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. + +![representative](https://github.com/optas/artemis/blob/master/doc/images/speaker_productions_teaser.png) + + +### 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, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,isaac-levitan_parkway-ostankino,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,isaac-levitan_path-in-the-forest,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,isaac-levitan_path-in-the-forest-1,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,isaac-levitan_path-in-the-forest-1884,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,isaac-levitan_peasant-s-hut,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,isaac-levitan_peonies,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,isaac-levitan_platform-the-approaching-train-1879,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0]" +Realism,isaac-levitan_plyos,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,isaac-levitan_plyos-1889,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,isaac-levitan_portrait-of-nikolay-panafidin-1891,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,isaac-levitan_portrait-of-sofia-petrovna-kuvshinnikov-1888,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,isaac-levitan_portrait-of-writer-anton-chekhov-1886,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,isaac-levitan_quartered-in-the-village,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Realism,isaac-levitan_quiet-cloister-1890,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,isaac-levitan_quiet-cloister-1890-1,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,isaac-levitan_quiet-cloister-1890-2,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,isaac-levitan_quiet-cloister-1890-3,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,isaac-levitan_railroad-tracks,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]" +Realism,isaac-levitan_rainbow,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]" +Realism,isaac-levitan_range-of-mountains-mont-blanc-1897,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,isaac-levitan_reeds-and-water-lilies-1889,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,isaac-levitan_river-in-the-forest-1886,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,isaac-levitan_river-in-the-forest-autumn-at-river-istra-1886,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,isaac-levitan_riverbank,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,isaac-levitan_road,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,isaac-levitan_road-1898,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,isaac-levitan_road-1899,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]" +Realism,isaac-levitan_road-in-a-wood-1881,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Realism,isaac-levitan_ruins-of-castle-doria-1890,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,isaac-levitan_schooner-in-bay-1896,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,isaac-levitan_sea-by-the-coasts-of-finland-1896,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,isaac-levitan_sea-finland-1896,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,isaac-levitan_seascape,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Realism,isaac-levitan_seashore-in-crimea-1886,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,isaac-levitan_seashore-in-crimea-1890,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,isaac-levitan_seashore-with-sea-view,"[1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,isaac-levitan_self-portrait,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,isaac-levitan_self-portrait-1,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Realism,isaac-levitan_shadows-moonlit-night,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Realism,isaac-levitan_sheaves-and-a-village-beyond-the-river,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,isaac-levitan_silence-1898,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Realism,isaac-levitan_small-hut-in-a-meadow,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,isaac-levitan_small-village,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,isaac-levitan_small-village-under-the-snow,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,isaac-levitan_snowbound-garden,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,isaac-levitan_spring-cranes-flying,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Realism,isaac-levitan_spring-has-come,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,isaac-levitan_spring-high-waters-1897,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,isaac-levitan_spring-in-crimea-1900,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,isaac-levitan_spring-in-the-forest-1882,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Realism,isaac-levitan_spring-in-the-village,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,isaac-levitan_spring-white-lilacs,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,isaac-levitan_springtime-in-italy-1890,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,isaac-levitan_springtime-the-last-snow-1895,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Realism,isaac-levitan_springtime-the-last-snow-1895-1,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Realism,isaac-levitan_stormy-day-1897,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,isaac-levitan_street-in-yalta-1886,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,isaac-levitan_stubbled-field,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Realism,isaac-levitan_study-to-above-the-eternal-tranquility-1892,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,isaac-levitan_summer-evening,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,isaac-levitan_summer-evening-edge-of-village-1899,"[1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]" +Realism,isaac-levitan_summer-evening-river,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,isaac-levitan_sunny-autumn-day-1897,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Realism,isaac-levitan_sunny-day-1876,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,isaac-levitan_sunny-day-1898,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,isaac-levitan_sunny-day-a-village-1898,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,isaac-levitan_sunny-day-near-the-isba-1899,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,isaac-levitan_sunset-forest-edge-1900,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]" +Realism,isaac-levitan_sunset-over-a-forest-lake-study,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Realism,isaac-levitan_tatarian-cemetery-crimea-1886,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Realism,isaac-levitan_tempest-rain-1899,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Realism,isaac-levitan_the-evening-after-the-rain-1879,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Realism,isaac-levitan_the-first-green-may-1888,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,isaac-levitan_the-gully-1898,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,isaac-levitan_the-halt,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,isaac-levitan_the-istra-river-1886,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,isaac-levitan_the-lake,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,isaac-levitan_the-lake-1898,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,isaac-levitan_the-lake-barns-at-the-edge-of-forest-1899,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,isaac-levitan_the-lake-eventide,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,isaac-levitan_the-last-rays-of-the-sun-1899,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,isaac-levitan_the-last-rays-of-the-sun-a-lake-1899,"[0.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,isaac-levitan_the-last-rays-of-the-sun-aspen-forest-1897,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,isaac-levitan_the-last-snow-village-savvinskaya-1884,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Realism,isaac-levitan_the-trunk-of-an-old-tree-1883,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Realism,isaac-levitan_the-twilight-moon-1898,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,isaac-levitan_the-vladimir-s-road-1892,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,isaac-levitan_the-vladimir-s-road-1892-1,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,isaac-levitan_three-pines-1886,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,isaac-levitan_trail,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,isaac-levitan_trail-in-the-forest,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Realism,isaac-levitan_train-on-the-way,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,isaac-levitan_trees-and-bushes,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Realism,isaac-levitan_trunk-of-burgeoning-oak,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,isaac-levitan_trunks-of-the-trees,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 1.0, 0.0]" +Realism,isaac-levitan_twilight-1900,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,isaac-levitan_twilight-a-castle-1898,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Realism,isaac-levitan_twilight-moon-1899,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,isaac-levitan_twilight-moon-1899-1,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,isaac-levitan_twilight-stacks-1899,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,isaac-levitan_valley-of-the-river-autumn-1896,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,isaac-levitan_venice-1890,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,isaac-levitan_vesper-chimes-1892,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,isaac-levitan_view-in-plyos-1888,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,isaac-levitan_view-of-nizhniy-novgorod,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,isaac-levitan_view-of-novodevichy-monastery-1899,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,isaac-levitan_view-of-volga-from-the-high-bank-1887,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,isaac-levitan_village,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,isaac-levitan_village-1884,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,isaac-levitan_village-1888,"[1.0, 4.0, 25.0, 2.0, 1.0, 1.0, 2.0, 5.0, 4.0]" +Realism,isaac-levitan_village-a-gray-day,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,isaac-levitan_village-at-the-edge-of-forest,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Realism,isaac-levitan_village-at-the-edge-of-forest-1,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Realism,isaac-levitan_village-at-the-riverbank-1883,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,isaac-levitan_village-by-the-ravine,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,isaac-levitan_village-early-spring-1888,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,isaac-levitan_village-in-winter,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,isaac-levitan_village-khotkovo,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,isaac-levitan_village-savvinskaya-1884,"[1.0, 5.0, 22.0, 5.0, 0.0, 1.0, 3.0, 6.0, 2.0]" +Realism,isaac-levitan_village-savvinskaya-near-zvenigorod-1884,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Realism,isaac-levitan_village-savvinskaya-near-zvenigorod-1884-1,"[0.0, 0.0, 3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]" +Realism,isaac-levitan_village-savvinskaya-near-zvenigorod-1884-2,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,isaac-levitan_village-savvinskaya-near-zvenigorod-at-summer-1884,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 1.0]" +Realism,isaac-levitan_village-twilight-1897,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Realism,isaac-levitan_village-windmill,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0]" +Realism,isaac-levitan_village-winter-1888,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Realism,isaac-levitan_volga-1889,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,isaac-levitan_volga-a-calm-day-1895,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,isaac-levitan_volga-barges,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]" +Realism,isaac-levitan_wassylsursk-1887,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,isaac-levitan_water-lilies-nenuphar-1895,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,isaac-levitan_water-margin-a-pond,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Realism,isaac-levitan_watermill,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,isaac-levitan_white-lilac-1895,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,isaac-levitan_widely,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,isaac-levitan_windy-day,"[1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,isaac-levitan_winter-1895,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,isaac-levitan_winter-landscape-cemetery,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,isaac-levitan_winter-landscape-with-mill-1884,"[3.0, 11.0, 21.0, 4.0, 0.0, 0.0, 1.0, 11.0, 0.0]" +Realism,isaac-levitan_winter-path-in-the-forest,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,isaac-levitan_wooded-riverbank-twilight-1892,"[0.0, 1.0, 2.0, 0.0, 0.0, 2.0, 2.0, 0.0, 0.0]" +Realism,isaac-levitan_yurievets-gloomy-day-on-the-volga-1890,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,istvan-nagy_soldier-head-1915,"[2.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0]" +Realism,ivan-grohar_brna-1899,"[0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Realism,ivan-kramskoy_a-girl-with-her-scythe-1873,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Realism,ivan-kramskoy_actor-alexander-lensky-pavlovich-as-petruchio-inshakespeare-s-taming-of-the-shrew-1883,"[0.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0]" +Realism,ivan-kramskoy_adrian-viktorovich-prahova-portrait-art-historian-and-art-critic-1879,"[1.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-kramskoy_astrologer-1886,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]" +Realism,ivan-kramskoy_at-the-restaurant,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-kramskoy_beekeeper-1872,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,ivan-kramskoy_bois-de-boulogne-near-paris-1876,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,ivan-kramskoy_books-got-her-1872,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,ivan-kramskoy_bouquet-of-flowers-1884,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-kramskoy_children-in-the-forest-1887,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,ivan-kramskoy_christ-1883,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,ivan-kramskoy_christ-in-the-wilderness-1872,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Realism,ivan-kramskoy_contemplator-1876,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]" +Realism,ivan-kramskoy_convalescent-1885,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]" +Realism,ivan-kramskoy_d-i-mendeleev-1878,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,ivan-kramskoy_dmitry-grigorovich-a-russian-writer-1876,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Realism,ivan-kramskoy_family-artist-1866,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-kramskoy_forest-path,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,ivan-kramskoy_fyodor-vasilyev-1871,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,ivan-kramskoy_georg-august-von-mecklenburg-strelitz-1876,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-kramskoy_girl-with-a-cat-1882,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,ivan-kramskoy_girl-with-washed-linen-on-the-yoke-1874,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,ivan-kramskoy_grand-duke-mikhail-pavlovich,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,ivan-kramskoy_head-of-an-old-peasant-study-1874,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Realism,ivan-kramskoy_head-of-an-old-ukranian-peasant-1871,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,ivan-kramskoy_herodias-1886,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]" +Realism,ivan-kramskoy_in-the-grove-of-medon-near-paris-1876,"[1.0, 13.0, 21.0, 6.0, 0.0, 0.0, 5.0, 0.0, 2.0]" +Realism,ivan-kramskoy_inconsolable-grief-1884,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]" +Realism,ivan-kramskoy_inspection-of-the-old-house-1874,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]" +Realism,ivan-kramskoy_ivan-goncharov,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,ivan-kramskoy_josephine,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-kramskoy_kramskoi-ivan-mina-moiseev-sun-1882,"[0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0]" +Realism,ivan-kramskoy_kramsky-who-writes-a-portrait-of-his-daughter-sofia-ivanovna-archaeology-from-marriage-juncker-1884,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,ivan-kramskoy_laughter-hail-king-of-judah-1882,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,ivan-kramskoy_marc,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Realism,ivan-kramskoy_mermaids-1871,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,ivan-kramskoy_moonlit-night-1880,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Realism,ivan-kramskoy_n-a-nekrasov-during-the-last-songs-1878,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,ivan-kramskoy_no-title-1882,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,ivan-kramskoy_old-man-with-a-crutch-1872,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0]" +Realism,ivan-kramskoy_on-the-balkony-siverskaya-1883,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-kramskoy_outraged-jewish-boy-1874,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Realism,ivan-kramskoy_peasant-with-a-bridle-1883,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,ivan-kramskoy_poet-apollon-nikolaevich-maikov-1883,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-kramskoy_pond-1880,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-kramskoy_portarait-of-philosopher-vladimir-solovyov-1885,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,ivan-kramskoy_portrait-a-i-kuindzhi-1870,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Realism,ivan-kramskoy_portrait-a-i-kuindzhi-1872,"[0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0]" +Realism,ivan-kramskoy_portrait-artist-and-photographer-of-mikhail-borisovich-tulinova-1868,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,ivan-kramskoy_portrait-of-a-girl-1870,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,ivan-kramskoy_portrait-of-a-p-bogoliubov-1869,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0]" +Realism,ivan-kramskoy_portrait-of-a-poet-and-artist-taras-shevchenko-1871,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Realism,ivan-kramskoy_portrait-of-a-publisher-and-writer-alexei-sergeyevich-suvorina-1881,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]" +Realism,ivan-kramskoy_portrait-of-a-woman,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,ivan-kramskoy_portrait-of-a-woman-1,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,ivan-kramskoy_portrait-of-a-woman-1867,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,ivan-kramskoy_portrait-of-a-woman-1883,"[1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,ivan-kramskoy_portrait-of-a-woman-1884,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-kramskoy_portrait-of-a-woman-2,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-kramskoy_portrait-of-a-woman-3,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-kramskoy_portrait-of-a-young-woman-dressed-in-black-velvet-1863,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,ivan-kramskoy_portrait-of-admiral-login-loginovich-heyden-1882,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,ivan-kramskoy_portrait-of-alexander-iii-1886,"[0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,ivan-kramskoy_portrait-of-alexandr-griboyedov,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,ivan-kramskoy_portrait-of-alexei-suvorin-1881,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,ivan-kramskoy_portrait-of-an-agronomist-m-e-vyunnikov-1868,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,ivan-kramskoy_portrait-of-an-old-peasant-study-1872,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Realism,ivan-kramskoy_portrait-of-an-unknown-man-1875,"[1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Realism,ivan-kramskoy_portrait-of-an-unknown-woman-1886,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,ivan-kramskoy_portrait-of-anatoly-kramskoy-the-artist-s-son-1882,"[0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Realism,ivan-kramskoy_portrait-of-anna-von-derviz-1881,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,ivan-kramskoy_portrait-of-art-critic-pavel-kovalevsky-1886,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Realism,ivan-kramskoy_portrait-of-barbara-kirillovna-lemokh-in-childhood-1882,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,ivan-kramskoy_portrait-of-dmitry-mendeleyev-1878,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-kramskoy_portrait-of-dmitry-vasilyevich-grigorovich-1876,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Realism,ivan-kramskoy_portrait-of-dr-karl-a-rauhfus-1887,"[0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0]" +Realism,ivan-kramskoy_portrait-of-dr-sergei-petrovich-botkin-1880,"[1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]" +Realism,ivan-kramskoy_portrait-of-ekaterina-kornilova-1880,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Realism,ivan-kramskoy_portrait-of-empress-maria-fiodorovna-in-a-head-dress-decorated-with-pearls,"[1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-kramskoy_portrait-of-feodor-petrushevsky-1882,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,ivan-kramskoy_portrait-of-franz-ivanovich-ruprecht,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 1.0]" +Realism,ivan-kramskoy_portrait-of-ivan-aleksandrovich-goncharov-1874,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,ivan-kramskoy_portrait-of-leo-tolstoy-1873,"[0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 2.0, 0.0, 0.0]" +Realism,ivan-kramskoy_portrait-of-maria-fyodorovna-born-princess-dagmar-of-denmark-wife-of-russian-tsar-alexander-iii,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,ivan-kramskoy_portrait-of-nikolay-kramskoy-the-artist-s-son-1882,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,ivan-kramskoy_portrait-of-olga-afanasiyevna-raftopulo-1884,"[0.0, 2.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-kramskoy_portrait-of-pavel-tretyakov-1876,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,ivan-kramskoy_portrait-of-prince-pavel-ivanovich-lieven-1879,"[0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-kramskoy_portrait-of-princess-catherine-alekseevny-vasilchikova-1867,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,ivan-kramskoy_portrait-of-pyotr-valuev-1880,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,ivan-kramskoy_portrait-of-sculptor-mark-matveevitch-antokolsky-1876,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Realism,ivan-kramskoy_portrait-of-sergei-kramskoy-son-of-the-artist-1883,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-kramskoy_portrait-of-sergei-kramskoy-the-artist-s-son-1883,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,ivan-kramskoy_portrait-of-sergei-timofeevich-aksakov-1878,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Realism,ivan-kramskoy_portrait-of-singer-elizabeth-andreevny-lavrovsky-on-stage-at-the-assembly-of-nobility-1879,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-kramskoy_portrait-of-sofia-nikolaevna-and-sophia-ivanovna-archaeology-wife-and-daughter-of-the-artist-1875,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,ivan-kramskoy_portrait-of-sofia-nikolaevna-kramskoy-in-hat-1863,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,ivan-kramskoy_portrait-of-sofia-nikolaevna-kramskoy-the-artist-s-wife-1879,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 3.0]" +Realism,ivan-kramskoy_portrait-of-sonya-kramskaya-the-artist-s-daughter,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,ivan-kramskoy_portrait-of-sophia-ivanovna-kramskoy-daughter-of-the-artist-1882,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-kramskoy_portrait-of-the-artist-alexander-dmitrievich-litovchenko-1878,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,ivan-kramskoy_portrait-of-the-artist-alexander-sokolov-1883,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Realism,ivan-kramskoy_portrait-of-the-artist-g-g-myasoedov-1872,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,ivan-kramskoy_portrait-of-the-artist-i-k-aivazovsky,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,ivan-kramskoy_portrait-of-the-artist-ilya-repin,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Realism,ivan-kramskoy_portrait-of-the-artist-johann-gottlieb-wenig-1861,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,ivan-kramskoy_portrait-of-the-artist-konstantin-savitsky-1871,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-kramskoy_portrait-of-the-artist-mikhail-dyakonov-1875,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Realism,ivan-kramskoy_portrait-of-the-artist-mikhail-konstantinovich-klodt-1871,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,ivan-kramskoy_portrait-of-the-artist-nikolai-dmitrievich-dmitriev-orenburg-1866,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,ivan-kramskoy_portrait-of-the-artist-nikolay-andreyevich-koshelev-1866,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,ivan-kramskoy_portrait-of-the-artist-nikolay-bogoliubov-1876,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-kramskoy_portrait-of-the-artist-pavel-petrovich-chistyakova-1860,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-kramskoy_portrait-of-the-artist-v-m-maksimov,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Realism,ivan-kramskoy_portrait-of-the-artist-vasily-perov-1881,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Realism,ivan-kramskoy_portrait-of-the-artist-vasily-vereshchagin-1883,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,ivan-kramskoy_portrait-of-the-astronomer-otto-struve-vasilyevich-1886,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,ivan-kramskoy_portrait-of-the-author-ivan-goncharov-1874,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,ivan-kramskoy_portrait-of-the-author-mikhail-saltykov-shchedrin-1879,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]" +Realism,ivan-kramskoy_portrait-of-the-cellist-s-morozov-1884,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,ivan-kramskoy_portrait-of-the-doctor-sergey-botkin-1882,"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 2.0]" +Realism,ivan-kramskoy_portrait-of-the-painter-ivan-shishkin,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Realism,ivan-kramskoy_portrait-of-the-painter-ivan-shishkin-1873,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-kramskoy_portrait-of-the-painter-ivan-shishkin-1880,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-kramskoy_portrait-of-the-photographer-andrey-denier-1883,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,ivan-kramskoy_portrait-of-the-poet-nikolai-nekrasov-1877,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,ivan-kramskoy_portrait-of-the-poet-yakov-polonsky-1875,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,ivan-kramskoy_portrait-of-the-sculptor-mark-antokolsky-1876,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,ivan-kramskoy_portrait-of-the-writer-mikhail-evgrafovich-saltykov-n-shchedrin-1879,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,ivan-kramskoy_portrait-of-theodora-saltykova-the-painter-s-mother-in-law-1875,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,ivan-kramskoy_portrait-of-unknown-woman-1883,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]" +Realism,ivan-kramskoy_portrait-of-v-voyeykova-1867,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-kramskoy_portrait-of-vera-nikolaevna-tretjakowa-born-mamontowa-1876,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,ivan-kramskoy_portrait-of-vera-nikolaevna-tretyakova-1876,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-kramskoy_portrait-of-yakov-golubev-vice-director-of-the-tax-department-1884,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Realism,ivan-kramskoy_portrait-of-yuri-stepanovich-nechaev-maltsev-1885,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,ivan-kramskoy_portrait-s-i-kramskoy,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,ivan-kramskoy_portrait-samarin-1878,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,ivan-kramskoy_prayer-of-moses-after-the-israelites-go-through-the-black-sea-1861,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,ivan-kramskoy_reading-1863,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-kramskoy_russian-girl-in-a-blue-shawl-1882,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,ivan-kramskoy_russian-writer-pavel-melnikov-1876,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,ivan-kramskoy_samarin-yury-fyodorovich-1878,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,ivan-kramskoy_self-portrait,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,ivan-kramskoy_self-portrait-1867,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,ivan-kramskoy_self-portrait-1874,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Realism,ivan-kramskoy_siverskaya-1883,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,ivan-kramskoy_somnambulant-1871,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]" +Realism,ivan-kramskoy_sophia,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Realism,ivan-kramskoy_the-actor-vasily-samoilov-1881,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-kramskoy_the-miller-1873,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,ivan-kramskoy_the-painting-of-the-main-dome-of-the-temple-of-christ-the-savior-in-moscow-1865,"[0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-kramskoy_the-portrait-of-a-peasant-1868,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Realism,ivan-kramskoy_vera-tretyakov-in-kuntsevo-1875,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0]" +Realism,ivan-kramskoy_veranda,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Realism,ivan-kramskoy_village-yard-in-france-1876,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-kramskoy_woman-with-an-umbrella-in-the-grass-midday-1883,"[0.0, 1.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-kramskoy_woodsman-1874,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 1.0]" +Realism,ivan-kramskoy_zhukovka-1879,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,ivan-shishkin_a-road-1874,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_a-sketch-for-a-painting-in-the-wild-north-1890,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Realism,ivan-shishkin_a-walk-in-the-forest-1869,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_a-woman-under-an-umbrella-on-a-flowering-meadow-1881,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_a-woman-with-a-boy-in-the-forest-1868,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,ivan-shishkin_after-a-storm-in-mary-howe-1891,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_after-the-rain-etude-of-the-forest-1881,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_alley-of-the-summer-garden-in-st-petersburg-1869,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,ivan-shishkin_amanita-1879,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_among-the-open-valley-1883,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_anthill-1892,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Realism,ivan-shishkin_aspen-on-the-way-to-kivach-1889,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,ivan-shishkin_at-small-nevka-1886,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,ivan-shishkin_at-the-church-fence-balaam-1867,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,ivan-shishkin_at-the-edge-of-a-birch-grove-valaam-1860,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,ivan-shishkin_at-the-edge-of-a-birch-grove-valaam-1860-1,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Realism,ivan-shishkin_at-the-edge-of-a-pine-forest-1882,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,ivan-shishkin_at-the-edge-of-an-oak-forest-1882,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_at-the-edge-of-the-forest,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,ivan-shishkin_at-the-edge-of-the-forest-1885,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,ivan-shishkin_at-the-summer-cottage-1894,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,ivan-shishkin_at-the-top-of-the-ai-petri-1879,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,ivan-shishkin_at-the-wicket,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,ivan-shishkin_autumn-1892,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_autumn-1892-1,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,ivan-shishkin_autumn-1894,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_autumn-forest-1876,"[0.0, 1.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_autumn-landscape-park-in-pavlovsk-1888,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_autumn-landscape-path-in-the-forest-1894,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_backwoods-1870,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]" +Realism,ivan-shishkin_backwoods-1872,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_bank-of-the-stream-1885,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Realism,ivan-shishkin_beach,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_beach-1890,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Realism,ivan-shishkin_beach-mary-howe-1889,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,ivan-shishkin_beach-of-pond,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,ivan-shishkin_bee-families,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,ivan-shishkin_bee-families-1882,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,ivan-shishkin_bee-families-1884,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Realism,ivan-shishkin_bee-families-1892,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,ivan-shishkin_bee-families-in-the-forest-1876,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_beech-forest-in-switzerland-1863,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_beech-forest-in-switzerland-1863-1,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_before-sunset,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_bench-at-the-mall-1872,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,ivan-shishkin_birch-and-mountain-ash-1878,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,ivan-shishkin_birch-forest-1871,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,ivan-shishkin_birch-grove,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_birch-grove-1875,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_birch-grove-1878,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_birch-grove-1896,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_birch-grove-1896-1,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_blagoveschensky-cathedral-and-province-gymnasia-on-blagoveschenskaya-square-in-nyzhny-novgorod-1870,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,ivan-shishkin_boulders-in-forest,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,ivan-shishkin_branches,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,ivan-shishkin_bridge-1873,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,ivan-shishkin_bridge-in-the-forest-1895,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_broken-birch-1872,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,ivan-shishkin_bull-1863,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,ivan-shishkin_by-the-seashore-1889,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_cape-ai-todor-crimea-1879,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,ivan-shishkin_carved-wood,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]" +Realism,ivan-shishkin_cave-in-caves-volcanoes-1879,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,ivan-shishkin_children-in-the-forest,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,ivan-shishkin_city-roofs-in-winter,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_clearing-in-the-forest-1889,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_cliff-1878,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Realism,ivan-shishkin_cliff-1893,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,ivan-shishkin_clouds,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,ivan-shishkin_clouds-over-the-grove-1878,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Realism,ivan-shishkin_cloudy-day,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_coast-of-oak-grove-of-peter-the-great-in-sestroretsk-1885,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_coltsfoot,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_coltsfoot-1878,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,ivan-shishkin_coniferous-forest-1873,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Realism,ivan-shishkin_coniferous-forest-sunny-day-1895,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_coppice-noon-1872,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,ivan-shishkin_corner-of-overgrown-garden-goutweed-grass-1884,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,ivan-shishkin_countess-mordvinov-s-forest-1891,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Realism,ivan-shishkin_covert-1867,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_covert-1874,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Realism,ivan-shishkin_covert-1894,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_cows-under-the-oak-1863,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,ivan-shishkin_creek-in-gurzuf,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,ivan-shishkin_crimean-nut-tree-1884,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_crimean-view-near-yalta-1879,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]" +Realism,ivan-shishkin_cut-down-birch-1864,"[0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]" +Realism,ivan-shishkin_cut-down-oak-in-the-bialowiezka-forest-1892,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,ivan-shishkin_dark-forest-1890,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,ivan-shishkin_deadwood-1893,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_deciduous-forest,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Realism,ivan-shishkin_deciduous-forest-1873,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,ivan-shishkin_deciduous-forest-1897,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_distance,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_dresden-bridge-of-august-1862,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,ivan-shishkin_early-autumn-1889,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,ivan-shishkin_edge-of-the-deciduous-forest-1895,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_edge-of-the-forest,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Realism,ivan-shishkin_edge-of-the-forest-1,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,ivan-shishkin_edge-of-the-forest-1866,"[0.0, 0.0, 6.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_edge-of-the-forest-1873,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Realism,ivan-shishkin_edge-of-the-forest-1879,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_edge-of-the-forest-1884,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_edge-of-the-forest-1885,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_edge-of-the-forest-1890,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_edge-of-the-forest-1892,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,ivan-shishkin_edge-of-the-forest-2,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,ivan-shishkin_edge-of-the-forest-spruce-forest-1890,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,ivan-shishkin_edge-of-the-pine-forest,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_etude-1885,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,ivan-shishkin_evening-1871,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_evening-1892,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_evening-in-a-pine-forest-1875,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_fallen-tree,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Realism,ivan-shishkin_fallen-tree-1875,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,ivan-shishkin_fallen-tree-siverskaya,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Realism,ivan-shishkin_fallen-tree-siverskaya-1879,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Realism,ivan-shishkin_felling,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Realism,ivan-shishkin_ferns,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,ivan-shishkin_ferns-1886,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,ivan-shishkin_ferns-in-the-forest-1877,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,ivan-shishkin_ferns-in-the-forest-siverskaya-1883,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_field-1886,"[0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0]" +Realism,ivan-shishkin_fields-and-groves,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,ivan-shishkin_fir,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,ivan-shishkin_fir-1,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Realism,ivan-shishkin_fir-forest,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,ivan-shishkin_fir-forest-1890,"[0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_fir-forest-1890-1,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Realism,ivan-shishkin_fir-forest-1891,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_fir-forest-in-winter-1884,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Realism,ivan-shishkin_fir-forest-on-the-river-kama-1877,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_fir-in-sunlight,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_fir-in-the-shuvalov-park-1886,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Realism,ivan-shishkin_first-snow-1875,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,ivan-shishkin_flowers-at-the-fence,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,ivan-shishkin_flowers-in-the-forest-1877,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_flowers-on-the-forest-edge-1893,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_fog-in-the-forest,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,ivan-shishkin_forest,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Realism,ivan-shishkin_forest-1,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,ivan-shishkin_forest-1869,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Realism,ivan-shishkin_forest-1869-1,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,ivan-shishkin_forest-1869-2,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,ivan-shishkin_forest-1876,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Realism,ivan-shishkin_forest-1885,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_forest-1892,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,ivan-shishkin_forest-1893,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_forest-1897,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_forest-2,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Realism,ivan-shishkin_forest-3,"[1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_forest-4,"[0.0, 2.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_forest-5,"[1.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_forest-6,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,ivan-shishkin_forest-7,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]" +Realism,ivan-shishkin_forest-8,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_forest-aspen-1896,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,ivan-shishkin_forest-autumn,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_forest-before-the-storm-1872,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,ivan-shishkin_forest-cemetery-1893,"[2.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_forest-cutting,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,ivan-shishkin_forest-edges,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_forest-flowers-1873,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,ivan-shishkin_forest-from-the-mountain-1895,"[0.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_forest-glade,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,ivan-shishkin_forest-glade-1889,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_forest-glade-glade-1897,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_forest-horizont,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,ivan-shishkin_forest-hut-1892,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,ivan-shishkin_forest-in-mordvinovo-1891,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_forest-in-spring-1884,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_forest-in-winter-1884,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_forest-into-the-frost,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,ivan-shishkin_forest-lake,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,ivan-shishkin_forest-landscape,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_forest-landscape-1,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_forest-landscape-1872,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_forest-landscape-1874,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,ivan-shishkin_forest-landscape-1878,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Realism,ivan-shishkin_forest-landscape-1879,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,ivan-shishkin_forest-landscape-1890,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_forest-landscape-2,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Realism,ivan-shishkin_forest-landscape-road-1876,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,ivan-shishkin_forest-landscape-with-figures-1880,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,ivan-shishkin_forest-landscape-with-herons-1870,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_forest-landscape-with-stream,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,ivan-shishkin_forest-mounds-1888,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,ivan-shishkin_forest-path-1863,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Realism,ivan-shishkin_forest-pine,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_forest-reserve-pine-grove-1881,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,ivan-shishkin_forest-river,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_forest-river-1893,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,ivan-shishkin_forest-river-1895,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Realism,ivan-shishkin_forest-river-siverskaya-1876,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,ivan-shishkin_forest-road,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Realism,ivan-shishkin_forest-road-1892,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_forest-road-1897,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_forest-stream,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,ivan-shishkin_forest-stream-1,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Realism,ivan-shishkin_forest-stream-1870,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,ivan-shishkin_forest-stream-1870-1,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Realism,ivan-shishkin_forest-stream-1874,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Realism,ivan-shishkin_forest-stream-1880,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,ivan-shishkin_forest-stream-1895,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,ivan-shishkin_forest-stream-1896,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_forest-stream-2,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,ivan-shishkin_forest-stream-3,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,ivan-shishkin_forest-stream-4,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,ivan-shishkin_forest-stream-evening-1871,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,ivan-shishkin_forest-swamp-1889,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_forest-under-the-snow,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]" +Realism,ivan-shishkin_forest-with-a-seated-figure,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]" +Realism,ivan-shishkin_from-the-banks-of-the-kama-river-near-yelabuga-1885,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_from-the-vicinity-of-gurzuf-1879,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Realism,ivan-shishkin_gathering-mushrooms,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,ivan-shishkin_gathering-mushrooms-1870,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_gathering-storm-1884,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Realism,ivan-shishkin_go-to-the-autumn-1880,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Realism,ivan-shishkin_golden-autumn-1888,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,ivan-shishkin_goutweed-grass,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,ivan-shishkin_goutweed-grass-pargolovo-1885,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_grass-1892,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_group-of-deciduous-trees-and-stones,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Realism,ivan-shishkin_grove-by-the-pond-preobrazhenskoye-1896,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_grove-on-the-shore-of-the-pond,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,ivan-shishkin_gursuf-1879,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_gurzuf-rocks-1879,"[0.0, 0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0]" +Realism,ivan-shishkin_harvest,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_herd-in-the-forest-1864,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Realism,ivan-shishkin_herd-near-a-stream,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,ivan-shishkin_herd-of-sheep-in-the-forest-1865,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,ivan-shishkin_herd-of-sheep-on-the-forest-edge,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Realism,ivan-shishkin_herd-of-sheep-under-an-oak-tree-1863,"[4.0, 2.0, 30.0, 2.0, 1.0, 1.0, 3.0, 1.0, 3.0]" +Realism,ivan-shishkin_herd-on-the-river-bank,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,ivan-shishkin_herd-under-the-trees-1864,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,ivan-shishkin_holy-creek-near-yelabuga-1886,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,ivan-shishkin_hovel-1861,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Realism,ivan-shishkin_hut-in-the-the-forest,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_in-crimea,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_in-sestroretsk,"[0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]" +Realism,ivan-shishkin_in-sestroretsk-1886,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,ivan-shishkin_in-siverskaya-1896,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_in-the-birch-tree-forest-1883,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_in-the-deciduous-forest,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0, 0.0]" +Realism,ivan-shishkin_in-the-fir-forest,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,ivan-shishkin_in-the-fir-forest-1,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Realism,ivan-shishkin_in-the-forest,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,ivan-shishkin_in-the-forest-1886,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,ivan-shishkin_in-the-forest-1889,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,ivan-shishkin_in-the-forest-fallen-tree-1878,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,ivan-shishkin_in-the-forest-from-the-forest-with-mushrooms-1883,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,ivan-shishkin_in-the-forest-thicket,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]" +Realism,ivan-shishkin_in-the-grove-1865,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,ivan-shishkin_in-the-grove-1869,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_in-the-mountains-near-gurzuf-1879,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Realism,ivan-shishkin_in-the-park,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_in-the-park-1897,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_in-the-wild-north-1891,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,ivan-shishkin_in-winter-1883,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]" +Realism,ivan-shishkin_italian-boy,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_ivan-shishkin-and-a-guinet-in-the-studio-on-the-island-of-valaam-1860,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 2.0]" +Realism,ivan-shishkin_kama-1895,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,ivan-shishkin_kama-near-yelabuga-1895,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,ivan-shishkin_krestovsky-island-shrouded-in-mist,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,ivan-shishkin_lake,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,ivan-shishkin_lake-in-the-forest,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_lakeshore-1884,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,ivan-shishkin_landscape,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,ivan-shishkin_landscape-1861,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_landscape-1886,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,ivan-shishkin_landscape-1896,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,ivan-shishkin_landscape-1896-1,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Realism,ivan-shishkin_landscape-1898,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_landscape-cliff,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 2.0]" +Realism,ivan-shishkin_landscape-edge-of-a-wood,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_landscape-with-a-hunter-valaam-island-1867,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,ivan-shishkin_landscape-with-a-woman-1872,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,ivan-shishkin_landscape-with-bridge,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_landscape-with-carts,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 2.0]" +Realism,ivan-shishkin_landscape-with-herd-of-sheep,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,ivan-shishkin_landscape-with-lake-1886,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,ivan-shishkin_landscape-with-stump-1892,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,ivan-shishkin_landscape-with-walking-people-1869,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_large-nevka,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,ivan-shishkin_last-rays-1865,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,ivan-shishkin_little-house-in-dusseldorf-1856,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,ivan-shishkin_logging-1867,"[0.0, 7.0, 12.0, 0.0, 3.0, 2.0, 3.0, 18.0, 2.0]" +Realism,ivan-shishkin_logs-kostiantynovka-village-near-the-red-village-1869,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Realism,ivan-shishkin_marsh-polissia-1890,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,ivan-shishkin_mast-tree-forest-1891,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,ivan-shishkin_mast-tree-grove-1897,"[0.0, 2.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Realism,ivan-shishkin_mast-tree-grove-1898,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Realism,ivan-shishkin_meadow-at-the-forest-edge-siverskaya-1887,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,ivan-shishkin_meadow-with-pine-trees,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_mill-in-the-forest-preobrazhenskoe-1897,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_misty-morning-1885,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_misty-morning-1897,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,ivan-shishkin_mixed-forest-shmetsk-near-narva-1888,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,ivan-shishkin_morning-in-a-pine-forest-1886,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,ivan-shishkin_morning-in-a-pine-forest-1889,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,ivan-shishkin_moss-roots,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,ivan-shishkin_mountain-path-crimea-1879,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,ivan-shishkin_mountain-river-1886,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,ivan-shishkin_mowing-in-the-oak-grove-1874,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_mugs-1878,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_mushroom-pickers,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,ivan-shishkin_near-the-monastery-1870,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_near-the-monastery-1876,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Realism,ivan-shishkin_near-yelabuga-1886,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,ivan-shishkin_night-1886,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_noon-in-the-neighbourhood-of-moscow-1869,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,ivan-shishkin_noon-suburbs-of-moscow-bratsevo-1866,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,ivan-shishkin_not-identified,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]" +Realism,ivan-shishkin_oak-1865,"[1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_oak-1889,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_oak-forest,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_oak-forest-1869,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_oak-grove-1887,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_oak-grove-1893,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,ivan-shishkin_oak-grove-in-a-gray-day-1873,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_oak-grove-of-peter-the-great-on-the-coast-of-the-gulf-in-sestroretsk-1885,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,ivan-shishkin_oak-on-the-shore-of-the-gulf-of-finland-1857,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,ivan-shishkin_oaks,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_oaks-1,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_oaks-1857,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_oaks-1886,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_oaks-1887,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_oaks-evening-1887,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Realism,ivan-shishkin_oaks-in-old-peterhof-1891,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_oaks-in-old-peterhof-1891-1,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_oaks-in-sestroretsk,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,ivan-shishkin_oaks-in-sunlight,"[0.0, 0.0, 3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_oaks-of-peter-the-great-in-sestroretsk-1886,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_oaks-under-sestroretsk-1857,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Realism,ivan-shishkin_old-lime-1894,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,ivan-shishkin_old-oak-1866,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,ivan-shishkin_on-a-stream-1895,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,ivan-shishkin_on-sandy-soil-mary-howie-on-finnish-railways-1890,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_on-the-forest-boundary-line-1878,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,ivan-shishkin_on-the-kama-near-yelabuga-1885,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,ivan-shishkin_on-the-mountain-castel-near-alushta-1879,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,ivan-shishkin_on-the-seashore-sestroreck,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,ivan-shishkin_on-the-shore-of-the-gulf-of-finland-udrias-near-narva-1888,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,ivan-shishkin_on-the-shore-of-the-gulf-of-finland-udrias-near-narva-1888-1,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_on-the-shore-of-the-gulf-of-finland-udrias-near-narva-1889,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,ivan-shishkin_over-the-embankment-1887,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,ivan-shishkin_over-water,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,ivan-shishkin_overgrown-pond-1884,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Realism,ivan-shishkin_overgrown-pond-at-the-edge-of-the-forest-siverskaya-1883,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_park-in-pavlovsk-1889,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_part-of-the-trunk-of-a-pine-mary-howe-1890,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,ivan-shishkin_path-in-the-forest-1871,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Realism,ivan-shishkin_path-in-the-forest-1891,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_patio-1878,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,ivan-shishkin_peasant-and-peddler-1855,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0, 1.0]" +Realism,ivan-shishkin_peasant-woman-with-cows-1873,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,ivan-shishkin_pine-1889,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,ivan-shishkin_pine-1892,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,ivan-shishkin_pine-forest,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,ivan-shishkin_pine-forest-1,"[2.0, 17.0, 26.0, 6.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,ivan-shishkin_pine-forest-1866,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,ivan-shishkin_pine-forest-1878,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Realism,ivan-shishkin_pine-forest-1884,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,ivan-shishkin_pine-forest-1885,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,ivan-shishkin_pine-forest-1885-1,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,ivan-shishkin_pine-forest-1889,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,ivan-shishkin_pine-forest-1889-1,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_pine-forest-1895,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,ivan-shishkin_pine-forest-2,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,ivan-shishkin_pine-forest-3,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,ivan-shishkin_pine-forest-in-ligovo-1895,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_pine-forest-in-viatka-province-1872,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Realism,ivan-shishkin_pine-forest-in-vyatka-province-1872,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,ivan-shishkin_pine-in-the-snow-1890,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_pine-merikyul-1894,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,ivan-shishkin_pine-on-sand-1884,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,ivan-shishkin_pine-on-the-cliff-1855,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,ivan-shishkin_pine-trees-over-the-sea-alupka-1879,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Realism,ivan-shishkin_pine-without-the-sun-mary-howe-1890,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,ivan-shishkin_pines,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,ivan-shishkin_pines-1892,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Realism,ivan-shishkin_pines-1895,"[1.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_pines-on-the-beach-1877,"[0.0, 2.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_pines-on-the-cliffs-alupka-1879,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,ivan-shishkin_pines-summer-landscape-1867,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,ivan-shishkin_pines-sunny-day,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_polesye,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_polesye-1883,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_pond,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,ivan-shishkin_pond-1,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,ivan-shishkin_pond-1881,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,ivan-shishkin_pond-in-a-old-park-1897,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Realism,ivan-shishkin_por-threshold-1889,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Realism,ivan-shishkin_promenading-in-the-forest-1869,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_rain-in-the-oak-forest-1891,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_rain-in-the-oak-grove-1891,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_ravine-in-kozlovka-zaseka-1873,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_ravines,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,ivan-shishkin_river-backwater-in-the-forest-1890,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Realism,ivan-shishkin_river-floods-such-as-seas-1890,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,ivan-shishkin_river-floods-such-as-seas-1890-1,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,ivan-shishkin_river-floods-such-as-seas-1890-2,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Realism,ivan-shishkin_riverside,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,ivan-shishkin_rocks-on-the-beach-gursuf-1879,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,ivan-shishkin_rocks-on-the-island-of-valaam-kukko-1859,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Realism,ivan-shishkin_rocky-shore-1879,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_rotten-wood-covered-with-moss-1890,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Realism,ivan-shishkin_rowan-1892,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_rye-1892,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Realism,ivan-shishkin_sands-1887,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,ivan-shishkin_sandy-road-1898,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,ivan-shishkin_sawn-tree,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,ivan-shishkin_self-portrait-1854,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]" +Realism,ivan-shishkin_self-portrait-1886,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,ivan-shishkin_sestroreck-1884,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_shmelevka-windy-day-1861,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,ivan-shishkin_shore-1885,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,ivan-shishkin_sketch-of-the-painting-in-1898-1898,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Realism,ivan-shishkin_slope,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_slums-view-on-the-island-of-valaam-1860,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,ivan-shishkin_sorrel,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Realism,ivan-shishkin_spring-in-the-forest-1892,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_stones,"[4.0, 6.0, 19.0, 1.0, 1.0, 4.0, 0.0, 3.0, 7.0]" +Realism,ivan-shishkin_stones-1,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_stones-1859,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Realism,ivan-shishkin_stones-in-the-a-forest-1865,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,ivan-shishkin_stones-in-the-forest-valaam-1860,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,ivan-shishkin_stream-1883,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,ivan-shishkin_stream-by-a-forest-slope-1880,"[0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_study-1884,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,ivan-shishkin_study-for-the-painting-chopping-wood-1867,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Realism,ivan-shishkin_study-for-the-painting-noon-in-the-vicinity-of-moscow,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,ivan-shishkin_study-for-the-trunks,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Realism,ivan-shishkin_study-forest,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]" +Realism,ivan-shishkin_summer,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,ivan-shishkin_summer-day-1891,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_summer-day-trees,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,ivan-shishkin_summer-in-the-field-landscape-with-a-herd,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Realism,ivan-shishkin_summer-landscape-with-birch,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_summer-landscape-with-two-houses,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,ivan-shishkin_sunny-day-in-the-woods-oaks-1891,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_sunny-day-merikyul-1894,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Realism,ivan-shishkin_suuch-khan-crimea-1879,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0]" +Realism,ivan-shishkin_swamp-1884,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,ivan-shishkin_swamp-in-the-the-forest-1885,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,ivan-shishkin_swiss-landscape-1866,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_taiga-1880,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,ivan-shishkin_thaw-1883,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,ivan-shishkin_the-bark-on-the-dry-trunk-1890,"[0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Realism,ivan-shishkin_the-boy-in-the-field,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_the-bridge-over-the-river,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Realism,ivan-shishkin_the-chapel-in-forest-1893,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_the-edge-of-a-pine-forest,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,ivan-shishkin_the-field-of-wheat-1878,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,ivan-shishkin_the-forest-clearing-1896,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_the-forest-horizons-1884,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,ivan-shishkin_the-mordvinovo-oaks-1891,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_the-old-house-on-the-shore-of-the-pond,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,ivan-shishkin_the-path-in-the-forest,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_the-path-in-the-forest-1886,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,ivan-shishkin_the-path-through-the-woods-1880-oil-on-canvas-1880,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_the-road,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,ivan-shishkin_the-road-1,"[0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,ivan-shishkin_the-road-1878,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,ivan-shishkin_the-road-in-forest,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Realism,ivan-shishkin_the-road-in-forest-1869,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,ivan-shishkin_the-road-in-the-rye-1866,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,ivan-shishkin_the-sestroretsk-bor-1896,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_the-sketch-for-the-painting-rye-1878,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,ivan-shishkin_the-stream-1873,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Realism,ivan-shishkin_the-sun-in-the-forest-1895,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,ivan-shishkin_the-sun-lit-pines,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_the-sun-lit-pines-1886,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,ivan-shishkin_the-teutoburg-forest-1865,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,ivan-shishkin_the-tops-of-the-pines,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,ivan-shishkin_the-tops-of-the-pines-1,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,ivan-shishkin_thicket-1879,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Realism,ivan-shishkin_thickets-1881,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Realism,ivan-shishkin_tree-roots,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]" +Realism,ivan-shishkin_trees,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_trees-1,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,ivan-shishkin_trees-in-the-field-bratsevo-1866,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,ivan-shishkin_trees-kozlovka-zaseka-1873,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Realism,ivan-shishkin_trees-near-a-stream-on-mount-castel-1879,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Realism,ivan-shishkin_troy-village-near-prague,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,ivan-shishkin_twilight-1883,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,ivan-shishkin_twilight-after-sunset-1874,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,ivan-shishkin_two-female-figures,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,ivan-shishkin_uprooted-stumps-under-the-snow,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]" +Realism,ivan-shishkin_valaam-forest-on-the-rocks-1859,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,ivan-shishkin_view-in-the-vicinity-of-st-petersburg-1856,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,ivan-shishkin_view-near-dusseldorf-1865,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_view-of-the-beach,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_view-of-the-yelabuga-1861,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_view-of-valaam-island,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Realism,ivan-shishkin_view-of-valaam-island-1858,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_view-of-valaam-island-kukko-1860,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,ivan-shishkin_view-of-valaam-island-kukko-1860-1,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Realism,ivan-shishkin_village-1874,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,ivan-shishkin_village-courtyard-end-of-1860,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,ivan-shishkin_wildflowers-1884,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Realism,ivan-shishkin_wildflowers-near-the-water-1890,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_willows-lit-up-by-the-sun,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_wind-fallen-trees-1867,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]" +Realism,ivan-shishkin_wind-fallen-trees-1880,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Realism,ivan-shishkin_wind-fallen-trees-1887,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,ivan-shishkin_wind-fallen-trees-1888,"[1.0, 4.0, 4.0, 2.0, 0.0, 1.0, 25.0, 7.0, 2.0]" +Realism,ivan-shishkin_wind-fallen-trees-1890,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0]" +Realism,ivan-shishkin_windmill-in-the-field-1861,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_winte-1890,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,ivan-shishkin_winter-forest,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Realism,ivan-shishkin_winter-in-a-forest-rime-1877,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,ivan-shishkin_winter-moscow-suburbs,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Realism,ivan-shishkin_wood-in-the-evening-1869,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Realism,ivan-shishkin_wood-shmetsk-near-narva-1888,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0]" +Realism,ivan-shishkin_woods-behind-the-fence-1898,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,ivan-shishkin_young-crop-of-nuts,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Realism,ivan-shishkin_young-pines,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-shishkin_young-pines-on-the-sandy-cliff-mary-howie-on-finnish-railways-1890,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,ivan-shishkin_zelenina-grove-1871,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,ivan-vladimirov_a-russian-cavalry-officer-recto-and-other-sketches-of-various-characters-verso,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,ivan-vladimirov_an-episode-from-the-civil-war-the-battle-in-the-village-1920,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,ivan-vladimirov_arresting-generals-during-the-revolution-in-february-1917,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0]" +Realism,ivan-vladimirov_at-the-well-1905,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,ivan-vladimirov_at-the-workers-outskirts-in-the-days-of-overthrowing-the-autocracy,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Realism,ivan-vladimirov_at-the-workers-outskirts-of-the-days-of-the-overthrow-of-the-autocracy-february-1917,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Realism,ivan-vladimirov_barricade-fighting-in-red-presnya,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0, 0.0]" +Realism,ivan-vladimirov_barricade-fighting-in-red-presnya-1,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Realism,ivan-vladimirov_bloody-sunday-shooting-workers-near-the-winter-palace-january-9-1905-1,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 1.0, 0.0]" +Realism,ivan-vladimirov_capture-of-the-white-guard-spyware,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]" +Realism,ivan-vladimirov_cartomancy-1928,"[2.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-vladimirov_counterattack,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]" +Realism,ivan-vladimirov_crimea-the-cliffs-1940,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-vladimirov_escort-of-prisoners,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,ivan-vladimirov_famine,"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 2.0, 0.0]" +Realism,ivan-vladimirov_flight-of-the-bourgeoisie-from-novorossiysk-in-1920,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]" +Realism,ivan-vladimirov_from-morning-service,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-vladimirov_from-their-homes,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,ivan-vladimirov_got-a-german-drifter,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,ivan-vladimirov_hungarian-soldier,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]" +Realism,ivan-vladimirov_i-v-dzhugashvili-stalin-in-custody-1935,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0]" +Realism,ivan-vladimirov_in-a-lesson-of-credence-with-the-sexton-1913,"[1.0, 0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-vladimirov_in-the-last-journey,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]" +Realism,ivan-vladimirov_in-the-military-camp-etude-1915,"[1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0]" +Realism,ivan-vladimirov_in-the-queue-for-bread-first-world-war,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]" +Realism,ivan-vladimirov_issuance-of-bread,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0]" +Realism,ivan-vladimirov_military-clash,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]" +Realism,ivan-vladimirov_military-loan-1916,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 2.0]" +Realism,ivan-vladimirov_military-loan-1916-1,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]" +Realism,ivan-vladimirov_on-the-streets-of-petrograd-1918,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Realism,ivan-vladimirov_parade-of-the-navy-imperial-yacht-standart-1902,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-vladimirov_photographer-in-a-village-1921,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,ivan-vladimirov_photographer-in-the-countryside-1921,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,ivan-vladimirov_pogrom-of-wine-shop,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 2.0]" +Realism,ivan-vladimirov_questioning-in-the-committee-of-poor,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]" +Realism,ivan-vladimirov_removal-of-the-royal-coats-of-arms-an-eagle-down-1917,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Realism,ivan-vladimirov_requisitioning,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Realism,ivan-vladimirov_sister-of-mercy,"[0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Realism,ivan-vladimirov_subscribe-to-military-5-1-2-loan-all-for-victory-1916,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,ivan-vladimirov_sukhumi-1925,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,ivan-vladimirov_the-battle-of-tsushima-last-minutes-of-battleship-prince-suvorov,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Realism,ivan-vladimirov_the-capturing-of-a-tank-near-kakhovka-1927,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,ivan-vladimirov_the-defeat-of-the-strikers,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 3.0, 0.0, 0.0]" +Realism,ivan-vladimirov_the-drunkard-1928,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,ivan-vladimirov_the-former,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Realism,ivan-vladimirov_the-onset-of-chain,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Realism,ivan-vladimirov_the-pogrom-of-the-winter-palace,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 3.0, 0.0]" +Realism,ivan-vladimirov_the-revolt-of-the-peasants-in-the-village-sorochintsy,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Realism,ivan-vladimirov_the-revolt-of-the-peasants-on-the-estate-of-prince-shahovskoy,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 1.0, 0.0]" +Realism,ivan-vladimirov_the-revolt-of-the-soldiers-and-workers-in-the-days-of-february-1917,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Realism,ivan-vladimirov_the-seizure-of-german-automobiles,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,ivan-vladimirov_the-shooting-in-presnya-in-december-1905,"[0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 1.0, 0.0]" +Realism,ivan-vladimirov_the-shooting-of-peasants-by-white-cossacks,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]" +Realism,ivan-vladimirov_the-soldier-on-the-position-1916,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 1.0, 0.0]" +Realism,ivan-vladimirov_three-horses-1919,"[0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,jacek-malczewski_christmas-eve-in-siberia-1892,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,jacek-malczewski_death-on-deportees-route-to-siberia,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Realism,jacek-malczewski_memories-of-youth,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,jacek-malczewski_our-lady,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]" +Realism,jacek-malczewski_student,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Realism,james-ensor_shells-and-shellfish-1889,"[1.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,james-ensor_the-oyster-eater-1882(1),"[1.0, 1.0, 6.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,james-mcneill-whistler_annie-haden-1860,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,james-mcneill-whistler_arrangement-in-black,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,james-mcneill-whistler_arrangement-in-black-and-gold-1892,"[0.0, 3.0, 3.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0]" +Realism,james-mcneill-whistler_arrangement-in-black-no-2-portrait-of-mrs-louis-huth-1873,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 7.0, 0.0]" +Realism,james-mcneill-whistler_arrangement-in-black-no-3-sir-henry-irving-as-philip-ii-of-spain,"[3.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0]" +Realism,james-mcneill-whistler_arrangement-in-black-no-8-portrait-of-mrs-cassatt-1885,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,james-mcneill-whistler_arrangement-in-black-portrait-of-f-r-leyland-1873,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,james-mcneill-whistler_arrangement-in-black-the-lady-in-the-yellow-buskin,"[0.0, 3.0, 3.0, 0.0, 0.0, 1.0, 3.0, 0.0, 1.0]" +Realism,james-mcneill-whistler_arrangement-in-brown-and-black-portrait-of-miss-rosa-corder,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Realism,james-mcneill-whistler_arrangement-in-grey-and-black-no-1-portrait-of-the-artist-s-mother-1871,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,james-mcneill-whistler_arrangement-in-grey-and-black-no-2-portrait-of-thomas-carlyle-1873,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,james-mcneill-whistler_arrangement-in-white-and-black,"[0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,james-mcneill-whistler_arrangement-in-yellow-and-grey-1858,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Realism,james-mcneill-whistler_at-the-piano-1859,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,james-mcneill-whistler_battersea-reach,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,james-mcneill-whistler_black-and-red-1884,"[1.0, 2.0, 17.0, 1.0, 0.0, 2.0, 7.0, 15.0, 2.0]" +Realism,james-mcneill-whistler_black-lion-wharf,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,james-mcneill-whistler_blue-and-silver-the-blue-wave-biarritz,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Realism,james-mcneill-whistler_blue-and-silver-trouville,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Realism,james-mcneill-whistler_brown-and-silver-old-battersea-bridge,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0]" +Realism,james-mcneill-whistler_caprice-in-purple-and-gold-the-golden-screen-1864,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,james-mcneill-whistler_crepuscule-in-flesh-color-and-green-valparaiso,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,james-mcneill-whistler_crepuscule-in-opal-trouville,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,james-mcneill-whistler_fantin-latour-drawing-sun,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0, 1.0]" +Realism,james-mcneill-whistler_green-and-violet-portrait-of-mrs-walter-sickert-1886,"[2.0, 3.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0, 1.0]" +Realism,james-mcneill-whistler_grey-and-silver-old-battersea-reach,"[0.0, 0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,james-mcneill-whistler_harmony-in-brown-the-felt-hat-1899,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0, 3.0]" +Realism,james-mcneill-whistler_harmony-in-gray-and-green-miss-cicely-alexander-1873,"[2.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 2.0, 2.0]" +Realism,james-mcneill-whistler_harmony-in-green-and-rose-the-music-room-1861,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,james-mcneill-whistler_harmony-in-pink-and-grey-lady-meux-1881,"[0.0, 2.0, 5.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]" +Realism,james-mcneill-whistler_harmony-in-red-lamplight,"[2.0, 1.0, 2.0, 1.0, 0.0, 0.0, 2.0, 0.0, 2.0]" +Realism,james-mcneill-whistler_head-of-a-peasant-woman-1858,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,james-mcneill-whistler_head-of-a-young-woman,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]" +Realism,james-mcneill-whistler_ingres-roger-deliverant-angelique,"[1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 5.0, 1.0, 1.0]" +Realism,james-mcneill-whistler_man-smoking-a-pipe,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]" +Realism,james-mcneill-whistler_mother-of-pearl-and-silver-the-andalusian-1890,"[0.0, 7.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,james-mcneill-whistler_old-mother-gerard-1859,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Realism,james-mcneill-whistler_old-woman-with-rags,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]" +Realism,james-mcneill-whistler_portrait-of-whistler-with-a-hat-1859,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]" +Realism,james-mcneill-whistler_purple-and-rose-the-lang-leizen-of-the-six-marks,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,james-mcneill-whistler_rose-and-green-the-iris-portrait-of-miss-kinsella-1902,"[0.0, 3.0, 2.0, 1.0, 0.0, 1.0, 1.0, 1.0, 1.0]" +Realism,james-mcneill-whistler_rotherhithe-1860,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]" +Realism,james-mcneill-whistler_sketch-for-nocturne-in-blue-and-gold-valparaiso-bay,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,james-mcneill-whistler_study-of-a-head,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 5.0, 1.0]" +Realism,james-mcneill-whistler_symphony-in-flesh-colour-and-pink-portrait-of-mrs-frances-leyland-1873,"[0.0, 2.0, 3.0, 0.0, 0.0, 1.0, 0.0, 5.0, 0.0]" +Realism,james-mcneill-whistler_symphony-in-grey-and-green-the-ocean-1872,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,james-mcneill-whistler_symphony-in-white-no-10-the-white-girl-portrait-of-joanna-hiffernan,"[0.0, 1.0, 3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]" +Realism,james-mcneill-whistler_symphony-in-white-no-2-the-little-white-girl,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Realism,james-mcneill-whistler_symphony-in-white-no-3,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,james-mcneill-whistler_the-boy-in-a-cloak-1900,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 3.0, 3.0, 1.0]" +Realism,james-mcneill-whistler_the-coast-of-brittany-aka-alone-with-the-tide,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,james-mcneill-whistler_the-cobbler-1855,"[1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0]" +Realism,james-mcneill-whistler_the-kitchen,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]" +Realism,james-mcneill-whistler_the-kitchen-1,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Realism,james-mcneill-whistler_the-last-of-old-westminster,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,james-mcneill-whistler_the-limeburner,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,james-mcneill-whistler_the-little-mast-1880,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,james-mcneill-whistler_the-master-smith-of-lyme-regis-1896,"[2.0, 1.0, 6.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,james-mcneill-whistler_the-morning-after-the-revolution-valparaiso,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,james-mcneill-whistler_the-princess-from-the-land-of-porcelain-sketch-for-rose-and-silver-1864,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]" +Realism,james-mcneill-whistler_the-red-glove,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,james-mcneill-whistler_the-sea,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,james-mcneill-whistler_the-thames-in-ice,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Realism,james-mcneill-whistler_the-unsafe-tenement,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Realism,james-mcneill-whistler_variations-in-flesh-colour-and-green-the-balcony,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,james-mcneill-whistler_wapping-on-thames,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,james-tissot_a-convalescent,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,james-tissot_a-corner-of-the-haram-1889,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,james-tissot_a-corner-of-the-village-of-siloam-1889,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,james-tissot_a-dandy-1873,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,james-tissot_a-girl-in-an-armchair,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,james-tissot_a-lady-in-a-black-and-white-dress,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,james-tissot_a-luncheon-1868,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,james-tissot_a-part-of-the-ancient-arch-called-ecce-homo-1889,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,james-tissot_a-passing-storm,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,james-tissot_a-reclining-lady,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Realism,james-tissot_a-widow,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,james-tissot_algeron-moses-marsden,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]" +Realism,james-tissot_an-armenian-1889,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,james-tissot_an-interesting-story-1872,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,james-tissot_an-old-cistern-1889,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,james-tissot_armenians-1889,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0]" +Realism,james-tissot_at-marguerite-rempart,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Realism,james-tissot_at-the-louvre,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,james-tissot_at-the-louvre-1,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,james-tissot_at-the-rifle-range,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Realism,james-tissot_bad-news,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,james-tissot_ball-on-shipboard,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,james-tissot_barrabbas-illustration-from-the-life-of-our-lord-jesus-christ-1894,"[2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0]" +Realism,james-tissot_beating-the-retreat-in-the-tuileries-gardens,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,james-tissot_behold-he-standeth-behind-our-wall-1894,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,james-tissot_boarding-the-yacht,"[2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,james-tissot_building-the-ark,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Realism,james-tissot_building-the-tower-of-babel,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,james-tissot_by-the-thames-at-richmond,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,james-tissot_capital-from-the-mosque-of-el-aksa-1889,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,james-tissot_caricature-of-admiral-sir-hastings-reginald-yelverton,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]" +Realism,james-tissot_caricature-of-alexander-baillie-cochrane-m-p,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,james-tissot_caricature-of-anthony-john-mundella,"[3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,james-tissot_caricature-of-charles-darwin-from-vanity-fair-magazine,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,james-tissot_caricature-of-charles-voysey,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,james-tissot_caricature-of-edward-prince-of-wales,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,james-tissot_caricature-of-frederic-leighton,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,james-tissot_caricature-of-general-sir-frederick-paul-haines,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,james-tissot_caricature-of-george-cavendish-bentinck,"[2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0]" +Realism,james-tissot_caricature-of-george-whyte-melville,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Realism,james-tissot_caricature-of-george-william-pierrepont-bentinck-m-p,"[5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,james-tissot_caricature-of-henry-cole,"[4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,james-tissot_caricature-of-henry-william-eaton-m-p,"[5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,james-tissot_caricature-of-james-delahunty-m-p,"[3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,james-tissot_caricature-of-john-george-dodson-m-p,"[2.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,james-tissot_caricature-of-john-pender,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,james-tissot_caricature-of-lionel-dawson-damer-m-p,"[1.0, 1.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]" +Realism,james-tissot_caricature-of-matthew-arnold,"[4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,james-tissot_caricature-of-mr-george-leeman-m-p,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,james-tissot_caricature-of-mr-lionel-lawson,"[4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,james-tissot_caricature-of-mr-washington-hibbert,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,james-tissot_caricature-of-percy-william-doyle-c-b,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,james-tissot_caricature-of-sir-charles-wentworth-dilke-2nd-baronet-pc,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Realism,james-tissot_caricature-of-thomas-egerton-2nd-earl-of-wilton,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,james-tissot_caricature-of-victor-emmanuel-ii-of-italy,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,james-tissot_caricature-of-william-bathurst-5th-earl-bathurst,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,james-tissot_caricature-of-william-henry-gregory,"[2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]" +Realism,james-tissot_children-s-party,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,james-tissot_chrysanthemums,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,james-tissot_colonel-frederick-gustavus-barnaby,"[3.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,james-tissot_convalescence,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,james-tissot_croquet,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,james-tissot_daniel-in-the-lion-s,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,james-tissot_david-danced-before-the-lord-with-all-his-might,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,james-tissot_dilke-charles-wentworth,"[0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0]" +Realism,james-tissot_during-the-service,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]" +Realism,james-tissot_emigrants,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,james-tissot_faust-and-marguerite-in-the-garden,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,james-tissot_foreign-visitors-at-the-louvre,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,james-tissot_fountain-of-the-virgin-at-ain-karim-1889,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,james-tissot_gentleman-in-a-railway-carriage,"[1.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Realism,james-tissot_gleaners-as-in-deuteronomy,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Realism,james-tissot_going-to-business,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,james-tissot_goodbye-on-the-mersey,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,james-tissot_healing-of-the-lepers-at-capernaum-1894,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,james-tissot_hide-and-seek,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,james-tissot_holyday-1876,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,james-tissot_in-church,"[0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]" +Realism,james-tissot_in-full-sun,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,james-tissot_in-the-louvre-1885,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,james-tissot_jesus-at-bethany-1894,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Realism,james-tissot_jethro-and-moses-as-in-exodus-18-1900,"[1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Realism,james-tissot_jew-and-armenian-1889,"[1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Realism,james-tissot_jew-and-jewess-illustration-from-the-life-of-our-lord-jesus-christ,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,james-tissot_joseph-reveals-his-dream-to-his-brethren,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,james-tissot_joseph-sold-into-egypt,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Realism,james-tissot_journal,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Realism,james-tissot_journey-of-the-magi,"[0.0, 3.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,james-tissot_judaic-ornament-1889,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Realism,james-tissot_judaic-ornament-1889-1,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,james-tissot_judaic-ornament-rosette-1889,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,james-tissot_judas-hangs-himself-illustration-for-the-life-of-christ,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]" +Realism,james-tissot_kathleen-newton-at-the-piano,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,james-tissot_kathleen-newton-in-an-armchair,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,james-tissot_letter-with-hats,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,james-tissot_london-visitors,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,james-tissot_louise,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]" +Realism,james-tissot_marguerite-in-church,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Realism,james-tissot_mavourneen-portrait-of-kathleen-newton-1877,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,james-tissot_men-of-the-day-no-100-caricature-of-gen-louis-jules-trochu-caption-reads,"[2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]" +Realism,james-tissot_men-of-the-day-no-4-the-mob-rule-henri-rochefort,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 2.0]" +Realism,james-tissot_men-of-the-day-no-580-caricature-of-mr-thomas-mayne-reid,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]" +Realism,james-tissot_men-of-the-day-no-610-caricature-of-lt-col-lord-charles-james-fox-russell,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Realism,james-tissot_men-or-women-of-the-day-no-10-caricature-of-the-rev-frederick-temple,"[3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Realism,james-tissot_men-or-women-of-the-day-no-20-caricature-of-le-viscomte-de-lesseps,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,james-tissot_men-or-women-of-the-day-no-300-caricature-of-don-manuel-rances-y-villanueva,"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,james-tissot_men-or-women-of-the-day-no-310-caricature-of-the-duke-of-saldanha,"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,james-tissot_metal-ornament-taken-from-the-mosque-of-es-sakra,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,james-tissot_metal-ornament-taken-from-the-mosque-of-es-sakra-1,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Realism,james-tissot_metal-ornament-taken-from-the-mosque-of-es-sakra-2,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,james-tissot_metal-ornament-taken-from-the-mosque-of-es-sakra-from-the-life-of-our-lord-jesus-christ,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,james-tissot_nathan-rebukes-david-as-in-2-samuel-120,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,james-tissot_on-the-thames-a-heron,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,james-tissot_orphan,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Realism,james-tissot_out-building-of-the-armenian-convent-jerusalem-illustration-from-the-life-of-our-lord-jesus,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,james-tissot_partie-carree-1870,"[0.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,james-tissot_phoenician-capital-1889,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,james-tissot_portrait-of-james-tissot,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,james-tissot_portrait-of-m-b,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,james-tissot_portrait-of-m-n,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,james-tissot_portrait-of-m-n-portrait-of-mrs-newton,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,james-tissot_portrait-of-miss-l,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,james-tissot_portrait-of-miss-lloyd,"[1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Realism,james-tissot_portrait-of-mlle-l-l-young-lady-in-a-red-jacket-1864,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,james-tissot_portrait-of-the-pilgrim-1894,"[0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]" +Realism,james-tissot_portrait-of-the-vicomtesse-de-montmorand-1889,"[0.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,james-tissot_portrait-of-woman,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,james-tissot_portsmouth-dockyard,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,james-tissot_prehistoric-women,"[2.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Realism,james-tissot_prehistoric-women-1,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,james-tissot_prodigal-son-the-return,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,james-tissot_promenade-dans-la-neige,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,james-tissot_prophet-naum,"[0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0]" +Realism,james-tissot_quarrelling,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,james-tissot_quiet,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,james-tissot_ramsgate,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,james-tissot_reading-a-book,"[4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,james-tissot_reading-a-story,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,james-tissot_reading-the-news-1874,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,james-tissot_rear-of-the-mosque-of-omar-1889,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,james-tissot_remembrance-ball-on-board,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,james-tissot_remembrance-ball-on-board-1,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,james-tissot_room-overlooking-the-harbour,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,james-tissot_rubens-hat,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,james-tissot_sarah-hears-and-laughs,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Realism,james-tissot_self-portrait,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Realism,james-tissot_self-portrait-1865,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,james-tissot_sheep-they-are-laid-in-the-grave,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0, 0.0]" +Realism,james-tissot_site-of-the-antonia-tower-1889,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,james-tissot_sovereigns-no-10-caricature-of-napoleon-iii,"[4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,james-tissot_sovereigns-no-20-caricature-of-isabella-ii-of-spain,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,james-tissot_sovereigns-no-30-caricature-of-leopold-ii-of-the-belgians,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Realism,james-tissot_sovereigns-no-40-caricature-of-alexander-ii-of-russia,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0]" +Realism,james-tissot_sovereigns-no-50-caricature-of-sultan-abdul-aziz-of-turkey,"[1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0]" +Realism,james-tissot_sovereigns-no-60-caricature-of-pope-pius-ix,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,james-tissot_sovereigns-no-70-caricature-of-m-victor-emmanuel-ii-of-italy,"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,james-tissot_sovereigns-no-80-caricature-of-the-king-of-prussi,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0]" +Realism,james-tissot_spring,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,james-tissot_spring-morning,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,james-tissot_staircase-of-the-court-haram-1889,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,james-tissot_statesmen-no-1230-caricature-of-the-rt-hon-cp-villiers-m-p,"[4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,james-tissot_statesmen-no-1280,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,james-tissot_statesmen-no-1290-caricature-of-the-rt-hon-hbw-brand-m-p,"[4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,james-tissot_statesmen-no-1300-caricature-of-mr-roger-eykyn-liberal-m-p-for-windsor,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,james-tissot_statesmen-no-1310-caricature-of-sir-francis-goldsmid-m-p,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,james-tissot_statesmen-no-370-caricature-of-thomas-dundas-2nd-earl-of-zetland,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Realism,james-tissot_statesmen-no-380-caricature-of-archibald-campbell-tait-archbishop-of-canterbury,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]" +Realism,james-tissot_statesmen-no-660-caricature-of-count-von-bismarck-schoenausen,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Realism,james-tissot_statesmen-no-910-caricature-of-mr-john-locke-m-p,"[2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0]" +Realism,james-tissot_statesmen-no-920-caricature-of-the-rt-hon-russell-gurney,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,james-tissot_statesmen-no-930-caricature-of-the-duke-of-rutland,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,james-tissot_statesmen-no-940-caricature-of-alderman-andrew-lusk-m-p,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,james-tissot_still-on-top,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,james-tissot_study-of-cathlene-newton-in-a-thames-tavern,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,james-tissot_summer,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,james-tissot_sunday-morning,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,james-tissot_supposed-site-of-the-temple-1889,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,james-tissot_tea-time,"[1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Realism,james-tissot_the-artist-s-ladies-1885,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,james-tissot_the-ball,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,james-tissot_the-bunch-of-lilacs,"[1.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,james-tissot_the-captain-and-the-mate,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,james-tissot_the-captain-s-daughter,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,james-tissot_the-circle-of-the-rue-royale,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,james-tissot_the-comedian,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,james-tissot_the-confidence-1867,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,james-tissot_the-cup-found,"[0.0, 1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Realism,james-tissot_the-departure-platform-victoria-station,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,james-tissot_the-dreamer-summer-evening,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Realism,james-tissot_the-fan,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,james-tissot_the-farewell,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,james-tissot_the-first-man-i-saw,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]" +Realism,james-tissot_the-focus-of-the-com-die-fra,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]" +Realism,james-tissot_the-garden-bench,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,james-tissot_the-hammock,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,james-tissot_the-hull-of-a-battle-ship,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,james-tissot_the-inn-of-the-three-ravens,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,james-tissot_the-jews-passover,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,james-tissot_the-ladies-of-the-cars-1885,"[0.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,james-tissot_the-last-evening,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,james-tissot_the-latin-patriarch-of-jerusalem,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,james-tissot_the-letter,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Realism,james-tissot_the-lost-drachma-1894,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0, 0.0]" +Realism,james-tissot_the-political-lady-1885,"[2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,james-tissot_the-portico-of-the-national-gallery-london,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Realism,james-tissot_the-princesse-de-broglie,"[0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,james-tissot_the-prodigal-son-in-modern-life-in-foreign-climes,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Realism,james-tissot_the-prodigal-son-in-modern-life-the-departure-1880,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,james-tissot_the-prodigal-son-in-modern-life-the-fatted-calf,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,james-tissot_the-rendez-vous,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Realism,james-tissot_the-repentant-magdalene,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Realism,james-tissot_the-return-from-the-boating-trip,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,james-tissot_the-return-of-the-prodigal-son-1862,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]" +Realism,james-tissot_the-round-stone-seen-from-the-exterior-1889,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Realism,james-tissot_the-round-stone-seen-from-the-interior-1889,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Realism,james-tissot_the-ruins-inner-voices-1885,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]" +Realism,james-tissot_the-shop-girl-1885,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,james-tissot_the-signs-on-the-door,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,james-tissot_the-sojourn-in-egypt-1894,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,james-tissot_the-stairs,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,james-tissot_the-tailor,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,james-tissot_the-tedious-story,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,james-tissot_the-terrace-of-the-trafalgar-tavern-greenwich-london,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,james-tissot_the-thames-1876,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,james-tissot_the-tombs-in-the-valley-of-hinnom-1889,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,james-tissot_the-traveller-1885,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,james-tissot_the-two-sisters-portrait,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,james-tissot_the-warrior-s-daughter-or-the-convalescent,"[0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]" +Realism,james-tissot_the-way,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,james-tissot_the-widower,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,james-tissot_the-window,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,james-tissot_the-wisdom-of-solomon,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0]" +Realism,james-tissot_the-woman-of-fashion-la-mondaine-1885,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,james-tissot_tombs-in-the-valley-of-hinnom-1889,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,james-tissot_too-early,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,james-tissot_trafalgar-tavern-1878,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,james-tissot_transept-of-the-mosque-of-el-aksa-1889,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,james-tissot_triumph-of-the-will-the-challenge,"[0.0, 0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Realism,james-tissot_two-frontispiece-sitting-on-the-globe,"[1.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,james-tissot_type-of-beauty-portrait-of-mrs-kathleen-newton-in-a-red-dress-and-black-bonnet-1880,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,james-tissot_type-of-jew-1889,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,james-tissot_type-of-jew-1889-1,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Realism,james-tissot_type-of-jew-1889-2,"[1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Realism,james-tissot_type-of-jew-1889-3,"[0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0, 0.0]" +Realism,james-tissot_type-of-jew-1889-4,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Realism,james-tissot_type-of-jew-1889-5,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Realism,james-tissot_unaccepted,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,james-tissot_uncle-fred,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,james-tissot_valley-of-jehoshaphat-1889,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0]" +Realism,james-tissot_vases-of-judea-1889,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Realism,james-tissot_via-dolorosa-1889,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,james-tissot_victorian-book-illustration,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Realism,james-tissot_waiting,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Realism,james-tissot_waiting-for-the-ferry,"[1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]" +Realism,james-tissot_waiting-for-the-ferry-1,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Realism,james-tissot_without-a-dowry-aka-sunday-in-the-luxembourg-gardens-1885,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,james-tissot_woman-at-the-window,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]" +Realism,james-tissot_woman-in-an-interior,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,james-tissot_women-of-paris-the-circus-lover-1885,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,james-tissot_young-ladies-looking-at-japanese-objects,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,james-tissot_young-lady-in-a-boat,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,janos-tornyai_bolting-girl-1900,"[0.0, 1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Realism,janos-tornyai_lesson-on-the-farm-1896,"[0.0, 2.0, 7.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,janos-tornyai_making-a-bunch-of-flowers-1933,"[0.0, 1.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Realism,janos-tornyai_the-legacy-1920,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 3.0, 2.0, 0.0]" +Realism,janos-tornyai_young-woman-in-the-atelier-1904,"[0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]" +Realism,jean-francois-millet_a-hilly-landscape-1867,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,jean-francois-millet_a-shepherdess-and-her-flock,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,jean-francois-millet_a-shepherdess-and-her-flock-in-the-shade-of-trees-1855,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Realism,jean-francois-millet_a-stonemason,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,jean-francois-millet_amour-s-dance,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,jean-francois-millet_autumn-landscape-with-a-flock-of-turkeys,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Realism,jean-francois-millet_brushwood-collectors,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,jean-francois-millet_catherine-lemaire,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0, 1.0]" +Realism,jean-francois-millet_charity-1859,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,jean-francois-millet_dandelions-1868,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,jean-francois-millet_death-and-the-woodcutter,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Realism,jean-francois-millet_farm-near-vichy,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,jean-francois-millet_farm-on-the-hills-of-the-ardoisi-re-near-cusset,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,jean-francois-millet_fishermen,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Realism,jean-francois-millet_garden,"[1.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,jean-francois-millet_garden-scene,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,jean-francois-millet_gathering-apples,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,jean-francois-millet_going-to-work-1853,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,jean-francois-millet_harvesters-resting-1853,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,jean-francois-millet_harvesting-potatoes,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Realism,jean-francois-millet_haystacks-autumn-1873,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]" +Realism,jean-francois-millet_hirtin-1864,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,jean-francois-millet_house-birthplace-millet,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Realism,jean-francois-millet_house-with-fence-1867(1),"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Realism,jean-francois-millet_hunting-birds-at-night-1874,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Realism,jean-francois-millet_in-the-auvergne-1869,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,jean-francois-millet_in-the-garden-1862,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,jean-francois-millet_landscape-hillside-in-gruchy-1870,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,jean-francois-millet_landscape-near-vichy-1870,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,jean-francois-millet_landscape-vichy-1866,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,jean-francois-millet_landscape-vichy-1866-1,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,jean-francois-millet_landscape-with-two-peasant-women,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Realism,jean-francois-millet_laundress,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Realism,jean-francois-millet_leconte-de-lisle,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0]" +Realism,jean-francois-millet_louise-antoinette-feuardent-1841,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Realism,jean-francois-millet_lumberjack-preparing-firewood,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,jean-francois-millet_manor-farm-cousin-in-greville-1854,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,jean-francois-millet_manor-farm-cousin-in-greville-1855,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,jean-francois-millet_mother-and-two-infants,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]" +Realism,jean-francois-millet_naked-peasant-girl-at-the-river,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,jean-francois-millet_narcissi-and-violets,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,jean-francois-millet_norman-milkmaid,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,jean-francois-millet_not_detected_189995,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,jean-francois-millet_not_detected_189996,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,jean-francois-millet_not_detected_189998,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,jean-francois-millet_nymph-in-the-reeds,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Realism,jean-francois-millet_oedipus-taken-down-from-the-tree-1847,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Realism,jean-francois-millet_offering-to-pan-1845,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]" +Realism,jean-francois-millet_orchard-fence-near-vichy-1867,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,jean-francois-millet_pastures-in-normandy,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,jean-francois-millet_path-through-the-chestnut-trees-cusset-1867,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,jean-francois-millet_peasand-spreading-manure-1855,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]" +Realism,jean-francois-millet_peasant-family,"[0.0, 0.0, 2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0]" +Realism,jean-francois-millet_peasants-bringing-home-a-calf-born-in-the-fields-1864,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,jean-francois-millet_portrait-of-a-man,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,jean-francois-millet_portrait-of-a-man-said-to-be-leopold-desbrosses,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Realism,jean-francois-millet_portrait-of-a-naval-officer,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,jean-francois-millet_portrait-of-armand-ono,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,jean-francois-millet_portrait-of-eugene-canoville-1840,"[1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0]" +Realism,jean-francois-millet_portrait-of-javain-mayor-of-cherbourg-1841,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Realism,jean-francois-millet_portrait-of-pauline-ono-1844,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,jean-francois-millet_priory-at-vauville-normandy,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,jean-francois-millet_puy-de-d-me,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,jean-francois-millet_puy-de-dome,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Realism,jean-francois-millet_road-from-malavaux-near-cusset-1867,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,jean-francois-millet_seated-nude,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 6.0, 0.0]" +Realism,jean-francois-millet_self-portrait,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 1.0]" +Realism,jean-francois-millet_self-portrait-1841,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 1.0]" +Realism,jean-francois-millet_shepherd-tending-his-flock,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,jean-francois-millet_shepherdess-seated-on-a-rock-1856,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,jean-francois-millet_shepherdess-with-the-distaff-in-auvergne,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Realism,jean-francois-millet_shepherdesses-seated-in-the-shade,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,jean-francois-millet_shepherds-of-arcadia-1843,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,jean-francois-millet_spring-at-barbizon-1873,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,jean-francois-millet_study-for-a-woman-feeding-chickens-1859,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,jean-francois-millet_the-angelus-1859,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Realism,jean-francois-millet_the-bather-1848,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 1.0, 0.0]" +Realism,jean-francois-millet_the-blacksmith-and-his-bride-1848,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,jean-francois-millet_the-bouquet-of-margueritas-1866,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,jean-francois-millet_the-carder,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,jean-francois-millet_the-cat-who-became-a-woman,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]" +Realism,jean-francois-millet_the-church-of-greville,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,jean-francois-millet_the-comtesse-of-valmont,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Realism,jean-francois-millet_the-dresser-in-gruchy-1854,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Realism,jean-francois-millet_the-drunkeness-of-noah,"[1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Realism,jean-francois-millet_the-farm-on-the-hill-1867,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,jean-francois-millet_the-flight-into-egypt,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]" +Realism,jean-francois-millet_the-gleaners,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,jean-francois-millet_the-gleaners-1857,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0]" +Realism,jean-francois-millet_the-infant-the-sick-child-1858,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,jean-francois-millet_the-knitting-lesson-1869,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Realism,jean-francois-millet_the-knitting-shepherdess-1857,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Realism,jean-francois-millet_the-large-shepherdess,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Realism,jean-francois-millet_the-man-with-the-hoe-1862,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Realism,jean-francois-millet_the-nun-s-parrot-1840,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 3.0, 0.0, 0.0]" +Realism,jean-francois-millet_the-porridge-1861,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,jean-francois-millet_the-potato-growers,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,jean-francois-millet_the-rock-of-castel-vendon-1848,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,jean-francois-millet_the-sheep-pen-moonlight-1873,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,jean-francois-millet_the-sleeping-seamstress,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,jean-francois-millet_the-sower-1850(1),"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Realism,jean-francois-millet_the-spinner,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Realism,jean-francois-millet_the-spinner-goatherd-of-the-auvergne-1869,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Realism,jean-francois-millet_the-temptation-of-st-anthony,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Realism,jean-francois-millet_the-washerwomen,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,jean-francois-millet_the-winnower-1848,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Realism,jean-francois-millet_the-wood-sawyers-1852,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,jean-francois-millet_the-young-seamstress,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,jean-francois-millet_the-young-shepherdess-1873,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,jean-francois-millet_upward-path-near-vichy-1867,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,jean-francois-millet_water-mill-1866,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,jean-francois-millet_water-mill-near-vichy-1866,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,jean-francois-millet_water-mill-near-vichy-1867,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,jean-francois-millet_winter-the-faggot-gatherers-1875,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Realism,jean-francois-millet_woman-baking-bread-1854,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,jean-francois-millet_woman-carding-wool,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]" +Realism,jean-francois-millet_woman-carrying-firewood-and-a-pail-1860,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Realism,jean-francois-millet_woman-with-a-rake-1857,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,jean-francois-millet_women-carrying-faggots-1858,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0]" +Realism,jean-francois-millet_wooded-hillside-near-vichy,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,jean-francois-millet_young-girl-playing-mandolin-1845,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,jean-francois-millet_young-woman-1845,"[2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,jehan-georges-vibert_a-grand-white-enuch-watching-doves,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,jehan-georges-vibert_reading-rabelais,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Realism,jehan-georges-vibert_scramble-for-the-lunch,"[2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Realism,jehan-georges-vibert_the-convent-choir-1865,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,jehan-georges-vibert_young-girl-arranging-flowers-1862,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,joan-miro_a-courtyard-scene,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,johan-hendrik-weissenbruch_a-bomschuit-on-the-beach,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,johan-hendrik-weissenbruch_a-cow-standing-by-the-waterside-in-a-polder,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,johan-hendrik-weissenbruch_a-farm-on-the-waterfront,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,johan-hendrik-weissenbruch_a-farmhouse-in-a-polder,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Realism,johan-hendrik-weissenbruch_a-summer-landscape-with-figures-on-a-path,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Realism,johan-hendrik-weissenbruch_a-sunlit-townview-with-figures-conversing,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,johan-hendrik-weissenbruch_along-the-canal,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,johan-hendrik-weissenbruch_along-the-canal-1893,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,johan-hendrik-weissenbruch_at-elshout-sun-1854,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,johan-hendrik-weissenbruch_autumn-evening,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,johan-hendrik-weissenbruch_autumn-landscape,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,johan-hendrik-weissenbruch_beach-view-1891,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,johan-hendrik-weissenbruch_canal-at-rijswijk,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,johan-hendrik-weissenbruch_canal-at-rijswijk-1,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,johan-hendrik-weissenbruch_cellar-interior,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Realism,johan-hendrik-weissenbruch_city-view,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,johan-hendrik-weissenbruch_city-view-1,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,johan-hendrik-weissenbruch_dune,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,johan-hendrik-weissenbruch_dutch-art-in-the-nineteenth-century,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Realism,johan-hendrik-weissenbruch_dutch-polder-landscape,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,johan-hendrik-weissenbruch_farm-beside-canal-in-polder,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,johan-hendrik-weissenbruch_farm-interior,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Realism,johan-hendrik-weissenbruch_farm-near-noorden,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]" +Realism,johan-hendrik-weissenbruch_farm-on-polder-canal,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,johan-hendrik-weissenbruch_farmer-with-herd-on-countryroad,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,johan-hendrik-weissenbruch_farmhouse-on-a-canal,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,johan-hendrik-weissenbruch_farmhouses-on-the-waterfront,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,johan-hendrik-weissenbruch_figures-on-a-country-road-a-church-in-the-distance,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,johan-hendrik-weissenbruch_fish-market-sun-1873,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,johan-hendrik-weissenbruch_fisherman-in-polder-landscape,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,johan-hendrik-weissenbruch_forest-view-near-barbizon-1900,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,johan-hendrik-weissenbruch_horseman-on-a-tow-path,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,johan-hendrik-weissenbruch_horseman-on-path-near-noorden,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,johan-hendrik-weissenbruch_house-near-canal,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 2.0]" +Realism,johan-hendrik-weissenbruch_house-of-millet-at-barbizon,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,johan-hendrik-weissenbruch_kennemerland,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,johan-hendrik-weissenbruch_landscape,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,johan-hendrik-weissenbruch_landscape-at-noorden,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,johan-hendrik-weissenbruch_landscape-with-a-farm-pond,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Realism,johan-hendrik-weissenbruch_landscape-with-a-mill,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Realism,johan-hendrik-weissenbruch_landscape-with-mills,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,johan-hendrik-weissenbruch_landscape-with-windmill-near-schiedam-1873,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,johan-hendrik-weissenbruch_man-in-a-boat-in-a-canal,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,johan-hendrik-weissenbruch_man-on-a-cart-in-wood,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,johan-hendrik-weissenbruch_memory-of-haarlem,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,johan-hendrik-weissenbruch_milking-cows-underneath-the-willows,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,johan-hendrik-weissenbruch_mill-at-the-lake,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,johan-hendrik-weissenbruch_mill-in-landscape,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,johan-hendrik-weissenbruch_on-the-tow-path-along-the-river-amstel,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,johan-hendrik-weissenbruch_polder-at-noorden,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,johan-hendrik-weissenbruch_polder-landscape,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,johan-hendrik-weissenbruch_river-landscape,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,johan-hendrik-weissenbruch_road-near-noorden,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,johan-hendrik-weissenbruch_road-near-the-canal,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]" +Realism,johan-hendrik-weissenbruch_rowing-on-the-river,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,johan-hendrik-weissenbruch_sailing-boat-in-choppy-seas,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,johan-hendrik-weissenbruch_shelf-carts,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,johan-hendrik-weissenbruch_shell-carts-on-the-beach,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,johan-hendrik-weissenbruch_ship-canal,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,johan-hendrik-weissenbruch_ship-in-polder-canal,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,johan-hendrik-weissenbruch_ships-in-harbour,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,johan-hendrik-weissenbruch_ships-on-a-quay,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,johan-hendrik-weissenbruch_ships-on-canal,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,johan-hendrik-weissenbruch_small-road,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]" +Realism,johan-hendrik-weissenbruch_stable-with-chickens,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,johan-hendrik-weissenbruch_stalinterieur-1895,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Realism,johan-hendrik-weissenbruch_summer-day,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,johan-hendrik-weissenbruch_summer-evening,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,johan-hendrik-weissenbruch_summer-landscape,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,johan-hendrik-weissenbruch_the-artist-s-studio,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,johan-hendrik-weissenbruch_the-bleach,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Realism,johan-hendrik-weissenbruch_the-goilberdingenpoort-in-culemborg-su,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]" +Realism,johan-hendrik-weissenbruch_the-mill,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,johan-hendrik-weissenbruch_the-washing-place,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,johan-hendrik-weissenbruch_townsfolk-on-a-quay-wijk-bij-duursrede-1847,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,johan-hendrik-weissenbruch_view-at-geestbrug,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,johan-hendrik-weissenbruch_view-from-dekkersduin-1849,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,johan-hendrik-weissenbruch_view-of-haarlem-1848,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,johan-hendrik-weissenbruch_view-of-seaside,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,johan-hendrik-weissenbruch_view-on-canal,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,johan-hendrik-weissenbruch_view-on-the-market-of-haarlem-sun,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,johan-hendrik-weissenbruch_windy-day,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,john-collier_charles-robert-darwin-1883,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,john-collier_mrs-huxley-1928,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,john-collier_portrait-of-professor-huxley,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-collier_rudyard-kipling-1891,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,john-collier_sir-george-biddell-airy-1801-1892-1883,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,john-collier_spring-at-cadenabbia,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,john-collier_the-spring-wood,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]" +Realism,john-collier_thomas-henry-huxley-1885,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Realism,john-everett-millais_a-jersey-lily-portrait-of-lillie-langtry,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Realism,john-everett-millais_a-souvenir-of-velazquez,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,john-everett-millais_a-winter-s-tale,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Realism,john-everett-millais_annie-miller,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,john-everett-millais_blow-blow-thou-winter-wind,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Realism,john-everett-millais_caller-herrin,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-everett-millais_cherry-ripe,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Realism,john-everett-millais_chill-october,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,john-everett-millais_christmas-eve,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Realism,john-everett-millais_cinderella,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,john-everett-millais_dew-drenched-furze,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-everett-millais_emily-patmore-1851,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,john-everett-millais_glen-birnam,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Realism,john-everett-millais_greenwich-pensioners-at-the-tomb-of-nelson,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Realism,john-everett-millais_hearts-are-trumps,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-everett-millais_james-wyatt-and-his-granddaughter-mary,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,john-everett-millais_john-henry-newman,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Realism,john-everett-millais_john-ruskin,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-everett-millais_lear-and-cordelia,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]" +Realism,john-everett-millais_leisure-hours,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-everett-millais_little-speedwell-s-darling-blue-1892,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-everett-millais_mary-chamberlain,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Realism,john-everett-millais_merry,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-everett-millais_message-from-the-sea,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,john-everett-millais_miss-eveleen-tennant,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,john-everett-millais_moorish-chief-engraving,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,john-everett-millais_my-first-sermon-1863,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Realism,john-everett-millais_my-second-sermon-1864,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-everett-millais_north-west-passage,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,john-everett-millais_not_detected_236477,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,john-everett-millais_not_detected_236479,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,john-everett-millais_once-a-week,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]" +Realism,john-everett-millais_pomona,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,john-everett-millais_portrait-of-gracia-lees,"[0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-everett-millais_portrait-of-john-everett-millais,"[1.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,john-everett-millais_portrait-of-lord-alfred-tennyson,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Realism,john-everett-millais_portrait-of-margaret-fuller-maitland,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,john-everett-millais_portrait-of-mrs-james-wyatt,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,john-everett-millais_portrait-of-mrs-william-evamy-the-artists-aunt,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Realism,john-everett-millais_portrait-of-wilkie-collins,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,john-everett-millais_ruling-passion,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,john-everett-millais_self-portrait,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,john-everett-millais_sir-john-everett-pippa,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]" +Realism,john-everett-millais_sleeping,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,john-everett-millais_sweet-emma-morland,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,john-everett-millais_sweetest-eyes-that-were-ever-seen-1881,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,john-everett-millais_the-eve-of-saint-agnes-1863,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,john-everett-millais_the-honourable-john-nevile-manners,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Realism,john-everett-millais_the-nest,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-everett-millais_the-piper,"[0.0, 0.0, 3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-everett-millais_the-vale-of-rest,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,john-everett-millais_twins-grace-and-kate-hoare,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-everett-millais_vanessa,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Realism,john-everett-millais_view-near-hampstead,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,john-everett-millais_winter-fuel-1873,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-everett-millais_yes,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,john-henry-twachtman_a-venetian-scene-1877,"[0.0, 2.0, 6.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,john-henry-twachtman_avondale-ohio,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Realism,john-henry-twachtman_landscape,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 6.0, 0.0]" +Realism,john-henry-twachtman_tuckerman-s-ravine,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,john-henry-twachtman_tuscan-landscape,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Realism,john-henry-twachtman_twachtman-s-home-avondale-ohio,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,john-henry-twachtman_view-near-polling,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0]" +Realism,john-henry-twachtman_view-of-venice,"[0.0, 2.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-lewis-krimmel_4th-of-july-1819-in-philadelphia,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,john-lewis-krimmel_barroom-dancing-1820,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Realism,john-lewis-krimmel_black-people-s-prayer-meeting,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,john-lewis-krimmel_black-sawyers-working-in-front-ot-the-bank-of-pennsylvania-philadelphia,"[0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0]" +Realism,john-lewis-krimmel_blind-man-s-bluff,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,john-lewis-krimmel_country-wedding-1820,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-lewis-krimmel_fourth-of-july-in-centre-square-philadelphia-1812,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,john-lewis-krimmel_in-an-american-inn-1814,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,john-lewis-krimmel_members-of-the-city-troup-and-other-philadelphia-soldiery,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,john-lewis-krimmel_merrymaking-at-a-wayside-inn,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-lewis-krimmel_nightlife-in-philadelphia-an-oyster-barrow-in-front-of-the-chestnut-street-theater,"[0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,john-lewis-krimmel_pepper-pot-woman-at-the-philadelphia-market-1811,"[3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-lewis-krimmel_philadelphia-election-day-1815,"[0.0, 2.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-lewis-krimmel_portrait-of-jacob-ritter-sr,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,john-lewis-krimmel_sunday-morning-in-front-of-the-arch-street-meeting-house-in-philadelphia,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-lewis-krimmel_the-quilting-frolic-1813,"[1.0, 0.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0]" +Realism,john-lewis-krimmel_the-sleighing-frolic,"[0.0, 1.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,john-lewis-krimmel_the-village-tavern,"[1.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-lewis-krimmel_wordly-folk-questioning-chimney-sweeps-and-their-master-before-christ-church-in-philadelphia-1813,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 3.0, 0.0]" +Realism,john-lewis-krimmel_young-girl-with-a-blue-dress,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_a-backwater-at-calcot-near-reading-1888,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_a-backwater-at-wargrave-1887,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,john-singer-sargent_a-bedouin-arab,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,john-singer-sargent_a-dinner-table-at-night-1884,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,john-singer-sargent_a-game-of-bowls-ightham-mote-kent-1889,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]" +Realism,john-singer-sargent_a-mosque-cairo-1891,"[0.0, 4.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_a-mountain-stream-tyrol-1914,"[0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,john-singer-sargent_a-portrait-of-violet-1889,"[2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_a-rose-trellis-roses-at-oxfordshire,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,john-singer-sargent_a-spanish-woman,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]" +Realism,john-singer-sargent_a-street-in-venice,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]" +Realism,john-singer-sargent_a-street-in-venice-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]" +Realism,john-singer-sargent_a-study-of-architecture-florence,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_a-vele-gonfie-also-known-as-ena-wertheimer-1904,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_a-venetian-interior,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,john-singer-sargent_a-venetian-woman-1882,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,john-singer-sargent_a-window-in-the-vatican-1906,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Realism,john-singer-sargent_a-wrecked-sugar-refinery-1918,"[1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_abbott-lawrence-lowell-1923,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,john-singer-sargent_ada-rehan-1894,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,john-singer-sargent_albert-de-belleroche,"[0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0]" +Realism,john-singer-sargent_alberto-falchetti,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,john-singer-sargent_alfred-son-of-asher-wertheimer,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Realism,john-singer-sargent_alhambra-patio-de-la-reja-1879,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,john-singer-sargent_alice-runnels-james-mrs-william-james-1921,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]" +Realism,john-singer-sargent_alice-vanderbilt-shepard-1888,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_alice-wernher-born-alice-sedgwick-mankiewicz-1902,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,john-singer-sargent_almina-daughter-of-asher-wertheimer-1908,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_an-artist-in-his-studio-1904,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,john-singer-sargent_an-interior-in-venice-1899,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,john-singer-sargent_antonio-mancini-1902,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]" +Realism,john-singer-sargent_arthur-james-balfor-1908,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Realism,john-singer-sargent_asher-wertheime-1898,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]" +Realism,john-singer-sargent_auguste-rodin-1884,"[0.0, 1.0, 3.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]" +Realism,john-singer-sargent_bartholomy-magagnosco,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_beatrice-townsend,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,john-singer-sargent_beatriice-goelet-1890,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,john-singer-sargent_betty-wertheimer,"[1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_blanche-marchesi-1910,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0]" +Realism,john-singer-sargent_brigadier-archibald-campbell-douglas-1886,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,john-singer-sargent_captain-john-spicer,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,john-singer-sargent_carmela-bertagna,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Realism,john-singer-sargent_caroline-de-bassano-marquise-d-espeuilles-1884,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_cashmere,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,john-singer-sargent_catrherine-vlasto-1897,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Realism,john-singer-sargent_cecil-harrison,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_cecily-homer-1910,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,john-singer-sargent_charles-alexander-giron,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,john-singer-sargent_charles-deering,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,john-singer-sargent_charles-octavius-parsons,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,john-singer-sargent_charles-stewart-sixth-marquess-of-londonderry-carrying-the-great-sword-of-state-at-the-coronat-1904,"[0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0]" +Realism,john-singer-sargent_charles-woodbury-1921,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Realism,john-singer-sargent_charlotte-cram-1900,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,john-singer-sargent_church-of-san-stae-venice-1913,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,john-singer-sargent_claude-monet-1887,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,john-singer-sargent_clementina-austruther-thompson-1889,"[0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]" +Realism,john-singer-sargent_colonel-ian-hamilton,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,john-singer-sargent_colonel-thomas-edward-vickers-1896,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]" +Realism,john-singer-sargent_conrad-and-reine-ormand-1906,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Realism,john-singer-sargent_cora-countess-of-strafford-cora-smith-1908,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_countess-laura-spinola-nunez-del-castillo-1896,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Realism,john-singer-sargent_coventry-patmore-1894,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,john-singer-sargent_crescenzo-fusciardi,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,john-singer-sargent_daisy-princess-of-pless,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,john-singer-sargent_deer,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,john-singer-sargent_dorothy-1900,"[3.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_dorothy-barnard,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Realism,john-singer-sargent_dr-pozzi-at-home-1881,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,john-singer-sargent_drawing-1,"[0.0, 1.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_drawing-2,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,john-singer-sargent_drawing-3,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,john-singer-sargent_drawing-4,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,john-singer-sargent_drawing-6,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,john-singer-sargent_drawing-8,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]" +Realism,john-singer-sargent_drawing-9,"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0, 0.0]" +Realism,john-singer-sargent_drawing-of-edwin-austin-abbey,"[0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]" +Realism,john-singer-sargent_edmond-gosse-1886,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,john-singer-sargent_edouard-and-marie-louise-pailleron-1881,"[3.0, 5.0, 3.0, 2.0, 0.0, 1.0, 20.0, 8.0, 3.0]" +Realism,john-singer-sargent_edouard-pailleron,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,john-singer-sargent_edouard-pailleron-1879,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]" +Realism,john-singer-sargent_edward-robinson-1903,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,john-singer-sargent_edwin-booth-1890,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,john-singer-sargent_el-jaleo-1882,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,john-singer-sargent_elizabeth-garrett-anderson-1900,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_elizabeth-sprague-coolidge-1923,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,john-singer-sargent_elizabeth-winthrop-chanler-1893,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,john-singer-sargent_elsie-wagg,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_emily-sargent,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,john-singer-sargent_ena-and-betty-daughters-of-asher-and-mrs-wertheimer-1901,"[3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_engelsburg-1872,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Realism,john-singer-sargent_essie-ruby-and-ferdinand-children-of-asher-wertheimer-1902,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_ethel-smyth-1901,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,john-singer-sargent_etta-dunham-1895,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_eugene-juillerat,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Realism,john-singer-sargent_expectancy,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_figure-of-a-child,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,john-singer-sargent_figure-studies-of-a-male-youth,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,john-singer-sargent_fiield-marshall-h-r-h-the-duke-of-connaught-and-strathearn-1908,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,john-singer-sargent_flora-priestley-1889,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 3.0]" +Realism,john-singer-sargent_flora-priestley-also-known-as-lamplight-study,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,john-singer-sargent_francis-j-h-jenkinson-1915,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,john-singer-sargent_frank-o-meara-1876,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,john-singer-sargent_frederick-law-olmsted-1895,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,john-singer-sargent_frederick-sleigh-roberts-1st-earl-roberts-1906,"[0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Realism,john-singer-sargent_fumee-d-ambre-gris-1880,"[1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_garden-study-of-the-vickers-children-1884,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_gassed-1918,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 3.0, 0.0]" +Realism,john-singer-sargent_general-lucius-fairchild-1887,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,john-singer-sargent_general-officers-of-world-war-i-1922,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,john-singer-sargent_george-frederick-mccorquodale-1902,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_george-nathaniel-marquis-curzon-of-kedleston-1914,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,john-singer-sargent_glacier-streams,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_gladys-vanderbilt-1906,"[2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_gondolier-1905,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,john-singer-sargent_gordon-greenough-1880,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,john-singer-sargent_gourds,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_grace-woodhouse-1890,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,john-singer-sargent_h-r-h-the-duchess-of-connaught-and-strathearn-princess-louisa-margaret-alexandra-victoria-agnes-1908,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,john-singer-sargent_head-of-a-capri-girl-1878,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,john-singer-sargent_head-of-a-neapolitan-boy-1879,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_head-of-a-neapolitan-boy-in-profile-1879,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,john-singer-sargent_head-of-an-italian-girl,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Realism,john-singer-sargent_head-of-an-italian-woman,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]" +Realism,john-singer-sargent_head-of-ana-capri-girl-1878,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,john-singer-sargent_head-of-capri-girl,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,john-singer-sargent_heads-hands-and-figure-also-known-as-studies-for-gassed-1918,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0]" +Realism,john-singer-sargent_helen-brice-1907,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,john-singer-sargent_helen-dunham-1892,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_helen-sears-1895,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_henry-cabot-lodge-1890,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,john-singer-sargent_henry-g-marquand,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Realism,john-singer-sargent_henry-james-1913,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,john-singer-sargent_henry-lee-higginson-1903,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,john-singer-sargent_henry-tonks-1918,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,john-singer-sargent_henry-viscount-lascelles-1925,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,john-singer-sargent_hercules-brabazon-brabazon,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,john-singer-sargent_homer-saint-gaudens-and-his-mother-1890,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,john-singer-sargent_hospital-at-granada-1912,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Realism,john-singer-sargent_hugh-lane-1906,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,john-singer-sargent_hylda-almina-and-conway-children-of-asher-wertheimer-1905,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,john-singer-sargent_hylda-daughter-of-asher-and-mrs-wertheimer-1901,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,john-singer-sargent_ilex-wood-majorca-1908,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,john-singer-sargent_in-a-punt-1889,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,john-singer-sargent_inside-a-tent-in-the-canadian-rockies-1916,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Realism,john-singer-sargent_isabel-valle-1882,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,john-singer-sargent_isabella-stewart-gardner-1888,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]" +Realism,john-singer-sargent_izme-vickers-1907,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,john-singer-sargent_jack-millet-as-a-baby-1888,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_jacques-barenton-1883,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,john-singer-sargent_jean-joseph-marie-carri,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0]" +Realism,john-singer-sargent_johannes-wolff,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_john-d-rockefeller-1917,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_john-d-rockefeller-1917-1,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_john-ridgely-carter-1901,"[0.0, 2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_joseph-jefferson-1890,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,john-singer-sargent_judith-gautier,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,john-singer-sargent_judith-gautier-also-known-as-by-the-river-or-resting-by-a-spring-1885,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,john-singer-sargent_katharine-pratt-1890,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Realism,john-singer-sargent_katherine-lewis-1906,"[1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]" +Realism,john-singer-sargent_kneeling-model,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,john-singer-sargent_la-carmencita-1890,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,john-singer-sargent_la-carmencita-1890-1,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,john-singer-sargent_lady-agnew-of-lochnaw,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_lady-eden-1906,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,john-singer-sargent_lady-evelyn-cavendish-1902,"[0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0]" +Realism,john-singer-sargent_lady-fauden-phillips-helen-levy-1898,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_lady-margaret-spicer,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_lady-meysey-thompson,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,john-singer-sargent_lady-playfair-1884,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,john-singer-sargent_lady-speyer-leonora-von-stosch-1907,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_lady-warwick-and-her-son-1905,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_landscape-at-broadway-1885,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,john-singer-sargent_landscape-near-grasse,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,john-singer-sargent_leon-delafosse,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_lord-dalhousie-1900,"[2.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_lord-ribblesdale-1902,"[1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_lord-russell-of-killowen-1899,"[0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]" +Realism,john-singer-sargent_louise-burckhardt-also-known-as-lady-with-a-rose-1882,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,john-singer-sargent_luxembourg-gardens-at-twilight-1879,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,john-singer-sargent_m-carey-thomas-1899,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,john-singer-sargent_mabel-marquand-mrs-henry-galbraith-ward,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]" +Realism,john-singer-sargent_madame-belleroche,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Realism,john-singer-sargent_madame-edouard-pailleron-1879,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Realism,john-singer-sargent_madame-edouard-pailleron-study-1879,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,john-singer-sargent_madame-errazuriz,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Realism,john-singer-sargent_madame-errazuriz-also-known-as-the-lady-in-black,"[2.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_madame-francois-buloz-1879,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Realism,john-singer-sargent_madame-gautreau-drinking-a-toast-1883,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,john-singer-sargent_madame-helleu,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]" +Realism,john-singer-sargent_madame-paul-escudier,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Realism,john-singer-sargent_madame-paul-poirson-1885,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_madame-ramon-subercaseaux,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_madame-x-also-known-as-madame-pierre-gautreau-1884,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,john-singer-sargent_mademoiselle-boussenet-duclos-1882,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,john-singer-sargent_male-model-resting,"[2.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_male-nudes-wrestling,"[0.0, 1.0, 0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_man-screaming-also-known-as-study-for-hell,"[1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0, 0.0]" +Realism,john-singer-sargent_manuel-garcia-1905,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_marble-quarries-at-carrara-1913,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Realism,john-singer-sargent_margaret-hyde-19th-countess-of-suffolk-1898,"[1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_margaretta-drexel-countess-of-winchilsea-and-nottingham,"[0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_margherita-goldsmid-later-mrs-raphael-1906,"[0.0, 1.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_marian-madge-roller-1902,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Realism,john-singer-sargent_mario-mancini,"[1.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_mary-turner-austin,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]" +Realism,john-singer-sargent_mary-turner-austin-1880,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Realism,john-singer-sargent_mathilde-townsend-1907,"[0.0, 0.0, 1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_maud-coats-1906,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,john-singer-sargent_miss-cara-burch-1888,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_miss-eden-1905,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_miss-elizabeth-williamson-1925,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,john-singer-sargent_miss-ellen-terry-as-lady-macbeth-1889,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,john-singer-sargent_miss-elsie-palmer-1890,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,john-singer-sargent_miss-frances-sherborne-ridley-watts-1877,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_miss-helen-duinham-1892,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_moorish-courtyard-1913,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Realism,john-singer-sargent_mosquito-nets-1908,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Realism,john-singer-sargent_mr-and-mrs-isaac-newton-phelps-stokes-1897,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,john-singer-sargent_mr-and-mrs-john-w-field-1882,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,john-singer-sargent_mrs-abbott-lawrence-rotch-1903,"[3.0, 15.0, 24.0, 5.0, 0.0, 0.0, 1.0, 0.0, 3.0]" +Realism,john-singer-sargent_mrs-adolph-hirsh-1905,"[2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_mrs-adrian-iselin-1888,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,john-singer-sargent_mrs-albert-vickers-1884,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Realism,john-singer-sargent_mrs-alice-mason-1885,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Realism,john-singer-sargent_mrs-archibald-douglas-dick-nee-isabelle-parrott-1886,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,john-singer-sargent_mrs-asher-wertheimer-1904,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Realism,john-singer-sargent_mrs-asher-wertheimer-flora-joseph,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,john-singer-sargent_mrs-augustus-allusen-osma-mary-dorothy-stanley-1907,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,john-singer-sargent_mrs-augustus-hemenway-1890,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_mrs-benjamin-kissam-1888,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_mrs-carl-meyer-later-lady-meyer-and-her-two-children-1896,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,john-singer-sargent_mrs-cazalet-and-her-children-1901,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,john-singer-sargent_mrs-cecil-wade-1886,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_mrs-charles-e-inches-louise-pomeroy-1887,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_mrs-charles-f-st-clair-anstruther-thompson-nee-agnes-1898,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,john-singer-sargent_mrs-charles-fairchild-1887,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,john-singer-sargent_mrs-charles-hunter,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,john-singer-sargent_mrs-charles-hunter-mary-smyth-1898,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Realism,john-singer-sargent_mrs-charles-huntington-1898,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Realism,john-singer-sargent_mrs-charles-pelham-curtis-1903,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_mrs-charles-russell-1900,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Realism,john-singer-sargent_mrs-colin-hunter-1896,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_mrs-daniel-sargent-curtis-1882,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Realism,john-singer-sargent_mrs-edmond-kelly-1889,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]" +Realism,john-singer-sargent_mrs-edward-burckhardt-and-her-daughter-louise-1885,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,john-singer-sargent_mrs-edward-darley-boit-1888,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_mrs-edward-deshon-brandegee-1907,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_mrs-edward-goetz,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,john-singer-sargent_mrs-edward-l-davis-and-her-son-livingston-1890,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_mrs-elliott-fitch-shepard-also-known-as-margaret-louise-vanderbilt-1888,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,john-singer-sargent_mrs-ernest-g-raphael-florence-cecilia-sassoon-1905,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,john-singer-sargent_mrs-ernest-hill-constance-malanie-wynne-roberts,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,john-singer-sargent_mrs-ernest-hills-1909,"[1.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_mrs-fiske-warren-gretchen-osgood-and-her-daughter-rachel-1903,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,john-singer-sargent_mrs-frank-millet,"[1.0, 0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_mrs-frederick-barnard-1885,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,john-singer-sargent_mrs-frederick-mead-mary-eliza-scribner,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_mrs-frederick-roller-1895,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_mrs-gardiner-greene-hammond-esther-fiske-hammond-1903,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,john-singer-sargent_mrs-gardner-in-white-1922,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]" +Realism,john-singer-sargent_mrs-george-batten-mabel-veronica-hatch,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_mrs-george-gribble-1888,"[1.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_mrs-george-lewis-elizabeth-eberstadt-1892,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,john-singer-sargent_mrs-george-swinton-1897,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,john-singer-sargent_mrs-george-swinton-1906,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_mrs-hamilton-mckown-twombly-florence-adele-vanderbilt-1890,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_mrs-harold-harmsworth-1906,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_mrs-harry-vane-vilbank,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,john-singer-sargent_mrs-henry-marquand-1887,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_mrs-henry-phipps-and-her-granson-winston-1907,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_mrs-henry-white-1883,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_mrs-henry-white-margaret-daisy-stuyvesant-rutherford-1883,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_mrs-hugh-hammersley-1893,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,john-singer-sargent_mrs-huth-jackson-clara-annabel-caroline-grant-duff-1907,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_mrs-ian-hamilton-jean-muir,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_mrs-jacob-wandell-1888,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_mrs-john-william-crombie-minna-watson,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,john-singer-sargent_mrs-joseph-chamberlain-1902,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_mrs-joseph-e-widener-1903,"[7.0, 13.0, 12.0, 8.0, 0.0, 0.0, 3.0, 1.0, 3.0]" +Realism,john-singer-sargent_mrs-joshua-montgomery-sears-1899,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,john-singer-sargent_mrs-kate-a-more-1884,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,john-singer-sargent_mrs-kate-moore,"[0.0, 0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0]" +Realism,john-singer-sargent_mrs-knowles-and-her-children-1902,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_mrs-leopold-hirsch-1902,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,john-singer-sargent_mrs-louis-raphael,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,john-singer-sargent_mrs-mahlon-day-sands-mary-hartpeace-1894,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Realism,john-singer-sargent_mrs-philip-leslie-agnew-1902,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,john-singer-sargent_mrs-ralph-curtis-1898,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_mrs-richard-h-derby-1888,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_mrs-robert-harrison-1886,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,john-singer-sargent_mrs-robertson-1880,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,john-singer-sargent_mrs-thomas-edward-vickers,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_mrs-thomas-lincoln-manson-jr-mary-groot-1890,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_mrs-thomas-wodehouse-legh-1884,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,john-singer-sargent_mrs-waldo-story-1883,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,john-singer-sargent_mrs-walter-bacon-virginia-purdy-barker-1896,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_mrs-william-crowninshield-endicott,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,john-singer-sargent_mrs-william-crowninshield-endicott-jr-1903,"[0.0, 1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_mrs-william-henry-vanderbilt-1888,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,john-singer-sargent_mrs-william-playfair-1887,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Realism,john-singer-sargent_mrs-william-russell-cooke-1895,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,john-singer-sargent_mrs-william-shakespeare-louise-weiland,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,john-singer-sargent_mrs-wilton-phipps,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,john-singer-sargent_muddy-alligators-1917,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Realism,john-singer-sargent_my-dining-room,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Realism,john-singer-sargent_my-friend-chadwick-1880,"[2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]" +Realism,john-singer-sargent_naked-boy-on-the-beach,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,john-singer-sargent_nancy-astor-1906,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,john-singer-sargent_nicola-d-inverno,"[3.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_nicola-d-inverno-1,"[0.0, 0.0, 2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_nonchaloir-repose-1911,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 1.0]" +Realism,john-singer-sargent_nude-1,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Realism,john-singer-sargent_nude-2,"[3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_nude-egyptian-girl-1891,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_nude-study,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,john-singer-sargent_olga-baroness-de-meyer-1907,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,john-singer-sargent_olimpio-fusco,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_olive-trees-at-corfu-1909,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,john-singer-sargent_olivia-richardson,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,john-singer-sargent_on-his-holidays-norway-1901,"[1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_oranges-at-corfu,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,john-singer-sargent_padre-sebastiano,"[0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]" +Realism,john-singer-sargent_paul-helleu-sketching-his-wife-1889,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_persian-artifact-with-faience-decoration,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,john-singer-sargent_peter-a-b-widener-1902,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]" +Realism,john-singer-sargent_peter-a-b-widener-1903,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,john-singer-sargent_polly-barnard-also-known-as-study-for-carnation-lily-lily-rose,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,john-singer-sargent_pomegranates-1908,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,john-singer-sargent_pomegranates-1908-1,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,john-singer-sargent_pomegranates-majorca-1908,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,john-singer-sargent_poppies-1886,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_portrait-of-a-man-probably-nicola-d-inverno,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,john-singer-sargent_portrait-of-albert-de-belleroche-1882,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]" +Realism,john-singer-sargent_portrait-of-albert-spencer-7th-earl-spencer-1915,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,john-singer-sargent_portrait-of-carolus-duran-1879,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,john-singer-sargent_portrait-of-caspar-goodrich-1887,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,john-singer-sargent_portrait-of-charles-martin-loeffler-1917,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,john-singer-sargent_portrait-of-daniel-j-nolan-1917,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_portrait-of-dorothy-barnard-1889,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Realism,john-singer-sargent_portrait-of-douglas-vickers-1914,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,john-singer-sargent_portrait-of-edith-french,"[0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 2.0, 0.0, 0.0]" +Realism,john-singer-sargent_portrait-of-ernse-ange-duez,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,john-singer-sargent_portrait-of-frances-mary-vickers,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,john-singer-sargent_portrait-of-gordon-fairchild-1890,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,john-singer-sargent_portrait-of-grace-elvina-marchioness-curzon-of-kedleston-1925,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,john-singer-sargent_portrait-of-henry-james-1913,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,john-singer-sargent_portrait-of-jacques-emile-blanche,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,john-singer-sargent_portrait-of-james-carroll-beckwith,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_portrait-of-jean-joseph-marie-carries-1880,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Realism,john-singer-sargent_portrait-of-jeanne-kieffer-1879,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,john-singer-sargent_portrait-of-katharine-chase-shapleigh-1890,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_portrait-of-lady-helen-vincent-viscountess-d-abernon-1904,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_portrait-of-lady-michaelis-1925,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_portrait-of-lady-sassoon-1907,"[1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_portrait-of-lancelot-allen-1894,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Realism,john-singer-sargent_portrait-of-louis-alexander-fagan-1893,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,john-singer-sargent_portrait-of-mademoiselle-suzanne-poirson-1884,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,john-singer-sargent_portrait-of-miss-dorothy-vickers,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_portrait-of-mrs-alice-brisbane-thursby-1898,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,john-singer-sargent_portrait-of-mrs-ernest-g-raphael-nee-florence-cecilia-sassoon-1905,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_portrait-of-mrs-harold-wilson-1897,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,john-singer-sargent_portrait-of-mrs-john-joseph-townsend-catherine-rebecca-bronson-1881,"[0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]" +Realism,john-singer-sargent_portrait-of-pauline-astor,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,john-singer-sargent_portrait-of-sally-fairchild-1885,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,john-singer-sargent_portrait-of-sir-max-michaelis-1925,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,john-singer-sargent_portrait-of-the-countess-of-clary-aldringen-1896,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_portrait-of-theodore-roosevelt-1903,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,john-singer-sargent_portrait-of-two-children-1887,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,john-singer-sargent_president-woodrow-wilson-1917,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_pressing-the-grapes-florentine-wine-cellar,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,john-singer-sargent_princess-demidoff-sophie-ilarinovna,"[1.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_professors-welch-halsted-osler-and-kelly-also-known-as-the-four-doctors-1906,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Realism,john-singer-sargent_reclining-nude,"[1.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_recumbent-draped-figure,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,john-singer-sargent_reverend-edmond-ware-1906,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,john-singer-sargent_richard-morris-hunt-1895,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_robert-louis-stevenson-1887,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Realism,john-singer-sargent_robert-louis-stevenson-and-his-wife-1885,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,john-singer-sargent_rose-marie-ormond-1912,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_ruth-sears-bacon-1887,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,john-singer-sargent_seascape-1875,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Realism,john-singer-sargent_seated-model-with-drapery,"[1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]" +Realism,john-singer-sargent_self-portrait-1886,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]" +Realism,john-singer-sargent_self-portrait-1892,"[0.0, 1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_self-portrait-1906,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,john-singer-sargent_senator-calvin-brice-1898,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,john-singer-sargent_sheepfold-in-the-tirol-1915,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_shoeing-the-ox,"[1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Realism,john-singer-sargent_simplon-pass-the-tease-1911,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_sir-david-richmond,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_sir-david-richmond-1,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_sir-edmund-gosse,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,john-singer-sargent_sir-frank-swettenham-1904,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,john-singer-sargent_sir-george-lewis-1896,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,john-singer-sargent_sir-philip-sasson-phillip-albert-gustave-david-sasson-1923,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,john-singer-sargent_sir-william-hedworth-williamson-1924,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,john-singer-sargent_sketch-for-the-sorrowful-mysteries-the-carrying-of-the-cross-head-and-shoulders-of-a-man,"[1.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_standing-male-figure,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,john-singer-sargent_studies-of-a-nude-youth,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,john-singer-sargent_studies-of-aphrodite-for-aphrodite-and-eros-1919,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,john-singer-sargent_study-for-a-devil-and-victim-in-judgement,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Realism,john-singer-sargent_study-for-madame-x,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,john-singer-sargent_study-for-madame-x-1,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,john-singer-sargent_study-for-the-archers,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_study-for-the-spanish-dance,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,john-singer-sargent_study-for-two-heads-for-boston-mural-the-prophets,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Realism,john-singer-sargent_study-of-a-fig-tree-1908,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_study-of-a-figure-for-hell,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Realism,john-singer-sargent_study-of-a-young-man,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,john-singer-sargent_study-of-ezekiel-for-frieze-of-the-prophets,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,john-singer-sargent_sybil-frances-grey-later-lady-eden-1905,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,john-singer-sargent_sylvia-harrison-1913,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,john-singer-sargent_temple-of-denderah-1891,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,john-singer-sargent_the-acheson-sisters-1902,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Realism,john-singer-sargent_the-archbishop-of-canterbury-randall-thomas-davidson-1910,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Realism,john-singer-sargent_the-breakfast-table-1884,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,john-singer-sargent_the-candelabrum-also-known-as-lady-with-cancelabra-or-the-cigarette-1885,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,john-singer-sargent_the-countess-of-essex-1907,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,john-singer-sargent_the-countess-of-lathom-1904,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_the-countess-of-rocksavage-later-marchioness-of-cholmondeley-1922,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,john-singer-sargent_the-countess-of-rocksavage-sybil-sassoon-1913,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,john-singer-sargent_the-daughters-of-edward-darley-boit-1882,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Realism,john-singer-sargent_the-duchess-of-sutherland-1904,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,john-singer-sargent_the-earl-of-wemyss-and-march-1909,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,john-singer-sargent_the-earle-of-comer-1902,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,john-singer-sargent_the-earle-of-dalhousie-1900,"[1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_the-honorable-laura-lister,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_the-honourable-victoria-stanley,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_the-marchioness-curzon-of-kedleston-1925,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,john-singer-sargent_the-marlborough-family-1905,"[3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_the-misses-hunter-1902,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_the-misses-vickers-1884,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_the-moraine-1908,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_the-right-honourable-joseph-chamberlain-1896,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Realism,john-singer-sargent_the-sitwell-family-1900,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Realism,john-singer-sargent_the-spanish-dancer-study-for-el-jaleo-1882,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Realism,john-singer-sargent_the-sulphur-match-1882,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]" +Realism,john-singer-sargent_the-tramp,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,john-singer-sargent_the-wyndham-sisters-1899,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,john-singer-sargent_thistles,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,john-singer-sargent_torsos-of-two-male-nudes,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Realism,john-singer-sargent_two-studies-for-madame-x,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_two-studies-for-soldiers-of-gassed,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,john-singer-sargent_two-white-dresses-1911,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]" +Realism,john-singer-sargent_val-d-aosta-purtud-1907,"[1.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_valdemosa-majorca-thistles-and-herbage-on-a-hillside-1908,"[0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 1.0, 0.0, 0.0]" +Realism,john-singer-sargent_vase-fountain-pocantico-1917,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_vaslav-nijinsky-in-le-pavillon-d-armide-1911,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_venetian-bead-stringers-1882,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,john-singer-sargent_venetian-bead-stringers-1882-1,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]" +Realism,john-singer-sargent_venetian-canal-scene,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_venetian-glass-workers-1882,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Realism,john-singer-sargent_venetian-onion-seller-1882,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,john-singer-sargent_venetian-street-1882,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Realism,john-singer-sargent_venetian-water-carriers-1882,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,john-singer-sargent_venetian-wineshop,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_vernon-lee-1881,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,john-singer-sargent_view-of-capri-1878,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,john-singer-sargent_villa-torlonia-fountain-1907,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_violet-1886,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Realism,john-singer-sargent_violet-sargent,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,john-singer-sargent_w-graham-robertson-1894,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Realism,john-singer-sargent_william-butler-yeats-1908,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,john-singer-sargent_william-marshall-cazalet-1902,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Realism,john-singer-sargent_william-merritt-chase-1902,"[3.0, 2.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Realism,john-singer-sargent_winifred-duchess-of-portland-1902,"[0.0, 3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,john-singer-sargent_young-girl-wearing-a-white-muslin-blouse-1885,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Realism,john-singer-sargent_young-man-in-reverie-1876,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Realism,jose-malhoa_portrait-of-carlos-i-of-portugal-1891,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,jose-malhoa_portrait-of-queen-d-leonor-1926,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,jose-malhoa_the-artist-s-studio-1894,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,jules-joseph-lefebvre_girl-with-a-mandolin-1870,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Realism,jules-joseph-lefebvre_portrait-of-julia-foster-ward-1880,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,jules-joseph-lefebvre_the-grasshopper-1872,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Realism,julius-leblanc-stewart_a-hunt-ball-1885(1),"[0.0, 2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,julius-leblanc-stewart_a-supper-party-1903(1),"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,julius-leblanc-stewart_a-toast-1896(1),"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,julius-leblanc-stewart_after-the-ball-1877(1),"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,julius-leblanc-stewart_an-english-lady-1896(1),"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,julius-leblanc-stewart_an-enthralling-novel-1885(1),"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,julius-leblanc-stewart_an-idle-afternoon-1884(1),"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Realism,julius-leblanc-stewart_an-interesting-letter-1890(1),"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,julius-leblanc-stewart_at-home-1897(1),"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,julius-leblanc-stewart_carolina(1),"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,julius-leblanc-stewart_end-of-summertime-the-ride-form-the-cover-of-soleil-du-dimanche-sunday-20th-of-october-1901-1901(1),"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,julius-leblanc-stewart_flower-girl-1890(1),"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,julius-leblanc-stewart_forest-glade-santa-barbara-1918(1),"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,julius-leblanc-stewart_full-speed-1886(1),"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,julius-leblanc-stewart_half-naked-woman-1877(1),"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,julius-leblanc-stewart_in-the-boudoir(1),"[2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,julius-leblanc-stewart_ladies-with-a-gentleman-in-a-top-hat-1888(1),"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,julius-leblanc-stewart_lady-in-her-boudoir-1889(1),"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,julius-leblanc-stewart_lady-on-a-pink-divan-1877(1),"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,julius-leblanc-stewart_morning(1),"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,julius-leblanc-stewart_nude-in-an-interior-1914(1),"[0.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,julius-leblanc-stewart_nude-in-the-forest(1),"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,julius-leblanc-stewart_nymphs-hunting-1898(1),"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,julius-leblanc-stewart_nymphs-of-nysa(1),"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,julius-leblanc-stewart_on-the-terrace-1884(1),"[1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,julius-leblanc-stewart_on-the-yacht-namouna-venice-1890(1),"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,julius-leblanc-stewart_portrait-of-a-lady-1892(1),"[0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,julius-leblanc-stewart_portrait-of-a-woman-1908(1),"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,julius-leblanc-stewart_portrait-of-laure-hayman-1882(1),"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,julius-leblanc-stewart_portrait-of-mrs-francis-stanton-blake-1908(1),"[1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,julius-leblanc-stewart_quiet-day-on-the-seine-1880(1),"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,julius-leblanc-stewart_reading-1884(1),"[0.0, 3.0, 4.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,julius-leblanc-stewart_reclining-woman-1882(1),"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,julius-leblanc-stewart_redemption-1895(1),"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,julius-leblanc-stewart_repose-1888(1),"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Realism,julius-leblanc-stewart_rio-della-maddalena-1908(1),"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,julius-leblanc-stewart_room-with-a-view-1895(1),"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,julius-leblanc-stewart_sarah-bernhardt-and-christine-nilsson-1883(1),"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,julius-leblanc-stewart_self-portrait-1886(1),"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,julius-leblanc-stewart_spanish-girl-1875(1),"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,julius-leblanc-stewart_still-life-with-asian-objects(1),"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,julius-leblanc-stewart_study-of-a-nude-woman-1892(1),"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,julius-leblanc-stewart_summer-s-promenade-1880(1),"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,julius-leblanc-stewart_sunlight(1),"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,julius-leblanc-stewart_the-ball(1),"[0.0, 1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,julius-leblanc-stewart_the-baptism-1892(1),"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,julius-leblanc-stewart_the-canal-1887(1),"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,julius-leblanc-stewart_the-glade-1900(1),"[1.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,julius-leblanc-stewart_the-hunt-supper-1889(1),"[0.0, 2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,julius-leblanc-stewart_the-laughing-maid-1899(1),"[1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]" +Realism,julius-leblanc-stewart_the-seine-at-bougival-1885(1),"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,julius-leblanc-stewart_the-toilet-1905(1),"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,julius-leblanc-stewart_the-unfulfilled-wish-1899(1),"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,julius-leblanc-stewart_the-visit(1),"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Realism,julius-leblanc-stewart_unknown(1),"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Realism,julius-leblanc-stewart_venetian-canal-1905(1),"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,julius-leblanc-stewart_venetian-market-scene-1907(1),"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,julius-leblanc-stewart_view-of-venice-the-dogana-1907(1),"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,julius-leblanc-stewart_woman-in-a-garden-1888(1),"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,julius-leblanc-stewart_woman-in-an-interior(1),"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,julius-leblanc-stewart_yachting-in-the-mediterranean-1896(1),"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,julius-leblanc-stewart_young-beauty-in-a-white-dress(1),"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,julius-leblanc-stewart_young-woman-at-piano-1878(1),"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,julius-leblanc-stewart_young-woman-in-blue-1877(1),"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,karoly-ferenczy_b-ni-and-no-mi-1908,"[4.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,karoly-ferenczy_red-wall-1910,"[0.0, 0.0, 7.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,kazimir-malevich_portrait-of-a-man-1930,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]" +Realism,kazimir-malevich_portrait-of-a-record-setter-in-work-productivity-1932,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,kazimir-malevich_portrait-of-a-record-setter-in-work-productivity-1932-1,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Realism,kazimir-malevich_portrait-of-a-woman-1934,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,kazimir-malevich_portrait-of-mother,"[0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Realism,kazimir-malevich_portrait-of-v-a-pavlov-1933,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,kazimir-malevich_smith-1933,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,kimon-loghi_the-macedonian-woman,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 3.0]" +Realism,klavdy-lebedev_assembly-of-peter-i,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,klavdy-lebedev_boyar-wedding-1883,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,klavdy-lebedev_dancing,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Realism,klavdy-lebedev_false-dmitry-i-and-princess-xenia-godunova,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,klavdy-lebedev_martha-the-mayoress-destruction-of-novgorod-by-ivan-iii-1889,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0]" +Realism,klavdy-lebedev_night-of-ivan-kupala,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,klavdy-lebedev_portrait-of-boy,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Realism,klavdy-lebedev_russian-knyaz-igor-exacts-tribute-from-the-drevlyans-in-945,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,klavdy-lebedev_sadko-1903,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,klavdy-lebedev_sostrunka-b-r-im-wald-bers-m-google-sprachtools-1907,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,klavdy-lebedev_spat-on-the-terrace,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]" +Realism,klavdy-lebedev_svyatoslav-s-meeting-with-emperor-john-as-described-by-leo-the-deacon-1916,"[0.0, 0.0, 0.0, 2.0, 3.0, 0.0, 1.0, 0.0, 0.0]" +Realism,klavdy-lebedev_the-baptism-of-kievans,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,klavdy-lebedev_the-development-of-new-lands-by-russian-1904,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Realism,klavdy-lebedev_to-the-son-1894,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Realism,klavdy-lebedev_tzar-ivan-the-terrible-asks-abbot-cornelius-to-mow-him-to-the-monks,"[1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0]" +Realism,koloman-moser_blooming-flowers-with-garden-fence,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,koloman-moser_geraniums,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,koloman-moser_girls-in-henhouse-1897,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,koloman-moser_male-nude-study,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,koloman-moser_reproduction-template-for-the-leaf-for-gerlach-s-love-allegories-new-series-plate-35,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 6.0, 4.0, 0.0]" +Realism,koloman-moser_reproduction-template-for-the-middle-part-of-the-leaf-love-for-gerlach-s-allegories-new-series,"[1.0, 6.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,koloman-moser_rudolf-steindl-a-brother-of-the-artist,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,koloman-moser_serpentine-dancer-poster-design-for-lois-fuller-1,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,konstantin-bogaevsky_birch-grove,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,konstantin-bogaevsky_estate-in-kenegeze-1909,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,konstantin-bogaevsky_evening-at-the-sea-1941,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,konstantin-bogaevsky_evening-landscape-1907,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,konstantin-bogaevsky_feodosia,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,konstantin-bogaevsky_landscape-1928,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Realism,konstantin-bogaevsky_landscape-1940,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,konstantin-bogaevsky_landscape-with-oaks-and-willows-1940,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,konstantin-bogaevsky_mill-near-the-forest-creek-1884,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,konstantin-bogaevsky_old-trunk,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Realism,konstantin-bogaevsky_panorama-of-construction-of-dnieper-hydroelectric-station,"[0.0, 1.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0]" +Realism,konstantin-bogaevsky_romantic-landscape-on-the-seashore,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,konstantin-bogaevsky_still-life-1924,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,konstantin-bogaevsky_study-of-boats-and-cows-1890,"[0.0, 2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Realism,konstantin-bogaevsky_the-crimean-landscape-1898,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,konstantin-bogaevsky_trees-1893,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,konstantin-bogaevsky_trees-in-baran-eli-1906,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0]" +Realism,konstantin-bogaevsky_view-of-sudak,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,konstantin-bogaevsky_view-of-sudak-1,"[2.0, 14.0, 19.0, 2.0, 0.0, 0.0, 0.0, 1.0, 4.0]" +Realism,konstantin-bogaevsky_view-of-sudak-s-environs,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Realism,konstantin-bogaevsky_view-of-the-tarusa-surroundings,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Realism,konstantin-bogaevsky_walls-and-towers-of-soldai-1904,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,konstantin-bogaevsky_woodland-scene,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,konstantin-bogaevsky_woodland-scene-near-tarusa,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,konstantin-korovin_a-picnic-1880,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,konstantin-korovin_bridge-1880,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,konstantin-korovin_fishing-on-murman-sea-1896,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Realism,konstantin-korovin_portrait-of-a-chorus-girl-1883,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,konstantin-korovin_still-life-1916-1,"[1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,konstantin-korovin_still-life-with-fish-1930,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0, 0.0]" +Realism,konstantin-korovin_still-life-with-lobster,"[0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 1.0, 0.0]" +Realism,konstantin-makovsky_after-the-market,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,konstantin-makovsky_alexeyich-1882,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,konstantin-makovsky_antique-shop,"[0.0, 1.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0]" +Realism,konstantin-makovsky_blind-man,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,konstantin-makovsky_by-the-open-window,"[0.0, 1.0, 7.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,konstantin-makovsky_cairo,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,konstantin-makovsky_cairo-2,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,konstantin-makovsky_cairo-court,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,konstantin-makovsky_campfire-kachanovka,"[0.0, 6.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,konstantin-makovsky_child-funeral,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Realism,konstantin-makovsky_child-on-the-snow,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,konstantin-makovsky_children-in-a-field,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,konstantin-makovsky_children-playing-in-the-workshop,"[1.0, 1.0, 6.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,konstantin-makovsky_christmas-fortune-telling,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,konstantin-makovsky_coachman,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,konstantin-makovsky_country-landscape,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]" +Realism,konstantin-makovsky_cups,"[0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]" +Realism,konstantin-makovsky_desert,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,konstantin-makovsky_fair-booths-on-admiralty-square-st-petersburg,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,konstantin-makovsky_fair-booths-on-admiralty-square-st-petersburg-1869,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 5.0, 0.0]" +Realism,konstantin-makovsky_female-portrait-2,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Realism,konstantin-makovsky_flowers-1,"[0.0, 2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,konstantin-makovsky_flowers-2,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,konstantin-makovsky_friends,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,konstantin-makovsky_genre-scene-1,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,konstantin-makovsky_genre-scene-2,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,konstantin-makovsky_girl-in-a-kerchief-portrait-of-the-girl,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,konstantin-makovsky_girl-with-flowers,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,konstantin-makovsky_grandfather-stories,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,konstantin-makovsky_head-of-the-girl-in-a-kerchief,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,konstantin-makovsky_head-of-the-old-woman,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Realism,konstantin-makovsky_hide-and-seek,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,konstantin-makovsky_homestead,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,konstantin-makovsky_illumination-of-moscow-on-the-occasion-of-the-coronation-in-1883,"[0.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,konstantin-makovsky_in-the-park,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,konstantin-makovsky_irrigation-in-egypt,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,konstantin-makovsky_landlady,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,konstantin-makovsky_landscape,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Realism,konstantin-makovsky_landscape-1,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,konstantin-makovsky_landscape-2,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,konstantin-makovsky_landscape-3,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,konstantin-makovsky_landscape-sea-and-flowers,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,konstantin-makovsky_landscape-with-lake,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,konstantin-makovsky_meal-of-pilgrims-in-the-trinity-lavra-of-st-sergius,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,konstantin-makovsky_monk-tax-collector-in-the-temple,"[1.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0]" +Realism,konstantin-makovsky_nanny-of-ivan-the-terrible,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]" +Realism,konstantin-makovsky_old-man,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,konstantin-makovsky_on-the-square-in-ivanovo-congress-nizhny-novgorod-kremlin,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,konstantin-makovsky_on-the-steps,"[0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]" +Realism,konstantin-makovsky_peasant-dinner-during-harvesting,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,konstantin-makovsky_petersburg-patio,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,konstantin-makovsky_piper,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,konstantin-makovsky_portrait-14,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,konstantin-makovsky_portrait-18,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,konstantin-makovsky_portrait-of-an-old-man,"[2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,konstantin-makovsky_portrait-of-e-gilechenko,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 7.0, 0.0]" +Realism,konstantin-makovsky_portrait-of-the-boy,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0]" +Realism,konstantin-makovsky_portrait-of-the-girl,"[0.0, 3.0, 5.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,konstantin-makovsky_portrait-of-the-girl-3,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,konstantin-makovsky_portrait-of-the-girl-5,"[0.0, 7.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,konstantin-makovsky_portrait-of-the-italian-boy,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,konstantin-makovsky_portrait-of-the-wrighter-d-grigorovich,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,konstantin-makovsky_portrait-of-the-young-lady,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,konstantin-makovsky_roses,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,konstantin-makovsky_still-life-1,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,konstantin-makovsky_still-life-in-an-interior,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,konstantin-makovsky_still-life-with-roses-and-knapweeds,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,konstantin-makovsky_summer-afternoon,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,konstantin-makovsky_summer-day,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,konstantin-makovsky_summerhouse,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,konstantin-makovsky_the-moscow-show-booths,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,konstantin-makovsky_two-breton-women-1904,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,konstantin-makovsky_under-the-green-trees-summer-landscape,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,konstantin-somov_lady-in-blue-portrait-of-the-artist-yelizaveta-martynova-1900,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,konstantin-somov_portrait-a-somova-mikhailova,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,konstantin-somov_portrait-a-somova-mikhailova-1,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,konstantin-somov_portrait-of-a-popov,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,konstantin-somov_portrait-of-a-somov,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,konstantin-somov_portrait-of-aleksandr-blok-1907,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,konstantin-somov_portrait-of-anna-ostroumova-lebedeva-1901,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,konstantin-somov_portrait-of-artist-a-benua,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,konstantin-somov_portrait-of-artist-e-zvantseva,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]" +Realism,konstantin-somov_portrait-of-artist-s-mather,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,konstantin-somov_portrait-of-baroness-alexandra-nolde,"[2.0, 5.0, 10.0, 0.0, 0.0, 1.0, 2.0, 15.0, 11.0]" +Realism,konstantin-somov_portrait-of-d-karysheva,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,konstantin-somov_portrait-of-e-mihaylov,"[0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 1.0]" +Realism,konstantin-somov_portrait-of-e-oliv,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,konstantin-somov_portrait-of-e-pits-bilibina,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,konstantin-somov_portrait-of-eugine-lanceray,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,konstantin-somov_portrait-of-ewfimia-nosova-1911,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,konstantin-somov_portrait-of-louise-morgan,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Realism,konstantin-somov_portrait-of-m-karpova,"[1.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,konstantin-somov_portrait-of-m-kuzmin,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]" +Realism,konstantin-somov_portrait-of-mikhail-kuzmin-1909,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,konstantin-somov_portrait-of-n-dobychina,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,konstantin-somov_portrait-of-n-poznyakov,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,konstantin-somov_portrait-of-n-vysotskaya,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Realism,konstantin-somov_portrait-of-v-ivanov,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Realism,konstantin-somov_self-portrait-1,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,konstantin-somov_self-portrait-1921,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,konstantin-somov_self-portrait-2,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,konstantin-vasilyev_fern,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]" +Realism,konstantinos-volanakis_1869-1875(1),"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,konstantinos-volanakis_1871,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,konstantinos-volanakis_1872,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,konstantinos-volanakis_1883-1885,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,konstantinos-volanakis_1894,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,konstantinos-volanakis_a-busy-harbour,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,konstantinos-volanakis_anchored-boats-1895,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,konstantinos-volanakis_argo(4),"[1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,konstantinos-volanakis_at-the-dock(2),"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,konstantinos-volanakis_bay-with-boats,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,konstantinos-volanakis_boat(1),"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,konstantinos-volanakis_boats-at-the-sea(1),"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Realism,konstantinos-volanakis_bringing-in-the-catch,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Realism,konstantinos-volanakis_casting-the-nets,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,konstantinos-volanakis_elegant-figures-at-the-shore(1),"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,konstantinos-volanakis_fishing-boat-on-choppy-waters,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Realism,konstantinos-volanakis_fishing-boats,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,konstantinos-volanakis_fishing-boats-1,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,konstantinos-volanakis_greek-frigate-at-anchor,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Realism,konstantinos-volanakis_greek-ship,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,konstantinos-volanakis_inauguration-of-corinth-canal,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,konstantinos-volanakis_karaiskakis-faliro,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]" +Realism,konstantinos-volanakis_mending-the-nets(1),"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,konstantinos-volanakis_moonlit-harbour,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,konstantinos-volanakis_moonlit-harbour-of-volos,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,konstantinos-volanakis_naval-battle-at-lissa-1869,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]" +Realism,konstantinos-volanakis_octoberfest-1876,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 0.0]" +Realism,konstantinos-volanakis_on-calm-waters,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Realism,konstantinos-volanakis_return-of-the-argonauts,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,konstantinos-volanakis_sailing-ships,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,konstantinos-volanakis_seascape,"[0.0, 0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,konstantinos-volanakis_seashore-of-poros,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,konstantinos-volanakis_ship,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,konstantinos-volanakis_sunset-at-the-seashore(1),"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0]" +Realism,konstantinos-volanakis_sunset-over-the-bay,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,konstantinos-volanakis_surging-through-the-seas,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Realism,konstantinos-volanakis_the-attack-on-the-turkish-flagship-in-the-gulf-of-eressos-at-the-greek-island-of-lesvos-by-a,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]" +Realism,konstantinos-volanakis_the-burning-of-a-turkish-frigate(3),"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]" +Realism,konstantinos-volanakis_the-burning-of-a-turkish-frigate-1,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Realism,konstantinos-volanakis_the-crossing(7),"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Realism,konstantinos-volanakis_the-fisherman-s-home-on-the-beach(2),"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,konstantinos-volanakis_the-fishnet,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,konstantinos-volanakis_the-port-of-piraeus(1),"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,konstantinos-volanakis_the-port-of-volos,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Realism,laszlo-mednyanszky_angler-1890,"[1.0, 1.0, 6.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]" +Realism,laszlo-mednyanszky_chimney-sweeper-carrier-of-luck-1918,"[1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Realism,laszlo-mednyanszky_head-of-a-boy-1890,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Realism,laszlo-mednyanszky_head-of-a-tramp,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Realism,laszlo-mednyanszky_peasant-boy-with-hat-study,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,laszlo-mednyanszky_watering-1880,"[0.0, 3.0, 4.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,leon-bonnat_an-egyptian-peasant-woman-and-her-child-1870,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0]" +Realism,leon-bonnat_charles-ephrussi,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,leon-bonnat_fille-romaine-la-fontaine-1875,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,leon-bonnat_le-cardinal-charles-lavigerie-1888,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,leon-bonnat_madame-pasca-1874,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,leon-bonnat_pierre-bienvenu-noailles-1899,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Realism,leon-bonnat_portrait-de-madame-dot-zac-1902,"[3.0, 0.0, 3.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,leon-bonnat_portrait-of-antoine-louis-barye-with-a-wax-model-of-seated-lion-1885,"[0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 1.0]" +Realism,leon-bonnat_portrait-of-george-aloysius-lucas-1885,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,leon-bonnat_portrait-of-monsieur-allard-1922,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,leon-bonnat_portrait-of-victor-hugo,"[0.0, 0.0, 2.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0]" +Realism,leon-bonnat_self-portrait-1855,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Realism,leon-bonnat_william-thompson-walters-1883,"[1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0]" +Realism,lovis-corinth_in-the-fisherman-s-house-1886,"[1.0, 2.0, 3.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,lovis-corinth_portrait-of-the-painter-benno-becker-1892,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,lovis-corinth_portrait-of-the-painter-fritz-rumpf-1901,"[1.0, 1.0, 3.0, 0.0, 1.0, 0.0, 1.0, 1.0, 3.0]" +Realism,lovis-corinth_self-portrait-1888,"[1.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,m.c.-escher_alfedena-abruzzi,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,m.c.-escher_blowball-i,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,m.c.-escher_bookplate-dr-p-h-m-travaglino,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,m.c.-escher_caltavuturo-in-the-madonie-mountains-sicily,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,m.c.-escher_castrovalva,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Realism,m.c.-escher_cave-dwellings-near-sperlinga-sicily,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Realism,m.c.-escher_chrysanthemum,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,m.c.-escher_cloister-near-rocca-imperiale-calabria,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Realism,m.c.-escher_coast-of-amalfi,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Realism,m.c.-escher_corsica-corte,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Realism,m.c.-escher_emblemata-dice,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Realism,m.c.-escher_emblemata-retreat,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,m.c.-escher_emblemata-steamroller,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Realism,m.c.-escher_fiumara-calabria,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Realism,m.c.-escher_infant-arthur,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Realism,m.c.-escher_kairouan-tunisia,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,m.c.-escher_les-eyzies-france,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Realism,m.c.-escher_morano-calabria,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Realism,m.c.-escher_mumified-frog,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]" +Realism,m.c.-escher_not_detected_204662,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,m.c.-escher_not_detected_204663,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,m.c.-escher_not_detected_204667,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,m.c.-escher_not_detected_204677,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,m.c.-escher_not_detected_204681,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]" +Realism,m.c.-escher_not_detected_204685,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,m.c.-escher_not_detected_204686,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Realism,m.c.-escher_not_detected_204697,"[2.0, 15.0, 10.0, 5.0, 0.0, 1.0, 8.0, 3.0, 5.0]" +Realism,m.c.-escher_not_detected_204700,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,m.c.-escher_not_detected_204701,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,m.c.-escher_not_detected_204703,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Realism,m.c.-escher_not_detected_204711,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,m.c.-escher_not_detected_204714,"[0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0]" +Realism,m.c.-escher_not_detected_204717,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,m.c.-escher_not_detected_204721,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Realism,m.c.-escher_not_detected_204722,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,m.c.-escher_old-olive-tree-corsica,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0, 0.0]" +Realism,m.c.-escher_pineta-of-calvi-corsica,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Realism,m.c.-escher_railway-bridge-oosterbeek,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,m.c.-escher_ravello-and-the-coast-of-amalfi,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,m.c.-escher_ravello-iii,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,m.c.-escher_san-gimignano,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]" +Realism,m.c.-escher_san-michele-dei-frisone-rome,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,m.c.-escher_self-portrait-ii-1,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Realism,m.c.-escher_snow,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,m.c.-escher_the-hamlet-of-turello-southern-italy,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,m.c.-escher_tropea-calabria,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,martin-johnson-heade_a-vase-of-corn-lilies-and-heliotrope-1863,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,martin-johnson-heade_cattleya-orchid-and-three-hummingbirds-1871,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,martin-johnson-heade_giant-magnolias-on-a-blue-velvet-cloth-1890,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,martin-johnson-heade_magnolia-grandiflora-1895,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,martin-johnson-heade_magnolias-on-gold-velvet-cloth-1890,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,martin-johnson-heade_mary-rebecca-clark-1857,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,martin-johnson-heade_portrait-of-a-man-1840,"[1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 1.0]" +Realism,martin-johnson-heade_still-life-with-apple-blossoms-in-a-nautilus-shell-1870,"[1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,martiros-saryan_a-nook-of-the-peach-garden,"[0.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,martiros-saryan_alaverdi-copper-chemical-complex-1937,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,martiros-saryan_anniversary-flowers-1955,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,martiros-saryan_april-1947,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,martiros-saryan_april-landscape-1944,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,martiros-saryan_armenia-1934,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,martiros-saryan_armenia-1940,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Realism,martiros-saryan_armenia-1944,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,martiros-saryan_armenia-1972,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Realism,martiros-saryan_armenian-landscape-1959,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,martiros-saryan_armenian-landscape-1968,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,martiros-saryan_armenian-mountains-1962,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,martiros-saryan_armenian-village-1969,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Realism,martiros-saryan_arzni-1937,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,martiros-saryan_arzni-1942-1,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,martiros-saryan_byurakan-1958,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,martiros-saryan_byurakan-study-1958,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,martiros-saryan_church-karmravor-of-vii-century-1956,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,martiros-saryan_clear-day-1957,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,martiros-saryan_cliff-1945,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,martiros-saryan_cliff-in-the-slope-of-aragats-1958,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,martiros-saryan_collective-farm-of-village-karindzh-in-the-mountains-tumanyan-1952,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,martiros-saryan_cover-of-a-isahakyan-s-book-of-poems-1929,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,martiros-saryan_cover-of-armenian-folk-tales,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Realism,martiros-saryan_cover-of-book-of-fairy-tales-by-hovhannes-tumanyan-1930,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Realism,martiros-saryan_cover-of-g-mahari-s-book-childhood-the-first-part-of-trilogy-1930,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,martiros-saryan_dvin-excavations-1952,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,martiros-saryan_flowering-garnet-1947,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,martiros-saryan_flowers-1928,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,martiros-saryan_flowers-1937,"[0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,martiros-saryan_flowers-1940,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,martiros-saryan_flowers-1941,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,martiros-saryan_flowers-1941-1,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,martiros-saryan_flowers-1960,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,martiros-saryan_flowers-lemons-oranges-1953,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,martiros-saryan_flowers-of-sevan-pass-1958,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,martiros-saryan_flowers-of-stepanavan-1950,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,martiros-saryan_for-the-armenians-fighters-veterans-of-world-war-ii-1945,"[0.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,martiros-saryan_from-the-aragats-slopes-1951,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,martiros-saryan_from-the-artist-s-life-portrait-of-lusik-saryan-in-profile-1941,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 3.0, 1.0, 3.0]" +Realism,martiros-saryan_fruits-and-vegetables-1942,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,martiros-saryan_gifts-of-autumn-1954,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,martiros-saryan_goris-1935,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]" +Realism,martiros-saryan_in-the-botanical-garden-1951,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,martiros-saryan_in-the-mountains-1960,"[0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]" +Realism,martiros-saryan_in-the-mountains-1962,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Realism,martiros-saryan_lake-in-the-mountains-1962,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]" +Realism,martiros-saryan_lalvar-1952,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,martiros-saryan_landscape-1964,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,martiros-saryan_landscape-of-armenia-1972,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 2.0]" +Realism,martiros-saryan_lilac-1922,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,martiros-saryan_lilac-1940,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,martiros-saryan_lusik-saryan-1941,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,martiros-saryan_may-flowers-1947,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,martiros-saryan_may-roses-1939,"[0.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,martiros-saryan_mount-ararat-1961,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,martiros-saryan_mount-ararat-from-the-village-mhchan-1949,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,martiros-saryan_mountain-flowers-1967,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,martiros-saryan_mountain-gave-1962,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,martiros-saryan_mountain-landscape-1972,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,martiros-saryan_mountain-river-1971,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,martiros-saryan_noon-1953,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,martiros-saryan_october-day-1953,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,martiros-saryan_poppies-1947,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,martiros-saryan_poppies-1958,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,martiros-saryan_portrait-of-a-ballerina-galina-ulanova-1940,"[1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,martiros-saryan_portrait-of-a-doctor-1943,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,martiros-saryan_portrait-of-a-film-director-ruben-simonov-1939,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0, 1.0]" +Realism,martiros-saryan_portrait-of-a-i-alikhanov,"[0.0, 1.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]" +Realism,martiros-saryan_portrait-of-a-winner-1956,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0, 1.0]" +Realism,martiros-saryan_portrait-of-academician-josef-orbeli-1943,"[1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]" +Realism,martiros-saryan_portrait-of-academician-stepan-malkhasyan-1943,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,martiros-saryan_portrait-of-an-art-critic-abram-efros-1944,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,martiros-saryan_portrait-of-art-critic-lydia-durnovo-1958,"[2.0, 6.0, 21.0, 2.0, 1.0, 0.0, 1.0, 3.0, 10.0]" +Realism,martiros-saryan_portrait-of-avetik-isahakyan-1940,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,martiros-saryan_portrait-of-catholicos-of-all-armenians-vazgen-i-1959,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,martiros-saryan_portrait-of-mother-1898,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Realism,martiros-saryan_portrait-of-sanduht-1898,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,martiros-saryan_portrait-of-william-saroyan-1960,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Realism,martiros-saryan_self-portrait,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,martiros-saryan_self-portrait-1902,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,martiros-saryan_self-portrait-1942,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,martiros-saryan_self-portrait-1968,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]" +Realism,martiros-saryan_self-portrait-three-ages-1942,"[2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,martiros-saryan_sevan-lake-1953,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,martiros-saryan_southern-winter-1934,"[0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Realism,martiros-saryan_spring-day-1929,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,martiros-saryan_spring-day-1935,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,martiros-saryan_spring-flowers-1947,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,martiros-saryan_spring-in-my-garden-1945,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,martiros-saryan_spring-sun,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,martiros-saryan_still-life,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,martiros-saryan_still-life-1959,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,martiros-saryan_still-life-cyclamen-1940,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,martiros-saryan_still-life-with-irises-and-poppies-1947,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,martiros-saryan_still-life-with-matryoshka-dolls-1965,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,martiros-saryan_still-life-with-poppies-1953,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,martiros-saryan_study-to-self-portrait-three-ages-1943,"[1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Realism,martiros-saryan_the-fruits-from-rocky-slopes-of-aragats-1958,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,martiros-saryan_the-gifts-of-spring-1968,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,martiros-saryan_under-the-apricot-tree-1954,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,martiros-saryan_vartan-mamikonian-1900,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Realism,martiros-saryan_view-from-noramberda-1959,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,martiros-saryan_view-of-ararat-from-yerevan-1923,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,martiros-saryan_view-of-the-gorge-from-the-pushkin-pass-1949,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,martiros-saryan_village-ashnak-1957,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,martiros-saryan_village-at-the-foot-of-the-mountain-1937,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,martiros-saryan_weaving-the-carpet-1936,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,martiros-saryan_wild-poppies-1945,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,martiros-saryan_wildflowers-1951,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,martiros-saryan_winter-in-yerevan-1933,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,martiros-saryan_yerevan-autumn-still-life-1944,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Realism,martiros-saryan_yerevan-flowers-1957,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,mary-cassatt_bacchante-1872,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,mary-cassatt_child-drinking-milk,"[2.0, 1.0, 5.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Realism,mary-cassatt_during-carnival-1872,"[2.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,mary-cassatt_mary-ellison-embroidering-1877,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,mary-cassatt_mrs-robert-simpson-cassatt-1873,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,mary-cassatt_musical-party-1874,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,mary-cassatt_offering-the-panel-to-the-bullfighter-1873,"[0.0, 2.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Realism,mary-cassatt_peasant-woman-peeling-an-orange,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,mary-cassatt_portrait-of-a-lady-miss-my-ellison-1877,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Realism,mary-cassatt_portrait-of-a-lady-of-seville-1873,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,mary-cassatt_portrait-of-a-woman-1872,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,mary-cassatt_portrait-of-alexander-cassatt,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,mary-cassatt_portrait-of-madame-cordier-1874,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,mary-cassatt_portrait-of-madame-sisley-1873,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Realism,mary-cassatt_portrait-of-madame-x-dressed-for-the-matinee-1878,"[2.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,mary-cassatt_sketch-of-mrs-currey-sketch-of-mr-cassatt-1871,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Realism,mary-cassatt_spanish-dancer-1873,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,mary-cassatt_the-flirtation-a-balcony-in-seville-1872,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,mary-cassatt_the-mandolin-player,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,mary-cassatt_the-opera-1878,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,mary-cassatt_the-reader-1878,"[2.0, 2.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,mary-cassatt_the-sailor-boy-gardener-cassatt-1892,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,mary-cassatt_the-young-bride-1875,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,mary-cassatt_toreador-1873,"[2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Realism,max-liebermann_amsterdam-orphanage-1876,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,max-liebermann_drinking-cow,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Realism,max-liebermann_sixteen-years-old,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,max-liebermann_spinning-workshop-in-laren-1889,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Realism,max-liebermann_walther-nernst,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,max-liebermann_workers-on-the-beet-field-1876,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Realism,maxime-lalanne_arreau-vue-de-la-route-du-col-d-aspin,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,maxime-lalanne_betharam-de-lourdes-pau-1860,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,maxime-lalanne_cascade-de-c-rizet-cauteretz-i-e-cauterets,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,maxime-lalanne_cascade-de-garet,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,maxime-lalanne_castle-overlooking-a-river,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,maxime-lalanne_cauterets-vue-prise-du-mamelon-vert,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,maxime-lalanne_ch-teau-de-mauvesin-pr-s-bagn-res-de-bigorre,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,maxime-lalanne_cirque-de-gavarnie,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,maxime-lalanne_eaux-bonnes,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,maxime-lalanne_eaux-chaudes,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,maxime-lalanne_entr-e-de-bar-ge,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,maxime-lalanne_innenansicht-der-b-rse-handelsbeurs-von-antwerpen,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,maxime-lalanne_lac-de-gaube-cauteretz-i-e-cauterets,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,maxime-lalanne_le-pont-d-espagne-ch-te-sup-rieure,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,maxime-lalanne_luchon-vue-prise-de-bellevue,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,maxime-lalanne_luz,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,maxime-lalanne_pic-du-midi-de-bigorre-vu-de-tramesaygues,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,maxime-lalanne_route-du-lima-on,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,maxime-lalanne_ruins-of-the-gallien-palace,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,maxime-lalanne_vall-e-du-lys,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,maxime-lalanne_vue-g-n-rale-de-la-raill-re-le-pr-le-petit-st-sauveur-et-le-bain,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,mihaly-munkacsy_baby-visitors-1879,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,mihaly-munkacsy_biboulous-husband-1873,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Realism,mihaly-munkacsy_christ-before-pilate-1881,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Realism,mihaly-munkacsy_churning-woman-1873,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Realism,mihaly-munkacsy_conversation-1889,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,mihaly-munkacsy_corn-field-1874,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,mihaly-munkacsy_drifters-in-the-night-1873,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Realism,mihaly-munkacsy_ecce-homo-1896,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 1.0]" +Realism,mihaly-munkacsy_evening-in-parc-monceau-1895,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]" +Realism,mihaly-munkacsy_golgota-1884,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 2.0, 0.0]" +Realism,mihaly-munkacsy_line-of-trees-1886,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]" +Realism,mihaly-munkacsy_making-lint-1871,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,mihaly-munkacsy_milton-1878,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Realism,mihaly-munkacsy_paris-interior-1877,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,mihaly-munkacsy_paris-saloon-wife-of-the-artist,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,mihaly-munkacsy_park-in-colpach-1886,"[0.0, 2.0, 4.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,mihaly-munkacsy_pawn-office-1874,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,mihaly-munkacsy_pluckmakers-1871,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,mihaly-munkacsy_portrait-of-franz-liszt-1886,"[1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]" +Realism,mihaly-munkacsy_portrait-of-l-szl-pa-l-1877,"[1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]" +Realism,mihaly-munkacsy_relaxing-lady,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,mihaly-munkacsy_self-portrait-ii-1881,"[0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0]" +Realism,mihaly-munkacsy_still-life-with-flowers-and-fruits-1882,"[0.0, 1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,mihaly-munkacsy_strike-1895,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,mihaly-munkacsy_teacher-1882,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0, 1.0]" +Realism,mihaly-munkacsy_the-last-day-of-a-condemned-man-1872,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0]" +Realism,mihaly-munkacsy_the-sacrifice-of-flowers-1896,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,mihaly-munkacsy_watering-1869,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Realism,mihaly-munkacsy_yawning-apprentice-1869,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Realism,mikhail-lebedev_albano,"[1.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,mikhail-lebedev_albano-white-wall-1837,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,mikhail-lebedev_an-alley-in-albano-1837,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,mikhail-lebedev_ariccia-near-rome-1836,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,mikhail-lebedev_arricia-near-rome-1835,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,mikhail-lebedev_at-the-forrest-edge-1833,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,mikhail-lebedev_evening-in-albano-near-rome-1836,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Realism,mikhail-lebedev_in-a-park,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,mikhail-lebedev_in-giji-park-1837,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,mikhail-lebedev_landscape-1833,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,mikhail-lebedev_landscape-with-cows,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,mikhail-lebedev_rome-in-the-morning-1835,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,mikhail-lebedev_vasilkovo-1833,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,mikhail-lebedev_view-of-albano-near-rome,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,mikhail-lebedev_view-of-castel-gandolfo-near-rome-1836,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,mikhail-lebedev_windy-day,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Realism,mikhail-nesterov_a-girl-with-kokoshnik-woman-s-headdress-in-old-russia-1885,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,mikhail-nesterov_clownish-coat-boyar-morozov-a-in-front-of-ivan-the-terrible-1885,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0]" +Realism,mikhail-nesterov_home-arrest-1883,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]" +Realism,mikhail-nesterov_old-painter-1884,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,mikhail-nesterov_portrait-of-elena-rasumova-1936,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,mikhail-nesterov_portrait-of-elizaveta-kruglikova-1938,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Realism,mikhail-nesterov_portrait-of-elizaveta-tal-1936,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,mikhail-nesterov_portrait-of-ivan-pavlov-1930,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,mikhail-nesterov_portrait-of-ivan-shadr-1934,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,mikhail-nesterov_portrait-of-m-m-nesterova-the-artist-s-mother,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Realism,mikhail-nesterov_portrait-of-m-nesterova-the-first-wife-of-the-artist-1886,"[0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]" +Realism,mikhail-nesterov_portrait-of-maxim-gorky-1901,"[0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0]" +Realism,mikhail-nesterov_portrait-of-otto-shmidt-1937,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]" +Realism,mikhail-nesterov_portrait-of-pavel-korin-1925,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Realism,mikhail-nesterov_portrait-of-s-s-yudin-1935,"[2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,mikhail-nesterov_portrait-of-vera-mukhina-1940,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Realism,mikhail-nesterov_self-portrait-1918,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Realism,mikhail-nesterov_self-portrait-1928,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,mikhail-nesterov_snowballs-1879,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,mikhail-nesterov_the-korin-brothers-1930,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Realism,mikhail-nesterov_the-victim-of-his-buddies-1881,"[4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,mikhail-nesterov_young-man-with-candle-1885,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,mikhail-vrubel_a-bed,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,mikhail-vrubel_anna-karenina-meets-her-son-1878,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Realism,mikhail-vrubel_artist-s-wife-nadezhda-zabela-1905,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,mikhail-vrubel_catania-sicily-1894,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,mikhail-vrubel_dress,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,mikhail-vrubel_duel-of-pechorin-and-grushnitsky-1891,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Realism,mikhail-vrubel_field-flowers-1884,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,mikhail-vrubel_lady-in-furs,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Realism,mikhail-vrubel_odessa-harbour-1885,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,mikhail-vrubel_pencils-1905,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,mikhail-vrubel_portrait-of-a-businessman-k-artsybushev,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,mikhail-vrubel_portrait-of-a-young-man,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]" +Realism,mikhail-vrubel_portrait-of-doctor-fiodor-usoltsev-1904,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Realism,mikhail-vrubel_portrait-of-s-mamontov-the-founder-of-the-first-private-opera-1897,"[0.0, 0.0, 1.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0]" +Realism,mikhail-vrubel_portrait-of-student-1882,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,mikhail-vrubel_portrait-of-valentina-usoltseva-wife-of-the-doctor-usoltsev-1905,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Realism,mikhail-vrubel_portrait-of-wife-of-the-businessman-artsybushev-1897,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]" +Realism,mikhail-vrubel_red-azaleas,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Realism,mikhail-vrubel_red-flowers-and-leaves-of-begonia-in-a-basket,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Realism,mikhail-vrubel_salieri-pours-poison-into-a-mozart-s-glass-1884,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 0.0]" +Realism,mikhail-vrubel_self-portrait,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Realism,mikhail-vrubel_self-portrait-1880,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 2.0, 0.0]" +Realism,mikhail-vrubel_self-portrait-1882,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,mikhail-vrubel_still-life-fabrics-1884,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,mikhail-vrubel_the-left-artist-s-hand,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,mikhail-vrubel_yard-at-winter,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,mykola-pymonenko_a-ford-1901,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,mykola-pymonenko_a-girl,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,mykola-pymonenko_a-hen,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,mykola-pymonenko_at-the-river,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,mykola-pymonenko_at-the-shadow,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,mykola-pymonenko_before-the-campaign,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Realism,mykola-pymonenko_blind-old-woman-1888,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Realism,mykola-pymonenko_buying-out-the-bride,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,mykola-pymonenko_easter-morning-prayer-in-malorosia-1891,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,mykola-pymonenko_fabric-trading-woman-1901,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Realism,mykola-pymonenko_fair-1,"[1.0, 3.0, 1.0, 3.0, 0.0, 2.0, 0.0, 0.0, 0.0]" +Realism,mykola-pymonenko_flower-girl-1908,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Realism,mykola-pymonenko_from-the-forrest,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 4.0, 2.0]" +Realism,mykola-pymonenko_going-home,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Realism,mykola-pymonenko_harvest-gathering-in-ukraine,"[0.0, 1.0, 5.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Realism,mykola-pymonenko_idyll-1908(3),"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,mykola-pymonenko_jealousy-1901,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,mykola-pymonenko_kiev-flower-girl-1,"[0.0, 3.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,mykola-pymonenko_laundry,"[0.0, 1.0, 6.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,mykola-pymonenko_meeting-with-fellow,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,mykola-pymonenko_off-to-war-1902,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0]" +Realism,mykola-pymonenko_onversation-1912,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]" +Realism,mykola-pymonenko_ox,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,mykola-pymonenko_victime-of-fanatisme-1899,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]" +Realism,mykola-pymonenko_young-woman,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,mykola-yaroshenko_blind-1879,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,mykola-yaroshenko_elbrus-in-the-clouds-1894,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Realism,mykola-yaroshenko_eruption-of-volcano-1898,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,mykola-yaroshenko_funeral-of-firstborn-1893,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]" +Realism,mykola-yaroshenko_girl-student-1880,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,mykola-yaroshenko_girl-student-1883,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,mykola-yaroshenko_girl-student-1883-1,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Realism,mykola-yaroshenko_gypsy-woman-1886,"[0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Realism,mykola-yaroshenko_in-the-warm-land-1890,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,mykola-yaroshenko_lake-teberdinsky-caucasus-1894,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,mykola-yaroshenko_life-is-everywhere-1888,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Realism,mykola-yaroshenko_mountain-saddle-in-the-vicinity-of-kislovodsk-1882,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,mykola-yaroshenko_on-the-swing-1888,"[1.0, 1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Realism,mykola-yaroshenko_portrait-of-a-n-plescheev-1888,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,mykola-yaroshenko_portrait-of-alexander-gerd,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,mykola-yaroshenko_portrait-of-mikhail-yevgrafovich-saltykov-shchedrin-1886,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]" +Realism,mykola-yaroshenko_portrait-of-nikolaj-nikolajewitsch-ge-1890,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,mykola-yaroshenko_portrait-of-p-strepetova-1884,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Realism,mykola-yaroshenko_portrait-of-p-strepetova-1886,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,mykola-yaroshenko_portrait-of-s-v-panina-1892,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,mykola-yaroshenko_portrait-of-sergey-nikolaevich-amosov,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 6.0, 0.0]" +Realism,mykola-yaroshenko_portrait-of-the-sculptor-l-v-posen-1885,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Realism,mykola-yaroshenko_portrait-of-vladimir-solovyov-1892,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 1.0]" +Realism,mykola-yaroshenko_sat-mount-mount-elbrus-1884,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,mykola-yaroshenko_seeing-off,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Realism,mykola-yaroshenko_self-portrait-1895,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Realism,mykola-yaroshenko_sunset,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,mykola-yaroshenko_terrorist-1881,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]" +Realism,mykola-yaroshenko_the-prisoner-1878,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]" +Realism,mykola-yaroshenko_the-stoker-1878,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Realism,mykola-yaroshenko_the-student-1881,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Realism,n.c.-wyeth_a-hindu-mystic,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 1.0]" +Realism,n.c.-wyeth_african-warrior,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]" +Realism,n.c.-wyeth_billy-bones,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0]" +Realism,n.c.-wyeth_black-spot,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 2.0, 0.0]" +Realism,n.c.-wyeth_blind-pew,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]" +Realism,n.c.-wyeth_captain-nemo,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Realism,n.c.-wyeth_captain-smollet,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,n.c.-wyeth_jim-and-the-treasure,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Realism,n.c.-wyeth_jim-hawkins,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]" +Realism,n.c.-wyeth_jim-hawkins-long-john-silver-and-his-parrot,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,n.c.-wyeth_jim-long-john-silver-and-his-parrot,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,n.c.-wyeth_knife-fight-between-pirates,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 3.0, 0.0, 0.0]" +Realism,n.c.-wyeth_louise-loved-to-climb-to-the-summit-on-one-of-the-barren-hills-flanking-the-river-and-stand,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,n.c.-wyeth_old-pew,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]" +Realism,n.c.-wyeth_one-more-step-mr-hands-said-i-and-i-ll-blow-your-brains-out,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,n.c.-wyeth_painting-of-native-american,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,n.c.-wyeth_painting-of-native-american-1,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,n.c.-wyeth_painting-of-native-american-2,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Realism,n.c.-wyeth_pirates-attack-the-stockade,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Realism,n.c.-wyeth_preparing-for-mutiny,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,n.c.-wyeth_routs-black-dog,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Realism,n.c.-wyeth_the-artist-s-studio-chadds-ford-pennsylvania,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,n.c.-wyeth_the-astrologer-emptied-the-whole-of-the-bowl-into-the-bottle,"[1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Realism,n.c.-wyeth_the-caption-reads,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,n.c.-wyeth_the-death-of-guenever,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]" +Realism,n.c.-wyeth_the-frontiersman-pupular-magazine-cover-illustration,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,n.c.-wyeth_the-indian-lance,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Realism,n.c.-wyeth_the-scythers,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]" +Realism,n.c.-wyeth_the-silent-fisherman,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Realism,n.c.-wyeth_the-unwrit-dogma,"[3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,n.c.-wyeth_treasure-island-scribner,"[1.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Realism,n.c.-wyeth_treasure-island-title-1,"[0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Realism,n.c.-wyeth_tristram-and-isolde,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,n.c.-wyeth_we-were-three-days-taking-out-even-what-gold-and-gems-we-could-loan-on-ourselves-and-our-beasts,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Realism,n.c.-wyeth_what-is-your-name-my-boy,"[1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]" +Realism,nicholas-roerich_aeschylus-1893,"[0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]" +Realism,nicholas-roerich_apple-tree-1905,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,nicholas-roerich_approach-to-gryzovo-village-1893,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,nicholas-roerich_artilleryman-1894,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,nicholas-roerich_bekas-1893,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,nicholas-roerich_campaign-1899,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 7.0, 1.0]" +Realism,nicholas-roerich_cursory-sketch-of-three-figures-by-bonfire,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,nicholas-roerich_demosthenes-1893,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,nicholas-roerich_diggers,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]" +Realism,nicholas-roerich_distillery-in-izvara-1893,"[0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]" +Realism,nicholas-roerich_drying-house-in-tarakanovka-1893,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,nicholas-roerich_duck-s-head,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Realism,nicholas-roerich_elders-gathering,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Realism,nicholas-roerich_elders-gathering-1898,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Realism,nicholas-roerich_elders-gathering-1898-1,"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 2.0, 1.0]" +Realism,nicholas-roerich_euripides-1893,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,nicholas-roerich_evening-of-kiev-bogatyrs-1896,"[0.0, 5.0, 2.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Realism,nicholas-roerich_figures-of-elders,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0, 0.0]" +Realism,nicholas-roerich_gryzovo-church-1893,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,nicholas-roerich_head-of-a-dog-1893,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,nicholas-roerich_head-of-zeus-1893,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Realism,nicholas-roerich_hellas-1893,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,nicholas-roerich_hermit-1895,"[2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]" +Realism,nicholas-roerich_herodotus-1893,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Realism,nicholas-roerich_homer-1893,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Realism,nicholas-roerich_hunter-on-the-boat,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]" +Realism,nicholas-roerich_hunting-the-bears,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]" +Realism,nicholas-roerich_idol-1898,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]" +Realism,nicholas-roerich_idols-1901,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]" +Realism,nicholas-roerich_in-a-foreign-bank,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 2.0]" +Realism,nicholas-roerich_in-hayfields-of-tarakanovka-1893,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]" +Realism,nicholas-roerich_issuance-of-head,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,nicholas-roerich_italy-1907,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0]" +Realism,nicholas-roerich_ivan-forester-1894,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,nicholas-roerich_izvara-1897,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]" +Realism,nicholas-roerich_izvarka-1893,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Realism,nicholas-roerich_jalnik-1915,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,nicholas-roerich_lahor-blacksmith-from-kulu-1937,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,nicholas-roerich_man-from-pskov-1894,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 3.0, 0.0]" +Realism,nicholas-roerich_messenger-clan-revolted-against-to-clan-1897,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,nicholas-roerich_mikhail-ivanovich-1893,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,nicholas-roerich_mist,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0]" +Realism,nicholas-roerich_morning-of-kiev-bogatyrs-1896,"[0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 4.0, 1.0, 0.0]" +Realism,nicholas-roerich_near-mount-sobachya-in-sosnitsy-1893,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,nicholas-roerich_old-ladoga-fortress-1899,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,nicholas-roerich_ostrovenka-suburbs-1903,"[1.0, 1.0, 3.0, 0.0, 1.0, 0.0, 2.0, 0.0, 2.0]" +Realism,nicholas-roerich_ozertitsy-1893,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,nicholas-roerich_ozertitsy-lakes-1893,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Realism,nicholas-roerich_part-of-izvara-lake-1893,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Realism,nicholas-roerich_pechora-a-half-beleiver-a-setos-woman-1903,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Realism,nicholas-roerich_pechora-general-view-of-the-courtyard-1903,"[1.0, 3.0, 4.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Realism,nicholas-roerich_pen-drawing-in-his-letter-to-v-stasov-1897,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,nicholas-roerich_pen-drawing-of-two-idols-in-his-letter-to-v-stasov-1901,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,nicholas-roerich_platon-1893,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,nicholas-roerich_plitnaia-hill-1893,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Realism,nicholas-roerich_porch-of-ancient-wooden-church-in-ladoga-1899,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Realism,nicholas-roerich_porhov-belfry-on-fortress-tower-1899,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,nicholas-roerich_portrait-of-man,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,nicholas-roerich_presentation-of-jesus-at-the-temple-1894,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 0.0]" +Realism,nicholas-roerich_priest-from-gryzovo-1893,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,nicholas-roerich_priest-from-gryzovo-1893-1,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,nicholas-roerich_profit-fox-1894,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]" +Realism,nicholas-roerich_pskov-the-general-view-of-kremlin-1903,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,nicholas-roerich_river-landscape-1892,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Realism,nicholas-roerich_sage-1897,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]" +Realism,nicholas-roerich_second-bridge-on-road-to-threshing-floor-in-state-forest-1893,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,nicholas-roerich_skalon-resting-1893,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,nicholas-roerich_sketch-of-countryside,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,nicholas-roerich_sketch-of-landscape-and-clouds,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Realism,nicholas-roerich_sketch-of-landscape-and-clouds-1,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Realism,nicholas-roerich_sketch-of-man-s-head-self-portrait-1890,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0]" +Realism,nicholas-roerich_sketch-of-scene-from-varangian-life,"[0.0, 0.0, 1.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0]" +Realism,nicholas-roerich_sketch-of-two-hunters-in-boat,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]" +Realism,nicholas-roerich_sketch-to-holy-fire-1900,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Realism,nicholas-roerich_skulls-1901,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]" +Realism,nicholas-roerich_smolensk-walls-1910,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]" +Realism,nicholas-roerich_socrates-1893,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,nicholas-roerich_sophocles-1893,"[0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,nicholas-roerich_springs-in-izvara-1893,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,nicholas-roerich_study-1901,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]" +Realism,nicholas-roerich_study-1901-1,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]" +Realism,nicholas-roerich_study-1901-2,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Realism,nicholas-roerich_study-of-boy,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Realism,nicholas-roerich_study-of-female-nude-1895,"[0.0, 0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0]" +Realism,nicholas-roerich_study-of-flowers-1889,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,nicholas-roerich_study-of-landscape,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,nicholas-roerich_study-of-lying-boy-1894,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,nicholas-roerich_study-of-skull-1894,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Realism,nicholas-roerich_study-of-torso,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0]" +Realism,nicholas-roerich_study-of-walls,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,nicholas-roerich_study-to-building-a-city-1902,"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0, 0.0]" +Realism,nicholas-roerich_stuffed-duck,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,nicholas-roerich_stuffed-grouse,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Realism,nicholas-roerich_the-dog-has-gone,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,nicholas-roerich_the-fading-day-1902,"[0.0, 0.0, 8.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,nicholas-roerich_the-kremlin-tower-of-novgorod-1903,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,nicholas-roerich_tomb-near-village-podlipie-1899,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,nicholas-roerich_troki-sketch-of-troki-monastery-1903,"[1.0, 2.0, 0.0, 1.0, 0.0, 2.0, 3.0, 0.0, 1.0]" +Realism,nicholas-roerich_ukrainian-landscape,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Realism,nicholas-roerich_ushkuinik-1894,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,nicholas-roerich_view-of-izvara-estate-1893,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]" +Realism,nicholas-roerich_vilno-ruins-of-castle-1903,"[2.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0]" +Realism,nicholas-roerich_voivode-1896,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]" +Realism,nicholas-roerich_volkhov-1899,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Realism,nicholas-roerich_waiting-1901,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,nicholas-roerich_walls-of-kremlin-in-novgorod-1903,"[0.0, 5.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,nicholas-roerich_watchtower-in-novgorod-1903,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,nicholas-roerich_water-paternoster-1905,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Realism,nicholas-roerich_wenden-ruins-of-chapel-1903,"[0.0, 16.0, 8.0, 4.0, 0.0, 2.0, 2.0, 11.0, 3.0]" +Realism,nicholas-roerich_window-with-grate-1896,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]" +Realism,nicholas-roerich_windows-of-the-house-of-xvii-century-1903,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,nicholas-roerich_wolves,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 3.0]" +Realism,nicholas-roerich_wolves-1,"[0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0]" +Realism,nicholas-roerich_yaroslavl-church-of-nativity-1903,"[0.0, 1.0, 5.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,nicholas-roerich_yellow-arhaluk-huntsman-merry-old-gentleman-musket-of-moscow-case-humorous-triptych-1894,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,nicolae-grigorescu_breton-beggar,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]" +Realism,nicolae-grigorescu_catholic-church-in-cimpulung,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,nicolae-grigorescu_catinca,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,nicolae-grigorescu_cheerful-peasant-woman-1894,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,nicolae-grigorescu_doroban-ul,"[1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0]" +Realism,nicolae-grigorescu_farmhouse-yard,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Realism,nicolae-grigorescu_french-peasant-woman-with-a-bag-on-her-back,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,nicolae-grigorescu_giri-with-white-veil(1),"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Realism,nicolae-grigorescu_guardian-of-chailly,"[0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0]" +Realism,nicolae-grigorescu_head-of-a-young-farmer,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Realism,nicolae-grigorescu_hora,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,nicolae-grigorescu_jew-with-goose,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,nicolae-grigorescu_mountaineer,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Realism,nicolae-grigorescu_peasant-woman-from-muscel-1874,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,nicolae-grigorescu_peasant-woman-with-pitcher,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,nicolae-grigorescu_the-blower,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Realism,nicolae-grigorescu_the-little-girl-with-red-headscarf,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Realism,nicolae-grigorescu_turkish-prisoners,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]" +Realism,nicolae-grigorescu_two-drunks,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Realism,nicolae-vermont_flower-girl-1917,"[0.0, 4.0, 5.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Realism,nicolae-vermont_nchinarea-p-storilor-cu-motivele-satului-rom-nesc-1903,"[0.0, 3.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,nicolae-vermont_noon-in-the-village-1923,"[0.0, 2.0, 6.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,nicolae-vermont_nude-sitting-1902,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,nicolae-vermont_portrait-of-a-man-1918,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Realism,nicolae-vermont_reading-1919,"[0.0, 2.0, 7.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,nicolae-vermont_self-portrait,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,nicolae-vermont_slavic-souls-1900,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]" +Realism,nicolae-vermont_the-red-scarf-1925,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]" +Realism,nicolae-vermont_the-spy-1914,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Realism,nicolae-vermont_two-workers-on-strike,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Realism,nikolai-ge_an-old-peasant,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Realism,nikolai-ge_bay-in-livorno,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,nikolai-ge_bay-in-livorno-sunset,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,nikolai-ge_bay-vyko,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,nikolai-ge_boys-at-the-beach-study,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,nikolai-ge_bridge-in-viko,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,nikolai-ge_carrara,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,nikolai-ge_christ-and-his-disciples-entered-the-garden-of-gethsemane,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]" +Realism,nikolai-ge_christ-and-the-disciples-going-out-into-the-garden-of-gethsemane-after-the-last-supper,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Realism,nikolai-ge_conscience-judas,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]" +Realism,nikolai-ge_crusifixion,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]" +Realism,nikolai-ge_death-of-imelda-lambertatstsi,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Realism,nikolai-ge_florence,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,nikolai-ge_florence-the-cascina-park,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,nikolai-ge_frascati-clouds,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,nikolai-ge_golgotha,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Realism,nikolai-ge_gorge-in-the-mountains-of-carrara,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Realism,nikolai-ge_harbingers-of-the-resurrection-1,"[0.0, 5.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,nikolai-ge_katerina-ivanovna-zabello,"[0.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0]" +Realism,nikolai-ge_last-supper,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Realism,nikolai-ge_loading-marble,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,nikolai-ge_marble-quarry-at-carrara,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,nikolai-ge_not_detected_252977,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Realism,nikolai-ge_not_detected_252978,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]" +Realism,nikolai-ge_not_detected_252979-1880,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,nikolai-ge_not_detected_252980,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Realism,nikolai-ge_not_detected_252983,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,nikolai-ge_not_detected_252984,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 5.0, 0.0]" +Realism,nikolai-ge_not_detected_252985,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Realism,nikolai-ge_not_detected_252986,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 3.0, 0.0]" +Realism,nikolai-ge_oak-grove-at-san-terenzo,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Realism,nikolai-ge_oaks-in-the-mountains-of-carrara,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,nikolai-ge_old-park,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,nikolai-ge_peter-i-interrogates-tsarevich-alexei,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Realism,nikolai-ge_peter-the-great-interrogating-the-tsarevich-alexei-petrovich-at-peterhof,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 2.0, 0.0]" +Realism,nikolai-ge_portrait-of-a-n-pypin,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,nikolai-ge_portrait-of-adam-olsufyev,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,nikolai-ge_portrait-of-alexei-antipowitsch-potechin,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Realism,nikolai-ge_portrait-of-an-unknown-woman-in-a-blue-blouse,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,nikolai-ge_portrait-of-anna-olsufyeva,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,nikolai-ge_portrait-of-barbara-kochubey,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Realism,nikolai-ge_portrait-of-evdokiya-nikolaevna-kostycheva,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,nikolai-ge_portrait-of-historian-m-kostomarov,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,nikolai-ge_portrait-of-ivan-zabela,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,nikolai-ge_portrait-of-joseph-daumang,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Realism,nikolai-ge_portrait-of-leo-tolstoy,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,nikolai-ge_portrait-of-m-p-svet,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]" +Realism,nikolai-ge_portrait-of-m-v-alekhin,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,nikolai-ge_portrait-of-maria-gabayeva,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,nikolai-ge_portrait-of-maria-tolstaya-leo-tolstoy-s-daughter,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,nikolai-ge_portrait-of-natalia-petrunkevich,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,nikolai-ge_portrait-of-nikolay-ge-the-artist-s-grandson,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,nikolai-ge_portrait-of-nikolay-o-ge-artist-s-father,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]" +Realism,nikolai-ge_portrait-of-olga-kostycheva,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,nikolai-ge_portrait-of-p-a-kostichev,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,nikolai-ge_portrait-of-piotr-ge-the-artist-s-son,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,nikolai-ge_portrait-of-piotr-ge-the-artist-s-son-1,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,nikolai-ge_portrait-of-piotr-zabela,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,nikolai-ge_portrait-of-russian-baritone-opera-singer-gennady-kondratiev,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,nikolai-ge_portrait-of-tatyana-tolstaya-leo-tolstoy-s-daughter,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,nikolai-ge_portrait-of-the-artist-s-wife-anna-ge,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,nikolai-ge_portrait-of-the-author-alexander-herzen,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Realism,nikolai-ge_portrait-of-the-author-mikhail-saltykov-shchedrin,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 3.0, 0.0, 0.0]" +Realism,nikolai-ge_portrait-of-the-physiologist-moriz-schiff,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]" +Realism,nikolai-ge_portrait-of-the-poet-nikolay-nekrasov,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]" +Realism,nikolai-ge_portrait-of-the-ukrainian-boy,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,nikolai-ge_portrait-of-v-n-rostovtseva,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,nikolai-ge_portrait-of-yakov-merkulov,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,nikolai-ge_portrait-of-yelena-likhachova,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,nikolai-ge_pushkin-in-the-village-mihaylovskoye,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,nikolai-ge_return-of-tobias,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Realism,nikolai-ge_returning-from-the-burial-of-christ,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,nikolai-ge_self-portrait,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Realism,nikolai-ge_sophia-tolstaya,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,nikolai-ge_the-head-of-john-the-apostle,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,nikolai-ge_the-judgment-of-the-sanhedrin,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]" +Realism,nikolai-ge_the-road-into-the-forest,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,nikolai-ge_the-view-from-santo-terenzo-at-lerici-by-night,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,nikolai-ge_tsar-boris-and-the-queen-martha,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Realism,nikolai-ge_vineyard-at-vico,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,nikolai-ge_what-is-truth-christ-and-pilate,"[0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0, 0.0, 0.0]" +Realism,nikolaos-gyzis_after-the-memorial-service-1883,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]" +Realism,nikolaos-gyzis_artemis-gyzi-1880,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,nikolaos-gyzis_boy-with-cherries-1888,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,nikolaos-gyzis_cards-i-1885,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,nikolaos-gyzis_children-engagement-1877,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,nikolaos-gyzis_flowers-1895,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,nikolaos-gyzis_grandma-and-children-1883,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,nikolaos-gyzis_little-girl,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,nikolaos-gyzis_old-man-that-sew,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,nikolaos-gyzis_pastry-man,"[4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,nikolaos-gyzis_peek-a-boo-1882(1),"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,nikolaos-gyzis_portrait-of-a-girl-1880,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]" +Realism,nikolaos-gyzis_portrait-of-artemis-gyzi-1890-1,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Realism,nikolaos-gyzis_portrait-of-tilemahos-gyzis-1890,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,nikolaos-gyzis_rioche-1885,"[2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,nikolaos-gyzis_step-mother-1883(6),"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,nikolaos-gyzis_table-or-bread-1880,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Realism,nikolaos-gyzis_table-with-cake,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,nikolaos-gyzis_the-barber-1880(1),"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,nikolaos-gyzis_the-fortune-teller-1885(3),"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,nikolaos-gyzis_the-orphans-1871(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]" +Realism,nikolaos-gyzis_the-underground-school-1885,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,nikolaos-gyzis_wishbone-1878,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,nikolaos-lytras_portrait-of-a-man,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,nikolaos-lytras_portrait-of-a-woman,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 2.0]" +Realism,nikolaos-lytras_portrait-of-painter-oumvertos-argyros-1903,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,nikolaos-lytras_portrait-of-the-painter-gerassimos-dialismas,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]" +Realism,nikolay-bogdanov-belsky_at-school-doors,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Realism,nikolay-bogdanov-belsky_balalaika-player,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,nikolay-bogdanov-belsky_behind-the-light,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,nikolay-bogdanov-belsky_boy-with-balalaika,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,nikolay-bogdanov-belsky_boy-with-violin,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,nikolay-bogdanov-belsky_boys,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,nikolay-bogdanov-belsky_checks-game,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,nikolay-bogdanov-belsky_child-sitting-a-table,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,nikolay-bogdanov-belsky_children-at-the-piano,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,nikolay-bogdanov-belsky_children-at-the-window,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,nikolay-bogdanov-belsky_children-carrying-the-wood-in-the-snow-winter,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Realism,nikolay-bogdanov-belsky_cityscape,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,nikolay-bogdanov-belsky_composition,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,nikolay-bogdanov-belsky_country-boy,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,nikolay-bogdanov-belsky_country-boy-1,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,nikolay-bogdanov-belsky_country-boy-2,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,nikolay-bogdanov-belsky_country-boys,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,nikolay-bogdanov-belsky_country-children,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,nikolay-bogdanov-belsky_country-friends,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,nikolay-bogdanov-belsky_cowboy-1,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]" +Realism,nikolay-bogdanov-belsky_easter-table,"[2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,nikolay-bogdanov-belsky_farewell-of-a-new-soldier,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,nikolay-bogdanov-belsky_future-monk,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,nikolay-bogdanov-belsky_girl,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,nikolay-bogdanov-belsky_girl-1,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,nikolay-bogdanov-belsky_guslar,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,nikolay-bogdanov-belsky_horse-between-birches,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,nikolay-bogdanov-belsky_hunters,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,nikolay-bogdanov-belsky_inspiration,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,nikolay-bogdanov-belsky_lady-on-a-balcony-koreiz,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,nikolay-bogdanov-belsky_landscape-1,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,nikolay-bogdanov-belsky_leo-tolstoy-amoung-the-peasants,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,nikolay-bogdanov-belsky_ma-dchen-in-russian-costume,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,nikolay-bogdanov-belsky_mental-arithmetic-in-the-public-school-of-s-rachinsky,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]" +Realism,nikolay-bogdanov-belsky_misery,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Realism,nikolay-bogdanov-belsky_models,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,nikolay-bogdanov-belsky_music-lesson,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,nikolay-bogdanov-belsky_new-fairy-tale,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,nikolay-bogdanov-belsky_new-owners-tea-drinking,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,nikolay-bogdanov-belsky_newcomers,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,nikolay-bogdanov-belsky_nikita-and-vaska,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,nikolay-bogdanov-belsky_nude-model,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0]" +Realism,nikolay-bogdanov-belsky_on-a-visit-to-the-teacher,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,nikolay-bogdanov-belsky_on-the-raid,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,nikolay-bogdanov-belsky_peasant,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,nikolay-bogdanov-belsky_pechersky-monastery,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,nikolay-bogdanov-belsky_portrait-of-a-girl,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Realism,nikolay-bogdanov-belsky_portrait-of-a-gorchakov,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,nikolay-bogdanov-belsky_portrait-of-a-lady,"[0.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,nikolay-bogdanov-belsky_portrait-of-a-lady-in-chair,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,nikolay-bogdanov-belsky_portrait-of-a-peasant,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,nikolay-bogdanov-belsky_portrait-of-adjutant-general-p-p-gesse,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,nikolay-bogdanov-belsky_portrait-of-an-old-bearded-man,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Realism,nikolay-bogdanov-belsky_portrait-of-an-unknown-lady-in-a-black-kerchief-with-a-lacy-collar,"[2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,nikolay-bogdanov-belsky_portrait-of-artist-s-wife,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Realism,nikolay-bogdanov-belsky_portrait-of-e-sheremetieva,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]" +Realism,nikolay-bogdanov-belsky_portrait-of-engineer-n-chizhov,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,nikolay-bogdanov-belsky_portrait-of-feodor-chaliapin,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Realism,nikolay-bogdanov-belsky_portrait-of-m-ambelek-lazareva,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Realism,nikolay-bogdanov-belsky_portrait-of-m-sheremetova,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,nikolay-bogdanov-belsky_portrait-of-maxim-gorky,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,nikolay-bogdanov-belsky_portrait-of-yanka-kupala,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,nikolay-bogdanov-belsky_reading-the-letter,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,nikolay-bogdanov-belsky_reading-the-newspaper-war-news,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Realism,nikolay-bogdanov-belsky_resting-boy,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]" +Realism,nikolay-bogdanov-belsky_schoolgirls,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,nikolay-bogdanov-belsky_self-portrait,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,nikolay-bogdanov-belsky_self-portrait-1,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,nikolay-bogdanov-belsky_snow-in-the-morning,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,nikolay-bogdanov-belsky_snow-in-the-night,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,nikolay-bogdanov-belsky_southern-seascape,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,nikolay-bogdanov-belsky_spring-portrait-of-lady-i-baumane,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,nikolay-bogdanov-belsky_still-life,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,nikolay-bogdanov-belsky_still-life-1,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,nikolay-bogdanov-belsky_still-life-2,"[0.0, 2.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,nikolay-bogdanov-belsky_still-life-with-chrysanthemums,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,nikolay-bogdanov-belsky_still-life-with-lilacs,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,nikolay-bogdanov-belsky_sunday-reading-at-country-school,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,nikolay-bogdanov-belsky_sunday-reading-at-country-school-1,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,nikolay-bogdanov-belsky_talant,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Realism,nikolay-bogdanov-belsky_talant-and-admirer,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Realism,nikolay-bogdanov-belsky_tea-drinking,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,nikolay-bogdanov-belsky_the-farm,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,nikolay-bogdanov-belsky_the-last-will,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]" +Realism,nikolay-bogdanov-belsky_to-work,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,nikolay-bogdanov-belsky_toadstools-under-the-tree,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,nikolay-bogdanov-belsky_two-girls-on-a-swing,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,nikolay-bogdanov-belsky_vase-of-flowers-in-the-winter-garden,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,nikolay-bogdanov-belsky_visit-of-the-unhealthy-teacher,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Realism,nikolay-bogdanov-belsky_visit-of-the-unhealthy-teacher-1,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,nikolay-bogdanov-belsky_visitors-1,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,nikolay-bogdanov-belsky_winter,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,nikolay-bogdanov-belsky_winter-landscape-with-a-church,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,nikolay-bogdanov-belsky_woman-stitching-the-shawl,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,nikolay-bogdanov-belsky_wood-path-in-spring,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,nikolay-bogdanov-belsky_woodland-path,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,nikolay-bogdanov-belsky_young-host,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Realism,octav-bancila_autoportret,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]" +Realism,octav-bancila_b-utorii-de-vin,"[1.0, 2.0, 2.0, 1.0, 0.0, 1.0, 1.0, 0.0, 2.0]" +Realism,octav-bancila_c-p-uni-1906,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,octav-bancila_co-cu-mere,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,octav-bancila_copiii-pictorului-1914,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,octav-bancila_crengu-e-de-liliac,"[0.0, 1.0, 3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]" +Realism,octav-bancila_evrei-de-vorb-n-t-rgu-cucu,"[1.0, 1.0, 4.0, 0.0, 0.0, 1.0, 1.0, 0.0, 3.0]" +Realism,octav-bancila_lubeni,"[0.0, 0.0, 3.0, 1.0, 0.0, 3.0, 0.0, 0.0, 3.0]" +Realism,octav-bancila_muncind-p-m-ntul-1915,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0, 3.0]" +Realism,octav-bancila_natur-static-cu-caise,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,octav-bancila_natur-static-cu-fructe,"[0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]" +Realism,octav-bancila_natur-static-cu-mere,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,octav-bancila_ncurcat-n-socoteli,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Realism,octav-bancila_o-afacere-bun-1899,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,octav-bancila_peticarul,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Realism,octav-bancila_portret,"[2.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]" +Realism,octav-bancila_portretul-regelui-carol-i,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Realism,octav-bancila_r-ncu-cu-ulcior-1910,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,octav-bancila_spovedania-ranului-compozi-ie-cu-autoportretul-pictorului-1925,"[1.0, 0.0, 3.0, 1.0, 0.0, 1.0, 1.0, 2.0, 1.0]" +Realism,octav-bancila_vas-cu-liliac,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,odilon-redon_a-pot-of-geraniums,"[0.0, 1.0, 30.0, 3.0, 0.0, 1.0, 0.0, 9.0, 5.0]" +Realism,odilon-redon_anemones,"[0.0, 2.0, 5.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,odilon-redon_anemones-and-poppies-in-a-vase,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,odilon-redon_anemones-and-tulips,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Realism,odilon-redon_anemones-in-a-jug,"[0.0, 2.0, 7.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,odilon-redon_begonia-in-a-pot,"[0.0, 3.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,odilon-redon_boat-in-the-moonlight,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 6.0, 0.0, 0.0]" +Realism,odilon-redon_bouquet,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,odilon-redon_bouquet-of-anemones,"[1.0, 2.0, 6.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,odilon-redon_bouquet-of-flowers,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,odilon-redon_bouquet-of-flowers-1,"[1.0, 4.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,odilon-redon_bouquet-of-flowers-2,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,odilon-redon_bouquet-of-flowers-5,"[1.0, 1.0, 5.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,odilon-redon_bouquet-of-flowers-in-a-blue-vase,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,odilon-redon_bouquet-of-flowers-in-a-blue-vase-1,"[0.0, 3.0, 5.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,odilon-redon_bouquet-of-flowers-in-a-blue-vase-2,"[0.0, 1.0, 6.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Realism,odilon-redon_bouquet-of-flowers-in-a-green-vase,"[0.0, 2.0, 4.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,odilon-redon_bouquet-of-flowers-in-a-white-vase,"[1.0, 0.0, 7.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,odilon-redon_bouquet-of-wild-flowers,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,odilon-redon_bouquet-of-wild-flowers-1,"[0.0, 2.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,odilon-redon_bouquet-with-white-lilies-in-a-japanese-vase,"[0.0, 3.0, 3.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,odilon-redon_carnations-and-baby-s-breath-in-a-green-pitcher,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,odilon-redon_flowers-1,"[0.0, 2.0, 5.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,odilon-redon_flowers-1905,"[0.0, 1.0, 6.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]" +Realism,odilon-redon_flowers-1909,"[0.0, 3.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,odilon-redon_flowers-2,"[1.0, 3.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,odilon-redon_flowers-4,"[0.0, 2.0, 6.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,odilon-redon_flowers-in-a-blue-jug,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,odilon-redon_flowers-in-a-blue-vase,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,odilon-redon_flowers-in-a-green-pitcher,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,odilon-redon_flowers-in-a-pot,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,odilon-redon_flowers-in-a-red-pitcher,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,odilon-redon_flowers-in-a-turquoise-vase,"[0.0, 2.0, 6.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,odilon-redon_flowers-in-a-vase,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,odilon-redon_flowers-in-a-vase-with-one-handle,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,odilon-redon_flowers-in-aa-brown-vase,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,odilon-redon_flowers-in-green-vase,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,odilon-redon_geranium,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,odilon-redon_geraniums-1902,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,odilon-redon_geraniums-1910,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,odilon-redon_geraniums-and-other-flowers-in-a-stoneware-vase,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,odilon-redon_large-boquet-on-a-black-background,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Realism,odilon-redon_large-bouquet-of-wild-flowers,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,odilon-redon_minosas-anemonies-and-leaves-in-a-blue-vase,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,odilon-redon_pepper-and-lemon-on-a-white-tablecloth-1901,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Realism,odilon-redon_pitcher-of-flowers,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,odilon-redon_poppies-and-daisies-in-a-blue-vase,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,odilon-redon_poppies-in-a-vase,"[1.0, 3.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,odilon-redon_rose-and-daisy,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,odilon-redon_rose-peony-and-cornflowers-in-a-green-vase,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,odilon-redon_small-bouquet-in-a-pitcher,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,odilon-redon_still-life,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,odilon-redon_the-pot-of-geraniums,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,odilon-redon_the-red-poppy,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,odilon-redon_the-turquoise-vase,"[1.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,odilon-redon_three-vases-of-flowers,"[0.0, 2.0, 4.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Realism,odilon-redon_vase-de-fleurs,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,odilon-redon_vase-of-flowers,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,odilon-redon_vase-of-flowers-1,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,odilon-redon_vase-of-flowers-10,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,odilon-redon_vase-of-flowers-11,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,odilon-redon_vase-of-flowers-12,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,odilon-redon_vase-of-flowers-1900,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,odilon-redon_vase-of-flowers-1908,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,odilon-redon_vase-of-flowers-2,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,odilon-redon_vase-of-flowers-3,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,odilon-redon_vase-of-flowers-4,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,odilon-redon_vase-of-flowers-5,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,odilon-redon_vase-of-flowers-6,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,odilon-redon_vase-of-flowers-7,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,odilon-redon_vase-of-flowers-8,"[1.0, 3.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0]" +Realism,odilon-redon_vase-of-flowers-9,"[0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Realism,odilon-redon_vase-of-flowers-on-a-red-tablecloth,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,odilon-redon_vase-of-flowers-pansies,"[0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,odilon-redon_vase-of-flowers-with-branches-of-a-flowering-apple-tree,"[2.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,odilon-redon_vase-of-poppies,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Realism,odilon-redon_vase-with-flowers,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,odilon-redon_vase-with-flowers-and-butterflies,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,odilon-redon_vase-with-japanese-warrior-1905,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,odilon-redon_white-vase-with-flowers-1916,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,odilon-redon_wild-flowers-in-a-long-necked-vase,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,odilon-redon_wild-flowers-in-a-vase,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,odilon-redon_wildflowers,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,odilon-redon_wildflowers-in-a-long-necked-vase,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,pablo-picasso_academical-study,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]" +Realism,pablo-picasso_apple-1914,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 2.0]" +Realism,pablo-picasso_artist-s-mother-1896,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,pablo-picasso_bust-of-young-man,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,pablo-picasso_dutch-girl-1905,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,pablo-picasso_female-nude-from-back-1895,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 1.0]" +Realism,pablo-picasso_first-communion-1896,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,pablo-picasso_fruit-bowl-with-fruit-1918,"[0.0, 2.0, 34.0, 1.0, 0.0, 1.0, 0.0, 2.0, 6.0]" +Realism,pablo-picasso_head-of-a-child-1896,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,pablo-picasso_head-of-a-man-in-el-greco-style-1899,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]" +Realism,pablo-picasso_mule,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]" +Realism,pablo-picasso_mule-1,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,pablo-picasso_olga-in-a-mantilla-1917,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]" +Realism,pablo-picasso_plaster-male-torso-1893,"[1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]" +Realism,pablo-picasso_portrait-of-aunt-pepa-1896,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Realism,pablo-picasso_portrait-of-casagemas,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 1.0]" +Realism,pablo-picasso_portrait-of-the-artist-s-mother-1896,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,pablo-picasso_quarries-1896,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]" +Realism,pablo-picasso_science-and-charity-1897,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]" +Realism,pablo-picasso_self-portrait,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Realism,pablo-picasso_self-portrait-1896,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]" +Realism,pablo-picasso_the-altarboy-1896,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,pablo-picasso_the-barefoot-girl-1895,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 1.0]" +Realism,pablo-picasso_the-old-fisherman-1895,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Realism,paul-feeley_portrait-of-samuel-l-m-barlow-1932,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Realism,paul-feeley_self-portrait-1930,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Realism,paul-mathiopoulos_female-nude,"[0.0, 2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,paul-mathiopoulos_male-nude,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Realism,paul-mathiopoulos_male-nude-1897,"[1.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]" +Realism,paul-mathiopoulos_male-nude-1898,"[0.0, 0.0, 2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0]" +Realism,paul-mathiopoulos_nude-standing,"[0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]" +Realism,paul-serusier_evening,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,paul-serusier_interior-1888,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Realism,paul-serusier_the-breton-weaver-1888,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,pavel-fedotov_andrey-grigoriy-and-alexander-druzhinin,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 1.0]" +Realism,pavel-fedotov_difficult-bride,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,pavel-fedotov_encore-encore,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Realism,pavel-fedotov_fashionable-wife-lioness,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]" +Realism,pavel-fedotov_gamblers,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Realism,pavel-fedotov_get-married-gentlemen-that-would-come-in-very-handy,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,pavel-fedotov_grand-duke-mikhail-pavlovich-visiting-the-camp-of-the-finland-regiment-of-imperial-guards-on-1838,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,pavel-fedotov_it-is-cholera-to-blame,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Realism,pavel-fedotov_not-detected-270365,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,pavel-fedotov_officer-and-his-orderly-1851,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,pavel-fedotov_police-commissary-s-reception-room-the-night-before-a-holiday,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Realism,pavel-fedotov_portrait-of-a-i-fedotov-the-artist-s-father,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Realism,pavel-fedotov_portrait-of-a-p-zhdanovich-1847,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,pavel-fedotov_portrait-of-amalia-legrand-1847,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,pavel-fedotov_portrait-of-an-architect,"[1.0, 3.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,pavel-fedotov_portrait-of-anna-zhdanovich,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,pavel-fedotov_portrait-of-elizaveta-petrovna-zhdanova,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,pavel-fedotov_portrait-of-f-ye-yakovlev-1847,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Realism,pavel-fedotov_portrait-of-lieutenant-lvov,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,pavel-fedotov_portrait-of-m-m-rodivanovsky,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 3.0]" +Realism,pavel-fedotov_portrait-of-m-p-zhdanovich-1847,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,pavel-fedotov_portrait-of-m-ye-shishmareva,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,pavel-fedotov_portrait-of-maria-pavlovna-druzhinina,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Realism,pavel-fedotov_portrait-of-n-p-chernyshova-1847,"[1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]" +Realism,pavel-fedotov_portrait-of-n-p-zhdanovich-as-a-child-1847,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Realism,pavel-fedotov_portrait-of-nadezhda-p-zhdanovich-at-the-piano-1849,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Realism,pavel-fedotov_portrait-of-o-p-zhdanovich-1847,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Realism,pavel-fedotov_portrait-of-olga-ivanovna-and-fedor-ivanov-1851,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,pavel-fedotov_portrait-of-olga-ivanovna-demonkala-1851,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,pavel-fedotov_portrait-of-p-p-zhdanovich-1847,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,pavel-fedotov_portrait-of-p-v-zhdanovich-1847,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,pavel-fedotov_portrait-of-s-s-krylov-1851,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,pavel-fedotov_portrait-of-second-captain-vannovsky,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,pavel-fedotov_portrait-of-ye-g-flug,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,pavel-fedotov_portrait-of-ye-p-zhdanovich-1847,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,pavel-fedotov_s-d-shishmarev-on-board-the-ship,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,pavel-fedotov_self-portrait,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,pavel-fedotov_the-aristocrat-s-breakfast-1850,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,pavel-fedotov_the-fresh-cavalier,"[1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0]" +Realism,pavel-fedotov_the-major-s-marriage-proposal-1851,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,pavel-fedotov_the-widow,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,pavel-fedotov_wintry-street-on-vasilievsky-island-st-petersburg,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,pavel-filonov_a-french-worker,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Realism,pavel-filonov_landscape-wind-1907,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,pavel-filonov_portrait-of-evdokiya-nikolaevna-glebova-the-artist-s-sister-1915,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,peder-severin-kroyer_artists-luncheon-in-skagen-1883,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,peder-severin-kroyer_beach-of-skagen-1892,"[1.0, 1.0, 6.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]" +Realism,peder-severin-kroyer_boys-bathing-1892,"[1.0, 3.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,peder-severin-kroyer_boys-bathing-at-skagen-summer-evening-1899,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Realism,peder-severin-kroyer_committee-for-the-french-art-exhibition-in-copenhagen-1888,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,peder-severin-kroyer_fishermen-at-skagen-1894,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,peder-severin-kroyer_fishermen-hauling-the-net-on-skagen-s-north-beach-1883,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,peder-severin-kroyer_fishing-boats-1884,"[1.0, 5.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,peder-severin-kroyer_georg-brandes-1902,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,peder-severin-kroyer_hip-hip-hurrah-1888,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,peder-severin-kroyer_holger-drachman-1895,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,peder-severin-kroyer_hornbaek-in-winter-1891,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 2.0, 3.0, 1.0]" +Realism,peder-severin-kroyer_in-the-store-during-a-pause-from-fishing-1882,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,peder-severin-kroyer_interior-of-a-tavern-1886,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,peder-severin-kroyer_interior-with-the-artist-s-wife-marie-kr-yer-1889,"[8.0, 5.0, 22.0, 4.0, 0.0, 4.0, 0.0, 3.0, 5.0]" +Realism,peder-severin-kroyer_italian-village-workers-making-hats-1880,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 4.0, 2.0]" +Realism,peder-severin-kroyer_lunch-with-otto-benzon-1893,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,peder-severin-kroyer_luncheon-at-antino,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,peder-severin-kroyer_marie-in-profile-1891,"[0.0, 10.0, 20.0, 3.0, 0.0, 0.0, 0.0, 10.0, 4.0]" +Realism,peder-severin-kroyer_marie-in-ravello-1891,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,peder-severin-kroyer_marie-in-the-garden,"[1.0, 3.0, 5.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,peder-severin-kroyer_marie-in-the-garden-1895,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,peder-severin-kroyer_marie-in-the-garden-the-roses,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,peder-severin-kroyer_marie-kroyer-1889,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,peder-severin-kroyer_meeting-at-the-museum-1888,"[1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Realism,peder-severin-kroyer_portrait-of-a-gentleman-1898,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,peder-severin-kroyer_portrait-of-the-artist-s-wife-marie-1889,"[1.0, 1.0, 5.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,peder-severin-kroyer_skagen-1884,"[0.0, 2.0, 5.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,peder-severin-kroyer_sophus-schandorf-1895,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,peder-severin-kroyer_st-john-s-eve-bonfire-on-skagen-s-beach-1906,"[0.0, 0.0, 1.0, 2.0, 1.0, 1.0, 3.0, 1.0, 1.0]" +Realism,peder-severin-kroyer_summer-day-on-skagen-s-southern-beach-1884,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,peder-severin-kroyer_summer-evening-at-skagen-1892,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,peder-severin-kroyer_summer-evening-on-skagen-s-beach-1899,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,peder-severin-kroyer_the-artist-s-house-1893,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,peder-severin-kroyer_the-benzon-daughters-1897,"[1.0, 2.0, 4.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,peder-severin-kroyer_the-hirschsprung-family-1881,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,peder-severin-kroyer_women-and-fishermen-of-hornbaek-1875,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,peder-severin-kroyer_women-of-concarneau-1879,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]" +Realism,pericles-pantazis_dutch-girl-1880,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Realism,pericles-pantazis_mauvaise-recette,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 4.0, 2.0]" +Realism,pericles-pantazis_portrait-of-varvogli-1875,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,pericles-pantazis_still-life-and-woman,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,pericles-pantazis_still-life-with-cakes-and-a-silver-teapot,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,pericles-pantazis_still-life-with-fish-and-vegetables,"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 2.0]" +Realism,pericles-pantazis_still-life-with-flowers-1877,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,pericles-pantazis_still-life-with-game,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]" +Realism,pericles-pantazis_stubbornness,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]" +Realism,pericles-pantazis_the-writer,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,philip-de-laszlo_portrait-of-ignaz-wechselmann-1894,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Realism,philip-de-laszlo_portrait-of-vita-sackville-west-1910,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Realism,philip-de-laszlo_princess-beatrice-1926,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,pierre-auguste-renoir_a-girl-1,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0]" +Realism,pierre-auguste-renoir_a-road-in-louveciennes,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,pierre-auguste-renoir_barges-on-the-seine-1870,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,pierre-auguste-renoir_crown-of-roses,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,pierre-auguste-renoir_diana,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 1.0]" +Realism,pierre-auguste-renoir_leonard-renoir-1869,"[2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0]" +Realism,pierre-auguste-renoir_lise-on-the-bank-of-the-seine-1870,"[1.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,pierre-auguste-renoir_lise-with-umbrella-1867,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,pierre-auguste-renoir_pierre-henri-renoir-1870,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Realism,pierre-auguste-renoir_portrait-of-henry-bernstein,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,pierre-auguste-renoir_riding-in-the-bois-de-boulogne-madame-henriette-darras-or-the-ride-1873,"[0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,pierre-auguste-renoir_skaters-in-the-bois-de-boulogne-1868,"[0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,pierre-auguste-renoir_the-artist-s-mother-1860,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Realism,pierre-auguste-renoir_the-fairies-pond-1866,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,pierre-auguste-renoir_the-inn-of-mother-anthony-1866,"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0]" +Realism,pierre-auguste-renoir_the-painter-alfred-sisley-1868,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]" +Realism,pierre-auguste-renoir_the-painter-jules-le-coeur-walking-his-dogs-in-the-forest-of-fontainebleau-1866,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,pierre-auguste-renoir_the-path,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,pierre-auguste-renoir_the-pont-des-arts-and-the-institut-de-france-1867,"[0.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,pierre-auguste-renoir_the-return-of-the-boating-party-1862,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,pierre-auguste-renoir_two-figures-in-a-landscape-1866,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,pierre-auguste-renoir_william-sisley-1864,"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 1.0]" +Realism,pierre-auguste-renoir_woman-in-a-lace-blouse-1869,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,pierre-auguste-renoir_woman-playing-the-guitar-1896,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,pyotr-konchalovsky_a-boy-with-a-cock-1933,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,pyotr-konchalovsky_a-bridge-the-vorya-river-abramtsevo-1920,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,pyotr-konchalovsky_a-girl-with-a-bird-1954,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,pyotr-konchalovsky_a-moonlit-landscape-1953,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,pyotr-konchalovsky_a-n-tolstoy-visiting-the-artist-1941,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Realism,pyotr-konchalovsky_a-path-in-the-fall-1935,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,pyotr-konchalovsky_a-ray-of-sunlight-the-forest-1930,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,pyotr-konchalovsky_a-workshop-tomatoes-on-the-bench-1953,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,pyotr-konchalovsky_abramtsevo-oak-grove-1920,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,pyotr-konchalovsky_airedale-1935,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,pyotr-konchalovsky_airedale-on-the-balcony-1935,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,pyotr-konchalovsky_alder-against-the-sun-1932,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,pyotr-konchalovsky_anemone-1930,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Realism,pyotr-konchalovsky_apple-tree-by-the-fence-1949,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,pyotr-konchalovsky_apple-tree-in-bloom-1937,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,pyotr-konchalovsky_apple-tree-in-bloom-1953,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,pyotr-konchalovsky_apple-trees-1922,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Realism,pyotr-konchalovsky_apple-trees-in-blossom-blue-day-1939,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,pyotr-konchalovsky_apple-twigs-in-bloom-1939,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,pyotr-konchalovsky_apples-1934,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,pyotr-konchalovsky_apples-1953,"[0.0, 1.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]" +Realism,pyotr-konchalovsky_apples-against-the-blue-sky-1930,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,pyotr-konchalovsky_apples-against-the-blue-sky-1930-1,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,pyotr-konchalovsky_apples-and-a-dog-keeper-1939,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,pyotr-konchalovsky_apples-on-the-window-1932,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,pyotr-konchalovsky_at-lake-ilmen,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,pyotr-konchalovsky_at-midday-1947,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Realism,pyotr-konchalovsky_at-the-window-1939,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,pyotr-konchalovsky_autumn-1949,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Realism,pyotr-konchalovsky_autumn-birches-1933,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,pyotr-konchalovsky_autumn-bouquet-1919,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,pyotr-konchalovsky_autumn-landscape-with-train-1955,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,pyotr-konchalovsky_autumn-road-1921,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,pyotr-konchalovsky_autumn-road-1953,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,pyotr-konchalovsky_autumn-yellow-wood-1937,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,pyotr-konchalovsky_backyard-1955,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,pyotr-konchalovsky_bakhchisarai-common-view-1930,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,pyotr-konchalovsky_birch-trees-by-the-fence-1938,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,pyotr-konchalovsky_birch-trees-in-early-spring-1946,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,pyotr-konchalovsky_birches-in-the-knobs-1941,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,pyotr-konchalovsky_birches-in-the-snow-1936,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]" +Realism,pyotr-konchalovsky_blossoming-garden-1953,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,pyotr-konchalovsky_blue-vase-1949,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,pyotr-konchalovsky_blue-willows-1926,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,pyotr-konchalovsky_bolshaya-sadovaya-pink-house-1931,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,pyotr-konchalovsky_bouquet,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,pyotr-konchalovsky_bouquet-of-flowers-1932,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,pyotr-konchalovsky_bouquet-of-wildflowers-1932,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,pyotr-konchalovsky_boy-with-a-pipe-andron-mikhalkov-1940,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,pyotr-konchalovsky_bushes-1923,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,pyotr-konchalovsky_carcase-of-calf-1946,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,pyotr-konchalovsky_cathedral-of-st-george-in-novgorod,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,pyotr-konchalovsky_cherry-blossoms-1953,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,pyotr-konchalovsky_children-in-the-park-1940,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,pyotr-konchalovsky_children-in-the-studio-1947,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,pyotr-konchalovsky_cock-in-a-basket-1930,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,pyotr-konchalovsky_conductor-nikolai-semenovich-golovanov-and-orchestra-1934,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,pyotr-konchalovsky_cottages,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,pyotr-konchalovsky_crimea-blooming-peach-tree-1952,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,pyotr-konchalovsky_crimean-landscape-my-crimea-1947,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,pyotr-konchalovsky_daisies-1935,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,pyotr-konchalovsky_daisies-1935-1,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Realism,pyotr-konchalovsky_delphinium-and-rose,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,pyotr-konchalovsky_do-not-called-1947,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,pyotr-konchalovsky_dobroye-the-bridge-1931,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,pyotr-konchalovsky_ducklings-1934,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,pyotr-konchalovsky_early-spring,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,pyotr-konchalovsky_early-spring-1929,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,pyotr-konchalovsky_early-spring-birches-1948,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,pyotr-konchalovsky_female-nude-1,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,pyotr-konchalovsky_fire-1930,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]" +Realism,pyotr-konchalovsky_first-snow-1940,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,pyotr-konchalovsky_flowering-apple-branch-1935,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,pyotr-konchalovsky_flowers-1934,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,pyotr-konchalovsky_garden-in-bloom-1932,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,pyotr-konchalovsky_garden-in-bloom-1935,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,pyotr-konchalovsky_grey-day-blossoming-apple-trees-by-the-pond-1937,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,pyotr-konchalovsky_grouse-snipe-and-ruff-1926,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 3.0, 0.0]" +Realism,pyotr-konchalovsky_hare-1926,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]" +Realism,pyotr-konchalovsky_haystack-1947,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,pyotr-konchalovsky_haystacks-in-the-evening-1926,"[0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0]" +Realism,pyotr-konchalovsky_herd-1939,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,pyotr-konchalovsky_herd-1947,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,pyotr-konchalovsky_horse-at-the-gate-1930,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,pyotr-konchalovsky_house-in-knobs-1933,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,pyotr-konchalovsky_in-the-cathedral-of-yuryev-abbot-bessarion-1926,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,pyotr-konchalovsky_in-the-garden-sunny-day-1932,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,pyotr-konchalovsky_in-the-park-1940,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,pyotr-konchalovsky_in-the-woods-1945,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,pyotr-konchalovsky_italy-lemons-on-the-branches-1924,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,pyotr-konchalovsky_jasmine-bush-1955,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,pyotr-konchalovsky_katya-by-the-window-1935,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,pyotr-konchalovsky_katya-on-the-lap-a-nurse-1932,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,pyotr-konchalovsky_katya-sleeping-1932,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,pyotr-konchalovsky_katya-sleeping-on-the-left-side-1932,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,pyotr-konchalovsky_katya-with-a-doll-by-the-window-1936,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,pyotr-konchalovsky_katya-with-grains-1933,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,pyotr-konchalovsky_kislovodsk-1938,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,pyotr-konchalovsky_kolomenskoye-after-the-rain-1930,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,pyotr-konchalovsky_lake-imandra-resinification-nets-1937,"[1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,pyotr-konchalovsky_landscape-1,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,pyotr-konchalovsky_landscape-a-field-1921,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,pyotr-konchalovsky_lavrushka-with-scooter-a-grandson-of-the-artist-1952,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,pyotr-konchalovsky_lermontov-1943,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Realism,pyotr-konchalovsky_lilac-1937,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,pyotr-konchalovsky_lilac-1942,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,pyotr-konchalovsky_lilac-1951,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,pyotr-konchalovsky_lilac-1953,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,pyotr-konchalovsky_lilac-in-the-wicker-chair-1945,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,pyotr-konchalovsky_lilacs,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,pyotr-konchalovsky_lilacs-1,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,pyotr-konchalovsky_lilacs-by-the-window,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Realism,pyotr-konchalovsky_lilacs-by-the-window-1,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,pyotr-konchalovsky_lilacs-in-a-basket,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,pyotr-konchalovsky_lilacs-in-a-purse-on-the-floor-1955,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,pyotr-konchalovsky_moscow-pharmacy-in-sadovaya-1931,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,pyotr-konchalovsky_mtskheta-sandro-sakla-1927,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Realism,pyotr-konchalovsky_near-maloyaroslavets-1951,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,pyotr-konchalovsky_near-the-river,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,pyotr-konchalovsky_nemtsovo-pond-1950,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,pyotr-konchalovsky_noon-1933,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,pyotr-konchalovsky_not-taken-married-portrait-of-natalia-petrovna-konchalovsky-the-artist-s-daughter-1925,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]" +Realism,pyotr-konchalovsky_novgorod-1944,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,pyotr-konchalovsky_okorokovo-pond-1946,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,pyotr-konchalovsky_olive-wood-1952,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,pyotr-konchalovsky_on-the-deck-of-the-trawler,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Realism,pyotr-konchalovsky_on-the-lawn-1954,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,pyotr-konchalovsky_on-the-river-protva-fisherman-1953,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,pyotr-konchalovsky_peaches-on-the-branches-1930,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,pyotr-konchalovsky_phlox-on-track-1955,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,pyotr-konchalovsky_poppies-1955,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,pyotr-konchalovsky_portrait-art-critic-capitolina-vladimirovna-frolova-1948,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,pyotr-konchalovsky_portrait-of-a-hero-of-the-soviet-union-pilot-a-b-yumashev-1941,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,pyotr-konchalovsky_portrait-of-a-spanish-girl-blasphemes-hulita-perikaccho-1939,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,pyotr-konchalovsky_portrait-of-akulina-maximovna-kopaneva-1906,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,pyotr-konchalovsky_portrait-of-albina-feliksovna-zhukova-1954,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,pyotr-konchalovsky_portrait-of-alexander-alexandrovich-fadeyev-1941,"[0.0, 1.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0]" +Realism,pyotr-konchalovsky_portrait-of-an-art-critic-sergei-nikolaevich-troynitskogo-1943,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Realism,pyotr-konchalovsky_portrait-of-angelina-borisovna-kemenova-1946,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,pyotr-konchalovsky_portrait-of-boris-nikolayevich-yakovlev-1953,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,pyotr-konchalovsky_portrait-of-composer-aram-khachaturian-1953,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Realism,pyotr-konchalovsky_portrait-of-constantin-andreyevich-trenev-1941,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,pyotr-konchalovsky_portrait-of-dolgintsev-1895,"[6.0, 5.0, 12.0, 1.0, 0.0, 2.0, 4.0, 6.0, 10.0]" +Realism,pyotr-konchalovsky_portrait-of-film-director-alexander-petrovich-dovzhenko-1950,"[0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Realism,pyotr-konchalovsky_portrait-of-hu-ji-pang-1945,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,pyotr-konchalovsky_portrait-of-konstantin-mikhailovich-simonov-1950,"[1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Realism,pyotr-konchalovsky_portrait-of-manuel-pavon-1940,"[2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Realism,pyotr-konchalovsky_portrait-of-mole-catcher-fedor-petrovich-1938,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,pyotr-konchalovsky_portrait-of-natalia-petrovna-konchalovskaya-daughter-of-the-artist-against-the-backdrop-of-a-1953,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,pyotr-konchalovsky_portrait-of-national-artist-a-woodcarver-a-ershov-1936,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 2.0]" +Realism,pyotr-konchalovsky_portrait-of-peter-andreievich-pavlenko-1950,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,pyotr-konchalovsky_portrait-of-professor-n-p-remizov-1955,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Realism,pyotr-konchalovsky_portrait-of-sergei-vladimirovich-mikhalkov-with-his-son-1943,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Realism,pyotr-konchalovsky_portrait-of-the-actress-angelina-osipovna-stepanova-1933,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,pyotr-konchalovsky_portrait-of-the-artist-s-brother-maxim-petrovich-with-cap-1894,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Realism,pyotr-konchalovsky_portrait-of-the-artist-v-g-dulova-1945,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,pyotr-konchalovsky_portrait-of-the-singer-zara-alexandrovna-dolukhanova-1955,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,pyotr-konchalovsky_portrait-of-v-f-sakharov-1935,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,pyotr-konchalovsky_portrait-of-worker-yakobchenko-1938,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,pyotr-konchalovsky_portrait-of-writer-samuil-marshak-1951,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Realism,pyotr-konchalovsky_portrait-of-writer-vsevolod-vyacheslavovich-ivanov-1951,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Realism,pyotr-konchalovsky_pushkin-at-the-mikhailovsky,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,pyotr-konchalovsky_quay-in-murmansk-1936,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,pyotr-konchalovsky_quay-in-ryazan-1931,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,pyotr-konchalovsky_rainy-day-1923,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,pyotr-konchalovsky_river-mana-at-the-yenisei-1951,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,pyotr-konchalovsky_rooster-1954,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,pyotr-konchalovsky_rosehip-and-jasmine-1952,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,pyotr-konchalovsky_roses-1955,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,pyotr-konchalovsky_roses-and-asparagus-1954,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,pyotr-konchalovsky_roses-and-asparagus-1955,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,pyotr-konchalovsky_roses-in-a-glass,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,pyotr-konchalovsky_roses-in-a-jug-1936,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,pyotr-konchalovsky_roses-in-the-ground-1935,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,pyotr-konchalovsky_self-portrait-in-yellow-shirt-1943,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Realism,pyotr-konchalovsky_self-portrait-sharpening-a-razor-1931,"[2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]" +Realism,pyotr-konchalovsky_self-portrait-with-dog-1933,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0]" +Realism,pyotr-konchalovsky_shosse-in-winter-1933,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,pyotr-konchalovsky_skating-rink-dynamo-1948,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,pyotr-konchalovsky_sketch-of-composition-for-the-painting-bathing-cavalry-1928,"[2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,pyotr-konchalovsky_sketch-of-portrait-of-of-the-writer-sukhotin-1934,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,pyotr-konchalovsky_spanish-women-1937,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,pyotr-konchalovsky_spring-courtyard-1942,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,pyotr-konchalovsky_spring-day-1954,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,pyotr-konchalovsky_spring-day-1955,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,pyotr-konchalovsky_spring-in-moscow-konyushkovskaya-street-1943,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,pyotr-konchalovsky_spring-landscape-with-train-1931,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,pyotr-konchalovsky_spring-view-from-the-window-on-konyushkovskaya-1944,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,pyotr-konchalovsky_still-life-1947,"[0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0, 0.0, 0.0]" +Realism,pyotr-konchalovsky_still-life-1949,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,pyotr-konchalovsky_still-life-a-small-bouquet-1951,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Realism,pyotr-konchalovsky_still-life-apples-at-the-roundtable-1934,"[0.0, 0.0, 3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]" +Realism,pyotr-konchalovsky_still-life-apples-in-a-sieve-1955,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,pyotr-konchalovsky_still-life-apples-on-a-table-near-the-stove-1947,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,pyotr-konchalovsky_still-life-autumn-flowers-in-a-basket-study-for-the-tray-1931,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,pyotr-konchalovsky_still-life-bananas-1942,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,pyotr-konchalovsky_still-life-basket-of-apples-on-the-floor-1932,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,pyotr-konchalovsky_still-life-basket-with-ash-1947,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,pyotr-konchalovsky_still-life-bird-cherry-1932,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Realism,pyotr-konchalovsky_still-life-bread-ham-and-wine-1948,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,pyotr-konchalovsky_still-life-capercaillie-1939,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]" +Realism,pyotr-konchalovsky_still-life-currants-on-a-sieve-1955,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,pyotr-konchalovsky_still-life-delphinium-1937,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,pyotr-konchalovsky_still-life-dishes-and-fruits-1953,"[0.0, 0.0, 3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]" +Realism,pyotr-konchalovsky_still-life-every-victuals-1944,"[2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]" +Realism,pyotr-konchalovsky_still-life-flowers-on-the-bench-1954,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,pyotr-konchalovsky_still-life-four-bouquets-on-the-table-and-watering-can-1939,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,pyotr-konchalovsky_still-life-grapes-and-pomegranates-1928,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,pyotr-konchalovsky_still-life-grenades-1954,"[1.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,pyotr-konchalovsky_still-life-grouse-and-woodcock-1953,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 1.0]" +Realism,pyotr-konchalovsky_still-life-hares-and-grouse-1951,"[0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 1.0, 0.0]" +Realism,pyotr-konchalovsky_still-life-hens-1930,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,pyotr-konchalovsky_still-life-it-s-time-for-tea-1946,"[0.0, 0.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,pyotr-konchalovsky_still-life-jasmine-and-dog-rose-at-the-stove-1951,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,pyotr-konchalovsky_still-life-lemon-and-knife-1930,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Realism,pyotr-konchalovsky_still-life-lilac-a-bucket-and-a-watering-can-1955,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,pyotr-konchalovsky_still-life-lilac-against-the-green-shutters-1947,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,pyotr-konchalovsky_still-life-lilac-against-the-stove-1954,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,pyotr-konchalovsky_still-life-lilac-crystal-vase-and-a-basket-1954,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Realism,pyotr-konchalovsky_still-life-lilacs-1937,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,pyotr-konchalovsky_still-life-lilacs-1951,"[1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]" +Realism,pyotr-konchalovsky_still-life-lilacs-in-a-basket-1944,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,pyotr-konchalovsky_still-life-lilacs-in-a-basket-heroic-1933,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,pyotr-konchalovsky_still-life-lilacs-in-a-bucket-on-the-floor-1948,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,pyotr-konchalovsky_still-life-lilacs-in-a-glass-jar-against-the-stove-1952,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,pyotr-konchalovsky_still-life-lilacs-in-a-tub-1941,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,pyotr-konchalovsky_still-life-lilacs-in-the-bucket-1943,"[0.0, 1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,pyotr-konchalovsky_still-life-lilacs-in-the-tub-1946,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,pyotr-konchalovsky_still-life-lilacs-in-the-window-1940,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,pyotr-konchalovsky_still-life-lilacs-in-two-baskets-1939,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,pyotr-konchalovsky_still-life-lilacs-on-the-window-1935,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,pyotr-konchalovsky_still-life-lilacs-on-the-window-1946,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,pyotr-konchalovsky_still-life-lilacs-pyotr-konchalovsky-1933,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,pyotr-konchalovsky_still-life-meat-and-poultry-1936,"[0.0, 2.0, 2.0, 1.0, 1.0, 31.0, 3.0, 9.0, 2.0]" +Realism,pyotr-konchalovsky_still-life-meat-poultry-and-brussels-sprouts-against-the-window-1937,"[0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 1.0]" +Realism,pyotr-konchalovsky_still-life-morning-lilac-1946,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,pyotr-konchalovsky_still-life-on-the-background-of-the-carpet-oranges-and-coffee-1938,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,pyotr-konchalovsky_still-life-pantry-1934,"[0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]" +Realism,pyotr-konchalovsky_still-life-peonies-and-delphinium-1953,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,pyotr-konchalovsky_still-life-peonies-and-spruce-branches-1943,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Realism,pyotr-konchalovsky_still-life-peonies-at-the-window-1948,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,pyotr-konchalovsky_still-life-peonies-in-a-basket-1935,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,pyotr-konchalovsky_still-life-peonies-in-a-porcelain-vase-1949,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,pyotr-konchalovsky_still-life-peonies-on-the-table-1933,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,pyotr-konchalovsky_still-life-red-roses-1952,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,pyotr-konchalovsky_still-life-red-tray-and-ash-1947,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Realism,pyotr-konchalovsky_still-life-roses-on-a-lace-napkin-1937,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,pyotr-konchalovsky_still-life-roses-on-a-yellow-background-1953,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,pyotr-konchalovsky_still-life-rowan-on-blue-1947,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,pyotr-konchalovsky_still-life-strawberries-1955,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,pyotr-konchalovsky_still-life-the-dutch-bouquet-1935,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,pyotr-konchalovsky_still-life-the-dutch-bouquet-1935-1,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,pyotr-konchalovsky_still-life-the-meat-1936,"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0, 2.0]" +Realism,pyotr-konchalovsky_still-life-tomatoes-on-the-bag-1954,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,pyotr-konchalovsky_still-life-two-rabbits-1931,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]" +Realism,pyotr-konchalovsky_still-life-white-and-red-lilac-1951,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,pyotr-konchalovsky_still-life-white-partridge-1953,"[0.0, 0.0, 3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]" +Realism,pyotr-konchalovsky_still-life-wildflowers-1938,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,pyotr-konchalovsky_still-life-wildflowers-1946,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,pyotr-konchalovsky_still-life-wildflowers-1950,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,pyotr-konchalovsky_still-life-with-a-fly-every-victuals-1932,"[0.0, 0.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,pyotr-konchalovsky_still-life-with-basket-and-woodcock-1946,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 1.0]" +Realism,pyotr-konchalovsky_still-life-with-bittern-and-woodpecker-1934,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]" +Realism,pyotr-konchalovsky_still-life-with-cabbage-1937,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,pyotr-konchalovsky_still-life-with-ducks,"[0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]" +Realism,pyotr-konchalovsky_still-life-with-flowers-1955,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,pyotr-konchalovsky_still-life-with-lilac,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,pyotr-konchalovsky_still-life-with-rabbit-1954,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Realism,pyotr-konchalovsky_still-life-with-roses-jasmine-and-asparagus-1954,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,pyotr-konchalovsky_still-life-woodcock-and-gun-1934,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Realism,pyotr-konchalovsky_still-life-woodcocks-with-a-basket-1934,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0]" +Realism,pyotr-konchalovsky_study-1951,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,pyotr-konchalovsky_study-1951-1,"[0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0]" +Realism,pyotr-konchalovsky_study-1952,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,pyotr-konchalovsky_sunny-day-the-pioneers-1933,"[0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Realism,pyotr-konchalovsky_sunrise-1923,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,pyotr-konchalovsky_swimming-in-the-afternoon-the-sun-1923,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,pyotr-konchalovsky_the-construction-of-bathhouse-1935,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,pyotr-konchalovsky_the-evening-landscape-with-a-lake-1939,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,pyotr-konchalovsky_the-first-snow-the-blue-cottage-1938,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,pyotr-konchalovsky_the-girl-in-the-caucasus-dress-with-a-cat-margot-1948,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,pyotr-konchalovsky_the-head-of-frenchwoman-1897,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 1.0]" +Realism,pyotr-konchalovsky_the-left-bank-of-the-yenisei-kolkhoz-luck-1951,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,pyotr-konchalovsky_the-moon-through-the-trees-1923,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,pyotr-konchalovsky_the-night-watchman-with-a-dog-ivan-payala-1923,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,pyotr-konchalovsky_the-river-in-the-morning-1923,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,pyotr-konchalovsky_the-river-leafless-trees-1938,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,pyotr-konchalovsky_the-road-dry-wood-1930,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,pyotr-konchalovsky_the-roses-by-the-window-1953,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,pyotr-konchalovsky_the-tops-of-the-birches-1934,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,pyotr-konchalovsky_the-tops-of-the-birches-1940,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,pyotr-konchalovsky_the-tree-in-frost-1933,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,pyotr-konchalovsky_the-trees-behind-the-fence-1940,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,pyotr-konchalovsky_the-window-balsams-1928,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,pyotr-konchalovsky_the-window-of-the-poet-1935,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,pyotr-konchalovsky_the-women-on-the-track-1939,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,pyotr-konchalovsky_to-the-water-katya-with-baskets-1934,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,pyotr-konchalovsky_traction-1927,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]" +Realism,pyotr-konchalovsky_tree-against-the-sky-1923,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,pyotr-konchalovsky_turkey-with-the-family-1936,"[10.0, 4.0, 17.0, 4.0, 0.0, 0.0, 1.0, 4.0, 3.0]" +Realism,pyotr-konchalovsky_twilight-1939,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,pyotr-konchalovsky_twilight-apples-1930,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,pyotr-konchalovsky_two-roses-and-dogrose-berries-1953,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,pyotr-konchalovsky_two-sketches-of-italian-pianist-carlo-tsekki-at-the-piano-for-a-portrait-1930,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,pyotr-konchalovsky_two-standing-models-1934,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,pyotr-konchalovsky_under-the-trees-1954,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,pyotr-konchalovsky_view-from-window-1943,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,pyotr-konchalovsky_village-karzamanovo-the-snow-has-gone-1934,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 2.0, 0.0]" +Realism,pyotr-konchalovsky_village-potryasovo-in-winter-1934,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Realism,pyotr-konchalovsky_volodya-by-the-river-1938,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,pyotr-konchalovsky_volodya-by-the-water-1938,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,pyotr-konchalovsky_willows-1947,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,pyotr-konchalovsky_willows-on-the-river-protva-1954,"[1.0, 1.0, 24.0, 2.0, 0.0, 1.0, 1.0, 8.0, 8.0]" +Realism,pyotr-konchalovsky_willows-on-the-volkhov-1926,"[0.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,pyotr-konchalovsky_windmill-1926,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,pyotr-konchalovsky_winter-landscape-with-train-1934,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,pyotr-konchalovsky_winter-playing-children-1929,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Realism,pyotr-konchalovsky_winter-road-the-evening-1931,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Realism,pyotr-konchalovsky_winter-rooftops-1942,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,pyotr-konchalovsky_winter-the-mill-on-the-ker-island-1903,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]" +Realism,pyotr-konchalovsky_winter-window-1954,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,pyotr-konchalovsky_woman-on-sofa-1930,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,pyotr-konchalovsky_yard-of-samarins-house-on-spiridonovka-1931,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,pyotr-konchalovsky_yard-with-a-horse-1934,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,pyotr-konchalovsky_yellowing-maples-1922,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,pyotr-konchalovsky_yenisei-1951-1,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,pyotr-konchalovsky_young-apple-tree-1947,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,robert-brackman_a-plant-for-elizabeth,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]" +Realism,robert-brackman_a-plate-of-fruit,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,robert-brackman_an-etude-in-gray-2,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,robert-brackman_april-morn,"[1.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,robert-brackman_girl-from-village-1960,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,robert-brackman_life-about-me,"[0.0, 1.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,robert-brackman_life-still-life-3,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,robert-brackman_musical-tabletop,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,robert-brackman_pastel,"[0.0, 1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,robert-brackman_pastel-1,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,robert-brackman_pastel-2,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,robert-brackman_pastel-nude,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,robert-brackman_r-verie-1957,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,robert-brackman_reclining-nude-woman,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Realism,robert-brackman_rochelle,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Realism,robert-brackman_self-portrait-1,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,robert-brackman_sold,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,robert-brackman_somewhere-in-america-1934,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]" +Realism,robert-brackman_still-life,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,robert-brackman_still-life-1,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,robert-brackman_three-women-nude-and-with-pitcher,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,robert-brackman_woman-with-basket,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Realism,robert-brackman_women-washing,"[1.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,robert-brackman_young-lady-of-1933,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,salvador-dali_aerodynamic-chair,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,salvador-dali_armchair-with-landscape-painted-for-gala-s-chateau-at-pubol,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,salvador-dali_aurora-s-head-after-michelangelo-detail-of-a-figure-on-the-grave-of-lorenzo-di-medici,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,salvador-dali_back-the-girl,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,salvador-dali_blue-knot-and-ear-of-wheat-next-to-the-castle,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Realism,salvador-dali_cathedral-unfinished,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]" +Realism,salvador-dali_crucifixion,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]" +Realism,salvador-dali_crucifixion-corpus-hypercubicus-1954,"[0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0]" +Realism,salvador-dali_dali-from-the-back-painting-gala-from-the-back-eternalized-by-six-virtual-corneas-provisionally-1973,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Realism,salvador-dali_duck,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 3.0, 0.0]" +Realism,salvador-dali_equestrian-fantasy-portrait-of-lady-dunn,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,salvador-dali_eucharistic-still-life,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]" +Realism,salvador-dali_figure-at-a-window,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,salvador-dali_figure-from-the-back,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,salvador-dali_gala-as-madonna-of-port-lligat,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,salvador-dali_gala-contemplate-corpus-hypercubus,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0]" +Realism,salvador-dali_gala-s-foot-left-panel,"[3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]" +Realism,salvador-dali_gala-s-foot-right-panel,"[2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Realism,salvador-dali_galarina-1945,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,salvador-dali_geodesic-portrait-of-gala,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,salvador-dali_hannibal-crossing-the-aps,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,salvador-dali_jug-1923,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]" +Realism,salvador-dali_l-etoile,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,salvador-dali_la-turbie-sir-james-dunn-seated,"[0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]" +Realism,salvador-dali_landscape-near-ampurdan,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Realism,salvador-dali_living-still-life,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,salvador-dali_mediumnistic-paranoiac-image,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,salvador-dali_mme-reese,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,salvador-dali_my-wife-nude-contemplating-her-own-flesh-becoming-stairs-three-vertebrae-of-a-column-sky-and,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,salvador-dali_mystical-carnation-1951,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,salvador-dali_original-sin,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,salvador-dali_portrait-of-a-child-unfinished,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,salvador-dali_portrait-of-colonel-jack-warner,"[0.0, 0.0, 1.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0]" +Realism,salvador-dali_portrait-of-countess-ghislaine-d-oultremont,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,salvador-dali_portrait-of-dr-brian-mercer,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,salvador-dali_portrait-of-gala-1,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 1.0]" +Realism,salvador-dali_portrait-of-gala-1933,"[0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 1.0]" +Realism,salvador-dali_portrait-of-gala-1977,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]" +Realism,salvador-dali_portrait-of-mrs-fagen,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,salvador-dali_portrait-of-mrs-luther-greene,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,salvador-dali_portrait-of-mrs-mary-sigall,"[0.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,salvador-dali_portrait-of-mrs-ortiz-linares,"[1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Realism,salvador-dali_portrait-of-mrs-reeves,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,salvador-dali_portrait-of-mrs-ruth-daponte,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0]" +Realism,salvador-dali_portrait-of-nada-pachevich,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]" +Realism,salvador-dali_portrait-of-reinaldo-herrera-marquis-de-torre-casa,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,salvador-dali_portrait-of-sefiora-abadal-de-argemi,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]" +Realism,salvador-dali_portrait-of-sir-james-dunn,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,salvador-dali_portrait-of-the-marquis-de-cuevas,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Realism,salvador-dali_reclining-girl-in-sheep,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,salvador-dali_rocks-of-liane-first-version,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Realism,salvador-dali_rocks-on-the-coast-lyane,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,salvador-dali_seated-girl-seen-from-the-back,"[0.0, 2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,salvador-dali_sheep,"[2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]" +Realism,salvador-dali_st-helena-of-port-lligat,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,salvador-dali_still-life,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,salvador-dali_still-life-fish-with-red-bowl-1924,"[1.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]" +Realism,salvador-dali_study-for-the-battle-of-tetuan,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]" +Realism,salvador-dali_study-for-the-battle-of-tetuan-1,"[0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Realism,salvador-dali_the-angelus-of-gala,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]" +Realism,salvador-dali_the-basket-of-bread,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,salvador-dali_the-bread-basket,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,salvador-dali_the-chemist-of-ampurden-in-search-of-absolutely-nothing-1936-oil-on-panel-1936,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,salvador-dali_the-duke-of-urbino-portrait-of-count-theo-rossi-di-montelera,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,salvador-dali_the-infant-jesus,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,salvador-dali_the-kings-sword,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,salvador-dali_the-lacemaker-after-vermeer-1955,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,salvador-dali_the-prince-of-sleep-el-principe-de-ensueno-1979,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,salvador-dali_the-sacred-heart-of-jesus,"[0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,salvador-dali_the-vase-of-cornflowers,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,salvador-dali_the-virgin-of-guadalupe,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,salvador-dali_they-were-there,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]" +Realism,salvador-dali_three-apparitions-of-the-visage-of-gala,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Realism,salvador-dali_transformation-of-antiques-magazine-cover-into-the-apparition-of-a-face,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,salvador-dali_untitled-portrait-of-a-woman,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,salvador-dali_untitled-still-life-with-lilies,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,salvador-dali_untitled-still-life-with-white-cloth,"[1.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,salvador-dali_wheat-ear,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]" +Realism,samuel-mutzner_farfurie-r-neasc-cu-mere-1923,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,sergey-solomko_awaiting-response,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,sergey-solomko_by-the-fence,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,sergey-solomko_declaration-of-love,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,sergey-solomko_in-pursuit-of,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,sergey-solomko_squash,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,sergey-solomko_true-friends,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,stefan-popescu_veranda-with-flowers,"[0.0, 1.0, 7.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,taras-shevchenko_a-nook-of-smolensk-cemetery-in-st-petersburg-1840,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Realism,taras-shevchenko_andrushi-1845,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,taras-shevchenko_barracks-1857,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0, 0.0]" +Realism,taras-shevchenko_in-astrakhan-1857,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Realism,taras-shevchenko_in-cherkasy-1859,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,taras-shevchenko_kazakh-on-a-horseback-1849,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,taras-shevchenko_nunnery-in-chyhyryn-1845,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,taras-shevchenko_portrait-of-ira-aldridge-1858,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,taras-shevchenko_portrait-of-unknown-woman-with-violet-dress-1846,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,taras-shevchenko_saratov-1857,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Realism,taras-shevchenko_self-portrait-1857,"[0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 2.0]" +Realism,taras-shevchenko_self-portrait-1859,"[2.0, 2.0, 2.0, 0.0, 1.0, 2.0, 23.0, 4.0, 10.0]" +Realism,taras-shevchenko_self-portrait-with-beard-1860,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,taras-shevchenko_self-portrait-with-dark-suit-1860,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]" +Realism,taras-shevchenko_vessels-counsil-1844,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,taras-shevchenko_widow-s-hut-in-ukraine-1843,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]" +Realism,theo-van-rysselberghe_dario-de-regoyos-playing-the-guitar-1882,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,theo-van-rysselberghe_meuse-river-around-namur-1880,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]" +Realism,theo-van-rysselberghe_moroccan-butcher-shop-1882,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 1.0, 4.0]" +Realism,theo-van-rysselberghe_moroccan-fruit-market,"[0.0, 3.0, 2.0, 1.0, 0.0, 1.0, 1.0, 0.0, 2.0]" +Realism,theo-van-rysselberghe_moroccan-market-1883,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 3.0, 1.0]" +Realism,theo-van-rysselberghe_portrait-of-jean-cepeinick-1881,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Realism,theo-van-rysselberghe_portrait-of-mr-camille-laurent-1884,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Realism,theo-van-rysselberghe_spaarnwoude-island-1883,"[1.0, 3.0, 3.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Realism,theo-van-rysselberghe_the-children-of-francois-van-rysselberghe-1885,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,theo-van-rysselberghe_the-cliffs-of-douvres-1881,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,theo-van-rysselberghe_woman-in-a-green-dress,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,theodor-aman_fruit-basket,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,theodor-aman_jardin-du-luxembourg,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Realism,theodor-aman_landscape-with-river-and-trees,"[1.0, 3.0, 5.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,theodor-aman_vase-with-flowers,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,theodor-severin-kittelsen_asbjoern-sigurdssons-drap-paa-tore-sel-01,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]" +Realism,theodor-severin-kittelsen_bjoernen-og-reven(2),"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Realism,theodor-severin-kittelsen_daarlige-utsikter(2),"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Realism,theodor-severin-kittelsen_doed-fugl(2),"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]" +Realism,theodor-severin-kittelsen_dra-en-lort-sa-jeg(2),"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Realism,theodor-severin-kittelsen_far-til-marken(2),"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,theodor-severin-kittelsen_fesjaa-vaare-medmennesker(2),"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,theodor-severin-kittelsen_for-meget-av-det-gode(2),"[4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,theodor-severin-kittelsen_fra-krageroe(2),"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]" +Realism,theodor-severin-kittelsen_fra-lofoten,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,theodor-severin-kittelsen_fra-mitt-vindu-i-schwanthalerstrasse,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Realism,theodor-severin-kittelsen_fra-muenchen,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,theodor-severin-kittelsen_gamle-hus-ved-sole,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0]" +Realism,theodor-severin-kittelsen_grynaas-ole-pedersen,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,theodor-severin-kittelsen_hawk,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0, 0.0]" +Realism,theodor-severin-kittelsen_herre-gud-gi-mig-en-skraa,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Realism,theodor-severin-kittelsen_herreguud-lok-op-da-jenter,"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,theodor-severin-kittelsen_huldra,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0]" +Realism,theodor-severin-kittelsen_hytta-vaar-paa-staatoey,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Realism,theodor-severin-kittelsen_johanna,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,theodor-severin-kittelsen_jomfruland-1893,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,theodor-severin-kittelsen_kirkegaarden-paa-braatebakken,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Realism,theodor-severin-kittelsen_kveld-paa-soletunet-i-eggedal(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 5.0, 1.0]" +Realism,theodor-severin-kittelsen_letter-to-jens(1),"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,theodor-severin-kittelsen_mama(1),"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]" +Realism,theodor-severin-kittelsen_mus(1),"[0.0, 2.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]" +Realism,theodor-severin-kittelsen_myren-ved-solevatnet(1),"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,theodor-severin-kittelsen_oppe-paa-flya(1),"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]" +Realism,theodor-severin-kittelsen_peer-gynt-blacksmith-and-aase-smeden-og-aase-1890,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,theodor-severin-kittelsen_skjaerer,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,theodor-severin-kittelsen_skomv-r-landscape-1891,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,theodor-severin-kittelsen_skomvaer-fyr,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Realism,theodor-severin-kittelsen_st-hans-paa-lauvlia,"[1.0, 13.0, 17.0, 2.0, 0.0, 0.0, 3.0, 6.0, 4.0]" +Realism,theodor-severin-kittelsen_taterslagsmaal,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 1.0]" +Realism,theodor-severin-kittelsen_tirilil-tove-cover-1900,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,theodor-severin-kittelsen_tirilil-tove-cover-1900-1,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,theodor-severin-kittelsen_unknown-7,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,theodore-gericault_anatomical-pieces,"[0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 1.0, 0.0, 0.0]" +Realism,theodore-gericault_boxers,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Realism,theodore-gericault_dead-cat,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,theodore-gericault_head-of-a-drowned-man,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]" +Realism,theodore-gericault_head-of-lioness,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,theodore-gericault_heads-of-torture-victims-study-for-the-raft-of-the-medusa,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0, 1.0]" +Realism,theodore-gericault_portrait-of-a-kleptomaniac-1822,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,theodore-gericault_scene-of-cannibalism-for-the-raft-of-the-medusa,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]" +Realism,theodore-gericault_study-for-dead-horse,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 1.0]" +Realism,theodore-gericault_the-head-of-bulldog,"[1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0]" +Realism,theodore-gericault_the-head-of-white-horse,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,theodore-gericault_the-insane-1823,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 2.0]" +Realism,theodore-gericault_the-madwoman-or-the-obsession-of-envy-1822,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Realism,theodore-gericault_the-murderers-carry-the-body-of-fualdes,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Realism,theodore-gericault_the-three-skulls-1814,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Realism,theodore-gericault_the-woman-with-gambling-mania-1822,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]" +Realism,theodore-gericault_the-wounded-cuirassier,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0]" +Realism,theodore-gericault_the-wounded-cuirassier-1814,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Realism,theodore-gericault_wounded-cuirassier,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Realism,theodore-rousseau_a-hilly-landscape-in-auvergne-1831,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,theodore-rousseau_a-path-in-the-forest,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,theodore-rousseau_a-torrent-with-dam-in-auvergne-1830,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Realism,theodore-rousseau_a-town-thiers-1830,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,theodore-rousseau_a-view-of-thiers-in-the-auvergne,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,theodore-rousseau_a-waterfall-in-thiers-1830,"[0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,theodore-rousseau_alley-chestnut-from-the-castle-shoes,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 1.0]" +Realism,theodore-rousseau_avenue-forest-isle-adam,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,theodore-rousseau_boat-near-a-shore-lined-with-trees,"[0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0]" +Realism,theodore-rousseau_boat-on-a-river-lined-with-trees,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,theodore-rousseau_carrier-bundles-of-wood-on-the-edge,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,theodore-rousseau_clearing-in-the-high-forest-of-fontainebleau-forest-x-said-the-cart,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,theodore-rousseau_clumps-of-trees-along-a-river,"[1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,theodore-rousseau_cows-in-the-mare-1855,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,theodore-rousseau_edge-of-river-1849,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,theodore-rousseau_edge-of-the-loire-1855,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,theodore-rousseau_exit-drill-fontainebleau-sunset-1849,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,theodore-rousseau_flock-of-sheep-in-a-pasture,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,theodore-rousseau_fontainebleau,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,theodore-rousseau_forest-landscape-sun,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,theodore-rousseau_gateway-1855,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,theodore-rousseau_hilly-landscape-auvergne-1830,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,theodore-rousseau_holm-oaks-apremont-1852,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,theodore-rousseau_house-near-a-pond-in-auvergne-1830,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,theodore-rousseau_landscape,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,theodore-rousseau_landscape-1,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,theodore-rousseau_landscape-2,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,theodore-rousseau_landscape-3,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,theodore-rousseau_landscape-4,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,theodore-rousseau_landscape-5,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,theodore-rousseau_landscape-6,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,theodore-rousseau_landscape-7,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,theodore-rousseau_landscape-at-vigerie-valley-santoire-auvergne-1830,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,theodore-rousseau_landscape-in-the-auvergne-1830,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]" +Realism,theodore-rousseau_landscape-in-the-auvergne-1830-1,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,theodore-rousseau_landscape-in-the-auvergne-1830-2,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,theodore-rousseau_landscape-sketch,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,theodore-rousseau_landscape-study-1830,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,theodore-rousseau_landscape-with-a-church,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]" +Realism,theodore-rousseau_last-houses-of-port-en-bessin-calvados,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,theodore-rousseau_loire,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,theodore-rousseau_long-rock-in-the-forest-of-fontainebleau,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,theodore-rousseau_look-at-barbizon,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Realism,theodore-rousseau_lowland-landscape,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Realism,theodore-rousseau_malhec-rocks-in-the-valley-of-saint-vincent-1830,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,theodore-rousseau_market-in-the-normandy,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,theodore-rousseau_marshland-in-les-landes,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,theodore-rousseau_meadows-crossed-by-a-river-1851,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,theodore-rousseau_mills-of-thiers,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,theodore-rousseau_morning,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,theodore-rousseau_mountain-landscape-near-fontainebleau,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Realism,theodore-rousseau_mountain-landscape-with-fisherman-1830,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,theodore-rousseau_mountain-stream-in-the-auvergne-1830,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,theodore-rousseau_mountainous-landscape-in-cantal-1830,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0]" +Realism,theodore-rousseau_normandy-farms-1867,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]" +Realism,theodore-rousseau_not_detected_198916-1867,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Realism,theodore-rousseau_not_detected_198917(2),"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]" +Realism,theodore-rousseau_not_detected_198920,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,theodore-rousseau_not_detected_198921,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Realism,theodore-rousseau_not_detected_198922(1),"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Realism,theodore-rousseau_not_detected_198923,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Realism,theodore-rousseau_not_detected_198925,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Realism,theodore-rousseau_not_detected_198926,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,theodore-rousseau_not_detected_198927,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,theodore-rousseau_not_detected_198928,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,theodore-rousseau_not_detected_198929,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,theodore-rousseau_not_detected_198932(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0, 0.0]" +Realism,theodore-rousseau_not_detected_198933(1),"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,theodore-rousseau_not_detected_198934,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 2.0]" +Realism,theodore-rousseau_not_detected_198935(1),"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Realism,theodore-rousseau_not_detected_198936,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,theodore-rousseau_not_detected_198937,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Realism,theodore-rousseau_not_detected_198938,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,theodore-rousseau_not_detected_198939,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,theodore-rousseau_not_detected_198941,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,theodore-rousseau_not_detected_198942,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,theodore-rousseau_not_detected_198944,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,theodore-rousseau_not_detected_198946,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,theodore-rousseau_not_detected_198947,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,theodore-rousseau_not_detected_198948,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,theodore-rousseau_not_detected_198949,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]" +Realism,theodore-rousseau_not_detected_198950,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Realism,theodore-rousseau_not_detected_198951,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,theodore-rousseau_not_detected_198952,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]" +Realism,theodore-rousseau_not_detected_198953,"[1.0, 12.0, 24.0, 3.0, 0.0, 0.0, 0.0, 2.0, 4.0]" +Realism,theodore-rousseau_not_detected_198954,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,theodore-rousseau_not_detected_198955,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,theodore-rousseau_not_detected_198956,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,theodore-rousseau_out-of-the-forest-of-fontainebleau,"[0.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Realism,theodore-rousseau_paysage-in-auvergne,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Realism,theodore-rousseau_paysage-in-auvergne-environs-de-puy(1),"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,theodore-rousseau_plain,"[0.0, 6.0, 17.0, 1.0, 0.0, 7.0, 3.0, 14.0, 3.0]" +Realism,theodore-rousseau_plain-in-front-of-the-pyrenees,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,theodore-rousseau_riverside,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,theodore-rousseau_road-in-the-forest-of-fontainebleau,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Realism,theodore-rousseau_rocky-valley,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,theodore-rousseau_side-of-the-valley-of-saint-vincent-auvergne-1830,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,theodore-rousseau_sketch-for-the-alley-chesnut,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Realism,theodore-rousseau_snowy-path-through-a-wood-in-the-forest-of-fontainebleau,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,theodore-rousseau_solitude-park-chamagnieu,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,theodore-rousseau_spring-1852,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,theodore-rousseau_study-in-the-forest-of-fontainebleau,"[0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0]" +Realism,theodore-rousseau_study-of-rocks-1829,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0, 1.0]" +Realism,theodore-rousseau_sunset,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,theodore-rousseau_sunset-at-arbonne,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,theodore-rousseau_sunset-in-the-auvergne-1844,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Realism,theodore-rousseau_sunset-in-the-forest-1866,"[0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,theodore-rousseau_sunset-on-a-plain,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,theodore-rousseau_the-avenue-of-chestnut-trees-1837,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]" +Realism,theodore-rousseau_the-avenue-of-chestnut-trees-1840,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Realism,theodore-rousseau_the-board-of-bellecroix-1848,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]" +Realism,theodore-rousseau_the-campaign-at-sunrise,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,theodore-rousseau_the-collier-s-hut,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,theodore-rousseau_the-end-of-autumn,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,theodore-rousseau_the-forest-in-winter,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Realism,theodore-rousseau_the-forest-in-winter-1,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Realism,theodore-rousseau_the-forest-of-fontainebleau-1867,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0]" +Realism,theodore-rousseau_the-great-oaks-of-old-bas-breau-1864,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Realism,theodore-rousseau_the-hill-1855,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]" +Realism,theodore-rousseau_the-large-oak-tree-forest-of-fontainebleau-1839,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,theodore-rousseau_the-little-fisherman-1849,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,theodore-rousseau_the-marsh-in-the-souterraine-1842,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Realism,theodore-rousseau_the-oak-tree-crashed-into-the-forest-of-fontainebleau,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Realism,theodore-rousseau_the-passer-1855,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,theodore-rousseau_the-plain-of-barbizon,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,theodore-rousseau_the-pond,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,theodore-rousseau_the-pond-1855,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0]" +Realism,theodore-rousseau_the-pond-at-the-foot-of-the-hill,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,theodore-rousseau_the-pond-near-the-road-1848,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,theodore-rousseau_the-pond-stormy-sky,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,theodore-rousseau_the-seine-at-villeneuve-st-georges,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,theodore-rousseau_the-valley-of-saint-vincent-1830,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,theodore-rousseau_the-vicinities-of-saint-flour,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,theodore-rousseau_town-in-auvergne-1830,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,theodore-rousseau_trees,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,theodore-rousseau_twilight-in-sologne-1867,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,theodore-rousseau_valley-in-the-auvergne-mountains-1830,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,theodore-rousseau_view-of-mountains-auvergne-1830,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,theodore-rousseau_view-of-mountains-girard,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,theodore-rousseau_view-of-the-belfry-of-orleans,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,theodore-rousseau_view-of-the-plain-of-montmartre-x-effect-of-storm-1848,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Realism,theodore-rousseau_village-entrance,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,theodore-rousseau_village-under-the-trees,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,theodore-rousseau_water-mill-thiers-1830,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,thomas-eakins_a-may-morning-in-the-park-the-fairman-robers-four-in-hand-1880,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,thomas-eakins_a-negress,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0]" +Realism,thomas-eakins_a-spanish-woman,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Realism,thomas-eakins_a-street-scene-in-sevilla-1870,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Realism,thomas-eakins_amelia-van-buren-with-a-cat,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,thomas-eakins_amelia-van-buren-with-cat-1891,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,thomas-eakins_an-arcadian,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,thomas-eakins_anatomical-drawing,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]" +Realism,thomas-eakins_anatomical-studies,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0]" +Realism,thomas-eakins_arcadia,"[1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,thomas-eakins_archbishop-james-frederick-wood-1876,"[0.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Realism,thomas-eakins_archbishop-william-henry-elder-1903,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Realism,thomas-eakins_at-the-piano,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,thomas-eakins_baby-at-play-1876,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,thomas-eakins_baseball-players-practicing-1875,"[1.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,thomas-eakins_benjamin-eakins-and-samuel-murray-with-bicycles-1899,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,thomas-eakins_between-rounds-1899,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,thomas-eakins_between-rounds-study-for-the-timer-1899,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,thomas-eakins_billy-smith,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]" +Realism,thomas-eakins_billy-smith-1898,"[0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0]" +Realism,thomas-eakins_boy-laying-in-atelier,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Realism,thomas-eakins_captain-joseph-lapsley-wilson-1895,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,thomas-eakins_carmelita-requena-1870,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,thomas-eakins_chronophotography-1885,"[2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,thomas-eakins_clara-clara-j-mather,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Realism,thomas-eakins_clinker-g509-1892,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Realism,thomas-eakins_cowboy-singing,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,thomas-eakins_cowboy-singing-1,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,thomas-eakins_delaware-river-scene-1881,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Realism,thomas-eakins_delaware-riverscape-from-gloucester,"[1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0]" +Realism,thomas-eakins_dr-john-h-brinton-1876,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 2.0]" +Realism,thomas-eakins_drawing-1872,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 2.0, 0.0]" +Realism,thomas-eakins_drawing-for-the-pair-oared-shell-1872,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,thomas-eakins_drawing-of-a-workman,"[2.0, 4.0, 7.0, 1.0, 4.0, 5.0, 7.0, 6.0, 9.0]" +Realism,thomas-eakins_drawing-of-girard-avenue-bridge,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,thomas-eakins_drawing-the-icosahedron-1859,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,thomas-eakins_drawing-the-seine-1882,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,thomas-eakins_drifting-1875,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,thomas-eakins_eakins-perspective-study-of-boy-viewing-object-1910,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,thomas-eakins_elizabeth-at-the-piano,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Realism,thomas-eakins_elizabeth-crowell-with-a-dog-1874,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Realism,thomas-eakins_ernest-lee-parker-1910,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,thomas-eakins_female-nude-1884,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Realism,thomas-eakins_female-nude-figure-study-for-arcadia,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Realism,thomas-eakins_frank-jay-st-john-1900,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,thomas-eakins_gears,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,thomas-eakins_general-george-cadwalader-1880,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,thomas-eakins_grouse,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,thomas-eakins_hauling-the-seine-1882,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,thomas-eakins_head-of-a-cowboy,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,thomas-eakins_head-of-a-warrior,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Realism,thomas-eakins_home-scene-1871,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,thomas-eakins_homespun-1881,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]" +Realism,thomas-eakins_illustrated-letter-written-to-his-family-1866,"[1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0]" +Realism,thomas-eakins_illustrated-letter-written-to-his-family-1866-1,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Realism,thomas-eakins_illustration-1878,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,thomas-eakins_illustration-for-neelus-peeler-s-conditions-1879,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Realism,thomas-eakins_in-grandmothers-time-1876,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,thomas-eakins_in-the-studio-unfinished-1884,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,thomas-eakins_j-laurie-wallace-and-unidentified-model-1883,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0, 0.0]" +Realism,thomas-eakins_john-biglin-in-a-single-scull-1874,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,thomas-eakins_john-biglin-in-a-single-scull-1874-1,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 2.0]" +Realism,thomas-eakins_kathrin-1872,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,thomas-eakins_landscape-1884,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,thomas-eakins_legs-of-a-seated-model,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Realism,thomas-eakins_lincoln-and-grant-1894,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,thomas-eakins_male-nude-samuel-murray,"[2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]" +Realism,thomas-eakins_male-nudes-in-a-seated-tug-of-war-1884,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Realism,thomas-eakins_man-in-turban,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,thomas-eakins_margaret-in-skating-costume-1871,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Realism,thomas-eakins_masked-nude-woman-seated,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]" +Realism,thomas-eakins_maud-cook-1895,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Realism,thomas-eakins_max-schmitt-in-a-single-scull-1871,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,thomas-eakins_maybelle-1898,"[1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Realism,thomas-eakins_mending-the-net-1881,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,thomas-eakins_mending-the-net-1882,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Realism,thomas-eakins_monsignor-diomede-falconia-1905,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Realism,thomas-eakins_mother-portrait-of-annie-williams-gandy,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Realism,thomas-eakins_mrs-richard-day,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0]" +Realism,thomas-eakins_music-1904,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,thomas-eakins_nine-studies-of-a-figure,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,thomas-eakins_nude-man-seated,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0]" +Realism,thomas-eakins_nude-woman-reclining-on-a-couch-1863,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Realism,thomas-eakins_nude-woman-standing,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 1.0]" +Realism,thomas-eakins_painting,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,thomas-eakins_painting-1,"[1.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Realism,thomas-eakins_painting-cowboys-in-the-bad-lands-1888,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,thomas-eakins_peasants-crossing-a-stream-1858,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,thomas-eakins_perspective-drawing-for-baseball-players-practicing,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Realism,thomas-eakins_perspective-drawing-for-hunting,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,thomas-eakins_perspective-drawing-for-the-biglin-brothers-turning-the-stake,"[0.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Realism,thomas-eakins_perspective-drawing-for-the-biglin-brothers-turning-the-stake-1,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Realism,thomas-eakins_photo-thomas-eakins-carrying-a-woman-1885,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]" +Realism,thomas-eakins_photograph-1910,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Realism,thomas-eakins_photograph-1910-1,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,thomas-eakins_photograph-1910-10,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,thomas-eakins_photograph-1910-11,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,thomas-eakins_photograph-1910-12,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,thomas-eakins_photograph-1910-13,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Realism,thomas-eakins_photograph-1910-14,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,thomas-eakins_photograph-1910-15,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,thomas-eakins_photograph-1910-16,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0]" +Realism,thomas-eakins_photograph-1910-17,"[0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]" +Realism,thomas-eakins_photograph-1910-18,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,thomas-eakins_photograph-1910-19,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,thomas-eakins_photograph-1910-2,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,thomas-eakins_photograph-1910-20,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]" +Realism,thomas-eakins_photograph-1910-21,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Realism,thomas-eakins_photograph-1910-22,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,thomas-eakins_photograph-1910-23,"[0.0, 0.0, 3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]" +Realism,thomas-eakins_photograph-1910-24,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,thomas-eakins_photograph-1910-25,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,thomas-eakins_photograph-1910-26,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]" +Realism,thomas-eakins_photograph-1910-27,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,thomas-eakins_photograph-1910-28,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Realism,thomas-eakins_photograph-1910-29,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,thomas-eakins_photograph-1910-3,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,thomas-eakins_photograph-1910-30,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,thomas-eakins_photograph-1910-4,"[0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,thomas-eakins_photograph-1910-5,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Realism,thomas-eakins_photograph-1910-6,"[1.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0]" +Realism,thomas-eakins_photograph-1910-7,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Realism,thomas-eakins_photograph-1910-8,"[0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,thomas-eakins_photograph-1910-9,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,thomas-eakins_photograph-study-for-the-wrestlers,"[1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Realism,thomas-eakins_portrait,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]" +Realism,thomas-eakins_portrait-1,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Realism,thomas-eakins_portrait-2,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0, 0.0]" +Realism,thomas-eakins_portrait-3,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,thomas-eakins_portrait-4,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,thomas-eakins_portrait-of-a-woman-1900,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,thomas-eakins_portrait-of-adam-s-bare-1903,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Realism,thomas-eakins_portrait-of-alfred-bryan-wall,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]" +Realism,thomas-eakins_portrait-of-alfred-reynolds-in-the-taubman-museum-of-art,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,thomas-eakins_portrait-of-amelia-van-buren,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Realism,thomas-eakins_portrait-of-an-old-man-in-the-nude,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0]" +Realism,thomas-eakins_portrait-of-asburyh-w-lee-1905,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Realism,thomas-eakins_portrait-of-benjamin-sharp-1903,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,thomas-eakins_portrait-of-charles-edmund-dana,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,thomas-eakins_portrait-of-charles-gruppe-1904,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,thomas-eakins_portrait-of-charles-linford-the-artist,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Realism,thomas-eakins_portrait-of-charles-percival-buck-1904,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Realism,thomas-eakins_portrait-of-douglass-morgan-hall-1889,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]" +Realism,thomas-eakins_portrait-of-dr-albert-c-getchell-1907,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,thomas-eakins_portrait-of-dr-edward-anthony-spitzka,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]" +Realism,thomas-eakins_portrait-of-dr-horatio-c-wood,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,thomas-eakins_portrait-of-dr-william-thompson,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Realism,thomas-eakins_portrait-of-elizabeth-r-coffin,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Realism,thomas-eakins_portrait-of-florence-einstein-1905,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,thomas-eakins_portrait-of-frances-eakins,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Realism,thomas-eakins_portrait-of-francesco-romano,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,thomas-eakins_portrait-of-frank-b-a-linton-1904,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Realism,thomas-eakins_portrait-of-frank-hamilton-cushing-1895,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,thomas-eakins_portrait-of-frank-lindsay-greenwalt-1903,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,thomas-eakins_portrait-of-general-e-burd-grubb,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,thomas-eakins_portrait-of-george-f-barker-1886,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Realism,thomas-eakins_portrait-of-harriet-husson-carville,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]" +Realism,thomas-eakins_portrait-of-harrison-s-morris-1896,"[1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]" +Realism,thomas-eakins_portrait-of-henry-augustus-rowland-1897,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,thomas-eakins_portrait-of-henry-ossawa-tanner-1897,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,thomas-eakins_portrait-of-james-wright-1890,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,thomas-eakins_portrait-of-jennie-dean-kershaw,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,thomas-eakins_portrait-of-john-mclure-hamilton-1895,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,thomas-eakins_portrait-of-leslie-w-miller-1901,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,thomas-eakins_portrait-of-letitia-wilson-jordan-1888,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Realism,thomas-eakins_portrait-of-lucy-langdon-williams-wilson-1908,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,thomas-eakins_portrait-of-lucy-lewis-1896,"[0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]" +Realism,thomas-eakins_portrait-of-mary-adeline-williams,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Realism,thomas-eakins_portrait-of-mary-adeline-williams-1899,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,thomas-eakins_portrait-of-miss-helen-parker-1908,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Realism,thomas-eakins_portrait-of-miss-mary-perkins-1902,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Realism,thomas-eakins_portrait-of-montague-flagg-the-wanderer-1887,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Realism,thomas-eakins_portrait-of-mrs-hubbard-sketch,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,thomas-eakins_portrait-of-mrs-james-w-crowell-1875,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Realism,thomas-eakins_portrait-of-mrs-kern-dodge-helen-peterson-greene-1904,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Realism,thomas-eakins_portrait-of-mrs-leigo-1906,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]" +Realism,thomas-eakins_portrait-of-mrs-w-h-bowden-1906,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,thomas-eakins_portrait-of-professor-benjamin-h-rand-1874,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,thomas-eakins_portrait-of-professor-william-d-marks,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,thomas-eakins_portrait-of-robert-c-ogden-1904,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,thomas-eakins_portrait-of-samuel-murray-1889,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,thomas-eakins_portrait-of-sarah-sagehorn-frishmuth-1900,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Realism,thomas-eakins_portrait-of-sarah-ward-brinton-1878,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Realism,thomas-eakins_portrait-of-sebastiano-cardinal-martinelli-1902,"[0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 1.0]" +Realism,thomas-eakins_portrait-of-susan-macdowell-eakins-1899,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]" +Realism,thomas-eakins_portrait-of-walt-whitman-1887,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,thomas-eakins_portrait-of-william-b-kurtz-1903,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,thomas-eakins_portrait-of-william-h-macdowell-1891,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Realism,thomas-eakins_portrait-of-william-h-macdowell-1904,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0]" +Realism,thomas-eakins_portraits,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,thomas-eakins_portraits-1,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 1.0]" +Realism,thomas-eakins_portraits-2,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]" +Realism,thomas-eakins_portraits-3,"[1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0]" +Realism,thomas-eakins_portraits-4,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,thomas-eakins_portraits-5,"[0.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,thomas-eakins_professionals-at-rehearsal-1883,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,thomas-eakins_pushing-for-rail-1874,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,thomas-eakins_retrospection,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Realism,thomas-eakins_sailboats-racing-on-the-delaware-1874,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,thomas-eakins_sailboats-racing-study-of-the-delaware-river,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,thomas-eakins_sailing,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,thomas-eakins_salutat-1898,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Realism,thomas-eakins_samuel-murray,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 2.0]" +Realism,thomas-eakins_self-portrait,"[0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]" +Realism,thomas-eakins_self-portrait-1904,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,thomas-eakins_seventy-years-ago-1877,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,thomas-eakins_shad-fishing-at-gloucester-on-the-delaware-river-1881,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Realism,thomas-eakins_shad-fishing-at-gloucester-on-the-delaware-river-1881-1,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,thomas-eakins_ships-and-sailboats-on-the-delaware-1874,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,thomas-eakins_signora-gomez-d-arza-1902,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Realism,thomas-eakins_sketch-for-between-rounds,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Realism,thomas-eakins_sketch-for-cowboys-in-the-badlands-1888,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Realism,thomas-eakins_sketch-for-cowboys-in-the-badlands-1888-1,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,thomas-eakins_sketch-for-in-grandmother0s-time,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,thomas-eakins_sketch-for-maybelle-1898,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Realism,thomas-eakins_sketch-for-mr-neelus-peeler0s-conditions-1879,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,thomas-eakins_sketch-for-the-chess-players,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Realism,thomas-eakins_sketch-for-the-crucifixion-1880,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]" +Realism,thomas-eakins_sketch-for-the-pathetic-song,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,thomas-eakins_sketch-of-an-interior,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]" +Realism,thomas-eakins_standing-female-nude-1908,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,thomas-eakins_standing-nude-1876,"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0]" +Realism,thomas-eakins_standing-nude-samuel-murray,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Realism,thomas-eakins_starting-out-after-rail-1874,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,thomas-eakins_studens-wrestling-in-the-nude-1883,"[3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]" +Realism,thomas-eakins_studies-for-william-rush-1876,"[1.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0]" +Realism,thomas-eakins_studies-for-william-rush-1876-1,"[0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Realism,thomas-eakins_studies-for-william-rush-1876-2,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,thomas-eakins_studies-for-william-rush-1876-3,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]" +Realism,thomas-eakins_studies-for-william-rush-1876-4,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Realism,thomas-eakins_studies-for-william-rush-1876-5,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,thomas-eakins_studies-for-william-rush-1876-6,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Realism,thomas-eakins_studies-for-william-rush-1876-7,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,thomas-eakins_studies-of-a-baby,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]" +Realism,thomas-eakins_studies-of-game-birds-probably-viginia-rails,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,thomas-eakins_study-for-an-arcadian-1910,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Realism,thomas-eakins_study-for-ships-and-sailboats-on-the-delaware-1874,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0]" +Realism,thomas-eakins_study-for-taking-the-count-1898,"[0.0, 0.0, 1.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0]" +Realism,thomas-eakins_study-for-the-bathhole-1883,"[0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0, 1.0, 0.0]" +Realism,thomas-eakins_study-for-the-bathhole-1883-1,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,thomas-eakins_study-for-the-fairman-rogers-four-in-hand-1879,"[2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]" +Realism,thomas-eakins_study-for-the-meadows,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,thomas-eakins_study-for-the-swimming-hole-1884,"[1.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,thomas-eakins_study-for-the-swimming-hole-1884-1,"[2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,thomas-eakins_study-of-a-girl-s-head,"[0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Realism,thomas-eakins_study-of-a-girl-s-head-1869,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Realism,thomas-eakins_study-of-a-horse-s-leg-for-the-fairman-rogers-four-in-hand,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]" +Realism,thomas-eakins_study-of-a-leg-1869,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0, 0.0]" +Realism,thomas-eakins_study-of-a-woman-s-head-1881,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]" +Realism,thomas-eakins_study-of-an-old-man-1911,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Realism,thomas-eakins_study-of-dr-agnew-for-the-agnew-clinic,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]" +Realism,thomas-eakins_swimming-hole-sketch,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0]" +Realism,thomas-eakins_taking-the-count-1898,"[0.0, 2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,thomas-eakins_taking-up-the-net-1881,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,thomas-eakins_talcott-williams,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,thomas-eakins_the-agnew-clinic-1889,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]" +Realism,thomas-eakins_the-artist-s-wife-and-his-setter-dog-1889,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,thomas-eakins_the-biglin-brothers-racing-1873,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,thomas-eakins_the-biglin-brothers-turning-the-stake-boat-1873,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,thomas-eakins_the-brinton-house-1878,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Realism,thomas-eakins_the-cello-player-1896,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,thomas-eakins_the-chess-player-1876,"[0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,thomas-eakins_the-concert-singer-1892,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,thomas-eakins_the-courtship-1876,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,thomas-eakins_the-crucifixion-1880,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Realism,thomas-eakins_the-dancing-lesson-1878,"[1.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,thomas-eakins_the-dean-s-roll-call-1889,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,thomas-eakins_the-gross-clinic-1875,"[0.0, 0.0, 1.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0]" +Realism,thomas-eakins_the-honorable-john-a-thorton-1903,"[5.0, 3.0, 15.0, 2.0, 0.0, 5.0, 3.0, 12.0, 8.0]" +Realism,thomas-eakins_the-map,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,thomas-eakins_the-meadows-gloucester-new-jersey-1883,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,thomas-eakins_the-oarsmen-the-schreiber-brothers-1874,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,thomas-eakins_the-pair-oared-shell-1872,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,thomas-eakins_the-pathetic,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,thomas-eakins_the-swimming-hole,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,thomas-eakins_the-thinker,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,thomas-eakins_the-veteran-portrait-of-geo-reynolds,"[2.0, 4.0, 9.0, 3.0, 0.0, 2.0, 7.0, 9.0, 9.0]" +Realism,thomas-eakins_the-wrestlers-1899,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]" +Realism,thomas-eakins_the-writing-master-benjamin-eakins-1882,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,thomas-eakins_thomas-eakins-and-j-laurie-wallace-1883,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,thomas-eakins_thomas-eakins-and-j-laurie-wallace-1883-1,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,thomas-eakins_thomas-eakins-and-j-laurie-wallace-1883-2,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,thomas-eakins_thomas-eakins-and-john-laurie-wallace-on-a-beach,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Realism,thomas-eakins_two-nude-boys-boxing-in-atelier,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Realism,thomas-eakins_unidentified-model-thomas-anschutz-and-j-laurie-wallace-1883,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,thomas-eakins_unidentified-model-thomas-anschutz-and-j-laurie-wallace-1883-1,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]" +Realism,thomas-eakins_wallace-posing,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 4.0, 0.0]" +Realism,thomas-eakins_weda-cook-1891,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,thomas-eakins_whistling-for-plover-1874,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,thomas-eakins_will-schuster-and-a-black-1876,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]" +Realism,thomas-eakins_william-h-macdowell,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,thomas-eakins_william-rush-carving-his-allegorical-figure-of-the-schuykill-river-1877,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Realism,thomas-eakins_william-rush-carving-his-allegorical-figure-of-the-schuylkill-river-1908,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,thomas-eakins_william-rush-carving-the-allegorical-figure-of-the-schuylkill,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,thomas-eakins_william-rush-s-model-1908,"[0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,thomas-eakins_woman-knitting,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,thomas-eakins_young-girl-meditating-1877,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,thomas-eakins_young-girl-meditating-study-1877,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Realism,tia-peltz_the-pleading,"[1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0, 0.0]" +Realism,umberto-boccioni_study-from-pontormo,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,umberto-boccioni_the-mother,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,umberto-boccioni_young-man-on-a-riverbank-1902,"[0.0, 3.0, 4.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,valentin-serov_alexander-pushkin-in-a-park-1899,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Realism,valentin-serov_autumn-evening-domotkanovo-1886,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]" +Realism,valentin-serov_balcony-1911,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,valentin-serov_bathing-a-horse-1905,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,valentin-serov_bullocks-1885,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Realism,valentin-serov_by-the-window-portrait-of-olga-trubnikova-1885,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0]" +Realism,valentin-serov_by-the-window-portrait-of-olga-trubnikova-1886,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Realism,valentin-serov_catherine-ii-setting-out-to-hunt-with-falcons-1902,"[0.0, 1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Realism,valentin-serov_children-of-the-artist-olga-and-anton-serov-1906,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Realism,valentin-serov_colts-at-watering-place-domotcanovo-1904,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,valentin-serov_coronation-of-the-emperor-nicholas-ii-in-the-uspensky-cathedral-1896,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,valentin-serov_dispersal-of-the-cossacks-of-demonstrators-in-1905-1905,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0, 0.0]" +Realism,valentin-serov_dull-serov-1911,"[1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0]" +Realism,valentin-serov_eugene-ysaye-1903,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,valentin-serov_farm-yard-in-finland-1902,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Realism,valentin-serov_george-the-victorious-1885,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]" +Realism,valentin-serov_girls-n-a-kasyanova-and-t-a-kasyanova-1907,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,valentin-serov_grand-eagle-cup-1910,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,valentin-serov_greyhound-royal-hunting-1902,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Realism,valentin-serov_greyhounds-royal-hunting-1901,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 2.0]" +Realism,valentin-serov_haystack-1901,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Realism,valentin-serov_haystack-1901-1,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,valentin-serov_herd,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Realism,valentin-serov_horse-1884,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,valentin-serov_horses-on-a-shore-1905,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,valentin-serov_in-a-village-peasant-woman-with-a-horse-1898,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,valentin-serov_in-a-village-peasant-woman-with-a-horse-1899,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,valentin-serov_in-winter-1898,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Realism,valentin-serov_lilacs-in-vase-1887,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]" +Realism,valentin-serov_maria-mamontova-riding-a-horse-1884,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,valentin-serov_misha-serov,"[1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0]" +Realism,valentin-serov_monkey-and-the-glasses-1911,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,valentin-serov_naked-woman-1910,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,valentin-serov_october-1898,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,valentin-serov_october-domotcanovo-1895,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,valentin-serov_peasant-woman-in-a-cart-1896,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,valentin-serov_portrait-of-a-p-nurok-1899,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,valentin-serov_portrait-of-actress-m-ya-van-zandt-in-a-marriage-cherinova-1886,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,valentin-serov_portrait-of-adelaida-simonovich-1889,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,valentin-serov_portrait-of-alexander-turchaninov-1906,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,valentin-serov_portrait-of-alexei-morozov-1909,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,valentin-serov_portrait-of-alexei-stakhovich-1911,"[1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,valentin-serov_portrait-of-an-unknown-1895,"[1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,valentin-serov_portrait-of-anna-pavlova-1909,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,valentin-serov_portrait-of-anna-staal-1910,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,valentin-serov_portrait-of-attorney-oscar-osipovich-grusenberg-with-his-wife-rosa-grigoryevna-1910,"[0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Realism,valentin-serov_portrait-of-ballet-dancer-t-karsavina-1909,"[0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]" +Realism,valentin-serov_portrait-of-grand-duke-georgy-mikhailovich-1901,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Realism,valentin-serov_portrait-of-grand-duke-paul-alexandrovich-1897,"[1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,valentin-serov_portrait-of-i-m-moskvitin-1908,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Realism,valentin-serov_portrait-of-italian-singer-francesco-tamano-1893,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Realism,valentin-serov_portrait-of-ivan-morozov-1910,"[2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0]" +Realism,valentin-serov_portrait-of-ivan-zabelin-1892,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]" +Realism,valentin-serov_portrait-of-izabella-grunberg-1910,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]" +Realism,valentin-serov_portrait-of-izabella-grunberg-1910-1,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0]" +Realism,valentin-serov_portrait-of-k-a-obninskaya-with-bunny-1904,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,valentin-serov_portrait-of-k-pobedonostsev-1902,"[1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]" +Realism,valentin-serov_portrait-of-kolya-nikolay-simonovich-1880,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,valentin-serov_portrait-of-konstantin-stanislavski-1908,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,valentin-serov_portrait-of-konstantin-stanislavski-1911,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,valentin-serov_portrait-of-l-k-naryshkin-1910,"[5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,valentin-serov_portrait-of-l-n-andreev-1907,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Realism,valentin-serov_portrait-of-l-n-andreev-1907-1,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Realism,valentin-serov_portrait-of-lialia-adelaida-simonovich-1880,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,valentin-serov_portrait-of-mara-oliv-1895,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,valentin-serov_portrait-of-maria-morozova-1897,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,valentin-serov_portrait-of-maria-nikolayevna-yermolova-1905,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0]" +Realism,valentin-serov_portrait-of-mikhail-abramovich-morozov-detail-1902,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Realism,valentin-serov_portrait-of-mikhail-fokin-1909,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Realism,valentin-serov_portrait-of-mikhail-morozov-1902,"[1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]" +Realism,valentin-serov_portrait-of-n-p-lamanova-1911,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Realism,valentin-serov_portrait-of-n-z-rappoport-1908,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,valentin-serov_portrait-of-nikolay-leskov-1891,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,valentin-serov_portrait-of-nikolay-pozniakov-1908,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Realism,valentin-serov_portrait-of-o-trubnikova-1885,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Realism,valentin-serov_portrait-of-olga-serova-1890,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Realism,valentin-serov_portrait-of-p-d-antipova-1890,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,valentin-serov_portrait-of-p-semenov-tien-shansky-1905,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,valentin-serov_portrait-of-paolo-troubetzkoy,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,valentin-serov_portrait-of-pavel-blaramberg-1888,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Realism,valentin-serov_portrait-of-praskovia-tchaokovskaia-1892,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,valentin-serov_portrait-of-prince-vladimir-mikhailovich-golitsyn-1906,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,valentin-serov_portrait-of-savva-mamontov-1887,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,valentin-serov_portrait-of-sergei-chokolov-1887,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,valentin-serov_portrait-of-sophia-dragomirova-lukomskaya-1889,"[1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]" +Realism,valentin-serov_portrait-of-the-actress-glikeria-fedotova-1905,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Realism,valentin-serov_portrait-of-the-artist-engraver-v-v-mate-1899,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]" +Realism,valentin-serov_portrait-of-the-artist-isaak-ilyich-levitan-1893,"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 2.0, 0.0, 0.0]" +Realism,valentin-serov_portrait-of-the-artist-pavel-tchistyakov-1881,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Realism,valentin-serov_portrait-of-the-artist-vasily-surikov,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0]" +Realism,valentin-serov_portrait-of-the-composer-alexander-glazunov-1899,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 1.0, 0.0]" +Realism,valentin-serov_portrait-of-the-composer-alexander-serov-1889,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,valentin-serov_portrait-of-the-daughter-of-s-botkin-1900,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,valentin-serov_portrait-of-the-singer-angelo-mazini-1890,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 2.0]" +Realism,valentin-serov_portrait-of-v-i-kachalov-1908,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Realism,valentin-serov_portrait-of-vazlav-nizhinsky-1910,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,valentin-serov_portrait-of-vera-repina-1881,"[1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0]" +Realism,valentin-serov_portrait-of-vladimir-girshman-1911,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,valentin-serov_portrait-of-yekaterina-chokolova-1887,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,valentin-serov_portrait-of-yuri-morozov-1905,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,valentin-serov_quartet,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,valentin-serov_self-portrait-1881,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Realism,valentin-serov_self-portrait-1885,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]" +Realism,valentin-serov_self-portrait-1885-1,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Realism,valentin-serov_self-portrait-1887,"[1.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,valentin-serov_self-portrait-1887-1,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,valentin-serov_terrace-in-vvedensk,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,valentin-serov_the-lion-and-the-wolf-1911,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,valentin-serov_the-overgrown-pond-domotcanovo-1888,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Realism,valentin-serov_the-wolf-and-the-crane,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,valentin-serov_the-wolf-and-the-shepherds-1898,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0, 2.0]" +Realism,valentin-serov_trishka-s-coat,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,valentin-serov_tundra-travelling-by-deer-1896,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,valentin-serov_winter-in-abramtsevo-1886,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,valentin-serov_winter-in-abramtsevo-1886-1,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-perov_a-drowned-woman-found-drowned-1867,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0, 0.0]" +Realism,vasily-perov_a-meal-in-the-monastery-1876,"[2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,vasily-perov_amateur-1862,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,vasily-perov_an-old-1874,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Realism,vasily-perov_arrival-of-a-new-governess-in-a-merchant-house-1866,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]" +Realism,vasily-perov_arrival-schoolgirl-to-a-blind-father-1870,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Realism,vasily-perov_arriving-at-an-the-consequence-1857,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 1.0]" +Realism,vasily-perov_art-teacher-1863,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]" +Realism,vasily-perov_art-teacher-1867,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Realism,vasily-perov_before-vows,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Realism,vasily-perov_bent-figure-of-a-woman,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Realism,vasily-perov_blessed-one-1879,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]" +Realism,vasily-perov_blind-1878,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Realism,vasily-perov_blind-musician-1864,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-perov_botanist-1874,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-perov_boy-craftsman-1865,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Realism,vasily-perov_boy-with-raised-hands-reaching-out-to-the-public-1864,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,vasily-perov_burglary-at-easter-eve-1861,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Realism,vasily-perov_by-train-1879,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Realism,vasily-perov_caretaker-letting-an-apartment-to-a-lady,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vasily-perov_caretaker-letting-an-apartment-to-a-lady-1878,"[1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-perov_celebration-in-the-outskirts-of-paris-1864,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,vasily-perov_celebration-in-the-outskirts-of-paris-in-montmartre-1864,"[1.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-perov_children-sleeping-1870,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-perov_christ-and-the-virgin-at-the-sea-1867,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Realism,vasily-perov_christ-in-gethsemane,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Realism,vasily-perov_christ-in-gethsemane-1878,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]" +Realism,vasily-perov_cossack-1873,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Realism,vasily-perov_court-pugacheva,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0, 1.0]" +Realism,vasily-perov_court-pugacheva-1,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-perov_court-pugacheva-1875,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 1.0]" +Realism,vasily-perov_court-pugacheva-1875-1,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]" +Realism,vasily-perov_court-pugacheva-2,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,vasily-perov_courting-an-official-to-his-daughter-tailor-1862,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Realism,vasily-perov_deposition,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Realism,vasily-perov_dispute-about-faith-a-scene-in-the-car-1880,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Realism,vasily-perov_dividing-the-inheritance-in-a-monastery-death-of-a-monk,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 1.0]" +Realism,vasily-perov_drowned-1867,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]" +Realism,vasily-perov_drowned-1867-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]" +Realism,vasily-perov_easter-procession-in-a-village-1861,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Realism,vasily-perov_etude-lying-to-the-boy-s-painting-the-court-pugachev,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Realism,vasily-perov_evening-on-holy-saturday-1873,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,vasily-perov_executed-by-pugachev-1878,"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0, 0.0]" +Realism,vasily-perov_fedot-and-arina-1873,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-perov_first-christians-in-kiev-1880,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,vasily-perov_fisherman-1871,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-perov_fishers-priest-deacon-and-seminarian-1879,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-perov_fishing,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,vasily-perov_fomushka-owl-1868,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,vasily-perov_fowler-1870,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,vasily-perov_general-requiring-horses-sketch-for-the-painting-the-scene-at-the-post-office-1866,"[1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0]" +Realism,vasily-perov_girl,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,vasily-perov_girl-with-a-pitcher,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Realism,vasily-perov_gogol-is-supported-by-the-figures-of-his-works-to-the-grave-1873,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0]" +Realism,vasily-perov_gossip-1875,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,vasily-perov_grandfather-and-grandson-1871,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Realism,vasily-perov_guitarist-bach,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,vasily-perov_head-of-a-kirghiz-sketch,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Realism,vasily-perov_head-of-a-kirghiz-sketch-1869,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Realism,vasily-perov_head-of-a-kirghiz-study-for-the-court-pugachev,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,vasily-perov_head-of-a-kirgiz-convict-1873,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Realism,vasily-perov_holy-fool-surrounded-by-pilgrims-1872,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Realism,vasily-perov_hunters-at-rest-1871,"[2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,vasily-perov_hunting-for-wild-boar,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,vasily-perov_in-the-pawnshop-1867,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,vasily-perov_incorrigible-one-1873,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Realism,vasily-perov_journey-of-the-quarterly-family-on-a-pilgrimage-sketch-1868,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-perov_joyful-father-1874,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]" +Realism,vasily-perov_khlysty-zeal-sketch,"[0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 1.0]" +Realism,vasily-perov_labor-family,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0]" +Realism,vasily-perov_last-journey-1865,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Realism,vasily-perov_last-tavern-at-town-gate-1868,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]" +Realism,vasily-perov_lent-monday-1866,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,vasily-perov_melting-snow-maiden,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Realism,vasily-perov_melting-snow-maiden-sketch,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]" +Realism,vasily-perov_merrymaking-in-paris-1864,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Realism,vasily-perov_modern-idyll-1880,"[2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]" +Realism,vasily-perov_mother-with-sick-child-1878,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]" +Realism,vasily-perov_naushnitsa-before-the-storm,"[1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0, 0.0]" +Realism,vasily-perov_naushnitsa-before-the-storm-1874,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]" +Realism,vasily-perov_night-in-the-hut-sketch-for-sleeping-children,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,vasily-perov_nikita-pustosviat-dispute-on-the-confession-of-faith-1881,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,vasily-perov_nikita-pustosvyat-the-dispute-about-the-faith-1880,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,vasily-perov_old-man-end-search-option-since-the-old-parent-at-the-grave-of-her-son-1874,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]" +Realism,vasily-perov_old-parents-visiting-the-grave-of-their-son-1874,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Realism,vasily-perov_on-the-eve-of-bachelorette-party-the-bride-from-the-bath-1870,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,vasily-perov_on-the-railroad-1868,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Realism,vasily-perov_organ-grinder-1863,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,vasily-perov_organ-grinder-in-paris-1864,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,vasily-perov_organ-grinders,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,vasily-perov_orphans-in-the-cemetery-1864,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,vasily-perov_out-under-1879,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,vasily-perov_paris-sharmanschitsa-sketch-1863,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vasily-perov_parisian-promenade-1863,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,vasily-perov_parisian-rag-picker-1864,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Realism,vasily-perov_pigeon-fancier-1874,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,vasily-perov_pilgrim,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]" +Realism,vasily-perov_pilgrims-on-a-pilgrimage-1867,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,vasily-perov_policy-1863,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-perov_portrait-avdotya-kuznetsova-1870,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,vasily-perov_portrait-of-a-a-borisov-1869,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,vasily-perov_portrait-of-a-f-pysems-kogo-1869,"[2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,vasily-perov_portrait-of-a-i-kridener-born-ivanova-mother-of-the-artist-1876,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vasily-perov_portrait-of-a-man,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Realism,vasily-perov_portrait-of-a-merchant-s-t-kuznetsov-1873,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,vasily-perov_portrait-of-an-old-woman,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]" +Realism,vasily-perov_portrait-of-an-unknown,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Realism,vasily-perov_portrait-of-an-unknown-1,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-perov_portrait-of-an-unknown-1875,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-perov_portrait-of-e-e-perov,"[0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0]" +Realism,vasily-perov_portrait-of-f-f-rezanov-1868,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,vasily-perov_portrait-of-feodosya-resanova-1868,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Realism,vasily-perov_portrait-of-n-f-rezanov-1868,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-perov_portrait-of-nikolai-kridener-the-artist-s-brother-1856,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,vasily-perov_portrait-of-nikolai-lanin-1869,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]" +Realism,vasily-perov_portrait-of-nikolai-rubinstein-1870,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,vasily-perov_portrait-of-peter-ivanovich-nikolayev-chairman-of-the-vladimir-district-council-1876,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Realism,vasily-perov_portrait-of-sergei-timofeevich-aksakov-1872,"[3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,vasily-perov_portrait-of-the-artist-illarion-prianishnikov-1862,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,vasily-perov_portrait-of-the-author-feodor-dostoyevsky-1872,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0]" +Realism,vasily-perov_portrait-of-the-author-ivan-turgenev-1872,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Realism,vasily-perov_portrait-of-the-author-vladimir-dahl-1872,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]" +Realism,vasily-perov_portrait-of-the-composer-anton-rubinstein-1870,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,vasily-perov_portrait-of-the-composer-p-s-campione-1872,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]" +Realism,vasily-perov_portrait-of-the-historian-mikhail-petrovich-pogodin-1872,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,vasily-perov_portrait-of-the-historian-mikhail-pogodin-1872,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,vasily-perov_portrait-of-the-painter-alexey-savrasov,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Realism,vasily-perov_portrait-of-the-painter-nikolai-kasatkin-1876,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,vasily-perov_portrait-of-the-playwright-alexander-ostrovsky-1871,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-perov_portrait-of-the-poet-apollon-maikov-1872,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-perov_portrait-of-the-sculptor-vladimir-brovsky,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-perov_portrait-of-unknown-man-1870,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-perov_portrait-of-vasily-bezsonov-1869,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-perov_portrait-of-yelena-perova-n-e-scheins-the-artist-s-first-wife-1869,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,vasily-perov_procession-on-easter-1862,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]" +Realism,vasily-perov_procession-on-easter-sketch-for-the-painting-1860,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 2.0]" +Realism,vasily-perov_pugachev-escort-convoys-of-prisoners-1875,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]" +Realism,vasily-perov_pugachev-s-judgement-1875,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 1.0]" +Realism,vasily-perov_receiving-wanderer-1874,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,vasily-perov_regular-pool-1865,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Realism,vasily-perov_regular-pool-1865-1,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Realism,vasily-perov_repast-1865,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,vasily-perov_repast-1865-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 4.0, 0.0]" +Realism,vasily-perov_return-of-the-peasants-from-a-funeral-in-the-winter,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]" +Realism,vasily-perov_return-reaper-from-the-field-in-the-ryazan-province-1874,"[0.0, 5.0, 8.0, 1.0, 0.0, 1.0, 0.0, 20.0, 9.0]" +Realism,vasily-perov_sad-father-1874,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Realism,vasily-perov_savoyard-1864,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]" +Realism,vasily-perov_scene-on-a-grave-1859,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Realism,vasily-perov_scouts-at-sevastopol-1874,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Realism,vasily-perov_scouts-at-sevastopol-1874-1,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Realism,vasily-perov_self-educating-caretaker-1868,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vasily-perov_self-portrait-1851,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vasily-perov_self-portrait-1870,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-perov_seller-singers-sketch-1863,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-perov_sermon-in-a-village-1861,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,vasily-perov_shy-girl-study-for-the-painting-the-janitor-who-gives-an-apartment-to-her-mistress-1864,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,vasily-perov_small-seventeen-baker-1869,"[0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,vasily-perov_solitary-guitarist-1865,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,vasily-perov_street-musicians-in-paris-1863,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Realism,vasily-perov_students-talk-with-the-monk-1871,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]" +Realism,vasily-perov_tea-party-at-mytishchi-near-moscow-1862,"[2.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0]" +Realism,vasily-perov_teatime-in-mytischi-near-moscow-1862,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 2.0]" +Realism,vasily-perov_the-arrival-of-a-governess-in-a-merchant-s-house-1866,"[0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0, 0.0]" +Realism,vasily-perov_the-arrival-of-rural-teachers,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]" +Realism,vasily-perov_the-boy-preparing-for-a-fight-1866,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vasily-perov_the-conversation-at-the-round-table-1866,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,vasily-perov_the-farmer-in-the-field-1876,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Realism,vasily-perov_the-first-rank-son-of-a-sacristan-produced-in-the-collegiate-registrars-1860,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]" +Realism,vasily-perov_the-funeral-of-a-poor-quarter-of-paris-1863,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Realism,vasily-perov_the-girl-thrown-into-the-water-1879,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Realism,vasily-perov_the-head-of-pugachev-sketch,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 0.0]" +Realism,vasily-perov_the-market-in-moscow-1868,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,vasily-perov_the-old-man-on-the-bench,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,vasily-perov_to-the-holy-trinity-1870,"[2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-perov_triple-1865,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Realism,vasily-perov_troika-apprentice-workmen-carrying-water-1866,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Realism,vasily-perov_vendor-of-song-books-1864,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-perov_walkers-seeking-1880,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,vasily-perov_wanderer-1859,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-perov_wanderer-1869,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Realism,vasily-perov_wanderer-1870,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Realism,vasily-perov_wandering-in-a-field-1879,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]" +Realism,vasily-perov_wayfarer-1873,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,vasily-perov_yaroslavna-s-lament-1881,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-polenov_a-boat-1880,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vasily-polenov_a-house-from-a-trip-to-germany-1872,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,vasily-polenov_a-river-1899,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-polenov_a-settlement-near-volga-1897,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,vasily-polenov_a-soldier-with-a-bundle-of-firewood-1883,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Realism,vasily-polenov_a-yard-1881,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,vasily-polenov_amazon-on-a-horseback,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-polenov_among-the-teachers,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,vasily-polenov_among-the-teachers-1896-1,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vasily-polenov_an-olive-tree-in-the-garden-of-gethsemane-1882,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-polenov_and-he-returned-to-galilee-in-the-power-of-the-spirit,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-polenov_and-there-was,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-polenov_architectural-sketches-from-travelling-in-germany-1872,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vasily-polenov_assumption-cathedral-in-vladimir-1860,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Realism,vasily-polenov_at-the-foot-of-mount-hermon-1882,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,vasily-polenov_at-the-foot-of-the-mountain,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vasily-polenov_at-the-genisaret-lake-1888,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,vasily-polenov_atrium-1879,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,vasily-polenov_autumn-in-abramtsevo-1890,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,vasily-polenov_baalbek-1882,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,vasily-polenov_baalbek-ruins-of-jupiter-cathedral-and-cathedral-of-sun-1882,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,vasily-polenov_backyard-the-village-of-turgenev-1892,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,vasily-polenov_baptism-1896,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,vasily-polenov_barge,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 1.0]" +Realism,vasily-polenov_beirut-1882,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vasily-polenov_beirut-1882-1,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-polenov_bethlehem-1882,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-polenov_bouquet-of-flowers-1880-1,"[0.0, 2.0, 5.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Realism,vasily-polenov_bridge-on-the-river-cuprija-in-paracin-1876,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,vasily-polenov_burdocks,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Realism,vasily-polenov_caesarian-fun-1879,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]" +Realism,vasily-polenov_cathedral-of-the-annunciation-the-aisle-of-the-blessed-virgin-mary-chapel-1877,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,vasily-polenov_cathedral-of-the-assumption-racah-of-metropolitan-jonah-1877,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Realism,vasily-polenov_cemetery-1897,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]" +Realism,vasily-polenov_cemetery-among-the-cypress-1897,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,vasily-polenov_chapel-on-the-banks-of-the-oka-1893,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-polenov_christ-and-the-sinner-1873,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]" +Realism,vasily-polenov_christ-and-the-sinner-1876,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]" +Realism,vasily-polenov_christ-and-the-sinner-1883,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Realism,vasily-polenov_christ-and-the-sinner-1885,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 2.0]" +Realism,vasily-polenov_chronicle-of-our-artistic-circle-drawing-for-the-cover-1894,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-polenov_church-of-st-helena-aisle-of-the-temple-of-the-holy-sepulcher-1882,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Realism,vasily-polenov_cityscape-1875,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,vasily-polenov_colossuses-memnon-statue-of-amenhotep-iii,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-polenov_constantinople-1882,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]" +Realism,vasily-polenov_constantinople-1890,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-polenov_constantinople-istanbul-eski-sarayskiy-garden-1882,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vasily-polenov_cordoba-1883,"[0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]" +Realism,vasily-polenov_corner-of-the-medieval-city-with-a-wall-1889,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Realism,vasily-polenov_crosses-lattice-details-1883,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,vasily-polenov_crossing-of-the-river-oyat-1872,"[0.0, 2.0, 5.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vasily-polenov_dead-sea-1882,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vasily-polenov_downpour-1874,"[0.0, 1.0, 2.0, 1.0, 1.0, 0.0, 4.0, 0.0, 1.0]" +Realism,vasily-polenov_dreams-on-the-hill,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-polenov_dungeon-1880,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,vasily-polenov_dunkey-driver-in-cairo-1882,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Realism,vasily-polenov_early-snow-1891,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,vasily-polenov_early-snow-behovo-1891,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Realism,vasily-polenov_ebb-tide-normandy-1874,"[0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0]" +Realism,vasily-polenov_ebb-vel-1874,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]" +Realism,vasily-polenov_erechtheion-the-portico-of-caryatids-1882,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,vasily-polenov_erechtheion-the-portico-of-caryatids-1882-1,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,vasily-polenov_feast-of-vladimir-the-red-sun-1883,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-polenov_first-snow-1891,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,vasily-polenov_fishing-boat-etretat-normandy-1874,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,vasily-polenov_fountain-of-the-virgin-mary-in-nazareth-1882,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-polenov_getting-cold-autumn-on-the-oka-river-near-tarusa-1893,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vasily-polenov_golden-tsarina-s-chamber-window-1877,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-polenov_granny-s-orchard-1878,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-polenov_great-pyramids-of-cheops-and-chephren-1899,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-polenov_hall-in-the-magic-castle,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,vasily-polenov_haram-ash-sharif-the-square-where-the-ancient-temple-of-jerusalem-was-situated-1882,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0]" +Realism,vasily-polenov_has-been-in-desert-1909,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]" +Realism,vasily-polenov_head-of-christ,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]" +Realism,vasily-polenov_head-of-christ-1,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vasily-polenov_head-of-i-i-levitan-turned-like-the-head-of-christ-in-the-dream-1894,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,vasily-polenov_head-of-jewish-man-1884,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vasily-polenov_head-of-old-jew-1895,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]" +Realism,vasily-polenov_head-of-red-headed-man,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0]" +Realism,vasily-polenov_head-of-red-headed-man-with-yellow-cap,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Realism,vasily-polenov_headquarters-of-commander-of-ruschuksk-detachment-in-brestovets-1883,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,vasily-polenov_horse-mishka-1876,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,vasily-polenov_house-of-polenov-in-behovo,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-polenov_house-porch-1870,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Realism,vasily-polenov_indian-summer-1893,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-polenov_interior-of-isba,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-polenov_italian-landscape-with-a-peasant-1874,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-polenov_jerusalem-from-the-west-jaffa-gate-and-the-citadel-1882,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,vasily-polenov_jerusalem-ladder-to-the-east-side-of-the-track,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,vasily-polenov_john-and-james,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vasily-polenov_john-and-james-1,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,vasily-polenov_killed-soldier-near-the-village-of-mechka-1883,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Realism,vasily-polenov_klyazma-river-zhukovka-1888,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-polenov_laguna-venice-1897,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,vasily-polenov_landscape-with-a-river-1888,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vasily-polenov_left-hand-with-the-index-finger,"[0.0, 0.0, 1.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0]" +Realism,vasily-polenov_lord-s-supper,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-polenov_manor-of-v-d-polenov-1910,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,vasily-polenov_marguerite-garden-1882,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]" +Realism,vasily-polenov_marienquelle-in-nazaret,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-polenov_martha-received-him-into-his-house,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-polenov_monastery-over-the-river-1898,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-polenov_montenegrin-1876,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Realism,vasily-polenov_montenegrin-girl-1874,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,vasily-polenov_montenegrin-girl-1876,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-polenov_moscow-court-1877,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,vasily-polenov_mound-1902,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vasily-polenov_mountainous-riverbank-of-oyat,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]" +Realism,vasily-polenov_nile-near-karnak-1881,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vasily-polenov_normandy-beach-1874,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-polenov_odalisque-1875,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,vasily-polenov_oka-evening-1903,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-polenov_oka-near-tarusa,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-polenov_oka-river-vladimir-steamer-converted-into-a-tow-1926,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Realism,vasily-polenov_oka-summer,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-polenov_oka-valley-1902,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,vasily-polenov_old-mill-1880,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,vasily-polenov_on-the-boat-abramtsevo-1880,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,vasily-polenov_over-the-old-cairo-1882,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,vasily-polenov_oyat-river,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-polenov_palestine-landscape,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0]" +Realism,vasily-polenov_palestine-monk-1886,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Realism,vasily-polenov_palestine-sermon-on-the-mount,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Realism,vasily-polenov_palestine-study,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-polenov_paracin-september-28-1876-1876,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Realism,vasily-polenov_park-in-olshanka-1877,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Realism,vasily-polenov_pharaoh-s-palace-1880,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,vasily-polenov_pier-in-port-said-1882,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Realism,vasily-polenov_pine-forest-on-the-banks-of-the-river,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,vasily-polenov_pond-1879,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-polenov_pond-1880,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,vasily-polenov_pond-at-wehle-1874,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,vasily-polenov_pond-in-abramtsevo-1883,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-polenov_pond-in-the-park-olshanka-1877,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-polenov_portrait-n-v-yakunchikova-1879,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Realism,vasily-polenov_portrait-of-a-p-bogolyubov-1890,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,vasily-polenov_portrait-of-a-v-prahov-art-historian-and-art-critic-1879,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-polenov_portrait-of-n-yakunchikova-1882,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-polenov_quarry-1897,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,vasily-polenov_railway-near-tarusa-station-1903,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vasily-polenov_red-sail-1911,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,vasily-polenov_redon-abbey,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Realism,vasily-polenov_right-hand-keeping-the-staff,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0]" +Realism,vasily-polenov_river-voria-1881,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-polenov_roman-fort-in-semendrii-1876,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,vasily-polenov_room-of-commander-of-ruschuksk-detachment-in-brestovets-1878,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-polenov_russian-village-1889,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,vasily-polenov_s-i-mamontov-p-a-spiro-at-the-piano-1882,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Realism,vasily-polenov_saviour-jacob-monastery-in-rostov-1860,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vasily-polenov_sea-of-galilee,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-polenov_sea-of-galilee-1899,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-polenov_seated-christ-1887,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Realism,vasily-polenov_self-portrait,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Realism,vasily-polenov_sketch-and-floor-plan-of-holy-trinity-church-in-biokhovo-village-1903,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,vasily-polenov_sketches-of-the-russian-turkish-war-bulgarian-house-1877,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Realism,vasily-polenov_soars-swamp-1892,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]" +Realism,vasily-polenov_stairway-to-castle,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,vasily-polenov_sunset,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,vasily-polenov_tarusa-1920,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]" +Realism,vasily-polenov_terem-palace-exterior-1877,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-polenov_terem-palace-the-yield-of-the-chambers-of-the-gold-porch-1877,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-polenov_the-birchwood-alley-1880,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,vasily-polenov_the-boy-in-nazareth-jews-in-tabor-1882,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 1.0]" +Realism,vasily-polenov_the-burnt-forest-1881,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 2.0]" +Realism,vasily-polenov_the-bylinas-narrator-nikita-bogdanov-1876,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Realism,vasily-polenov_the-cart-with-the-wounded-1876,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,vasily-polenov_the-ghosts-of-hellas,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-polenov_the-gorge-of-the-rocky-mountains-1897,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Realism,vasily-polenov_the-head-of-a-young-man-in-a-blue-veil,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,vasily-polenov_the-head-of-a-young-woman-in-a-white-veil,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Realism,vasily-polenov_the-head-of-model-blanche-orme-1875,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]" +Realism,vasily-polenov_the-head-of-nubian-man-1881,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,vasily-polenov_the-head-of-the-pharisee-1884,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]" +Realism,vasily-polenov_the-ill-woman,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Realism,vasily-polenov_the-limits-of-tyre-1911,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]" +Realism,vasily-polenov_the-mill-on-the-source-of-the-river-vel-1874,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-polenov_the-mosque-in-jenin-1903,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-polenov_the-mosque-of-omar-haram-el-sharif-1882,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-polenov_the-nile-1881,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-polenov_the-river-oka-1918,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-polenov_the-river-oyat-1880,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-polenov_the-river-oyat-1880-1,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-polenov_the-river-svinka,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-polenov_the-river-valley-1900,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-polenov_the-river-valley-in-bulgaria-1883,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-polenov_the-road-near-the-village-1877,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-polenov_the-ruins-of-of-the-palace-in-palestine-1882,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-polenov_the-ruins-of-tiberias,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,vasily-polenov_the-shrine-of-the-metropolitan-iona-in-the-uspensky-cathedral-1877,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-polenov_the-temple-of-isis-on-philae-island-1882,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-polenov_the-two-men-s-heads-in-turbans,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,vasily-polenov_the-uspensky-cathedral-south-gates-1877,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-polenov_they-brought-the-children,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Realism,vasily-polenov_tiberian-jew-1882,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0]" +Realism,vasily-polenov_tiberias-gennesaret-lake,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vasily-polenov_tiberias-gennesaret-lake-1,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Realism,vasily-polenov_tolstoi-and-repin-at-a-meeting-of-the-academy-of-arts-1885,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,vasily-polenov_troada-1881,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-polenov_troas,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,vasily-polenov_turgenevo-village-1885,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-polenov_two-female-figures-a-male-figure-with-a-donkey,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-polenov_types-of-people-on-lake-tiberias-1881,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]" +Realism,vasily-polenov_upper-pond-in-abramtsevo-1882,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-polenov_ushered-in-a-tearful-joy,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Realism,vasily-polenov_vasily-petrovich-schegolenok-schegolenkov-narrator-1879,"[0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0]" +Realism,vasily-polenov_view-of-feodosia-from-quarantine-to-the-ruins-of-the-genoese-fortress-1912,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,vasily-polenov_view-of-oka-from-the-western-riverbank,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vasily-polenov_view-of-tarusa-from-high-oka-bank-1916,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-polenov_village-mount-okulova,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Realism,vasily-polenov_voria-1882,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-polenov_was-filled-with-wisdom,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-polenov_was-filled-with-wisdom-1,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-polenov_waterfall,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-polenov_we-decided-to-go-to-jerusalem,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Realism,vasily-polenov_went-into-the-hill-country-1894,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,vasily-polenov_what-people-think-about-me,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Realism,vasily-polenov_what-people-think-about-me-1,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-polenov_white-horse-normandy-1874,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Realism,vasily-polenov_winter-1890,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-polenov_winter-imochentsy-1880,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,vasily-polenov_winter-in-rome-1872,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-polenov_winter-landscape-behovo-1897,"[0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]" +Realism,vasily-sadovnikov_anichkov-bridge-in-st-petersburg,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vasily-sadovnikov_bogojavlensky-anastadjin-monastery-in-kostroma-1865,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-sadovnikov_demidov-hotel-fragment-of-panorama-of-nevsky-prospect-1835,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,vasily-sadovnikov_departure-of-an-omnibus-from-st-isaac-s-square-in-st-petersburg-1841,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-sadovnikov_eastern-wing-of-verkiai-palace-1848,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-sadovnikov_entrance-into-verkiai-palace-vilnius-lithuania-1848,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,vasily-sadovnikov_illumination-of-the-theatre-square-in-1856,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Realism,vasily-sadovnikov_illumination-of-the-theatre-square-in-1856-1,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0]" +Realism,vasily-sadovnikov_illumination-on-the-moika-embankment-in-st-petersburg-1856,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-sadovnikov_interior-of-bernardine-church-in-vilnius-lithuania-1848,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,vasily-sadovnikov_interior-of-trinitarian-church-in-vilnius-lithuania-1846,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-sadovnikov_kamennoostrovsky-bridge,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-sadovnikov_knight-s-hall-in-verkiai-palace-vilnius-lithuania-1846,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Realism,vasily-sadovnikov_konjushennyj-museum,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-sadovnikov_mariinsky-palace-as-seen-from-the-blue-bridge-1847,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vasily-sadovnikov_policeman-bridge-in-the-1830s-now-green-bridge,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-sadovnikov_rumyantsev-monument-in-st-petersburg,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-sadovnikov_school-for-peasants-children-in-verkiai-1848,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-sadovnikov_the-arch-of-the-general-headquarters-building,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-sadovnikov_the-field-marshal-s-hall-of-the-winter-palace-1852,"[1.0, 31.0, 3.0, 11.0, 1.0, 0.0, 0.0, 0.0, 2.0]" +Realism,vasily-sadovnikov_the-mansion-of-countess-z-i-yusupova-1866,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-sadovnikov_view-of-palace-square-and-the-general-headquarters-building-in-st-petersburg,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-sadovnikov_view-of-palace-square-and-winter-palace-in-st-petersburg,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-sadovnikov_view-of-the-anichkov-palace-1862,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-sadovnikov_view-of-the-anichkov-palace-from-the-fontanka-river-1838,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-sadovnikov_view-of-the-neva-and-the-peter-and-paul-fortress-1847,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-sadovnikov_view-of-the-passazh-department-store-in-1848-1848,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-sadovnikov_view-of-the-winter-palace-from-the-admiralty-1839,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-sadovnikov_view-of-the-winter-palace-from-the-west-1840,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-sadovnikov_vilnius-cathedral-lithuania-1854,"[0.0, 1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-sadovnikov_vilnius-city-panorama-from-subachius-street-1848,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-surikov_a-girl-with-braids-portrait-of-a-a-dobrinskaya-1910,"[1.0, 3.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vasily-surikov_a-herd-of-horses-in-baraba-steppes,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,vasily-surikov_a-i-surikov-with-fur-coat-study-to-taking-the-snow-town,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-surikov_a-rich-man-and-lazarus-1873,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]" +Realism,vasily-surikov_alexander-n-pestunov-1890,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,vasily-surikov_anfisa,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,vasily-surikov_annunciation-1914,"[0.0, 6.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vasily-surikov_assassination-of-julius-caesar,"[0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Realism,vasily-surikov_belfry-ivan-the-great-1876,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,vasily-surikov_belshazzar-s-feast-1874,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Realism,vasily-surikov_big-masquerade-in-1772-on-the-streets-of-moscow-with-the-participation-of-peter-i-and-princer-i-1900,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,vasily-surikov_bit-of-moscow-1880,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-surikov_blackbearded-old-man-1879,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]" +Realism,vasily-surikov_boatsman-1912,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,vasily-surikov_borjomi-1899,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Realism,vasily-surikov_bouquet-1884,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-surikov_boyarynya-morozova-1887,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Realism,vasily-surikov_boyarynya-morozova-study,"[0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0, 1.0]" +Realism,vasily-surikov_boyarynya-morozova-study-1881,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vasily-surikov_boyarynya-morozova-study-1887,"[0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Realism,vasily-surikov_christ-driving-the-merchants-from-the-temple-1873,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,vasily-surikov_church-1910,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-surikov_church-in-the-village-dyakovo,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-surikov_colosseum-1884,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Realism,vasily-surikov_colosseum-1900,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vasily-surikov_cossack-1893,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,vasily-surikov_cossack-dmitry-sokol-1893,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Realism,vasily-surikov_cossack-rower-1892,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vasily-surikov_cossack-s-head-1891,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Realism,vasily-surikov_cossack-with-gun-1893,"[1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0]" +Realism,vasily-surikov_cossack-with-red-shirt,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Realism,vasily-surikov_cossacks-1891,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Realism,vasily-surikov_cossacks-1891-1,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Realism,vasily-surikov_cossacks-in-boat-study-to-the-conquest-of-siberia-by-yermak,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Realism,vasily-surikov_crimea-ai-petri-1908,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-surikov_dancing-girls-1883,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]" +Realism,vasily-surikov_don-cossack-rjidin-study-to-the-conquest-of-siberia-by-yermak,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Realism,vasily-surikov_empress-anna-ioannovna-in-peterhof-temple-shoots-deer-1900,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-surikov_evening-in-petersburg-1871,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-surikov_executioner-1891,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 0.0]" +Realism,vasily-surikov_female-figures-wanderer-whacky-study-to-boyarynya-morozova,"[0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-surikov_female-portrait-1885,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]" +Realism,vasily-surikov_female-portrait-1902,"[1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]" +Realism,vasily-surikov_first-ecumenical-council-of-nicaea-1876,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,vasily-surikov_florence-1884,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,vasily-surikov_florence-walk-1884,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-surikov_fourth-ecumenical-council-of-chalcedon-1876,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,vasily-surikov_girl-with-a-red-jacket-1892,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,vasily-surikov_granada-alhambra-1910,"[0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,vasily-surikov_hand-of-boyarynya-morozova,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Realism,vasily-surikov_head-baptized-soldier-1897,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Realism,vasily-surikov_head-of-a-woman-in-black-shawl-1886,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,vasily-surikov_head-of-a-young-cossack-1905,"[1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0, 0.0]" +Realism,vasily-surikov_head-of-boyarynya-morozova-study-1886,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 1.0]" +Realism,vasily-surikov_head-of-boyarynya-morozova-study-1886-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]" +Realism,vasily-surikov_head-of-cossack-1879,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]" +Realism,vasily-surikov_head-of-girl,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]" +Realism,vasily-surikov_head-of-girl-portrait-of-z-s-khaminova-1908,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,vasily-surikov_head-of-khakasy-1893,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]" +Realism,vasily-surikov_head-of-suvorov-1898,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,vasily-surikov_head-of-young-lady-1890,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,vasily-surikov_healing-the-man-born-blind-by-jesus-christ-1888,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-surikov_holy-face-1872,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,vasily-surikov_house-of-surikov-family-in-krasnoyarsk-1890,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vasily-surikov_icon-lamp,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,vasily-surikov_illumination-of-moscow-1882,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,vasily-surikov_in-alupka-1913,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,vasily-surikov_in-crimea-1913,"[0.0, 1.0, 6.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,vasily-surikov_irtysh-1892,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vasily-surikov_isba-1873,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,vasily-surikov_italian-woman-1884,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,vasily-surikov_italian-women-1884,"[0.0, 0.0, 22.0, 1.0, 0.0, 0.0, 0.0, 12.0, 9.0]" +Realism,vasily-surikov_khakasy-with-his-feet-bound-with-chains-1873,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Realism,vasily-surikov_kneeling-beggar,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,vasily-surikov_kolomenskoye,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vasily-surikov_krasnoyarsk-kachinskaya-street-1893,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,vasily-surikov_krasnoyarsk-rebellion-1902,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Realism,vasily-surikov_krasnoyarsk-vicinities,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vasily-surikov_kyrgyz-1894,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Realism,vasily-surikov_landscape-with-brother-s-figure,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Realism,vasily-surikov_male-heads-with-winter-caps-1887,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,vasily-surikov_maria-s-head,"[0.0, 0.0, 5.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Realism,vasily-surikov_menshikov-in-berezovo,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0]" +Realism,vasily-surikov_menshikov-in-berezovo-1883,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Realism,vasily-surikov_menshikov-s-head-in-profile-1882,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Realism,vasily-surikov_milan-s-cathedral-1884,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-surikov_minusinsk-on-the-way-1873,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-surikov_minusinsk-steppe-1873,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-surikov_monk,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Realism,vasily-surikov_morning-of-the-strelets-execution-1881,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0]" +Realism,vasily-surikov_moscow-yard-1880,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,vasily-surikov_mountains-near-krasnoyarsk-1909,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,vasily-surikov_naples-1884,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,vasily-surikov_naples-1900,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,vasily-surikov_naples-enbankment-1884,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,vasily-surikov_naples-vesuvius-1884,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,vasily-surikov_neapolitan-girl-with-flowers-in-her-hair,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vasily-surikov_okhotnikov-s-house-in-krasnoyarsk-1890,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,vasily-surikov_old-krasnoyarsk-1914,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]" +Realism,vasily-surikov_old-soldier-descending-from-the-snowy-mountain-1898,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Realism,vasily-surikov_on-boat-study-to-the-conquest-of-siberia-by-yermak,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,vasily-surikov_on-nevsky-prospekt-at-night-1874,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-surikov_on-nevsky-prospekt-on-day-1874,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,vasily-surikov_peter-i-drags-ships-from-the-onega-bay-in-lake-onega-in-1702-1872,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Realism,vasily-surikov_pompey-street-1884,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 1.0]" +Realism,vasily-surikov_portrait-of-a-a-dobrinskaya-1911,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,vasily-surikov_portrait-of-a-i-surikov,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,vasily-surikov_portrait-of-a-i-yemelyanova-1903,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vasily-surikov_portrait-of-a-i-yemelyanova-1909,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vasily-surikov_portrait-of-a-n-tretyakova,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-surikov_portrait-of-a-p-yurgenson-1908,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vasily-surikov_portrait-of-a-s-matveev-in-childhood-1881,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]" +Realism,vasily-surikov_portrait-of-alexander-suvorov-1907,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Realism,vasily-surikov_portrait-of-doctor-a-d-yesersky-1910,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-surikov_portrait-of-e-a-surikova,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Realism,vasily-surikov_portrait-of-e-a-surikova-1,"[1.0, 7.0, 25.0, 4.0, 0.0, 0.0, 0.0, 6.0, 2.0]" +Realism,vasily-surikov_portrait-of-e-k-deryagina-1879,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Realism,vasily-surikov_portrait-of-e-n-sabashnikova-1907,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]" +Realism,vasily-surikov_portrait-of-e-v-surikova-1908,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 5.0, 1.0]" +Realism,vasily-surikov_portrait-of-girl-with-red-dress,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-surikov_portrait-of-governor-zamyatnin,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]" +Realism,vasily-surikov_portrait-of-i-e-krachkovsky-1884,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Realism,vasily-surikov_portrait-of-i-s-ostroukhov-1884,"[2.0, 2.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-surikov_portrait-of-k-m-verkhoturova-1890,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-surikov_portrait-of-khakasy-1909,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Realism,vasily-surikov_portrait-of-l-t-matorina-cossack-woman-1892,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Realism,vasily-surikov_portrait-of-m-p-konchalovsky-in-childhood-1915,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Realism,vasily-surikov_portrait-of-m-velichkina-nee-baroness-von-klodt-yurgensburg-1914,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,vasily-surikov_portrait-of-mother-1894,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,vasily-surikov_portrait-of-n-p-passek-1887,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vasily-surikov_portrait-of-n-s-matveev-1881,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0]" +Realism,vasily-surikov_portrait-of-natalia-f-matveeva-1909,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-surikov_portrait-of-o-v-surikova,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-surikov_portrait-of-olga-surikova-in-childhood-1883,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Realism,vasily-surikov_portrait-of-olga-surikova-the-artist-s-daughter-1888,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-surikov_portrait-of-p-f-surikova-artist-s-mother-1887,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Realism,vasily-surikov_portrait-of-princess-p-i-shcherbatova-1910,"[3.0, 9.0, 15.0, 2.0, 1.0, 0.0, 3.0, 10.0, 2.0]" +Realism,vasily-surikov_portrait-of-princess-s-a-kropotkina-with-guitar-1882,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,vasily-surikov_portrait-of-t-k-domozhilova-1891,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-surikov_portrait-of-young-lady-1906,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-surikov_portrait-of-young-leonid-chernyshev-1890,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-surikov_portrait-of-young-woman-in-fur-coat-with-muff-1890,"[1.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,vasily-surikov_portrait-of-young-woman-with-kokoshnik-1892,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,vasily-surikov_portraits-of-menshikov-family-1882,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-surikov_princess-olga-meets-the-body-of-prince-igor-1915,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]" +Realism,vasily-surikov_princess-xenia-godunova-with-portrait-of-her-dead-groom-prince-1881,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Realism,vasily-surikov_pugachev-1911,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Realism,vasily-surikov_razin-1909,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Realism,vasily-surikov_river-ob-1895,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,vasily-surikov_road-in-khotkovo-1884,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]" +Realism,vasily-surikov_roman-carnival-1884,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Realism,vasily-surikov_rooftops-in-winter,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vasily-surikov_room-in-surikov-s-house,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,vasily-surikov_russian-troops-under-suvorov-crossing-the-alps-1899,"[1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,vasily-surikov_russian-troops-under-suvorov-crossing-the-alps-study-1898,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 1.0]" +Realism,vasily-surikov_russian-troops-under-suvorov-crossing-the-alps-study-1899,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Realism,vasily-surikov_saint-peter-s-cathedral-in-rome-1884,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,vasily-surikov_salome-brings-head-of-saint-john-the-baptist-to-her-mother-herodias-1872,"[0.0, 0.0, 2.0, 1.0, 0.0, 2.0, 1.0, 0.0, 0.0]" +Realism,vasily-surikov_samara-1880,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-surikov_samovar-1876,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,vasily-surikov_scene-from-the-roman-carnival-1884,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Realism,vasily-surikov_second-ecumenical-council-of-constantinople-1876,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vasily-surikov_self-portrait,"[0.0, 0.0, 1.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0]" +Realism,vasily-surikov_self-portrait-1879,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Realism,vasily-surikov_self-portrait-1902,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-surikov_self-portrait-1910,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Realism,vasily-surikov_self-portrait-1915,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]" +Realism,vasily-surikov_self-portrait-against-the-background-of-picture-the-conquest-of-siberia-by-yermak-1894,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Realism,vasily-surikov_self-portrait-man-with-hurt-hand-1913,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]" +Realism,vasily-surikov_seville-1910,"[2.0, 1.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-surikov_seville-the-bullfight-1910,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 1.0]" +Realism,vasily-surikov_shooting-cossack,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Realism,vasily-surikov_shooting-cossack-1893,"[0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 1.0, 0.0]" +Realism,vasily-surikov_siberian-beauty-portrait-of-e-a-rachkovsky-1891,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,vasily-surikov_siberian-landscape-torgoshyno-1873,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vasily-surikov_siberian-woman-1909,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-surikov_snowy-mountains-1897,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,vasily-surikov_soldier-1898,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Realism,vasily-surikov_soldier-descending-from-the-snowy-mountain-1898,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,vasily-surikov_soldier-s-head-in-a-cocked-hat-1898,"[0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0]" +Realism,vasily-surikov_soldier-with-drum-1898,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]" +Realism,vasily-surikov_soldier-with-gun-1898,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 1.0]" +Realism,vasily-surikov_soldier-with-gun-1898-1,"[0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 2.0, 0.0, 1.0]" +Realism,vasily-surikov_square-in-front-of-the-museum-of-fine-arts-in-moscow,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 2.0, 1.0, 2.0]" +Realism,vasily-surikov_square-san-fernando-in-seville-1910,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,vasily-surikov_stepan-razin,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]" +Realism,vasily-surikov_stepan-razin-1,"[0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Realism,vasily-surikov_stepan-razin-1906,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Realism,vasily-surikov_stepan-razin-1910,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0, 1.0]" +Realism,vasily-surikov_strelets,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Realism,vasily-surikov_strelets-with-cap-1879,"[0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0, 0.0, 1.0]" +Realism,vasily-surikov_study-of-khakasy,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vasily-surikov_study-to-boyarynya-morozova,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Realism,vasily-surikov_study-to-boyarynya-morozova-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 2.0]" +Realism,vasily-surikov_study-to-boyarynya-morozova-2,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]" +Realism,vasily-surikov_study-to-boyarynya-morozova-3,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0]" +Realism,vasily-surikov_study-to-boyarynya-morozova-4,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0]" +Realism,vasily-surikov_study-to-boyarynya-morozova-5,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-surikov_study-to-boyarynya-morozova-6,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,vasily-surikov_study-to-boyarynya-morozova-7,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Realism,vasily-surikov_study-to-boyarynya-morozova-8,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]" +Realism,vasily-surikov_study-to-boyarynya-morozova-9,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]" +Realism,vasily-surikov_study-to-the-conquest-of-siberia-by-yermak,"[0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 2.0, 0.0]" +Realism,vasily-surikov_study-to-the-conquest-of-siberia-by-yermak-1,"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 2.0, 0.0, 0.0]" +Realism,vasily-surikov_study-to-the-conquest-of-siberia-by-yermak-2,"[0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0, 0.0]" +Realism,vasily-surikov_study-to-tsarevna-s-visit-of-nunnery,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]" +Realism,vasily-surikov_study-to-tsarevna-s-visit-of-nunnery-1,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,vasily-surikov_taking-a-snowy-town-1891,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Realism,vasily-surikov_tatar-s-heads-old-and-young-1893,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]" +Realism,vasily-surikov_temptation-of-christ-1872,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Realism,vasily-surikov_the-apostle-paul-explains-the-tenets-of-faith-in-the-presence-of-king-agrippa-his-sister-1875,"[0.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-surikov_the-elder-menshikov-s-daughter-1882,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Realism,vasily-surikov_the-fight-of-good-spirits-against-evil-spirits-1875,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]" +Realism,vasily-surikov_the-good-samaritan-1874,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]" +Realism,vasily-surikov_the-head-of-laughting-girl-1890,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-surikov_the-head-of-nun,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]" +Realism,vasily-surikov_the-head-of-soldier-drummer-1898,"[0.0, 1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-surikov_the-model-in-the-ancient-russian-costume-1882,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Realism,vasily-surikov_the-old-gardener-1882,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]" +Realism,vasily-surikov_the-old-woman-with-a-patterned-headscarf-1886,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]" +Realism,vasily-surikov_the-persian-1902,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Realism,vasily-surikov_the-standard-with-the-mandylion-kept-in-the-armoury-of-the-moscow-kremlin-study-to-the-conquest-1895,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,vasily-surikov_third-ecumenical-council-of-ephesus-1876,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,vasily-surikov_thoughtful-teenager-1885,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Realism,vasily-surikov_townswoman-portrait-of-alexandra-i-yemelyanova-nee-schrader-1902,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,vasily-surikov_tsarevna-1911,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-surikov_tsarevna-s-visit-of-nunnery-1912,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-surikov_under-the-rain-by-the-coach-to-black-river-1871,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Realism,vasily-surikov_venice,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]" +Realism,vasily-surikov_venice-doge-s-palace-1900,"[0.0, 3.0, 5.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vasily-surikov_venice-saint-mark-s-basilica-1884,"[0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Realism,vasily-surikov_venice-saint-mark-s-basilica-1900,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-surikov_view-of-krasnoyarsk-1887,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,vasily-surikov_view-of-krasnoyarsk-from-knoll,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-surikov_view-of-kremlin-1913,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-surikov_view-of-kremlin-at-winter-1876,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-surikov_view-of-monument-to-peter-i-on-the-senate-square-in-st-petersburg-1870,"[1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]" +Realism,vasily-surikov_view-of-moscow-1908,"[0.0, 3.0, 3.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Realism,vasily-surikov_village-altapiece,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 2.0]" +Realism,vasily-surikov_wanderer,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 1.0]" +Realism,vasily-surikov_wanderer-1885,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Realism,vasily-surikov_wanderer-1886,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]" +Realism,vasily-surikov_whacky-seated-on-the-ground-study-to-boyarynya-morozova,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,vasily-surikov_whacky-seated-on-the-snow-study-to-boyarynya-morozova-1885,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Realism,vasily-surikov_winter-in-moscow,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Realism,vasily-surikov_yenisey,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-surikov_yenisey-near-krasnoyarsk-1909,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,vasily-surikov_yermak-s-conquest-of-siberia-1895,"[0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0]" +Realism,vasily-surikov_yermak-s-conquest-of-siberia-study,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Realism,vasily-surikov_yermak-s-conquest-of-siberia-study-1,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Realism,vasily-surikov_yermak-s-conquest-of-siberia-study-1891,"[0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Realism,vasily-surikov_yermak-s-conquest-of-siberia-study-2,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,vasily-surikov_yermak-s-conquest-of-siberia-study-3,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Realism,vasily-surikov_yermak-with-cossacks-study-to-the-conquest-of-siberia-by-yermak-1893,"[1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-surikov_young-lady-1886,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,vasily-surikov_young-lady-with-blue-fur-coat-1887,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Realism,vasily-surikov_young-lady-with-his-arms-folded-study-to-boyarynya-morozova,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Realism,vasily-surikov_young-lady-with-violet-overcoat,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Realism,vasily-surikov_zubovsky-boulevard-in-winter,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,vasily-surikov_zubovsky-boulevard-in-winter-1,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,vasily-tropinin_a-girl-with-a-pot-of-roses-1850,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,vasily-tropinin_alyabyev-a-1850,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Realism,vasily-tropinin_diomede-v-kiselev-1834,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Realism,vasily-tropinin_mazurin-elizabeth-vladimirona-1844,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-tropinin_obolenskaya-na-1833,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,vasily-tropinin_old-beggar-1823,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,vasily-tropinin_old-woman-with-a-hen-portrait-of-the-artist-s-wife-1856,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,vasily-tropinin_portrait-l-k-makovsky-1830,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-tropinin_portrait-of-a-a-sapozhnikov-1852,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,vasily-tropinin_portrait-of-a-i-tropinina-1820,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Realism,vasily-tropinin_portrait-of-a-p-i-sapozhnikova-1826,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Realism,vasily-tropinin_portrait-of-a-widow-in-a-blue-povoynik-1830,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,vasily-tropinin_portrait-of-an-unknown-from-a-family-of-mosolov-1856,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Realism,vasily-tropinin_portrait-of-an-unknown-in-a-black-coat-verevkina-1850,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,vasily-tropinin_portrait-of-countess-n-a-zubova-1834,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-tropinin_portrait-of-e-a-selivanovskaya-1852,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,vasily-tropinin_portrait-of-e-p-protasyeva,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-tropinin_portrait-of-e-p-rostopchin-etude-1853,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]" +Realism,vasily-tropinin_portrait-of-elizabeth-ivanovna-naryshkina,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,vasily-tropinin_portrait-of-levitskaya-volkonskaya-1852,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-tropinin_portrait-of-morkov,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,vasily-tropinin_portrait-of-the-actor-v-a-karatyghin-1842,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,vasily-tropinin_portrait-of-the-artist-s-sister-vatropinin-1825,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,vasily-tropinin_portrait-of-vladimir-artemyevitch-rajewski-1846,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,vasily-tropinin_the-coachman-leaning-on-a-whip-handle-1820,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Realism,vasily-tropinin_the-lacemaker,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]" +Realism,vasily-tropinin_the-old-man-farmer-1825,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0]" +Realism,vasily-tropinin_tuchkov-alexey-the-hero-of-1812-the-father-of-the-decembrist-alexei-tuchkova-1843,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vasily-tropinin_ukrainian-woman-in-namitke-1820,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,vasily-tropinin_ustim-karmaluk,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,vasily-tropinin_yelena-schepkin,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-tropinin_zagoskin-michael,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,vasily-vereshchagin_a-garden-gate-in-chuguchak-1870,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Realism,vasily-vereshchagin_a-rich-kyrgyz-hunter-with-a-falcon-1871,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-vereshchagin_a-sart,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,vasily-vereshchagin_about-the-war-1873,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,vasily-vereshchagin_afghan-1868,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Realism,vasily-vereshchagin_afghan-1870,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,vasily-vereshchagin_after-failure-1868,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0]" +Realism,vasily-vereshchagin_after-good-luck-1868,"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0, 1.0]" +Realism,vasily-vereshchagin_after-the-attack-dressing-station-near-plevna-1881,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Realism,vasily-vereshchagin_an-uzbek,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Realism,vasily-vereshchagin_ananuri-1863,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Realism,vasily-vereshchagin_arab-on-camel-1870,"[0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-vereshchagin_at-gorodnia-breakthrough-or-withdraw-1895,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Realism,vasily-vereshchagin_at-shipka-all-is-quiet-1879,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]" +Realism,vasily-vereshchagin_at-the-assumption-cathedral-1895,"[2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-vereshchagin_at-the-door-of-a-mosque-1873,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,vasily-vereshchagin_at-the-fortress-walls-let-them-enter,"[3.0, 4.0, 3.0, 7.0, 1.0, 0.0, 21.0, 6.0, 5.0]" +Realism,vasily-vereshchagin_at-the-fortress-walls-let-them-enter-1871,"[0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0]" +Realism,vasily-vereshchagin_bacha-and-his-fans-1868,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Realism,vasily-vereshchagin_bania-trader-bombay-1876,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,vasily-vereshchagin_bashi-bazouk-albanian-1878,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Realism,vasily-vereshchagin_bayonet-charge-hurrah-hurrah-1895,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,vasily-vereshchagin_beating-the-fiances-of-penelope-returning-ulysses-1862,"[1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0, 0.0]" +Realism,vasily-vereshchagin_before-moscow-waiting-for-the-deputation-of-boyars,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]" +Realism,vasily-vereshchagin_before-the-attack-at-plevna-1881,"[0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0, 1.0, 0.0]" +Realism,vasily-vereshchagin_before-the-confession-at-the-entrance-to-a-village-church-1888,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Realism,vasily-vereshchagin_beggar-ninety-six-years-old,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0]" +Realism,vasily-vereshchagin_beggars-in-samarkand-1870,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0]" +Realism,vasily-vereshchagin_bhil-1874,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,vasily-vereshchagin_blowing-from-guns-in-british-india-1884,"[0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]" +Realism,vasily-vereshchagin_boy-uzbek-1868,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Realism,vasily-vereshchagin_brahminic-temple-in-adelnure-1876,"[1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-vereshchagin_buddhist-lama-in-a-monastery-on-a-holiday-pemionchi-sikkim-1875,"[0.0, 0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0]" +Realism,vasily-vereshchagin_buddhist-prayer-machine-1875,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-vereshchagin_buddhist-temple-in-darjeeling-sikkim-1874,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,vasily-vereshchagin_bukhara-soldiers-sarbaz-1873,"[1.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,vasily-vereshchagin_burlak-who-hold-hands-on-the-strap-1866,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 1.0]" +Realism,vasily-vereshchagin_burlak-with-the-cap-in-his-hand-1866,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]" +Realism,vasily-vereshchagin_burlaks-1866,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 1.0]" +Realism,vasily-vereshchagin_camel-in-the-courtyard-caravanserai-1870,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-vereshchagin_cannibal,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 1.0]" +Realism,vasily-vereshchagin_cannon-1883,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]" +Realism,vasily-vereshchagin_cape-fiolent-near-sevastopol-1897,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-vereshchagin_captured-with-arms-shoot-them-1895,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Realism,vasily-vereshchagin_cart-for-the-wounded-1877,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Realism,vasily-vereshchagin_carved-pillar-in-the-refectory-of-the-petropavlovsk-church-in-the-village-puchugi-in-vologda-1894,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,vasily-vereshchagin_china-tent-1870,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-vereshchagin_chinese-1873,"[3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,vasily-vereshchagin_chinese-house-1870,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-vereshchagin_chinese-official-of-tribe-sibo-1870,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,vasily-vereshchagin_chinese-riders,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,vasily-vereshchagin_chorus-of-dervishes-begging-tashkent-1870,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vasily-vereshchagin_church-of-god-of-war-shrine-buddhist-temple,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0, 0.0]" +Realism,vasily-vereshchagin_coolie-porter-1875,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]" +Realism,vasily-vereshchagin_corner-of-the-turkish-redoubt-captured-on-may-30-but-abandoned-on-may-31-1877,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,vasily-vereshchagin_crimean-mountains,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-vereshchagin_defeated-requiem-1879,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]" +Realism,vasily-vereshchagin_dervishes-in-holiday-costumes-tashkent-1870,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,vasily-vereshchagin_douvana-begging-dervishes-1873,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 2.0, 0.0]" +Realism,vasily-vereshchagin_dressing-station-1879,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]" +Realism,vasily-vereshchagin_dutar-player-1870,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-vereshchagin_eaters-of-opium-1868,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Realism,vasily-vereshchagin_elbrus-1867,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-vereshchagin_entrance-to-a-temple-in-nikko,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Realism,vasily-vereshchagin_eunuch-at-the-door-of-the-harem-1870,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-vereshchagin_evening-on-the-lake-one-of-the-pavilions-on-the-marble-promenade-in-radzhnagar-principality-of-1874,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-vereshchagin_fakir-1876,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 2.0, 0.0, 0.0]" +Realism,vasily-vereshchagin_fakirs-1876,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Realism,vasily-vereshchagin_fire-of-zamoskvorechye-1896,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]" +Realism,vasily-vereshchagin_frozen-corpses-of-turkish-soldiers-1878,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Realism,vasily-vereshchagin_gate-near-the-qutub-minar-old-delhi-1875,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,vasily-vereshchagin_glacier-on-the-way-from-kashmir-to-ladakh-1875,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-vereshchagin_gulja-chinese,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Realism,vasily-vereshchagin_gur-emir-mausoleum-samarkand-1870,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-vereshchagin_hemis-monastery-in-ladakh-1875,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,vasily-vereshchagin_himalayan-ponies-1875,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]" +Realism,vasily-vereshchagin_himalayas-in-the-evening-1875,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,vasily-vereshchagin_himalayas-the-main-peak-1875,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,vasily-vereshchagin_in-a-boat-1904,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,vasily-vereshchagin_in-defeated-moscow-arsonists-or-shooting-in-the-kremlin-1898,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Realism,vasily-vereshchagin_in-india-himalayas-snow-1876,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,vasily-vereshchagin_in-jerusalem-royal-tombs-1885,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]" +Realism,vasily-vereshchagin_in-the-alatau-mountains-1870,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vasily-vereshchagin_in-the-hospital-1901,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Realism,vasily-vereshchagin_in-the-kremlin-a-fire-1895,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,vasily-vereshchagin_in-the-mountains,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-vereshchagin_in-the-park,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]" +Realism,vasily-vereshchagin_indian-1873,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]" +Realism,vasily-vereshchagin_indian-motif-1875,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,vasily-vereshchagin_inn-near-tashkent-1867,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,vasily-vereshchagin_interior-of-the-church-of-st-john-the-evangelist-on-the-ishna-near-rostov-yaroslavsky-1888,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Realism,vasily-vereshchagin_interior-of-the-wooden-church-of-st-peter-and-st-paul-in-puchug-1894,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Realism,vasily-vereshchagin_interrogation-of-the-renegade,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Realism,vasily-vereshchagin_interrupted-letter-1901,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Realism,vasily-vereshchagin_japanese-1903,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-vereshchagin_japanese-beggar,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-vereshchagin_japanese-priest-1904,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]" +Realism,vasily-vereshchagin_japanese-woman,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]" +Realism,vasily-vereshchagin_kalmyk-chapel-1870,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-vereshchagin_kalmyk-lama-1870,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,vasily-vereshchagin_kalmyk-lama-1873,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,vasily-vereshchagin_kazakh-with-fur-hat-1867,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,vasily-vereshchagin_kazakh-with-his-national-headdress,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Realism,vasily-vereshchagin_kazakh-woman-1867,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]" +Realism,vasily-vereshchagin_kazbek-1898,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-vereshchagin_kokand-soldier-1870,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Realism,vasily-vereshchagin_kurile-islands,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-vereshchagin_kyrgyz-1870,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-vereshchagin_kyrgyz-bride-outfit-with-a-headdress-covering-the-face-1870,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Realism,vasily-vereshchagin_kyrgyz-girl,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,vasily-vereshchagin_kyrgyz-tent-on-the-chu-river-1870,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,vasily-vereshchagin_lake-issyk-kul-in-the-evening-1870,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-vereshchagin_letter-remained-unfinished-1901,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]" +Realism,vasily-vereshchagin_letter-to-home-letter-to-mother-1901,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Realism,vasily-vereshchagin_lezgin-haji-murtuz-agha-from-dagestan-1864,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,vasily-vereshchagin_lezginka-1867,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0]" +Realism,vasily-vereshchagin_looking-out-1873,"[0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0]" +Realism,vasily-vereshchagin_lully-gypsy-1868,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]" +Realism,vasily-vereshchagin_main-street-in-samarkand-from-the-height-of-the-citadel-in-the-early-morning-1870,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Realism,vasily-vereshchagin_marshal-davout-in-the-chudovo-convent-1900,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-vereshchagin_mausoleum-of-shah-i-zinda-in-samarkand-1870,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,vasily-vereshchagin_mendicant-dervishes-duvana-holy-fools-1873,"[0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 2.0, 0.0, 0.0]" +Realism,vasily-vereshchagin_migrations-kirghiz-1870,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,vasily-vereshchagin_monastery-in-a-rock-ladakh-1875,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Realism,vasily-vereshchagin_mortally-wounded-1873,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 1.0]" +Realism,vasily-vereshchagin_moscow-kremlin-in-winter,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,vasily-vereshchagin_moslem-servant-1883,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-vereshchagin_moti-masjid-pearl-mosque-agra-1876,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,vasily-vereshchagin_mountain-stream-in-kashmir-1875,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-vereshchagin_mounted-warrior-in-jaipur,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,vasily-vereshchagin_moving-columns-of-m-d-skobelev-through-the-balkans-1878,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Realism,vasily-vereshchagin_mullah-rahim-and-mullah-karim-quarrel-on-his-way-to-the-market-1873,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-vereshchagin_mullah-tajik,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-vereshchagin_napoleon-and-general-lauriston-peace-at-all-costs-1900,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]" +Realism,vasily-vereshchagin_napoleon-in-the-petroff-palace-1895,"[1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0]" +Realism,vasily-vereshchagin_napoleon-near-borodino-1897,"[0.0, 0.0, 1.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0]" +Realism,vasily-vereshchagin_nomadic-road-in-the-mountains-of-ala-tau-1870,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-vereshchagin_old-molokan-in-a-light-shirt-1865,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,vasily-vereshchagin_on-the-bridge,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Realism,vasily-vereshchagin_on-the-road-retreat-and-escape-1895,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-vereshchagin_on-the-way-bad-news-from-france-1895,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,vasily-vereshchagin_parsi-priest-fire-worshiper-bombay-1876,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,vasily-vereshchagin_passage-of-barskaun,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-vereshchagin_picket-in-the-balkan-mountains,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,vasily-vereshchagin_picket-on-the-danube-1879,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vasily-vereshchagin_polititians-in-opium-shop-tashkent-1870,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,vasily-vereshchagin_portrait-of-a-bacha-1867,"[0.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-vereshchagin_portrait-of-a-man-in-a-white-turban-1867,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-vereshchagin_posthumous-monuments-in-ladakh-1875,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-vereshchagin_present-trophies-1872,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]" +Realism,vasily-vereshchagin_presentation-of-the-bosses-russian-officer-and-caucasians-1864,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Realism,vasily-vereshchagin_protection-of-holy-trinity-monastery,"[0.0, 2.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0]" +Realism,vasily-vereshchagin_radzhnagar-marble-adorned-with-bas-reliefs-quay-on-the-lake-in-udaipur-1874,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-vereshchagin_retired-butler-1888,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-vereshchagin_riders-swimming-the-river,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,vasily-vereshchagin_road-of-the-war-prisoners-1879,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-vereshchagin_roses-in-ladakh-1876,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-vereshchagin_ruins-in-chuguchak-1869,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vasily-vereshchagin_ruins-of-a-theater-in-chuguchak-1870,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0]" +Realism,vasily-vereshchagin_russian-camp-in-turkestan,"[0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 1.0, 0.0, 0.0]" +Realism,vasily-vereshchagin_samarkand-1870,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-vereshchagin_samarkand-zindan-underground-prison-1873,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Realism,vasily-vereshchagin_sea,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-vereshchagin_shipka-field-1879,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Realism,vasily-vereshchagin_shir-dor-madrasah-in-registan-square-in-samarkand-1870,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-vereshchagin_sinto-temple-in-nikko,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-vereshchagin_site-of-the-battle-fought-on-july-18-1877-in-front-of-the-krishin-redoubt-near-plevna-1880,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Realism,vasily-vereshchagin_snowy-trenches-russian-position-on-the-shipka-pass-1881,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Realism,vasily-vereshchagin_soldiers-in-the-snow-1878,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,vasily-vereshchagin_solomon-s-wall-1885,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-vereshchagin_solon-boy-1870,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Realism,vasily-vereshchagin_sowar-the-messenger-of-the-government-1876,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Realism,vasily-vereshchagin_spy-1879,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Realism,vasily-vereshchagin_spy-1901,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,vasily-vereshchagin_statue-of-vishnu-in-the-temple-of-indra-in-ellora-1876,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,vasily-vereshchagin_street-in-the-village-hodzhagent-1868,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vasily-vereshchagin_strengthening-naryn-in-tien-shan-celestial-mountains-near-kashgar-border-1870(1),"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-vereshchagin_sukhum-kale,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-vereshchagin_taj-mahal-mausoleum-1876,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-vereshchagin_taj-mahal-mausoleum-1876-1,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-vereshchagin_tamerlan-s-gate-1871,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-vereshchagin_temple-in-tokyo-1873,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-vereshchagin_the-apotheosis-of-war-1871,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0, 0.0]" +Realism,vasily-vereshchagin_the-children-of-the-tribe-solonov-1870,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,vasily-vereshchagin_the-colonnade-in-the-jain-temple-at-mount-abu-in-the-evening-1876,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,vasily-vereshchagin_the-doors-of-tamerlane-1872,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-vereshchagin_the-end-of-borodino-battle-1900,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Realism,vasily-vereshchagin_the-entrance-door-to-the-church-under-the-kazbek-1897,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Realism,vasily-vereshchagin_the-icon-of-st-nicholas-with-headwater-pinega-1894,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Realism,vasily-vereshchagin_the-iconostasis-of-the-church-of-john-the-theologian-on-ishna-near-rostov-yaroslavsky-1888,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]" +Realism,vasily-vereshchagin_the-interior-of-the-yurt-of-rich-kirghiz-1870,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,vasily-vereshchagin_the-mount-kazbek-1898,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-vereshchagin_the-night-bivouac-of-the-great-army-1897,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Realism,vasily-vereshchagin_the-northern-dvina-1894,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-vereshchagin_the-porch-of-the-church-of-john-the-baptist-in-tolchkovo-yaroslavl-1888,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,vasily-vereshchagin_the-return-from-the-petroff-palace-1895,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]" +Realism,vasily-vereshchagin_the-rider-in-jaipur,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-vereshchagin_the-ruins-of-the-chinese-shrine-ak-kent-1870,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-vereshchagin_the-sale-of-the-child-slave-1872,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Realism,vasily-vereshchagin_the-three-main-gods-in-a-chingacheling-buddhist-monastery-in-sikkim-1875,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,vasily-vereshchagin_throne-hall-of-the-great-mughal-shah-jahan-and-aurang-zeb-in-delhi-fort-1875,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-vereshchagin_tomb-of-sheikh-salim-chishti-in-fatehpur-sikri-1876,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vasily-vereshchagin_trinity-sunday-village-kolomna,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vasily-vereshchagin_triumph,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-vereshchagin_triumph-1872,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,vasily-vereshchagin_turkestan-officer-when-there-will-no-campaign-1873,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Realism,vasily-vereshchagin_turkestan-soldiers-in-the-winter-form-1873,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Realism,vasily-vereshchagin_turkmens-representing-war-trophies-to-khiva-khan-1868,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 1.0]" +Realism,vasily-vereshchagin_two-hawks-bashi-bazouk-1879,"[0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,vasily-vereshchagin_two-jews-1884,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vasily-vereshchagin_unawares-attack-1871,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Realism,vasily-vereshchagin_uzbek-dishes-seller-1873,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,vasily-vereshchagin_uzbek-the-foreman-elder-village-hodzhagent-1868,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,vasily-vereshchagin_uzbek-woman-in-tashkent-1873,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0]" +Realism,vasily-vereshchagin_vehicle-in-delhi-1875,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-vereshchagin_vehicle-of-rich-people-in-delhi-1875,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vasily-vereshchagin_wait-let-em-come-nearer-1895,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,vasily-vereshchagin_warrant-officer-hassan-beck-dzhagranov-1864,"[1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]" +Realism,vasily-vereshchagin_west-tibetans-1876,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vasily-vereshchagin_winners-1879,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Realism,vasily-vereshchagin_wounded-1901,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,vasily-vereshchagin_yaqui-1875,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Realism,vasily-vereshchagin_zyrian-1894,"[2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,viktor-vasnetsov_a-game-of-preference-1879,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,viktor-vasnetsov_acrobats-festival-in-a-paris-suburb-1877,"[1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0]" +Realism,viktor-vasnetsov_acrobats-on-a-holiday-near-paris-1877,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Realism,viktor-vasnetsov_akhtyrsky-oak,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Realism,viktor-vasnetsov_at-a-bookseller-s-1876,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,viktor-vasnetsov_away-1871,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Realism,viktor-vasnetsov_bajarmaland,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,viktor-vasnetsov_beggars-singer-pilgrims-1873,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Realism,viktor-vasnetsov_bouquet-abramtzevo,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,viktor-vasnetsov_brousov-calendar-1871,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,viktor-vasnetsov_children-are-ruining-the-nest,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,viktor-vasnetsov_edge-of-the-spruce-forest-1881,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,viktor-vasnetsov_entertainment,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,viktor-vasnetsov_fallen-knight-1879,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]" +Realism,viktor-vasnetsov_for-water-1880,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Realism,viktor-vasnetsov_from-dominik-1874,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Realism,viktor-vasnetsov_game-preference-sketch,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Realism,viktor-vasnetsov_girl-with-a-bast-basket-1870,"[1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Realism,viktor-vasnetsov_grave-digger-1871,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Realism,viktor-vasnetsov_headed-duck-hunter-1889,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,viktor-vasnetsov_in-a-suit-buffoon-1882,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,viktor-vasnetsov_in-the-park,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,viktor-vasnetsov_ivan-petrov-a-peasant-from-vladimir-province-1883,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,viktor-vasnetsov_ivan-the-terrible-sketch-1884,"[0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 3.0, 0.0, 0.0]" +Realism,viktor-vasnetsov_landscape-under-abramtzevo-1881,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,viktor-vasnetsov_lull-1881,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,viktor-vasnetsov_merchant-family-in-the-theater-1869,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,viktor-vasnetsov_monk-collector,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,viktor-vasnetsov_moving-house-1876,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]" +Realism,viktor-vasnetsov_nepomnjaschij,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Realism,viktor-vasnetsov_news-from-the-front-1878,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,viktor-vasnetsov_news-of-the-capture-of-kars-1878,"[0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Realism,viktor-vasnetsov_oak-grove-at-abramtsevo-1883,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,viktor-vasnetsov_ochtir-1879,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,viktor-vasnetsov_on-the-earth,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]" +Realism,viktor-vasnetsov_pharmacist-1871,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Realism,viktor-vasnetsov_playmates-1878,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,viktor-vasnetsov_pond-in-akhtyrka-1880,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,viktor-vasnetsov_pond-in-ochtir-1880,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,viktor-vasnetsov_porters-1870,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,viktor-vasnetsov_portrait-of-appolinary-vasnetsov-1872,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]" +Realism,viktor-vasnetsov_portrait-of-m-v-vasnetsov-1870,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,viktor-vasnetsov_portrait-of-michael-vasnetsov-the-artist-s-son-1892,"[1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0]" +Realism,viktor-vasnetsov_portrait-of-mikhail-nesterov-1926,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,viktor-vasnetsov_portrait-of-mikhail-nesterov-1926-1,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,viktor-vasnetsov_portrait-of-natalia-anatolevna-mammoth-1883,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,viktor-vasnetsov_portrait-of-olga-poletayeva-1912,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,viktor-vasnetsov_portrait-of-sculptor-mark-matveevitch-antokolsky-1884,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0]" +Realism,viktor-vasnetsov_portrait-of-tatjana-a-mamontowa-1884,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,viktor-vasnetsov_portrait-of-tatyana-vasnetsova-the-artist-s-daughter-1897,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,viktor-vasnetsov_portrait-of-the-artist-am-vasnetsov-1878,"[2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]" +Realism,viktor-vasnetsov_portrait-of-the-artist-arkhip-kuinji-1869,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,viktor-vasnetsov_portrait-of-the-artist-nikolai-kuznetsov-1884,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,viktor-vasnetsov_portrait-of-vera-savvishna-mammoth-1896,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,viktor-vasnetsov_portrait-of-victor-goshkevich-the-founder-of-the-historic-aarchaeological-museum-in-kherson-1887,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Realism,viktor-vasnetsov_prologue-1885,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,viktor-vasnetsov_reaper-1867,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,viktor-vasnetsov_rough-outline-of-the-image-of-ivan-the-terrible,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]" +Realism,viktor-vasnetsov_russian-proverbs-and-sayings-1867,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,viktor-vasnetsov_russian-proverbs-and-sayings-1867-1,"[1.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,viktor-vasnetsov_sedge-1880,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Realism,viktor-vasnetsov_self-portrait-1868,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,viktor-vasnetsov_self-portrait-1873,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Realism,viktor-vasnetsov_tea-drinking-in-a-tavern-1874,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,viktor-vasnetsov_the-farmer-at-the-table-1877,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,viktor-vasnetsov_the-farmer-with-a-sixth-study-1877,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,viktor-vasnetsov_the-head-of-the-peasant-1878,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,viktor-vasnetsov_the-lake-1902,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,viktor-vasnetsov_the-valley-of-the-river-near-the-village-of-vori-whorl-landscape-with-children-1880,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,viktor-vasnetsov_vyatka-river-1878,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,viktor-vasnetsov_winter,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]" +Realism,viktor-vasnetsov_wrestler-s-head-portrait-of-wrestler-n-d-kuznetsov,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,viktor-vasnetsov_yarilin-valley-1885,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,vincent-van-gogh_a-carpenter-with-apron-1882(1),"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]" +Realism,vincent-van-gogh_a-digger-1881(1),"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Realism,vincent-van-gogh_a-girl-in-a-wood-1882(1),"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,vincent-van-gogh_a-girl-in-the-street-two-coaches-in-the-background-1882(1),"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Realism,vincent-van-gogh_a-girl-raking-1881(1),"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0]" +Realism,vincent-van-gogh_a-house-magros-1879(1),"[2.0, 1.0, 23.0, 1.0, 0.0, 0.0, 11.0, 11.0, 2.0]" +Realism,vincent-van-gogh_a-man-with-a-broom-1881(1),"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Realism,vincent-van-gogh_a-marsh-1881(1),"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Realism,vincent-van-gogh_a-sheet-with-sketches-1883(1),"[0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0]" +Realism,vincent-van-gogh_a-zandmennik-house(1),"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Realism,vincent-van-gogh_alley-bordered-by-trees-1884(1),"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,vincent-van-gogh_an-almshouse-man-in-a-top-hat-1882(1),"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]" +Realism,vincent-van-gogh_an-old-man-putting-dry-rice-on-the-hearth-1881(1),"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]" +Realism,vincent-van-gogh_at-the-plough-1884(1),"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Realism,vincent-van-gogh_austin-friars-church-london(1),"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vincent-van-gogh_autumn-landscape-1885(1),"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,vincent-van-gogh_autumn-landscape-at-dusk-1885(1),"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vincent-van-gogh_autumn-landscape-with-four-trees-1885(1),"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vincent-van-gogh_avenue-of-poplars-1884(1),"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Realism,vincent-van-gogh_avenue-of-poplars-at-sunset-1884(1),"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vincent-van-gogh_avenue-of-poplars-at-sunset-1884-1(1),"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,vincent-van-gogh_baby(1),"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,vincent-van-gogh_baby-1(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 1.0]" +Realism,vincent-van-gogh_baby-crawling(1),"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,vincent-van-gogh_baby-in-a-carriage(1),"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,vincent-van-gogh_backyards-of-old-houses-in-antwerp-in-the-snow-1885,"[2.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vincent-van-gogh_barn-with-moss-covered-roof-1881(1),"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Realism,vincent-van-gogh_basket-of-carnations-and-zinnias-1886(1),"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,vincent-van-gogh_basket-of-potatoes-1885(1),"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]" +Realism,vincent-van-gogh_basket-of-potatoes-1885-1(1),"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]" +Realism,vincent-van-gogh_baskets-of-potatoes-1885(1),"[0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]" +Realism,vincent-van-gogh_beach-and-boats-1882(1),"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,vincent-van-gogh_beach-and-sea-1882(1),"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]" +Realism,vincent-van-gogh_beach-at-scheveningen-in-calm-weather-1882(1),"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vincent-van-gogh_beach-with-people-walking-and-boats-1882(1),"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vincent-van-gogh_beer-tankards-1885(1),"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vincent-van-gogh_behind-the-hedges-1884(1),"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Realism,vincent-van-gogh_bench-in-a-wood-1882(1),"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]" +Realism,vincent-van-gogh_bench-with-four-persons-1882(1),"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,vincent-van-gogh_bench-with-four-persons-and-baby-1882(1),"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Realism,vincent-van-gogh_bench-with-three-persons-1882(1),"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Realism,vincent-van-gogh_bending-woman-1882(1),"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]" +Realism,vincent-van-gogh_bent-figure-of-a-woman-1882(1),"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Realism,vincent-van-gogh_bent-figure-of-a-woman-sien-1882(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0]" +Realism,vincent-van-gogh_bird-s-nest-1885(1),"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Realism,vincent-van-gogh_blacksmith-shop(1),"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,vincent-van-gogh_bleaching-ground-1882(1),"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,vincent-van-gogh_blind-man-sitting-in-interior(1),"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,vincent-van-gogh_bobbin-winder-1885(1),"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,vincent-van-gogh_bowl-with-peonies-and-roses-1886(1),"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,vincent-van-gogh_breakwater-1883(1),"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Realism,vincent-van-gogh_bridge-and-houses-on-the-corner-of-herengracht-prinsessegracht-1882(1),"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,vincent-van-gogh_building-in-eindhoven-the-weigh-house-1885(1),"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vincent-van-gogh_bulb-fields-1883(1),"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vincent-van-gogh_carpenter-1882(1),"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vincent-van-gogh_carpenter-s-workshop-seen-from-the-artist-s-studio-1882(1),"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vincent-van-gogh_carpenter-s-yard-and-laundry-1882(1),"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,vincent-van-gogh_carpenter-seen-from-the-back-1882(1),"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Realism,vincent-van-gogh_cart-with-black-ox-1884(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]" +Realism,vincent-van-gogh_cart-with-red-and-white-ox-1884(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]" +Realism,vincent-van-gogh_cemetery-1883(1),"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]" +Realism,vincent-van-gogh_church-pew-with-worshippers-1882(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]" +Realism,vincent-van-gogh_churchyard-in-the-rain-1883(1),"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 4.0, 32.0, 5.0]" +Realism,vincent-van-gogh_churchyard-in-the-rain-1883-1(1),"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]" +Realism,vincent-van-gogh_churchyard-in-winter-1883(1),"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Realism,vincent-van-gogh_churchyard-in-winter-1883-1(1),"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vincent-van-gogh_city-view(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 4.0, 0.0]" +Realism,vincent-van-gogh_clock-clog-with-cutlery-and-a-spoon-rack-1885(1),"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Realism,vincent-van-gogh_cluster-of-old-houses-with-the-new-church-in-the-hague-1882(1),"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]" +Realism,vincent-van-gogh_coal-shoveler-1879(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0]" +Realism,vincent-van-gogh_coalmine-in-the-borinage-1879(1),"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,vincent-van-gogh_congregation-leaving-the-reformed-church-in-nuenen-1884(1),"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,vincent-van-gogh_corinthian-capital-1863(1),"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vincent-van-gogh_cottage(1),"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vincent-van-gogh_cottage-and-woman-with-goat-1885(1),"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vincent-van-gogh_cottage-with-decrepit-barn-and-stooping-woman-1885(1),"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Realism,vincent-van-gogh_cottage-with-peasant-coming-home-1885(1),"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Realism,vincent-van-gogh_cottage-with-peasant-woman-digging-1885(1),"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,vincent-van-gogh_cottage-with-trees-1885(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 2.0]" +Realism,vincent-van-gogh_cottage-with-trees-1885-1(1),"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Realism,vincent-van-gogh_cottage-with-trees-and-peasant-woman-1885(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 1.0]" +Realism,vincent-van-gogh_cottage-with-woman-digging-1885(1),"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]" +Realism,vincent-van-gogh_cottages-1883(1),"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]" +Realism,vincent-van-gogh_country-churchyard-and-old-church-tower-1885(1),"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vincent-van-gogh_country-lane-with-trees-1882(1),"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,vincent-van-gogh_country-lane-with-two-figures-1885(1),"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,vincent-van-gogh_cradle-1882(1),"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,vincent-van-gogh_daughter-of-jacob-meyer-1881(1),"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Realism,vincent-van-gogh_digger-1881(1),"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,vincent-van-gogh_digger-1881-1(1),"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,vincent-van-gogh_digger-1881-2(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0]" +Realism,vincent-van-gogh_digger-1882(1),"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]" +Realism,vincent-van-gogh_digger-1882-1(1),"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,vincent-van-gogh_digger-1882-2(1),"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,vincent-van-gogh_digger-1882-3(1),"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,vincent-van-gogh_digger-in-a-potato-field-february-1885(1),"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Realism,vincent-van-gogh_diggers-in-torn-up-street-1882(1),"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,vincent-van-gogh_ditch-1884(1),"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Realism,vincent-van-gogh_donkey-cart-with-boy-and-scheveningen-woman-1882(1),"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vincent-van-gogh_drawbridge-in-nieuw-amsterdam-1883(1),"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,vincent-van-gogh_dunes-1882(1),"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vincent-van-gogh_dunes-with-figures-1882(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]" +Realism,vincent-van-gogh_dunes-with-figures-1882-1(1),"[0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vincent-van-gogh_dying-slave-and-figures-at-a-table-1887(1),"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]" +Realism,vincent-van-gogh_edge-of-a-wood-1882(1),"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,vincent-van-gogh_entrance-to-the-old-tower-1885(1),"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Realism,vincent-van-gogh_entrance-to-the-pawn-bank-the-hague-1882(1),"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,vincent-van-gogh_factory-1882(1),"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vincent-van-gogh_farmer-leaning-on-his-spade-1881(1),"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vincent-van-gogh_farmer-sitting-at-the-fireside-and-reading-1881(1),"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]" +Realism,vincent-van-gogh_farmhouse-1883(1),"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Realism,vincent-van-gogh_farmhouse-at-night-1883(1),"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Realism,vincent-van-gogh_farmhouse-with-barn-and-trees-1883(1),"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Realism,vincent-van-gogh_farmhouse-with-peat-stacks-1883(1),"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,vincent-van-gogh_farmhouses-among-trees-1883(1),"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,vincent-van-gogh_farmhouses-in-loosduinen-near-the-hague-at-twilight-1883(1),"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]" +Realism,vincent-van-gogh_feet-1885(1),"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vincent-van-gogh_feet-1885-1(1),"[2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]" +Realism,vincent-van-gogh_field-in-a-thunderstorm-1881(1),"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,vincent-van-gogh_field-with-thunderstorm-1881(1),"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]" +Realism,vincent-van-gogh_figure-of-a-woman-with-unfinished-chair-1882(1),"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Realism,vincent-van-gogh_figures-in-a-winter-landscape-1883(1),"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,vincent-van-gogh_fish-drying-barn-1882(1),"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0]" +Realism,vincent-van-gogh_fish-drying-barn-in-scheveningen-1882(1),"[0.0, 7.0, 13.0, 1.0, 0.0, 1.0, 6.0, 13.0, 4.0]" +Realism,vincent-van-gogh_fish-drying-barn-seen-from-a-height-1882(1),"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]" +Realism,vincent-van-gogh_fisherman-in-jacket-with-upturned-collar-1883(1),"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Realism,vincent-van-gogh_fisherman-on-the-beach-1882(1),"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]" +Realism,vincent-van-gogh_fisherman-s-wife-on-the-beach-1882(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 1.0]" +Realism,vincent-van-gogh_fisherman-with-basket-on-his-back-1882(1),"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,vincent-van-gogh_fisherman-with-sou-wester-1883(1),"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Realism,vincent-van-gogh_fisherman-with-sou-wester-head-1883(1),"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Realism,vincent-van-gogh_fisherman-with-sou-wester-head-1883-1(1),"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]" +Realism,vincent-van-gogh_fisherman-with-sou-wester-pipe-and-coal-pan-1883(1),"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,vincent-van-gogh_fisherman-with-sou-wester-sitting-with-pipe-1883(1),"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Realism,vincent-van-gogh_fisherman-with-sou-wester-sitting-with-pipe-1883-1(1),"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Realism,vincent-van-gogh_five-men-and-a-child-in-the-snow-1883(1),"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Realism,vincent-van-gogh_five-persons-at-a-meal-1885(1),"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Realism,vincent-van-gogh_four-hands(1),"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,vincent-van-gogh_four-hands-two-holding-bowls-1885(1),"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,vincent-van-gogh_four-men-cutting-wood-1882(1),"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,vincent-van-gogh_four-peasants-at-a-meal-study-for-the-potato-eaters-1885(1),"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Realism,vincent-van-gogh_four-people-on-a-bench-1882(1),"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,vincent-van-gogh_four-people-sharing-a-meal-1885(1),"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Realism,vincent-van-gogh_four-sketches-of-a-foot-1886(1),"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]" +Realism,vincent-van-gogh_french-peasant-woman-suckling-her-baby-after-dalou(1),"[0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vincent-van-gogh_funeral-in-the-snow-near-the-old-tower-1883(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]" +Realism,vincent-van-gogh_garbage-dump-1883(1),"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,vincent-van-gogh_garbage-dump-1883-1(1),"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0]" +Realism,vincent-van-gogh_garden-in-the-snow-1885(1),"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Realism,vincent-van-gogh_gardener-near-a-gnarled-apple-tree-1883(1),"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,vincent-van-gogh_gardener-with-a-wheelbarrow-1884(1),"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]" +Realism,vincent-van-gogh_gasworks-1882(1),"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]" +Realism,vincent-van-gogh_girl-carrying-a-loaf-of-bread-1882(1),"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Realism,vincent-van-gogh_girl-in-the-woods-1882(1),"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0, 0.0]" +Realism,vincent-van-gogh_girl-in-white-in-the-woods-1882(1),"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Realism,vincent-van-gogh_girl-kneeling-1881(1),"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Realism,vincent-van-gogh_girl-kneeling-by-a-cradle-1883(1),"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,vincent-van-gogh_girl-kneeling-in-front-of-a-bucket-1881(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]" +Realism,vincent-van-gogh_girl-kneeling-in-front-of-a-cradle-1883(1),"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]" +Realism,vincent-van-gogh_girl-near-the-stove-grinding-coffee-1882(1),"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vincent-van-gogh_girl-sitting-knitting-1882(1),"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,vincent-van-gogh_girl-standing-knitting-1882(1),"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vincent-van-gogh_girl-with-a-shawl-1883(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]" +Realism,vincent-van-gogh_girl-with-black-cap-sitting-on-the-ground-1881(1),"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Realism,vincent-van-gogh_girl-with-pinafore-half-figure-1883(1),"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,vincent-van-gogh_girl-with-shawl-half-figure-1883(1),"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0, 0.0]" +Realism,vincent-van-gogh_glass-with-roses-1886(1),"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vincent-van-gogh_gordina-de-groot-head-1885(1),"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Realism,vincent-van-gogh_group-of-people-on-the-beach-with-fishing-boat-arriving-1882(1),"[0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,vincent-van-gogh_hand-1885(1),"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vincent-van-gogh_hand-1885-1(1),"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,vincent-van-gogh_hand-with-a-pot-the-knob-of-a-chair-and-a-hunk-of-bread-1885(1),"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,vincent-van-gogh_hand-with-a-stick-and-four-people-sharing-a-meal-1885(1),"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Realism,vincent-van-gogh_hand-with-bowl-and-a-cat-1885(1),"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,vincent-van-gogh_hands-1885(1),"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vincent-van-gogh_hands-1885-1(1),"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,vincent-van-gogh_hands-1885-2(1),"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,vincent-van-gogh_hands-with-a-stick-1885(1),"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Realism,vincent-van-gogh_head-of-a-brabant-peasant-woman-with-dark-cap-1885(1),"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Realism,vincent-van-gogh_head-of-a-fisherman-with-a-fringe-of-beard-and-a-sou-wester(1),"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Realism,vincent-van-gogh_head-of-a-fisherman-with-a-sou-wester-1883(1),"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 3.0, 1.0, 0.0]" +Realism,vincent-van-gogh_head-of-a-fisherman-with-a-sou-wester-1883-1(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]" +Realism,vincent-van-gogh_head-of-a-girl-bareheaded-and-head-of-a-man-with-beard-and-cap(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]" +Realism,vincent-van-gogh_head-of-a-man-1(1),"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Realism,vincent-van-gogh_head-of-a-man-1885(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]" +Realism,vincent-van-gogh_head-of-a-man-2(1),"[0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]" +Realism,vincent-van-gogh_head-of-a-man-bareheaded-1885(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]" +Realism,vincent-van-gogh_head-of-a-man-bareheaded-1885-1(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 1.0]" +Realism,vincent-van-gogh_head-of-a-man-with-cap-1885(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0]" +Realism,vincent-van-gogh_head-of-a-man-with-straw-hat-1885(1),"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 2.0]" +Realism,vincent-van-gogh_head-of-a-peasant-1885(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]" +Realism,vincent-van-gogh_head-of-a-peasant-study-for-the-potato-eaters-1885(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]" +Realism,vincent-van-gogh_head-of-a-peasant-with-a-pipe-1885(1),"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vincent-van-gogh_head-of-a-peasant-woman(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]" +Realism,vincent-van-gogh_head-of-a-peasant-woman-1884(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0, 0.0]" +Realism,vincent-van-gogh_head-of-a-peasant-woman-bareheaded,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0, 0.0]" +Realism,vincent-van-gogh_head-of-a-peasant-woman-in-a-green-shawl-1885(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 2.0]" +Realism,vincent-van-gogh_head-of-a-peasant-woman-with-brownish-cap-1885(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]" +Realism,vincent-van-gogh_head-of-a-peasant-woman-with-dark-cap-1885(1),"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Realism,vincent-van-gogh_head-of-a-peasant-woman-with-dark-cap-1885-1(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]" +Realism,vincent-van-gogh_head-of-a-peasant-woman-with-dark-cap-1885-2(1),"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,vincent-van-gogh_head-of-a-peasant-woman-with-dark-cap-1885-3(1),"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Realism,vincent-van-gogh_head-of-a-peasant-woman-with-dark-cap-1885-4(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0]" +Realism,vincent-van-gogh_head-of-a-peasant-woman-with-dark-cap-1885-5(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0]" +Realism,vincent-van-gogh_head-of-a-peasant-woman-with-dark-cap-1885-6(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0]" +Realism,vincent-van-gogh_head-of-a-peasant-woman-with-dark-cap-1885-7(1),"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0]" +Realism,vincent-van-gogh_head-of-a-peasant-woman-with-greenish-lace-cap-1885(1),"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Realism,vincent-van-gogh_head-of-a-peasant-woman-with-white-cap-1884(1),"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vincent-van-gogh_head-of-a-peasant-woman-with-white-cap-1885(1),"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vincent-van-gogh_head-of-a-peasant-woman-with-white-cap-1885-1(1),"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Realism,vincent-van-gogh_head-of-a-peasant-woman-with-white-cap-1885-2(1),"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Realism,vincent-van-gogh_head-of-a-peasant-woman-with-white-cap-1885-3(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0]" +Realism,vincent-van-gogh_head-of-a-peasant-woman-with-white-cap-1885-4(1),"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0]" +Realism,vincent-van-gogh_head-of-a-peasant-woman-with-white-cap-1885-5(1),"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,vincent-van-gogh_head-of-a-peasant-woman-with-white-cap-1885-6,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 1.0]" +Realism,vincent-van-gogh_head-of-a-woman,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Realism,vincent-van-gogh_head-of-a-woman-1,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vincent-van-gogh_head-of-a-woman-10,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0]" +Realism,vincent-van-gogh_head-of-a-woman-11,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Realism,vincent-van-gogh_head-of-a-woman-12,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]" +Realism,vincent-van-gogh_head-of-a-woman-13,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Realism,vincent-van-gogh_head-of-a-woman-14,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]" +Realism,vincent-van-gogh_head-of-a-woman-15,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0, 0.0]" +Realism,vincent-van-gogh_head-of-a-woman-16,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,vincent-van-gogh_head-of-a-woman-17,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Realism,vincent-van-gogh_head-of-a-woman-1882,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Realism,vincent-van-gogh_head-of-a-woman-1883,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Realism,vincent-van-gogh_head-of-a-woman-1884,"[2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]" +Realism,vincent-van-gogh_head-of-a-woman-1885,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,vincent-van-gogh_head-of-a-woman-2,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]" +Realism,vincent-van-gogh_head-of-a-woman-3,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Realism,vincent-van-gogh_head-of-a-woman-4,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]" +Realism,vincent-van-gogh_head-of-a-woman-5(1),"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]" +Realism,vincent-van-gogh_head-of-a-woman-6(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]" +Realism,vincent-van-gogh_head-of-a-woman-7(1),"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,vincent-van-gogh_head-of-a-woman-8,"[1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]" +Realism,vincent-van-gogh_head-of-a-woman-9,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]" +Realism,vincent-van-gogh_head-of-a-woman-with-her-hair-loose-1885(1),"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Realism,vincent-van-gogh_head-of-a-young-man(2),"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Realism,vincent-van-gogh_head-of-a-young-man-1,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vincent-van-gogh_head-of-a-young-man-2,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,vincent-van-gogh_head-of-a-young-man-with-a-pipe,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Realism,vincent-van-gogh_head-of-a-young-peasant-in-a-peaked-cap-1885,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Realism,vincent-van-gogh_head-of-a-young-peasant-woman-with-dark-cap-1885,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0]" +Realism,vincent-van-gogh_head-of-an-old-peasant-woman-with-white-cap-1884,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]" +Realism,vincent-van-gogh_head-of-an-old-peasant-woman-with-white-cap-1884-1,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]" +Realism,vincent-van-gogh_head-of-an-old-woman-with-white-cap-the-midwife-1885(2),"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vincent-van-gogh_honesty-in-a-vase-1885,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vincent-van-gogh_houses-with-thatched-roofs-1884,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 2.0]" +Realism,vincent-van-gogh_idol,"[0.0, 1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,vincent-van-gogh_idol-1,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,vincent-van-gogh_idol-2,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vincent-van-gogh_idol-3,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Realism,vincent-van-gogh_idol-4,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,vincent-van-gogh_idol-and-sketches-of-venus,"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 2.0]" +Realism,vincent-van-gogh_interior-with-a-weaver-facing-right-1883,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Realism,vincent-van-gogh_interior-with-peasant-woman-peeling-potatoes-1885,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,vincent-van-gogh_interior-with-peasant-woman-sewing-1885,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vincent-van-gogh_interior-with-peasant-woman-sewing-1885-1,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,vincent-van-gogh_interior-with-peasant-woman-sewing-1885-2,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]" +Realism,vincent-van-gogh_interior-with-peasant-woman-sewing-1885-3,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 1.0]" +Realism,vincent-van-gogh_interior-with-peasant-woman-sewing-1885-4,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Realism,vincent-van-gogh_interior-with-peasant-woman-sitting-near-the-fireplace-1885,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]" +Realism,vincent-van-gogh_interior-with-peasant-woman-sitting-near-the-fireplace-1885-1,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Realism,vincent-van-gogh_iron-mill-in-the-hague-1882,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Realism,vincent-van-gogh_kettle-over-a-fire-and-a-cottage-by-night-1885,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vincent-van-gogh_kneeling-man-planting-1881,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,vincent-van-gogh_landscape-at-dusk-1885,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Realism,vincent-van-gogh_landscape-at-nuenen,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 2.0]" +Realism,vincent-van-gogh_landscape-at-sunset-1885,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,vincent-van-gogh_landscape-in-drenthe-1883,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Realism,vincent-van-gogh_landscape-in-stormy-weather-1885,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Realism,vincent-van-gogh_landscape-with-a-church-1883,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,vincent-van-gogh_landscape-with-a-church-1883-1,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]" +Realism,vincent-van-gogh_landscape-with-a-church-and-houses-1885,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Realism,vincent-van-gogh_landscape-with-a-farm-1883,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Realism,vincent-van-gogh_landscape-with-a-stack-of-peat-and-farmhouses-1883,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Realism,vincent-van-gogh_landscape-with-bog-oak-trunks-1883,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Realism,vincent-van-gogh_landscape-with-cottages-and-a-mill-1885,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Realism,vincent-van-gogh_landscape-with-dunes-1883,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vincent-van-gogh_landscape-with-pollard-willows-1884,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]" +Realism,vincent-van-gogh_landscape-with-trees-1881,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,vincent-van-gogh_landscape-with-willows-and-sun-shining-through-the-clouds-1884,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,vincent-van-gogh_landscape-with-windmill-1881,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vincent-van-gogh_landscape-with-woman-walking-1883,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,vincent-van-gogh_lane-in-autumn-1884,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]" +Realism,vincent-van-gogh_lane-with-poplars,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vincent-van-gogh_lane-with-poplars-near-nuenen-1885,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,vincent-van-gogh_lane-with-trees-and-one-figure-1884,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,vincent-van-gogh_lange-vijverberg-hague-1883,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Realism,vincent-van-gogh_lap-with-hands,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,vincent-van-gogh_lap-with-hands-and-a-bowl,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Realism,vincent-van-gogh_lower-part-of-the-windmill-de-laakmolen-1882,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vincent-van-gogh_lumber-sale-1883,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]" +Realism,vincent-van-gogh_lying-cow-1883,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vincent-van-gogh_man-and-woman-seen-from-the-back-1882,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vincent-van-gogh_man-and-woman-sharing-a-meal-1885,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,vincent-van-gogh_man-breaking-up-the-soil-1883,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,vincent-van-gogh_man-carrying-peat-1882,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Realism,vincent-van-gogh_man-feeding-chickens-or-sowing-1883,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Realism,vincent-van-gogh_man-in-a-village-inn-1883,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Realism,vincent-van-gogh_man-loading-a-cart-1885,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,vincent-van-gogh_man-praying-1883,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,vincent-van-gogh_man-pulling-a-harrow-1883,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,vincent-van-gogh_man-putting-potatoes-in-a-sack-1881,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Realism,vincent-van-gogh_man-sitting-by-the-stove-the-pauper-1882,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Realism,vincent-van-gogh_man-sitting-reading-a-book-1882,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Realism,vincent-van-gogh_man-sitting-with-a-glass-in-his-hand-1882,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,vincent-van-gogh_man-standing-reading-a-book-1882,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vincent-van-gogh_man-standing-with-arms-folded-1882,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,vincent-van-gogh_man-stooping-with-stick-or-spade-1882,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,vincent-van-gogh_man-winding-yarn-1884,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,vincent-van-gogh_man-with-a-sack-of-wood-1881,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Realism,vincent-van-gogh_man-with-bowler-1885,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Realism,vincent-van-gogh_man-with-his-head-in-his-hands-1882,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 2.0]" +Realism,vincent-van-gogh_man-with-pipe-and-eye-bandage-1882,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]" +Realism,vincent-van-gogh_man-with-rake-1883,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,vincent-van-gogh_man-with-saw-1881,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,vincent-van-gogh_man-with-top-hat-1882,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]" +Realism,vincent-van-gogh_man-with-winnow-1881,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,vincent-van-gogh_man-writing-facing-left-1881,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]" +Realism,vincent-van-gogh_mangle-with-two-women-and-a-man-1884,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Realism,vincent-van-gogh_marsh-with-water-lillies-1881,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,vincent-van-gogh_meadow-in-the-background-new-church-1882,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,vincent-van-gogh_meadows-near-rijswijk-1882,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vincent-van-gogh_meadows-near-rijswijk-and-the-schenkweg-1882,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Realism,vincent-van-gogh_melancholy-1883,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,vincent-van-gogh_milk-jug,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vincent-van-gogh_mills-in-the-neighbourhood-of-dordrecht-1877,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0, 0.0]" +Realism,vincent-van-gogh_miners-1880,"[0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0]" +Realism,vincent-van-gogh_miners-in-the-snow-at-dawn-1880,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Realism,vincent-van-gogh_miners-in-the-snow-winter-1882,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,vincent-van-gogh_miners-wives-carrying-sacks-of-coal-1882,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Realism,vincent-van-gogh_miners-women-carrying-sacks-the-bearers-of-the-burden-1881,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0]" +Realism,vincent-van-gogh_mother-at-the-cradle-and-child-sitting-on-the-floor-1881,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Realism,vincent-van-gogh_mower-after-millet-1881,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Realism,vincent-van-gogh_near-the-hearth-1881,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vincent-van-gogh_new-born-calf-lying-on-straw,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 2.0]" +Realism,vincent-van-gogh_nude-woman-half-length-1882,"[1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0]" +Realism,vincent-van-gogh_old-man-in-a-tail-coat-1882,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vincent-van-gogh_old-man-reading-1882,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vincent-van-gogh_old-man-reeling-yarn-1884,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]" +Realism,vincent-van-gogh_old-man-warming-himself-1881,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,vincent-van-gogh_old-man-with-a-stick-1882,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0]" +Realism,vincent-van-gogh_old-man-with-a-top-hat-1882,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]" +Realism,vincent-van-gogh_old-nag-1883,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]" +Realism,vincent-van-gogh_old-street-the-paddemoes-1882,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Realism,vincent-van-gogh_old-woman-asleep-after-rops-1873,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Realism,vincent-van-gogh_old-woman-seen-from-behind-1882,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vincent-van-gogh_old-woman-with-a-shawl-and-a-walking-stick-1882,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,vincent-van-gogh_orphan-man-1882,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]" +Realism,vincent-van-gogh_orphan-man-bareheaded-1883,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,vincent-van-gogh_orphan-man-holding-top-hat-in-his-hand-1882,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0]" +Realism,vincent-van-gogh_orphan-man-holding-top-hat-in-his-hand-1882-1,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]" +Realism,vincent-van-gogh_orphan-man-in-sunday-clothes-with-eye-bandage-1882,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]" +Realism,vincent-van-gogh_orphan-man-sitting-with-a-girl-1882,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vincent-van-gogh_orphan-man-standing-1882,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Realism,vincent-van-gogh_orphan-man-talking-with-woman-sien-1883,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 1.0]" +Realism,vincent-van-gogh_orphan-man-wearing-a-blouse-sitting-with-pipe-1882,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,vincent-van-gogh_orphan-man-wearing-a-blouse-with-broom-and-pipe-1882,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]" +Realism,vincent-van-gogh_orphan-man-with-a-baby-in-his-arms-1883,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]" +Realism,vincent-van-gogh_orphan-man-with-cap-and-stick-1882,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,vincent-van-gogh_orphan-man-with-cap-and-walking-stick-1882,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]" +Realism,vincent-van-gogh_orphan-man-with-cap-eating-1882,"[2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]" +Realism,vincent-van-gogh_orphan-man-with-cap-half-length-1883,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Realism,vincent-van-gogh_orphan-man-with-cap-head-1883,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Realism,vincent-van-gogh_orphan-man-with-cap-seen-from-the-back-1882,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,vincent-van-gogh_orphan-man-with-long-overcoat-and-umbrella-seen-from-the-back-1882,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,vincent-van-gogh_orphan-man-with-long-overcoat-and-umbrella-seen-from-the-back-2-1882,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Realism,vincent-van-gogh_orphan-man-with-long-overcoat-cleaning-boots-1882,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]" +Realism,vincent-van-gogh_orphan-man-with-long-overcoat-glass-and-handkerchief-1882,"[0.0, 0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0]" +Realism,vincent-van-gogh_orphan-man-with-pickax-on-his-shoulder-1883,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0]" +Realism,vincent-van-gogh_orphan-man-with-top-hat-and-hands-crossed-1882,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,vincent-van-gogh_orphan-man-with-top-hat-and-umbrella-looking-at-his-watch-1882,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Realism,vincent-van-gogh_orphan-man-with-top-hat-and-umbrella-under-his-arm-1882,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 2.0]" +Realism,vincent-van-gogh_orphan-man-with-top-hat-drinking-coffee-1882,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,vincent-van-gogh_orphan-man-with-top-hat-drinking-coffee-1882-1,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vincent-van-gogh_orphan-man-with-top-hat-eating-from-a-plate-1882,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 2.0]" +Realism,vincent-van-gogh_orphan-man-with-top-hat-head-1882,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Realism,vincent-van-gogh_orphan-man-with-top-hat-holding-cup-1882,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Realism,vincent-van-gogh_orphan-man-with-top-hat-standing-near-the-stove-seen-from-the-back-1882,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 2.0]" +Realism,vincent-van-gogh_orphan-man-with-umbrella-seen-from-the-back-1882,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]" +Realism,vincent-van-gogh_orphans-1882,"[0.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0]" +Realism,vincent-van-gogh_oxcart-in-the-snow-1884,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]" +Realism,vincent-van-gogh_parsonage-garden-1884,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]" +Realism,vincent-van-gogh_parsonage-garden-1884-1,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]" +Realism,vincent-van-gogh_parsonage-garden-at-dusk-1885,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Realism,vincent-van-gogh_parsonage-garden-in-the-snow-with-three-figures-1885,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]" +Realism,vincent-van-gogh_parsonage-with-flowering-trees-1884,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]" +Realism,vincent-van-gogh_part-of-a-portrait-of-anthon-van-rappard-1884,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Realism,vincent-van-gogh_path-to-the-beach-1883,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Realism,vincent-van-gogh_peasant-and-peasant-woman-planting-potatoes-1885,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Realism,vincent-van-gogh_peasant-boy-1885,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]" +Realism,vincent-van-gogh_peasant-boy-digging-1885,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0]" +Realism,vincent-van-gogh_peasant-burning-weeds-1883,"[1.0, 4.0, 14.0, 6.0, 1.0, 0.0, 5.0, 6.0, 9.0]" +Realism,vincent-van-gogh_peasant-burning-weeds-and-farmhouse-at-night-1883,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Realism,vincent-van-gogh_peasant-chopping-1885,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Realism,vincent-van-gogh_peasant-chopping-1885-1,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,vincent-van-gogh_peasant-digging-1885,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 2.0]" +Realism,vincent-van-gogh_peasant-girl-half-figure,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0]" +Realism,vincent-van-gogh_peasant-girl-half-figure-2-1885,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Realism,vincent-van-gogh_peasant-girl-standing-1881,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]" +Realism,vincent-van-gogh_peasant-lifting-beet-1885,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]" +Realism,vincent-van-gogh_peasant-lifting-potatoes-1885,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]" +Realism,vincent-van-gogh_peasant-lifting-potatoes-2-1885,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Realism,vincent-van-gogh_peasant-man-and-woman-digging-1885,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]" +Realism,vincent-van-gogh_peasant-man-and-woman-planting-potatoes-1885,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,vincent-van-gogh_peasant-man-and-woman-planting-potatoes-1885-1,"[0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0]" +Realism,vincent-van-gogh_peasant-seen-from-the-back-and-three-hands-holding-a-stick-1885,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]" +Realism,vincent-van-gogh_peasant-sitting-by-the-fireplace-worn-out-1881,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Realism,vincent-van-gogh_peasant-sitting-by-the-fireplace-worn-out-1881-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]" +Realism,vincent-van-gogh_peasant-walking-with-a-wheelbarrow-1885,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Realism,vincent-van-gogh_peasant-with-a-chopping-knife-1881,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,vincent-van-gogh_peasant-with-a-stick-1881,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,vincent-van-gogh_peasant-with-sickle-1885,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Realism,vincent-van-gogh_peasant-with-sickle-seen-from-the-back-1885,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]" +Realism,vincent-van-gogh_peasant-with-sickle-seen-from-the-back-1885-1,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,vincent-van-gogh_peasant-with-sickle-seen-from-the-back-1885-2,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]" +Realism,vincent-van-gogh_peasant-with-sickle-seen-from-the-back-1885-3,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 2.0, 0.0]" +Realism,vincent-van-gogh_peasant-with-sickle-seen-from-the-back-1885-4,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Realism,vincent-van-gogh_peasant-with-sickle-seen-from-the-back-1885-5,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Realism,vincent-van-gogh_peasant-with-walking-stick-and-little-sketch-of-the-same-figure-1885,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vincent-van-gogh_peasant-woman-1885,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 1.0]" +Realism,vincent-van-gogh_peasant-woman-at-the-washtub-1885,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Realism,vincent-van-gogh_peasant-woman-at-the-washtub-and-peasant-woman-hanging-up-the-laundry-1885,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Realism,vincent-van-gogh_peasant-woman-bending-over-1885,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,vincent-van-gogh_peasant-woman-binding-a-sheaf-of-grain-1885,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Realism,vincent-van-gogh_peasant-woman-binding-sheaves-1885,"[1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]" +Realism,vincent-van-gogh_peasant-woman-by-the-hearth,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Realism,vincent-van-gogh_peasant-woman-carrying-a-sheaf-of-grain-1885,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Realism,vincent-van-gogh_peasant-woman-carrying-wheat-in-her-apron-1885,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Realism,vincent-van-gogh_peasant-woman-digging-1885,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,vincent-van-gogh_peasant-woman-digging-1885-1,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,vincent-van-gogh_peasant-woman-digging-1885-2,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Realism,vincent-van-gogh_peasant-woman-digging-seen-from-the-side-1885,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,vincent-van-gogh_peasant-woman-gleaning-1885,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,vincent-van-gogh_peasant-woman-gleaning-1885-1,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Realism,vincent-van-gogh_peasant-woman-head,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]" +Realism,vincent-van-gogh_peasant-woman-head-1,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]" +Realism,vincent-van-gogh_peasant-woman-head-1884,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0]" +Realism,vincent-van-gogh_peasant-woman-head-1884-1,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Realism,vincent-van-gogh_peasant-woman-head-1885,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]" +Realism,vincent-van-gogh_peasant-woman-head-1885-1,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 1.0, 0.0]" +Realism,vincent-van-gogh_peasant-woman-head-1885-2,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0, 0.0]" +Realism,vincent-van-gogh_peasant-woman-head-1885-3,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 2.0, 0.0]" +Realism,vincent-van-gogh_peasant-woman-head-1885-4,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Realism,vincent-van-gogh_peasant-woman-head-1885-5,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]" +Realism,vincent-van-gogh_peasant-woman-head-2,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Realism,vincent-van-gogh_peasant-woman-head-3,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]" +Realism,vincent-van-gogh_peasant-woman-head-4,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]" +Realism,vincent-van-gogh_peasant-woman-head-5,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]" +Realism,vincent-van-gogh_peasant-woman-head-6,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,vincent-van-gogh_peasant-woman-head-7,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Realism,vincent-van-gogh_peasant-woman-head-8,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Realism,vincent-van-gogh_peasant-woman-kneeling-possibly-digging-up-carrots-1885,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Realism,vincent-van-gogh_peasant-woman-kneeling-seen-from-the-back-1885,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,vincent-van-gogh_peasant-woman-kneeling-with-chopper-1885,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,vincent-van-gogh_peasant-woman-lifting-potatoes-1885,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]" +Realism,vincent-van-gogh_peasant-woman-lifting-potatoes-2-1885,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Realism,vincent-van-gogh_peasant-woman-lifting-potatoes-3-1885,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Realism,vincent-van-gogh_peasant-woman-lifting-potatoes-4-1885,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Realism,vincent-van-gogh_peasant-woman-lifting-potatoes-5-1885,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]" +Realism,vincent-van-gogh_peasant-woman-lifting-potatoes-6-1885,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,vincent-van-gogh_peasant-woman-peeling-potatoes-1885,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vincent-van-gogh_peasant-woman-picking-up-a-sheaf-of-grain-1885,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vincent-van-gogh_peasant-woman-pitching-wheat-or-hay-1885,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0]" +Realism,vincent-van-gogh_peasant-woman-pitching-wheat-or-hay-1885-1,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,vincent-van-gogh_peasant-woman-planting-beets-1885,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,vincent-van-gogh_peasant-woman-planting-beets-2-1885,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Realism,vincent-van-gogh_peasant-woman-planting-potatoes-1885,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Realism,vincent-van-gogh_peasant-woman-portrait-of-gordina-de-groot-1885,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]" +Realism,vincent-van-gogh_peasant-woman-portrait-of-gordina-de-groot-1885-1,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,vincent-van-gogh_peasant-woman-reeling-yarn-1885,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,vincent-van-gogh_peasant-woman-seated-1885,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]" +Realism,vincent-van-gogh_peasant-woman-seen-against-the-window-head-and-whole-figure-1885,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]" +Realism,vincent-van-gogh_peasant-woman-seen-against-the-window-two-heads-1885,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Realism,vincent-van-gogh_peasant-woman-sitting-by-the-fire-1885,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]" +Realism,vincent-van-gogh_peasant-woman-sitting-with-chin-in-hand-1885,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Realism,vincent-van-gogh_peasant-woman-sowing-with-a-basket-1881,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vincent-van-gogh_peasant-woman-standing-near-a-ditch-or-pool-1885,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Realism,vincent-van-gogh_peasant-woman-stooping-1885,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Realism,vincent-van-gogh_peasant-woman-stooping-2-1885,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,vincent-van-gogh_peasant-woman-stooping-and-gleaning-1885,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Realism,vincent-van-gogh_peasant-woman-stooping-and-gleaning-1885-1,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]" +Realism,vincent-van-gogh_peasant-woman-stooping-between-sheaves-of-grain-1885,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0]" +Realism,vincent-van-gogh_peasant-woman-stooping-seen-from-the-back-1885,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]" +Realism,vincent-van-gogh_peasant-woman-stooping-to-the-left,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]" +Realism,vincent-van-gogh_peasant-woman-stooping-with-a-spade-digging-up-carrots-1885,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,vincent-van-gogh_peasant-woman-stooping-with-spade-possibly-digging-up-carrots,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,vincent-van-gogh_peasant-woman-tossing-hay-seen-from-the-back-1885,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vincent-van-gogh_peasant-woman-two-heads-1885,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]" +Realism,vincent-van-gogh_peasant-woman-walking-1885,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]" +Realism,vincent-van-gogh_peasant-woman-with-a-bucket-1885,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Realism,vincent-van-gogh_peasant-woman-with-a-child-in-her-lap-1885,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Realism,vincent-van-gogh_peasant-woman-with-broom-1885,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 1.0]" +Realism,vincent-van-gogh_peasant-woman-with-broom-1885-1,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]" +Realism,vincent-van-gogh_peasant-woman-with-shawl-over-her-head-seen-from-the-back-1885,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 3.0]" +Realism,vincent-van-gogh_peasant-woman-with-shawl-over-her-head-seen-from-the-side-1885,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Realism,vincent-van-gogh_peasant-woman-with-shawl-over-her-head-seen-from-the-side-2-1885,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]" +Realism,vincent-van-gogh_peasant-woman-with-spade-1885,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Realism,vincent-van-gogh_peasant-woman-working-with-a-long-stick-1885,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]" +Realism,vincent-van-gogh_peasants-planting-potatoes-1884,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]" +Realism,vincent-van-gogh_peat-diggers-in-the-dunes-1883,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,vincent-van-gogh_peat-diggers-in-the-dunes-1883-1,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vincent-van-gogh_people-in-the-studio-1883,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Realism,vincent-van-gogh_people-strolling-on-the-beach-1882,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vincent-van-gogh_people-walking-in-eindhoven-1885,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,vincent-van-gogh_people-walking-on-the-beach-1882,"[1.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vincent-van-gogh_pine-trees-in-the-fen-1884,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vincent-van-gogh_planting-beets-1885,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,vincent-van-gogh_plaster-statuette-of-a-male-torso-1886,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Realism,vincent-van-gogh_plaster-torso-of-a-woman-1886,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Realism,vincent-van-gogh_plaster-torso-of-a-woman-seen-from-the-side-1886,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]" +Realism,vincent-van-gogh_plate-with-cutlery-and-a-kettle-1885,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Realism,vincent-van-gogh_ploughman-and-three-women-1883,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]" +Realism,vincent-van-gogh_ploughman-with-woman-planting-potatoes-1884,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,vincent-van-gogh_plowman-with-stooping-woman-and-a-little-farmhouse-with-piles-of-peat-1883,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,vincent-van-gogh_plowman-with-two-women-1883,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,vincent-van-gogh_pollard-birches-1884,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Realism,vincent-van-gogh_pollard-willow-1881,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Realism,vincent-van-gogh_pollard-willow-1882,"[0.0, 6.0, 11.0, 2.0, 1.0, 0.0, 11.0, 8.0, 5.0]" +Realism,vincent-van-gogh_pollard-willow-1882-1,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,vincent-van-gogh_poplar-trees-1884,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,vincent-van-gogh_portrait-of-a-woman-1885,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Realism,vincent-van-gogh_portrait-of-a-woman-head-of-a-peasant-woman-with-bonnet,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Realism,vincent-van-gogh_portrait-of-an-old-man-with-beard-1885,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,vincent-van-gogh_portrait-of-vincent-van-gogh-the-artist-s-grandfather-1881,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,vincent-van-gogh_portrait-of-woman-in-blue-1885,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,vincent-van-gogh_portrait-possibly-of-willemien-van-gogh-1881,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]" +Realism,vincent-van-gogh_potato-field-1882,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,vincent-van-gogh_potato-field-behind-the-dunes-1883,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0]" +Realism,vincent-van-gogh_potato-harvest-with-two-figures-1884,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vincent-van-gogh_prayer-before-the-meal-1882,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,vincent-van-gogh_quayside-with-ships-in-antwerp-1885,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Realism,vincent-van-gogh_reaper-1885,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]" +Realism,vincent-van-gogh_reaper-1885-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 2.0]" +Realism,vincent-van-gogh_reaper-1885-2,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Realism,vincent-van-gogh_reaper-1885-3,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,vincent-van-gogh_reaper-with-sickle-after-millet-1881,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,vincent-van-gogh_road-with-pollard-willows-1881,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,vincent-van-gogh_road-with-pollard-willows-1881-1,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]" +Realism,vincent-van-gogh_road-with-pollard-willows-1881-2,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,vincent-van-gogh_road-with-pollard-willows-and-man-with-broom-1881,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,vincent-van-gogh_rooftops-1882,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,vincent-van-gogh_sale-of-building-scrap-1885,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Realism,vincent-van-gogh_sand-diggers-1882,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vincent-van-gogh_sand-diggers-in-dekkersduin-near-the-hague-1883,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,vincent-van-gogh_sand-diggers-in-dekkersduin-near-the-hague-2-1883,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,vincent-van-gogh_saw-mill-1882,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,vincent-van-gogh_scheveningen-road-1882,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,vincent-van-gogh_scheveningen-woman-1881,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Realism,vincent-van-gogh_scheveningen-woman-knitting-1881,"[0.0, 1.0, 27.0, 0.0, 0.0, 0.0, 0.0, 16.0, 3.0]" +Realism,vincent-van-gogh_scheveningen-woman-sewing-1882,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Realism,vincent-van-gogh_scheveningen-woman-sewing-2-1881,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,vincent-van-gogh_scheveningen-woman-standing-1881,"[0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 20.0, 20.0, 4.0]" +Realism,vincent-van-gogh_scheveningen-woman-with-wheeelbarrow-1883,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Realism,vincent-van-gogh_scheveningen-women-and-other-people-under-umbrellas-1882,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,vincent-van-gogh_sculpture-and-still-life-with-cabbage-and-clogs-1881,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Realism,vincent-van-gogh_seated-female-nude,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]" +Realism,vincent-van-gogh_seated-girl-and-venus,"[0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0, 0.0]" +Realism,vincent-van-gogh_seated-girl-seen-from-the-front,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,vincent-van-gogh_seated-male-nude-seen-from-the-back,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,vincent-van-gogh_seated-man-with-a-beard-1886,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vincent-van-gogh_seated-man-with-a-beard-1886-1,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Realism,vincent-van-gogh_seated-man-with-a-moustache-and-cap-1886,"[2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,vincent-van-gogh_seated-nude-after-bargues-1890,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0]" +Realism,vincent-van-gogh_seated-woman-1885,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,vincent-van-gogh_seated-woman-2-1885,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]" +Realism,vincent-van-gogh_seated-woman-3-1885,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,vincent-van-gogh_self-portrait-1886,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Realism,vincent-van-gogh_self-portrait-1886-1,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]" +Realism,vincent-van-gogh_self-portrait-with-cap-1886,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]" +Realism,vincent-van-gogh_self-portrait-with-pipe-1886,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Realism,vincent-van-gogh_self-portrait-with-pipe-1886-1,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0]" +Realism,vincent-van-gogh_sheaves-of-wheat-in-a-field-1885,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Realism,vincent-van-gogh_shepherd-with-a-flock-of-sheep-1884,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Realism,vincent-van-gogh_shepherd-with-flock-near-a-little-church-at-zweeloo-1883,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]" +Realism,vincent-van-gogh_sien-nursing-baby-1882,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vincent-van-gogh_sien-nursing-baby-1882-1,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vincent-van-gogh_sien-nursing-baby-half-figure-1882,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vincent-van-gogh_sien-nursing-baby-half-figure-1882-1,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0]" +Realism,vincent-van-gogh_sien-peeling-potatoes-1883,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,vincent-van-gogh_sien-pregnant-walking-with-older-woman-1882,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Realism,vincent-van-gogh_sien-s-mother-s-house-1882,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vincent-van-gogh_sien-s-mother-s-house-closer-view-1882,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vincent-van-gogh_sien-s-mother-s-house-seen-from-the-backyard-1882,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vincent-van-gogh_sien-sewing-half-figure-1883,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Realism,vincent-van-gogh_sien-sewing-half-figure-1883-1,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,vincent-van-gogh_sien-under-umbrella-with-girl-1882,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,vincent-van-gogh_sien-with-child-on-her-lap-1882,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Realism,vincent-van-gogh_sien-with-cigar-sitting-on-the-floor-near-stove-1882,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Realism,vincent-van-gogh_sien-with-umbrella-and-prayer-book-1882,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Realism,vincent-van-gogh_sketch-of-a-foot-1886,"[0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0]" +Realism,vincent-van-gogh_sketch-of-a-hen-1890,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Realism,vincent-van-gogh_sketch-of-a-knee-1886,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]" +Realism,vincent-van-gogh_sketch-of-a-knee-1886-1,"[0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]" +Realism,vincent-van-gogh_sketch-of-a-left-hand-1886,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Realism,vincent-van-gogh_sketch-of-a-left-hand-1886-1,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Realism,vincent-van-gogh_sketch-of-a-right-arm-and-shoulder-1886,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]" +Realism,vincent-van-gogh_sketch-of-a-seated-woman-1888,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,vincent-van-gogh_sketchbook,"[2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]" +Realism,vincent-van-gogh_sketches-for-the-drawing-of-an-auction-1885,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]" +Realism,vincent-van-gogh_sketches-of-a-hen-and-a-cock-1890,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,vincent-van-gogh_sketches-of-a-man-with-a-ladder-other-figures-and-a-cemetery-1885,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0]" +Realism,vincent-van-gogh_sketches-of-heads-1884,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0, 0.0]" +Realism,vincent-van-gogh_sketches-of-the-old-tower-and-figures-1885,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,vincent-van-gogh_skull-with-burning-cigarette-1885,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Realism,vincent-van-gogh_small-house-on-a-road-with-pollard-willows-1881,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,vincent-van-gogh_snowy-landscape-with-stooping-woman-1883,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Realism,vincent-van-gogh_snowy-landscape-with-the-old-tower-1883,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,vincent-van-gogh_snowy-yard-1883,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,vincent-van-gogh_sorrow-1882,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]" +Realism,vincent-van-gogh_sorrow-1882-1,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 1.0]" +Realism,vincent-van-gogh_sorrow-1882-2,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0]" +Realism,vincent-van-gogh_sorrowing-woman-1887,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Realism,vincent-van-gogh_soup-distribution-in-a-public-soup-kitchen-1883,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 1.0]" +Realism,vincent-van-gogh_sower-1881,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Realism,vincent-van-gogh_sower-1881-1,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vincent-van-gogh_sower-1881-2,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 2.0]" +Realism,vincent-van-gogh_sower-1882,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 1.0]" +Realism,vincent-van-gogh_sower-1882-1,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Realism,vincent-van-gogh_sower-1882-2,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,vincent-van-gogh_sower-1882-3,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,vincent-van-gogh_sower-1884,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]" +Realism,vincent-van-gogh_sower-after-millet-1881,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]" +Realism,vincent-van-gogh_sower-facing-left,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0]" +Realism,vincent-van-gogh_sower-with-basket-1881,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,vincent-van-gogh_sower-with-hand-in-sack-1881,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Realism,vincent-van-gogh_sower-with-hand-in-sack-1881-1,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,vincent-van-gogh_sowers-1882,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vincent-van-gogh_st-catharina-s-church-at-eindhoven-1885,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 1.0]" +Realism,vincent-van-gogh_st-martin-s-church-at-tongelre-1885,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]" +Realism,vincent-van-gogh_standing-woman-half-length-1882,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]" +Realism,vincent-van-gogh_state-lottery-office-1882,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,vincent-van-gogh_station-in-the-hague-1882,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Realism,vincent-van-gogh_still-life-of-paintbrushes-in-a-flowerpot-1884,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]" +Realism,vincent-van-gogh_still-life-with-a-basket-of-apples-1885,"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 1.0]" +Realism,vincent-van-gogh_still-life-with-a-basket-of-apples-and-two-pumpkins-1885,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0]" +Realism,vincent-van-gogh_still-life-with-a-basket-of-vegetables-1885,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vincent-van-gogh_still-life-with-an-earthern-bowl-and-pears-1885,"[0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]" +Realism,vincent-van-gogh_still-life-with-an-earthern-bowl-and-potatoes-1885,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Realism,vincent-van-gogh_still-life-with-apples-meat-and-a-roll-1886,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Realism,vincent-van-gogh_still-life-with-basket-of-apples-1885,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Realism,vincent-van-gogh_still-life-with-beer-mug-and-fruit-1881,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Realism,vincent-van-gogh_still-life-with-bible,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vincent-van-gogh_still-life-with-cabbage-and-clogs-1881,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vincent-van-gogh_still-life-with-clogs-and-pots-1884,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Realism,vincent-van-gogh_still-life-with-coffee-mill-pipe-case-and-jug-1884,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Realism,vincent-van-gogh_still-life-with-earthenware-bottle-and-clogs-1885,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Realism,vincent-van-gogh_still-life-with-five-bottles-1884,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vincent-van-gogh_still-life-with-four-stone-bottles-flask-and-white-cup-1884,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vincent-van-gogh_still-life-with-mackerels-lemons-and-tomatoes-1886,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]" +Realism,vincent-van-gogh_still-life-with-meadow-flowers-and-roses-1886,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,vincent-van-gogh_still-life-with-scabiosa-and-ranunculus-1886,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,vincent-van-gogh_still-life-with-three-birds-nests-1885,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,vincent-van-gogh_still-life-with-two-jars-and-two-pumpkins-1885,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,vincent-van-gogh_still-life-with-two-sacks-and-a-bottle-1884,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vincent-van-gogh_still-life-with-vegetables-and-fruit-1885,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vincent-van-gogh_still-life-with-yellow-hat-1885,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Realism,vincent-van-gogh_stocky-man-1885,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]" +Realism,vincent-van-gogh_stocky-man-1885-1,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Realism,vincent-van-gogh_stooks-and-a-mill-1885,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0]" +Realism,vincent-van-gogh_stooks-and-a-peasant-stacking-sheaves-1885,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 1.0, 0.0]" +Realism,vincent-van-gogh_stooping-woman-in-landscape-1883,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0]" +Realism,vincent-van-gogh_stooping-woman-with-net-1883,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Realism,vincent-van-gogh_straw-hats-at-dusk-1885,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Realism,vincent-van-gogh_studies-for-figures-carrying-bundles-of-wood-1885,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]" +Realism,vincent-van-gogh_studies-of-a-dead-sparrow-1885,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vincent-van-gogh_studies-of-donkey-carts-1882,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]" +Realism,vincent-van-gogh_studies-of-the-interior-of-a-cottage-and-a-sketch-of-the-potato-eaters-1885,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,vincent-van-gogh_studies-of-three-peasants-and-a-head-1885,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vincent-van-gogh_study-of-a-tree-1882,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Realism,vincent-van-gogh_study-of-three-peasants-one-sitting-1885,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]" +Realism,vincent-van-gogh_study-of-two-peasants-1885,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 3.0]" +Realism,vincent-van-gogh_study-of-two-peasants-1885-1,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Realism,vincent-van-gogh_study-sheet-with-seven-hands-1885,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vincent-van-gogh_sunset-over-a-meadow-1882,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0]" +Realism,vincent-van-gogh_tabernacle-in-the-heath,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]" +Realism,vincent-van-gogh_the-angelus-after-millet-1880,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,vincent-van-gogh_the-bakery-in-de-geest-1882,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Realism,vincent-van-gogh_the-bench-1882,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0]" +Realism,vincent-van-gogh_the-bookseller-blok-1882(1),"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]" +Realism,vincent-van-gogh_the-cave-of-machpelah-1877,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,vincent-van-gogh_the-church-in-nuenen-in-winter-1883,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,vincent-van-gogh_the-fish-drying-barn-at-scheveningen,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,vincent-van-gogh_the-garden-of-the-parsonage-with-arbor-1881,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Realism,vincent-van-gogh_the-goat-herd-1862,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,vincent-van-gogh_the-green-parrot-1886,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,vincent-van-gogh_the-grote-markt-1885,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]" +Realism,vincent-van-gogh_the-heath-with-a-wheelbarrow-1883,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,vincent-van-gogh_the-houses-on-schenkweg-where-van-gogh-lived-1882,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,vincent-van-gogh_the-kingfisher-1884,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]" +Realism,vincent-van-gogh_the-landscape-in-drenthe-1883,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vincent-van-gogh_the-old-cemetery-tower-at-nuenen-in-the-snow-1885,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vincent-van-gogh_the-old-station-at-eindhoven-1885,"[1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]" +Realism,vincent-van-gogh_the-old-tower-1884,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Realism,vincent-van-gogh_the-old-tower-in-the-fields-1884,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Realism,vincent-van-gogh_the-old-tower-in-the-snow-1885,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,vincent-van-gogh_the-parsonage-garden-at-nuenen-in-the-snow-1885,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,vincent-van-gogh_the-parsonage-garden-at-nuenen-in-the-snow-1885-1,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vincent-van-gogh_the-parsonage-garden-at-nuenen-with-pond-and-figures-1885,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vincent-van-gogh_the-parsonage-garden-in-the-snow-1885,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,vincent-van-gogh_the-potato-eaters-1885,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 1.0]" +Realism,vincent-van-gogh_the-potato-eaters-1885-1,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vincent-van-gogh_the-public-soup-kitchen-1883,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Realism,vincent-van-gogh_the-public-soup-kitchen-1883-1,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,vincent-van-gogh_the-schenkweg-1882,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Realism,vincent-van-gogh_the-spire-of-the-church-of-our-lady-1885,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,vincent-van-gogh_the-state-lottery-1882,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]" +Realism,vincent-van-gogh_the-vicarage-at-nuenen-1885,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vincent-van-gogh_the-vicarage-garden-1884,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,vincent-van-gogh_three-hands,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Realism,vincent-van-gogh_three-hands-2,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,vincent-van-gogh_three-hands-3,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vincent-van-gogh_three-hands-two-holding-forks,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Realism,vincent-van-gogh_three-hands-two-with-knives,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Realism,vincent-van-gogh_three-people-sharing-a-meal-1885,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Realism,vincent-van-gogh_three-persons-returning-from-the-potato-field-1883,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]" +Realism,vincent-van-gogh_three-persons-sitting-at-the-window-1885,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,vincent-van-gogh_three-studies-of-a-woman-with-a-shawl-1885,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vincent-van-gogh_three-woodcutters-walking-1884,"[0.0, 1.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0]" +Realism,vincent-van-gogh_torn-up-street-with-diggers-1882,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Realism,vincent-van-gogh_torso-of-venus,"[0.0, 1.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0]" +Realism,vincent-van-gogh_torso-of-venus-1,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Realism,vincent-van-gogh_torso-of-venus-1887,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Realism,vincent-van-gogh_torso-of-venus-1887-1,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]" +Realism,vincent-van-gogh_torso-of-venus-1887-2,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vincent-van-gogh_torso-of-venus-1887-3,"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 2.0]" +Realism,vincent-van-gogh_torso-of-venus-1887-4,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 2.0, 0.0, 0.0]" +Realism,vincent-van-gogh_torso-of-venus-2,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vincent-van-gogh_torso-of-venus-3,"[1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]" +Realism,vincent-van-gogh_torso-of-venus-4,"[0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 2.0, 1.0]" +Realism,vincent-van-gogh_torso-of-venus-5,"[0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 1.0]" +Realism,vincent-van-gogh_torso-of-venus-and-a-landscape-1887,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]" +Realism,vincent-van-gogh_town-d-avray-l-etang-au-batelier-1875,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,vincent-van-gogh_two-boys-near-a-cart-1882,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Realism,vincent-van-gogh_two-hands,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Realism,vincent-van-gogh_two-hands-2,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Realism,vincent-van-gogh_two-hands-3,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 1.0]" +Realism,vincent-van-gogh_two-hands-and-a-woman-s-head,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,vincent-van-gogh_two-hands-and-two-arms,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,vincent-van-gogh_two-hands-with-a-stick,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,vincent-van-gogh_two-men-with-a-four-wheeled-wagon-1882,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0]" +Realism,vincent-van-gogh_two-peasant-women-digging-potatoes-1885,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,vincent-van-gogh_two-rats-1884,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 2.0]" +Realism,vincent-van-gogh_two-sketches-of-a-man-leaning-on-his-spade-1867,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,vincent-van-gogh_two-studies-of-a-cottage-1885,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 2.0]" +Realism,vincent-van-gogh_two-women-1882,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]" +Realism,vincent-van-gogh_two-women-in-a-balcony-box-1885,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0]" +Realism,vincent-van-gogh_two-women-in-the-moor-1883,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Realism,vincent-van-gogh_two-women-in-the-woods-1882,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,vincent-van-gogh_two-women-kneeling-1883,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vincent-van-gogh_two-women-talking-to-each-other-while-digging-1885,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Realism,vincent-van-gogh_unfinished-sketch-of-an-interior-with-a-pan-above-the-fire-1881,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Realism,vincent-van-gogh_van-stolkpark-1882,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vincent-van-gogh_vase-with-asters-and-phlox-1886,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,vincent-van-gogh_vase-with-asters-salvia-and-other-flowers-1886,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vincent-van-gogh_vase-with-carnations-1886,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vincent-van-gogh_vase-with-carnations-1886-1,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vincent-van-gogh_vase-with-carnations-1886-2,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,vincent-van-gogh_vase-with-carnations-and-bottle-1886,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vincent-van-gogh_vase-with-carnations-and-other-flowers-1886,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vincent-van-gogh_vase-with-daisies-1887,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Realism,vincent-van-gogh_vase-with-flowers,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,vincent-van-gogh_vase-with-gladioli-and-carnations-1886-1,"[0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Realism,vincent-van-gogh_vase-with-gladioli-and-lilac-1886,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vincent-van-gogh_vase-with-honesty-1884,"[0.0, 0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vincent-van-gogh_vase-with-zinnias-and-other-flowers-1886,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,vincent-van-gogh_vicarage-and-church-at-etten-1876,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,vincent-van-gogh_vicarage-at-etten-1876,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vincent-van-gogh_view-from-the-window-of-vincent-s-studio-in-winter-1883,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]" +Realism,vincent-van-gogh_view-from-the-window-of-vincent-s-studio-in-winter-1883-1,"[0.0, 2.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,vincent-van-gogh_view-of-het-steen-1885,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vincent-van-gogh_view-of-het-steen-1885-1,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Realism,vincent-van-gogh_view-of-royal-road-ramsgate-1876,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Realism,vincent-van-gogh_view-of-royal-road-ramsgate-1876-1,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vincent-van-gogh_view-of-scheveningen-1882,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,vincent-van-gogh_view-of-the-hague-with-the-new-church-1882,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]" +Realism,vincent-van-gogh_view-of-the-sea-at-scheveningen-1882,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,vincent-van-gogh_view-on-the-singel-in-amsterdam-1885,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Realism,vincent-van-gogh_village-at-sunset-1884,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,vincent-van-gogh_vincent-s-boarding-house-in-hackford-road-brixton-london,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]" +Realism,vincent-van-gogh_waiting-room-1882,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,vincent-van-gogh_water-wheels-of-mill-at-gennep-1884,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,vincent-van-gogh_watermill-at-gennep-1884,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Realism,vincent-van-gogh_watermill-in-kollen-near-nuenen-1884,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,vincent-van-gogh_weaver-1884,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Realism,vincent-van-gogh_weaver-1884-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]" +Realism,vincent-van-gogh_weaver-1884-2,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vincent-van-gogh_weaver-1884-3,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vincent-van-gogh_weaver-1884-4,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Realism,vincent-van-gogh_weaver-1884-5,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vincent-van-gogh_weaver-arranging-threads-1884,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,vincent-van-gogh_weaver-facing-left-1884,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Realism,vincent-van-gogh_weaver-facing-left-1884-1,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,vincent-van-gogh_weaver-facing-right-1884,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Realism,vincent-van-gogh_weaver-facing-right-interior-with-one-window-and-high-chair-1884,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]" +Realism,vincent-van-gogh_weaver-near-an-open-window-1884,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,vincent-van-gogh_weaver-seen-from-the-front-1884,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vincent-van-gogh_weaver-standing-in-front-of-a-loom-1884,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]" +Realism,vincent-van-gogh_weaver-with-a-baby-in-a-highchair-1884,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vincent-van-gogh_weaver-with-other-figures-in-front-of-loom-1884,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]" +Realism,vincent-van-gogh_weed-burner-sitting-on-a-wheelbarrow-with-his-wife-1883,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vincent-van-gogh_wheat-field-with-mower-and-a-stooping-peasant-woman-1885,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Realism,vincent-van-gogh_wheat-field-with-sheaves-and-a-windmill-1885,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,vincent-van-gogh_wheat-field-with-trees-and-mower-1885,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Realism,vincent-van-gogh_wheat-harvest-1884,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 3.0, 0.0]" +Realism,vincent-van-gogh_wheatfield-with-a-stook-and-a-mill-1885,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]" +Realism,vincent-van-gogh_wheatfield-with-reaper-and-peasant-woman-binding-sheaves-1885,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vincent-van-gogh_windmils-at-dordrecht-1881,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Realism,vincent-van-gogh_winter-garden-1884,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]" +Realism,vincent-van-gogh_woman-at-the-window-knitting-1882,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0]" +Realism,vincent-van-gogh_woman-by-a-hearth-1885,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]" +Realism,vincent-van-gogh_woman-by-a-hearth-1885-1,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,vincent-van-gogh_woman-by-the-fireplace-1885,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]" +Realism,vincent-van-gogh_woman-by-the-wash-tub-in-the-garden-1885,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,vincent-van-gogh_woman-churning-butter-1881,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,vincent-van-gogh_woman-cutting-bread-1885,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]" +Realism,vincent-van-gogh_woman-digging-1883,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,vincent-van-gogh_woman-feeding-chickens-1883,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0]" +Realism,vincent-van-gogh_woman-grinding-coffee-1881,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Realism,vincent-van-gogh_woman-in-a-dark-dress-sien-s-mother-1882,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Realism,vincent-van-gogh_woman-mending-stockings-1881,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,vincent-van-gogh_woman-on-a-road-with-pollard-willows-1882,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 2.0]" +Realism,vincent-van-gogh_woman-peeling-potatoes-1885,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vincent-van-gogh_woman-peeling-potatoes-near-a-window-1881,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,vincent-van-gogh_woman-peeling-potatoes-near-a-window-2-1881,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,vincent-van-gogh_woman-praying-1883,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vincent-van-gogh_woman-preparing-a-meal-1885,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,vincent-van-gogh_woman-reeling-yarn-1884,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,vincent-van-gogh_woman-reeling-yarn-1884-1,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Realism,vincent-van-gogh_woman-s-head-1883,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]" +Realism,vincent-van-gogh_woman-sewing-1881,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Realism,vincent-van-gogh_woman-sewing-1881-1,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,vincent-van-gogh_woman-sewing-1885,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0]" +Realism,vincent-van-gogh_woman-sewing-1885-1,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Realism,vincent-van-gogh_woman-sewing-with-a-girl-1883,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Realism,vincent-van-gogh_woman-shelling-peas-1885,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]" +Realism,vincent-van-gogh_woman-sien-with-baby-on-her-lap-half-figure-1882,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Realism,vincent-van-gogh_woman-sitting-at-the-fireside-1881,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,vincent-van-gogh_woman-sitting-by-the-fire-peeling-potatoes-1885,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Realism,vincent-van-gogh_woman-sitting-by-the-fire-peeling-potatoes-sketch-of-a-second-figure-1885,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0]" +Realism,vincent-van-gogh_woman-sitting-on-a-basket-sewing-1883,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0, 0.0]" +Realism,vincent-van-gogh_woman-sitting-on-a-basket-with-head-in-hands,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]" +Realism,vincent-van-gogh_woman-sitting-on-a-basket-with-head-in-hands-1883,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Realism,vincent-van-gogh_woman-spreading-out-laundry-on-a-field-1882,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,vincent-van-gogh_woman-winding-yarn-1885,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vincent-van-gogh_woman-with-a-broom-1882,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,vincent-van-gogh_woman-with-a-broom-1882-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]" +Realism,vincent-van-gogh_woman-with-a-child-on-her-lap-1883,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vincent-van-gogh_woman-with-a-fork-in-a-winter-landscape-1883,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0]" +Realism,vincent-van-gogh_woman-with-a-mourning-shawl-1885,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Realism,vincent-van-gogh_woman-with-baby-on-her-lap-half-length-1883,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Realism,vincent-van-gogh_woman-with-dark-cap-sien-s-mother-1882,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,vincent-van-gogh_woman-with-folded-hands-half-length-1883,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Realism,vincent-van-gogh_woman-with-hat-coat-and-pleated-dress-1882,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Realism,vincent-van-gogh_woman-with-hat-head-1882,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]" +Realism,vincent-van-gogh_woman-with-her-left-arm-raised-1885,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vincent-van-gogh_woman-with-kettle-by-the-fireplace-1885,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,vincent-van-gogh_woman-with-kettle-seen-from-the-back-1882,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 2.0]" +Realism,vincent-van-gogh_woman-with-shawl-over-her-hair-head-1883,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 6.0, 0.0]" +Realism,vincent-van-gogh_woman-with-shawl-sewing-1883,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Realism,vincent-van-gogh_woman-with-shawl-umbrella-and-basket-1882,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]" +Realism,vincent-van-gogh_woman-with-wheelbarrow-at-night-1884,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,vincent-van-gogh_woman-with-white-bonnet-sien-s-mother-1882,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Realism,vincent-van-gogh_woman-with-white-bonnet-sien-s-mother-1883,"[1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]" +Realism,vincent-van-gogh_woman-with-white-cloth-around-her-head-sitting-on-a-bench-1883,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Realism,vincent-van-gogh_woman-with-white-shawl-in-a-wood-1882,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,vincent-van-gogh_women-mending-nets-in-the-dunes-1882,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Realism,vincent-van-gogh_women-miners-1882,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]" +Realism,vincent-van-gogh_women-working-in-the-peat-1883,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Realism,vincent-van-gogh_wood-gatherer-figure-study-1884,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 1.0]" +Realism,vincent-van-gogh_wood-gatherers-in-the-snow-1884,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,vincent-van-gogh_woodcutter-1885,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,vincent-van-gogh_woody-landscape-after-the-rain-1882,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vincent-van-gogh_workman-beside-a-mound-of-peat-and-a-peat-boat-with-two-figures-1883,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,vincent-van-gogh_workman-sitting-on-a-basket-cutting-bread-1882,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0]" +Realism,vincent-van-gogh_workman-with-spade-sitting-near-the-window-1883,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Realism,vincent-van-gogh_worn-out-1882,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]" +Realism,vincent-van-gogh_young-man-sitting-with-a-cup-in-his-hand-half-length-1883,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0]" +Realism,vincent-van-gogh_young-man-with-a-broom-1882,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,vincent-van-gogh_young-man-with-a-pipe-1884,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 1.0]" +Realism,vincent-van-gogh_young-woman-knitting-1881,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,vincent-van-gogh_young-woman-sewing-1881,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vladimir-makovsky_a-boy-selling-brew-1861,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Realism,vladimir-makovsky_a-deacon-1871,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vladimir-makovsky_a-girl-with-geese-1875,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vladimir-makovsky_a-gypsy-lady-1875,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vladimir-makovsky_a-letter,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,vladimir-makovsky_a-letter-1883,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,vladimir-makovsky_a-party-1875,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vladimir-makovsky_a-peasant-1897,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vladimir-makovsky_a-portrait-of-dmitry-rovinsky-1894,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,vladimir-makovsky_a-portrait-of-e-i-makovsky-1880,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,vladimir-makovsky_a-portrait-of-e-s-sorokin-1891,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Realism,vladimir-makovsky_a-private-conversation-1878,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,vladimir-makovsky_arrival-of-a-school-mistress-in-the-countryside-1897,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vladimir-makovsky_at-noon-1879,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,vladimir-makovsky_at-the-boulevard-1887,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,vladimir-makovsky_at-the-doctor-s-1900,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,vladimir-makovsky_at-the-kitchen-1913,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vladimir-makovsky_at-the-porter-s-room-1893,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,vladimir-makovsky_at-the-village-school-1883,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vladimir-makovsky_at-volga-1897,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vladimir-makovsky_before-explaining-the-date-1900,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vladimir-makovsky_boys-in-the-field,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,vladimir-makovsky_brew-seller-1879,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vladimir-makovsky_buddies-1878,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vladimir-makovsky_congratulations-1878,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vladimir-makovsky_crimean-seashore-1889,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vladimir-makovsky_date-1883,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Realism,vladimir-makovsky_declaration-of-love-1891,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,vladimir-makovsky_easter-mass-1888,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Realism,vladimir-makovsky_empress-maria-feodorovna,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vladimir-makovsky_evening-company,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,vladimir-makovsky_fair-1882,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vladimir-makovsky_fans-of-nightingales-1873,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,vladimir-makovsky_fisher-finland-1899,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,vladimir-makovsky_fisherwomen-1886,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,vladimir-makovsky_fishing-1884,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,vladimir-makovsky_from-the-rain-1887,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vladimir-makovsky_girls-lightened-by-sun-1901,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,vladimir-makovsky_guitar-player-1879,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vladimir-makovsky_hiring-a-servants-1891,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0]" +Realism,vladimir-makovsky_hunters-at-rest-1887,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,vladimir-makovsky_i-will-not-1892,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]" +Realism,vladimir-makovsky_iconographer-1891,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vladimir-makovsky_in-search-of-medicine-1884,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0]" +Realism,vladimir-makovsky_in-the-hall-1884,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,vladimir-makovsky_in-the-hut-of-forester,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 1.0]" +Realism,vladimir-makovsky_jesus-christ-1894,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vladimir-makovsky_knuckles-1870,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,vladimir-makovsky_literary-reading-1866,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,vladimir-makovsky_lover-of-of-antiquity-1869,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,vladimir-makovsky_lover-of-painting-portrait-of-a-collector-i-e-tsvetkov-1907,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vladimir-makovsky_making-jam-1876,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vladimir-makovsky_market-in-poltava,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]" +Realism,vladimir-makovsky_midday-sun-1881,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vladimir-makovsky_miracle-at-cana-1887,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vladimir-makovsky_morning-tea-1891,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,vladimir-makovsky_moscow-types-1879,"[1.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vladimir-makovsky_mother-and-daughter-1886,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,vladimir-makovsky_musical-evening-1906,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vladimir-makovsky_old-man-with-a-pipe-1881,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vladimir-makovsky_on-deck-1920,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vladimir-makovsky_on-the-grand-staircase-1919,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vladimir-makovsky_organ-grinder-1879,"[0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Realism,vladimir-makovsky_over-the-chips-1892,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]" +Realism,vladimir-makovsky_peasant-boys-1880,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vladimir-makovsky_peasant-children-1890,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vladimir-makovsky_politicians-1884,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Realism,vladimir-makovsky_portrait-of-a-man-sitting-on-a-park-bench-1917,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,vladimir-makovsky_portrait-of-academician-ivan-yanzhul-1907,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vladimir-makovsky_portrait-of-alexei-ivanovitch-strelkovsky-1889,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Realism,vladimir-makovsky_portrait-of-i-e-tsvetkov-1890,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,vladimir-makovsky_portrait-of-i-e-tsvetkov-1905,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,vladimir-makovsky_portrait-of-i-e-tsvetkov-1913,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]" +Realism,vladimir-makovsky_portrait-of-the-artist-illarion-mikhailovich-pryanishikov-1883,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vladimir-makovsky_prayer-service-at-the-farm-in-ukraine-1886,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,vladimir-makovsky_reprimand-1883,"[2.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vladimir-makovsky_rest-on-the-way-from-kiev,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vladimir-makovsky_self-portrait-1893,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Realism,vladimir-makovsky_self-portrait-1905,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vladimir-makovsky_shepherds-1904,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vladimir-makovsky_study-to-january-9-1905-on-vasilyevsky-island-1907,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]" +Realism,vladimir-makovsky_summer-1896,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vladimir-makovsky_summer-1896-1,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vladimir-makovsky_summer-1896-2,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vladimir-makovsky_summer-1896-3,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,vladimir-makovsky_tete-a-tete-1909,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vladimir-makovsky_the-artist-and-the-apprentice,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vladimir-makovsky_the-artist-selling-old-stuff-to-tatar-artist-s-studio-1865,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,vladimir-makovsky_the-choice-of-wedding-presents-1898,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vladimir-makovsky_the-collapse-of-a-bank-1881,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0]" +Realism,vladimir-makovsky_the-collapse-of-a-bank-study-1880,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Realism,vladimir-makovsky_the-condemned-1879,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Realism,vladimir-makovsky_the-doctor-s-waiting-room-1870,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Realism,vladimir-makovsky_the-doss-house-1889,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,vladimir-makovsky_the-first-coat-1892,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vladimir-makovsky_the-meal-1875,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,vladimir-makovsky_the-prisoner-1882,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]" +Realism,vladimir-makovsky_the-secret-1884,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,vladimir-makovsky_they-listen-the-gramophone-1910,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]" +Realism,vladimir-makovsky_to-crown-farewell-1894,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Realism,vladimir-makovsky_tobacco-taster-1918,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Realism,vladimir-makovsky_two-mothers-native-mother-and-stepmother-1906,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 3.0, 1.0]" +Realism,vladimir-makovsky_two-pilgrims-1885,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,vladimir-makovsky_two-sisters-1893,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,vladimir-makovsky_two-ukrainians-1882,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vladimir-makovsky_ukrainian-landscape-with-huts-1901,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vladimir-makovsky_verdict-1882,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Realism,vladimir-makovsky_visiting-a-poor-people-1874,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 3.0, 0.0]" +Realism,vladimir-makovsky_waiting-1875,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,vladimir-makovsky_waiting-for-an-audience-1904,"[1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Realism,vladimir-makovsky_wandering-fiddler-1886,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Realism,vladimir-makovsky_without-a-master-1911,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,vladimir-makovsky_young-lady-looking-into-a-mirror-1916,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,vladimir-makovsky_zaporizhzhya-cossack-1884,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,volodymyr-orlovsky_a-bay-1878,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,volodymyr-orlovsky_a-hot-afternoon-in-the-southern-estate-1868,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,volodymyr-orlovsky_a-house-near-the-sea-1871,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,volodymyr-orlovsky_a-road-1881,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,volodymyr-orlovsky_at-the-dam,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,volodymyr-orlovsky_at-the-field-1890,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,volodymyr-orlovsky_at-the-seashore-1884,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,volodymyr-orlovsky_autumn-landscape,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,volodymyr-orlovsky_bathing-horses,"[0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,volodymyr-orlovsky_bonfire-at-the-field,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,volodymyr-orlovsky_breaking-waves,"[1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,volodymyr-orlovsky_city-on-the-seashore,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,volodymyr-orlovsky_crimea-landscape-with-a-river-1868,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,volodymyr-orlovsky_crimean-summer-landscape,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,volodymyr-orlovsky_dnieper-river(1),"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,volodymyr-orlovsky_edge-of-a-wood,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,volodymyr-orlovsky_evening,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,volodymyr-orlovsky_evening-seashore-1874,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,volodymyr-orlovsky_grain-is-maturing-1870,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,volodymyr-orlovsky_hackery,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Realism,volodymyr-orlovsky_harvest-1882(1),"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,volodymyr-orlovsky_huts-in-summer-day-1870(1),"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,volodymyr-orlovsky_huts-in-the-forest-calm-1890(1),"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,volodymyr-orlovsky_in-alushta,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,volodymyr-orlovsky_in-italy-1876,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,volodymyr-orlovsky_in-the-meadow-thickets-podolsk-province-1890,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,volodymyr-orlovsky_in-the-summer-on-the-farm,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,volodymyr-orlovsky_kislovodsk-1883,"[0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,volodymyr-orlovsky_lake-in-gatchina-park-1881,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,volodymyr-orlovsky_landscape,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,volodymyr-orlovsky_landscape-1,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,volodymyr-orlovsky_landscape-1882,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,volodymyr-orlovsky_landscape-near-alushta-1870,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,volodymyr-orlovsky_landscape-with-mountain-creek,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,volodymyr-orlovsky_landscape-with-pond,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,volodymyr-orlovsky_landscape-with-pond-1,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,volodymyr-orlovsky_landscape-with-river-in-ukraine,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,volodymyr-orlovsky_landscape-with-swamp,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Realism,volodymyr-orlovsky_leisure-at-the-steppe-1884,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,volodymyr-orlovsky_midday,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,volodymyr-orlovsky_nizhny-novgorod,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,volodymyr-orlovsky_pasture-1890,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,volodymyr-orlovsky_pond-summer-evening,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,volodymyr-orlovsky_reaping-hiok,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Realism,volodymyr-orlovsky_river,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,volodymyr-orlovsky_seascape,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,volodymyr-orlovsky_seashore-near-sudak-1889,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Realism,volodymyr-orlovsky_shallow,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,volodymyr-orlovsky_sowing-1874,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,volodymyr-orlovsky_storm-in-the-field,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,volodymyr-orlovsky_summer-day,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,volodymyr-orlovsky_summer-day-in-ukraine-1892,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,volodymyr-orlovsky_summer-landscape-1877,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,volodymyr-orlovsky_summer-landscape-with-road,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,volodymyr-orlovsky_sunset-1896,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,volodymyr-orlovsky_sunset-over-the-river-1890,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,volodymyr-orlovsky_the-city-pozzuoli-near-naples-1876,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,volodymyr-orlovsky_the-landscape-the-reeds-in-the-river,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,volodymyr-orlovsky_the-mowers,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,volodymyr-orlovsky_the-outskirts-of-kyiv-1886,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,volodymyr-orlovsky_the-sunny-day,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,volodymyr-orlovsky_ukrainian-landscape,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,volodymyr-orlovsky_ukrainian-landscape-1,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,volodymyr-orlovsky_ukrainian-landscape-1882,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,volodymyr-orlovsky_vicinity-of-kiev-over-the-dnieper-1884,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,volodymyr-orlovsky_view-of-alupka-palace,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,wilhelm-leibl_bauernm-dchen-mit-wei-em-kopftuch-1876,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]" +Realism,wilhelm-leibl_dachauerin-mit-kind-1875,"[2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,wilhelm-leibl_dag-ungleiche-pahr-1880,"[5.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,wilhelm-leibl_der-spargroschen-1877,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Realism,wilhelm-leibl_der-zeitungsleser-1891,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,wilhelm-leibl_die-alte-pariserin-1870,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Realism,wilhelm-leibl_die-dorfpolitiker-1877,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,wilhelm-leibl_die-drei-frauen-in-der-kirche-1881,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 3.0]" +Realism,wilhelm-leibl_die-junge-pariserin-die-kokotte-1869,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,wilhelm-leibl_die-spinnerin-1892,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,wilhelm-leibl_in-der-bauernstube-1890,"[1.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,wilhelm-leibl_in-der-k-che-k-che-in-kutterling-1898,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Realism,wilhelm-leibl_in-erwartung-1898,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0]" +Realism,wilhelm-leibl_kopf-eines-bauernm-dchens-1879,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,wilhelm-leibl_m-dchen-am-fenster-1899,"[1.0, 1.0, 6.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,wilhelm-leibl_m-dchen-am-herd-1895,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]" +Realism,wilhelm-leibl_portr-t-der-frau-gedon-1869,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,wilhelm-leibl_portr-t-der-rosine-fischler-gr-fin-treuberg-1878,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,wilhelm-leibl_portr-t-des-dr-med-friedrich-rauert-1877,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Realism,wilhelm-leibl_portrait-of-a-young-girl-1880,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,wilhelm-leibl_selbstbildnis-des-achtzehnj-hrigen-1862,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]" +Realism,wilhelm-leibl_sleeping-savoyard-boy-1869,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 7.0, 0.0]" +Realism,wilhelm-leibl_strickende-m-dchen-auf-der-ofenbank-1895,"[1.0, 1.0, 4.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Realism,wilhelm-leibl_wilhelm-leibl-and-sperl-on-the-hunt-1895,"[0.0, 1.0, 0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0]" +Realism,william-adolphe-bouguereau_a-childhood-idyll-1900,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,william-adolphe-bouguereau_a-little-coaxing-1890,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,william-adolphe-bouguereau_a-moment-of-rest-1900,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,william-adolphe-bouguereau_adornment-fields,"[0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]" +Realism,william-adolphe-bouguereau_after-the-bath,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,william-adolphe-bouguereau_apples-1897,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,william-adolphe-bouguereau_assault-1898,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,william-adolphe-bouguereau_at-the-fountain-1897,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,william-adolphe-bouguereau_bacchante-1894,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,william-adolphe-bouguereau_bacchante-1899,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,william-adolphe-bouguereau_back-fields-1898,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,william-adolphe-bouguereau_beaut-romane-1904,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,william-adolphe-bouguereau_before-the-bath-1900,"[0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Realism,william-adolphe-bouguereau_branche-de-laurier-1900,"[1.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,william-adolphe-bouguereau_brother-and-sister-1887,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,william-adolphe-bouguereau_compassion-1897,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]" +Realism,william-adolphe-bouguereau_cupid-and-psyche-1889,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,william-adolphe-bouguereau_cupid-with-butterfly-1888,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,william-adolphe-bouguereau_cupid-with-thorn-1894,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,william-adolphe-bouguereau_daisies-1894,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,william-adolphe-bouguereau_dream-of-spring-1901,"[2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,william-adolphe-bouguereau_earrings-1891,"[1.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,william-adolphe-bouguereau_elegy-1899,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Realism,william-adolphe-bouguereau_elpieglerie-1895,"[1.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,william-adolphe-bouguereau_far-niente-1904,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,william-adolphe-bouguereau_girl-bouquet-1896,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]" +Realism,william-adolphe-bouguereau_girl-holding-lemons-1899,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,william-adolphe-bouguereau_gleaners-1894,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,william-adolphe-bouguereau_head-of-a-little-girl-1888,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,william-adolphe-bouguereau_head-of-a-young-girl-1898,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,william-adolphe-bouguereau_head-study-of-female-face-blonde-1898,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,william-adolphe-bouguereau_head-study-of-female-face-blonde-1898-1,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,william-adolphe-bouguereau_her-first-jewels-1891,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,william-adolphe-bouguereau_in-penitence-1895,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,william-adolphe-bouguereau_inspiration-1898,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,william-adolphe-bouguereau_irene-1897,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,william-adolphe-bouguereau_ladmiration-1897,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,william-adolphe-bouguereau_lady-maxwell-1890,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,william-adolphe-bouguereau_lambs-1897,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,william-adolphe-bouguereau_leveil-heart-1892,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,william-adolphe-bouguereau_little-beggar-1890,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,william-adolphe-bouguereau_little-sulky-1888,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,william-adolphe-bouguereau_love-and-psyche-1899,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,william-adolphe-bouguereau_love-on-the-look-1891,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Realism,william-adolphe-bouguereau_love-s-scerets-1896,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,william-adolphe-bouguereau_love-takes-off-1901,"[0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,william-adolphe-bouguereau_madame-la-comtesse-de-cambaceres-1895,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,william-adolphe-bouguereau_marguerite-1903,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,william-adolphe-bouguereau_meditation-1885,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,william-adolphe-bouguereau_meditation-1902,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,william-adolphe-bouguereau_modesty-1902,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,william-adolphe-bouguereau_on-greve-1896,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,william-adolphe-bouguereau_pleasant-burden-1895,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,william-adolphe-bouguereau_plums,"[7.0, 13.0, 25.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0]" +Realism,william-adolphe-bouguereau_portrait-of-a-young-girl-1,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,william-adolphe-bouguereau_portrait-of-a-young-girl-crocheting-1889,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,william-adolphe-bouguereau_portrait-of-gabrielle-cot-1890,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,william-adolphe-bouguereau_priestess-1902,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,william-adolphe-bouguereau_psyche-1892,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,william-adolphe-bouguereau_psyche-and-amour-1889,"[1.0, 25.0, 6.0, 7.0, 0.0, 0.0, 0.0, 8.0, 4.0]" +Realism,william-adolphe-bouguereau_reflexion-1897,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,william-adolphe-bouguereau_reverie-1894,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,william-adolphe-bouguereau_self-portrait-presented-to-m-sage-1886,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,william-adolphe-bouguereau_shepherdess-1889,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,william-adolphe-bouguereau_spring-breeze-1895,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,william-adolphe-bouguereau_study-of-the-head-of-elize-1896,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,william-adolphe-bouguereau_teen-and-children-1895,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,william-adolphe-bouguereau_the-abduction-of-psyche,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,william-adolphe-bouguereau_the-bohemian-1890,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Realism,william-adolphe-bouguereau_the-broken-pitcher-1891,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,william-adolphe-bouguereau_the-curtsey-1898,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,william-adolphe-bouguereau_the-dressmaker-1898,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,william-adolphe-bouguereau_the-elder-sister,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,william-adolphe-bouguereau_the-elder-sister-1886,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,william-adolphe-bouguereau_the-first-mourning-1888,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]" +Realism,william-adolphe-bouguereau_the-goose-girl-1891,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,william-adolphe-bouguereau_the-little-marauder-1900,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,william-adolphe-bouguereau_the-madonna-of-the-lilies-1899,"[2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,william-adolphe-bouguereau_the-madonna-of-the-roses-1903,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,william-adolphe-bouguereau_the-snack,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,william-adolphe-bouguereau_the-veil-1898,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,william-adolphe-bouguereau_the-virgin-lamb-1903,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,william-adolphe-bouguereau_the-virgin-with-angels,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,william-adolphe-bouguereau_the-younger-brother-1900,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,william-adolphe-bouguereau_the-younger-brother-1902,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,william-adolphe-bouguereau_thirst-1886,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,william-adolphe-bouguereau_two-sisters-1901,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,william-adolphe-bouguereau_vocation-1896,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,william-adolphe-bouguereau_woman-with-shell-1885,"[1.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,william-adolphe-bouguereau_work-interrupted-1891,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,william-adolphe-bouguereau_youth-1893,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,william-adolphe-bouguereau_yvonne-1896,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,william-adolphe-bouguereau_yvonne-1896-1,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,william-h.-johnson_still-life-1923,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,william-merritt-chase_a-fishmarket-in-venice-aka-venetian-fish-market-the-yield-of-the-waters,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]" +Realism,william-merritt-chase_a-study-in-curves,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,william-merritt-chase_a-young-roman,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,william-merritt-chase_carmencita,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,william-merritt-chase_girl-in-white-aka-portrait-of-irene-dimock,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,william-merritt-chase_hattie,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Realism,william-merritt-chase_moses-swaim,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,william-merritt-chase_mother-and-child-the-first-portrait,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,william-merritt-chase_mrs-chase-and-cosy,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,william-merritt-chase_mrs-chase-in-prospect-park,"[2.0, 5.0, 21.0, 0.0, 0.0, 0.0, 2.0, 13.0, 5.0]" +Realism,william-merritt-chase_mrs-meigs-at-the-piano-organ,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,william-merritt-chase_my-daughter-alice,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,william-merritt-chase_my-daughter-dieudonne-alice-dieudonne-chase,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,william-merritt-chase_nude-recumbent,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,william-merritt-chase_portrait-of-a-gentleman,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Realism,william-merritt-chase_portrait-of-a-woman-1,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,william-merritt-chase_portrait-of-james-whitcomb-riley,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Realism,william-merritt-chase_portrait-of-william-gurley-munson,"[0.0, 2.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,william-merritt-chase_portrait-of-worthington-whittredge,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,william-merritt-chase_still-life,"[0.0, 0.0, 1.0, 1.0, 0.0, 4.0, 3.0, 0.0, 1.0]" +Realism,william-merritt-chase_still-life-1,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0]" +Realism,william-merritt-chase_still-life-brass-and-glass,"[0.0, 4.0, 5.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,william-merritt-chase_still-life-fish-1912,"[0.0, 1.0, 0.0, 0.0, 0.0, 7.0, 0.0, 1.0, 1.0]" +Realism,william-merritt-chase_still-life-fruit,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,william-merritt-chase_still-life-with-fish,"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0, 1.0]" +Realism,william-merritt-chase_still-life-with-fish-1,"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0]" +Realism,william-merritt-chase_still-life-with-fish-1915,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Realism,william-merritt-chase_still-life-with-fish-2,"[0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]" +Realism,william-merritt-chase_still-life-with-fish-3,"[0.0, 0.0, 2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]" +Realism,william-merritt-chase_still-life-with-fruit,"[0.0, 4.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,william-merritt-chase_still-life-with-pepper-and-carrot,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,william-merritt-chase_still-life-with-vegetable,"[0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 1.0]" +Realism,william-merritt-chase_still-life-with-watermelon,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,william-merritt-chase_still-liife-with-china-vase-copper-pot-an-apple-and-a-bunch-of-grapes,"[0.0, 1.0, 7.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Realism,william-merritt-chase_study-of-girl-in-japanese-dress-1895,"[0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Realism,william-merritt-chase_the-apprentice-aka-boy-smoking,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Realism,william-merritt-chase_the-big-brass-bowl,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,william-merritt-chase_the-king-s-jester,"[3.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 2.0, 2.0]" +Realism,william-merritt-chase_the-little-red-bowl,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,william-merritt-chase_topaz-grapes,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,winslow-homer_a-good-shot,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,winslow-homer_a-wall-nassau,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,winslow-homer_after-the-hunt,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,winslow-homer_answering-the-horn,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,winslow-homer_artists-sketching-in-the-white-mountains,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,winslow-homer_at-the-window,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,winslow-homer_autumn,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,winslow-homer_bass-fishing-florida,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,winslow-homer_below-zero,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Realism,winslow-homer_blackboard,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,winslow-homer_boy-fishing,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,winslow-homer_breezing-up-a-fair-wind-1876,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Realism,winslow-homer_camp-fire,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,winslow-homer_canoe-in-the-rapids,"[0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,winslow-homer_coast-of-maine,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]" +Realism,winslow-homer_croquet-players,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,winslow-homer_croquet-players-1,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Realism,winslow-homer_croquet-scene,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,winslow-homer_diamond-shoal,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,winslow-homer_dog-on-a-log,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Realism,winslow-homer_eight-bells,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Realism,winslow-homer_end-of-the-portage-1897,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,winslow-homer_farmer-with-a-pitchfork,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,winslow-homer_fishergirl-baiting-lines,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,winslow-homer_fisherwomen-cullercoats,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,winslow-homer_flower-garden-and-bungalow-bermuda,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,winslow-homer_for-to-be-a-farmer-s-boy,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,winslow-homer_fox-hunt,"[0.0, 2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,winslow-homer_fresh-air-1878,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,winslow-homer_fresh-eggs-1874,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,winslow-homer_game-of-croquet,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,winslow-homer_girl-carrying-a-basket,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,winslow-homer_girl-on-a-swing,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,winslow-homer_girl-with-hay-rake,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,winslow-homer_gloucester-harbor,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,winslow-homer_high-cliff-coast-of-maine,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,winslow-homer_homosassa-jungle-florida,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,winslow-homer_hudson-river,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,winslow-homer_hudson-river-logging,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,winslow-homer_ile-malin,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Realism,winslow-homer_in-front-of-yorktown,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]" +Realism,winslow-homer_in-the-jungle-florida,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,winslow-homer_incoming-tide-scarboro-maine,"[0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Realism,winslow-homer_inside-the-bar,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,winslow-homer_key-west-hauling-anchor,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Realism,winslow-homer_long-branch-new-jersey,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,winslow-homer_maine-cliffs,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,winslow-homer_market-scene-nassau,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,winslow-homer_mending-the-nets,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,winslow-homer_nach-dem-tornado,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0]" +Realism,winslow-homer_nebelwarnung-the-fog-warning,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,winslow-homer_north-road-bermuda,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,winslow-homer_northeaster,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Realism,winslow-homer_old-mill-the-morning-bell,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Realism,winslow-homer_on-the-fence,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,winslow-homer_on-the-trail,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,winslow-homer_palm-tree-nassau,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0]" +Realism,winslow-homer_palm-trees-bahamas,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,winslow-homer_peach-blossoms,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,winslow-homer_peeling-a-lemon,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,winslow-homer_perils-of-the-sea,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,winslow-homer_prisoners-from-the-front-1866,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Realism,winslow-homer_rainy-day-in-camp-also-known-as-camp-near-yorktown,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Realism,winslow-homer_road-in-bermuda,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,winslow-homer_rowing-home,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,winslow-homer_sailing-off-gloucester,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,winslow-homer_salt-kettle-bermuda,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,winslow-homer_santiago-de-cuba-street-scene,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,winslow-homer_shark-fishing-1885,"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 1.0]" +Realism,winslow-homer_shooting-the-rapids-1902,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Realism,winslow-homer_shore-at-bermuda,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,winslow-homer_snap-the-whip,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,winslow-homer_solitude,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,winslow-homer_song-of-the-lark-also-known-as-in-the-field,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,winslow-homer_spanish-moss-at-tampa,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]" +Realism,winslow-homer_spring,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Realism,winslow-homer_storm-bahamas,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Realism,winslow-homer_summer-night-1890,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Realism,winslow-homer_summer-squall-1904,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Realism,winslow-homer_sunlight-on-the-coast,"[0.0, 18.0, 9.0, 5.0, 0.0, 0.0, 16.0, 1.0, 0.0]" +Realism,winslow-homer_sunset-fires,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,winslow-homer_surf-prout-s-neck,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,winslow-homer_taking-on-wet-provisions,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,winslow-homer_the-adirondack-guide,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,winslow-homer_the-bathers,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,winslow-homer_the-berry-pickers,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,winslow-homer_the-blue-boat-1892,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,winslow-homer_the-bridal-path-white-mountains-1868,"[0.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0]" +Realism,winslow-homer_the-carnival,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Realism,winslow-homer_the-coming-storm,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Realism,winslow-homer_the-coral-divers,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,winslow-homer_the-country-school,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,winslow-homer_the-guide,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,winslow-homer_the-gulf-stream,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Realism,winslow-homer_the-herring-net,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]" +Realism,winslow-homer_the-life-line,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Realism,winslow-homer_the-milk-maid,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,winslow-homer_the-new-novel,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,winslow-homer_the-portage,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,winslow-homer_the-red-canoe-1884,"[0.0, 1.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,winslow-homer_the-red-school-house,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,winslow-homer_the-turkey-buzzard,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Realism,winslow-homer_the-turtle-pound-1898,"[1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0]" +Realism,winslow-homer_the-veteran-in-a-new-field,"[0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Realism,winslow-homer_the-water-fan-1899,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Realism,winslow-homer_the-west-wind,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Realism,winslow-homer_the-woodcutter,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,winslow-homer_two-girls-on-the-beach-tynemouth-1891,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Realism,winslow-homer_two-scouts,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Realism,winslow-homer_under-the-coco-palm,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,winslow-homer_under-the-falls-the-grand-discharge-1895,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Realism,winslow-homer_warm-afternoon-shepherdess,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,winslow-homer_west-india-divers,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,winslow-homer_west-point-prout-s-neck,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,winslow-homer_woman-and-elephant,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Realism,winslow-homer_wreck-of-the-iron-crown,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Realism,xu-beihong_put-down-your-whip,"[2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Realism,yiannis-moralis_athens-landscape-1936,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Realism,yiannis-moralis_not-detected-17,"[0.0, 1.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]" +Realism,yiannis-moralis_nude-standing,"[0.0, 1.0, 2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]" +Realism,yiannis-moralis_portrait-of-a-girl,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Realism,yiannis-moralis_reclining-nude,"[0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]" +Realism,yiannis-moralis_self-portrait-with-painter-s-wife-1943,"[1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]" +Realism,yiannis-moralis_still-life(1),"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Realism,yiannis-moralis_still-life-1934,"[0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]" +Realism,yiannis-moralis_still-life-1939,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Realism,yiannis-moralis_still-life-with-shoes(1),"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,allan-ramsay_charlotte-sophia-of-mecklenburg-strelitz-1762,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Rococo,allan-ramsay_general-sir-james-abercromby-also-spelled-abercrombie,"[2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]" +Rococo,allan-ramsay_george-iii,"[1.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,allan-ramsay_hon-mary-townshend-the-daughter-of-charles-townshend-2nd-viscount-townshend-of-raynham-and,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,allan-ramsay_jean-jacques-rousseau,"[2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Rococo,allan-ramsay_john-campbell-4th-earl-of-loudoun,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Rococo,allan-ramsay_john-manners-marquess-of-granby-1745,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Rococo,allan-ramsay_john-reid,"[2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]" +Rococo,allan-ramsay_king-george-iii,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Rococo,allan-ramsay_lady-holland-1766,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Rococo,allan-ramsay_lady-susan-fox-strangways-1761,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,allan-ramsay_mary-digges-1737-1829-lady-robert-manners,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,allan-ramsay_miss-craigie-1741,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,allan-ramsay_norman-the-red-man-22nd-chief-of-macleod,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Rococo,allan-ramsay_nude-study-of-a-striding-man-with-stone-sling,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]" +Rococo,allan-ramsay_philip-dormer-stanhope-4th-earl-of-chesterfield,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,allan-ramsay_portrait-of-a-naval-officer,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,allan-ramsay_portrait-of-agnes-murray-kynnynmond,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Rococo,allan-ramsay_portrait-of-anne-brown,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,allan-ramsay_portrait-of-anne-bruce-mrs-bruce-of-arnot,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,allan-ramsay_portrait-of-archibald-campbell-3rd-duke-of-argyll,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,allan-ramsay_portrait-of-archibald-campbell-3rd-duke-of-argyll-1,"[2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]" +Rococo,allan-ramsay_portrait-of-augusta-of-saxe-gotha-princess-of-wales,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,allan-ramsay_portrait-of-augusta-of-saxe-gotha-princess-of-wales-1,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,allan-ramsay_portrait-of-david-hume,"[0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,allan-ramsay_portrait-of-dr-william-hunter,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,allan-ramsay_portrait-of-elizabeth-gunning-duchess-of-argyll,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,allan-ramsay_portrait-of-janet-dick,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Rococo,allan-ramsay_portrait-of-jean-abercromby-mrs-morison,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Rococo,allan-ramsay_portrait-of-king-george-iii,"[0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,allan-ramsay_portrait-of-martha-countess-of-elgin,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Rococo,allan-ramsay_portrait-of-mary-atkins-mrs-martin,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Rococo,allan-ramsay_portrait-of-queen-charlotte-1762,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,allan-ramsay_portrait-of-sir-john-hynde-cotton-3rd-bt,"[0.0, 1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,allan-ramsay_portrait-of-sophia-charlotte-of-mecklenburg-strelitz-wife-of-king-george-iii,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Rococo,allan-ramsay_portrait-of-william-colyear-viscount-milsington,"[0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,allan-ramsay_prince-george-augustus-of-mecklenburg-strelitz,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Rococo,allan-ramsay_queen-charlotte,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,allan-ramsay_queen-charlotte-with-her-two-children,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,allan-ramsay_robert-wood,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Rococo,allan-ramsay_self-portrait,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]" +Rococo,allan-ramsay_sir-andrew-mitchell,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Rococo,allan-ramsay_the-painter-s-wife-margaret-lindsay,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Rococo,antoine-pesne_anna-karolina-orzelska,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,antoine-pesne_aroline-of-hesse-darmstadt-with-her-moors,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,antoine-pesne_birth-of-christ-1745,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,antoine-pesne_carl-heinrich-graun,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,antoine-pesne_countess-friederike-von-ansbach,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,antoine-pesne_countess-wilhelmine-von-brandenburg-bayreuth,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Rococo,antoine-pesne_elisabeth-christine,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,antoine-pesne_frederick-and-his-sister-wilhelmina,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,antoine-pesne_frederick-ii-of-prussia-1750,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,antoine-pesne_frederick-ii-of-prussia-1757,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,antoine-pesne_frederick-ii-of-prussia-as-general-1745,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Rococo,antoine-pesne_frederick-the-great-1736,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,antoine-pesne_frederick-the-great-as-crown-prince,"[0.0, 6.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,antoine-pesne_frederik-i-von-preu-en,"[0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Rococo,antoine-pesne_friederike-sophie-wilhelmine-princess-of-prussia,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,antoine-pesne_friedrich-hoffmann-german-physician,"[1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,antoine-pesne_gentlewoman,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Rococo,antoine-pesne_georg-wenzeslaus-von-knobelsdorff-1738,"[2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]" +Rococo,antoine-pesne_girl-with-a-dove-1754,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]" +Rococo,antoine-pesne_girl-with-pigeons-1728,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,antoine-pesne_heinrich-von-podewils-prussian-statesman-1731,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,antoine-pesne_henriette-karoline-von-pfalz-zweibr-cken-landgrave-of-hesse-darmstadt-with-the-moor,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]" +Rococo,antoine-pesne_isabel-cristina-de-brunswick-wolfenb-ttel,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,antoine-pesne_jakob-von-keith,"[0.0, 2.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0]" +Rococo,antoine-pesne_jean-philippe-baratier-presented-by-minerva-german-scholar-1735,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Rococo,antoine-pesne_jean-philippe-baratier-presented-by-minerva-german-scholar-1735-1,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,antoine-pesne_joanna-elisabeth-of-holstein-gottorp,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,antoine-pesne_johanna-holstein-gottorp,"[1.0, 2.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]" +Rococo,antoine-pesne_louise-eleonore-von-wreech-1737,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,antoine-pesne_luise-ulrike-of-prussia-queen-of-sweden,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Rococo,antoine-pesne_luise-ulrike-von-preu-en,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Rococo,antoine-pesne_marianne-cochois,"[4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,antoine-pesne_philipp-wilhelm-of-brandenburg-schwedt,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Rococo,antoine-pesne_portrait-of-an-unknown-woman-by-antoine-pesne-bode-museum-berlin,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,antoine-pesne_portrait-of-charlota-fredrika-sparre,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Rococo,antoine-pesne_portrait-of-christian-august-prince-of-anhalt-zerbst-father-of-catherine-ii-of-russia-1725,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,antoine-pesne_portrait-of-eleonore-louise-albertine-comtesse-von-schlieben-sanditten-freifrau-von-keyserlingk,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,antoine-pesne_portrait-of-elisabeth-christine-von-braunschweig-bevern-prussian-queen,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,antoine-pesne_portrait-of-frederick-ii,"[1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,antoine-pesne_portrait-of-frederick-william-i-of-prussia,"[1.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0]" +Rococo,antoine-pesne_portrait-of-isaak-franz-egmont-von-chasot,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,antoine-pesne_portrait-of-louise-albertine-von-grappendorf-as-flora,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,antoine-pesne_portrait-of-sophie-dorothea-von-preu-en-1737,"[1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,antoine-pesne_portrait-of-sophie-marie-gr-fin-voss,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,antoine-pesne_portrait-of-teofila-dzia-y-ska-1754,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Rococo,antoine-pesne_portrait-of-the-dancer-barbara-campanini-aka-la-barbarina,"[0.0, 5.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,antoine-pesne_prince-augustus-william-of-prussia,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Rococo,antoine-pesne_princess-amalia-of-prussia-as-an-amazon,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,antoine-pesne_princess-sophie-dorothea-marie-with-her-husband-frederick-william-margrave-of-brandenburg-1734,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Rococo,antoine-pesne_pygmalion-und-galatea-1747,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,antoine-pesne_queen-elisabeth-christine,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,antoine-pesne_reception-of-august-the-strong-in-the-berlin-city-palaces-1729,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,antoine-pesne_self-portrait-with-daughters-1754,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Rococo,antoine-pesne_the-actress-babette-cochois-1750,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Rococo,antoine-watteau_a-love-festival,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Rococo,antoine-watteau_a-seated-woman,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Rococo,antoine-watteau_an-embarrasing-proposal-1716,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,antoine-watteau_arlecchino-emperor-in-the-moon-1708,"[3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Rococo,antoine-watteau_arlequin-pierrot-and-scapin,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Rococo,antoine-watteau_autumn,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,antoine-watteau_back-of-woman,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0]" +Rococo,antoine-watteau_cajoler-1708,"[3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,antoine-watteau_ceres-summer-1712,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,antoine-watteau_cupid-disarmed,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Rococo,antoine-watteau_diana-at-her-bath-1716,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Rococo,antoine-watteau_embarkation-for-cythere,"[1.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,antoine-watteau_entertainment-countryside,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,antoine-watteau_faun-1708,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,antoine-watteau_feast-in-park,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Rococo,antoine-watteau_gathering-in-the-park,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]" +Rococo,antoine-watteau_gilles,"[14.0, 3.0, 3.0, 2.0, 2.0, 1.0, 2.0, 18.0, 5.0]" +Rococo,antoine-watteau_happy-pierrot,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,antoine-watteau_head-of-a-man,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0, 1.0]" +Rococo,antoine-watteau_italian-comedians,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Rococo,antoine-watteau_italian-recreation,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,antoine-watteau_l-enseigne-de-gersaint-1720,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,antoine-watteau_love-in-the-french-theather-1716,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Rococo,antoine-watteau_maskerade,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Rococo,antoine-watteau_merry-company-in-the-open-air,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,antoine-watteau_mezzetin-1719,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,antoine-watteau_not_detected_229434-1715,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Rococo,antoine-watteau_not_detected_229435-1717,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,antoine-watteau_nude-with-right-arm-raised-1718,"[2.0, 6.0, 10.0, 6.0, 0.0, 5.0, 0.0, 9.0, 9.0]" +Rococo,antoine-watteau_party-in-the-open-air-1718,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,antoine-watteau_peaceful-love,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Rococo,antoine-watteau_portrait-of-a-gentleman-1720,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,antoine-watteau_portrait-of-m-pater,"[2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]" +Rococo,antoine-watteau_satire-on-physicians-1709,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0, 0.0]" +Rococo,antoine-watteau_savoyard-with-a-marmot-1715,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Rococo,antoine-watteau_sitting-couple,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 1.0]" +Rococo,antoine-watteau_sketch-with-two-figures-1715,"[1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]" +Rococo,antoine-watteau_standing-man,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,antoine-watteau_studies-of-women-s-heads,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Rococo,antoine-watteau_study-of-a-woman-s-head,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Rococo,antoine-watteau_sylvia-portrait-of-jeanne-rose-guyonne-benozzi,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,antoine-watteau_the-adventuress,"[1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]" +Rococo,antoine-watteau_the-bird-nester,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Rococo,antoine-watteau_the-blunder-1718,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0, 0.0]" +Rococo,antoine-watteau_the-camp,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]" +Rococo,antoine-watteau_the-capricious-girl,"[1.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,antoine-watteau_the-casual-lover-1716,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,antoine-watteau_the-charmes-of-life,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Rococo,antoine-watteau_the-dance-1720,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,antoine-watteau_the-delicate-musician,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Rococo,antoine-watteau_the-feasts-of-venice,"[0.0, 1.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Rococo,antoine-watteau_the-flautist,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,antoine-watteau_the-foursome,"[2.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,antoine-watteau_the-french-comediants,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,antoine-watteau_the-halt-during-the-chase,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,antoine-watteau_the-hardships-of-war,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 2.0]" +Rococo,antoine-watteau_the-harlekin,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Rococo,antoine-watteau_the-holy-family-1719,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Rococo,antoine-watteau_the-italian-comedy,"[3.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Rococo,antoine-watteau_the-judgment-of-paris-1721,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]" +Rococo,antoine-watteau_the-lesson-of-love-1716,"[2.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,antoine-watteau_the-marriage-contract-1712,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Rococo,antoine-watteau_the-mezzetin-s-family,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Rococo,antoine-watteau_the-monkey-sculptor,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Rococo,antoine-watteau_the-pleasures-of-the-ball-1714,"[1.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,antoine-watteau_the-recreations-of-war-1715,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,antoine-watteau_the-scale-of-love,"[2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,antoine-watteau_the-seducer,"[3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,antoine-watteau_the-serenader,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,antoine-watteau_the-shepherds,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,antoine-watteau_the-toilette,"[2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]" +Rococo,antoine-watteau_the-view,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,antoine-watteau_three-studies-of-a-lady-with-a-hat,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Rococo,antoine-watteau_two-cousins,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Rococo,antoine-watteau_two-seated-women-1717,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,antoine-watteau_view-through-the-trees-in-the-park-of-pierre-crozat,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Rococo,benjamin-west_a-conference-held-between-some-indian-chiefs-and-colonel-bouquet-in-the-year-1764,"[1.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Rococo,benjamin-west_a-domestic-affliction,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,benjamin-west_american-commissioners-of-the-preliminary-peace-agreement-with-great-britain,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Rococo,benjamin-west_benjamin-franklin,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,benjamin-west_charles-wilson-peale-1769,"[0.0, 1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 1.0, 0.0]" +Rococo,benjamin-west_cupid-and-psyche-1808,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Rococo,benjamin-west_cymon-and-iphigenia-1773,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,benjamin-west_dr-enoch-edwards-1795,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0]" +Rococo,benjamin-west_elizabeth-calvert,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Rococo,benjamin-west_epponia-giving-bread-to-her-husband-sabinus-in-concealment,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]" +Rococo,benjamin-west_esau-and-jacob-presented-to-isaac,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Rococo,benjamin-west_fidelia-and-speranza-1776,"[0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,benjamin-west_francis-osborne-5th-duke-of-leeds,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,benjamin-west_general-johnson-1768,"[0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 1.0]" +Rococo,benjamin-west_general-thaddeus-kosciusko-1797,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0]" +Rococo,benjamin-west_george-iii-of-the-united-kingdom-1779,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Rococo,benjamin-west_gov-john-page-of-virginia-rosewell-plantation-gloucester-county-virginia,"[0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Rococo,benjamin-west_harvesting-at-windsor-1795,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,benjamin-west_helen-brought-from-paris-1776,"[0.0, 2.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]" +Rococo,benjamin-west_his-majesty-george-iii-resuming-power,"[1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]" +Rococo,benjamin-west_isaac-s-servant-trying-the-bracelet-on-rebecca-s-arm,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,benjamin-west_john-eardley-wilmot-1812,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Rococo,benjamin-west_mr-john-williams-1766,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Rococo,benjamin-west_mr-robert-grafton-and-mrs-mary-partridge-wells-grafton-1773,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Rococo,benjamin-west_mrs-benjamin-west-and-her-son-raphael,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,benjamin-west_mrs-peter-beckford-1797,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Rococo,benjamin-west_mrs-thomas-keyes-and-her-daughter,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,benjamin-west_paetus-and-arria,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,benjamin-west_peter-beckford-1797,"[0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,benjamin-west_portrait-engraving-of-robert-fulton-steamboat-innovator,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Rococo,benjamin-west_portrait-of-ann-barbara-hill-medlycott-1788,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Rococo,benjamin-west_portrait-of-colonel-guy-johnson-and-karonghyontye-1776,"[1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0]" +Rococo,benjamin-west_portrait-of-george-prince-of-wales-and-prince-frederick-later-duke-of-york-1778,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,benjamin-west_portrait-of-henry-middleton,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Rococo,benjamin-west_portrait-of-prince-octavius-1783,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Rococo,benjamin-west_portrait-of-queen-charlotte-of-the-united-kingdom-with-windsor-and-the-royal-family-in-the-1779,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,benjamin-west_portrait-of-raphael-west-and-benjamin-west-jr-1775,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,benjamin-west_portrait-of-the-drummond-family-1781,"[2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,benjamin-west_princes-william-and-edward-1778,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,benjamin-west_queen-charlotte-1776,"[0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Rococo,benjamin-west_sarah-ursula-rose-1756,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Rococo,benjamin-west_self-portrait-1758,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Rococo,benjamin-west_self-portrait-1770,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,benjamin-west_self-portrait-1776,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,benjamin-west_self-portrait-1819,"[2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Rococo,benjamin-west_simeon-with-the-infant-jesus,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Rococo,benjamin-west_sir-joseph-banks-1773,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,benjamin-west_the-ambassador-from-tunis-with-his-attendants-as-he-appeared-in-england-in-1781-1781,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,benjamin-west_the-angel-of-the-lord-announcing-the-resurrection-1805,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Rococo,benjamin-west_the-battle-of-la-hogue-destruction-of-the-french-fleet-may-22-1692,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]" +Rococo,benjamin-west_the-battle-of-la-hogue-destruction-of-the-french-fleet-may-22-1692-detail,"[0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 2.0, 0.0, 0.0]" +Rococo,benjamin-west_the-death-of-general-wolfe-1770,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Rococo,benjamin-west_the-death-of-general-wolfe-detail,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Rococo,benjamin-west_the-death-of-general-wolfe-detail-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0]" +Rococo,benjamin-west_the-death-of-nelson-1808,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]" +Rococo,benjamin-west_the-death-of-nelson-21st-october-1805-1806,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]" +Rococo,benjamin-west_the-golden-age-1776,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Rococo,benjamin-west_the-hope-family-of-sydenham-kent-1802,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Rococo,benjamin-west_the-indians-delivering-up-the-english-captives-to-colonel-bouquet-near-his-camp-at-the-folks-of,"[0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Rococo,benjamin-west_the-indians-giving-a-talk-to-colonel-bouquet-in-a-conference-at-a-council-fire-near-his-camp-on,"[3.0, 5.0, 10.0, 10.0, 3.0, 1.0, 4.0, 3.0, 8.0]" +Rococo,benjamin-west_the-treaty-of-penn-with-the-indians-1772,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]" +Rococo,benjamin-west_two-angels-singing,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,benjamin-west_william-markham,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0]" +Rococo,benjamin-west_woodcutters-in-windsor-park-1795,"[0.0, 0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,bernardo-bellotto_a-hussar-on-horseback-1773,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 2.0]" +Rococo,bernardo-bellotto_a-view-in-venice-from-the-punta-della-dogana-towards-san-giorgio-maggiore,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,bernardo-bellotto_a-view-of-the-lobkowicz-palace-in-vienna-1761,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,bernardo-bellotto_arno-in-florence,"[2.0, 13.0, 24.0, 6.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Rococo,bernardo-bellotto_bridgettine-church-and-arsenal-1778,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,bernardo-bellotto_capriccio-of-the-capitol,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Rococo,bernardo-bellotto_capriccio-padovano,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,bernardo-bellotto_capriccio-with-the-colosseum,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Rococo,bernardo-bellotto_carmelite-church-in-warsaw-1780,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,bernardo-bellotto_church-of-the-holy-sacrament-in-the-new-town-1778,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,bernardo-bellotto_colosseum-and-arch-of-constantine-rome,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,bernardo-bellotto_cracow-suburb-seen-from-the-cracow-gate,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,bernardo-bellotto_dresden-from-the-left-bank-of-the-elbe-below-the-fortification-1748,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Rococo,bernardo-bellotto_dresden-seen-from-right-bank-of-the-elbe-below-the-augustus-bridge,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,bernardo-bellotto_dresden-the-frauenkirche-and-the-rampische-gasse,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,bernardo-bellotto_dresden-the-ruins-of-the-pirnaische-vorstadt-1763,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Rococo,bernardo-bellotto_dresden-the-ruins-of-the-pirnaische-vorstadt-1766,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Rococo,bernardo-bellotto_entry-into-rome-of-jerzy-ossolinski-emissary-of-wladyslaw-iv-of-poland-with-pope-urban-viii-1778,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Rococo,bernardo-bellotto_fortress-of-sonnenstein-above-pirna-1756,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,bernardo-bellotto_freyung-in-vienna-view-from-the-southeast-1758,"[1.0, 12.0, 13.0, 11.0, 0.0, 2.0, 0.0, 4.0, 2.0]" +Rococo,bernardo-bellotto_grand-canal-view-from-north-1738,"[1.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,bernardo-bellotto_jesus-cleansing-the-temple-1773,"[1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,bernardo-bellotto_lagoon-landscape-1741,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]" +Rococo,bernardo-bellotto_miodowa-street-1777,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,bernardo-bellotto_mniszech-palace-in-warsaw-1779,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,bernardo-bellotto_new-market-square-in-dresden-1750,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,bernardo-bellotto_palace-on-the-water-in-warsaw-1775,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Rococo,bernardo-bellotto_pirna-seen-from-the-harbour-town,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,bernardo-bellotto_pirna-seen-from-the-right-bank-of-the-elbe,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Rococo,bernardo-bellotto_rio-dei-mendicanti-and-the-scuola-di-san-marco-1738,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,bernardo-bellotto_rome-view-of-the-piazza-di-san-giovanni-in-laterano,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,bernardo-bellotto_ruins-of-a-temple,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,bernardo-bellotto_ruins-of-dresden-s-kreuzkirche-1765,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Rococo,bernardo-bellotto_ruins-of-the-forum-rome,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Rococo,bernardo-bellotto_san-marco-square-from-the-clock-tower-facing-the-procuratie-nuove,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,bernardo-bellotto_schloss-nymphenburg-1761,"[0.0, 5.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,bernardo-bellotto_schloss-schonbrunn-1760,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,bernardo-bellotto_signoria-square-in-florence,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,bernardo-bellotto_spanish-riding-school-1773,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Rococo,bernardo-bellotto_the-arch-of-constantine-1742,"[1.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,bernardo-bellotto_the-belvedere-from-gesehen-vienna-1759,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,bernardo-bellotto_the-blue-palace-1779,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,bernardo-bellotto_the-dominican-church-in-vienna-1758,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Rococo,bernardo-bellotto_the-election-of-the-king-stanislaus-augustus-1764,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,bernardo-bellotto_the-fortress-of-konigstein-1758,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,bernardo-bellotto_the-freyung-1761,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,bernardo-bellotto_the-imperial-summer-residence-courtyard-1758,"[1.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,bernardo-bellotto_the-imperial-summer-residence-courtyard-1758-1,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,bernardo-bellotto_the-imperial-summer-residence-courtyard-view-from-north-1758,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,bernardo-bellotto_the-imperial-summer-residence-garden-1758,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,bernardo-bellotto_the-kreuzkirche-in-dresden,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Rococo,bernardo-bellotto_the-marketplace-at-pirna,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,bernardo-bellotto_the-moat-of-the-zwinger-in-dresden,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Rococo,bernardo-bellotto_the-neuer-marktplatz-in-dresden-1747,"[0.0, 1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,bernardo-bellotto_the-new-market-square-in-dresden-1750,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,bernardo-bellotto_the-old-market-square-in-dresden,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,bernardo-bellotto_the-piazza-della-signoria-in-florence,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Rococo,bernardo-bellotto_the-ruins-of-the-old-kreuzkirche-dresden-1765,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Rococo,bernardo-bellotto_the-ruins-of-thebes-on-the-river-march-1758,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Rococo,bernardo-bellotto_the-schloss-hof-garden-side-1758,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,bernardo-bellotto_the-scuola-of-san-marco,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,bernardo-bellotto_venetian-capriccio-view-of-santa-maria-dei-miracoli,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,bernardo-bellotto_venice-veduta,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,bernardo-bellotto_venice-veduta-1,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,bernardo-bellotto_verona-veduta-1746,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,bernardo-bellotto_vienna-panorama-from-palais-kaunitz,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,bernardo-bellotto_vienna-the-lobkowitzplatz,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Rococo,bernardo-bellotto_view-of-an-old-bridge-over-the-river-po-turin-1745,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,bernardo-bellotto_view-of-cracow-suburb-leading-to-the-castle-square-1774,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,bernardo-bellotto_view-of-dresden-from-the-right-bank-of-the-elbe-with-augustus-bridge,"[0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,bernardo-bellotto_view-of-dresden-from-the-right-bank-of-the-elbe-with-the-augustus-bridge-1748,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Rococo,bernardo-bellotto_view-of-dresden-the-dresden-fortifications-moat-with-a-bridge-between-gate-and-post-mile-pillar,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Rococo,bernardo-bellotto_view-of-gazzada-nevarese-1744,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,bernardo-bellotto_view-of-pirna-from-the-sonnenstein-castle,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,bernardo-bellotto_view-of-the-grand-canal-at-san-stae-1738,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,bernardo-bellotto_view-of-the-new-market-place-in-dresden-from-the-moritzstrasse-1751,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,bernardo-bellotto_view-of-the-square-of-zelazna-brama-warsaw-1779,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,bernardo-bellotto_view-of-the-villa-cagnola-at-gazzada-nevarese-1744,"[0.0, 17.0, 24.0, 7.0, 0.0, 0.0, 1.0, 1.0, 3.0]" +Rococo,bernardo-bellotto_view-of-turin-from-the-gardens-of-the-palazzo-reale-1745,"[0.0, 5.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Rococo,bernardo-bellotto_view-of-verona-and-the-river-adige-from-the-ponte-nuovo,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Rococo,bernardo-bellotto_view-of-verona-and-the-river-adige-from-the-ponte-nuovo-1747,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,bernardo-bellotto_view-of-vienna-flour-market-of-southwest-seen-from-northeast-1760,"[0.0, 4.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,bernardo-bellotto_view-of-vienna-square-in-front-of-the-university-seen-from-the-southeast-off-the-great-hall-of,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,bernardo-bellotto_view-of-warsaw-from-praga-1770-1,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,bernardo-bellotto_view-of-warsaw-from-the-terrace-of-the-royal-castle-1773,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Rococo,bernardo-bellotto_visitationist-church-in-warsaw-1780,"[0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]" +Rococo,bernardo-bellotto_zwinger-waterway-1750,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,canaletto_a-regatta-on-the-grand-canal,"[1.0, 2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,canaletto_alnwick-castle-1747,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,canaletto_an-island-in-the-lagoon-with-a-gateway-and-a-church,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,canaletto_campo-santi-giovanni-e-paolo-1741,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,canaletto_capriccio-a-palladian-design-for-the-rialto-bridge-with-buildings-at-vicenza,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,canaletto_capriccio-of-a-renaissance-triumphal-arch-seen-from-the-portico-of-a-palace-1755,"[0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Rococo,canaletto_capriccio-of-a-round-church-with-an-elaborate-gothic-portico-in-a-piazza-a-palladian-piazza-and-1755,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,canaletto_capriccio-of-the-rialto-bridge-with-the-lagoon-beyond-1746,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,canaletto_capriccio-river-landscape-with-a-column,"[0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,canaletto_capriccio-the-grand-canal-with-an-imaginary-rialto-bridge-and-other-buildings,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,canaletto_capriccio-the-horses-of-san-marco-in-the-piazzetta-1743,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,canaletto_capriccio-the-ponte-della-pescaria-and-buildings-on-the-quay,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,canaletto_capriccio-with-classical-ruins-and-buildings,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Rococo,canaletto_capriccio-with-ruins-and-porta-portello-in-padua,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Rococo,canaletto_capriccio-with-venetian-motifs,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,canaletto_entrance-to-the-grand-canal-looking-east-1744,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,canaletto_eton-college-chapel,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Rococo,canaletto_grand-canal-looking-south-east-from-the-campo-santa-sophia-to-the-rialto-bridge,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,canaletto_imaginary-view-of-venice,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Rococo,canaletto_london-greenwich-hospital-from-the-north-bank-of-the-thames,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,canaletto_london-the-old-horse-guards-from-st-james-s-park-1749,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Rococo,canaletto_london-the-thames-and-the-city-of-london-from-the-terrace-of-richmond-house,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Rococo,canaletto_london-westminster-bridge-under-repair-1749,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Rococo,canaletto_london-whitehall-and-the-privy-garden-from-richmond-house-1747,"[0.0, 4.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,canaletto_mestre,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Rococo,canaletto_padua-the-prato-della-valle-with-santa-giustinia-and-the-church-of-misericordia,"[0.0, 0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,canaletto_padua-the-prato-della-valle-with-santa-giustinia-and-the-church-of-misericordia-1,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Rococo,canaletto_perspective-with-a-portico-1765,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Rococo,canaletto_piazza-san-marco-looking-east,"[0.0, 5.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,canaletto_piazza-san-marco-looking-east-from-the-north-west-corner,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,canaletto_piazza-san-marco-looking-east-from-the-south-west-corner,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Rococo,canaletto_piazza-san-marco-looking-east-from-the-southwest-corner-piazza-san-marco-and-he-colonnade,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,canaletto_piazza-san-marco-looking-south-west,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,canaletto_rome-ruins-of-the-forum-looking-towards-the-capitol-1742,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Rococo,canaletto_rome-the-arch-of-constantine-1742,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Rococo,canaletto_san-marco-square-venice,"[0.0, 3.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Rococo,canaletto_san-marco-the-crossing-and-north-transept-with-musicians-singing-1766,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,canaletto_san-marco-the-interior,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Rococo,canaletto_santa-maria-zobenigo,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,canaletto_scala-dei-giganti-1765,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,canaletto_the-arsenal-the-water-entrance,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Rococo,canaletto_the-brenta-canal-at-padua,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,canaletto_the-bucintore-returning-to-the-molo-on-ascension-day,"[1.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,canaletto_the-bucintoro-venice-1747,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,canaletto_the-campo-di-rialto,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Rococo,canaletto_the-chapel-of-eton-college-1747,"[1.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,canaletto_the-grand-canal-at-rialto,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Rococo,canaletto_the-grand-canal-at-the-salute-church,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,canaletto_the-grand-canal-at-the-salute-church-1,"[0.0, 4.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,canaletto_the-interior-of-the-rotunda-ranelagh-gardens,"[0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Rococo,canaletto_the-molo-and-the-riva-degli-schiavoni-from-the-st-mark-s-basin-1740,"[0.0, 2.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,canaletto_the-molo-with-the-library-and-the-entrance-to-the-grand-canal,"[0.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,canaletto_the-piazzetta-looking-north-the-campanile-under-repair-1745,"[0.0, 4.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,canaletto_the-reception-of-the-french-ambassador-in-venice,"[0.0, 3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,canaletto_the-river-thames-with-st-paul-s-cathedral-on-lord-mayor-s-day,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Rococo,canaletto_the-thames-and-the-city-of-london-from-richmond-house-1746,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Rococo,canaletto_the-thames-with-st-paul-s-cathedral-1746,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,canaletto_the-tow-of-malghera,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Rococo,canaletto_the-vigil-of-santa-marta,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 2.0]" +Rococo,canaletto_the-women-s-regaton-the-grand-canal,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Rococo,canaletto_venice-bacino-di-san-marco-on-ascension-day-1754,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,canaletto_venice-the-basin-from-the-giudecca,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,canaletto_venice-the-grand-canal-from-palazzo-flangini-to-the-church-of-san-marcuola,"[0.0, 2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,canaletto_view-of-a-river-perhaps-in-padua-1745,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,canaletto_view-of-san-giuseppe-di-castello,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Rococo,canaletto_view-of-the-church-and-the-doge-s-palace-from-the-procuratie-vecchie,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,canaletto_warwick-castle-the-east-front-1752,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,canaletto_westminster-abbey-with-a-procession-of-knights-of-the-bath-1749,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,canaletto_westminster-bridge-from-the-north-on-lord-mayor-s-day-1746,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,canaletto_windsor-castle-1747,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,carl-ludwig-johann-christineck_alexander-mordvinov-1771,"[2.0, 2.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]" +Rococo,carl-ludwig-johann-christineck_alexandr-viazemsky,"[2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]" +Rococo,carl-ludwig-johann-christineck_catherine-mordvinova-1773,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,carl-ludwig-johann-christineck_heinrich-friedrich-wilhelm-von-ploets,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,carl-ludwig-johann-christineck_natalia-ozerova,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,carl-ludwig-johann-christineck_nikolai-mordvinov-1771,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Rococo,carl-ludwig-johann-christineck_portrait-of-a-woman,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,carl-ludwig-johann-christineck_portrait-of-a-woman-1,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,carl-ludwig-johann-christineck_portrait-of-a-young-woman-in-a-red-dress-1775,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,carl-ludwig-johann-christineck_portrait-of-adam-vasilevich-olsufyev-1773,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]" +Rococo,carl-ludwig-johann-christineck_portrait-of-agrafena-ribeaupierre,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Rococo,carl-ludwig-johann-christineck_portrait-of-alexandra-perfilyeva-n-e-countess-tolstaya,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,carl-ludwig-johann-christineck_portrait-of-alexei-orlov-1779,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,carl-ludwig-johann-christineck_portrait-of-alexey-bobrinsky-as-a-child-1769-1,"[23.0, 7.0, 4.0, 3.0, 1.0, 3.0, 0.0, 0.0, 5.0]" +Rococo,carl-ludwig-johann-christineck_portrait-of-an-unknown-woman,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Rococo,carl-ludwig-johann-christineck_portrait-of-anna-muravyova-1768,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,carl-ludwig-johann-christineck_portrait-of-count-orlov-chesmensky-1779,"[2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]" +Rococo,carl-ludwig-johann-christineck_portrait-of-daria-aleksandrovna-troubetskaya,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Rococo,carl-ludwig-johann-christineck_portrait-of-major-of-army-corps-1766,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,carl-ludwig-johann-christineck_portrait-of-paul-of-russia-dressed-as-chevalier-of-the-order-of-st-andrew-1760,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,carl-ludwig-johann-christineck_portrait-of-prince-g-g-orlov-1768,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Rococo,carl-ludwig-johann-christineck_portrait-of-sarah-cook-1775,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Rococo,carl-ludwig-johann-christineck_portrait-of-semen-ivanovich-mordvinov-as-chevalier-of-the-order-of-st-andrew-1771,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,carl-ludwig-johann-christineck_portrait-of-tishin,"[4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,carl-ludwig-johann-christineck_portrait-of-two-sisters-1772,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Rococo,carl-ludwig-johann-christineck_samuil-greig-1775,"[0.0, 0.0, 3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]" +Rococo,carl-ludwig-johann-christineck_sergey-mordvinov-1773,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Rococo,carl-ludwig-johann-christineck_teresa-schnee-1777,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,carl-ludwig-johann-christineck_yuri-matveevich-veldten-1786,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,claude-lorrain_pastoral-landscape,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,claude-lorrain_pastoral-landscape-1647,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,claude-lorrain_pastoral-landscape-1648,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,claude-lorrain_pastoral-landscape-1677,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,claude-lorrain_pastoral-landscape-with-a-mill-1634,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,claude-lorrain_villa-in-the-roman-campagna,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,claude-lorrain_villagers-dancing,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,dmitry-levitzky_alexander-bezborodko,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]" +Rococo,dmitry-levitzky_alexander-i-as-a-child-1787,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,dmitry-levitzky_alexander-khrapovitsky-1781,"[1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]" +Rococo,dmitry-levitzky_alexander-lanskoy-1780,"[3.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,dmitry-levitzky_anna-dorothea-louise-schmidt-n-e-baroness-klossen,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Rococo,dmitry-levitzky_baron-alexander-stroganov,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,dmitry-levitzky_catherine-ii,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Rococo,dmitry-levitzky_catherine-ii-1782,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,dmitry-levitzky_count-artemiy-vorontsov,"[2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Rococo,dmitry-levitzky_count-ivan-grigoryevich-chernyshov,"[2.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,dmitry-levitzky_countess-maria-vorontsova,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Rococo,dmitry-levitzky_countess-praskovia-vorontsova,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,dmitry-levitzky_dolgorukov,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,dmitry-levitzky_ekaterina-orlova,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Rococo,dmitry-levitzky_ekaterina-vorontsova,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Rococo,dmitry-levitzky_elena-kurakina-nee-apraksina,"[1.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,dmitry-levitzky_eustathius-palmenbah,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,dmitry-levitzky_grand-duchess-alexandra-pavlovna-of-russia,"[1.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,dmitry-levitzky_grand-duchess-alexandra-pavlovna-of-russia-1791,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,dmitry-levitzky_ivan-abramovich-gannibal,"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,dmitry-levitzky_ivan-bilibin,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]" +Rococo,dmitry-levitzky_ivan-bilibin-1801,"[1.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,dmitry-levitzky_ivan-glebov-oscherin-1770,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,dmitry-levitzky_ivan-golenishcev-kutuzov,"[2.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,dmitry-levitzky_ivan-ribotpierre,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Rococo,dmitry-levitzky_lamb-ivan-varfolomeevich-1799,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Rococo,dmitry-levitzky_maria-feodorovna,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,dmitry-levitzky_maria-pavlovna,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,dmitry-levitzky_melgunov-alexei-petrovich-governor-general-yaroslavl-and-vologda,"[0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0]" +Rococo,dmitry-levitzky_mikhail-sergeevich-potemkin,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,dmitry-levitzky_natalia-borshchova-1776,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Rococo,dmitry-levitzky_natalia-melgunova,"[2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,dmitry-levitzky_nikolai-lvov,"[0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0]" +Rococo,dmitry-levitzky_paul-i-of-russia,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,dmitry-levitzky_philanthropic-giver-portrait-of-n-a-sezemov-1770,"[0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 1.0, 0.0]" +Rococo,dmitry-levitzky_portrait-of-a-d-levitzkaya-artist-s-daughter-1785,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,dmitry-levitzky_portrait-of-a-i-borisov-1788,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Rococo,dmitry-levitzky_portrait-of-alexander-kokorinov-director-and-first-rector-of-the-academy-of-arts-in-st-1769,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,dmitry-levitzky_portrait-of-an-uknown-man,"[3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0]" +Rococo,dmitry-levitzky_portrait-of-an-unknown-lady-in-a-pink-dress-1774,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,dmitry-levitzky_portrait-of-an-unknown-man,"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0]" +Rococo,dmitry-levitzky_portrait-of-an-unknown-man-1781,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Rococo,dmitry-levitzky_portrait-of-an-unknown-man-from-saltykov-family,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Rococo,dmitry-levitzky_portrait-of-anna-davia-d-avia-bernucci-1782,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,dmitry-levitzky_portrait-of-anna-stepanovna-protassova-the-former-maid-of-honor-of-catherine-ii-1800,"[2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,dmitry-levitzky_portrait-of-baron-a-n-stroganoff,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Rococo,dmitry-levitzky_portrait-of-catherine-ii-of-russia-1794,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,dmitry-levitzky_portrait-of-catherine-pavlovna,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Rococo,dmitry-levitzky_portrait-of-catherine-vorontsova,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Rococo,dmitry-levitzky_portrait-of-countess-a-s-protasova,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,dmitry-levitzky_portrait-of-countess-a-s-protasova-1800,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,dmitry-levitzky_portrait-of-countess-anna-vorontsova-as-a-child,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,dmitry-levitzky_portrait-of-countess-ekaterina-vorontsova-as-a-child,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,dmitry-levitzky_portrait-of-countess-maria-vorontsova-as-a-child,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,dmitry-levitzky_portrait-of-countess-n-f-vorontsova,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Rococo,dmitry-levitzky_portrait-of-countess-praskovya-vorontsova-as-a-child,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Rococo,dmitry-levitzky_portrait-of-countess-ursula-mniszek-1782,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,dmitry-levitzky_portrait-of-denis-diderot-1773,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Rococo,dmitry-levitzky_portrait-of-director-of-capella-mark-fedorovich-poltoratsky-1780,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]" +Rococo,dmitry-levitzky_portrait-of-e-a-vorontsova-1783,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Rococo,dmitry-levitzky_portrait-of-e-i-molchanova-1776,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Rococo,dmitry-levitzky_portrait-of-e-n-khruschova-and-princess-e-n-khovanskaya-1773,"[3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,dmitry-levitzky_portrait-of-ekaterina-nelidova-1773,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,dmitry-levitzky_portrait-of-f-p-makerovskiy-in-masquerade-costume-1789,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,dmitry-levitzky_portrait-of-fedor-orlov-1785,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,dmitry-levitzky_portrait-of-g-i-alymova-1773,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,dmitry-levitzky_portrait-of-g-k-levitzky-artist-s-father-1779,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Rococo,dmitry-levitzky_portrait-of-grand-duchess-elena-pavlovna-as-a-child-1791,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,dmitry-levitzky_portrait-of-grand-duchess-maria-feodorovna,"[1.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,dmitry-levitzky_portrait-of-gubarev-1788,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Rococo,dmitry-levitzky_portrait-of-gubareva-1789,"[1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]" +Rococo,dmitry-levitzky_portrait-of-i-i-dmitriyev,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,dmitry-levitzky_portrait-of-i-v-lopukhin,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Rococo,dmitry-levitzky_portrait-of-iosif-igelstr-m,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Rococo,dmitry-levitzky_portrait-of-ivan-ivanovich-shuvalov,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Rococo,dmitry-levitzky_portrait-of-johann-hauffe-1790,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Rococo,dmitry-levitzky_portrait-of-m-i-mussar,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,dmitry-levitzky_portrait-of-maria-alexeevna-lvova-1781,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Rococo,dmitry-levitzky_portrait-of-maria-dyakova-1778,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Rococo,dmitry-levitzky_portrait-of-maria-palovna-narychkina-1773,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Rococo,dmitry-levitzky_portrait-of-n-y-levitsky-wife-of-the-artist,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 3.0, 0.0]" +Rococo,dmitry-levitzky_portrait-of-n-y-levitzkaya-artist-s-wife,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0]" +Rococo,dmitry-levitzky_portrait-of-nikolai-novikov,"[2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Rococo,dmitry-levitzky_portrait-of-nikolay-lvov-1774,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]" +Rococo,dmitry-levitzky_portrait-of-nikolay-lvov-1789,"[1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Rococo,dmitry-levitzky_portrait-of-p-v-bakunin-1782,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Rococo,dmitry-levitzky_portrait-of-praskovia-repnina-1781,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,dmitry-levitzky_portrait-of-praskovia-vorontsova,"[4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,dmitry-levitzky_portrait-of-priest-peter-levitzky-1812,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Rococo,dmitry-levitzky_portrait-of-prince-alexander-prozorovskiy-1779,"[0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Rococo,dmitry-levitzky_portrait-of-princesses-davydova-and-rzhevskaya,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,dmitry-levitzky_portrait-of-procope-demidov-1773,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,dmitry-levitzky_portrait-of-suvorov,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Rococo,dmitry-levitzky_portrait-of-unknown-woman,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,dmitry-levitzky_portrait-of-unknown-woman-with-a-rose-1788,"[2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,dmitry-levitzky_portrait-of-ursula-mniszech-1782,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,dmitry-levitzky_portrait-of-v-i-and-m-a-mitrofanovs,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Rococo,dmitry-levitzky_portrait-of-v-i-mitrofanov-and-m-a-mitrofanova,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,dmitry-levitzky_portrait-of-y-i-bilibin-1801,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Rococo,dmitry-levitzky_prince-mikhail-shcherbatov-1781,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Rococo,dmitry-levitzky_princess-vorontsova-dashkova-1784,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Rococo,dmitry-levitzky_russian-general-mikhail-krechetnikov-1778,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Rococo,dmitry-levitzky_self-portrait-1783,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Rococo,dmitry-levitzky_self-portrait-1783-1,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Rococo,dmitry-levitzky_valentin-platonovich-musin-pushkin,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Rococo,francisco-bayeu-y-subias_asunci-n-de-la-virgen-1760,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,francisco-bayeu-y-subias_carlos-iv-1791,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Rococo,francisco-bayeu-y-subias_charity-of-saint-elladius-of-toledo-1770,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Rococo,francisco-bayeu-y-subias_el-paseo-de-las-delicias-en-madrid-1785,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Rococo,francisco-bayeu-y-subias_el-puente-del-canal-de-madrid-1784,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,francisco-bayeu-y-subias_la-feliz-uni-n-de-espa-a-y-parma-impulsa-las-ciencias-y-las-artes-1788,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,francisco-bayeu-y-subias_la-predicaci-n-de-san-eugenio-1784,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,francisco-bayeu-y-subias_merienda-en-el-campo-1784,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,francisco-bayeu-y-subias_olympus-the-fall-of-the-giants,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Rococo,francisco-bayeu-y-subias_portrait-of-manuel-godoy-1790,"[0.0, 2.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]" +Rococo,francisco-bayeu-y-subias_providence-presiding-over-the-virtues-and-faculties-of-man-fresco-detail,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Rococo,francisco-bayeu-y-subias_retrato-de-feliciana-bayeu-hija-del-pintor-1792,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Rococo,francisco-bayeu-y-subias_retrato-de-sebastiana-merclein-su-mujer-1786,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0]" +Rococo,francisco-bayeu-y-subias_self-portrait-1795,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Rococo,francisco-bayeu-y-subias_the-eternal-father-1791,"[0.0, 2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,francisco-bayeu-y-subias_the-holy-family-1776,"[4.0, 15.0, 26.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Rococo,francois-boucher_adoration-of-the-magi-1760,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Rococo,francois-boucher_amor-a-prisoner-1754,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,francois-boucher_an-autumn-pastoral-1749,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Rococo,francois-boucher_apollo-revealing-his-divinity-to-the-shepherdess-isse-1750,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Rococo,francois-boucher_birth-of-venus,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,francois-boucher_breakfast-1739,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,francois-boucher_charms-of-country-life-1737,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,francois-boucher_diana-after-the-hunt-1745,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,francois-boucher_diana-getting-out-of-her-bath-1742,"[1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Rococo,francois-boucher_geniuses-of-arts-1761,"[0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Rococo,francois-boucher_head-of-a-woman-from-behind,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Rococo,francois-boucher_head-of-king-louis-xv,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]" +Rococo,francois-boucher_hercuse-and-omfala-1735,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]" +Rococo,francois-boucher_jupiter-and-callisto-1744,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,francois-boucher_lady-with-an-umbrella,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,francois-boucher_landscape-near-beauvais-early-1740,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Rococo,francois-boucher_landscape-with-the-brother-lucas,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,francois-boucher_leda-and-the-swan-1741,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Rococo,francois-boucher_madame-bergeret-1766,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,francois-boucher_madame-de-pompadour-1758,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,francois-boucher_mars-and-venus,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Rococo,francois-boucher_nude-on-a-sofa-1752(1),"[0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,francois-boucher_odalisque,"[1.0, 1.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]" +Rococo,francois-boucher_pan-and-syrinx-1759,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Rococo,francois-boucher_portrait-of-a-lady-with-muff,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Rococo,francois-boucher_portrait-of-carl-gustaf-tessin,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,francois-boucher_portrait-of-madame-boucher-1745,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,francois-boucher_portrait-of-madame-de-pompadour,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,francois-boucher_portrait-of-the-artist-s-daughter,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,francois-boucher_portrait-of-the-artist-s-wife-1743,"[3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,francois-boucher_pygmalion-and-galatea,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]" +Rococo,francois-boucher_rinaldo-and-armida-1734,"[3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Rococo,francois-boucher_rinaldo-armida,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Rococo,francois-boucher_river-landscape-with-ruin-and-bridge,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]" +Rococo,francois-boucher_seated-nude-1738,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,francois-boucher_shepherd-and-shepherdess-reposing-1761,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,francois-boucher_st-peter-invited-to-walk-on-the-water-1766,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Rococo,francois-boucher_summer-pastoral-1749,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,francois-boucher_the-abduction-of-europe-1747,"[1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Rococo,francois-boucher_the-beautiful-kitchen,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Rococo,francois-boucher_the-bridge-1751,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,francois-boucher_the-chinese-garden,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,francois-boucher_the-enchanted-home-a-pastoral-landscape-surmounted-by-cupid,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,francois-boucher_the-fountain-of-love-1748,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Rococo,francois-boucher_the-interrupted-sleep-1750,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Rococo,francois-boucher_the-light-of-the-world-1750,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,francois-boucher_the-marquise-de-pompadour,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Rococo,francois-boucher_the-mill-1751,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]" +Rococo,francois-boucher_the-modiste,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,francois-boucher_the-painter-in-his-studio-1735,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,francois-boucher_the-rape-of-europa-1734,"[0.0, 3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,francois-boucher_the-rest-on-the-flight-into-egypt,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Rococo,francois-boucher_the-rising-of-the-sun-1753,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,francois-boucher_the-setting-of-the-sun-1752,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Rococo,francois-boucher_the-toilet,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,francois-boucher_the-toilet-of-venus-1751,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Rococo,francois-boucher_the-wedding-of-psych-et-de-l-amour-1744,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,francois-boucher_they-thinking-about-the-grape-1747,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Rococo,francois-boucher_triumph-of-venus-1740(1),"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Rococo,francois-boucher_venus,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Rococo,francois-boucher_venus-and-cupid-1752,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Rococo,francois-boucher_venus-and-vulcan-1754,"[1.0, 1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Rococo,francois-boucher_venus-comforts-amor,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,francois-boucher_venus-restraining-cupid-1762,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Rococo,francois-boucher_vulcan-presenting-arms-to-venus-for-aeneas-1756,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,francois-boucher_woman-s-head,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Rococo,francois-boucher_young-woman-sleeping,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,francois-boucher_young-woman-with-a-bouquet-of-roses,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,francois-boucher_young-woman-with-flowers-in-her-hair-wrongly-called-portrait-of-madame-boucher,"[1.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Rococo,fyodor-rokotov_portrait-of-a-g-bobrinsky-in-his-childhood,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Rococo,fyodor-rokotov_portrait-of-a-m-obreskov,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 1.0]" +Rococo,fyodor-rokotov_portrait-of-a-m-rimskiy-korsakov,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Rococo,fyodor-rokotov_portrait-of-alexandra-struiskaya,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]" +Rococo,fyodor-rokotov_portrait-of-an-unknown-lady-in-a-pink-dress,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 1.0]" +Rococo,fyodor-rokotov_portrait-of-an-unknown-lady-in-a-white-cap,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Rococo,fyodor-rokotov_portrait-of-an-unknown-man,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,fyodor-rokotov_portrait-of-an-unknown-man-1,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Rococo,fyodor-rokotov_portrait-of-an-unknown-man-in-a-cocked-hat,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Rococo,fyodor-rokotov_portrait-of-an-unknown-man-in-a-green-caftan,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Rococo,fyodor-rokotov_portrait-of-an-unknown-woman-in-a-blue-dress-with-yellow-trimmings,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,fyodor-rokotov_portrait-of-an-unknown-woman-in-a-red-dress,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]" +Rococo,fyodor-rokotov_portrait-of-anna-yuryevna-kvashnina-samarina,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0]" +Rococo,fyodor-rokotov_portrait-of-catherine-ii-of-russia,"[2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]" +Rococo,fyodor-rokotov_portrait-of-catherine-ii-repeat-version-of-a-portrait-after-1768,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Rococo,fyodor-rokotov_portrait-of-count-artemiy-ivanovich-vorontsov,"[0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Rococo,fyodor-rokotov_portrait-of-count-g-g-orlov-1763,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Rococo,fyodor-rokotov_portrait-of-count-i-g-orlov,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Rococo,fyodor-rokotov_portrait-of-count-illarion-ivanovich-vorontsov,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Rococo,fyodor-rokotov_portrait-of-count-ivan-shuvalov,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,fyodor-rokotov_portrait-of-countess-ekaterina-orlova,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]" +Rococo,fyodor-rokotov_portrait-of-countess-elizaveta-santi,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,fyodor-rokotov_portrait-of-emperor-paul-i-as-a-child,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,fyodor-rokotov_portrait-of-great-duke-peter-fedorovich-later-emperor-peter-iii,"[2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Rococo,fyodor-rokotov_portrait-of-n-a-demidov,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Rococo,fyodor-rokotov_portrait-of-n-e-struisky,"[1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]" +Rococo,fyodor-rokotov_portrait-of-p-i-vyrubov,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Rococo,fyodor-rokotov_portrait-of-peter-iii-of-russia,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Rococo,fyodor-rokotov_portrait-of-praskovya-nikolayevna-lanskaya,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,fyodor-rokotov_portrait-of-prince-ivan-bariatinsky-as-a-youth,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Rococo,fyodor-rokotov_portrait-of-princess-a-a-dolgorukaya,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,fyodor-rokotov_portrait-of-the-poet-vasily-maykov,"[2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,fyodor-rokotov_portrait-of-unknown-man-in-a-blue-caftan,"[2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,fyodor-rokotov_portrait-of-v-a-obreskova,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]" +Rococo,fyodor-rokotov_portrait-of-v-n-surovtseva,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,fyodor-rokotov_portrait-of-varvara-ermolayevna-novosiltseva,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,fyodor-rokotov_portrait-of-varvara-nikolaevna-surovceva,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,george-morland_a-country-inn-1784,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]" +Rococo,george-morland_a-farrier-s-shop-1793,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,george-morland_a-gypsy-encampment-1798,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,george-morland_a-halt-of-a-soldier-and-his-family-1795,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,george-morland_a-rustic-cottage,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Rococo,george-morland_a-visit-to-the-boarding-school-1788,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,george-morland_a-windy-day,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Rococo,george-morland_bargaining-for-sheep-1794,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,george-morland_breaking-the-ice-1792,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]" +Rococo,george-morland_buying-fish,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Rococo,george-morland_calf-and-sheep,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,george-morland_calm-off-the-coast-of-the-isle-of-wight-1804,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Rococo,george-morland_coast-scene,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Rococo,george-morland_coast-scene-1792,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]" +Rococo,george-morland_cowherd-and-milkmaid-1792,"[1.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,george-morland_dogs-in-landscape-setters-pointer-1792,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,george-morland_donkey-and-pigs-1789,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Rococo,george-morland_donkeys,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]" +Rococo,george-morland_door-of-a-village-inn,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Rococo,george-morland_easy-money,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,george-morland_english-and-french-fishing-boats-off-yarmouth,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]" +Rococo,george-morland_farmyard-scene,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,george-morland_friend,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Rococo,george-morland_guinea-pigs-1792,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Rococo,george-morland_gypsy-encampment-1795,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Rococo,george-morland_herdsman-with-cattle-crossing-bridge,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Rococo,george-morland_horse-and-dog-in-a-stable-1791,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,george-morland_horses-in-a-stable-1791,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]" +Rococo,george-morland_interior-of-a-country-inn,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Rococo,george-morland_interior-of-a-stable,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,george-morland_lake-scene-and-a-cottage-1790,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Rococo,george-morland_landscape-1800,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]" +Rococo,george-morland_landscape-storm-cloud,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,george-morland_landscape-with-a-gypsy-family,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,george-morland_landscape-with-four-horses,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Rococo,george-morland_landscape-with-ruined-castle,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Rococo,george-morland_lovers-observed,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Rococo,george-morland_morning-the-benevolent-sportsman-1792,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Rococo,george-morland_outside-an-inn-winter-1795,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]" +Rococo,george-morland_paying-the-ostler-1804,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Rococo,george-morland_pigs,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Rococo,george-morland_pigs-at-a-trough,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,george-morland_pigs-in-a-farmyard,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Rococo,george-morland_pigs-in-a-sty,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,george-morland_rabbits,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,george-morland_roadside-inn-1790,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,george-morland_sea-coast-scene-smugglers-1793,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,george-morland_selling-carrots-1795,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Rococo,george-morland_shepherd-in-a-snowy-landscape,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Rococo,george-morland_shooting-sea-fowl-1795,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]" +Rococo,george-morland_skating-1792,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0]" +Rococo,george-morland_smugglers-1792,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Rococo,george-morland_smugglers-on-a-beach,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,george-morland_sow-and-piglets-in-a-sty,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,george-morland_stable-scene,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Rococo,george-morland_the-approaching-storm,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,george-morland_the-artist-in-his-studio-and-his-man-gibbs-1802,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Rococo,george-morland_the-boatman-s-house,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,george-morland_the-carrier-preparing-to-set-out-1793,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,george-morland_the-comforts-of-industry-1780,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,george-morland_the-cottage-door-1790,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Rococo,george-morland_the-departure-1792,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 1.0, 0.0]" +Rococo,george-morland_the-deserter-pardoned-1702,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Rococo,george-morland_the-gravel-diggers,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,george-morland_the-labourer-s-luncheon-1792,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,george-morland_the-miseries-of-idleness-1780,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Rococo,george-morland_the-piggery-1791,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,george-morland_the-press-gang-1790,"[1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0]" +Rococo,george-morland_the-reckoning,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,george-morland_the-roadside-inn-1792,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Rococo,george-morland_the-smugglers-1792,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Rococo,george-morland_the-soldier-s-departure-1791,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Rococo,george-morland_the-sportsman-resting-1790,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Rococo,george-morland_the-stable-door-1791,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Rococo,george-morland_the-tea-garden-1790,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,george-morland_the-village-butcher-1800,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Rococo,george-morland_the-wreckers-1791,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]" +Rococo,george-morland_thunderstorm,"[4.0, 9.0, 2.0, 3.0, 0.0, 1.0, 11.0, 22.0, 4.0]" +Rococo,george-morland_two-horses-in-the-snow,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Rococo,george-morland_two-pigs-in-straw-barn-with-pigs,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Rococo,george-morland_visit-to-the-child-at-nurse-1788,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Rococo,george-morland_watering-horses-1791,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Rococo,george-morland_winter-landscape,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Rococo,george-morland_winter-landscape-with-peasants-and-donkeys,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,george-morland_woman-child-and-dog-on-a-road,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Rococo,george-morland_wooded-landscape-with-a-toll-gate,"[0.0, 0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,giovanni-battista-tiepolo_a-seated-man-and-a-girl-with-a-pitcher,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,giovanni-battista-tiepolo_a-young-woman-with-a-macaw,"[0.0, 2.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,giovanni-battista-tiepolo_abraham-and-the-three-angels,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]" +Rococo,giovanni-battista-tiepolo_abraham-and-the-three-angels-1,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Rococo,giovanni-battista-tiepolo_achilles-consoled-by-his-mother-thetis-1757,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]" +Rococo,giovanni-battista-tiepolo_adoration-of-the-magi-1753,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Rococo,giovanni-battista-tiepolo_alexander-the-great-and-campaspe-in-the-studio-of-apelles,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,giovanni-battista-tiepolo_allegory-of-merit-accompanied-by-nobility-and-virtue-1758,"[0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Rococo,giovanni-battista-tiepolo_allegory-of-strength-and-wisdom-1743,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,giovanni-battista-tiepolo_allegory-of-the-planets-and-continents-1752,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Rococo,giovanni-battista-tiepolo_an-allegory-with-venus-and-time-1758,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,giovanni-battista-tiepolo_anaxagoras,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Rococo,giovanni-battista-tiepolo_angelica-accompanied-by-a-shepherd-who-cares-medorus-with-herbs-1757,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Rococo,giovanni-battista-tiepolo_angelica-and-medorus-accompanied-by-two-peasants-1757,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Rococo,giovanni-battista-tiepolo_angelica-carving-medoro-s-name-on-a-tree-1757,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,giovanni-battista-tiepolo_annunciation-1725,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,giovanni-battista-tiepolo_apollo-and-daphne-1744,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Rococo,giovanni-battista-tiepolo_apollo-and-diana-1757,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Rococo,giovanni-battista-tiepolo_apollo-and-marsyas,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Rococo,giovanni-battista-tiepolo_apollo-and-the-continents-1753,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Rococo,giovanni-battista-tiepolo_apollo-leads-frederick-barbarossa-beatrix-of-burgundy-1753,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]" +Rococo,giovanni-battista-tiepolo_apparition-of-the-virgin-to-st-simon-stock-1749,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Rococo,giovanni-battista-tiepolo_apparition-of-the-virgin-to-st-simon-stock-1749-1,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Rococo,giovanni-battista-tiepolo_battle-of-vercellae,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Rococo,giovanni-battista-tiepolo_bellerophon-on-pegasus-1747,"[0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0]" +Rococo,giovanni-battista-tiepolo_carrying-the-cross,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0]" +Rococo,giovanni-battista-tiepolo_christ-on-the-mount-of-olives-and-the-angel-with-the-cup-of-suffering,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Rococo,giovanni-battista-tiepolo_christ-on-the-road-to-calvary-1749,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]" +Rococo,giovanni-battista-tiepolo_crown-of-thorns,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 2.0]" +Rococo,giovanni-battista-tiepolo_crucifixion,"[0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 3.0, 0.0]" +Rococo,giovanni-battista-tiepolo_death-of-dido,"[0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 1.0, 0.0]" +Rococo,giovanni-battista-tiepolo_detail-of-agamemnon-from-minerva-restraining-achilles-from-killing-agamemnon-1757,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0]" +Rococo,giovanni-battista-tiepolo_detail-of-dido-from-aeneid-presents-cupid-disguised-as-ascanius-to-dido-1757,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Rococo,giovanni-battista-tiepolo_eteokles-and-polyneikes,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0, 0.0]" +Rococo,giovanni-battista-tiepolo_europa-1753,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Rococo,giovanni-battista-tiepolo_eurybates-and-talthybios-lead-briseis-to-agamemmon-1757,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 1.0]" +Rococo,giovanni-battista-tiepolo_finding-of-moses,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Rococo,giovanni-battista-tiepolo_fortitude-and-justice-1743,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Rococo,giovanni-battista-tiepolo_girl-with-a-mandolin,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Rococo,giovanni-battista-tiepolo_hagar-assisted-by-the-angel,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Rococo,giovanni-battista-tiepolo_hagar-in-the-wilderness-1729,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,giovanni-battista-tiepolo_hannibal-looks-at-the-head-of-hasdrubal,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]" +Rococo,giovanni-battista-tiepolo_head-of-a-philosopher-1757,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Rococo,giovanni-battista-tiepolo_jacob-s-dream-1729,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Rococo,giovanni-battista-tiepolo_john-the-baptist-preaching-1733,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Rococo,giovanni-battista-tiepolo_jupiter-and-danae,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Rococo,giovanni-battista-tiepolo_king-david-playing-the-harp-1739,"[1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,giovanni-battista-tiepolo_last-communion-of-st-lucy-1748,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Rococo,giovanni-battista-tiepolo_madonna-of-the-goldfinch,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,giovanni-battista-tiepolo_maecenas-presenting-the-liberal-arts-to-emperor-augustus-1743,"[0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 1.0]" +Rococo,giovanni-battista-tiepolo_meeting-of-marc-anthony-and-cleopatra-1749,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Rococo,giovanni-battista-tiepolo_mercury-from-mercury-exhorting-aeneas-to-leave-carthage-1757,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Rococo,giovanni-battista-tiepolo_nativity-1732,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Rococo,giovanni-battista-tiepolo_nativity-of-jesus,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Rococo,giovanni-battista-tiepolo_neptune-offering-gifts-to-venice-1750,"[0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Rococo,giovanni-battista-tiepolo_not_detected_241014,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Rococo,giovanni-battista-tiepolo_nude-study-in-an-academy,"[1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,giovanni-battista-tiepolo_olymp,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,giovanni-battista-tiepolo_pope-st-clement-adoring-the-trinity-1738,"[0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Rococo,giovanni-battista-tiepolo_portrait-of-the-procurator-dolfin,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 0.0]" +Rococo,giovanni-battista-tiepolo_prudence-sincerity-and-temperance-1743,"[0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Rococo,giovanni-battista-tiepolo_queen-zenobia-before-emperor-aurelianus,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Rococo,giovanni-battista-tiepolo_rachel-hiding-the-idols-1728,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Rococo,giovanni-battista-tiepolo_rinaldo-abandoning-armida-1757,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,giovanni-battista-tiepolo_rinaldo-and-armida-1753,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,giovanni-battista-tiepolo_rinaldo-and-armida-1760,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 1.0]" +Rococo,giovanni-battista-tiepolo_rinaldo-and-armida-are-surprised-by-ubaldo-and-carlo-1755,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Rococo,giovanni-battista-tiepolo_rinaldo-observed-by-carlo-and-ubaldo-1755,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Rococo,giovanni-battista-tiepolo_rinaldo-s-departure-from-armida-1760,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Rococo,giovanni-battista-tiepolo_sacrifice-of-iphigenia,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Rococo,giovanni-battista-tiepolo_saint-thecla-liberating-the-city-of-este-from-the-plague-1759,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Rococo,giovanni-battista-tiepolo_scipio-and-a-slave-1731,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 3.0]" +Rococo,giovanni-battista-tiepolo_st-anne-s-vision-1759,"[0.0, 4.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Rococo,giovanni-battista-tiepolo_st-james-the-greater-conquering-the-moors-1750,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0]" +Rococo,giovanni-battista-tiepolo_susanna-and-the-elders-1723,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 0.0]" +Rococo,giovanni-battista-tiepolo_temptations-of-st-anthony,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 1.0]" +Rococo,giovanni-battista-tiepolo_the-apotheosis-of-saint-roch,"[0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Rococo,giovanni-battista-tiepolo_the-apotheosis-of-the-pisani-family-1762,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Rococo,giovanni-battista-tiepolo_the-apotheosis-of-the-spanish-monarchy-1766,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,giovanni-battista-tiepolo_the-appearance-of-the-angel-before-sarah-1728,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Rococo,giovanni-battista-tiepolo_the-appearance-of-the-angels-to-abraham-1728,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,giovanni-battista-tiepolo_the-banquet-of-cleopatra-1744,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Rococo,giovanni-battista-tiepolo_the-banquet-of-cleopatra-1747,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Rococo,giovanni-battista-tiepolo_the-beheading-of-john-the-baptist-1733,"[0.0, 0.0, 0.0, 0.0, 0.0, 6.0, 1.0, 0.0, 0.0]" +Rococo,giovanni-battista-tiepolo_the-death-of-hyacinthus,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]" +Rococo,giovanni-battista-tiepolo_the-death-of-sophonisba-1760,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Rococo,giovanni-battista-tiepolo_the-discovery-of-the-true-cross-and-st-helena,"[0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,giovanni-battista-tiepolo_the-education-of-the-virgin-1732,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Rococo,giovanni-battista-tiepolo_the-flight-to-egypt,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,giovanni-battista-tiepolo_the-force-of-eloquence-bellerophon-and-pegasus,"[1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,giovanni-battista-tiepolo_the-gathering-of-manna-1742,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 0.0]" +Rococo,giovanni-battista-tiepolo_the-glory-of-st-dominic-1739,"[1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,giovanni-battista-tiepolo_the-holy-family-appearing-in-a-vision-to-st-gaetano-1736,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Rococo,giovanni-battista-tiepolo_the-immaculate-conception-1768,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Rococo,giovanni-battista-tiepolo_the-institution-of-the-rosary-1739,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]" +Rococo,giovanni-battista-tiepolo_the-investiture-of-herold-as-duke-of-franconia-1751,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,giovanni-battista-tiepolo_the-judgment-of-solomon-1728,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]" +Rococo,giovanni-battista-tiepolo_the-last-supper-1747,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Rococo,giovanni-battista-tiepolo_the-madonna-of-carmel-and-the-souls-of-the-purgatory,"[0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]" +Rococo,giovanni-battista-tiepolo_the-marriage-of-the-emperor-frederick-barbarossa-to-beatrice-of-burgundy-1751,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Rococo,giovanni-battista-tiepolo_the-martyrdom-of-st-agatha-1750,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]" +Rococo,giovanni-battista-tiepolo_the-martyrdom-of-st-bartholomew-1722,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]" +Rococo,giovanni-battista-tiepolo_the-meeting-of-anthony-1747,"[1.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,giovanni-battista-tiepolo_the-prophet-isaiah-1729,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,giovanni-battista-tiepolo_the-rape-of-europa,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Rococo,giovanni-battista-tiepolo_the-reception-of-henry-iii-1750,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Rococo,giovanni-battista-tiepolo_the-repudiation-of-hagar-1719,"[0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 4.0, 0.0, 0.0]" +Rococo,giovanni-battista-tiepolo_the-sacrifice-of-iphigenia-1757,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,giovanni-battista-tiepolo_the-sacrifice-of-isaac-1729,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Rococo,giovanni-battista-tiepolo_the-sacrifice-of-melchizedek-1742,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]" +Rococo,giovanni-battista-tiepolo_the-theological-virtues,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Rococo,giovanni-battista-tiepolo_the-triumph-of-flora-1744,"[1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Rococo,giovanni-battista-tiepolo_the-triumph-of-fortitude-and-sapiency,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Rococo,giovanni-battista-tiepolo_the-triumph-of-zephyr-and-flora-1735,"[2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Rococo,giovanni-battista-tiepolo_the-virgin-appearing-to-dominican-saints,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Rococo,giovanni-battista-tiepolo_the-virgin-appearing-to-st-dominic-1739,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Rococo,giovanni-battista-tiepolo_the-virgin-appearing-to-st-philip-neri-1740,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Rococo,giovanni-battista-tiepolo_the-virgin-with-six-saints-1740,"[1.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,giovanni-battista-tiepolo_transportation-of-the-holy-house-of-nazareth-to-loreto,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Rococo,giovanni-battista-tiepolo_venetian-promenade,"[2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Rococo,giovanni-battista-tiepolo_venus-and-vulcan-1760,"[0.0, 2.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Rococo,giovanni-battista-tiepolo_venus-and-vulcan-1766,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Rococo,giovanni-battista-tiepolo_venus-asks-vulcan-to-forge-an-armor-for-aeneas-1757,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Rococo,giovanni-battista-tiepolo_venus-s-farewell-to-aeneas-from-the-room-of-the-aeneid-in-the-palazzina-1757,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Rococo,giovanni-battista-tiepolo_worshippers-1745,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Rococo,giovanni-battista-tiepolo_worshippers-1745-1,"[0.0, 3.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,giovanni-domenico-tiepolo_abraham-and-the-three-angels,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,giovanni-domenico-tiepolo_apollo-and-diana-1757,"[1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Rococo,giovanni-domenico-tiepolo_apotheosis-of-hercules-1765,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,giovanni-domenico-tiepolo_ball-in-the-country,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,giovanni-domenico-tiepolo_building-of-the-troyan-horse-1760,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]" +Rococo,giovanni-domenico-tiepolo_chinese-prince-in-fortune-tellers-1757,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Rococo,giovanni-domenico-tiepolo_christ-and-the-adulteress-1751,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Rococo,giovanni-domenico-tiepolo_christ-s-fall-on-the-way-to-calvary-1772,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0, 1.0]" +Rococo,giovanni-domenico-tiepolo_david-and-the-children-of-israel,"[1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0]" +Rococo,giovanni-domenico-tiepolo_dying-jacob-is-blessing-his-sons,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Rococo,giovanni-domenico-tiepolo_entry-into-jerusalem,"[0.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,giovanni-domenico-tiepolo_flagellation,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 2.0, 0.0]" +Rococo,giovanni-domenico-tiepolo_god-the-father,"[0.0, 2.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0, 0.0]" +Rococo,giovanni-domenico-tiepolo_greyhound-1793,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Rococo,giovanni-domenico-tiepolo_head-of-a-scholar,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Rococo,giovanni-domenico-tiepolo_head-of-an-old-man,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Rococo,giovanni-domenico-tiepolo_jesus-among-the-doctors,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,giovanni-domenico-tiepolo_jesus-and-the-children,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Rococo,giovanni-domenico-tiepolo_lamentation-at-the-foot-of-the-cross-1760,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0]" +Rococo,giovanni-domenico-tiepolo_landscape-with-sitting-farmer-1757,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,giovanni-domenico-tiepolo_madonna-and-child-with-three-saints,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Rococo,giovanni-domenico-tiepolo_mars-venus-and-cupid-1757,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]" +Rococo,giovanni-domenico-tiepolo_minuet-1756,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Rococo,giovanni-domenico-tiepolo_minuet-in-villa,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,giovanni-domenico-tiepolo_minuet-with-pantaloon-and-colombine-from-the-room-of-carnival-scenes-in-the-foresteria-1757,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Rococo,giovanni-domenico-tiepolo_nebuchadnezar-sending-the-three-young-men-into-the-fiery-furnace,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Rococo,giovanni-domenico-tiepolo_offering-of-fruits-to-moon-goddess,"[1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0]" +Rococo,giovanni-domenico-tiepolo_peasant-family-at-table-from-the-room-of-rustic-scenes-in-the-foresteria-guesthouse-1757,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,giovanni-domenico-tiepolo_portrait-of-a-page-boy-1760,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Rococo,giovanni-domenico-tiepolo_portrait-of-an-oriental-philosopher,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Rococo,giovanni-domenico-tiepolo_preaching-of-john-the-baptist,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Rococo,giovanni-domenico-tiepolo_presentation-in-the-temple-1754,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Rococo,giovanni-domenico-tiepolo_pulcinella-in-love,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Rococo,giovanni-domenico-tiepolo_pulcinella-on-holiday,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Rococo,giovanni-domenico-tiepolo_pulcinella-with-acrobats,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Rococo,giovanni-domenico-tiepolo_rebecca-at-the-well-1751,"[2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0]" +Rococo,giovanni-domenico-tiepolo_rest-of-the-farmers-1757,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,giovanni-domenico-tiepolo_rinaldo-leaving-the-garden-of-armida,"[0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,giovanni-domenico-tiepolo_summer-stroll-1757,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,giovanni-domenico-tiepolo_the-adoration-of-the-shepherds-1753,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,giovanni-domenico-tiepolo_the-barker-1757,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Rococo,giovanni-domenico-tiepolo_the-declaration-of-love-1757,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,giovanni-domenico-tiepolo_the-head-of-an-old-man-inscribed-diogenes,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]" +Rococo,giovanni-domenico-tiepolo_the-mandarin-s-walk-from-the-chinese-room-in-the-foresteria-1757,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,giovanni-domenico-tiepolo_the-minuet-or-carnival-scene-1755,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,giovanni-domenico-tiepolo_the-new-world-1797,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Rococo,giovanni-domenico-tiepolo_the-new-world-from-the-foresteria-guesthouse-1757,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Rococo,giovanni-domenico-tiepolo_the-piper-1770,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,giovanni-domenico-tiepolo_the-procession-of-the-trojan-horse-in-troy-1773,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Rococo,giovanni-domenico-tiepolo_the-rest-on-the-flight-to-egypt,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Rococo,giovanni-domenico-tiepolo_the-seven-maccabee-brothers-are-condemned-to-death-by-antiochus-iv,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Rococo,giovanni-domenico-tiepolo_the-storyteller,"[0.0, 0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,giovanni-domenico-tiepolo_the-swing-of-pulcinella-1793,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Rococo,giovanni-domenico-tiepolo_the-textile-merchant-from-the-chinese-room-in-the-foresteria-1757,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Rococo,giovanni-domenico-tiepolo_the-tooth-extractor,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Rococo,giovanni-domenico-tiepolo_the-triumph-of-valor-over-time,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,giovanni-domenico-tiepolo_the-walk,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]" +Rococo,giovanni-domenico-tiepolo_the-winter-walk-from-the-room-of-the-gothic-pavilion-in-the-foresteria-1757,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Rococo,giovanni-domenico-tiepolo_two-peasant-women-and-a-child-seen-from-behind-from-the-foresteria-guesthouse-1757,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,giovanni-domenico-tiepolo_virgin-and-child-with-saints,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Rococo,hubert-robert_a-hermit-praying-in-the-ruins-of-a-roman-temple-1760,"[0.0, 4.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,hubert-robert_a-scene-in-the-grounds-of-the-villa-farnese-rome-1765,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Rococo,hubert-robert_an-extensive-landscape-near-paris-1781,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,hubert-robert_ancient-ruins-used-as-public-baths-1798,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,hubert-robert_architectural-fantasy-1760,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,hubert-robert_architectural-landscape-with-a-canal-1783,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,hubert-robert_colosseum-rome-1790,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,hubert-robert_d-molition-de-l-glise-saint-jean-en-gr-ve-mus-e-carnavalet-1800,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 3.0, 0.0]" +Rococo,hubert-robert_demolition-of-the-ch-teau-of-meudon-1806,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0]" +Rococo,hubert-robert_demolition-of-the-houses-on-the-pont-notre-dame-in-1786-1786,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Rococo,hubert-robert_draughtsmen-in-a-landscape-with-antique-ruins-1789,"[0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]" +Rococo,hubert-robert_fantastic-view-of-tivoli-1789,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Rococo,hubert-robert_imaginary-view-of-rome-with-equestrian-statue-of-marcus-aurelius-the-column-of-trajan-and-a-1786,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,hubert-robert_imaginary-view-of-rome-with-the-horse-tamer-of-the-monte-cavallo-and-a-church-1786,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Rococo,hubert-robert_imaginary-view-of-the-grand-gallery-of-the-louvre-in-ruins-1796,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Rococo,hubert-robert_imaginary-view-of-the-grande-galerie-in-the-louvre-1789,"[0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,hubert-robert_imaginary-view-of-the-grande-galerie-in-the-louvre-detail-1789,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,hubert-robert_projet-d-am-nagement-de-la-grande-galerie-du-louvre-1796,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,hubert-robert_ruins-with-an-obelisk-in-the-distance-1775,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,hubert-robert_studio-of-an-antiquities-restorer-in-rome-1783,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,hubert-robert_the-arc-de-triomphe-and-the-theatre-of-orange-1787,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,hubert-robert_the-fire-of-rome-18-july-64-ad,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Rococo,hubert-robert_the-footbridge-1775,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,hubert-robert_the-glade-1775,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,hubert-robert_the-grande-galerie-1795,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,hubert-robert_the-old-bridge-1775,"[0.0, 4.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,hubert-robert_the-oval-fountain-in-the-gardens-of-the-villa-d-este-tivoli-1760,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Rococo,hubert-robert_the-pont-du-gard-1787,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Rococo,hubert-robert_the-terrace-at-marly,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,hubert-robert_the-washer-women-1792,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,hubert-robert_the-water-jet-1794,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,hubert-robert_view-of-ripetta-1766,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Rococo,hubert-robert_washerwomen-in-the-ruins-of-the-colosseum,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Rococo,jean-baptiste-oudry_a-hare-and-a-leg-of-lamb-1742,"[0.0, 0.0, 2.0, 0.0, 1.0, 4.0, 0.0, 0.0, 0.0]" +Rococo,jean-baptiste-oudry_allegory-of-air,"[3.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,jean-baptiste-oudry_allegory-of-europe-1722,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Rococo,jean-baptiste-oudry_cassowary-1746,"[3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,jean-baptiste-oudry_chatte-et-chaton-et-chien-et-perroquet-1737,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Rococo,jean-baptiste-oudry_clara-the-rhinoceros-1749,"[3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,jean-baptiste-oudry_demoiselle-crane-toucan-and-tufted-crane-1745,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,jean-baptiste-oudry_dog-guarding-dead-game-1753,"[0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 1.0, 0.0]" +Rococo,jean-baptiste-oudry_l-hallali-du-loup-1725,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]" +Rococo,jean-baptiste-oudry_leopard-1741,"[0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0]" +Rococo,jean-baptiste-oudry_les-amusements-champ-tres-le-cheval-fondu-tapestry-1730,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Rococo,jean-baptiste-oudry_louis-xv-hunting-deer-in-the-saint-germain-forest-1730,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Rococo,jean-baptiste-oudry_missy-and-luttine-1729,"[12.0, 8.0, 12.0, 4.0, 1.0, 0.0, 6.0, 0.0, 3.0]" +Rococo,jean-baptiste-oudry_nature-morte-avec-oiseux-morts-et-cerises-1712,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0]" +Rococo,jean-baptiste-oudry_still-life-with-a-violin-a-recorder-books-a-portfolio-of-sheet-of-music-peaches-and-grapes-on-a,"[0.0, 2.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,jean-baptiste-oudry_still-life-with-dead-game-and-peaches-in-a-landscape-1727,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0]" +Rococo,jean-baptiste-oudry_still-life-with-hare-duck-loaf-of-bread-cheese-and-flasks-of-wine-1742,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Rococo,jean-baptiste-oudry_still-life-with-monkey-fruits-and-flowers-1724,"[5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,jean-baptiste-oudry_swan-attacked-by-a-dog-1745,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Rococo,jean-baptiste-oudry_the-white-duck-1753,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0]" +Rococo,jean-baptiste-simeon-chardin_a-chemist-in-his-laboratory-a-philosopher-giving-a-lecture-1734,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,jean-baptiste-simeon-chardin_a-game-of-billiards-1725,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Rococo,jean-baptiste-simeon-chardin_a-green-neck-duck-with-a-seville-orange,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]" +Rococo,jean-baptiste-simeon-chardin_a-lady-who-takes-tea,"[0.0, 4.0, 39.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Rococo,jean-baptiste-simeon-chardin_a-lean-diet-with-cooking-utensils-1731,"[0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]" +Rococo,jean-baptiste-simeon-chardin_basket-of-peaches-1768,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Rococo,jean-baptiste-simeon-chardin_boy-with-a-top,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Rococo,jean-baptiste-simeon-chardin_draughtsman-1737,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,jean-baptiste-simeon-chardin_duck-with-an-olive-jar-1764,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,jean-baptiste-simeon-chardin_frau-geschirr-scheuernd,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Rococo,jean-baptiste-simeon-chardin_game-still-life-with-hunting-dog,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0]" +Rococo,jean-baptiste-simeon-chardin_girl-with-racket-and-shuttlecock,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,jean-baptiste-simeon-chardin_jar-of-apricots-1758,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Rococo,jean-baptiste-simeon-chardin_lady-sealing-a-letter,"[10.0, 5.0, 18.0, 4.0, 0.0, 0.0, 1.0, 3.0, 5.0]" +Rococo,jean-baptiste-simeon-chardin_not-dtected,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Rococo,jean-baptiste-simeon-chardin_portrait-of-a-child,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,jean-baptiste-simeon-chardin_portrait-of-a-young-girl-1777,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,jean-baptiste-simeon-chardin_portrait-of-fran-oise-marguerite-pouget-1775,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Rococo,jean-baptiste-simeon-chardin_rabbit-and-copper-pot,"[0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0, 0.0]" +Rococo,jean-baptiste-simeon-chardin_self-portrait-wearing-glasses,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Rococo,jean-baptiste-simeon-chardin_self-portrait-with-an-easel-1779,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Rococo,jean-baptiste-simeon-chardin_self-portrait-with-spectacles-1771,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Rococo,jean-baptiste-simeon-chardin_soap-bubbles-1735,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,jean-baptiste-simeon-chardin_still-life-1728,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Rococo,jean-baptiste-simeon-chardin_still-life-fast-day-menu-1731,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,jean-baptiste-simeon-chardin_still-life-flowers-in-a-vase-1763,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,jean-baptiste-simeon-chardin_still-life-of-cooking-utensils-cauldron-frying-pan-and-eggs,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,jean-baptiste-simeon-chardin_still-life-with-a-rib-of-beef-1739,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Rococo,jean-baptiste-simeon-chardin_still-life-with-brioche-1763,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Rococo,jean-baptiste-simeon-chardin_still-life-with-cat-and-fish-1728,"[2.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,jean-baptiste-simeon-chardin_still-life-with-cat-and-rayfish,"[3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,jean-baptiste-simeon-chardin_still-life-with-copper-cauldron-and-eggs,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,jean-baptiste-simeon-chardin_still-life-with-dead-pheasant-and-hunting-bag-1760,"[0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0, 0.0]" +Rococo,jean-baptiste-simeon-chardin_still-life-with-herrings,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,jean-baptiste-simeon-chardin_still-life-with-pipe-an-jug,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,jean-baptiste-simeon-chardin_still-life-with-porcelain-teapot-1763,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Rococo,jean-baptiste-simeon-chardin_still-life-with-turkey-hanged,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0]" +Rococo,jean-baptiste-simeon-chardin_still-life-with-two-rabbits,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 3.0, 0.0]" +Rococo,jean-baptiste-simeon-chardin_strawberry-basket-canasta-de-fresas,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Rococo,jean-baptiste-simeon-chardin_the-attributes-of-painting-and-sculpture,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]" +Rococo,jean-baptiste-simeon-chardin_the-besorgerin-1739,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,jean-baptiste-simeon-chardin_the-embroiderer-1736,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Rococo,jean-baptiste-simeon-chardin_the-governess-1739,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Rococo,jean-baptiste-simeon-chardin_the-hard-working-mother-1740,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Rococo,jean-baptiste-simeon-chardin_the-house-of-cards,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,jean-baptiste-simeon-chardin_the-house-of-cards-1737,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,jean-baptiste-simeon-chardin_the-instruments-of-military-music-1767,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Rococo,jean-baptiste-simeon-chardin_the-instruments-of-music-calendar-1767,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Rococo,jean-baptiste-simeon-chardin_the-laundress,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Rococo,jean-baptiste-simeon-chardin_the-ray-or-the-kitchen-interior-1728,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0, 0.0]" +Rococo,jean-baptiste-simeon-chardin_the-signatories,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,jean-baptiste-simeon-chardin_the-silver-beaker,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,jean-baptiste-simeon-chardin_the-silver-goblet,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,jean-baptiste-simeon-chardin_the-tea-drinker-1735,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,jean-baptiste-simeon-chardin_the-washing-up-guy-in-the-pub,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Rococo,jean-baptiste-simeon-chardin_the-water-tank,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Rococo,jean-baptiste-simeon-chardin_the-young-schoolmistress-1740,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,jean-baptiste-simeon-chardin_water-glass,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,jean-baptiste-simeon-chardin_woman-drawing-water-from-an-urn-1733,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,jean-baptiste-simeon-chardin_young-draughtsman-copying-an-academy-study,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Rococo,jean-baptiste-simeon-chardin_young-man-with-a-violin-portrait-of-charles-theodose-godefroy,"[3.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,jean-honore-fragonard_a-boy-as-pierrot,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,jean-honore-fragonard_a-young-scholar-1778,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,jean-honore-fragonard_at-the-stove,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Rococo,jean-honore-fragonard_aurore,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,jean-honore-fragonard_blind-man-s-buff-1776,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Rococo,jean-honore-fragonard_burn-my-shirt,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Rococo,jean-honore-fragonard_cephalus-and-procris-1755,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,jean-honore-fragonard_cupid-between-the-roses,"[2.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,jean-honore-fragonard_education-is-all,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,jean-honore-fragonard_francois-the-ist-in-the-studio-of-rosso,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Rococo,jean-honore-fragonard_girl-with-a-dog,"[1.0, 0.0, 3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]" +Rococo,jean-honore-fragonard_girl-with-a-marmot-1790,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,jean-honore-fragonard_high-priest-coresus-sacrificing-himself-to-save-callirhoe-scene-from-description-of-greece-by-1765,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Rococo,jean-honore-fragonard_inspiration-1769,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,jean-honore-fragonard_marie-madeleine-guimard,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,jean-honore-fragonard_pasha,"[1.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]" +Rococo,jean-honore-fragonard_portrait-of-a-young-artist-presumed-to-be-jacques-andre-naigeon,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,jean-honore-fragonard_portrait-of-denis-diderot,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,jean-honore-fragonard_portrait-of-elisabeth-sophie-constance-de-lowendhal-1785,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,jean-honore-fragonard_portrait-of-monsieur-de-la-breteche-brother-of-the-abbot-of-saint-non-1769,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Rococo,jean-honore-fragonard_portrait-of-the-abbot-of-saint-non-1769,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Rococo,jean-honore-fragonard_psyche-and-her-two-sisters,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Rococo,jean-honore-fragonard_psyche-showing-her-sisters-her-gifts-from-cupid-1753,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,jean-honore-fragonard_rest-on-the-flight-into-egypt,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Rococo,jean-honore-fragonard_rinaldo-in-the-garden-of-the-palace-of-armida,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,jean-honore-fragonard_self-portrait,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Rococo,jean-honore-fragonard_self-portrait-1,"[0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Rococo,jean-honore-fragonard_self-portrait-1770,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,jean-honore-fragonard_the-adoration-of-the-shepherds,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Rococo,jean-honore-fragonard_the-bathers,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Rococo,jean-honore-fragonard_the-beginnings-of-model,"[0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Rococo,jean-honore-fragonard_the-birth-of-venus-1755,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,jean-honore-fragonard_the-blind-man-s-bluff-game,"[4.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,jean-honore-fragonard_the-bolt,"[0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Rococo,jean-honore-fragonard_the-confession-of-love-1771,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Rococo,jean-honore-fragonard_the-cradle-1765,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Rococo,jean-honore-fragonard_the-day,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Rococo,jean-honore-fragonard_the-fight-unnecessary,"[1.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Rococo,jean-honore-fragonard_the-fountain-of-love,"[0.0, 5.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Rococo,jean-honore-fragonard_the-good-mother,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,jean-honore-fragonard_the-happy-lovers-1765,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,jean-honore-fragonard_the-laundresses-1761,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,jean-honore-fragonard_the-little-sultan-1776,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,jean-honore-fragonard_the-love-letter,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,jean-honore-fragonard_the-music-lesson,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Rococo,jean-honore-fragonard_the-musical-contest-1755,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,jean-honore-fragonard_the-prize-of-a-kiss-1760,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,jean-honore-fragonard_the-progress-of-love,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,jean-honore-fragonard_the-progress-of-love-the-pursuit-1773,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Rococo,jean-honore-fragonard_the-reader,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,jean-honore-fragonard_the-see-saw-1750,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,jean-honore-fragonard_the-sermon-of-love,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,jean-honore-fragonard_the-shepherdess-1752,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,jean-honore-fragonard_the-small-park-1763,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]" +Rococo,jean-honore-fragonard_the-souvenir-1778,"[1.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,jean-honore-fragonard_the-stolen-kiss-1788,"[1.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,jean-honore-fragonard_the-storm,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Rococo,jean-honore-fragonard_the-swing-1767,"[3.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,jean-honore-fragonard_the-trough-1765,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Rococo,jean-honore-fragonard_the-warrior,"[8.0, 10.0, 9.0, 3.0, 3.0, 2.0, 5.0, 3.0, 6.0]" +Rococo,jean-honore-fragonard_the-zenith-1778,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Rococo,jean-honore-fragonard_to-the-genius-of-franklin,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0, 0.0]" +Rococo,jean-honore-fragonard_two-heads-danger,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Rococo,jean-honore-fragonard_two-sisters,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Rococo,jean-honore-fragonard_venus-and-cupid,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,jean-honore-fragonard_visit-to-the-nurse,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,jean-honore-fragonard_young-girl-reading,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,jean-honore-fragonard_young-woman-playing-with-a-dog-1772,"[1.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,jean-marc-nattier_comtesse-tessin-1741,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,jean-marc-nattier_die-liebenden-1744,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Rococo,jean-marc-nattier_jeanne-antoinette-poisson-marquise-de-pompadour-as-diana-1746,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,jean-marc-nattier_madame-ad-la-de-de-france-tying-knots-1756,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,jean-marc-nattier_madame-de-la-porte-1754,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,jean-marc-nattier_madame-louise-of-france-1748,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,jean-marc-nattier_mademoiselle-de-clermont-as-a-sultana-1733,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0]" +Rococo,jean-marc-nattier_marie-leszczy-ska-queen-of-france-reading-the-bible-1748,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,jean-marc-nattier_marquise-de-pompadour-as-diana-1746,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,jean-marc-nattier_portrait-de-la-comtesse-de-s-rent-1754,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,jean-marc-nattier_portrait-of-alexander-kurakin-1728,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,jean-marc-nattier_portrait-of-louis-tocqu-1762,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,jean-marc-nattier_portrait-of-madame-maria-zeffirina-1751,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,jean-marc-nattier_portrait-of-tsar-peter-i-1717,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Rococo,jean-marc-nattier_terpsichore-muse-of-dance-1739,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Rococo,jean-marc-nattier_thalia-muse-of-comedy-1739,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,jean-marc-nattier_the-comtesse-de-tilli-res-1750,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,jean-marc-nattier_the-music-lesson-1710,"[1.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,john-russell_a-young-john-wesley-1703-1791-preaching,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Rococo,john-russell_alexander-turner-1793,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,john-russell_anthony-knowles-1801,"[1.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Rococo,john-russell_captain-and-mrs-hardcastle-1785,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,john-russell_captain-braithwaite,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Rococo,john-russell_charles-wesley-1757-1834,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Rococo,john-russell_colonel-james-capper-and-his-daughter-1782,"[1.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]" +Rococo,john-russell_dr-andrew-gifford-1700-1784-assistant-librarian-1756-1784-1774,"[3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Rococo,john-russell_george-birkbeck-1776-1841-1805,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Rococo,john-russell_henrietta-shelley-1731-1809-countess-of-onslow-1769,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]" +Rococo,john-russell_john-lee-d-1809-and-his-family,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,john-russell_john-russell-1780,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,john-russell_joshua-walker-1750-1815-of-clifton-house-1784,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Rococo,john-russell_lieutenant-colonel-thomas-lloyd-1751-1828-colonel-of-the-leeds-volunteers-1801,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,john-russell_martha-gunn-and-the-prince-of-wales,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,john-russell_mary-phoebe-spencer-nelson-taylor-and-daughters-1776-1847,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,john-russell_micoc-and-tootac-1769,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Rococo,john-russell_philip-stanhope-1769,"[3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,john-russell_portrait-of-a-girl-in-a-bonnet,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Rococo,john-russell_portrait-of-a-lady-1768,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Rococo,john-russell_portrait-of-a-lady-with-her-child-1798,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,john-russell_portrait-of-a-man,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,john-russell_portrait-of-an-unknown-girl-in-a-white-dress-1800,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,john-russell_portrait-of-george-de-ligne-gregory-1793,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,john-russell_portrait-of-george-whitefield,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Rococo,john-russell_reverend-charles-wesley-1707-1788-ma-1771,"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,john-russell_rural-employment-1786,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,john-russell_samuel-wesley-1766-1837-1777,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Rococo,john-russell_sir-william-herschel-1738-1822-1795,"[2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]" +Rococo,john-russell_small-girl-presenting-cherries-1780,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,john-russell_susannah-walker-1760-1831-1784,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Rococo,john-russell_the-right-honourable-selina-countess-of-huntingdon-1707-1791-foundress-and-benefactress,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Rococo,john-russell_two-small-girls-with-bonnets,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Rococo,john-russell_william-dodd-1769,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,john-russell_william-wilberforce-1759-1833,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Rococo,john-russell_william-wilberforce-1770,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Rococo,joseph-wright_anne-bateman-later-mrs-john-gisbourne-1755,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Rococo,joseph-wright_anne-or-molly-cracroft,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,joseph-wright_boy-with-plumed-hat-and-greyhound,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,joseph-wright_brooke-boothby,"[1.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Rococo,joseph-wright_captain-robert-shore-milnes,"[1.0, 2.0, 3.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Rococo,joseph-wright_charles-hurt-of-wirksworth,"[3.0, 2.0, 3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]" +Rococo,joseph-wright_christopher-heath,"[3.0, 1.0, 3.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Rococo,joseph-wright_cornet-sir-george-cooke,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Rococo,joseph-wright_d-ewes-coke-his-wife-hannah-and-daniel-parker-coke,"[2.0, 3.0, 2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0]" +Rococo,joseph-wright_edward-becher-leacroft,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,joseph-wright_edwin-from-minstrel-by-dr-beattie,"[5.0, 1.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Rococo,joseph-wright_francis-burdett,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Rococo,joseph-wright_francis-noel-clarke-mundy,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,joseph-wright_harry-peckham,"[2.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,joseph-wright_harvey-wilmot,"[2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Rococo,joseph-wright_john-coates-browne,"[2.0, 3.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Rococo,joseph-wright_john-milnes,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,joseph-wright_john-whetham-or-kirklington-nottinghamshire-1782,"[4.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]" +Rococo,joseph-wright_mr-and-mrs-thomas-coltman,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Rococo,joseph-wright_mr-and-mrs-william-chase,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Rococo,joseph-wright_mrs-robert-gwillym,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,joseph-wright_mrs-wilmot-in-riding-dress,"[1.0, 0.0, 4.0, 2.0, 1.0, 0.0, 1.0, 0.0, 2.0]" +Rococo,joseph-wright_nicholas-heath,"[0.0, 4.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,joseph-wright_peter-perez-burdett-and-his-first-wife-hannah,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,joseph-wright_portrait-of-a-girl-in-a-tawny-colored-dress,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Rococo,joseph-wright_portrait-of-a-lady-1,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Rococo,joseph-wright_portrait-of-fleetwood-hesketh-1769,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,joseph-wright_portrait-of-richard-arkwright-junior-with-his-wife-mary-and-daughter-anne,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Rococo,joseph-wright_portrait-of-samuel-oldknow,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Rococo,joseph-wright_portrait-of-sarah-carver-and-her-daughter-sarah,"[0.0, 5.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,joseph-wright_portrait-of-susannah-leigh,"[3.0, 3.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,joseph-wright_simon-wilmot,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Rococo,joseph-wright_sir-william-fitzherbert-as-a-boy,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Rococo,joseph-wright_susannah-hurt-with-her-daughter-mary-anne,"[1.0, 0.0, 7.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Rococo,joseph-wright_the-children-of-hugh-and-sarah-wood-of-swanwick-derbyshire,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,joseph-wright_thomas-and-joseph-pickford-as-children-1779,"[0.0, 0.0, 7.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,joseph-wright_thomas-day,"[2.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 2.0, 2.0]" +Rococo,joseph-wright_thomas-gisborne-and-his-wife-mary,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Rococo,joshua-reynolds_a-cherub-head-in-different-views,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Rococo,joshua-reynolds_adam-ferguson-1782,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Rococo,joshua-reynolds_admiral-sir-edward-hughes,"[2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0]" +Rococo,joshua-reynolds_admiral-the-honourable-samue-barrington,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,joshua-reynolds_alexander-10th-duke-of-hamilton,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Rococo,joshua-reynolds_anne-countess-of-albemarle,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Rococo,joshua-reynolds_anne-dashwood,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Rococo,joshua-reynolds_anne-dashwood-detail,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,joshua-reynolds_archibald-montgomerie-11th-earl-of-eglinton-1784,"[2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Rococo,joshua-reynolds_augustus-1st-viscount-keppel,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Rococo,joshua-reynolds_augustus-keppel-1753,"[0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,joshua-reynolds_augustus-keppel-1783,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Rococo,joshua-reynolds_boy-holding-a-bunch-of-grapes,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Rococo,joshua-reynolds_brown-boy,"[2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Rococo,joshua-reynolds_captain-bligh,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]" +Rococo,joshua-reynolds_captain-john-foote,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Rococo,joshua-reynolds_captain-robert-orme,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Rococo,joshua-reynolds_captain-the-honourable-george-edgcumbe,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]" +Rococo,joshua-reynolds_captain-the-honourable-john-byron,"[1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,joshua-reynolds_caroline-duchess-of-marlborough-1762,"[0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Rococo,joshua-reynolds_caroline-lady-holland-1758,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Rococo,joshua-reynolds_catherine-lady-bampfylde,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Rococo,joshua-reynolds_catherine-lady-chambers,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Rococo,joshua-reynolds_charles-burney,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Rococo,joshua-reynolds_charles-coote-1st-earl-of-bellamont,"[24.0, 7.0, 9.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0]" +Rococo,joshua-reynolds_charles-lennox-3rd-duke-of-richmond-and-lennox-1758,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Rococo,joshua-reynolds_clotworthy-skeffington-later-1st-earl-of-massereene-1746,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]" +Rococo,joshua-reynolds_colonel-george-k-h-coussmaker-grenadier-guards,"[2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,joshua-reynolds_commodore-the-honourable-augustus-keppel,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Rococo,joshua-reynolds_countess-lavinia-spencer-1782,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,joshua-reynolds_cupid-as-a-link-boy,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]" +Rococo,joshua-reynolds_cupid-unfastening-the-girdle-of-venus-1788,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,joshua-reynolds_david-garrick-between-tragedy-and-comedy-1761(1),"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Rococo,joshua-reynolds_diana-sackville,"[1.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,joshua-reynolds_dorothy-countess-of-lisburne,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Rococo,joshua-reynolds_edward-morant-and-his-son-john,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Rococo,joshua-reynolds_elizabeth-countess-of-pembroke-and-her-son-1767,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Rococo,joshua-reynolds_elizabeth-drax-countess-of-berkeley-1760,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Rococo,joshua-reynolds_elizabeth-duchess-of-hamilton-and-argyll-1759,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Rococo,joshua-reynolds_elizabeth-kerr-marchioness-of-lothian-1769,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,joshua-reynolds_emily-duchess-of-leinster,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Rococo,joshua-reynolds_emily-duchess-of-leinster-1,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Rococo,joshua-reynolds_frances-countess-of-lincoln,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Rococo,joshua-reynolds_francis-hastings-earl-of-huntingdon,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Rococo,joshua-reynolds_francis-rawdon-hastings,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,joshua-reynolds_francis-seymour-conway-1st-marquess-of-hertford,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Rococo,joshua-reynolds_frederick-count-of-schaumburg-lippe-1767,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]" +Rococo,joshua-reynolds_frederick-howard-5th-earl-of-carlisle,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Rococo,joshua-reynolds_frederick-howard-5th-earl-of-carlisle-1,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Rococo,joshua-reynolds_general-john-burgoyne,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,joshua-reynolds_general-sir-banastre-tarleton,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]" +Rococo,joshua-reynolds_george-clive-and-his-family-with-an-indian-maid,"[0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Rococo,joshua-reynolds_george-grenville-earl-temple-mary-countess-temple-and-their-son-richard-1782,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,joshua-reynolds_george-iii,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,joshua-reynolds_george-john-spencer-2nd-earl-spencer-1776,"[0.0, 2.0, 4.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0]" +Rococo,joshua-reynolds_georgiana-countess-spencer-and-her-daughter-1761,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,joshua-reynolds_georgiana-duchess-of-devonshire-with-her-infant-daughter-lady-georgiana-cavendish,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Rococo,joshua-reynolds_gertrude-duchess-of-bedford,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Rococo,joshua-reynolds_henri-fane-with-his-guardians-1762,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,joshua-reynolds_henry-fane,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,joshua-reynolds_isabella-lady-beauchamp-1778,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]" +Rococo,joshua-reynolds_james-fitzgerald-duke-of-leinster,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0]" +Rococo,joshua-reynolds_jane-countess-of-harrington-1775,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Rococo,joshua-reynolds_jane-fleming-later-countess-of-harrington-1779,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Rococo,joshua-reynolds_john-charles-spencer-viscount-althorp-1786,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,joshua-reynolds_john-hayes-st-leger,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Rococo,joshua-reynolds_john-manners-marquess-of-granby-1765,"[0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]" +Rococo,joshua-reynolds_john-murray-4th-earl-of-dunmore,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,joshua-reynolds_john-parker-and-his-sister-theresa-1779,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,joshua-reynolds_john-russel-4th-duke-of-bedford-1762,"[2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Rococo,joshua-reynolds_ladies-amabel-and-mary-jemima-yorke,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,joshua-reynolds_lady-anne-bingham-1786,"[1.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,joshua-reynolds_lady-caroline-howard,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Rococo,joshua-reynolds_lady-caroline-scott-as-winter,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Rococo,joshua-reynolds_lady-charles-spencer,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,joshua-reynolds_lady-cockburn-and-her-three-eldest-sons-1773,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,joshua-reynolds_lady-cornewall,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,joshua-reynolds_lady-delm-and-her-children-1780,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Rococo,joshua-reynolds_lady-elizabeth-compton,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Rococo,joshua-reynolds_lady-elizabeth-foster,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Rococo,joshua-reynolds_lady-elizabeth-keppel,"[1.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]" +Rococo,joshua-reynolds_lady-elizabeth-seymour-conway,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,joshua-reynolds_lady-henrietta-herbert,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Rococo,joshua-reynolds_lady-in-pink-said-to-be-mrs-elizabeth-sheridan,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Rococo,joshua-reynolds_lady-jane-halliday,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,joshua-reynolds_lady-mary-leslie-1764,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,joshua-reynolds_lady-sarah-bunbury-sacrificing-to-the-graces,"[0.0, 3.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,joshua-reynolds_lady-skipwith,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Rococo,joshua-reynolds_lady-smith-and-children,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,joshua-reynolds_lady-sunderlin,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Rococo,joshua-reynolds_lady-taylor-1784,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Rococo,joshua-reynolds_lady-worsley,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Rococo,joshua-reynolds_lord-heathfield-governor-of-gibraltar-1787,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Rococo,joshua-reynolds_lucy-lady-strange,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,joshua-reynolds_mary-amelia-1st-marchioness-of-salisbury-1789,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Rococo,joshua-reynolds_master-hare-1789,"[0.0, 1.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,joshua-reynolds_miss-beatrix-lister,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,joshua-reynolds_miss-bowles,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Rococo,joshua-reynolds_miss-cocks-and-her-niece,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,joshua-reynolds_miss-elizabeth-ingram,"[1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,joshua-reynolds_miss-isabella-thorold-1759,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,joshua-reynolds_miss-mary-hickey-1770,"[2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,joshua-reynolds_miss-nelly-o-brien-1764,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Rococo,joshua-reynolds_miss-price-1770,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,joshua-reynolds_mr-james-bourdieu,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Rococo,joshua-reynolds_mrs-abington-1771,"[6.0, 10.0, 17.0, 6.0, 1.0, 1.0, 1.0, 1.0, 5.0]" +Rococo,joshua-reynolds_mrs-and-miss-macklin-with-miss-potts-1788,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,joshua-reynolds_mrs-crewe-1761,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Rococo,joshua-reynolds_mrs-elizabeth-carnac,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,joshua-reynolds_mrs-francis-beckford,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,joshua-reynolds_mrs-hale-1766,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,joshua-reynolds_mrs-hugh-bonfoy,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,joshua-reynolds_mrs-jane-braddyll,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Rococo,joshua-reynolds_mrs-john-parker-1772,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,joshua-reynolds_mrs-joseph-martin-and-her-son-charles-1760,"[3.0, 8.0, 20.0, 0.0, 0.0, 0.0, 6.0, 4.0, 2.0]" +Rococo,joshua-reynolds_mrs-mary-nesbitt,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,joshua-reynolds_mrs-mary-robinson-perdita-1784,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,joshua-reynolds_mrs-musters-as-hebe,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,joshua-reynolds_mrs-peter-beckford-1782,"[0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]" +Rococo,joshua-reynolds_mrs-richard-bennett-lloyd-1776,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,joshua-reynolds_mrs-richard-crofts,"[1.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,joshua-reynolds_mrs-richard-paul-jodrell,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,joshua-reynolds_mrs-susanna-hoare-and-child-1764,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,joshua-reynolds_mrs-thomas-riddell,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Rococo,joshua-reynolds_mrs-thrale-and-her-daughter-hester-queeney-1778,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,joshua-reynolds_mrs-trecothick-full-length-in-turkish-masquerade-dress-beside-an-urn-of-flowers-in-a-landscape-1771,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,joshua-reynolds_mrs-turnour-1757,"[0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,joshua-reynolds_mrs-william-beresford-and-her-son-john-later-lord-decies,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,joshua-reynolds_omai-of-the-friendly-isles,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Rococo,joshua-reynolds_omai-omiah,"[0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,joshua-reynolds_peter-ludlow,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Rococo,joshua-reynolds_portrait-of-a-lady,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,joshua-reynolds_portrait-of-admiral-augustus-keppel,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Rococo,joshua-reynolds_portrait-of-admiral-thomas-cotes,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,joshua-reynolds_portrait-of-bridget-moris-in-a-white-silk-dress,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,joshua-reynolds_portrait-of-charles-fitzroy-1st-baron-southampton,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Rococo,joshua-reynolds_portrait-of-charles-hamilton-8th-early-of-haddington,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,joshua-reynolds_portrait-of-charles-turner-sir-william-lowther-joseph-leeson-and-monsieur-huet,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Rococo,joshua-reynolds_portrait-of-emma-countess-of-mount-edgcumbe,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Rococo,joshua-reynolds_portrait-of-george-colman-the-elder,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]" +Rococo,joshua-reynolds_portrait-of-george-townshend-lord-ferrers,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,joshua-reynolds_portrait-of-georgiana-duchess-of-devonshire-1776,"[0.0, 0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,joshua-reynolds_portrait-of-john-simpson-of-bradley-hall-northumberland,"[0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,joshua-reynolds_portrait-of-joseph-baretti,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,joshua-reynolds_portrait-of-lionel-sackville-1st-duke-of-dorset,"[0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Rococo,joshua-reynolds_portrait-of-lord-john-townshend,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,joshua-reynolds_portrait-of-lord-robert-spencer,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Rococo,joshua-reynolds_portrait-of-maria-anne-fitzherbert,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Rococo,joshua-reynolds_portrait-of-mary-barnardiston,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,joshua-reynolds_portrait-of-mrs-abington-british-actress-1773,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,joshua-reynolds_portrait-of-mrs-baldwin-full-length-seated-on-a-red-divan(1),"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,joshua-reynolds_portrait-of-mrs-siddons-as-the-tragic-muse,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]" +Rococo,joshua-reynolds_portrait-of-mrs-stanhope,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,joshua-reynolds_portrait-of-prince-william-augustus-duke-of-cumberland-son-of-george-ii,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Rococo,joshua-reynolds_portrait-of-queen-charlotte,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Rococo,joshua-reynolds_portrait-of-rebecca-watson,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0]" +Rococo,joshua-reynolds_portrait-of-sir-william-lowther-3rd-bt,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]" +Rococo,joshua-reynolds_robert-ramsden,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Rococo,joshua-reynolds_samuel-johnson-1757,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Rococo,joshua-reynolds_scyacust-ukah(1),"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,joshua-reynolds_self-portrait-1788,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,joshua-reynolds_self-portrait-2,"[0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,joshua-reynolds_sir-john-molesworth,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,joshua-reynolds_sir-joseph-banks-1772,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,joshua-reynolds_sir-richard-worsley,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,joshua-reynolds_sir-thomas-kennedy-james-caulfeild-mr-ward-and-mr-phelps,"[0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,joshua-reynolds_sir-watkin-williams-wynn-and-his-mother-1769,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Rococo,joshua-reynolds_sketch-of-putto-holding-a-sash-in-both-hands-seen-from-below,"[1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Rococo,joshua-reynolds_study-for-king-lear,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Rococo,joshua-reynolds_thais-of-ahens-with-tourch,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Rococo,joshua-reynolds_the-actress-kitty-fisher,"[1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Rococo,joshua-reynolds_the-archers-double-portrait-of-colonel-john-dyke-acland-and-dudley-alexander-sydney-cosby-lord-1769(1),"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Rococo,joshua-reynolds_the-brummell-children-1782,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Rococo,joshua-reynolds_the-children-of-edward-hollen-cruttenden,"[0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Rococo,joshua-reynolds_the-children-of-john-julius-angerstein-1783,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Rococo,joshua-reynolds_the-countess-of-dartmouth,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,joshua-reynolds_the-dilettanti-society-1778,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,joshua-reynolds_the-eliot-family,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Rococo,joshua-reynolds_the-gypsy-fortune-teller-1778,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Rococo,joshua-reynolds_the-infant-academy,"[2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Rococo,joshua-reynolds_the-infant-samuel,"[0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,joshua-reynolds_the-infant-samuel-at-prayer,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Rococo,joshua-reynolds_the-ladies-waldegrave-1780,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,joshua-reynolds_the-marlborough-family-1778,"[9.0, 10.0, 13.0, 5.0, 1.0, 1.0, 0.0, 2.0, 4.0]" +Rococo,joshua-reynolds_the-puck-1789,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Rococo,joshua-reynolds_the-strawberry-girl-1777,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Rococo,joshua-reynolds_theresa-parker,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,joshua-reynolds_thomas-and-martha-neate-with-tutor,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Rococo,joshua-reynolds_thomas-conolly-1764,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Rococo,joshua-reynolds_venus,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Rococo,joshua-reynolds_venus-chiding-cupid-for-learning-to-cast-accounts-1771,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Rococo,joshua-reynolds_william-james,"[2.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Rococo,joshua-reynolds_young-woman-leaning-on-a-ledge,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Rococo,louise-elisabeth-vigee-le-brun_alexandre-charles-emmanuel-de-crussol-florensac-1787,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Rococo,louise-elisabeth-vigee-le-brun_andr-hercule-de-fleury,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,louise-elisabeth-vigee-le-brun_anna-ivanovna-tolstaya,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,louise-elisabeth-vigee-le-brun_bacchante-1785,"[0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Rococo,louise-elisabeth-vigee-le-brun_bacchante-1785-1,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,louise-elisabeth-vigee-le-brun_baroness-anna-sergeevna-stroganova-and-her-son-sergey-1793,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Rococo,louise-elisabeth-vigee-le-brun_count-grigory-ivanovich-tchernyshov-holding-a-mask-1793,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,louise-elisabeth-vigee-le-brun_countess-bucquoi,"[1.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,louise-elisabeth-vigee-le-brun_countess-of-ch-tre-1789,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,louise-elisabeth-vigee-le-brun_countess-skavronskaia-1796,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,louise-elisabeth-vigee-le-brun_dauphin-louis-joseph-xavier-of-france-second-child-and-first-son-of-king-louis-xvi-of-france,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Rococo,louise-elisabeth-vigee-le-brun_ekaterina-i-kutuzova-wife-of-russian-field-marshal-m-i-kutuzov-1795,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Rococo,louise-elisabeth-vigee-le-brun_elisabeth-alexeievna,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,louise-elisabeth-vigee-le-brun_flora,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,louise-elisabeth-vigee-le-brun_francis-i-bourbon-1790,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,louise-elisabeth-vigee-le-brun_german-opera-singer-elisabeth-mara,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,louise-elisabeth-vigee-le-brun_giuseppina-grassini-in-the-role-of-zaire-1804,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,louise-elisabeth-vigee-le-brun_hyacinthe-gabrielle-roland-1791,"[1.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,louise-elisabeth-vigee-le-brun_lady-hamilton,"[2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,louise-elisabeth-vigee-le-brun_lady-hamilton-as-ariadne-1790,"[0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]" +Rococo,louise-elisabeth-vigee-le-brun_lady-hamilton-as-the-persian-sibyl-1792,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,louise-elisabeth-vigee-le-brun_louise-marie-ad-la-de-de-bourbon-penthi-vre,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,louise-elisabeth-vigee-le-brun_madame-perregaux-1789,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,louise-elisabeth-vigee-le-brun_madame-vigee-lebrun-and-her-daughter-jeanne-lucie-louise-1789,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,louise-elisabeth-vigee-le-brun_maria-luisa-of-spain-wife-of-emperor-leopold-ii,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,louise-elisabeth-vigee-le-brun_marie-antoinette-and-her-children-1787,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,louise-elisabeth-vigee-le-brun_marie-antoinette-in-a-muslin-dress-1783,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Rococo,louise-elisabeth-vigee-le-brun_marie-antoinette-walking-in-a-garden,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,louise-elisabeth-vigee-le-brun_moritz-von-fries,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,louise-elisabeth-vigee-le-brun_portrait-of-a-lady-1789,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,louise-elisabeth-vigee-le-brun_portrait-of-a-young-woman,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,louise-elisabeth-vigee-le-brun_portrait-of-anna-pitt-as-hebe-1792,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Rococo,louise-elisabeth-vigee-le-brun_portrait-of-antoinette-elisabeth-marie-d-aguesseau-countess-of-s-gur-1785,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,louise-elisabeth-vigee-le-brun_portrait-of-baron-grigory-alexandrovich-stroganoff-1793,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,louise-elisabeth-vigee-le-brun_portrait-of-caroline-murat-with-her-daughter-letizia-1807,"[1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,louise-elisabeth-vigee-le-brun_portrait-of-charles-alexandre-de-calonne-1784,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,louise-elisabeth-vigee-le-brun_portrait-of-count-pavel-shuvalov-1799,"[0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]" +Rococo,louise-elisabeth-vigee-le-brun_portrait-of-countess-catherine-skavronskaya,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,louise-elisabeth-vigee-le-brun_portrait-of-countess-golovine,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,louise-elisabeth-vigee-le-brun_portrait-of-elisaveta-alexandrovna-demidova-nee-stroganova-1792,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,louise-elisabeth-vigee-le-brun_portrait-of-empress-elisabeth-alexeievna-of-russia-1795,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,louise-elisabeth-vigee-le-brun_portrait-of-french-actress-louise-rosalie-dugazon-1787,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,louise-elisabeth-vigee-le-brun_portrait-of-hubert-robert-1788,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Rococo,louise-elisabeth-vigee-le-brun_portrait-of-izabela-lubomirska-1782,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,louise-elisabeth-vigee-le-brun_portrait-of-joseph-vernet-1778,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Rococo,louise-elisabeth-vigee-le-brun_portrait-of-lisabeth-of-france,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Rococo,louise-elisabeth-vigee-le-brun_portrait-of-madame-de-stael-as-corinne-1808,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Rococo,louise-elisabeth-vigee-le-brun_portrait-of-madame-du-barry-1781,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Rococo,louise-elisabeth-vigee-le-brun_portrait-of-madame-du-barry-1782,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,louise-elisabeth-vigee-le-brun_portrait-of-madame-grand-1783,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,louise-elisabeth-vigee-le-brun_portrait-of-maria-carolina-of-austria-1791,"[0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]" +Rococo,louise-elisabeth-vigee-le-brun_portrait-of-mme-d-aguesseau,"[1.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Rococo,louise-elisabeth-vigee-le-brun_portrait-of-prince-henry-lubomirski-as-the-genius-of-fame-1789,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,louise-elisabeth-vigee-le-brun_portrait-of-stanislas-augustus-poniatowski,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Rococo,louise-elisabeth-vigee-le-brun_portrait-of-stanislaus-augustus-poniatowski-king-of-poland-1797,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,louise-elisabeth-vigee-le-brun_princess-louise-of-prussia-1801,"[0.0, 4.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Rococo,louise-elisabeth-vigee-le-brun_princess-louise-of-prussia-1801-1,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,louise-elisabeth-vigee-le-brun_queen-marie-antoinette-of-france-1783,"[1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,louise-elisabeth-vigee-le-brun_self-portrait-1781,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,louise-elisabeth-vigee-le-brun_self-portrait-1790,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,louise-elisabeth-vigee-le-brun_self-portrait-1800,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,louise-elisabeth-vigee-le-brun_self-portrait-in-a-straw-hat-1787,"[2.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,louise-elisabeth-vigee-le-brun_self-portrait-with-her-daughter-julie-1786,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,louise-elisabeth-vigee-le-brun_sergey-gagarin-1801,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,louise-elisabeth-vigee-le-brun_the-artist-s-brother-1773,"[2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,louise-elisabeth-vigee-le-brun_the-bather-1792,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Rococo,louise-elisabeth-vigee-le-brun_the-daughter-s-portrait,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Rococo,louise-elisabeth-vigee-le-brun_the-duchess-de-polignac-1783,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,louise-elisabeth-vigee-le-brun_the-genius-of-alexander,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,louise-elisabeth-vigee-le-brun_the-grand-duchesse-anna-feodorovna-1796,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,louise-elisabeth-vigee-le-brun_the-marquise-de-pezay-and-the-marquise-de-roug-with-her-sons-alexis-and-adrien-1787,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,louise-elisabeth-vigee-le-brun_woman-s-head-1780,"[2.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,maurice-quentin-de-la-tour_abbe-jean-jacques-huber-1742,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,maurice-quentin-de-la-tour_abbot-claude-charles-deschamps,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Rococo,maurice-quentin-de-la-tour_abbot-jean-antoine-nollet,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,maurice-quentin-de-la-tour_abbot-jean-jacques-huber,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,maurice-quentin-de-la-tour_anne-charlotte-de-maillet-de-batilly-marquise-de-courcy,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Rococo,maurice-quentin-de-la-tour_antoine-gaspard-grimold-de-la-reyniere,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,maurice-quentin-de-la-tour_antoine-gaspard-grimold-de-la-reyniere-1,"[1.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Rococo,maurice-quentin-de-la-tour_beautiful-girl-from-zuylen,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,maurice-quentin-de-la-tour_charles-louis-fouquet-duke-of-belle-isle,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,maurice-quentin-de-la-tour_charles-maron-a-lawyer-in-parliament,"[1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]" +Rococo,maurice-quentin-de-la-tour_charles-parrocel-painter,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,maurice-quentin-de-la-tour_charles-pinot-duclos-novelist-and-historian,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,maurice-quentin-de-la-tour_claude-dupouch,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,maurice-quentin-de-la-tour_count-clement-wenceslaus-of-saxony,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,maurice-quentin-de-la-tour_diogenes-after-peter-paul-rubens,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]" +Rococo,maurice-quentin-de-la-tour_face-of-the-man,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Rococo,maurice-quentin-de-la-tour_face-of-the-man-after-alexis-grimou,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Rococo,maurice-quentin-de-la-tour_father-emmanuel,"[2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Rococo,maurice-quentin-de-la-tour_father-jean-bernard-le-blanc-art-critic,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Rococo,maurice-quentin-de-la-tour_fran-ois-emmanuel-pommyer-abbot-of-bonneval,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,maurice-quentin-de-la-tour_francois-dachery,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Rococo,maurice-quentin-de-la-tour_francois-dachery-childhood-friend-of-maurice-quentin-de-la-tour,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]" +Rococo,maurice-quentin-de-la-tour_francois-louis-veron-forbonnais-of-duverger-economist,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,maurice-quentin-de-la-tour_gabriel-bernard-de-rieux,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Rococo,maurice-quentin-de-la-tour_georg-friedrich-schmidt,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,maurice-quentin-de-la-tour_honore-armand-duke-of-villars,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Rococo,maurice-quentin-de-la-tour_jacques-dumont-le-romain-playing-the-guitar,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,maurice-quentin-de-la-tour_jacques-louis-francois-roussel-marquis-de-courcy,"[2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,maurice-quentin-de-la-tour_jean-charles-garnier,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,maurice-quentin-de-la-tour_jean-charles-garnier-d-isle,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,maurice-quentin-de-la-tour_jean-jacques-rousseau,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,maurice-quentin-de-la-tour_jean-joseph-cassanea-de-mondonville-1747,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,maurice-quentin-de-la-tour_jean-le-rond-d-alembert,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,maurice-quentin-de-la-tour_jean-monnet,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Rococo,maurice-quentin-de-la-tour_jean-monnet-director-of-the-opera-comique-in-paris,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,maurice-quentin-de-la-tour_jean-nicolas-vernezobre,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Rococo,maurice-quentin-de-la-tour_jean-paris-de-montmartel,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,maurice-quentin-de-la-tour_jean-restout,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,maurice-quentin-de-la-tour_jean-restout-1,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,maurice-quentin-de-la-tour_jeanne-antoinette-poisson-marquise-de-pompadour,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,maurice-quentin-de-la-tour_jeanne-elisabeth-de-geer-baroness-tuyll,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,maurice-quentin-de-la-tour_louis-dauphin-of-france,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,maurice-quentin-de-la-tour_louis-de-silvestre,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,maurice-quentin-de-la-tour_louis-of-france-dauphin-son-of-louis-xv,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,maurice-quentin-de-la-tour_louis-xv-of-france,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,maurice-quentin-de-la-tour_madame-de-la-poupliniere,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,maurice-quentin-de-la-tour_madame-de-mondonville,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,maurice-quentin-de-la-tour_madame-de-pompadour,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,maurice-quentin-de-la-tour_madame-favart,"[1.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Rococo,maurice-quentin-de-la-tour_madame-rouille-de-l-estangleterre,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,maurice-quentin-de-la-tour_mademoiselle-camargo,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,maurice-quentin-de-la-tour_mademoiselle-chacrylique-sur-toileagner-de-la-grange,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,maurice-quentin-de-la-tour_mademoiselle-ferrand-meditating-on-newton,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Rococo,maurice-quentin-de-la-tour_mademoiselle-pavigne,"[0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0]" +Rococo,maurice-quentin-de-la-tour_mademoiselle-salle,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Rococo,maurice-quentin-de-la-tour_manelli,"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,maurice-quentin-de-la-tour_marc-ren-marquis-de-voyer-d-argenson-lieutenant-general-of-the-king-s-armies-inspector-general,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Rococo,maurice-quentin-de-la-tour_marc-rene-marquis-de-voyer-d-argenson,"[0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,maurice-quentin-de-la-tour_marie-fel-with-eyes-full-of-love,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,maurice-quentin-de-la-tour_marie-josephe-of-saxony,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,maurice-quentin-de-la-tour_marie-josephe-of-saxony-1,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,maurice-quentin-de-la-tour_marie-josephe-of-saxony-2,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,maurice-quentin-de-la-tour_marie-josephe-of-saxony-dauphine-and-a-son,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,maurice-quentin-de-la-tour_marie-leszczy-ska,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Rococo,maurice-quentin-de-la-tour_mary-magdalene-mazade-wife-of-antoine-gaspard-grimoldi-of-reyniere,"[0.0, 1.0, 2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]" +Rococo,maurice-quentin-de-la-tour_nymph-followed-by-apollo,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,maurice-quentin-de-la-tour_nymph-followed-by-apollo-holding-a-laurel-wreath,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,maurice-quentin-de-la-tour_portrait-of-abbot,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Rococo,maurice-quentin-de-la-tour_portrait-of-alexandre-jean-joseph-le-riche-de-la-pouplini-re,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,maurice-quentin-de-la-tour_portrait-of-alexandre-jean-joseph-le-riche-de-la-pouplini-re-1,"[1.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,maurice-quentin-de-la-tour_portrait-of-duval-de-l-epinoy-1745,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,maurice-quentin-de-la-tour_portrait-of-isabelle-de-charriere-1766,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,maurice-quentin-de-la-tour_portrait-of-jean-jacques-rousseau,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,maurice-quentin-de-la-tour_portrait-of-jean-le-rond-d-alembert-1753,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,maurice-quentin-de-la-tour_portrait-of-king-louis-xv-1748,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,maurice-quentin-de-la-tour_portrait-of-louis-of-france,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,maurice-quentin-de-la-tour_portrait-of-louis-xv-of-france,"[0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Rococo,maurice-quentin-de-la-tour_portrait-of-madame-de-pompadour,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,maurice-quentin-de-la-tour_portrait-of-madame-de-pompadour-1752,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Rococo,maurice-quentin-de-la-tour_portrait-of-mademoiselle-dangeville,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,maurice-quentin-de-la-tour_portrait-of-marie-fel-1757,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Rococo,maurice-quentin-de-la-tour_portrait-of-marie-leszczy-ska-queen-of-france-1748,"[0.0, 0.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Rococo,maurice-quentin-de-la-tour_portrait-of-maurice-of-saxony,"[0.0, 2.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Rococo,maurice-quentin-de-la-tour_portrait-of-maurice-of-saxony-1747,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Rococo,maurice-quentin-de-la-tour_portrait-of-maurice-of-saxony-1748,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,maurice-quentin-de-la-tour_portrait-of-philibert-orry,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,maurice-quentin-de-la-tour_portrait-of-ren-fr-min-sculptor-1743,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,maurice-quentin-de-la-tour_portrait-of-unknown-man,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,maurice-quentin-de-la-tour_portrait-of-unknown-man-1,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Rococo,maurice-quentin-de-la-tour_preparation-of-the-portrait-of-jean-paris-de-montmartel,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Rococo,maurice-quentin-de-la-tour_preparation-of-the-portrait-of-joseph-amedee-victor-paris-son-of-john-of-paris-montmartel,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,maurice-quentin-de-la-tour_preparation-to-the-portrait-of-anne-charlotte-roussel-marquise-de-courcy,"[1.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Rococo,maurice-quentin-de-la-tour_preparation-to-the-portrait-of-anne-julie-boetie-of-st-leger,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,maurice-quentin-de-la-tour_preparation-to-the-portrait-of-dauphin-louis-de-france-son-of-louis-xv,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,maurice-quentin-de-la-tour_preparation-to-the-portrait-of-madame-de-pompadour,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,maurice-quentin-de-la-tour_preparation-to-the-portrait-of-mrs-rougeau,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Rococo,maurice-quentin-de-la-tour_preparation-to-the-portrait-of-the-dauphine-marie-josephe-of-saxony,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,maurice-quentin-de-la-tour_preparation-to-the-portrait-of-voltaire,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,maurice-quentin-de-la-tour_preparation-to-the-portrait-of-voltaire-1,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Rococo,maurice-quentin-de-la-tour_preparation-tothe-portrait-of-marie-catherine-dufloquet-reals-wife-of-rene-masse-nicolas,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,maurice-quentin-de-la-tour_prince-charles-edward-stewart,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]" +Rococo,maurice-quentin-de-la-tour_prince-xavier-of-saxony,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,maurice-quentin-de-la-tour_princess-christina-of-saxony,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,maurice-quentin-de-la-tour_self-portrait,"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,maurice-quentin-de-la-tour_self-portrait-1,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Rococo,maurice-quentin-de-la-tour_self-portrait-2,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,maurice-quentin-de-la-tour_self-portrait-3,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,maurice-quentin-de-la-tour_self-portrait-4,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,maurice-quentin-de-la-tour_self-portrait-with-frill,"[1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,maurice-quentin-de-la-tour_self-portrait-with-lace-jabot,"[0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]" +Rococo,maurice-quentin-de-la-tour_self-portrait-with-the-bull-s-eye-1737,"[3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,maurice-quentin-de-la-tour_studies-of-men-s-hands,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 2.0, 1.0]" +Rococo,maurice-quentin-de-la-tour_study-for-portrait-of-mademoiselle-dangeville,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Rococo,maurice-quentin-de-la-tour_study-for-portrait-of-mademoiselle-dangeville-1,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,maurice-quentin-de-la-tour_study-for-portrait-of-mademoiselle-dangeville-2,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Rococo,maurice-quentin-de-la-tour_study-for-portrait-of-unknown-man,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,maurice-quentin-de-la-tour_study-for-portrait-of-unknown-man-1,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,maurice-quentin-de-la-tour_study-for-portrait-of-unknown-man-2,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,maurice-quentin-de-la-tour_study-for-portrait-of-unknown-man-3,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,maurice-quentin-de-la-tour_study-for-portrait-of-unknown-man-4,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Rococo,maurice-quentin-de-la-tour_study-for-portrait-of-unknown-man-5,"[2.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,maurice-quentin-de-la-tour_study-for-portrait-of-unknown-woman,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Rococo,maurice-quentin-de-la-tour_study-for-portrait-of-unknown-woman-1,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Rococo,maurice-quentin-de-la-tour_study-for-portrait-of-unknown-woman-2,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,maurice-quentin-de-la-tour_study-for-portrait-of-unknown-woman-3,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,maurice-quentin-de-la-tour_study-for-portrait-of-unknown-woman-4,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Rococo,maurice-quentin-de-la-tour_study-for-portrait-of-unknown-woman-5,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,maurice-quentin-de-la-tour_study-for-portrait-of-unknown-woman-6,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Rococo,maurice-quentin-de-la-tour_study-for-portrait-of-unknown-woman-7,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Rococo,maurice-quentin-de-la-tour_study-for-portrait-of-unknown-woman-8,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]" +Rococo,maurice-quentin-de-la-tour_study-of-a-woman-s-face,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Rococo,maurice-quentin-de-la-tour_study-of-a-young-man,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Rococo,maurice-quentin-de-la-tour_study-of-the-portrait,"[0.0, 0.0, 2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]" +Rococo,maurice-quentin-de-la-tour_study-of-the-portrait-1,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,maurice-quentin-de-la-tour_study-of-the-portrait-2,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Rococo,maurice-quentin-de-la-tour_study-of-the-portrait-3,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Rococo,maurice-quentin-de-la-tour_study-of-the-portrait-4,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,maurice-quentin-de-la-tour_study-to-a-portrait-of-louis-joseph-xavier-of-france-duke-of-burgundy,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,maurice-quentin-de-la-tour_study-to-portrait-of-unknown-woman,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,maurice-quentin-de-la-tour_study-to-the-portrait-of-jean-le-rond-d-alembert,"[1.0, 0.0, 2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]" +Rococo,maurice-quentin-de-la-tour_study-to-the-portrait-of-the-magistrate-jacques-laura-cooper-breteuil,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Rococo,maurice-quentin-de-la-tour_the-canon-of-the-cathedral-of-reims,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Rococo,maurice-quentin-de-la-tour_the-cellist,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Rococo,maurice-quentin-de-la-tour_the-marshal-de-belle-isle,"[1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,maurice-quentin-de-la-tour_the-president-of-rieux-in-prom-dress,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,maurice-quentin-de-la-tour_view-of-the-city-saint-quentin,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,maurice-quentin-de-la-tour_view-of-the-city-saint-quentin-1,"[0.0, 1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,maurice-quentin-de-la-tour_young-drinkers-after-murillo,"[0.0, 1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,pietro-longhi_a-fortune-teller-at-venice,"[2.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Rococo,pietro-longhi_a-nobleman-kissing-lady-s-hand-1746,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,pietro-longhi_a-patrician-family,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,pietro-longhi_a-shepherd-boy,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Rococo,pietro-longhi_a-shepherd-girl-with-a-basket,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]" +Rococo,pietro-longhi_a-visit-to-a-lady-1746,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Rococo,pietro-longhi_a-visit-to-a-lord,"[2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Rococo,pietro-longhi_a-walk-on-horseback,"[0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]" +Rococo,pietro-longhi_conversation-in-the-family,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Rococo,pietro-longhi_early-morning-chocolate,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]" +Rococo,pietro-longhi_fall-of-the-giants,"[0.0, 4.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,pietro-longhi_fresco-in-san-pantalon-in-venice-scene-holy-martyr-fragment-1745,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,pietro-longhi_friars-in-venice,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Rococo,pietro-longhi_hunters-shooting-at-ducks,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]" +Rococo,pietro-longhi_in-the-vegetable-garden-at-the-river-mouth,"[0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]" +Rococo,pietro-longhi_lady-at-her-toilette,"[0.0, 1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Rococo,pietro-longhi_lady-at-the-dressmaker,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Rococo,pietro-longhi_lute-player,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,pietro-longhi_masked-party-in-a-courtyard-1755,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Rococo,pietro-longhi_portrait-of-bishop-benedetto-ganassoni-1774,"[1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,pietro-longhi_portrait-of-francesco-guardi,"[3.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,pietro-longhi_preparing-the-guns,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Rococo,pietro-longhi_preparing-the-polenta,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,pietro-longhi_presentation,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Rococo,pietro-longhi_rhinoceros-in-venice-1751,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Rococo,pietro-longhi_standing-woman-holding-a-muff-facing-right-1760,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Rococo,pietro-longhi_the-alchemists,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Rococo,pietro-longhi_the-arrival-of-the-nobleman,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 2.0]" +Rococo,pietro-longhi_the-artist-s-studio,"[0.0, 0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,pietro-longhi_the-awakening-for-hunting-1770,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Rococo,pietro-longhi_the-charlatan-1757,"[1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Rococo,pietro-longhi_the-concert-1741,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,pietro-longhi_the-confession,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Rococo,pietro-longhi_the-dancing-lesson,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,pietro-longhi_the-duck-hunt,"[1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,pietro-longhi_the-family,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Rococo,pietro-longhi_the-fortune-teller,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Rococo,pietro-longhi_the-fortune-teller(1),"[1.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,pietro-longhi_the-furlana-venetian-dance,"[1.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,pietro-longhi_the-geography-lesson,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,pietro-longhi_the-hairdresser,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,pietro-longhi_the-hairdresser(1),"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,pietro-longhi_the-happy-couple,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Rococo,pietro-longhi_the-hunters-and-the-farmers,"[0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]" +Rococo,pietro-longhi_the-hunters-drawing-numbers,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,pietro-longhi_the-indiscreet-gentleman,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Rococo,pietro-longhi_the-letter,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,pietro-longhi_the-lion-s-cage-1762,"[15.0, 3.0, 2.0, 7.0, 0.0, 2.0, 19.0, 0.0, 4.0]" +Rococo,pietro-longhi_the-little-concert,"[1.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,pietro-longhi_the-masked-visitor-1760,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Rococo,pietro-longhi_the-new-world,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Rococo,pietro-longhi_the-parlour,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Rococo,pietro-longhi_the-perfume-seller,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Rococo,pietro-longhi_the-pharmacist,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Rococo,pietro-longhi_the-rhinoceros-1751,"[7.0, 3.0, 5.0, 1.0, 0.0, 4.0, 11.0, 11.0, 4.0]" +Rococo,pietro-longhi_the-ridotto,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]" +Rococo,pietro-longhi_the-sacrament-of-marriage,"[0.0, 0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,pietro-longhi_the-sagredo-family,"[1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]" +Rococo,pietro-longhi_the-seller-of-fritters,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,pietro-longhi_the-sleeping-woman,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Rococo,pietro-longhi_the-spinner,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Rococo,pietro-longhi_the-spinner(1),"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,pietro-longhi_the-tailor,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Rococo,pietro-longhi_the-temptation,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,pietro-longhi_the-tooth-extractor,"[3.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,pietro-longhi_the-venetian-family-1765,"[0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]" +Rococo,pietro-longhi_the-venetian-ladys-morning,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,pietro-longhi_the-washerwomen,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,pietro-longhi_the-wet-nurse,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]" +Rococo,pietro-longhi_visit-to-a-library,"[2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,pietro-longhi_women-sewing,"[1.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0]" +Rococo,thomas-gainsborough_a-coastal-landscape-1782,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,thomas-gainsborough_a-peasant-girl-with-dog-and-jug-1785,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Rococo,thomas-gainsborough_a-woman-in-blue-portrait-of-the-duchess-of-beaufort(1),"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,thomas-gainsborough_a-woman-with-a-rose,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,thomas-gainsborough_an-extensive-landscape-with-cattle-and-a-drover,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Rococo,thomas-gainsborough_an-unknown-couple-in-a-landscape,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Rococo,thomas-gainsborough_augustus-john-third-earl-of-briston-1768,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Rococo,thomas-gainsborough_benjamin-truman,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,thomas-gainsborough_captain-william-wade-1769,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,thomas-gainsborough_carl-friedrich-abel,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Rococo,thomas-gainsborough_carl-friedrich-abel-1777,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,thomas-gainsborough_charity-relieving-distress,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,thomas-gainsborough_charles-howard-11th-duke-of-norfolk,"[1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]" +Rococo,thomas-gainsborough_coastal-scene-a-calm-1783,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Rococo,thomas-gainsborough_coastal-scene-with-shipping-figures-and-cows,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,thomas-gainsborough_conversation-in-a-park-1745,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,thomas-gainsborough_count-rumford,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,thomas-gainsborough_dancers-with-musicians-in-a-woodland-glade-1733,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,thomas-gainsborough_david-garrick,"[3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,thomas-gainsborough_diana-and-actaeon,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,thomas-gainsborough_drinkstone-park-cornard-woodland,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,thomas-gainsborough_dupont,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,thomas-gainsborough_edward-2nd-viscount-ligonier-1770,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Rococo,thomas-gainsborough_edward-richard-gardiner,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,thomas-gainsborough_edward-vernon,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Rococo,thomas-gainsborough_elizabeth-wrottesley-1765,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,thomas-gainsborough_evening-landscape-peasants-and-mounted-figures,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Rococo,thomas-gainsborough_fen-bridge-lane,"[0.0, 4.0, 5.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Rococo,thomas-gainsborough_figures-with-cart-at-roadside,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,thomas-gainsborough_figures-with-cattle-in-a-landscape,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Rococo,thomas-gainsborough_forest-cornard-wood,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,thomas-gainsborough_forest-landsape-with-mountain,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]" +Rococo,thomas-gainsborough_george-brydges-rodney-admiral-of-the-white-1782,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,thomas-gainsborough_george-iv-as-prince-of-wales-1781,"[1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Rococo,thomas-gainsborough_george-prince-of-wales-later-george-iv-1782,"[1.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,thomas-gainsborough_georgiana-duchess-of-devonshire-1783,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,thomas-gainsborough_giovanna-baccelli-1782,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,thomas-gainsborough_girl-with-pigs-1782,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,thomas-gainsborough_greyhounds-coursing-a-fox-1785,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]" +Rococo,thomas-gainsborough_henry-frederick-duke-of-cumberland-1777,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,thomas-gainsborough_homecoming,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,thomas-gainsborough_isaac-henrique-sequeira,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,thomas-gainsborough_isabella-viscountess-molyneux-1769,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Rococo,thomas-gainsborough_james-maitland-8th-earl-of-lauderdale,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Rococo,thomas-gainsborough_johann-christian-fischer,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Rococo,thomas-gainsborough_john-1st-viscount-kilmorey,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]" +Rococo,thomas-gainsborough_john-and-henry-trueman-villebois,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,thomas-gainsborough_john-campbell-4th-duke-of-argyll,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Rococo,thomas-gainsborough_john-henderson,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Rococo,thomas-gainsborough_john-joseph-merlin-1782,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Rococo,thomas-gainsborough_john-kirby,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,thomas-gainsborough_john-montagu-4th-earl-of-sandwich,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,thomas-gainsborough_john-plampin,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,thomas-gainsborough_john-spencer-1st-earl-spencer,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Rococo,thomas-gainsborough_joseph-gibbs,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]" +Rococo,thomas-gainsborough_king-george-iii-1781,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Rococo,thomas-gainsborough_lady-alston,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Rococo,thomas-gainsborough_lady-ligonier-1770,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,thomas-gainsborough_landscape,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Rococo,thomas-gainsborough_landscape-in-suffolk,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Rococo,thomas-gainsborough_landscape-with-a-woodcutter-and-milkmaid-1755,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Rococo,thomas-gainsborough_landscape-with-cattle,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,thomas-gainsborough_landscape-with-cows-and-human-figure,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Rococo,thomas-gainsborough_landscape-with-sandpit,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,thomas-gainsborough_landscape-with-the-village-cornard,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,thomas-gainsborough_lord-cornwallis,"[1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0]" +Rococo,thomas-gainsborough_lord-hastings-governor-of-india-1784,"[1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,thomas-gainsborough_mary-duchess-of-montagu,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,thomas-gainsborough_mary-lady-bate-dudley-1787,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,thomas-gainsborough_miss-catherine-tatton-1785,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Rococo,thomas-gainsborough_miss-elizabeth-haverfield,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,thomas-gainsborough_mountain-landscape-with-peasants-crossing-a-bridge-1784,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,thomas-gainsborough_mountain-landscape-with-shepherd-1783,"[0.0, 0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,thomas-gainsborough_mountainous-landscape-with-cart-and-figures,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Rococo,thomas-gainsborough_mr-and-mrs-andrews-1749,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,thomas-gainsborough_mr-and-mrs-john-gravenor-and-their-daughters-elizabeth-and-ann-1754,"[4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,thomas-gainsborough_mr-and-mrs-william-hallett-the-morning-walk-1785,"[0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]" +Rococo,thomas-gainsborough_mr-coke-of-brookhill,"[0.0, 1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,thomas-gainsborough_mrs-christopher-horton-later-anne-duchess-of-cumberland-1766,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,thomas-gainsborough_mrs-grace-d-elliott-1778,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Rococo,thomas-gainsborough_mrs-graham,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Rococo,thomas-gainsborough_mrs-mary-robinson-perdita-1781,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,thomas-gainsborough_mrs-richard-brinsley-sheridan-1786,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Rococo,thomas-gainsborough_mrs-sarah-siddons-the-actress-1785,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Rococo,thomas-gainsborough_mrs-thomas-hibbert,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0]" +Rococo,thomas-gainsborough_nee-margaret-burr,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,thomas-gainsborough_open-landscape-with-shepherd-and-sheep,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Rococo,thomas-gainsborough_pesants-returning-from-market,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,thomas-gainsborough_philip-james-de-loutherbourg-1778,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,thomas-gainsborough_pomeranian-bitch-and-pup,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,thomas-gainsborough_portrait-of-a-gentleman,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Rococo,thomas-gainsborough_portrait-of-a-woman-possibly-of-the-lloyd-family,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Rococo,thomas-gainsborough_portrait-of-ann-ford-later-mrs-thicknesse-1760,"[0.0, 0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,thomas-gainsborough_portrait-of-colonel-john-bullock,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Rococo,thomas-gainsborough_portrait-of-david-garrick-1770,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Rococo,thomas-gainsborough_portrait-of-elizabeth-bowes,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,thomas-gainsborough_portrait-of-george-iii-1781,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,thomas-gainsborough_portrait-of-george-venables-vernon-2nd-lord-vernon-1767,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,thomas-gainsborough_portrait-of-georgiana-duchess-of-devonshire,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Rococo,thomas-gainsborough_portrait-of-grace-dalrymple-elliott,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,thomas-gainsborough_portrait-of-heneage-lloyd-and-his-sister-lucy,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Rococo,thomas-gainsborough_portrait-of-james-christie-1778,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Rococo,thomas-gainsborough_portrait-of-johann-christian-bach-1776,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,thomas-gainsborough_portrait-of-john-hayes-st-leger-1782,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Rococo,thomas-gainsborough_portrait-of-john-hobart-2nd-earl-of-buckinghamshire-1784,"[1.0, 0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,thomas-gainsborough_portrait-of-john-russell-4th-duke-of-bedford,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,thomas-gainsborough_portrait-of-lady-elizabeth-montagu-duchess-of-buccleuch-and-queensberry,"[0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Rococo,thomas-gainsborough_portrait-of-louisa-lady-clarges-1778,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Rococo,thomas-gainsborough_portrait-of-maria-walpole-countess-of-waldegrave-later-duchess-of-gloucester,"[0.0, 2.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]" +Rococo,thomas-gainsborough_portrait-of-mary-countess-howe,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,thomas-gainsborough_portrait-of-mrs-awse-1767,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Rococo,thomas-gainsborough_portrait-of-mrs-drummond,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,thomas-gainsborough_portrait-of-mrs-john-bolton,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,thomas-gainsborough_portrait-of-peter-godfrey-of-old-hall-east-bergholt-suffolk,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Rococo,thomas-gainsborough_portrait-of-prince-edward-later-duke-of-kent-1782,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Rococo,thomas-gainsborough_portrait-of-queen-charlotte-1781,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,thomas-gainsborough_portrait-of-the-artist-s-daughter-with-a-cat,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,thomas-gainsborough_portrait-of-the-artist-s-daughters,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,thomas-gainsborough_portrait-of-the-jonathan-buttall-1770,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Rococo,thomas-gainsborough_portrait-of-the-mary-gainsborough-1777,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]" +Rococo,thomas-gainsborough_portrait-of-the-molly-and-peggy,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,thomas-gainsborough_portrait-of-thomas-linley,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,thomas-gainsborough_richard-hurd-bishop-of-worcester-1781,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Rococo,thomas-gainsborough_richard-paul-jordell,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,thomas-gainsborough_river-landscape-1770,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,thomas-gainsborough_river-landscape-with-rustic-lovers,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Rococo,thomas-gainsborough_river-landscape-with-rustic-lovers-1781,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,thomas-gainsborough_robert-butcher-of-walthamstan,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Rococo,thomas-gainsborough_robert-price,"[1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]" +Rococo,thomas-gainsborough_rocky-coastal-scene-1781,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Rococo,thomas-gainsborough_rocky-wooded-landscape-with-waterfall-castle-and-mountain,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Rococo,thomas-gainsborough_seashore-with-fishermen-1781(1),"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Rococo,thomas-gainsborough_self-portrait,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]" +Rococo,thomas-gainsborough_self-portrait-1754,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Rococo,thomas-gainsborough_self-portrait-1787,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 2.0]" +Rococo,thomas-gainsborough_sir-henry-bate-dudley,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Rococo,thomas-gainsborough_sophia-charlotte-lady-sheffield-1786,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,thomas-gainsborough_squire-john-wilkinson,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,thomas-gainsborough_st-mary-s-church-hadleigh,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Rococo,thomas-gainsborough_study-for-charity-relieving-distress,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Rococo,thomas-gainsborough_study-of-willows,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,thomas-gainsborough_the-artist-s-daughter-margaret-1772,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,thomas-gainsborough_the-artist-s-wife,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 3.0]" +Rococo,thomas-gainsborough_the-artist-with-his-wife-and-daughter,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Rococo,thomas-gainsborough_the-charterhouse-london-1748,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,thomas-gainsborough_the-cottage-door,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Rococo,thomas-gainsborough_the-cottage-door-1,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,thomas-gainsborough_the-duke-and-duchess-of-cumberland-1785,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,thomas-gainsborough_the-earl-of-darnley-1785,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Rococo,thomas-gainsborough_the-harvest-wagon,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,thomas-gainsborough_the-harvest-wagon-1767,"[0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]" +Rococo,thomas-gainsborough_the-hon-frances-duncombe,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,thomas-gainsborough_the-hon-mrs-graham-1777,"[1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,thomas-gainsborough_the-honourable-charles-wolfran-cornwal-1786,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Rococo,thomas-gainsborough_the-linley-sisters-mrs-sheridan-and-mrs-tickell-1772,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,thomas-gainsborough_the-mall-in-st-james-s-park-1783,"[1.0, 0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0]" +Rococo,thomas-gainsborough_the-market-cart-1786,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,thomas-gainsborough_the-miniature-portrait-of-a-young-boy-supposed-self-portrait-1737,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Rococo,thomas-gainsborough_the-painter-s-daughters-1770,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,thomas-gainsborough_the-painter-s-daughters-chasing-a-butterfly-1759,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,thomas-gainsborough_the-three-eldest-daughters-of-george-iii-princesses-charlotte-augusta-and-elizabeth-1784,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Rococo,thomas-gainsborough_the-watering-place-1777,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,thomas-gainsborough_the-woodcutter-s-house-1773,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Rococo,thomas-gainsborough_the-woodsman-1788,"[0.0, 3.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,thomas-gainsborough_thomas-pennant-1776,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Rococo,thomas-gainsborough_two-shepherd-boys-with-dogs-fighting-1783,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 2.0]" +Rococo,thomas-gainsborough_wc-stringer-lawrence,"[1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]" +Rococo,thomas-gainsborough_william-poyntz-of-midgham-and-his-dog-amber-1762(1),"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Rococo,thomas-gainsborough_william-wollaston-1759,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,thomas-gainsborough_wooded-landscape-with-a-waggon-in-the-shade,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,thomas-gainsborough_wooded-landscape-with-cattle-and-goats(1),"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Rococo,thomas-gainsborough_wooded-landscape-with-cattle-by-a-pool-and-a-cottage-at-evening-1782,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,vieira-portuense_cena-campestre,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Rococo,vieira-portuense_dona-filipa-de-vilhena-knighting-her-sons-1891,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,vieira-portuense_fuga-de-margarida-de-anjou-epis-dio-da-guerra-das-duas-rosas-1798,"[0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0]" +Rococo,vieira-portuense_leda-e-o-cisne-1798,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Rococo,vieira-portuense_retrato-de-uma-mulher-1800,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,vieira-portuense_s-plica-de-in-s-de-castro,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Rococo,vieira-portuense_santa-maria-de-cortona,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 5.0, 0.0]" +Rococo,vladimir-borovikovsky_alexander-fedoseevich-bestuzhev,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Rococo,vladimir-borovikovsky_alexander-i,"[1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Rococo,vladimir-borovikovsky_andrew-samborski-afanasyevich-1790,"[0.0, 0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,vladimir-borovikovsky_anna-s-bezobrazova,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,vladimir-borovikovsky_archangel-gavriil,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Rococo,vladimir-borovikovsky_carenkov-masukov,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Rococo,vladimir-borovikovsky_catherine-gavrilovna-gagarina,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Rococo,vladimir-borovikovsky_children-with-a-lamb,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,vladimir-borovikovsky_christina-the-peasant-woman-from-torzhok,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,vladimir-borovikovsky_cleopatra-ilinichna-lobanova-rostovskaya,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,vladimir-borovikovsky_countess-ekaterina-riboper,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Rococo,vladimir-borovikovsky_countess-vera-zavadovskaya,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,vladimir-borovikovsky_darya-alexandrovna-valuev,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,vladimir-borovikovsky_ekaterina-davydova-1796,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,vladimir-borovikovsky_elisabeth-alexeievna-tsarina-of-russia-1814,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Rococo,vladimir-borovikovsky_grand-duchess-elena-pavlovna-of-russia-1799,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,vladimir-borovikovsky_intercession-of-the-blessed-virgin-mary,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Rococo,vladimir-borovikovsky_ivan-dunin-1801,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Rococo,vladimir-borovikovsky_ivan-mikhailovich-yakovlev,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Rococo,vladimir-borovikovsky_ivan-mikhailovich-yakovlev-1,"[2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]" +Rococo,vladimir-borovikovsky_jesus,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,vladimir-borovikovsky_labzin-anna-evdokimovna,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,vladimir-borovikovsky_lizanka-and-dashenka-1794,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,vladimir-borovikovsky_lopukhin-ekaterina,"[2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Rococo,vladimir-borovikovsky_maria-nikolaevna-yakovleva,"[1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]" +Rococo,vladimir-borovikovsky_maria-norova-1799,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,vladimir-borovikovsky_minas-lazarev-borovikovsky,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Rococo,vladimir-borovikovsky_naryshkina-elena,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,vladimir-borovikovsky_nathalie-petrovna-golitsyn,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Rococo,vladimir-borovikovsky_nikolai-mikhailovich-yakovlev,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,vladimir-borovikovsky_not_detected_195138,"[1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Rococo,vladimir-borovikovsky_not_detected_195192,"[1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,vladimir-borovikovsky_olenina-elizabeth-markovna,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Rococo,vladimir-borovikovsky_paul-i,"[4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,vladimir-borovikovsky_paul-i-1800,"[2.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,vladimir-borovikovsky_portrait-of-a-and-v-gagarin-1802,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,vladimir-borovikovsky_portrait-of-a-g-and-a-a-lobanov-rostovsky-1814,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,vladimir-borovikovsky_portrait-of-a-i-bezborodko-with-daughters-1803,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,vladimir-borovikovsky_portrait-of-a-member-of-the-chidbov-family-1798,"[1.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]" +Rococo,vladimir-borovikovsky_portrait-of-adam-adamovich-menelas,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Rococo,vladimir-borovikovsky_portrait-of-aleksei-alekseevich-konstantinova-1806,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Rococo,vladimir-borovikovsky_portrait-of-alexander-dmitrievich-arseniev-1797,"[1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Rococo,vladimir-borovikovsky_portrait-of-alexander-semenovitsch-chvostov-1801,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,vladimir-borovikovsky_portrait-of-an-unknown-with-a-child,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Rococo,vladimir-borovikovsky_portrait-of-catherine-ii-empress-of-russia-1794,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,vladimir-borovikovsky_portrait-of-catherine-vasilevny-torsukovoy-1795,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Rococo,vladimir-borovikovsky_portrait-of-count-alexander-kurakin-1802,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,vladimir-borovikovsky_portrait-of-count-g-g-kushelev,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,vladimir-borovikovsky_portrait-of-d-a-derzhavina-1813,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,vladimir-borovikovsky_portrait-of-d-p-troschinsky,"[2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Rococo,vladimir-borovikovsky_portrait-of-daria-semyonovna-baratoff,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Rococo,vladimir-borovikovsky_portrait-of-dmitry-levitzky,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Rococo,vladimir-borovikovsky_portrait-of-e-i-nekludova,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Rococo,vladimir-borovikovsky_portrait-of-e-n-arsenyeva,"[2.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,vladimir-borovikovsky_portrait-of-e-temkina-1798,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Rococo,vladimir-borovikovsky_portrait-of-ekaterina-aleksandrovna-novosiltseva,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,vladimir-borovikovsky_portrait-of-elena-alexandrovna-naryshkina-1799,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,vladimir-borovikovsky_portrait-of-elena-pavlovna,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Rococo,vladimir-borovikovsky_portrait-of-emperor-paul-i-1800,"[1.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Rococo,vladimir-borovikovsky_portrait-of-empress-elisabeth-alexeievna-1795,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,vladimir-borovikovsky_portrait-of-empress-maria-fyodorovna,"[1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,vladimir-borovikovsky_portrait-of-f-a-borovsky-1799,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,vladimir-borovikovsky_portrait-of-gavrila-romanovich-derzhavin-1811,"[0.0, 2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,vladimir-borovikovsky_portrait-of-general-adjutant-count-pyotr-tolstoy-1799,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,vladimir-borovikovsky_portrait-of-germaine-de-stael-1812,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]" +Rococo,vladimir-borovikovsky_portrait-of-grand-duchess-alexandra,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Rococo,vladimir-borovikovsky_portrait-of-grand-duchess-maria-pavlovna-1800,"[2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Rococo,vladimir-borovikovsky_portrait-of-grand-duke-konstantin-pavlovich-1795,"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0]" +Rococo,vladimir-borovikovsky_portrait-of-khristofor-von-benckendorff-1797,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Rococo,vladimir-borovikovsky_portrait-of-m-i-lopukhina-1797,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,vladimir-borovikovsky_portrait-of-martha-arbeneva-1798,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,vladimir-borovikovsky_portrait-of-murtaza-kuli-khan-brother-of-aga-mahommed-the-persian-shah-1796,"[1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]" +Rococo,vladimir-borovikovsky_portrait-of-nikolai-sheremetev,"[1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]" +Rococo,vladimir-borovikovsky_portrait-of-olga-filippova-kuzminichna,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Rococo,vladimir-borovikovsky_portrait-of-paul-i-1796,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Rococo,vladimir-borovikovsky_portrait-of-prince-a-b-kurakin-1799,"[1.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,vladimir-borovikovsky_portrait-of-princess-margarita-ivanovna-dolgorukaya,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,vladimir-borovikovsky_portrait-of-princess-n-i-kurakin-1795,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,vladimir-borovikovsky_portrait-of-s-a-rayevskaya-1813,"[1.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Rococo,vladimir-borovikovsky_portrait-of-the-artist-dmitry-levitzky-1796,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Rococo,vladimir-borovikovsky_portrait-of-the-author-alexander-labsin-1805,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,vladimir-borovikovsky_portrait-of-the-russian-poet-evgeny-boratynsky-1820,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,vladimir-borovikovsky_portrait-of-the-russian-poet-gavril-derzhavin-1795,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,vladimir-borovikovsky_portrait-of-torsukov-ardalyon-1795,"[0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0]" +Rococo,vladimir-borovikovsky_portrait-of-ye-a-arkharova-1820,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0]" +Rococo,vladimir-borovikovsky_portrait-of-yuri-f-lisyansky-1810,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,vladimir-borovikovsky_praskovia-bestuzhev-1806,"[0.0, 0.0, 5.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Rococo,vladimir-borovikovsky_princess-lopukhina,"[0.0, 4.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Rococo,vladimir-borovikovsky_rodzianko-ekaterina,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,vladimir-borovikovsky_skobeeva,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Rococo,vladimir-borovikovsky_sofia-vera-nadezda-i-lubov,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Rococo,vladimir-borovikovsky_st-alexander-nevsky,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,vladimir-borovikovsky_st-juliana,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Rococo,vladimir-borovikovsky_st-tsaritsa-alexandra-1815,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,vladimir-borovikovsky_the-nativity-of-christ,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,vladimir-borovikovsky_varvara-andreyevna-tomilova,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Rococo,vladimir-borovikovsky_vera-ivanovna-arseniev,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,william-hogarth_a-harlot-s-progress-plate-1,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Rococo,william-hogarth_a-harlot-s-progress-plate-2,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Rococo,william-hogarth_a-harlot-s-progress-plate-3,"[0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0]" +Rococo,william-hogarth_a-harlot-s-progress-plate-4,"[1.0, 0.0, 2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0]" +Rococo,william-hogarth_a-harlot-s-progress-plate-5,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0]" +Rococo,william-hogarth_a-harlot-s-progress-plate-6,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]" +Rococo,william-hogarth_a-just-view-of-the-english-stage-1724,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Rococo,william-hogarth_a-midnight-modern-conversation,"[3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Rococo,william-hogarth_after-outdoor-scene,"[2.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,william-hogarth_analisis-of-beauty,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Rococo,william-hogarth_beer-street-1751,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Rococo,william-hogarth_before,"[2.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Rococo,william-hogarth_before-1,"[1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0]" +Rococo,william-hogarth_before-the-seduction-and-after-1731,"[3.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,william-hogarth_benefit-ticket-mr-milward-a-bold-stroke-for-a-wife,"[1.0, 0.0, 0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0]" +Rococo,william-hogarth_blowing-off-about-his-new-copyright-act,"[0.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,william-hogarth_caliban-from-the-tempest-of-william-shakespeare,"[1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0, 0.0]" +Rococo,william-hogarth_central-panel-of-the-altar-triptych-w-st-nicholas-bristol,"[0.0, 4.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,william-hogarth_characters-and-caricaturas-1743,"[2.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]" +Rococo,william-hogarth_columbus-breaking-the-egg-christopher-columbus-1752,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Rococo,william-hogarth_credulity-superstition-and-fanaticism,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0, 1.0]" +Rococo,william-hogarth_cruelty-in-perfection-1751,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 2.0, 0.0]" +Rococo,william-hogarth_david-garrick-and-his-wife-1757,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,william-hogarth_david-garrick-as-richard-iii-1745,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Rococo,william-hogarth_election-propaganda-1755,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,william-hogarth_emblematical-print-of-the-south-sea-scheme-1721-1,"[1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0]" +Rococo,william-hogarth_english-librettist-thomas-morell,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Rococo,william-hogarth_falstaff-examining-his-recruits-1728,"[0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 1.0]" +Rococo,william-hogarth_first-stage-of-cruelty-1751,"[0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0, 1.0, 0.0]" +Rococo,william-hogarth_frontispiece-and-its-explanation-hurdibras,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Rococo,william-hogarth_frontispiece-of-fielding-s-the-tragedy-of-tragedies,"[2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,william-hogarth_george-arnold,"[0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]" +Rococo,william-hogarth_gerard-anne-edwards-in-his-cradle-1733,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Rococo,william-hogarth_gin-lane-1751,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]" +Rococo,william-hogarth_hudibras,"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 1.0, 1.0]" +Rococo,william-hogarth_hudibras-encounters-the-skimmington-from-hudibras-by-samuel-butler-1726,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Rococo,william-hogarth_hudibras-first-adventure-from-hudibras-by-samuel-butler,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0, 0.0, 1.0]" +Rococo,william-hogarth_inigo-jones,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,william-hogarth_john-henley-with-five-unknown-figures,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Rococo,william-hogarth_john-wilkes-1763,"[4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,william-hogarth_lame-theater,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Rococo,william-hogarth_lord-hervey-and-his-friends,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Rococo,william-hogarth_marriage-1735,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,william-hogarth_married-to-an-old-maid,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,william-hogarth_mary-toft-apparently-giving-birth-to-rabbits-1726,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Rococo,william-hogarth_miss-mary-edwards-1742,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Rococo,william-hogarth_moses-brought-before-pharaoh-s-daughter-1746,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Rococo,william-hogarth_moses-brought-to-the-pharaoh-s-daughter-1752,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Rococo,william-hogarth_not_detected_235340,"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,william-hogarth_portrait-of-a-young-woman,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,william-hogarth_portrait-of-augusta-of-saxe-gotha,"[0.0, 3.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,william-hogarth_portrait-of-bischofs-benjamin-hoadly,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Rococo,william-hogarth_portrait-of-captain-coram-1740,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,william-hogarth_portrait-of-dr-benjamin-hoadly,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Rococo,william-hogarth_portrait-of-en-francis-dashwood-15th-baron-of-despencer,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Rococo,william-hogarth_portrait-of-lady-mary-grey-and-lord-george-grey-1740,"[4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,william-hogarth_prospero-and-miranda-from-the-tempest-of-william-shakespeare,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Rococo,william-hogarth_royalty-episcopacy-and-law,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Rococo,william-hogarth_second-stage-of-cruelty-1751,"[0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 1.0, 1.0, 0.0]" +Rococo,william-hogarth_self-portrait-1,"[2.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,william-hogarth_self-portrait-1745,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,william-hogarth_self-portrait-from-the-gate-of-calais,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Rococo,william-hogarth_southwark-fair-1733-1,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,william-hogarth_strolling-actresses-dressing-in-barn-1738,"[2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,william-hogarth_suicide-of-the-countess,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,william-hogarth_surrounded-by-artists-and-professors,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Rococo,william-hogarth_taste-in-high-life,"[0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,william-hogarth_the-arrest-for-theft-1735,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 1.0]" +Rococo,william-hogarth_the-ashley-and-popple-family-1730,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]" +Rococo,william-hogarth_the-ball,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,william-hogarth_the-banquet-1755,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Rococo,william-hogarth_the-bathos,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 2.0, 0.0]" +Rococo,william-hogarth_the-battle-of-the-pictures-1745,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Rococo,william-hogarth_the-beggar-s-opera-1729,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]" +Rococo,william-hogarth_the-countess-s-morning-levee,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,william-hogarth_the-denunciation,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Rococo,william-hogarth_the-distrest-poet-1736,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Rococo,william-hogarth_the-enraged-musician-1741,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,william-hogarth_the-fishing-party,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Rococo,william-hogarth_the-fountaine-family,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Rococo,william-hogarth_the-four-times-of-day-night-1736,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 2.0, 0.0]" +Rococo,william-hogarth_the-gaols-committee-of-the-house-of-commons,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Rococo,william-hogarth_the-good-samaritan-1737,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Rococo,william-hogarth_the-graham-children-1742,"[3.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,william-hogarth_the-heir-1735,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Rococo,william-hogarth_the-importance-of-knowing-perspective-absurd-perspectives,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,william-hogarth_the-invasion-england,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Rococo,william-hogarth_the-invasion-france,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 2.0, 0.0]" +Rococo,william-hogarth_the-lady-s-last-stake,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Rococo,william-hogarth_the-lottery,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Rococo,william-hogarth_the-mackinen-children-1747,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,william-hogarth_the-madhouse-1735,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Rococo,william-hogarth_the-march-of-the-guards-to-finchley-1750,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Rococo,william-hogarth_the-marriage-contract,"[0.0, 1.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]" +Rococo,william-hogarth_the-murder-of-the-count,"[2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0]" +Rococo,william-hogarth_the-polling-1755,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Rococo,william-hogarth_the-pool-of-bethesda-1736,"[0.0, 4.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Rococo,william-hogarth_the-prison-1735,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0]" +Rococo,william-hogarth_the-reward-of-cruelty-1751,"[1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0, 0.0]" +Rococo,william-hogarth_the-roast-beef-of-old-england,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Rococo,william-hogarth_the-servants-of-the-painter,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Rococo,william-hogarth_the-shrimp-girl,"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,william-hogarth_the-sleeping-church-1729,"[0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 1.0, 1.0]" +Rococo,william-hogarth_the-staymaker,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Rococo,william-hogarth_the-strode-family,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Rococo,william-hogarth_the-tete-a-tete-1743,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Rococo,william-hogarth_the-theft-of-a-watch,"[0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Rococo,william-hogarth_the-times,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Rococo,william-hogarth_the-times-plate-2-1763,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0, 0.0]" +Rococo,william-hogarth_the-triumph-of-representatives-1755,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Rococo,william-hogarth_the-wedding-of-stephen-beckingham-and-mary-cox,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,william-hogarth_the-western-family,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Rococo,william-hogarth_time-smoking-a-picture,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Rococo,william-hogarth_times-of-the-day-evening,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Rococo,william-hogarth_times-of-the-day-morning,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,william-hogarth_times-of-the-day-noon-1738,"[1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0]" +Rococo,william-hogarth_tyburn-large,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Rococo,william-hogarth_untitled-dubbed-the-shrimp-girl-sometimes-the-saleswoman-of-crabs,"[3.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,william-hogarth_visit-with-the-quack-doctor,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Rococo,william-hogarth_w-a-rake-s-progress-the-gaming-house-1735,"[2.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Rococo,william-hogarth_wanstead-assembly-at-wanstead_-house,"[0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Rococo,william-hogarth_wga-a-scene-from-the-beggar-s-opera-1729,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Rococo,william-hogarth_william-cavendish-marquess-of-hartington-later-4th-duke-of-devonshire-1741,"[1.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Rococo,william-hogarth_william-jones-1740,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,adolphe-joseph-thomas-monticelli_an-evening-at-the-paiva,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,adolphe-joseph-thomas-monticelli_as-you-like-it,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]" +Romanticism,adolphe-joseph-thomas-monticelli_at-the-well,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0]" +Romanticism,adolphe-joseph-thomas-monticelli_bouquet-of-flowers,"[1.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,adolphe-joseph-thomas-monticelli_bouquet-of-flowers-1,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,adolphe-joseph-thomas-monticelli_cock-fight-in-front-of-a-group-of-young-women,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,adolphe-joseph-thomas-monticelli_elegant-gathering,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,adolphe-joseph-thomas-monticelli_elegant-women-and-cupids,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]" +Romanticism,adolphe-joseph-thomas-monticelli_empress-eugenie-and-her-attendants,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,adolphe-joseph-thomas-monticelli_farmyard-with-donkeys-and-roosters,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]" +Romanticism,adolphe-joseph-thomas-monticelli_flowers-in-a-vase,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,adolphe-joseph-thomas-monticelli_gallant-party,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 3.0, 0.0]" +Romanticism,adolphe-joseph-thomas-monticelli_garden-party,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,adolphe-joseph-thomas-monticelli_gathering-of-elegant-women,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Romanticism,adolphe-joseph-thomas-monticelli_italian-fishing-vessels-at-dusk,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Romanticism,adolphe-joseph-thomas-monticelli_margaree-faust-and-mephisto,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Romanticism,adolphe-joseph-thomas-monticelli_oriental-scene-1876,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Romanticism,adolphe-joseph-thomas-monticelli_port-of-cassis-1884,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0]" +Romanticism,adolphe-joseph-thomas-monticelli_portrait-of-a-woman,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,adolphe-joseph-thomas-monticelli_rendezvous-under-the-flowered-bower,"[0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Romanticism,adolphe-joseph-thomas-monticelli_road-view,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,adolphe-joseph-thomas-monticelli_roasting-two-pheasants,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Romanticism,adolphe-joseph-thomas-monticelli_rocky-landscape,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Romanticism,adolphe-joseph-thomas-monticelli_rural-scene,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Romanticism,adolphe-joseph-thomas-monticelli_seascape-near-marseille-fantastic-village,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Romanticism,adolphe-joseph-thomas-monticelli_stage,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,adolphe-joseph-thomas-monticelli_still-life-with-sardines-and-sea-urchins-1882,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0, 1.0]" +Romanticism,adolphe-joseph-thomas-monticelli_still-life-with-white-pitcher,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,adolphe-joseph-thomas-monticelli_still-life-with-wild-and-garden-flowers,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]" +Romanticism,adolphe-joseph-thomas-monticelli_the-adoration-of-the-magi,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 2.0, 1.0, 0.0]" +Romanticism,adolphe-joseph-thomas-monticelli_the-hay-card,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0]" +Romanticism,adolphe-joseph-thomas-monticelli_the-meeting-of-the-elegant-ladies,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 2.0]" +Romanticism,adolphe-joseph-thomas-monticelli_the-offering,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Romanticism,adolphe-joseph-thomas-monticelli_the-precious-ridiculous-1883,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Romanticism,adolphe-joseph-thomas-monticelli_the-promenade,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0]" +Romanticism,adolphe-joseph-thomas-monticelli_the-terrace-of-the-chateau-de-st-germain,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,adolphe-joseph-thomas-monticelli_three-friends,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 2.0]" +Romanticism,adolphe-joseph-thomas-monticelli_visit-to-a-princess,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,adolphe-joseph-thomas-monticelli_young-girls-and-dog-in-a-park,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,akseli-gallen-kallela_aino-myth-triptych-1891,"[0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]" +Romanticism,akseli-gallen-kallela_boy-with-a-crow-1884,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Romanticism,akseli-gallen-kallela_d-masqu-e-1888,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,akseli-gallen-kallela_imatra-in-winter-1893,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,akseli-gallen-kallela_in-the-sauna-1889,"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 3.0, 0.0]" +Romanticism,akseli-gallen-kallela_m-ntykoski-waterfall-1893,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,akseli-gallen-kallela_old-woman-with-a-cat-1885,"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 2.0, 0.0]" +Romanticism,akseli-gallen-kallela_rustic-life-1887,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,akseli-gallen-kallela_shepherd-boy-from-paanaj-rvi-1892,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]" +Romanticism,akseli-gallen-kallela_the-girl-and-the-rooster-1886,"[4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,akseli-gallen-kallela_the-great-black-woodpecker,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,akseli-gallen-kallela_view-from-north-quay-1891,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,albert-bierstadt_campfire-yosemite-valley,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Romanticism,albert-bierstadt_deer-in-a-field-1885,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,albert-bierstadt_elk,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,albert-bierstadt_fishing-boats-at-capri-1857,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,albert-bierstadt_fishing-from-a-canoe-1859,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,albert-bierstadt_fishing-on-the-northwest-coast,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Romanticism,albert-bierstadt_fishing-station-watch-hill,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,albert-bierstadt_forest-stream,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,albert-bierstadt_four-indians,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,albert-bierstadt_green-mountains-vermont,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,albert-bierstadt_grizzly-bears,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Romanticism,albert-bierstadt_mormon-boy-salt-lake-city-1863,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Romanticism,albert-bierstadt_nebraska-on-the-plain,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,albert-bierstadt_new-england-landscape-1889,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,albert-bierstadt_on-the-plains-sunset,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,albert-bierstadt_portrait-of-a-horse-1869,"[0.0, 2.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,albert-bierstadt_rocky-mountain-big-horns,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,albert-bierstadt_rocky-mountain-goats-1885,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Romanticism,albert-bierstadt_rocky-mountain-sheep,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,albert-bierstadt_ships-in-moonlight,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,albert-bierstadt_snow-capped-moutain,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Romanticism,albert-bierstadt_snow-capped-moutain-at-twilight,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,albert-bierstadt_storm-among-the-alps,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,albert-bierstadt_street-in-nassau-1878,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,albert-bierstadt_sunlight-and-shadow-1862,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,albert-bierstadt_sunlight-and-shadow-study-1855,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,albert-bierstadt_sunrise-on-the-matterhorn-1875,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,albert-bierstadt_sunrise-over-forest-and-grove,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,albert-bierstadt_the-ambush-1876,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Romanticism,albert-bierstadt_the-arch-of-octavius-1858,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Romanticism,albert-bierstadt_wasatch-mountains,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,albert-bierstadt_white-horse-and-sunset,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,alexander-ivanov_a-bridegroom-buying-a-ring-for-his-fiancee-1839,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,alexander-ivanov_a-girl-from-albano-standing-in-the-doorway,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Romanticism,alexander-ivanov_a-tree-branch,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,alexander-ivanov_a-tree-over-water-in-the-vicinity-of-castel-gandolfo,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,alexander-ivanov_chigi-palace-on-the-park,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,alexander-ivanov_italian-landscape,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0]" +Romanticism,alexander-ivanov_italian-scene-1838,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,alexander-ivanov_landscape-in-albano,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,alexander-ivanov_monticelli-near-tivoli-1843,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]" +Romanticism,alexander-ivanov_olive-trees,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,alexander-ivanov_olive-trees-by-the-cemetery-in-albano-new-moon-1824,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,alexander-ivanov_on-the-shore-of-the-bay-of-naples,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Romanticism,alexander-ivanov_pontian-swamps-1838,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,alexander-ivanov_portrait-of-vittoria-marini,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0]" +Romanticism,alexander-ivanov_seven-boys-in-colourful-clothes,"[1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]" +Romanticism,alexander-ivanov_stones-on-a-river-shore,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Romanticism,alexander-ivanov_the-bay-of-naples-near-castellmare-1846,"[0.0, 2.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,alexander-ivanov_the-foot-of-vikovary-on-the-road-from-tivoli-in-subiaco,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,alexander-ivanov_torre-del-greco-near-pompea-and-naples-1846,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,alexander-ivanov_traveller,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]" +Romanticism,alexander-ivanov_via-appia-1845,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Romanticism,alexander-ivanov_via-appia-at-sunset-1845,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,alexander-ivanov_view-of-naples-from-the-road-in-pozilippe,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,alexander-ivanov_water-and-stones-under-palaccuolo,"[0.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,alexander-orlowski_a-mounted-cossack-escorting-a-peasant,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]" +Romanticism,alexander-orlowski_a-traveler-in-a-kibitka-hooded-cart-or-sledge-1819,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,alexander-orlowski_battle-of-cossaks-with-kirgizes-1826,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0]" +Romanticism,alexander-orlowski_convicts-under-escort-1815,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 3.0, 0.0]" +Romanticism,alexander-orlowski_cossack-fighting-off-a-tiger-1811,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,alexander-orlowski_grass-1812,"[1.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,alexander-orlowski_head-of-a-cat-1823,"[9.0, 12.0, 28.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Romanticism,alexander-orlowski_head-of-a-horse-1807,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,alexander-orlowski_head-of-a-horse-1821,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,alexander-orlowski_horsemen-1816,"[0.0, 0.0, 1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Romanticism,alexander-orlowski_in-the-suburbs-of-st-petersburg-1812,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,alexander-orlowski_peasant-in-a-cart-1812,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,alexander-orlowski_peasants-by-the-carriage-1815,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Romanticism,alexander-orlowski_polish-insurgents-in-the-forrest-at-night,"[3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,alexander-orlowski_portrait-of-a-ballet-dancer-l-a-duport-1809,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,alexander-orlowski_portrait-of-a-cabman-1820,"[5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,alexander-orlowski_portrait-of-a-girl,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Romanticism,alexander-orlowski_portrait-of-a-m-lanskaya-1816,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,alexander-orlowski_portrait-of-a-negro-orlovski-s-servant-1823,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Romanticism,alexander-orlowski_portrait-of-a-p-lanskoy-1813,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,alexander-orlowski_portrait-of-a-woman-1814,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,alexander-orlowski_portrait-of-an-italian-composer-muzio-clementi,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,alexander-orlowski_portrait-of-artamon-denisov-1806,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Romanticism,alexander-orlowski_portrait-of-denis-davydov-1814,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,alexander-orlowski_portrait-of-k-i-seidel-1820,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,alexander-orlowski_portrait-of-leo-pushkin,"[0.0, 0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,alexander-orlowski_portrait-of-petr-shalikov-1809,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Romanticism,alexander-orlowski_portrait-of-the-architect-giacomo-quarenghi-1811,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0]" +Romanticism,alexander-orlowski_seascape-at-night-1809,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,alexander-orlowski_self-portrait,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Romanticism,alexander-orlowski_self-portrait-in-a-suit-of-a-caucasian-warrior,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,alexander-orlowski_shipwreck,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]" +Romanticism,alexander-orlowski_town-carriage-droshky-1820,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,alexander-shilov_a-little-more-slowly-horses-a-little-more-slowly,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,alexander-shilov_alone-1980(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0]" +Romanticism,alexander-shilov_awakening-1982,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,alexander-shilov_ballet-dancer-ludmila-semenyaka-1980,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,alexander-shilov_diplomat-1982,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Romanticism,alexander-shilov_director-s-bondarchuk-1994(4),"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Romanticism,alexander-shilov_galya-1988(4),"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,alexander-shilov_igumen-zinoviy-1991(4),"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Romanticism,alexander-shilov_in-the-cell-mother-paisija-puhtitsky-monastery-1988(4),"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]" +Romanticism,alexander-shilov_metropolitan-filaret-1987(4),"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,alexander-shilov_mira-1985(4),"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,alexander-shilov_nana-1989(4),"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,alexander-shilov_natasha-1995(4),"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,alexander-shilov_nude-1991(3),"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,alexander-shilov_olga-leznik-1996,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,alexander-shilov_our-land-1972,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,alexander-shilov_portrait-of-olenka-1981,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,alexander-shilov_rosemary-flowered-1980(4),"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,alexander-shilov_russian-beauty-1992,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,alexander-shilov_self-portrait-1997(4),"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,alexander-shilov_shepherd-1975,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,alexander-shilov_singer-e-obraztsova-1987,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,alexander-shilov_spring-1992,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,alexander-shilov_violet-with-the-cat-1980(4),"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,alexander-shilov_where-is-the-realm-of-sound-julia-volchenkova-1996,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,alexander-shilov_young-gypsy-1990(4),"[1.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,alexey-bogolyubov_action-between-russian-steam-firgate-vladimir-and-turkish-steam-frigate-pervaz-in-bahri-of,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 1.0, 0.0]" +Romanticism,alexey-bogolyubov_antwerp-belgium-1854,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,alexey-bogolyubov_capturing-of-swedish-44-gun-frigate-venus-by-russian-22-gun-cutter-merkuriy-of-june-1-1789-1845,"[1.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,alexey-bogolyubov_mosque-in-istanbul,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,alexey-bogolyubov_palermo-1850,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,alexey-bogolyubov_portrait-of-a-a-radischev-1853,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]" +Romanticism,alexey-bogolyubov_revel-fight-may-2-1790-1860,"[0.0, 3.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,alexey-bogolyubov_riding-on-neva-river-1854,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,alexey-bogolyubov_shipwreck-1850,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,alexey-bogolyubov_sinop-turkey-1856,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,alexey-bogolyubov_smolny-as-seen-from-bolshaya-okhta-1851,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,alexey-bogolyubov_smolny-as-seen-from-bolshaya-okhta-1852,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,alexey-bogolyubov_st-petersburg-at-sunset-1850,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,alexey-bogolyubov_steamship-kolkhida-fighting-the-turkish-boats-at-the-st-nicholas-fort-near-poti-georgia-during-1854,"[0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0]" +Romanticism,alexey-bogolyubov_the-battle-of-athos-1853,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Romanticism,alexey-bogolyubov_the-battle-of-fregate-flora-against-turkish-steamships-near-pitsunda-november-11-1853-1854,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Romanticism,alexey-bogolyubov_turkish-steamships-attack-44-gun-fregate-flora-1857,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,alexey-bogolyubov_venice,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,alexey-bogolyubov_venice-at-night,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,alexey-venetsianov_diana-dressing,"[1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0]" +Romanticism,alexey-venetsianov_french-activities-in-the-store,"[3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]" +Romanticism,alexey-venetsianov_portrait-of-k-i-golovachevsky-and-the-younger-pupils-of-the-academy,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]" +Romanticism,alexey-venetsianov_portrait-of-m-a-fonvizin,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]" +Romanticism,alexey-venetsianov_portrait-of-m-a-venetsianova,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,alexey-venetsianov_portrait-of-natalia-pavlovna-stroganova,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,alexey-venetsianov_portrait-of-the-commander-of-the-dragoon-regiment-p-a-chicherin,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,alexey-venetsianov_portret-of-a-i-bibikov,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,alexey-venetsianov_portret-of-a-l-venetsianova-artist-s-mother,"[1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Romanticism,alexey-venetsianov_portret-of-a-putyatin,"[1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]" +Romanticism,alexey-venetsianov_portret-of-i-v-bugaevskiy-blagodarniy,"[3.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,alexey-venetsianov_prayer-to-our-lady-mother-for-the-pupils-smolny-1835,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,alexey-venetsianov_self-portrait,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,alexey-venetsianov_young-man-in-spanish-dress,"[2.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,alfred-stevens_a-doll,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Romanticism,alfred-stevens_a-woman-seated-in-oriental-dress,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]" +Romanticism,alfred-stevens_a-young-girl-seated-by-a-tree,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,alfred-stevens_afternoon-in-the-park,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,alfred-stevens_all-happiness,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,alfred-stevens_an-elegant-woman-1884,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,alfred-stevens_baroness-de-bonhome-1886,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,alfred-stevens_elegant-at-billiards-1906,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,alfred-stevens_girl-with-duck-1893,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,alfred-stevens_in-memoriam,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]" +Romanticism,alfred-stevens_in-the-country,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,alfred-stevens_in-the-garden,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,alfred-stevens_india-in-paris,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Romanticism,alfred-stevens_japanese,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Romanticism,alfred-stevens_knitter,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,alfred-stevens_lady-at-a-window-feeding-birds,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,alfred-stevens_lighthouse-at-dusk,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,alfred-stevens_love-and-marriage,"[1.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,alfred-stevens_lovelorn,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Romanticism,alfred-stevens_maria-magdalena-1887,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0]" +Romanticism,alfred-stevens_mother-and-children-1887,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,alfred-stevens_on-a-stroll,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Romanticism,alfred-stevens_pleasant-letter,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,alfred-stevens_portrait-of-a-woman-in-blue,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,alfred-stevens_portrait-of-a-woman-in-white,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]" +Romanticism,alfred-stevens_portrait-of-a-young-lady-1906,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Romanticism,alfred-stevens_portrait-of-a-young-woman,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Romanticism,alfred-stevens_portrait-of-m-l-bion-1892,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,alfred-stevens_portrait-of-mrs-howe-1900,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,alfred-stevens_preparing-for-the-ball,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,alfred-stevens_quai-aux-fleurs,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,alfred-stevens_ready-for-the-ball,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,alfred-stevens_reveil,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,alfred-stevens_reverie,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,alfred-stevens_reverie-1854,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,alfred-stevens_salome-1888,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 4.0]" +Romanticism,alfred-stevens_still-life-with-potted-geraniums,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,alfred-stevens_study-of-a-man,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Romanticism,alfred-stevens_study-of-the-role,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,alfred-stevens_the-baroness-von-munchhausen,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,alfred-stevens_the-bath,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,alfred-stevens_the-bouquet-1857,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,alfred-stevens_the-dolour-certainty,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Romanticism,alfred-stevens_the-farewell-note,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,alfred-stevens_the-final-look-1906,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,alfred-stevens_the-glass-sphere,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Romanticism,alfred-stevens_the-japanese-mask,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Romanticism,alfred-stevens_the-japanese-parisian-1872,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,alfred-stevens_the-love-letter,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,alfred-stevens_the-paris-sfinks-1867,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,alfred-stevens_the-studio-1869,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,alfred-stevens_the-widow,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Romanticism,alfred-stevens_what-is-called-vagrancy-or-the-hunters-of-vincennes-1854,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 3.0, 0.0]" +Romanticism,alfred-stevens_widow,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Romanticism,alfred-stevens_woman-in-a-straw-hat,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,alfred-stevens_woman-wearing-a-bracelet,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,alfred-stevens_woman-with-a-fan,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,alfred-stevens_woman-with-a-japanese-doll-1894,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,alfred-stevens_women-s-harp,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,alfred-stevens_yamatori-1878,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,alphonse-mucha_contemplation,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]" +Romanticism,alphonse-mucha_daughter,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Romanticism,alphonse-mucha_envisage,"[1.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,alphonse-mucha_heraldic-chivalry,"[0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,alphonse-mucha_jaroslava-and-jiri-the-artist-s-children-1919,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]" +Romanticism,alphonse-mucha_maria-young-girl-in-a-moravian-costume,"[0.0, 0.0, 2.0, 3.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,alphonse-mucha_muse,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Romanticism,alphonse-mucha_portrait-of-a-girl-1913,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]" +Romanticism,alphonse-mucha_portrait-of-jaroslava,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,alphonse-mucha_portrait-of-jiri-1925,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,alphonse-mucha_portrait-of-marushka-artist-s-wife-1905,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Romanticism,alphonse-mucha_portrait-of-milada-cerny,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Romanticism,alphonse-mucha_the-abolition-of-serfdom-in-russia-1914,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Romanticism,alphonse-mucha_the-coronation-of-the-serbian-tsar-stepan-dusan-as-east-roman-emperor-1926,"[1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,alphonse-mucha_the-printing-of-the-bible-of-kralice-in-ivancice-1914,"[0.0, 3.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,alphonse-mucha_the-red-cape-1902,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Romanticism,alphonse-mucha_woman-with-a-burning-candle-1933,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Romanticism,andrei-ryabushkin_churilo-plenkovich-illustration-for-the-book-russian-epic-heroes,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]" +Romanticism,andrei-ryabushkin_dobrynya-nikitich-illustration-for-the-book-russian-epic-heroes,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Romanticism,andrei-ryabushkin_family-of-merchant-in-xvii-century,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Romanticism,andrei-ryabushkin_going-to-church,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,andrei-ryabushkin_ilya-of-murom-illustration-for-the-book-russian-epic-heroes,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,andrei-ryabushkin_in-the-dragon-cave,"[0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,andrei-ryabushkin_ivan-the-terrible,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,andrei-ryabushkin_mikula-selyaninovich-illustration-for-the-book-russian-epic-heroes,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,andrei-ryabushkin_noah-s-ark,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,andrei-ryabushkin_old-moscow-street,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,andrei-ryabushkin_presented-with-the-tzar-s-own-fur-lined-robe,"[4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,andrei-ryabushkin_red-house,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Romanticism,andrei-ryabushkin_rider,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,andrei-ryabushkin_russian-women-of-the-xvii-century-in-church,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,andrei-ryabushkin_sadko-a-wealthy-guest-of-novgorod-illustration-for-the-book-russian-epic-heroes,"[0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0]" +Romanticism,andrei-ryabushkin_strelets-patrol-at-ilyinskie-gates-in-the-old-moscow,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Romanticism,andrei-ryabushkin_svyatogor,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,andrei-ryabushkin_they-are-coming-moscovites-watching-the-entry-of-a-foreign-embassy-into-moscow-at-the-end-of,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,andrei-ryabushkin_tzar-mikhail-fedorovich-holding-council-with-the-boyars-in-his-royal-chamber,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,andrei-ryabushkin_vasily-buslaev-illustration-for-the-book-russian-epic-heroes,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]" +Romanticism,andrei-ryabushkin_veche-of-novgorod,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]" +Romanticism,andrei-ryabushkin_volga-vseslavevich,"[0.0, 3.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0]" +Romanticism,andrei-ryabushkin_waiting-for-the-tzar-sketch-for-an-unrealized-painting,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]" +Romanticism,anton-melbye_laguna-di-venezia-1878,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,anton-melbye_lighthouse-at-stora-b-lt-1846,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,anton-melbye_numerous-sailing-ships-at-sea-1858,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,anton-melbye_sailing-off-the-english-coast-1862,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Romanticism,anton-melbye_sailing-ship-off-gibraltar-1851,"[0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,anton-melbye_sea-at-night-1865,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,anton-melbye_seascape-1843,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,anton-melbye_seascape-with-sailing-ship-in-rough-sea-1844,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,anton-melbye_ships-at-sea-1867,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,anton-melbye_the-battle-of-grand-port-1859,"[0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,anton-melbye_the-eddystone-lighthouse-1846,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,anton-melbye_the-sailing-ship-johanna-and-other-vessels-in-sundet-off-kronborg-castle-1849,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,anton-melbye_view-of-the-adriatic-1864,"[0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,arnold-bã¶cklin_arable-land-corridors-in-the-early-spring,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,arnold-bã¶cklin_at-alban-hills-1851,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,arnold-bã¶cklin_autumn-thoughts,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,arnold-bã¶cklin_campagna-landscape-1858,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,arnold-bã¶cklin_fir-trees-at-sunset,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,arnold-bã¶cklin_high-mountains-with-chamoises-1849,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]" +Romanticism,arnold-bã¶cklin_march-of-the-goths,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Romanticism,arnold-bã¶cklin_on-the-pontine-swamps-1851,"[0.0, 0.0, 2.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,arnold-bã¶cklin_pan-among-the-reeds-1859,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,arnold-bã¶cklin_portrait-of-actress-fanny-janauscher,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Romanticism,arnold-bã¶cklin_portrait-of-alexander-michelis-1846,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]" +Romanticism,arnold-bã¶cklin_portrait-of-angela-b-cklin-as-muse,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Romanticism,arnold-bã¶cklin_portrait-of-angela-b-cklin-in-red-fishnet,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Romanticism,arnold-bã¶cklin_roman-landscape-1852,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Romanticism,arnold-bã¶cklin_soldiers-amount-towards-a-mountain-fortress,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,arnold-bã¶cklin_tavern-in-ancient-rome-1867,"[1.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,arnold-bã¶cklin_the-muse-of-anacreon-1873,"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,arnold-bã¶cklin_villa-by-the-sea,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Romanticism,arnold-bã¶cklin_villa-by-the-sea-1,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Romanticism,arnold-bã¶cklin_villa-by-the-sea-1878,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,arthur-hughes_a-music-party-1864,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Romanticism,arthur-hughes_a-spring-afternoon,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,arthur-hughes_amy-study,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,arthur-hughes_april-love-1856,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,arthur-hughes_asleep-in-the-woods,"[3.0, 10.0, 29.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,arthur-hughes_aurora-leigh-s-dismissal-of-romney-the-tryst,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,arthur-hughes_endymion,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,arthur-hughes_enid-and-geraint,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,arthur-hughes_gleaning,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Romanticism,arthur-hughes_good-night,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,arthur-hughes_home-from-the-sea-1862,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Romanticism,arthur-hughes_in-the-grass,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,arthur-hughes_little-one-who-straight-has-come-down-the-heavenly-stairs-1888,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,arthur-hughes_lucy-hill,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,arthur-hughes_mariana-at-the-window-1867,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,arthur-hughes_old-neighbor-gone-bye,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,arthur-hughes_ophelia,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,arthur-hughes_ophelia-1852,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Romanticism,arthur-hughes_perran-point-cornwall,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,arthur-hughes_portrait-of-mrs-louisa-jenner,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,arthur-hughes_self-portrait-1851,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0]" +Romanticism,arthur-hughes_sir-galahad-the-quest-of-the-holy-grail-1870,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,arthur-hughes_the-annunciation,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,arthur-hughes_the-beautiful-lady-without-pity-1863,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,arthur-hughes_the-birth-of-tristan-from-the-story-of-tristan-and-isolde,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,arthur-hughes_the-eve-of-st-agnes-1856,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,arthur-hughes_the-king-s-orchard,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,arthur-hughes_the-king-s-orchard-1,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,arthur-hughes_the-knight-of-the-sun,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Romanticism,arthur-hughes_the-lady-of-shalott-1873,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]" +Romanticism,arthur-hughes_the-long-engagement-1859,"[1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,arthur-hughes_the-nativity,"[0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]" +Romanticism,arthur-hughes_the-overthrowing-of-the-rusty-knight,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,arthur-hughes_the-pained-heart-or-sigh-no-more-ladies-1868,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,arthur-hughes_the-property-room-1879,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,arthur-hughes_the-sailing-signal-gun-1881,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,arthur-hughes_the-yellow-sand,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,arthur-hughes_the-young-poet,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,camille-corot_agostina-1866,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]" +Romanticism,camille-corot_basilica-of-constantine-1828,"[0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,camille-corot_cascade-of-terni-1826,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,camille-corot_christine-nilson-or-the-bohemian-with-a-mandolin-1874,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,camille-corot_circle-of-nymphs-morning,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,camille-corot_country-concert-1857,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,camille-corot_dance-of-the-nymphs-1850,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,camille-corot_dante-and-virgil-1859,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,camille-corot_democritus-and-the-abderiti-1841,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Romanticism,camille-corot_diana-surprised-at-her-bath-1836,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,camille-corot_dreamer-at-the-fountain,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Romanticism,camille-corot_fontainebleau,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Romanticism,camille-corot_gypsy-girl-with-mandolin,"[1.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,camille-corot_gypsy-with-a-basque-tamborine,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 3.0, 0.0]" +Romanticism,camille-corot_harvester-holding-her-sickle-1838,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,camille-corot_harvester-with-sickle,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,camille-corot_interrupted-reading-1870,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Romanticism,camille-corot_italian-girl,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]" +Romanticism,camille-corot_italian-woman-jewish-algerian-woman,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Romanticism,camille-corot_italian-woman-with-a-yellow,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,camille-corot_judith,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,camille-corot_la-zingara,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Romanticism,camille-corot_landscape-composition-italian-scenery-1832,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,camille-corot_landscape-with-a-lake-1873,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]" +Romanticism,camille-corot_landscape-with-figures-1859,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,camille-corot_landscape-with-three-figures,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,camille-corot_louis-robert-as-a-child-1844,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]" +Romanticism,camille-corot_louise-harduin-in-mourning-1831,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,camille-corot_louise-laure-baudot-at-nine-years,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,camille-corot_madame-stumpf-and-her-daughter-1872,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Romanticism,camille-corot_mademoiselle-de-foudras-1872,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 1.0, 0.0]" +Romanticism,camille-corot_marie-louise-sennegon-1831,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,camille-corot_marino-large-buildings-on-the-rocks-1827,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,camille-corot_maurice-robert-as-a-child-1857,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,camille-corot_meditation,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Romanticism,camille-corot_mlle-leotine-desavary-holding-a-turtledove-1872,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,camille-corot_odalisque,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Romanticism,camille-corot_orpheus-lamenting-eurydice,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,camille-corot_orpheus-leading-eurydice-from-the-underworld-1861,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,camille-corot_pensive-oriental,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,camille-corot_portrait-of-a-standing-woman,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,camille-corot_portrait-of-louise-claire-sennegon-future-madame-charmois-1837,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,camille-corot_repose-1860,"[0.0, 2.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Romanticism,camille-corot_rome-the-fountain-of-the-academie-de-france,"[0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,camille-corot_saint-sebastian-1851,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]" +Romanticism,camille-corot_saint-sebastian-in-a-landscape-1853,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Romanticism,camille-corot_sicilian-odalisque-1872,"[1.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,camille-corot_the-destruction-of-sodom-1857,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]" +Romanticism,camille-corot_the-eel-gatherers,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,camille-corot_the-eldest-daughter-of-m-edouard-delalain-mme-de-graet,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Romanticism,camille-corot_the-greek-girl,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Romanticism,camille-corot_the-halberdsman-1870,"[3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,camille-corot_the-knight-1868,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Romanticism,camille-corot_the-little-angel,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]" +Romanticism,camille-corot_the-roman-campagna-in-winter,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,camille-corot_the-roman-campagna-la-cervara,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,camille-corot_the-roman-campagna-la-cervara-1827,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,camille-corot_the-roman-odalisque-marietta-1843,"[0.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,camille-corot_the-young-woman-of-albano,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Romanticism,camille-corot_the-youngest-daughter-of-m-edouard-delalain,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Romanticism,camille-corot_venus-bathing,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,camille-corot_woman-in-a-toque-with-a-mandolin,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,camille-corot_young-algerian-woman-lying-on-the-grass-1873,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,camille-corot_young-woman-1845,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Romanticism,camille-corot_young-woman-at-the-well-1870,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,carl-larsson_clair-obscur-1877(1),"[3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,caspar-david-friedrich_a-northern-spring-landscape,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,caspar-david-friedrich_a-walk-at-dusk,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,caspar-david-friedrich_abbey-in-eichwald,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Romanticism,caspar-david-friedrich_adolf-gottlieb-friedrich-reading-1802,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Romanticism,caspar-david-friedrich_basel,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Romanticism,caspar-david-friedrich_boat-on-the-shor-moonrise,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,caspar-david-friedrich_boats-in-the-harbour-at-evening-1828,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,caspar-david-friedrich_bohemian-landscape-1,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,caspar-david-friedrich_bohemian-landscape-with-mount-milleschauer-1808,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,caspar-david-friedrich_boy-sleeping-on-a-grave,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]" +Romanticism,caspar-david-friedrich_by-the-townwall,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Romanticism,caspar-david-friedrich_canyon-in-the-resin,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Romanticism,caspar-david-friedrich_carl-vogelvon-vogelstein-1823,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,caspar-david-friedrich_chalk-cliffs-on-r-gen,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,caspar-david-friedrich_clipping-floe,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,caspar-david-friedrich_clipping-iceberg,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Romanticism,caspar-david-friedrich_coast-scene,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,caspar-david-friedrich_cross-in-the-forrest,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,caspar-david-friedrich_cross-in-the-mountains-1806,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Romanticism,caspar-david-friedrich_day(4),"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Romanticism,caspar-david-friedrich_dolmen-in-snow-1807,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Romanticism,caspar-david-friedrich_early-snow,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,caspar-david-friedrich_easter-morning,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Romanticism,caspar-david-friedrich_elbschiff-in-early-morning-fog,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,caspar-david-friedrich_eldena,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,caspar-david-friedrich_ernst-theodor-johann-bruckner,"[1.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,caspar-david-friedrich_evening-1(4),"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,caspar-david-friedrich_evening-1824,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,caspar-david-friedrich_evening-on-the-baltic-sea,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,caspar-david-friedrich_fir-trees-in-the-snow-1828,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,caspar-david-friedrich_fishing-boat-between-two-rocks-on-the-beach-of-the-baltic-sea,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,caspar-david-friedrich_flat-country-shank-at-bay-of-greifswald-1834,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,caspar-david-friedrich_fog-1807,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,caspar-david-friedrich_fog-in-the-elbe-valley-1821,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,caspar-david-friedrich_forrest-in-the-end-of-the-autumn,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Romanticism,caspar-david-friedrich_funeral-scene-at-the-beach,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]" +Romanticism,caspar-david-friedrich_giant-mountains-landscape-with-rising-fog-1820,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,caspar-david-friedrich_grave-by-the-sea-1807,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]" +Romanticism,caspar-david-friedrich_graveyard-under-snow-1826,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]" +Romanticism,caspar-david-friedrich_greifswald-in-moonlight,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Romanticism,caspar-david-friedrich_greifswald-market,"[1.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,caspar-david-friedrich_hills-and-ploughed-fields-near-dresden,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,caspar-david-friedrich_inside-the-forest-under-the-moonlight,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,caspar-david-friedrich_landscape-in-the-riesengebirge,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,caspar-david-friedrich_landscape-with-a-male-figure,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,caspar-david-friedrich_landscape-with-oak-trees-and-a-hunter,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,caspar-david-friedrich_landscape-with-rainbow,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,caspar-david-friedrich_landscape-with-the-rosenberg-in-bohemian-switzerland,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,caspar-david-friedrich_largeness,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,caspar-david-friedrich_man-and-woman,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Romanticism,caspar-david-friedrich_megalithic-grave,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,caspar-david-friedrich_monastery-ruins-in-the-snow,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Romanticism,caspar-david-friedrich_morning-in-riesengebirge,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,caspar-david-friedrich_morning-in-the-mountains,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,caspar-david-friedrich_morning-in-the-sudeten-mountains,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,caspar-david-friedrich_morning-mist-in-the-mountains-1808,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,caspar-david-friedrich_mountain-peak-with-drifting-clouds,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,caspar-david-friedrich_mountainous-river-landscape,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,caspar-david-friedrich_neubrandenburg-1817,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,caspar-david-friedrich_not-detected-1(1),"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,caspar-david-friedrich_not-detected-1-1,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,caspar-david-friedrich_not-detected-2,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]" +Romanticism,caspar-david-friedrich_not-detected-3,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,caspar-david-friedrich_not-detected-3-1,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,caspar-david-friedrich_not-detected-4,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,caspar-david-friedrich_not-detected-5,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,caspar-david-friedrich_not-detected-6,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,caspar-david-friedrich_not-detected-7,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,caspar-david-friedrich_not-detected-8,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,caspar-david-friedrich_oak-tree-in-the-snow-1828,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Romanticism,caspar-david-friedrich_on-board-of-a-sailing-ship,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,caspar-david-friedrich_owl-on-a-grave-1837,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,caspar-david-friedrich_passage-grave-in-the-snow,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]" +Romanticism,caspar-david-friedrich_peaks-with-clouds,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,caspar-david-friedrich_pines-at-the-waterfall,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,caspar-david-friedrich_plowed-field,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,caspar-david-friedrich_port-by-moonlight-1811,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,caspar-david-friedrich_riesengebirge,"[0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,caspar-david-friedrich_rock-arch-in-the-uttewalder-grund,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,caspar-david-friedrich_rogen-landscape-in-putbus,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,caspar-david-friedrich_sea-beach-with-fisherman-the-fisherman,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,caspar-david-friedrich_sea-with-ships,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,caspar-david-friedrich_self-portrait,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0, 0.0]" +Romanticism,caspar-david-friedrich_self-portrait-as-a-young-man,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,caspar-david-friedrich_ship-in-the-arctic-ocean,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]" +Romanticism,caspar-david-friedrich_solitary-tree-1822,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,caspar-david-friedrich_study-of-heads-figures-and-foliage,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Romanticism,caspar-david-friedrich_the-abbey-in-the-oakwood,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]" +Romanticism,caspar-david-friedrich_the-dreamer-1840,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,caspar-david-friedrich_the-riesengbirge,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,caspar-david-friedrich_the-sea-of-ice-1824,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,caspar-david-friedrich_the-stages-of-life,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,caspar-david-friedrich_the-summer,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,caspar-david-friedrich_the-wanderer-above-the-sea-of-fog,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,caspar-david-friedrich_the-watzmann-1825,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,caspar-david-friedrich_two-men-by-the-sea,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,caspar-david-friedrich_two-men-contemplating-the-moon,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0]" +Romanticism,caspar-david-friedrich_view-from-the-artists-studio-window-on-left,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,caspar-david-friedrich_view-from-the-small-warmbrunn-sturmhaube,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,caspar-david-friedrich_view-of-a-harbour,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,caspar-david-friedrich_wans-among-the-reeds-at-the-first-morgenro,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,caspar-david-friedrich_wc-abri-enneig-abri-sous-la-neige-circa-1827-1827-alte-nationalgalerie-31-25-cm-12-2-9-8-in-oil,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Romanticism,caspar-david-friedrich_wc-bateaux-dans-le-port-de-greifswald-before-1810-1810-alte-nationalgalerie-90-70-cm-35-4-27-6,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,caspar-david-friedrich_wc-caspardavidfriedrich-der-morgen,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,caspar-david-friedrich_wc-caspardavidfriedrich-der-nachmittag,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,caspar-david-friedrich_wc-cdfcarolinesponholz,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0]" +Romanticism,caspar-david-friedrich_wc-cdfluisesponholz,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Romanticism,caspar-david-friedrich_wc-cdfriedrich-am-morgen-ausfahrende-boote,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Romanticism,caspar-david-friedrich_wc-cdfriedrichdeinsbaum-0281029,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,caspar-david-friedrich_wc-churchyard-gate-by-friedrich,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Romanticism,caspar-david-friedrich_wc-city-at-moonrise-by-caspar-david-friedrich,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,caspar-david-friedrich_wc-coffin-and-grave-by-caspar-david-friedrich,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0]" +Romanticism,caspar-david-friedrich_wc-cr-puscule-en-bord-de-mer-1819-1819-hermitage-museum-135-170-cm-53-1-66-9-in-oil-on-canvas,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,caspar-david-friedrich_wc-croix-et-cath-drale-dans-la-montagne-1812-1812-museum-kunstpalast-height0-45-cm-17-7-in,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Romanticism,caspar-david-friedrich_wc-cross-in-the-mountains-tetschen-altar-1808-1808-new-masters-gallery-dresden-height0-115-cm,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Romanticism,caspar-david-friedrich_west-facade-of-the-ruins-of-eldena,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]" +Romanticism,caspar-david-friedrich_winter-landscape,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,caspar-david-friedrich_wolves-in-the-forrest-in-front-of-a-cave,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,caspar-david-friedrich_woman-in-the-cloack,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]" +Romanticism,caspar-david-friedrich_woman-on-the-beach-of-ruegen,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,caspar-david-friedrich_woman-on-the-beach-of-rugen,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,caspar-david-friedrich_woman-on-the-stairs,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Romanticism,caspar-david-friedrich_woman-with-a-candlestick,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,christen-kobke_a-mansion-near-resund,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,christen-kobke_a-view-from-dosseringen-near-the-sortedam-lake-looking-towards-the-suburb-n-rrebro-outside-1838,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0]" +Romanticism,christen-kobke_a-view-of-the-square-in-the-kastel-looking-towards-the-ramparts-1830,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Romanticism,christen-kobke_autumn-landscape-frederiksborg-castle-in-the-middle-distance-1838,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,christen-kobke_bay-of-naples-1843,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,christen-kobke_boat-dragged-on-shore-1840,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,christen-kobke_frederiksborg-castle-seen-from-the-northwest-1836,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,christen-kobke_frederiksborg-palace-in-the-evening-light-1835,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,christen-kobke_gateway-in-the-via-sepulcralis-in-pompeii-1846,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,christen-kobke_one-of-the-small-towers-on-frederiksborg-castle-1835,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,christen-kobke_portrait-of-adolphine-k-bke-sister-of-the-artist-1832,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Romanticism,christen-kobke_portrait-of-frederik-hansen-s-dring-1832,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,christen-kobke_rough-sea-on-a-rocky-coast-1839,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,christen-kobke_self-portrait-1833,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 1.0]" +Romanticism,christen-kobke_the-bay-of-naples-with-vesuvius-in-the-background-1840,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,christen-kobke_the-forum-pompeii-with-vesuvius-in-the-distance-1841,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Romanticism,christen-kobke_the-garden-steps-leading-to-the-artist-s-studio-on-blegdammen-1845,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,christen-kobke_the-north-gate-of-the-citadel-1834,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,christen-kobke_the-view-of-the-plaster-cast-collection-at-charlottenborg-palace-1830,"[3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,christen-kobke_view-from-a-window-in-toldbodvej-looking-towards-the-citadel-in-copenhagen-1833,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,christen-kobke_view-of-a-street-in-sterbro-outside-copenhagen-morning-light-1836,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,constantin-daniel-rosenthal_anica-manu-with-her-child,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,constantin-daniel-rosenthal_c-a-rosetti,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,constantin-daniel-rosenthal_convalescence,"[0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]" +Romanticism,constantin-daniel-rosenthal_doctorul-grunau-1846,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,constantin-daniel-rosenthal_maria-rosetti,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,constantin-daniel-rosenthal_portrait-of-a-woman,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,constantin-daniel-rosenthal_portrait-of-a-woman-1844,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,constantin-daniel-rosenthal_portrait-of-nicolae-golescu,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,constantin-daniel-rosenthal_portrait-of-teodor-arion-1848,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,constantin-daniel-rosenthal_revolutionary-romania-1848,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,constantin-daniel-rosenthal_romania-breaking-off-her-chains-on-the-field-of-liberty-1849,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,constantin-daniel-rosenthal_scene-at-a-fountain,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]" +Romanticism,constantin-daniel-rosenthal_vanitas-1848,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]" +Romanticism,cornelis-springer_a-busy-market-in-veere-with-the-clocktower-of-the-town-hall-beyond-1857,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Romanticism,cornelis-springer_a-busy-street-in-bremen-with-the-saint-johann-church-in-the-background-1864,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,cornelis-springer_a-cathedral-on-a-townsquare-in-summer-1846,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,cornelis-springer_a-country-road,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,cornelis-springer_a-view-of-a-town-along-the-rhine-1841,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,cornelis-springer_a-view-of-franeker-with-the-zakkend-ragerschuisje-1872,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,cornelis-springer_a-view-of-the-south-entrance-of-the-st-pancras-church-enkhuizen-1869,"[1.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,cornelis-springer_a-visit-of-bayliff-ten-frootenhuys-to-the-guild-of-archers-1864,"[1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,cornelis-springer_along-the-canal-1844,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,cornelis-springer_along-the-canal-1862,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,cornelis-springer_altstadtmarkt-in-brunswijk,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,cornelis-springer_amstedam,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,cornelis-springer_binnenpoort-in-culemborg,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,cornelis-springer_bookstall-on-the-noordermarket,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,cornelis-springer_brielle,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,cornelis-springer_church-in-zaltbommel,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,cornelis-springer_church-in-zaltbommel-1,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,cornelis-springer_city-view,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,cornelis-springer_city-view-with-figures,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,cornelis-springer_cityhall-in-lbeck,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,cornelis-springer_cityhall-paderborn,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,cornelis-springer_cityview,"[0.0, 4.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,cornelis-springer_cityview-hoorn,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,cornelis-springer_cityview-wiith-marketstall,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,cornelis-springer_coming-out-of-church,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,cornelis-springer_fantasy-cityview-of-maassluis,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,cornelis-springer_figures-in-a-street-in-delft-1853,"[0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,cornelis-springer_figures-in-the-sunlit-streets-of-a-dutch-town-1889,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,cornelis-springer_figures-on-a-market-square-in-a-dutch-town-1843,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,cornelis-springer_figures-on-the-bank-in-deventer-1888,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,cornelis-springer_janskerk-gouda-1863,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]" +Romanticism,cornelis-springer_kerkegracht-en-weeshuis-in-leiden,"[0.0, 3.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,cornelis-springer_lombard-voorburgwal-amsterdam,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,cornelis-springer_many-figures-in-the-streets-of-haarlem-1870,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,cornelis-springer_many-figures-on-the-market-square-in-front-of-the-martinikirche-braunschweig-1874,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,cornelis-springer_market-oudewater,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,cornelis-springer_marketview-with-cityhall-woerden,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,cornelis-springer_men-in-boat-at-choppy-sea,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,cornelis-springer_oudewater-street-at-summer-1878,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,cornelis-springer_springer-cornelis-figures-in-a-street-in-delft,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,cornelis-springer_st-joseph-s-church-in-hamelen-1877,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,cornelis-springer_st-michael-church-in-zwolle-1862,"[1.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,cornelis-springer_street-scene,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,cornelis-springer_street-scene-with-figures-1871,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,cornelis-springer_street-view,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,cornelis-springer_study-for-view-on-den-haag,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,cornelis-springer_the-construction-of-two-gasholders-for-the-hollandsche-gazfabriek-on-the-schans-1847,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]" +Romanticism,cornelis-springer_the-corner-of-westerstraat-and-tabakstraat-in-enkhuizen-1873,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,cornelis-springer_the-herengracht-aan-de-amstel,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,cornelis-springer_the-jewish-quarter-in-amsterdam,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,cornelis-springer_the-oude-waag-at-the-westerkerk,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,cornelis-springer_the-smithy-of-culemborg-in-the-winter-1860,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,cornelis-springer_the-town-hall-and-market-at-naarden-1864,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Romanticism,cornelis-springer_town-square-before-a-church-a-capriccio-1846,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,cornelis-springer_view-at-culemborg,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,cornelis-springer_view-behind-the-grote-kerk-in-naarden,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,cornelis-springer_view-of-montelspran-1845,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,cornelis-springer_view-of-oudewater,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,cornelis-springer_view-of-the-old-town-hall-in-arnhem-with-fantasy-elements-1840,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Romanticism,cornelis-springer_view-on-heerengracht-in-amsterdam,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,cornelis-springer_view-onn-enkhuizen,"[0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,cornelis-springer_village-view,"[0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,cornelis-springer_vissersdijk-in-enkhuizen,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,cornelis-springer_vleeschhal-and-grote-kerk-in-haarlem,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,cornelis-springer_voorburgwal-in-amsterdam,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,cornelis-springer_walenkerk-haarlem,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,cornelis-springer_walstraatje-in-harderwijk,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,cornelis-springer_weeshuis-in-enkhuizen,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,cornelis-springer_weeshuis-in-kampen,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,cornelis-springer_westermarket-in-amsterdam,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,cornelis-springer_zuiderhavendijk-enkhuizen,"[0.0, 3.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,dante-gabriel-rossetti_a-christmas-carol-1857,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,dante-gabriel-rossetti_a-christmas-carol-1867,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,dante-gabriel-rossetti_a-parable-of-love-1850,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,dante-gabriel-rossetti_a-sea-spell-1877,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,dante-gabriel-rossetti_a-vision-of-fiammetta-1878,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,dante-gabriel-rossetti_aggie-1862,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,dante-gabriel-rossetti_aggie-1877,"[1.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,dante-gabriel-rossetti_alexa-wilding-1877,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,dante-gabriel-rossetti_alexa-wilding-1877-1,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]" +Romanticism,dante-gabriel-rossetti_algernon-charles-swinburne-1862,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Romanticism,dante-gabriel-rossetti_algernon-charles-swinburne-1862-1,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Romanticism,dante-gabriel-rossetti_annie-miller-1877,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]" +Romanticism,dante-gabriel-rossetti_annie-miller-1877-1,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,dante-gabriel-rossetti_annie-miller-1877-2,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,dante-gabriel-rossetti_annie-miller-1877-3,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,dante-gabriel-rossetti_arthur-s-tomb-1855,"[0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0, 1.0, 0.0]" +Romanticism,dante-gabriel-rossetti_aspecta-medusa-1877,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Romanticism,dante-gabriel-rossetti_astarte-syriaca-1878,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,dante-gabriel-rossetti_aurelia-1879,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,dante-gabriel-rossetti_beata-beatrix-1880,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,dante-gabriel-rossetti_beatrice-1880,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]" +Romanticism,dante-gabriel-rossetti_beatrice-meeting-dante-at-a-wedding-feast-denies-him-her-salutation-1855,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]" +Romanticism,dante-gabriel-rossetti_before-the-battle-1858,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Romanticism,dante-gabriel-rossetti_belcolore-1880,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Romanticism,dante-gabriel-rossetti_blanzifiore-snowdrops-1880,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,dante-gabriel-rossetti_cassandra,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0, 1.0]" +Romanticism,dante-gabriel-rossetti_christina-rossetti,"[1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,dante-gabriel-rossetti_cousturier-1840,"[0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,dante-gabriel-rossetti_dante-s-dream,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,dante-gabriel-rossetti_dante-s-dream-at-the-time-of-the-death-of-beatrice-study-1870,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Romanticism,dante-gabriel-rossetti_dante-s-vision-of-rachel-and-leah-1855,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,dante-gabriel-rossetti_desdemona-1881,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,dante-gabriel-rossetti_desdemona-s-death-song,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Romanticism,dante-gabriel-rossetti_drawing-1882,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Romanticism,dante-gabriel-rossetti_ecce-ancilla-domini-study,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]" +Romanticism,dante-gabriel-rossetti_elizabeth-siddal,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Romanticism,dante-gabriel-rossetti_elizabeth-siddal-1854,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,dante-gabriel-rossetti_elizabeth-siddal-1855,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Romanticism,dante-gabriel-rossetti_elizabeth-siddal-seated-at-an-easel-1852,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,dante-gabriel-rossetti_elizabeth-siddal-seated-in-a-chair-1860,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Romanticism,dante-gabriel-rossetti_elizabeth-siddall-in-a-chair,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,dante-gabriel-rossetti_elizabeth-siddall-plaiting-her-hair,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,dante-gabriel-rossetti_ellen-smith-1867,"[0.0, 1.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,dante-gabriel-rossetti_fair-rosamund-1861,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Romanticism,dante-gabriel-rossetti_fanny-cornforth,"[0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,dante-gabriel-rossetti_fanny-cornforth-1862,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,dante-gabriel-rossetti_fanny-cornforth-1868,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Romanticism,dante-gabriel-rossetti_faust-margaret-in-the-church-1848,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]" +Romanticism,dante-gabriel-rossetti_finestra,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,dante-gabriel-rossetti_found-1854,"[1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Romanticism,dante-gabriel-rossetti_giotto-painting-the-portrait-of-dante-1852,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,dante-gabriel-rossetti_girl-at-a-lattice-1862,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Romanticism,dante-gabriel-rossetti_golden-head-jpg,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,dante-gabriel-rossetti_golden-tresses-1865,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Romanticism,dante-gabriel-rossetti_golden-water-1858,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,dante-gabriel-rossetti_hamlet-and-ophelia-1858,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,dante-gabriel-rossetti_head-of-a-youth,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,dante-gabriel-rossetti_helen-of-troy-1863,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,dante-gabriel-rossetti_how-sir-galahad-sir-bors-and-sir-percival-were-fed-with-the-sanc-grael0-but-sir-percival0s-1864,"[1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,dante-gabriel-rossetti_how-they-met-themselves-1864,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Romanticism,dante-gabriel-rossetti_image-of-a-sketch-and-poem-showing-subject-and-author-1869,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Romanticism,dante-gabriel-rossetti_image-of-artist-and-his-exotic-pet-1871,"[5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,dante-gabriel-rossetti_image-of-women-and-an-exotic-pet-1869,"[3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,dante-gabriel-rossetti_jane-burden-aged-18-1858,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Romanticism,dante-gabriel-rossetti_jane-morris-1857,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,dante-gabriel-rossetti_jane-morris-1860,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Romanticism,dante-gabriel-rossetti_jane-morris-1870,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,dante-gabriel-rossetti_jane-morris-the-blue-silk-dress-1868,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,dante-gabriel-rossetti_joan-of-arc-1882,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,dante-gabriel-rossetti_joan-of-arc-kisses-the-sword-of-liberation-1863,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,dante-gabriel-rossetti_joli-coeur-french-for-1867,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,dante-gabriel-rossetti_king-arthur-and-the-weeping-queens-1857,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 3.0, 0.0]" +Romanticism,dante-gabriel-rossetti_king-arthur-and-the-weeping-queens-1857-1,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,dante-gabriel-rossetti_king-rene-s-honeymoon-1867,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,dante-gabriel-rossetti_kissed-mouth-1881,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Romanticism,dante-gabriel-rossetti_lady-lilith-1868,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,dante-gabriel-rossetti_ligeia-siren-1873,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,dante-gabriel-rossetti_mariana-1870,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,dante-gabriel-rossetti_mary-magdalene-1877,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,dante-gabriel-rossetti_mary-magdalene-at-the-door-of-simon-the-pharisee-1853,"[2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,dante-gabriel-rossetti_may-morris-1872,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Romanticism,dante-gabriel-rossetti_miss-robinson-mrs-fernandez-1866,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,dante-gabriel-rossetti_mnemosyne-1881,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,dante-gabriel-rossetti_monna-rosa-1867,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,dante-gabriel-rossetti_monna-vanna-1866,"[2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,dante-gabriel-rossetti_morning-music-1864,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Romanticism,dante-gabriel-rossetti_mrs-burne-jones-1860,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Romanticism,dante-gabriel-rossetti_my-lady-greensleeves-1863,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,dante-gabriel-rossetti_my-lady-greensleeves-1863-1,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Romanticism,dante-gabriel-rossetti_pandora-1869,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,dante-gabriel-rossetti_pandora-1879,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Romanticism,dante-gabriel-rossetti_paolo-and-francesca-1855,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,dante-gabriel-rossetti_penelope-1869,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,dante-gabriel-rossetti_portrait-of-aflaia-coronio-1870,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,dante-gabriel-rossetti_portrait-of-elizabeth-siddal-1854,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Romanticism,dante-gabriel-rossetti_portrait-of-elizabeth-siddal-1855,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Romanticism,dante-gabriel-rossetti_portrait-of-elizabeth-siddal-1865,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]" +Romanticism,dante-gabriel-rossetti_portrait-of-fanny-cornforth-1869,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Romanticism,dante-gabriel-rossetti_portrait-of-ford-madox-brown-1852,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0]" +Romanticism,dante-gabriel-rossetti_portrait-of-jane-morris,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Romanticism,dante-gabriel-rossetti_portrait-of-maria-leathart-1862,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,dante-gabriel-rossetti_portrait-of-mrs-georgin-a-fernandez-1874,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,dante-gabriel-rossetti_portrait-of-mrs-william-j-stillman-1869,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,dante-gabriel-rossetti_portrait-of-the-artist-s-sister-christina-and-mother-frances-1877,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]" +Romanticism,dante-gabriel-rossetti_portrait-of-william-rossetti-orange-1853,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Romanticism,dante-gabriel-rossetti_proserpina-with-pomegranate-1882,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,dante-gabriel-rossetti_proserpine-1874,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,dante-gabriel-rossetti_regina-cordium-1860,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Romanticism,dante-gabriel-rossetti_regina-cordium-alice-wilding-1866,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,dante-gabriel-rossetti_reverie-1868,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]" +Romanticism,dante-gabriel-rossetti_roman-de-la-rose-1864,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,dante-gabriel-rossetti_roman-widow,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,dante-gabriel-rossetti_saint-catherine-1857,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Romanticism,dante-gabriel-rossetti_saint-george-and-the-princess-sabra-1862,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,dante-gabriel-rossetti_sancta-lilias-1874,"[0.0, 5.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,dante-gabriel-rossetti_self-portrait,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,dante-gabriel-rossetti_self-portrait-1847,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,dante-gabriel-rossetti_self-portrait-1861,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,dante-gabriel-rossetti_self-portrait-1870,"[2.0, 13.0, 14.0, 2.0, 0.0, 0.0, 5.0, 7.0, 5.0]" +Romanticism,dante-gabriel-rossetti_sibylla-palmifera,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Romanticism,dante-gabriel-rossetti_silence,"[1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,dante-gabriel-rossetti_silence-1870,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Romanticism,dante-gabriel-rossetti_sir-launcelot-in-the-queen-s-chamber,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0, 1.0]" +Romanticism,dante-gabriel-rossetti_sir-tristram-and-la-belle,"[1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,dante-gabriel-rossetti_sketch-for-dante-at-verona-with-a-preliminary-study-for-the-principal-figure,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 1.0]" +Romanticism,dante-gabriel-rossetti_study-for-a-vision-of-fiammetta,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,dante-gabriel-rossetti_study-for-the-death-of-lady-macbeth,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]" +Romanticism,dante-gabriel-rossetti_study-of-a-girl-1867,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,dante-gabriel-rossetti_study-of-guinevere-for-0sir-lancelot-in-the-queen-s-chamber-1857,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Romanticism,dante-gabriel-rossetti_the-annunciation,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,dante-gabriel-rossetti_the-annunciation-1,"[0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,dante-gabriel-rossetti_the-annunciation-1859,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,dante-gabriel-rossetti_the-beautiful-hand-1875,"[0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Romanticism,dante-gabriel-rossetti_the-beautiful-lady-without-goods-1848,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,dante-gabriel-rossetti_the-beloved-1866,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Romanticism,dante-gabriel-rossetti_the-beloved-study-the-bride-study-1865,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,dante-gabriel-rossetti_the-blessed-damozel-1878,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Romanticism,dante-gabriel-rossetti_the-blessed-damozel-study-1873,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]" +Romanticism,dante-gabriel-rossetti_the-blessed-damozel-study-1876,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,dante-gabriel-rossetti_the-blue-bower-1865,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]" +Romanticism,dante-gabriel-rossetti_the-blue-closet-1857,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,dante-gabriel-rossetti_the-bower-meadow-1872,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Romanticism,dante-gabriel-rossetti_the-bower-meadow-1872-1,"[1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0]" +Romanticism,dante-gabriel-rossetti_the-bower-meadow-study-study-of-dancing-girls-1872,"[1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,dante-gabriel-rossetti_the-childhood-of-mary-virgin-1849,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,dante-gabriel-rossetti_the-damsel-of-the-sanct-grael-or-holy-grail-1874,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0, 1.0]" +Romanticism,dante-gabriel-rossetti_the-day-dream-1878,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,dante-gabriel-rossetti_the-day-dream-1880,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,dante-gabriel-rossetti_the-daydream-1878,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Romanticism,dante-gabriel-rossetti_the-fight-with-sir-marhalt-from-the-story-of-tristan-and-isolde,"[0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 2.0, 0.0, 0.0]" +Romanticism,dante-gabriel-rossetti_the-first-anniversary-of-the-death-of-beatrice-1853,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]" +Romanticism,dante-gabriel-rossetti_the-first-madness-of-ophelia-1864,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]" +Romanticism,dante-gabriel-rossetti_the-garland-1873,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,dante-gabriel-rossetti_the-garland-1874,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]" +Romanticism,dante-gabriel-rossetti_the-laboratory-1849,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,dante-gabriel-rossetti_the-lady-of-pity-1879,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,dante-gabriel-rossetti_the-lady-of-pity-la-donna-della-finestra-1870,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]" +Romanticism,dante-gabriel-rossetti_the-lady-of-shalott-moxon-tennyson-1857,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Romanticism,dante-gabriel-rossetti_the-loving-cup,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Romanticism,dante-gabriel-rossetti_the-loving-cup-1867,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,dante-gabriel-rossetti_the-m-s-at-ems-1869,"[2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,dante-gabriel-rossetti_the-meeting-of-dante-and-beatrice-in-paradise-1854,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Romanticism,dante-gabriel-rossetti_the-passover-in-the-holy-family-gathering-bitter-herbs-1856,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Romanticism,dante-gabriel-rossetti_the-pia-of-tolomei-1880,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,dante-gabriel-rossetti_the-rainbow-1876,"[0.0, 4.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,dante-gabriel-rossetti_the-return-of-tibullus-to-delia-1868,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]" +Romanticism,dante-gabriel-rossetti_the-return-of-tibullus-to-delia-study-for-delia,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,dante-gabriel-rossetti_the-roseleaf,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,dante-gabriel-rossetti_the-salutation-of-beatrice-1859,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,dante-gabriel-rossetti_the-seed-of-david-1858,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Romanticism,dante-gabriel-rossetti_the-sermon-on-the-mount-1862,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,dante-gabriel-rossetti_the-tune-of-the-seven-towers-1857,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,dante-gabriel-rossetti_the-twig-1865,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,dante-gabriel-rossetti_the-two-mothers-1851,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,dante-gabriel-rossetti_the-virgin-mary-being-comforted-1852,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]" +Romanticism,dante-gabriel-rossetti_the-wedding-of-saint-george-and-princess-sabra-1857,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,dante-gabriel-rossetti_the-women-of-the-flame-1870,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,dante-gabriel-rossetti_the-women-s-window-1879,"[2.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,dante-gabriel-rossetti_the-women-s-window-jane-morris-1880,"[0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 2.0, 0.0]" +Romanticism,dante-gabriel-rossetti_tristram-and-isolde-drinking-the-love-potion-1867,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 1.0]" +Romanticism,dante-gabriel-rossetti_venus-verticordia,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Romanticism,dante-gabriel-rossetti_venus-verticordia-1868,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Romanticism,dante-gabriel-rossetti_veronica-veronese-1872,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,dante-gabriel-rossetti_water-willow-1871,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,dante-gabriel-rossetti_woman-combing-her-hair-1864,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,dante-gabriel-rossetti_woman-with-a-fan-1870,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,dante-gabriel-rossetti_writing-on-the-sand-1859,"[1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,david-wilkie_abraham-raimbach,"[15.0, 4.0, 14.0, 1.0, 0.0, 0.0, 2.0, 0.0, 8.0]" +Romanticism,david-wilkie_billy-waters-mariner-and-street-performer-beggar-1815,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Romanticism,david-wilkie_distraining-for-rent-1815(1),"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Romanticism,david-wilkie_josephine-and-the-fortune-teller,"[0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]" +Romanticism,david-wilkie_king-george-iv,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Romanticism,david-wilkie_not-detected-277181,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Romanticism,david-wilkie_not-detected-277182(2),"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,david-wilkie_not-detected-277183,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0]" +Romanticism,david-wilkie_pitlessie-fair-1804,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,david-wilkie_portrait-of-king-william-iv-1765-1837-1837,"[2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,david-wilkie_portrait-of-sotiri,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,david-wilkie_queen-victoria-detail-1840,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,david-wilkie_reading-a-tract,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,david-wilkie_reading-the-will-1821,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,david-wilkie_samuel-in-the-temple,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]" +Romanticism,david-wilkie_seated-lady-of-constantinople,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,david-wilkie_sheepwashing-1817,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,david-wilkie_sir-robert-liston-diplomat-1811,"[1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,david-wilkie_the-abbotsford-family-1817,"[0.0, 0.0, 3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,david-wilkie_the-bag-piper-1813,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,david-wilkie_the-blind-fiddler-illustration-from-lives-of-great-men-told-by-great-men-edited-by-richard,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,david-wilkie_the-chelsea-pensioners-reading-the-waterloo-dispatch-1822,"[0.0, 2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,david-wilkie_the-cotter-s-saturday-night,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,david-wilkie_the-defence-of-sarago-a,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]" +Romanticism,david-wilkie_the-first-council-of-queen-victoria-1838,"[0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,david-wilkie_the-first-earring,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,david-wilkie_the-irish-whiskey-still-1840,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]" +Romanticism,david-wilkie_the-letter-of-introduction-1813(1),"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,david-wilkie_the-penny-wedding(1),"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,david-wilkie_the-preaching-of-john-knox-before-the-lords-of-congregation-10-june-1559,"[0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0]" +Romanticism,david-wilkie_the-refusal-from-burn-s,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,david-wilkie_unknown-man-formerly-known-as-james-northcote,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,david-wilkie_village-politicians,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Romanticism,david-wilkie_william-chalmers-bethune-his-wife-isabella-morison-and-their-daughter-isabella,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Romanticism,david-wilkie_william-iv-of-the-united-kingdom-1832,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,domingos-sequeira_allegory-of-the-virtues-of-king-jo-o-vi-1800,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,domingos-sequeira_fam-lia-barros,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,domingos-sequeira_junot-protegendo-a-cidade-de-lisboa-1808,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,domingos-sequeira_manuel-in-cio-martins-pamplona-corte-real-count-of-subserra,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Romanticism,domingos-sequeira_mariana-benedita-sequeira-1822,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,domingos-sequeira_mulher-com-turbante,"[5.0, 11.0, 14.0, 2.0, 0.0, 0.0, 2.0, 5.0, 8.0]" +Romanticism,domingos-sequeira_o-milagre-de-ourique-1793,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,domingos-sequeira_retrato-da-fam-lia-do-1-visconde-de-santar-m-1816,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Romanticism,domingos-sequeira_retrato-de-conde-de-farrobo-1813,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,domingos-sequeira_retrato-de-d-carlota-joaquina-rainha-de-portugal-1802,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,domingos-sequeira_retrato-de-d-jo-o-vi,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Romanticism,domingos-sequeira_retrato-de-d-jo-o-vi-1,"[3.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,domingos-sequeira_retrato-de-d-jo-o-vi-rei-de-portugal-1806,"[4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,domingos-sequeira_retrato-equestre-de-carlota-joaquina-of-spain-1830,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,domingos-sequeira_retrato-equestre-de-jo-o-v-de-portugal-1803,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,domingos-sequeira_self-portrait,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,domingos-sequeira_the-worship-of-the-mages-1828,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,eduard-von-gebhardt_a-young-woman-with-a-wineglass,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,eduard-von-gebhardt_bildnis-eines-malers-vor-der-staffelei-1881,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,eduard-von-gebhardt_christus-und-die-j-nger-von-emmaus-1914,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,eduard-von-gebhardt_estonian-peasant,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]" +Romanticism,eduard-von-gebhardt_estonian-peasant-1867,"[0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,eduard-von-gebhardt_lazarus-and-the-rich-man-1865,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,eduard-von-gebhardt_let-the-little-children-come-unto-me-1908,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,eduard-von-gebhardt_m-nnlicher-charakterkopf,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]" +Romanticism,eduard-von-gebhardt_man-reading-1922,"[1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,eduard-von-gebhardt_portrait-of-a-bearded-man-head-of-an-apostle,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]" +Romanticism,eduard-von-gebhardt_portrait-of-a-man-1911,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]" +Romanticism,eduard-von-gebhardt_portrait-of-a-man-with-beret,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 3.0, 0.0]" +Romanticism,eduard-von-gebhardt_portrait-of-a-woman,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,eduard-von-gebhardt_portrait-of-an-old-man-1913,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]" +Romanticism,eduard-von-gebhardt_study-for-the-head-of-christ-in-a-crucifixion,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]" +Romanticism,eduard-von-gebhardt_study-of-a-head,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]" +Romanticism,eduard-von-gebhardt_the-raising-of-lazarus-1896,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,edward-burne-jones_achievment-galahad-the-sang-graal,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,edward-burne-jones_an-angel,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,edward-burne-jones_an-angel-playing-a-flageolet-1878,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,edward-burne-jones_angel,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,edward-burne-jones_angeli-laudantes,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,edward-burne-jones_angels-of-creation,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,edward-burne-jones_annunciation-1860,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,edward-burne-jones_arthur-in-avalon,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]" +Romanticism,edward-burne-jones_astrologia,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]" +Romanticism,edward-burne-jones_baronne-deslandes,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Romanticism,edward-burne-jones_cat-and-kitten,"[2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,edward-burne-jones_cinderella-1863,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]" +Romanticism,edward-burne-jones_clara-von-bork-1860,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Romanticism,edward-burne-jones_clerk-saunders-1861,"[1.0, 0.0, 1.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0]" +Romanticism,edward-burne-jones_cupid-and-psyche-1867,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,edward-burne-jones_cupid-delivering-psyche,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,edward-burne-jones_cupids-forge,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Romanticism,edward-burne-jones_danae-and-the-brazen-tower,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Romanticism,edward-burne-jones_danae-and-the-brazen-tower-1888,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Romanticism,edward-burne-jones_daniel-1873,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,edward-burne-jones_david-s-charge-to-solomon-1882,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,edward-burne-jones_days-of-creation-the-1st-day,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,edward-burne-jones_days-of-creation-the-3rd-day,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,edward-burne-jones_design-for-the-sirens,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,edward-burne-jones_dorigen-of-britain-waiting-for-the-return-of-her-husband-1871,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0]" +Romanticism,edward-burne-jones_earth-mother-1882,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Romanticism,edward-burne-jones_fair-rosamond-and-queen-eleonor,"[4.0, 5.0, 6.0, 3.0, 1.0, 4.0, 6.0, 7.0, 9.0]" +Romanticism,edward-burne-jones_faith-hope-and-charity,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,edward-burne-jones_fatima-1862,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,edward-burne-jones_finding-psyche,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Romanticism,edward-burne-jones_george-howard,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,edward-burne-jones_georgiana-burne-jones-their-children-margaret-and-philip-in-the-background-1883,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Romanticism,edward-burne-jones_girl-and-goldfish-1861,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]" +Romanticism,edward-burne-jones_going-to-the-battle-1858,"[0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,edward-burne-jones_green-summer-1868,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Romanticism,edward-burne-jones_guinevere-rescued-by-lancelot,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0, 0.0]" +Romanticism,edward-burne-jones_head-study-for-the-masque-of-cupid,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,edward-burne-jones_head-study-of-maria-zambaco-the-wine-of-circe,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]" +Romanticism,edward-burne-jones_heart-of-the-rose-1889,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,edward-burne-jones_hope,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,edward-burne-jones_hunting-fields,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,edward-burne-jones_jesus-and-woman-at-the-well,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0]" +Romanticism,edward-burne-jones_king-cophetua-and-the-beggar-maid-1884,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]" +Romanticism,edward-burne-jones_king-mark-and-la-belle-iseult,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Romanticism,edward-burne-jones_lady-frances-balfour,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0]" +Romanticism,edward-burne-jones_lady-windsor,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Romanticism,edward-burne-jones_last-judgement-1896,"[0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,edward-burne-jones_laus-veneris-1868,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,edward-burne-jones_love,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,edward-burne-jones_love-among-the-ruins-1894,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,edward-burne-jones_love-leading-the-pilgrim,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,edward-burne-jones_margaret-burne-jones,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Romanticism,edward-burne-jones_maria-zambaco-1870,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]" +Romanticism,edward-burne-jones_merlin-and-nimue-1861,"[3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,edward-burne-jones_mermaid-with-her-offspring,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,edward-burne-jones_miriam-1872,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,edward-burne-jones_morgan-le-fay-1862,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,edward-burne-jones_musical-angels,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,edward-burne-jones_not_detected_205448,"[1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]" +Romanticism,edward-burne-jones_not_detected_205449,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Romanticism,edward-burne-jones_olive-maxse,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,edward-burne-jones_owain-departs-from-landine,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0]" +Romanticism,edward-burne-jones_paderewski,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0]" +Romanticism,edward-burne-jones_perseus-and-the-graiae,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]" +Romanticism,edward-burne-jones_perseus-and-the-sea-nymphs-1877,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,edward-burne-jones_phyllis-and-demophon-1870,"[0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Romanticism,edward-burne-jones_portrait-group-of-the-artists-family,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,edward-burne-jones_portrait-of-a-young-boy,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,edward-burne-jones_portrait-of-cecily-horner,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,edward-burne-jones_portrait-of-katie-lewis,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,edward-burne-jones_psyche-and-pan-1874,"[1.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]" +Romanticism,edward-burne-jones_pygmalion,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Romanticism,edward-burne-jones_saint-george-1877,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,edward-burne-jones_saint-george-and-the-dragon-the-princess-tied-to-the-tree-1866,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Romanticism,edward-burne-jones_sibylla-delphica,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,edward-burne-jones_sidonia-von-bork-1849,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0]" +Romanticism,edward-burne-jones_song-of-love,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,edward-burne-jones_song-of-love-1877,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Romanticism,edward-burne-jones_spona-de-libano-1891,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,edward-burne-jones_spring,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,edward-burne-jones_st-george-and-the-dragon-1868,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,edward-burne-jones_study-for-masque-of-cupid,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,edward-burne-jones_study-for-the-garden-court,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,edward-burne-jones_sybil,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,edward-burne-jones_temperantia-1872,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,edward-burne-jones_the-adoration-of-the-magi,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,edward-burne-jones_the-annnciation-1879,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,edward-burne-jones_the-annunciation-the-angel,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,edward-burne-jones_the-annunciation-the-flower-of-god-1862,"[1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,edward-burne-jones_the-arming-and-departure-of-the-kniights-1894,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,edward-burne-jones_the-arming-of-perseus-1885,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Romanticism,edward-burne-jones_the-baleful-head-1887,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,edward-burne-jones_the-beguiling-of-merlin-merlin-and-vivien-1874,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Romanticism,edward-burne-jones_the-briar-wood,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]" +Romanticism,edward-burne-jones_the-briar-wood-1890,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0]" +Romanticism,edward-burne-jones_the-calling-of-perseus-1898,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]" +Romanticism,edward-burne-jones_the-challenge-in-the-wilderness-1898,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,edward-burne-jones_the-council-chamber,"[1.0, 7.0, 8.0, 1.0, 0.0, 0.0, 1.0, 21.0, 5.0]" +Romanticism,edward-burne-jones_the-council-chamber-1890,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,edward-burne-jones_the-damsel-of-the-sanct-grail,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Romanticism,edward-burne-jones_the-doom-fulfilled-1885,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,edward-burne-jones_the-dream-of-lancelot-study,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,edward-burne-jones_the-dream-of-launcelot-at-the-chapel-of-the-san-graal-1896,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Romanticism,edward-burne-jones_the-fall-of-lucifer-1894,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Romanticism,edward-burne-jones_the-garden-court-1890,"[2.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,edward-burne-jones_the-garden-of-pan-1887,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,edward-burne-jones_the-garden-of-the-heserides-1877,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,edward-burne-jones_the-garden-of-the-hesperides,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Romanticism,edward-burne-jones_the-godhead-fires-1878,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,edward-burne-jones_the-godhead-fires-pygmalion-1870,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,edward-burne-jones_the-hand-refrains,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Romanticism,edward-burne-jones_the-hand-refrains-2nd-series-pygmalion-1878,"[2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,edward-burne-jones_the-hand-refrains-the-pygmalion-series-1870,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,edward-burne-jones_the-heart-desires,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]" +Romanticism,edward-burne-jones_the-heart-desires-pygmalion-1878,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Romanticism,edward-burne-jones_the-heart-desires-the-pygmalion-series-1870,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,edward-burne-jones_the-hours-1882,"[3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,edward-burne-jones_the-king-s-wedding-1870,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,edward-burne-jones_the-knight-s-farewell-1858,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Romanticism,edward-burne-jones_the-lament-1866,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,edward-burne-jones_the-legend-of-st-frideswide-1859,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,edward-burne-jones_the-madness-of-sir-tristram,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,edward-burne-jones_the-march-marigold,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,edward-burne-jones_the-merciful-knight-1863,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]" +Romanticism,edward-burne-jones_the-mill-1882,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Romanticism,edward-burne-jones_the-mirror-of-venus-1,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,edward-burne-jones_the-mirror-of-venus-1875,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,edward-burne-jones_the-morning-of-the-resurrection-1882,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,edward-burne-jones_the-passing-of-venus,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Romanticism,edward-burne-jones_the-pilgrim-at-the-gate-of-idleness-1893,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Romanticism,edward-burne-jones_the-princess-sabra-led-to-the-dragon-painting-1866,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]" +Romanticism,edward-burne-jones_the-prioress-stale,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,edward-burne-jones_the-rock-of-doom-1888,"[0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,edward-burne-jones_the-rose-bower,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Romanticism,edward-burne-jones_the-seasons-autumn,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Romanticism,edward-burne-jones_the-seasons-summer,"[0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,edward-burne-jones_the-sirens,"[1.0, 9.0, 12.0, 4.0, 0.0, 1.0, 8.0, 4.0, 6.0]" +Romanticism,edward-burne-jones_the-sleaping-beauty-1890,"[2.0, 7.0, 16.0, 2.0, 0.0, 0.0, 1.0, 10.0, 5.0]" +Romanticism,edward-burne-jones_the-soul-attains,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,edward-burne-jones_the-temple-of-love,"[0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,edward-burne-jones_the-virgin,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Romanticism,edward-burne-jones_the-vision-of-the-holy-grail-to-sir-galahad-sir-bors-and-sir-perceval,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,edward-burne-jones_the-vyner-memorial-window,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,edward-burne-jones_the-wedding-of-psyche-1895,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,edward-burne-jones_the-wheel-of-fortune-1883,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,edward-burne-jones_the-wise-and-foolish-virgins-1859,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]" +Romanticism,edward-burne-jones_the-wizard,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,edward-burne-jones_theseus,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Romanticism,edward-burne-jones_three-trumpeting-angels-1869,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,edward-burne-jones_tree-of-forgiveness,"[0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0, 0.0]" +Romanticism,edward-burne-jones_venus-discordia-1873,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0, 0.0]" +Romanticism,edward-burne-jones_wedding-of-sir-tristram-1863,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,edward-burne-jones_william-scott-luce,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,edwin-henry-landseer_a-distinguished-member-of-the-humane-society,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,edwin-henry-landseer_a-highland-breakfast,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,edwin-henry-landseer_a-lake-scene-effect-of-a-storm,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,edwin-henry-landseer_alexander-and-diogenes,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,edwin-henry-landseer_brazilian-marmosets,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,edwin-henry-landseer_death-of-the-wild-bull-1836,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Romanticism,edwin-henry-landseer_decoyman-s-dog-and-duck,"[0.0, 1.0, 1.0, 0.0, 0.0, 3.0, 0.0, 1.0, 0.0]" +Romanticism,edwin-henry-landseer_deer-and-deer-hounds-in-a-mountain-torrent,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Romanticism,edwin-henry-landseer_dignity-and-impudence,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,edwin-henry-landseer_doubtful-crumbs,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,edwin-henry-landseer_elizabeth-vassall-fox-lady-holland-henry-richard-vassall-fox-3rd-baron-holland-mrs-brown,"[2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,edwin-henry-landseer_eos-a-favorite-greyhound-of-prince-albert,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,edwin-henry-landseer_flood-in-the-highlands,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]" +Romanticism,edwin-henry-landseer_general-phipps-mrs-norton-and-2nd-baron-alvanley-at-the-theatre,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Romanticism,edwin-henry-landseer_high-life,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Romanticism,edwin-henry-landseer_isaac-van-amburgh-and-his-animals,"[0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Romanticism,edwin-henry-landseer_jack-in-office,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Romanticism,edwin-henry-landseer_jocko-with-a-hedgehog,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,edwin-henry-landseer_john-allen,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Romanticism,edwin-henry-landseer_laying-down-the-law,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,edwin-henry-landseer_low-life,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,edwin-henry-landseer_macaw-love-birds-terrier-and-spaniel-puppies-belonging-to-her-majesty,"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,edwin-henry-landseer_not-detected-274939,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]" +Romanticism,edwin-henry-landseer_not-detected-274942,"[2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,edwin-henry-landseer_not-detected-274943,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,edwin-henry-landseer_princess-alice,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,edwin-henry-landseer_ptarmigan,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,edwin-henry-landseer_queen-victoria-and-prince-albert-at-home-at-windsor-castle-in-berkshire-england-1843,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,edwin-henry-landseer_queen-victoria-and-prince-albert-at-the-bal-costume,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,edwin-henry-landseer_queen-victoria-at-osborne-house,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,edwin-henry-landseer_queen-victoria-on-horseback,"[1.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,edwin-henry-landseer_royal-sports-on-hill-and-loch,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]" +Romanticism,edwin-henry-landseer_saved,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]" +Romanticism,edwin-henry-landseer_scene-from-a-midsummer-night-s-dream-titania-and-bottom,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]" +Romanticism,edwin-henry-landseer_scene-in-the-olden-time-at-bolton-abbey,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]" +Romanticism,edwin-henry-landseer_shoeing,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,edwin-henry-landseer_sir-francis-burdett,"[2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,edwin-henry-landseer_swannery-invaded-by-eagles,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 3.0, 0.0]" +Romanticism,edwin-henry-landseer_the-arab-tent,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,edwin-henry-landseer_the-cat-s-paw,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,edwin-henry-landseer_the-challenge,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,edwin-henry-landseer_the-champion,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0, 0.0]" +Romanticism,edwin-henry-landseer_the-falcon,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,edwin-henry-landseer_the-hunting-of-chevy-chase-1826,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]" +Romanticism,edwin-henry-landseer_the-monarch-of-the-glen,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,edwin-henry-landseer_the-monkey-who-had-seen-the-world,"[5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,edwin-henry-landseer_the-old-shepherd-s-chief-mourner,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]" +Romanticism,edwin-henry-landseer_the-otter-hunt,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,edwin-henry-landseer_the-sanctuary,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,edwin-henry-landseer_the-wild-cattle-of-chillingham,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,edwin-henry-landseer_van-amburgh-and-his-big-game-cats,"[0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 1.0]" +Romanticism,edwin-henry-landseer_victoria-princess-royal-with-eos,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,edwin-henry-landseer_william-lamb-2nd-viscount-melbourne,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,eliseu-visconti_giovent,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,eliseu-visconti_nu-deitado,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,eliseu-visconti_nu-feminino,"[0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0]" +Romanticism,eliseu-visconti_nude,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,eliseu-visconti_primavera,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 2.0]" +Romanticism,eliseu-visconti_self-portrait,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Romanticism,eliseu-visconti_unknown-title,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Romanticism,eliseu-visconti_unknown-title(1),"[2.0, 4.0, 10.0, 6.0, 0.0, 7.0, 0.0, 11.0, 9.0]" +Romanticism,eugene-delacroix_a-blacksmith-1833(1),"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,eugene-delacroix_a-corner-of-the-studio(1),"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,eugene-delacroix_a-mandarin-drake(1),"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,eugene-delacroix_a-mortally-wounded-brigand-quenches-his-thirst-1825(1),"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]" +Romanticism,eugene-delacroix_a-north-african-jewess-1847(1),"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Romanticism,eugene-delacroix_academy-of-young-woman-1838(1),"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,eugene-delacroix_adam-and-eve(1),"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,eugene-delacroix_andromeda(1),"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,eugene-delacroix_apollo-slays-python-1850(1),"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Romanticism,eugene-delacroix_apollo-slays-python-1851(1),"[0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,eugene-delacroix_aspasia(1),"[0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,eugene-delacroix_attila-and-his-hordes-overrun-italy-and-the-arts-1847(1),"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,eugene-delacroix_attila-the-hun(1),"[0.0, 2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,eugene-delacroix_babylonian-captivity(1),"[2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,eugene-delacroix_battle-of-poitiers-1830(1),"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 2.0]" +Romanticism,eugene-delacroix_bay-of-tangier-in-morocco(1),"[0.0, 1.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,eugene-delacroix_bouquet-of-flowers-1843(1),"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,eugene-delacroix_bouquet-of-flowers-1850(1),"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,eugene-delacroix_cat-head(1),"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,eugene-delacroix_ceres-1853(1),"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]" +Romanticism,eugene-delacroix_charles-vi-and-odette-de-champdivers-1826(1),"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,eugene-delacroix_chopin(1),"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,eugene-delacroix_christ-on-the-cross-1839(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 6.0, 0.0]" +Romanticism,eugene-delacroix_christ-on-the-cross-1853(1),"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Romanticism,eugene-delacroix_christ-on-the-cross-1856(1),"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0]" +Romanticism,eugene-delacroix_christ-on-the-cross-1856-1(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0]" +Romanticism,eugene-delacroix_christ-on-the-lake-of-gennezaret-1854(1),"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]" +Romanticism,eugene-delacroix_christ-on-the-sea-of-galilee-1854(1),"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Romanticism,eugene-delacroix_city-wall-of-meknes-morocco-from-the-sketchbook-1832(1),"[1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,eugene-delacroix_cleopatra-and-the-peasant-1838(1),"[1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,eugene-delacroix_cliffs-near-dieppe-1855(1),"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,eugene-delacroix_confrontation-of-knights-in-the-countryside-1834(1),"[0.0, 1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,eugene-delacroix_dante-and-virgil-in-the-underworld-1822(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 2.0]" +Romanticism,eugene-delacroix_episode-from-the-corsair-by-lord-byron-1831(1),"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Romanticism,eugene-delacroix_fan-with-caricatures-1838(1),"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Romanticism,eugene-delacroix_faust-11(1),"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Romanticism,eugene-delacroix_faust-goethe-s-tragedy-1828(1),"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Romanticism,eugene-delacroix_faust-in-his-study-1828(1),"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Romanticism,eugene-delacroix_faust-meeting-marguerite-1828(1),"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 1.0]" +Romanticism,eugene-delacroix_faust-rescues-marguerite-from-her-prison-1828(1),"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]" +Romanticism,eugene-delacroix_female-nude-killed-from-behind(1),"[0.0, 0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Romanticism,eugene-delacroix_female-nude-reclining-on-a-divan-1826(1),"[0.0, 0.0, 5.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,eugene-delacroix_four-views-of-men-sitting-1838(1),"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Romanticism,eugene-delacroix_frederic-chopin-1838(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 2.0]" +Romanticism,eugene-delacroix_frescoes-on-the-west-wall-1837(1),"[0.0, 3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,eugene-delacroix_greece-expiring-on-the-ruins-of-missolonghi-1826(1),"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Romanticism,eugene-delacroix_hamlet-and-horatio-before-the-grave-diggers-1843(1),"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]" +Romanticism,eugene-delacroix_hamlet-and-horatio-in-the-cemetery-1839(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0]" +Romanticism,eugene-delacroix_hamlet-and-horatio-in-the-cemetery-1839-1(1),"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]" +Romanticism,eugene-delacroix_hamlet-and-ophelia-1840(1),"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0]" +Romanticism,eugene-delacroix_hamlet-sees-the-ghost-of-his-father-1843(1),"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Romanticism,eugene-delacroix_he-edge-of-a-wood-at-nohant-1843(1),"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,eugene-delacroix_head-of-a-woman-in-a-red-turban-1831(1),"[0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 2.0, 0.0, 0.0]" +Romanticism,eugene-delacroix_hesiod-and-the-muse(1),"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,eugene-delacroix_horse(1),"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,eugene-delacroix_horse-and-rider-attacked-by-a-lion(1),"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 3.0, 0.0, 0.0]" +Romanticism,eugene-delacroix_horse-attacked-by-lioness-1842(1),"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,eugene-delacroix_horse-frightened-by-a-storm-1824(1),"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Romanticism,eugene-delacroix_horses-running(1),"[0.0, 1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,eugene-delacroix_interior-of-a-chapel-1829(1),"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Romanticism,eugene-delacroix_jacob-s-fight-with-the-angel-1861(1),"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,eugene-delacroix_king-rodrigo-1833(1),"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]" +Romanticism,eugene-delacroix_kiosk-of-trajan-at-philae(1),"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,eugene-delacroix_landscape-near-tangier(1),"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,eugene-delacroix_lioness-devouring-a-rabbit(2),"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,eugene-delacroix_macbeth-and-the-witches-1825(1),"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Romanticism,eugene-delacroix_male-academy-figure-1821(1),"[3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Romanticism,eugene-delacroix_marguerite-in-the-church-with-the-evil-spirits-1828(1),"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 2.0]" +Romanticism,eugene-delacroix_mazeppa-tied-behind-him-on-a-wild-horse-1838(1),"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,eugene-delacroix_medea-1838(1),"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Romanticism,eugene-delacroix_mephistopheles-aloft-1826(1),"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Romanticism,eugene-delacroix_mephistopheles-over-wittenberg-from-goethe-s-faust-1839(1),"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 6.0, 0.0, 0.0]" +Romanticism,eugene-delacroix_michelangelo-in-his-studio-1850(1),"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,eugene-delacroix_milton-dictated-to-his-daughters-the-paradise-lost(1),"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0]" +Romanticism,eugene-delacroix_monk-at-prayer-1821(1),"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,eugene-delacroix_nude-bearded-man-seated(1),"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0, 0.0]" +Romanticism,eugene-delacroix_othello-and-desdemona-1849(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]" +Romanticism,eugene-delacroix_ovid-among-the-scythians-1859(1),"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,eugene-delacroix_portrait-of-alfred-bruyas-1853(1),"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]" +Romanticism,eugene-delacroix_portrait-of-baron-schwiter-1827(1),"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]" +Romanticism,eugene-delacroix_portrait-of-george-sand-1838(1),"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Romanticism,eugene-delacroix_portrait-of-paganini-1832(1),"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Romanticism,eugene-delacroix_rebecca-kidnapped-by-the-templar-sir-brian-de-bois-guilbert-1858(1),"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0, 0.0]" +Romanticism,eugene-delacroix_reclining-odalisque-or-woman-with-a-parakeet-1827(1),"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,eugene-delacroix_saint-george-fighting-the-dragon-perseus-delivering-andromeda-1847(1),"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,eugene-delacroix_sea-viewed-from-the-heights-of-dieppe-1852(1),"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,eugene-delacroix_seated-nude-mademoiselle-rose-1824(1),"[0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0, 1.0, 0.0]" +Romanticism,eugene-delacroix_self-portrait,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Romanticism,eugene-delacroix_self-portrait-as-hamlet-1821,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,eugene-delacroix_self-portrait-c-1840-oil-on-canvas-see-also-162137,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,eugene-delacroix_self-portrait-with-cap-1832,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,eugene-delacroix_sketch-for-peace-descends-to-earth-1852(1),"[0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,eugene-delacroix_sketch-for-the-death-of-sardanapalus-1827(1),"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,eugene-delacroix_spring-orpheus-coming-to-the-aid-of-eurydice(1),"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0]" +Romanticism,eugene-delacroix_st-sebastian-1836(1),"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]" +Romanticism,eugene-delacroix_still-life-with-lobsters-1827(1),"[0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 1.0, 0.0]" +Romanticism,eugene-delacroix_studies-of-antique-medallions(1),"[1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,eugene-delacroix_study-for-marphisa-1850(1),"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]" +Romanticism,eugene-delacroix_study-for-part-of-the-justice-frieze-1836(1),"[0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,eugene-delacroix_study-of-a-man-in-costume(1),"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,eugene-delacroix_study-of-a-reclining-nude-1824(1),"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,eugene-delacroix_study-of-flowers-1850(1),"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,eugene-delacroix_study-of-sky-setting-sun-1849(1),"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,eugene-delacroix_study-of-the-sky-at-sunset-1849(1),"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,eugene-delacroix_study-sardanapalus(1),"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0]" +Romanticism,eugene-delacroix_summer-diana-surprised-at-her-bath-by-actaeon-1822(1),"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]" +Romanticism,eugene-delacroix_tasso-in-the-madhouse-1839(1),"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0]" +Romanticism,eugene-delacroix_the-abduction-of-rebecca-1846(1),"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Romanticism,eugene-delacroix_the-assassination-of-the-bishop-of-liege-1829(1),"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,eugene-delacroix_the-autumn-bacchus-and-ariadne-1863(1),"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,eugene-delacroix_the-battle-of-giaour-and-hassan-1835(1),"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]" +Romanticism,eugene-delacroix_the-battle-of-taillebourg-draft-1835(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]" +Romanticism,eugene-delacroix_the-bride-of-abydos-1843(1),"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,eugene-delacroix_the-bride-of-lammermoor-1826(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]" +Romanticism,eugene-delacroix_the-coast-of-spain-at-salabrena-1832(1),"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,eugene-delacroix_the-cottage-in-the-grove-1838(1),"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,eugene-delacroix_the-crusaders-entry-into-constantinople-12th-april-1204-1840-oil-on-canvas-1840(1),"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Romanticism,eugene-delacroix_the-death-of-laras-1858(1),"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Romanticism,eugene-delacroix_the-death-of-ophelia-1838(1),"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Romanticism,eugene-delacroix_the-death-of-ophelia-1843(1),"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Romanticism,eugene-delacroix_the-death-of-sardanapalus-1827(1),"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]" +Romanticism,eugene-delacroix_the-descent-from-the-cross(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0, 0.0]" +Romanticism,eugene-delacroix_the-disciples-at-emmaus-1853(1),"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,eugene-delacroix_the-duc-d-orleans-showing-his-mistress-to-the-duc-de-bourgogne(1),"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]" +Romanticism,eugene-delacroix_the-education-of-achilles-1862(1),"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,eugene-delacroix_the-entombment-of-christ-1848(1),"[0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 4.0, 33.0, 1.0]" +Romanticism,eugene-delacroix_the-execution-of-the-doge-marino-faliero-1826(1),"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,eugene-delacroix_the-expulsion-of-heliodorus-1861(1),"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Romanticism,eugene-delacroix_the-italian-theatre-1821(1),"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,eugene-delacroix_the-liberty-leading-the-people-1830,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Romanticism,eugene-delacroix_the-mediterranean-1835(1),"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,eugene-delacroix_the-miraculous-draught-of-fishes(1),"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 2.0]" +Romanticism,eugene-delacroix_the-moroccan-and-his-horse-1857(1),"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,eugene-delacroix_the-muse-of-orpheus-1847(1),"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Romanticism,eugene-delacroix_the-natchez-1825(1),"[0.0, 1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,eugene-delacroix_the-orphan-girl-at-the-cemetery-1824(1),"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,eugene-delacroix_the-porte-d-amont-etretat-1849(1),"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,eugene-delacroix_the-prisoner-of-chillon-1834(1),"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Romanticism,eugene-delacroix_the-rape-of-sabine-women(1),"[0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0]" +Romanticism,eugene-delacroix_the-shipwreck-of-don-juan-1840(1),"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]" +Romanticism,eugene-delacroix_the-summer-diana-surprised-by-actaeon-1863(1),"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,eugene-delacroix_the-women-of-algiers-1834(1),"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 1.0]" +Romanticism,eugene-delacroix_two-branches-with-leaves(1),"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,eugene-delacroix_two-figures(1),"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Romanticism,eugene-delacroix_two-greek-warriors-dancing-study-costumes-souliotes-1825(1),"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,eugene-delacroix_two-knights-fighting-in-a-landscape(1),"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,eugene-delacroix_two-views-of-costumes-souliotes-1825(1),"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,eugene-delacroix_two-women-at-the-well-1832(1),"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,eugene-delacroix_vase-of-flowers-on-a-console-1849(1),"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,eugene-delacroix_view-of-tangier(1),"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,eugene-delacroix_willibald-von-glueck-at-the-clavecin-composing-the-score-of-his-armide-1831(1),"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,eugene-delacroix_winter-juno-and-aeolus-1862(1),"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]" +Romanticism,eugene-delacroix_winter-juno-beseeching-aeolus-to-destroy-the-fleet(1),"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Romanticism,eugene-delacroix_woman-from-algiers-with-windhund-1854(1),"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Romanticism,eugene-delacroix_yound-woman-leaning-over-a-woman-stretched-out-on-the-ground-1840(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 1.0]" +Romanticism,ferdinand-georg-waldmã¼ller_after-confiscation-1859,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,ferdinand-georg-waldmã¼ller_at-the-ruins-of-the-fire-1847,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Romanticism,ferdinand-georg-waldmã¼ller_bad-ischl,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,ferdinand-georg-waldmã¼ller_dachstein-from-the-place-of-sophie-1835,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,ferdinand-georg-waldmã¼ller_der-wolfgangsee-1835,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ferdinand-georg-waldmã¼ller_evening-landscape-with-herd-of-goats-1847,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,ferdinand-georg-waldmã¼ller_lake-fuschel-with-schafberg-1835,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ferdinand-georg-waldmã¼ller_maple-trees-near-ischl-1831,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,ferdinand-georg-waldmã¼ller_mill-at-the-outlet-of-the-k-nigssee-1840,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ferdinand-georg-waldmã¼ller_mountain-landscape-with-the-ruins-of-liechtenstein-in-m-dling-1859,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,ferdinand-georg-waldmã¼ller_mountain-landscape-with-vineyard-1862,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,ferdinand-georg-waldmã¼ller_mountains-of-arco-at-riva-1841,"[1.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ferdinand-georg-waldmã¼ller_old-elms-in-prater-1831,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ferdinand-georg-waldmã¼ller_pfamgasse-in-st-wolfgang-1835,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,ferdinand-georg-waldmã¼ller_prater-landscape-1830,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,ferdinand-georg-waldmã¼ller_rettenbach-gorge-at-ischl-1831,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,ferdinand-georg-waldmã¼ller_rettenbach-wilderness-near-ischl-the-hohenzollern-waterfall-in-jainzental-1832,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,ferdinand-georg-waldmã¼ller_ruins-of-the-temple-of-juno-at-girgenti-lancinia-1845,"[0.0, 2.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ferdinand-georg-waldmã¼ller_self-portrait-at-the-age-of-35,"[1.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ferdinand-georg-waldmã¼ller_the-cured-1864,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,ferdinand-georg-waldmã¼ller_the-dachstein-1835,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ferdinand-georg-waldmã¼ller_the-h-llengebirge-at-ischl-1834,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,ferdinand-georg-waldmã¼ller_the-homecoming-1859,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ferdinand-georg-waldmã¼ller_the-radhausberg-at-gastein-1837,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ferdinand-georg-waldmã¼ller_the-request-of-the-child-the-old-chest-1860,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,ferdinand-georg-waldmã¼ller_the-roman-ruins-in-schoenbrunn-1832,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,ferdinand-georg-waldmã¼ller_the-ruin-lichtenstein-at-m-dling-1848,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,ferdinand-georg-waldmã¼ller_the-ruin-of-the-greek-theater-in-taormina-sicily-1844,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ferdinand-georg-waldmã¼ller_the-sch-nberg-seen-from-hoisernradalpe-1833,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,ferdinand-georg-waldmã¼ller_the-young-boy-with-the-stable-lantern-1824,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,ferdinand-georg-waldmã¼ller_traunsee-with-orth-castle,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ferdinand-georg-waldmã¼ller_tree-by-the-brook,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,ferdinand-georg-waldmã¼ller_tree-studies-from-rome-1846,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Romanticism,ferdinand-georg-waldmã¼ller_trees-in-the-prater-with-seated-figures-1833,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ferdinand-georg-waldmã¼ller_view-of-the-dachstein-with-the-hallst-ttersee-from-the-h-tteneckalpe-at-ischl-1838,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ferdinand-georg-waldmã¼ller_view-to-m-dling(1),"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ferdinand-georg-waldmã¼ller_wienerwald-landscape-with-wildegg-castle,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,ferdinand-georg-waldmã¼ller_yard-of-the-old-heum-ller-in-vienna-1859,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,ferdinand-hodler_a-morning-in-interlaken-1875,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ferdinand-hodler_at-the-jonction,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,ferdinand-hodler_charlet-in-hilterfingen-1871,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ferdinand-hodler_dream,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,ferdinand-hodler_self-portrait-with-stand-1879,"[2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,ford-madox-brown_at-the-grain-harvest,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,ford-madox-brown_bradshaw-s-defence-of-manchester,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,ford-madox-brown_cartoon-for-the-baptism-of-edwin-c-585-633-king-of-northumbria-and-deira-1891,"[0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,ford-madox-brown_cathy-madox-brown-at-the-age-of-three-years,"[2.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ford-madox-brown_chaucer-at-the-court-of-edward-iii-1851,"[0.0, 2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ford-madox-brown_chetham-s-life-dream,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,ford-madox-brown_cordelia-s-portion-1872,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ford-madox-brown_crabtree-watching-the-transit-of-venus-in-1639-1888,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ford-madox-brown_dalton-collecting-marsh-fire-gas-1893,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ford-madox-brown_elijah-restoring-the-widow-s-son,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,ford-madox-brown_emma-hill,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]" +Romanticism,ford-madox-brown_first-observation-of-the-transit-of-venus-by-william-crabtree-in-1639,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,ford-madox-brown_head-of-a-page-boy,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Romanticism,ford-madox-brown_henry-fawcett-dame-millicent-garrett-fawcett,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]" +Romanticism,ford-madox-brown_jacob-and-joseph-s-coat-1871(1),"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,ford-madox-brown_jesus-washing-peter-s-feet-1876,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Romanticism,ford-madox-brown_john-kay-inventor-of-the-fly-shuttle,"[2.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,ford-madox-brown_john-wycliffe-reading-his-translation-of-the-bible-to-john-of-gaunt-1847,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,ford-madox-brown_lear-and-cordelia(1),"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]" +Romanticism,ford-madox-brown_madeline-scott-1883,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,ford-madox-brown_manfred-on-the-jungfrau,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,ford-madox-brown_may-memories,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,ford-madox-brown_portrait-of-william-michael-rossetti-1829-1919-by-lamplight-1856,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,ford-madox-brown_pretty-baa-lambs-1852,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,ford-madox-brown_romeo-and-juliet-1871(1),"[1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,ford-madox-brown_stages-of-cruelty-1890,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Romanticism,ford-madox-brown_study-of-a-monk-representing-catholic-faith,"[1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,ford-madox-brown_take-your-son-sir,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0]" +Romanticism,ford-madox-brown_the-bromley-children-1843,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Romanticism,ford-madox-brown_the-death-of-sir-tristan-from-the-story-of-tristan-and-isolde-william-morris-co,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0, 1.0, 0.0]" +Romanticism,ford-madox-brown_the-establishment-of-the-flemish-weavers-in-manchester-in-1363-1888,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,ford-madox-brown_the-expulsion-from-eden,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]" +Romanticism,ford-madox-brown_the-expulsion-of-the-danes-from-manchester,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Romanticism,ford-madox-brown_the-finding-of-don-juan-by-haidee-1869,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]" +Romanticism,ford-madox-brown_the-hay-harvest,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,ford-madox-brown_the-irish-girl-1860,"[0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,ford-madox-brown_the-last-of-england,"[2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,ford-madox-brown_the-last-of-england-1855,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Romanticism,ford-madox-brown_the-last-of-england-1860,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,ford-madox-brown_the-opening-of-the-bridgewater-canal,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,ford-madox-brown_the-proclamation-regarding-weights-and-measures-1556-illustration-from-hutchinson-s-story-of,"[4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ford-madox-brown_the-romans-building-a-fort-at-mancenion,"[0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Romanticism,ford-madox-brown_the-seeds-and-fruit-of-english-poetry-1845,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Romanticism,ford-madox-brown_the-spirit-of-justice-study-for-the-head-of-a-counsellor,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,ford-madox-brown_the-trial-of-wycliffe-a-d,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Romanticism,ford-madox-brown_the-young-mother,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,ford-madox-brown_work-1863,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Romanticism,francesco-hayez_aristoteles-1811,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Romanticism,francesco-hayez_back-view-of-a-bather-1859,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,francesco-hayez_badende-1832,"[0.0, 1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,francesco-hayez_ballerina-carlotta-chabert-as-venus-1830,"[1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,francesco-hayez_bathing-bathsheba-1834,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,francesco-hayez_bathing-nymphs-1831,"[1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Romanticism,francesco-hayez_bathsheba,"[1.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,francesco-hayez_carolina-zucchi-la-malata-1825,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,francesco-hayez_caterina-cornaro-deposed-from-the-throne-of-cyprus-1842,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,francesco-hayez_count-camillo-cavour,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]" +Romanticism,francesco-hayez_crusaders-thirsting-near-jerusalem,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Romanticism,francesco-hayez_cunnilingus-or-oral-sex-performed-on-a-woman,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Romanticism,francesco-hayez_cunnilingus-or-oral-sex-performed-on-a-woman-1,"[0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 2.0]" +Romanticism,francesco-hayez_destruction-of-the-temple-of-jerusalem-1867,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,francesco-hayez_family-portrait-1807,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,francesco-hayez_fellatio-or-oral-sex-performed-on-a-man,"[12.0, 0.0, 3.0, 10.0, 0.0, 14.0, 0.0, 0.0, 6.0]" +Romanticism,francesco-hayez_female-nude-1859,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,francesco-hayez_laocoon-1812,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,francesco-hayez_lot-and-his-daughters-1833,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,francesco-hayez_meditation-on-the-history-of-italy-1850,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Romanticism,francesco-hayez_melancholic-thoughts-1842,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Romanticism,francesco-hayez_mercury-gives-paris-the-apple-of-discord-1817,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,francesco-hayez_mutual-masturbation,"[1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Romanticism,francesco-hayez_odalisque-with-book-1866,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Romanticism,francesco-hayez_overlapping-wife-back-position-on-the-swing,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,francesco-hayez_penitent-mary-magdalene-1825,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 1.0]" +Romanticism,francesco-hayez_portrait-of-a-man-1834,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,francesco-hayez_portrait-of-a-venetian-woman,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,francesco-hayez_portrait-of-alessandro-manzoni-1841,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,francesco-hayez_portrait-of-antoniet-negroni-prati-morosini-1872,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Romanticism,francesco-hayez_portrait-of-antoniet-negroni-prati-morosini-as-child-1858,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,francesco-hayez_portrait-of-antoniet-tarsis-basilico-1851,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,francesco-hayez_portrait-of-antoniet-vitali-sola-1823,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,francesco-hayez_portrait-of-conte-baglioni,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,francesco-hayez_portrait-of-conte-ninni-1825,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,francesco-hayez_portrait-of-countess-luigia-douglas-scotti-d-adda-1830,"[1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Romanticism,francesco-hayez_portrait-of-cristina-di-belgiojoso-trivulzio-1832,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,francesco-hayez_portrait-of-don-giulio-vigoni-as-a-child-1830,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Romanticism,francesco-hayez_portrait-of-familie-stampa-di-soncino,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,francesco-hayez_portrait-of-felicina-caglio-perego-di-cremnago-1842,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,francesco-hayez_portrait-of-ferdinand-i-of-austria-1840,"[4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,francesco-hayez_portrait-of-gian-giacomo-poldi-pezzoli,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,francesco-hayez_portrait-of-gioacchino-rossini-1870,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,francesco-hayez_portrait-of-giuseppe-roberti-1819,"[2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Romanticism,francesco-hayez_portrait-of-massimo-d-azeglio-1860,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Romanticism,francesco-hayez_portrait-of-matilde-juva-branca-1851,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,francesco-hayez_portrait-of-pompeo-marchesi-1830,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,francesco-hayez_portrait-of-princess-di-sant-antimo,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Romanticism,francesco-hayez_portrait-of-teresa-borri,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,francesco-hayez_rinaldo-and-armida,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,francesco-hayez_ruth-1835,"[0.0, 1.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,francesco-hayez_samson-slays-the-lion,"[1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,francesco-hayez_self-portrait,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,francesco-hayez_self-portrait-1878,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]" +Romanticism,francesco-hayez_self-portrait-1878-1,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Romanticism,francesco-hayez_self-portrait-in-a-group-of-friends,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,francesco-hayez_sexual-intercourse,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Romanticism,francesco-hayez_sicilian-evenings-painting-series-scene-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]" +Romanticism,francesco-hayez_the-death-of-doge-marin-faliero-the-last-hour-of-the-doge-marin-faliero-1867,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,francesco-hayez_the-kiss-1859,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,francesco-hayez_the-last-kiss-of-romeo-and-juliet-1823,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,francesco-hayez_the-liberation-from-the-prison-of-vettor-pisani-1840,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,francesco-hayez_the-new-favorite-harem-scene-1866,"[2.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,francesco-hayez_the-refugees-of-parga-1831,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0]" +Romanticism,francesco-hayez_the-seventh-crusade-against-jerusalem,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Romanticism,francesco-hayez_the-two-foscari-francesco-foscari-doge-of-venice-and-his-family,"[0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0, 1.0]" +Romanticism,francesco-hayez_thethys-immerses-achilles-in-the-waters-of-styx-1817,"[1.0, 23.0, 12.0, 6.0, 0.0, 1.0, 0.0, 2.0, 4.0]" +Romanticism,francesco-hayez_ulysses-at-the-court-of-alcinous,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Romanticism,francesco-hayez_valenza-gradenigo-before-the-inquisitor,"[0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 2.0, 0.0]" +Romanticism,francesco-hayez_vase-of-flowers-on-the-window-of-a-harem,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,francesco-hayez_venetian-women-1853,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Romanticism,francesco-hayez_wall-decoration-detail-1817,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,francesco-hayez_wall-decoration-detail-1817-1,"[2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,francisco-goya_a-circus-queen-timely-absurdity-1823,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,francisco-goya_a-gift-for-the-master-1799,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0, 0.0]" +Romanticism,francisco-goya_a-prison-scene,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0, 0.0]" +Romanticism,francisco-goya_a-village-bullfight-1814,"[0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0]" +Romanticism,francisco-goya_a-way-of-flying-1823,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Romanticism,francisco-goya_a-woman-and-two-children-by-a-fountain-1786,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,francisco-goya_abducting-horse,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,francisco-goya_absurdity-flying,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,francisco-goya_absurdity-funeral-1823,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Romanticism,francisco-goya_absurdity-of-carnival-1823,"[0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 2.0, 0.0, 0.0]" +Romanticism,francisco-goya_accuse-the-time-1812,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Romanticism,francisco-goya_actress-antonia-zarate,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,francisco-goya_against-the-common-good,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Romanticism,francisco-goya_all-will-fall-1799,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Romanticism,francisco-goya_allegory-of-the-city-of-madrid-1810,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,francisco-goya_allegory-war-or-evil,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,francisco-goya_and-his-house-is-on-fire-1799,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Romanticism,francisco-goya_and-it-cannot-be-changed-1814,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 4.0, 0.0]" +Romanticism,francisco-goya_and-they-still-won-t-go-1799,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0, 0.0]" +Romanticism,francisco-goya_are-you-well-as-i-was-telling-you-eh-be-careful-or-1799,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]" +Romanticism,francisco-goya_as-far-back-as-his-grandfather-1799,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Romanticism,francisco-goya_asmodea-1823,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]" +Romanticism,francisco-goya_atropos-the-fates-1823,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Romanticism,francisco-goya_attack-on-a-coach-1793,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0, 0.0]" +Romanticism,francisco-goya_autumn-or-the-grape-harvest-1787,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,francisco-goya_bad-night-1799,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Romanticism,francisco-goya_bartholomew-suerda,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,francisco-goya_bazan-grande-with-dead-1814,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Romanticism,francisco-goya_be-quick-they-are-waking-up-1799,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0, 0.0]" +Romanticism,francisco-goya_because-she-was-susceptible-1799,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Romanticism,francisco-goya_bildzyklus,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,francisco-goya_birds-of-a-feather-1799,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Romanticism,francisco-goya_birth-of-the-virgin-1772,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,francisco-goya_blind-man-s-buff-1789,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,francisco-goya_blind-singer,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Romanticism,francisco-goya_blow-1799,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0, 0.0]" +Romanticism,francisco-goya_boys-playing-soldiers-1779,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,francisco-goya_boys-with-mastiff,"[1.0, 0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,francisco-goya_bravissimo-1799,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,francisco-goya_brigand-murdering-a-woman-1800,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Romanticism,francisco-goya_brigand-stripping-a-woman-1800,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0]" +Romanticism,francisco-goya_brother-juan-fernandez-de-rojas-1800,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,francisco-goya_bullfight,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 1.0, 0.0]" +Romanticism,francisco-goya_can-t-anyone-untie-us-1799,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,francisco-goya_cardinal-luis-maria-de-borbon-y-vallabriga,"[0.0, 2.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,francisco-goya_cardinal-luis-maria-de-borbon-y-vallabriga-1800,"[0.0, 0.0, 1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,francisco-goya_cartloads-to-the-cemetery-1815,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 2.0, 0.0]" +Romanticism,francisco-goya_chained-prisoner-1812,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]" +Romanticism,francisco-goya_charles-iii-1788,"[3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,francisco-goya_charles-iv-of-spain-and-his-family-1800,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,francisco-goya_christ-on-the-mount-of-olives-1819,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Romanticism,francisco-goya_circumcision,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,francisco-goya_colossus,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Romanticism,francisco-goya_consequences-of-war,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Romanticism,francisco-goya_correction-1799,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Romanticism,francisco-goya_count-fernand-nunez-vii-1803,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Romanticism,francisco-goya_couple-with-parasol-on-the-paseo-1797,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Romanticism,francisco-goya_crucified-christ-1780,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]" +Romanticism,francisco-goya_dance-of-the-majos-at-the-banks-of-manzanares-1777,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,francisco-goya_dead-birds-1812,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]" +Romanticism,francisco-goya_dead-turkey-1812,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]" +Romanticism,francisco-goya_diligent-blind-man,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,francisco-goya_disordered,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Romanticism,francisco-goya_disparate-furioso-1823,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Romanticism,francisco-goya_don-andres-del-peral-1798,"[2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,francisco-goya_don-juan-antonio-cuervo-1819,"[2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]" +Romanticism,francisco-goya_don-manuel-osorio-manrique-de-zuniga,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Romanticism,francisco-goya_don-pedro-duke-of-osuna,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,francisco-goya_don-ramon-satue-1823,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,francisco-goya_don-t-scream-silly-1799,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,francisco-goya_dona-isabel-de-porcel-1806,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,francisco-goya_dona-narcisa-baranana-de-goicoechea,"[3.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,francisco-goya_dona-tadea-arias-de-enriquez-1793,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,francisco-goya_dona-teresa-sureda,"[2.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,francisco-goya_duchess-countess-of-benavente-1785,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,francisco-goya_duchess-of-alba-the-white-duchess-1795,"[5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,francisco-goya_duke-of-alba,"[2.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,francisco-goya_duke-of-alba-1795,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,francisco-goya_duke-of-san-carlos-1815,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,francisco-goya_el-lazarillo-de-tormes-1819,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]" +Romanticism,francisco-goya_equestrian-portrait-of-maria-luisa-of-parma-1788,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,francisco-goya_even-so-he-cannot-make-her-out-1799,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Romanticism,francisco-goya_execution-of-the-defenders-of-madrid-3rd-may-1808-1814,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0]" +Romanticism,francisco-goya_farewell-1799,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0, 0.0]" +Romanticism,francisco-goya_feminine-folly,"[0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 2.0, 0.0, 0.0]" +Romanticism,francisco-goya_ferdinand-vii,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,francisco-goya_fernando-vii-1814,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,francisco-goya_fight-with-a-young-bull,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0]" +Romanticism,francisco-goya_fight-with-cudgels-1823,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]" +Romanticism,francisco-goya_fine-advice-1799,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Romanticism,francisco-goya_fire-at-night-1794,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,francisco-goya_foolishness-of-the-fools-1823,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 2.0]" +Romanticism,francisco-goya_four-yard-long-snake-in-bordeaux,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]" +Romanticism,francisco-goya_francisca-sabasa-y-garcia-1808,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Romanticism,francisco-goya_francisco-bayeu-1795,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,francisco-goya_francisco-de-cabarrus-1788,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]" +Romanticism,francisco-goya_gaspar-melchor-de-jovellanos,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,francisco-goya_general-jose-de-palafox-1814,"[0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Romanticism,francisco-goya_girl-listening-to-a-guitar-1799,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,francisco-goya_goya-attended-by-doctor-arrieta-1820,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Romanticism,francisco-goya_gumersinda-goicoechea-goya-s-daughter-in-law-1815,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,francisco-goya_hanibal-vencedor-contempla-italia-desde-los-alpes,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Romanticism,francisco-goya_he-broke-the-pitcher-1799,"[0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0, 0.0, 0.0]" +Romanticism,francisco-goya_here-comes-the-bogey-man-1799,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,francisco-goya_here-neither-1815,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 3.0, 0.0]" +Romanticism,francisco-goya_highwaymen-attacking-a-coach-1787,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]" +Romanticism,francisco-goya_holy-week-in-spain-in-times-past-1824,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]" +Romanticism,francisco-goya_how-they-break-her-barrel-1799,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 4.0, 0.0, 0.0]" +Romanticism,francisco-goya_hush-1799,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]" +Romanticism,francisco-goya_i-am-still-learning,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Romanticism,francisco-goya_incantation,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0, 0.0]" +Romanticism,francisco-goya_inquisition-scene-1819,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]" +Romanticism,francisco-goya_it-is-better-to-be-idle-1799,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0]" +Romanticism,francisco-goya_it-is-time-1799,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]" +Romanticism,francisco-goya_jose-pio-de-molina,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]" +Romanticism,francisco-goya_josefa-bayeu-1805,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,francisco-goya_juan-antonio-llorente,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,francisco-goya_juan-antonio-melendez-valdes-1797,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,francisco-goya_juan-bautista-de-muguiro-1827,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,francisco-goya_juan-martin-diaz-determined-to,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,francisco-goya_judith-and-holovernes-1823,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 2.0]" +Romanticism,francisco-goya_king-carlos-iv-in-hunting-costume-1799,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Romanticism,francisco-goya_knife-grinder-1812,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Romanticism,francisco-goya_la-pena-de-francia,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]" +Romanticism,francisco-goya_la-tirana-1799,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,francisco-goya_lads-getting-on-with-the-job-1799,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,francisco-goya_leocadia-1823,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]" +Romanticism,francisco-goya_little-goblins-1799,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]" +Romanticism,francisco-goya_look-how-solemn-they-are-1799,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]" +Romanticism,francisco-goya_los-ensacados-1823,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]" +Romanticism,francisco-goya_love-and-death-1799,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Romanticism,francisco-goya_loyalty-1823,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0]" +Romanticism,francisco-goya_lunatic-behind-bars-1828,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0, 0.0]" +Romanticism,francisco-goya_maja-and-celestina-on-a-balcony-1812,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,francisco-goya_majas-on-a-balcony,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Romanticism,francisco-goya_manuel-godoy-duke-of-alcudia-prince-of-peace-1801,"[0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,francisco-goya_mariana-waldstein-ninth-marquesa-de-santa-cruz,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,francisco-goya_mariano-goya,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,francisco-goya_marquesa-mariana-de-pontejos,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,francisco-goya_maunel-silvela,"[1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,francisco-goya_may-the-rope-break-1820,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Romanticism,francisco-goya_men-reading-1823,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 1.0]" +Romanticism,francisco-goya_mob-1814,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]" +Romanticism,francisco-goya_naked-girl-looking-in-the-mirror,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,francisco-goya_nanny-s-boy-1799,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Romanticism,francisco-goya_neither-more-nor-less-1799,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,francisco-goya_no-one-has-seen-us-1799,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]" +Romanticism,francisco-goya_nobody-knows-anybody-1799,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Romanticism,francisco-goya_not-for-those-1814,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 6.0, 0.0, 0.0]" +Romanticism,francisco-goya_nothing-the-event-will-tell-1820,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]" +Romanticism,francisco-goya_now-they-are-sitting-well-1799,"[3.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,francisco-goya_nude-maja-1800,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,francisco-goya_old-beggar-with-a-maja,"[2.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,francisco-goya_old-eating-soup-1823,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 1.0, 0.0]" +Romanticism,francisco-goya_old-swinging,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,francisco-goya_one-to-anothers-1799,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Romanticism,francisco-goya_other-laws-by-the-people-or-beast-absurdity-1823,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,francisco-goya_out-hunting-for-teeth-1799,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 1.0]" +Romanticism,francisco-goya_peasant-carrying-a-woman,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,francisco-goya_pedro-romero,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,francisco-goya_pepito-costa-and-bonells-1813,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Romanticism,francisco-goya_phantom-dancing-with-castanets,"[1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0]" +Romanticism,francisco-goya_picador-caught-by-the-bull-1793,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0]" +Romanticism,francisco-goya_picnic-on-the-banks-of-the-manzanares-1776,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,francisco-goya_pilgrimage-to-the-church-of-san-isidro-1788,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,francisco-goya_plague-hospital-1800,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]" +Romanticism,francisco-goya_playing-at-giants-1792,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,francisco-goya_poor-little-girls-1799,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Romanticism,francisco-goya_portrait-of-charle-iv-of-spain-1789,"[0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]" +Romanticism,francisco-goya_portrait-of-don-francisco-de-borja-tellez-giron,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Romanticism,francisco-goya_portrait-of-ferdinand-guillemardet-1798,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,francisco-goya_portrait-of-ferdinand-vii-1814,"[1.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,francisco-goya_portrait-of-javier-goya-the-artist-s-son-1824,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,francisco-goya_portrait-of-jose-antonio-marques-caballero-kepmesa,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,francisco-goya_portrait-of-leandro-fernandez-de-moratin,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Romanticism,francisco-goya_portrait-of-maria-teresa-de-vallabriga-on-horseback-1783,"[1.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,francisco-goya_portrait-of-maria-teresa-of-ballabriga-countess-of-chinchon,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,francisco-goya_portrait-of-mariano-goya-1814,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,francisco-goya_portrait-of-pedro-mocarte-a-singer-of-the-cathedral-of-toledo,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]" +Romanticism,francisco-goya_portrait-of-senora-berm-sezne-kepmesa,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,francisco-goya_portrait-of-the-actor-isidro-meiquez,"[3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,francisco-goya_portrait-of-the-artist-julio-asensio,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]" +Romanticism,francisco-goya_portrait-of-the-bullfighter-pedro-romero,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,francisco-goya_portrait-of-the-countess-of-carpio-marquesa-de-la-solana-1793,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,francisco-goya_portrait-of-the-countess-of-chincon-1800,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,francisco-goya_portrait-of-the-joaquina-nee-tellez-giron-y-alfonso-pimental-10th-marquesa-de-santa-cruz-as-the-1805,"[3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,francisco-goya_portrait-of-victor-guye,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,francisco-goya_portrait-thought-to-be-josepha-bayeu-or-leocadia-weiss,"[0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Romanticism,francisco-goya_powder-factory-in-the-sierra,"[1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,francisco-goya_pretty-teacher-1799,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]" +Romanticism,francisco-goya_prison-scene,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0]" +Romanticism,francisco-goya_procession-of-flagellants-1793,"[0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,francisco-goya_procession-of-monks,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]" +Romanticism,francisco-goya_promenade-of-the-holy-office-1823,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 5.0, 0.0]" +Romanticism,francisco-goya_queen-maria-luisa,"[3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,francisco-goya_ravages-of-war,"[0.0, 2.0, 0.0, 1.0, 2.0, 4.0, 21.0, 14.0, 2.0]" +Romanticism,francisco-goya_ridiculous-dream,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]" +Romanticism,francisco-goya_rise-and-fall-1799,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Romanticism,francisco-goya_robbery,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 1.0, 0.0]" +Romanticism,francisco-goya_sad-forebodings-of-what-is-to-come-1810,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Romanticism,francisco-goya_saint-ambrose-1799,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,francisco-goya_saint-gregory-1799,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,francisco-goya_saturn-devouring-one-of-his-children-1823,"[0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0, 0.0]" +Romanticism,francisco-goya_scene-of-a-bullfight,"[0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 1.0]" +Romanticism,francisco-goya_scene-of-rape-and-murder-1812,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]" +Romanticism,francisco-goya_sebastian-martinez-1792,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,francisco-goya_self-portrait,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 1.0]" +Romanticism,francisco-goya_self-portrait-1,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]" +Romanticism,francisco-goya_self-portrait-1783,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,francisco-goya_self-portrait-1795,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Romanticism,francisco-goya_self-portrait-1795-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]" +Romanticism,francisco-goya_self-portrait-1799,"[1.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,francisco-goya_self-portrait-1815,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]" +Romanticism,francisco-goya_self-portrait-1815-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 2.0]" +Romanticism,francisco-goya_self-portrait-1824,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,francisco-goya_self-portrait-2,"[0.0, 1.0, 0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0]" +Romanticism,francisco-goya_self-portrait-in-the-studio,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,francisco-goya_self-portrait-with-spectacles,"[1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,francisco-goya_sharing-the-old-woman,"[2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]" +Romanticism,francisco-goya_she-is-well-pulled-down-1799,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Romanticism,francisco-goya_she-leaves-him-penniless-1799,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Romanticism,francisco-goya_she-prays-for-her-1799,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,francisco-goya_should-god-forgive-her-she-was-her-mother-1799,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,francisco-goya_sketch-for-the-death-of-saint-joseph,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Romanticism,francisco-goya_sketch-for-truth-rescued-by-time-witnessed-by-history-1800,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,francisco-goya_sleep,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,francisco-goya_sleep-overcomes-them-1799,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Romanticism,francisco-goya_spanish-entertainment-1825,"[0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0]" +Romanticism,francisco-goya_squealers-1799,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0, 0.0]" +Romanticism,francisco-goya_st-bernardino-of-siena-preaching-to-alfonso-v-of-aragon-1783,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,francisco-goya_st-francis-borgia-helping-a-dying-impenitent-1795,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Romanticism,francisco-goya_st-gregory-the-great-1797,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,francisco-goya_stiffened,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 3.0, 0.0]" +Romanticism,francisco-goya_still-life-of-sheep-s-ribs-and-head-the-butcher-s-conter-1812,"[0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0, 0.0]" +Romanticism,francisco-goya_still-life-plucked-turkey-and-pan-with-fish-1812,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0, 0.0]" +Romanticism,francisco-goya_still-life-three-salmon-steaks-1812,"[0.0, 0.0, 2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0]" +Romanticism,francisco-goya_still-life-with-fruit-bottles-breads-1826,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,francisco-goya_summer-or-the-harvest-1786,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,francisco-goya_swallow-it-dog-1799,"[0.0, 1.0, 1.0, 1.0, 1.0, 1.0, 31.0, 5.0, 4.0]" +Romanticism,francisco-goya_tantalus-1799,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]" +Romanticism,francisco-goya_the-adoration-of-the-name-of-the-lord-1772,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]" +Romanticism,francisco-goya_the-annunciation,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,francisco-goya_the-annunciation-1785,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,francisco-goya_the-arrest-of-christ-1788,"[0.0, 8.0, 4.0, 0.0, 1.0, 0.0, 15.0, 19.0, 3.0]" +Romanticism,francisco-goya_the-arrest-of-christ-1798,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]" +Romanticism,francisco-goya_the-blind-guitar-player,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Romanticism,francisco-goya_the-bookseller-s-wife,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,francisco-goya_the-bravery-of-martincho-in-the-ring-of-saragassa-1816,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,francisco-goya_the-burial-of-christ-1772,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Romanticism,francisco-goya_the-burial-of-the-sardine-corpus-christi-festival-on-ash-wednesday-1814,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,francisco-goya_the-captivity-is-as-barbarous-as-the-crime,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0, 0.0]" +Romanticism,francisco-goya_the-chinchillas-1799,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 1.0]" +Romanticism,francisco-goya_the-clothed-maja-1800,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,francisco-goya_the-colossus-1812,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,francisco-goya_the-count-of-floridablanca-1783,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,francisco-goya_the-count-of-tajo,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Romanticism,francisco-goya_the-crockery-vendor-1779,"[0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,francisco-goya_the-devout-profession-1799,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 3.0, 0.0, 0.0]" +Romanticism,francisco-goya_the-divided-arena-1825,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 1.0]" +Romanticism,francisco-goya_the-dog,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]" +Romanticism,francisco-goya_the-duchess-of-alba-1797,"[1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Romanticism,francisco-goya_the-duchess-of-alba-and-her-duenna-1795,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]" +Romanticism,francisco-goya_the-duchess-of-alba-arranging-her-hair-1796,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,francisco-goya_the-duke-of-osuna-and-his-family-1788,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,francisco-goya_the-duke-of-wellington,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0]" +Romanticism,francisco-goya_the-duke-of-wellington-1814,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Romanticism,francisco-goya_the-esquilache-riots,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,francisco-goya_the-fair-at-madrid-1779,"[1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,francisco-goya_the-fall-or-the-accident-1787,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Romanticism,francisco-goya_the-family-of-the-infante-don-luis-1784,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Romanticism,francisco-goya_the-famous-american-mariano-ceballos,"[0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,francisco-goya_the-fight-at-the-venta-nueva-1777,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 3.0, 1.0]" +Romanticism,francisco-goya_the-forge,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,francisco-goya_the-greasy-pole-1787,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,francisco-goya_the-great-he-goat-or-witches-sabbath,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]" +Romanticism,francisco-goya_the-holy-family,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,francisco-goya_the-ill-matched-couple,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 1.0]" +Romanticism,francisco-goya_the-injured-mason-1787,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Romanticism,francisco-goya_the-junta-of-the-philippines-1815,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,francisco-goya_the-kite-1778,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,francisco-goya_the-last-communion-of-st-joseph-calasanz-1819,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,francisco-goya_the-lineage-1799,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]" +Romanticism,francisco-goya_the-madhouse-1814,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,francisco-goya_the-madness-of-fear,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 5.0, 0.0, 0.0]" +Romanticism,francisco-goya_the-maja-and-the-masked-men-1777,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Romanticism,francisco-goya_the-marquesa-de-pontejos,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,francisco-goya_the-meadow-of-san-isidro-on-his-feast-day-1788,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,francisco-goya_the-military-and-senora,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,francisco-goya_the-milkmaid-of-bordeaux-1827,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,francisco-goya_the-miracle-of-st-anthony-1798,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,francisco-goya_the-monk,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]" +Romanticism,francisco-goya_the-morisco-gazul-is-the-first-to-fight-bulls-with-a-lance-1816,"[0.0, 0.0, 0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0]" +Romanticism,francisco-goya_the-old-woman-with-a-mirror,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0]" +Romanticism,francisco-goya_the-parasol-1777,"[2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,francisco-goya_the-picnic-1788,"[1.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,francisco-goya_the-pilgrimage-of-san-isidro-1823,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Romanticism,francisco-goya_the-prisoners-in-chains,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Romanticism,francisco-goya_the-quail-shoot-1775,"[0.0, 0.0, 1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Romanticism,francisco-goya_the-repentant-saint-peter,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]" +Romanticism,francisco-goya_the-sacrifice-to-priapus-1771,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Romanticism,francisco-goya_the-sacrifice-to-vesta,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Romanticism,francisco-goya_the-same,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]" +Romanticism,francisco-goya_the-school-scene,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Romanticism,francisco-goya_the-second-of-may-1808-the-charge-of-the-mamelukes-1814,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0, 0.0]" +Romanticism,francisco-goya_the-shipwreck-1794,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,francisco-goya_the-shy-man-1799,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]" +Romanticism,francisco-goya_the-sleep-of-reason-produces-monsters-1799,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 1.0, 0.0]" +Romanticism,francisco-goya_the-snowstorm-winter-1787,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 1.0]" +Romanticism,francisco-goya_the-straw-manikin-1792,"[1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,francisco-goya_the-strolling-players-1793,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,francisco-goya_the-swing,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,francisco-goya_the-swing-1779,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,francisco-goya_the-swing-1787,"[2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,francisco-goya_the-wedding-1792,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,francisco-goya_the-worst-is-to-beg-1815,"[1.0, 1.0, 1.0, 0.0, 0.0, 5.0, 11.0, 24.0, 7.0]" +Romanticism,francisco-goya_the-yard-of-a-madhouse-1794,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Romanticism,francisco-goya_there-is-a-lot-to-suck-1799,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0, 0.0]" +Romanticism,francisco-goya_there-it-goes-1799,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Romanticism,francisco-goya_there-was-no-help-1799,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Romanticism,francisco-goya_they-already-go-plucked-1799,"[1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]" +Romanticism,francisco-goya_they-are-hot-1798,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Romanticism,francisco-goya_they-carried-her-off-1799,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]" +Romanticism,francisco-goya_they-have-flown-1799,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Romanticism,francisco-goya_they-pare-1799,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0, 0.0]" +Romanticism,francisco-goya_they-say-yes-and-give-their-hand-to-the-first-comer-1799,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Romanticism,francisco-goya_they-sing-for-the-composer,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Romanticism,francisco-goya_they-spin-finely-1799,"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0, 0.0]" +Romanticism,francisco-goya_they-spruce-themselves-up-1799,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0, 1.0]" +Romanticism,francisco-goya_they-who-cannot-1799,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,francisco-goya_this-certainly-is-reading-1799,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 1.0]" +Romanticism,francisco-goya_this-is-worse-1815,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0, 1.0]" +Romanticism,francisco-goya_those-specks-of-dust-1799,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]" +Romanticism,francisco-goya_three-men-digging-1819,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Romanticism,francisco-goya_till-death-1799,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0]" +Romanticism,francisco-goya_time-of-the-old-women-1820,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,francisco-goya_tio-paquete,"[2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]" +Romanticism,francisco-goya_to-the-count-palatine-1799,"[2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0]" +Romanticism,francisco-goya_trials-1799,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 1.0]" +Romanticism,francisco-goya_triple-generation-1769,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,francisco-goya_truth-has-died-1814,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 1.0]" +Romanticism,francisco-goya_truth-rescued-by-time-witnessed-by-history-1814,"[1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,francisco-goya_twerp-1823,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0, 0.0]" +Romanticism,francisco-goya_two-dancing-old-friends,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,francisco-goya_two-monks-1823,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]" +Romanticism,francisco-goya_unfortunate-events-in-the-front-seats-of-the-ring-of-madrid-1816,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 2.0, 0.0]" +Romanticism,francisco-goya_vagabonds-resting-in-a-cave-1800,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 2.0, 0.0]" +Romanticism,francisco-goya_village-procession-1787,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Romanticism,francisco-goya_wait-till-you-have-been-anointed-1799,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,francisco-goya_war-scene-1812,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 1.0]" +Romanticism,francisco-goya_water-carrier-1812,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,francisco-goya_what-a-golden-beak-1799,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]" +Romanticism,francisco-goya_what-a-sacrifice-1799,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Romanticism,francisco-goya_what-a-tailor-can-do-1799,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]" +Romanticism,francisco-goya_what-more-can-one-do-1815,"[0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 3.0, 0.0, 0.0]" +Romanticism,francisco-goya_what-value-1814,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,francisco-goya_what-will-he-die-1799,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,francisco-goya_when-day-breaks-we-will-be-off-1799,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Romanticism,francisco-goya_where-is-mother-going-1799,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,francisco-goya_who-can-think-of-it-1823,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 3.0, 0.0]" +Romanticism,francisco-goya_who-could-believe-it-1799,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0, 0.0]" +Romanticism,francisco-goya_who-is-more-overcome-1799,"[0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 1.0]" +Romanticism,francisco-goya_why-hide-them-1799,"[1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]" +Romanticism,francisco-goya_will-she-rise-again-1814,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,francisco-goya_will-the-student-be-wiser-1799,"[4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Romanticism,francisco-goya_witches-in-the-air-1798,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Romanticism,francisco-goya_witches-ready-to-fly,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,francisco-goya_witches-sabbath-1789,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,francisco-goya_woman-battered-with-a-cane,"[0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,francisco-goya_woman-hitting-another-woman-with-a-shoe,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0, 0.0]" +Romanticism,francisco-goya_woman-with-a-fan,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Romanticism,francisco-goya_you-ll-see-later,"[2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0]" +Romanticism,francisco-goya_you-will-not-escape-1799,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,francisco-goya_young-people-laughing-1823,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]" +Romanticism,francisco-goya_young-witch-flying-with-a-rope,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,francisco-goya_young-woman-with-a-letter-1819,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Romanticism,franz-richard-unterberger_a-market-in-naples,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,franz-richard-unterberger_a-view-in-venice-rio-s-marina,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,franz-richard-unterberger_a-view-of-posilippo-naples,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,franz-richard-unterberger_amalfi,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,franz-richard-unterberger_amalfi-the-gulf-of-salerno,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,franz-richard-unterberger_amalfi-the-gulf-of-salerno-1,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,franz-richard-unterberger_capri,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Romanticism,franz-richard-unterberger_figures-in-a-village-in-the-dolomites,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,franz-richard-unterberger_fishermen-on-the-terrace,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,franz-richard-unterberger_genoa,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,franz-richard-unterberger_giudecca-canal,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,franz-richard-unterberger_in-the-bay-of-naples,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,franz-richard-unterberger_monaco,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,franz-richard-unterberger_motio-of-lake-garda,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,franz-richard-unterberger_on-the-waterfront-at-palermo,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Romanticism,franz-richard-unterberger_procession-in-naples,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,franz-richard-unterberger_rio-santa-barnaba-venice,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,franz-richard-unterberger_rio-santa-barnaba-venice-1,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,franz-richard-unterberger_rio-santa-barnaba-venice-2,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,franz-richard-unterberger_rio-st-geronimo-venice,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,franz-richard-unterberger_riva-degli-schiavoni-venice,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,franz-richard-unterberger_sailboat-in-a-venetian-lagoon,"[0.0, 0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,franz-richard-unterberger_the-amalfi-coast,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,franz-richard-unterberger_the-bay-of-naples,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,franz-richard-unterberger_the-bay-of-naples-1,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,franz-richard-unterberger_the-grand-canal-venice,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,franz-richard-unterberger_the-grand-canal-venice-1,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,franz-richard-unterberger_the-last-day-of-the-harvest-1860,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,franz-richard-unterberger_the-monreale-road-palermo-1884,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,franz-richard-unterberger_the-view-from-the-balcony,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,franz-richard-unterberger_vietri-sul-mare-looking-towards-salerno,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,franz-richard-unterberger_view-of-st-george-s-venice,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,franz-richard-unterberger_view-of-the-zatteri-venice,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,franz-richard-unterberger_view-to-saint-mark-s-square-venice,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,franz-xaver-winterhalter_adelina-patti,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,franz-xaver-winterhalter_albert-edward-prince-of-wales-1846,"[14.0, 10.0, 20.0, 3.0, 0.0, 0.0, 1.0, 0.0, 4.0]" +Romanticism,franz-xaver-winterhalter_elisabeth-kaiserin-von-sterreich,"[0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,franz-xaver-winterhalter_emperor-frederick-iii-of-germany-king-of-prussia-with-his-wife-empress-victoria-and-their,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,franz-xaver-winterhalter_girl-from-sabin-mountains,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,franz-xaver-winterhalter_leonilla-wittgenstein,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,franz-xaver-winterhalter_portrait-of-a-lady,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,franz-xaver-winterhalter_portrait-of-a-lady-with-a-fan,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,franz-xaver-winterhalter_portrait-questre-de-fran-ois-adolphe-akermann,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,franz-xaver-winterhalter_princess-leonilla-of-sayn,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,franz-xaver-winterhalter_princess-pauline-de-metternich,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Romanticism,franz-xaver-winterhalter_roman-genre-scene,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,franz-xaver-winterhalter_study-of-a-girl-in-profile-1,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,franz-xaver-winterhalter_study-of-itlain-girl,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,franz-xaver-winterhalter_the-first-of-may-1851,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,franz-xaver-winterhalter_young-italian-girl-by-the-well,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,frederic-edwin-church_a-waterfall-in-colombia-1853,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,frederic-edwin-church_aegean-sea-1877,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,frederic-edwin-church_aurora-borealis-1865,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,frederic-edwin-church_aurora-borealis-mt-desert-island-from-bar-harbor-maine-1860,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Romanticism,frederic-edwin-church_birch-trees-in-autumn-1865,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,frederic-edwin-church_cotopaxi-seen-from-ambato-ecuador-1853,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,frederic-edwin-church_el-r-o-de-luz-the-river-of-light-1877,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,frederic-edwin-church_icebergs-and-wreck-in-sunset-1860,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,frederic-edwin-church_moonrise-1889,"[0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]" +Romanticism,frederic-edwin-church_niagara-falls-from-the-american-side-1867,"[0.0, 4.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,frederic-edwin-church_our-banner-in-the-sky-1861,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,frederic-edwin-church_parthenon-1869,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,frederic-edwin-church_rainy-season-in-the-tropics-1866,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,fyodor-bronnikov_a-boy-on-a-donkey-1855,"[0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,fyodor-bronnikov_a-fisherman-hunging-fishing-nets-1875,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,fyodor-bronnikov_at-a-roadside-tavern-1868,"[2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,fyodor-bronnikov_backstage-of-the-circus-1859,"[2.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,fyodor-bronnikov_before-entering-the-arena-1873,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0]" +Romanticism,fyodor-bronnikov_bellagio-1875,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,fyodor-bronnikov_bellagio-1875-1,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,fyodor-bronnikov_carnival-in-rome-1860,"[1.0, 0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,fyodor-bronnikov_children-on-the-streets-of-pompeii,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]" +Romanticism,fyodor-bronnikov_cleaning-corpses-during-an-epidemic,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0]" +Romanticism,fyodor-bronnikov_completed-scores,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]" +Romanticism,fyodor-bronnikov_dog-grooming-in-children-portraits,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,fyodor-bronnikov_entering-the-arena-1869,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Romanticism,fyodor-bronnikov_fees-for-the-crown-1856,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Romanticism,fyodor-bronnikov_in-the-family-1856,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,fyodor-bronnikov_italian-courtyard,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,fyodor-bronnikov_italian-courtyard-1,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,fyodor-bronnikov_italian-peasant-on-the-barrel,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,fyodor-bronnikov_italian-woman-with-a-basket-of-flowers,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Romanticism,fyodor-bronnikov_judas-1874,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Romanticism,fyodor-bronnikov_lover-of-painting,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]" +Romanticism,fyodor-bronnikov_martyr-on-a-circus-ring-1869,"[0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,fyodor-bronnikov_meeting-of-princess-1883,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,fyodor-bronnikov_mosaicists-before-the-court-three-in-venice-1866,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,fyodor-bronnikov_mosaicists-before-the-court-three-in-venice-in-the-second-half-of-the-xvi-century,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,fyodor-bronnikov_portrait-of-a-girl-evdokia-kuznetsova-1842,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]" +Romanticism,fyodor-bronnikov_portrait-of-a-lady-with-a-book-1888,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Romanticism,fyodor-bronnikov_portrait-of-a-p-bogoliubov-1856,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,fyodor-bronnikov_portrait-of-a-woman-in-white-1859,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,fyodor-bronnikov_portrait-of-an-old-man-1874,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Romanticism,fyodor-bronnikov_portrait-of-an-old-man-in-a-crimson-dress-1881,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,fyodor-bronnikov_portrait-of-elena-grigoriyevna-tolstaya-1874,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,fyodor-bronnikov_portrait-of-the-artist-s-wife-1889,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,fyodor-bronnikov_rebel-1885,"[1.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,fyodor-bronnikov_roadsides-shrine,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,fyodor-bronnikov_robbery,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0]" +Romanticism,fyodor-bronnikov_self-portrait,"[0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,fyodor-bronnikov_self-portrait-1856,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,fyodor-bronnikov_self-portrait-1859,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,fyodor-bronnikov_self-portrait-1889,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,fyodor-bronnikov_self-portrait-of-the-artist-in-youth-1853,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,fyodor-bronnikov_sick-artist-1861,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Romanticism,fyodor-bronnikov_sick-man-at-the-walls-of-a-catholic-monastery-1874,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 1.0]" +Romanticism,fyodor-bronnikov_street-in-italian-town,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,fyodor-bronnikov_street-in-italian-town-1,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,fyodor-bronnikov_street-in-italy,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,fyodor-bronnikov_street-in-italy-1,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,fyodor-bronnikov_street-in-italy-1890,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,fyodor-bronnikov_the-head-of-judas-1874,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,fyodor-bronnikov_the-old-man-reading-a-letter,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,fyodor-bronnikov_view-of-lake-como-1897,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,fyodor-solntsev_burgher-from-zhitomir-in-the-cloak,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,fyodor-solntsev_chernigov-region-from-kaliatinskiy-farm,"[1.0, 0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,fyodor-solntsev_clothing-of-queens-with-portraits-of-queens-evdokia-lukianovny-and-natalia-kirilovna,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,fyodor-solntsev_clothing-of-the-russian-state,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,fyodor-solntsev_clothing-woman-from-kiev-province,"[1.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,fyodor-solntsev_clothing-woman-from-kiev-province-1,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,fyodor-solntsev_dress-of-the-kiev-girls,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Romanticism,fyodor-solntsev_dress-of-the-kiev-girls-1,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,fyodor-solntsev_from-nereditskaya-church,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,fyodor-solntsev_from-portrait-of-margaret-alekseevny,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,fyodor-solntsev_from-portrait-of-the-naryshkin-royal-clothing,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Romanticism,fyodor-solntsev_from-portrait-of-the-nun-martha-ivanovna,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,fyodor-solntsev_from-svyatoslav-s-snornik,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,fyodor-solntsev_from-svyatoslav-s-snornik-1,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,fyodor-solntsev_from-the-wedding-of-tsar-mikhail-fedorovich,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,fyodor-solntsev_images-of-the-vc-vasily-dmitrievich-and-vc-sofia-vitovtovna,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,fyodor-solntsev_kiev-philistine,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,fyodor-solntsev_kiev-province,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,fyodor-solntsev_kiev-province-from-village-kurenevka,"[16.0, 2.0, 12.0, 3.0, 0.0, 1.0, 0.0, 3.0, 9.0]" +Romanticism,fyodor-solntsev_little-russian-bride,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,fyodor-solntsev_man-in-armour-of-tsar-alex,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,fyodor-solntsev_mobleman-clothing-of-the-xvii-century-morning-silk-kaftan,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,fyodor-solntsev_on-the-iconographic-image-of-the-saviour-the-nereditskaya-church,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,fyodor-solntsev_patriarchal-ognennik-clothes-of-archer,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,fyodor-solntsev_people-clothes-the-province-of-kiev,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Romanticism,fyodor-solntsev_people-clothes-the-province-of-kiev-1,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Romanticism,fyodor-solntsev_people-clothes-the-province-of-kiev-2,"[0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0]" +Romanticism,fyodor-solntsev_people-clothes-the-province-of-kiev-3,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]" +Romanticism,fyodor-solntsev_polish-coat-of-peter-the-great,"[0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0]" +Romanticism,fyodor-solntsev_royal-and-nobleman-clothing-of-the-xvii-century,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,fyodor-solntsev_royal-clothing-of-the-xvii-century,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Romanticism,fyodor-solntsev_royal-clothing-of-the-xvii-century-the-image-of-tsar-fedor-alekseevich,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Romanticism,fyodor-solntsev_silk-robe-of-tsar-ivan-vasilyevich-iv,"[1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,fyodor-solntsev_skipper-dress-of-peter-the-great,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,fyodor-solntsev_st-george,"[3.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,fyodor-solntsev_the-coat-from-armoury,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,fyodor-solntsev_the-fun-palace,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Romanticism,george-frederick-watts_aglaia-coronio(1),"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,george-frederick-watts_alfred-tennyson-1st-baron-tennyson(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 5.0, 0.0]" +Romanticism,george-frederick-watts_alpine-landscape(1),"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,george-frederick-watts_augusta-lady-castletown(1),"[0.0, 0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,george-frederick-watts_cardinal-manning-1882(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 2.0]" +Romanticism,george-frederick-watts_charles-booth(1),"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]" +Romanticism,george-frederick-watts_choosing(1),"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,george-frederick-watts_dame-alice-ellen-terry-1864(1),"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,george-frederick-watts_dorothy-tennant-later-lady-stanley(1),"[3.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,george-frederick-watts_edith-villiers-later-countess-of-lytton-1862(1),"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,george-frederick-watts_ellen-terry-asleep(1),"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Romanticism,george-frederick-watts_ellen-terry-at-the-piano(1),"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Romanticism,george-frederick-watts_eveleen-tennant-later-mrs-f-w-h-myers(1),"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,george-frederick-watts_fata-morgana-1865(1),"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,george-frederick-watts_four-studies-of-a-draped-female-figure(1),"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,george-frederick-watts_girl-with-peacock(1),"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,george-frederick-watts_good-samaritan,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]" +Romanticism,george-frederick-watts_honourable-mary-baring-later-marchioness-of-northampton(1),"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Romanticism,george-frederick-watts_jane-senior-1858(1),"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,george-frederick-watts_klayti(1),"[0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Romanticism,george-frederick-watts_lady-margaret-beaumont-and-her-daughter-1862(1),"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,george-frederick-watts_little-red-riding-hood,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,george-frederick-watts_may-prinsep-1867(1),"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,george-frederick-watts_panoramic-landscape-with-a-farmhouse(1),"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,george-frederick-watts_petraia(1),"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,george-frederick-watts_portrait-of-a-lady(1),"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]" +Romanticism,george-frederick-watts_portrait-of-a-lady-possibly-julia-jackson(1),"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,george-frederick-watts_portrait-of-ellen-terry(1),"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,george-frederick-watts_portrait-of-mary-fraser-tytler-afterwards-mary-seton-watts-1887(1),"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,george-frederick-watts_portrait-of-miss-lilian-macintosh(1),"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Romanticism,george-frederick-watts_portrait-of-sir-john-everett-millais-1871(1),"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,george-frederick-watts_portrait-of-the-artist-s-wife-mary(1),"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]" +Romanticism,george-frederick-watts_portrait-of-the-countess-somers(1),"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,george-frederick-watts_portrait-of-william-morris-1870(2),"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,george-frederick-watts_rachel-and-laura-gurney,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,george-frederick-watts_self-portrait-as-a-young-man-1834,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,george-frederick-watts_sir-galahad,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,george-frederick-watts_sir-galahad-1862,"[0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,george-frederick-watts_thames,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]" +Romanticism,george-frederick-watts_the-portrait-of-violinist-wilma-neruda-a-k-a-lady-hall,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Romanticism,george-frederick-watts_the-wife-of-pygmalion,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,george-frederick-watts_una-and-the-red-cross-knight,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,george-frederick-watts_zoe-ionides-1881,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,george-stubbs_a-bay-hunter-with-two-spaniels,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,george-stubbs_a-chestnut-racehorse,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,george-stubbs_a-foxhound-ringwod,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,george-stubbs_a-grey-horse,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,george-stubbs_a-grey-stallion-in-a-landscape,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,george-stubbs_a-horse-frightened-by-a-lion-1770,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Romanticism,george-stubbs_a-saddled-bay-hunter,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,george-stubbs_a-water-spaniel,"[1.0, 0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,george-stubbs_baronet-1794,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,george-stubbs_brood-mares-and-foals,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,george-stubbs_brown-and-white-norfolk-or-water-spaniel,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,george-stubbs_cattle-by-a-stream,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,george-stubbs_cheetah-with-two-indian-servants-and-a-deer,"[2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,george-stubbs_colonel-pocklington-with-his-sisters,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,george-stubbs_diagram-from-the-anatomy-of-the-horse,"[0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0]" +Romanticism,george-stubbs_diomed,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,george-stubbs_earl-grosvenor-s-bandy,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,george-stubbs_eclipse,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,george-stubbs_five-brood-mares,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,george-stubbs_freeman-the-earl-of-clarendon-s-gamekeeper-with-a-dying-doe-and-hound-1800,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,george-stubbs_frontal-view-of-the-skeleton-of-a-horse-study-no-10-from-the-anatomy-of-the-horse-1766,"[0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Romanticism,george-stubbs_gimcrack-on-newmarket-heath-with-a-trainer-a-stable-lad-and-a-jockey,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,george-stubbs_godolphin-arabian,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Romanticism,george-stubbs_hambletonian,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,george-stubbs_harvest,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,george-stubbs_hay-makers,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,george-stubbs_horse-attacked-by-a-lion,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,george-stubbs_horse-attacked-by-a-lion-1765,"[0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0, 0.0]" +Romanticism,george-stubbs_horse-devoured-by-a-lion,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Romanticism,george-stubbs_hound-and-bitch-in-a-landscape,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,george-stubbs_john-and-sophia-musters-riding-at-colwick-hall-1777,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,george-stubbs_josiah-wedgwood-1795,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]" +Romanticism,george-stubbs_lady-reading-in-a-wooded-park-1770,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,george-stubbs_laetitia-lady-lade,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,george-stubbs_lion-attacking-a-horse,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 4.0, 0.0]" +Romanticism,george-stubbs_lord-and-lady-in-a-phaeton,"[1.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,george-stubbs_lord-grosvenor-s-arabian-stallion-with-a-groom,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,george-stubbs_mares-and-foals-are-anxious-before-a-looming-storm-1765,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,george-stubbs_mares-and-foals-in-a-mountainous-landscape,"[1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,george-stubbs_mares-and-foals-in-a-river-landscape-1768,"[1.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,george-stubbs_mares-and-foals-in-a-wooded-landscape-1762,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,george-stubbs_mares-and-foals-under-an-oak-tree,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,george-stubbs_marske-horse,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,george-stubbs_melbourne-and-milbanke-families,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,george-stubbs_messenger-horse,"[0.0, 2.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,george-stubbs_park-phaeton-with-a-pair-of-cream-pontes-in-charge-of-a-stable-lad-with-a-dog-1785,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,george-stubbs_pavian-and-albino-makake,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]" +Romanticism,george-stubbs_portrait-of-a-huntsman,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,george-stubbs_portrait-of-a-monkey-1774,"[4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,george-stubbs_portrait-of-isabella-saltonstall,"[0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,george-stubbs_portrait-of-john-nelthorpe-as-a-child,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,george-stubbs_portrait-of-richard-wedgewood,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,george-stubbs_prince-of-wales-phaeton,"[0.0, 2.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,george-stubbs_pumpkin-with-a-stable-lad,"[0.0, 0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,george-stubbs_racehorses-belonging-to-the-duke-of-richmond-exercising-at-goodwood-1761,"[2.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,george-stubbs_red-deer-stag-and-hind,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,george-stubbs_self-portrait,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Romanticism,george-stubbs_self-portrait-1,"[4.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,george-stubbs_sir-john-nelthorpe-6th-baronet-out-shooting-with-his-dogs-in-barton-field-lincolnshire-1776,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Romanticism,george-stubbs_sleeping-leopard-1777,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,george-stubbs_snap-with-trainer,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,george-stubbs_soldiers-of-the-10th-dragoon-regiment,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,george-stubbs_spanish-pointer,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Romanticism,george-stubbs_study-of-a-fowl-lateral-view-with-skin-and-underlying-fascial-layers-removed-from-a-comparative,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0]" +Romanticism,george-stubbs_study-of-the-human-figure-anterior-view-from-a-comparative-anatomical-exposition-of-the,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 3.0]" +Romanticism,george-stubbs_the-grosvenor-hunt,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0]" +Romanticism,george-stubbs_the-hunters-leave-southill-1768,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,george-stubbs_the-moose,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,george-stubbs_two-bay-mares-and-a-grey-pony-in-a-landscape,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,george-stubbs_viscount-gormanston-s-white-dog,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,george-stubbs_whistlejacket,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,george-stubbs_william-anderson-with-two-saddle-horses-1793,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,george-stubbs_zebra-1763,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,gheorghe-tattarescu_chickens,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,gheorghe-tattarescu_femeie-t-n-r-cu-salb,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,gheorghe-tattarescu_flor-reas,"[1.0, 0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,gheorghe-tattarescu_french-landscape,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,gheorghe-tattarescu_horse-in-the-barn,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,gheorghe-tattarescu_ion-gr-di-teanu,"[0.0, 1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,gheorghe-tattarescu_landscape-from-italy,"[1.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,gheorghe-tattarescu_laz-r-kalinderu,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Romanticism,gheorghe-tattarescu_maria-gr-di-teanu,"[1.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,gheorghe-tattarescu_marioara-the-daughter-of-the-painter,"[4.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,gheorghe-tattarescu_maternity,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,gheorghe-tattarescu_michael-the-brave-and-his-troops,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,gheorghe-tattarescu_munteanca,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,gheorghe-tattarescu_old-monk,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Romanticism,gheorghe-tattarescu_painter-s-wife-and-his-son,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,gheorghe-tattarescu_pe-tera-d-mbovicioara,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,gheorghe-tattarescu_peisaj-cu-arbore-fr-nt,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,gheorghe-tattarescu_portrait-of-nicolae-b-lcescu-1851,"[0.0, 4.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,gheorghe-tattarescu_sailor,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Romanticism,gustav-klimt_sappho-1890,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,gustav-klimt_two-girls-with-an-oleander,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,gustave-courbet_bather-sleeping-by-a-brook,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]" +Romanticism,gustave-courbet_nude-reclining-by-the-sea,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Romanticism,gustave-courbet_portrait-of-countess-therese-burnswick-1830,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,gustave-courbet_self-portrait-the-man-with-a-pipe-1849,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,gustave-courbet_self-portrait-with-a-black-dog-1841,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,gustave-courbet_the-cellist-self-portrait-1847,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Romanticism,gustave-courbet_the-desperate-man-self-portrait-1845,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Romanticism,gustave-courbet_the-desperate-man-the-man-made-mad-by-fear,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0]" +Romanticism,gustave-courbet_the-draughts-players-1844,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,gustave-courbet_the-hammock-1844,"[0.0, 1.0, 3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]" +Romanticism,gustave-courbet_the-happy-lovers-1844,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,gustave-courbet_the-vagabond-1845,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Romanticism,gustave-courbet_the-wounded-man-1845,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Romanticism,gustave-dore_a-canyon-1878,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,gustave-dore_a-celestial-light,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]" +Romanticism,gustave-dore_a-famine-in-samaria,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 5.0, 0.0]" +Romanticism,gustave-dore_a-friendly-tournament,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,gustave-dore_a-friendly-tournament-during-the-third-crusade-in-1189-1877,"[1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 1.0]" +Romanticism,gustave-dore_a-heroine-florine-of-burgundy-1877,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Romanticism,gustave-dore_a-levite-finds-a-woman-s-corpse,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]" +Romanticism,gustave-dore_a-message-from-the-east,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Romanticism,gustave-dore_a-mountainous-landscape-with-a-balloon,"[1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,gustave-dore_a-souvenir-from-scotland-1879,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,gustave-dore_a-voyage-to-the-moon,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Romanticism,gustave-dore_abdiel-and-satan,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,gustave-dore_abishai-saves-david-s-life,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]" +Romanticism,gustave-dore_abraham-god-and-two-angels-png-1852,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,gustave-dore_abraham-journeying-into-the-land-of-canaan-1866,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]" +Romanticism,gustave-dore_achan-is-stoned-to-death,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]" +Romanticism,gustave-dore_adam-and-eve,"[0.0, 4.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,gustave-dore_adam-and-eve-are-driven-out-of-eden,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]" +Romanticism,gustave-dore_alichino-calcabrina,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]" +Romanticism,gustave-dore_all-dwellings-else-flood-overwhelmed-and-them-with-all-their-pomp-deep-under-water-rolled,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]" +Romanticism,gustave-dore_amateur-from-garden,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Romanticism,gustave-dore_an-angel-appears-to-balaam,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Romanticism,gustave-dore_an-angel-appears-to-the-israelites,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,gustave-dore_an-angel-leading-the-crusaders-to-jerusalem,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,gustave-dore_an-enemy-of-the-crusaders,"[0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Romanticism,gustave-dore_ancient-mariner,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]" +Romanticism,gustave-dore_and-now-expecting-each-hour-their-great-adventurer-from-the-search-of-foreign-worlds,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Romanticism,gustave-dore_and-now-on-earth-the-seventh-evening-arose-in-eden,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,gustave-dore_and-seems-a-moving-land-and-at-his-gills-draws-in-and-at-his-trunk-spouts-out-a-sea,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0, 0.0]" +Romanticism,gustave-dore_andromeda-1869,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]" +Romanticism,gustave-dore_apocalyptic-procession,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Romanticism,gustave-dore_apparition-of-st-george-on-the-mount-of,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,gustave-dore_arachne,"[0.0, 4.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]" +Romanticism,gustave-dore_arrival-at-cairo-of-prisoners-of-minich,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Romanticism,gustave-dore_arrival-of-the-good-samaritan-at-the-inn,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Romanticism,gustave-dore_artaxerxes-granting-liberty-to-the-jews,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,gustave-dore_ascent-to-the-fifth-circle,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,gustave-dore_assassination-of-henry-of-germany,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 3.0, 0.0]" +Romanticism,gustave-dore_astonishment-of-the-crusaders-at-the-wealth-of-the-east,"[0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,gustave-dore_babylon-fallen,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,gustave-dore_back-to-the-thicket-slunk-the-guilty-serpent,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Romanticism,gustave-dore_barrators-giampolo(1),"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0, 0.0]" +Romanticism,gustave-dore_barthelemi-undergoing-the-ordeal-of-fire,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 6.0, 0.0, 0.0]" +Romanticism,gustave-dore_baruch,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,gustave-dore_baruch-writes-jeremiah-s-prophecies,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Romanticism,gustave-dore_battle-of-antioch,"[0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Romanticism,gustave-dore_battle-of-lepanto-in-1571-1877,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 5.0, 0.0, 0.0]" +Romanticism,gustave-dore_beatrice,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,gustave-dore_beatrice-ii,"[0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Romanticism,gustave-dore_beatrice-virgil,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,gustave-dore_began-to-build-a-vessel-of-huge-bulk,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Romanticism,gustave-dore_benediction,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 2.0]" +Romanticism,gustave-dore_bertram-de-born,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0, 0.0]" +Romanticism,gustave-dore_blondel-hears-the-voice-of-richard-the-lionheart-1877,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,gustave-dore_bluebeard-1862,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]" +Romanticism,gustave-dore_bohemond-alone-mounts-the-rampart-of-antioch-crusades-bohemond-mounts-rampart-of-antioch,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,gustave-dore_brunetto-latini(1),"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 3.0, 0.0]" +Romanticism,gustave-dore_buonconte-da-montefeltro,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Romanticism,gustave-dore_burying-the-dead-after-the-battle-of-dorylaeum,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Romanticism,gustave-dore_cacciaguida,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,gustave-dore_cain-and-abel-offering-their-sacrifices,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Romanticism,gustave-dore_christ-and-the-tribute-money,"[1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Romanticism,gustave-dore_christ-feeding-the-multitude,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Romanticism,gustave-dore_christ-mocked,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]" +Romanticism,gustave-dore_christ-presented-to-the-people,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,gustave-dore_christian-cavaliers-captive-at-cairo,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,gustave-dore_christin-the-synagogue,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,gustave-dore_cinderella,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,gustave-dore_cinderella-1,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,gustave-dore_cocytus-traitors(1),"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]" +Romanticism,gustave-dore_combat-between-soldiers-of-ish-bosheth-and-david,"[0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 2.0, 0.0, 0.0]" +Romanticism,gustave-dore_confession,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Romanticism,gustave-dore_constantine-palaeologus-haranguing-the-defenders-of-constantinople,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,gustave-dore_conversion-of-saul,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Romanticism,gustave-dore_cover,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,gustave-dore_crucified-man,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]" +Romanticism,gustave-dore_crusade-against-the-moors-of-granada,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 3.0, 1.0]" +Romanticism,gustave-dore_crusaders-surrounded-by-saladin-s-army-1877,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,gustave-dore_crusaders-throwing-heads-into-nicaea,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]" +Romanticism,gustave-dore_crystalline-heaven,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,gustave-dore_cyrus-restores-the-vessels-of-the-temple,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,gustave-dore_cyrus-restoring-the-vessels-of-the-temple-1866,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,gustave-dore_dandolo-doge-of-venice-preaching-the-crusade,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,gustave-dore_daniel-among-the-exiles,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,gustave-dore_daniel-confounds-the-priests-of-bel,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,gustave-dore_daniel-in-the-den-of-lions,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Romanticism,gustave-dore_daniel-interpreting-the-writing-on-the-wall-1866,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,gustave-dore_daniel-s-vision-of-the-four-beasts,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 6.0, 0.0, 0.0]" +Romanticism,gustave-dore_dante-and-pope-adrian-v,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]" +Romanticism,gustave-dore_david-and-jonathan,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,gustave-dore_david-attacks-the-ammonites,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]" +Romanticism,gustave-dore_david-mourns-the-death-of-absalom,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 4.0, 0.0]" +Romanticism,gustave-dore_david-shows-saul-how-he-spared-his-life,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Romanticism,gustave-dore_david-slays-goliath,"[1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0, 0.0]" +Romanticism,gustave-dore_death-of-almoadam-1877,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 4.0, 0.0]" +Romanticism,gustave-dore_death-of-ananias,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Romanticism,gustave-dore_death-of-baldwin-i-the-latin-king-of-jerusalem-1877,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Romanticism,gustave-dore_death-of-eleazer-1866,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]" +Romanticism,gustave-dore_death-of-frederick-i-of-germany,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]" +Romanticism,gustave-dore_death-of-samson-1866,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 2.0]" +Romanticism,gustave-dore_deborah-engraved-by-ettlin,"[0.0, 3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,gustave-dore_destruction-at-damascus-of-the-army-of-conrad-iii-of-germany,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 2.0, 0.0]" +Romanticism,gustave-dore_devils-and-barrators(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 3.0, 0.0]" +Romanticism,gustave-dore_devils-and-seducers(1),"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,gustave-dore_devils-and-virgil(1),"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,gustave-dore_discovery-of-the-true-cross-1877,"[0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]" +Romanticism,gustave-dore_dispersion-of-the-syrian-army-by-a-sand-storm,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0]" +Romanticism,gustave-dore_don-quixote,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 6.0, 0.0, 0.0]" +Romanticism,gustave-dore_don-quixote-1,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,gustave-dore_don-quixote-10,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,gustave-dore_don-quixote-100,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]" +Romanticism,gustave-dore_don-quixote-101,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]" +Romanticism,gustave-dore_don-quixote-102,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0, 0.0]" +Romanticism,gustave-dore_don-quixote-103,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0]" +Romanticism,gustave-dore_don-quixote-104,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Romanticism,gustave-dore_don-quixote-105,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,gustave-dore_don-quixote-106,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,gustave-dore_don-quixote-107,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,gustave-dore_don-quixote-108,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Romanticism,gustave-dore_don-quixote-109,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 6.0, 0.0, 1.0]" +Romanticism,gustave-dore_don-quixote-11,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,gustave-dore_don-quixote-110,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 4.0, 0.0, 0.0]" +Romanticism,gustave-dore_don-quixote-111,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]" +Romanticism,gustave-dore_don-quixote-112,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]" +Romanticism,gustave-dore_don-quixote-113,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,gustave-dore_don-quixote-114,"[1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,gustave-dore_don-quixote-115,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,gustave-dore_don-quixote-116,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,gustave-dore_don-quixote-117,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0]" +Romanticism,gustave-dore_don-quixote-118,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 6.0, 0.0]" +Romanticism,gustave-dore_don-quixote-119,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]" +Romanticism,gustave-dore_don-quixote-12,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 1.0]" +Romanticism,gustave-dore_don-quixote-120,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]" +Romanticism,gustave-dore_don-quixote-121,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,gustave-dore_don-quixote-122,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Romanticism,gustave-dore_don-quixote-123,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]" +Romanticism,gustave-dore_don-quixote-124,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]" +Romanticism,gustave-dore_don-quixote-125,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,gustave-dore_don-quixote-126,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Romanticism,gustave-dore_don-quixote-127,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,gustave-dore_don-quixote-128,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Romanticism,gustave-dore_don-quixote-129,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,gustave-dore_don-quixote-13,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Romanticism,gustave-dore_don-quixote-130,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,gustave-dore_don-quixote-131,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 1.0, 0.0]" +Romanticism,gustave-dore_don-quixote-132,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Romanticism,gustave-dore_don-quixote-133,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,gustave-dore_don-quixote-134,"[0.0, 2.0, 0.0, 1.0, 1.0, 5.0, 22.0, 18.0, 1.0]" +Romanticism,gustave-dore_don-quixote-135,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Romanticism,gustave-dore_don-quixote-136,"[0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,gustave-dore_don-quixote-137,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,gustave-dore_don-quixote-138,"[3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Romanticism,gustave-dore_don-quixote-139,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Romanticism,gustave-dore_don-quixote-14,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 1.0, 0.0]" +Romanticism,gustave-dore_don-quixote-140,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Romanticism,gustave-dore_don-quixote-141,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Romanticism,gustave-dore_don-quixote-142,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0, 1.0]" +Romanticism,gustave-dore_don-quixote-143,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Romanticism,gustave-dore_don-quixote-144,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Romanticism,gustave-dore_don-quixote-145,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Romanticism,gustave-dore_don-quixote-146,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,gustave-dore_don-quixote-147,"[1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0]" +Romanticism,gustave-dore_don-quixote-148,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,gustave-dore_don-quixote-149,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 6.0, 0.0]" +Romanticism,gustave-dore_don-quixote-15,"[0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 2.0, 0.0]" +Romanticism,gustave-dore_don-quixote-150,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,gustave-dore_don-quixote-151,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,gustave-dore_don-quixote-152,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]" +Romanticism,gustave-dore_don-quixote-153,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,gustave-dore_don-quixote-16,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]" +Romanticism,gustave-dore_don-quixote-17,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0, 0.0]" +Romanticism,gustave-dore_don-quixote-18,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Romanticism,gustave-dore_don-quixote-19,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Romanticism,gustave-dore_don-quixote-2,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0]" +Romanticism,gustave-dore_don-quixote-20,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0, 0.0]" +Romanticism,gustave-dore_don-quixote-21,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 2.0, 1.0]" +Romanticism,gustave-dore_don-quixote-22,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Romanticism,gustave-dore_don-quixote-23,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,gustave-dore_don-quixote-24,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Romanticism,gustave-dore_don-quixote-25,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,gustave-dore_don-quixote-26,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,gustave-dore_don-quixote-27,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,gustave-dore_don-quixote-28,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,gustave-dore_don-quixote-29,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Romanticism,gustave-dore_don-quixote-3,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Romanticism,gustave-dore_don-quixote-30,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]" +Romanticism,gustave-dore_don-quixote-31,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0, 0.0]" +Romanticism,gustave-dore_don-quixote-32,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0]" +Romanticism,gustave-dore_don-quixote-33,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,gustave-dore_don-quixote-34,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,gustave-dore_don-quixote-35,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]" +Romanticism,gustave-dore_don-quixote-36,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,gustave-dore_don-quixote-37,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Romanticism,gustave-dore_don-quixote-38,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 1.0, 0.0]" +Romanticism,gustave-dore_don-quixote-39,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]" +Romanticism,gustave-dore_don-quixote-4,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Romanticism,gustave-dore_don-quixote-40,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Romanticism,gustave-dore_don-quixote-41,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Romanticism,gustave-dore_don-quixote-42,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Romanticism,gustave-dore_don-quixote-43,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,gustave-dore_don-quixote-44,"[0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,gustave-dore_don-quixote-45,"[0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,gustave-dore_don-quixote-46,"[0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0, 1.0, 0.0]" +Romanticism,gustave-dore_don-quixote-47,"[1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,gustave-dore_don-quixote-48,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Romanticism,gustave-dore_don-quixote-49,"[0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 4.0, 0.0, 0.0]" +Romanticism,gustave-dore_don-quixote-5,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 6.0, 0.0]" +Romanticism,gustave-dore_don-quixote-50,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,gustave-dore_don-quixote-51,"[0.0, 0.0, 0.0, 3.0, 0.0, 1.0, 1.0, 1.0, 0.0]" +Romanticism,gustave-dore_don-quixote-52,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,gustave-dore_don-quixote-53,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Romanticism,gustave-dore_don-quixote-54,"[0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,gustave-dore_don-quixote-55,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,gustave-dore_don-quixote-56,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Romanticism,gustave-dore_don-quixote-57,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Romanticism,gustave-dore_don-quixote-58,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,gustave-dore_don-quixote-59,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 2.0]" +Romanticism,gustave-dore_don-quixote-6,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Romanticism,gustave-dore_don-quixote-60,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 1.0]" +Romanticism,gustave-dore_don-quixote-61,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0, 0.0]" +Romanticism,gustave-dore_don-quixote-62,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0]" +Romanticism,gustave-dore_don-quixote-63,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]" +Romanticism,gustave-dore_don-quixote-64,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Romanticism,gustave-dore_don-quixote-65,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 2.0]" +Romanticism,gustave-dore_don-quixote-66,"[0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Romanticism,gustave-dore_don-quixote-67,"[0.0, 2.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,gustave-dore_don-quixote-68,"[0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,gustave-dore_don-quixote-69,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Romanticism,gustave-dore_don-quixote-7,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,gustave-dore_don-quixote-70,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]" +Romanticism,gustave-dore_don-quixote-71,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 2.0, 0.0]" +Romanticism,gustave-dore_don-quixote-72,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 3.0, 0.0]" +Romanticism,gustave-dore_don-quixote-73,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,gustave-dore_don-quixote-74,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 3.0, 0.0]" +Romanticism,gustave-dore_don-quixote-75,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,gustave-dore_don-quixote-76,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,gustave-dore_don-quixote-77,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,gustave-dore_don-quixote-78,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0, 0.0]" +Romanticism,gustave-dore_don-quixote-79,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]" +Romanticism,gustave-dore_don-quixote-8,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,gustave-dore_don-quixote-80,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]" +Romanticism,gustave-dore_don-quixote-81,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,gustave-dore_don-quixote-82,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,gustave-dore_don-quixote-83,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,gustave-dore_don-quixote-84,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0, 0.0]" +Romanticism,gustave-dore_don-quixote-85,"[0.0, 0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,gustave-dore_don-quixote-86,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 2.0, 0.0]" +Romanticism,gustave-dore_don-quixote-87,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]" +Romanticism,gustave-dore_don-quixote-88,"[0.0, 3.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,gustave-dore_don-quixote-89,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,gustave-dore_don-quixote-9,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,gustave-dore_don-quixote-90,"[0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 2.0, 0.0]" +Romanticism,gustave-dore_don-quixote-91,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Romanticism,gustave-dore_don-quixote-92,"[2.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,gustave-dore_don-quixote-93,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]" +Romanticism,gustave-dore_don-quixote-94,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Romanticism,gustave-dore_don-quixote-95,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]" +Romanticism,gustave-dore_don-quixote-96,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Romanticism,gustave-dore_don-quixote-97,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,gustave-dore_don-quixote-98,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Romanticism,gustave-dore_don-quixote-99,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]" +Romanticism,gustave-dore_don-quixote-and-sancho-setting-out-1863,"[2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,gustave-dore_don-quixote-s-moralising-on-ingratitude,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0]" +Romanticism,gustave-dore_donkeyskin,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0, 1.0, 0.0]" +Romanticism,gustave-dore_eastward-amoung-those-trees-what-glorious-shape-comes-this-way-moving,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,gustave-dore_ecce-homo-1877,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,gustave-dore_edward-i-of-england-kills-his-would-be-assassin-in-june-1272-1877,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 3.0, 1.0, 0.0]" +Romanticism,gustave-dore_eliezer-and-rebekah,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,gustave-dore_elijah-ascends-to-heaven-in-a-chariot-of-fire,"[0.0, 1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,gustave-dore_elijah-destroys-the-messengers-of-ahaziah,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 5.0, 0.0, 0.0]" +Romanticism,gustave-dore_elijah-is-nourished-by-an-angel,"[0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Romanticism,gustave-dore_elijah-raises-the-son-of-the-widow-of-zarephath,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Romanticism,gustave-dore_enthusiasm-of-crusaders-at-the-first-view-of-jerusalem,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 1.0, 0.0]" +Romanticism,gustave-dore_entry-of-jesus-into-jerusalem,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Romanticism,gustave-dore_entry-of-the-crusaders-in-constantinople-in-1204-1877,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 3.0, 1.0, 0.0]" +Romanticism,gustave-dore_ephialtes(1),"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0, 0.0]" +Romanticism,gustave-dore_esther-accuses-haman,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Romanticism,gustave-dore_esther-before-the-king,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0]" +Romanticism,gustave-dore_estocade,"[0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 1.0, 1.0, 0.0]" +Romanticism,gustave-dore_evil-counsellors,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Romanticism,gustave-dore_expulsion-of-ishmael-and-his-mother,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]" +Romanticism,gustave-dore_ezra-kneels-in-prayer,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Romanticism,gustave-dore_ezra-reads-the-law-to-the-people,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,gustave-dore_farinata,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]" +Romanticism,gustave-dore_for-the-defense-of-christ,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,gustave-dore_foreign-nations-are-slain-by-lions-in-samaria,"[1.0, 5.0, 1.0, 3.0, 0.0, 6.0, 26.0, 6.0, 0.0]" +Romanticism,gustave-dore_forgers,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 4.0, 0.0]" +Romanticism,gustave-dore_forgers-ii(1),"[0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0]" +Romanticism,gustave-dore_forthwith-upright-he-rears-from-off-the-pool-his-mighty-stature,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]" +Romanticism,gustave-dore_frontispiece-of-all-five-books-of-gargantua-and-pantagruel,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]" +Romanticism,gustave-dore_fulk-nerra-assailed-by-the-phantoms-of-his-victims,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Romanticism,gustave-dore_gaining-converts,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]" +Romanticism,gustave-dore_gargantua-1873,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,gustave-dore_gargantua-1873-1,"[0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 2.0]" +Romanticism,gustave-dore_gargantua-and-pantagruel,"[1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0, 0.0, 0.0]" +Romanticism,gustave-dore_gargantua-and-pantagruel-1,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Romanticism,gustave-dore_geraint-and-enid-ride-away,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,gustave-dore_gerard-of-avesnes-exposed-on-the-walls-of-arsuf-1877,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Romanticism,gustave-dore_geri-del-bello,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 2.0, 0.0]" +Romanticism,gustave-dore_geryon-symbol-of-deceit,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 6.0, 0.0, 0.0]" +Romanticism,gustave-dore_gideon-chooses-300-soldiers,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Romanticism,gustave-dore_glorious-death-of-jacques-de-maille-marshal-of-the-temple-1877,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Romanticism,gustave-dore_godfrey-enters-jerusalem-1877,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]" +Romanticism,gustave-dore_godfrey-imposes-tributes-upon,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,gustave-dore_godfrey-meets-the-remains-of-the-army-of-peter-the-hermit,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]" +Romanticism,gustave-dore_hagar-and-ishmael-in-the-wilderness,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Romanticism,gustave-dore_he-perceived-that-her-little-foot-slid-in-without-trouble,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Romanticism,gustave-dore_he-sprang-unpon-the-old-woman-and-ate-her-up,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Romanticism,gustave-dore_heaven-be-praised-they-are-my-brothers,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,gustave-dore_heaven-rung-with-jubilee-and-loud-hosannas-filled-the-eternal-regions,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,gustave-dore_heliodorus-is-cast-down,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,gustave-dore_hell-at-last-yawning-received-them-whole,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,gustave-dore_help-the-marquis-of-carabas-is-drowning,"[2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0, 0.0]" +Romanticism,gustave-dore_her-friends-were-eager-to-see-the-splendors-of-her-house,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,gustave-dore_heresiarchs,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 6.0, 0.0, 0.0]" +Romanticism,gustave-dore_him-fast-sleeping-soon-he-found-in-labyrinth-of-many-a-round-self-rolled,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,gustave-dore_him-the-almighty-power-hurled-headlong-flaming-from-the-eternal-sky,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,gustave-dore_hop-o-my-thumb,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,gustave-dore_hop-o-my-thumb-climbs-to-the-top-of-a-tall-tree-to-see-what-he-can-see,"[0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,gustave-dore_hospitality-of-barbarians-to-pilgrims,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Romanticism,gustave-dore_houndsditch-1872,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Romanticism,gustave-dore_idylls-of-the-king,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,gustave-dore_idylls-of-the-king-1,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,gustave-dore_idylls-of-the-king-10,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Romanticism,gustave-dore_idylls-of-the-king-11,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,gustave-dore_idylls-of-the-king-12,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Romanticism,gustave-dore_idylls-of-the-king-13,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,gustave-dore_idylls-of-the-king-14,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]" +Romanticism,gustave-dore_idylls-of-the-king-15,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]" +Romanticism,gustave-dore_idylls-of-the-king-16,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Romanticism,gustave-dore_idylls-of-the-king-17,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Romanticism,gustave-dore_idylls-of-the-king-2,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Romanticism,gustave-dore_idylls-of-the-king-3,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Romanticism,gustave-dore_idylls-of-the-king-4,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,gustave-dore_idylls-of-the-king-5,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 6.0, 0.0, 0.0]" +Romanticism,gustave-dore_idylls-of-the-king-6,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]" +Romanticism,gustave-dore_idylls-of-the-king-7,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Romanticism,gustave-dore_idylls-of-the-king-8,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,gustave-dore_idylls-of-the-king-9,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 5.0, 0.0, 0.0]" +Romanticism,gustave-dore_ilghazy-gives-gauthier-his-life,"[0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,gustave-dore_illustration-for-charles-perraults-bluebeard,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Romanticism,gustave-dore_illustration-for-the-girl,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]" +Romanticism,gustave-dore_illustration-for-the-milkmaid-and-the-milk-can,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]" +Romanticism,gustave-dore_in-with-the-river-sunk-and-with-it-rose-satan,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,gustave-dore_inferno-canto-3,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,gustave-dore_inferno-canto-4,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]" +Romanticism,gustave-dore_inferno-canto-5,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]" +Romanticism,gustave-dore_inferno-canto-5-1,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]" +Romanticism,gustave-dore_invocation-to-muhammad,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,gustave-dore_isaiah-s-vision-of-the-destruction-of-babylon,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]" +Romanticism,gustave-dore_israelite-women-mourn-with-jephthah-s-daughter,"[1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0]" +Romanticism,gustave-dore_jabesh-gileadites-recover-the-bodies-of-saul-and-his-sons,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]" +Romanticism,gustave-dore_jacob-and-esau-meet,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Romanticism,gustave-dore_jacob-goeth-into-egypt-1866,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Romanticism,gustave-dore_jacob-keeping-laban-s-flock-1866,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Romanticism,gustave-dore_jacob-prays-for-protection,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,gustave-dore_jacob-wrestling-with-the-angel-1866,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Romanticism,gustave-dore_jael-kills-sisera,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 4.0, 0.0]" +Romanticism,gustave-dore_jehu-s-companions-find-jezebel-s-remains,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 1.0]" +Romanticism,gustave-dore_jephthah-s-daughter-comes-to-meet-her-father,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,gustave-dore_jeremiah-preaching-to-his-followers,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Romanticism,gustave-dore_jesus,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]" +Romanticism,gustave-dore_jesus-and-the-disciples-going-to-emmaus,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,gustave-dore_jesus-and-the-woman-of-samaria,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,gustave-dore_jesus-and-the-woman-taken-in-adultery,"[0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,gustave-dore_jesus-at-the-house-of-martha-and-mary,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,gustave-dore_jesus-blessing-the-children-1866,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,gustave-dore_jesus-falling-beneath-the-cross,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,gustave-dore_orlando-furioso,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,gustave-dore_orlando-furioso-1,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 2.0]" +Romanticism,gustave-dore_orlando-furioso-2,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]" +Romanticism,gustave-dore_orlando-furioso-3,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,gustave-dore_orlando-furioso-4,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Romanticism,gustave-dore_orlando-furioso-5,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Romanticism,gustave-dore_orlando-furioso-6,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Romanticism,gustave-dore_orlando-furioso-7,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]" +Romanticism,gustave-dore_orlando-furioso-8,"[0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 2.0, 0.0, 0.0]" +Romanticism,gustave-dore_orlando-furioso-9,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,gustave-dore_ottomans-penetrate-hungary,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,gustave-dore_pantagruel,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Romanticism,gustave-dore_pantagruel-1,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]" +Romanticism,gustave-dore_paolo-and-francesca,"[1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Romanticism,gustave-dore_paolo-and-francesca-da-rimini,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]" +Romanticism,gustave-dore_paolo-and-francesca-ii,"[1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0]" +Romanticism,gustave-dore_paradise-lost-1,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Romanticism,gustave-dore_paradise-lost-10,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 1.0]" +Romanticism,gustave-dore_paradise-lost-11,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Romanticism,gustave-dore_paradise-lost-2,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0, 0.0]" +Romanticism,gustave-dore_paradise-lost-3,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 2.0]" +Romanticism,gustave-dore_paradise-lost-4,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Romanticism,gustave-dore_paradise-lost-5,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,gustave-dore_paradise-lost-6,"[0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Romanticism,gustave-dore_paradise-lost-7,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,gustave-dore_paradise-lost-8,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]" +Romanticism,gustave-dore_paradise-lost-9,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,gustave-dore_paradiso,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,gustave-dore_paradiso-canto-1,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]" +Romanticism,gustave-dore_paradiso-canto-14,"[0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,gustave-dore_paradiso-canto-2,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Romanticism,gustave-dore_paramours-and-flatterers,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 2.0, 0.0]" +Romanticism,gustave-dore_people-mourn-over-the-destruction-of-jerusalem,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]" +Romanticism,gustave-dore_perched-upon-a-bust-of-pallas,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,gustave-dore_perrault,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,gustave-dore_peter-the-hermit-preaching-the-crusade,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,gustave-dore_pia,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,gustave-dore_pierrot-grin,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 2.0, 1.0, 0.0]" +Romanticism,gustave-dore_plate-no-26-book-vi-line-406-now-night-her-course-began-1882,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,gustave-dore_pluto-and-virgil(1),"[0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0]" +Romanticism,gustave-dore_portrait-of-dante-alighieri-1860,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 3.0, 0.0]" +Romanticism,gustave-dore_prayers-for-the-dead,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,gustave-dore_priests-exhorting-the-crusaders,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Romanticism,gustave-dore_purgatorio,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,gustave-dore_purgatorio-canto-30,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,gustave-dore_purgatorio-canto-33,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 2.0]" +Romanticism,gustave-dore_purgatorio-canto-8,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Romanticism,gustave-dore_puss-in-boots,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Romanticism,gustave-dore_queen-vashti-refuses-to-obey-ahasuerus-command,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,gustave-dore_reclining-upon-a-bed-was-a-princess-of-radiant-beauty,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]" +Romanticism,gustave-dore_red-riding-hood-meets-old-father-wolf,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,gustave-dore_resurrection-of-lazarus,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,gustave-dore_richard-i-the-lionheart-delivering-jaffa-1877,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Romanticism,gustave-dore_richard-i-the-lionheart-in-battle-at-arsuf-in-1191-1877,"[0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,gustave-dore_richard-i-the-lionheart-massacres-captives-in-reprisal-1877,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 2.0, 0.0]" +Romanticism,gustave-dore_rizpah-s-kindness-toward-the-dead,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 1.0]" +Romanticism,gustave-dore_ruth-and-boaz,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]" +Romanticism,gustave-dore_saladin,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]" +Romanticism,gustave-dore_samson-and-delilah,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Romanticism,gustave-dore_samson-carries-away-the-gates-of-gaza,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,gustave-dore_samson-destroys-the-philistines-with-an-ass-jawbone,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 1.0]" +Romanticism,gustave-dore_samson-slays-a-lion,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Romanticism,gustave-dore_samuel-blesses-saul,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Romanticism,gustave-dore_sanuti-showing-maps-of-the-east-to-pope-john-xxii,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,gustave-dore_sapia,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,gustave-dore_satan-in-council,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Romanticism,gustave-dore_satan-in-paradise,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,gustave-dore_satan-s-flight-through-chaos,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Romanticism,gustave-dore_satan-shown-as-the-fallen-angel-after-having-been-smitten,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,gustave-dore_saturn,"[0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,gustave-dore_saul-and-the-witch-of-endor-1866,"[1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,gustave-dore_saul-attempts-to-kill-david,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0, 0.0, 1.0]" +Romanticism,gustave-dore_schismatics-mahomet,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 3.0, 0.0]" +Romanticism,gustave-dore_second-assault-of-jerusalem-by-the-crusaders-repulsed-1877,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Romanticism,gustave-dore_seeing-thetowers-the-king-s-son-asked-what-they-were,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Romanticism,gustave-dore_semiramide-spidocchiatrice-di-straccioni-1854,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Romanticism,gustave-dore_sennacherib-s-army-is-destroyed,"[0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Romanticism,gustave-dore_sermon-on-the-mount,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,gustave-dore_shadrach-meshach-and-abednego-in-the-furnace,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]" +Romanticism,gustave-dore_shepherd-wolf,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]" +Romanticism,gustave-dore_slaughter-of-the-sons-of-zedekiah-before-their-father-1866,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 2.0, 0.0]" +Romanticism,gustave-dore_sleeping-beauty,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,gustave-dore_sleeping-beauty-1,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,gustave-dore_so-parted-they-the-angel-up-to-heaven-from-the-thick-shade-and-adam-to-his-bower,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]" +Romanticism,gustave-dore_sodom,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]" +Romanticism,gustave-dore_solomon-receives-the-queen-of-sheba,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,gustave-dore_sordello-and-virgil,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Romanticism,gustave-dore_sower-of-discord(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]" +Romanticism,gustave-dore_spectrum-appearance-of-banquo,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 6.0, 0.0, 0.0]" +Romanticism,gustave-dore_st-francis-of-assisi-1877,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,gustave-dore_st-louis-a-prisoner-in-egypt,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]" +Romanticism,gustave-dore_st-louis-leaving-aigues-mortes-1877,"[0.0, 5.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,gustave-dore_st-paulatephesus,"[0.0, 2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,gustave-dore_st-paulpreachingtothethessalonians,"[0.0, 1.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,gustave-dore_st-paulrescuedfromthemultitude,"[0.0, 0.0, 1.0, 1.0, 2.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,gustave-dore_st-paulshipwrecked,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,gustave-dore_st-peter-and-st-john-at-beautiful-gate,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 4.0, 0.0]" +Romanticism,gustave-dore_st-peter-delivered-from-prison,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,gustave-dore_st-peterinthehouseofcornelius,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,gustave-dore_submersion-in-lethe,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,gustave-dore_surprised-by-the-turks,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 3.0, 0.0]" +Romanticism,gustave-dore_susanna-in-the-bath,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,gustave-dore_tavern-in-whitechapel-1869,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]" +Romanticism,gustave-dore_te-deum-after-victory,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 2.0]" +Romanticism,gustave-dore_terrestrial-paradise,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,gustave-dore_thais,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]" +Romanticism,gustave-dore_the-adventure-with-the-windmills,"[0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,gustave-dore_the-agony-in-the-garden,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0]" +Romanticism,gustave-dore_the-ammonite-and-moabite-armies-are-destroyed,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 2.0, 0.0]" +Romanticism,gustave-dore_the-angel(1),"[0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]" +Romanticism,gustave-dore_the-angel-is-sent-to-deliver-israel,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,gustave-dore_the-angel-raphael-and-the-family-of-tobit,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 2.0]" +Romanticism,gustave-dore_the-annunciation,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,gustave-dore_the-apostles-preaching-the-gospel,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,gustave-dore_the-ark-is-returned-to-beth-shemesh,"[0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Romanticism,gustave-dore_the-army-appears-in-the-heavens,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,gustave-dore_the-army-of-priest-volkmar-and-count-emocio-attack-merseburg-1877,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]" +Romanticism,gustave-dore_the-army-of-the-amorites-is-destroyed,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0, 0.0]" +Romanticism,gustave-dore_the-army-of-the-second-crusade-find-the-remains-of-the-soldiers-of-the-first-crusade-1877,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]" +Romanticism,gustave-dore_the-arrival-at-calvary,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Romanticism,gustave-dore_the-ascension,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,gustave-dore_the-ascent,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,gustave-dore_the-avaricious,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Romanticism,gustave-dore_the-avariscious-and-prodigal(1),"[2.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,gustave-dore_the-baptism-of-infidels,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Romanticism,gustave-dore_the-baptism-of-jesus,"[0.0, 4.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,gustave-dore_the-battle-of-antioch,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 1.0]" +Romanticism,gustave-dore_the-battle-of-arsuf,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Romanticism,gustave-dore_the-battle-of-dorylaeum,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Romanticism,gustave-dore_the-battle-of-nicaea-in-1097-1877,"[0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0, 1.0, 0.0]" +Romanticism,gustave-dore_the-benjaminites-take-the-virgins-of-jabesh-gilead,"[0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,gustave-dore_the-beseech-that-moses-might-report-to-them-his-will-and-terror-cease,"[0.0, 5.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,gustave-dore_the-blasphemers-capaneus(1),"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 1.0]" +Romanticism,gustave-dore_the-bronze-serpent,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Romanticism,gustave-dore_the-burial-of-sarah-1866-1,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Romanticism,gustave-dore_the-buyers-and-sellers-driven-out-of-temple,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Romanticism,gustave-dore_the-captives,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]" +Romanticism,gustave-dore_the-celestial-pilot,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,gustave-dore_the-centaurs-nessus(1),"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Romanticism,gustave-dore_the-childhood-of-gargantua,"[6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,gustave-dore_the-childhood-of-pantagruel,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]" +Romanticism,gustave-dore_the-children-destroyed-by-bears-1866,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 6.0, 0.0, 0.0]" +Romanticism,gustave-dore_the-children-s-crusade-in-1212-1877,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]" +Romanticism,gustave-dore_the-christian-army-in-the-mountains-of-judea,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,gustave-dore_the-christian-martyrs,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Romanticism,gustave-dore_the-clash-of-the-titans-1866,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Romanticism,gustave-dore_the-confusion-of-tongues,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Romanticism,gustave-dore_the-conversion-of-st-paul-1866,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 3.0, 0.0]" +Romanticism,gustave-dore_the-courage-of-a-mother,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Romanticism,gustave-dore_the-creation-of-eve,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,gustave-dore_the-creation-of-fish-and-birds,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,gustave-dore_the-creation-of-light,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,gustave-dore_the-cross,"[1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,gustave-dore_the-crown-of-thorns,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Romanticism,gustave-dore_the-crowned-virgin-vision-of-john,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,gustave-dore_the-crucifixion,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,gustave-dore_the-cruelties-of-bibars,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 2.0, 0.0]" +Romanticism,gustave-dore_the-crusaders-crossing-mount-taurus,"[0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,gustave-dore_the-crusaders-massacre-the-inhabitants-of-caesarea-1877,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Romanticism,gustave-dore_the-crusaders-on-the-nile,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]" +Romanticism,gustave-dore_the-crusaders-war-machinery-1877,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Romanticism,gustave-dore_the-darkness-at-the-crucifixion,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]" +Romanticism,gustave-dore_the-daughter-of-herod-head-of-john-the-baptist,"[0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 2.0, 0.0, 0.0]" +Romanticism,gustave-dore_the-death-of-abimelech,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 1.0]" +Romanticism,gustave-dore_the-death-of-absalom,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Romanticism,gustave-dore_the-death-of-agag,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 1.0]" +Romanticism,gustave-dore_the-death-of-ahab,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 4.0, 0.0]" +Romanticism,gustave-dore_the-death-of-athaliah,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 4.0, 0.0]" +Romanticism,gustave-dore_the-death-of-eleazar,"[0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 3.0, 0.0, 0.0]" +Romanticism,gustave-dore_the-death-of-gideon-s-sons,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 1.0, 1.0]" +Romanticism,gustave-dore_the-death-of-jezebel,"[0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,gustave-dore_the-death-of-korah-dathan-and-abiram,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]" +Romanticism,gustave-dore_the-death-of-saul,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Romanticism,gustave-dore_the-dell,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,gustave-dore_the-deluge,"[1.0, 4.0, 1.0, 0.0, 0.0, 2.0, 29.0, 8.0, 1.0]" +Romanticism,gustave-dore_the-departure,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]" +Romanticism,gustave-dore_the-departure-of-thibault-king-of-navarre,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]" +Romanticism,gustave-dore_the-descent-from-thecross,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]" +Romanticism,gustave-dore_the-descent-of-the-spirit,"[0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,gustave-dore_the-descent-on-the-monster,"[0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 1.0]" +Romanticism,gustave-dore_the-destruction-of-leviathan,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,gustave-dore_the-disciples-plucking-corn-on-the-sabbath,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,gustave-dore_the-dishonorable-truce,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Romanticism,gustave-dore_the-disobedient-prophet-is-slain-by-a-lion,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 5.0, 0.0]" +Romanticism,gustave-dore_the-dove-sent-forth-from-the-ark-1866,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]" +Romanticism,gustave-dore_the-eagle,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]" +Romanticism,gustave-dore_the-eagle-ii,"[0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,gustave-dore_the-egyptians-ask-moses-to-depart,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,gustave-dore_the-egyptians-drown-in-the-sea,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,gustave-dore_the-embarkation-of-the-souls(1),"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0]" +Romanticism,gustave-dore_the-emir-s-head-shown-in-the-seraglio,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Romanticism,gustave-dore_the-emperor-alexius-iv-poisoned-and-strangled-by-mourzoufle,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 3.0, 0.0]" +Romanticism,gustave-dore_the-empyrean,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,gustave-dore_the-enchantment-of-don-quixote,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]" +Romanticism,gustave-dore_the-enigma-1871,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Romanticism,gustave-dore_the-envious,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Romanticism,gustave-dore_the-erection-of-the-cross,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]" +Romanticism,gustave-dore_the-erinnys,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Romanticism,gustave-dore_the-escape-of-david-through-the-window-1866,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,gustave-dore_the-eunoe,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 3.0]" +Romanticism,gustave-dore_the-fifth-plague-livestock-disease,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Romanticism,gustave-dore_the-finding-of-moses,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,gustave-dore_the-firstborn-of-the-egyptians-are-slain,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]" +Romanticism,gustave-dore_the-flight-into-egypt,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,gustave-dore_the-forest,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Romanticism,gustave-dore_the-gate-of-hell(1),"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Romanticism,gustave-dore_the-giant-antaeus,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0, 1.0]" +Romanticism,gustave-dore_the-giants-nimrod,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Romanticism,gustave-dore_the-gleaners,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,gustave-dore_the-gluttons,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 4.0, 0.0]" +Romanticism,gustave-dore_the-gluttons-ciacco(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 2.0, 0.0]" +Romanticism,gustave-dore_the-gluttons-forese,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 5.0, 0.0]" +Romanticism,gustave-dore_the-good-samaritan,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 3.0, 0.0]" +Romanticism,gustave-dore_the-grasshopper-and-the-ant,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,gustave-dore_the-hapies-wood,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0, 0.0]" +Romanticism,gustave-dore_the-hare-and-the-frogs,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 1.0]" +Romanticism,gustave-dore_the-heaven-of-the-fixed-stars,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,gustave-dore_the-heaven-of-the-fixed-stars-ii,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,gustave-dore_the-heavenly-bands-down-from-a-sky-of-jasper-lighted-now-in-paradise,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Romanticism,gustave-dore_the-hoarders-and-wasters,"[1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0]" +Romanticism,gustave-dore_the-holy-sepulcher,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,gustave-dore_the-hypocrites(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]" +Romanticism,gustave-dore_the-inferno-canto-10,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 1.0]" +Romanticism,gustave-dore_the-inferno-canto-12,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Romanticism,gustave-dore_the-inferno-canto-12-1,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Romanticism,gustave-dore_the-inferno-canto-12-2,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]" +Romanticism,gustave-dore_the-inferno-canto-13,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 1.0]" +Romanticism,gustave-dore_the-inferno-canto-13-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0, 0.0]" +Romanticism,gustave-dore_the-inferno-canto-15,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Romanticism,gustave-dore_the-inferno-canto-18,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 2.0, 0.0]" +Romanticism,gustave-dore_the-inferno-canto-18-1,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,gustave-dore_the-inferno-canto-19,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0, 0.0]" +Romanticism,gustave-dore_the-inferno-canto-21,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0, 1.0]" +Romanticism,gustave-dore_the-inferno-canto-21-1,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,gustave-dore_the-inferno-canto-22,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,gustave-dore_the-inferno-canto-22-1,"[0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,gustave-dore_the-inferno-canto-24,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0, 0.0]" +Romanticism,gustave-dore_the-inferno-canto-28,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]" +Romanticism,gustave-dore_the-inferno-canto-30,"[0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 3.0, 0.0, 0.0]" +Romanticism,gustave-dore_the-inferno-canto-30-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]" +Romanticism,gustave-dore_the-inferno-canto-31,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0, 0.0]" +Romanticism,gustave-dore_the-inferno-canto-32,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 4.0, 0.0]" +Romanticism,gustave-dore_the-inferno-canto-32-1,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]" +Romanticism,gustave-dore_the-inferno-canto-32-2,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]" +Romanticism,gustave-dore_the-inferno-canto-33,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]" +Romanticism,gustave-dore_the-inferno-canto-33-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 3.0, 0.0]" +Romanticism,gustave-dore_the-inferno-canto-33-2,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 3.0, 0.0]" +Romanticism,gustave-dore_the-inferno-canto-34,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Romanticism,gustave-dore_the-inferno-canto-34-1,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Romanticism,gustave-dore_the-inferno-canto-34-2,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,gustave-dore_the-inferno-canto-5,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 1.0]" +Romanticism,gustave-dore_the-inferno-canto-5-1,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,gustave-dore_the-inferno-canto-5-2,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0, 0.0]" +Romanticism,gustave-dore_the-inferno-canto-6,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 2.0, 0.0]" +Romanticism,gustave-dore_the-inferno-canto-6-1,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Romanticism,gustave-dore_the-inferno-canto-7,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]" +Romanticism,gustave-dore_the-inferno-canto-7-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 2.0, 0.0]" +Romanticism,gustave-dore_the-inferno-canto-8,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Romanticism,gustave-dore_the-inferno-canto-8-1,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0, 0.0]" +Romanticism,gustave-dore_the-inferno-canto-9,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0, 0.0]" +Romanticism,gustave-dore_the-inferno-canto-9-1,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Romanticism,gustave-dore_the-innocent-souls(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 2.0, 0.0]" +Romanticism,gustave-dore_the-israelites-cross-the-jordan-river,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,gustave-dore_the-israelites-slaughter-the-syrians,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Romanticism,gustave-dore_the-judas-kiss,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Romanticism,gustave-dore_the-judgment-of-solomon,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0]" +Romanticism,gustave-dore_the-justification-of-susanna,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,gustave-dore_the-last-judgment,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0, 0.0]" +Romanticism,gustave-dore_the-last-supper,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,gustave-dore_the-late-repenters,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]" +Romanticism,gustave-dore_the-late-repenters-ii,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]" +Romanticism,gustave-dore_the-levite-carries-the-woman-s-body-away,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,gustave-dore_the-lion,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Romanticism,gustave-dore_the-little-thumb,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 4.0, 0.0, 0.0]" +Romanticism,gustave-dore_the-lost-cow-1852,"[0.0, 4.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,gustave-dore_the-lustful,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Romanticism,gustave-dore_the-marriage-in-cana,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Romanticism,gustave-dore_the-martyrdom-of-eleazar-the-scribe,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 3.0, 0.0]" +Romanticism,gustave-dore_the-martyrdom-of-the-holy-innocents-1868,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Romanticism,gustave-dore_the-midianites-are-routed,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]" +Romanticism,gustave-dore_the-minataur,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Romanticism,gustave-dore_the-miraculous-draught-of-fishes,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,gustave-dore_the-moon,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,gustave-dore_the-mountain-s-foot,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]" +Romanticism,gustave-dore_the-nativity,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,gustave-dore_the-new-jerusalem,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,gustave-dore_the-ninth-plague-darkness,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]" +Romanticism,gustave-dore_the-oceanides-1869,"[0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Romanticism,gustave-dore_the-ogre-received-him-as-civilly-as-an-ogre-can,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Romanticism,gustave-dore_the-order-of-chivalry,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,gustave-dore_the-panther(1),"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,gustave-dore_the-people-mourning-over-the-ruins-of-jerusalem-lamentations-1-1-2-1866,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 2.0, 1.0]" +Romanticism,gustave-dore_the-plague-of-jerusalem,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]" +Romanticism,gustave-dore_the-poets-emerge-from-hell,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,gustave-dore_the-portals-of-dis(1),"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]" +Romanticism,gustave-dore_the-portals-of-purgatory,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,gustave-dore_the-prideful-oderisi,"[0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 2.0, 0.0]" +Romanticism,gustave-dore_the-prodigal-son-in-the-arms-of-his-father,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Romanticism,gustave-dore_the-prophet-amos,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Romanticism,gustave-dore_the-prophet-ezekiel,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Romanticism,gustave-dore_the-prophet-isaiah,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Romanticism,gustave-dore_the-prophet-jeremiah,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 2.0, 0.0]" +Romanticism,gustave-dore_the-prophets-of-baal-are-slaughtered,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 1.0]" +Romanticism,gustave-dore_the-punishment-of-antiochus,"[0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 2.0, 1.0, 0.0]" +Romanticism,gustave-dore_the-punishment-of-the-simonists,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]" +Romanticism,gustave-dore_the-queen-of-heaven,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0]" +Romanticism,gustave-dore_the-rebuilding-of-the-temple-is-begun,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0]" +Romanticism,gustave-dore_the-resurrection,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,gustave-dore_the-return,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,gustave-dore_the-return-of-the-prodigal-son,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 4.0, 0.0]" +Romanticism,gustave-dore_the-rime-of-the-ancient-mariner,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,gustave-dore_the-road-to-jerusalem-1877,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Romanticism,gustave-dore_the-savoury-pulp-they-chew-and-in-the-rind-still-as-they-thirsted-scoop-the-brimming,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,gustave-dore_the-sculptures,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Romanticism,gustave-dore_the-serpent,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,gustave-dore_the-seven-league-boots,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,gustave-dore_the-seventh-circle,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]" +Romanticism,gustave-dore_the-seventh-circle-ii,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Romanticism,gustave-dore_the-seventh-circle-the-lustful,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 5.0, 0.0, 0.0]" +Romanticism,gustave-dore_the-she-wolf,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Romanticism,gustave-dore_the-siege-of-ptolemais,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,gustave-dore_the-siege-of-ptolemais-1,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 1.0, 0.0]" +Romanticism,gustave-dore_the-sinews-of-war,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Romanticism,gustave-dore_the-slothful,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Romanticism,gustave-dore_the-spies-return-from-the-promised-land,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Romanticism,gustave-dore_the-stoning-of-stephen,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 4.0, 0.0]" +Romanticism,gustave-dore_the-styx-philippo-argenti,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]" +Romanticism,gustave-dore_the-styx-phlegyas(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]" +Romanticism,gustave-dore_the-styx-the-irascible(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]" +Romanticism,gustave-dore_the-suicides(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0, 0.0]" +Romanticism,gustave-dore_the-suicides-ii(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 3.0, 0.0]" +Romanticism,gustave-dore_the-sultana-chegger-eddour-and-the-emir-saif-eddin,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 3.0, 1.0, 0.0]" +Romanticism,gustave-dore_the-sun-glorifies-souls,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,gustave-dore_the-temptation-of-jesus,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0]" +Romanticism,gustave-dore_the-testing-of-abraham-s-faith,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Romanticism,gustave-dore_the-tomb-of-anastasius,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,gustave-dore_the-tower-of-babel,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 1.0]" +Romanticism,gustave-dore_the-transfiguration,"[0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Romanticism,gustave-dore_the-tree,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Romanticism,gustave-dore_the-triumph-of-mordecai,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,gustave-dore_the-true-cross,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,gustave-dore_the-two-goats,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Romanticism,gustave-dore_the-vessel,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 2.0, 1.0]" +Romanticism,gustave-dore_the-veteran,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Romanticism,gustave-dore_the-vision-of-death,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,gustave-dore_the-vision-of-the-valley-of-dry-bones-1866,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0, 1.0, 0.0]" +Romanticism,gustave-dore_the-walls-of-jericho-fall-down,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Romanticism,gustave-dore_the-wandering-jew,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Romanticism,gustave-dore_the-war-cry-of-the-crusaders,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Romanticism,gustave-dore_the-way-to-the-upper-world,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,gustave-dore_the-whore-and-the-giant,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0, 0.0]" +Romanticism,gustave-dore_the-widow,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,gustave-dore_the-wise-men-guided-by-the-star,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,gustave-dore_the-wrestle-of-jacob-1855,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Romanticism,gustave-dore_they-heard-and-from-his-presence-hid-themselves-amoung-the-thickest-trees,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,gustave-dore_they-heard-and-were-abashed-and-up-they-sprung,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]" +Romanticism,gustave-dore_they-plunged-their-swords-through-his-body,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Romanticism,gustave-dore_thieves(1),"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Romanticism,gustave-dore_this-greeting-on-thy-impious-crest-receive,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Romanticism,gustave-dore_this-said-they-both-betook-them-several-ways,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Romanticism,gustave-dore_tircis-and-amaranth,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,gustave-dore_to-whom-the-winged-hierarch-replied-o-adam-one-almighty-is-from-whom-all-things-proceed,"[0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,gustave-dore_tobias-and-the-angel,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]" +Romanticism,gustave-dore_traitors-bocca-degli-abati(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]" +Romanticism,gustave-dore_transformation-into-snakes,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 6.0, 0.0, 0.0]" +Romanticism,gustave-dore_troubadours-singing-the-glories-of-the-crusades,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,gustave-dore_tumult-and-escape,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Romanticism,gustave-dore_twilight,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,gustave-dore_two-hundred-knights-attack-twenty-thousand-saracens,"[0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 1.0]" +Romanticism,gustave-dore_two-owls,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,gustave-dore_ugolino(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 4.0, 0.0]" +Romanticism,gustave-dore_ugolino-and-archbishop-ruggieri(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 4.0, 0.0]" +Romanticism,gustave-dore_ugolino-and-gaddo(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 5.0, 0.0]" +Romanticism,gustave-dore_ugolino-ii(1),"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]" +Romanticism,gustave-dore_venus,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Romanticism,gustave-dore_venus-charles-martel,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,gustave-dore_virgil-and-dante,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0, 0.0]" +Romanticism,gustave-dore_virgil-and-dante-ii,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,gustave-dore_vivien-and-merlin,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,gustave-dore_walter-the-penniless-in-hungary,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Romanticism,gustave-dore_wave-rolling-after-wave-where-way-they-found-if-steep-with-torrent-rapture,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,gustave-dore_world-destroyed-by-water,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Romanticism,gustave-dore_you-will-all-be-chopped-into-little-bits-like-mincemeat,"[0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0, 0.0]" +Romanticism,gustave-dore_young-beggar,"[1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,gustave-dore_zechariah,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,gustave-moreau_abduction-of-the-young-venetian-woman-by-cypriot-pirates-1851,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]" +Romanticism,gustave-moreau_alice-1855,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,gustave-moreau_apollo-and-the-nine-muses-1856,"[0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,gustave-moreau_copy-of-raphael-s-cherub-1858,"[1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0]" +Romanticism,gustave-moreau_degas-portrait-in-the-uffizi-1859,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Romanticism,gustave-moreau_horseman,"[0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Romanticism,gustave-moreau_male-nude-1860,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,gustave-moreau_male-nude-and-other-studies-1858,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]" +Romanticism,gustave-moreau_pieta-1854,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,gustave-moreau_portrait-of-degas-in-florence-1858,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]" +Romanticism,gustave-moreau_portrait-of-eugene-lacheur-1852,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,gustave-moreau_saint-george-after-vittore-carpaccio,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,gustave-moreau_self-portrait-1850,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]" +Romanticism,gustave-moreau_shepherds-viewing-passing-soldiers,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,gustave-moreau_song-of-songs-1853,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]" +Romanticism,gustave-moreau_study-for-the-head-of-oedipus,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0]" +Romanticism,gustave-moreau_the-chimera-1856,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Romanticism,gustave-moreau_the-daughters-of-thespius-1853,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,gustave-moreau_two-modern-horsewomen,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,henry-raeburn_ann-fraser-mrs-alexander-fraser-tytler-1806,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,henry-raeburn_boy-and-rabbit,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,henry-raeburn_captain-hay-of-spot,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Romanticism,henry-raeburn_captain-patrick-miller-1789,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,henry-raeburn_catherine-vorontsova,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Romanticism,henry-raeburn_elizabeth-hamilton,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,henry-raeburn_francis-horner,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,henry-raeburn_general-sir-william-maxwell,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,henry-raeburn_henry-dundas-1st-viscount-melville,"[0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,henry-raeburn_henry-mackenzie,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,henry-raeburn_hugh-william-williams,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,henry-raeburn_jacobina-copland,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,henry-raeburn_john-home,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0]" +Romanticism,henry-raeburn_john-johnstone-betty-johnstone-and-miss-wedderburn,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Romanticism,henry-raeburn_john-playfair,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,henry-raeburn_john-rennie,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,henry-raeburn_john-robison,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Romanticism,henry-raeburn_lady-anne-torphicen,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,henry-raeburn_lieutenant-general-william-stuart,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,henry-raeburn_little-girl-holding-flowers-portrait-of-nancy-graham,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,henry-raeburn_mrs-colin-campbell-of-park,"[15.0, 3.0, 14.0, 0.0, 0.0, 0.0, 0.0, 10.0, 5.0]" +Romanticism,henry-raeburn_mrs-mclean-of-kinlochaline,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,henry-raeburn_mrs-scott-moncrieff,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,henry-raeburn_nathaniel-spens,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Romanticism,henry-raeburn_portrait-of-alexander-keith-of-ravelston-midlothian,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,henry-raeburn_portrait-of-bryce-mcmurdo,"[2.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,henry-raeburn_portrait-of-colonel-alasdair-mcdonnell-of-glengarry,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,henry-raeburn_portrait-of-colonel-francis-james-scott-1,"[0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,henry-raeburn_portrait-of-david-anderson,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Romanticism,henry-raeburn_portrait-of-francis-and-his-wife-eliza-dundas-cumming,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,henry-raeburn_portrait-of-isabella-mcleod-mrs-james-gregory,"[1.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,henry-raeburn_portrait-of-janet-dundas,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,henry-raeburn_portrait-of-john-tait-and-his-grandson,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,henry-raeburn_portrait-of-lord-newton,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]" +Romanticism,henry-raeburn_portrait-of-lucius-o-beirne-bishop-of-meath,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]" +Romanticism,henry-raeburn_portrait-of-miss-eleanor-urquhart,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Romanticism,henry-raeburn_portrait-of-mrs-andrew,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,henry-raeburn_portrait-of-mrs-anne-hart,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,henry-raeburn_portrait-of-mrs-e-bethune,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,henry-raeburn_portrait-of-mrs-kenneth-murchison,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Romanticism,henry-raeburn_portrait-of-niel-gow,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,henry-raeburn_portrait-of-professor-george-joseph-bell,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,henry-raeburn_portrait-of-sir-john-and-lady-clerk-of-penicuik,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,henry-raeburn_portrait-of-sir-walter-scott-1822,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,henry-raeburn_portrait-of-the-binning-children,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,henry-raeburn_portrait-of-the-rev-william-paul,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,henry-raeburn_portrait-of-the-reverend-john-thomson-minister-of-duddingston,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 1.0]" +Romanticism,henry-raeburn_portrait-of-the-reverend-robert-walker-skating,"[23.0, 6.0, 11.0, 3.0, 0.0, 0.0, 2.0, 1.0, 3.0]" +Romanticism,henry-raeburn_portrait-of-thomas-reid,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Romanticism,henry-raeburn_portrait-of-william-blair,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,henry-raeburn_rear-admiral-charles-inglis,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,henry-raeburn_rev-alexander-carlyle,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,henry-raeburn_robert-macqueen-lord-braxfield,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Romanticism,henry-raeburn_self-portrait,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,henry-raeburn_sir-john-sinclair-1795,"[1.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,henry-raeburn_the-allen-brothers,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,henry-raeburn_the-archers,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,henry-raeburn_the-drummond-children,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,henryk-siemiradzki_a-gypsy,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,henryk-siemiradzki_baptism-of-chris,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,henryk-siemiradzki_burial-of-alexander-nevsky,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]" +Romanticism,henryk-siemiradzki_chopin-performing-in-the-guest-hall-of-anton-radziville-in-berlin-in-1829,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,henryk-siemiradzki_country-idyll,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,henryk-siemiradzki_departure-from-an-island-at-night,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Romanticism,henryk-siemiradzki_entrance-of-christ-into-jerusalem,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,henryk-siemiradzki_funeral-of-an-old-russian-nobleman,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Romanticism,henryk-siemiradzki_gypsy-woman,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,henryk-siemiradzki_landscape,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,henryk-siemiradzki_man-in-profile,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,henryk-siemiradzki_night-on-the-eve-of-ivan-kupala,"[2.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,henryk-siemiradzki_not-detected-278800,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,henryk-siemiradzki_portrait-of-a-mother-of-henry-siemiradzki,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Romanticism,henryk-siemiradzki_portrait-of-ludwik-wodzicki,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,henryk-siemiradzki_prince-alexander-nevsky-in-gold-horde,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,henryk-siemiradzki_prince-alexander-nevsky-receiving-papal-legates,"[0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,henryk-siemiradzki_prince-alexander-nevsky-receiving-papal-legates-1,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Romanticism,henryk-siemiradzki_road-from-rome-to-albano,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Romanticism,henryk-siemiradzki_sketch-of-burning-corpses-of-russes,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,henryk-siemiradzki_svislach-landscape,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]" +Romanticism,henryk-siemiradzki_the-death-of-alexander-nevsky,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Romanticism,henryk-siemiradzki_the-funeral-of-ruz-in-bulgar,"[0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 1.0, 0.0]" +Romanticism,henryk-siemiradzki_the-pond-fauna,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,henryk-siemiradzki_unfinished-self-portrait,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Romanticism,henryk-siemiradzki_warriors-in-the-battle-of-silistria,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,homer-watson_old-mill-and-stream-1879,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,homer-watson_on-the-grand-river-at-doon-1880,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,homer-watson_the-castellated-cliff-1879,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]" +Romanticism,homer-watson_the-stone-road-1881,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_a-rocky-coastal-landscape-in-the-aegean-1884,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_after-the-shipwreck,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,ivan-aivazovsky_after-the-storm,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,ivan-aivazovsky_after-the-storm-1854,"[0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,ivan-aivazovsky_after-the-storm-moonrise-1894,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,ivan-aivazovsky_agitated-sea-1877,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_aivazovsky-with-friends-1893,"[10.0, 6.0, 11.0, 3.0, 0.0, 0.0, 3.0, 2.0, 11.0]" +Romanticism,ivan-aivazovsky_alexander-ii-crossing-the-danube-1878,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_alushta-1878,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,ivan-aivazovsky_american-shipping-off-the-rock-of-gibraltar-1873,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_approximation-of-the-storm-1877,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_araks-river-and-ararat-1875,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,ivan-aivazovsky_arrival-catherine-the-second-to-pheodosiya-1883,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,ivan-aivazovsky_arrival-into-sevastopol-bay-1852,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_arrival-of-peter-i-on-the-neva-1853,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_at-night-blue-wave-1876,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,ivan-aivazovsky_ayu-dag-on-a-foggy-day-1853,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_azure-grotto-naples-1841,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_barge-in-the-sea-shore,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_bathing-of-a-sheeps-1877,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_battle-of-cesme-at-night-1848,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,ivan-aivazovsky_battle-of-chesma-1886,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_battle-of-chios-on-24-june-1770-1848,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_battle-of-sinop-1853,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Romanticism,ivan-aivazovsky_battle-of-steamship-vesta-and-turkish-ironclad-1877,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_bay-of-naples-1845,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_before-battle-ship-constantinople-1872,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_between-the-waves-1898,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_black-sea-fleet-in-the-bay-of-feodosia-just-before-the-crimean-war-1890,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_black-sea-fleet-squadron-before-going-on-the-raid-sevastopol-1895,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_boat-at-sea-1894,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_boat-ride-by-kumkapi-in-constantinople-1846,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,ivan-aivazovsky_bosphorus-by-moonlight-1874,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_bracing-the-waves-1890,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_brig-mercury-attacked-by-two-turkish-ships-1892,"[0.0, 1.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_burning-ship-the-episode-of-the-russian-turkish-war,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]" +Romanticism,ivan-aivazovsky_byron-in-venice,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,ivan-aivazovsky_byron-visiting-mhitarists-on-island-of-st-lazarus-in-venice-1899,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_calm-on-the-mediterranean-sea-1892,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,ivan-aivazovsky_calm-sea-1863,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_calm-sea-1876,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_calm-sea-1879,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,ivan-aivazovsky_calm-sea-landscape-with-fishermen-1887,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_calm-sea-rocky-coast-1860,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_capture-turkish-kocherma-1880,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_caravan-in-the-oasis-egypt-1871,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_chains-of-the-caucasus-mountains-1869,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_chaos-the-creation-1841,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_chapel-on-seashore-1847,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_chapel-on-the-beach,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_chumaks-in-little-russia,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,ivan-aivazovsky_chumaks-leisure-1885,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_chumaks-waggons-1862,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,ivan-aivazovsky_clash-soldiers-with-murids-on-gunib-1869,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_cloud-over-the-calm-sea-1877,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_clouds-above-a-sea-calm-1889,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,ivan-aivazovsky_coast-of-sea-at-night-1847,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_columbus-sailing-from-palos-1892,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0]" +Romanticism,ivan-aivazovsky_constantinople-1856,"[0.0, 18.0, 16.0, 11.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,ivan-aivazovsky_constantinople-1880,"[1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_constantinople-sunset-1899,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,ivan-aivazovsky_conversation-on-the-shore-dusk,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,ivan-aivazovsky_creation-of-the-world-1864,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Romanticism,ivan-aivazovsky_crete-1897,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,ivan-aivazovsky_crimea-1852,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_crimean-coast-1886,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,ivan-aivazovsky_crimean-landscape-with-a-sailboat-1874,"[0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_crimean-tartars-on-the-sea-shore-1850,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,ivan-aivazovsky_crimean-view-ayu-dag-1865,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_cristofor-columb-1875,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_dante-shows-the-artist-in-the-unusual-clouds-1883,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_darial-gorge-1862,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_darial-gorge-1868,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,ivan-aivazovsky_darial-gorge-1891,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,ivan-aivazovsky_darial-gorge-moon-night-1868,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_dejection-of-noah-from-mountain-ararat-1870,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,ivan-aivazovsky_dejection-of-noah-from-mountain-ararat-1889,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,ivan-aivazovsky_dejection-of-noah-from-mountain-ararat-1897,"[0.0, 0.0, 3.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]" +Romanticism,ivan-aivazovsky_deluge-1864,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_downpour-in-sudak-1897,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_during-the-harvest-in-ukraine-1883,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,ivan-aivazovsky_dusk-on-the-golden-horn-1845,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,ivan-aivazovsky_embankment-of-oriental-town-1862,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,ivan-aivazovsky_evening-at-sea,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,ivan-aivazovsky_evening-at-sea-1871,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,ivan-aivazovsky_evening-in-the-crimea-1848,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_evening-on-the-roads,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_exchange-of-peterburg-1847,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_exploding-ship-1900,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_explosion-of-arkadion-monastery-on-crete-in-1866-1867,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_explosion-of-the-three-masted-steamship-in-sulin-on-27-september-1877-1878,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_farewell,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,ivan-aivazovsky_farewell-1895,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_field-sunset-1861,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_figures-in-a-coastal-landscape-at-sunset,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_first-train-in-feodosia-1892,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,ivan-aivazovsky_fishermen-on-the-coast-of-the-sea-1852,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_fishermen-on-the-shore,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_fishermen-returning-near-naples-1874,"[0.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_fishing-boats-in-a-harbor-1854,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,ivan-aivazovsky_fleeing-from-the-storm-1872,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 2.0]" +Romanticism,ivan-aivazovsky_fleet-in-sevastopol-1890,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Romanticism,ivan-aivazovsky_flock-of-sheep-at-gale-1861,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 6.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_flock-of-sheep-with-herdsmen-unset-1870,"[0.0, 1.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_fortress-at-the-sea,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Romanticism,ivan-aivazovsky_frigate-on-a-sea-1838,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_frigate-under-sails-1838,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_from-the-calm-to-hurricane-1892,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_frozen-bosphorus-under-snow-1874,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0]" +Romanticism,ivan-aivazovsky_golden-horn-1872,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_golden-horn-1895,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,ivan-aivazovsky_gondolier-at-sea-by-night-1843,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_gunboat-off-crete-1897,"[0.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_gurzuf,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_gurzuf-1859,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_gurzuf-night-1849,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_harbor-1850,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_heroine-bobolina-with-hunters-breaks-under-a-hail-of-shots-on-a-boat-through-the-turkish-fleet-1880,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_high-seas-1874,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_hurricane-at-the-sea-1850,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Romanticism,ivan-aivazovsky_hurricane-on-a-sea-1899,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_ice-breakers-on-the-frozen-neva-in-st-petersburg-1877,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]" +Romanticism,ivan-aivazovsky_ice-in-the-dnepr-1872,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,ivan-aivazovsky_icebergs-in-the-atlantic-1870,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_in-cairo-1881,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_in-harbour-1842,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_ingermanland-1876,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]" +Romanticism,ivan-aivazovsky_island-of-ischia-1892,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_island-of-patmos-1854,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_italian-landscape-1855,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_italian-landscape-1858,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_jesus-walks-on-water-1888,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,ivan-aivazovsky_jesus-walks-on-water-1888-1,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,ivan-aivazovsky_ka-d-ordo-palace-in-venice-by-moonlight-1878,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_katolikos-hrimyan-near-emiadzin-1895,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,ivan-aivazovsky_kerch-1839,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,ivan-aivazovsky_kronshtadt-fort-the-emperor-alexander-1844,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_lake-maggiore-in-the-evening-1858,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_landscape-with-a-sailboat,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,ivan-aivazovsky_landscape-with-a-schooner-1880,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_landscape-with-vesuvius-1896,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_landscape-with-windmills,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_lisbon-sunrise-1860,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_little-russian-ox-cart-in-winter-1866,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Romanticism,ivan-aivazovsky_livadia,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,ivan-aivazovsky_loading-provisions-off-the-crimean-coast-1876,"[0.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,ivan-aivazovsky_lunar-night-1849,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_lunar-night-1857,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,ivan-aivazovsky_lunar-night-1862,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,ivan-aivazovsky_lunar-night-1870,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_lunar-night-1899,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_lunar-night-at-the-sea-1875,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,ivan-aivazovsky_lunar-night-at-the-spring-1877,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]" +Romanticism,ivan-aivazovsky_lunar-night-in-the-constantinople-1862,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]" +Romanticism,ivan-aivazovsky_lunar-night-in-the-crimea-1862,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_lunar-night-on-a-sea-1895,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_lunar-night-on-capri-1841,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_lunar-night-on-the-black-sea-1859,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_lunar-night-on-the-crimean-coast-1852,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_malaga-1854,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_malakhov-hill-1893,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Romanticism,ivan-aivazovsky_malta-valetto-harbour-1844,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,ivan-aivazovsky_marina-1892,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Romanticism,ivan-aivazovsky_meeting-of-a-fishermen-on-coast-of-the-bay-of-naples-1842,"[0.0, 1.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,ivan-aivazovsky_meeting-of-the-brig-mercury-with-the-russian-squadron-after-the-defeat-of-two-turkish-1848,"[1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_mhitarists-on-island-of-st-lazarus-1843,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_mine-attack-1877,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_misty-morning,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,ivan-aivazovsky_misty-morning-in-italy-1864,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,ivan-aivazovsky_moon-night-1885,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Romanticism,ivan-aivazovsky_moon-path,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,ivan-aivazovsky_moon-path-1886,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_moonlight-in-feodosia-1852,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,ivan-aivazovsky_moonlight-in-feodosia-1880,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,ivan-aivazovsky_moonlit-night,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,ivan-aivazovsky_moonlit-night-beside-the-sea-1847,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,ivan-aivazovsky_moonlit-night-near-yalta-1863,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,ivan-aivazovsky_moonlit-night-on-the-bosphorus-1894,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_moonlit-night-on-the-crimea-gurzuf-1839,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,ivan-aivazovsky_moonlit-night-wrecked-ship-1871,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,ivan-aivazovsky_moonlit-seascape-with-shipwreck-1863,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_moonlit-view-of-the-bosphorus-1884,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_moonrise-in-feodosia-1892,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Romanticism,ivan-aivazovsky_morning-1851,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_morning-after-the-storm-1888,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,ivan-aivazovsky_morning-at-sea-1849,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,ivan-aivazovsky_morning-bay-1878,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,ivan-aivazovsky_morning-in-the-bay-of-naples-1873,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,ivan-aivazovsky_morning-on-a-sea-1883,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,ivan-aivazovsky_moscow-in-winter-from-the-sparrow-hills-1872,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_mountain-village-gunib-in-daghestan-view-from-the-east-1869,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_napoleon-on-island-of-st-helen-1897,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_neapolitan-lighthouse-1842,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Romanticism,ivan-aivazovsky_near-coast-of-yalta-1864,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_near-coast-of-yalta-1894,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_near-crimean-coast-1890,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,ivan-aivazovsky_neva,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_night,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,ivan-aivazovsky_night-at-crimea-view-on-ayu-dag-1859,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_night-at-the-rodos-island-1850,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_night-constantinople-1886,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,ivan-aivazovsky_night-in-amalfi-1854,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_night-in-the-crimea-view-of-ayu-dag-1850,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,ivan-aivazovsky_night-in-the-ukraine-1871,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_night-landscape-venice,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,ivan-aivazovsky_night-near-yalta-1866,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,ivan-aivazovsky_night-tragedy-in-the-sea-of-marmara-1897,"[0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,ivan-aivazovsky_nocturnal-voyage,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_ocean-1896,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_odessa-1840,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Romanticism,ivan-aivazovsky_odessa-at-night-1846,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_on-the-coast-1875,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_on-the-island-of-crete-1867,"[1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_on-the-roads-1874,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_on-the-sea,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Romanticism,ivan-aivazovsky_on-the-storm-1872,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Romanticism,ivan-aivazovsky_on-the-storm-1899,"[0.0, 3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_on-the-way-to-yalta-1860,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_oreanda-1858,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,ivan-aivazovsky_ox-cart-crossing-a-flooded-plain-1897,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_ox-train-on-the-sea-shore-1860,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,ivan-aivazovsky_ox-train-on-the-steppe,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_palace-rains-in-venice-by-moonlight-1878,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,ivan-aivazovsky_parade-of-the-black-sea-fleet,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_passage-of-the-jews-through-the-red-sea-1891,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Romanticism,ivan-aivazovsky_peter-the-first-to-light-out-a-watch-fire-1846,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,ivan-aivazovsky_portrait-of-a-i-kaznacheev-1847,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,ivan-aivazovsky_portrait-of-a-man-1850,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,ivan-aivazovsky_portrait-of-gabriel-aivazian-the-artist-s-brother-1883,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Romanticism,ivan-aivazovsky_portrait-of-i-lazarev-1851,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_portrait-of-khalibjan-mayor-of-the-new-nakhichevan-1862,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Romanticism,ivan-aivazovsky_portrait-of-loris-melikov-1888,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Romanticism,ivan-aivazovsky_portrait-of-senator-alexander-ivanovich-kaznacheyev-1848,"[0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,ivan-aivazovsky_portrait-of-the-artist-s-grandmother-ashkhen-1858,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Romanticism,ivan-aivazovsky_portrait-of-the-artist-s-wife-anna-burnazyan-1882,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]" +Romanticism,ivan-aivazovsky_portrait-of-vice-admiral-m-p-lazarev-1839,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,ivan-aivazovsky_pushkin-and-countess-raevskaya-by-the-sea-near-gurzuf-and-partenit-1886,"[0.0, 0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_pushkin-and-raevskaya-in-gurzuf,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,ivan-aivazovsky_pushkin-at-the-top-of-the-ai-petri-mountain-at-sunrise-1899,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_pushkin-in-gurzuf-1880,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_pushkin-on-the-coast-black-sea-1887,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,ivan-aivazovsky_pushkin-s-farewell-to-the-black-sea-1877,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Romanticism,ivan-aivazovsky_pyramids-1895,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_raid-on-sevastopol-1852,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_range-of-the-caucasus-mountains-1869,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_rescue-at-sea-1872,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_reval,"[0.0, 0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_reval-1844,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_river-rioni-georgia-1880,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,ivan-aivazovsky_roads-of-mljet-to-gudauri-1868,"[0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_rocks-in-the-mist-1890,"[0.0, 3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_rocky-island-1855-1,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]" +Romanticism,ivan-aivazovsky_rough-sea-1844,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Romanticism,ivan-aivazovsky_rough-sea-at-night-1853,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Romanticism,ivan-aivazovsky_rush,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_rush-on-dnepr-near-aleshki-1857,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_russian-and-french-frigates-1858,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_russian-squadron-on-the-raid-of-sevastopol-1846,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_russian-turkish-sea-battle-of-sinop-on-18th-november-1853-1853,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,ivan-aivazovsky_sailboat-1859,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_sailing-in-a-storm-1881,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Romanticism,ivan-aivazovsky_sailing-in-the-sea-1884,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_sailing-in-the-sea-1884-1,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_sailing-off-the-coast-of-the-crimea-in-the-moonlit-night-1858,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_sailing-ship,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,ivan-aivazovsky_sailing-ship-1870,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_sand-pebbles,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_sea,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_sea-1,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_sea-1864,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_sea-1867,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_sea-1881,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]" +Romanticism,ivan-aivazovsky_sea-1882,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Romanticism,ivan-aivazovsky_sea-1895,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Romanticism,ivan-aivazovsky_sea-1898,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_sea-2,"[1.0, 10.0, 19.0, 5.0, 0.0, 1.0, 2.0, 1.0, 7.0]" +Romanticism,ivan-aivazovsky_sea-3,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Romanticism,ivan-aivazovsky_sea-4,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Romanticism,ivan-aivazovsky_sea-against-a-rocky-shore-1851,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,ivan-aivazovsky_sea-at-night,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]" +Romanticism,ivan-aivazovsky_sea-at-night-1,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_sea-at-night-1861,"[0.0, 3.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,ivan-aivazovsky_sea-at-night-2,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,ivan-aivazovsky_sea-battle-1855,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_sea-battle-at-revel-1846,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_sea-battle-near-vyborg-1846,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Romanticism,ivan-aivazovsky_sea-bay-1842,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_sea-before-storm-1856,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Romanticism,ivan-aivazovsky_sea-buttle-near-revel-1846,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_sea-channel-with-lighthouse-1873,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_sea-coast-1840,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_sea-coast-1861,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_sea-coast-crimean-coast-near-ai-petri-1890,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_sea-coast-farewell-1868,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_sea-coast-wave-1880,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,ivan-aivazovsky_sea-on-a-moonlit-night-1858,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_sea-on-the-mountains-background-1880,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Romanticism,ivan-aivazovsky_sea-rocks-1889,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_sea-sunny-day,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_sea-sunset-1896,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Romanticism,ivan-aivazovsky_sea-view,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_sea-view-1841-1,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,ivan-aivazovsky_sea-view-1865,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_sea-view-1867,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,ivan-aivazovsky_sea-view-1892,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_sea-view-1895,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_sea-view-1899,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_sea-view-1900,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_sea-view-by-moonlight-1878,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_sea-view-with-chapel-1845-1,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,ivan-aivazovsky_sea-with-a-ship,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_sea-with-a-ship-1884,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Romanticism,ivan-aivazovsky_seascape,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,ivan-aivazovsky_seascape-1,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_seascape-1856,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_seascape-1870-1,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_seascape-1871,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,ivan-aivazovsky_seascape-1874,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_seascape-1878,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_seascape-1898,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_seascape-2,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,ivan-aivazovsky_seascape-3,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_seascape-in-crimea-1866,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,ivan-aivazovsky_seascape-koktebel-1889,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_seascape-with-moon-1849,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_seashore-1843,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_seashore-1861,"[0.0, 0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_seaside-city-view-of-yalta-1866,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_self-portrait-1874,"[4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_self-portrait-1880,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,ivan-aivazovsky_self-portrait-1880-1,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,ivan-aivazovsky_self-portrait-1881,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,ivan-aivazovsky_self-portrait-1892,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,ivan-aivazovsky_sevastopol,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_sevastopol-1852,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_sheep-which-forced-by-storm-to-the-sea-1855,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_sheepdip-1877,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_sheepdip-1878,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,ivan-aivazovsky_ship,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_ship-at-sea-1870,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_ship-at-sea-1895,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_ship-in-a-storm-1887,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_ship-in-a-storm-1891,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,ivan-aivazovsky_ship-in-a-storm-1895,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Romanticism,ivan-aivazovsky_ship-in-a-storm-1896,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 1.0]" +Romanticism,ivan-aivazovsky_ship-in-the-stormy-sea-1887,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_ship-twelve-apostles-1897,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_ships-at-anchor-1851,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_ships-at-the-feodosiya-raid-1897,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_ships-in-a-storm-1860,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]" +Romanticism,ivan-aivazovsky_ships-in-the-stillness-of-the-night-1888,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_ships-in-the-stormy-sea-1866,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Romanticism,ivan-aivazovsky_ships-in-the-stormy-sea-sunrise-1871,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_ships-of-columbus-1880,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,ivan-aivazovsky_shipwreck-1854,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Romanticism,ivan-aivazovsky_shipwreck-near-gurzuf-1898,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_shipwreck-of-lefort-1858,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,ivan-aivazovsky_siege-of-sevastopol-1859,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_smolny-convent-1849,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,ivan-aivazovsky_smolny-convent-sunseat-1847,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_smugglers-1884,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]" +Romanticism,ivan-aivazovsky_smugglers-1890,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,ivan-aivazovsky_sorrento-sea-view-1842,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Romanticism,ivan-aivazovsky_southern-night-crimea-1848,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_st-petersburg-the-ferry-across-the-river-1870,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,ivan-aivazovsky_storm-1861,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_storm-1889,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,ivan-aivazovsky_storm-at-sea-1847,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 6.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_storm-at-sea-1873,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]" +Romanticism,ivan-aivazovsky_storm-at-sea-1893,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Romanticism,ivan-aivazovsky_storm-at-sea-1893-1,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Romanticism,ivan-aivazovsky_storm-at-sea-on-a-moonlit-night,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,ivan-aivazovsky_stormy-sea-1868,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_stormy-sea-1872,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_stormy-sea-1887,"[0.0, 5.0, 1.0, 3.0, 0.0, 0.0, 28.0, 9.0, 4.0]" +Romanticism,ivan-aivazovsky_strong-wind-1856,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Romanticism,ivan-aivazovsky_sunny-day-1884,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,ivan-aivazovsky_sunrise-in-feodosia-1852,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,ivan-aivazovsky_sunrise-in-feodosia-1855,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_sunrise-on-the-coast-of-yalta,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,ivan-aivazovsky_sunset-1866,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_sunset-a-lone-sailboat-1853,"[0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_sunset-at-sea-1853,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_sunset-at-sea-1856,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_sunset-at-sea-1878,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,ivan-aivazovsky_sunset-at-sea-1886,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_sunset-at-sea-1898,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Romanticism,ivan-aivazovsky_sunset-at-sea-1899,"[2.0, 17.0, 19.0, 5.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,ivan-aivazovsky_sunset-at-the-crimean-coast-1856,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_sunset-in-feodosia-1865,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_sunset-in-little-russia-1863,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_sunset-mill,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_sunset-over-the-golden-horn-1866,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,ivan-aivazovsky_surf-1888,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_surf-1893,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,ivan-aivazovsky_surf-1895,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0, 1.0, 0.0]" +Romanticism,ivan-aivazovsky_surf-1897,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_surf-near-coast-of-crimea-1880,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_surf-near-coast-of-crimea-1892,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Romanticism,ivan-aivazovsky_survivors-1844,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,ivan-aivazovsky_sveaborg-1844,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,ivan-aivazovsky_tempest-1850,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Romanticism,ivan-aivazovsky_tempest-1872,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Romanticism,ivan-aivazovsky_tempest-1886,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]" +Romanticism,ivan-aivazovsky_tempest-above-evpatoriya-1861,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_tempest-by-cape-aiya-1875,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_tempest-by-coast-of-nice-1885,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]" +Romanticism,ivan-aivazovsky_tempest-by-coast-of-odessa-1898,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]" +Romanticism,ivan-aivazovsky_tempest-on-the-black-sea-1875,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_tempest-on-the-northern-sea-1865,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_tempest-on-the-sea-at-nidht-1849,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_tempest-shipwreck-of-the-foreign-ship-1855,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0, 0.0, 1.0]" +Romanticism,ivan-aivazovsky_tempest-sunset-1856,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_the-acropolis-of-athens-1883,"[0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,ivan-aivazovsky_the-baptism-of-armenians-1892,"[0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]" +Romanticism,ivan-aivazovsky_the-battle-of-navarino-1846,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,ivan-aivazovsky_the-bay-golden-horn-1845,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,ivan-aivazovsky_the-bay-golden-horn-in-istanbul-1872,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_the-bay-of-naples-1841,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_the-bay-of-naples-1845,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_the-bay-of-naples-at-moonlit-night-1842,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_the-bay-of-naples-at-moonlit-night-vesuvius,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_the-bay-of-naples-at-moonlit-night-vesuvius-1840,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_the-bay-of-naples-at-night-1895,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_the-bay-of-naples-by-moonlight-1842,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,ivan-aivazovsky_the-bay-of-naples-by-moonlight-1892,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Romanticism,ivan-aivazovsky_the-bay-of-naples-early-in-the-morning-1897,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_the-bay-of-naples-in-the-morning-1843,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_the-bay-of-naples-in-the-morning-1877,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Romanticism,ivan-aivazovsky_the-bay-of-naples-in-the-morning-1893,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_the-bay-of-naples-on-misty-morning-1874,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_the-bay-of-naples-view-of-vesuvius-1879,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_the-bay-of-yalta-1885,"[0.0, 9.0, 28.0, 6.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,ivan-aivazovsky_the-betrayal-of-judas-1834,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,ivan-aivazovsky_the-black-sea,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]" +Romanticism,ivan-aivazovsky_the-black-sea-at-night,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_the-black-sea-at-night-1879,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_the-capture-of-sebastopol-1855,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_the-capture-of-turkish-nave-on-black-sea-1877,"[0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_the-caucasian-range-from-the-sea-1899,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Romanticism,ivan-aivazovsky_the-caucasus,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_the-coast-at-amalfi-1841,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_the-daryal-canyon-1855,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_the-daryal-canyon-1862,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_the-gale-on-sea-is-over-1839,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,ivan-aivazovsky_the-great-roads-at-kronstadt-1836(1),"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Romanticism,ivan-aivazovsky_the-harbor-at-odessa-on-the-black-sea-1852,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,ivan-aivazovsky_the-harbour-of-venice-the-island-of-san-georgio-1844,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_the-island-of-rhodes-1861,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_the-landing-at-subashi-1839,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_the-landing-to-subashi-1880,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_the-mary-caught-in-a-storm-1892,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_the-monastery-of-george-cape-fiolent-1846,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,ivan-aivazovsky_the-moonrize-in-feodosiya-1892,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_the-mountain-ararat-1885,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_the-niagara-waterfall-1894,"[1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_the-nice-at-night,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_the-ninth-wave-1850-1,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_the-ninth-wave-1857,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_the-old-feodosia-1839,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_the-pier-in-feodosia-1840,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,ivan-aivazovsky_the-rainbow-1873,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_the-rescue,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Romanticism,ivan-aivazovsky_the-rescue-1857,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_the-roads-at-kronstadt-1840,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_the-ruins-of-pompeii-1889,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Romanticism,ivan-aivazovsky_the-sea-koktebel-1853,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,ivan-aivazovsky_the-ship-near-coast-1890,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Romanticism,ivan-aivazovsky_the-ship-thrown-on-the-rocks-1874,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]" +Romanticism,ivan-aivazovsky_the-ships-on-rough-sea-sunrise-1871,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_the-shipwreck,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_the-shipwreck-1843,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_the-shipwreck-1864-1,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_the-shipwreck-1865,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Romanticism,ivan-aivazovsky_the-shipwreck-1875,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Romanticism,ivan-aivazovsky_the-shipwreck-1876,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_the-shipwreck-1880,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 5.0, 1.0, 0.0]" +Romanticism,ivan-aivazovsky_the-shipwreck-1884,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,ivan-aivazovsky_the-shipwreck-1894,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_the-shipwreck-in-a-stormy-sea,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_the-shipwreck-near-mountain-of-aphon-1856,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_the-shipwreck-near-rocks-1870,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]" +Romanticism,ivan-aivazovsky_the-shipwreck-on-black-sea-1873,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_the-shipwreck-on-northern-sea-1865,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Romanticism,ivan-aivazovsky_the-shipwreck-on-northern-sea-1875,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]" +Romanticism,ivan-aivazovsky_the-shipwreck-on-northern-sea-1875-1,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]" +Romanticism,ivan-aivazovsky_the-shores-of-dalmatia-1848,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,ivan-aivazovsky_the-sunrize-1874,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_the-sunrize-in-feodosiya-1855,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,ivan-aivazovsky_the-sunset-1866,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_the-sunset-on-sea-1848,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,ivan-aivazovsky_the-sunset-on-sea-1866,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_the-tempest-1851,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_the-tempest-1857,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 3.0, 1.0, 1.0]" +Romanticism,ivan-aivazovsky_the-tempest-1886,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Romanticism,ivan-aivazovsky_the-tempest-1886-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]" +Romanticism,ivan-aivazovsky_the-tempest-1899,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_the-tempest-1899-1,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0]" +Romanticism,ivan-aivazovsky_the-tempest-near-rocks-1875,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_the-tower-of-genoa-1845,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Romanticism,ivan-aivazovsky_the-varangians-on-the-dnieper-1876,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,ivan-aivazovsky_the-vow-before-avaraisk-battle-1892,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,ivan-aivazovsky_the-waves-1893,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_the-wedding-of-the-poet-in-ancient-greece-1886,"[6.0, 15.0, 18.0, 9.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_the-wrath-of-the-seas-1886,"[0.0, 9.0, 1.0, 5.0, 0.0, 0.0, 28.0, 2.0, 0.0]" +Romanticism,ivan-aivazovsky_thunderstorm-1892,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_tower-shipwreck-1847,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0]" +Romanticism,ivan-aivazovsky_towers-on-the-rock-near-bosporus-1853,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_travel-of-poseidon-by-sea-1894,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]" +Romanticism,ivan-aivazovsky_trebizond-from-the-sea-1856,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_trebizond-from-the-sea-1875,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_troika-in-the-steppe-1882,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_ukrainian-landscape-with-chumaks-in-the-moonlight-1869,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,ivan-aivazovsky_venetian-night,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Romanticism,ivan-aivazovsky_venice-1842,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_venice-1842-1,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_venice-1844,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,ivan-aivazovsky_venice-1849,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_venice-1870,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_venice-1874,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_vesuvius,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,ivan-aivazovsky_view-from-livadia-1861,"[2.0, 15.0, 19.0, 6.0, 0.0, 0.0, 0.0, 0.0, 4.0]" +Romanticism,ivan-aivazovsky_view-of-amalfi-1865,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_view-of-amsterdam-1854,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Romanticism,ivan-aivazovsky_view-of-constantinople-1849,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Romanticism,ivan-aivazovsky_view-of-constantinople-1851,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_view-of-constantinople-1870,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_view-of-constantinople-and-the-bosporus,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_view-of-constantinople-by-evening-light-1846,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_view-of-constantinople-by-moonlight-1846,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_view-of-crimea-1851,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_view-of-crimea-at-sunset-1862,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_view-of-feodosiya-1845,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Romanticism,ivan-aivazovsky_view-of-gunib-1868,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_view-of-leandrovsk-tower-in-constantinople-1848,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,ivan-aivazovsky_view-of-moscow-from-sparrow-hills-1848,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_view-of-moscow-from-sparrow-hills-1851,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_view-of-odessa-from-the-sea-1865,"[0.0, 8.0, 2.0, 5.0, 0.0, 0.0, 27.0, 3.0, 1.0]" +Romanticism,ivan-aivazovsky_view-of-peterburg-1888,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_view-of-seaside-town-1877,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_view-of-seaside-town-in-the-evening-with-a-lighthouse-1870,"[0.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_view-of-sudak-bay-1879,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_view-of-the-ayu-dag-crimea-1868,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,ivan-aivazovsky_view-of-the-big-cascade-in-petergof-and-the-great-palace-of-petergof-1837,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_view-of-the-bosporus-1864,"[0.0, 3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_view-of-the-bosporus-1874,"[0.0, 3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_view-of-the-bosporus-1878,"[0.0, 3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_view-of-the-coast-near-st-petersburg-1835,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_view-of-the-golden-horn,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,ivan-aivazovsky_view-of-the-sea-at-night-1873,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_view-of-the-sea-from-the-mountains-at-sunset-crimea-1864,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_view-of-tiflis-1868,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_view-of-tiflis-1869,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_view-of-venice-from-lido-1855,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_view-of-vico-near-naples-1855,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_view-of-yalta-1867,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]" +Romanticism,ivan-aivazovsky_view-of-yalta-in-evening-1870,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,ivan-aivazovsky_view-on-crimea,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,ivan-aivazovsky_view-on-lagoon-of-venice-1841,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_view-on-rocky-coast-1845,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,ivan-aivazovsky_view-on-the-capri-1845,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,ivan-aivazovsky_volga-1887,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_volga-near-zhigulevskie-hill-1887,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_warning-of-storm-1851,"[0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_wave-1889,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Romanticism,ivan-aivazovsky_wave-1895,"[0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_wedding-in-ukraine-1892,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,ivan-aivazovsky_windmill,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,ivan-aivazovsky_windmill-on-the-sea-coast-1837,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,ivan-aivazovsky_windmill-on-the-sea-coast-1851,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_windmills-in-the-ukrainian-steppe-at-sunset-1862,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_winter-scene-in-little-russia-1868,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_wreck-of-a-merchant-ship-in-the-open-sea-shipwreck-1883,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_yalta-1838,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_yalta-1878,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_yalta-1899,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,ivan-aivazovsky_yalta-the-mountains-at-night,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,jacek-malczewski_at-the-stage-siberians-1890,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Romanticism,jacek-malczewski_death-of-ellenai-1883,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Romanticism,jacek-malczewski_the-painter-boy-1890,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,jacek-malczewski_washing-of-feet-1887,"[0.0, 0.0, 3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]" +Romanticism,jan-matejko_akt-meski,"[2.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,jan-matejko_alchemist-sendivogius-1867,"[2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,jan-matejko_aleksander-jagiellonczyk,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,jan-matejko_alexander-jagiellon,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0]" +Romanticism,jan-matejko_angel,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,jan-matejko_angel-ii,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,jan-matejko_angel-iii,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,jan-matejko_angel-with-flutes,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,jan-matejko_angel-with-harp,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,jan-matejko_anna-jagiellon,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,jan-matejko_armenian-cathedral,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,jan-matejko_armor-of-stefan-batory-1872,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,jan-matejko_artur-potocki,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,jan-matejko_augustus-ii-the-strong,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Romanticism,jan-matejko_augustus-ii-the-strong-1,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,jan-matejko_augustus-iii,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,jan-matejko_augustus-iii-of-poland,"[0.0, 1.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,jan-matejko_bathory-at-pskov-1872,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,jan-matejko_battle-of-grunwald-1878,"[0.0, 3.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,jan-matejko_battle-of-grunwald-detail,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Romanticism,jan-matejko_battle-of-grunwald-detail-1,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 1.0]" +Romanticism,jan-matejko_battle-of-grunwald-detail-2,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Romanticism,jan-matejko_battle-of-grunwald-detail-3,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]" +Romanticism,jan-matejko_battle-of-grunwald-detail-4,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0]" +Romanticism,jan-matejko_battle-of-grunwald-detail-5,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0, 0.0]" +Romanticism,jan-matejko_battle-of-grunwald-detail-6,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,jan-matejko_battle-of-grunwald-detail-7,"[0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,jan-matejko_battle-of-grunwald-detail-8,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,jan-matejko_battle-of-grunwald-detail-9,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,jan-matejko_battle-of-grunwald-jan-zizka-detail,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,jan-matejko_battle-of-grunwald-the-death-of-the-grand-master-ulrich-von-jungingen-detail,"[0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,jan-matejko_battle-of-grunwald-witold-detail,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,jan-matejko_battle-of-raclawice-1888,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Romanticism,jan-matejko_bishop-union,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,jan-matejko_blind-veit-stoss-with-daughter,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,jan-matejko_bohdan-khmelnytsky-with-tugai-bey-near-lviv-1885,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,jan-matejko_boleslaus-i,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Romanticism,jan-matejko_boleslaw-iii-of-poland-boleslaw-the-wry-mouthed,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,jan-matejko_boleslaw-iv-the-curly,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,jan-matejko_boleslaw-the-bold,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,jan-matejko_boleslaw-the-bold-1,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,jan-matejko_boleslaw-the-brave,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Romanticism,jan-matejko_boleslaw-the-chaste,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,jan-matejko_boleslaw-the-curly,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Romanticism,jan-matejko_boleslaw-the-wrymouthed,"[3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,jan-matejko_boleslaw-v-the-chaste,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Romanticism,jan-matejko_bona-ossowiecka,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,jan-matejko_brave-in-kiev(1),"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 2.0]" +Romanticism,jan-matejko_casimir-jagiellonian,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,jan-matejko_casimir-the-great,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,jan-matejko_casimir-the-just,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,jan-matejko_casimir-the-restorer,"[1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,jan-matejko_catherine-potocka,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,jan-matejko_christ,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Romanticism,jan-matejko_christianization-of-lithuania-a-d-1387-1889,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0]" +Romanticism,jan-matejko_christianization-of-poland-a-d-965-1889,"[0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,jan-matejko_congress-of-the-kings,"[1.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,jan-matejko_copernicus-in-the-tower-at-frombork-1872,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,jan-matejko_coronation,"[1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Romanticism,jan-matejko_coronation-of-the-first-king-a-d-1001-1889,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Romanticism,jan-matejko_cyril-and-methodius,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Romanticism,jan-matejko_czartoryska,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,jan-matejko_death-of-king-przemysl-ii,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,jan-matejko_death-of-sigismund-augustus-at-knyszyn,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,jan-matejko_devil,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0]" +Romanticism,jan-matejko_devil-1,"[1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0, 0.0]" +Romanticism,jan-matejko_devil-2,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0, 0.0]" +Romanticism,jan-matejko_diet-in-gasawa,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]" +Romanticism,jan-matejko_dimitri-from-goraj,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,jan-matejko_dobrawa,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,jan-matejko_drowned-in-bosphorus,"[0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0]" +Romanticism,jan-matejko_empress-rejtan,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,jan-matejko_entry-valois,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,jan-matejko_feast-wierzynek,"[0.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,jan-matejko_gamrat-and-stanczyk-1878,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,jan-matejko_grunwald-battlefield,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]" +Romanticism,jan-matejko_gryfino-and-leszek,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,jan-matejko_helena-sparrowhawk,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,jan-matejko_henry-the-bearded,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,jan-matejko_henry-valois,"[4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,jan-matejko_henryk-brodaty,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Romanticism,jan-matejko_henryk-krajewski,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Romanticism,jan-matejko_henryk-pobozny,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]" +Romanticism,jan-matejko_henryk-walezy,"[2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,jan-matejko_hetman-of-the-polish-crown-in-the-17th-century,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,jan-matejko_immigration-of-the-jews,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,jan-matejko_ivan-the-terrible,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,jan-matejko_jadwiga,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,jan-matejko_jagiello-with-witold,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 3.0, 0.0, 1.0]" +Romanticism,jan-matejko_jan-iii-at-vienna,"[0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Romanticism,jan-matejko_jan-iii-sobieski,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,jan-matejko_jan-iii-sobieski-1,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,jan-matejko_jan-kochanowski-over-the-dead-body-of-his-daughter-1862,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]" +Romanticism,jan-matejko_jan-olbracht,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,jan-matejko_jan-sobieski-portraited-in-a-parade-scale-armour,"[0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,jan-matejko_jan-suchorzewski,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]" +Romanticism,jan-matejko_jan-zamoyski,"[3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,jan-matejko_jan-zizka,"[1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,jan-matejko_jewess,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Romanticism,jan-matejko_john-albert,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,jan-matejko_john-casimir,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Romanticism,jan-matejko_john-ii-casimir,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,jan-matejko_jozef-szujski,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,jan-matejko_judgement-on-matejko,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,jan-matejko_julian-bukowski,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Romanticism,jan-matejko_kazimierz-i-odnowiciel,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,jan-matejko_kazimierz-ii-sprawiedliwy,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,jan-matejko_kazimierz-iii-wielki,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]" +Romanticism,jan-matejko_kazimierz-jagiellonczyk,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,jan-matejko_king-stefan-batory,"[0.0, 2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,jan-matejko_konrad-i-of-masovia,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,jan-matejko_kosciuszko-raclawice,"[0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Romanticism,jan-matejko_krakow-morgue,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]" +Romanticism,jan-matejko_leszek-i-the-white,"[1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,jan-matejko_leszek-i-the-white-1,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,jan-matejko_leszek-the-black,"[2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,jan-matejko_leszek-the-black-1,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,jan-matejko_louis-of-anjou,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,jan-matejko_louis-the-hungarian,"[1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0]" +Romanticism,jan-matejko_lukasz-dobrzanski,"[0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Romanticism,jan-matejko_maid-of-orleans,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,jan-matejko_maid-of-orleans-1,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,jan-matejko_maria-maurizio,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]" +Romanticism,jan-matejko_maria-puslowska,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,jan-matejko_matejko-family,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Romanticism,jan-matejko_matejko-jadwiga,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,jan-matejko_maurizio-parys,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,jan-matejko_michal-korybut,"[1.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,jan-matejko_mieszko,"[1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 1.0]" +Romanticism,jan-matejko_mieszko-i-of-poland,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,jan-matejko_mieszko-ii-lambert,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,jan-matejko_mieszko-ii-lambert-1,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Romanticism,jan-matejko_mieszko-iii-stary,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,jan-matejko_mieszko-the-old,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,jan-matejko_occupation-of-rus,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,jan-matejko_old-man-s-head,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Romanticism,jan-matejko_orthodox-woloska,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]" +Romanticism,jan-matejko_ostafij-daszkiewicz,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,jan-matejko_our-lady,"[1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,jan-matejko_output-scholars,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Romanticism,jan-matejko_output-scholars-from-krakow,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,jan-matejko_peter-moszynski,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,jan-matejko_peter-the-hermit,"[0.0, 1.0, 0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,jan-matejko_poisoning-of-queen-bona,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Romanticism,jan-matejko_polonia,"[1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,jan-matejko_polonia-1863,"[1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,jan-matejko_portrait-of-a-daughter-beata,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]" +Romanticism,jan-matejko_portrait-of-a-father,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,jan-matejko_portrait-of-alfred-potocki-1879,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,jan-matejko_portrait-of-sister,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Romanticism,jan-matejko_portrait-of-the-artist-s-four-children-1879,"[1.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,jan-matejko_portrait-of-three-children,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,jan-matejko_przemysl,"[3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,jan-matejko_przemysl-ii,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,jan-matejko_richensa-of-lotharingia,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,jan-matejko_rp-babinska-f,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,jan-matejko_saint-casimir,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,jan-matejko_samuel-zborowski,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,jan-matejko_self-portrait,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,jan-matejko_self-portrait-1892,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Romanticism,jan-matejko_shuiskiis-czars-at-the-seym-in-warsaw,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,jan-matejko_sigismund-augustus,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Romanticism,jan-matejko_sigismund-i-the-old,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]" +Romanticism,jan-matejko_sigismund-ii-august,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,jan-matejko_sigismund-iii-vasa,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,jan-matejko_sigismund-iii-vasa-1,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Romanticism,jan-matejko_sigismund-iii-vasa-2,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Romanticism,jan-matejko_sigmund-and-barbara,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Romanticism,jan-matejko_sigmund-and-barbara-1,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,jan-matejko_sigmund-and-barbara-2,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,jan-matejko_skarga-s-sermon-1864,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,jan-matejko_sobieski-at-vienna,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,jan-matejko_sobieski-ii,"[1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,jan-matejko_sobieski-sending-message-of-victory-to-the-pope,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,jan-matejko_son-george,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Romanticism,jan-matejko_song,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,jan-matejko_st-mary-s-church,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,jan-matejko_st-stanislaus-killing,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0]" +Romanticism,jan-matejko_stanislaw-august,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,jan-matejko_stanislaw-leszczynski,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Romanticism,jan-matejko_stanislaw-leszczynski-1,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,jan-matejko_stefan-batory,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Romanticism,jan-matejko_still-life,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,jan-matejko_stoup,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]" +Romanticism,jan-matejko_tadeusz-stryjeriski,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Romanticism,jan-matejko_teodora-matejko,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,jan-matejko_the-constitution-of-may-1889,"[0.0, 3.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,jan-matejko_the-constitution-of-the-3rd-may-1791-1891,"[0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Romanticism,jan-matejko_the-death-of-leszek-the-white-1880,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,jan-matejko_the-fall-of-poland-1866,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]" +Romanticism,jan-matejko_the-first-sejm-recording-of-laws-a-d-1182-1888,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,jan-matejko_the-interior-of-the-tomb,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 1.0]" +Romanticism,jan-matejko_the-marriage-of-jadwiga-and-jagiello,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,jan-matejko_the-professors-of-the-jagiellonian-university,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,jan-matejko_the-prussian-homage-1882,"[0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Romanticism,jan-matejko_the-republic-at-zenith-of-power-golden-liberty-election-a-d-1573-1889,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,jan-matejko_the-union-of-lublin-1869,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,jan-matejko_the-young-man,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,jan-matejko_to-stanczyk,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,jan-matejko_tugai-bey,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,jan-matejko_varna,"[0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,jan-matejko_victoria-kosinska,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Romanticism,jan-matejko_view-of-bebek-near-constantinople-1872,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,jan-matejko_vows-john-kaz,"[0.0, 1.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,jan-matejko_wenceslaus-ii,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,jan-matejko_wenceslaus-ii-1,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,jan-matejko_wernyhora-1884,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,jan-matejko_wladyslaw-herman,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Romanticism,jan-matejko_wladyslaw-herman-1,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,jan-matejko_wladyslaw-ii-the-exile,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Romanticism,jan-matejko_wladyslaw-iii-laskonogi,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,jan-matejko_wladyslaw-iv-vasa,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Romanticism,jan-matejko_wladyslaw-jagiello,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,jan-matejko_wladyslaw-jagiello-1,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Romanticism,jan-matejko_wladyslaw-laskonogi,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Romanticism,jan-matejko_wladyslaw-of-varna,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,jan-matejko_wladyslaw-of-varna-1,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,jan-matejko_wladyslaw-the-exile,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Romanticism,jan-matejko_wladyslaw-the-short,"[0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0, 0.0, 0.0]" +Romanticism,jan-matejko_wladyslaw-the-short-1,"[1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,jan-matejko_wladyslaw-the-short-2,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,jan-matejko_wladyslaw-white-in-dijon-1867,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Romanticism,jan-matejko_young-woman,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Romanticism,jan-matejko_zamoyski-at-byczyna,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0]" +Romanticism,jan-matejko_zhovkva,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,jan-matejko_zygmunt-the-stary,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,jean-leon-gerome_a-bashi-bazouk,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,jean-leon-gerome_a-japanese-imploring-a-divinity,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,jean-leon-gerome_bisharin-warrior,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Romanticism,jean-leon-gerome_dante-and-virgil-in-hell,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,jean-leon-gerome_egyptian-water-carrier,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]" +Romanticism,jean-leon-gerome_entry-of-the-christ-in-jerusalem,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,jean-leon-gerome_entry-of-the-christ-in-jerusalem-1,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,jean-leon-gerome_jerusalem-1867,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Romanticism,jean-leon-gerome_lion,"[0.0, 3.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,jean-leon-gerome_lion-snapping-at-a-butterfly,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Romanticism,jean-leon-gerome_moses-on-mount-sinai-1900,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,jean-leon-gerome_nominor-leo,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,jean-leon-gerome_pifferari,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,jean-leon-gerome_pifferari-1,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,jean-leon-gerome_pifferari2,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,jean-leon-gerome_portrait-of-eduoard-delessert,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Romanticism,jean-leon-gerome_quaerens-quem-devoret,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,jean-leon-gerome_recreation-in-a-russian-camp,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Romanticism,jean-leon-gerome_sarah-bernhardt,"[1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Romanticism,jean-leon-gerome_souvenir-of-ach-res,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,jean-leon-gerome_summer-afternoon-on-a-lake,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,jean-leon-gerome_the-conspirators-presented-at-the-salon,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Romanticism,jean-leon-gerome_the-day-of-judgement,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Romanticism,jean-leon-gerome_the-entry-of-the-bull,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Romanticism,jean-leon-gerome_the-flight-into-egypt,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,jean-leon-gerome_the-picador,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0]" +Romanticism,jean-leon-gerome_the-truth-at-the-bottom-of-a-well,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,jehan-georges-vibert_an-afternoon-libation,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,jehan-georges-vibert_at-the-corrida-1875,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,jehan-georges-vibert_chatting-by-the-fountain,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,jehan-georges-vibert_gulliver,"[1.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,jehan-georges-vibert_preparations-for-the-procession,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,jehan-georges-vibert_the-bullfighters-adoring-crowd,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,jehan-georges-vibert_the-church-in-danger,"[0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,jehan-georges-vibert_the-church-in-danger-1,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,jehan-georges-vibert_the-serenade,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,johan-christian-dahl_avaldsnes-church-1820,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,johan-christian-dahl_bjerk-i-storm-1848,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,johan-christian-dahl_boats-on-the-beach-near-naples-1821,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,johan-christian-dahl_copenhagen-harbour-by-moonlight-1846,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,johan-christian-dahl_der-watzmann-1825,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,johan-christian-dahl_entrance-to-the-port-of-copenhagen-1830,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Romanticism,johan-christian-dahl_eruption-of-vesuvius-1826,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,johan-christian-dahl_frederiksborg-castle-1814,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,johan-christian-dahl_frogner-manor-1842,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,johan-christian-dahl_gewitterstimmung-bei-dresden-1830,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0]" +Romanticism,johan-christian-dahl_holmestrand-1843,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,johan-christian-dahl_lyshornet-bei-bergen-1836,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Romanticism,johan-christian-dahl_megalith-grave-in-winter-1825,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Romanticism,johan-christian-dahl_shipwreck-on-the-coast-of-norway-1832,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Romanticism,johan-christian-dahl_stalheim-1842,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,johan-christian-dahl_view-of-fortundalen-1836,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,johann-koler_christ-of-the-cross-1859,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,johann-koler_ema-portree-1857,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Romanticism,johann-koler_eve-after-falling-into-sin-1883,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,johann-koler_eve-with-a-pomegranate-1880,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,johann-koler_faithful-guardian-1878,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,johann-koler_friedrich-reinhold-kreutzwald-reading-the-kalevipoeg-in-manuscript-1864,"[0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,johann-koler_girl-at-the-spring-1862,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,johann-koler_herakles-toob-kerberose-p-rguv-ravast-1855,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]" +Romanticism,johann-koler_ketraja,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,johann-koler_monks-curse-lorelei-1887,"[0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,johann-koler_portrait-of-dr-philipp-karell-emperor-s-physician-1886,"[1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,johann-koler_portrait-of-hugo-treffner-1886,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,johann-koler_portrait-of-the-artist-s-father-1864,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]" +Romanticism,johann-koler_self-portrait-1859,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]" +Romanticism,johann-koler_the-artist-s-birthplace-1863,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,johann-koler_the-portrait-of-nikolai-petrovitsch-semjonovs-daughter-1865,"[1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,john-atkinson-grimshaw_a-burnsall-valley,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,john-atkinson-grimshaw_a-dead-linnet-1862,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Romanticism,john-atkinson-grimshaw_a-golden-beam,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,john-atkinson-grimshaw_a-golden-country-road,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Romanticism,john-atkinson-grimshaw_a-lane-in-headingley-leeds-1881,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,john-atkinson-grimshaw_a-manor-house-in-autumn,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,john-atkinson-grimshaw_a-moonlit-lane-1874,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Romanticism,john-atkinson-grimshaw_a-mossy-glen,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,john-atkinson-grimshaw_a-mountain-road-flood-time-1868,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,john-atkinson-grimshaw_a-wet-road-by-moonlight-wharfedale,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,john-atkinson-grimshaw_a-wintry-moon-1886,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,john-atkinson-grimshaw_an-autumn-idyll-1885,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,john-atkinson-grimshaw_an-autumn-lane,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,john-atkinson-grimshaw_an-extensive-meadow-landscape-with-geese-by-a-stream-1892,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-atkinson-grimshaw_arriving-in-the-hall-1878,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Romanticism,john-atkinson-grimshaw_autumn,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,john-atkinson-grimshaw_autumn-glory-the-old-mill-1869,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,john-atkinson-grimshaw_autumn-gold,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,john-atkinson-grimshaw_autumn-morning,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Romanticism,john-atkinson-grimshaw_barden-tower,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,john-atkinson-grimshaw_battersea-bridge-1885,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-atkinson-grimshaw_blackman-street-london-1885,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,john-atkinson-grimshaw_blea-tarn-at-first-light-langdale-pikes-in-the-distance-1865,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,john-atkinson-grimshaw_bowder-stone-borrowdale,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,john-atkinson-grimshaw_colwith-force-1869,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,john-atkinson-grimshaw_dulce-domum-1885,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Romanticism,john-atkinson-grimshaw_evening-knostrop-old-hall-1870,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,john-atkinson-grimshaw_evening-whitby-harbour-1893,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Romanticism,john-atkinson-grimshaw_figure-on-a-moonlit-lane,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Romanticism,john-atkinson-grimshaw_forge-valley-scarborough,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,john-atkinson-grimshaw_forge-valley-scarborough-1875,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,john-atkinson-grimshaw_full-moon-behind-cirrus-cloud-from-the-roundhay-park-castle-battlements-1872,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,john-atkinson-grimshaw_golden-autumn,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,john-atkinson-grimshaw_golden-eve-1892,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Romanticism,john-atkinson-grimshaw_golden-light-1893,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,john-atkinson-grimshaw_in-peril-the-harbour-flare-1879,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,john-atkinson-grimshaw_in-the-golden-gloaming-1881,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,john-atkinson-grimshaw_in-the-winter,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Romanticism,john-atkinson-grimshaw_knostrop-cut-leeds-sunday-night-1893,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,john-atkinson-grimshaw_knostrop-hall-early-morning,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,john-atkinson-grimshaw_landscape-in-the-lake-district,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-atkinson-grimshaw_landscape-with-a-winding-river-1868,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,john-atkinson-grimshaw_lane-in-cheshire-1883,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,john-atkinson-grimshaw_lea-hurst-kent,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,john-atkinson-grimshaw_lights-in-the-harbour,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-atkinson-grimshaw_liverpool-customs-house,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,john-atkinson-grimshaw_london-bridge-half-tide,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]" +Romanticism,john-atkinson-grimshaw_london-bridge-night,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,john-atkinson-grimshaw_lovers-in-a-wood-1873,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]" +Romanticism,john-atkinson-grimshaw_moonlight-1882,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,john-atkinson-grimshaw_moonlight-after-rain,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,john-atkinson-grimshaw_moonlight-on-the-lake-roundhay-park-leeds,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,john-atkinson-grimshaw_nightfall-on-the-thames-1880,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,john-atkinson-grimshaw_november-afternoon-stapleton-park,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,john-atkinson-grimshaw_november-moonlight,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,john-atkinson-grimshaw_october-gold-1889,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Romanticism,john-atkinson-grimshaw_park-row-leeds-1882,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-atkinson-grimshaw_poachers-1871,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Romanticism,john-atkinson-grimshaw_portrait-of-the-artist-s-wife-theodosia-as-ophelia-1863,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,john-atkinson-grimshaw_roundhay-lake,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Romanticism,john-atkinson-grimshaw_roundhay-lake-from-castle-1893,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,john-atkinson-grimshaw_roundhay-lake-leeds,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,john-atkinson-grimshaw_saint-cecilia-1862,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,john-atkinson-grimshaw_salthouse-dock-liverpool-1,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,john-atkinson-grimshaw_silvery-moonlight,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-atkinson-grimshaw_sixty-years-ago,"[2.0, 9.0, 18.0, 0.0, 0.0, 0.0, 4.0, 9.0, 3.0]" +Romanticism,john-atkinson-grimshaw_snow-and-mist,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Romanticism,john-atkinson-grimshaw_spirit-of-the-night-1879-1,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-atkinson-grimshaw_stapleton-park-near-pontefract-sun-1877,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-atkinson-grimshaw_still-life-of-birds-nest-with-primulas-and-blossom-1869,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-atkinson-grimshaw_sunset-from-chilworth-common-hampshire,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-atkinson-grimshaw_the-butterfly,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Romanticism,john-atkinson-grimshaw_the-chill-of-autumn-1881,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,john-atkinson-grimshaw_the-heron-s-haunt,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-atkinson-grimshaw_the-heron-s-haunt-1874,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,john-atkinson-grimshaw_the-lighthouse-at-scarborough,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,john-atkinson-grimshaw_the-little-botanist,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,john-atkinson-grimshaw_the-lovers,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,john-atkinson-grimshaw_the-old-hall-under-moonlight,"[0.0, 11.0, 11.0, 1.0, 0.0, 0.0, 12.0, 7.0, 4.0]" +Romanticism,john-atkinson-grimshaw_the-sere-and-yellow-leaf,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,john-atkinson-grimshaw_the-seven-arches-adel-woods,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-atkinson-grimshaw_the-thames-below-london-bridge,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-atkinson-grimshaw_the-trysting-tree,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,john-atkinson-grimshaw_the-turn-of-the-road,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Romanticism,john-atkinson-grimshaw_tree-shadows-on-the-park-wall-roundhay-park-leeds,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Romanticism,john-atkinson-grimshaw_twilight-the-vegetable-garden-1869,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-atkinson-grimshaw_two-thousand-years-ago-1878,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,john-atkinson-grimshaw_under-the-harvest-moon-1872,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Romanticism,john-atkinson-grimshaw_under-the-moonbeams,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,john-atkinson-grimshaw_under-the-moonbeams-1,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]" +Romanticism,john-atkinson-grimshaw_under-the-moonbeams-knostrop-hall,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,john-atkinson-grimshaw_view-of-heath-street-by-night,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,john-atkinson-grimshaw_waterloo-lake-roundhay-park-leeds,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Romanticism,john-atkinson-grimshaw_wharfedale,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-atkinson-grimshaw_whitby,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,john-atkinson-grimshaw_whitby-docks-1876,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,john-atkinson-grimshaw_whitby-from-scotch-head-1879,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,john-atkinson-grimshaw_whitby-harbor-by-moonlight,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,john-atkinson-grimshaw_whitby-sands-sunset,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-atkinson-grimshaw_wimbledon-park-autumn-after-glow-1866,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,john-atkinson-grimshaw_windermere,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,john-atkinson-grimshaw_woman-on-a-path-by-a-cottage,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,john-atkinson-grimshaw_wooded-valley-probably-bolton-woods-lovers-in-a-woodland-clearing-a-pair,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,john-collier_a-glass-of-wine-with-caesar-borgia-1893,"[2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,john-collier_angela-mcinnes-1914,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,john-collier_clytemnestra-1882,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,john-collier_eve-1911,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]" +Romanticism,john-collier_horace-and-lydia-1890,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-collier_in-the-forest-of-arden-1892,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,john-collier_lady-godiva-1897,"[0.0, 2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,john-collier_lilith-with-a-snake-1886,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,john-collier_pharaoh-s-handmaidens-1883,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,john-collier_priestess-of-delphi-1891,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,john-collier_queen-guinevre-s-maying-1900(1),"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,john-collier_sleeping-beauty-1929,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Romanticism,john-collier_spring,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,john-collier_tannh-user-in-the-venusberg-1901(1),"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Romanticism,john-collier_the-artist-s-wife-marion-collier-n-e-huxley,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Romanticism,john-collier_the-child-bride-1883,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Romanticism,john-collier_the-death-of-cleopatra-1910,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0]" +Romanticism,john-collier_the-garden-party,"[1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,john-collier_the-grand-lady-1920,"[1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]" +Romanticism,john-collier_the-laboratory-1895,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-collier_the-land-baby-1899,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Romanticism,john-collier_the-last-voyage-of-henry-hudson-1881,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Romanticism,john-collier_the-priestess-of-bacchus-1889,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,john-collier_the-prodigal-daughter-1903,"[0.0, 2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-collier_the-sinner-1904,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]" +Romanticism,john-collier_the-water-nymph-1923,"[2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-constable_a-boat-at-the-sluice,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]" +Romanticism,john-constable_a-church-porch-1810,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,john-constable_a-cottage-in-a-cornfield-1817,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-constable_a-hayfield-near-east-bergholt-at-sunset-1812,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-constable_a-lane-near-flatford-1811,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Romanticism,john-constable_a-mill-at-gillingham-in-dorset,"[0.0, 1.0, 3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]" +Romanticism,john-constable_a-view-on-the-stour-near-dedham-1822,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,john-constable_a-windmill-near-brighton,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Romanticism,john-constable_arundel-mill-and-castle-1837,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,john-constable_autumn-berries-and-flowers-in-brown-pot,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,john-constable_autumn-sunset,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,john-constable_beach-in-brighton,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,john-constable_boat-building-1815,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,john-constable_boats-on-the-stour-1811,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]" +Romanticism,john-constable_branch-hill-pond-hampstead-1819,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,john-constable_brighton-beach,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,john-constable_brighton-beach-with-colliers-1824,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Romanticism,john-constable_celebration-of-the-general-peace-of-1814-in-east-bergholt-1814,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Romanticism,john-constable_cenotaph-to-the-memory-of-sir-joshua-reynolds-1,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,john-constable_cloud-study-1821,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Romanticism,john-constable_cloud-study-1822,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-constable_coast-scene-with-breaking-cloud-sun,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0, 0.0]" +Romanticism,john-constable_cottage-rainbow-mill,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,john-constable_country-road,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,john-constable_dedham-church-and-vale-1800,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,john-constable_dedham-lock-and-mill-1818,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-constable_dedham-lock-and-mill-1820,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-constable_dedham-vale-morning-1811,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,john-constable_die-valley-farm-1835,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-constable_east-bergholt-church-1811-1,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,john-constable_east-bergholt-rectory-1810,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,john-constable_flatford-mill-1817,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-constable_flatford-mill-from-a-lock-on-the-stour-1811,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-constable_flowers-in-a-glass-vase,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Romanticism,john-constable_fokstone-harbour,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,john-constable_foord-rd-mill-folkestone-1833,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,john-constable_golding-constable-s-flower-garden-1815,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,john-constable_golding-constable-s-kitchen-garden-1815,"[0.0, 12.0, 32.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,john-constable_hadleigh-castle-1829,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Romanticism,john-constable_hampstead-1833,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,john-constable_hampstead-heath,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Romanticism,john-constable_hampstead-heath-with-a-rainbow-1836-1,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,john-constable_hampstead-stormy-sky-1814-1,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Romanticism,john-constable_helmingham-dell,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,john-constable_ladies-from-the-family-of-mr-william-mason-of-colchester,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,john-constable_landscape-boys-fishing-1813,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,john-constable_landscape-evening,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]" +Romanticism,john-constable_landscape-ploughing-scene-in-suffolk-1814,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,john-constable_landscape-with-a-double-rainbow-1812,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,john-constable_landscape-with-cottages-1810,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,john-constable_malvern-hall,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,john-constable_marine-parade-and-old-chain-pier-1827,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Romanticism,john-constable_mrs-james-pulham-sr-1818,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Romanticism,john-constable_nuvens,"[0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,john-constable_old-sarum-1829,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,john-constable_old-sarum-1834,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,john-constable_pond-in-branchhill,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Romanticism,john-constable_portrait-of-maria-bicknell-1816,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-constable_portrait-of-mary-freer-1809,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,john-constable_salisbury-cathedral,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,john-constable_salisbury-cathedral-from-lower-marsh-close-1820,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,john-constable_salisbury-cathedral-from-the-meadows-1831,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-constable_scene-on-a-river-1,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-constable_scene-on-a-river-2,"[1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]" +Romanticism,john-constable_seascape-study-with-rain-cloud-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 10.0, 0.0, 0.0]" +Romanticism,john-constable_selfportrait,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-constable_shoreham-bay-evening-sunset-1,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-constable_shoreham-bay-near-brighton-1824,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,john-constable_sketch-for-the-leaping-horse-1824,"[0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,john-constable_somerset-house-terrace-and-the-thames-a-view-from-the-north-end-of-waterloo-bridge-with-st-paul,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-constable_spring-clouds-study-1822,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,john-constable_spring-ploughing-1821,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,john-constable_stonehenge-1835,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Romanticism,john-constable_stour-valley-and-dedham-village,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-constable_stratford-mill,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,john-constable_stratford-mill-1,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Romanticism,john-constable_study-for-poppies,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-constable_study-for-the-leaping-horse-view-on-the-stour,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,john-constable_study-of-the-trunk-of-an-elm-tree-1821,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,john-constable_study-of-tree-trunks,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,john-constable_sunset-study-of-hampstead-looking-towards-harrow-1,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Romanticism,john-constable_the-admiral-s-house-the-grove-1823,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Romanticism,john-constable_the-cornfield-1826,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Romanticism,john-constable_the-edge-of-a-heath-by-moonlight-1810-1,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,john-constable_the-grove-or-admiral-s-house-1822,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Romanticism,john-constable_the-harvest-field,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,john-constable_the-hay-wain-1821,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,john-constable_the-leaping-horse,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,john-constable_the-leaping-horse-1,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,john-constable_the-lock-1824,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,john-constable_the-low-lighthouse-and-beacon-hill,"[0.0, 7.0, 30.0, 5.0, 0.0, 0.0, 3.0, 1.0, 4.0]" +Romanticism,john-constable_the-mill-stream-1815,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-constable_the-opening-of-waterloo-bridge-seen-from-whitehall-stairs,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,john-constable_the-stour-valley-with-the-church-of-dedham-1814,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,john-constable_the-vale-of-dedham-1828,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Romanticism,john-constable_the-view-of-salisbury-cathedral-from-the-river-with-the-house-of-the-archdeacon-fischer-1820,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]" +Romanticism,john-constable_the-white-horse-1819,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,john-constable_the-young-waltonians,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-constable_traveller,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,john-constable_victory,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,john-constable_view-at-epsom-1809,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,john-constable_view-of-highgate-from-hampstead-heath,"[0.0, 0.0, 4.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,john-constable_view-of-salisbury,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,john-constable_view-of-salisbury-cathedral-from-the-bishop-s-grounds,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-constable_view-on-the-river-severn-at-worcester-1835,"[0.0, 1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-constable_view-on-the-stour,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-constable_view-towards-dedham-1808,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Romanticism,john-constable_view-towards-the-rectory-from-east-bergholt-house-1813,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-constable_water-meadows-near-salisbury-1820,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,john-constable_weymouth-bay,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Romanticism,john-constable_weymouth-bay-with-jordan-hill-1816,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,john-constable_willy-lot-s-house-1810,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,john-constable_wivenhoe-park-1816,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,john-constable_wooded-landscape-1802,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,john-constable_yarmouth-pier-1822,"[0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,john-crome_a-barge-with-a-wounded-soldier,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,john-crome_a-castle-in-ruins-morning,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,john-crome_a-sandy-bank-1820,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,john-crome_a-sandy-hollow-1812,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,john-crome_a-stream-bridge-trees-and-two-figures-in-a-landscape,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-crome_a-thistle-1812,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,john-crome_a-view-on-the-wensum-norfolk,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-crome_a-windmill-near-norwich-1816,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Romanticism,john-crome_a-woody-landscape,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,john-crome_an-egyptian-poppy-and-a-water-mole-1812,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]" +Romanticism,john-crome_at-honingham-norfolk,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-crome_back-of-the-new-mills-norfolk-1817,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,john-crome_boulevard-des-italiens-paris-1815,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,john-crome_boys-bathing-on-the-river-wensum-norwich-1817,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-crome_bruges-river-ostend-in-the-distance-moonlight,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-crome_carrow-abbey-norwich-1805,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,john-crome_dock-leaves-1813,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Romanticism,john-crome_grove-scene-1820,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-crome_high-tor-matlock-1811,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,john-crome_landscape,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,john-crome_landscape-with-a-river,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,john-crome_landscape-with-a-waterfall-near-norwich-norfolk-1819,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,john-crome_lane-near-norwich,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-crome_marlingford-grove-1815,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-crome_moonrise-on-the-yare-1816,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Romanticism,john-crome_mousehold-heath,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,john-crome_mousehold-heath-norwich-1820,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,john-crome_new-mills-norfolk-men-wading-1812,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,john-crome_norwich-river-afternoon-1819,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-crome_postwick-grove-norwich-1817,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,john-crome_river-wensum,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-crome_road-with-pollards-1815,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Romanticism,john-crome_sailing-barges,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-crome_slate-quarries-1805,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Romanticism,john-crome_st-benet-s-abbey-norfolk,"[0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,john-crome_study-of-flints-1811,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,john-crome_the-beaters-1810,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Romanticism,john-crome_the-bell-inn-1805,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,john-crome_the-edge-of-the-forest,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-crome_the-fish-market-boulogne-france-1820,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Romanticism,john-crome_the-lime-kiln-1806,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,john-crome_the-poringland-oak-1818,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,john-crome_the-river-wensum-norwich-1814,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,john-crome_the-steam-packet-1817,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Romanticism,john-crome_the-way-through-the-wood-1813,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-crome_the-windmill,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,john-crome_the-yare-at-thorpe-norwich-1806,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,john-crome_view-at-blofield-near-norwich-1811,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,john-crome_view-near-norwich-with-harvesters-1821,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,john-crome_view-on-mousehold-heath-near-norwich-1812,"[0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-crome_wherries-on-the-yare,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,john-crome_woman-in-a-turban,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]" +Romanticism,john-crome_woodland-landscape-near-norwich-1812,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,john-crome_woodland-with-a-river-and-barges-with-sails,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-crome_yarmouth-harbour-evening-1817,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-crome_yarmouth-jetty-1811,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Romanticism,john-everett-millais_a-dream-of-the-past-sir-isumbras-at-the-ford-1857,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-everett-millais_a-flood,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Romanticism,john-everett-millais_a-huguenot-on-st-bartholomew-s-day-refusing-to-shield-himself-from-danger-by-wearing-the-roman,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,john-everett-millais_a-young-girl-combing-her-hair,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,john-everett-millais_apple-blossoms-1859,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,john-everett-millais_autumn-leaves-1856,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,john-everett-millais_beauty,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,john-everett-millais_christ-in-the-house-of-his-parents,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Romanticism,john-everett-millais_clarissa,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,john-everett-millais_cymon-and-iphigenia-1851,"[3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-everett-millais_cymon-and-iphigenia-study,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,john-everett-millais_elgiva-seized-byorder-of-odo-archbishop-of-canterbury,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0, 0.0]" +Romanticism,john-everett-millais_esther,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Romanticism,john-everett-millais_ferdinand-lured-by-ariel-1850,"[4.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-everett-millais_jephthah-1867,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Romanticism,john-everett-millais_joan-of-arc,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,john-everett-millais_lorenzo-and-isabella,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,john-everett-millais_louise-jopling,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-everett-millais_madame-bischoffsheim,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,john-everett-millais_mariana-in-the-moated-grange-1851,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,john-everett-millais_my-beautiful-lady,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,john-everett-millais_not_detected_236478,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,john-everett-millais_ophelia,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]" +Romanticism,john-everett-millais_pearl-of-great-price,"[0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,john-everett-millais_pizarro-seizing-the-inca-of-peru,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]" +Romanticism,john-everett-millais_portia,"[0.0, 3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-everett-millais_rosalind-in-the-forest,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-everett-millais_st-bartholemew-s-day,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 3.0, 0.0, 0.0]" +Romanticism,john-everett-millais_study-for-ophelia,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]" +Romanticism,john-everett-millais_swallow-swallow,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Romanticism,john-everett-millais_the-black-brunswicker-1860,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Romanticism,john-everett-millais_the-blind-girl-1856,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,john-everett-millais_the-boyhood-of-raleigh,"[0.0, 1.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,john-everett-millais_the-bridesmaid,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,john-everett-millais_the-crown-of-love,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Romanticism,john-everett-millais_the-girlhood-of-st-teresa-1893(1),"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,john-everett-millais_the-knight-errant,"[0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,john-everett-millais_the-matyr-of-the-solway,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Romanticism,john-everett-millais_the-order-of-release-1853,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,john-everett-millais_the-princess-in-the-tower,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]" +Romanticism,john-everett-millais_the-ransom,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,john-everett-millais_the-return-of-the-dove-to-the-ark,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,john-everett-millais_the-royalist,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Romanticism,john-everett-millais_the-tribe-of-benjamin-seizing-the-daughter-of-shiloh,"[1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Romanticism,john-everett-millais_the-woodman-s-daughter,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,john-everett-millais_trust-me-1862,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,john-everett-millais_waiting-1854,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,john-hoppner_an-unknown-british-officer,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,john-hoppner_arthur-wellesley-1st-duke-of-wellington,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-hoppner_captain-peter-parker-1808,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-hoppner_eleanor-agnes-hobart-countess-of-buckinghamshire,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,john-hoppner_jane-elizabeth-countess-of-oxford-1797,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-hoppner_jupiter-and-io-1785,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 1.0]" +Romanticism,john-hoppner_lady-elizabeth-howard-1798,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-hoppner_lady-hamilton-as-ne-ra-1788,"[1.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-hoppner_lady-louisa-manners-countess-of-dysart-1821,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,john-hoppner_lady-romney-frances-wyndham,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,john-hoppner_little-girl-by-the-sea,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-hoppner_mary-robinson-as-perdita-1782,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-hoppner_master-meyrick-william-henry-meyrick-in-ruffled-infant-s-dress-1793,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,john-hoppner_midsummer-night-s-dream,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,john-hoppner_miranda,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-hoppner_miss-mary-linwood-1800,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,john-hoppner_mrs-cholmondeley-1791,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-hoppner_peter-dolland-1779,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Romanticism,john-hoppner_peter-leopold-nassau-cowper-5th-earl-cowper,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0]" +Romanticism,john-hoppner_portrait-of-a-lady-1790,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Romanticism,john-hoppner_portrait-of-a-lady-as-evelina-literaryp,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-hoppner_portrait-of-a-young-lady,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-hoppner_portrait-of-adam-duncan-1st-viscount-duncan-1798,"[0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,john-hoppner_portrait-of-charlotte-walsingham-lady-fitzgerald,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Romanticism,john-hoppner_portrait-of-dorothy-jordan-as-hypolita-c-1791,"[2.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-hoppner_portrait-of-dorothy-jordan-as-rosalind-in-as-you-like-it,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Romanticism,john-hoppner_portrait-of-george-iv-when-prince-of-wales-1796,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,john-hoppner_portrait-of-harriet-brouncker-of-boveridge-dorset,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,john-hoppner_portrait-of-harriet-viscountess-duncannon-with-her-sons-1787,"[0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-hoppner_portrait-of-louisa-lane-1782,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Romanticism,john-hoppner_portrait-of-mademoiselle-hilligsberg-1791,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,john-hoppner_portrait-of-miss-fisher,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,john-hoppner_portrait-of-mrs-williams-circa-1790,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,john-hoppner_portrait-of-mrs-young,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,john-hoppner_princess-amelia-1785,"[3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-hoppner_princess-sophia-after-john-hoppner,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-hoppner_rear-admiral-sir-horatio-nelson-ca-1800,"[0.0, 1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-hoppner_richard-bache,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,john-hoppner_richard-humphreys-the-boxer,"[3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-hoppner_self-portrait-1800,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,john-hoppner_sir-ralph-abercromby-1798,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,john-hoppner_susannah-edith-lady-rawley-1785,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-hoppner_the-bowden-children-1803,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-hoppner_the-frankland-sisters-1795,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,john-hoppner_the-hon-alicia-herbert-as-a-child-1795,"[3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-hoppner_the-honorable-lucy-elizabeth-byng-1799,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,john-hoppner_the-honourable-elizabeth-ingram-1789,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-hoppner_the-little-gardener,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,john-hoppner_william-boteler,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,john-hoppner_william-lock,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-hoppner_william-pitt-the-younger,"[1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Romanticism,john-roddam-spencer-stanhope_andromeda,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,john-roddam-spencer-stanhope_charon-and-psyche-1883,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,john-roddam-spencer-stanhope_cupid-and-psyche,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,john-roddam-spencer-stanhope_juliet-and-her-nurse,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,john-roddam-spencer-stanhope_love-and-the-maiden-1877,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,john-roddam-spencer-stanhope_morgan-le-fay,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,john-roddam-spencer-stanhope_nymph-1889,"[7.0, 14.0, 5.0, 7.0, 2.0, 1.0, 1.0, 4.0, 6.0]" +Romanticism,john-roddam-spencer-stanhope_penelope-1849,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,john-roddam-spencer-stanhope_robin-of-modern-times-1860,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,john-roddam-spencer-stanhope_the-temptation-of-eve,"[1.0, 7.0, 5.0, 4.0, 2.0, 4.0, 8.0, 6.0, 7.0]" +Romanticism,john-roddam-spencer-stanhope_the-waters-of-lethe-by-the-plains-of-elysium-1880,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Romanticism,john-roddam-spencer-stanhope_the-white-rabbit,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-roddam-spencer-stanhope_thoughts-of-the-past,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]" +Romanticism,john-roddam-spencer-stanhope_thoughts-of-the-past-1,"[0.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-roddam-spencer-stanhope_venus-rising-from-the-sea,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,john-roddam-spencer-stanhope_why-seek-ye-the-living-among-the-dread-st-luke-chapter-xiv-verse-5-1896,"[0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-singleton-copley_the-major-peirson-s-death-1784,"[0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,john-singleton-copley_the-red-cross-knight-1793,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,john-singleton-copley_the-siege-and-relief-of-gibraltar-1783,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Romanticism,john-singleton-copley_the-victory-of-lord-duncan-1799,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,john-singleton-copley_watson-and-the-shark-1782,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Romanticism,john-trumbull_alexander-hamilton-1792,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,john-trumbull_declaration-of-independence-1819,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,john-trumbull_general-george-washington-resigning-his-commission-1817,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,john-trumbull_george-washington-before-the-battle-of-trenton-1792,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,john-trumbull_jonathan-trumbull-jr-with-mrs-trumbull-and-faith-trumbull-1777,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Romanticism,john-trumbull_portrait-of-george-washington-and-william-billy-lee-1780,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Romanticism,john-trumbull_self-portrait-1777,"[1.0, 0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-trumbull_self-portrait-1802,"[0.0, 3.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,john-trumbull_the-death-of-general-mercer-at-the-battle-of-princeton-1795,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Romanticism,john-trumbull_the-death-of-general-montgomery-in-the-attack-on-quebec-1786,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Romanticism,john-trumbull_the-death-of-general-warren-at-the-battle-of-bunker-s-hill-june-17-1775-1786,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]" +Romanticism,john-trumbull_the-sortie-made-by-the-garrison-of-gibraltar-1789,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Romanticism,john-trumbull_the-surrender-of-general-burgoyne-1821,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-trumbull_the-surrender-of-lord-cornwallis-1820,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,john-trumbull_the-surrender-of-the-hessian-troops-at-the-battle-of-trenton-1786,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,john-william-waterhouse_a-female-study-1894,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,john-william-waterhouse_a-flower-stall-1880,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,john-william-waterhouse_a-hamadryad-1893,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-william-waterhouse_a-mermaid-1900,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,john-william-waterhouse_a-naiad,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,john-william-waterhouse_a-roman-offering,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,john-william-waterhouse_a-song-of-springtime-1913,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,john-william-waterhouse_a-tale-from-the-decameron-1916,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,john-william-waterhouse_after-the-dance-1876,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,john-william-waterhouse_apollo-and-daphne-1908,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,john-william-waterhouse_ariadne-1898,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,john-william-waterhouse_beatrice-1915,"[0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,john-william-waterhouse_boreas-1903,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,john-william-waterhouse_circe-invidiosa-1892,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-william-waterhouse_circe-offering-the-cup-to-ulysses-1891(1),"[2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-william-waterhouse_cleopatra,"[2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-william-waterhouse_consulting-the-oracle,"[0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,john-william-waterhouse_crystal-ball,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,john-william-waterhouse_dante-and-beatrice,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,john-william-waterhouse_destiny-1900,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-william-waterhouse_diogenes-1882,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,john-william-waterhouse_echo-and-narcissus-1903,"[2.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-william-waterhouse_esther-kenworthy,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,john-william-waterhouse_fair-rosamund,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,john-william-waterhouse_flora,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Romanticism,john-william-waterhouse_flora-and-the-zephyrs-1898,"[2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,john-william-waterhouse_flower-sketch-for-the-enchanted-garden-1916,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,john-william-waterhouse_gather-ye-rosebuds-or-ophelia-1908,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Romanticism,john-william-waterhouse_gather-ye-rosebuds-while-ye-may-1909,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-william-waterhouse_gathering-almond-blossoms-1916,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-william-waterhouse_gathering-summer-flowers-in-a-devonshire-garden,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-william-waterhouse_gone-but-not-forgotten-1873,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,john-william-waterhouse_hylas-and-the-nymphs-1896-1,"[1.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-william-waterhouse_i-am-half-sick-of-shadows-said-the-lady-of-shalott-1915,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,john-william-waterhouse_in-the-peristyle,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,john-william-waterhouse_its-sweet-doing-nothing-1879,"[0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,john-william-waterhouse_its-sweet-doing-nothing-1880,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,john-william-waterhouse_jason-and-medea-1907,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Romanticism,john-william-waterhouse_juliet,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,john-william-waterhouse_lady-violet-henderson-1907,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,john-william-waterhouse_lamia-and-the-soldier-1905,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Romanticism,john-william-waterhouse_listen-to-my-sweet-pipings-1911,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Romanticism,john-william-waterhouse_maidens-picking-flowers-by-a-stream,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-william-waterhouse_mariamne-leaving-the-judgement-seat-of-herod-1887,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,john-william-waterhouse_mariana-in-the-south-1897,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-william-waterhouse_miranda-1875,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]" +Romanticism,john-william-waterhouse_miranda-1916,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Romanticism,john-william-waterhouse_miss-betty-pollock-1911,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Romanticism,john-william-waterhouse_narcissus-1912,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-william-waterhouse_nymphs-finding-the-head-of-orpheus-1900,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 2.0, 0.0]" +Romanticism,john-william-waterhouse_ophelia-1889,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,john-william-waterhouse_ophelia-1894,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,john-william-waterhouse_ophelia-1910,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,john-william-waterhouse_ophelia-1910-1,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Romanticism,john-william-waterhouse_orpheus,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]" +Romanticism,john-william-waterhouse_pandora-1898,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,john-william-waterhouse_penelope-and-the-suitors-1912,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-william-waterhouse_phyllis-waterlow-1895,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]" +Romanticism,john-william-waterhouse_portrait-of-miss-claire-kenworthy,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Romanticism,john-william-waterhouse_portrait-of-mrs-charles-schreiber-1912,"[4.0, 6.0, 10.0, 3.0, 2.0, 0.0, 1.0, 23.0, 1.0]" +Romanticism,john-william-waterhouse_psyche-entering-cupid-s-garden-1903,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-william-waterhouse_psyche-opening-the-golden-box-1903,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,john-william-waterhouse_resting,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-william-waterhouse_saint-cecilia-1895,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-william-waterhouse_saint-eulalia-1885,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 4.0, 0.0]" +Romanticism,john-william-waterhouse_sketch-for-a-mermaid-1892,"[0.0, 2.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-william-waterhouse_sketch-for-flora-and-the-zephyrs,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,john-william-waterhouse_sleep-and-his-half-brother-death-1874,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-william-waterhouse_spring-spreads-one-green-lap-of-flowers-1910,"[0.0, 1.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-william-waterhouse_st-joan,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,john-william-waterhouse_study-for-the-lady-clare,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,john-william-waterhouse_sweet-summer-1912,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-william-waterhouse_the-annunciation,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,john-william-waterhouse_the-awakening-of-adonis-1899,"[0.0, 1.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0]" +Romanticism,john-william-waterhouse_the-beautiful-lady-without-pity-1893,"[0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Romanticism,john-william-waterhouse_the-bouquet,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,john-william-waterhouse_the-charmer-1911-2,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-william-waterhouse_the-crystal-ball-1902,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,john-william-waterhouse_the-easy-chair,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,john-william-waterhouse_the-enchanted-garden-1917,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-william-waterhouse_the-favourites-of-emperor-honorius,"[1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,john-william-waterhouse_the-flower-picker-1895,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,john-william-waterhouse_the-household-gods-1880,"[0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,john-william-waterhouse_the-lady-of-shalott-1888,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-william-waterhouse_the-lady-of-shalott-1894,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Romanticism,john-william-waterhouse_the-loggia,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0]" +Romanticism,john-william-waterhouse_the-magic-circle-1886,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,john-william-waterhouse_the-merman,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,john-william-waterhouse_the-missal-1902,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-william-waterhouse_the-mystic-wood,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,john-william-waterhouse_the-naiad-1893,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,john-william-waterhouse_the-remorse-of-nero-after-the-murder-of-his-mother-1878,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Romanticism,john-william-waterhouse_the-rose-bower,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,john-william-waterhouse_the-shrine,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-william-waterhouse_the-siren,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,john-william-waterhouse_the-slave-1872,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-william-waterhouse_the-soul-of-the-rose-1908,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-william-waterhouse_the-toilet-1889,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,john-william-waterhouse_the-unwelcome-companion-a-street-scene-in-cairo,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-william-waterhouse_the-visit-of-a-sick-child-to-the-temple-of-aesculapius-1877,"[0.0, 0.0, 3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]" +Romanticism,john-william-waterhouse_thisbe-1909,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Romanticism,john-william-waterhouse_tristram-and-isolde-1916,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,john-william-waterhouse_two-little-italian-girls-by-a-village,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,john-william-waterhouse_ulysses-and-the-sirens-1891,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Romanticism,john-william-waterhouse_undine-1872,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,john-william-waterhouse_windflowers-1902,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,john-william-waterhouse_woman-picking-flowers,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]" +Romanticism,joseph-wright_a-cavern-evening,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,joseph-wright_a-conversation-between-girls-or-two-girls-with-their-black-servant-1770,"[1.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]" +Romanticism,joseph-wright_a-cottage-on-fire,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Romanticism,joseph-wright_a-grotto-in-the-gulf-of-salerno-sunset,"[0.0, 1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,joseph-wright_a-grotto-in-the-gulf-of-salernum-with-the-figure-of-julia-banished-from-rome-1780,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,joseph-wright_a-grotto-in-the-kingdom-of-naples-with-banditti-1778,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,joseph-wright_a-view-of-mount-etna-and-a-nearby-town,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,joseph-wright_an-eruption-of-mount-vesuvius-with-the-procession-of-st-januariu-s-head,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,joseph-wright_an-eruption-of-vesuvius-seen-from-portici,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,joseph-wright_an-italian-landscape-with-mountains-and-a-river,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,joseph-wright_an-open-hearth-with-a-fire,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,joseph-wright_arkwright-s-cotton-mills-by-night,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,joseph-wright_cavern-near-naples-1774,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,joseph-wright_convent-of-san-cosimato-and-part-of-the-claudian-aqueduct-near-vicovaro-in-the-roman-campagna,"[0.0, 3.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,joseph-wright_cottage-on-fire-at-night,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Romanticism,joseph-wright_dovedale-by-moonlight,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,joseph-wright_firework-display-at-the-castel-sant-angelo-in-rome,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,joseph-wright_harriet-wright-the-artist-s-daughter,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]" +Romanticism,joseph-wright_inside-the-arcade-of-the-colosseum,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Romanticism,joseph-wright_italian-landscape,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,joseph-wright_john-whitehurst,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,joseph-wright_lake-albano,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,joseph-wright_lake-nemi,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,joseph-wright_lake-with-castle-on-a-hill,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,joseph-wright_landscape-near-bedgellert,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,joseph-wright_landscape-with-a-rainbow-1794,"[2.0, 16.0, 13.0, 9.0, 0.0, 0.0, 2.0, 2.0, 2.0]" +Romanticism,joseph-wright_landscape-with-dale-abbey,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,joseph-wright_landscape-with-figures-and-a-tilted-cart-matlock-hogh-tor-in-the-distance,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,joseph-wright_maria-a-sentimental-journey-by-laurence-sterne-1777,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,joseph-wright_maria-from-sterne-a-companion-to-the-picture-of-edwin,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Romanticism,joseph-wright_matlock-tor-by-daylight,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,joseph-wright_robert-vernon-atherton-gwillym,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,joseph-wright_study-of-a-young-girl-in-a-turban-and-frilled-collar,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Romanticism,joseph-wright_study-of-a-young-girl-with-feathers-in-her-hair,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Romanticism,joseph-wright_study-of-john-staveley-s-head,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,joseph-wright_study-of-the-interior-of-glass-house,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,joseph-wright_sunset-on-the-coast-near-naples,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,joseph-wright_the-annual-girandola-at-the-castle-of-st-angelo-rome,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]" +Romanticism,joseph-wright_the-blacksmith-s-shop-18th-century,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,joseph-wright_the-captive-from-sterne,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]" +Romanticism,joseph-wright_the-cloister-of-san-cosimato,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,joseph-wright_the-earthstopper-on-the-banks-of-the-derwent-1773,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,joseph-wright_the-eruption-of-vesuvius,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]" +Romanticism,joseph-wright_the-lady-in-milton-s-comus,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,joseph-wright_the-old-man-and-death,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,joseph-wright_vesuvius-from-portici,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Romanticism,joseph-wright_vesuvius-from-posillipo,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,joseph-wright_vesuvius-from-posillipo-1,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Romanticism,joseph-wright_vesuvius-in-eruption,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,joseph-wright_vesuvius-in-eruption-with-a-view-over-the-islands-in-the-bay-of-naples,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,joseph-wright_view-in-dovedale,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,joseph-wright_view-in-matlock-dale-looking-towards-black-rock-escarpment,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,joseph-wright_view-of-the-lake-of-nemi-1795,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,joseph-wright_virgil-s-tomb,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,joseph-wright_virgil-s-tomb-with-the-figure-of-silius-italicus-1779,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,joseph-wright_widow-of-an-indian-chief-1785,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,karl-bodmer_a-blackfoot-indian-on-horseback-plate-19-from-volume-1-of-travels-in-the-interior-of-north-1843,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,karl-bodmer_a-family-of-wild-boar,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Romanticism,karl-bodmer_a-mandan-village-plate-16-from-volume-1-of-travels-in-the-interior-of-north-america-1843,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,karl-bodmer_a-minatarre-or-big-bellied-indian-plate-17-from-volume-2-of-travels-in-the-interior-of-north-1843,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,karl-bodmer_a-missouri-indian-an-oto-indian-and-the-chief-of-the-puncas-plate-7-from-travels-in-the-1844,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,karl-bodmer_a-skin-lodge-of-an-assiniboin-chief-plate-16-from-volume-1-of-travels-in-the-interior-of-north-1843,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,karl-bodmer_abdih-hiddisch-a-minatarre-chief-plate-24-from-volume-1-of-travels-in-the-interior-of-north-1834,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,karl-bodmer_abdih-hiddisch-mandan-chief-1832,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,karl-bodmer_along-the-wabash-left-1834,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,karl-bodmer_along-the-wabash-right-1834,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,karl-bodmer_assiniboin-and-cree-warriors-attack-blackfeet,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0]" +Romanticism,karl-bodmer_assiniboin-indians,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,karl-bodmer_blackfeet-warrior-on-horseback,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Romanticism,karl-bodmer_buffalo-dance-of-the-mandan-indians-in-front-of-their-medicine-lodge-in-mih-tutta-hankush-plate-1843,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Romanticism,karl-bodmer_camp-of-the-gros-ventres-1834,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,karl-bodmer_capture-of-the-daughters-of-d-boone-and-callaway-by-the-indians-1852,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]" +Romanticism,karl-bodmer_cat-playing-with-an-adder,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,karl-bodmer_chief-of-the-blood-indians-war-chief-of-the-piekann-indians-and-a-koutani-indian-plate-46-from-1844,"[0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,karl-bodmer_confluence-of-the-fox-river-and-the-wabash-in-indiana-1832,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,karl-bodmer_crow-indians-plate-13-from-volume-1-of-travels-in-the-interior-of-north-america-1843,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,karl-bodmer_cutoff-river-branch-of-the-wabash-plate-8-from-volume-1-of-travels-in-the-interior-of-north-1843,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,karl-bodmer_dacota-woman-and-assiniboin-girl-plate-9-from-volume-2-of-travels-in-the-interior-of-north-1844,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,karl-bodmer_deer-in-a-landscape,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Romanticism,karl-bodmer_dog-sledges-of-the-mandan-indians-plate-28-from-volume-2-of-travels-in-the-interior-of-north,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,karl-bodmer_encampment-of-the-piekann-indians-plate-43-from-volume-2-of-travels-in-the-interior-of-north-1844,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,karl-bodmer_forest-of-fontainbleau,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,karl-bodmer_forest-with-ducks-and-frogs,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Romanticism,karl-bodmer_fort-clark-on-the-missouri-february-1834-plate-15-from-volume-2-of-travels-in-the-interior-of-1843,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,karl-bodmer_fort-pierre-1832,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 2.0, 0.0]" +Romanticism,karl-bodmer_fort-pierre-and-the-adjacent-prairie-1839,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Romanticism,karl-bodmer_fort-union-on-the-missouri,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,karl-bodmer_funeral-scaffold-of-a-sioux-chief-near-fort-pierre-plate-11-from-volume-2-of-travels-in-the-1844,"[0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,karl-bodmer_horse-racing-of-sioux-indians-near-fort-pierre-plate-30-from-volume-1-of-travels-in-the-1843,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Romanticism,karl-bodmer_idols-of-the-mandan-indians-plate-25-from-volume-2-of-travels-in-the-interior-of-north-america-1844,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]" +Romanticism,karl-bodmer_indians-hunting-the-bison-left-1832,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Romanticism,karl-bodmer_indians-hunting-the-bison-plate-31-from-volume-2-of-travels-in-the-interior-of-north-america-1834,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Romanticism,karl-bodmer_indians-hunting-the-bison-right-1832,"[1.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,karl-bodmer_inside-front-cover-left,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,karl-bodmer_inside-front-cover-right,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,karl-bodmer_ischoh-kakoschochat-dance-of-the-mandan-indians-plate-25-from-volume-2-of-travels-in-the-1843,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,karl-bodmer_kiasax-a-piegen-blackfeet-warrior,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,karl-bodmer_kiasax-bear-on-the-left,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,karl-bodmer_landscape-with-buffalo-on-the-upper-missouri-1833,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Romanticism,karl-bodmer_m-ndeh-p-hchu-a-young-mandan-indian-plate-24-from-volume-1-of-travels-in-the-interior-of-north-1843,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,karl-bodmer_magic-pile-erected-by-the-assiniboin-indians-plate-15-from-volume-1-of-travels-in-the-interior-1843,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,karl-bodmer_mahsette-kuiuab-chief-of-the-cree-indians-plate-22-from-volume-1-of-travels-in-the-interior-of-1843,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,karl-bodmer_mandan-indians-1843,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,karl-bodmer_massika-saki-indian-wakusasse-musquake-indian-plate-3-from-volume-1-of-travels-in-the-interior-1833,"[0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,karl-bodmer_mato-tope-a-mandan-chief-1833,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,karl-bodmer_mato-tope-adorned-with-the-insignia-of-his-warlike-deeds-plate-14-from-volume-2-of-travels-in-1843,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,karl-bodmer_mato-tope-mandan-chief-1833,"[1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,karl-bodmer_mehkskeme-sukahs-blackfoot-chief-and-tatsicki-stomick-piekann-chief-plate-45-from-volume1-of-1834,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 1.0]" +Romanticism,karl-bodmer_mexkemahuastan-chief-of-the-gros-ventres-of-the-prairies-plate-20-from-volume-1-of-travels-in-1843,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Romanticism,karl-bodmer_missouri-indians-1832,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,karl-bodmer_mouth-of-the-wabash-indiana-1833,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,karl-bodmer_new-harmony-1832,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,karl-bodmer_new-harmony-on-the-wabash-plate-2-from-volume-2-of-travels-in-the-interior-of-north-america-1832,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,karl-bodmer_noapeh-an-assiniboin-indian-and-psihdja-sahpa-a-yanktonan-indian-plate-12-from-volume-2-of-1844,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]" +Romanticism,karl-bodmer_noapeh-assiniboin-indian-1833,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,karl-bodmer_offering-of-the-mandan-indians-plate-14-from-volume-1-of-travels-in-the-interior-of-north-1843,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]" +Romanticism,karl-bodmer_pachtuwa-chta-an-arrikkara-warrior-plate-27-from-volume-1-of-travels-in-the-interior-of-north-1843,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Romanticism,karl-bodmer_painting-of-trachemys-scripta-elegans-wied-1865,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,karl-bodmer_pehriska-ruhpa-minatarre-or-big-bellied-indian-1834,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Romanticism,karl-bodmer_pehriska-ruhpa-minatarre-warrior-in-the-costume-of-the-dog-dance-plate-23-from-volume-2-of-1844,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,karl-bodmer_piegan-blackfeet-girl,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,karl-bodmer_psihdja-sahpa-yanktonian-indian-1833,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,karl-bodmer_ptihn-tak-ochata-dance-of-the-mandan-women-plate-28-from-volume-1-of-travels-in-the-interior-of-1843,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,karl-bodmer_punka-indians-encamped-on-the-banks-of-the-missouri-plate-11-from-volume-1-of-travels-in-the-1843,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,karl-bodmer_remarkable-hills-on-the-upper-missouri-plate-34-from-volume-2-of-travels-in-the-interior-of-1843,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,karl-bodmer_river-scene-with-barn-swallows,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,karl-bodmer_rolled-scalp-1832,"[0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,karl-bodmer_ruined-towers-overlooking-the-rhine,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,karl-bodmer_saukie-and-fox-indians-plate-20-from-volume-1-of-travels-in-the-interior-of-north-america-1833,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,karl-bodmer_scalp-dance-of-the-minatarres-1832,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Romanticism,karl-bodmer_scalp-dance-of-the-minatarres-1843,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,karl-bodmer_sih-chida-and-mahchsi-karehde-mandan-indians-plate-20-from-volume-2-of-travels-in-the-interior-1844,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,karl-bodmer_sioux-teepee-from-volume-1-of-travels-in-the-interior-of-north-america-1833,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,karl-bodmer_snags-on-the-missouri-river-1833,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]" +Romanticism,karl-bodmer_stolzenfels-castle-in-the-background-lahneck-castle-1836,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,karl-bodmer_summerhouse-of-wahpeton-1832,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,karl-bodmer_susquehanna-near-harrisburg-pennsylvania,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,karl-bodmer_the-church-of-new-harmony-1832,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,karl-bodmer_the-cusanusstift-in-bernkastel-kues-1831,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,karl-bodmer_the-delaware-water-gap,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,karl-bodmer_the-elkhorn-pyramid-on-the-upper-missouri-plate-13-from-volume-2-of-travels-in-the-interior-of-1843,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Romanticism,karl-bodmer_the-enemy-brothers-in-bornhofen-on-the-rhine-with-a-convent-and-village-view,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,karl-bodmer_the-fox-river-near-new-harmony-in-indiana-1832,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,karl-bodmer_the-great-traveller-charles-alexandre-lesueur-in-the-forest,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,karl-bodmer_the-interior-of-a-hut-of-a-mandan-chief-plate-19-from-volume-2-of-travels-in-the-interior-of-1844,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Romanticism,karl-bodmer_the-party-in-which-karl-bodmer-was-traveling-stopped-to-camp-along-the-missouri-river-in-north-1833,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,karl-bodmer_the-town-traben-trarbach-and-the-grevenburg-on-the-moselle-river-in-germany-1841,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,karl-bodmer_the-town-zell-on-the-moselle-river-in-germany-1841,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,karl-bodmer_the-travellers-meeting-with-minatarre-indians-near-fort-clark-plate-26-from-volume-1-of-travels-1843,"[0.0, 1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,karl-bodmer_tombs-of-assiniboin-indians-on-trees-plate-30-from-volume-1-of-travels-in-the-interior-of-north-1832,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Romanticism,karl-bodmer_view-of-the-godesburg-and-the-seven-mountains,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,karl-bodmer_wahk-ta-ge-li-a-sioux-warrior-1833,"[2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,karl-bodmer_wahk-ta-ge-li-a-sioux-warrior-plate-8-from-volume-2-of-travels-in-the-interior-of-north-america-1844,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,karl-bodmer_washinga-saba-s-grave-on-blackbirds-hill-plate-12-from-volume-2-of-travels-in-the-interior-of-1843,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,karl-bodmer_winter-village-of-the-minatarres-1843,"[2.0, 3.0, 7.0, 5.0, 0.0, 0.0, 12.0, 14.0, 3.0]" +Romanticism,karl-bodmer_woman-of-the-cree-tribe-1832,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Romanticism,karl-bodmer_woman-of-the-snake-tribe-and-woman-of-the-cree-tribe-plate-33-from-volume-1-of-travels-in-the-1832,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,karl-bodmer_yellowstone-missouri-river-steamboat-depicted-as-aground-on-1844,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,karl-bodmer_young-amerindian,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,karl-bodmer_young-piegan-blackfeet-woman,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,karl-bryullov_a-dream-of-a-girl-before-a-sunrise-1833(1),"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,karl-bryullov_a-merry-return-1830(1),"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,karl-bryullov_aleksandr-turgenev(1),"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,karl-bryullov_alexander-ribeaupierre(1),"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,karl-bryullov_an-interrupted-date(1),"[2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,karl-bryullov_an-interrupted-date-1827(1),"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Romanticism,karl-bryullov_anatole-demidov(1),"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,karl-bryullov_ascension-baron-shieling(1),"[3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Romanticism,karl-bryullov_at-noon-1852(1),"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,karl-bryullov_at-the-mother-of-god-oak(1),"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,karl-bryullov_bathsheba(1),"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,karl-bryullov_bivouac-on-a-crater-vesuvius(1),"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,karl-bryullov_child-in-a-swimming-pool-portrait-of-prince-a-g-gagarin-in-childhood(1),"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Romanticism,karl-bryullov_cliffs-and-moon-at-night(1),"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,karl-bryullov_confession-of-an-italian-woman-1830(1),"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 2.0]" +Romanticism,karl-bryullov_death-of-inessa-de-castro-morganatic-wife-of-portuguese-infant-don-pedro(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 1.0]" +Romanticism,karl-bryullov_delphi-valley(1),"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Romanticism,karl-bryullov_delphi-valley-1(1),"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,karl-bryullov_diana-endymion-and-satyr(1),"[0.0, 2.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]" +Romanticism,karl-bryullov_dreams-of-grandmother-and-granddaughter(1),"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,karl-bryullov_erminia-and-the-shepherds(1),"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Romanticism,karl-bryullov_flying-angel-mourning-victims-of-the-inquisition-1850(1),"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]" +Romanticism,karl-bryullov_forced-to-swim-1852(1),"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 3.0, 0.0]" +Romanticism,karl-bryullov_fountain-in-bakhchi-sarai(1),"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,karl-bryullov_genserich-s-invasion-of-rome-1835(1),"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Romanticism,karl-bryullov_girl-gathering-grapes-in-a-suburb-of-naples(1),"[2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,karl-bryullov_girl-in-a-forest-1851(1),"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Romanticism,karl-bryullov_giuseppina-ronzi-de-begnis-1835(1),"[0.0, 4.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,karl-bryullov_grape-harvest-celebration(1),"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,karl-bryullov_head-a-girl(1),"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,karl-bryullov_head-of-an-abbot(1),"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,karl-bryullov_italian-expecting-a-child-looking-at-his-shirt-her-husband-cobble-together-a-cradle(1),"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,karl-bryullov_italian-midday(1),"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,karl-bryullov_italian-morning(1),"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,karl-bryullov_italian-woman-blowing-a-kiss(1),"[0.0, 3.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,karl-bryullov_italian-woman-lightning-a-lamp-in-front-of-the-image-of-madonna(1),"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,karl-bryullov_italian-woman-with-a-child-by-a-window(1),"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,karl-bryullov_ivan-riboper(1),"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,karl-bryullov_juliet-tittoni-as-jeanna-d-ark-1852(1),"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,karl-bryullov_lazzaroni-and-children-1852(1),"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,karl-bryullov_m-p-volkonskaia(1),"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,karl-bryullov_male-portrait(1),"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,karl-bryullov_mark-the-evangelist-1847(1),"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,karl-bryullov_mother-awoken-by-her-crying-child(1),"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,karl-bryullov_mountain-hunters(1),"[0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,karl-bryullov_nun-s-dream(1),"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,karl-bryullov_nuns-convent-of-the-sacred-heart-in-rome(1),"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,karl-bryullov_ortrait-of-count-a-a-perovsky-the-writer-anton-pogorelsky(1),"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,karl-bryullov_participants-of-the-expedition-to-mount-vesuvius(1),"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,karl-bryullov_pheb-in-his-chariot(1),"[1.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,karl-bryullov_pifferary-in-front-of-madonna(1),"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,karl-bryullov_pilgrims-at-the-entrance-of-the-lateran-basilica(1),"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Romanticism,karl-bryullov_plafond-1847(1),"[2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,karl-bryullov_political-demonstration-in-rome-in-1846(1),"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,karl-bryullov_portrait-of-a-a-abaz(1),"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,karl-bryullov_portrait-of-a-man-from-the-tittoni-s-family(1),"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,karl-bryullov_portrait-of-a-member-of-the-state-council-of-the-book-a-n-holytsyna(1),"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,karl-bryullov_portrait-of-a-musician-m-vielgorsky(1),"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,karl-bryullov_portrait-of-a-n-demidov-prince-of-san-donato(1),"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,karl-bryullov_portrait-of-a-n-lvov(1),"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,karl-bryullov_portrait-of-a-young-woman-embroidering-1832(1),"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]" +Romanticism,karl-bryullov_portrait-of-alexander-bruloff(1),"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,karl-bryullov_portrait-of-alexander-bruloff-1827(1),"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,karl-bryullov_portrait-of-an-architect-i-a-monighetti(1),"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,karl-bryullov_portrait-of-an-architect-m-o-lopyrevskiy(1),"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Romanticism,karl-bryullov_portrait-of-an-unknown(1),"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Romanticism,karl-bryullov_portrait-of-an-unknown-woman-in-a-turban(1),"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Romanticism,karl-bryullov_portrait-of-angelo-tittoni-1852(1),"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Romanticism,karl-bryullov_portrait-of-antonio-tittoni-1852(1),"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,karl-bryullov_portrait-of-archbishop-giuseppe-capecalatro-1835(1),"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Romanticism,karl-bryullov_portrait-of-aurora-demidova-1838(1),"[0.0, 0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,karl-bryullov_portrait-of-baroness-i-i-klodt(1),"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,karl-bryullov_portrait-of-captain-a-m-kostinich(1),"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,karl-bryullov_portrait-of-catherine-tittoni-1852(1),"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]" +Romanticism,karl-bryullov_portrait-of-count-c-a-pozzo-di-borgo-1835-1(1),"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,karl-bryullov_portrait-of-count-v-a-perovsky(1),"[0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,karl-bryullov_portrait-of-countess-o-i-orlova-davydova-and-her-daughter(1),"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,karl-bryullov_portrait-of-countess-yu-p-samoilova-and-her-ward-amacilia-pacini-leaving-a-ball,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,karl-bryullov_portrait-of-f-a-bruni-1828,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,karl-bryullov_portrait-of-f-d-gverazzi-1830,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,karl-bryullov_portrait-of-f-f-golytzin,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,karl-bryullov_portrait-of-francesco-ascani,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,karl-bryullov_portrait-of-g-n-and-v-a-olenin,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,karl-bryullov_portrait-of-grand-duchess-elena-pavlovna-and-her-daughter-maria,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,karl-bryullov_portrait-of-grand-duchess-maria-nikolaevna,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,karl-bryullov_portrait-of-grand-duchess-olga-nikolaevna,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,karl-bryullov_portrait-of-i-a-beck,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,karl-bryullov_portrait-of-i-a-krylov,"[1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0]" +Romanticism,karl-bryullov_portrait-of-julia-samoylova-with-giovannina-pacini-and-black-boy,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Romanticism,karl-bryullov_portrait-of-k-a-and-m-ya-narishkin,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,karl-bryullov_portrait-of-m-a-beck,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,karl-bryullov_portrait-of-m-a-beck-and-her-daughter-m-i-beck,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,karl-bryullov_portrait-of-m-a-kikina-1822,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,karl-bryullov_portrait-of-m-a-obolensky-1846,"[1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Romanticism,karl-bryullov_portrait-of-maria-kikina-as-a-child,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,karl-bryullov_portrait-of-maria-kikina-as-a-child-1820,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,karl-bryullov_portrait-of-mariano-tittoni-1852,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,karl-bryullov_portrait-of-o-p-ferzen-on-a-donkeyback,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,karl-bryullov_portrait-of-p-a-chikhachev,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,karl-bryullov_portrait-of-p-sokolova-the-artist-s-sister,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,karl-bryullov_portrait-of-p-v-basin-1,"[1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,karl-bryullov_portrait-of-princess-a-a-bagration-1,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,karl-bryullov_portrait-of-princess-ye-p-saltykova,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,karl-bryullov_portrait-of-princess-ye-p-saltykova-1835,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,karl-bryullov_portrait-of-princess-z-a-volkonskaya,"[0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,karl-bryullov_portrait-of-s-a-bobrinsky,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,karl-bryullov_portrait-of-s-a-schubert,"[5.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,karl-bryullov_portrait-of-s-a-sobolevsky-1,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,karl-bryullov_portrait-of-s-g-likhonin,"[0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]" +Romanticism,karl-bryullov_portrait-of-sculptor-i-p-vitaly-1837,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,karl-bryullov_portrait-of-singer-a-ya-petrova,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,karl-bryullov_portrait-of-teresa-michele-tittoni-with-sons-1852,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,karl-bryullov_portrait-of-the-actor-a-n-ramazanov,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,karl-bryullov_portrait-of-the-actress-juditta-pasta-as-anne-boleyn,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,karl-bryullov_portrait-of-the-archeologist-michelangelo-lanci,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,karl-bryullov_portrait-of-the-architect-a-bolotov,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,karl-bryullov_portrait-of-the-architect-a-gornostaev,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]" +Romanticism,karl-bryullov_portrait-of-the-architect-and-painter-alexander-brulloff,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,karl-bryullov_portrait-of-the-architect-k-a-ton-1827,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Romanticism,karl-bryullov_portrait-of-the-artist-prince-g-g-gagarin-1,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,karl-bryullov_portrait-of-the-artist-sylvester-shchedrin,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,karl-bryullov_portrait-of-the-italian-singer-fanny-persiani-tacinardi,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,karl-bryullov_portrait-of-the-poet-and-playwright-alexey-tolstoy-as-a-youth,"[8.0, 3.0, 13.0, 9.0, 1.0, 1.0, 8.0, 6.0, 2.0]" +Romanticism,karl-bryullov_portrait-of-the-poet-and-playwright-nestor-kukolnic,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,karl-bryullov_portrait-of-the-poet-and-translator-a-n-strugovshchikov,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,karl-bryullov_portrait-of-the-professor-of-the-moscow-medical-academy-k-a-janish,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,karl-bryullov_portrait-of-the-secretary-of-state-piotr-kikin-1822,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Romanticism,karl-bryullov_portrait-of-the-shishmariov-sisters,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,karl-bryullov_portrait-of-the-singer-pauline-viardot-garcia,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,karl-bryullov_portrait-of-u-m-smirnova-1840,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,karl-bryullov_portrait-of-v-a-kornilov-on-board-the-brig-themistocles,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,karl-bryullov_portrait-of-v-a-perovsky,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,karl-bryullov_portrait-of-v-a-perovsky-on-column-capitals,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,karl-bryullov_portrait-of-v-a-zhukovsky,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,karl-bryullov_portrait-of-v-v-samoilov,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,karl-bryullov_portrait-of-vincenzo-tittoni-1852,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,karl-bryullov_portrait-of-volkonskis-children-with-blackamoor,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]" +Romanticism,karl-bryullov_portrait-of-ya-f-yanenko-with-armour,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 3.0]" +Romanticism,karl-bryullov_portrait-of-ye-i-durnova,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,karl-bryullov_portrait-of-ye-i-ton-1840,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,karl-bryullov_portrait-of-ye-mussart-and-e-mussart-riders,"[1.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,karl-bryullov_portrait-of-zavyalov-fedor,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,karl-bryullov_profile-of-glinka-1847,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0]" +Romanticism,karl-bryullov_promenade-portrait-of-the-duke-of-leuchtenberg-e-mussart-ye-i-mussart-prince-p-r-bagration,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Romanticism,karl-bryullov_rider-portrait-of-giovanina-and-amacilia-pacini-the-foster-children-of-countess-yu-p-samoilova,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,karl-bryullov_ruins-in-park,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]" +Romanticism,karl-bryullov_self-portrait,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,karl-bryullov_self-portrait-1,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,karl-bryullov_self-portrait-1816,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,karl-bryullov_self-portrait-1833,"[0.0, 3.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,karl-bryullov_self-portrait-2,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,karl-bryullov_self-portrait-3,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,karl-bryullov_self-portrait-with-baroness-ye-n-meller-zakomelskaya-and-a-girl-in-a-boat-1835,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,karl-bryullov_siege-of-pskov-by-polish-king-stefan-batory-in-1581-1837,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Romanticism,karl-bryullov_siege-of-pskov-by-polish-king-stefan-batory-in-1581-1843,"[0.0, 0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Romanticism,karl-bryullov_sophia-bobrinskaya,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,karl-bryullov_st-alexandra,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,karl-bryullov_svetlana-guessing-on-her-future,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,karl-bryullov_the-judas-kiss-1847,"[0.0, 3.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,karl-bryullov_the-last-day-of-pompeii,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Romanticism,karl-bryullov_the-last-day-of-pompeii-1-1830,"[0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,karl-bryullov_the-last-day-of-pompeii-1833,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,karl-bryullov_the-last-day-of-pompeii-2-1830,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]" +Romanticism,karl-bryullov_the-model-1822,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,karl-bryullov_the-road-in-the-sinai-after-the-storm,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,karl-bryullov_v-a-musin-pushkin,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,karl-bryullov_village-of-san-rocco-near-the-town-of-corfu,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,karl-bryullov_voltigeur-1830,"[2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,karl-bryullov_walk-of-louis-xv-in-childhood,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_a-young-boyarynia,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,konstantin-makovsky_african,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Romanticism,konstantin-makovsky_alexander-ii-of-russia,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_an-arab-in-a-turban,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,konstantin-makovsky_appeal-of-minin,"[0.0, 1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_arab-boy,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,konstantin-makovsky_arab-boy-with-an-orange,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Romanticism,konstantin-makovsky_at-the-spinning-wheel,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,konstantin-makovsky_bedouin,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Romanticism,konstantin-makovsky_before-the-wedding-1890,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,konstantin-makovsky_boris-morozov-and-ivan-the-terrible,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_boyar,"[2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_boyar-1,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_boyar-s-wife-at-the-window-1885,"[1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_boyar-with-the-cup,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_boyar-with-the-cup-1,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,konstantin-makovsky_boyarynia,"[0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_boyaryshnya,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_boyaryshnya-1,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,konstantin-makovsky_boyaryshnya-2,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,konstantin-makovsky_boyaryshnya-3,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_boyaryshnya-4,"[1.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_boyaryshnya-5,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0]" +Romanticism,konstantin-makovsky_boyaryshnya-6,"[0.0, 5.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_boyaryshnya-7,"[0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_boyaryshnya-8,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_boyaryshnya-9,"[0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_boyaryshnya-by-the-window,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_boyaryshnya-by-the-window-1,"[0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_boyaryshnya-with-a-tray,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_bridge,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_by-the-toilet,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_cairene,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,konstantin-makovsky_cairene-1,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_cairo-1,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,konstantin-makovsky_celebration-in-ukraine,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_chevalier-arraying-gloves,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]" +Romanticism,konstantin-makovsky_child-head,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,konstantin-makovsky_child-portrait,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,konstantin-makovsky_children-running-from-the-storm,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,konstantin-makovsky_christ-among-the-teachers,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_coffee-house-in-cairo,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_conversation-near-the-spring,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,konstantin-makovsky_cossack,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,konstantin-makovsky_cup-of-honey,"[0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_cup-of-honey-1,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_date,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,konstantin-makovsky_dervish,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_dervishes-in-cairo-1875,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_dmitri-the-pretender-s-agents-murder-the-son-of-boris-godunov,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Romanticism,konstantin-makovsky_eastern-woman-gipsy,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,konstantin-makovsky_eastern-woman-with-a-child,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,konstantin-makovsky_egor-ivanovich-makovsky,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_egyptian-warrior,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_egyptian-with-a-child,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,konstantin-makovsky_emperor-alexander-ii-on-his-deathbed-1881,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 3.0, 0.0]" +Romanticism,konstantin-makovsky_fairy-tails,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,konstantin-makovsky_female-portrait,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,konstantin-makovsky_female-portrait-1,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_female-portrait-10,"[0.0, 1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_female-portrait-11,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,konstantin-makovsky_female-portrait-3,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,konstantin-makovsky_female-portrait-4,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,konstantin-makovsky_female-portrait-5,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,konstantin-makovsky_female-portrait-6,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_female-portrait-7,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_female-portrait-8,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_female-portrait-9,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_flirt,"[0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]" +Romanticism,konstantin-makovsky_genre-scene,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Romanticism,konstantin-makovsky_gipsy,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,konstantin-makovsky_gipsy-1,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,konstantin-makovsky_gipsy-2,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,konstantin-makovsky_girl-1,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_girl-2,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,konstantin-makovsky_girl-dressed-as-flora,"[0.0, 2.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_girl-in-burnous,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Romanticism,konstantin-makovsky_girl-in-oriental-dress,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_girl-in-the-field,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]" +Romanticism,konstantin-makovsky_girl-wering-a-crown,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_girl-with-a-bouquet,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,konstantin-makovsky_girl-with-a-sheaf,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,konstantin-makovsky_girl-with-a-yoke,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_girl-with-dog,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_girl-with-jug,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,konstantin-makovsky_head,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_head-of-child-portrait-of-the-son-konstantin,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_head-of-the-girl,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_head-of-the-girl-1,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_head-portrait-of-y-makovskaya,"[0.0, 1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_herring-dish,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_household-conversation,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,konstantin-makovsky_in-artist-s-workshop,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_in-from-a-stroll,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,konstantin-makovsky_in-the-garden,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_in-the-outskirts,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,konstantin-makovsky_italian,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,konstantin-makovsky_italian-boy,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,konstantin-makovsky_ivan-iii-of-russia,"[0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_kissing-ceremony,"[2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,konstantin-makovsky_konstantin-and-olga-makovsky,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_kuzma-minin,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,konstantin-makovsky_lady-in-black,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_male-portrait,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_male-portrait-1,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,konstantin-makovsky_man-head,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,konstantin-makovsky_matchmaker,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_mikhail-azanchevsky,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Romanticism,konstantin-makovsky_miserly-knight,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0, 0.0]" +Romanticism,konstantin-makovsky_model,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Romanticism,konstantin-makovsky_model-1,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]" +Romanticism,konstantin-makovsky_models-waiting-for-artist-basking-italians,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_moor,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,konstantin-makovsky_mr-balashov-s-children-1880,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Romanticism,konstantin-makovsky_musketeer,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Romanticism,konstantin-makovsky_negress,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_niko-dadiani-baby,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,konstantin-makovsky_ophelia,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Romanticism,konstantin-makovsky_ophelia-1,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Romanticism,konstantin-makovsky_ophelia-2,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_oriental-funeral-in-cairo,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,konstantin-makovsky_oriental-motif,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Romanticism,konstantin-makovsky_parisienne-in-pearl-necklace,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,konstantin-makovsky_pavel-vyazemsky,"[11.0, 11.0, 12.0, 2.0, 0.0, 1.0, 2.0, 9.0, 2.0]" +Romanticism,konstantin-makovsky_peasant-boy,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_peasant-children-at-rest,"[0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,konstantin-makovsky_portrait,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_portrait-1,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Romanticism,konstantin-makovsky_portrait-10,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,konstantin-makovsky_portrait-11,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_portrait-13,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,konstantin-makovsky_portrait-15,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_portrait-16,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]" +Romanticism,konstantin-makovsky_portrait-17,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,konstantin-makovsky_portrait-19,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,konstantin-makovsky_portrait-2,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,konstantin-makovsky_portrait-20,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_portrait-21,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,konstantin-makovsky_portrait-22,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Romanticism,konstantin-makovsky_portrait-23,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_portrait-24,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_portrait-3,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,konstantin-makovsky_portrait-4,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_portrait-6,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_portrait-7,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_portrait-8,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_portrait-9,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,konstantin-makovsky_portrait-of-a-suvorina,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,konstantin-makovsky_portrait-of-adleberg,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,konstantin-makovsky_portrait-of-alexander-ii-of-russia,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_portrait-of-an-unknown,"[1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_portrait-of-an-unknown-1,"[0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,konstantin-makovsky_portrait-of-an-unknown-in-red-dress,"[0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_portrait-of-artist-alexander-popov,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_portrait-of-artist-alexander-popov-1,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,konstantin-makovsky_portrait-of-artist-k-bornikov,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,konstantin-makovsky_portrait-of-artist-s-children,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_portrait-of-artist-s-wife,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,konstantin-makovsky_portrait-of-children-stasovy,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,konstantin-makovsky_portrait-of-count-sergei-grigoriyevich-stroganov,"[1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_portrait-of-countess-maria-mikhailovna-volkonskaya,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_portrait-of-dark-haired-beauty,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,konstantin-makovsky_portrait-of-e-makovsky-artist-s-father,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_portrait-of-empress-alexandra-feodorovna-alix-of-hesse,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_portrait-of-hudenkova-1,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,konstantin-makovsky_portrait-of-lady-vivien,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,konstantin-makovsky_portrait-of-m-butina,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_portrait-of-margarita-savina,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_portrait-of-maria-feodorovna-dagmar-of-denmark,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,konstantin-makovsky_portrait-of-maria-petipa,"[1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_portrait-of-nikolay-nekrasov,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,konstantin-makovsky_portrait-of-o-makovskaya,"[6.0, 8.0, 23.0, 4.0, 0.0, 0.0, 0.0, 2.0, 5.0]" +Romanticism,konstantin-makovsky_portrait-of-ossip-petrov-1870,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Romanticism,konstantin-makovsky_portrait-of-p-uvarova,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Romanticism,konstantin-makovsky_portrait-of-prince-p-vyazemsky,"[0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,konstantin-makovsky_portrait-of-princess-e-sheremetiyeva,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,konstantin-makovsky_portrait-of-princess-m-orlova-davydova,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_portrait-of-princess-s-stroganova,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_portrait-of-princess-zinaida-yusupova,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_portrait-of-russian-opera-singer-nikolay-figner,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_portrait-of-russian-opera-singer-sandra-panaeva,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,konstantin-makovsky_portrait-of-s-hudenkov,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,konstantin-makovsky_portrait-of-the-artist-ivan-aivazovsky,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,konstantin-makovsky_portrait-of-the-artist-s-wife,"[4.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_portrait-of-the-boy-1,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,konstantin-makovsky_portrait-of-the-composer-aleksandr-sergeyvich-dargomyzhsky,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Romanticism,konstantin-makovsky_portrait-of-the-composer-cesar-a-kyui,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_portrait-of-the-count-g-bobrinsky,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_portrait-of-the-count-nikolay-muravyov-amursky,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,konstantin-makovsky_portrait-of-the-girl-1,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,konstantin-makovsky_portrait-of-the-girl-2,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_portrait-of-the-girl-4,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_portrait-of-the-girl-in-a-russian-dress,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]" +Romanticism,konstantin-makovsky_portrait-of-the-girl-in-a-russian-dress-1,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,konstantin-makovsky_portrait-of-the-girl-in-a-ukrainian-dress,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_portrait-of-the-girl-in-blue-dress,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,konstantin-makovsky_portrait-of-the-girl-zhenia,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_portrait-of-the-lady,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,konstantin-makovsky_portrait-of-the-man-in-red-velvet-suit,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,konstantin-makovsky_portrait-of-the-son-in-workshop-small-antique-dealer,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,konstantin-makovsky_portrait-of-the-woman-with-coral-beads,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_portrait-of-the-young-lady-in-russian-costume,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Romanticism,konstantin-makovsky_portrait-of-the-young-lady-with-green-dress,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,konstantin-makovsky_portrait-of-the-young-lady-with-pink-bow,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_portrait-of-tradeswoman-e-rastorgueva,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_portrait-of-tsarevna-sofia,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Romanticism,konstantin-makovsky_portrait-of-v-bahrushina,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,konstantin-makovsky_portrait-of-v-makovsky-artist-s-brother,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_portrait-of-v-morozova,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_portrait-of-vera-zubova,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,konstantin-makovsky_portrait-of-vladimir-makovsky-in-childhood,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,konstantin-makovsky_portrait-of-y-makovskaya,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_praskovia-uvarova,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_priest-and-boyarynia,"[2.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_prince-oscar-bernadotte-duke-of-ostgotlandiya-1870,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,konstantin-makovsky_prince-repin-at-the-banquet-of-ivan-the-terrible,"[2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_proclamation-of-kuzma-minin-in-nizhny-novgorod-in-1611,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_reading,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_reaper,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,konstantin-makovsky_romeo-and-juliet,"[0.0, 1.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_russian-beauty,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Romanticism,konstantin-makovsky_russian-beauty-1,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_russian-beauty-in-kokoshnik,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_russian-beauty-in-summer-garland,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_savoyard,"[0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_self-portrait,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Romanticism,konstantin-makovsky_self-portrait-1,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Romanticism,konstantin-makovsky_serezha-portrait-of-son-in-sailor-suit,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Romanticism,konstantin-makovsky_sewer,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,konstantin-makovsky_spring-bacchanalia,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_still-life,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_still-life-palace-of-facets,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,konstantin-makovsky_street-in-cairo,"[0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,konstantin-makovsky_strolling-musicians,"[0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_sunday-evening-in-the-village,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_tamara-and-demon,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Romanticism,konstantin-makovsky_tea-drinking,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_the-boyars-wedding,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,konstantin-makovsky_the-boyarynia,"[1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_the-bulgarian-martyresses,"[2.0, 1.0, 2.0, 2.0, 2.0, 9.0, 10.0, 13.0, 4.0]" +Romanticism,konstantin-makovsky_the-choice-of-a-bride-by-alexis-of-russia,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_the-girl-in-pearl-necklace,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,konstantin-makovsky_the-girl-with-the-red-ribbon,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]" +Romanticism,konstantin-makovsky_the-handing-over-of-the-sacred-carpet-in-cairo-1876,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,konstantin-makovsky_the-muse-of-poesie,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_the-scene-on-the-outskirts-of-the-city,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,konstantin-makovsky_the-toilet-of-venus,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_the-transfer-of-the-sacred-carpet-from-mecca-to-cairo,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,konstantin-makovsky_tsar-alexei-michaylovich-choosing-a-bride-1887,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 1.0]" +Romanticism,konstantin-makovsky_turk,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,konstantin-makovsky_ukrainian,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_venus-birth,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,konstantin-makovsky_volkov-s-family-group-portrait-of-m-s-volkov-s-n-volkova-and-s-m-volkov-manzei,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,konstantin-makovsky_widow,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Romanticism,konstantin-makovsky_woman-head,"[1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_woman-in-a-national-costume,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,konstantin-makovsky_woman-with-rake,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,konstantin-makovsky_young-italian-with-sour-oranges,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,konstantin-makovsky_young-nun,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,konstantin-makovsky_zaporozhye-cossack,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,lev-lagorio_a-bay-1880,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,lev-lagorio_a-fisherman,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,lev-lagorio_a-lighthouse-1895,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,lev-lagorio_along-the-coast-livadia-1895,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Romanticism,lev-lagorio_an-old-mill-1859,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,lev-lagorio_an-old-tree-1859,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,lev-lagorio_batum-1881,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,lev-lagorio_caucasian-canyon-1893,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,lev-lagorio_caucasian-view-1889,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,lev-lagorio_coast-of-the-sea-1899,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,lev-lagorio_country-house-1892,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,lev-lagorio_crimea-monk-and-diva-rocks-1890,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,lev-lagorio_crimean-landscape-1891,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,lev-lagorio_defense-of-bayazet-do-ubeyaz-t-1891,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,lev-lagorio_farmhouse-on-the-island-1895,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,lev-lagorio_fisherman-s-settlement-1865,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,lev-lagorio_fjord-in-norway-1899,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,lev-lagorio_fountain-of-hannibal-in-rocca-di-papa-near-rome-1857,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,lev-lagorio_grand-prince-constantine-1880,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,lev-lagorio_happyness-of-meeting-1903,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,lev-lagorio_haystacks-1878,"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,lev-lagorio_in-the-caucasus-1874,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,lev-lagorio_in-the-gulf-of-finland-1881,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,lev-lagorio_kozma-prutkov,"[3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,lev-lagorio_landscape-1871,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,lev-lagorio_landscape-with-lake-1859,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,lev-lagorio_landscape-with-seagulls-1889,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,lev-lagorio_landscape-with-trees-houses-and-river-1878,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,lev-lagorio_lofoten-island-1895,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,lev-lagorio_mist-in-the-mountains-caucasus-1878,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,lev-lagorio_moonlit-night-at-neva-1898,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,lev-lagorio_moonlit-night-by-the-sea-1886,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,lev-lagorio_mountain-lake-1852,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,lev-lagorio_neva-at-night-1878,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,lev-lagorio_normandy-beach-1859,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,lev-lagorio_northern-landscape-1872,"[1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,lev-lagorio_old-tbilisi-1868,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,lev-lagorio_on-the-caucasus-mountains-1879,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,lev-lagorio_on-the-island-of-capri-coastal-cliffs-1859,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,lev-lagorio_on-the-island-of-capri-fisher-s-house-1859,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,lev-lagorio_river-in-the-foothills-1889,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,lev-lagorio_salute-september-26-1902-1902,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Romanticism,lev-lagorio_sea-1898,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,lev-lagorio_seascape-with-sailboats-1891,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,lev-lagorio_sevastopol-aqueduct-in-the-gully-ushakovskaya-1850,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,lev-lagorio_simeiz-1899,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,lev-lagorio_sinking-the-turkish-steamer-intibach-by-boats-of-ship-grand-duke-constantine-in-the-batumi-raid-1880,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,lev-lagorio_southern-landscape-1866,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,lev-lagorio_sukhum-kale-1873,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,lev-lagorio_transportation-of-ice-1849,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,lev-lagorio_view-of-ayu-dag-from-alushta,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,lev-lagorio_view-of-kronstadt-raid-1876,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,lev-lagorio_view-of-lakhta-near-st-petersburg-1850,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,lev-lagorio_view-of-the-neva-and-peter-and-paul-fortress-1859,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,lev-lagorio_view-of-the-town-from-the-riverside-1887,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,lev-lagorio_view-of-tiflis,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,louis-janmot_flower-of-the-fields-1845,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Romanticism,louis-janmot_po-me-de-l-me-11-virginitas,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,louis-janmot_po-me-de-l-me-13-rayons-de-soleil,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,louis-janmot_po-me-de-l-me-15-un-soir,"[0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,louis-janmot_po-me-de-l-me-18-r-alit,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,louis-janmot_po-me-de-l-me-3-l-ange-et-la-m-re,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,louis-janmot_po-me-de-l-me-4-le-printemps,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,louis-janmot_po-me-de-l-me-6-le-toit-paternel,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,louis-janmot_po-me-de-l-me-7-le-mauvaus-sentier,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Romanticism,louis-janmot_po-me-de-l-me-9-le-grain-de-bl,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Romanticism,louis-janmot_portrait-de-l-artiste-1832,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,louis-janmot_portrait-du-r-v-rend-p-re-henri-lacordaire(1),"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,marcus-larson_burning-steamship-1857,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]" +Romanticism,marcus-larson_dramatiskt-forslandskap-med-figurer-och-kvarnbyggnader-1854,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,marcus-larson_entrance-to-harbor-moonlight-1881,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,marcus-larson_fishing-near-the-fjord-by-moonlight-1862,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,marcus-larson_fjord-landscape-in-norway-1860,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,marcus-larson_forslandskap-med,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,marcus-larson_hav-i-mansken-1848,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,marcus-larson_kustlandskap-med-fartyg-vid-horisonten-1859,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,marcus-larson_mountains-and-a-waterfall-1851,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,marcus-larson_nattlig-marin-med-brinnande-fartyg,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Romanticism,marcus-larson_night-at-sea-1858,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Romanticism,marcus-larson_nocturnal-voyage,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,marcus-larson_skepp-p-stormigt-hav-1852,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,marcus-larson_stemship-in-sunset,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,marcus-larson_stormy-sea-1857,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,marcus-larson_stormy-sea-with-ship-wreck-1857,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,marcus-larson_unknown-title-1850,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Romanticism,marcus-larson_waterfall-in-sm-land-1856,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,maxim-vorobiev_bosphorus-1829,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,maxim-vorobiev_by-an-old-mill,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]" +Romanticism,maxim-vorobiev_elagin-island-at-night-1820,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,maxim-vorobiev_italian-landscape-1847,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,maxim-vorobiev_italian-seaside-landscape,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Romanticism,maxim-vorobiev_landscape-with-a-cross-lithuania,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,maxim-vorobiev_moonlit-night-in-st-petersburg-1839,"[1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,maxim-vorobiev_oak-fractured-by-a-lightning-allegory-on-the-artist-s-wife-death-1842,"[0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,maxim-vorobiev_odessa-1832,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,maxim-vorobiev_oriental-landscape-1821,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,maxim-vorobiev_smirna-1820,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,maxim-vorobiev_sphinxes-lining-a-quay-in-front-of-st-petersburg-academy-of-arts-1835,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,maxim-vorobiev_sunrise-in-the-suburbs-of-st-petersburg-1832,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,maxim-vorobiev_the-nevka-by-the-elagin-island-1829,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,maxim-vorobiev_view-from-the-terrace-of-the-elagin-palace-1823,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,maxim-vorobiev_view-from-window-1821,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,maxim-vorobiev_view-from-yauza-on-kremlin-in-moscow,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,maxim-vorobiev_view-of-a-town-grodno-1833,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,maxim-vorobiev_view-of-church-of-the-nativity-in-1833-1833,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,maxim-vorobiev_view-of-jerusalem-1836,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,maxim-vorobiev_view-of-manege-kutafya-tower-and-churches-of-st-nicholas-in-the-sapozhki-1817,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,maxim-vorobiev_view-of-moscow,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,maxim-vorobiev_view-of-sobornaya-square-in-the-moscow-kremlin-1817,"[0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Romanticism,maxim-vorobiev_view-of-the-military-telegraph-near-varna-1829,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,maxim-vorobiev_visiting-two-arabian-sheikhs,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,mikhail-vrubel_a-model-with-eastern-dress-1884,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,mikhail-vrubel_farewell-of-zara-with-ismail-1890,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,mikhail-vrubel_italian-fisherman,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,mikhail-vrubel_persian-prince-1886,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,miklos-barabas_count-istv-n-sz-chenyi-1848,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,miklos-barabas_flirtation-1841,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,miklos-barabas_in-the-atelier-r-za-teleki-1838,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,miklos-barabas_lago-maggiore-1834,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]" +Romanticism,miklos-barabas_laying-the-foundation-stone-of-the-chain-bridge-1842,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,miklos-barabas_pigeon-post-1848,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,miklos-barabas_portrait-of-a-woman-1831,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,miklos-barabas_portrait-of-a-woman-1846,"[0.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,miklos-barabas_portrait-of-emil-desseweffy-1866,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,miklos-barabas_portrait-of-emperor-franz-joseph-i-1853,"[0.0, 3.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,miklos-barabas_portrait-of-franz-liszt-1847,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,miklos-barabas_portrait-of-j-nos-buttler-1836,"[1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Romanticism,miklos-barabas_portrait-of-j-nos-l-szl-pyrker-bishop-of-eger-1842,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,miklos-barabas_portrait-of-j-nos-matta-1860,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Romanticism,miklos-barabas_portrait-of-j-zsef-teleki-1836,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,miklos-barabas_portrait-of-mrs-istv-n-bitt-1874,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Romanticism,miklos-barabas_portrait-of-ms-konkoly-1837,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Romanticism,miklos-barabas_portrait-of-poet-mih-ly-v-r-smarty-1836,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,miklos-barabas_portrait-of-savka-obrenovic-1845,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,miklos-barabas_portrait-of-william-tierney-clark,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,miklos-barabas_quay-of-the-danube-with-greek-church-in-1843-1843,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,miklos-barabas_romanian-family-going-to-the-fair-1844,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,miklos-barabas_self-portrait-1841,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,miklos-barabas_standing-portrait-of-l-szl-teleki-1861,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,miklos-barabas_the-arrival-of-the-daughter-in-law-1856,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,miklos-barabas_the-artist-s-wife-1844,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,miklos-barabas_the-blue-grotto-1835,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,miklos-barabas_the-eruption-of-the-vesuv-1835,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Romanticism,miklos-barabas_the-family-d-genfeld-1854,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,miklos-barabas_venice-at-dusk-1834,"[0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Romanticism,miklos-barabas_vesuvius-seen-from-the-island-of-capri-1835,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,miklos-barabas_woman-in-striped-dress-1844,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,miklos-barabas_women-at-nettuno-1835,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,mykola-pymonenko_a-date,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,mykola-pymonenko_becoming-the-evening,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,mykola-pymonenko_easter-vigil,"[0.0, 1.0, 8.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,mykola-pymonenko_harvester-1889,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Romanticism,mykola-pymonenko_haymaking,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,mykola-pymonenko_maundy-thursday,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Romanticism,mykola-pymonenko_meeting-at-the-well,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,mykola-pymonenko_ukrainian-night-1905,"[1.0, 5.0, 14.0, 1.0, 1.0, 1.0, 1.0, 16.0, 6.0]" +Romanticism,mykola-pymonenko_wedding-in-kiev-province-1,"[0.0, 2.0, 2.0, 0.0, 2.0, 1.0, 0.0, 2.0, 1.0]" +Romanticism,mykola-pymonenko_yuletide-fortune-tellers-1888,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,n.c.-wyeth_and-when-they-came-to-the-sword-that-the-hand-held-king-arthur-took-it-up,"[1.0, 4.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,n.c.-wyeth_ben-gunn,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Romanticism,n.c.-wyeth_cover-of-the-boy-s-king-arthur,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,n.c.-wyeth_i-am-sir-launcelot-du-lake-king-ban-s-son-of-benwick-and-knight-of-the-round-table,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]" +Romanticism,n.c.-wyeth_illustration-for-poem-the-picket-guard,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,n.c.-wyeth_king-mark-slew-the-noble-knight-sir-tristram,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,n.c.-wyeth_launcelot-and-guenevere,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,n.c.-wyeth_merlin-taking-away-the-infant-arthur,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0]" +Romanticism,n.c.-wyeth_painting-of-native-american-3,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,n.c.-wyeth_rip-van-winkle-illustration,"[5.0, 9.0, 9.0, 2.0, 0.0, 0.0, 6.0, 9.0, 5.0]" +Romanticism,n.c.-wyeth_robinson-crusoe-illustration,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,n.c.-wyeth_sir-launcelot-in-the-wilderness-after-leaving-the-round-table,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Romanticism,n.c.-wyeth_sir-mador-s-spear-brake-all-to-pieces-but-the-other-s-spear-held,"[0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,n.c.-wyeth_tam-on-the-craig-face,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,n.c.-wyeth_the-children-were-playing-at-marriage-by-capture,"[1.0, 0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,n.c.-wyeth_the-death-of-arthur-and-mordred,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,n.c.-wyeth_the-green-knight-preparing-to-battle-sir-beaumains,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,n.c.-wyeth_the-lady-lyoness-had-the-dwarf-in-examination,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Romanticism,n.c.-wyeth_the-passing-of-robin-hood,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,n.c.-wyeth_they-fought-with-him-on-foot-more-than-three-hours-both-before-him,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,n.c.-wyeth_though-these-folks-were-evidently-amusing-themselves-yet-they-maintained-the-gravest-faces-the,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,n.c.-wyeth_title-page-of-the-boy-s-king-arthur,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Romanticism,n.c.-wyeth_when-sir-percival-came-nigh-unto-the-brim,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,nikolai-ge_death-of-virginia-study,"[0.0, 4.0, 4.0, 6.0, 3.0, 1.0, 14.0, 11.0, 5.0]" +Romanticism,nikolai-ge_death-of-virginia-study-1,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Romanticism,nikolai-ge_death-of-virginia-study-2,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]" +Romanticism,nikolai-ge_leila-and-khaji-abrek,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Romanticism,nikolai-ge_livorno-road-to-the-sea-at-antiniano-near-livorno,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,nikolai-ge_love-of-vestal,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,nikolai-ge_marble-saw-in-carrara,"[0.0, 0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,nikolai-ge_maria-sister-of-lazarus-meets-jesus-who-is-going-to-their-house,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,nikolai-ge_mother-at-the-funeral-of-her-child,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,nikolai-ge_portrait-of-shestova-with-daughter,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,nikolai-ge_sorrento,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,nikolai-ge_the-destruction-of-the-temple-in-jerusalem,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,nikolai-ge_the-transportation-of-marble-at-carrara,"[0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Romanticism,nikolai-ge_young-italian-woman-in-a-folk-costume-study,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,nikolaos-gyzis_after-the-destruction-of-psara-1898,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Romanticism,nikolaos-gyzis_art-and-it-s-spirits-1876,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,nikolaos-gyzis_capuchin,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,nikolaos-gyzis_carnival-in-athens,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,nikolaos-gyzis_carnival-in-athens-1892,"[2.0, 7.0, 7.0, 5.0, 2.0, 0.0, 19.0, 4.0, 4.0]" +Romanticism,nikolaos-gyzis_couple,"[0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,nikolaos-gyzis_draft-of-arts-and-spirits,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,nikolaos-gyzis_drawing,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,nikolaos-gyzis_eros-and-the-painter-1868,"[0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0]" +Romanticism,nikolaos-gyzis_head-of-old-man-1880(1),"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,nikolaos-gyzis_learning-by-heart-1883(1),"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,nikolaos-gyzis_the-vow-1886,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]" +Romanticism,orest-kiprensky_a-girl-with-flowing-hair-baby-s-head-1807,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,orest-kiprensky_a-gypsy-with-a-branch-of-myrtle-1819,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,orest-kiprensky_a-large-griffonnage-1814,"[9.0, 10.0, 10.0, 2.0, 0.0, 1.0, 1.0, 5.0, 8.0]" +Romanticism,orest-kiprensky_adam-mickiewicz-1825,"[1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,orest-kiprensky_alexander-i-1825,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,orest-kiprensky_alexander-pushkin,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,orest-kiprensky_alexander-samoilovich-figner,"[2.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,orest-kiprensky_alexander-semyonovich-shishkov-1825,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Romanticism,orest-kiprensky_anacreon-s-grave-1820,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,orest-kiprensky_anna-de-sagyur,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,orest-kiprensky_apollo-in-a-chariot-1817,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,orest-kiprensky_apprentice,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,orest-kiprensky_athena-1810,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0, 0.0]" +Romanticism,orest-kiprensky_barbara-ushakova-1810,"[0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Romanticism,orest-kiprensky_blind-musician-1809,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,orest-kiprensky_cher-de-angelis-1822,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,orest-kiprensky_crucifixion-etude-of-two-sitters-1800,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 2.0]" +Romanticism,orest-kiprensky_dark-haired-beautiful-woman-in-an-ermine-mantle,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,orest-kiprensky_dmitry-donskoy-after-the-battle-of-kulikovo-1805,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Romanticism,orest-kiprensky_dmitry-donskoy-after-the-battle-of-kulikovo-detail,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,orest-kiprensky_dmitry-donskoy-after-the-battle-of-kulikovo-detail-1,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Romanticism,orest-kiprensky_dreamer,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,orest-kiprensky_e-komarovsky-1823,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Romanticism,orest-kiprensky_ekaterina-bakunina-1813,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Romanticism,orest-kiprensky_equestrian-portrait-of-alexander-i-1820,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,orest-kiprensky_family-portrait-1815,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,orest-kiprensky_faun-with-a-pipe-1820,"[0.0, 2.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]" +Romanticism,orest-kiprensky_female-portrait,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,orest-kiprensky_flood-in-st-petersburg-1824,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Romanticism,orest-kiprensky_fortune-teller-with-a-candle-1830,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,orest-kiprensky_francois-louis-duval-1816,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,orest-kiprensky_girl-wearing-the-poppy-wreath-1819,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,orest-kiprensky_great-prince-nikolay-pavlovich,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,orest-kiprensky_griffonnage,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,orest-kiprensky_griffonnage-1814,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Romanticism,orest-kiprensky_gurko-v-d-female-portrait-1814,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,orest-kiprensky_head-of-a-boy-portrait-of-a-girl-with-a-braid-1807,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,orest-kiprensky_hector-and-andromache-1803,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]" +Romanticism,orest-kiprensky_italian-peasant-girls-1834,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,orest-kiprensky_ivan-kozlov,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Romanticism,orest-kiprensky_ivan-krylov-among-artists-1808,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]" +Romanticism,orest-kiprensky_ivan-krylov-and-anna-fuhrman-in-the-living-room-1816,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0]" +Romanticism,orest-kiprensky_john-the-baptist-baptizing-people-1819,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]" +Romanticism,orest-kiprensky_jupiter-and-mercury-in-the-form-of-visiting-pilgrims-philemon-and-baucis-1802,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,orest-kiprensky_knitting-two-women-at-the-table-1816,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]" +Romanticism,orest-kiprensky_kutuzov-parading-in-the-temple-of-fame,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,orest-kiprensky_landscape,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,orest-kiprensky_landscape-with-a-river-on-a-moonlit-night-1810,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,orest-kiprensky_landscape-with-a-well-1810,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Romanticism,orest-kiprensky_landscape-with-barge-haulers-1810,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,orest-kiprensky_landscape-with-fisherman-1810,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Romanticism,orest-kiprensky_madonna-with-the-child-1809,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,orest-kiprensky_male-portrait-1826,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Romanticism,orest-kiprensky_male-portrait-1826-1,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,orest-kiprensky_mother-and-child-1809,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,orest-kiprensky_neapolitan-boys-fishermen-1829,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,orest-kiprensky_neapolitan-girl-with-the-fruits-1831,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,orest-kiprensky_nikolay-ivanovich-gnedich,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,orest-kiprensky_orlovsky-alexander-osipovich,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,orest-kiprensky_pagan-priests-killing-the-first-kiev-christians-in-the-temple-of-perun-1803,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Romanticism,orest-kiprensky_pagan-priests-killing-the-first-kiev-christians-in-the-temple-of-perun-1803-1,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0]" +Romanticism,orest-kiprensky_peasant-boy-1814,"[0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]" +Romanticism,orest-kiprensky_peasant-boy-andryushka-1814,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,orest-kiprensky_peasant-boy-moska-1814,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,orest-kiprensky_peasant-boy-petrushka-melancholic-1814,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,orest-kiprensky_poor-lisa-1827,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,orest-kiprensky_portrait-caricature-of-giacomo-quarenghi-1814,"[2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0]" +Romanticism,orest-kiprensky_portrait-ivan-dmitrevsky-1814,"[0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 3.0, 0.0]" +Romanticism,orest-kiprensky_portrait-of-a-boy-1812,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,orest-kiprensky_portrait-of-a-boy-1819,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,orest-kiprensky_portrait-of-a-davydov-1809,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,orest-kiprensky_portrait-of-a-dmitriyev-mamonov-1815,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,orest-kiprensky_portrait-of-a-i-molchanova-with-daughter-1814,"[2.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,orest-kiprensky_portrait-of-a-kalmyk-woman-bayausta-1813,"[4.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,orest-kiprensky_portrait-of-a-man,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,orest-kiprensky_portrait-of-a-man-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]" +Romanticism,orest-kiprensky_portrait-of-a-man-2,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,orest-kiprensky_portrait-of-a-military-doctor-1812,"[3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,orest-kiprensky_portrait-of-a-o-smirnova-1830,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,orest-kiprensky_portrait-of-a-p-bakunin-1813,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,orest-kiprensky_portrait-of-a-p-lansky-1813,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,orest-kiprensky_portrait-of-a-schwalbe-1808,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Romanticism,orest-kiprensky_portrait-of-a-shishmarev-1827,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]" +Romanticism,orest-kiprensky_portrait-of-a-sister-anna-schwalbe-1807,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Romanticism,orest-kiprensky_portrait-of-a-tamilov,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,orest-kiprensky_portrait-of-a-tamilov-1813,"[2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,orest-kiprensky_portrait-of-a-tamilov-1828,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Romanticism,orest-kiprensky_portrait-of-a-young-girl-1829,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,orest-kiprensky_portrait-of-a-young-woman-girl-reading-a-book-1807,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Romanticism,orest-kiprensky_portrait-of-adam-mickiewicz-1824,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,orest-kiprensky_portrait-of-adam-mickiewicz-1825,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,orest-kiprensky_portrait-of-aleksey-ivanovich-korsakov-1808,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,orest-kiprensky_portrait-of-alexander-chelishchev,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,orest-kiprensky_portrait-of-alexander-pushkin-1827,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Romanticism,orest-kiprensky_portrait-of-alexander-shishkov-1825,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,orest-kiprensky_portrait-of-alexander-varnek-1814,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,orest-kiprensky_portrait-of-alexandra-lanskaya-1815,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,orest-kiprensky_portrait-of-alexei-davydov-1809,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,orest-kiprensky_portrait-of-alexei-nikolaevich-olenin-1813,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,orest-kiprensky_portrait-of-an-officer-1813,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,orest-kiprensky_portrait-of-an-unknown-man,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,orest-kiprensky_portrait-of-an-unknown-man-1811,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0]" +Romanticism,orest-kiprensky_portrait-of-an-unknown-woman-1811,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,orest-kiprensky_portrait-of-an-unknown-woman-1820,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,orest-kiprensky_portrait-of-an-unknown-woman-in-a-turban-1824,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,orest-kiprensky_portrait-of-an-unknown-woman-with-a-kerchief-on-her-neck-1829,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,orest-kiprensky_portrait-of-andrey-yakovlevich-italinsky,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,orest-kiprensky_portrait-of-anna-furman-1816,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,orest-kiprensky_portrait-of-anna-olenina-1828,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,orest-kiprensky_portrait-of-athanasius-shishmarev-1826,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,orest-kiprensky_portrait-of-colonel-evgraf-v-davydov-1809,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,orest-kiprensky_portrait-of-count-dmitri-nikolaevich-sheremetev-1824,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Romanticism,orest-kiprensky_portrait-of-count-sergei-petrovich-buturlin-1824,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Romanticism,orest-kiprensky_portrait-of-countess-ekaterina-petrovna-rostopchina-1809,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,orest-kiprensky_portrait-of-countess-maria-alexandrovna-pototskaya-countess-sofya-alexandrovna-shuvalova-with-a-1836,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,orest-kiprensky_portrait-of-countess-sophia-alexandrovna-golenischev-kutuzova-1829,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,orest-kiprensky_portrait-of-darya-nikolaevna-chvostova-1814,"[0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,orest-kiprensky_portrait-of-dmitry-nikolaevich-filosofov-1826,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,orest-kiprensky_portrait-of-dr-mazaroni-1829,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,orest-kiprensky_portrait-of-e-dumont-1816,"[1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]" +Romanticism,orest-kiprensky_portrait-of-ekaterina-aleksandrovna-telesheva-1828,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,orest-kiprensky_portrait-of-ekaterina-aleksandrovna-telesheva-1828-1,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,orest-kiprensky_portrait-of-ekaterina-avdulina,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,orest-kiprensky_portrait-of-ekaterina-petrovna-rostopchina-1822,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,orest-kiprensky_portrait-of-ekaterina-semenova,"[6.0, 13.0, 14.0, 1.0, 1.0, 0.0, 0.0, 5.0, 5.0]" +Romanticism,orest-kiprensky_portrait-of-ekaterina-semenova-1815,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,orest-kiprensky_portrait-of-ekaterina-semenova-1815-1,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,orest-kiprensky_portrait-of-ekaterina-semenova-1816,"[7.0, 12.0, 19.0, 3.0, 1.0, 2.0, 0.0, 0.0, 5.0]" +Romanticism,orest-kiprensky_portrait-of-elizabeth-khitrovo-1817,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,orest-kiprensky_portrait-of-elizabeth-olenina-1813,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,orest-kiprensky_portrait-of-feodor-rostopchin-1809,"[1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,orest-kiprensky_portrait-of-feodor-rostopchin-1822,"[0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,orest-kiprensky_portrait-of-general-chaplits-1813,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Romanticism,orest-kiprensky_portrait-of-giulio-litta-1813,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,orest-kiprensky_portrait-of-golitsyna,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,orest-kiprensky_portrait-of-grand-duke-michael-pavlovich-of-russia,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]" +Romanticism,orest-kiprensky_portrait-of-grand-duke-michael-pavlovich-of-russia-1819,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,orest-kiprensky_portrait-of-great-prince-nikolay-pavlovich-1814,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,orest-kiprensky_portrait-of-grigory-grigorievich-kushelev-1827,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,orest-kiprensky_portrait-of-grigory-grigorievich-kushelev-1827-1,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,orest-kiprensky_portrait-of-gurko-1811,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]" +Romanticism,orest-kiprensky_portrait-of-ivan-aleksandrovich-annenkov,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,orest-kiprensky_portrait-of-ivan-alexeevich-gagarin-1811,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,orest-kiprensky_portrait-of-ivan-dmitrevsky-1814,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Romanticism,orest-kiprensky_portrait-of-ivan-krylov-1816,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,orest-kiprensky_portrait-of-ivan-krylov-and-an-unknown-woman,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,orest-kiprensky_portrait-of-ivan-petrovich-wolfe-1811,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,orest-kiprensky_portrait-of-ivan-vasilievich-kusov-1808,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Romanticism,orest-kiprensky_portrait-of-jean-francois-duval-1816,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]" +Romanticism,orest-kiprensky_portrait-of-johann-wolfgang-von-goethe,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Romanticism,orest-kiprensky_portrait-of-johann-wolfgang-von-goethe-1823,"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,orest-kiprensky_portrait-of-konstantin-batyushkov-1815,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,orest-kiprensky_portrait-of-konstantin-batyushkov-1815-1,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,orest-kiprensky_portrait-of-konstantin-batyushkov-1815-2,"[1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,orest-kiprensky_portrait-of-kusov-aleksey-ivanovich-1809,"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0]" +Romanticism,orest-kiprensky_portrait-of-lieutenant-commander-nikolay-epanchin-1829,"[0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Romanticism,orest-kiprensky_portrait-of-m-a-kikina-1816,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,orest-kiprensky_portrait-of-m-lansky-1813,"[0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]" +Romanticism,orest-kiprensky_portrait-of-m-m-cherkasov-1827,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Romanticism,orest-kiprensky_portrait-of-m-v-shishmarev-1827,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Romanticism,orest-kiprensky_portrait-of-mrs-vallo-1813,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,orest-kiprensky_portrait-of-n-kochubey-1813,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,orest-kiprensky_portrait-of-nicholas-semenovich-mosolov-1811,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,orest-kiprensky_portrait-of-nikita-mikhailovich-muraviev-1813,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,orest-kiprensky_portrait-of-nikita-mikhailovich-muraviev-1815,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,orest-kiprensky_portrait-of-nikita-muraviev-1813,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,orest-kiprensky_portrait-of-nimfodora-semenova-1828,"[1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,orest-kiprensky_portrait-of-olimpiada-aleksandrovna-ryumina-1826,"[9.0, 13.0, 17.0, 0.0, 0.0, 1.0, 0.0, 2.0, 2.0]" +Romanticism,orest-kiprensky_portrait-of-p-basin-1829,"[0.0, 1.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,orest-kiprensky_portrait-of-p-gagarin-1823,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,orest-kiprensky_portrait-of-portrait-of-k-i-albrekht-1827,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,orest-kiprensky_portrait-of-prince-aleksey-ivanovich-gorchakov,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,orest-kiprensky_portrait-of-prince-e-g-gagarin-as-a-child-1817,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,orest-kiprensky_portrait-of-prince-georgy-petrovich-oldenburgsky-1811,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,orest-kiprensky_portrait-of-prince-nikita-petrovich-trubetskoy-1826,"[1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,orest-kiprensky_portrait-of-prince-pyotr-andreyevich-vyazemsky-1835,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,orest-kiprensky_portrait-of-pyotr-olenin-1813,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Romanticism,orest-kiprensky_portrait-of-sergei-nikiforovich-marin-1812,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,orest-kiprensky_portrait-of-sergei-uvarov-1813,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,orest-kiprensky_portrait-of-sergei-uvarov-1816,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,orest-kiprensky_portrait-of-sergey-vyazmitinov,"[1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,orest-kiprensky_portrait-of-soldier-1812,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,orest-kiprensky_portrait-of-sophie-rostopchine-1823,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,orest-kiprensky_portrait-of-the-abbot-sartori-1818,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,orest-kiprensky_portrait-of-the-abbot-skarpellini-1821,"[2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Romanticism,orest-kiprensky_portrait-of-the-artist-s-father-adam-karlovich-schwalbe,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0, 1.0]" +Romanticism,orest-kiprensky_portrait-of-the-artist-s-father-adam-karlovich-schwalbe-1804,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]" +Romanticism,orest-kiprensky_portrait-of-the-italian-landscape-painter-gregorio-fidanza,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,orest-kiprensky_portrait-of-the-prince-aleksandr-mikhailovich-golitsyn-1819,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,orest-kiprensky_portrait-of-the-prince-f-a-golitsyn-1833,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,orest-kiprensky_portrait-of-the-prince-p-scherbatov-1808,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,orest-kiprensky_portrait-of-the-princess-a-scherbatova-1808,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,orest-kiprensky_portrait-of-the-princess-s-s-scherbatova-1819,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,orest-kiprensky_portrait-of-the-sculptor-bertel-thorvaldsen-1831,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]" +Romanticism,orest-kiprensky_portrait-of-v-s-khvostov-1814,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,orest-kiprensky_portrait-of-v-s-sheremetev-1825,"[0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,orest-kiprensky_portrait-of-varvara-andreyevna-tomilova-1813,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Romanticism,orest-kiprensky_portrait-of-vasily-alekseevich-perovsky-1809,"[2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Romanticism,orest-kiprensky_portrait-of-vasily-zhukovsky-1816,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,orest-kiprensky_portrait-of-young-man,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,orest-kiprensky_portrait-of-zinaida-volkonskaya-1829,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,orest-kiprensky_portrait-v-p-orlov-davydov-1828,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,orest-kiprensky_pupils-bringing-thank-to-stroganov-on-the-occasion-of-new-year-1804,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Romanticism,orest-kiprensky_putto-with-a-globe,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,orest-kiprensky_readers-of-newspapers-in-naples-1831,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,orest-kiprensky_reclining-sitter-1802,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,orest-kiprensky_s-f-mochalov-1823,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,orest-kiprensky_self-portrait-1809,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,orest-kiprensky_self-portrait-1820,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,orest-kiprensky_self-portrait-1828,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,orest-kiprensky_self-portrait-1828-1,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Romanticism,orest-kiprensky_self-portrait-with-brushes-behind-the-ear-1808,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Romanticism,orest-kiprensky_sitter,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0]" +Romanticism,orest-kiprensky_sitter-1,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,orest-kiprensky_sitter-1803,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,orest-kiprensky_sketches-of-the-heads-1816,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,orest-kiprensky_standing-sitter-on-the-background-of-red-drapery-1802,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Romanticism,orest-kiprensky_standing-sitter-with-a-stick-sitter-on-a-rock-1801,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]" +Romanticism,orest-kiprensky_the-family-of-satyrs,"[2.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Romanticism,orest-kiprensky_the-old-man-s-head-1807,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,orest-kiprensky_tiburtine-sibyl-1817,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,orest-kiprensky_tiburtine-sibyl-1830,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,orest-kiprensky_tobias-and-his-blind-father-1800,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,orest-kiprensky_two-sitters-1800,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Romanticism,orest-kiprensky_view-from-the-window-1807,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,orest-kiprensky_view-of-mount-vesuvius-in-winter-1830,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,orest-kiprensky_young-gardener-1817,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Romanticism,orest-kiprensky_young-italian,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,osman-hamdi_a-lady-of-constantinople-1881,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,osman-hamdi_chest,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,osman-hamdi_girl-reciting-qu-ran-1880,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,osman-hamdi_girl-with-yellow-ribbon,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,osman-hamdi_gun-salesman-1908,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,osman-hamdi_ladies-taking-a-walk,"[0.0, 1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,osman-hamdi_lady-who-fits-the-vase(1),"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,osman-hamdi_mihrap,"[0.0, 1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,osman-hamdi_tavla-playing-zeybek,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Romanticism,osman-hamdi_the-carpet-merchant,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,osman-hamdi_the-lady-who-haves-her-hair-combed,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,osman-hamdi_the-musician-girl-1880,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,osman-hamdi_the-tortoise-trainer-1906,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,osman-hamdi_theologist,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Romanticism,osman-hamdi_two-young-girls-visiting-a-shrine-1890,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,paul-cezanne_a-male-nude-1863,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,paul-cezanne_a-modern-olympia-1870,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0, 1.0]" +Romanticism,paul-cezanne_achille-emperaire,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,paul-cezanne_amour-in-plaster,"[0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]" +Romanticism,paul-cezanne_bathers-1870,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0]" +Romanticism,paul-cezanne_bathers-1870-1,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,paul-cezanne_bathers-and-fisherman-with-a-line-1872,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Romanticism,paul-cezanne_bend-in-the-river,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0]" +Romanticism,paul-cezanne_christ-in-limbo-1867,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Romanticism,paul-cezanne_clearing-1867,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,paul-cezanne_constrats-1870,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0, 0.0]" +Romanticism,paul-cezanne_father-of-the-artist-1865,"[2.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,paul-cezanne_fisherman-on-the-rocks,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,paul-cezanne_fortune-mation,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]" +Romanticism,paul-cezanne_girl-at-the-piano-overture-to-tannhauser-1869,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,paul-cezanne_guillaumin-by-the-road,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Romanticism,paul-cezanne_gustave-boyer-in-a-straw-hat,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Romanticism,paul-cezanne_head-of-an-old-man,"[4.0, 3.0, 20.0, 1.0, 0.0, 1.0, 1.0, 7.0, 7.0]" +Romanticism,paul-cezanne_hortense-breast-feeding-paul-1872,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Romanticism,paul-cezanne_house-in-provence-1867,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,paul-cezanne_interior-with-two-women-and-a-child,"[0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Romanticism,paul-cezanne_l-estaque-under-snow-1870,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,paul-cezanne_landscape-1866,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,paul-cezanne_landscape-1867,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Romanticism,paul-cezanne_landscape-1867-1,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]" +Romanticism,paul-cezanne_landscape-1870,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,paul-cezanne_landscape-in-the-ile-de-france-1865,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,paul-cezanne_landscape-of-provence-1870,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 1.0]" +Romanticism,paul-cezanne_landscape-with-fountain-1867,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Romanticism,paul-cezanne_landscape-with-mill-1860,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,paul-cezanne_lane-of-chestnut-trees-at-the-jas-de-bouffan-1871,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,paul-cezanne_luncheon-on-the-grass-1869,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,paul-cezanne_man-in-a-straw-hat-1871,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Romanticism,paul-cezanne_marion-and-valabregue-posing-for-a-picture-1866,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,paul-cezanne_mont-sainte-victoire-1867,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,paul-cezanne_near-aix-en-provence,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,paul-cezanne_neried-and-tritons-1867,"[0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Romanticism,paul-cezanne_pastoral-or-idyll-1870,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Romanticism,paul-cezanne_paul-alexis-reading-a-manuscript-to-emile-zola,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Romanticism,paul-cezanne_paul-alexis-reading-at-zola-s-house-1870,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,paul-cezanne_portrait-of-a-man,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,paul-cezanne_portrait-of-a-man-1864,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Romanticism,paul-cezanne_portrait-of-a-man-1864-1,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Romanticism,paul-cezanne_portrait-of-a-man-in-a-blue-cap-or-uncle-dominique,"[2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,paul-cezanne_portrait-of-a-young-man-1866,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]" +Romanticism,paul-cezanne_portrait-of-achille-emperaire-1868,"[1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 2.0, 0.0, 0.0]" +Romanticism,paul-cezanne_portrait-of-an-old-man,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,paul-cezanne_portrait-of-anthony-valabregue,"[1.0, 5.0, 8.0, 0.0, 2.0, 2.0, 2.0, 19.0, 7.0]" +Romanticism,paul-cezanne_portrait-of-anthony-valabregue-1866,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Romanticism,paul-cezanne_portrait-of-antoine-valabregue,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,paul-cezanne_portrait-of-emile-zola-1864,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Romanticism,paul-cezanne_portrait-of-gustave-boyer,"[1.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,paul-cezanne_portrait-of-marie-cezanne-the-artist-s-sister-1867,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,paul-cezanne_portrait-of-marie-cezanne-the-artist-s-sister-1867-1,"[0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0]" +Romanticism,paul-cezanne_portrait-of-uncle-dominique-1866,"[2.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,paul-cezanne_portrait-of-uncle-dominique-1866-1,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Romanticism,paul-cezanne_portrait-of-uncle-dominique-as-a-monk,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 2.0]" +Romanticism,paul-cezanne_portrait-of-uncle-dominique-in-a-turban-1866,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]" +Romanticism,paul-cezanne_portrait-of-uncle-dominique-in-profile-1866,"[0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]" +Romanticism,paul-cezanne_preparation-for-the-funeral-1869,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,paul-cezanne_promenade-1866,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0]" +Romanticism,paul-cezanne_promenade-1871,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,paul-cezanne_river-in-the-plain,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,paul-cezanne_road-1871,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,paul-cezanne_road-in-provence,"[1.0, 2.0, 31.0, 5.0, 0.0, 0.0, 2.0, 4.0, 4.0]" +Romanticism,paul-cezanne_rock-in-the-forest-of-fontainbleau-1868,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,paul-cezanne_rue-des-saules-montmartre-1867,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,paul-cezanne_satyres-and-nymphs-1867,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0, 0.0]" +Romanticism,paul-cezanne_seascape-1864,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,paul-cezanne_self-portrait-1864,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 1.0]" +Romanticism,paul-cezanne_self-portrait-1866,"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 2.0, 0.0, 1.0]" +Romanticism,paul-cezanne_sorrow-1867,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 40.0, 2.0]" +Romanticism,paul-cezanne_standing-bather-drying-her-hair-1869,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,paul-cezanne_still-life-bread-and-leg-of-lamb-1866,"[1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]" +Romanticism,paul-cezanne_still-life-with-bread-and-eggs-1865,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,paul-cezanne_still-life-with-green-pot-and-pewter-jug,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,paul-cezanne_still-life-with-skull-candle-and-book-1866,"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0, 0.0]" +Romanticism,paul-cezanne_stove-in-the-atelier,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,paul-cezanne_sugar-bowl-pears-and-blue-cup,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,paul-cezanne_the-abduction-1867,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Romanticism,paul-cezanne_the-artist-s-father-reading-his-newspaper-1866,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,paul-cezanne_the-artist-s-mother-1867,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0]" +Romanticism,paul-cezanne_the-barque-of-dante-1870,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]" +Romanticism,paul-cezanne_the-black-marble-clock,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,paul-cezanne_the-feast-1867,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Romanticism,paul-cezanne_the-fountain-1872,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Romanticism,paul-cezanne_the-four-seasons-autumn-1861,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,paul-cezanne_the-four-seasons-spring-1861,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,paul-cezanne_the-four-seasons-summer-1861,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,paul-cezanne_the-four-seasons-winter-1861,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Romanticism,paul-cezanne_the-gravediggers-1870,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Romanticism,paul-cezanne_the-judgement-of-paris-1864,"[0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Romanticism,paul-cezanne_the-kiss-of-the-muse,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,paul-cezanne_the-lion-and-the-basin-at-jas-de-bouffan-1866,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Romanticism,paul-cezanne_the-manor-house-at-jas-de-bouffan-1870,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Romanticism,paul-cezanne_the-murder,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 1.0]" +Romanticism,paul-cezanne_the-negro-scipio-1867,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]" +Romanticism,paul-cezanne_the-oilmill-1871,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,paul-cezanne_the-robbers-and-the-donkey,"[1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Romanticism,paul-cezanne_the-rum-punch-1867,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Romanticism,paul-cezanne_the-temptation-of-st-anthony,"[0.0, 1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,paul-cezanne_uncle-dominique-as-a-lawyer-1866,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,paul-cezanne_view-of-bonnieres-1866,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,paul-cezanne_woman-diving-into-water,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Romanticism,paul-cezanne_woman-with-parrot,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,paul-cezanne_women-dressing,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Romanticism,paul-delaroche_assassination-of-henry-i-duke-of-guise-1834,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Romanticism,paul-delaroche_cardinal-mazarin-dying,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,paul-delaroche_countess-potocka-playing-piano-1851,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,paul-delaroche_cromwell-before-the-coffin-of-charles-i-1849,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Romanticism,paul-delaroche_death-of-elizabeth-i-queen-of-england-1828,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Romanticism,paul-delaroche_herodias-1843,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,paul-delaroche_innocence,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,paul-delaroche_joan-d-arc-being-interrogated-1824,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]" +Romanticism,paul-delaroche_marquis-de-pastoret,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,paul-delaroche_napol-on-bonaparte-abdicated-in-fontainebleau-1846,"[0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0, 1.0]" +Romanticism,paul-delaroche_napoleon-crossing-the-alps-1850,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,paul-delaroche_peter-the-great-1838,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,paul-delaroche_portrait-du-comte-james-alexandre-de-pourtal-s-gorgier,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0]" +Romanticism,paul-delaroche_portrait-of-henrietta-sontag,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,paul-delaroche_saint-veronica,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,paul-delaroche_strafford,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]" +Romanticism,paul-delaroche_the-children-of-edward-1831,"[8.0, 4.0, 7.0, 1.0, 0.0, 2.0, 19.0, 3.0, 3.0]" +Romanticism,paul-delaroche_the-execution-of-lady-jane-grey-1833,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,paul-delaroche_the-temptation-of-s-anthony,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,paul-delaroche_the-young-martyr-1853,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Romanticism,paul-delaroche_young-mother-and-her-children,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,pavel-svinyin_a-cliff,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,pavel-svinyin_a-fort,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Romanticism,pavel-svinyin_a-philadelphia-anabaptist-immersion-during-a-storm,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Romanticism,pavel-svinyin_albany,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,pavel-svinyin_american-indians-in-the-boat,"[0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]" +Romanticism,pavel-svinyin_american-landscape,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,pavel-svinyin_an-indian-with-a-scalp,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,pavel-svinyin_an-osage-warrior,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,pavel-svinyin_at-the-plantation,"[1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,pavel-svinyin_baptists,"[1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,pavel-svinyin_black-methodists-holding-a-prayer-meeting,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Romanticism,pavel-svinyin_boston-mall,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,pavel-svinyin_centre-square-and-the-marble-water-works,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,pavel-svinyin_cod-fishing,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]" +Romanticism,pavel-svinyin_fishmen,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0]" +Romanticism,pavel-svinyin_fourth-of-july-in-centre-square,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Romanticism,pavel-svinyin_full-sail-off-sandy-hook-entrance-to-new-york-harbor,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,pavel-svinyin_great-warrior-of-seminols,"[16.0, 7.0, 7.0, 4.0, 0.0, 2.0, 0.0, 1.0, 9.0]" +Romanticism,pavel-svinyin_in-the-forrest,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,pavel-svinyin_indian-s-entertainment,"[0.0, 0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,pavel-svinyin_meeting-of-two-ships-in-the-sea,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,pavel-svinyin_merry-making-at-the-wayside-inn-1812,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,pavel-svinyin_moravian-sisters,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,pavel-svinyin_new-york-city-and-harbor-from-weehawken,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Romanticism,pavel-svinyin_niagara-falls,"[0.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,pavel-svinyin_niagara-falls-canadian-side-by-moonlight,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,pavel-svinyin_niagara-falls-table-rock-by-moonlight,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,pavel-svinyin_pensilvanian-landscape,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,pavel-svinyin_perkins-villa,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,pavel-svinyin_philadelphia-from-across-the-delaware-river,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,pavel-svinyin_replenishing-the-ship-s-larder-with-codfish-off-the-newfoundland-coast,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,pavel-svinyin_river-fort,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Romanticism,pavel-svinyin_roller,"[2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,pavel-svinyin_ruined-house,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Romanticism,pavel-svinyin_shad-fishermen-on-the-shore-of-the-hudson-river,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,pavel-svinyin_st-paul-s-cathedral-in-new-york,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Romanticism,pavel-svinyin_steamboat,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,pavel-svinyin_steamboat-travel-on-the-hudson-river,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,pavel-svinyin_steamboat-travel-on-the-hudson-river-1,"[0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,pavel-svinyin_the-chief-of-the-little-osages,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,pavel-svinyin_the-monument-to-alexander-hamilton-at-weehawken,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,pavel-svinyin_the-new-city-hall,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,pavel-svinyin_the-pennsylvania-hospital,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,pavel-svinyin_the-road-in-the-mountains,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,pavel-svinyin_the-tomb-of-george-washington,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,pavel-svinyin_the-traveler-s-first-view-of-new-york-the-battery-and-flagstaff,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,pavel-svinyin_the-upper-bridge-over-the-schuylkill,"[0.0, 2.0, 7.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,pavel-svinyin_town-on-the-riverside,"[0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Romanticism,pavel-svinyin_travel-by-stagecoach-near-trenton,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0]" +Romanticism,pavel-svinyin_view-of-new-york,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,pavel-svinyin_view-of-washington,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,pavel-svinyin_view-on-betlehem,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,pavel-svinyin_works-on-the-shore,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,pierre-paul-prud'hon_andromache-and-astyanax,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,pierre-paul-prud'hon_arnauld-de-beaufort-1818,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Romanticism,pierre-paul-prud'hon_assumption-of-the-virgin,"[0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Romanticism,pierre-paul-prud'hon_bathing-venus,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,pierre-paul-prud'hon_crucifixion-1822,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Romanticism,pierre-paul-prud'hon_david-jonston-1808,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0]" +Romanticism,pierre-paul-prud'hon_dominique-vivant-denon,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,pierre-paul-prud'hon_elisa-bonaparte-napoleon-s-eldest-sister,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,pierre-paul-prud'hon_etienne-renon-de-franois-1795,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,pierre-paul-prud'hon_family-portrait-of-madame-anthony-and-her-children-1785,"[0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,pierre-paul-prud'hon_gian-battista-sommariva-1815,"[1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,pierre-paul-prud'hon_giovanni-battista-sommariva,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,pierre-paul-prud'hon_head-of-divine-vengeance,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]" +Romanticism,pierre-paul-prud'hon_head-of-plutus-god-of-wealth,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,pierre-paul-prud'hon_jean-baptiste-landel,"[0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]" +Romanticism,pierre-paul-prud'hon_josephine-bonaparte-study,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,pierre-paul-prud'hon_justice-and-divine-vengeance-pursuing-crime-1808,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Romanticism,pierre-paul-prud'hon_justice-and-divine-vengeance-pursuing-crime-study-1808,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Romanticism,pierre-paul-prud'hon_lavinie-barbier-walbonne,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,pierre-paul-prud'hon_louis-antoine-de-saint-just-1793,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Romanticism,pierre-paul-prud'hon_louise-antoinette-lannes-duchess-of-montebello,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,pierre-paul-prud'hon_love-seduces-innocence-pleasure-entraps-and-remorse-follows,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,pierre-paul-prud'hon_madame-copia-1792,"[2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,pierre-paul-prud'hon_madame-simon,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]" +Romanticism,pierre-paul-prud'hon_marguerite-marie-lagnier-ten-years-old-1796,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,pierre-paul-prud'hon_monsieur-lavallee-1809,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,pierre-paul-prud'hon_nicolas-perchet-1795,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,pierre-paul-prud'hon_portrait-of-a-woman-with-her-child,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,pierre-paul-prud'hon_portrait-of-constance-mayer-1804,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Romanticism,pierre-paul-prud'hon_portrait-of-georges-anthony-1796,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,pierre-paul-prud'hon_portrait-of-the-empress-josephine-1805,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,pierre-paul-prud'hon_psyche-transported-to-heaven,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,pierre-paul-prud'hon_russian-general-a-i-osterman-tolstoi,"[3.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,pierre-paul-prud'hon_study-for-the-soul-breaking-the-bonds-that-attach-to-the-land,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,pierre-paul-prud'hon_study-for-venus-and-adonis,"[2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,pierre-paul-prud'hon_the-conversation-of-napoleon-and-francois-ii-1808,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Romanticism,pierre-paul-prud'hon_the-dream-of-happiness-1819,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,pierre-paul-prud'hon_the-king-of-rome-1811,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,pierre-paul-prud'hon_untitled,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,pierre-paul-prud'hon_venus-bathing-innocence,"[0.0, 0.0, 2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]" +Romanticism,pierre-paul-prud'hon_venus-und-adonis,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,pierre-paul-prud'hon_young-naiad-tickled-by-the-cupids,"[0.0, 1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,pierre-paul-prud'hon_young-zephyr-balancing-above-water,"[1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0, 0.0]" +Romanticism,polychronis-lembesis_a-young-girl-1910,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,polychronis-lembesis_alitopaido,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Romanticism,polychronis-lembesis_basket-with-fruits-1878,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]" +Romanticism,polychronis-lembesis_captain-ben,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Romanticism,polychronis-lembesis_captain-ben-1,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,polychronis-lembesis_captain-benes,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,polychronis-lembesis_childs-with-rabbits-1879,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,polychronis-lembesis_girl-with-distaff-and-spindle,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]" +Romanticism,polychronis-lembesis_grandmother,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Romanticism,polychronis-lembesis_hagiography,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,polychronis-lembesis_half-naked-child,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,polychronis-lembesis_head-of-a-woman,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Romanticism,polychronis-lembesis_monument-lysikratous,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,polychronis-lembesis_nude-1877,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,polychronis-lembesis_portrait-of-a-boy,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Romanticism,polychronis-lembesis_portrait-of-a-girl,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,polychronis-lembesis_portrait-of-lady-wearing-white-cap-1879,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]" +Romanticism,polychronis-lembesis_portrait-of-maria-dragoumi,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Romanticism,polychronis-lembesis_self-portrait,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,polychronis-lembesis_still-life,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 3.0]" +Romanticism,polychronis-lembesis_supreme-court-1880,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,polychronis-lembesis_the-girl-and-the-goat,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,polychronis-lembesis_the-girl-with-pigeons,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,polychronis-lembesis_the-old-stubb-1898,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,richard-parkes-bonington_a-boat-beached-in-a-port-at-low-tide-1825,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Romanticism,richard-parkes-bonington_a-cutter-and-other-ships-in-a-strong-breeze-1827,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,richard-parkes-bonington_a-venetian-scene-1828,"[0.0, 0.0, 2.0, 0.0, 0.0, 3.0, 0.0, 1.0, 0.0]" +Romanticism,richard-parkes-bonington_abbey-of-st-berlin-near-st-omer-1823,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,richard-parkes-bonington_at-the-english-coast-1825,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 3.0, 0.0, 0.0]" +Romanticism,richard-parkes-bonington_beach-in-normandy,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Romanticism,richard-parkes-bonington_boats-by-the-normandy-shore-1823,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,richard-parkes-bonington_boulogne-sands-1827,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,richard-parkes-bonington_charles-v-visits-francis-i-after-the-battle-of-pavia,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Romanticism,richard-parkes-bonington_corso-sant-anastasia-verona-with-the-palace-of-prince-maffei-1826,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,richard-parkes-bonington_entrance-into-the-harbour-of-rio-de-janeiro,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,richard-parkes-bonington_francis-i-and-marguerite-de-navarre,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,richard-parkes-bonington_francis-i-and-the-duchess-of-etampes,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,richard-parkes-bonington_french-river-scene-with-fishing-boats-1824,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,richard-parkes-bonington_front-view-of-the-cathedral-1822,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Romanticism,richard-parkes-bonington_green-fields-at-the-boards-of-rio-das-velhas,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,richard-parkes-bonington_henri-iii-and-don-juan-of-austria,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Romanticism,richard-parkes-bonington_lake-brientz-and-interlaken-1826,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,richard-parkes-bonington_lake-lugano-1826,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,richard-parkes-bonington_landscape-near-quilleboeuf,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,richard-parkes-bonington_landscape-with-harvesters-at-sunset-1826,"[2.0, 9.0, 18.0, 2.0, 0.0, 8.0, 1.0, 8.0, 6.0]" +Romanticism,richard-parkes-bonington_les-salinieres-by-trouville-1826,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,richard-parkes-bonington_on-the-coast-of-picardy-1826,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Romanticism,richard-parkes-bonington_paris-quai-du-louvre-1828,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,richard-parkes-bonington_parlerre-d-eau-a-versailles-1826,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,richard-parkes-bonington_piazza-san-marco-venice-1827,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,richard-parkes-bonington_river-scene-in-france,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,richard-parkes-bonington_rouen-1825,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,richard-parkes-bonington_scene-in-normandy,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,richard-parkes-bonington_seascape-1827,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,richard-parkes-bonington_shipping-off-the-coast-of-kent-1825,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,richard-parkes-bonington_st-mark-s-column-in-venice,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,richard-parkes-bonington_sunset-in-the-pays-de-caux-1828,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]" +Romanticism,richard-parkes-bonington_the-adriatic-coast,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,richard-parkes-bonington_the-doge-s-palace-venice-1827,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Romanticism,richard-parkes-bonington_the-norman-coast,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Romanticism,richard-parkes-bonington_the-rialto-venice-1826,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,richard-parkes-bonington_the-undercliff-1828,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,richard-parkes-bonington_venice-grand-canal-sunset,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,richard-parkes-bonington_venice-the-grand-canal-1827,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,richard-parkes-bonington_vessels-in-a-choppy-sea,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,richard-parkes-bonington_view-of-venice,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,rudolf-von-alt_a-view-of-monreale-above-palermo,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,rudolf-von-alt_altausseersee-with-trisselwand-1839,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,rudolf-von-alt_castellammare-on-the-gulf-of-naples-1835,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,rudolf-von-alt_figures-on-a-bridge-over-a-stream-at-gastein-1888,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Romanticism,rudolf-von-alt_figures-on-the-riva-degli-schiavone-1840,"[0.0, 0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,rudolf-von-alt_galician-gypsies-1839,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0, 0.0]" +Romanticism,rudolf-von-alt_hallstatt-1845,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,rudolf-von-alt_hof-church-in-vienna-1892,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Romanticism,rudolf-von-alt_hoher-dachstein-from-lower-gosau-1838,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,rudolf-von-alt_holy-trinity-greek-church-vienna,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,rudolf-von-alt_interieur-of-castlein-renaissance-style,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,rudolf-von-alt_interior-in-palace-windischgratz-in-the-race-in-wien-1848,"[0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,rudolf-von-alt_interior-view-of-the-palm-house-of-lednice-castle-1842,"[0.0, 3.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,rudolf-von-alt_jewish-temple-in-the-city-leopold-1860,"[0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]" +Romanticism,rudolf-von-alt_lake-traun-1840,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,rudolf-von-alt_lower-austrian-country-house-in-vienna-viewed-from-minoritenplatz-1845,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,rudolf-von-alt_michaelerplatz-and-carbon-market-in-vienna-1844,"[0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Romanticism,rudolf-von-alt_mortuary-in-a-palace,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,rudolf-von-alt_motif-from-goisern-1903,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,rudolf-von-alt_mountain-landscape-with-the-grundlsee,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,rudolf-von-alt_perchtoldsdorf,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,rudolf-von-alt_ruins-of-diocletian-at-spalato-1841,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,rudolf-von-alt_rush-hour-traffic-on-the-national-road-1850,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,rudolf-von-alt_schwarzenberg-palace-1832,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Romanticism,rudolf-von-alt_st-mark-s-square-in-venice-with-austrian-military,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,rudolf-von-alt_storm-on-lake-garda-1839,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]" +Romanticism,rudolf-von-alt_the-banking-and-stock-exchange-building-in-the-lord-vienna,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,rudolf-von-alt_the-basilica-of-santa-maria-maggiore-in-rome-1837,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Romanticism,rudolf-von-alt_the-bay-of-cattaro-in-dalmatia-1840,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,rudolf-von-alt_the-capitol-in-rome-1835,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,rudolf-von-alt_the-castle-of-san-lorenzo-in-ragusa-1840,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,rudolf-von-alt_the-cathedral-of-capri-1835,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,rudolf-von-alt_the-cathedral-square-in-como,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,rudolf-von-alt_the-cemetery-in-gastein-1898,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,rudolf-von-alt_the-courtyard-of-the-doge-s-palace-in-venice-1867,"[0.0, 3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,rudolf-von-alt_the-esplanade-in-ischl,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,rudolf-von-alt_the-fish-market-in-rome-1865,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Romanticism,rudolf-von-alt_the-heathens,"[3.0, 17.0, 10.0, 6.0, 0.0, 0.0, 3.0, 7.0, 4.0]" +Romanticism,rudolf-von-alt_the-imperial-palace-livadia-in-the-crimea-1863,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,rudolf-von-alt_the-iron-foundry-in-kitschelt-skodagasse-in-vienna-1894,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Romanticism,rudolf-von-alt_the-iron-foundry-in-kitschelt-skodagasse-in-vienna-1903,"[0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 1.0, 1.0]" +Romanticism,rudolf-von-alt_the-iron-foundry-in-kitschelt-skodagasse-in-vienna-1903-1,"[0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0, 0.0]" +Romanticism,rudolf-von-alt_the-josef-square-in-vienna-1831,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,rudolf-von-alt_the-landing-site-in-stein-an-der-donau-1844,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Romanticism,rudolf-von-alt_the-large-market-in-vienna-1845,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Romanticism,rudolf-von-alt_the-large-pine-in-gastein-1895,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,rudolf-von-alt_the-large-pine-in-gastein-1900,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,rudolf-von-alt_the-library-in-the-palais-dumba-1877,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,rudolf-von-alt_the-library-in-the-palais-dumba-1877-1,"[1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,rudolf-von-alt_the-library-of-the-palais-lanckoronski-vienna-1881,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,rudolf-von-alt_the-line-of-hunter-in-vienna-1844,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,rudolf-von-alt_the-main-square-in-bratislava-1843,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,rudolf-von-alt_the-morning-room-of-the-palais-lanckoronski-vienna-1881,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,rudolf-von-alt_the-office-of-count-lanckoronski-vienna-1881,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Romanticism,rudolf-von-alt_the-pantheon-and-the-piazza-della-rotonda-in-rome-1835,"[1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,rudolf-von-alt_the-parish-church-in-ofen,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,rudolf-von-alt_the-parish-church-in-ofen-1,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,rudolf-von-alt_the-spittler-in-nuremberg-1856(1),"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,rudolf-von-alt_the-st-nicholas-church-in-gastein-1897,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,rudolf-von-alt_the-st-stephen-s-cathedral-in-vienna,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,rudolf-von-alt_the-st-stephen-s-cathedral-in-vienna-1831,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,rudolf-von-alt_the-st-stephen-s-cathedral-in-vienna-1847,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,rudolf-von-alt_the-studio-before-the-auction-1855,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,rudolf-von-alt_the-tomb-of-emperor-frederick-iii-in-the-stephansdom-in-vienna-1895,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,rudolf-von-alt_torquato-tassos-vaterhaus-in-sorrent-bei-neapel-1836,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,rudolf-von-alt_trautson-palace-in-vienna-1845,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,rudolf-von-alt_view-from-the-chapel-rosalie-1837,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,rudolf-von-alt_view-from-the-monastery-of-sant-onofrio-in-rome-1835,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,rudolf-von-alt_view-of-arsenal-museum-1857,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,rudolf-von-alt_view-of-bad-gastein-1888,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Romanticism,rudolf-von-alt_view-of-ischl-1830,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,rudolf-von-alt_view-of-klosterneuburg-1890,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,rudolf-von-alt_view-of-naples,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Romanticism,rudolf-von-alt_view-of-passau-1864,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,rudolf-von-alt_view-of-ragusa-1841,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,rudolf-von-alt_view-of-salzburg-1831,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,rudolf-von-alt_view-of-salzburg-1897,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,rudolf-von-alt_view-of-the-ducal-palace-in-venice-1874,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,rudolf-von-alt_view-of-the-old-town-square-with-the-church-in-prague-they-1843,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,rudolf-von-alt_view-of-the-stephansdom-from-stock-im-eisen-platz-1832,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,rudolf-von-alt_watercolour-of-steyr-bummerlhaus-1871,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,rudolf-von-alt_yursuff-1863,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,sir-lawrence-alma-tadema_a-bath-an-antique-custom-1876,"[0.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_a-birth-chamber-seventeenth-century-1868,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,sir-lawrence-alma-tadema_a-coign-of-vantage-1895,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_a-collection-of-pictures-at-the-time-of-augustus-1867,"[2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]" +Romanticism,sir-lawrence-alma-tadema_a-crown,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,sir-lawrence-alma-tadema_a-declaration-1883,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_a-dedication-to-bacchus-1889,"[1.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_a-difference-of-opinion-1896,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,sir-lawrence-alma-tadema_a-family-group-1896,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_a-favourite-custom-1909,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,sir-lawrence-alma-tadema_a-female-figure-resting-dolce-far-niente-1882,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_a-foregone-conclusion-1885,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_a-greek-woman-1869,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,sir-lawrence-alma-tadema_a-harvest-festival-a-dancing-bacchante-at-harvest-time-1880,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,sir-lawrence-alma-tadema_a-hearty-welcome-1878,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_a-kiss-1891,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,sir-lawrence-alma-tadema_a-listner-1899,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,sir-lawrence-alma-tadema_a-love-missle-1878,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,sir-lawrence-alma-tadema_a-man-dressed-in-white-robes-and-a-thick-belt-leaning-against-a-pillar-1878,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_a-picture-gallery-benjamin-constant-1866,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_a-prize-for-the-artists-corp,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_a-pyrrhic-dance-1869,"[0.0, 0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_a-reading-from-homer-1885,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,sir-lawrence-alma-tadema_a-roman-art-lover-1868,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,sir-lawrence-alma-tadema_a-roman-art-lover-1870,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Romanticism,sir-lawrence-alma-tadema_a-roman-artist-1874,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_a-roman-emperor-claudius-1871,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_a-roman-scribe-writing-dispatches,"[1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_a-roman-studio-1877,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_a-sculptor-s-model-venus-esquilina,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_a-sculpture-gallery-1867,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_a-sculpture-gallery-in-rome-at-the-time-of-agrippa-1867,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_a-silent-greeting-1889,"[0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_a-street-altar-1883,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_a-woman-kneeling-next-to-a-sarcophagus-and-crying-1878,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_a-world-of-their-own-1905,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_after-the-audience-1879,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_agrippina-with-the-ashes-of-germanicus,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,sir-lawrence-alma-tadema_among-the-ruins-1904,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_an-audience,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_an-earthly-paradise-1891,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_an-exedra-1869,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_an-oleander-1882,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_anna-alma-tadema-1883,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_anna-eton-college-chapel,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,sir-lawrence-alma-tadema_antony-and-cleopatra-1883,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,sir-lawrence-alma-tadema_architecture-in-ancient-rome-1877,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_ask-me-no-more-1906,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_at-aphrodite-s-cradle-1908,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_autumn-vintage-festival-1877,"[0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 1.0, 0.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_ave-caesar-io-saturnalia-1880,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_bacchanale-1871,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,sir-lawrence-alma-tadema_balneatix,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,sir-lawrence-alma-tadema_between-hope-and-fear-1876,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_between-venus-and-bacchus-1882,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,sir-lawrence-alma-tadema_bluebells,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_boating-1868,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_caracalla-1902,"[0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_catullus-at-lesbia-s-1865,"[0.0, 1.0, 0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_cherries-1873,"[0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_chiesa-san-clemente-1863,"[0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_comparisons-1892,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_confidences-1869,"[1.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_courtship,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,sir-lawrence-alma-tadema_courtship-the-proposal-1892,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_dame-ellen-terry-as-imogen-shakespeare-heroine-in-cymbeline,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_death-of-the-pharaoh-firstborn-son-1872,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_depiction-of-joseph-reading-to-the-pharaoh-1878,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,sir-lawrence-alma-tadema_dr-washington-epps-my-doctor-1885,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_dutch-art-in-the-nineteenth-century-1908,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]" +Romanticism,sir-lawrence-alma-tadema_egyptian-chess-players-1865,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,sir-lawrence-alma-tadema_egyptian-juggler-1870,"[1.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_entrance-to-a-roman-theatre-1866,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_exhausted-maenides-after-the-dance-1874,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_expectations,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_faust-and-marguerite-1857,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_fhe-frigidarium-1890,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,sir-lawrence-alma-tadema_figures-on-the-terrace-by-the-acropolis-1874,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_flag-of-truce-1900,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,sir-lawrence-alma-tadema_flora-spring-in-the-gardens-of-the-villa-borghese-1877,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,sir-lawrence-alma-tadema_fredegunda-praetextatus-visit-on-his-deathbed,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_from-an-absent-one-1871,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_gallo-roman-women-1865,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,sir-lawrence-alma-tadema_god-speed-1893,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,sir-lawrence-alma-tadema_hadrian-visiting-a-romano-british-pottery-1884,"[0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,sir-lawrence-alma-tadema_her-eyes-are-with-her-thoughts-and-they-are-far-away-1897,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_hero-1898,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_hopeful-1909,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,sir-lawrence-alma-tadema_in-beauty-s-bloom-unfinished-1911,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_in-my-studio-1893,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_in-the-peristyle-1866,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_in-the-temple-1871,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,sir-lawrence-alma-tadema_in-the-tepidarium-1881,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,sir-lawrence-alma-tadema_in-the-time-of-constantine-1878,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_interior-of-caius-martius-house-1907,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_interrupted-1880,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_joseph-overseer-of-pharaoh-s-graneries-1874,"[0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_lady-laura-teresa-gathering,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_leaving-church-in-the-fifteenth-century-1864,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Romanticism,sir-lawrence-alma-tadema_lesbia-weeping-over-a-sparrow-1866,"[0.0, 0.0, 2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_love-s-jewelled-fetter-1895,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_loves-votaries-1891,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_lrs-alma-tedemalawer-caracalla-geta-1909,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_maria-magdalena-1854,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_master-john-parsons-millet-1889,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,sir-lawrence-alma-tadema_midday-slumbers,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_miss-alice-lewis-1884,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_mrs-frank-d-millet-1886,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_mrs-george-lewis-and-her-daughter-elizabeth-1899,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_mrs-ralph-sneyd-1889,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Romanticism,sir-lawrence-alma-tadema_my-studio-1867,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_ninety-four-in-the-shade-1876,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_not-at-home-sir-1879,"[2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_not_detected_214561,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,sir-lawrence-alma-tadema_not_detected_214562,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,sir-lawrence-alma-tadema_on-the-road-to-the-temple-of-ceres-1879,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,sir-lawrence-alma-tadema_pandora-1881,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_pastimes-in-ancient-egyupe-3-000-years-ago-1863,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]" +Romanticism,sir-lawrence-alma-tadema_phidias-showing-the-frieze-of-the-parthenon-to-his-friends-1868,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Romanticism,sir-lawrence-alma-tadema_pleading-1876,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_poetry-1879,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,sir-lawrence-alma-tadema_pompeian-scene-or-the-siesta-1868,"[0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_portrait-of-a-woman-1902,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_portrait-of-aime-jules-dalou-his-wife-and-daughter-1876,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,sir-lawrence-alma-tadema_portrait-of-ignacy-jan-paderewski-1891,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,sir-lawrence-alma-tadema_portrait-of-miss-laura-theresa-epps,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,sir-lawrence-alma-tadema_portrait-of-mme-bonnefoy-and-m-puttemans-1867,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_portrait-of-mrs-charles-wyllie,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,sir-lawrence-alma-tadema_portrait-of-the-singer-george-henschel-1879,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_pottery-painting-1871,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_preparation-in-the-coliseum-1912,"[0.0, 2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_preparations-for-the-festivities-1866,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_proclaiming-claudius-emperor-1867,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Romanticism,sir-lawrence-alma-tadema_promise-of-spring,"[8.0, 6.0, 21.0, 10.0, 0.0, 1.0, 0.0, 0.0, 5.0]" +Romanticism,sir-lawrence-alma-tadema_prose-1879,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_resting-1882,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,sir-lawrence-alma-tadema_roman-family,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_sappho-and-alcaeus-1881,"[0.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_sculptors-in-ancient-rome-1877,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_self-portrait-1852,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,sir-lawrence-alma-tadema_self-portrait-1896,"[1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,sir-lawrence-alma-tadema_shy,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,sir-lawrence-alma-tadema_silver-favourites-1903,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,sir-lawrence-alma-tadema_sir-lawrence-alma-tadema,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_spring-1894,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,sir-lawrence-alma-tadema_spring-flowers,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Romanticism,sir-lawrence-alma-tadema_strigils-and-sponges-1879,"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,sir-lawrence-alma-tadema_summer-offering-1911,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,sir-lawrence-alma-tadema_summer-offering-young-girl-with-roses-1911,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Romanticism,sir-lawrence-alma-tadema_sunshine,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_tarquinius-superbus-1867,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Romanticism,sir-lawrence-alma-tadema_the-apodyterium-1886,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_the-baths-of-caracalla-1899,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,sir-lawrence-alma-tadema_the-colosseum-1896,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_the-conversion-of-paula-by-saint-jerome-1898,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_the-crossing-of-the-river-berizina-1869,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Romanticism,sir-lawrence-alma-tadema_the-death-of-hippolytus-1860,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Romanticism,sir-lawrence-alma-tadema_the-discourse,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_the-drawing-room-at-townshend-house-1885,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_the-education-of-the-children-of-clovis-1861,"[2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_the-epps-family-screen-1871,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,sir-lawrence-alma-tadema_the-favourite-poet-1888,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_the-finding-of-moses-1904,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Romanticism,sir-lawrence-alma-tadema_the-flower-market-1868,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_the-golden-hour-1908,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_the-honeymoon-1868,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,sir-lawrence-alma-tadema_the-inundation-of-the-biesbosch-in-1421-1856,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_the-last-roses-1872,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,sir-lawrence-alma-tadema_the-massacre-of-the-monks-of-tamond-1855,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_the-oleander,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,sir-lawrence-alma-tadema_the-parting-kiss-1882,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_the-poet-gallus-dreaming-1892,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_the-roman-potter-1884,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Romanticism,sir-lawrence-alma-tadema_the-roman-wine-tasters-1861,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_the-roses-of-heliogabalus-1888,"[2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_the-sculpture-gallery-1874,"[1.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_the-siesta-1868,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]" +Romanticism,sir-lawrence-alma-tadema_the-soldier-of-marathon,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_the-triumph-of-titus-1885,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_the-vintage-festival-1870,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,sir-lawrence-alma-tadema_the-voice-of-spring-1910,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,sir-lawrence-alma-tadema_the-way-to-the-temple-1882,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_the-women-of-amphissa-1887,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Romanticism,sir-lawrence-alma-tadema_the-year-s-at-the-spring-all-s-right-with-the-world-1902,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_this-is-our-corner-1872,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,sir-lawrence-alma-tadema_thou-rose-of-all-the-roses,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_tibulius-at-delia-s-1866,"[1.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_unconscious-rivals-1893,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,sir-lawrence-alma-tadema_unwelcome-confidences-1902,"[0.0, 2.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_vain-courtship-1900,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,sir-lawrence-alma-tadema_venantius-fortunatus-reading-his-poems-to-radegonda-vi-1862,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,sir-lawrence-alma-tadema_vespasian-hearing-from-one-of-his-generals-of-the-taking-of-jerusalem-by-titus-the-dispatch,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0]" +Romanticism,sir-lawrence-alma-tadema_votive-offering-1873,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,sir-lawrence-alma-tadema_water-pets,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_welcome-footsteps-1883,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_when-flowers-return-1911,"[0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_whispering-noon-1896,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,sir-lawrence-alma-tadema_who-is-it-1884,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 2.0]" +Romanticism,taras-shevchenko_a-gate-in-gustynia-church-of-st-nicholas-1845,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,taras-shevchenko_a-house-of-i-p-kotliarevsky-in-poltava-1845,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,taras-shevchenko_a-model-1860,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,taras-shevchenko_akmish-tau,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,taras-shevchenko_all-saints-church-at-kiev-pechersk-lavra-1846,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,taras-shevchenko_archangel-cathedral-in-nizhny-novgorod-1857,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,taras-shevchenko_architectural-project-of-private-house-facade-1860,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,taras-shevchenko_architectural-project-of-private-house-plan-1860,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,taras-shevchenko_architectural-project-of-private-house-side-facade-1860,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,taras-shevchenko_askold-s-grave-1846,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,taras-shevchenko_at-apiary-1843,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,taras-shevchenko_at-the-pub-1856,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,taras-shevchenko_aulia-tau-1851,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,taras-shevchenko_bathsheba-1860,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,taras-shevchenko_bohdan-s-church-in-subotiv-1845,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,taras-shevchenko_bohdan-s-ruins-in-subotiv-1845,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,taras-shevchenko_cathedral-of-ascension-in-pereiaslav-1845,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,taras-shevchenko_cathedral-of-the-annunciation-in-nizhny-novgorod-1857,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]" +Romanticism,taras-shevchenko_catholic-church-in-kyiv-1846,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,taras-shevchenko_chirkala-tau-1851,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,taras-shevchenko_chumaks-among-graves-1844,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,taras-shevchenko_cossack-s-feast-1838,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,taras-shevchenko_fire-in-the-steppe-1848,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]" +Romanticism,taras-shevchenko_gifts-in-chyhyryn-in-1649-1844,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]" +Romanticism,taras-shevchenko_head-of-a-woman-1834,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,taras-shevchenko_holy-cross-monastery-in-poltava-1845,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,taras-shevchenko_holy-family-1858,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,taras-shevchenko_in-gustynia-a-church-of-sts-peter-and-paul-1845,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,taras-shevchenko_in-gustynia-refectory-church-1845,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,taras-shevchenko_in-kyiv-1844,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,taras-shevchenko_in-pereiaslav-the-church-of-the-intercession-1845,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Romanticism,taras-shevchenko_kateryna-1842(1),"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,taras-shevchenko_kazakh-woman-1856,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Romanticism,taras-shevchenko_kazakhs-in-yurta-1849,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,taras-shevchenko_kulaat-mount-1857,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,taras-shevchenko_landscape-with-kurgan-stelae-1845,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,taras-shevchenko_lost-at-cards-1856,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,taras-shevchenko_mangyshlak-garden-1852,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 3.0]" +Romanticism,taras-shevchenko_mangyshlak-garden-1852-1,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,taras-shevchenko_moonlit-night-at-kos-aral-1848,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,taras-shevchenko_moonlit-night-in-mountains-1857,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,taras-shevchenko_peasant-family-1843,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,taras-shevchenko_pochayiv-lavra-from-the-west-1846,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Romanticism,taras-shevchenko_portrain-of-g-i-zakrevska-1843,"[1.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,taras-shevchenko_portrait-of-e-v-keykuatova-1847,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,taras-shevchenko_portrait-of-p-v-engelgart-1833,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,taras-shevchenko_portrait-of-the-unknown-woman-near-piano-1842,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,taras-shevchenko_portrait-of-y-f-rudzinsky-1845,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,taras-shevchenko_rusalkas-1857,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,taras-shevchenko_seashore-of-the-aral-sea-1848,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,taras-shevchenko_self-portrait-1841,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]" +Romanticism,taras-shevchenko_solitude-in-her-own-house-1859,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Romanticism,taras-shevchenko_st-michael-s-church-in-pereiaslav-khmelnytskyi-1845,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,taras-shevchenko_st-sebastian-1856,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 3.0, 0.0]" +Romanticism,taras-shevchenko_stone-cross-of-st-boris-1845,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,taras-shevchenko_stone-crosses-in-subotiv-1845,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Romanticism,taras-shevchenko_the-death-of-bohdan-khmelnytsky-1837,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Romanticism,taras-shevchenko_the-gypsy-fortune-teller-1841,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,taras-shevchenko_turkmen-abas-at-kara-tau-1857,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,taras-shevchenko_turkmen-cemetery-in-dolnapa-valley-1851,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Romanticism,taras-shevchenko_valley-on-the-khiva-road-1851-1,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,taras-shevchenko_vasylkiv-fort-in-kyiv-1846,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,taras-shevchenko_view-of-karatau-from-apazir-valley-1851,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,taras-shevchenko_vydubychi-monastery-in-kyiv-1844,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,taras-shevchenko_young-kazakh-s-song-1857,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,theodor-aman_battle-of-alma-1855,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Romanticism,theodor-aman_gipsy-girl-1884,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,theodor-aman_round-dance-at-aninoasa-1890,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,theodor-aman_self-portrait-1851,"[2.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,theodor-aman_the-battle-with-torches-1891,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0]" +Romanticism,theodor-aman_the-feasting-boyars-taken-by-surprise-by-vlad-the-impaler-s-envoys,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 1.0]" +Romanticism,theodor-aman_tudor-vladimirescu,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,theodor-aman_uniting-of-the-principalities-1857,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,theodore-chasseriau_alexis-de-tocqueville-1850,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,theodore-chasseriau_andromeda-chained-to-the-rock-by-the-nereids-1840,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Romanticism,theodore-chasseriau_apollo-and-daphne-1845,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,theodore-chasseriau_baigneuse-endormie-1850,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,theodore-chasseriau_cossack-girl-at-mazeppa-s-body-1851,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]" +Romanticism,theodore-chasseriau_forge-du-creusot-1836,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,theodore-chasseriau_la-d-fense-des-gaules-1855,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0]" +Romanticism,theodore-chasseriau_la-descente-de-croix-1855,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,theodore-chasseriau_la-petra-camara-1854,"[0.0, 3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,theodore-chasseriau_le-coucher-de-desd-mone-1841,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,theodore-chasseriau_le-coucher-de-desd-mone-1849,"[2.0, 6.0, 11.0, 9.0, 0.0, 3.0, 0.0, 9.0, 8.0]" +Romanticism,theodore-chasseriau_macbeth-apercevant-le-spectre-de-banco-1854,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,theodore-chasseriau_macbeth-suivi-de-banco-rencontre-les-trois-sorci-res-sur-la-lande-1855,"[0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,theodore-chasseriau_othello-and-desdemona-in-venice-1850,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,theodore-chasseriau_punishment-of-cain,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 6.0, 0.0]" +Romanticism,theodore-chasseriau_sc-ne-de-bataille-guerrier-gaulois-cheval,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0]" +Romanticism,theodore-chasseriau_self-portrait-in-a-redingote-1835,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,theodore-chasseriau_study-of-negro-1838,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Romanticism,theodore-chasseriau_the-tepidarium-1853,"[2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,theodore-chasseriau_the-two-sisters-1843,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,theodore-chasseriau_v-nus-anadyom-ne-1838,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,theodore-gericault_a-hitched-wagon,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 3.0]" +Romanticism,theodore-gericault_a-man-1819,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,theodore-gericault_a-portrait-of-a-young-man,"[1.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,theodore-gericault_a-young-negro-woman,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]" +Romanticism,theodore-gericault_alfred-dedreux-as-a-child,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Romanticism,theodore-gericault_an-italian-montagnard,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Romanticism,theodore-gericault_arabian-stallion-led-by-two-arabians-to-breed,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,theodore-gericault_artillery-caisson,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]" +Romanticism,theodore-gericault_brown-horse-in-the-stalls,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,theodore-gericault_coal-cars-1822,"[0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,theodore-gericault_colin-alexander-painter,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,theodore-gericault_english-jockey,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,theodore-gericault_entrance-to-the-adelphi-wharf,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]" +Romanticism,theodore-gericault_five-horses-seen-from-behind-with-croupes-in-a-stable-1822,"[5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,theodore-gericault_gray-horse-rack,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,theodore-gericault_head-of-a-horseman,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0]" +Romanticism,theodore-gericault_head-of-a-shipwrecked-man-study-for-the-raft-of-medusa-1819,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]" +Romanticism,theodore-gericault_head-of-an-oriental-or-portrait-presumed-to-be-mustapha-1821,"[2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,theodore-gericault_horse-attacked-by-a-lion,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]" +Romanticism,theodore-gericault_horse-carriage,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,theodore-gericault_horse-eastern,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,theodore-gericault_horse-frightened-by-lightning,"[0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,theodore-gericault_horse-in-the-storm-1821,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Romanticism,theodore-gericault_horse-leaving-a-stable,"[3.0, 9.0, 15.0, 10.0, 1.0, 1.0, 0.0, 3.0, 3.0]" +Romanticism,theodore-gericault_horses,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,theodore-gericault_horses-going-to-a-fair,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Romanticism,theodore-gericault_horses-of-the-auvergne-1822,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,theodore-gericault_leda-and-the-swan,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,theodore-gericault_lying-lions,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0, 0.0]" +Romanticism,theodore-gericault_mameluke-defending-wounded-trumpete,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,theodore-gericault_man-on-the-street,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]" +Romanticism,theodore-gericault_maria-serre,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Romanticism,theodore-gericault_marie-de-medici-at-pont-de-ce,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,theodore-gericault_naked-man-reversed-on-the-ground,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Romanticism,theodore-gericault_napoleon-s-stallion-tamerlan,"[1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,theodore-gericault_officer-of-chasseurs-of-the-imperial-guard,"[1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Romanticism,theodore-gericault_officer-of-the-chasseurs-charging-on-horseback,"[1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,theodore-gericault_old-italian-peasant,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Romanticism,theodore-gericault_paysage-classique-matin,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Romanticism,theodore-gericault_portrait-of-a-man-the-vendean-1823,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]" +Romanticism,theodore-gericault_portrait-of-alfred-and-elizabeth-dedreux-1819,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,theodore-gericault_portrait-of-eugene-delacroix-1819,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Romanticism,theodore-gericault_portrait-of-laura-bro-1820,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,theodore-gericault_portrait-of-lord-byron,"[1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]" +Romanticism,theodore-gericault_portrait-of-louise-vernet-as-a-child-1819,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,theodore-gericault_portrait-of-mustapha,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Romanticism,theodore-gericault_portrait-of-rifleman,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Romanticism,theodore-gericault_portrait-of-the-carpenter-of-the-medusa,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,theodore-gericault_portrait-of-young-boy-probably-olivier-bro,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,theodore-gericault_presumed-portrait-of-pierre-paul-royer-collard,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,theodore-gericault_rifleman,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,theodore-gericault_scene-of-the-deluge,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,theodore-gericault_self-portrait-1,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,theodore-gericault_self-portrait-2,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,theodore-gericault_shipwreck,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]" +Romanticism,theodore-gericault_slaves-stopping-a-horse-study-for-the-race-of-the-barbarian-horses-1817,"[0.0, 1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,theodore-gericault_spanish-horse-in-a-stable,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,theodore-gericault_study-for-bay-horse-seen-from-behind,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,theodore-gericault_study-for-four-lions,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]" +Romanticism,theodore-gericault_study-for-horse-turned-right-with-three-hens-and-a-rooster,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,theodore-gericault_study-for-officer-of-chasseurs-of-the-imperial-guard,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,theodore-gericault_study-for-the-race-of-the-barbarian-horses-1817,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Romanticism,theodore-gericault_study-for-the-raft-of-the-medusa,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]" +Romanticism,theodore-gericault_study-for-the-raft-of-the-medusa-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]" +Romanticism,theodore-gericault_study-of-a-dapple-grey-1824,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,theodore-gericault_study-of-a-male-nude,"[2.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]" +Romanticism,theodore-gericault_study-of-a-man,"[0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0]" +Romanticism,theodore-gericault_the-asleep-fishmonger,"[3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,theodore-gericault_the-bagpipe-player,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]" +Romanticism,theodore-gericault_the-blacksmith-s-signboard,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,theodore-gericault_the-croups,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,theodore-gericault_the-dream-of-aeneas,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,theodore-gericault_the-epsom-derby-1821,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,theodore-gericault_the-head-of-lion,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,theodore-gericault_the-head-of-young-man,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,theodore-gericault_the-horse-market,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Romanticism,theodore-gericault_the-horse-race-1824,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,theodore-gericault_the-horse-race-1824-1,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,theodore-gericault_the-kiss,"[0.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,theodore-gericault_the-page-mazeppa,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,theodore-gericault_the-plaster-kiln-1823,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,theodore-gericault_the-raft-of-the-medusa-1819,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]" +Romanticism,theodore-gericault_the-return-from-russia,"[0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,theodore-gericault_the-storm-or-the-shipwreck,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]" +Romanticism,theodore-gericault_the-swiss-guard-at-the-louvre,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Romanticism,theodore-gericault_the-tempest,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 1.0, 0.0]" +Romanticism,theodore-gericault_the-wild-horse-race-at-rome,"[0.0, 1.0, 0.0, 2.0, 1.0, 1.0, 1.0, 0.0, 0.0]" +Romanticism,theodore-gericault_three-horses-in-their-stable,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,theodore-gericault_three-rumps-of-horses,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,theodore-gericault_turkish-horse-in-a-stable,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,theodore-gericault_two-post-horses,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]" +Romanticism,theodore-gericault_two-post-horses-at-the-stable,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Romanticism,theodore-gericault_wagons-filled-with-wounded-soldiers,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 2.0]" +Romanticism,theodore-gericault_young-blond-man-1819,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,theodore-gericault_young-painter-at-his-easel,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,thomas-cole_a-rocky-glen-in-the-shawangunks-1846,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Romanticism,thomas-cole_a-tornado-in-the-wilderness-1835,"[0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]" +Romanticism,thomas-cole_a-view-near-tivoli-morning-1832,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,thomas-cole_a-view-of-the-mountain-pass-called-the-notch-of-the-white-mountains-crawford-notch-1839,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,thomas-cole_a-view-of-the-two-lakes-and-mountain-house-catskill-mountains-morning-1844,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,thomas-cole_a-wild-scene-1832,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,thomas-cole_american-lake-scene-1844,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,thomas-cole_an-evening-in-arcadia-1843,"[0.0, 3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,thomas-cole_an-italian-autumn-1844,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,thomas-cole_angels-ministering-to-christ-in-the-wilderness-1843,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,thomas-cole_arch-of-nero-1846,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,thomas-cole_autumn-in-the-catskills-1827,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,thomas-cole_autumn-landscape-mount-chocorua-1828,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,thomas-cole_autumn-twilight-view-of-copway-peak-mount-chocorua-new-hampshire-1834,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,thomas-cole_brock-s-monument,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Romanticism,thomas-cole_cabin-in-the-woods-north-conway-new-hampshire,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,thomas-cole_campagna-di-roma-study-for-aqueduct-near-rome-1832,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]" +Romanticism,thomas-cole_catskill-landscape-1846,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,thomas-cole_catskill-mountain-house-the-four-elements-1844,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,thomas-cole_catskill-scenery,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,thomas-cole_corway-peak-new-hamshire-1844,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,thomas-cole_cross-at-sunset,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,thomas-cole_daniel-boone-sitting-at-the-door-of-his-cabin-on-the-great-osage-lake-1826,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,thomas-cole_dimensions-and-material-of-painting-1828,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,thomas-cole_distant-view-of-niagara-falls-1830,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,thomas-cole_expulsion-from-the-garden-of-eden-1828,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,thomas-cole_expulsion-moon-and-firelight,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,thomas-cole_falls-at-catskill-1829,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,thomas-cole_falls-of-the-kaaterskill-1826,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,thomas-cole_genesee-scenery-1847,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,thomas-cole_home-in-the-woods-1847,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,thomas-cole_il-penseroso-1845,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Romanticism,thomas-cole_indian-at-sunset-1847,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,thomas-cole_indian-pass-tahawus-1847,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,thomas-cole_indian-sacrifice-1827,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,thomas-cole_indians-viewing-landscape,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,thomas-cole_interior-of-the-colosseum-rome-1832,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,thomas-cole_italian-coast-scene-with-ruined-tower-1838,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,thomas-cole_italian-scene-composition-1833,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,thomas-cole_kaaterskill-falls-1826,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,thomas-cole_l-allegro-italian-sunset-1845,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,thomas-cole_lake-with-dead-trees-catskill-1825,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,thomas-cole_landscape-1845,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,thomas-cole_landscape-american-lake-in-summer,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,thomas-cole_landscape-composition-italian-scenery-1832,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,thomas-cole_landscape-composition-st-john-in-the-wilderness-1827,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,thomas-cole_landscape-the-seat-of-mr-featherstonhaugh-in-the-distance-1826,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,thomas-cole_landscape-with-dead-tree-1828,"[1.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,thomas-cole_landscape-with-figures-a-scene-from-the-last-of-the-mohicans-1826,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,thomas-cole_landscape-with-tower-from-mcguire-scrapbook,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,thomas-cole_moonlight-1834,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,thomas-cole_morning-mist-rising-in-plymouth-new-hampshire-1830,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,thomas-cole_mount-aetna-from-taormina-1842,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,thomas-cole_mount-aetna-from-taormina-1843,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,thomas-cole_mount-chocorua-new-hampshire-1827,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Romanticism,thomas-cole_mountain-sunrise-1826,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,thomas-cole_new-england-scenery-1839,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,thomas-cole_niagara-falls-1830,"[0.0, 3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,thomas-cole_peace-at-sunset-evening-in-the-white-mountains,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,thomas-cole_pen-and-pencil-drawing,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,thomas-cole_portage-falls-on-the-genesee-1839,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,thomas-cole_prometheus-bound-1847,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,thomas-cole_river-in-the-catskills-1843,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,thomas-cole_roman-campagna-1843,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,thomas-cole_romantic-landscape-with-ruined-tower-1836,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,thomas-cole_ruined-castle-and-river,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,thomas-cole_scene-from-manfred-1833,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,thomas-cole_scene-from-the-last-of-the-mohicans-by-james-fenimore-cooper-1827,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,thomas-cole_scene-from-the-last-of-the-mohicans-cora-kneeling-at-the-feet-of-tanemund-1827,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,thomas-cole_schroon-lake-1840,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,thomas-cole_schroon-mountain-adirondacks-1838,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,thomas-cole_self-portrait-1836,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,thomas-cole_sketch-for-dream-of-arcadia-1838,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,thomas-cole_sketch-for-the-oxbow-1836,"[0.0, 3.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,thomas-cole_study-for-dream-of-arcadia-1838,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,thomas-cole_study-for-the-cross-and-the-world-1847,"[0.0, 2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,thomas-cole_study-for-the-pilgrim-of-the-cross-at-the-end-of-his-journey,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,thomas-cole_study-for-the-pilgrim-of-the-world-on-his-journey,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,thomas-cole_study-for-the-pilgrim-of-the-world-on-his-journey-1848,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,thomas-cole_study-for-two-youths-enter-upon-a-pilgrimage-one-to-cross-the-other-to-the-world-1847,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,thomas-cole_study-for-two-youths-enter-upon-a-polgrimage-1848,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,thomas-cole_summer-twilight-1827,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,thomas-cole_summer-twilight-a-recollection-of-a-scene-in-new-england-1834,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,thomas-cole_sunny-morning-on-the-hudson-river-1827,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,thomas-cole_sunrise-in-the-catskill-mountains-1826,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,thomas-cole_sunset-of-the-arno-1837,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,thomas-cole_the-arcadian-pastoral-state-1836,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,thomas-cole_the-cascatelli-tivoli-looking-towards-rome-view-of-rome-from-tivoli,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,thomas-cole_the-clove-catskills-double-impact-1827,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,thomas-cole_the-course-of-empire-1836(1),"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,thomas-cole_the-course-of-empire-desolation-1836,"[0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Romanticism,thomas-cole_the-course-of-empire-destruction-1836,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,thomas-cole_the-course-of-empire-the-consummation-of-the-empire-1836,"[2.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,thomas-cole_the-departure-1838,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,thomas-cole_the-dream-of-the-architect-1840,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,thomas-cole_the-fountain-no-10-the-wounded-indian-slaking-his-death-thirst-1843,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0, 0.0]" +Romanticism,thomas-cole_the-fountain-of-vaucluse-1841,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,thomas-cole_the-garden-of-eden-1828,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,thomas-cole_the-gardens-of-the-van-rensselaer-manor-house-1840,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,thomas-cole_the-good-shepherd-1848,"[0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,thomas-cole_the-hunter-s-return-1845,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,thomas-cole_the-mountain-ford-1846,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Romanticism,thomas-cole_the-notch-of-the-white-mountains-crawford-notch-1839,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Romanticism,thomas-cole_the-old-mill-at-sunset-1844,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,thomas-cole_the-oxbow-the-connecticut-river-near-northampton-1836,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]" +Romanticism,thomas-cole_the-past-1838,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,thomas-cole_the-pilgrim-of-the-cross-at-the-end-of-his-journey-part-of-the-series-the-cross-and-the-world-1846,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Romanticism,thomas-cole_the-pilgrim-of-the-world-at-the-end-of-his-journey-part-of-the-series-the-cross-and-the-world,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,thomas-cole_the-present-1838,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,thomas-cole_the-return-1838,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,thomas-cole_the-ruins-of-taormina-1842,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,thomas-cole_the-subsiding-of-the-waters-of-the-deluge-1829,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,thomas-cole_the-temple-of-segesta-with-the-artist-sketching-1843,"[0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,thomas-cole_the-titan-s-goblet-1833,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,thomas-cole_the-vale-and-temple-of-segeste-sicily-1844,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,thomas-cole_the-vesper-hymn,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,thomas-cole_the-voyage-of-life-childhood,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,thomas-cole_the-voyage-of-life-childhood-1,"[0.0, 3.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,thomas-cole_the-voyage-of-life-childhood-1840,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,thomas-cole_the-voyage-of-life-childhood-1840-1,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,thomas-cole_the-voyage-of-life-childhood-1842,"[0.0, 5.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,thomas-cole_the-voyage-of-life-manhood,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,thomas-cole_the-voyage-of-life-manhood-1,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,thomas-cole_the-voyage-of-life-manhood-1840,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,thomas-cole_the-voyage-of-life-manhood-1840-1,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,thomas-cole_the-voyage-of-life-old-age,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,thomas-cole_the-voyage-of-life-old-age-1,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,thomas-cole_the-voyage-of-life-old-age-1842-1,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,thomas-cole_the-voyage-of-life-youth-1842,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,thomas-cole_the-voyage-of-life-youth-1842-1,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,thomas-cole_tree-in-the-catskills-1844,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,thomas-cole_valley-of-the-vaucluse-1841,"[0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,thomas-cole_view-across-frenchman-s-bay-from-mount-desert-island-after-a-squall-1845,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,thomas-cole_view-from-mount-holyoke-1836,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,thomas-cole_view-in-the-white-mountains-1827,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,thomas-cole_view-of-boston,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,thomas-cole_view-of-florence-from-san-miniato-1837,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,thomas-cole_view-of-florence-from-san-miniato-1837-1,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Romanticism,thomas-cole_view-of-l-esperance-on-the-schoharie-river-1828,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,thomas-cole_view-of-monte-video-seat-of-daniel-wadsworth-1828,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,thomas-cole_view-of-mount-etna-1844,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,thomas-cole_view-of-the-arno-1838,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,thomas-cole_view-on-the-catskill-early-autunm-1837,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,thomas-cole_view-on-the-schoharie-1826,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Romanticism,thomas-moran_amalfi-coast-1868,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,thomas-moran_an-arizona-sunset-near-the-grand-canyon-1898,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,thomas-moran_autumn-landscape-1867,"[0.0, 3.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,thomas-moran_autumn-on-the-wissahickon-1864,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,thomas-moran_canyon-walls-yellowstone-sketch-1871,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,thomas-moran_childe-roland-to-the-dark-tower-came-1859,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Romanticism,thomas-moran_children-of-the-mountain-1867,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,thomas-moran_cinnabar-mountain-yellowstone-river-watercolour-1871,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,thomas-moran_cresheim-glen-wissahickon-autumn-1864,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,thomas-moran_cresheim-glen-wissahickon-autumn-1864-1,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,thomas-moran_crystal-falls-watercolour-1871,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,thomas-moran_dusk-wings-1860,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,thomas-moran_east-wall-of-the-canyon-from-inspiration-point-1871,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,thomas-moran_first-sketch-made-in-the-west-at-green-river-wyoming-1871,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,thomas-moran_forest-scene-1870,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,thomas-moran_golden-bough-after-joseph-mallor-william-turner-1862,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,thomas-moran_green-river-wyoming-1878,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Romanticism,thomas-moran_haunted-house-1858,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Romanticism,thomas-moran_mosquito-trail-rocky-mountains-colorado-1874,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,thomas-moran_on-the-catawissa-creek-1862,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,thomas-moran_on-the-wissahickon-near-chestnut-hill-1870,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,thomas-moran_salvator-rosa-sketching-the-banditi-1860,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,thomas-moran_shepherdess-watching-her-flock-1867,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,thomas-moran_shoshone-falls-snake-river-idaho-1875,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,thomas-moran_summer-landscape-with-cows-1856,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,thomas-moran_the-chasm-of-the-colorado-1874,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,thomas-moran_the-evening-hunter-1867,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Romanticism,thomas-moran_the-grand-canyon-of-the-yellowstone-1872,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,thomas-moran_the-grand-canyon-of-the-yellowstone-1901,"[0.0, 4.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,thomas-moran_the-juniata-evening-1864,"[1.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,thomas-moran_the-sacrifice-of-isaac-1868,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,thomas-moran_the-wilds-of-lake-superior-1864,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,thomas-moran_tower-falls-yellowstone-1876,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,thomas-moran_under-the-trees-1865,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,thomas-moran_view-of-fairmont-waterworks-philadelphia-1860,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,thomas-moran_winter-in-the-rockies-1867,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,vasily-polenov_a-depiction-of-jesus-and-the-woman-taken-in-adultery-1888,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,vasily-polenov_droit-du-seigneur-1874,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]" +Romanticism,vasily-polenov_feast-of-of-the-prodigal-son-1874,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Romanticism,vasily-polenov_fire-in-dry-cobra-1870,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]" +Romanticism,vasily-polenov_huguenot-1870,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Romanticism,vasily-polenov_old-gates-normandy-1874,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,vasily-polenov_old-gates-vel-normandy-1874,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Romanticism,vasily-polenov_portrait-of-d-khrushcheva-the-artist-s-sister-1874,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,vasily-polenov_portrait-of-the-artist-ilya-repin-1879,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,vasily-polenov_portrait-of-v-n-voeikova-the-grandmother-of-the-artist-1867,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,vasily-polenov_prodigal-son-1874,"[0.0, 1.0, 1.0, 1.0, 0.0, 2.0, 1.0, 0.0, 0.0]" +Romanticism,vasily-polenov_prodigal-son-1874-1,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,vasily-polenov_ressurection-of-jairus-daughter-1871,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,vasily-polenov_the-arrest-of-a-huguenot-1875,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]" +Romanticism,vasily-polenov_the-ressurection-of-jair-s-daughter-1870,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Romanticism,vasily-polenov_the-ressurection-of-jair-s-daughter-1871,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Romanticism,vasily-tropinin_a-portrait-of-a-georgian-woman,"[2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,vasily-tropinin_a-spinner-1820,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Romanticism,vasily-tropinin_boy-with-a-dead-goldfinch-1829,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]" +Romanticism,vasily-tropinin_boy-with-book,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,vasily-tropinin_boy-with-zhaleyka,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,vasily-tropinin_bulakhov-peter-1823,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Romanticism,vasily-tropinin_family-portrait-of-counts-morkovs-1813,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,vasily-tropinin_girl-with-a-candle,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,vasily-tropinin_girl-with-a-doll-1841,"[1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,vasily-tropinin_girl-with-plums,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Romanticism,vasily-tropinin_guitarist-1823,"[2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,vasily-tropinin_karamzin,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,vasily-tropinin_karzinkina-katherine,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,vasily-tropinin_kireyevsk-e-v-1839,"[1.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,vasily-tropinin_kiseleva,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Romanticism,vasily-tropinin_kushnikov-prokofiev-1828,"[1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,vasily-tropinin_kusov-alexey,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,vasily-tropinin_maikov-nicholas-apollonovich-1821,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,vasily-tropinin_mikhail-mikhailovich-speransky,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,vasily-tropinin_monk-with-candle-1834,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,vasily-tropinin_nikolai-nikolajevitj-rajevskij-1842,"[2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]" +Romanticism,vasily-tropinin_not_detected_241121-1839,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,vasily-tropinin_not_detected_241124,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Romanticism,vasily-tropinin_not_detected_241125,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0]" +Romanticism,vasily-tropinin_not_detected_241133,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Romanticism,vasily-tropinin_not_detected_241138(1),"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,vasily-tropinin_not_detected_241177,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,vasily-tropinin_orlov-vladimir-g-1826,"[1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,vasily-tropinin_panin,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,vasily-tropinin_poles-alexander-a,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,vasily-tropinin_portrait-botsigetti-1818,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,vasily-tropinin_portrait-ekimov-lazarev-lazarevic-1822,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,vasily-tropinin_portrait-of-a-a-sannikov-1823,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,vasily-tropinin_portrait-of-a-i-baryshnikov-1829,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,vasily-tropinin_portrait-of-a-i-tropinina-the-artist-s-wife-1809,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,vasily-tropinin_portrait-of-a-p-i-sorokoumovskogo,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,vasily-tropinin_portrait-of-a-writer-v-i-lizogub-1847,"[3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,vasily-tropinin_portrait-of-a-young-man-in-a-green-robe-1839,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Romanticism,vasily-tropinin_portrait-of-alexander-fedorovich-zaikin-etude-1837,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,vasily-tropinin_portrait-of-alexander-vsevoldovich-vsevolozsk,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,vasily-tropinin_portrait-of-an-elderly-woman-in-a-bonnet-1820,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,vasily-tropinin_portrait-of-an-unknown-1823,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,vasily-tropinin_portrait-of-an-unknown-in-a-black-coat-1838,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,vasily-tropinin_portrait-of-d-p-tatishchev-1838,"[1.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,vasily-tropinin_portrait-of-d-p-voyeikov-with-his-daughter-and-the-governess-miss-sorock-1842,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,vasily-tropinin_portrait-of-e-a-sisalinoy-1846,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,vasily-tropinin_portrait-of-e-p-rostopchin-1853,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,vasily-tropinin_portrait-of-fedor-semenovich-moslova,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,vasily-tropinin_portrait-of-general-ai-gorchakov,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,vasily-tropinin_portrait-of-i-i-dmitriyev-1835,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,vasily-tropinin_portrait-of-i-l-lazarev-1822,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,vasily-tropinin_portrait-of-k-g-ravich-1823,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,vasily-tropinin_portrait-of-karl-brulloff-1836,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,vasily-tropinin_portrait-of-n-a-selivanovsky,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,vasily-tropinin_portrait-of-n-n-rayevsky-jr-1842,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,vasily-tropinin_portrait-of-nikolai-i-utkin-1824,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,vasily-tropinin_portrait-of-nikolai-ivanovich-and-nadezhda-mikhailovna,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,vasily-tropinin_portrait-of-p-n-zubov-1839,"[1.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,vasily-tropinin_portrait-of-pavel-vasilyev,"[1.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,vasily-tropinin_portrait-of-prince-alexander-s-dolgorukov,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,vasily-tropinin_portrait-of-prince-golitsyn-1828,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,vasily-tropinin_portrait-of-s-k-sukhanov-1823,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,vasily-tropinin_portrait-of-s-menshikov-1852,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,vasily-tropinin_portrait-of-semyon-nikolayevich-mosolov-1836,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,vasily-tropinin_portrait-of-sergei-nechaev-d,"[1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,vasily-tropinin_portrait-of-the-artist-n-i-utkin-with-a-pencil-1841,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,vasily-tropinin_portrait-of-the-artist-s-son-the-easel-1820,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,vasily-tropinin_portrait-of-the-dancer-t-s-karpakova-1818,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,vasily-tropinin_portrait-of-the-prince-p-i-bagration-1815,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,vasily-tropinin_portrait-of-v-i-yershova-with-her-daughter-1831,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,vasily-tropinin_portrait-of-v-m-yakovlev-1830,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,vasily-tropinin_portrait-of-v-s-eneva-1810,"[1.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]" +Romanticism,vasily-tropinin_portrait-of-yu-f-samarin-in-the-hunting-dress-1846,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,vasily-tropinin_portrait-of-yuri-fyodorovich-samarin-1844,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0]" +Romanticism,vasily-tropinin_portret-lieutenant-captain-ivan-vasilyevich-alymova-1819,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,vasily-tropinin_rogue-portrait-of-prince-obolensky,"[1.0, 3.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,vasily-tropinin_schepkina-yelena-1826,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Romanticism,vasily-tropinin_self-portrait-with-brushes-and-a-palette-against-a-window-facing-the-kremlin-1844,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,vasily-tropinin_spades-for-firmware-1830,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,vasily-tropinin_spinner,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Romanticism,vasily-tropinin_tropinin-anna-ivanovna-1810,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,vasily-tropinin_woman-at-the-window-1841,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,vasily-tropinin_zolotoshveyka,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,victor-hugo_ville-avec-le-pont-de-tumbledown-1847,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,victor-meirelles_a-morta,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]" +Romanticism,victor-meirelles_a-passagem-de-humait-1886,"[0.0, 3.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,victor-meirelles_a-primeira-missa-no-brasil-1861,"[0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0]" +Romanticism,victor-meirelles_batalha-de-guararapes-1879,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 2.0]" +Romanticism,victor-meirelles_estudo-para-panorama-do-rio-de-janeiro-1885,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,victor-meirelles_juramento-da-princesa-isabel-1875,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,victor-meirelles_moema-1866,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Romanticism,victor-meirelles_o-combate-naval-do-riachuelo-1883,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,victor-meirelles_vista-do-desterro-1851,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,viktor-vasnetsov_a-knight-1883,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Romanticism,viktor-vasnetsov_after-prince-igor-s-battle-with-the-polovtsy-1880,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Romanticism,viktor-vasnetsov_after-the-carnage-igor-svyatoslavich-with-polovtsy-sketch-1878,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0, 0.0]" +Romanticism,viktor-vasnetsov_alenushka-1881,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 6.0, 0.0]" +Romanticism,viktor-vasnetsov_alyonushka-1880,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Romanticism,viktor-vasnetsov_alyonushka-1881,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,viktor-vasnetsov_alyonushka-study-1881,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,viktor-vasnetsov_baptism-of-prince-vladimir-1890,"[1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,viktor-vasnetsov_baptism-of-prince-vladimir-fragment-of-the-vladimir-cathedral-in-kiev-1893,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,viktor-vasnetsov_battle-of-the-scythians-with-the-slavs-sketch,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,viktor-vasnetsov_bayan-sketch-1880,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,viktor-vasnetsov_berendei-palace,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,viktor-vasnetsov_berendeyki-1885,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,viktor-vasnetsov_bliss-of-paradise-1896,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,viktor-vasnetsov_calling-of-vikings,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Romanticism,viktor-vasnetsov_cathedral,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,viktor-vasnetsov_cathedral-of-saints-of-the-universal-church-1896,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]" +Romanticism,viktor-vasnetsov_chapel-over-the-tomb-of-alexander-mamontov-in-abramtsevo-1891,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,viktor-vasnetsov_crucifixion-1902,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Romanticism,viktor-vasnetsov_ded-moroz-1885,"[2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,viktor-vasnetsov_deposition-1901,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]" +Romanticism,viktor-vasnetsov_draft-facade-tretyakov-gallery-1900,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,viktor-vasnetsov_draft-facade-tretyakov-gallery-1900-1,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,viktor-vasnetsov_draft-facade-tretyakov-gallery-1904,"[0.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,viktor-vasnetsov_drawing-for-banners-1901,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Romanticism,viktor-vasnetsov_duel-peresvet-with-chelubey-1914,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Romanticism,viktor-vasnetsov_entombment-of-christ,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Romanticism,viktor-vasnetsov_fatherhood,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,viktor-vasnetsov_flying-carpet-1926,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,viktor-vasnetsov_funeral-feast-for-oleg-1899,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Romanticism,viktor-vasnetsov_georgy-victorious-1919,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,viktor-vasnetsov_guslars-1899,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,viktor-vasnetsov_herald-1885,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,viktor-vasnetsov_hero,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,viktor-vasnetsov_humpbacked-horse,"[2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,viktor-vasnetsov_ivan-tsarevich-and-the-swan,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Romanticism,viktor-vasnetsov_ivan-tsarevich-riding-the-grey-wolf-1889,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,viktor-vasnetsov_jesters-1885,"[5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,viktor-vasnetsov_kashchei-the-immortal,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,viktor-vasnetsov_knightly-galloping-1914,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Romanticism,viktor-vasnetsov_kupava-1885,"[0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,viktor-vasnetsov_last-judgment,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0, 0.0]" +Romanticism,viktor-vasnetsov_madonna,"[0.0, 18.0, 22.0, 0.0, 0.0, 2.0, 0.0, 7.0, 3.0]" +Romanticism,viktor-vasnetsov_maiden-1885,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,viktor-vasnetsov_maria-magdalene,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]" +Romanticism,viktor-vasnetsov_mizgir-1885,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,viktor-vasnetsov_monomakh-s-hunting,"[0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 1.0]" +Romanticism,viktor-vasnetsov_nestor-the-chronicler-1893,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,viktor-vasnetsov_nina-slobodka-berendeevka-1885,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0]" +Romanticism,viktor-vasnetsov_oleg-at-his-horse-s-remains-1899,"[1.0, 7.0, 2.0, 0.0, 3.0, 4.0, 4.0, 21.0, 4.0]" +Romanticism,viktor-vasnetsov_oleg-meets-wizard-1899,"[1.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,viktor-vasnetsov_oleg-s-farewell-to-his-horce-1899,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Romanticism,viktor-vasnetsov_portrait-of-helena-adrianovny-prahovo-1894,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,viktor-vasnetsov_portrait-of-v-mamontova-1884,"[2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,viktor-vasnetsov_portrait-of-v-vasnetsov-the-artist-s-wife-1878,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]" +Romanticism,viktor-vasnetsov_princess-eudoxia-1893,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Romanticism,viktor-vasnetsov_princess-olga-1893,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,viktor-vasnetsov_rough-sketches-for-the-painting-on-a-knights-at-the-crossroad,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,viktor-vasnetsov_russian-bishops-1896,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,viktor-vasnetsov_saint-alipiy-the-iconographer-1893,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]" +Romanticism,viktor-vasnetsov_samolet-1880,"[1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,viktor-vasnetsov_savior-1901,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,viktor-vasnetsov_sergei-alexandrovich-s-cross,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Romanticism,viktor-vasnetsov_shroud-of-christ-1901,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Romanticism,viktor-vasnetsov_sirin-and-alkonost-the-birds-of-joy-and-sorrow-1896,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]" +Romanticism,viktor-vasnetsov_snegurochka-and-lel-1886,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,viktor-vasnetsov_snow-maiden-1899,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Romanticism,viktor-vasnetsov_solitary-and-bobylikha-1885,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]" +Romanticism,viktor-vasnetsov_spring-1882,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Romanticism,viktor-vasnetsov_st-sergiy-radonezhskiy-1882,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Romanticism,viktor-vasnetsov_the-baptism-of-russia-1896,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,viktor-vasnetsov_the-frog-tsarevna-1918,"[0.0, 0.0, 0.0, 3.0, 0.0, 2.0, 0.0, 0.0, 0.0]" +Romanticism,viktor-vasnetsov_the-princess-at-the-window-princess-nesmeyana-1920,"[2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,viktor-vasnetsov_the-project-of-the-russian-pavilion-at-the-paris-exhibition-1898,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,viktor-vasnetsov_the-unsmiling-tsarevna-1926,"[0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 2.0, 0.0]" +Romanticism,viktor-vasnetsov_the-virgin-and-child,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,viktor-vasnetsov_the-virgin-and-child-enthroned-1893,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,viktor-vasnetsov_three-tsarevnas-of-the-underground-kingdom-1879,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,viktor-vasnetsov_timber-and-berendeys-guys-1885,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,viktor-vasnetsov_tsar-ivan-iv-the-terrible-1897,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,viktor-vasnetsov_underwater-tower-1884,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,viktor-vasnetsov_veche-in-pskov,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Romanticism,viktor-vasnetsov_vesna-krasna-1885,"[0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Romanticism,viktor-vasnetsov_virgin-and-child,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,viktor-vasnetsov_wise-king-berendey-1885,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0]" +Romanticism,wilhelm-kotarbinski_construction-of-the-cross,"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 1.0, 0.0]" +Romanticism,wilhelm-kotarbinski_prince-dmitry-pozharsky-patient-receives-ambassadors-in-moscow,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Romanticism,wilhelm-kotarbinski_scene-from-roman-life,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Romanticism,william-holman-hunt_a-converted-british-family-sheltering-a-christian-priest-from-the-persecution-of-the-druids-1850,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Romanticism,william-holman-hunt_amaryllis,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,william-holman-hunt_bianca,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,william-holman-hunt_british-artist-william-holman-hunt,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Romanticism,william-holman-hunt_claudio-and-isabella-1850,"[1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]" +Romanticism,william-holman-hunt_cornfield-at-ewell,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Romanticism,william-holman-hunt_distant-view-of-nazareth-1861,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,william-holman-hunt_fairlight-downs-sunlight-on-the-sea,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,william-holman-hunt_isabella-and-the-pot-of-basil-1867,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,william-holman-hunt_john-ruskin-s-dead-chick,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 2.0]" +Romanticism,william-holman-hunt_lady-fairbairn-with-her-children-1864,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,william-holman-hunt_london-bridge-on-the-night-of-the-marriage-of-the-prince-and-princess-of-wales-1866,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 1.0]" +Romanticism,william-holman-hunt_may-morning-on-magdalen-college-tower-oxford,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,william-holman-hunt_morning-hunt,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,william-holman-hunt_my-son-cyril-1877,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,william-holman-hunt_our-english-coasts,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,william-holman-hunt_portrait-of-dante-gabriel-rossetti-1853,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 4.0]" +Romanticism,william-holman-hunt_portrait-of-fanny-holman-hunt-1868,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,william-holman-hunt_portrait-of-william-pink,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,william-holman-hunt_rienzi-vowing-to-obtain-justice-for-the-death-of-his-young-brother-slain-in-a-skirmish-between-1848,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]" +Romanticism,william-holman-hunt_robert-braithwaite-martineau-1860,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,william-holman-hunt_self-portrait,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,william-holman-hunt_self-portrait-1875,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,william-holman-hunt_stephen-lushington,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,william-holman-hunt_the-afterglow-in-egypt-19th-century,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,william-holman-hunt_the-awakening-conscience-1853,"[2.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,william-holman-hunt_the-birthday-a-portrait-of-the-artist-s-wife-edith,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,william-holman-hunt_the-dead-sea-from-siloam-1855,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Romanticism,william-holman-hunt_the-eve-of-st-agnes-1867,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Romanticism,william-holman-hunt_the-festival-of-st-swithin-or-the-dovecote-1875,"[1.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,william-holman-hunt_the-finding-of-the-saviour-in-the-temple-1862,"[1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,william-holman-hunt_the-hireling-shepherd,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,william-holman-hunt_the-importunate-neighbour-1895,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]" +Romanticism,william-holman-hunt_the-lady-of-shalott,"[1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,william-holman-hunt_the-lady-of-shalott-1,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,william-holman-hunt_the-lantern-maker-s-courtship,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,william-holman-hunt_the-ponte-vecchio-florence,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,william-holman-hunt_the-scapegoat-1856,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,william-holman-hunt_the-schoolgirl-s-hymn-1859,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,william-holman-hunt_the-shadow-of-death,"[1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Romanticism,william-holman-hunt_the-sphinx-at-gizeh-1854,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,william-holman-hunt_the-triumph-of-the-innocents-1876,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,william-holman-hunt_valentine-rescuing-silvia-from-proteus-1851,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Romanticism,william-shayer_a-busy-beach-scene,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,william-shayer_a-halt-at-the-inn,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Romanticism,william-shayer_a-rest-by-the-roadside,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,william-shayer_afternoon-rest,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,william-shayer_at-the-bell-inn-cadnam-new-forest,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,william-shayer_bargaining-for-the-catch,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Romanticism,william-shayer_ben-nevis-and-mountain-stream-1855,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,william-shayer_carthorses-and-rustics-by-a-stream-1840,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,william-shayer_carting-timber-in-the-new-forest,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,william-shayer_cattle-by-a-stream,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,william-shayer_country-life-1849,"[1.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,william-shayer_cows-white-cow-standing,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,william-shayer_donkey-and-sheep,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,william-shayer_donkeys-in-landscape,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Romanticism,william-shayer_fisherfolk-and-their-catch-by-the-sea,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,william-shayer_fisherfolk-sorting-the-catch-1837,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Romanticism,william-shayer_fishermen,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,william-shayer_fisherwomen,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,william-shayer_harvest-time,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,william-shayer_harvesters-resting,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,william-shayer_herders-resting-at-lunch,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,william-shayer_hms-alexander-commanded-by-captain-rodney-bligh-shortly-before-striking-her-colours-to-the-1819,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Romanticism,william-shayer_in-the-new-forest,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,william-shayer_landscape-with-a-ruined-castle,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,william-shayer_landscape-with-cattle,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Romanticism,william-shayer_landscape-with-figures-on-a-path,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Romanticism,william-shayer_looking-out-to-sea-1846,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,william-shayer_mouth-of-the-old-canal-1842,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,william-shayer_near-the-new-forest,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,william-shayer_on-the-hampshire-coast,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,william-shayer_on-the-south-coast,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Romanticism,william-shayer_pony-and-dogs-1860,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,william-shayer_resting-along-the-trail-1879,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,william-shayer_scene-in-the-isle-of-wight-1823,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,william-shayer_scene-near-zeldkirch-in-the-tyrol-1845,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,william-shayer_the-cowherd,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,william-shayer_the-end-of-the-day,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,william-shayer_the-gleaners-shirley-hants,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,william-shayer_the-half-way-house-thatcham-1848,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,william-shayer_the-midday-rest,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,william-shayer_the-plough-inn,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,william-shayer_the-ploughman-s-rest,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,william-shayer_the-road-side-inn-somerset,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,william-shayer_the-road-to-market,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,william-shayer_the-smith-brothers-of-chichester,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,william-shayer_the-start-of-the-day,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,william-shayer_the-traveller-s-rest-1825,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,william-shayer_the-watering-place-1864,"[0.0, 1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,william-shayer_the-young-anglers,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,william-shayer_travelers-resting,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,william-shayer_unloading-the-catch,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,william-shayer_unloading-the-catch-near-benchurch-isle,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,william-shayer_view-on-the-isle-of-wight,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,william-shayer_village-politicians,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,william-turner_a-bed-drapery-study,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,william-turner_a-canal-tunnel-near-leeds,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,william-turner_a-first-rate-taking-in-stores-1818,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,william-turner_a-ship-aground,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Romanticism,william-turner_a-storm-shipwreck,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Romanticism,william-turner_abergavenny-bridge-monmountshire-clearing-up-after-a-showery-day,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,william-turner_alnwick-castle-northumberland,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,william-turner_ancient-italy-ovid-banished-from-rome,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,william-turner_ancient-rome-agrippina-landing-with-the-ashes-of-germanicus,"[0.0, 13.0, 24.0, 4.0, 0.0, 0.0, 2.0, 0.0, 4.0]" +Romanticism,william-turner_approach-to-venice,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,william-turner_archway-with-trees-by-the-sea,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]" +Romanticism,william-turner_ariccia-sunset,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,william-turner_arundel-castle-with-rainbow,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,william-turner_atelier,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,william-turner_bonneville-savoy-with-mont-blanc,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,william-turner_boscastle-cornwall,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]" +Romanticism,william-turner_bridge-of-sighs-ducal-palace-and-custom-house-venice-canaletti-painting,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,william-turner_brunnen-from-the-lake-of-lucerne,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,william-turner_buttermere-lake-a-shower,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,william-turner_caernarvon-castle,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,william-turner_calais-pier-with-french-poissards-preparing-for-sea-an-english-packeet-arriving,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,william-turner_caligula-s-palace-and-bridge,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,william-turner_campo-santo-venice,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,william-turner_carisbrook-castle-isle-of-wight,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,william-turner_cathedral-church-at-lincoln,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,william-turner_chichester-canal,"[1.0, 9.0, 21.0, 0.0, 0.0, 0.0, 4.0, 12.0, 3.0]" +Romanticism,william-turner_childe-harold,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,william-turner_coast-scene-1845,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,william-turner_conway-castle,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,william-turner_cowes-isle-of-wight,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Romanticism,william-turner_crossing-the-brook,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,william-turner_death-on-a-pale-horse-1830,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]" +Romanticism,william-turner_departure-of-the-fleet,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,william-turner_dido-building-carthage,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,william-turner_dinner-in-a-great-room-with-figures-in-costume,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Romanticism,william-turner_dolbadern-castle,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,william-turner_dort-the-dort-packet-boat-from-rotterdam-bacalmed,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,william-turner_dover-castle,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,william-turner_dutch-boats-in-a-gale,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Romanticism,william-turner_dutch-fishing-boats-in-a-storm,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]" +Romanticism,william-turner_east-cowes-castle-the-seat-of-j-nash-esq-the-regatta-beating-to-windward,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,william-turner_ehrenbrietstein-and-coblenz,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,william-turner_fall-of-the-trees-yorkshire,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,william-turner_falmouth-harbour-cornwall,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,william-turner_figures-on-a-beach-1845,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,william-turner_fire-at-sea,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,william-turner_fishermen-at-sea,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]" +Romanticism,william-turner_flint-castle,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,william-turner_folkestone-from-the-sea,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Romanticism,william-turner_fort-vimieux,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,william-turner_frosty-morning,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]" +Romanticism,william-turner_genda,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,william-turner_giudecca-la-donna-della-salute-and-san-georgio,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,william-turner_glacier-and-source-of-the-arveron-going-up-to-the-mer-de-glace,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,william-turner_goldau,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,william-turner_hafod,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,william-turner_heidelberg,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,william-turner_heriot-s-hospital-edinburgh,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,william-turner_hero-and-leander-s-farewell,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]" +Romanticism,william-turner_hill-town-on-the-edge-of-the-campagna,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,william-turner_ingleborough-from-the-terrace-of-hornby-castle,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,william-turner_interior-at-petworth,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Romanticism,william-turner_interior-of-fountains-abbey-yorkshire,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,william-turner_interior-of-petworth-house,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,william-turner_interior-of-salisbury-cathedral,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,william-turner_ivy-bridge-devonshire,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,william-turner_keelmen-heaving-in-coals-by-night,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,william-turner_kenilworth-castle,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,william-turner_keyes-mill,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,william-turner_kidwelly-castle,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,william-turner_kilchern-castle-with-the-cruchan-ben-mountains-scotland-noon,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,william-turner_kirby-londsale-churchyard,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,william-turner_lake-lucerne,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,william-turner_lancaster-sands,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Romanticism,william-turner_landscape-composition-of-tivoli,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,william-turner_landscape-with-a-river-and-a-bay-in-the-background,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Romanticism,william-turner_london,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,william-turner_longship-lighthouse-lands-end,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,william-turner_louth-lincolnshire,"[0.0, 0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,william-turner_melrose-abbey,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,william-turner_mercury-sent-to-admonish-aeneas,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,william-turner_mont-blanc-from-fort-roch-val-d-aosta,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,william-turner_moonlight-a-study-at-millbank,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Romanticism,william-turner_morning-amongst-the-coniston-fells-cumberland,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,william-turner_mortlake-terrace,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,william-turner_mount-vesuvius-in-eruption-1817,"[0.0, 12.0, 0.0, 8.0, 0.0, 0.0, 24.0, 1.0, 1.0]" +Romanticism,william-turner_mountain-stream-coniston,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 1.0]" +Romanticism,william-turner_music-company-petworth,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Romanticism,william-turner_norham-castle-on-the-river-tweed,"[1.0, 12.0, 12.0, 4.0, 0.0, 0.0, 5.0, 5.0, 6.0]" +Romanticism,william-turner_norham-castle-on-the-tweed,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,william-turner_norham-castle-sunrise,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,william-turner_norham-castle-sunrise-1,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,william-turner_norham-castle-sunrise-1845,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,william-turner_okehampton,"[0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,william-turner_old-london-brige,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Romanticism,william-turner_one-bedroom,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,william-turner_painter-at-the-easel,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,william-turner_passage-of-mount-cenis,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Romanticism,william-turner_peace,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Romanticism,william-turner_pembroke-caselt-south-wales-thunder-storm-approaching,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Romanticism,william-turner_pendennis-castle-cornwall-scene-after-a-wreck,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,william-turner_perspective-view-of-fonthill-abbey-from-the-south-west,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,william-turner_petworth-park-tillington-church-in-the-distance,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,william-turner_petworth-the-drawing-room-bodycolor-on-blue-paper,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,william-turner_playing-billiards-petworth,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Romanticism,william-turner_ploughing-up-turnips-near-slough,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,william-turner_pope-s-villa-at-twickenham,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,william-turner_portsmouth,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Romanticism,william-turner_prudhoe-castle-northumberland,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,william-turner_quillebeuf-at-the-mouth-of-seine,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,william-turner_raby-castle-residence-of-the-earl-of-darlington,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,william-turner_rain-steam-and-speed-the-great-western-railway,"[0.0, 16.0, 12.0, 6.0, 1.0, 2.0, 5.0, 3.0, 6.0]" +Romanticism,william-turner_rainbow,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,william-turner_red-sky-over-a-beach-1845,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,william-turner_regulus-1837,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,william-turner_rhodes-for-lord-byron-s-works-1824,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,william-turner_riders-on-a-beach-1835,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Romanticism,william-turner_rivaulx-abbey-yorkshire,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,william-turner_rocky-bay-with-figures,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,william-turner_rome-from-monte-testaccio,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,william-turner_rome-from-mount-aventine,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,william-turner_rome-from-the-vatican,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,william-turner_rome-the-colosseum,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,william-turner_rome-the-forum-with-a-rainbow,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,william-turner_rye-sussex,"[1.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,william-turner_sailing-boat-in-a-rough-sea-1845,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Romanticism,william-turner_salon,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,william-turner_salon-1,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,william-turner_san-giorgio-maggiore-in-the-morning,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,william-turner_scarborough-town-and-castle0-morning0-boys-catching-crabs,"[1.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,william-turner_scene-on-the-loire-1830,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Romanticism,william-turner_self-portrait-1,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,william-turner_shade-and-darkness-the-evening-of-the-deluge,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 2.0]" +Romanticism,william-turner_ship-in-a-storm-1845,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,william-turner_ships-bearing-up-for-anchorage-the-egremont-sea-piece-1802,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Romanticism,william-turner_shipwreck,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]" +Romanticism,william-turner_shipwreck-off-hastings,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]" +Romanticism,william-turner_shore-scene-with-waves-and-breakwater-1835,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Romanticism,william-turner_snow-storm-hannibal-and-his-army-crossing-the-alps,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,william-turner_south-of-bellinzona,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,william-turner_south-view-of-christ-church-from-the-meadows-1799,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,william-turner_st-erasmus-in-bishop-islips-chapel-westminster-abbey,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,william-turner_st-peter-s-from-the-south,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,william-turner_staffa-fingal-s-cave,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Romanticism,william-turner_stamford,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,william-turner_stonehenge,"[0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]" +Romanticism,william-turner_storm-clouds-sunset,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]" +Romanticism,william-turner_storm-seam-boat-off-a-harbour-s-mouth-making-signals-in-shallow-water-and-going-by-the-lead,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,william-turner_sun-rising-through-vagour-fishermen-cleaning-and-sellilng-fish,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,william-turner_sunrise-whiting-fishing-at-margate,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,william-turner_sunrise-with-a-boat-between-headlands-1840,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,william-turner_sunrise-with-sea-monsters,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Romanticism,william-turner_sunset-seen-from-a-beach-with-breakwater-1845,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]" +Romanticism,william-turner_tabley-the-seat-of-sir-j-f-leicester-bt-windy-day,"[0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,william-turner_the-angel-standing-in-the-sun,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]" +Romanticism,william-turner_the-bass-rock-for-the-provincial-antiquities-of-scotland,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,william-turner_the-battle-of-fort-rock-val-d-aoste-piedmont,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Romanticism,william-turner_the-battle-of-trafalgar,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,william-turner_the-battle-of-trafalgar-as-seen-from-the-mizen-starboard-shrouds-of-the-victory-1808,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,william-turner_the-bay-of-baiae-with-apollo-and-the-sibyl,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,william-turner_the-big-connection-channel-at-southall-mill,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Romanticism,william-turner_the-blue-rigi-lake-of-lucerne-sunrise,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,william-turner_the-bright-stone-of-honour-ehrenbreitstein-and-the-tomb-of-marceau-from-byron-s-childe-harold-1835,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,william-turner_the-brunig-pass-from-meringen-1848,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Romanticism,william-turner_the-burning-of-the-houses-of-parliament-1,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Romanticism,william-turner_the-burning-of-the-houses-of-parliament-2,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]" +Romanticism,william-turner_the-burning-of-the-houses-of-parliament-3,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Romanticism,william-turner_the-chain-pier-brighton,"[0.0, 1.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]" +Romanticism,william-turner_the-chapter-house-salisbury-chathedral,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,william-turner_the-decline-of-the-carthaginian-empire-1,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,william-turner_the-devil-s-bridge-st-gothard,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,william-turner_the-dogana-san-giorgio-citella-from-the-steps-of-the-europa,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,william-turner_the-exile-and-the-snail,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Romanticism,william-turner_the-fall-of-an-avalanche-in-the-grisons,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Romanticism,william-turner_the-festival-of-the-opening-of-the-vintage-macon,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,william-turner_the-fifth-plague-of-egypt,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Romanticism,william-turner_the-fighting-temeraire-tugged-to-her-last-berth-to-be-broken-up,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,william-turner_the-fighting-temeraire-tugged-to-her-last-berth-to-be-broken-up-1839,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Romanticism,william-turner_the-grand-canal-scene-a-street-in-venice,"[0.0, 3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,william-turner_the-grand-canal-venice-engraved-by-william-miller,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,william-turner_the-high-street-oxford-1835,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Romanticism,william-turner_the-lake-geneva-seen-from-montreux,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Romanticism,william-turner_the-lake-of-thun-switzerland,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,william-turner_the-lake-petworth-sunset-fighting-bucks,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,william-turner_the-mew-stone-at-the-entrance-of-plymouth-sound,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]" +Romanticism,william-turner_the-morning-after-the-deluge,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Romanticism,william-turner_the-nordgalerie,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Romanticism,william-turner_the-pantheon-the-morning-after-the-fire,"[0.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,william-turner_the-passage-of-the-st-gothard,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,william-turner_the-shipwreck,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Romanticism,william-turner_the-slave-ship,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,william-turner_the-thames-near-walton-bridges,"[0.0, 0.0, 3.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]" +Romanticism,william-turner_the-vale-of-ashburnham,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,william-turner_the-wreck-of-a-transport-ship,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]" +Romanticism,william-turner_totnes-in-the-river-dart,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,william-turner_transept-of-ewenny-priory-glamorganshire,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,william-turner_tree-tops-and-sky-guildford-castle,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,william-turner_two-figures-on-a-beach-with-a-boat-1845,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Romanticism,william-turner_two-recumbent-nude,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Romanticism,william-turner_two-women-and-a-letter,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0]" +Romanticism,william-turner_ulysses-deriding-polyphemus,"[0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,william-turner_ulysses-deriding-polyphemus-1829,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,william-turner_undine-giving-the-ring-to-massaniello-fisherman-of-naples,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Romanticism,william-turner_valley-of-the-brook-kedron,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,william-turner_venedig,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Romanticism,william-turner_venice-looking-east-from-the-guidecca-sunrise,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Romanticism,william-turner_venice-seen-from-the-giudecca-canal,"[0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Romanticism,william-turner_venice-the-dogana-and-san-giorgio-maggiore,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Romanticism,william-turner_venice-with-the-salute-1845,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Romanticism,william-turner_view-from-the-terrace-of-a-villa-at-niton-isle-of-wight-from-sketches-by-a-lady,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,william-turner_view-of-orvieto-1829,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Romanticism,william-turner_view-of-saint-germain-ea-laye-and-its-chateau,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,william-turner_view-over-town-at-suset-a-cemetery-in-the-foreground,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Romanticism,william-turner_virginia-water,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Romanticism,william-turner_warkworth-castle-northumberland-thunder-storm-approaching-at-sun-set,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,william-turner_waves-breaking-on-a-beach-1845,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]" +Romanticism,william-turner_welsh-bridge-at-shrewsbury,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,william-turner_weymouth,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,william-turner_whalers,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Romanticism,william-turner_what-you-will-1822,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Romanticism,william-turner_whitby,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Romanticism,william-turner_wilderness-a-engedi-convent-of-santa-saba,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,william-turner_windsor-castle-from-the-thames,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]" +Romanticism,william-turner_wolverhampton-staffordshire,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Romanticism,william-turner_wreckers-coast-of-northumberland,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Romanticism,william-turner_yacht-approaching-the-coast,"[1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,akseli-gallen-kallela_ad-astra-1907,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Symbolism,akseli-gallen-kallela_by-the-river-of-tuonela-study-for-the-jus-lius-mausoleum-frescos-1903,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 1.0]" +Symbolism,akseli-gallen-kallela_conceptio-artis-1894,"[1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 1.0]" +Symbolism,akseli-gallen-kallela_study-1889,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,akseli-gallen-kallela_the-hand-of-christ-the-palm-of-peace-1897,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Symbolism,albert-bloch_blue-eclipse-1955,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,albert-bloch_figures-in-silver-light,"[0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Symbolism,albert-bloch_figures-in-silver-light-study,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0]" +Symbolism,albert-bloch_gethsemane-1948,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 4.0, 0.0]" +Symbolism,albert-bloch_impromptu-1959,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,albert-bloch_jordan-1946,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Symbolism,albert-bloch_lied-i-1914,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]" +Symbolism,albert-bloch_metamorphosis-1948,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Symbolism,albert-bloch_night-ii-1914,"[0.0, 3.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,albert-bloch_pilgrims-in-the-snow-1925,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Symbolism,albert-bloch_prodigal-1959,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Symbolism,albert-bloch_saint-francis-in-the-woods-1927,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,albert-bloch_summer-night-1913,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 1.0, 1.0]" +Symbolism,albert-bloch_the-blind-man-1942,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Symbolism,albert-bloch_the-blue-bough-1952,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]" +Symbolism,albert-bloch_the-garden-of-asses-ii-1939,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,albert-bloch_vision-in-a-summer-night-1951,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,albert-pinkham-ryder_childe-harold-s-pilgrimage-1895,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]" +Symbolism,albert-pinkham-ryder_dancing-dryads-1879,"[3.0, 4.0, 4.0, 6.0, 0.0, 6.0, 13.0, 5.0, 6.0]" +Symbolism,albert-pinkham-ryder_flying-dutchman-1887,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Symbolism,albert-pinkham-ryder_jonah-1895,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0, 0.0]" +Symbolism,albert-pinkham-ryder_king-cophetua-and-the-beggar-maid-1906,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Symbolism,albert-pinkham-ryder_pegasus-departing-1901,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,albert-pinkham-ryder_roadside-meeting,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]" +Symbolism,albert-pinkham-ryder_siegfried-and-the-rhine-maidens-1891,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]" +Symbolism,albert-pinkham-ryder_spirit-of-autumn-1875,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Symbolism,albert-pinkham-ryder_the-race-track-death-on-a-pale-horse-1900,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Symbolism,albert-pinkham-ryder_the-tempest,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Symbolism,alfred-kubin_abduction-1921,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 1.0]" +Symbolism,alfred-kubin_angst-1903,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]" +Symbolism,alfred-kubin_black-mass-1905,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 6.0, 0.0, 0.0]" +Symbolism,alfred-kubin_caliban-from-the-portfolio-visions-of-shakespeare-shakespeare-visionen-1918,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Symbolism,alfred-kubin_death-jump-1902,"[2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]" +Symbolism,alfred-kubin_der-todesengel,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 1.0]" +Symbolism,alfred-kubin_gateway-to-hell-1900,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 2.0, 0.0]" +Symbolism,alfred-kubin_homage-to-rimbaud-1919,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0, 0.0]" +Symbolism,alfred-kubin_in-flight-1920,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0]" +Symbolism,alfred-kubin_jede-nacht-besucht-uns-ein-traum-1900,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]" +Symbolism,alfred-kubin_man-in-a-storm-1903,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Symbolism,alfred-kubin_one-woman-for-all-1901,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0, 0.0]" +Symbolism,alfred-kubin_polar-bear-eisb-r-1902,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Symbolism,alfred-kubin_siberian-fairy-tale-1902,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Symbolism,alfred-kubin_the-emperor-of-china-1910,"[0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0]" +Symbolism,alfred-kubin_the-great-grandmother-1926,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,alfred-kubin_the-groom-1906,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Symbolism,alfred-kubin_the-lady-on-the-horse-1901,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,alfred-kubin_the-last-king-1902,"[1.0, 11.0, 2.0, 2.0, 1.0, 0.0, 16.0, 7.0, 5.0]" +Symbolism,alfred-kubin_the-man-1902,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Symbolism,alfred-kubin_the-moment-of-birth-1902,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 2.0]" +Symbolism,alfred-kubin_the-past-forgotten-swallowed-1901,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 2.0]" +Symbolism,alfred-kubin_the-white-house-1906,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]" +Symbolism,alfred-kubin_the-witch-1900,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 2.0, 0.0]" +Symbolism,alfred-kubin_untitled-the-eternal-flame-1900,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Symbolism,alphonse-mucha_age-of-love-1936-1938-pencil-and-watercolor-on-paper-50-5-x-35-5-cm-mucha-museum-prague-czech-1938,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Symbolism,alphonse-mucha_age-of-reason-1938,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Symbolism,alphonse-mucha_age-of-wisdom-1938,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Symbolism,alphonse-mucha_defense-of-sziget-against-the-turks-1914,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Symbolism,alphonse-mucha_easter-chimes-awaken-nature-1896,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Symbolism,alphonse-mucha_holy-mount-athos-1926,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,alphonse-mucha_jan-amos-komensky-1918,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,alphonse-mucha_master-jan-hus-preaching-at-the-bethlehem-chapel-1916,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,alphonse-mucha_the-apotheosis-of-the-slavs-1925,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Symbolism,alphonse-mucha_weeping-girl,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Symbolism,alphonse-mucha_wrestler,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]" +Symbolism,antonio-carneiro_a-vida-1901,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,antonio-carneiro_ecce-homo-1901,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 3.0, 0.0]" +Symbolism,antonio-carneiro_homem-do-mar-le-a-1905,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,arnold-bã¶cklin_abandoned-venus,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,arnold-bã¶cklin_angelika-guarded-by-a-dragon,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]" +Symbolism,arnold-bã¶cklin_angelika-guarded-by-a-dragon-angelica-and-ruggiero,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Symbolism,arnold-bã¶cklin_assassin-pursued-by-furies,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Symbolism,arnold-bã¶cklin_astolf-rides-away-with-his-head-lost-1873,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Symbolism,arnold-bã¶cklin_attack-by-pirates,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Symbolism,arnold-bã¶cklin_centaur-and-nymph,"[1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0]" +Symbolism,arnold-bã¶cklin_centaur-at-the-village-blacksmith-s-shop-1888,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,arnold-bã¶cklin_centaurs-1873,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0, 0.0, 0.0]" +Symbolism,arnold-bã¶cklin_children-carving-may-flutes-1877,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,arnold-bã¶cklin_destroyed-house-in-kehl-1870,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Symbolism,arnold-bã¶cklin_diana-sleeping-with-two-fauns-1877,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,arnold-bã¶cklin_dragon-walking-between-rocks,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Symbolism,arnold-bã¶cklin_elysian-fields-1877,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,arnold-bã¶cklin_euterpe-1872,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,arnold-bã¶cklin_fighting-on-a-bridge,"[0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,arnold-bã¶cklin_fighting-on-a-bridge-1,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Symbolism,arnold-bã¶cklin_girl-and-boy-picking-flowers-1866,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Symbolism,arnold-bã¶cklin_gottfried-keller,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]" +Symbolism,arnold-bã¶cklin_honeymoon,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,arnold-bã¶cklin_hymn-to-spring,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Symbolism,arnold-bã¶cklin_ideal-spring-landscape-1871,"[0.0, 3.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,arnold-bã¶cklin_idyll-1866,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,arnold-bã¶cklin_idyll-pan-amidst-columns-1875,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Symbolism,arnold-bã¶cklin_lament-of-the-shepherd-1866,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,arnold-bã¶cklin_look-any-laughs-to-the-plains,"[4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,arnold-bã¶cklin_medusa,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0, 0.0]" +Symbolism,arnold-bã¶cklin_meerestille-calm-sea-1887,"[1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0, 0.0]" +Symbolism,arnold-bã¶cklin_melancholia,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 6.0, 0.0]" +Symbolism,arnold-bã¶cklin_melancholy,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]" +Symbolism,arnold-bã¶cklin_mermaids-at-play-1886,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Symbolism,arnold-bã¶cklin_nessus-and-deianeira,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,arnold-bã¶cklin_night-1895,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,arnold-bã¶cklin_nymph-1875,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,arnold-bã¶cklin_nymph-by-the-fountain,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,arnold-bã¶cklin_nymphs-bathing,"[1.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,arnold-bã¶cklin_odysseus-by-the-sea-1869,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Symbolism,arnold-bã¶cklin_odysseus-und-kalypso-1883,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Symbolism,arnold-bã¶cklin_pan-among-the-reeds-1858,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,arnold-bã¶cklin_pan-chasing-a-nymph-1855,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Symbolism,arnold-bã¶cklin_pan-frightening-a-shepherd,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 0.0]" +Symbolism,arnold-bã¶cklin_pan-frightening-a-shepherd-1,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,arnold-bã¶cklin_pan-whistling-at-a-blackbird-1863,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0]" +Symbolism,arnold-bã¶cklin_petrarch-by-the-fountain-of-vaucluse,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Symbolism,arnold-bã¶cklin_piet-1885,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]" +Symbolism,arnold-bã¶cklin_playing-in-the-waves-1883,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]" +Symbolism,arnold-bã¶cklin_portrait-of-clara-b-cklin-1872,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0]" +Symbolism,arnold-bã¶cklin_portrait-of-clara-bruckmann-b-cklin,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 2.0]" +Symbolism,arnold-bã¶cklin_portrait-of-the-singer-karl-wallenreiter,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,arnold-bã¶cklin_prometheus-1883,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,arnold-bã¶cklin_putto-and-butterfly-1896,"[2.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,arnold-bã¶cklin_returning-home-1887,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Symbolism,arnold-bã¶cklin_ruins-by-the-sea-1880,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Symbolism,arnold-bã¶cklin_ruins-in-the-moonlit-landscape-1849,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Symbolism,arnold-bã¶cklin_sanctuary-of-hercules,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]" +Symbolism,arnold-bã¶cklin_self-portrait,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Symbolism,arnold-bã¶cklin_self-portrait-in-studio-1893,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,arnold-bã¶cklin_self-portrait-with-death-as-a-fiddler-1872,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]" +Symbolism,arnold-bã¶cklin_sirens-1875,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]" +Symbolism,arnold-bã¶cklin_spring-1875,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Symbolism,arnold-bã¶cklin_spring-night,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Symbolism,arnold-bã¶cklin_st-anthony-1892,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Symbolism,arnold-bã¶cklin_study-to-war-1896,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Symbolism,arnold-bã¶cklin_syrinx-fleeing-from-the-onslaught-of-pan,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,arnold-bã¶cklin_the-adventurer-1882,"[1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]" +Symbolism,arnold-bã¶cklin_the-bagpiper,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Symbolism,arnold-bã¶cklin_the-chapel-1898,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Symbolism,arnold-bã¶cklin_the-death-of-cleopatra-1872,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]" +Symbolism,arnold-bã¶cklin_the-deposition,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Symbolism,arnold-bã¶cklin_the-hermit-1884,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Symbolism,arnold-bã¶cklin_the-hunt-of-diana-1896,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Symbolism,arnold-bã¶cklin_the-island-of-life-1888,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,arnold-bã¶cklin_the-isle-of-the-dead-1880,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]" +Symbolism,arnold-bã¶cklin_the-isle-of-the-dead-1883,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Symbolism,arnold-bã¶cklin_the-isle-of-the-dead-1886,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Symbolism,arnold-bã¶cklin_the-lamentations-of-mary-magdalene-on-the-body-of-christ-1868,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Symbolism,arnold-bã¶cklin_the-liberty-1891,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]" +Symbolism,arnold-bã¶cklin_the-moorish-cavaliers,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Symbolism,arnold-bã¶cklin_the-penitent-mary-magdalene-1873,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]" +Symbolism,arnold-bã¶cklin_the-plague-1898,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]" +Symbolism,arnold-bã¶cklin_the-rest-on-the-flight-into-egypt,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,arnold-bã¶cklin_the-ride-of-death-the-fall-and-death,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]" +Symbolism,arnold-bã¶cklin_the-sacred-grove-1886,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,arnold-bã¶cklin_the-sanctuary-of-hercules-1884,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,arnold-bã¶cklin_the-sea,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 5.0, 0.0, 0.0]" +Symbolism,arnold-bã¶cklin_the-spring-of-love,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,arnold-bã¶cklin_the-summer-s-day-1881,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,arnold-bã¶cklin_the-surf-1883,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 2.0, 0.0]" +Symbolism,arnold-bã¶cklin_the-volcano,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Symbolism,arnold-bã¶cklin_the-wake-up-spring,"[3.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,arnold-bã¶cklin_triton-and-nereid,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Symbolism,arnold-bã¶cklin_triton-and-nereid-1877,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 2.0]" +Symbolism,arnold-bã¶cklin_triton-carrying-a-nereid-on-his-back-1875,"[1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,arnold-bã¶cklin_under-the-arbor-1891,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]" +Symbolism,arnold-bã¶cklin_unicorn-1885,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]" +Symbolism,arnold-bã¶cklin_venus-anadyomene-1872,"[2.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]" +Symbolism,arnold-bã¶cklin_venus-genitrix,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Symbolism,arnold-bã¶cklin_vestal-1874,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]" +Symbolism,arnold-bã¶cklin_vita-somnium-breve-1888,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]" +Symbolism,arnold-bã¶cklin_war-1896,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]" +Symbolism,arnold-bã¶cklin_war-1896-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]" +Symbolism,arnold-bã¶cklin_will-o-the-wisp-1862,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]" +Symbolism,asgrimur-jonsson_from-a-folklore-1957,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0, 0.0]" +Symbolism,augustus-john_moses-and-the-brazen-serpent-1898,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,columbano-bordalo-pinheiro_manuel-gustavo-bordalo-pinheiro-1884,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 2.0]" +Symbolism,constantin-artachino_biblis-transformed-into-a-brook,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]" +Symbolism,constantin-artachino_the-old-man,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Symbolism,constantin-artachino_waiting,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Symbolism,constantine-maleas_trees-at-cairo,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,constantine-maleas_view-of-acropolis,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,dante-gabriel-rossetti_carlisle-wall-the-lovers-1853,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Symbolism,dante-gabriel-rossetti_dantis-amor-1860,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Symbolism,dante-gabriel-rossetti_dantis-amore-1860,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,dante-gabriel-rossetti_mary-magdalen-1857,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,dante-gabriel-rossetti_paolo-and-francesca-da-rimini-1855,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,dante-gabriel-rossetti_the-boat-of-love-1874,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,dante-gabriel-rossetti_the-gate-of-memory-1864,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Symbolism,edvard-munch_four-ages-in-life-1902,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Symbolism,edvard-munch_moon-light-1895,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,edvard-munch_moonlight-1893,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]" +Symbolism,edvard-munch_moonlight-on-the-shore-1892,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,edvard-munch_the-mystery-of-a-summer-night-1892,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Symbolism,edvard-munch_the-three-stages-of-woman-sphinx-1894,"[0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Symbolism,edvard-munch_the-voice-1893,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Symbolism,edvard-munch_the-voice-summer-night-1896,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]" +Symbolism,edvard-munch_young-woman-on-the-shore-1896,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Symbolism,edward-burne-jones_balthazar,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Symbolism,edward-burne-jones_girl-s-head-1897,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,edward-burne-jones_gudrun-setting-fire-to-atli-s-palace-1897,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Symbolism,edward-burne-jones_hesperus-the-evening-star-1870,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,edward-burne-jones_hope-in-prison-1862,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,edward-burne-jones_king-gaspar,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]" +Symbolism,edward-burne-jones_margaret,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Symbolism,edward-burne-jones_melchoir-picture-1,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Symbolism,edward-burne-jones_melchoir-picture-2,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 2.0, 0.0]" +Symbolism,edward-burne-jones_night-1870,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Symbolism,edward-burne-jones_not_detected_205437,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Symbolism,edward-burne-jones_not_detected_205445,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]" +Symbolism,edward-burne-jones_nymphs-of-the-stars-1896,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,edward-burne-jones_sleeping-beauty-1871,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,edward-burne-jones_the-depths-of-the-sea,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]" +Symbolism,edward-burne-jones_the-escape-of-perseus-1888,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Symbolism,edward-burne-jones_the-garden-court-study,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Symbolism,edward-burne-jones_the-mirror-of-venus,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Symbolism,edward-burne-jones_the-star-of-bethlehem,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Symbolism,edward-burne-jones_the-three-graces,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,edward-burne-jones_the-vision-of-saint-catherine,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,edward-burne-jones_three-female-figures-dancing-and-playing,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,eliseu-visconti_esperan-a-sonho-mistico,"[0.0, 1.0, 5.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,eliseu-visconti_latin-american-presidental-inauguration-brazil-1891-1925,"[1.0, 6.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Symbolism,eliseu-visconti_oreadas,"[2.0, 0.0, 0.0, 5.0, 1.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,eliseu-visconti_recompensa-de-s-o-sebasti-o,"[1.0, 5.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Symbolism,eliseu-visconti_the-charte,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 2.0, 3.0]" +Symbolism,felicien-rops_a-gentleman-and-a-lady-aurelien-scholl-and-marie-colombier,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]" +Symbolism,felicien-rops_after-midnight-the-return-to-love-the-lack-of-it,"[3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0]" +Symbolism,felicien-rops_appeal-to-the-masses,"[0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Symbolism,felicien-rops_at-a-dinner-of-atheists,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Symbolism,felicien-rops_behind-the-scenes,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0]" +Symbolism,felicien-rops_burial-in-the-walloon-country,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Symbolism,felicien-rops_bust-of-king-leopold-ii,"[3.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,felicien-rops_coquette-in-front-of-a-mirror,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Symbolism,felicien-rops_cythera-s-toilette,"[2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,felicien-rops_death-at-the-ball,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Symbolism,felicien-rops_dinner-with-atheists,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]" +Symbolism,felicien-rops_father-muck,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,felicien-rops_frequently-asked-love-the-cage,"[1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 2.0]" +Symbolism,felicien-rops_front-cover-of-jos-phin-p-ladan-s-novel-initiation-sentimentale,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,felicien-rops_gozo-hermafrodita,"[1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,felicien-rops_head-of-old-antwerp,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Symbolism,felicien-rops_human-pardon-1881,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Symbolism,felicien-rops_illustration-for-les-epaves-by-charles-baudelaire,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]" +Symbolism,felicien-rops_illustration-of-les-diaboliques,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 3.0, 0.0, 0.0]" +Symbolism,felicien-rops_illustration-of-les-diaboliques-1,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]" +Symbolism,felicien-rops_illustration-of-les-diaboliques-2,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Symbolism,felicien-rops_illustration-of-les-diaboliques-3,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]" +Symbolism,felicien-rops_incantation,"[1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Symbolism,felicien-rops_kisses-of-death,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]" +Symbolism,felicien-rops_lady-with-puppet,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,felicien-rops_lady-with-puppet-1,"[1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,felicien-rops_lady-with-puppet-2,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,felicien-rops_lesbos-known-as-sappho,"[2.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,felicien-rops_little-model,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,felicien-rops_louis-nam-che,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0, 0.0]" +Symbolism,felicien-rops_mar-a-magdalena,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]" +Symbolism,felicien-rops_my-aunt-johanna,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]" +Symbolism,felicien-rops_not-detected-282438,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Symbolism,felicien-rops_not-detected-282445,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]" +Symbolism,felicien-rops_not-detected-282483,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Symbolism,felicien-rops_order-reigns-in-warsaw,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0, 0.0]" +Symbolism,felicien-rops_pornocrates,"[2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]" +Symbolism,felicien-rops_prostitution-and-madness-dominating-the-world,"[2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]" +Symbolism,felicien-rops_satanic-self-portrait,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 6.0, 0.0, 0.0]" +Symbolism,felicien-rops_sex-is-like-god,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]" +Symbolism,felicien-rops_sex-position-69,"[5.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,felicien-rops_st-therese,"[1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0, 0.0]" +Symbolism,felicien-rops_st-therese-as-a-philosopher,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Symbolism,felicien-rops_study-for-the-temptation-of-saint-anthony,"[1.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Symbolism,felicien-rops_study-for-the-temptation-of-st-anthony-1878,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0]" +Symbolism,felicien-rops_the-absinthe-drinker,"[1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,felicien-rops_the-best-love-of-don-juan,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 1.0, 0.0]" +Symbolism,felicien-rops_the-cold-devils,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Symbolism,felicien-rops_the-dance-of-death,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0, 0.0]" +Symbolism,felicien-rops_the-devil-and-eve-in-the-garden-of-eden,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0]" +Symbolism,felicien-rops_the-entrance-to-the-ball,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0, 0.0]" +Symbolism,felicien-rops_the-girl-in-the-cantine-for-pilots,"[1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,felicien-rops_the-hanged-man-at-the-bell-illustration-for-the-legend-of-thyl-ulenspiegel-and-lamme-goedzak-by,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0, 0.0]" +Symbolism,felicien-rops_the-hidden-side-of-a-whist-party-illustration-from-les-diaboliques-by-jules-amedee-barbey-d-1886,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Symbolism,felicien-rops_the-lover-of-christ,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]" +Symbolism,felicien-rops_the-prehistoric-mating-or-hunting-for-the-femal,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Symbolism,felicien-rops_the-reader,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Symbolism,felicien-rops_the-row,"[1.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,felicien-rops_the-sacrifice-from-the-satanic-ones,"[0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,felicien-rops_the-sailors-den,"[2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]" +Symbolism,felicien-rops_the-satanic-calvary,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0, 0.0]" +Symbolism,felicien-rops_the-satanic-removal,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]" +Symbolism,felicien-rops_the-satanic-satan-sowing-tares,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Symbolism,felicien-rops_the-scraps,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Symbolism,felicien-rops_the-sentimental-initiation,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0]" +Symbolism,felicien-rops_the-sentimental-initiation-1,"[1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0, 0.0]" +Symbolism,felicien-rops_the-shower,"[1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0]" +Symbolism,felicien-rops_the-siesta,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Symbolism,felicien-rops_the-slag,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Symbolism,felicien-rops_the-social-revolution,"[1.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0]" +Symbolism,felicien-rops_the-sphinx-1882,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 1.0]" +Symbolism,felicien-rops_the-supreme-vice,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]" +Symbolism,felicien-rops_the-temptation-of-st-anthony,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 2.0]" +Symbolism,felicien-rops_the-theatre-gaillard,"[0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,felicien-rops_the-trifles-of-the-door,"[2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0]" +Symbolism,felicien-rops_the-werwolf,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0, 0.0]" +Symbolism,felicien-rops_tienne-soubre,"[6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,felicien-rops_tienne-soubre-1,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Symbolism,felicien-rops_tranformism,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]" +Symbolism,felicien-rops_woman-on-a-rocking-horse,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0]" +Symbolism,felicien-rops_women,"[2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,felix-vallotton_autumn-crocuses-1900,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,felix-vallotton_cloud-at-romanel-1900,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,felix-vallotton_moonlight-1895,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Symbolism,felix-vallotton_portrait-of-zola-1902,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Symbolism,felix-vallotton_the-lake-lema-effect-of-the-evening-1900,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,felix-vallotton_the-lake-leman-effect-of-the-evening-1900,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,felix-vallotton_the-waltz-1893,"[1.0, 3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,felix-vallotton_twilight-1904,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,ferdinand-hodler_cherry-tree-in-bloom-1905,"[1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,ferdinand-hodler_communication-with-the-infinite-1892,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,ferdinand-hodler_compositional-study-to-retreat-from-marignano,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Symbolism,ferdinand-hodler_dents-du-midi-1916,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,ferdinand-hodler_dents-du-midi-in-clouds-1917,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,ferdinand-hodler_dying-cadet,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]" +Symbolism,ferdinand-hodler_dying-warrior,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,ferdinand-hodler_eiger-monch-and-jungfrau-in-moonlight-1908,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,ferdinand-hodler_eiger-monch-and-jungfrau-in-moonlight-1908-1,"[0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 1.0, 1.0, 0.0]" +Symbolism,ferdinand-hodler_evening-mist-on-lake-thun-1908,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,ferdinand-hodler_farewell-participating-female-figure-1908,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]" +Symbolism,ferdinand-hodler_female-nude-study-for-truth-1896,"[0.0, 2.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]" +Symbolism,ferdinand-hodler_five-swearing,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Symbolism,ferdinand-hodler_from-le-grand-muveran-villars-1912,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,ferdinand-hodler_fusilier-marching-to-the-left-1909,"[2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,ferdinand-hodler_grand-muveran-1912,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,ferdinand-hodler_grand-muveran-1912-2,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Symbolism,ferdinand-hodler_jungfrau-massif-and-schwarzmonch-1911,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,ferdinand-hodler_lake-geneva-overlooking-the-savoyerberge,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,ferdinand-hodler_lake-geneva-with-mont-blanc-at-dawn-1918,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,ferdinand-hodler_lake-geneva-with-mont-blanc-at-dawn-1918-1,"[0.0, 0.0, 6.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,ferdinand-hodler_lake-geneva-with-mont-blanc-at-dawn-1918-2,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,ferdinand-hodler_lake-geneva-with-mont-blanc-before-sunrise-1918,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,ferdinand-hodler_lake-geneva-with-mont-blanc-in-the-morning-light-1918,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,ferdinand-hodler_lake-geneva-with-mont-blanc-in-the-morning-light-1918-1,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,ferdinand-hodler_lake-geneva-with-savoyerbergen,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Symbolism,ferdinand-hodler_lake-geneva-with-six-swans-1914,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,ferdinand-hodler_lake-thun-from-the-path-to-the-plate-schynigen-1906,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 3.0]" +Symbolism,ferdinand-hodler_lake-thun-from-the-path-to-the-plate-schynigen-1906-1,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,ferdinand-hodler_lake-thun-from-the-path-to-the-plate-schynigen-1908,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,ferdinand-hodler_lake-thun-from-the-path-to-the-plate-schynigen-1908-1,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Symbolism,ferdinand-hodler_lake-thun-symmetric-reflection-1905,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,ferdinand-hodler_lake-thun-with-stockhornkette-in-winter,"[0.0, 17.0, 20.0, 4.0, 0.0, 0.0, 1.0, 5.0, 1.0]" +Symbolism,ferdinand-hodler_landscape,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,ferdinand-hodler_landscape-at-caux-with-increasing-clouds-1917,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,ferdinand-hodler_landsknecht-with-halberd-1897,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Symbolism,ferdinand-hodler_lauterbrunnen-valley-and-dust-stream-in-the-moonlight-1894,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,ferdinand-hodler_left-border-warriors,"[0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 2.0]" +Symbolism,ferdinand-hodler_left-border-warriors-1,"[1.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,ferdinand-hodler_left-border-woman,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Symbolism,ferdinand-hodler_left-border-woman-1,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]" +Symbolism,ferdinand-hodler_montanasee-1915,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,ferdinand-hodler_niesen-1910,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,ferdinand-hodler_overall-study-of-the-life-of-weary,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]" +Symbolism,ferdinand-hodler_peaks-in-the-morning-1915,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,ferdinand-hodler_rising-mist-over-the-savoy-alps-1917,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,ferdinand-hodler_saleve-in-autumn-1891,"[0.0, 1.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,ferdinand-hodler_schynige-plate-1909,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,ferdinand-hodler_sensation-1901,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0]" +Symbolism,ferdinand-hodler_silence-of-the-evening,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Symbolism,ferdinand-hodler_snow-in-the-engadine-1907,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,ferdinand-hodler_standing-draped-figure,"[1.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]" +Symbolism,ferdinand-hodler_standing-draped-figure-1,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,ferdinand-hodler_standing-draped-figure-2,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,ferdinand-hodler_standing-warrior,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 5.0, 1.0]" +Symbolism,ferdinand-hodler_standing-warrior-1,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,ferdinand-hodler_studies-of-self-portrait-1911,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,ferdinand-hodler_study-of-the-disappointed-souls-or-weary-of-life-1891,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Symbolism,ferdinand-hodler_sunset-on-lake-geneva-from-the-caux-1917,"[0.0, 1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,ferdinand-hodler_the-day-1900,"[3.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,ferdinand-hodler_the-dents-du-midi-from-chesieres-1912,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Symbolism,ferdinand-hodler_the-dying-valentine-gode-darel,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]" +Symbolism,ferdinand-hodler_the-gantrisch-1898,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,ferdinand-hodler_the-german-students-in-the-war-of-liberation-of-1813-1908,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Symbolism,ferdinand-hodler_the-german-students-in-the-war-of-liberation-of-1813-1908-1,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Symbolism,ferdinand-hodler_the-grammont-1906,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Symbolism,ferdinand-hodler_the-grammont-in-the-morning-sun-1917,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,ferdinand-hodler_the-grand-muveran-1911,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,ferdinand-hodler_the-grindelwald-glacier-1912,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,ferdinand-hodler_the-halberdier-1895,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Symbolism,ferdinand-hodler_the-maiden-of-the-mist-over-the-sea-1908,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,ferdinand-hodler_the-monk-1914,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Symbolism,ferdinand-hodler_the-monk-with-clouds-1911,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,ferdinand-hodler_thun-with-symmetric-mirroring-1909,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,ferdinand-hodler_warrior-figures-from-the-rear-and-front,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,ferdynand-ruszczyc_nec-mergitur-1905,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Symbolism,ferdynand-ruszczyc_pierwsza-komunia,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Symbolism,fernand-khnopff_after-jos-phin-p-ladan-the-supreme-vice-1885,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]" +Symbolism,fernand-khnopff_aktstudie-1912,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Symbolism,fernand-khnopff_baroness-fernand-van-der-bruggen-1900,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Symbolism,fernand-khnopff_distrust-1893,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,fernand-khnopff_i-lock-my-door-upon-myself-1891,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Symbolism,fernand-khnopff_in-bruges-a-church-1904,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0, 0.0]" +Symbolism,fernand-khnopff_incens-1898,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Symbolism,fernand-khnopff_la-conscience-1905,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Symbolism,fernand-khnopff_le-silence-de-la-neige-1916,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,fernand-khnopff_magician-1906,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Symbolism,fernand-khnopff_my-heart-cries-for-the-past-1889,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Symbolism,fernand-khnopff_nu-aux-cheveux-noirs-1922,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Symbolism,fernand-khnopff_paganism-1910,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Symbolism,fernand-khnopff_pallentes-radere-mores-1888,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Symbolism,fernand-khnopff_portrait-of-marguerite-khnopff-1890,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]" +Symbolism,fernand-khnopff_portrait-of-yvonne-seys-1890,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Symbolism,fernand-khnopff_silence-1890,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,fernand-khnopff_st-phane-mallarm-s-poetry-listening-to-flowers-1895,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Symbolism,fernand-khnopff_standing-woman-1898,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,fernand-khnopff_the-blood-of-medusa-1898,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Symbolism,fernand-khnopff_the-cigarette-1912,"[1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Symbolism,fernand-khnopff_the-silver-tiara-1911,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,fernand-khnopff_the-sleeping-medusa-1896,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]" +Symbolism,fernand-khnopff_the-sphinx-or-the-caresses-1896,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Symbolism,fernand-khnopff_the-veil-1887,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Symbolism,fernand-khnopff_tude-de-femme-1891,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Symbolism,fernand-khnopff_who-shall-deliver-me-1891,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Symbolism,fernand-khnopff_woman-of-mystery-1909,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Symbolism,frank-johnston_a-northern-night-1917,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,frantisek-kupka_admiration,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Symbolism,frantisek-kupka_autumn-sun-three-goddesses-1906,"[14.0, 7.0, 15.0, 6.0, 0.0, 5.0, 0.0, 0.0, 4.0]" +Symbolism,frantisek-kupka_babylon-1906,"[0.0, 3.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,frantisek-kupka_money-1899,"[9.0, 4.0, 4.0, 9.0, 1.0, 9.0, 4.0, 0.0, 4.0]" +Symbolism,frantisek-kupka_sphinx,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,frantisek-kupka_study-for-autumn-sun-1905,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,frantisek-kupka_study-for-autumn-sun-1905-1,"[1.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Symbolism,frantisek-kupka_the-beginning-of-life,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,frantisek-kupka_the-lotus-soul-1898,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Symbolism,frantisek-kupka_the-man-and-the-earth-1904,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]" +Symbolism,frantisek-kupka_the-way-of-silence,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,frantisek-kupka_water-the-bather,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,franz-stuck_amazon-and-centaur,"[0.0, 0.0, 0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0]" +Symbolism,franz-stuck_amor-imperator-1887,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,franz-stuck_angel-with-the-flaming-sword-1889,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,franz-stuck_autumn-evening,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,franz-stuck_bathsheba-1912,"[0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0]" +Symbolism,franz-stuck_battle-for-a-woman-1905,"[1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0, 0.0]" +Symbolism,franz-stuck_children-sleidging,"[0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,franz-stuck_crucifixion-1892,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Symbolism,franz-stuck_crucifixion-1913,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Symbolism,franz-stuck_dancers-1896,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,franz-stuck_daughter-mary-as-a-spanish,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,franz-stuck_dinner-1913,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,franz-stuck_dissonance-1910,"[5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,franz-stuck_evening-star,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,franz-stuck_faun-and-neck-1918,"[1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0]" +Symbolism,franz-stuck_female-nude,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Symbolism,franz-stuck_female-portrait,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Symbolism,franz-stuck_fighting-amazons,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,franz-stuck_fighting-amazons-1897,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,franz-stuck_fishing-game-faun-and-nymph,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 4.0, 0.0, 0.0]" +Symbolism,franz-stuck_golgotha,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 2.0, 0.0]" +Symbolism,franz-stuck_grand-duke-ernst-ludwig-1907,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,franz-stuck_heracles-kills-the-centaur-nessus-to-save-deianira-1899,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]" +Symbolism,franz-stuck_hercules-and-the-hydra-1915,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Symbolism,franz-stuck_hunt-1899,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 5.0, 0.0, 0.0]" +Symbolism,franz-stuck_illustration-for-magazine-die-gartenlaube-1892,"[1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0]" +Symbolism,franz-stuck_inferno-1908,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]" +Symbolism,franz-stuck_innocence-1889,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,franz-stuck_judith-and-holofernes-1927,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Symbolism,franz-stuck_judith-and-holofernes-1927-1,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]" +Symbolism,franz-stuck_judith-and-holofernes-1927-2,"[1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 1.0, 0.0]" +Symbolism,franz-stuck_landscape-with-storm,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Symbolism,franz-stuck_lucifer,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]" +Symbolism,franz-stuck_male-portrait-study-a-bad-conscience,"[1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0, 0.0, 0.0]" +Symbolism,franz-stuck_mary,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,franz-stuck_mary-with-a-red-hat,"[3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,franz-stuck_mary-with-biedermeier-hut,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,franz-stuck_medusa-1892,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]" +Symbolism,franz-stuck_naiad-and-faun,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]" +Symbolism,franz-stuck_orestes-and-the-erinyes-1905,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0, 0.0]" +Symbolism,franz-stuck_pieta-1891,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 6.0, 0.0]" +Symbolism,franz-stuck_portrait-of-a-lady-with-lace-collar,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Symbolism,franz-stuck_portrait-of-prof-dr-josef-amann-albert-jr-a-gynecologist-a-university-professor-and-art,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0, 0.0]" +Symbolism,franz-stuck_portrait-of-the-daughter-mary-stuck,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,franz-stuck_portrait-of-writer-juliane-d-ry,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Symbolism,franz-stuck_pygmalion,"[2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,franz-stuck_s-k-h-prince-regent-luitpold-of-bavaria,"[2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,franz-stuck_self-portrait-in-studio,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,franz-stuck_self-portrait-of-the-painter-and-his-wife-in-the-studio-1902,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,franz-stuck_sensuality-1891,"[1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0, 0.0]" +Symbolism,franz-stuck_sisyphus,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,franz-stuck_sounds-of-spring-1910,"[3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,franz-stuck_sphinx-1904,"[0.0, 0.0, 1.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0]" +Symbolism,franz-stuck_spring,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,franz-stuck_spring-1909,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,franz-stuck_spring-dance-1909,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,franz-stuck_springtime-of-love-1917,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Symbolism,franz-stuck_susanna-and-the-elders-1904,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 1.0]" +Symbolism,franz-stuck_susanna-and-the-elders-1913,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0]" +Symbolism,franz-stuck_susanna-and-the-elders-1913-1,"[2.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Symbolism,franz-stuck_the-kiss-of-the-sphinx,"[0.0, 0.0, 0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Symbolism,franz-stuck_the-lost-paradise,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]" +Symbolism,franz-stuck_the-murderer,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]" +Symbolism,franz-stuck_the-sin,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Symbolism,franz-stuck_the-sin-1,"[0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Symbolism,franz-stuck_the-sin-1893,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 1.0]" +Symbolism,franz-stuck_the-three-goddesses-hera-aphrodite-athena,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 2.0]" +Symbolism,franz-stuck_tilla-durieux-as-circe,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Symbolism,franz-stuck_tilla-durieux-as-circe-1,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Symbolism,franz-stuck_trout-pond-1890,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,franz-stuck_water-and-fire,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,franz-stuck_wild-chase-1889,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Symbolism,franz-stuck_wind-and-wave,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Symbolism,george-frederick-watts_adam-and-eve,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]" +Symbolism,george-frederick-watts_adam-and-eve-before-the-temptation,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]" +Symbolism,george-frederick-watts_alfred-lord-tennyson(1),"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,george-frederick-watts_all-pervading(1),"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,george-frederick-watts_all-pervading-1(1),"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Symbolism,george-frederick-watts_bust-of-clytie(1),"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,george-frederick-watts_clytie(1),"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Symbolism,george-frederick-watts_clytie-1878(1),"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,george-frederick-watts_court-of-death-1902(1),"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Symbolism,george-frederick-watts_creation,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Symbolism,george-frederick-watts_creation-of-eve,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Symbolism,george-frederick-watts_daphne-1892(1),"[1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]" +Symbolism,george-frederick-watts_death-crowning-innocence-1887(1),"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Symbolism,george-frederick-watts_denunciation-of-adam-and-eve,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,george-frederick-watts_denunciation-of-cain,"[1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Symbolism,george-frederick-watts_dweller-within-1886(1),"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,george-frederick-watts_endymion,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Symbolism,george-frederick-watts_energy(1),"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,george-frederick-watts_energy-rhodes-memorial(1),"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,george-frederick-watts_eve-repentant,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Symbolism,george-frederick-watts_eve-tempted,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]" +Symbolism,george-frederick-watts_found-drowned-1867(1),"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Symbolism,george-frederick-watts_genius-of-greek-poetry-1878(1),"[1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Symbolism,george-frederick-watts_happy-warrior(1),"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Symbolism,george-frederick-watts_hope-1886(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0]" +Symbolism,george-frederick-watts_horsemen-apocalypse-rider-1878,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,george-frederick-watts_jonah-1894,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]" +Symbolism,george-frederick-watts_judgement-of-paris,"[3.0, 13.0, 11.0, 14.0, 0.0, 4.0, 0.0, 0.0, 5.0]" +Symbolism,george-frederick-watts_love-and-death(1),"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0, 0.0]" +Symbolism,george-frederick-watts_love-and-life(1),"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Symbolism,george-frederick-watts_mammon-1885,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]" +Symbolism,george-frederick-watts_meduse(1),"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]" +Symbolism,george-frederick-watts_minotaur,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 1.0]" +Symbolism,george-frederick-watts_nude-studies-of-long-mary(1),"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Symbolism,george-frederick-watts_ophelia,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Symbolism,george-frederick-watts_orpheus-and-eurydice,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0]" +Symbolism,george-frederick-watts_orpheus-and-eurydice-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]" +Symbolism,george-frederick-watts_orpheus-and-eurydice-2,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Symbolism,george-frederick-watts_paulo-and-francesco,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Symbolism,george-frederick-watts_paulo-and-francesco-1,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,george-frederick-watts_physical-energy(1),"[0.0, 3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,george-frederick-watts_physical-energy-1878(1),"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,george-frederick-watts_seascape,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,george-frederick-watts_she-shall-be-called-woman,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Symbolism,george-frederick-watts_sic-transit-1892,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 1.0]" +Symbolism,george-frederick-watts_sir-galahad-1,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,george-frederick-watts_study-for-hyperion,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Symbolism,george-frederick-watts_study-of-clouds-1900,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,george-frederick-watts_study-of-idle-child-of-fancy,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]" +Symbolism,george-frederick-watts_the-death-of-cain,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Symbolism,george-frederick-watts_time-death-and-judgement-1886,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]" +Symbolism,georges-lacombeâ _birth-wooden-bed-panel-1894,"[0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Symbolism,georges-lacombeâ _blue-seascape-wave-effect,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Symbolism,georges-lacombeâ _death,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,georges-lacombeâ _existence-wooden-bed-panel,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,georges-lacombeâ _rams-blacks-the-year,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,georges-lacombeâ _the-apple-picker,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,georges-lacombeâ _the-green-wave-vorhor,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Symbolism,georges-lacombeâ _the-violet-wave-1896,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,georges-lacombeâ _women-damned,"[0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0]" +Symbolism,georges-lacombeâ _yellow-sea,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Symbolism,gosta-adrian-nilsson_young-man-with-death-1908,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]" +Symbolism,gulacsy-lajos_ancient-garden-1913,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]" +Symbolism,gulacsy-lajos_chevalier-aux-roses-1914,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Symbolism,gulacsy-lajos_dante-s-meeting-with-beatrice-1907,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Symbolism,gulacsy-lajos_ecstasy-1908,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,gulacsy-lajos_francesca-da-rimini-and-paolo-malatesta-1903,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Symbolism,gulacsy-lajos_golgotha-1912,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Symbolism,gulacsy-lajos_magic-1907,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,gulacsy-lajos_return-of-the-pilgrims-1907,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Symbolism,gulacsy-lajos_self-portrait-with-hat-1912,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]" +Symbolism,gulacsy-lajos_slavic-fortune-teller-1912,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Symbolism,gulacsy-lajos_sunday-afternoon-in-como-1912,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,gulacsy-lajos_the-betrothal-of-mary-1903,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,gulacsy-lajos_the-madman-and-the-soldier-1911,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Symbolism,gulacsy-lajos_the-mulatto-and-the-sculpturesque-white-woman-1913,"[2.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Symbolism,gulacsy-lajos_the-opium-smoker-s-dream-1918,"[2.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Symbolism,gulacsy-lajos_woman-with-candle-1910,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,gulacsy-lajos_young-woman-with-rose-tree-1912,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,guntis-strupulis_ainava-ar-kr-slu-1971(1),"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,gustav-klimt_beech-grove-i,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,gustav-klimt_bewegte-wasser,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Symbolism,gustav-klimt_bildnis-gertha-felssvanyi,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,gustav-klimt_birch-in-a-forest,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Symbolism,gustav-klimt_cows-in-the-barn-1901,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Symbolism,gustav-klimt_female-organ-player,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Symbolism,gustav-klimt_fishblood,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Symbolism,gustav-klimt_girl-with-hat-and-cape-in-profil,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Symbolism,gustav-klimt_girl-with-long-hair-with-a-sketch-for-nude-veritas-1899,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,gustav-klimt_goldfish-1902,"[2.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]" +Symbolism,gustav-klimt_hope-i,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]" +Symbolism,gustav-klimt_island-in-the-attersee,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,gustav-klimt_josef-lewinsky,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Symbolism,gustav-klimt_junius,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,gustav-klimt_lady-by-the-fireplace-1898,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 2.0, 1.0]" +Symbolism,gustav-klimt_lady-with-cape-and-hat-1898,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 3.0, 0.0]" +Symbolism,gustav-klimt_lakeside-with-birch-trees-1901,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,gustav-klimt_love-1895,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]" +Symbolism,gustav-klimt_mada-primavesi,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,gustav-klimt_mother-with-children,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Symbolism,gustav-klimt_old-woman-1909,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]" +Symbolism,gustav-klimt_orchard,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Symbolism,gustav-klimt_painted-composition-design-to-medicine,"[0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0, 1.0]" +Symbolism,gustav-klimt_painted-composition-draft-jusisprudenz-1898,"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 3.0, 0.0, 0.0]" +Symbolism,gustav-klimt_pine-forest-ii,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,gustav-klimt_portrait-of-a-girl,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Symbolism,gustav-klimt_portrait-of-a-lady-1,"[0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Symbolism,gustav-klimt_portrait-of-a-lady-2,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Symbolism,gustav-klimt_portrait-of-a-lady-in-white-unfinished-1918,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,gustav-klimt_portrait-of-a-lady-unfinished-1918,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Symbolism,gustav-klimt_portrait-of-a-man-heading-left,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,gustav-klimt_portrait-of-a-woman-1899,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]" +Symbolism,gustav-klimt_portrait-of-helene-klimt,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,gustav-klimt_portrait-of-hermine-gallia-1904,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,gustav-klimt_portrait-of-margaret-stonborough-wittgenstein,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,gustav-klimt_portrait-of-marie-henneberg-1902,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]" +Symbolism,gustav-klimt_portrait-of-rose-von-rosthorn-friedmann-1901,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Symbolism,gustav-klimt_portrait-of-serena-lederer,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Symbolism,gustav-klimt_quiet-pond-in-the-park-of-appeal,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Symbolism,gustav-klimt_schubert-at-the-piano-i,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]" +Symbolism,gustav-klimt_schubert-at-the-piano-ii,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Symbolism,gustav-klimt_sonja-knips,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Symbolism,gustav-klimt_study-of-the-head-of-a-blind-man,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]" +Symbolism,gustav-klimt_the-big-poplar-ii-1903,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 2.0]" +Symbolism,gustav-klimt_the-black-feather-hat,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,gustav-klimt_the-swamp-1900,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,gustav-klimt_the-tall-poplar-trees-ii,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Symbolism,gustav-klimt_two-studies-of-sitting-nudes-1902,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]" +Symbolism,gustav-klimt_water-nymphs-silverfish,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0, 0.0]" +Symbolism,gustave-moreau_a-esfinge-vencedora,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Symbolism,gustave-moreau_abstract-study,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]" +Symbolism,gustave-moreau_after-1865,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Symbolism,gustave-moreau_an-arabian-singer-1884,"[2.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,gustave-moreau_apollo-receiving-the-shepherds-offerings-1895,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,gustave-moreau_apollo-vanquishing-the-serpent-python,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,gustave-moreau_arabian-poet-persian-1886,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,gustave-moreau_arion,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Symbolism,gustave-moreau_bathsheba,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,gustave-moreau_chimera,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,gustave-moreau_christ-in-the-garden,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 2.0, 0.0]" +Symbolism,gustave-moreau_cleopatra,"[1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,gustave-moreau_dalila,"[3.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Symbolism,gustave-moreau_david,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,gustave-moreau_dead-poet-borne-by-centaur,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Symbolism,gustave-moreau_death-of-sappho,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]" +Symbolism,gustave-moreau_death-offers-crowns-to-the-winner-of-the-tournament,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Symbolism,gustave-moreau_desdemona,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Symbolism,gustave-moreau_diomedes-being-eaten-by-his-horses-1865,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]" +Symbolism,gustave-moreau_diomedes-devoured-by-his-horses-1866,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0, 0.0, 0.0]" +Symbolism,gustave-moreau_eve-1885,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,gustave-moreau_evening-and-sorrow,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,gustave-moreau_fairy-and-griffon,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,gustave-moreau_four-studies-of-snakes,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Symbolism,gustave-moreau_galatea,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]" +Symbolism,gustave-moreau_galatea-1,"[0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0]" +Symbolism,gustave-moreau_giotto,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Symbolism,gustave-moreau_goddess-on-the-rocks,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,gustave-moreau_helen-on-the-walls-of-troy,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,gustave-moreau_helene-glorifee-1897,"[0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Symbolism,gustave-moreau_hercules-and-the-hydra-lernaean-1876,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Symbolism,gustave-moreau_hercules-at-lake-stymphalos-1880,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]" +Symbolism,gustave-moreau_heridias-salome-1888,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]" +Symbolism,gustave-moreau_hesiod-and-the-muse-1870,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,gustave-moreau_hesiod-and-the-muse-1891,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,gustave-moreau_hesiod-and-the-muses-1860,"[3.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Symbolism,gustave-moreau_humanity-the-golden-age-depicting-three-scenes-from-the-lives-of-adam-and-eve-the-silver-age-1886,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,gustave-moreau_ibis-1876,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,gustave-moreau_inspiration,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,gustave-moreau_jacob-and-the-angel,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]" +Symbolism,gustave-moreau_jason-1865,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Symbolism,gustave-moreau_jupiter-and-semele-1895,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Symbolism,gustave-moreau_jupiter-and-semele-1895-1,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,gustave-moreau_leda,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Symbolism,gustave-moreau_leda-1,"[2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,gustave-moreau_near-the-water-1896,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]" +Symbolism,gustave-moreau_night,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Symbolism,gustave-moreau_nu-draft,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Symbolism,gustave-moreau_oedipus-the-wayfarer,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Symbolism,gustave-moreau_orestes-and-the-erinyes-1891,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Symbolism,gustave-moreau_orpheus-1865,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]" +Symbolism,gustave-moreau_orpheus-at-the-tomb-of-eurydice-1891,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]" +Symbolism,gustave-moreau_pasiphae-and-the-bul-1880,"[0.0, 2.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,gustave-moreau_perseus-and-andromeda,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Symbolism,gustave-moreau_perseus-and-andromeda-1869,"[2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,gustave-moreau_phaethon,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 2.0]" +Symbolism,gustave-moreau_phoebus-and-boreas,"[1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,gustave-moreau_pieta,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Symbolism,gustave-moreau_pieta-1,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,gustave-moreau_prince-hamlet-kill-king-claudius,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Symbolism,gustave-moreau_prometheus-1868,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0]" +Symbolism,gustave-moreau_rea-and-captives-1880,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,gustave-moreau_removal-dejanira,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Symbolism,gustave-moreau_saint-george,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,gustave-moreau_saint-george-1869,"[0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,gustave-moreau_saint-margaret-1873,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Symbolism,gustave-moreau_saint-martin,"[0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,gustave-moreau_saint-michael-vanquishing-satan,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Symbolism,gustave-moreau_saint-sebastian-1875,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Symbolism,gustave-moreau_saint-sebastian-and-his-executioners,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Symbolism,gustave-moreau_saint-sebastian-being-tended-by-saintly-women,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Symbolism,gustave-moreau_salom-dancing-before-herod-1876,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,gustave-moreau_salome,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,gustave-moreau_salome-carrying-the-head-of-john-the-baptist-on-a-platter,"[0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0, 0.0]" +Symbolism,gustave-moreau_salome-dancing,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,gustave-moreau_salome-dancing-before-herod,"[0.0, 4.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,gustave-moreau_salome-entering-the-banquet-room,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,gustave-moreau_salome-in-prison-1876,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Symbolism,gustave-moreau_salome-in-the-garden-1878,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Symbolism,gustave-moreau_salome-with-column-1890,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Symbolism,gustave-moreau_samson-and-delilah-1882,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,gustave-moreau_sappho-1893,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,gustave-moreau_sappho-in-leucadia,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,gustave-moreau_sappho-on-the-cliff,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Symbolism,gustave-moreau_sappho-on-the-rocks-1872,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0]" +Symbolism,gustave-moreau_satyrs-1892,"[0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,gustave-moreau_self-portrait-1872,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]" +Symbolism,gustave-moreau_silver-age-orpheus,"[2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,gustave-moreau_st-cecilia-the-angels-announcing-her-coming-martyrdom-1897,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,gustave-moreau_st-elisabeth-of-hungary-the-miracle-of-the-roses-1879,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,gustave-moreau_st-sebastian-and-the-angel-1876,"[2.0, 19.0, 7.0, 2.0, 0.0, 2.0, 7.0, 2.0, 4.0]" +Symbolism,gustave-moreau_study-of-helen,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,gustave-moreau_study-puff-adder,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0, 0.0]" +Symbolism,gustave-moreau_susanna-and-the-elders,"[0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Symbolism,gustave-moreau_the-abduction-of-europa,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,gustave-moreau_the-angels-of-sodom,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Symbolism,gustave-moreau_the-apparition,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,gustave-moreau_the-apparition-1876,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]" +Symbolism,gustave-moreau_the-ballad,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Symbolism,gustave-moreau_the-birth-of-venus,"[1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,gustave-moreau_the-chimera-1867,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,gustave-moreau_the-chimera-1867-1,"[2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,gustave-moreau_the-death-of-sappho-1875,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Symbolism,gustave-moreau_the-death-of-sappho-1876,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,gustave-moreau_the-dream-haunting-the-mogul,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,gustave-moreau_the-education-of-achilles,"[2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,gustave-moreau_the-evening-1887,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,gustave-moreau_the-execution-of-messalina-1874,"[0.0, 1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Symbolism,gustave-moreau_the-fiancee-of-the-night-the-song-of-songs,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Symbolism,gustave-moreau_the-good-samaritan,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0, 0.0]" +Symbolism,gustave-moreau_the-martyred-st-sebastian-1869,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Symbolism,gustave-moreau_the-muses-leaving-their-father-apollo-to-go-out-and-light-the-world-1868,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,gustave-moreau_the-mystic-flower,"[1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,gustave-moreau_the-park-and-the-angel-of-death-1890,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Symbolism,gustave-moreau_the-peacock-complaining-to-juno-1881,"[3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,gustave-moreau_the-pierides-1889,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Symbolism,gustave-moreau_the-poet-and-the-saint-1868,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,gustave-moreau_the-prodigal-son-1890,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,gustave-moreau_the-raising-of-ganymede-1886,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,gustave-moreau_the-sirens,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,gustave-moreau_the-song-of-songs-1893,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,gustave-moreau_the-sphinx-1864,"[0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0, 0.0]" +Symbolism,gustave-moreau_the-sphinx-defeated,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 1.0]" +Symbolism,gustave-moreau_the-suitors,"[3.0, 22.0, 1.0, 4.0, 0.0, 6.0, 3.0, 3.0, 4.0]" +Symbolism,gustave-moreau_the-toilet-1890,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,gustave-moreau_the-triumph-of-alexander-the-great-1892,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,gustave-moreau_the-unicorn,"[1.0, 2.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]" +Symbolism,gustave-moreau_the-unicorne-1885,"[1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Symbolism,gustave-moreau_the-unicorns,"[9.0, 11.0, 15.0, 6.0, 0.0, 1.0, 1.0, 0.0, 5.0]" +Symbolism,gustave-moreau_the-victorious-sphinx-1886,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,gustave-moreau_the-voices-1867,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,gustave-moreau_the-wicked-rich-and-the-poor-lazarus-1878,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]" +Symbolism,gustave-moreau_the-young-man-and-death-1865,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,gustave-moreau_the-young-poet,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Symbolism,gustave-moreau_third-station-of-the-cross,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0]" +Symbolism,gustave-moreau_thracian-girl-carrying-the-head-of-orpheus-1864,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Symbolism,gustave-moreau_venice,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,gustave-moreau_victim,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]" +Symbolism,gustave-moreau_view-of-the-garden-of-madame-aupick-mother-of-baudelaire,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Symbolism,gustave-moreau_view-of-the-villa-borthese-1858,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Symbolism,gustave-moreau_voices-of-evening,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,gustave-moreau_woman-and-panther-salome-and-the-panther,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Symbolism,gustave-moreau_woman-bathing,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Symbolism,gustave-moreau_women-ibis-pink,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Symbolism,gustave-moreau_young-moses,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,gustave-moreau_young-thracian-woman-carrying-the-head-of-orpheus,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]" +Symbolism,harry-clarke_fairy-tales-by-hans-christian-andersen-1916,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,harry-clarke_tales-of-mystery-and-imagination-by-edgar-allan-poe-1923,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Symbolism,harry-clarke_tales-of-mystery-and-imagination-by-edgar-allan-poe-1923-1,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Symbolism,harry-clarke_tales-of-mystery-and-imagination-by-edgar-allan-poe-1923-10,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Symbolism,harry-clarke_tales-of-mystery-and-imagination-by-edgar-allan-poe-1923-11,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]" +Symbolism,harry-clarke_tales-of-mystery-and-imagination-by-edgar-allan-poe-1923-12,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0]" +Symbolism,harry-clarke_tales-of-mystery-and-imagination-by-edgar-allan-poe-1923-13,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0, 0.0]" +Symbolism,harry-clarke_tales-of-mystery-and-imagination-by-edgar-allan-poe-1923-14,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]" +Symbolism,harry-clarke_tales-of-mystery-and-imagination-by-edgar-allan-poe-1923-15,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]" +Symbolism,harry-clarke_tales-of-mystery-and-imagination-by-edgar-allan-poe-1923-16,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Symbolism,harry-clarke_tales-of-mystery-and-imagination-by-edgar-allan-poe-1923-17,"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 1.0, 0.0]" +Symbolism,harry-clarke_tales-of-mystery-and-imagination-by-edgar-allan-poe-1923-18,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Symbolism,harry-clarke_tales-of-mystery-and-imagination-by-edgar-allan-poe-1923-19,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]" +Symbolism,harry-clarke_tales-of-mystery-and-imagination-by-edgar-allan-poe-1923-2,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Symbolism,harry-clarke_tales-of-mystery-and-imagination-by-edgar-allan-poe-1923-20,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 2.0]" +Symbolism,harry-clarke_tales-of-mystery-and-imagination-by-edgar-allan-poe-1923-21,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]" +Symbolism,harry-clarke_tales-of-mystery-and-imagination-by-edgar-allan-poe-1923-22,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]" +Symbolism,harry-clarke_tales-of-mystery-and-imagination-by-edgar-allan-poe-1923-23,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,harry-clarke_tales-of-mystery-and-imagination-by-edgar-allan-poe-1923-3,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]" +Symbolism,harry-clarke_tales-of-mystery-and-imagination-by-edgar-allan-poe-1923-4,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Symbolism,harry-clarke_tales-of-mystery-and-imagination-by-edgar-allan-poe-1923-5,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]" +Symbolism,harry-clarke_tales-of-mystery-and-imagination-by-edgar-allan-poe-1923-6,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0]" +Symbolism,harry-clarke_tales-of-mystery-and-imagination-by-edgar-allan-poe-1923-7,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]" +Symbolism,harry-clarke_tales-of-mystery-and-imagination-by-edgar-allan-poe-1923-8,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Symbolism,harry-clarke_tales-of-mystery-and-imagination-by-edgar-allan-poe-1923-9,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]" +Symbolism,harry-clarke_the-year-s-at-the-spring-1920,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,harry-clarke_the-year-s-at-the-spring-1920-1,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Symbolism,harry-clarke_the-year-s-at-the-spring-1920-10,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,harry-clarke_the-year-s-at-the-spring-1920-11,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Symbolism,harry-clarke_the-year-s-at-the-spring-1920-12,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Symbolism,harry-clarke_the-year-s-at-the-spring-1920-13,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Symbolism,harry-clarke_the-year-s-at-the-spring-1920-14,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0, 1.0]" +Symbolism,harry-clarke_the-year-s-at-the-spring-1920-15,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,harry-clarke_the-year-s-at-the-spring-1920-16,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,harry-clarke_the-year-s-at-the-spring-1920-17,"[0.0, 3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,harry-clarke_the-year-s-at-the-spring-1920-18,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Symbolism,harry-clarke_the-year-s-at-the-spring-1920-19,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Symbolism,harry-clarke_the-year-s-at-the-spring-1920-2,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,harry-clarke_the-year-s-at-the-spring-1920-20,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,harry-clarke_the-year-s-at-the-spring-1920-21,"[1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,harry-clarke_the-year-s-at-the-spring-1920-22,"[4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,harry-clarke_the-year-s-at-the-spring-1920-23,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,harry-clarke_the-year-s-at-the-spring-1920-24,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,harry-clarke_the-year-s-at-the-spring-1920-25,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,harry-clarke_the-year-s-at-the-spring-1920-26,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,harry-clarke_the-year-s-at-the-spring-1920-27,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Symbolism,harry-clarke_the-year-s-at-the-spring-1920-28,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Symbolism,harry-clarke_the-year-s-at-the-spring-1920-29,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,harry-clarke_the-year-s-at-the-spring-1920-3,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,harry-clarke_the-year-s-at-the-spring-1920-30,"[2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,harry-clarke_the-year-s-at-the-spring-1920-31,"[0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Symbolism,harry-clarke_the-year-s-at-the-spring-1920-32,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0, 0.0]" +Symbolism,harry-clarke_the-year-s-at-the-spring-1920-33,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,harry-clarke_the-year-s-at-the-spring-1920-34,"[1.0, 6.0, 10.0, 6.0, 0.0, 1.0, 13.0, 5.0, 10.0]" +Symbolism,harry-clarke_the-year-s-at-the-spring-1920-35,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,harry-clarke_the-year-s-at-the-spring-1920-36,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,harry-clarke_the-year-s-at-the-spring-1920-37,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,harry-clarke_the-year-s-at-the-spring-1920-38,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,harry-clarke_the-year-s-at-the-spring-1920-39,"[3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,harry-clarke_the-year-s-at-the-spring-1920-4,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,harry-clarke_the-year-s-at-the-spring-1920-40,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,harry-clarke_the-year-s-at-the-spring-1920-41,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,harry-clarke_the-year-s-at-the-spring-1920-42,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Symbolism,harry-clarke_the-year-s-at-the-spring-1920-5,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,harry-clarke_the-year-s-at-the-spring-1920-6,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,harry-clarke_the-year-s-at-the-spring-1920-7,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,harry-clarke_the-year-s-at-the-spring-1920-8,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,harry-clarke_the-year-s-at-the-spring-1920-9,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,henri-fantin-latour_autumn,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,henri-fantin-latour_bathers-also-known-as-the-secret-1896,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Symbolism,henri-fantin-latour_bathers-by-the-sea-1898,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,henri-fantin-latour_bathers-i,"[0.0, 1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,henri-fantin-latour_bathers-ii,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Symbolism,henri-fantin-latour_bathsheba-1903,"[0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]" +Symbolism,henri-fantin-latour_dawn-and-night,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Symbolism,henri-fantin-latour_diana,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Symbolism,henri-fantin-latour_diana-and-her-handmaidens,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Symbolism,henri-fantin-latour_evening,"[0.0, 1.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]" +Symbolism,henri-fantin-latour_golgotha-copy-after-veronese,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,henri-fantin-latour_head-of-a-young-woman-1876,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Symbolism,henri-fantin-latour_immortality-1889,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]" +Symbolism,henri-fantin-latour_little-east-1904,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,henri-fantin-latour_morning,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Symbolism,henri-fantin-latour_not-identified-1,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,henri-fantin-latour_siegfried-and-the-rhine-daughters,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,henri-fantin-latour_source,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,henri-fantin-latour_study-for-eve-1898,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Symbolism,henri-fantin-latour_the-bath-1892,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0]" +Symbolism,henri-fantin-latour_the-bather,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]" +Symbolism,henri-fantin-latour_the-birth-of-christ,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,henri-fantin-latour_the-damnation-of-faust-the-appearance-of-marguerite,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Symbolism,henri-fantin-latour_the-muse-richard-wagner-1862,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,henri-fantin-latour_the-temptation-of-st-anthony,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,henri-fantin-latour_the-three-rhine-maidens-1876,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Symbolism,henri-fantin-latour_to-robert-schumann,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,henri-fantin-latour_truth-1891,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,henri-fantin-latour_two-bathers,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Symbolism,henri-fantin-latour_undine,"[0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Symbolism,henri-fantin-latour_venus-and-cupid-1902,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Symbolism,henri-fantin-latour_woman-at-her-toillette-1898,"[0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,henri-martin_lady-with-lyre-by-pine-trees-1890,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Symbolism,henri-martin_muse,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,henri-martin_muse-in-the-fields,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,henri-martin_mystic-scene-1895,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]" +Symbolism,henri-martin_orpheus,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,henri-martin_orpheus-in-a-wood-1895,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,henri-martin_orpheus-returns-from-the-pursuit-of-eurydice,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 5.0, 2.0]" +Symbolism,henri-martin_poetesses-on-a-take-shore,"[1.0, 2.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,henri-martin_serenity-illustration-for-book-vi-of-the-aeneid,"[1.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Symbolism,henri-martin_study-for-the-champs-elysees,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,henri-martin_the-beauty,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,henri-martin_the-emergence-of-clemence-isaure-with-troubadours,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Symbolism,henri-martin_the-painter-s-muse,"[1.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,henri-martin_the-poets-in-the-bois-sacre,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,henri-martin_the-silence,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Symbolism,henri-martin_the-song-of-orpheus,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,hilma-af-klint_untitled,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Symbolism,hilma-af-klint_untitled(4),"[1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Symbolism,hilma-af-klint_untitled(5),"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Symbolism,hilma-af-klint_untitled(6),"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,hilma-af-klint_what-a-human-being-is-1910,"[0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Symbolism,hugo-simberg_autumn-ii-1895,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0, 0.0]" +Symbolism,hugo-simberg_death-listens-1897,"[3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 13.0, 27.0, 3.0]" +Symbolism,hugo-simberg_devil-by-the-pot-1897,"[0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0, 1.0]" +Symbolism,hugo-simberg_fresco,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Symbolism,hugo-simberg_frost-1895,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0, 1.0]" +Symbolism,hugo-simberg_homeward-bound-1901,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]" +Symbolism,hugo-simberg_king-hobgoblin-sleeping-1896,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]" +Symbolism,hugo-simberg_morning-milking-1895,"[5.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,hugo-simberg_mountain-stream-in-caucasia-1899,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Symbolism,hugo-simberg_on-the-stream-of-life-1896,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Symbolism,hugo-simberg_round-dance-1898,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 1.0, 0.0]" +Symbolism,hugo-simberg_spring-evening-during-the-ice-break-1897,"[1.0, 11.0, 28.0, 2.0, 0.0, 0.0, 1.0, 3.0, 2.0]" +Symbolism,hugo-simberg_the-garden-of-the-dead-1896,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]" +Symbolism,hugo-simberg_the-wind-blows-1897,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Symbolism,hugo-simberg_the-wounded-angel-1903,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 1.0]" +Symbolism,hugo-simberg_tuonelan-portilla-1898,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,hugo-simberg_two-passengers-1901,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,hugo-simberg_waiting-for-dawn-1895,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Symbolism,hugo-simberg_winger-dance-1903,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,hugo-simberg_woman-1890,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]" +Symbolism,ion-theodorescu-sion_lux-in-tenebris-lucet-1909,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 2.0]" +Symbolism,ion-theodorescu-sion_ovid-in-exile-1915,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 3.0, 3.0]" +Symbolism,ivan-milev_legend-of-the-holy-mountain-1926,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]" +Symbolism,ivan-milev_the-cross-1923,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]" +Symbolism,j.-e.-h.-macdonald_snowfields-evening,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,jacek-malczewski_angel-and-the-little-shepherd-boy,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Symbolism,jacek-malczewski_angels-with-tobias,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,jacek-malczewski_artist-and-muse,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Symbolism,jacek-malczewski_back-in-the-homeland-back-from-siberia-1911,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 1.0]" +Symbolism,jacek-malczewski_chimera,"[2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Symbolism,jacek-malczewski_death-of-ellenai,"[0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0, 0.0]" +Symbolism,jacek-malczewski_enslavement,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 4.0, 1.0, 1.0]" +Symbolism,jacek-malczewski_follow-the-stream-left-wing-1910,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,jacek-malczewski_follow-the-stream-right-wing-1910,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,jacek-malczewski_in-the-dust-cloud,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Symbolism,jacek-malczewski_landscape-with-tobiah,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Symbolism,jacek-malczewski_melancholia-1894,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 6.0, 1.0, 1.0]" +Symbolism,jacek-malczewski_my-life-childhood,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,jacek-malczewski_my-life-my-soul,"[6.0, 2.0, 21.0, 2.0, 0.0, 1.0, 1.0, 8.0, 4.0]" +Symbolism,jacek-malczewski_my-life-return,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Symbolism,jacek-malczewski_painter-s-inspiration-1897,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 5.0, 2.0]" +Symbolism,jacek-malczewski_poisoned-well,"[2.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 2.0]" +Symbolism,jacek-malczewski_reconciliation,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0]" +Symbolism,jacek-malczewski_resurrection,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Symbolism,jacek-malczewski_saint-agnes-1921,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Symbolism,jacek-malczewski_severus-1902,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Symbolism,jacek-malczewski_thanatos-1898,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,jacek-malczewski_thanatos-ii,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Symbolism,jacek-malczewski_the-landscape-above-the-vistula,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 2.0]" +Symbolism,jacek-malczewski_the-prodigal-son,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,jacek-malczewski_vicious-circle-1897,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Symbolism,jacek-malczewski_winter-landscape,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0]" +Symbolism,james-ensor_adam-and-eve-expelled-from-paradise-1887,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,james-ensor_at-the-conservatory-1902,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Symbolism,james-ensor_calvary-1886,"[0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0]" +Symbolism,james-ensor_christ-rising-up-to-heaven-1885,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]" +Symbolism,james-ensor_death-and-the-masks-1897,"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0, 0.0]" +Symbolism,james-ensor_ensor-at-the-harmonium-1933,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,james-ensor_masks-mocking-death-1888,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Symbolism,james-ensor_me-and-my-circle-193,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Symbolism,james-ensor_my-aunt-asleep-dreaming-of-monsters-1890,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 2.0, 0.0]" +Symbolism,james-ensor_old-woman-with-masks-theatre-of-masks-1889,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Symbolism,james-ensor_self-portrait-with-masks-1899,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]" +Symbolism,james-ensor_skeleton-looking-at-chinoiseries-1885,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,james-ensor_skeletons-fighting-over-a-hanged-man-1891,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]" +Symbolism,james-ensor_skeletons-fighting-over-a-pickled-herring-1891,"[1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 2.0, 0.0, 0.0]" +Symbolism,james-ensor_still-life-with-chinoiseries-1907,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,james-ensor_the-astonishment-of-the-mask-wouse-1889,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Symbolism,james-ensor_the-dangerous-cooks-1896,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0, 0.0]" +Symbolism,james-mcneill-whistler_a-dancing-woman-in-a-pink-robe-seen-from-the-back-1890,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0]" +Symbolism,james-mcneill-whistler_annabel-lee,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,james-mcneill-whistler_blue-and-violet-ii,"[0.0, 4.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,james-mcneill-whistler_dancing-girl-1890,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,james-mcneill-whistler_design-for-a-mosaic-1891,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,james-mcneill-whistler_grey-and-pink-a-draped-model-with-fan,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,james-mcneill-whistler_harmony-in-blue-and-gold-the-little-blue-girl-1901,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,james-mcneill-whistler_harmony-in-yellow-and-gold-the-gold-girl-connie-gilchrist-1873,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Symbolism,james-mcneill-whistler_moreby-hall-1884,"[0.0, 3.0, 6.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Symbolism,james-mcneill-whistler_peacock-fight,"[2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,james-mcneill-whistler_purple-and-gold-phryne-the-superb-builder-of-temples-1901,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,james-mcneill-whistler_red-and-black,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Symbolism,james-mcneill-whistler_sketch-for-annabel-lee,"[1.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,james-mcneill-whistler_symphony-in-blue-and-pink,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,james-mcneill-whistler_symphony-in-white-and-red,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,james-mcneill-whistler_the-dancing-girl-1870,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]" +Symbolism,james-mcneill-whistler_the-greek-slave-girl-or-variations-in-violet-and-rose,"[0.0, 1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Symbolism,james-mcneill-whistler_the-white-symphony-three-girls,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Symbolism,james-mcneill-whistler_variations-in-blue-and-green,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,james-mcneill-whistler_venus-with-organist,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Symbolism,james-tissot_abraham-and-the-three-angels,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Symbolism,james-tissot_abraham-guarding-his-sacrifice,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]" +Symbolism,james-tissot_abraham-s-counsel-to-sarai,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,james-tissot_abraham-s-servant-meeteth-rebecca,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,james-tissot_abraham-sees-sodom-in-flames,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,james-tissot_adam-and-eve-driven-from-paradise,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Symbolism,james-tissot_adam-is-tempted-by-eve,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,james-tissot_amos,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Symbolism,james-tissot_annunciation-illustration-for-the-life-of-christ,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,james-tissot_balaam-and-the-ass-as-in-numbers-1900,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0, 0.0]" +Symbolism,james-tissot_bezalel-as-in-exodus-31,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Symbolism,james-tissot_crucifixion-seen-from-the-cross-1890,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Symbolism,james-tissot_deborah-beneath-the-palm-tree,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Symbolism,james-tissot_elijah-carried-away-into-heaven-by-a-chariot-of-fire,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Symbolism,james-tissot_etude,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]" +Symbolism,james-tissot_god-renews-his-promises-to-abraham,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Symbolism,james-tissot_god-s-curse,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Symbolism,james-tissot_god-s-promises-to-abram,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Symbolism,james-tissot_hagar-and-the-angel-in-the-desert-1900,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]" +Symbolism,james-tissot_isaac-bears-the-wood-for-his-sacrifice,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 2.0]" +Symbolism,james-tissot_isaac-feels-jacob-as-rebekah,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Symbolism,james-tissot_isaiah,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Symbolism,james-tissot_jacob-and-rachel-at-the-well,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,james-tissot_jacob-deceives-isaac,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Symbolism,james-tissot_jacob-mourns-his-son-joseph,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]" +Symbolism,james-tissot_jacob-s-body-is-taken-to-canaan,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]" +Symbolism,james-tissot_jacob-sees-esau-coming-to-meet-him,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Symbolism,james-tissot_jael-shows-to-barak-sisera-lying-dead,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Symbolism,james-tissot_jael-smote-sisera-and-slew-him-1902,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]" +Symbolism,james-tissot_jephthah-s-daughter,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,james-tissot_jesus-goes-up-alone-onto-a-mountain-to-pray-1894,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,james-tissot_jesus-ministered-to-by-angels-1894,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 1.0]" +Symbolism,james-tissot_jesus-unrolls-the-book-in-the-synagogue-1894,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Symbolism,james-tissot_joseph-and-his-brethren-welcomed-by-pharaoh,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Symbolism,james-tissot_joseph-converses-with-judah-his-brother,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,james-tissot_joseph-dwelleth-in-egypt,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,james-tissot_joseph-interprets-pharaoh-s-dream,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Symbolism,james-tissot_joseph-interprets-the-dreams-while-in-prison,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Symbolism,james-tissot_joseph-makes-himself-known-to-his-brethren,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Symbolism,james-tissot_mary-magdalene-before-her-conversion-1894,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,james-tissot_mary-magdalene-s-box-of-very-precious-ointment-1894,"[0.0, 2.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]" +Symbolism,james-tissot_micah-the-prophet,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 2.0]" +Symbolism,james-tissot_michal-despises-david,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,james-tissot_miriam-shut-out-from-the-camp,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]" +Symbolism,james-tissot_moses,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Symbolism,james-tissot_moses-and-aaron-speak-to-the-people,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0]" +Symbolism,james-tissot_moses-and-joshua-in-the-tabernacle,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Symbolism,james-tissot_moses-and-the-ten-commandments,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,james-tissot_moses-blesses-joshua-before-the-high-priest,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]" +Symbolism,james-tissot_moses-destroys-the-tables-of-the-ten-commandments,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,james-tissot_moses-forbids-the-people-to-follow-him,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0]" +Symbolism,james-tissot_moses-laid-amid-the-flags,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Symbolism,james-tissot_moses-on-the-mountain-during-the-battle-as-in-exodus,"[0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0, 0.0]" +Symbolism,james-tissot_moses-sees-the-promised-land-from-afar,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Symbolism,james-tissot_moses-slays-an-egyptian,"[3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,james-tissot_moses-smiteth-the-rock-in-the-desert,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]" +Symbolism,james-tissot_moses-speaks-to-pharaoh,"[0.0, 2.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0]" +Symbolism,james-tissot_moses-strikes-the-rock,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 1.0]" +Symbolism,james-tissot_nadab-and-abihu-are-killed-in-the-tabernacle-leviticus-1900,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Symbolism,james-tissot_noah-s-drunkenness,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,james-tissot_noah-s-sacrifice,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,james-tissot_ordaining-of-the-twelve-apostles-1894,"[0.0, 22.0, 13.0, 9.0, 0.0, 0.0, 1.0, 0.0, 3.0]" +Symbolism,james-tissot_pharaoh-and-his-dead-son,"[0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,james-tissot_pharaoh-and-the-midwives-1902,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Symbolism,james-tissot_pharaoh-notes-the-importance-of-the-jewish-people,"[2.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0]" +Symbolism,james-tissot_pharaoh-s-daughter-has-moses-brought-to-her,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Symbolism,james-tissot_pharaoh-s-daughter-receives-the-mother-of-moses,"[0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Symbolism,james-tissot_rebecca-meets-isaac-by-the-way,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,james-tissot_samson-slays-a-thousand-men,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 1.0]" +Symbolism,james-tissot_sarai-is-taken-to-pharaoh-s-palace,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Symbolism,james-tissot_sarai-sends-hagar-away,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0]" +Symbolism,james-tissot_saul-meets-with-samuel-1900,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,james-tissot_shem-ham-and-japheth-1902,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Symbolism,james-tissot_solomon-dedicates-the-temple-at-jerusalem,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,james-tissot_the-adoration-of-the-shepherds-illustration-for-the-life-of-christ,"[0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,james-tissot_the-animals-enter-the-ark,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,james-tissot_the-apparition-mezzotine-second-state,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]" +Symbolism,james-tissot_the-ark-passes-over-the-jordan,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Symbolism,james-tissot_the-brazen-serpent,"[0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,james-tissot_the-chastisement-of-uzzah,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Symbolism,james-tissot_the-conquest-of-the-amorites,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Symbolism,james-tissot_the-creation-1902,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Symbolism,james-tissot_the-daughter-of-herodias-dancing-1896,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,james-tissot_the-dead-bodies-carried-away,"[1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0]" +Symbolism,james-tissot_the-death-of-aaron,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Symbolism,james-tissot_the-deluge,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]" +Symbolism,james-tissot_the-descent-from-the-cross-illustration-for-the-life-of-christ,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Symbolism,james-tissot_the-dove-returns-to-noah,"[0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,james-tissot_the-egyptians-admire-sarai-s-beauty,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,james-tissot_the-fire-of-atonement-1900,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0, 0.0]" +Symbolism,james-tissot_the-flight-of-the-prisoners,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Symbolism,james-tissot_the-flight-of-the-spies,"[0.0, 1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,james-tissot_the-gathering-of-the-manna-1,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,james-tissot_the-glory-of-joseph,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0]" +Symbolism,james-tissot_the-golden-calf-as-in-exodus,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Symbolism,james-tissot_the-grapes-of-canaan,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]" +Symbolism,james-tissot_the-grotto-of-the-agony-1894,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,james-tissot_the-harlot-of-jericho-and-the-two-spies,"[2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Symbolism,james-tissot_the-hidden-treasure-illustration-from-the-life-of-our-lord-jesus-christ,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Symbolism,james-tissot_the-lord-s-prayer-1896,"[0.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,james-tissot_the-meeting-of-esau-and-jacob,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,james-tissot_the-mess-of-pottage,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,james-tissot_the-miracle-of-the-loaves-and-fishes-1896,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,james-tissot_the-pharisee-and-the-publican-1894,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,james-tissot_the-plague-of-flies,"[2.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0]" +Symbolism,james-tissot_the-plague-of-locusts-1900,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,james-tissot_the-prophet-joel,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Symbolism,james-tissot_the-prophet-jonah,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Symbolism,james-tissot_the-prophet-zechariah,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Symbolism,james-tissot_the-return-of-the-prodigal-son-illustration-for-the-life-of-christ,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0]" +Symbolism,james-tissot_the-rod-of-aaron-devours-the-other-rods,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Symbolism,james-tissot_the-sabbath-breaker-stoned,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0, 0.0]" +Symbolism,james-tissot_the-sermon-on-the-mount-illustration-for-the-life-of-christ,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Symbolism,james-tissot_the-seven-trumpets-of-jericho,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,james-tissot_the-songs-of-joy,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,james-tissot_the-taking-of-jericho,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Symbolism,james-tissot_the-women-of-midian-led-captive-by-the-hebrews-1900,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Symbolism,james-tissot_the-youth-of-jesus-illustration-for-the-life-of-christ,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,james-tissot_water-is-changed-into-blood,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0, 0.0]" +Symbolism,jan-toorop_candle-factory,"[0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0]" +Symbolism,jan-toorop_crucifixion,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]" +Symbolism,jan-toorop_fatalism,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Symbolism,jan-toorop_fatality-1893,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Symbolism,jan-toorop_female-employees-in-the-candle-factory-in-gouda-1905,"[0.0, 0.0, 3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,jan-toorop_o-grave-where-is-thy-victory-1892,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Symbolism,jan-toorop_oceanide,"[0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,jan-toorop_pablo-casals-1904,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,jan-toorop_portrait-of-emma-bellwidt-on-the-beach-at-domburg-1905,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,jan-toorop_portrait-of-theo-neuhuys,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Symbolism,jan-toorop_prayer-at-the-road-to-calvary-1916,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Symbolism,jan-toorop_self-portrait-1927,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,jan-toorop_the-new-generation-1892,"[0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,jan-toorop_the-three-fiancees,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Symbolism,jan-toorop_the-vagabonds-1891,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]" +Symbolism,jan-toorop_veronica-1916,"[0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0]" +Symbolism,jan-toorop_women-at-the-sea,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]" +Symbolism,janos-tornyai_gloomy-hungarian-fate-1908,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Symbolism,john-atkinson-grimshaw_dame-autumn-hath-a-mournful-face-1871,"[0.0, 5.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,john-atkinson-grimshaw_dido,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,john-atkinson-grimshaw_elaine-1877,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Symbolism,john-atkinson-grimshaw_endymion-on-mount-latmus-1879,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,john-atkinson-grimshaw_iris,"[1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,john-atkinson-grimshaw_iris-1886,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,john-atkinson-grimshaw_luxury,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Symbolism,john-atkinson-grimshaw_midsummer-night,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Symbolism,john-atkinson-grimshaw_snowbound-1883,"[0.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,john-atkinson-grimshaw_spirit-of-the-night-1879,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,john-atkinson-grimshaw_the-lady-of-shalott,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Symbolism,john-atkinson-grimshaw_the-lady-of-shalott-1878,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Symbolism,john-atkinson-grimshaw_the-lotus-gatherers-1874,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 3.0, 1.0]" +Symbolism,jozsef-rippl-ronai_cherry-tree-blossoms,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,jozsef-rippl-ronai_portrait-of-lorinc-szabo-1923,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,jozsef-rippl-ronai_portrait-of-margit-pi-tsek-1892,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,jozsef-rippl-ronai_portrait-of-mrs-pataki-1892,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,jozsef-rippl-ronai_romantic-landscape-1899,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Symbolism,jozsef-rippl-ronai_woman-in-ink-dress-and-black-collar-1915,"[0.0, 7.0, 14.0, 5.0, 1.0, 2.0, 1.0, 15.0, 4.0]" +Symbolism,jury-annenkov_arc-de-triomphe-1929,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Symbolism,jury-annenkov_paris,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Symbolism,jury-annenkov_self-portrait-1910,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,jury-annenkov_view-of-paris-from-meudon,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,kazimir-malevich_a-scene-from-the-drama-of-leonid-andreev-anathema-1909,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Symbolism,kazimir-malevich_not_detected_219728,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,kazimir-malevich_oak-and-dryads-1908,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,kazimir-malevich_portrait-of-ivan-kliun-1933,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]" +Symbolism,kazimir-malevich_prayer-1907,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]" +Symbolism,kazimir-malevich_self-portrait-1907,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Symbolism,kazimir-malevich_sketch-for-fresco-1907,"[0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]" +Symbolism,kazimir-malevich_town-1910,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Symbolism,kazimir-malevich_triumph-of-the-skies-1907,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,kazimir-malevich_two-dryads-1908,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,kazimir-malevich_veil-1908,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Symbolism,kimon-loghi_allegory-of-spring,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,kimon-loghi_autumn,"[0.0, 6.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,kimon-loghi_autumn-1,"[0.0, 3.0, 5.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,kimon-loghi_beginning-of-springtime,"[0.0, 2.0, 4.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,kimon-loghi_on-the-lakeshore,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Symbolism,kimon-loghi_reverie,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,kimon-loghi_scen-mitologic,"[1.0, 3.0, 6.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,kimon-loghi_springtime,"[0.0, 5.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,kimon-loghi_summer,"[0.0, 1.0, 5.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,kimon-loghi_the-lake-fairy-1915,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,kimon-loghi_the-night,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Symbolism,kimon-loghi_the-oriental-woman-1898,"[1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Symbolism,kimon-loghi_vestale,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,kimon-loghi_winter,"[0.0, 0.0, 7.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Symbolism,kimon-loghi_woman-in-green,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Symbolism,koloman-moser_clash-of-the-titans,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 2.0]" +Symbolism,koloman-moser_female-nude,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Symbolism,koloman-moser_lake-garda,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,koloman-moser_landscape-in-semmering-1913,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,koloman-moser_landscape-in-semmering-1913-1,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,koloman-moser_landscape-in-semmering-with-view-of-rax,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,koloman-moser_mountain-ranges-1913,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,koloman-moser_mountain-slope,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Symbolism,koloman-moser_pieta,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]" +Symbolism,koloman-moser_reclining-female-nude-mileva-roller-1912,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,koloman-moser_semmering-landscape,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,koloman-moser_study-of-clouds,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,koloman-moser_the-frog-king,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Symbolism,konstantin-bogaevsky_a-cloud,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Symbolism,konstantin-bogaevsky_a-cloud-1910,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Symbolism,konstantin-bogaevsky_acropolis-1908,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-bogaevsky_after-the-rain-1938,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,konstantin-bogaevsky_altars-1907,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,konstantin-bogaevsky_altars-in-the-desert-1908,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Symbolism,konstantin-bogaevsky_alupka-park-1924,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,konstantin-bogaevsky_ancient-fortress-1902,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-bogaevsky_ancient-land-1922,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Symbolism,konstantin-bogaevsky_ancient-town,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Symbolism,konstantin-bogaevsky_atlantis-1922,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Symbolism,konstantin-bogaevsky_autumn-evening,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,konstantin-bogaevsky_baku-oil-rigs-1931,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 1.0]" +Symbolism,konstantin-bogaevsky_bibi-heybat-1932,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Symbolism,konstantin-bogaevsky_cimmerian-region-1910,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,konstantin-bogaevsky_cimmerian-twilight-1911,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,konstantin-bogaevsky_classical-landscape-1910,"[0.0, 3.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-bogaevsky_clock-towers-of-alupka-palace,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,konstantin-bogaevsky_composition-1940,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,konstantin-bogaevsky_consular-tower-in-sudak-1903,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-bogaevsky_corona-astralis-1908,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,konstantin-bogaevsky_crimean-campagna-1938,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-bogaevsky_desert-tale-1903,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 2.0]" +Symbolism,konstantin-bogaevsky_devil-s-finger,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-bogaevsky_dnieprostroy,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,konstantin-bogaevsky_eastern-altar-1919,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]" +Symbolism,konstantin-bogaevsky_evening-sun-1922,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Symbolism,konstantin-bogaevsky_feodosia-1926,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]" +Symbolism,konstantin-bogaevsky_feodosia-1930,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-bogaevsky_feodosia-at-winter,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-bogaevsky_flow-fantastic-landscape-1908,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Symbolism,konstantin-bogaevsky_fortress-on-the-seashore-1923,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]" +Symbolism,konstantin-bogaevsky_frontispiece-1912,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,konstantin-bogaevsky_genoese-fortress-1907,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-bogaevsky_imaginary-town-rainbow,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-bogaevsky_italian-landscape-1911,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-bogaevsky_kaffa-old-feodosia-1927,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,konstantin-bogaevsky_koktebel-house-of-maximilian-voloshin-1905,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,konstantin-bogaevsky_landscape-1908,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,konstantin-bogaevsky_landscape-sun-1923,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,konstantin-bogaevsky_landscape-with-castle-1912,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,konstantin-bogaevsky_landscape-with-lake-1922,"[0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-bogaevsky_landscape-with-rocks-stary-krym-1908,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,konstantin-bogaevsky_landscape-with-tall-trees,"[0.0, 2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-bogaevsky_landscape-with-trees-1924,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-bogaevsky_landscape-with-trees-1927,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-bogaevsky_landscape-with-waterfall-and-bridge-1942,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-bogaevsky_last-rays-1903,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-bogaevsky_mariupol-port-and-plant,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Symbolism,konstantin-bogaevsky_memories-of-mantegna-1910,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-bogaevsky_memories-of-mantegna-1910-1,"[0.0, 0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-bogaevsky_memories-of-mantegna-1942,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-bogaevsky_morning-1910,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,konstantin-bogaevsky_morning-pink-gobelin-1906,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,konstantin-bogaevsky_mount-st-george-1911,"[1.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-bogaevsky_mountain-landscape,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Symbolism,konstantin-bogaevsky_mountain-landscape-1,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-bogaevsky_mountain-landscape-1940,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-bogaevsky_mountain-landscape-with-sea-bay,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-bogaevsky_mountain-landscape-with-trees-ortolan,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-bogaevsky_night-1922,"[0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Symbolism,konstantin-bogaevsky_night-at-the-seaside-1903,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,konstantin-bogaevsky_old-harbor-1931,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-bogaevsky_old-town-1922,"[1.0, 17.0, 3.0, 2.0, 0.0, 0.0, 16.0, 2.0, 4.0]" +Symbolism,konstantin-bogaevsky_palm-trees-1908,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-bogaevsky_port-of-imaginary-city-1932,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-bogaevsky_rainbow-1931,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-bogaevsky_rocky-seashore-1926,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,konstantin-bogaevsky_rocky-seashore-1926-1,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,konstantin-bogaevsky_romantic-landscape,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]" +Symbolism,konstantin-bogaevsky_romantic-landscape-1,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,konstantin-bogaevsky_romantic-landscape-1908,"[0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 3.0, 0.0, 0.0]" +Symbolism,konstantin-bogaevsky_romantic-landscape-1914,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-bogaevsky_romantic-landscape-1926,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,konstantin-bogaevsky_romantic-landscape-crimean-landscape-1942,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-bogaevsky_seashore-1907,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,konstantin-bogaevsky_ships-1912,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-bogaevsky_sketch-for-a-mural-crimea-1921,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]" +Symbolism,konstantin-bogaevsky_southern-land-cave-town-1908,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-bogaevsky_star-light,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Symbolism,konstantin-bogaevsky_star-the-wormwood-1908,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,konstantin-bogaevsky_stars-1922,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Symbolism,konstantin-bogaevsky_stary-krym-1902,"[1.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,konstantin-bogaevsky_stary-krym-1903,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,konstantin-bogaevsky_sudak-motif-1929,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,konstantin-bogaevsky_sugdayya-1922,"[1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Symbolism,konstantin-bogaevsky_the-baku-oil-fields,"[0.0, 1.0, 2.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-bogaevsky_the-crimean-landscape,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,konstantin-bogaevsky_the-crimean-landscape-1,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,konstantin-bogaevsky_the-crimean-landscape-1930,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-bogaevsky_the-desert-1908,"[2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Symbolism,konstantin-bogaevsky_the-industrial-building,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-bogaevsky_the-industrial-landscape,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Symbolism,konstantin-bogaevsky_the-old-bathhouses-in-karasubazar,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Symbolism,konstantin-bogaevsky_the-setting-sun,"[0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0]" +Symbolism,konstantin-bogaevsky_the-star-1908,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]" +Symbolism,konstantin-bogaevsky_the-sun-1906,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,konstantin-bogaevsky_the-village-kozy-1923,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,konstantin-bogaevsky_town-in-the-valley-1935,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,konstantin-bogaevsky_trees-1935,"[0.0, 1.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-bogaevsky_tropical-landscape-1906,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-bogaevsky_ufut-qale-1902,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Symbolism,konstantin-bogaevsky_valley-1929,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-somov_a-greedy-monkey,"[5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-somov_a-sleeping-woman,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,konstantin-somov_a-young-girl-in-a-red-dress-girl-with-a-letter,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,konstantin-somov_a-youth-on-his-knees-in-front-of-a-lady-1916,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-somov_after-the-storm,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,konstantin-somov_alexander-pushkin-at-work-1899,"[0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Symbolism,konstantin-somov_asleep-on-the-grass-young-woman,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-somov_august,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,konstantin-somov_autumn,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-somov_bathing,"[2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,konstantin-somov_bathings,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-somov_bathings-in-the-sun,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-somov_before-sunset-1900,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-somov_blue-bird,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,konstantin-somov_book-of-the-marquise-illustration,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-somov_book-of-the-marquise-illustration-6,"[3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,konstantin-somov_book-of-the-marquise-illustration-7,"[5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-somov_book-of-the-marquise-illustration-8-1918,"[3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-somov_book-of-the-marquise-illustration-9-1918,"[1.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 1.0]" +Symbolism,konstantin-somov_bosquet,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,konstantin-somov_cecile-de-volanzh,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-somov_concert,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,konstantin-somov_confidentials,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-somov_costume-sketches-of-columbine-for-anna-pavlova,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,konstantin-somov_courtesans,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,konstantin-somov_cover-of-literary-anthology-northern-flowers,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Symbolism,konstantin-somov_cover-of-the-fashion-magazine-parisian,"[1.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-somov_cover-of-the-magazine-world-of-art,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,konstantin-somov_cover-of-theater-program-theatre-de-l-hermitage,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Symbolism,konstantin-somov_date-night,"[1.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-somov_design-of-costume-for-awnings-t-karsavina-to-dance-to-music-by-mozart,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,konstantin-somov_echo-of-bygone-days,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,konstantin-somov_edge-of-the-forest-ligovo,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,konstantin-somov_enchantment,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,konstantin-somov_enchantress,"[0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,konstantin-somov_evening-1902,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,konstantin-somov_evening-landscape,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,konstantin-somov_evening-rides,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,konstantin-somov_evening-shadows-1917,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-somov_exlibris-of-a-benois,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Symbolism,konstantin-somov_exlibris-of-a-somov,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,konstantin-somov_exlibris-of-o-preobrazenskiy,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0]" +Symbolism,konstantin-somov_exlibris-of-s-mikhailov,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,konstantin-somov_exlibris-of-s-zenger,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-somov_exlibris-of-v-loboykov,"[1.0, 10.0, 19.0, 3.0, 0.0, 1.0, 1.0, 0.0, 11.0]" +Symbolism,konstantin-somov_family-happiness-1900,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Symbolism,konstantin-somov_female-portrait-and-sketches-of-hands,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,konstantin-somov_figures-in-the-park,"[1.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-somov_firebird-cover-of-the-book,"[1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-somov_fireworks,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Symbolism,konstantin-somov_fireworks-1,"[0.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-somov_fireworks-display-1922,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Symbolism,konstantin-somov_fireworks-in-the-park,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-somov_forest,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-somov_frontispiece-of-the-book-by-alexander-benois-tsarskoe-selo,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-somov_frontispiece-of-the-journal-world-of-art,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-somov_frontispiece-to-the-book-n-sapunova,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]" +Symbolism,konstantin-somov_frontispiece-to-the-book-of-poems-v-ivanov-cor-ardens,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-somov_gallant-scene-in-the-garden,"[2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-somov_garden,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-somov_gardener-gift,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-somov_girl-olia-1,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,konstantin-somov_girl-olia-2,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Symbolism,konstantin-somov_girl-under-the-sun,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,konstantin-somov_goethe-muse-and-cupid,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,konstantin-somov_green-slope-on-the-road-martyshkino,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-somov_grove-on-the-seashore-sillamyagi,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-somov_holiday-near-venice,"[0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0, 1.0, 0.0]" +Symbolism,konstantin-somov_how-dressed-in-the-old-days-lady-and-cavalier,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-somov_idyll,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-somov_in-love-on-the-stone-1906,"[4.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-somov_in-love-with-harlequin,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-somov_in-the-bosquet-1899,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,konstantin-somov_in-the-forrest,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,konstantin-somov_in-the-forrest-1,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-somov_in-the-nursery,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,konstantin-somov_in-the-park-of-versailles,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Symbolism,konstantin-somov_in-the-park-of-versailles-1,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,konstantin-somov_in-the-summer,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,konstantin-somov_intimate-reflection-in-the-mirror-on-the-dressing-table,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Symbolism,konstantin-somov_island-of-love,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,konstantin-somov_italian-comedy-1,"[3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-somov_italian-comedy-2,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,konstantin-somov_lady,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Symbolism,konstantin-somov_lady-and-harlequin,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-somov_lady-and-harlequin-1,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-somov_lady-and-harlequin-fireworks,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-somov_lady-and-pierrot-1910,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,konstantin-somov_lady-at-the-mirror-1898,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-somov_lady-by-the-pool,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-somov_lady-in-pink,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,konstantin-somov_lady-taking-off-a-mask,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,konstantin-somov_lady-with-a-spring-landscape,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Symbolism,konstantin-somov_lady-with-the-dog,"[2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,konstantin-somov_lady-with-the-dog-1,"[1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,konstantin-somov_lady-with-the-dog-relaxing-on-the-lawn,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-somov_landscape,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,konstantin-somov_landscape-in-the-evening-martyshkino,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]" +Symbolism,konstantin-somov_landscape-with-a-rainbow-1915,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,konstantin-somov_landscape-with-a-rainbow-1919,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-somov_landscape-with-a-wicket,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Symbolism,konstantin-somov_landscape-with-lake,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Symbolism,konstantin-somov_landscape-with-pavillion,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-somov_landscape-with-two-peasant-girls-and-a-rainbow,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-somov_letter-mysterious-messenger,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 1.0, 0.0]" +Symbolism,konstantin-somov_lovers,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,konstantin-somov_lovers-1,"[4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-somov_lovers-2,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,konstantin-somov_lovers-evening-1910,"[0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 1.0, 0.0, 0.0]" +Symbolism,konstantin-somov_ludmila-in-the-chernomors-garden-based-on-the-story-of-alexander-pushkin-s-poem-ruslan-and,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Symbolism,konstantin-somov_martyshkino,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Symbolism,konstantin-somov_masquerade,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Symbolism,konstantin-somov_models-1,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Symbolism,konstantin-somov_models-2,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Symbolism,konstantin-somov_naked-among-the-flowers,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-somov_naked-young-man-b-snezhkovsky,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Symbolism,konstantin-somov_natalia-pavlovna,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,konstantin-somov_natalia-pavlovna-and-earl-nulin,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Symbolism,konstantin-somov_on-the-balcony,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Symbolism,konstantin-somov_on-the-grass,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-somov_oranienbaum,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,konstantin-somov_overgrown-pond,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Symbolism,konstantin-somov_park,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]" +Symbolism,konstantin-somov_pastoral-scene-with-two-girls,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,konstantin-somov_picnic-illustration-to-the-book-of-the-marquise,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,konstantin-somov_ploughland,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-somov_poets,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,konstantin-somov_porcelain-figurines-on-a-stone-shelf,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,konstantin-somov_portrait-of-a-benois,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Symbolism,konstantin-somov_portrait-of-a-ostroumova-lebedeva,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,konstantin-somov_portrait-of-a-somov-the-artist-s-father,"[1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-somov_portrait-of-alexandra-levchenko,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]" +Symbolism,konstantin-somov_portrait-of-b-popova-paris,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,konstantin-somov_portrait-of-e-ostroumova,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,konstantin-somov_portrait-of-e-vladimirskaya,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-somov_portrait-of-f-sologub,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Symbolism,konstantin-somov_portrait-of-g-hirschman-1911,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,konstantin-somov_portrait-of-m-braykevich,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Symbolism,konstantin-somov_portrait-of-m-lukyanov,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-somov_portrait-of-mrs-n-f-ober-1896,"[0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,konstantin-somov_portrait-of-s-dyagilev,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,konstantin-somov_portrait-of-s-zvantseva,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,konstantin-somov_portrait-of-the-artist-m-dobuzhinsky,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,konstantin-somov_portrait-of-the-composer-sergei-rachmaninov-1925,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,konstantin-somov_program-performance-theatre-hermitage-on-the-play-griboedov-woe-from-wit-may-31-1902,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,konstantin-somov_promenade-after-rain-1,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,konstantin-somov_promenade-after-rain-2,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-somov_rainbow,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-somov_rainbow-1,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-somov_rainbow-1-1,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Symbolism,konstantin-somov_rainbow-2,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Symbolism,konstantin-somov_repose-at-sunset,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Symbolism,konstantin-somov_russian-ballet,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,konstantin-somov_russian-ballet-champs-elysees-sylph,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,konstantin-somov_self-portrait,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,konstantin-somov_self-portrait-3,"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0]" +Symbolism,konstantin-somov_self-portrait-in-the-mirror,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,konstantin-somov_self-portrait-in-the-mirror-1,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Symbolism,konstantin-somov_sketch-of-book-cover,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,konstantin-somov_sketch-of-the-illustrations-to-gogol-s-nevsky-prospect,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Symbolism,konstantin-somov_sleeping-lady-with-the-devils,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Symbolism,konstantin-somov_sleeping-young-woman,"[1.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-somov_slumbering-lady-in-black-dress,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-somov_spring-landscape,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Symbolism,konstantin-somov_spring-martyshkino,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-somov_still-life-interior,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Symbolism,konstantin-somov_stream,"[2.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-somov_summer-landscape,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,konstantin-somov_summer-twilight-pond,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-somov_the-date,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Symbolism,konstantin-somov_the-date-1,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-somov_the-interior-of-the-pavlovs-country-house,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-somov_the-interior-second-part,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Symbolism,konstantin-somov_the-kiss,"[0.0, 0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-somov_the-kiss-1,"[2.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-somov_the-kiss-illustration-to-the-book-of-the-marquise,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,konstantin-somov_the-kiss-silhouette,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,konstantin-somov_the-lady-behind-the-desk-anonymous-letter,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,konstantin-somov_the-laughed-kiss-1909,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,konstantin-somov_the-model,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Symbolism,konstantin-somov_the-rainbow,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-somov_the-road-in-the-country,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-somov_the-road-to-sekerin,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,konstantin-somov_the-tree-in-the-field,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Symbolism,konstantin-somov_thursday,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-somov_twilight-in-the-old-park,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-somov_two-ladies-in-the-park,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-somov_two-masks-pair-on-the-eve-of-the-carnival,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,konstantin-somov_walking-in-winter,"[0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,konstantin-somov_wednesday,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-somov_white-night-sergievo,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-somov_young-woman-asleep,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-vasilyev_alyosha-popovich-and-lovely-maiden,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,konstantin-vasilyev_avdotya-ryazanochka,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-vasilyev_barbarossa,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Symbolism,konstantin-vasilyev_basil-buslaev,"[2.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-vasilyev_birth-of-the-danube,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,konstantin-vasilyev_birth-of-the-danube-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]" +Symbolism,konstantin-vasilyev_birth-of-the-danube-2,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]" +Symbolism,konstantin-vasilyev_birth-of-the-danube-3,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-vasilyev_divination,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,konstantin-vasilyev_divination-1,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,konstantin-vasilyev_dobrynya-s-battle-with-a-dragon,"[0.0, 3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-vasilyev_elder,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Symbolism,konstantin-vasilyev_eupraxia,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,konstantin-vasilyev_eupraxia-1,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Symbolism,konstantin-vasilyev_expectation,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]" +Symbolism,konstantin-vasilyev_farewell-of-slav,"[0.0, 1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,konstantin-vasilyev_fiery-sword,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,konstantin-vasilyev_fires-are-burning,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Symbolism,konstantin-vasilyev_geese,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,konstantin-vasilyev_giant,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Symbolism,konstantin-vasilyev_homesickness,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]" +Symbolism,konstantin-vasilyev_ilya-muromets-and-beggars-taverns,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,konstantin-vasilyev_ilya-muromets-release-of-prisoners,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Symbolism,konstantin-vasilyev_in-another-window,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Symbolism,konstantin-vasilyev_knight,"[0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,konstantin-vasilyev_marshal-zhukov,"[0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Symbolism,konstantin-vasilyev_mermaid,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-vasilyev_nastassja-mikulishna,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,konstantin-vasilyev_north-legend,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,konstantin-vasilyev_northern-eagle,"[0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 3.0, 0.0, 0.0]" +Symbolism,konstantin-vasilyev_not-detected-272787,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]" +Symbolism,konstantin-vasilyev_not-detected-272790,"[1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0]" +Symbolism,konstantin-vasilyev_not-detected-272810,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 0.0]" +Symbolism,konstantin-vasilyev_not-detected-272813,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,konstantin-vasilyev_on-the-bridge-kalinovoye,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,konstantin-vasilyev_parade-in-the-1941,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Symbolism,konstantin-vasilyev_peresvet-s-duel-wtih-chelubai,"[0.0, 3.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,konstantin-vasilyev_prince-igor,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Symbolism,konstantin-vasilyev_reaper,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-vasilyev_russian-knight,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,konstantin-vasilyev_sadko-and-master-marine,"[0.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-vasilyev_sadko-in-the-cypress-plank,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,konstantin-vasilyev_scandinavian-warrior,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Symbolism,konstantin-vasilyev_scandinavian-warrior-1,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,konstantin-vasilyev_self-portrait,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Symbolism,konstantin-vasilyev_spell-fire,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Symbolism,konstantin-vasilyev_sventovit,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Symbolism,konstantin-vasilyev_sviyazhsk,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,konstantin-vasilyev_svjatogor-s-gift,"[0.0, 2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-vasilyev_svjatogor-s-gift-1,"[2.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-vasilyev_the-battle-with-the-dragon,"[0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,konstantin-vasilyev_the-man-with-the-owl,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,konstantin-vasilyev_unexpected-meeting,"[0.0, 2.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]" +Symbolism,konstantin-vasilyev_valkyrie,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,konstantin-vasilyev_valkyrie-above-dead-warrior,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Symbolism,konstantin-vasilyev_volga,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,konstantin-vasilyev_volga-1,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Symbolism,konstantin-vasilyev_volga-2,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,konstantin-vasilyev_volga-and-mikula,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,konstantin-vasilyev_wotan-the-supreme-god-of-the-ancient-scandinavians,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Symbolism,konstantin-vasilyev_yaroslavna-s-lament,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,konstantinos-parthenis_annunciation,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]" +Symbolism,konstantinos-parthenis_christ-1900,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]" +Symbolism,konstantinos-parthenis_lan-with-firs-1902,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,konstantinos-parthenis_landscape-1903,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,konstantinos-parthenis_landscape-1903-1,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,konstantinos-parthenis_landscape-1903-2,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Symbolism,konstantinos-parthenis_landscape-1911,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]" +Symbolism,konstantinos-parthenis_landscape-1917,"[1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,konstantinos-parthenis_portrait-of-averoff,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Symbolism,konstantinos-parthenis_portrait-of-ioulia-partheni-1911,"[0.0, 1.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]" +Symbolism,konstantinos-parthenis_portrait-of-m-p-papathanasiou,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Symbolism,konstantinos-parthenis_portrait-of-p-papathanasiou,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,konstantinos-parthenis_self-portrait-1899,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Symbolism,konstantinos-parthenis_the-slope-1908,"[0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Symbolism,kuzma-petrov-vodkin_1918-in-petrograd-1920,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,kuzma-petrov-vodkin_1919-alarm-1934,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Symbolism,kuzma-petrov-vodkin_a-woman-in-a-chiton-1910,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Symbolism,kuzma-petrov-vodkin_after-the-battle-1923,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 3.0]" +Symbolism,kuzma-petrov-vodkin_alyosha-1927,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0]" +Symbolism,kuzma-petrov-vodkin_angels-with-a-way-savior-1914,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,kuzma-petrov-vodkin_anxiety-1926,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Symbolism,kuzma-petrov-vodkin_apple-and-cherry-1917,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Symbolism,kuzma-petrov-vodkin_apple-and-lemon-1930,"[0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Symbolism,kuzma-petrov-vodkin_apples-1917,"[0.0, 0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,kuzma-petrov-vodkin_archangel-michael-1916,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,kuzma-petrov-vodkin_arrangement-1918,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]" +Symbolism,kuzma-petrov-vodkin_artist-s-model-from-the-back-1906,"[1.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]" +Symbolism,kuzma-petrov-vodkin_bacchante-1912,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,kuzma-petrov-vodkin_bathing-boys-1926,"[0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0, 1.0]" +Symbolism,kuzma-petrov-vodkin_bathing-the-red-horse-1912,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,kuzma-petrov-vodkin_bird-cherry-in-a-glass-1932,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,kuzma-petrov-vodkin_boy-jumping-into-water-1913,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,kuzma-petrov-vodkin_boy-rider-1912,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Symbolism,kuzma-petrov-vodkin_boy-uzbek-1921,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Symbolism,kuzma-petrov-vodkin_boys-1916,"[1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]" +Symbolism,kuzma-petrov-vodkin_boys-game-boy-1911(1),"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Symbolism,kuzma-petrov-vodkin_boys-on-the-background-of-the-city-1921,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,kuzma-petrov-vodkin_boys-on-top-1925,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 2.0]" +Symbolism,kuzma-petrov-vodkin_chaos-1906,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Symbolism,kuzma-petrov-vodkin_coast-1908,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Symbolism,kuzma-petrov-vodkin_costume-design-boyar-to-the-tragedy-of-pushkin-s-boris-godunov-1923,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Symbolism,kuzma-petrov-vodkin_costume-design-by-marina-mnishek-to-the-tragedy-of-pushkin-s-boris-godunov-1923,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]" +Symbolism,kuzma-petrov-vodkin_costume-design-for-archer-to-the-tragedy-of-pushkin-s-boris-godunov-1923,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Symbolism,kuzma-petrov-vodkin_costume-design-for-the-tragedy-of-pushkin-s-boris-godunov-1923,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,kuzma-petrov-vodkin_costume-design-for-the-tragedy-of-pushkin-s-boris-godunov-1923-1,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]" +Symbolism,kuzma-petrov-vodkin_costumes-and-make-up-to-the-tragedy-of-pushkin-s-boris-godunov-1923,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Symbolism,kuzma-petrov-vodkin_death-of-commissar-1928,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Symbolism,kuzma-petrov-vodkin_drawing-a-picture-of-the-witch-1908,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,kuzma-petrov-vodkin_drawing-for-the-painting-death-of-commissioner-1927,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0]" +Symbolism,kuzma-petrov-vodkin_drawing-for-the-painting-s-dream-1910,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]" +Symbolism,kuzma-petrov-vodkin_drawing-hands,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,kuzma-petrov-vodkin_drawing-hands-1913,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,kuzma-petrov-vodkin_earthquake-in-the-crimea-1928,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Symbolism,kuzma-petrov-vodkin_etude-spherical-perspective-1921,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Symbolism,kuzma-petrov-vodkin_fantasy-1925,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,kuzma-petrov-vodkin_fecteau-1915,"[0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 1.0, 0.0, 0.0]" +Symbolism,kuzma-petrov-vodkin_female-head-1910,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,kuzma-petrov-vodkin_female-head-1912,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]" +Symbolism,kuzma-petrov-vodkin_female-head-1913,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Symbolism,kuzma-petrov-vodkin_female-model-1910,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 5.0]" +Symbolism,kuzma-petrov-vodkin_figure-of-s-f-petrova-vodkin-the-artist-s-father-on-his-knees-from-the-back-1909,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,kuzma-petrov-vodkin_first-steps-1925,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Symbolism,kuzma-petrov-vodkin_fruit-on-a-blue-tablecloth-1921,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,kuzma-petrov-vodkin_garson-parisian-cafe-1924,"[0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,kuzma-petrov-vodkin_girl-in-red-scarf-worker-1925,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Symbolism,kuzma-petrov-vodkin_girl-with-a-doll-1937,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]" +Symbolism,kuzma-petrov-vodkin_girls-on-the-volga-1915,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,kuzma-petrov-vodkin_glass-and-lemon-1922,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,kuzma-petrov-vodkin_grapes-1938,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,kuzma-petrov-vodkin_grapes-and-apples-1921,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,kuzma-petrov-vodkin_gypsy-1927,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,kuzma-petrov-vodkin_hand-1915,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Symbolism,kuzma-petrov-vodkin_head-boys-against-the-backdrop-of-the-rural-landscape-1927,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Symbolism,kuzma-petrov-vodkin_head-of-a-boy-1910,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Symbolism,kuzma-petrov-vodkin_head-of-a-boy-1916,"[0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]" +Symbolism,kuzma-petrov-vodkin_head-of-a-boy-1918,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0]" +Symbolism,kuzma-petrov-vodkin_head-of-a-girl-1922,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,kuzma-petrov-vodkin_head-of-boys-1918,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0]" +Symbolism,kuzma-petrov-vodkin_head-of-the-boy-uzbek-1921,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,kuzma-petrov-vodkin_head-of-young-man-adam-1913,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,kuzma-petrov-vodkin_herring-1918,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Symbolism,kuzma-petrov-vodkin_hurricane-1914,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Symbolism,kuzma-petrov-vodkin_in-shuvalovo-1926,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Symbolism,kuzma-petrov-vodkin_in-the-1920,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Symbolism,kuzma-petrov-vodkin_in-the-children-s-1925,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,kuzma-petrov-vodkin_in-the-smithy-1932,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,kuzma-petrov-vodkin_in-the-teahouses-1921,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]" +Symbolism,kuzma-petrov-vodkin_interior-1920,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 1.0]" +Symbolism,kuzma-petrov-vodkin_ivan-karamazov-1927,"[2.0, 1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,kuzma-petrov-vodkin_kiss,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Symbolism,kuzma-petrov-vodkin_kitchen-1922,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,kuzma-petrov-vodkin_krasulin-1915,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,kuzma-petrov-vodkin_landscape-1915,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,kuzma-petrov-vodkin_leg-1909,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Symbolism,kuzma-petrov-vodkin_lenushka-in-bed-1926,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 3.0, 0.0]" +Symbolism,kuzma-petrov-vodkin_lying-boy-1910,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,kuzma-petrov-vodkin_madonna-and-child-1923,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Symbolism,kuzma-petrov-vodkin_may-1st-1919,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,kuzma-petrov-vodkin_men-s-head-1921,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Symbolism,kuzma-petrov-vodkin_model-1907,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Symbolism,kuzma-petrov-vodkin_monumental-head-1911,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0]" +Symbolism,kuzma-petrov-vodkin_morning-1917,"[0.0, 0.0, 3.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]" +Symbolism,kuzma-petrov-vodkin_morning-still-life-1918,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]" +Symbolism,kuzma-petrov-vodkin_mother-1913,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,kuzma-petrov-vodkin_mother-1913-1,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,kuzma-petrov-vodkin_mother-1915,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,kuzma-petrov-vodkin_mother-1919,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]" +Symbolism,kuzma-petrov-vodkin_mother-and-child-1927,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,kuzma-petrov-vodkin_mother-child-saving-1932,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 5.0, 0.0, 0.0]" +Symbolism,kuzma-petrov-vodkin_motherhood-1925,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Symbolism,kuzma-petrov-vodkin_motherhood-1928,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,kuzma-petrov-vodkin_moving-party,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,kuzma-petrov-vodkin_murder-of-abel-by-cain-1910,"[1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]" +Symbolism,kuzma-petrov-vodkin_noon-1917,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,kuzma-petrov-vodkin_old-dieppe-1925,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Symbolism,kuzma-petrov-vodkin_over-a-cliff-1920,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0, 0.0]" +Symbolism,kuzma-petrov-vodkin_paris-notre-dame-1924,"[1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Symbolism,kuzma-petrov-vodkin_peter-s-denial-1919,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]" +Symbolism,kuzma-petrov-vodkin_picture-to-picture-game-boy-1911,"[0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Symbolism,kuzma-petrov-vodkin_pink-still-life-1918,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,kuzma-petrov-vodkin_portrait-of-a-boy-1913,"[0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0]" +Symbolism,kuzma-petrov-vodkin_portrait-of-a-girl-1921,"[0.0, 2.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]" +Symbolism,kuzma-petrov-vodkin_portrait-of-a-p-petrovoy-vodkin-artist-s-mother-1909,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]" +Symbolism,kuzma-petrov-vodkin_portrait-of-a-woman,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Symbolism,kuzma-petrov-vodkin_portrait-of-andrei-bely-1932,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Symbolism,kuzma-petrov-vodkin_portrait-of-anna-akhmatova-1922,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,kuzma-petrov-vodkin_portrait-of-grekova-kazachka-1912,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Symbolism,kuzma-petrov-vodkin_portrait-of-lenin-1934,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,kuzma-petrov-vodkin_portrait-of-m-ehrenburg-1924,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,kuzma-petrov-vodkin_portrait-of-m-f-petrova-vodkina,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,kuzma-petrov-vodkin_portrait-of-m-f-petrova-vodkina-1907,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,kuzma-petrov-vodkin_portrait-of-m-f-petrova-vodkina-1912,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,kuzma-petrov-vodkin_portrait-of-m-f-petrova-vodkina-1913,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Symbolism,kuzma-petrov-vodkin_portrait-of-m-f-petrova-vodkina-the-artist-s-wife-1922,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 3.0]" +Symbolism,kuzma-petrov-vodkin_portrait-of-n-l-1922,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Symbolism,kuzma-petrov-vodkin_portrait-of-professor-beloborodov-1922,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]" +Symbolism,kuzma-petrov-vodkin_portrait-of-ria-portrait-of-a-a-kholopova-1915,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Symbolism,kuzma-petrov-vodkin_portrait-of-the-artist-s-daughter-1935,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,kuzma-petrov-vodkin_portrait-of-the-artist-s-wife-1906,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,kuzma-petrov-vodkin_portrait-of-the-artist-s-wife-1912,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,kuzma-petrov-vodkin_portrait-of-the-artist-s-wife-1913,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Symbolism,kuzma-petrov-vodkin_portrait-of-the-daughter-against-the-backdrop-of-still-life,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Symbolism,kuzma-petrov-vodkin_portrait-of-the-poet-1913,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Symbolism,kuzma-petrov-vodkin_portrait-s-d-mstislavsky-1929,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Symbolism,kuzma-petrov-vodkin_portrait-s-n-andronikova-1925,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Symbolism,kuzma-petrov-vodkin_pushkin-in-st-petersburg-1930,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,kuzma-petrov-vodkin_raznoschitsa-1922,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Symbolism,kuzma-petrov-vodkin_roofs-1923,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]" +Symbolism,kuzma-petrov-vodkin_sacrifice-of-abel-1910,"[1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Symbolism,kuzma-petrov-vodkin_samarkand-1921,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,kuzma-petrov-vodkin_samarkand-1921-1,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Symbolism,kuzma-petrov-vodkin_samarkand-1921-2,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,kuzma-petrov-vodkin_samarkand-1926,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]" +Symbolism,kuzma-petrov-vodkin_seated-boy-1906,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Symbolism,kuzma-petrov-vodkin_seated-naturschitsa-1908,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Symbolism,kuzma-petrov-vodkin_self-portrait-1912,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Symbolism,kuzma-petrov-vodkin_self-portrait-1921,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 1.0, 0.0]" +Symbolism,kuzma-petrov-vodkin_self-portrait-1921-1,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0]" +Symbolism,kuzma-petrov-vodkin_self-portrait-1927,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0]" +Symbolism,kuzma-petrov-vodkin_self-portrait-1927-1,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Symbolism,kuzma-petrov-vodkin_self-portrait-1929,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 2.0]" +Symbolism,kuzma-petrov-vodkin_set-design-for-staging-diary-of-satan-by-l-andreev-1922,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,kuzma-petrov-vodkin_set-design-prologue-to-the-staging-of-satan-s-diary-by-l-andreev-1922,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,kuzma-petrov-vodkin_sevres-1908,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Symbolism,kuzma-petrov-vodkin_shah-i-zinda-1921,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,kuzma-petrov-vodkin_sitter-1913,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Symbolism,kuzma-petrov-vodkin_sketch-for-a-picture-of-mother,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Symbolism,kuzma-petrov-vodkin_sketch-for-the-painting-bathing-the-red-horse-1912,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,kuzma-petrov-vodkin_sketch-for-the-painting-bathing-the-red-horse-1912-1,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,kuzma-petrov-vodkin_sketch-for-the-painting-bathing-the-red-horse-1912-2,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]" +Symbolism,kuzma-petrov-vodkin_sketch-magazine-cover-krasnaya-niva-1926,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,kuzma-petrov-vodkin_sketch-makeup-fool-to-the-tragedy-of-alexander-pushkin-boris-godunov-1923,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]" +Symbolism,kuzma-petrov-vodkin_sketch-makeup-of-satan-to-mock-diary-of-satan-by-l-andreev-1922,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0, 1.0]" +Symbolism,kuzma-petrov-vodkin_sketch-of-a-woman-s-head-to-the-picture-mother-1911,"[0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 1.0]" +Symbolism,kuzma-petrov-vodkin_sketch-of-make-up-to-the-tragedy-of-boris-godunov-pushkin-s-boris-godunov-1923,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Symbolism,kuzma-petrov-vodkin_sketch-of-the-painting-girls-on-the-volga-1914,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,kuzma-petrov-vodkin_sketch-panel-stepan-razin-1918,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Symbolism,kuzma-petrov-vodkin_sleeping-woman-1913,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,kuzma-petrov-vodkin_spring-1935,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,kuzma-petrov-vodkin_spring-in-the-country-1929,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Symbolism,kuzma-petrov-vodkin_spring-in-the-country-1929-1,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,kuzma-petrov-vodkin_still-life-1918,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,kuzma-petrov-vodkin_still-life-1921,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,kuzma-petrov-vodkin_still-life-1921-1,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Symbolism,kuzma-petrov-vodkin_still-life-with-a-female-head-1921,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,kuzma-petrov-vodkin_still-life-with-an-ashtray-1920,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,kuzma-petrov-vodkin_still-life-with-inkwell-1934,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,kuzma-petrov-vodkin_still-life-with-letters-1925,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,kuzma-petrov-vodkin_still-life-with-mirror-1919,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,kuzma-petrov-vodkin_still-life-with-prism-1920,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,kuzma-petrov-vodkin_still-life-with-roses-1922,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]" +Symbolism,kuzma-petrov-vodkin_still-life-with-samovar-1920,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,kuzma-petrov-vodkin_study-for-painting-sleep-1910,"[0.0, 0.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Symbolism,kuzma-petrov-vodkin_tajik,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Symbolism,kuzma-petrov-vodkin_the-daughter-of-a-fisherman-1936,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]" +Symbolism,kuzma-petrov-vodkin_the-daughter-of-an-artist-1923,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Symbolism,kuzma-petrov-vodkin_the-daughter-of-an-artist-1933,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0]" +Symbolism,kuzma-petrov-vodkin_the-dream-1910,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,kuzma-petrov-vodkin_the-first-demonstration-family-working-on-the-first-anniversary-of-october-1927,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,kuzma-petrov-vodkin_the-first-sketch-for-the-painting-in-1919-1925,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Symbolism,kuzma-petrov-vodkin_the-girl-at-the-desk-1934,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Symbolism,kuzma-petrov-vodkin_the-girl-at-the-window-1928,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Symbolism,kuzma-petrov-vodkin_the-girl-in-sarafan-1928,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Symbolism,kuzma-petrov-vodkin_the-girl-in-the-garden-1927,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,kuzma-petrov-vodkin_the-girl-in-the-woods-1938,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Symbolism,kuzma-petrov-vodkin_the-girl-on-the-beach-1925,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Symbolism,kuzma-petrov-vodkin_the-line-of-fire-1916,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]" +Symbolism,kuzma-petrov-vodkin_the-model,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Symbolism,kuzma-petrov-vodkin_the-model-1,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Symbolism,kuzma-petrov-vodkin_the-model-1907,"[0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]" +Symbolism,kuzma-petrov-vodkin_the-model-1924,"[0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Symbolism,kuzma-petrov-vodkin_the-port-of-dieppe-1929,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,kuzma-petrov-vodkin_the-samovar-1926,"[1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,kuzma-petrov-vodkin_thirsty-warrior-1915,"[1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]" +Symbolism,kuzma-petrov-vodkin_trinity-1915,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Symbolism,kuzma-petrov-vodkin_two-1917,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Symbolism,kuzma-petrov-vodkin_two-girls-1915,"[0.0, 2.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Symbolism,kuzma-petrov-vodkin_ul-1923,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Symbolism,kuzma-petrov-vodkin_vasya-1922,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Symbolism,kuzma-petrov-vodkin_violin-1916,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,kuzma-petrov-vodkin_violin-1918,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,kuzma-petrov-vodkin_violin-1921,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,kuzma-petrov-vodkin_virgin-of-tenderness-evil-hearts-1915,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Symbolism,kuzma-petrov-vodkin_workers-1926,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0]" +Symbolism,kuzma-petrov-vodkin_yellow-face-female-face-1921,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Symbolism,kuzma-petrov-vodkin_youth-1915,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,kuzma-petrov-vodkin_youth-kiss-1913,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Symbolism,leon-spilliaert_a-forest,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Symbolism,leon-spilliaert_de-witte-hoeve-1930,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0]" +Symbolism,leon-spilliaert_dog-in-the-snow-1913,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]" +Symbolism,leon-spilliaert_femme-en-pied-1902,"[0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 3.0, 0.0, 0.0]" +Symbolism,leon-spilliaert_femme-nue-tenant-une-coupe-1910,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Symbolism,leon-spilliaert_girls-on-a-dune,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Symbolism,leon-spilliaert_hibou-1918,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Symbolism,leon-spilliaert_l-l-vation-1910,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,leon-spilliaert_la-baigneuse-1910,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Symbolism,leon-spilliaert_les-trois-figures,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Symbolism,leon-spilliaert_moonlight-and-light-1909,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Symbolism,leon-spilliaert_sailing-vessel-at-sea-1920,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Symbolism,leon-spilliaert_self-portrait,"[0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0]" +Symbolism,leon-spilliaert_self-portrait-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]" +Symbolism,leon-spilliaert_self-portrait-1907,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Symbolism,leon-spilliaert_self-portrait-1909,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Symbolism,leon-spilliaert_self-portrait-in-mirror-1908,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]" +Symbolism,leon-spilliaert_the-absinthe-drinker-1907,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Symbolism,leon-spilliaert_the-crossing-1913,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Symbolism,leon-spilliaert_the-open-door-1945,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]" +Symbolism,leon-spilliaert_the-posts-1910,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Symbolism,leon-spilliaert_vertigo-1908,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Symbolism,leon-spilliaert_young-man-with-red-scarf-1908,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Symbolism,leon-spilliaert_young-woman-and-dog-1913,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]" +Symbolism,louis-janmot_l-assomption-de-la-vierge,"[1.0, 6.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Symbolism,louis-janmot_po-me-de-l-me-1-g-n-ration-divine,"[0.0, 3.0, 2.0, 1.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Symbolism,louis-janmot_po-me-de-l-me-10-premi-re-communion,"[0.0, 4.0, 2.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Symbolism,louis-janmot_po-me-de-l-me-12-l-chelle-d-or,"[1.0, 7.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,louis-janmot_po-me-de-l-me-14-sur-la-montagne,"[1.0, 0.0, 6.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Symbolism,louis-janmot_po-me-de-l-me-16-le-vol-de-l-me,"[2.0, 5.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,louis-janmot_po-me-de-l-me-17-l-id-al,"[1.0, 7.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,louis-janmot_po-me-de-l-me-2-le-passage-des-mes,"[1.0, 4.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Symbolism,louis-janmot_po-me-de-l-me-5-souvenir-du-ciel,"[2.0, 3.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Symbolism,louis-janmot_po-me-de-l-me-8-cauchemar,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 7.0, 1.0, 1.0]" +Symbolism,lovis-corinth_paradise-1911,"[1.0, 1.0, 5.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0]" +Symbolism,lovis-corinth_perseus-and-andromeda-1900,"[3.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Symbolism,lovis-corinth_portrait-of-the-poet-peter-hille-1902,"[2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 4.0, 0.0, 3.0]" +Symbolism,lovis-corinth_salome-1900,"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 2.0, 0.0]" +Symbolism,lovis-corinth_self-portrait-as-standard-bearer-1911,"[0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,lovis-corinth_self-portrait-with-skeleton-1896,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Symbolism,lovis-corinth_the-deposition-1895,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0]" +Symbolism,lovis-corinth_the-temptation-of-saint-anthony-1897,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,lovis-corinth_the-trojan-horse-1924,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Symbolism,lovis-corinth_witches-1897,"[1.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,luigi-russolo_self-portrait-with-skulls-1909,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]" +Symbolism,marcel-duchamp_yvonne-and-magdeleine-torn-in-tatters-1911,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Symbolism,martiros-saryan_a-comet-1907,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Symbolism,martiros-saryan_a-street-evening-1910,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Symbolism,martiros-saryan_a-street-noon-1910,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]" +Symbolism,martiros-saryan_akulis-1914,"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0]" +Symbolism,martiros-saryan_apricot-tree-in-blossom-1942,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,martiros-saryan_apricot-tree-in-blossom-1942-1,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,martiros-saryan_apricot-trees-in-blossom-1929,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,martiros-saryan_aragats-1922,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,martiros-saryan_aragats-in-clouds-1923,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,martiros-saryan_ararat-1923-1,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,martiros-saryan_ararat-1951,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,martiros-saryan_ararat-1958,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,martiros-saryan_ararat-1958-1,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,martiros-saryan_ararat-and-arch-charents-1958,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,martiros-saryan_ararat-and-saint-hripsime-church-1945,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,martiros-saryan_ararat-at-spring-1945,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,martiros-saryan_ararat-from-byurakan-1957,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,martiros-saryan_ararat-in-clouds-1971,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Symbolism,martiros-saryan_ararat-valley-1945,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,martiros-saryan_armenia-1923,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,martiros-saryan_armenia-1923-1,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]" +Symbolism,martiros-saryan_armenia-1926,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,martiros-saryan_armenia-1957,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,martiros-saryan_armenia-1959,"[1.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,martiros-saryan_armenia-1970,"[1.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Symbolism,martiros-saryan_autumn-hazy-day-1928,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,martiros-saryan_badikan-and-khan-bohu-1933,"[0.0, 2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,martiros-saryan_blossoming-mountains-1905,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Symbolism,martiros-saryan_by-the-river-1903,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]" +Symbolism,martiros-saryan_by-the-water-1904,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Symbolism,martiros-saryan_caravan-1926,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,martiros-saryan_dream-1904,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,martiros-saryan_evening-1958,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,martiros-saryan_evening-walk-1904,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]" +Symbolism,martiros-saryan_fairy-lake-1905,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,martiros-saryan_fairy-tale-1904,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0]" +Symbolism,martiros-saryan_flowering-branch-1903,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0]" +Symbolism,martiros-saryan_gazelles-1926,"[0.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,martiros-saryan_geghama-mountains-1926,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,martiros-saryan_glow-1957,"[0.0, 1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,martiros-saryan_irises-1903,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Symbolism,martiros-saryan_kara-dag-mountain-1922,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,martiros-saryan_king-with-daughter-1904,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Symbolism,martiros-saryan_land-1969,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,martiros-saryan_landscape-1929,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Symbolism,martiros-saryan_landscape-kalaki-1962,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,martiros-saryan_landscape-mount-aragats-1904,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,martiros-saryan_landscape-shirak-1962,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,martiros-saryan_landscape-turkmenistan-1934,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,martiros-saryan_landscape-with-mountains-1960,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,martiros-saryan_midday-silence-1924,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,martiros-saryan_mount-aragats-at-summer-1922,"[1.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,martiros-saryan_mountain-landscape-1926,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,martiros-saryan_mountain-landscape-1969,"[1.0, 12.0, 12.0, 4.0, 0.0, 0.0, 9.0, 6.0, 2.0]" +Symbolism,martiros-saryan_mountains-1934,"[0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,martiros-saryan_mountais-1923,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,martiros-saryan_near-dvin-1962,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,martiros-saryan_piping-shepherd-1904,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Symbolism,martiros-saryan_princess-1904,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Symbolism,martiros-saryan_sevan-lake-1929,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Symbolism,martiros-saryan_sunny-landscape-1923,"[0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Symbolism,martiros-saryan_sunrise-in-tumanyan-1952,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,martiros-saryan_the-curtain-of-the-state-drama-theater-of-armenia-1923,"[0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,martiros-saryan_under-the-trees-1904,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Symbolism,martiros-saryan_view-of-bjini-fortress-armenia-1923,"[0.0, 3.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,maurice-denis_cupid-in-flight-is-struck-by-the-beauty-of-psyche-1908,"[1.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,maurice-denis_eros-is-struck-by-psyche-s-beauty-1908(1),"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Symbolism,maurice-denis_figures-in-a-spring-landscape,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,maurice-denis_martha-and-mary,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]" +Symbolism,maurice-denis_panel-4-the-vengeance-of-venus,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,maurice-denis_panel-5-in-the-presence-of-the-gods-jupiter-bestows-i(1),"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Symbolism,maurice-denis_panel-6-psyche-s-kin-bid-her-farewell-on-a-mountain-top-1908,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]" +Symbolism,maurice-denis_panel-7-cupid-carrying-psyche-up-to-heaven(1),"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,maurice-denis_paradise,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,maurice-denis_procession-de-fete-dieu,"[0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,maurice-denis_psyche-discovers-that-her-mysterious-lover-is-eros-1908,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Symbolism,maurice-denis_psyche-discovers-that-her-secret-lover-is-cupid,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,maurice-denis_the-annunciation-under-the-arch-with-lilies,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,maurice-denis_the-dancers-also-known-as-eternal-summer-wiesbaden,"[1.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,maurice-denis_the-gathering,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,maurice-denis_virginal-spring-flowering-apple-trees,"[1.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,maurice-denis_zephyr-transporting-psyche-to-the-island-of-delight-1908,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Symbolism,mikalojus-ciurlionis_adoration-of-the-sun-1909(1),"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,mikalojus-ciurlionis_alegro-sonata-of-the-pyramids-1909(1),"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,mikalojus-ciurlionis_allegro-sonata-of-the-sea-1908(1),"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,mikalojus-ciurlionis_allegro-sonata-of-the-serpent-1908(1),"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,mikalojus-ciurlionis_allegro-sonata-of-the-spring-1907(1),"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0]" +Symbolism,mikalojus-ciurlionis_allegro-sonata-of-the-stars-1908(1),"[1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,mikalojus-ciurlionis_allegro-sonata-of-the-sumer-1908(1),"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,mikalojus-ciurlionis_allegro-sonata-of-the-sun-1907(1),"[1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]" +Symbolism,mikalojus-ciurlionis_andante-sonata-of-the-pyramids-1909(1),"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,mikalojus-ciurlionis_andante-sonata-of-the-sea-1908(1),"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,mikalojus-ciurlionis_andante-sonata-of-the-serpent-1908(1),"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Symbolism,mikalojus-ciurlionis_andante-sonata-of-the-spring-1907(1),"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,mikalojus-ciurlionis_andante-sonata-of-the-stars-1908(1),"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Symbolism,mikalojus-ciurlionis_andante-sonata-of-the-sumer-1908(1),"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,mikalojus-ciurlionis_andante-sonata-of-the-sun-1907(1),"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Symbolism,mikalojus-ciurlionis_angel-angel-prelude-1909(1),"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,mikalojus-ciurlionis_aquarius-1907,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Symbolism,mikalojus-ciurlionis_aries-1907,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,mikalojus-ciurlionis_bridges-1905,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,mikalojus-ciurlionis_butterflies-1906,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Symbolism,mikalojus-ciurlionis_cancer-1907,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]" +Symbolism,mikalojus-ciurlionis_capricon-1907,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]" +Symbolism,mikalojus-ciurlionis_castle-castle-fairy-tale-1909,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Symbolism,mikalojus-ciurlionis_city-towers-1906,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 1.0, 0.0]" +Symbolism,mikalojus-ciurlionis_cliff-at-the-seaside-1905,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,mikalojus-ciurlionis_cliff-by-the-sea-1905,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,mikalojus-ciurlionis_composition-1905,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Symbolism,mikalojus-ciurlionis_composition-1909,"[1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,mikalojus-ciurlionis_consert-1904,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 6.0, 0.0, 0.0]" +Symbolism,mikalojus-ciurlionis_creation-of-the-world-i-1906,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]" +Symbolism,mikalojus-ciurlionis_creation-of-the-world-ii-1906,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]" +Symbolism,mikalojus-ciurlionis_creation-of-the-world-iii-1906,"[0.0, 4.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,mikalojus-ciurlionis_creation-of-the-world-iv-1906,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]" +Symbolism,mikalojus-ciurlionis_creation-of-the-world-ix-1906,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,mikalojus-ciurlionis_creation-of-the-world-v-1906,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Symbolism,mikalojus-ciurlionis_creation-of-the-world-vi-1906,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,mikalojus-ciurlionis_creation-of-the-world-vii-1906,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,mikalojus-ciurlionis_creation-of-the-world-viii-1906,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Symbolism,mikalojus-ciurlionis_creation-of-the-world-x-1906,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,mikalojus-ciurlionis_creation-of-the-world-xi-1906,"[0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,mikalojus-ciurlionis_creation-of-the-world-xii-1906,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,mikalojus-ciurlionis_creation-of-the-world-xiii-1906,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,mikalojus-ciurlionis_day-1904,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]" +Symbolism,mikalojus-ciurlionis_daybreak-i-1906,"[0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,mikalojus-ciurlionis_daybreak-ii-1906,"[0.0, 2.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]" +Symbolism,mikalojus-ciurlionis_deluge-i-1904,"[1.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,mikalojus-ciurlionis_deluge-ii-1904,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,mikalojus-ciurlionis_deluge-iii-1904,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Symbolism,mikalojus-ciurlionis_deluge-iv-1904,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Symbolism,mikalojus-ciurlionis_deluge-iv-1904-1,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,mikalojus-ciurlionis_deluge-v-1904,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]" +Symbolism,mikalojus-ciurlionis_deluge-vii-1904,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,mikalojus-ciurlionis_eternity-1906,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Symbolism,mikalojus-ciurlionis_evening-1904,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Symbolism,mikalojus-ciurlionis_faces-1905,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Symbolism,mikalojus-ciurlionis_fairy-tale-ii-1909,"[0.0, 2.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]" +Symbolism,mikalojus-ciurlionis_finale-sonata-of-the-sea-1908,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Symbolism,mikalojus-ciurlionis_finale-sonata-of-the-serpent-1908,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,mikalojus-ciurlionis_finale-sonata-of-the-spring-1907,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,mikalojus-ciurlionis_finale-sonata-of-the-sumer-1908,"[0.0, 3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,mikalojus-ciurlionis_finale-sonata-of-the-sun-1907,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Symbolism,mikalojus-ciurlionis_forest-1906,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Symbolism,mikalojus-ciurlionis_forest-1907,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,mikalojus-ciurlionis_fortress-fortress-fairy-tale-1908,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 3.0]" +Symbolism,mikalojus-ciurlionis_friendship-1907,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,mikalojus-ciurlionis_fugue-1908,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]" +Symbolism,mikalojus-ciurlionis_fugue-1908-1,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,mikalojus-ciurlionis_funeral-symphony-i-1903,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,mikalojus-ciurlionis_funeral-symphony-ii-1903,"[0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,mikalojus-ciurlionis_funeral-symphony-iii-1903,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Symbolism,mikalojus-ciurlionis_funeral-symphony-iv-1903,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,mikalojus-ciurlionis_funeral-symphony-v-1903,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Symbolism,mikalojus-ciurlionis_funeral-symphony-vi-1903,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Symbolism,mikalojus-ciurlionis_funeral-symphony-vii-1903,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]" +Symbolism,mikalojus-ciurlionis_gemini-1907,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,mikalojus-ciurlionis_graveyard-motif-1909,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,mikalojus-ciurlionis_hymn-ii,"[0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,mikalojus-ciurlionis_joseph-s-dream-1907,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,mikalojus-ciurlionis_journey-of-the-prince-i-1907,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,mikalojus-ciurlionis_journey-of-the-prince-ii-1907,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]" +Symbolism,mikalojus-ciurlionis_journey-of-the-prince-iii-1907,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,mikalojus-ciurlionis_kings-fairy-tale-kings-1909,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,mikalojus-ciurlionis_leo-1907,"[1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,mikalojus-ciurlionis_libra-1907,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Symbolism,mikalojus-ciurlionis_lightning-1909,"[0.0, 3.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,mikalojus-ciurlionis_lithuanian-graveyard-1909,"[0.0, 2.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,mikalojus-ciurlionis_mists-1906,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Symbolism,mikalojus-ciurlionis_morning-1904,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,mikalojus-ciurlionis_mountain-1906,"[0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Symbolism,mikalojus-ciurlionis_my-road-i-1907,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,mikalojus-ciurlionis_my-road-ii-1907,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Symbolism,mikalojus-ciurlionis_my-road-iii-1907,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Symbolism,mikalojus-ciurlionis_news-1905,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,mikalojus-ciurlionis_night,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,mikalojus-ciurlionis_night-1904,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Symbolism,mikalojus-ciurlionis_night-1905,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 1.0]" +Symbolism,mikalojus-ciurlionis_not_detected_194336,"[1.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,mikalojus-ciurlionis_not_detected_194337,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,mikalojus-ciurlionis_not_detected_194338,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]" +Symbolism,mikalojus-ciurlionis_not_detected_194339,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Symbolism,mikalojus-ciurlionis_not_detected_194340,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,mikalojus-ciurlionis_not_detected_194341,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,mikalojus-ciurlionis_paradise-1909,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Symbolism,mikalojus-ciurlionis_pisces-1907,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,mikalojus-ciurlionis_prelude-1908,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]" +Symbolism,mikalojus-ciurlionis_prelude-1908-1,"[0.0, 2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,mikalojus-ciurlionis_prelude-the-knight-prelude-1909,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Symbolism,mikalojus-ciurlionis_raigardas-i-1907,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,mikalojus-ciurlionis_raigardas-ii-1907,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,mikalojus-ciurlionis_raigardas-iii-1907,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,mikalojus-ciurlionis_rex-1909,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Symbolism,mikalojus-ciurlionis_rex-i-1904,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,mikalojus-ciurlionis_rex-ii-1904,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Symbolism,mikalojus-ciurlionis_rex-iii-1904,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,mikalojus-ciurlionis_rustle-of-the-forest-1904,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Symbolism,mikalojus-ciurlionis_sagittarius-1907,"[0.0, 1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,mikalojus-ciurlionis_sailing-boats-1906,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,mikalojus-ciurlionis_scherzo-sonata-of-the-pyramids-1909,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,mikalojus-ciurlionis_scherzo-sonata-of-the-serpent-1908,"[0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0]" +Symbolism,mikalojus-ciurlionis_scherzo-sonata-of-the-spring-1907,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,mikalojus-ciurlionis_scherzo-sonata-of-the-summer-1907,"[1.0, 3.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Symbolism,mikalojus-ciurlionis_scherzo-sonata-of-the-sun-1907,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,mikalojus-ciurlionis_scorpio-1907,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,mikalojus-ciurlionis_sea-at-night-1906,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]" +Symbolism,mikalojus-ciurlionis_sea-etude-1905,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Symbolism,mikalojus-ciurlionis_seashore-1905,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,mikalojus-ciurlionis_serenity-1904,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Symbolism,mikalojus-ciurlionis_serenity-1905,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,mikalojus-ciurlionis_ship-1906,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Symbolism,mikalojus-ciurlionis_silense-1907,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,mikalojus-ciurlionis_sorrow-i-1907,"[0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,mikalojus-ciurlionis_sorrow-ii-1907,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,mikalojus-ciurlionis_sparks-i-1906,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]" +Symbolism,mikalojus-ciurlionis_sparks-ii-1906,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,mikalojus-ciurlionis_sparks-iii-1906,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Symbolism,mikalojus-ciurlionis_spring-motif-1908,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Symbolism,mikalojus-ciurlionis_sunrise-1904,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Symbolism,mikalojus-ciurlionis_sunset-1904,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Symbolism,mikalojus-ciurlionis_taurus-1907,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]" +Symbolism,mikalojus-ciurlionis_the-altar-1909,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]" +Symbolism,mikalojus-ciurlionis_the-angel-1905,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]" +Symbolism,mikalojus-ciurlionis_the-city-1908,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Symbolism,mikalojus-ciurlionis_the-city-1908-1,"[1.0, 12.0, 9.0, 5.0, 0.0, 1.0, 0.0, 8.0, 9.0]" +Symbolism,mikalojus-ciurlionis_the-demon-1909,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]" +Symbolism,mikalojus-ciurlionis_the-goat-1904,"[0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,mikalojus-ciurlionis_the-hymn-1904,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Symbolism,mikalojus-ciurlionis_the-offering-1909,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]" +Symbolism,mikalojus-ciurlionis_the-past-1907,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,mikalojus-ciurlionis_the-sun-1907,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,mikalojus-ciurlionis_the-thought-1904,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Symbolism,mikalojus-ciurlionis_the-worlds-of-mars-1905,"[2.0, 4.0, 15.0, 3.0, 0.0, 12.0, 5.0, 5.0, 5.0]" +Symbolism,mikalojus-ciurlionis_thor-1909,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,mikalojus-ciurlionis_thoughts-1907,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,mikalojus-ciurlionis_truth-1905,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 2.0]" +Symbolism,mikalojus-ciurlionis_village-under-the-snow-1908,"[0.0, 4.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Symbolism,mikalojus-ciurlionis_virgo-1907,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,mikalojus-ciurlionis_vision-1905,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Symbolism,mikalojus-ciurlionis_wayside-crosses-of-zemaitija-1909,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,mikalojus-ciurlionis_winter-i-1907,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,mikalojus-ciurlionis_winter-ii-1907,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Symbolism,mikalojus-ciurlionis_winter-iii-1907,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Symbolism,mikalojus-ciurlionis_winter-iv-1907,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,mikalojus-ciurlionis_winter-motif-1907,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]" +Symbolism,mikalojus-ciurlionis_winter-v-1907,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]" +Symbolism,mikalojus-ciurlionis_winter-vi-1907,"[0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 1.0, 1.0, 0.0]" +Symbolism,mikalojus-ciurlionis_winter-vii-1907,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 1.0]" +Symbolism,mikalojus-ciurlionis_winter-viii-1907,"[1.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Symbolism,mikalojus-ciurlionis_wrath-ii-1904(1),"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Symbolism,mikhail-nesterov_a-fresco-by-m-nesterov-from-akhali-zarzma-monastery-abastumani-georgia,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,mikhail-nesterov_alenushka,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Symbolism,mikhail-nesterov_angel-on-the-holy-sepulchre,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0]" +Symbolism,mikhail-nesterov_archbishop-portrait-of-antoniy-volynskiy-1917,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,mikhail-nesterov_ascension-1895,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,mikhail-nesterov_at-the-council-sketch,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,mikhail-nesterov_autumn-landscape-1934,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,mikhail-nesterov_by-volga-1905,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,mikhail-nesterov_by-volga-1906,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Symbolism,mikhail-nesterov_christ-blesses-bartholomew,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,mikhail-nesterov_christ-with-martha-and-mary-1911,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,mikhail-nesterov_crucifixion-1912,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 4.0, 0.0]" +Symbolism,mikhail-nesterov_descent-into-hell-1895,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,mikhail-nesterov_elegy-blind-musician-1928,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Symbolism,mikhail-nesterov_for-the-love-potion-1888,"[2.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,mikhail-nesterov_girls-on-the-bank-of-the-river,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,mikhail-nesterov_hermit-fathers-and-immaculate-women-1932,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0]" +Symbolism,mikhail-nesterov_holy-equal-to-the-apostles-olga-1927,"[1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,mikhail-nesterov_homeland-of-aksakov-urals-1914,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,mikhail-nesterov_ilya-muromets-1887,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]" +Symbolism,mikhail-nesterov_intercession-of-our-lady-1914,"[0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]" +Symbolism,mikhail-nesterov_lel-1933,"[1.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,mikhail-nesterov_michael-s-vocation-to-the-realm-1885,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]" +Symbolism,mikhail-nesterov_novice-with-a-cross,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,mikhail-nesterov_on-the-mountains-1896,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Symbolism,mikhail-nesterov_pond-1906,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,mikhail-nesterov_portrait-of-a-girl-study-for-youth-of-st-sergiy-radonezhsky,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,mikhail-nesterov_portrait-of-apollinary-vasnetsov,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Symbolism,mikhail-nesterov_portrait-of-e-p-nesterova-1906,"[0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,mikhail-nesterov_portrait-of-ekaterina-nesterova-1905,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,mikhail-nesterov_portrait-of-natalia-yashvil-1905,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,mikhail-nesterov_portrait-of-o-m-nesterova-the-artist-s-daughter-1905,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Symbolism,mikhail-nesterov_portrait-of-o-nesterova-the-artist-daughter,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]" +Symbolism,mikhail-nesterov_portrait-of-olga-nesterova-woman-in-a-riding-habit-1906,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Symbolism,mikhail-nesterov_portrait-of-v-m-nesterova-1908,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,mikhail-nesterov_portrait-of-victor-vasnetsov-1925,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,mikhail-nesterov_prince-alexander-nevsky,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,mikhail-nesterov_reedpipe-1931,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Symbolism,mikhail-nesterov_resurrection,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,mikhail-nesterov_riders-1932,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,mikhail-nesterov_river-belaya-1909,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,mikhail-nesterov_rus-the-soul-of-the-people-1916,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,mikhail-nesterov_saint-barbara,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]" +Symbolism,mikhail-nesterov_saint-russia,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Symbolism,mikhail-nesterov_saint-sergius-labours-1896(1),"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,mikhail-nesterov_saint-sergius-labours-central-part-of-the-triptych-1896,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,mikhail-nesterov_saint-sergius-labours-right-part-of-the-triptych-1896,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,mikhail-nesterov_self-portrait-1915,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,mikhail-nesterov_silence-1888,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Symbolism,mikhail-nesterov_silence-1903,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,mikhail-nesterov_solovki-1917,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,mikhail-nesterov_spring-1922,"[4.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,mikhail-nesterov_st-jonh-the-apostle-1909,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Symbolism,mikhail-nesterov_st-luke-the-apostle-1909,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]" +Symbolism,mikhail-nesterov_st-mark-the-apostle-1909,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Symbolism,mikhail-nesterov_st-olga,"[0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]" +Symbolism,mikhail-nesterov_st-paphnutius-of-borovsk,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,mikhail-nesterov_study-to-harmony-concord,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,mikhail-nesterov_summer,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Symbolism,mikhail-nesterov_the-hermit-1889,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Symbolism,mikhail-nesterov_the-philosophers-portrait-of-sergei-bulgakov-and-pavel-florenskiy-1917,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Symbolism,mikhail-nesterov_the-raising-of-lazarus,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Symbolism,mikhail-nesterov_the-taking-of-the-veil-1898,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Symbolism,mikhail-nesterov_the-vision-of-the-young-bartholomew,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Symbolism,mikhail-nesterov_the-vision-of-the-young-bartholomew-1890,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 1.0]" +Symbolism,mikhail-nesterov_the-vision-to-ivan-susanin-michael-s-image-1906,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,mikhail-nesterov_thinker-portrait-of-philisopher-ivan-ilyin-1921,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Symbolism,mikhail-nesterov_thought-1900,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]" +Symbolism,mikhail-nesterov_to-blagovest-1895,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Symbolism,mikhail-nesterov_tsar-alexei-mikhailovich-1887,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,mikhail-nesterov_tsarevich-dimitry-1899,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,mikhail-nesterov_venerable-sergius-of-radonezh-1899,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,mikhail-nesterov_venerable-sergius-of-radonezh-sketch,"[1.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0]" +Symbolism,mikhail-nesterov_vesper,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 2.0]" +Symbolism,mikhail-nesterov_way-to-christ,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Symbolism,mikhail-nesterov_wayfarer-1921,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0]" +Symbolism,mikhail-nesterov_winter-in-skit-1904,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Symbolism,mikhail-nesterov_youth-of-st-sergius-1891,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,mikhail-nesterov_youth-of-st-sergius-1897,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Symbolism,mikhail-vrubel_bogatyr-1898,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Symbolism,mikhail-vrubel_briar-1884,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Symbolism,mikhail-vrubel_bryusov-1906,"[0.0, 3.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Symbolism,mikhail-vrubel_demon-and-angel-with-tamara-s-soul-1891,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]" +Symbolism,mikhail-vrubel_demon-by-the-walls-of-monastery,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]" +Symbolism,mikhail-vrubel_demon-looking,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]" +Symbolism,mikhail-vrubel_demon-looking-to-the-valley,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 2.0]" +Symbolism,mikhail-vrubel_eastern-dance-1887,"[0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0, 2.0]" +Symbolism,mikhail-vrubel_eastern-tale-1886,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]" +Symbolism,mikhail-vrubel_egyptian-woman,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,mikhail-vrubel_fallen-demon-1901,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0, 2.0]" +Symbolism,mikhail-vrubel_fallen-demon-1901-1,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Symbolism,mikhail-vrubel_fallen-demon-1902,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 3.0]" +Symbolism,mikhail-vrubel_fantastic-landscape-1894,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Symbolism,mikhail-vrubel_flowers,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,mikhail-vrubel_flowers-in-a-blue-vase,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Symbolism,mikhail-vrubel_guido,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Symbolism,mikhail-vrubel_hamlet-and-ophelia-1883,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Symbolism,mikhail-vrubel_hamlet-and-ophelia-1884,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]" +Symbolism,mikhail-vrubel_hamlet-and-ophelia-1888,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]" +Symbolism,mikhail-vrubel_hansel-and-gretel-1896,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,mikhail-vrubel_head-of-angel-1887,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Symbolism,mikhail-vrubel_head-of-demon,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]" +Symbolism,mikhail-vrubel_head-of-demon-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 2.0, 0.0]" +Symbolism,mikhail-vrubel_head-of-demon-1890,"[1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,mikhail-vrubel_head-of-demon-with-mountains-1890,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Symbolism,mikhail-vrubel_head-of-prophet-1905,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Symbolism,mikhail-vrubel_horseman-1890,"[0.0, 1.0, 1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0]" +Symbolism,mikhail-vrubel_italian-night-in-naples-sketch-for-the-curtain-in-russian-private-opera-1891,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]" +Symbolism,mikhail-vrubel_italian-night-sketch-for-the-curtain-in-russian-private-opera-1891,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Symbolism,mikhail-vrubel_italy-scenes-of-ancient-life-sketch-for-the-curtain-in-russian-private-opera-1891,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]" +Symbolism,mikhail-vrubel_kampanules-1904,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 2.0]" +Symbolism,mikhail-vrubel_karibeevich,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 4.0, 0.0]" +Symbolism,mikhail-vrubel_lelle,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Symbolism,mikhail-vrubel_lilacs-1900,"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 1.0, 0.0]" +Symbolism,mikhail-vrubel_lilacs-1901,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,mikhail-vrubel_mermaid,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,mikhail-vrubel_mizgir,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Symbolism,mikhail-vrubel_morning-1897,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Symbolism,mikhail-vrubel_orchid,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,mikhail-vrubel_pan-1899,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 5.0, 0.0]" +Symbolism,mikhail-vrubel_parting-of-the-sea-king-and-princess-volkhova-1898,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Symbolism,mikhail-vrubel_pearl-oister-1904,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Symbolism,mikhail-vrubel_piet-1887-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]" +Symbolism,mikhail-vrubel_playing-naiads-and-tritons,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Symbolism,mikhail-vrubel_portrait-of-a-girl-against-a-persian-carpet-1886,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]" +Symbolism,mikhail-vrubel_portrait-of-doctor-fiodor-usoltsev-with-an-icon-in-the-background,"[0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,mikhail-vrubel_portrait-of-m-v-yakunchikova,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Symbolism,mikhail-vrubel_princess-volhova,"[0.0, 0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 1.0]" +Symbolism,mikhail-vrubel_princess-volhova-1900,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Symbolism,mikhail-vrubel_prophet-1898,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 1.0]" +Symbolism,mikhail-vrubel_resurrection-1887,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 3.0, 0.0]" +Symbolism,mikhail-vrubel_resurrection-1887-1,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Symbolism,mikhail-vrubel_roses-and-orchids-1894,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,mikhail-vrubel_sadko-1899,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Symbolism,mikhail-vrubel_sadko-1899-1,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,mikhail-vrubel_sadko-1900,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,mikhail-vrubel_sappho,"[3.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Symbolism,mikhail-vrubel_seated-demon-1890,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Symbolism,mikhail-vrubel_self-portrait-1885,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]" +Symbolism,mikhail-vrubel_self-portrait-1904,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Symbolism,mikhail-vrubel_self-portrait-1905,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]" +Symbolism,mikhail-vrubel_shadows-of-the-lagoons-and-naiades-1905,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Symbolism,mikhail-vrubel_sitter-in-the-renaissance-setting-1883,"[1.0, 2.0, 4.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Symbolism,mikhail-vrubel_spain-1894,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 1.0]" +Symbolism,mikhail-vrubel_swan-1901,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]" +Symbolism,mikhail-vrubel_tamara-and-demon-1891,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Symbolism,mikhail-vrubel_tamara-and-demon-1891-1,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,mikhail-vrubel_tamara-dancing-1891,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]" +Symbolism,mikhail-vrubel_tamara-lying-in-state-1891,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Symbolism,mikhail-vrubel_the-alexander-sloboda-1899,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Symbolism,mikhail-vrubel_the-demon-1891,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]" +Symbolism,mikhail-vrubel_the-flying-demon,"[0.0, 5.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Symbolism,mikhail-vrubel_the-flying-demon-1899,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Symbolism,mikhail-vrubel_the-fortune-teller-1895,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]" +Symbolism,mikhail-vrubel_the-judgement-of-paris-1893,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,mikhail-vrubel_the-lilacs-1900,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Symbolism,mikhail-vrubel_the-six-winged-seraph-1904,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]" +Symbolism,mikhail-vrubel_the-six-winged-seraph-1905,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,mikhail-vrubel_the-snow-maiden,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Symbolism,mikhail-vrubel_the-swan-princess-1900,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Symbolism,mikhail-vrubel_the-vision-of-the-prophet-ezekiel-1906,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Symbolism,mikhail-vrubel_the-winter-canal-1901,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Symbolism,mikhail-vrubel_thirty-three-knights-1901,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]" +Symbolism,mikhail-vrubel_two-gondolas-on-the-quay-1885,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Symbolism,mikhail-vrubel_valkyr-1899,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,mikhail-vrubel_vase,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,mikhail-vrubel_venice-1893,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,mikhail-vrubel_venice-bridge-of-sighs-1894,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Symbolism,mikhail-vrubel_virgin-and-child,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Symbolism,mikhail-vrubel_walking-on-water-1891,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Symbolism,mikhail-vrubel_water-lilies,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Symbolism,mikhail-vrubel_white-iris,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 2.0, 0.0]" +Symbolism,mikhail-vrubel_woman-s-head-emily-l-prahova-1884,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Symbolism,mikhail-vrubel_yellow-roses-1894,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,mstislav-dobuzhinsky_a-church-in-kalviai-1933,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Symbolism,mstislav-dobuzhinsky_a-church-in-seda-1933,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,mstislav-dobuzhinsky_a-cottage-in-st-petersburg-1905,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,mstislav-dobuzhinsky_a-doll-1905,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]" +Symbolism,mstislav-dobuzhinsky_a-house-in-kaunas-1930,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Symbolism,mstislav-dobuzhinsky_a-nook-of-petersburg-1904,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,mstislav-dobuzhinsky_a-small-house-in-st-petersburg-1905,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Symbolism,mstislav-dobuzhinsky_a-street-in-bruges,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,mstislav-dobuzhinsky_a-street-scene-from-riga-1925,"[2.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,mstislav-dobuzhinsky_an-illustration-from-a-pushkin-s-eugene-onegin-1936,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]" +Symbolism,mstislav-dobuzhinsky_auk-nai-1930,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,mstislav-dobuzhinsky_auk-nai-church-belfry-1933,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,mstislav-dobuzhinsky_baltic-townscape,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,mstislav-dobuzhinsky_bridge-in-k-dainiai-1933,"[0.0, 3.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Symbolism,mstislav-dobuzhinsky_bruges-courtyard-1910,"[0.0, 0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,mstislav-dobuzhinsky_chernihiv-photography-1912,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,mstislav-dobuzhinsky_chernihiv-warehouses-1912,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,mstislav-dobuzhinsky_church-in-vilnius,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0]" +Symbolism,mstislav-dobuzhinsky_city-1904,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,mstislav-dobuzhinsky_city-1914,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Symbolism,mstislav-dobuzhinsky_courtyard-in-palanga-1932,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]" +Symbolism,mstislav-dobuzhinsky_courtyard-in-shaukenay-1934,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Symbolism,mstislav-dobuzhinsky_cross-in-tel-iai-1933,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Symbolism,mstislav-dobuzhinsky_dredger-1923,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 1.0]" +Symbolism,mstislav-dobuzhinsky_evening-landscape-1915,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,mstislav-dobuzhinsky_farm-in-new-england-1940,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,mstislav-dobuzhinsky_garden-1915,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,mstislav-dobuzhinsky_garden-in-the-city-1905,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,mstislav-dobuzhinsky_gate-of-dawn-1905(1),"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,mstislav-dobuzhinsky_gates-of-dawn-1914,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Symbolism,mstislav-dobuzhinsky_glassmakers-street-in-vilno,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,mstislav-dobuzhinsky_glassmakers-street-in-vilno-1906-1,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Symbolism,mstislav-dobuzhinsky_illustration-for-dostoevsky-s-the-possessed-1913,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 1.0, 0.0]" +Symbolism,mstislav-dobuzhinsky_illustration-for-dostoevsky-s-the-possessed-1913-1,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Symbolism,mstislav-dobuzhinsky_in-old-vilno-1902(1),"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,mstislav-dobuzhinsky_interior-newport-rhode-island,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]" +Symbolism,mstislav-dobuzhinsky_k-dainiai-old-wooden-catholic-church,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Symbolism,mstislav-dobuzhinsky_kaunas-1933,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Symbolism,mstislav-dobuzhinsky_kaunas-cathedral-1931,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Symbolism,mstislav-dobuzhinsky_kaunas-old-house-1932,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Symbolism,mstislav-dobuzhinsky_kaunas-saric-church-1930,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,mstislav-dobuzhinsky_kaunas-the-old-houses-1931,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,mstislav-dobuzhinsky_kaunas-zhalyakalnis-winter,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,mstislav-dobuzhinsky_leningrad-in-blockade-sketch-on-the-theme-of-leningrad-symphony-of-d-d-shostakovich-1943,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 5.0, 0.0]" +Symbolism,mstislav-dobuzhinsky_lions-bridge-1923,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Symbolism,mstislav-dobuzhinsky_marketplace-in-siauliai-1934,"[1.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,mstislav-dobuzhinsky_monument-to-peter-the-great-1923,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,mstislav-dobuzhinsky_moritzburg-castle,"[1.0, 1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,mstislav-dobuzhinsky_naples-1911,"[1.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,mstislav-dobuzhinsky_naples-1914,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 1.0]" +Symbolism,mstislav-dobuzhinsky_new-york-rooftops-my-windows-in-new-york-1943,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,mstislav-dobuzhinsky_old-city-in-kaunas-1923,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]" +Symbolism,mstislav-dobuzhinsky_old-city-in-kaunas-1923-1,"[0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Symbolism,mstislav-dobuzhinsky_old-city-in-kaunas-1930,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,mstislav-dobuzhinsky_old-house-in-germany-1957,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Symbolism,mstislav-dobuzhinsky_old-vilno-1910,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Symbolism,mstislav-dobuzhinsky_perugia-lion-and-gryphon,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Symbolism,mstislav-dobuzhinsky_peter-and-paul-fortress-1923,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]" +Symbolism,mstislav-dobuzhinsky_petersburg-1914,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]" +Symbolism,mstislav-dobuzhinsky_petersburg-the-obvodny-canal-1902,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Symbolism,mstislav-dobuzhinsky_plung-s-water-mill-1933,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,mstislav-dobuzhinsky_project-for-the-first-almanac-chipovnick-1906,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,mstislav-dobuzhinsky_province-voronezh-1912,"[0.0, 0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,mstislav-dobuzhinsky_pskov-1923,"[0.0, 0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,mstislav-dobuzhinsky_pskov-1923-1,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]" +Symbolism,mstislav-dobuzhinsky_pskov-the-fish-market-1922,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Symbolism,mstislav-dobuzhinsky_riga,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,mstislav-dobuzhinsky_riga-a-nook-of-the-embankment,"[1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Symbolism,mstislav-dobuzhinsky_roofs-1931,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0]" +Symbolism,mstislav-dobuzhinsky_rooftops-1901,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0, 0.0]" +Symbolism,mstislav-dobuzhinsky_rooftops-under-the-snow-1916,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0]" +Symbolism,mstislav-dobuzhinsky_rue-neuve-in-bruges,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,mstislav-dobuzhinsky_saint-isaac-s-cathedral-under-the-snow-1922,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Symbolism,mstislav-dobuzhinsky_seda-church-1933,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,mstislav-dobuzhinsky_self-portrait,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]" +Symbolism,mstislav-dobuzhinsky_sphinxes-1922,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Symbolism,mstislav-dobuzhinsky_street-in-london-1915,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Symbolism,mstislav-dobuzhinsky_street-in-munich-1901,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Symbolism,mstislav-dobuzhinsky_street-in-vilno-1910(1),"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,mstislav-dobuzhinsky_summer-garden-in-winter-1922(1),"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]" +Symbolism,mstislav-dobuzhinsky_synagogue,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,mstislav-dobuzhinsky_the-chapel-of-our-lady-of-the-gate-of-dawn(1),"[0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,mstislav-dobuzhinsky_the-district-court-1923,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,mstislav-dobuzhinsky_the-english-embankment-at-snow-1923,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]" +Symbolism,mstislav-dobuzhinsky_the-kiss-1916(1),"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 2.0, 1.0, 0.0]" +Symbolism,mstislav-dobuzhinsky_twilight-1900,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Symbolism,mstislav-dobuzhinsky_unknown-woman-in-red-1901,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]" +Symbolism,mstislav-dobuzhinsky_viaduct-in-london-1915,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Symbolism,mstislav-dobuzhinsky_view-of-chernihiv-ukraine,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,mstislav-dobuzhinsky_vilna-in-the-courtyard-of-the-catholic-church,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,mstislav-dobuzhinsky_vilna-mostovaya-street(1),"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Symbolism,mstislav-dobuzhinsky_vilna-the-old-manor-house-on-mostovaya-street-1910,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,mstislav-dobuzhinsky_vilnius-st-catherine-s-church-1906,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,mstislav-dobuzhinsky_vilno-entrance-to-the-holy-trinity-monastery(1),"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,mstislav-dobuzhinsky_vilno-in-the-courtyard-of-old-university,"[1.0, 5.0, 20.0, 2.0, 0.0, 3.0, 5.0, 1.0, 8.0]" +Symbolism,mstislav-dobuzhinsky_vilno-market-near-the-wall-1907,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0, 0.0]" +Symbolism,mstislav-dobuzhinsky_vilno-old-wall-1907,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Symbolism,mstislav-dobuzhinsky_vilno-street-1906(1),"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,mstislav-dobuzhinsky_vilno-zamkovaya-street-1906,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,mstislav-dobuzhinsky_vision-of-the-city,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Symbolism,mstislav-dobuzhinsky_white-nights-1922,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 3.0, 0.0]" +Symbolism,mstislav-dobuzhinsky_white-nights-1922-1(1),"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Symbolism,mstislav-dobuzhinsky_white-nights-1922-2(1),"[3.0, 7.0, 9.0, 2.0, 0.0, 0.0, 9.0, 17.0, 4.0]" +Symbolism,mstislav-dobuzhinsky_white-nights-1922-3,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0]" +Symbolism,mstislav-dobuzhinsky_white-nights-1922-4,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Symbolism,mstislav-dobuzhinsky_white-nights-1922-5,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Symbolism,mstislav-dobuzhinsky_white-nights-1922-6,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Symbolism,mstislav-dobuzhinsky_white-nights-1922-7,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,mstislav-dobuzhinsky_winter-in-the-city-1904,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Symbolism,mstislav-dobuzhinsky_yard-petersburg,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Symbolism,nicholas-roerich_a-bird-with-spread-wings,"[0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_a-depiction-of-the-cintamani-being-carried-by-the-lung-ta-wind-horse-1936,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_a-hill-1939,"[0.0, 2.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_a-steep-snow-slope-1924,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_a-tree-1944,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_abode-of-king-gesar-1947,"[0.0, 3.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_abode-of-the-spirit,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_agni-yoga,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_ajanta-the-rock-temples-1938,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_ak-tagh-lenin-s-mountain,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,nicholas-roerich_alexander-nevsky-1942,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Symbolism,nicholas-roerich_all-ridge-1924,"[0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_allal-ming-1920,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_alps-study-1923,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_ambassador-1914,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]" +Symbolism,nicholas-roerich_ancient-city,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_ancient-landscape-1910,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_ancient-novgorod-the-saviour-nereditsa,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_ancient-pskov-1936,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,nicholas-roerich_ancient-serpent-serpent-of-wisdom-1924,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_and-we-are-opening-the-gates-1922,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_and-we-are-opening-the-gates-1922-1,"[0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_and-we-are-opening-the-gates-1924,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_and-we-bring-the-light-1922,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_and-we-continue-fishing-1922,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_and-we-labor-1922,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Symbolism,nicholas-roerich_and-we-not-afraid-1922,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_anxiety-1938,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_arhat,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Symbolism,nicholas-roerich_arhat-1932,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Symbolism,nicholas-roerich_arjuna,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_armageddon,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_armageddon-1936,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_armageddon-1940,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_ashram-1933,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_ashram-1940,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Symbolism,nicholas-roerich_ashram-ceylon-1931,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_at-midnight-light-of-the-shambhala-1940,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_atlant-1921,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_baltistan-the-border-with-ladakh-1936,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_banner-of-peace-1931,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_banner-of-the-future-1925,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_barrows-1915,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Symbolism,nicholas-roerich_basgo-1932,"[0.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_battle-in-the-heavens-1912,"[1.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_batuhalka-the-capital-of-inner-mongolia-1927,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,nicholas-roerich_beda-the-preacher-1945,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_behest-of-the-sky-1915,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_bell-mountain-1932,"[1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_beneficial-herbs-vasilisa-the-wise-1941,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Symbolism,nicholas-roerich_bhagavan-1943,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,nicholas-roerich_bharagarh-fort-1929,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_birbe-mountain-from-keylong,"[0.0, 1.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_black-gobi-1928,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_blessed-soul-bhagavan-sri-ramakrishna-1924,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_blue-temples-1921,"[0.0, 2.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_blue-temples-grand-canyon-arizona-1921,"[1.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_bogatyrs-woke-up-1940,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_bogdo-ul-1927,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_bogdo-ul-1927-1,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_bogdo-ul-hurricane-1927,"[0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,nicholas-roerich_bonpo-stronghold-1933,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_book-of-doves-1922,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_book-of-life-1939,"[0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_book-of-wisdom-1924,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_border-of-tibet-1940,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_border-of-tibet-tsaidam-1936,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_boris-and-gleb-1942,"[1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_boris-and-gleb-1943,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_boundary-of-kingdoms-1915,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Symbolism,nicholas-roerich_boundary-of-kingdoms-1916,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_boundary-of-sword-study-1933,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_bowels-1924,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_brahmaputra,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_brahmaputra-1932,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_brahmaputra-1945,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_brahmaputra-1946,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_brahmaputra-1946-1,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_brahmaputra-tsangpo-1928,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_brangena-1912-1,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_bridge-of-glory-1923,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_buddha-s-test-1927,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_buddha-the-winner-1925,"[0.0, 1.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_bum-erdeni-1947,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Symbolism,nicholas-roerich_burein-gol-qaidam-1928,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]" +Symbolism,nicholas-roerich_buried-treasures-1917,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_burning-the-darkness-1924,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,nicholas-roerich_by-the-brahmaputra-1926,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_by-the-sea-1916,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_call-of-the-sky-1935,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_calling-1944,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_captive-1937,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]" +Symbolism,nicholas-roerich_captive-with-rose-1943,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,nicholas-roerich_captors-of-fire-1938,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_caravan-1931,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_castle-1906,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_castle-1936,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_castle-of-king-gesar,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_castle-of-king-gesar-1929,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Symbolism,nicholas-roerich_castle-of-ladakh-1933,"[0.0, 4.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_castle-the-doomed-city-1914,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Symbolism,nicholas-roerich_castles-of-king-gesar,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_castles-of-king-gesar-1,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,nicholas-roerich_caucasus-arc-mountain-1913,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Symbolism,nicholas-roerich_central-himalayas,"[0.0, 3.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_chahar-caravan-in-the-desert-1937,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,nicholas-roerich_chalice-of-christ-1925,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_chan-la-nek-1932,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_chan-thang-northern-tibet-1939,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_chandra-bhaga-path-to-triloknath-1932,"[0.0, 2.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_chapel,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_chapel-of-st-sergius-at-the-crossroads-1931,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,nicholas-roerich_charaka,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_charaka-1932,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_chatu-gompa-1940,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Symbolism,nicholas-roerich_chenrezig-1931,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,nicholas-roerich_chenrezig-1932,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_chiktan-citadel-in-himalayas-1932,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_china-s-heroics-1937,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_christ-1933,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_chud-has-gone-under-the-ground-1913,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_church-of-assumption-in-pskov,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_churlish-1918,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_clear-evening-1924,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_cliff-1917,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Symbolism,nicholas-roerich_cliff-dwellings-arizona-1921,"[0.0, 1.0, 1.0, 0.0, 0.0, 3.0, 0.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_cliff-dwellings-arizona-1921-1,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_cloud-1913,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]" +Symbolism,nicholas-roerich_cloud-1915,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_cloud-1915-1,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 2.0]" +Symbolism,nicholas-roerich_clouds-above-the-expanses-1917,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_clouds-gesar-khan-1928,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_command-1917,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_compassion-1936,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_conceive-clothing-stone-age-1908,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_confucius-the-fair-1925,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_conversation-with-god,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_cor-ardens-1917,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,nicholas-roerich_cor-ardens-1918,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_covenant-of-teacher-1947,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_cry-of-the-serpent-1914,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Symbolism,nicholas-roerich_crypt-1915,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]" +Symbolism,nicholas-roerich_dark-blue-mountains-and-buildings-on-the-hiil-1940,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_daughter-of-viking-1918,"[3.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_daughters-of-earth-1919,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,nicholas-roerich_defender-cloud-archer-1937,"[2.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_devidar-narsinga-1932,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,nicholas-roerich_devita-1932,"[1.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_dogra-yumtso,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Symbolism,nicholas-roerich_dogra-yumtso-1932,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_doring-tibetian-menhirs-1928,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Symbolism,nicholas-roerich_dorje-the-daring-one-1925,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_downpour-1943,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,nicholas-roerich_dream-of-the-east-rebellion-1920,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_drops-of-life-1924,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_dzong-1928,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0]" +Symbolism,nicholas-roerich_dzong-at-evening-1924,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_eagle-s-nest,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_eclipse-1939,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_ecstasy-1918,"[1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_egypt-1939-1,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_elbrus-caucasus-1933,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,nicholas-roerich_elijah-the-prophet-1931,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_ellora-1938,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Symbolism,nicholas-roerich_enlightenment,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_entrance-to-shambhala,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_evening-1924,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Symbolism,nicholas-roerich_evening-1939,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_evening-call-1931,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Symbolism,nicholas-roerich_everest-1931,"[0.0, 3.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_everest-1935,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_everest-1936,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_everest-1937,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_everest-1938,"[0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_everest-1938-1,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_famagusta-1917,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_fiat-rex,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_fight-1928,"[0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_fight-near-kerzhenets-1910,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Symbolism,nicholas-roerich_figures-in-a-landscape,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_final-journey-1922,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Symbolism,nicholas-roerich_finnish-landscape-tulolansaari-island-1918,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_fire-1943,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_fire-blossom-1924,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_fires-of-victory-sentinel-lights-on-the-towers-in-gobi-1940,"[0.0, 1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_flaming-tops-against-the-evening-sky,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_flowers-of-timur-the-lights-of-victory,"[0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 3.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_flowers-of-timur-the-lights-of-victory-1933,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_flying-carpet,"[7.0, 19.0, 11.0, 7.0, 0.0, 0.0, 1.0, 1.0, 3.0]" +Symbolism,nicholas-roerich_flying-carpet-1916,"[0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_flying-carpet-1943,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_fog-in-the-mountains-1945,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_fog-in-the-mountains-himalayas,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_forging-the-sword-nibelung-1941,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_forthcoming-stylites-1918,"[0.0, 5.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_frosty-mongolia,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_gang-cold-ravine-1946(1),"[0.0, 2.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_gansu,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_garden-of-eden,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Symbolism,nicholas-roerich_genghis-khan,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_gennesaret-fishing,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_giant-s-tomb-1915,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0]" +Symbolism,nicholas-roerich_giantess-krimgerd,"[0.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_giantess-krimgerd-1915,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 1.0]" +Symbolism,nicholas-roerich_giantess-krimgerd-1915-1,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_giantess-krimgerd-1915-2,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_giants-of-lahaul-1931,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_gilgit-road-1925,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_gilgit-road-1925-1,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_girls-1944,"[2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_glacier,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,nicholas-roerich_glaciers-of-himalayas-1937,"[1.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_glaciers-of-lahaul-1936,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,nicholas-roerich_glory-to-the-hero-1933,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_glow-1914,"[0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_glow-1914-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 6.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_glow-1931,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_gompa-1932,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]" +Symbolism,nicholas-roerich_good-nest-good-tree-consolation-for-eyes-1912,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 2.0]" +Symbolism,nicholas-roerich_grand-canyon-1921,"[1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_grand-canyon-1921-1,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_grand-canyon-arizona,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Symbolism,nicholas-roerich_grand-vista-over-a-coastal-landscape-1919,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_great-rider-rigden-jyepo-messenger-of-shambhala-1927,"[1.0, 0.0, 2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_great-spirit-of-himalayas,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_great-spirit-of-himalayas-1934,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_great-wall-of-china,"[0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Symbolism,nicholas-roerich_great-wall-of-china-1938,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_guardian-of-desert-1941,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Symbolism,nicholas-roerich_guardian-of-the-entrance-1927,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_guardians-of-the-night-1940,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_guardians-of-the-snow-1922,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_guga-chohan-kuluta-1931,"[0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_gumran-1932,"[4.0, 14.0, 14.0, 8.0, 0.0, 0.0, 1.0, 2.0, 4.0]" +Symbolism,nicholas-roerich_gundla-1931,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_gundlach-residence-of-thakur-1932,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_guri-guri-dhar-ridge-1931,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_guru-guri-dhar-1931,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,nicholas-roerich_guru-kambala-1925,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]" +Symbolism,nicholas-roerich_guru-kambala-1940,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 2.0]" +Symbolism,nicholas-roerich_harrowing-of-hell-1933,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,nicholas-roerich_he-who-hastens-1924,"[1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_heat-of-the-earth-1918,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_hermit-by-the-misterious-stone-unknown-old-man-has-settled-1941,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_hidden-treasure-1917,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]" +Symbolism,nicholas-roerich_hidden-treasure-1947,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Symbolism,nicholas-roerich_higher-than-mountains-1924,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]" +Symbolism,nicholas-roerich_higher-than-mountains-1924-1,"[0.0, 3.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_hill-of-tara,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_himalayan-landscape,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,nicholas-roerich_himalayan-morning-sunrise-1937,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_himalayan-snows,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_himalayas,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_himalayas-1,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_himalayas-10,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_himalayas-11,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_himalayas-12,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,nicholas-roerich_himalayas-13,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_himalayas-14,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_himalayas-15,"[1.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_himalayas-16,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_himalayas-17,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_himalayas-18,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_himalayas-19,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_himalayas-1921,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_himalayas-1924,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_himalayas-1933,"[0.0, 3.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_himalayas-1934,"[1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_himalayas-1936,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_himalayas-1936-1,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_himalayas-1937,"[0.0, 1.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_himalayas-1937-1,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_himalayas-1938,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_himalayas-1938-1,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_himalayas-1938-2,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,nicholas-roerich_himalayas-1938-3,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_himalayas-1938-4,"[0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_himalayas-1938-5,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_himalayas-1939,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_himalayas-1939-1,"[0.0, 1.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_himalayas-1940,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,nicholas-roerich_himalayas-1940-1,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,nicholas-roerich_himalayas-1941,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_himalayas-1941-1,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Symbolism,nicholas-roerich_himalayas-1941-2,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Symbolism,nicholas-roerich_himalayas-1941-3,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_himalayas-1941-4,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_himalayas-1942,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_himalayas-1942-1,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_himalayas-1942-2,"[0.0, 4.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_himalayas-1943,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_himalayas-1943-1,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_himalayas-1943-2,"[0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_himalayas-1943-3,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_himalayas-1944,"[0.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_himalayas-1944-1,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_himalayas-1945,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_himalayas-1945-1,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_himalayas-1945-2,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_himalayas-1946,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_himalayas-1946-1,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_himalayas-1947,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Symbolism,nicholas-roerich_himalayas-1947-1,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Symbolism,nicholas-roerich_himalayas-1947-2,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_himalayas-1947-3,"[1.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_himalayas-1947-4,"[2.0, 15.0, 17.0, 7.0, 0.0, 1.0, 1.0, 1.0, 4.0]" +Symbolism,nicholas-roerich_himalayas-1947-5,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_himalayas-1947-6,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_himalayas-2,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_himalayas-20,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,nicholas-roerich_himalayas-21,"[0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_himalayas-22,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,nicholas-roerich_himalayas-23,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_himalayas-24,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_himalayas-25,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_himalayas-26,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_himalayas-27,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_himalayas-28,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_himalayas-29,"[1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_himalayas-3,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_himalayas-30,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_himalayas-31,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_himalayas-32,"[1.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_himalayas-33,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_himalayas-34,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_himalayas-35,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Symbolism,nicholas-roerich_himalayas-36,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_himalayas-37,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_himalayas-38,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_himalayas-39,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_himalayas-4,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_himalayas-40,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_himalayas-41,"[0.0, 2.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_himalayas-42,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_himalayas-43,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_himalayas-44,"[1.0, 16.0, 16.0, 3.0, 0.0, 1.0, 3.0, 4.0, 4.0]" +Symbolism,nicholas-roerich_himalayas-45,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_himalayas-46,"[1.0, 20.0, 20.0, 4.0, 0.0, 0.0, 4.0, 1.0, 4.0]" +Symbolism,nicholas-roerich_himalayas-47,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_himalayas-48,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_himalayas-49,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,nicholas-roerich_himalayas-5,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,nicholas-roerich_himalayas-50,"[0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_himalayas-51,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Symbolism,nicholas-roerich_himalayas-52,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_himalayas-53,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_himalayas-54,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_himalayas-55,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_himalayas-56,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_himalayas-57,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_himalayas-58,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_himalayas-59,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_himalayas-6,"[2.0, 12.0, 27.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0]" +Symbolism,nicholas-roerich_himalayas-60,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_himalayas-61,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Symbolism,nicholas-roerich_himalayas-62,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_himalayas-63,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_himalayas-64,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_himalayas-65,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_himalayas-66,"[0.0, 0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_himalayas-67,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,nicholas-roerich_himalayas-68,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_himalayas-7,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_himalayas-8,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_himalayas-9,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_himalayas-blue-mountains-1939,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_himalayas-blue-mountains-1939-1,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_himalayas-chain-of-kanchenjunga-1936,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,nicholas-roerich_himalayas-chain-of-mountains-1942,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,nicholas-roerich_himalayas-evening-1940,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_himalayas-everest-1938,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_himalayas-everest-1938-1,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_himalayas-gloomy-cliff-1943,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_himalayas-golden-clouds-on-a-purple-sky-1940,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_himalayas-guru-guri-dhar-1933,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_himalayas-ladakh,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_himalayas-monastery,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_himalayas-moon-mountains-1933,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_himalayas-morning-1938,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_himalayas-morning-1940,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Symbolism,nicholas-roerich_himalayas-morning-1941,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_himalayas-mountains-lit-by-sunset-1941,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_himalayas-nearly-sandahpu-1936,"[0.0, 1.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_himalayas-pink-peak,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,nicholas-roerich_himalayas-pink-peaks-1947,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_himalayas-rain-1933,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_himalayas-ridge-kanchendganga,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_himalayas-snowy-peak-at-dawn-1943,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_himalayas-snowy-peaks-1942,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_himalayas-spoors-of-motley-mountains-1943,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_himalayas-study,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,nicholas-roerich_himalayas-study-1,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_himalayas-study-1934,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_himalayas-study-1934-1,"[0.0, 4.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_himalayas-study-1934-2,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_himalayas-study-2,"[0.0, 3.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_himalayas-study-3,"[0.0, 1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_himalayas-study-4,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,nicholas-roerich_himalayas-study-5,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]" +Symbolism,nicholas-roerich_himalayas-study-6,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_himalayas-study-holy-himalayas-1933,"[1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_himalayas-study-holy-himalayas-1934,"[1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_himalayas-sunny-contour-of-the-mountains-1939,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_himalayas-sunrise-1937,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_himalayas-sunset,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Symbolism,nicholas-roerich_himalayas-the-earthly-and-the-heavenly-1940,"[1.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_himalayas-tops-of-mountains-with-the-turqoise-sky-1937,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_himalayas-turquoise-lake-1936,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_himalayas-varicoloured-snows-1937,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_himalayas-with-setting-moon,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_holy-cave-1931,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_hommage-to-saint-john-the-baptist-1912,"[1.0, 2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_horse-of-happyness,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,nicholas-roerich_house-of-spirit-1915,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]" +Symbolism,nicholas-roerich_human-ancestors-1940,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_hunter-s-dream-1916,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_hunting,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,nicholas-roerich_hunting-1,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,nicholas-roerich_hunting-1937,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_hystaspes-shahnameh-1938,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_ice-sphinx-1938,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Symbolism,nicholas-roerich_ices-1941,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Symbolism,nicholas-roerich_idols-1943,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Symbolism,nicholas-roerich_ienno-guio-dia-friend-of-travelers-1924,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_iskander-and-hermit-1938,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_island,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_island-of-rest-1937,"[0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_issa-and-giant-s-head-1932,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 2.0]" +Symbolism,nicholas-roerich_issa-and-giant-s-head-1932-1,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]" +Symbolism,nicholas-roerich_issa-and-giant-s-head-1932-2,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_issa-and-giant-s-head-1932-3,"[0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 2.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_issa-pond-le,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_jeanne-d-arc-1931,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_jeanne-d-arc-in-the-fire-1930,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Symbolism,nicholas-roerich_jeanne-d-arc-prayer-1930,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_jelep-la-tibetan-frontier-1936,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_jyagong-1928,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_kalki-avatar-1932,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_kalki-avatar-1935,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_kampa-dzong-pink-peak-1938,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_kangchenjunga,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_kangchenjunga-1,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_kangchenjunga-1924,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_kangchenjunga-1924-1,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_kangchenjunga-1924-2,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_kangchenjunga-1936,"[1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_kangchenjunga-1936-1,"[0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_kangchenjunga-1937,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_kangchenjunga-1937-1,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_kangchenjunga-1938,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_kangchenjunga-1944,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_kangchenjunga-1947,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_kangchenjunga-2,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_kangchenjunga-3,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_kangchenjunga-4,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_kangchenjunga-citadel,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_kangchenjunga-mountain-lakes-1931,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_kara-kirghizians-1932,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_karakoram,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,nicholas-roerich_karakoram-ridge,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_karakoram-way-to-turkestan-1936,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_kardang-1932,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Symbolism,nicholas-roerich_kardang-1933,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_kardang-study-1932,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Symbolism,nicholas-roerich_karelia,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]" +Symbolism,nicholas-roerich_karelia-1918,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_karelian-landscape,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_karelian-landscape-1,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,nicholas-roerich_karelian-landscape-1918,"[0.0, 2.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_karelian-landscape-1919,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]" +Symbolism,nicholas-roerich_karelian-landscape-hyumpola-lake-1917,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_karelian-landscape-rocky-seashore-1917,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_karelian-landscape-tulola-rocks-1918,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Symbolism,nicholas-roerich_karelian-study-1918,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_karelian-study-1918-1,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_karga-1933,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_kashmir-1936,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_keeper-of-cuple,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Symbolism,nicholas-roerich_kereksury-1927,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_khan-s-grave-1935,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]" +Symbolism,nicholas-roerich_king-gesar-1941,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_king-gesar-1941-1,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_koksar-1932,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_koksar-camp-1932,"[0.0, 4.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_krishna-1936,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_krishna-1946,"[1.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_krishna-lel,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,nicholas-roerich_krishna-lel-1,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_krishna-lel-1932,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_krishna-magic-flute-1938,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_krishna-spring-in-kulu-1930,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_kuan-yin-1933,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Symbolism,nicholas-roerich_kulu-valley-1929,"[1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,nicholas-roerich_kuluta-1936,"[0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_kuluta-1937,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_kuluta-dobi-nulla-1931,"[0.0, 4.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_kuluta-mountains-before-the-sunset-1936,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Symbolism,nicholas-roerich_kyrgyz-mazar-sanju-1925,"[0.0, 3.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_ladakh,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_ladakh-1,"[2.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_ladakh-1925,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_ladakh-1937,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_ladakh-1938,"[1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_ladakh-2,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_ladakh-3,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_ladakh-4,"[0.0, 0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_ladakh-golden-clouds-over-blue-mountains-1943,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,nicholas-roerich_ladakh-himalayas,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_ladakh-kashmir-1943,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_ladakh-leh-1925,"[2.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_ladakh-sunset-1933,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_ladoga-1918,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_ladoga-karelian-landscape-1918,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_lahaul,"[0.0, 2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_lahaul-1,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_lahaul-1931,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_lahaul-1932,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_lahaul-1932-1,"[1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_lahaul-1943,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_lahaul-1947,"[0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_lahaul-himalayas-1932,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_lahaul-kardang-1932,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_lahaul-mountains-1931,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]" +Symbolism,nicholas-roerich_lahaul-rocks-signs-of-gesar,"[0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_lake,"[0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_lake-1915,"[0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_lake-dal-1925,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_lake-hyumpola,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_lake-hyumpola-1917,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_lake-in-the-mountains,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_lake-in-the-mountains-1,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_lake-in-the-mountains-1943,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Symbolism,nicholas-roerich_lake-in-the-mountains-baralacha-pass-1944,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_lake-karelian-landscape-1917,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,nicholas-roerich_lake-ladoga-1919,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_lake-ladoga-islands-1918,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_lake-nag-1925,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_lake-of-gennesaret,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_lake-of-the-nagas-1932,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_lake-of-the-nagas-kashmir-1936,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_lake-sheshnag,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_lake-vular-1925,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,nicholas-roerich_lake-vular-1925-1,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_lake-yam-tso-1937,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_lama-1945,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_lamas-reapers,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_lamayuru-ladakh-1947,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_lamayuru-monastery-1925,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_land-of-snow-people-1947,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_landscape-1,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Symbolism,nicholas-roerich_landscape-1913,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_landscape-1913-1,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_landscape-2,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,nicholas-roerich_landscape-with-chapel-1915,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]" +Symbolism,nicholas-roerich_landscape-with-dragon,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_landscape-with-lake-and-tree-on-the-shore,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_language-of-forest-1922,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Symbolism,nicholas-roerich_laozi-1924,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_laplandian-castle-1918,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_legend,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,nicholas-roerich_lel,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_lhasa-1942,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_light-conquers-darkness-1933,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_light-of-asia-1928,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_lights-on-the-ganges-1947,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Symbolism,nicholas-roerich_lights-on-the-ganges-flame-of-happyness-1947,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_linnasaari-ladoga-lake,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_living-water-1915,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]" +Symbolism,nicholas-roerich_logo-of-the-publishing-house-alatas-1923,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Symbolism,nicholas-roerich_lonely-stranger-1931,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,nicholas-roerich_lonely-stranger-1931-1,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_lonely-wanderer-1944,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_lord-of-the-night-1918,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_lotus-1933,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_madonna-laboris-1933,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,nicholas-roerich_madonna-laboris-1935,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]" +Symbolism,nicholas-roerich_madonna-oriflamma-1932,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_madonna-the-protector-1933,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_magi-procession-1912,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,nicholas-roerich_magician,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_magician-1943,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,nicholas-roerich_maitreya-1932,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_maitreya-1932-1,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_maitreya-1932-2,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_maitreya-1932-3,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_maitreya-1933,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Symbolism,nicholas-roerich_maitreya-on-the-way-1928,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]" +Symbolism,nicholas-roerich_maitreya-the-conqueror,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_maitreya-the-conqueror-1926,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_maitreya-tibet-1937,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_manasbal-lake-1925,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_manjusri-cell-mongolia,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_marvelous-miracle-to-the-feat-1937,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_maulbek-1937,"[1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_meditation-1923,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,nicholas-roerich_message-from-shambhala,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,nicholas-roerich_message-from-shambhala-1,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_message-from-shambhala-1931,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_message-from-shambhala-arrow-letter-1946,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_message-to-tiron-1940,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_messenger-1915,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]" +Symbolism,nicholas-roerich_messenger-1946,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]" +Symbolism,nicholas-roerich_messenger-from-himalayas-1940,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_messenger-from-himalayas-going-home-1940,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_messenger-island-1914,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Symbolism,nicholas-roerich_messengers-of-morning-1917,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_milarepa-s-cave-1931,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_milarepa-the-one-who-harkened-1925,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_miracle,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_mist-before-dawn-1924,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_mists,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,nicholas-roerich_mohammed-on-mount-hira-1925,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_mohammed-the-prophet-1925,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_mohammed-the-prophet-1925-1,"[1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_monastery-brahmaputra-1937,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_monastery-in-himalayas-1931,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_monastery-in-the-mountains-1931,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_monastery-tsang-tibet-1936,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]" +Symbolism,nicholas-roerich_mongolia-1927,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_mongolia-campaign-of-genghis-khan,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_mongolia-chakhar-hills-1936,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_mongolia-yurtas-1938,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,nicholas-roerich_mongolian-horseman,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_mongolian-lama,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0]" +Symbolism,nicholas-roerich_mongolian-rider-1931,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Symbolism,nicholas-roerich_mongolian-tsam-1928,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_mongolian-yurtas-1936,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_mongoliya-olun-sume-1936,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,nicholas-roerich_monhigan-1922,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_monhigan-1922-1,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_monhigan-creating-1922,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_monhigan-dreaminess-1922,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_monhigan-fairytale-1922,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_monhigan-hope-1922,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_monhigan-shining-of-night-1922,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_monhigan-study-1922,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]" +Symbolism,nicholas-roerich_monhigan-study-1922-1,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0]" +Symbolism,nicholas-roerich_monhigan-study-1922-10,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Symbolism,nicholas-roerich_monhigan-study-1922-11,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,nicholas-roerich_monhigan-study-1922-12,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0]" +Symbolism,nicholas-roerich_monhigan-study-1922-13,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 3.0]" +Symbolism,nicholas-roerich_monhigan-study-1922-14,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 3.0]" +Symbolism,nicholas-roerich_monhigan-study-1922-15,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 2.0]" +Symbolism,nicholas-roerich_monhigan-study-1922-16,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 2.0]" +Symbolism,nicholas-roerich_monhigan-study-1922-17,"[0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_monhigan-study-1922-18,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 3.0]" +Symbolism,nicholas-roerich_monhigan-study-1922-19,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 2.0]" +Symbolism,nicholas-roerich_monhigan-study-1922-2,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Symbolism,nicholas-roerich_monhigan-study-1922-20,"[1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_monhigan-study-1922-21,"[0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_monhigan-study-1922-22,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Symbolism,nicholas-roerich_monhigan-study-1922-23,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_monhigan-study-1922-24,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_monhigan-study-1922-25,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Symbolism,nicholas-roerich_monhigan-study-1922-26,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Symbolism,nicholas-roerich_monhigan-study-1922-27,"[1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,nicholas-roerich_monhigan-study-1922-28,"[1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_monhigan-study-1922-29,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Symbolism,nicholas-roerich_monhigan-study-1922-3,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 3.0]" +Symbolism,nicholas-roerich_monhigan-study-1922-30,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,nicholas-roerich_monhigan-study-1922-31,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]" +Symbolism,nicholas-roerich_monhigan-study-1922-4,"[0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_monhigan-study-1922-5,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Symbolism,nicholas-roerich_monhigan-study-1922-6,"[0.0, 2.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_monhigan-study-1922-7,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_monhigan-study-1922-8,"[1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_monhigan-study-1922-9,"[0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_monhigan-vagueness-1922,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Symbolism,nicholas-roerich_monhigan-vagueness-1922-1,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Symbolism,nicholas-roerich_moon-over-monastery-in-mountains,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_moonlight-sortavala-1918,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_morning-1931,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,nicholas-roerich_morning-prayer-1931,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_morning-rider-1918,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_morning-rider-1918-1,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_morning-star-1932,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_morocco-1912,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Symbolism,nicholas-roerich_moses-the-leader-1926,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_mother-of-genghis-khan-1931,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 2.0]" +Symbolism,nicholas-roerich_mother-of-genghis-khan-1933,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_mother-of-the-world-1924,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_mother-of-the-world-1937,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_mother-of-turfan-1924,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_mount-m-1931,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_mount-m-1931-1,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_mount-of-five-treasures-two-worlds-1933,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_mountain-abode-1923,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_mountain-abode-1933,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_mountain-abode-1933-1,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_mountain-eagles-tibetan-stupa-1931,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_mountain-lake-1917,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_mountain-landscape,"[0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,nicholas-roerich_mountain-landscape-1929,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 3.0]" +Symbolism,nicholas-roerich_mountain-landscape-1933,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Symbolism,nicholas-roerich_mountain-luton-1922,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_mountains,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_mountains-soshing-1924,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_mountany-landscape-1925,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]" +Symbolism,nicholas-roerich_mstislav-s-duel-with-rededia-1943,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_mystery-of-rose-1933,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_mystery-of-walls-1920,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_nag-lake-kashmir-1937,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_nagarjuna-conqueror-of-the-serpent-1925,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_nagchu-tibet,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Symbolism,nicholas-roerich_namze-1924,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_nan-shan-tibetan-frontier-1936,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_nanda-devi-1941,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_nanda-devi-1944,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Symbolism,nicholas-roerich_nanda-devi-1944-1,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_nastasia-mikulichna-1943,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_nicola-1916,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0]" +Symbolism,nicholas-roerich_night-rider-1918,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_night-rider-1918-1,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]" +Symbolism,nicholas-roerich_night-rider-1918-2,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Symbolism,nicholas-roerich_nightingale-the-robber-1910,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_novgorod-cemetery-northern-rus-1943,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_novgorod-spas-nereditsky-1899,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Symbolism,nicholas-roerich_nubra-valley,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_oh-future-1933,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,nicholas-roerich_oirot-messenger-of-the-white-burkhant-1925,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_old-pskov-1922,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_om-mani-padme-hum-1932,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_on-falut-1924,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_on-himalayan-peaks-1933,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_on-the-heights-tummo-1936,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_on-the-lake-shop-pangalo,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,nicholas-roerich_on-the-way-to-shekar-dzong-1928,"[0.0, 2.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_one-who-safeguards,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_order-of-buddha-all-conquering-1926,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_order-of-buddha-all-conquering-1926-1,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,nicholas-roerich_order-of-rigden-jyepo,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_order-of-rigden-jyepo-1927,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_order-of-rigden-jyepo-1933,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,nicholas-roerich_order-of-rigden-jyepo-1947,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_order-of-rigden-jyepo-study,"[0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_order-of-the-buddha-all-conquering-1926,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_padmasambhava,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]" +Symbolism,nicholas-roerich_padmasambhava-1924,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,nicholas-roerich_palden-lhamo-1931,"[1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_palden-lhamo-1932,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Symbolism,nicholas-roerich_partisans-1942,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Symbolism,nicholas-roerich_partisans-1943,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_pass,"[1.0, 16.0, 16.0, 5.0, 0.0, 0.0, 2.0, 1.0, 3.0]" +Symbolism,nicholas-roerich_pass-suget-1936,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_pass-tangla,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_pass-tempest-secret-path-1936,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_paternoster-1940,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Symbolism,nicholas-roerich_path,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Symbolism,nicholas-roerich_path-to-kailas,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]" +Symbolism,nicholas-roerich_path-to-kailas-1931,"[0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_path-to-kailas-1931-1,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_path-to-kailas-1932,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,nicholas-roerich_path-to-kailas-1932-1,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_path-to-kailas-1933,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_path-to-kailas-monastery-1932,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_patrol-1905,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Symbolism,nicholas-roerich_patrol-of-himalayas-1925,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Symbolism,nicholas-roerich_pearl-of-searching-1924,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_pemaianze-1924,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Symbolism,nicholas-roerich_pilgrim-1932,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_pink-glacier-as-flower-1944,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0]" +Symbolism,nicholas-roerich_pink-sky-1933,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_pir-panjal-1925,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_pir-panjal-1925-1,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_pir-panjal-1925-2,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_pir-panjal-1925-3,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Symbolism,nicholas-roerich_place-of-mahatma-s-camp-district-kuku-nor,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_predicted-cloud,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_prince-igor-campaign-1942,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_procopius-the-righteous-is-praying-of-unknown-navigating-1914-1,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_pskov,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_pskov-1922,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_qaidam,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_ramayana-1937,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_rani-nulla-river-on-kulu-side-of-rohtang-pass,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0]" +Symbolism,nicholas-roerich_red-horseman-1926,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_red-horses-1925,"[0.0, 3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_red-lama-1924,"[0.0, 2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,nicholas-roerich_red-mountain-santa-fe-1921,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_remember-1924,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Symbolism,nicholas-roerich_remember-1945,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,nicholas-roerich_repentance-1917,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Symbolism,nicholas-roerich_ridge-approaches-to-everest-1936,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,nicholas-roerich_ridge-of-everest-1924,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_rinchenpong-1924,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_rio-grande-1921,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_river-chandra-1931,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_river-chandra-1932,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_river-chandra-1933,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Symbolism,nicholas-roerich_rock-relief-of-buddha-1928,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Symbolism,nicholas-roerich_rocks-cliffs-1919,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_rocks-karelia-1917,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_rocks-of-ladakh-1932,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_rocks-of-ladakh-1933,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_rocks-of-ladakh-1933-1,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_rocks-of-mongolia-1933,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_rocks-with-buddhist-caves,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_rocky-peaks-himalayas,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_rocky-seashore-1916,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_rohtang-pass-1931,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_rohtang-pass-1936,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_rond-rocks-1911,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Symbolism,nicholas-roerich_rond-rocks-1911-1,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_rond-rocks-1912,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_rostov-veliky-kremlin-1922,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_royal-monastery-1932,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_ruins-of-a-chinese-fort-1926,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Symbolism,nicholas-roerich_runaways-1943,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_russian-easter,"[0.0, 0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_russian-easter-1924,"[0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_sacred-himalayas-1932,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_sacred-himalayas-1933,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 3.0, 2.0]" +Symbolism,nicholas-roerich_sacred-himalayas-1933-1,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_sacred-himalayas-1933-2,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_sacred-himalayas-1934,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_sacred-himalayas-1934-1,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_sacred-himalayas-1934-2,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_sacred-island-1917,"[0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_sacred-treasure-of-mountain-1933,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_sadness-two-in-boat-1939,"[0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0]" +Symbolism,nicholas-roerich_sage-1918,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_saint-genevieve-1933,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Symbolism,nicholas-roerich_saint-guests-1923,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_saint-nicholas-1914-1,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,nicholas-roerich_saint-nicholas-1916,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_saint-nicholas-nicola-mozhaisky-1920,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_saint-pantaleon-the-healer-1916,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_saint-pantaleon-the-healer-1916-1,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_saint-sergius-employees-1940,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_saint-sophia-the-almighty-wisdom-1932,"[0.0, 3.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_sanctuaries-1924,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Symbolism,nicholas-roerich_sanctuaries-1924-1,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_sanctuaries-and-citadels-1925,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_sanctuaries-and-citadels-1925-1,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_sanctuaries-and-citadels-1925-2,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,nicholas-roerich_sanctuaries-and-citadels-1925-3,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Symbolism,nicholas-roerich_sanctuaries-and-citadels-1925-4,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_sanctuaries-and-citadels-1925-5,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_sanctuaries-and-citadels-1925-6,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_sanctuaries-and-citadels-1925-7,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_sandoling-lamayura,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Symbolism,nicholas-roerich_sanga-chelling-1924,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_santa-fe-1921,"[2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_santana,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_santana-1928,"[0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_santana-1937,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_santana-1944,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_saraha-the-blessed-arrow-1925,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]" +Symbolism,nicholas-roerich_saraha-the-blessed-arrow-1925-1,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_sared-caves-1932,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_sared-himalayas-1933,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_sared-himalayas-1933-1,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,nicholas-roerich_sentinels,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_sergius-of-radonezh-1932(1),"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_shadow-of-the-teacher,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_shadow-of-the-teacher-1932,"[0.0, 2.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_shadow-of-the-teacher-1947,"[0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_shadows-1916,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_shadows-of-the-past-1937,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_shambala-is-going,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Symbolism,nicholas-roerich_shara-muren-1936,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_sharugen-monastery,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_sharugen-monastery-1932,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_sharugen-monastery-tibet,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_sharugon-monastery-1928,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_sharugon-monastery-tibet-1928,"[0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_shayok-the-eighth-day-1925,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_she-monastery-1937,"[0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0]" +Symbolism,nicholas-roerich_she-who-holds-the-world-1933,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_she-who-holds-the-world-1937,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_she-who-leads-1943,"[1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_she-who-leads-1944,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Symbolism,nicholas-roerich_she-who-leads-1944-1,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Symbolism,nicholas-roerich_she-who-leads-1944-2,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Symbolism,nicholas-roerich_shekar-dzong-1928,"[0.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_shekar-dzong-1933,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_shekar-dzong-1937,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Symbolism,nicholas-roerich_shirin-and-khosrau-1938,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_shrines-and-strongholds-1925,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_signs-of-christ-1924,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Symbolism,nicholas-roerich_signs-of-christ-1924-1,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_silhouette-1924,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_silvery-realm-1938,"[1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_sissu-lahaul-1932,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,nicholas-roerich_sissu-monastery-1932,"[0.0, 2.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_siver-clouds-over-the-mountains-1941,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_sketch,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_sketch-1,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_sketch-for-ladoga-series-1917,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_sketch-for-ladoga-series-1918,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Symbolism,nicholas-roerich_sketch-for-light-conquers-darkness-1933,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_sketch-for-moving-the-boats,"[2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_sketch-for-rachmaninov-s-opera-the-covetous-knight,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]" +Symbolism,nicholas-roerich_sketch-for-tale-of-tsar-saltan-1919,"[1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_sketch-for-tale-of-tsar-saltan-1919-1,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Symbolism,nicholas-roerich_sketch-for-tale-of-tsar-saltan-1919-2,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0]" +Symbolism,nicholas-roerich_sketch-for-tale-of-tsar-saltan-1919-3,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0]" +Symbolism,nicholas-roerich_sketch-for-tale-of-tsar-saltan-1919-4,"[1.0, 0.0, 0.0, 2.0, 1.0, 1.0, 1.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_sketch-made-by-travelling-in-italy-and-switzerland-1906,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_sketch-of-galley-1919,"[2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_sketch-of-lamp-and-tsar-cannon-for-rimsky-korsakovs-opera-1919,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_sketch-of-mural-with-the-buddhist-theme-for-nicholas-roerich-museum-in-new-york-1927,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_sketch-with-the-image-of-maitreya-carved-on-a-rock,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_sketch-with-trees-and-people-with-buggles-1919,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 2.0, 0.0]" +Symbolism,nicholas-roerich_sketches-of-costumes-for-princess-maleine,"[0.0, 3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_slavic-land,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,nicholas-roerich_slavic-land-1943,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_snow-maiden,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Symbolism,nicholas-roerich_snow-maiden-1920,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]" +Symbolism,nicholas-roerich_snow-maiden-1947,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_snow-maiden-and-berendey-1920,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,nicholas-roerich_snow-maiden-and-lel-1921,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_snowy-lift-1924,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Symbolism,nicholas-roerich_snowy-peaks,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_snowy-peaks-at-sunset-1945,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_solang-valley,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_song-of-shambhala-1943,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_sortavala-islands-1917,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_spell-new-moon-1938,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_spell-words-1922,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_spitok-ladakh,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Symbolism,nicholas-roerich_spring-1931,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_squad-of-geser-khan-1931,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_st-francis-1931,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_st-mercurius-of-smolensk-1918,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]" +Symbolism,nicholas-roerich_st-moritz-1923,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_st-panteleimon-the-healer,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_st-sergius-hermitage,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_st-sergius-hermitage-1933,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_st-sergius-the-buildert-1925,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_star-of-mother-of-the-world-1924,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_star-of-the-hero-1932,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_star-of-the-hero-1932-1,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_star-of-the-hero-1936(1),"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,nicholas-roerich_starry-sky-1914,"[0.0, 20.0, 19.0, 3.0, 0.0, 0.0, 2.0, 3.0, 1.0]" +Symbolism,nicholas-roerich_steps-of-the-himalayas-1924,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_stone-of-the-leader-1918,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,nicholas-roerich_stones-and-rocks-1919,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_stones-and-rocks-1919-1,"[0.0, 1.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_strolling-figure,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Symbolism,nicholas-roerich_stronghold-of-tibet,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,nicholas-roerich_stronghold-of-walls-1925,"[1.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_strongholds-of-tibet-study-1932,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,nicholas-roerich_study-cry-of-the-serpent-1914,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_study-of-a-shore-1923,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Symbolism,nicholas-roerich_study-of-belukha-1926,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_study-of-clouds,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_study-of-mountains,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Symbolism,nicholas-roerich_study-of-mountains-1,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_study-of-mountains-10,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_study-of-mountains-1931,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_study-of-mountains-1931-1,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_study-of-mountains-1933,"[0.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_study-of-mountains-2,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_study-of-mountains-3,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_study-of-mountains-4,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_study-of-mountains-5,"[1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_study-of-mountains-6,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_study-of-mountains-7,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,nicholas-roerich_study-of-mountains-8,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_study-of-mountains-9,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_study-of-scene-decoration-for-the-rite-of-spring-1930,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_study-of-scene-decoration-for-the-rite-of-spring-1944,"[1.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_study-of-two-islands-in-lake-ladoga-1918,"[1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_study-of-walkers-over-the-fire,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_study-of-women-carrying-goods-1919,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_study-to-book-of-wisdom,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_study-to-ienno-guio-dia-friend-of-travelers-1925,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_study-to-krishna-1933,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_study-to-lotos-1933,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_study-to-madonna-protectoris-1933,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Symbolism,nicholas-roerich_study-to-mohammed-the-prophet-1925,"[0.0, 0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_study-to-teacher-s-testament,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Symbolism,nicholas-roerich_study-to-wanderer-of-the-light-city-1933,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_stupa-1933,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]" +Symbolism,nicholas-roerich_stupa-at-chung-chu-1928,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Symbolism,nicholas-roerich_stupa-near-sharugen-1928,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_suburgan-of-tashiding-1924,"[0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_sunrise-in-himalayas-1935,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_sunrise-unfinished-1930,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_sunset,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_sunset-1931,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_sunset-1933,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_sunset-near-shekar-1928,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,nicholas-roerich_sunset-over-malana,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_sunset-rider-1918,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_svyatogor-1942,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_swirling-glow-1945,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_sword-of-courage-1912,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_sword-of-gesar-1932,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_sword-of-king-gesar,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Symbolism,nicholas-roerich_symbolic-cross-on-the-outer-wall-in-lohia-1907,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_tablets-of-law-1931,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Symbolism,nicholas-roerich_taklamakan-chinese-turkestan,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_takur-castle-1932,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_tangla-1943,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_taos-pueblo-new-mexico-1921,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_tarbagatai,"[0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 2.0]" +Symbolism,nicholas-roerich_tashiding-1924,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_teacher-s-order-1931,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_teacher-s-order-1947,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_tempe-jal-tzen-baykin-city-of-mobster-ja-lama-1928,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_temple-1924,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Symbolism,nicholas-roerich_temple-1931,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_temple-in-naggar-1929,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_temple-of-tripura-sundari-1932,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_temptation-of-christ-1933,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_tent-mountain-1933,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_terem-of-yaroslavna,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_terem-of-yaroslavna-1908,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_tervus,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,nicholas-roerich_testament-of-teacher-1947,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_thang-la,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_the-church-in-the-name-of-st-sergius-in-america-1931,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Symbolism,nicholas-roerich_the-dead-city-1918,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_the-destruction-of-atlantis-1928,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_the-doomed-city-1914,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Symbolism,nicholas-roerich_the-gates-of-tmutarakan-1919,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_the-giant-1943,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_the-glory-of-himalayas,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_the-greatest-and-holiest-of-tangla-1929,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_the-holder-of-the-cup-mongolia-1937,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_the-holiest-thang-la-1939,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_the-hunt-1937,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_the-island-of-repose,"[0.0, 0.0, 1.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_the-language-of-the-forest-1922,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_the-last-angel-1942,"[0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_the-last-king-empty-throne-1922,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,nicholas-roerich_the-pact-of-culture-1931,"[0.0, 0.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_the-pact-of-culture-study-1931,"[1.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_the-philosopher-silence-1940,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Symbolism,nicholas-roerich_the-rite-of-spring,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_the-rite-of-spring-1945,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_the-rock-temples,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Symbolism,nicholas-roerich_the-ruins-of-the-buildings-and-rocky-caves-anasazi-culture-canyon-tyuoni-1922,"[2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_the-sacred-gift-1924,"[0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_the-straight-path-1912,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_the-treasure-diviner-1943,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]" +Symbolism,nicholas-roerich_the-tsar-bell-1919,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]" +Symbolism,nicholas-roerich_the-unspilling-vessel-1927,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_the-vicious-town-1919,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_the-way,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,nicholas-roerich_thinking-1918,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_thought-1946,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_thoughts-of-fire-1934,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Symbolism,nicholas-roerich_three-arrows-1923,"[0.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_three-jewels-1932,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_three-swords,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,nicholas-roerich_three-swords-paintings-on-the-stone-1932,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Symbolism,nicholas-roerich_tibet,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_tibet-1,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_tibet-1929,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_tibet-1933,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_tibet-1933-1,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_tibet-1933-2,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_tibet-1933-3,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_tibet-1937,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_tibet-1937-1,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_tibet-1937-2,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,nicholas-roerich_tibet-1938,"[1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_tibet-1943,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_tibet-1943-1,"[0.0, 1.0, 3.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_tibet-2,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_tibet-3,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_tibet-at-brahmaputra-1936,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_tibet-dzong,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,nicholas-roerich_tibet-dzong-1936,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_tibet-evening-1937,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_tibet-flaming-peak-1933,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_tibet-himalayas,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_tibet-himalayas-1933,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_tibet-monastery,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_tibet-monastery-gelug-pa-1936,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_tibet-monastery-in-the-mountains-rakaposhi-1940,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_tibet-sacred-stones-mongolia,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_tibet-stronghold-1932,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_tibet-stronghold-potala-1939,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_tibetian-camp-1932,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_tibetian-camp-1936,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_tibetian-camp-keilang-1932,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_tibetian-dwellings,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_tibetian-fortress-1936,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_tibetian-lakes-1933,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_tibetian-lama-1927,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_tibetian-way-1931,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_tibetian-way-1931-1,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_tidings-of-the-eagle-1927,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_timur-khada-1936,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_timur-khada-mongolia-1936,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_toghrak-dong,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_tombs-in-the-desert-1930,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_tower-of-terror-1939,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_town-1925,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_town-monastery-on-hills,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_traces-1917,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Symbolism,nicholas-roerich_traces-mountain-wanderer-1917,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Symbolism,nicholas-roerich_trans-himalayas-1928,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_trans-himalayas-1928-1,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_trans-himalayas-near-saga,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Symbolism,nicholas-roerich_trans-himalayas-view-from-saga-dzong-1928,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,nicholas-roerich_treasure-1919,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_treasure-of-snows-kangchenjunga-1940,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_tristan-s-castle-1922,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]" +Symbolism,nicholas-roerich_tsagaan-kure-inner-mongolia-1936,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_tsaidam-swamps,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_tsong-kha-pa-1924,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_tulola-1918,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_tulola-valley-1918,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Symbolism,nicholas-roerich_tunde-village-in-lahaul,"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0]" +Symbolism,nicholas-roerich_turkestan-mountain-silence-1937,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_turquoise-sky-pink-mountains-purple-foot-1940,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_twilight,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_underground-chud,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_unknown-singer-1920,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_untitled,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_untitled-1,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Symbolism,nicholas-roerich_untitled-1913,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Symbolism,nicholas-roerich_untitled-1915,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_untitled-2,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_untitled-sikkim,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_urusvati-1939,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_varangian-warriors-1905,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,nicholas-roerich_varangian-way-1907,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_venta-finland-1907,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_victory-gorynych-the-serpent-1942,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,nicholas-roerich_view-of-everest-from-tibet-1937,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_view-of-jelar-la,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_view-of-kangchenjunga-from-turpindar,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Symbolism,nicholas-roerich_view-of-the-himalayan-foothills,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_village-kardang-lahaul-1932,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_vision-1923,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_voice-of-mongolia-1937,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_vyas-kund-1932,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_wait-1917,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_waiting,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,nicholas-roerich_waiting-1927,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_waiting-1941,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_wanderer-from-the-resplendent-city-1933,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_wanderer-of-the-light-city-1933,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,nicholas-roerich_warrior-of-light-1933,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_waves-of-fog-1924,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_way-of-giants-1914,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_way-to-shambala-1933,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_way-to-tibet-1925,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_went-out-1922,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Symbolism,nicholas-roerich_western-himalayas-1936,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Symbolism,nicholas-roerich_whispers-of-desert,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_whispers-of-desert-story-about-new-era-1925,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_white-and-celestial-1924,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,nicholas-roerich_white-city-1916,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0]" +Symbolism,nicholas-roerich_white-cloud-1922,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_white-himalayas-1931,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_white-horsemen-1918,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_white-horses-1925,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_white-lady-1919,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]" +Symbolism,nicholas-roerich_white-stone-sign-of-cintamani-or-horse-of-happiness-1933,"[0.0, 2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_winter-landscape-1918,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Symbolism,nicholas-roerich_wisdom-of-manu-1916,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_world-s-treasure-1924,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,nicholas-roerich_world-s-treasure-cintamani-1924,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_yarilin-calls-1919,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_yaroslav-is-glad-for-kiev-1938,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Symbolism,nicholas-roerich_yaroslav-the-wise-1941,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_young-moon,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_yuhinlahti-1917,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_yurtas-1931,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,nicholas-roerich_yurtas-1940,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Symbolism,nicholas-roerich_zarathustra-1931,"[0.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicholas-roerich_zvenigorod-1933,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nicolae-vermont_dreaming-1896,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 6.0, 0.0]" +Symbolism,nicolae-vermont_romanian-stories-1911,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Symbolism,nikolaos-gyzis_archangel-study-for-the-foundation-of-faith-1895,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Symbolism,nikolaos-gyzis_behold-the-celestial-bridegroom-1900,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Symbolism,nikolaos-gyzis_behold-the-celestial-bridegroom-1900-1,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 0.0]" +Symbolism,nikolaos-gyzis_behold-the-celestial-bridegroom-cometh-1895,"[0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,nikolaos-gyzis_behold-the-celestial-bridegroom-cometh-study,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Symbolism,nikolaos-gyzis_landscape-1893,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Symbolism,nikolaos-gyzis_mother-of-god-study-1898,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,nikolaos-gyzis_nymth-and-cupid-1897,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Symbolism,nikolaos-gyzis_psyche,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,nikolaos-gyzis_repentance-1895,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]" +Symbolism,nikolaos-gyzis_spouse-1900(3),"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]" +Symbolism,nikolaos-gyzis_the-archangel-study-for-the-grounding-of-faith-1895,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Symbolism,nikolaos-gyzis_the-glory-of-psara(3),"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,nikolaos-gyzis_the-triumph-of-religion,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Symbolism,nikolaos-gyzis_vernal-symphony-1886,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,odilon-redon_a-boat,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Symbolism,odilon-redon_a-boat-1,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Symbolism,odilon-redon_a-figure,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,odilon-redon_a-funeral-mask-tolls-bell-1882,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]" +Symbolism,odilon-redon_a-madman-in-a-dismal-landscape-1885,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Symbolism,odilon-redon_a-strange-juggler-1885,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]" +Symbolism,odilon-redon_after-the-execution-1877,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]" +Symbolism,odilon-redon_aged-angel,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]" +Symbolism,odilon-redon_alsace-or-reading-monk,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,odilon-redon_and-he-discerns-an-arid-knoll-covered-plain-plate-7-1896,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Symbolism,odilon-redon_and-on-every-side-are-columns-of-basalt-the-light-falls-from-the-vaulted-roof-plate-3-1896,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 2.0]" +Symbolism,odilon-redon_and-the-eyes-without-heads-were-floating-like-molluscs-plate-13-1896,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0, 0.0]" +Symbolism,odilon-redon_andromeda,"[0.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,odilon-redon_angel-executions,"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0, 1.0]" +Symbolism,odilon-redon_angel-in-chains,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]" +Symbolism,odilon-redon_animals-of-the-bottom-of-the-sea,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0, 0.0]" +Symbolism,odilon-redon_animals-of-the-sea-1910,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Symbolism,odilon-redon_anthony-help-me-o-my-god-plate-2-1896,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Symbolism,odilon-redon_anthony-what-is-the-point-of-all-this-the-devil-there-is-no-point-plate-18-1896,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]" +Symbolism,odilon-redon_apollo-s-chariot,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]" +Symbolism,odilon-redon_apollo-s-chariot-1,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Symbolism,odilon-redon_apollo-s-chariot-1912,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,odilon-redon_apollo-s-chariot-2,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,odilon-redon_apollo-s-chariot-3,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,odilon-redon_apollo-s-chariot-4,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,odilon-redon_apollo-s-chariot-5,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,odilon-redon_apollo-s-chariot-6,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,odilon-redon_apollo-s-chariot-7,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0]" +Symbolism,odilon-redon_apollo-s-chariot-8,"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 2.0, 0.0, 0.0]" +Symbolism,odilon-redon_apparition,"[0.0, 3.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Symbolism,odilon-redon_auricular-cell-1894,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]" +Symbolism,odilon-redon_aurora,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,odilon-redon_bathers-1904,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Symbolism,odilon-redon_bazon-the-artist-s-cat-1905,"[1.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,odilon-redon_beatrice-1885,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Symbolism,odilon-redon_black-profile-gauguin,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,odilon-redon_boat-with-two-figures-1902,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,odilon-redon_bouquet-of-flowers-3,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,odilon-redon_bouquet-of-flowers-4,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Symbolism,odilon-redon_brunhild-the-valkyrie,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,odilon-redon_buddha,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,odilon-redon_buddha-walking-among-the-flowers-1905,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,odilon-redon_bust-of-a-man-asleep-amid-flowers,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,odilon-redon_cactus-man-1882,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]" +Symbolism,odilon-redon_caliban-on-a-branch-1881,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Symbolism,odilon-redon_calvary,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]" +Symbolism,odilon-redon_cauldron-of-the-sorceress-1879,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Symbolism,odilon-redon_ceaselessly-by-my-side-the-demon-stirs-1890,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]" +Symbolism,odilon-redon_centaur-with-cello-1910,"[1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]" +Symbolism,odilon-redon_centaurs,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0]" +Symbolism,odilon-redon_christ,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Symbolism,odilon-redon_christ-and-his-desciples,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Symbolism,odilon-redon_christ-in-silence,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Symbolism,odilon-redon_christ-on-the-cross,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]" +Symbolism,odilon-redon_christ-with-red-thorns,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]" +Symbolism,odilon-redon_chrysalis,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0]" +Symbolism,odilon-redon_closed-eyes,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Symbolism,odilon-redon_closed-eyes-1,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Symbolism,odilon-redon_closed-eyes-1890,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Symbolism,odilon-redon_closed-eyes-1899,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]" +Symbolism,odilon-redon_closed-eyes-2,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Symbolism,odilon-redon_closed-eyes-3,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,odilon-redon_combat-of-centaurs,"[0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,odilon-redon_composition-with-flowers,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,odilon-redon_cup-of-cognition-the-children-s-cup-1894,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]" +Symbolism,odilon-redon_dante-s-vision,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0]" +Symbolism,odilon-redon_david-and-goliath-1875,"[1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Symbolism,odilon-redon_day-appears-at-last-and-in-the-very-disk-of-the-sun-shines-face-of-jesus-christ-plate-24-1896,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Symbolism,odilon-redon_death-it-is-i-who-makes-you-serious-let-us-embrace-each-other-plate-20-1896,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Symbolism,odilon-redon_death-my-irony-surpasses-all-others-1889,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Symbolism,odilon-redon_decorative-panel,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,odilon-redon_decorative-panel-1,"[0.0, 2.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]" +Symbolism,odilon-redon_devil-take-a-head-in-the-air-1876,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Symbolism,odilon-redon_different-peoples-inhabit-the-countries-of-the-ocean-plate-23-1896,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Symbolism,odilon-redon_eve-1904,"[0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Symbolism,odilon-redon_everywhere-eyeballs-are-aflame-1888,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Symbolism,odilon-redon_evocation-head-of-christ-or-inspiration-from-a-mosaic-in-ravenna,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Symbolism,odilon-redon_eye-balloon-1898,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]" +Symbolism,odilon-redon_face-of-mystery-1885,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]" +Symbolism,odilon-redon_fallen-angel-1872,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,odilon-redon_fallen-angel-looking-at-at-cloud,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0]" +Symbolism,odilon-redon_false-glory-1885,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Symbolism,odilon-redon_fantastical,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Symbolism,odilon-redon_faust-and-mephistopheles-1880,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Symbolism,odilon-redon_fear-1866,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0]" +Symbolism,odilon-redon_figure,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Symbolism,odilon-redon_first-a-pool-of-water-then-a-prostitute-the-corner-of-a-temple-a-soldier-s-face-a-chariot-with-1888,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0]" +Symbolism,odilon-redon_five-studies-of-female-nudes,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Symbolism,odilon-redon_flight-into-egypt,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,odilon-redon_flower-clouds-1903,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,odilon-redon_flower-of-blood-1895,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,odilon-redon_flower-of-the-swamp-a-head-human-and-sad-1885,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Symbolism,odilon-redon_flowers,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,odilon-redon_flowers-3,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,odilon-redon_flowers-fall-and-the-head-of-a-python-appears-plate-5-1896,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]" +Symbolism,odilon-redon_flowers-in-a-black-vase,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,odilon-redon_flowers-in-a-pot-on-a-red-background,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Symbolism,odilon-redon_flowers-in-green-vase-with-handles,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Symbolism,odilon-redon_frontpiece-for-the-temptation-of-saint-anthony-1896,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Symbolism,odilon-redon_girl-with-chrysanthemums,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,odilon-redon_gnome-1879,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Symbolism,odilon-redon_goat,"[1.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]" +Symbolism,odilon-redon_green-vase,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,odilon-redon_he-falls-head-first-into-the-abyss-plate-17-1896,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Symbolism,odilon-redon_head-of-a-martyr-1877,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0, 0.0]" +Symbolism,odilon-redon_head-of-a-sleeping-woman,"[0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Symbolism,odilon-redon_head-of-a-young-woman-in-profile,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,odilon-redon_head-of-orpheus-on-the-water-or-the-mystic-1880,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Symbolism,odilon-redon_head-on-a-stem,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,odilon-redon_head-with-flowers,"[0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Symbolism,odilon-redon_helena-ennoia-plate-10-1896,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Symbolism,odilon-redon_here-is-the-good-goddess-the-idaean-mother-of-the-mountains-plate-15-1896,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,odilon-redon_homage-to-leonardo-da-vinci-1908,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Symbolism,odilon-redon_i-am-still-the-great-isis-none-has-yet-lifted-my-veil-my-fruit-is-the-sun-plate-16-1896,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Symbolism,odilon-redon_i-have-sometimes-seen-in-the-sky-what-seemed-like-forms-of-spirits-plate-21-1896,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Symbolism,odilon-redon_i-plunged-into-solitude-i-dwelt-in-the-tree-behind-me-plate-9-1896,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]" +Symbolism,odilon-redon_icarus,"[0.0, 3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,odilon-redon_immediately-three-goddesses-arise-plate-11-1896,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,odilon-redon_in-the-balance,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Symbolism,odilon-redon_in-the-section-1879,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0, 1.0]" +Symbolism,odilon-redon_in-the-shadow-people-are-weeping-and-praying-surrounded-by-others-who-are-exhorting-them-plate-1896,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]" +Symbolism,odilon-redon_initiation-to-study-1905,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,odilon-redon_intelligence-was-mine-i-became-the-buddha-plate-12-1896,"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 2.0, 0.0, 0.0]" +Symbolism,odilon-redon_jacob-wrestling-with-the-angel,"[0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,odilon-redon_jacob-wrestling-with-the-angel-1,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Symbolism,odilon-redon_joan-of-arc,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Symbolism,odilon-redon_lady-macbeth,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Symbolism,odilon-redon_lady-of-the-flowers,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Symbolism,odilon-redon_landscape-with-eve,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Symbolism,odilon-redon_leda-and-the-swan,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]" +Symbolism,odilon-redon_lenor-appears-in-front-of-the-black-sun-of-melancholy-1882,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]" +Symbolism,odilon-redon_lenore,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Symbolism,odilon-redon_madness-1882,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 2.0]" +Symbolism,odilon-redon_madness-1883,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]" +Symbolism,odilon-redon_man-s-head,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Symbolism,odilon-redon_maurice-denis-1903,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,odilon-redon_meditation,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,odilon-redon_melancholy-1876,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,odilon-redon_muse-on-pegasus,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,odilon-redon_my-kisses-have-the-taste-of-fruit-which-would-melt-in-your-heart-you-distain-me-farewell-plate-1896,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0]" +Symbolism,odilon-redon_mysterious-boat,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,odilon-redon_mysterious-head,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,odilon-redon_mystery,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Symbolism,odilon-redon_mystical-conversation,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Symbolism,odilon-redon_mystical-conversation-1,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,odilon-redon_naked-woman-on-a-car,"[3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,odilon-redon_nasturtiums,"[0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,odilon-redon_not_detected_248077,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]" +Symbolism,odilon-redon_not_detected_248078,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Symbolism,odilon-redon_nude-begonia-and-heads,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,odilon-redon_nude-woman-on-the-rocks-jpeg,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Symbolism,odilon-redon_oannes,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Symbolism,odilon-redon_oannes-1904,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Symbolism,odilon-redon_oedipus-in-the-garden-of-illusions,"[0.0, 0.0, 2.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Symbolism,odilon-redon_on-the-horizon-the-angel-of-certitude-and-in-the-dark-sky-a-questioning-glance-1882,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]" +Symbolism,odilon-redon_onnes-christ-and-the-serpent-1907,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]" +Symbolism,odilon-redon_ophelia,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,odilon-redon_ophelia-1,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,odilon-redon_ophelia-1905,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,odilon-redon_ophelia-2,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,odilon-redon_orchids,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,odilon-redon_oriental-woman,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Symbolism,odilon-redon_orpheus,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Symbolism,odilon-redon_pandora,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,odilon-redon_pandora-1,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,odilon-redon_pantheon,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,odilon-redon_parsifal,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]" +Symbolism,odilon-redon_parsifal-1891,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Symbolism,odilon-redon_pegasus-1900,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,odilon-redon_pegasus-1905,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,odilon-redon_pegasus-and-the-hydra,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Symbolism,odilon-redon_photograph-of-guardian-spirit-of-the-waters-1878-by-en0odilon-redon-in-the-public-domain,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]" +Symbolism,odilon-redon_poet-s-dream,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,odilon-redon_portrait-of-ari-redon,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,odilon-redon_portrait-of-ari-redon-in-profile,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Symbolism,odilon-redon_portrait-of-genevieve-de-gonet-as-a-child-1907,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,odilon-redon_portrait-of-jeanne-chaine-1903,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Symbolism,odilon-redon_portrait-of-madame-arthur-fontaine-1901,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,odilon-redon_portrait-of-madame-gustave-fayet-1907,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,odilon-redon_portrait-of-madame-redon,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Symbolism,odilon-redon_portrait-of-madame-redon-embroidering-1880,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,odilon-redon_portrait-of-madame-redon-in-profile,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Symbolism,odilon-redon_portrait-of-madame-redon-with-ari,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Symbolism,odilon-redon_portrait-of-mademoiselle-jeanne-roberte-de-domecy-1905,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Symbolism,odilon-redon_portrait-of-marie-botkine-1900,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0, 0.0]" +Symbolism,odilon-redon_portrait-of-paule-gobillard-1900,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,odilon-redon_portrait-of-simone-fayet-1907,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Symbolism,odilon-redon_portrait-of-simone-fayet-in-holy-communion-1908,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Symbolism,odilon-redon_portrait-of-the-marquis-de-gonet-1907,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,odilon-redon_portrait-of-the-son-of-robert-de-comecy-1898,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,odilon-redon_portrait-of-violette-heymann-1910,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,odilon-redon_portrait-of-yseult-fayet-1908,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,odilon-redon_predistined-child,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,odilon-redon_primitive-man-seated-in-shadow,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]" +Symbolism,odilon-redon_profile,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,odilon-redon_profile-1,"[0.0, 2.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]" +Symbolism,odilon-redon_profile-and-flowers-1912,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,odilon-redon_profile-in-an-arch-1905,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,odilon-redon_profile-of-a-child-profile-of-a-girl-with-bird-of-paradise,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,odilon-redon_profile-of-a-young-girl,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,odilon-redon_red-boat-with-blue-sails,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,odilon-redon_red-thorns,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,odilon-redon_reflection,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Symbolism,odilon-redon_rodolphe-bresdin-1865,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Symbolism,odilon-redon_roger-and-angelica,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]" +Symbolism,odilon-redon_roger-and-angelica-1,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,odilon-redon_roger-and-angelica-1910,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Symbolism,odilon-redon_roland-at-roncesvalles,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Symbolism,odilon-redon_sacred-heart-1910,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,odilon-redon_saint-george,"[0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,odilon-redon_saint-george-and-the-dragon,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,odilon-redon_saint-john-the-blue-tunic-1892,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Symbolism,odilon-redon_saint-sebastian,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Symbolism,odilon-redon_saint-sebastian-1,"[1.0, 0.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Symbolism,odilon-redon_saint-sebastian-1910,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0, 0.0]" +Symbolism,odilon-redon_salome,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]" +Symbolism,odilon-redon_satan-1877,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]" +Symbolism,odilon-redon_self-portrait-1880,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]" +Symbolism,odilon-redon_severed-head-1878,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]" +Symbolism,odilon-redon_she-draws-from-her-bosom-a-sponge-perfectly-black-and-covers-it-with-kisses-plate-8-1896,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]" +Symbolism,odilon-redon_silence,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,odilon-redon_silence-1,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]" +Symbolism,odilon-redon_silence-1900,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Symbolism,odilon-redon_silence-3,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Symbolism,odilon-redon_sita-1893,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,odilon-redon_sketch,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Symbolism,odilon-redon_small-bust-of-a-young-girl,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Symbolism,odilon-redon_spirit-of-the-forest-1890,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0, 1.0]" +Symbolism,odilon-redon_spring,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,odilon-redon_spring-1883,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,odilon-redon_stained-glass-window,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,odilon-redon_stained-glass-window-allegory-1908,"[1.0, 9.0, 5.0, 11.0, 0.0, 3.0, 4.0, 3.0, 9.0]" +Symbolism,odilon-redon_stained-glass-window-the-mysterious-garden,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,odilon-redon_still-life-the-dream,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,odilon-redon_strange-orchid,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,odilon-redon_struggle-between-woman-and-centaur,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Symbolism,odilon-redon_swamp-flower-1884,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Symbolism,odilon-redon_temptation,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Symbolism,odilon-redon_the-accused-1887,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]" +Symbolism,odilon-redon_the-angel-of-destiny,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0]" +Symbolism,odilon-redon_the-apparition,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]" +Symbolism,odilon-redon_the-beacon-1883,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Symbolism,odilon-redon_the-beasts-of-the-sea-round-like-leather-bottles-plate-22-1896,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Symbolism,odilon-redon_the-birth-of-venus,"[1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,odilon-redon_the-birth-of-venus-1,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Symbolism,odilon-redon_the-birth-of-venus-1912,"[2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Symbolism,odilon-redon_the-birth-of-venus-1912-1,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,odilon-redon_the-birth-of-venus-1912-2,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,odilon-redon_the-birth-of-venus-2,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Symbolism,odilon-redon_the-black-pegasus,"[0.0, 1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,odilon-redon_the-black-torches-1889,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]" +Symbolism,odilon-redon_the-blessing,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,odilon-redon_the-boat,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Symbolism,odilon-redon_the-boat-1902,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Symbolism,odilon-redon_the-boat-virgin-with-corona,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Symbolism,odilon-redon_the-breath-which-leads-all-creatures-is-also-in-the-spheres-1882,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Symbolism,odilon-redon_the-buddha,"[0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Symbolism,odilon-redon_the-buddha-1,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Symbolism,odilon-redon_the-child,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,odilon-redon_the-child-in-a-sphere-of-light,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,odilon-redon_the-child-in-a-sphere-of-light-1,"[0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 1.0, 0.0, 0.0]" +Symbolism,odilon-redon_the-crown,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Symbolism,odilon-redon_the-crown-1910,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Symbolism,odilon-redon_the-crucifixion-1904,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Symbolism,odilon-redon_the-crying-spider-1881,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0, 0.0]" +Symbolism,odilon-redon_the-cup-of-mystery,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,odilon-redon_the-cyclops,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Symbolism,odilon-redon_the-death-of-ophelia-1905,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]" +Symbolism,odilon-redon_the-departure,"[1.0, 3.0, 9.0, 3.0, 0.0, 0.0, 2.0, 22.0, 6.0]" +Symbolism,odilon-redon_the-distributer-of-crowns,"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0, 0.0]" +Symbolism,odilon-redon_the-doge-s-wife,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,odilon-redon_the-dream,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,odilon-redon_the-druidess-1893,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,odilon-redon_the-druidess-1893-1,"[1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]" +Symbolism,odilon-redon_the-egg-1885,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Symbolism,odilon-redon_the-eternal-silence-of-these-infinite-spaces-frightens-me,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]" +Symbolism,odilon-redon_the-eye-like-a-strange-balloon-goes-to-infinity-1882,"[3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,odilon-redon_the-fallen-angel,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Symbolism,odilon-redon_the-fisherwoman-1900,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Symbolism,odilon-redon_the-flame-goddess-of-fire-1896,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Symbolism,odilon-redon_the-flight-into-egypt,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,odilon-redon_the-gambler-1879,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]" +Symbolism,odilon-redon_the-glance,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Symbolism,odilon-redon_the-golden-cell-1892,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Symbolism,odilon-redon_the-green-death,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 1.0]" +Symbolism,odilon-redon_the-green-horseman,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Symbolism,odilon-redon_the-laureate-head,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Symbolism,odilon-redon_the-man,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Symbolism,odilon-redon_the-martyrdom-of-saint-sebastian-1910,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0]" +Symbolism,odilon-redon_the-mask-of-the-red-death-1883,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 35.0, 10.0, 1.0]" +Symbolism,odilon-redon_the-masked-anemone,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Symbolism,odilon-redon_the-monster,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]" +Symbolism,odilon-redon_the-mysterious-boat,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Symbolism,odilon-redon_the-mysterious-boat-1,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,odilon-redon_the-mystical-knight-oedipus-and-the-sphinx-1869,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0, 0.0]" +Symbolism,odilon-redon_the-old-woman-what-are-you-afraid-of-a-wide-black-hole-perhaps-it-is-a-void-plate-19-1896,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Symbolism,odilon-redon_the-origins,"[1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]" +Symbolism,odilon-redon_the-prisoner-boulet-1879,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,odilon-redon_the-raven-1882,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,odilon-redon_the-red-sphinx,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Symbolism,odilon-redon_the-saint,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]" +Symbolism,odilon-redon_the-seashell-1912,"[0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,odilon-redon_the-seashell-1912-1,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,odilon-redon_the-sermon,"[0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]" +Symbolism,odilon-redon_the-servant,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]" +Symbolism,odilon-redon_the-smiling-spider-1891,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Symbolism,odilon-redon_the-wheel-of-fortune,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 1.0]" +Symbolism,odilon-redon_the-window,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Symbolism,odilon-redon_the-window-1,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,odilon-redon_the-winged-man-the-fallen-angel-1880,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,odilon-redon_the-yellow-cape-1895,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]" +Symbolism,odilon-redon_the-yellow-sail,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Symbolism,odilon-redon_there-were-also-embryonic-beings-1885,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Symbolism,odilon-redon_tree-against-a-yellow-background-1901,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Symbolism,odilon-redon_two-trees-1875,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Symbolism,odilon-redon_two-women-under-a-red-tree,"[1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,odilon-redon_two-young-girls-among-the-flowers-1912,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Symbolism,odilon-redon_underwater-vision,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 3.0]" +Symbolism,odilon-redon_underwater-vision-1,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]" +Symbolism,odilon-redon_underwater-vision-1910,"[0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0]" +Symbolism,odilon-redon_upon-awakening-i-saw-the-goddess-of-the-intelligible-with-her-severe-and-hard-profile-1885,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Symbolism,odilon-redon_venetian-landscape,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Symbolism,odilon-redon_violette-haymann,"[0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]" +Symbolism,odilon-redon_virgin-of-the-dawn-1890,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0]" +Symbolism,odilon-redon_vision,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Symbolism,odilon-redon_vision-1879,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Symbolism,odilon-redon_vitrage,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,odilon-redon_white-pegasus,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,odilon-redon_winged-old-man-with-a-long-white-beard,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]" +Symbolism,odilon-redon_woman-among-the-flowers,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,odilon-redon_woman-and-child-against-a-stained-glass-background,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,odilon-redon_woman-and-serpent,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]" +Symbolism,odilon-redon_woman-and-stone-pot-full-of-flowers,"[0.0, 0.0, 3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]" +Symbolism,odilon-redon_woman-and-the-mountain-landscape,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,odilon-redon_woman-in-profile-under-a-gothic-arch,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Symbolism,odilon-redon_woman-in-profile-under-a-gothic-arch-1,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,odilon-redon_woman-in-profile-with-flowers,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,odilon-redon_woman-in-red,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]" +Symbolism,odilon-redon_woman-with-a-yellow-bodice,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Symbolism,odilon-redon_woman-with-flowers,"[0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Symbolism,odilon-redon_woman-with-flowers-1903,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,odilon-redon_woman-with-pillar-of-flowers-1903,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Symbolism,odilon-redon_woman-with-veil-1895,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Symbolism,odilon-redon_yachts-at-royan-1902,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,odilon-redon_yellow-boat,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Symbolism,odilon-redon_young-girl-facing-left,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Symbolism,odilon-redon_young-girl-in-a-blue-bonnet,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,pablo-picasso_a-blue-vase-1903,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,pablo-picasso_evocation-the-burial-of-casagemas-1901,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Symbolism,pablo-picasso_hurdy-gurdy-1905,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]" +Symbolism,pablo-picasso_peasants-1906,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,pablo-picasso_right-profile-of-clown-1905,"[2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Symbolism,pablo-picasso_salome-1905,"[1.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]" +Symbolism,pablo-picasso_scene-in-a-cabaret-1902,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 1.0]" +Symbolism,pablo-picasso_standing-young-nude-1904,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]" +Symbolism,pablo-picasso_the-fall-of-icarus,"[0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0, 0.0]" +Symbolism,pablo-picasso_the-fool-1904-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]" +Symbolism,pablo-picasso_the-roofs-of-barcelona-in-the-moonlight-1903,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Symbolism,pablo-picasso_the-tragedy-1903,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Symbolism,pablo-picasso_two-women-sitting-at-a-bar-1902,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Symbolism,pablo-picasso_venus-and-cupid-1905,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,pablo-picasso_woman-leaning-ahead-1904,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]" +Symbolism,pablo-picasso_woman-with-raven-1904,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Symbolism,pablo-picasso_woman-with-raven-1904-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 2.0]" +Symbolism,paul-mathiopoulos_after-the-rain-queen-street-wisdom-1900,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,paul-mathiopoulos_panepistimiou-street-1896,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,pierre-puvis-de-chavannes_a-maid-combing-a-woman-s-hair,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Symbolism,pierre-puvis-de-chavannes_allegory-of-charity,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,pierre-puvis-de-chavannes_allegory-of-life,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,pierre-puvis-de-chavannes_autumn,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,pierre-puvis-de-chavannes_bellum-war,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0, 0.0]" +Symbolism,pierre-puvis-de-chavannes_between-art-and-nature,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Symbolism,pierre-puvis-de-chavannes_between-art-and-nature-detail,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,pierre-puvis-de-chavannes_between-art-and-nature-detail-1,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,pierre-puvis-de-chavannes_charity,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,pierre-puvis-de-chavannes_children-in-an-orchard,"[2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]" +Symbolism,pierre-puvis-de-chavannes_christian-inspiration-1888,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,pierre-puvis-de-chavannes_chromolithograph-poster,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,pierre-puvis-de-chavannes_cider,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,pierre-puvis-de-chavannes_daphnis-and-chloe,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Symbolism,pierre-puvis-de-chavannes_death-and-the-maidens,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Symbolism,pierre-puvis-de-chavannes_fresco-for-the-decoration-of-the-pantheon-saints,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,pierre-puvis-de-chavannes_fresco-for-the-decoration-of-the-pantheon-saints-1,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0]" +Symbolism,pierre-puvis-de-chavannes_fresco-for-the-decoration-of-the-pantheon-saints-detail,"[0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0]" +Symbolism,pierre-puvis-de-chavannes_greek-colony-marseille-1872,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Symbolism,pierre-puvis-de-chavannes_homer-epic-poetry,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,pierre-puvis-de-chavannes_hope-1872,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,pierre-puvis-de-chavannes_hope-1872-1,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,pierre-puvis-de-chavannes_life-of-st-genevieve,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Symbolism,pierre-puvis-de-chavannes_marseilles-gate-to-the-orient-detail,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,pierre-puvis-de-chavannes_marseilles-gate-to-the-orient-detail-1,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,pierre-puvis-de-chavannes_mary-magdalene-in-the-desert,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Symbolism,pierre-puvis-de-chavannes_mary-magdalene-in-the-desert-1,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]" +Symbolism,pierre-puvis-de-chavannes_meditation,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Symbolism,pierre-puvis-de-chavannes_not-detected-258401,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,pierre-puvis-de-chavannes_orpheus,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Symbolism,pierre-puvis-de-chavannes_patriotic-games,"[0.0, 1.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Symbolism,pierre-puvis-de-chavannes_pity-1887,"[0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 3.0, 0.0]" +Symbolism,pierre-puvis-de-chavannes_sleeping,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,pierre-puvis-de-chavannes_st-genevieve-as-a-child-in-prayer,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,pierre-puvis-de-chavannes_st-genevieve-bringing-supplies-to-the-city-of-paris-after-the-siege,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Symbolism,pierre-puvis-de-chavannes_st-genevieve-makes-confidence-and-calm-to-frightened-parisians-of-the-approach-of-attila,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,pierre-puvis-de-chavannes_study-for-four-figures-in-rest,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,pierre-puvis-de-chavannes_study-of-a-standing-male-nude-1882,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,pierre-puvis-de-chavannes_summer,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,pierre-puvis-de-chavannes_summer-detail,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Symbolism,pierre-puvis-de-chavannes_summer-detail-1,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Symbolism,pierre-puvis-de-chavannes_tamaris-detail,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,pierre-puvis-de-chavannes_the-balloon,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,pierre-puvis-de-chavannes_the-bathers,"[1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Symbolism,pierre-puvis-de-chavannes_the-beheading-of-st-john-the-baptist,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0, 0.0]" +Symbolism,pierre-puvis-de-chavannes_the-beheading-of-st-john-the-baptist-1869,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Symbolism,pierre-puvis-de-chavannes_the-birds-1871,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,pierre-puvis-de-chavannes_the-childhood-of-saint-genevieve,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,pierre-puvis-de-chavannes_the-dream-in-his-sleep-he-saw-love-glory-and-wealth-appear-to-him-1883,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Symbolism,pierre-puvis-de-chavannes_the-happy-land-1882,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,pierre-puvis-de-chavannes_the-happy-land-detail-1882,"[1.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,pierre-puvis-de-chavannes_the-keeper-of-goats,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Symbolism,pierre-puvis-de-chavannes_the-penitent-magdalen,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,pierre-puvis-de-chavannes_the-poor-fisherman,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]" +Symbolism,pierre-puvis-de-chavannes_the-poor-fisherman-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 5.0, 0.0]" +Symbolism,pierre-puvis-de-chavannes_the-prodigal-son,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]" +Symbolism,pierre-puvis-de-chavannes_the-prodigal-son-2,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]" +Symbolism,pierre-puvis-de-chavannes_the-rest,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,pierre-puvis-de-chavannes_the-river,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,pierre-puvis-de-chavannes_the-sacred-wood-cherished-by-the-arts-and-the-muses-1889,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,pierre-puvis-de-chavannes_the-sacred-wood-cherished-by-the-arts-and-the-muses-detail-1889,"[0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]" +Symbolism,pierre-puvis-de-chavannes_the-sacred-wood-cherished-by-the-arts-and-the-muses-detail-1889-1,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,pierre-puvis-de-chavannes_the-song-of-the-shepherd,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,pierre-puvis-de-chavannes_the-toilette,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Symbolism,pierre-puvis-de-chavannes_the-village-firemen,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 1.0]" +Symbolism,pierre-puvis-de-chavannes_thomas-alfred-jones,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Symbolism,pierre-puvis-de-chavannes_winter-1896,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Symbolism,pierre-puvis-de-chavannes_woman-by-the-sea-1887,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Symbolism,pierre-puvis-de-chavannes_work,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,pierre-puvis-de-chavannes_young-girls-by-the-sea,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,pierre-puvis-de-chavannes_young-girls-on-the-edge-of-the-sea,"[2.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,roger-de-la-fresnaye_a-romanian,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,roger-de-la-fresnaye_self-portrait-1908,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Symbolism,roger-de-la-fresnaye_the-entrance-to-the-village,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,roger-de-la-fresnaye_the-shepherdess-spring-marie-child,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Symbolism,salvador-dali_a-fate-of-the-parthenon,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0, 0.0]" +Symbolism,salvador-dali_clown-for-the-amazing-adventure-of-the-lacemaker-and-the-rhinoceros,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]" +Symbolism,salvador-dali_day-of-the-virgin,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,salvador-dali_desoxyribonucleic-acid-arabs,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]" +Symbolism,salvador-dali_double-sided-verso-studio-scene,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0]" +Symbolism,salvador-dali_figure-in-the-shape-of-a-cloud,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Symbolism,salvador-dali_figures-scene-after-goya,"[2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0]" +Symbolism,salvador-dali_gradiva-finds-the-anthropomorphic-ruins,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,salvador-dali_landscape-with-hidden-image-of-michelangelo-s-david,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Symbolism,salvador-dali_landscape-with-rock-in-the-shape-of-a-triumphal-arch,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]" +Symbolism,salvador-dali_les-clemolselles-d-avignon-the-girls-of-avignon,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,salvador-dali_metamorphosis-of-hitler-s-face-into-a-moonlit-landscape-with-accompaniment,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Symbolism,salvador-dali_nude-figures-at-cape-creus,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]" +Symbolism,salvador-dali_omnes-de-saba-venient-1967,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0]" +Symbolism,salvador-dali_seated-figure-contemplating-a-great-tapeworm-masturbator,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]" +Symbolism,salvador-dali_space-eve,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,serge-sudeikin_ballet-1910,"[1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,serge-sudeikin_harlequin-s-garden-1915,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,serge-sudeikin_lovers-under-the-moon-1910,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,serge-sudeikin_night-festival-1905,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Symbolism,serge-sudeikin_pastoral-1906,"[0.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,serge-sudeikin_pastoral-1910,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,stefan-luchian_amazon,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,stefan-luchian_mother-with-baby,"[0.0, 1.0, 5.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Symbolism,theodor-severin-kittelsen_gutt-paa-hvit-hest,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,theodor-severin-kittelsen_hilder-1891,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Symbolism,theodor-severin-kittelsen_ikke-kjoerende-og-ikke-ridende,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,theodor-severin-kittelsen_jomfru-maria-og-svalen,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,theodor-severin-kittelsen_kornstaurer-i-maaneskinn,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,theodor-severin-kittelsen_krambugutten-med-gammelostlasten,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Symbolism,theodor-severin-kittelsen_kvitebj-rn-kong-valemon-1912-2,"[1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,theodor-severin-kittelsen_lysalver-fanger-skyggetussen(1),"[3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,theodor-severin-kittelsen_postbefordring-paa-maanen(1),"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]" +Symbolism,theodor-severin-kittelsen_sam-eyde-foran-svelgfoss-1908,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,theodor-severin-kittelsen_skomv-r-lighthouse-1891,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,theodor-severin-kittelsen_sorgen,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Symbolism,theodor-severin-kittelsen_soria-moria-slott-1911,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,theodor-severin-kittelsen_soria-moria-slott-1911-2,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Symbolism,theodor-severin-kittelsen_soria-moria-slott-ja-nu-synes-jeg-jeg-skimter-noget-1911,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Symbolism,theodor-severin-kittelsen_svelgfoss-norsk-hydro-1908,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,theodor-severin-kittelsen_svelgfoss-power-plant-1908,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,theodor-severin-kittelsen_uvaersnatt-utfor-skomvaer-fyr-en,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]" +Symbolism,theodore-chasseriau_macbeth-the-apparition-of-the-kings-1856,"[0.0, 3.0, 2.0, 2.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Symbolism,theodore-chasseriau_sappho-leaping-into-the-sea-from-the-leucadian-promontory-1840,"[2.0, 2.0, 1.0, 1.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Symbolism,victor-borisov-musatov_daphnis-and-chloe-1901,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,victor-borisov-musatov_emerald-necklace-1904,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,victor-borisov-musatov_harmony-1900,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,victor-borisov-musatov_on-a-balcony-1899,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,victor-borisov-musatov_phantoms-1903,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Symbolism,victor-borisov-musatov_requiem-1905,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,victor-borisov-musatov_the-pool-1902,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,victor-hugo_calling-card-1855,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,victor-hugo_ermitage-rock-in-an-imaginary-landscape-1855,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]" +Symbolism,victor-hugo_gavroche-at-11-years-old-1850,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Symbolism,victor-hugo_heraldic-eagle-185,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Symbolism,victor-hugo_justicia-1858,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]" +Symbolism,victor-hugo_la-tour-des-rats-1847,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Symbolism,victor-hugo_lace-and-ghosts-1856,"[2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0]" +Symbolism,victor-hugo_le-gai-ch-teau-1847,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Symbolism,victor-hugo_marine-terrace-with-initials-1855,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Symbolism,victor-hugo_mushroom-1850,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,victor-hugo_octopus-with-the-initials-v-h-1866,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Symbolism,victor-hugo_old-house-1856,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Symbolism,victor-hugo_p-cherie-at-night,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Symbolism,victor-hugo_planet-1866,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]" +Symbolism,victor-hugo_ruined-aqueduct-1850,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0, 0.0]" +Symbolism,victor-hugo_silhouette-fantastique-1854,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Symbolism,victor-hugo_the-dead-city-1850,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Symbolism,victor-hugo_the-key-is-here-the-gate-elsewhere-1871,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]" +Symbolism,victor-hugo_the-king-of-the-auxcriniers-1864,"[4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Symbolism,victor-hugo_the-mouth-of-darkness-1856,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]" +Symbolism,victor-hugo_the-snake-1866,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]" +Symbolism,victor-hugo_the-upper-rhine-1855,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,victor-hugo_the-wave-or-my-destiny-1857,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Symbolism,victor-hugo_torquemada,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Symbolism,victor-hugo_twilight-1855,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Symbolism,viktor-vasnetsov_a-knight-at-the-crossroads-1878,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 4.0, 2.0]" +Symbolism,viktor-vasnetsov_alexander-nevsky-1893,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,viktor-vasnetsov_archangel-michael-1915,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,viktor-vasnetsov_baba-yaga-1917,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 1.0]" +Symbolism,viktor-vasnetsov_bogatyrs-1881,"[1.0, 2.0, 1.0, 3.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Symbolism,viktor-vasnetsov_bogomater,"[0.0, 7.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,viktor-vasnetsov_bogomater-1,"[0.0, 4.0, 2.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Symbolism,viktor-vasnetsov_boyan-1910,"[1.0, 3.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,viktor-vasnetsov_christ-almighty-1896,"[1.0, 3.0, 5.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,viktor-vasnetsov_crucified-christ-1896,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 2.0, 2.0, 2.0]" +Symbolism,viktor-vasnetsov_crucifixion-1904,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 7.0, 1.0]" +Symbolism,viktor-vasnetsov_descent-into-hell-1904,"[0.0, 3.0, 1.0, 1.0, 1.0, 0.0, 2.0, 1.0, 1.0]" +Symbolism,viktor-vasnetsov_fight-dobrynya-nikitich-with-seven-headed-serpent-hydra-1918,"[2.0, 4.0, 1.0, 9.0, 0.0, 1.0, 31.0, 2.0, 3.0]" +Symbolism,viktor-vasnetsov_four-horsemen-of-apocalypse-1887,"[1.0, 4.0, 1.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Symbolism,viktor-vasnetsov_gamaun-the-prophetic-bird-1897,"[0.0, 3.0, 0.0, 3.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Symbolism,viktor-vasnetsov_god-of-hosts-1896,"[1.0, 7.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,viktor-vasnetsov_god-son,"[1.0, 8.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,viktor-vasnetsov_judgement-day-1896,"[0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0, 1.0]" +Symbolism,viktor-vasnetsov_m-i-ryazantseva-1901,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,viktor-vasnetsov_mounted-knights-1896,"[0.0, 3.0, 2.0, 2.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Symbolism,viktor-vasnetsov_not_detected_237588-1901,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,viktor-vasnetsov_portrait-of-boris-vasnetsov-son-of-the-artist-1889,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Symbolism,viktor-vasnetsov_portrait-of-vladimir-vasnetsov-the-artist-s-son-1899,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,viktor-vasnetsov_portrait-of-zinaida-median-1909,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Symbolism,viktor-vasnetsov_prince-andrey-bogolyubsky-1896,"[3.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,viktor-vasnetsov_savior-in-the-crown-of-thorns-1906,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 8.0, 1.0]" +Symbolism,viktor-vasnetsov_temptation,"[1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 4.0, 0.0, 1.0]" +Symbolism,viktor-vasnetsov_the-last-judgement-1904,"[0.0, 4.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]" +Symbolism,viktor-vasnetsov_three-princess-of-the-underworld-1884,"[1.0, 3.0, 1.0, 1.0, 0.0, 1.0, 1.0, 1.0, 1.0]" +Symbolism,wilhelm-kotarbinski_evening-star,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,wilhelm-kotarbinski_girl-with-angel,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,wilhelm-kotarbinski_grave-of-a-suicide-victim,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Symbolism,wilhelm-kotarbinski_nude-in-the-reeds,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Symbolism,wilhelm-kotarbinski_the-vineyard-of-desolation,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,william-blake_a-negro-hung-alive-by-the-ribs-to-a-gallows-1796,"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0, 0.0]" +Symbolism,william-blake_a-sunshine-holiday-1820(1),"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,william-blake_a-white-haired-man-in-a-long-pale-robe-who-flees-from-us-with-his-hands-raised-1794,"[0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Symbolism,william-blake_and-elohim-created-adam-1795,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,william-blake_andrew-simon-peter-searching-for-christ-1819,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,william-blake_angels-ministering-to-christ-1820,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,william-blake_antaeus-setting-down-dante-and-virgil-in-the-last-circle-of-hell-1827,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,william-blake_archangel-raphael-with-adam-and-eve-1808,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,william-blake_beatrice,"[2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,william-blake_blasphemer,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 1.0]" +Symbolism,william-blake_christ-appearing-to-his-disciples-after-the-resurrection,"[0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Symbolism,william-blake_christ-as-the-redeemer-of-man-1808,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,william-blake_christ-in-the-sepulchre,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,william-blake_christ-nailed-to-the-cross-the-third-hour,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]" +Symbolism,william-blake_christ-refusing-the-banquet-offered-by-satan-1820,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]" +Symbolism,william-blake_christ-tempted-by-satan-to-turn-the-stones-to-bread-1819,"[0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Symbolism,william-blake_dante-and-virgil-at-the-gates-of-hell,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,william-blake_elisha-in-the-chamber-on-the-wall-1820,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]" +Symbolism,william-blake_glad-day-or-the-dance-of-albion,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,william-blake_god-judging-adam,"[1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0]" +Symbolism,william-blake_hecate-the-night-of-enitharmon-s-joy-1795,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,william-blake_illustration-to-book-of-job,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]" +Symbolism,william-blake_illustration-to-book-of-job-1,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Symbolism,william-blake_illustration-to-book-of-job-2,"[1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,william-blake_illustration-to-dante-s-divine-comedy,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Symbolism,william-blake_illustration-to-dante-s-divine-comedy-1795,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Symbolism,william-blake_illustration-to-dante-s-divine-comedy-hell,"[1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]" +Symbolism,william-blake_illustration-to-dante-s-divine-comedy-hell-1,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]" +Symbolism,william-blake_illustration-to-dante-s-divine-comedy-hell-2,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Symbolism,william-blake_illustration-to-dante-s-divine-comedy-hell-3,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Symbolism,william-blake_illustration-to-dante-s-divine-comedy-hell-4,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]" +Symbolism,william-blake_illustration-to-dante-s-divine-comedy-hell-5,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]" +Symbolism,william-blake_illustration-to-dante-s-divine-comedy-purgatory,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,william-blake_illustration-to-milton-s-comus-1820,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Symbolism,william-blake_illustration-to-milton-s-comus-1820-1,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,william-blake_illustration-to-milton-s-comus-1820-2,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,william-blake_illustration-to-milton-s-comus-1820-3,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,william-blake_illustration-to-milton-s-comus-1820-4,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Symbolism,william-blake_illustration-to-milton-s-comus-1820-5,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,william-blake_illustration-to-milton-s-l-allegro-and-il-penseroso-1820,"[2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,william-blake_illustration-to-milton-s-on-the-morning-of-christ-s-nativity-1809,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 0.0]" +Symbolism,william-blake_illustration-to-milton-s-on-the-morning-of-christ-s-nativity-1809-1,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Symbolism,william-blake_illustration-to-milton-s-on-the-morning-of-christ-s-nativity-1809-2,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,william-blake_illustration-to-milton-s-on-the-morning-of-christ-s-nativity-1815,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]" +Symbolism,william-blake_illustration-to-milton-s-on-the-morning-of-christ-s-nativity-1815-1,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Symbolism,william-blake_illustration-to-milton-s-paradise-lost-1807,"[3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Symbolism,william-blake_illustration-to-milton-s-paradise-lost-1807-1,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,william-blake_illustration-to-milton-s-paradise-lost-1807-2,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Symbolism,william-blake_illustration-to-milton-s-paradise-lost-1807-3,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,william-blake_illustration-to-milton-s-paradise-lost-1807-4,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Symbolism,william-blake_illustration-to-milton-s-paradise-lost-1807-5,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,william-blake_illustration-to-milton-s-paradise-lost-1807-6,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]" +Symbolism,william-blake_illustration-to-milton-s-paradise-lost-1807-7,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Symbolism,william-blake_illustration-to-milton-s-paradise-lost-1808,"[0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0]" +Symbolism,william-blake_illustration-to-milton-s-paradise-lost-1808-1,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Symbolism,william-blake_illustration-to-milton-s-paradise-lost-1808-2,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 3.0, 0.0, 0.0]" +Symbolism,william-blake_illustration-to-milton-s-paradise-lost-1808-3,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]" +Symbolism,william-blake_illustration-to-milton-s-paradise-lost-1808-4,"[0.0, 1.0, 0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0]" +Symbolism,william-blake_illustration-to-milton-s-paradise-regained-1820,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,william-blake_isaac-newton-1795,"[0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Symbolism,william-blake_jacob-s-ladder,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,william-blake_job-accepting-charity-1825,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,william-blake_job-and-his-daughters-1800,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,william-blake_last-judgement-1808,"[0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Symbolism,william-blake_los-1820,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Symbolism,william-blake_los-entering-the-grave-1820,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,william-blake_melancholy-1820,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,william-blake_milton-s-mysterious-dream-1820,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Symbolism,william-blake_minotaur,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0, 0.0]" +Symbolism,william-blake_mirth-1820,"[0.0, 2.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,william-blake_naomi-entreating-ruth-and-orpah-to-return-to-the-land-of-moab-1795,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0]" +Symbolism,william-blake_nebuchadnezzar-1795,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Symbolism,william-blake_night-startled-by-the-lark-1820,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,william-blake_oberon-titania-and-puck-with-fairies-dancing(1),"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,william-blake_satan-addressing-his-potentates-1818,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Symbolism,william-blake_satan-calling-up-his-legions-1804,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]" +Symbolism,william-blake_satan-exulting-over-eve-1795,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Symbolism,william-blake_satan-smiting-job-with-boils-1826,"[0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 3.0, 0.0, 0.0]" +Symbolism,william-blake_sketch-for-satan-watching-the-endearments-of-adam-and-eve,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,william-blake_songs-of-innocence-1825,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,william-blake_study-of-a-classical-maiden,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,william-blake_the-ancient-of-days-1794,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,william-blake_the-angel-of-revelation-1805,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,william-blake_the-angels-appearing-to-the-shepherds-1809,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,william-blake_the-body-of-abel-found-by-adam-eve,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Symbolism,william-blake_the-butts-set-1808,"[0.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,william-blake_the-casting-of-the-rebel-angels-into-hell-1808,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Symbolism,william-blake_the-descent-of-christ-1820,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]" +Symbolism,william-blake_the-ghost-of-a-flea-1820,"[0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]" +Symbolism,william-blake_the-goblin-1820,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Symbolism,william-blake_the-good-and-evil-angels,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Symbolism,william-blake_the-great-red-dragon-and-the-beast-from-the-sea-1805,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Symbolism,william-blake_the-great-red-dragon-and-the-woman-clothed-with-the-sun-1810,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,william-blake_the-harlot-and-the-giant,"[0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 1.0, 0.0, 0.0]" +Symbolism,william-blake_the-house-of-death,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Symbolism,william-blake_the-lovers-whirlwind-1827,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Symbolism,william-blake_the-marriage-of-heaven-hell-1793,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Symbolism,william-blake_the-nativity-1800,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Symbolism,william-blake_the-night-of-peace-1815,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Symbolism,william-blake_the-number-of-the-beast-is-666,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]" +Symbolism,william-blake_the-parable-of-the-wise-and-foolish-virgins-1822,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]" +Symbolism,william-blake_the-red-dragon-and-the-woman-clothed-with-the-sun-1805,"[0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0, 0.0, 0.0]" +Symbolism,william-blake_the-resurrection,"[0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,william-blake_the-shrine-of-apollo-milton-s-hymn-on-the-morning-of-christ-s-nativity-1815,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,william-blake_the-soldiers-casting-lots-for-christ-s-garments-1800,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]" +Symbolism,william-blake_the-spirit-of-plato-1820,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Symbolism,william-blake_the-sun-at-his-eastern-gate-1820,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,william-blake_the-sun-in-his-wrath-1820,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,william-blake_the-temptation-and-fall-of-eve-1808,"[0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0]" +Symbolism,william-blake_the-wandering-moon-1820,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,william-blake_the-youthful-poet-s-dream-1820,"[1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,william-blake_when-the-morning-stars-sang-together-1820,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Symbolism,william-holman-hunt_asparagus-island,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,william-holman-hunt_christ-and-the-two-marys,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,william-holman-hunt_fishingboats-by-moonlight,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Symbolism,william-holman-hunt_the-light-of-the-world,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,william-holman-hunt_the-scapegoat,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Symbolism,zinaida-serebriakova_a-peasant-woman-with-a-child-1916,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,zinaida-serebriakova_a-peasant-woman-with-rolls-of-canvas-on-her-shoulder-and-in-her-hands-1917,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,zinaida-serebriakova_autumn-landscape-1914,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Symbolism,zinaida-serebriakova_bathing-1917,"[0.0, 1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,zinaida-serebriakova_brittany-beach-at-mosquito-1926,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Symbolism,zinaida-serebriakova_brittany-camara-1927,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,zinaida-serebriakova_churchyard-1912,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]" +Symbolism,zinaida-serebriakova_diana-and-actaeon-1917,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0]" +Symbolism,zinaida-serebriakova_gatchina-interior-1922,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,zinaida-serebriakova_in-the-mountains-switzerland-1914,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,zinaida-serebriakova_landscape-1913,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,zinaida-serebriakova_landscape-village-neskuchnoye-1916,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,zinaida-serebriakova_landscape-with-a-river-1911,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,zinaida-serebriakova_mountain-landscape-switzerland-1914,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,zinaida-serebriakova_narcissus-and-the-nymph-echo-etude-1917,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0]" +Symbolism,zinaida-serebriakova_nude-1923,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,zinaida-serebriakova_peasant-1914,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Symbolism,zinaida-serebriakova_peasant-woman-1916,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]" +Symbolism,zinaida-serebriakova_peasant-woman-with-pots,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,zinaida-serebriakova_portrait-of-a-nurse-1903,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0]" +Symbolism,zinaida-serebriakova_put-on-one-s-shoes-farmer-1915,"[0.0, 4.0, 31.0, 3.0, 0.0, 4.0, 0.0, 1.0, 3.0]" +Symbolism,zinaida-serebriakova_self-portrait-1910,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Symbolism,zinaida-serebriakova_spring-in-crimea-1914,"[0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]" +Symbolism,zinaida-serebriakova_spruce-1914,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Symbolism,zinaida-serebriakova_trees-in-the-crimea-1911,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Symbolism,zinaida-serebriakova_two-peasant-girls-1915,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Symbolism,zinaida-serebriakova_whitening-canvas-1917,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Synthetic_Cubism,ad-reinhardt_collage-1940,"[3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Synthetic_Cubism,ad-reinhardt_newsprint-collage-1940,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0]" +Synthetic_Cubism,georges-braque_aria-de-bach-1913,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Synthetic_Cubism,georges-braque_bottle-1914,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Synthetic_Cubism,georges-braque_bottle-of-rum-1914,"[1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Synthetic_Cubism,georges-braque_checkerboard-tivoli-cinema-1913,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Synthetic_Cubism,georges-braque_clarinet-guitar-and-compotier-1918,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0]" +Synthetic_Cubism,georges-braque_fruit-dish-1913,"[0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 3.0]" +Synthetic_Cubism,georges-braque_glass-and-card,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]" +Synthetic_Cubism,georges-braque_glass-carafe-and-newspapers-1914,"[0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0]" +Synthetic_Cubism,georges-braque_glass-pipe-and-newspaper-1917,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Synthetic_Cubism,georges-braque_guitar-and-sheet-music-1919,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Synthetic_Cubism,georges-braque_guitar-and-sheet-music-on-table-1918,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Synthetic_Cubism,georges-braque_guitar-program-statue-d-epouvante-1913,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Synthetic_Cubism,georges-braque_man-with-a-guitar-1914,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 2.0]" +Synthetic_Cubism,georges-braque_mandolin-1914,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Synthetic_Cubism,georges-braque_newspaper-bottle-packet-of-tobacco-1914,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Synthetic_Cubism,georges-braque_pedestal-table-1913,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Synthetic_Cubism,georges-braque_still-life-on-a-table-1918,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Synthetic_Cubism,georges-braque_still-life-on-a-table-with-gillette-1914,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]" +Synthetic_Cubism,georges-braque_still-life-with-a-guitar-1919,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 1.0]" +Synthetic_Cubism,georges-braque_still-life-with-a-guitar-on-a-table-1918,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]" +Synthetic_Cubism,georges-braque_still-life-with-ace-of-hearts-1914,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Synthetic_Cubism,georges-braque_still-life-with-glass-carafe-and-phillips-ace-1919,"[1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0]" +Synthetic_Cubism,georges-braque_still-life-with-grapes-1918,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Synthetic_Cubism,georges-braque_still-life-with-grapes-ii-1918,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Synthetic_Cubism,georges-braque_still-life-with-le-jour-1929,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Synthetic_Cubism,georges-braque_the-bottle-of-rum-1914,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Synthetic_Cubism,georges-braque_the-clarinet-tenora-1913,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0]" +Synthetic_Cubism,georges-braque_the-clarinet-valse-1912,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0]" +Synthetic_Cubism,georges-braque_the-gray-table-1930,"[1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0]" +Synthetic_Cubism,georges-braque_the-green-jug,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Synthetic_Cubism,georges-braque_the-musician-1918,"[2.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Synthetic_Cubism,georges-braque_the-musician-s-table-1913,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Synthetic_Cubism,georges-braque_the-sideboard-1920,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Synthetic_Cubism,georges-braque_the-violin-1914,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Synthetic_Cubism,georges-braque_the-violin-valse-1913,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0]" +Synthetic_Cubism,georges-braque_violin-and-glass,"[0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 2.0]" +Synthetic_Cubism,georges-braque_violin-and-glass-1913,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Synthetic_Cubism,georges-braque_violin-and-glass-1913-1,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Synthetic_Cubism,georges-braque_violin-and-newspaper-musical-forms,"[1.0, 0.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0]" +Synthetic_Cubism,georges-braque_violin-and-pipe-le-quotidien-1913,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Synthetic_Cubism,georges-braque_violin-and-sheet-music-on-a-table-petit-oiseau-1913,"[0.0, 0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Synthetic_Cubism,georges-braque_violin-melodie-1914,"[1.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0]" +Synthetic_Cubism,georges-braque_wineglass-bottle-of-bass-1914,"[0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0]" +Synthetic_Cubism,georges-braque_woman-with-a-guitar-1913,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]" +Synthetic_Cubism,gino-severini_still-life-1916,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 6.0]" +Synthetic_Cubism,gino-severini_still-life-with-marsala-bottle-1917,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Synthetic_Cubism,gino-severini_the-accordion-player-1919,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Synthetic_Cubism,jean-metzinger_femme-la-dentelle-1916,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Synthetic_Cubism,jean-metzinger_fruit-and-a-jug-on-a-table-1918,"[1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0, 0.0]" +Synthetic_Cubism,juan-gris_a-man-in-a-cafe-1914,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Synthetic_Cubism,juan-gris_a-pot-of-geraniums-1915,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Synthetic_Cubism,juan-gris_beer-glass-and-cards,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Synthetic_Cubism,juan-gris_book-pipe-and-glasses,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Synthetic_Cubism,juan-gris_bottle,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Synthetic_Cubism,juan-gris_bottle-and-fruit-dish,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Synthetic_Cubism,juan-gris_bottle-and-glass,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Synthetic_Cubism,juan-gris_bottle-and-glass-1,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]" +Synthetic_Cubism,juan-gris_bottle-and-glass-on-a-table-1914,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Synthetic_Cubism,juan-gris_bottle-glass-and-newspaper,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Synthetic_Cubism,juan-gris_bottle-newspaper-and-fruit-bowl-1915,"[0.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Synthetic_Cubism,juan-gris_bottle-of-beaune-and-a-fruit-dish-1917,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Synthetic_Cubism,juan-gris_bowl-and-book-1927,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]" +Synthetic_Cubism,juan-gris_bowl-book-and-spoon,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Synthetic_Cubism,juan-gris_bowl-glass-and-newspaper,"[0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 2.0, 0.0, 0.0]" +Synthetic_Cubism,juan-gris_breakfast-1914,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Synthetic_Cubism,juan-gris_breakfast-1915,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0]" +Synthetic_Cubism,juan-gris_composition-with-violin,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Synthetic_Cubism,juan-gris_compotier-carafe-and-open-book,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Synthetic_Cubism,juan-gris_fantomas-1915,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Synthetic_Cubism,juan-gris_flowers-1914,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Synthetic_Cubism,juan-gris_fruit-bowl-book-and-newspaper,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Synthetic_Cubism,juan-gris_fruit-bowl-with-bottle,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Synthetic_Cubism,juan-gris_fruit-bowl-with-bottle-1914,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Synthetic_Cubism,juan-gris_fruit-dish-glass-and-lemon-still-life-with-nerwspape,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]" +Synthetic_Cubism,juan-gris_fruit-dish-glass-and-newspaper-1916,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0]" +Synthetic_Cubism,juan-gris_glass-and-bottle,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Synthetic_Cubism,juan-gris_glass-cup-and-bottle,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]" +Synthetic_Cubism,juan-gris_glass-cup-and-newspaper-1913,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]" +Synthetic_Cubism,juan-gris_glasses-newspaper-and-bottle-of-wine,"[1.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Synthetic_Cubism,juan-gris_grapes-1913,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Synthetic_Cubism,juan-gris_guitar-and-fruit-dish,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Synthetic_Cubism,juan-gris_guitar-and-fruit-dish-1,"[0.0, 1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Synthetic_Cubism,juan-gris_guitar-and-glass-1914,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Synthetic_Cubism,juan-gris_guitar-and-pipe-1913,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Synthetic_Cubism,juan-gris_guitar-bottle-and-glass-1914,"[1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0]" +Synthetic_Cubism,juan-gris_guitar-on-a-chair-1913,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Synthetic_Cubism,juan-gris_guitar-on-a-table-1915,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Synthetic_Cubism,juan-gris_guitar-on-the-table-1913,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Synthetic_Cubism,juan-gris_harlequin,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Synthetic_Cubism,juan-gris_harlequin-at-a-table-1919,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Synthetic_Cubism,juan-gris_harlequin-at-table-1918,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Synthetic_Cubism,juan-gris_harlequin-with-a-guitar,"[1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]" +Synthetic_Cubism,juan-gris_lamp-1916,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Synthetic_Cubism,juan-gris_landscape,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Synthetic_Cubism,juan-gris_landscape-at-beaulieu,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Synthetic_Cubism,juan-gris_landscape-at-ceret-1913,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Synthetic_Cubism,juan-gris_landscape-with-house-at-ceret-1913,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Synthetic_Cubism,juan-gris_musician-s-table-1914,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Synthetic_Cubism,juan-gris_newspaper-and-fruit-dish-1916,"[1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0]" +Synthetic_Cubism,juan-gris_newspaper-glass-and-pear-1917,"[4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Synthetic_Cubism,juan-gris_newspaper-with-coffee-mill-1915,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Synthetic_Cubism,juan-gris_not_detected_207833,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Synthetic_Cubism,juan-gris_open-window-with-hills-1923,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Synthetic_Cubism,juan-gris_pears-and-grapes-on-a-table-1913,"[0.0, 1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0]" +Synthetic_Cubism,juan-gris_pedistal-table-in-front-of-the-window-1921,"[3.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Synthetic_Cubism,juan-gris_photograph-of-the-guitar-1918,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Synthetic_Cubism,juan-gris_photograph-of-violin-and-checkerboard-1913,"[0.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Synthetic_Cubism,juan-gris_pipe-and-fruit-dish-with-grapes-1918,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Synthetic_Cubism,juan-gris_playing-cards-and-siphon-1916,"[2.0, 4.0, 8.0, 6.0, 0.0, 5.0, 6.0, 4.0, 11.0]" +Synthetic_Cubism,juan-gris_saint-matorel-1913,"[2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]" +Synthetic_Cubism,juan-gris_still-life-1914,"[1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]" +Synthetic_Cubism,juan-gris_still-life-at-the-open-windowq-1925,"[1.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Synthetic_Cubism,juan-gris_still-life-before-an-open-window-place-ravignan-1915,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Synthetic_Cubism,juan-gris_still-life-dedicated-to-andre-salmon-1915,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Synthetic_Cubism,juan-gris_still-life-in-front-of-the-wiindow-1922,"[0.0, 1.0, 1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0]" +Synthetic_Cubism,juan-gris_still-life-on-a-chair-1917,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Synthetic_Cubism,juan-gris_still-life-on-plaque-1917,"[0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Synthetic_Cubism,juan-gris_still-life-with-bottle-and-cigars-1912,"[2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Synthetic_Cubism,juan-gris_still-life-with-bottle-and-glass-1914,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Synthetic_Cubism,juan-gris_still-life-with-checked-tablecloth-1915,"[1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]" +Synthetic_Cubism,juan-gris_still-life-with-fruit-bowl-1918,"[1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Synthetic_Cubism,juan-gris_still-life-with-fruit-bowl-and-mandolin-1919,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Synthetic_Cubism,juan-gris_still-life-with-guitar-1920,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Synthetic_Cubism,juan-gris_still-life-with-newspaper-1916-1,"[4.0, 8.0, 4.0, 3.0, 1.0, 3.0, 8.0, 1.0, 18.0]" +Synthetic_Cubism,juan-gris_still-life-with-newspaper-1918,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]" +Synthetic_Cubism,juan-gris_still-life-with-white-tablecloth-1916,"[2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]" +Synthetic_Cubism,juan-gris_strawberry-jam-1917,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Synthetic_Cubism,juan-gris_tea-cups-1914,"[0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0]" +Synthetic_Cubism,juan-gris_the-bay-1921,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Synthetic_Cubism,juan-gris_the-book-1913,"[0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Synthetic_Cubism,juan-gris_the-book-of-music-1922,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Synthetic_Cubism,juan-gris_the-bordeaux-bottle-1915,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Synthetic_Cubism,juan-gris_the-bottle-of-anis-del-mono-1914,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Synthetic_Cubism,juan-gris_the-bottle-of-banyuls-1914,"[0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 2.0]" +Synthetic_Cubism,juan-gris_the-bottle-of-banyuls-1914-1,"[1.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]" +Synthetic_Cubism,juan-gris_the-bull-fighter-1913,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 2.0]" +Synthetic_Cubism,juan-gris_the-checkerboard-1915,"[2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]" +Synthetic_Cubism,juan-gris_the-coffee-grinder-1916,"[3.0, 3.0, 10.0, 7.0, 1.0, 3.0, 0.0, 2.0, 16.0]" +Synthetic_Cubism,juan-gris_the-dice-1922,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Synthetic_Cubism,juan-gris_the-glass-the-fruit-bowl-1914,"[0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 1.0, 1.0]" +Synthetic_Cubism,juan-gris_the-guitar-1913,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Synthetic_Cubism,juan-gris_the-guitar-1914,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Synthetic_Cubism,juan-gris_the-packet-of-coffee-1914,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 2.0]" +Synthetic_Cubism,juan-gris_the-packet-of-tobacco-1916,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Synthetic_Cubism,juan-gris_the-painter-s-window-1925,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Synthetic_Cubism,juan-gris_the-pipe-1916,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Synthetic_Cubism,juan-gris_the-sideboard-1917,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Synthetic_Cubism,juan-gris_the-siphon-1913,"[2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Synthetic_Cubism,juan-gris_the-sunblind-1914,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]" +Synthetic_Cubism,juan-gris_the-table-in-front-of-the-window-1921,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Synthetic_Cubism,juan-gris_the-violin-1914,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Synthetic_Cubism,juan-gris_the-violin-1916,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Synthetic_Cubism,juan-gris_tobacco-newspaper-and-bottle-of-wine-1914,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Synthetic_Cubism,juan-gris_view-across-the-bay-1921,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Synthetic_Cubism,juan-gris_violin-and-glass-1915,"[1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Synthetic_Cubism,juan-gris_violin-and-glass-1918,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Synthetic_Cubism,juan-gris_violin-and-guitar-1913,"[1.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Synthetic_Cubism,juan-gris_violin-and-ink-bottle-on-a-table-1913,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Synthetic_Cubism,juan-gris_violine-and-glass-1913,"[2.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Synthetic_Cubism,juan-gris_water-bottle-bottle-and-fruit-dish-1915,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Synthetic_Cubism,jury-annenkov_music-1922,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Synthetic_Cubism,pablo-picasso_au-bon-marche-1913,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Synthetic_Cubism,pablo-picasso_bottle-glass-violin-1912,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Synthetic_Cubism,pablo-picasso_bottle-of-bass-glass-and-package-of-tobacco-1914,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Synthetic_Cubism,pablo-picasso_bottle-of-black-rum-vive-la-france-1913,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Synthetic_Cubism,pablo-picasso_bottle-of-vieux-marc-glass-and-newspaper-1913,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Synthetic_Cubism,pablo-picasso_bottle-of-vieux-marc-glass-guitar-and-newspaper-1913,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Synthetic_Cubism,pablo-picasso_clarinet-and-violin-1913,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Synthetic_Cubism,pablo-picasso_clarinet-bottle-of-bass-newspaper-ace-of-clubs-1913,"[1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Synthetic_Cubism,pablo-picasso_couple-of-dancers-1915,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Synthetic_Cubism,pablo-picasso_cubist-person-1917,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Synthetic_Cubism,pablo-picasso_figure,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Synthetic_Cubism,pablo-picasso_fruit-dish-1917,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Synthetic_Cubism,pablo-picasso_fruit-vase-and-bunch-of-grapes-1914,"[2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Synthetic_Cubism,pablo-picasso_geometrical-composition-the-guitar-1913,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Synthetic_Cubism,pablo-picasso_glass-and-bottle-of-bass-1914,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Synthetic_Cubism,pablo-picasso_glass-and-bottle-of-straw-rum-1914,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Synthetic_Cubism,pablo-picasso_glass-and-bottle-of-suze-1912,"[2.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Synthetic_Cubism,pablo-picasso_glass-and-newspaper-1914,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Synthetic_Cubism,pablo-picasso_glass-on-a-table-1914,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Synthetic_Cubism,pablo-picasso_guitar,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Synthetic_Cubism,pablo-picasso_guitar-1912,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Synthetic_Cubism,pablo-picasso_guitar-1920,"[0.0, 1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Synthetic_Cubism,pablo-picasso_guitar-1920-1,"[0.0, 0.0, 2.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0]" +Synthetic_Cubism,pablo-picasso_guitar-1926,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 2.0]" +Synthetic_Cubism,pablo-picasso_guitar-and-bottle-1913,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Synthetic_Cubism,pablo-picasso_guitar-and-jug-on-a-table-1918,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Synthetic_Cubism,pablo-picasso_guitar-and-sheet-of-music-1912,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Synthetic_Cubism,pablo-picasso_guitar-glass-and-bottle-of-vieux-marc-1912,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Synthetic_Cubism,pablo-picasso_guitar-sheet-music-and-wine-glass-1912,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Synthetic_Cubism,pablo-picasso_harlequin-1915,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Synthetic_Cubism,pablo-picasso_head-1913,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Synthetic_Cubism,pablo-picasso_head-of-a-man-1,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Synthetic_Cubism,pablo-picasso_head-of-a-man-1913,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Synthetic_Cubism,pablo-picasso_head-of-a-man-with-hat-1912,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Synthetic_Cubism,pablo-picasso_man-with-guitar-1913,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Synthetic_Cubism,pablo-picasso_man-with-pipe-1914,"[2.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Synthetic_Cubism,pablo-picasso_mandolin-1914,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Synthetic_Cubism,pablo-picasso_partition-bottle-of-port-guitar-playing-cards-1917,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Synthetic_Cubism,pablo-picasso_pedestal-1914,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Synthetic_Cubism,pablo-picasso_pipe-and-card-1914,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]" +Synthetic_Cubism,pablo-picasso_playing-card-and-glass-1914,"[1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0]" +Synthetic_Cubism,pablo-picasso_portrait-of-young-girl-1914,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Synthetic_Cubism,pablo-picasso_still-life-1921,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Synthetic_Cubism,pablo-picasso_still-life-with-guitar-1914,"[0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0, 1.0]" +Synthetic_Cubism,pablo-picasso_still-life-with-violin-and-fruits-1912,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Synthetic_Cubism,pablo-picasso_student-with-newspaper-1913,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Synthetic_Cubism,pablo-picasso_student-with-pipe,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Synthetic_Cubism,pablo-picasso_the-guitar-1913,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Synthetic_Cubism,pablo-picasso_the-guitar-1916,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Synthetic_Cubism,pablo-picasso_the-tavern-1914,"[1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0]" +Synthetic_Cubism,pablo-picasso_violin,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Synthetic_Cubism,pablo-picasso_violin-1,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Synthetic_Cubism,pablo-picasso_violin-1913,"[1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0]" +Ukiyo_e,hiroshige_a-bridge-across-a-deep-gorge,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]" +Ukiyo_e,hiroshige_a-shrine-among-trees-on-a-moor,"[0.0, 1.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,hiroshige_a-snowy-gorge,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,hiroshige_a-vision-of-shitamachi,"[0.0, 3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,hiroshige_alighting-geese-at-massaki-1825,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,hiroshige_ama-no-hashidate-in-tango-province-1858,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Ukiyo_e,hiroshige_amanohashidate-peninsula-in-tango-province,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,hiroshige_ashida,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,hiroshige_autumn-flowers-in-front-of-full-moon,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,hiroshige_bay-at-kominato-in-awa-province,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Ukiyo_e,hiroshige_benzaiten-shrine-at-inokashira-in-snow,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Ukiyo_e,hiroshige_camellia-and-bush-warbler-1844,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Ukiyo_e,hiroshige_cherry-blossom-time-people-picknicking-at-gotenyama-1843,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Ukiyo_e,hiroshige_cherry-tree,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,hiroshige_chrysanthemums,"[1.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,hiroshige_crane-and-wave-1830,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,hiroshige_crane-in-waves-1835,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Ukiyo_e,hiroshige_crayfish-and-two-shrimps-1845,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,hiroshige_descending-geese-katata,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Ukiyo_e,hiroshige_drum-bridge-and-setting-sun-hill-meguro,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,hiroshige_eagle-over-100-000-acre-plain-at-susaki-fukagawa-juman-tsubo,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Ukiyo_e,hiroshige_evening-shower-at-nihonbashi-bridge,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Ukiyo_e,hiroshige_evening-snow-on-mount-hira,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,hiroshige_evening-snow-on-the-asuka-mountain-1841,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,hiroshige_evening-view-of-a-temple-in-the-hills,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Ukiyo_e,hiroshige_first-cuckoo-of-the-year-at-tsukudajima,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Ukiyo_e,hiroshige_folio-from-the-upright-gojusan-tsuji-tokaido-1858,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Ukiyo_e,hiroshige_four-swallows,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,hiroshige_grey-mullet-and-camellia,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,hiroshige_hakone-kosuizu,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,hiroshige_hibiscus,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,hiroshige_hodogaya-shinkame-bashi-station-5,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,hiroshige_hydrangea-and-kingfisher,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,hiroshige_in-circle-figure-piece-outdoor,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Ukiyo_e,hiroshige_iris,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,hiroshige_itsukushima-in-aki-province-1858,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,hiroshige_japanese-triptych-print-showing-japanese-and-foreign-people-walking-along-the-sumida-river,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Ukiyo_e,hiroshige_kameyama,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Ukiyo_e,hiroshige_katsuwonus-pelamis,"[2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,hiroshige_kinryuzan-temple-at-asakusa,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,hiroshige_komokata-hall-and-azuma-bridge-1857,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Ukiyo_e,hiroshige_kuwana,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Ukiyo_e,hiroshige_kyobashi-bridge-1858,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,hiroshige_mariko-mabutsu-chaya,"[0.0, 0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,hiroshige_matsushima-in-oshu-province,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Ukiyo_e,hiroshige_miyanokoshi,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Ukiyo_e,hiroshige_moon-swallows-and-peach-blossoms,"[1.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,hiroshige_moonlight-view-of-tsukuda-with-lady-on-a-balcony-1856,"[0.0, 2.0, 5.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]" +Ukiyo_e,hiroshige_mount-fuji-seen-across-the-water,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Ukiyo_e,hiroshige_mountains-in-the-snow,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Ukiyo_e,hiroshige_night-rain-on-karasaki,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Ukiyo_e,hiroshige_oiso-toraga-ame-shower-1835,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Ukiyo_e,hiroshige_otori-shrine,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,hiroshige_pilgrimage-to-the-cave-shrine-of-benzaiten,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Ukiyo_e,hiroshige_plum-blossom-and-bush-warbler-1838,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Ukiyo_e,hiroshige_prune-orchard-sun,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Ukiyo_e,hiroshige_rabbits-under-moon,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,hiroshige_reeds-in-the-snow-with-a-wild-duck,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,hiroshige_ronin-enter-sengakuji-temple-to-pay-homage-to-their-lord-enya,"[0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0]" +Ukiyo_e,hiroshige_sakanoshita-the-throwing-away-the-brush-peak,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,hiroshige_seba,"[0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,hiroshige_seki-early-departure-from-the-daimyos-inn,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Ukiyo_e,hiroshige_shrines-in-snowy-mountains,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Ukiyo_e,hiroshige_small-bird-on-a-branch-of-kaidozakura-1838,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,hiroshige_small-bird-on-a-branch-of-kaidozakura-1848,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Ukiyo_e,hiroshige_snow-dawn-at-susaki-1843,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,hiroshige_sparrows-and-camellias-in-the-snow-1838,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,hiroshige_sudden-shower-over-shin-ohashi-bridge-at-atake-from-one-hundred-views-of-edo-1856-colour-1856(1),"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Ukiyo_e,hiroshige_temple-complex-on-an-island-and-ferries-on-a-river,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Ukiyo_e,hiroshige_the-inari-shrine-at-oji,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,hiroshige_the-miya-station,"[0.0, 1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,hiroshige_the-moon-over-a-waterfall,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Ukiyo_e,hiroshige_the-pine-grove-at-mio-in-suruga-province,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,hiroshige_the-poet-ariwara-no-narihira,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,hiroshige_the-road-connecting-edo-tokyo-and-kyoto,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Ukiyo_e,hiroshige_the-road-connecting-edo-tokyo-and-kyoto-1,"[1.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Ukiyo_e,hiroshige_the-road-connecting-edo-tokyo-and-kyoto-2,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]" +Ukiyo_e,hiroshige_the-station-ejiri,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Ukiyo_e,hiroshige_travellers-on-a-mountain-path-at-night,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Ukiyo_e,hiroshige_tsuchi-yama,"[0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]" +Ukiyo_e,hiroshige_two-mandarin-ducks-1838,"[2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,hiroshige_two-men-on-a-sloping-road-in-the-rain,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Ukiyo_e,hiroshige_untitled-two-rabbits-pampas-grass-and-full-moon-1851,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,hiroshige_view-of-fuji,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Ukiyo_e,hiroshige_whirlpools-on-a-rocky-coast,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,hiroshige_white-rain-shono-1834,"[0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Ukiyo_e,hiroshige_wind-blown-grass-across-the-moon,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Ukiyo_e,hiroshige_yellow-bird-and-cotton-rose,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,hiroshige_yugasan-in-bizan-province,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Ukiyo_e,ito-jakuchu_baika-kougetuzu,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,ito-jakuchu_baika-shokinzu,"[1.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,ito-jakuchu_birds-animals-and-flowering-plants-in-imaginary-scene,"[3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,ito-jakuchu_birds-animals-and-flowering-plants-in-imaginary-scene-1,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Ukiyo_e,ito-jakuchu_birds-animals-and-flowering-plants-in-imaginary-scene-2,"[3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,ito-jakuchu_botan-shoukinzu,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,ito-jakuchu_cactus-and-roosters-1789,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Ukiyo_e,ito-jakuchu_chickens,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Ukiyo_e,ito-jakuchu_chrysanthemums-by-a-stream-with-rocks-1760,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,ito-jakuchu_elephant-and-whale-diptych,"[1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0]" +Ukiyo_e,ito-jakuchu_elephant-and-whale-diptych-1,"[1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,ito-jakuchu_fukurojin-fukurokuju-the-god-of-longevity-and-wisdom-1790,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,ito-jakuchu_fuyo-soukeizu,"[0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,ito-jakuchu_insects-by-pond-side,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Ukiyo_e,ito-jakuchu_lotus-pond-and-fish-1765,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,ito-jakuchu_maple-tree-and-small-birds,"[1.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,ito-jakuchu_octopus-and-fish-1760,"[2.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,ito-jakuchu_old-pine-tree-and-peacock-1761,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,ito-jakuchu_one-hundred-dogs-1799,"[3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,ito-jakuchu_peonies-and-butterflies,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,ito-jakuchu_phoenix-and-sun,"[1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,ito-jakuchu_plum-blossoms-and-cranes,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,ito-jakuchu_r-sy-hakuh-zu,"[3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,ito-jakuchu_rooster-and-hen-with-hydrangeas,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Ukiyo_e,ito-jakuchu_roosters,"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,ito-jakuchu_roses-bara-shou-kin-zu,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,ito-jakuchu_rousho-hakkeizu,"[0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Ukiyo_e,ito-jakuchu_rousho-oumuzu,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Ukiyo_e,ito-jakuchu_settyu-kinkeizu,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,ito-jakuchu_shuto-gunjakuzu,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,ito-jakuchu_tiger,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Ukiyo_e,ito-jakuchu_tiger-1755,"[5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,ito-jakuchu_touka-shoukinzu,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,ito-jakuchu_white-elephant-and-animals,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]" +Ukiyo_e,ito-jakuchu_willow-tree-and-mandarin-ducks-in-the-snow,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Ukiyo_e,ito-shinsui_before-the-storm-1920,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Ukiyo_e,ito-shinsui_charcoal-making-at-hino-1939,"[0.0, 2.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,ito-shinsui_evening-glow-at-ajiro-1939,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,ito-shinsui_evening-scene-at-ishiyama-temple-1917,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Ukiyo_e,ito-shinsui_morning-at-kambayashi-1948,"[0.0, 2.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,ito-shinsui_shirahama-in-the-morning,"[1.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,joan-ponc_m-han-pres-la-cartera-poema-de-joan-brossa-1951,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0]" +Ukiyo_e,katsushika-hokusai_a-bowl-of-lip-rouge,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Ukiyo_e,katsushika-hokusai_a-bride-is-on-her-way-with-her-maid,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 2.0]" +Ukiyo_e,katsushika-hokusai_a-colored-version-of-the-big-wave,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Ukiyo_e,katsushika-hokusai_a-depiction-of-sun-wukong-wielding-his-staff,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Ukiyo_e,katsushika-hokusai_a-hand-puppet,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,katsushika-hokusai_a-lacquered-washbasin-and-ewer,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Ukiyo_e,katsushika-hokusai_a-leather-pouch-with-kagami,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,katsushika-hokusai_a-man-is-watching-a-beautiful-woman,"[0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]" +Ukiyo_e,katsushika-hokusai_a-mean-man-will-kill-a-woman-with-his-sword,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]" +Ukiyo_e,katsushika-hokusai_a-merchant-making-up-the-account,"[4.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,katsushika-hokusai_a-monster-rat-from-the-raigo-ajari-kaisoden,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0, 0.0]" +Ukiyo_e,katsushika-hokusai_a-oiran-a-special-beautiful-courtesan,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Ukiyo_e,katsushika-hokusai_a-scene-of-a-shinto-shrine-dance-kagura,"[0.0, 3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,katsushika-hokusai_a-well-educated-boy-pays-respect-to-an-older-man,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Ukiyo_e,katsushika-hokusai_a-woman-ghost-appeared-from-a-well,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]" +Ukiyo_e,katsushika-hokusai_a-woman-in-shinto-shrine-has-a-stick-with-a-lot-of-paper-leaves,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0]" +Ukiyo_e,katsushika-hokusai_a-woman-makes-a-cursing-ritual-ceremony,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Ukiyo_e,katsushika-hokusai_an-old-woman,"[1.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,katsushika-hokusai_an-older-woman-hits-another-woman-with-her-shoe,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Ukiyo_e,katsushika-hokusai_announcement-of-a-farewell-performance-of-bando-mitsugoro,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Ukiyo_e,katsushika-hokusai_asakusa-honganji-temple-in-th-eastern-capital,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,katsushika-hokusai_baku,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Ukiyo_e,katsushika-hokusai_basho-by-hokusai,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,katsushika-hokusai_bay-of-noboto,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,katsushika-hokusai_big-beak-and-mirabilis,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,katsushika-hokusai_bluebells-and-dragonflies,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,katsushika-hokusai_bridge-in-the-clouds,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,katsushika-hokusai_bullfinch-and-weeping-cherry-blossoms,"[1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,katsushika-hokusai_canary-and-peony,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Ukiyo_e,katsushika-hokusai_cargo-ship-and-wave,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Ukiyo_e,katsushika-hokusai_carp-leaping-up-a-cascade,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Ukiyo_e,katsushika-hokusai_carps,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,katsushika-hokusai_ceiling-of-ganshoin-temple-at-obuse,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Ukiyo_e,katsushika-hokusai_cherry-blossoms-and-warbler,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,katsushika-hokusai_chrysanthemums-and-horsefly,"[1.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,katsushika-hokusai_climbing-on-mt-fuji,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Ukiyo_e,katsushika-hokusai_concert-under-the-wisteria,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,katsushika-hokusai_cranes-from-quick-lessons-in-simplified-drawing,"[0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,katsushika-hokusai_crossbill-and-thistle,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,katsushika-hokusai_cuckoo-and-azaleas,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,katsushika-hokusai_dawn-at-isawa-in-the-kai-province,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Ukiyo_e,katsushika-hokusai_dragon,"[0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0]" +Ukiyo_e,katsushika-hokusai_dragon-ascending-mount-fuji,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Ukiyo_e,katsushika-hokusai_drawing-of-a-tengu,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Ukiyo_e,katsushika-hokusai_drawing-of-man-resting-on-axe-and-carrying-part-of-tree-trunk-on-his-back,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,katsushika-hokusai_drawing-of-man-seated-with-left-leg-resting-over-right-knee,"[5.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Ukiyo_e,katsushika-hokusai_drawing-of-seated-nobleman-in-full-costume,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Ukiyo_e,katsushika-hokusai_ejiri-in-the-suruga-province,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Ukiyo_e,katsushika-hokusai_enoshima-in-the-sagami-province,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Ukiyo_e,katsushika-hokusai_falcon-in-flight,"[0.0, 2.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Ukiyo_e,katsushika-hokusai_femenine-wave,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Ukiyo_e,katsushika-hokusai_fishing-by-torchlight-in-kai-province-from-oceans-of-wisdom-1833,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Ukiyo_e,katsushika-hokusai_fishing-in-the-bay-uraga,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,katsushika-hokusai_fishing-in-the-river-kinu,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]" +Ukiyo_e,katsushika-hokusai_five-fans,"[0.0, 0.0, 5.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,katsushika-hokusai_flat-fish-and-pink,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Ukiyo_e,katsushika-hokusai_flowers-and-water-lilies-in-the-mangwe-tome,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,katsushika-hokusai_four-women-working-very-hard-and-carrying-vats-of-water,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Ukiyo_e,katsushika-hokusai_fuji-at-torigoe,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,katsushika-hokusai_fuji-blue,"[0.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,katsushika-hokusai_fuji-from-the-platform-of-sasayedo,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,katsushika-hokusai_fuji-mountains-in-clear-weather-1831,"[0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Ukiyo_e,katsushika-hokusai_fuji-seen-through-the-mannen-bridge-at-fukagawa,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,katsushika-hokusai_fujimi-fuji-view-field-in-the-owari-province,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Ukiyo_e,katsushika-hokusai_fujiwara-no-ason-michinobu,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Ukiyo_e,katsushika-hokusai_fukagawa-mannen-bashi-shita,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,katsushika-hokusai_fukujuso,"[0.0, 0.0, 0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Ukiyo_e,katsushika-hokusai_gale-to-asajigahara,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Ukiyo_e,katsushika-hokusai_geisha-reading-a-book,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Ukiyo_e,katsushika-hokusai_hawk-on-a-ceremonial-stand,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Ukiyo_e,katsushika-hokusai_head-of-an-old-man,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Ukiyo_e,katsushika-hokusai_head-of-the-snake-woman,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 3.0, 0.0]" +Ukiyo_e,katsushika-hokusai_hibiscus-and-sparrow,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,katsushika-hokusai_hibiscus-and-sparrow-1,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Ukiyo_e,katsushika-hokusai_hodogaya-on-the-tokaido,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Ukiyo_e,katsushika-hokusai_homoku-view,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Ukiyo_e,katsushika-hokusai_honjo-tatekawa-the-timberyard-at-honjo,"[1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]" +Ukiyo_e,katsushika-hokusai_hotei,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Ukiyo_e,katsushika-hokusai_hyaku-monogatari-kohada-koheiji,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0, 1.0]" +Ukiyo_e,katsushika-hokusai_hydrangea-and-swallow,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Ukiyo_e,katsushika-hokusai_illustration-from-the-hundred-poems-series,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Ukiyo_e,katsushika-hokusai_images-of-bathers-bathing-people,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Ukiyo_e,katsushika-hokusai_inside-the-courtyard-of-the-toeizan-temple-at-ueno,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,katsushika-hokusai_inume-pass-in-the-kai-province,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,katsushika-hokusai_irises,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,katsushika-hokusai_irises-and-grasshopper,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Ukiyo_e,katsushika-hokusai_japanese-ghost,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Ukiyo_e,katsushika-hokusai_kajikazawa-in-kai-province,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,katsushika-hokusai_kappa,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]" +Ukiyo_e,katsushika-hokusai_kingfisher-carnation-iris,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Ukiyo_e,katsushika-hokusai_kuwana,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,katsushika-hokusai_kuwana-1,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,katsushika-hokusai_kuwana-2,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,katsushika-hokusai_kuwana-3,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]" +Ukiyo_e,katsushika-hokusai_kuwana-4,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Ukiyo_e,katsushika-hokusai_lake-suwa-in-the-shinano-province,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,katsushika-hokusai_landscape-with-two-falconers,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Ukiyo_e,katsushika-hokusai_laughing-demon,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Ukiyo_e,katsushika-hokusai_lilly,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,katsushika-hokusai_manga,"[1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0, 0.0]" +Ukiyo_e,katsushika-hokusai_manga-1,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Ukiyo_e,katsushika-hokusai_manga-10,"[0.0, 0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,katsushika-hokusai_manga-11,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Ukiyo_e,katsushika-hokusai_manga-2,"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,katsushika-hokusai_manga-3,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Ukiyo_e,katsushika-hokusai_manga-4,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,katsushika-hokusai_manga-5,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,katsushika-hokusai_manga-6,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Ukiyo_e,katsushika-hokusai_manga-7,"[1.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,katsushika-hokusai_manga-8,"[4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Ukiyo_e,katsushika-hokusai_manga-9,"[2.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,katsushika-hokusai_masculine-wave,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Ukiyo_e,katsushika-hokusai_minister-toru,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Ukiyo_e,katsushika-hokusai_mishima-pass-in-kai-province,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,katsushika-hokusai_mitsui-shop-on-suruga-street-in-edo,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Ukiyo_e,katsushika-hokusai_models-hugs,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Ukiyo_e,katsushika-hokusai_moonlight-over-the-sumida-river-in-edo,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,katsushika-hokusai_morning-glories-in-flowers-and-buds-1832,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Ukiyo_e,katsushika-hokusai_mount-fuji-as-seen-from-the-island-tsuku-dajima,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Ukiyo_e,katsushika-hokusai_mount-fuji-seen-throught-cherry-blossom,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,katsushika-hokusai_mujeres-teniendo-relaciones-por-medio-de-un-harikata-dildo,"[2.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Ukiyo_e,katsushika-hokusai_multi-eyed-oni,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0, 0.0, 1.0]" +Ukiyo_e,katsushika-hokusai_nakahara-in-the-sagami-province,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Ukiyo_e,katsushika-hokusai_new-year-s-days-of-the-teahouse-ogi-ya-1812,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Ukiyo_e,katsushika-hokusai_nihonbashi-bridge-in-edo,"[2.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,katsushika-hokusai_nine-women-playing-the-game-of-fox,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,katsushika-hokusai_ningyo,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]" +Ukiyo_e,katsushika-hokusai_no-kakinomoto-hitomaro,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,katsushika-hokusai_not_detected_223503(1),"[1.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]" +Ukiyo_e,katsushika-hokusai_not_detected_223504(1),"[1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0]" +Ukiyo_e,katsushika-hokusai_not_detected_223505(2),"[0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 1.0, 0.0, 0.0]" +Ukiyo_e,katsushika-hokusai_not_detected_223528(2),"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0, 0.0]" +Ukiyo_e,katsushika-hokusai_not_detected_223529,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 2.0]" +Ukiyo_e,katsushika-hokusai_ocean-waves,"[0.0, 0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,katsushika-hokusai_oiran-and-kamuro,"[0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,katsushika-hokusai_oni-pelted-by-beans,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 1.0, 0.0]" +Ukiyo_e,katsushika-hokusai_ono-shindon-in-the-suraga-province,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Ukiyo_e,katsushika-hokusai_ono-waterfall-at-kisokaido,"[1.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,katsushika-hokusai_orange-orchids,"[0.0, 2.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,katsushika-hokusai_pair-of-sissors-and-sparrow,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Ukiyo_e,katsushika-hokusai_peasants-in-autumn,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Ukiyo_e,katsushika-hokusai_pheasant-and-snake,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Ukiyo_e,katsushika-hokusai_phoenix,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Ukiyo_e,katsushika-hokusai_pictorial-envelope-for-hokusai-s,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Ukiyo_e,katsushika-hokusai_poenies-and-butterfly,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,katsushika-hokusai_poppies,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,katsushika-hokusai_porcelain-pot-with-open-fan,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Ukiyo_e,katsushika-hokusai_portrait,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Ukiyo_e,katsushika-hokusai_portrait-of-a-man-of-noble-birth-with-a-book,"[5.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,katsushika-hokusai_portrait-of-a-woman-holding-a-fan,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Ukiyo_e,katsushika-hokusai_portrait-of-chino-hyogo-seated-at-his-writing-desk,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Ukiyo_e,katsushika-hokusai_portrait-of-matsuo-basho,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,katsushika-hokusai_primer-book-of-treasury-loyal-vassals,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,katsushika-hokusai_rokurokubi,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]" +Ukiyo_e,katsushika-hokusai_round-dish-with-scalloped-edge,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Ukiyo_e,katsushika-hokusai_salted-salmond-and-mice,"[0.0, 1.0, 1.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0]" +Ukiyo_e,katsushika-hokusai_sangi-takamura-abalone-fisherman,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Ukiyo_e,katsushika-hokusai_sarumaru-daiyu,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Ukiyo_e,katsushika-hokusai_sawyers-cutting-a-log,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]" +Ukiyo_e,katsushika-hokusai_sazai-hall-500-rakan-temples,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,katsushika-hokusai_scene-light-district-of-yoshiwara,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Ukiyo_e,katsushika-hokusai_scene-of-housekeeping-four-women-are-working,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Ukiyo_e,katsushika-hokusai_seated-woman-with-shamisen,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,katsushika-hokusai_self-portrait-at-the-age-of-eighty-three,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,katsushika-hokusai_self-portrait-in-the-age-of-an-old-man,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Ukiyo_e,katsushika-hokusai_senju-in-the-musachi-provimce,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 3.0]" +Ukiyo_e,katsushika-hokusai_shichiri-beach-in-sagami-province,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Ukiyo_e,katsushika-hokusai_shimomeguro,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Ukiyo_e,katsushika-hokusai_shoki-riding-a-shishi-lion,"[0.0, 1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,katsushika-hokusai_shore-of-tago-bay-ejiri-at-tokaido,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,katsushika-hokusai_sketch-of-daruma,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Ukiyo_e,katsushika-hokusai_sketch-of-four-faces,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]" +Ukiyo_e,katsushika-hokusai_snake-curling-around-a-bamboo-stalk-with-a-sparrow-on-it,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Ukiyo_e,katsushika-hokusai_sparrow-and-magnolia,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,katsushika-hokusai_spring-scene-along-the-sumida,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Ukiyo_e,katsushika-hokusai_street-scenes-newly-pubished,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Ukiyo_e,katsushika-hokusai_street-scenes-newly-pubished-1,"[11.0, 5.0, 14.0, 6.0, 0.0, 0.0, 3.0, 2.0, 3.0]" +Ukiyo_e,katsushika-hokusai_street-scenes-newly-pubished-10,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,katsushika-hokusai_street-scenes-newly-pubished-11,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]" +Ukiyo_e,katsushika-hokusai_street-scenes-newly-pubished-12,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Ukiyo_e,katsushika-hokusai_street-scenes-newly-pubished-2,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Ukiyo_e,katsushika-hokusai_street-scenes-newly-pubished-3,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Ukiyo_e,katsushika-hokusai_street-scenes-newly-pubished-4,"[0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,katsushika-hokusai_street-scenes-newly-pubished-5,"[11.0, 2.0, 6.0, 1.0, 4.0, 3.0, 6.0, 12.0, 3.0]" +Ukiyo_e,katsushika-hokusai_street-scenes-newly-pubished-6,"[0.0, 1.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0]" +Ukiyo_e,katsushika-hokusai_street-scenes-newly-pubished-7,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]" +Ukiyo_e,katsushika-hokusai_street-scenes-newly-pubished-8,"[3.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,katsushika-hokusai_street-scenes-newly-pubished-9,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]" +Ukiyo_e,katsushika-hokusai_sunset-across-the-ryogoku-bridge-from-the-bank-of-the-sumida-river-at-onmagayashi,"[2.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Ukiyo_e,katsushika-hokusai_surumaru-daiyu,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,katsushika-hokusai_swallow-and-begonia-and-strawberry-pie,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,katsushika-hokusai_tama-river-in-the-musashi-province,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,katsushika-hokusai_tanuki,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Ukiyo_e,katsushika-hokusai_tea-harvest,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Ukiyo_e,katsushika-hokusai_tea-house-at-koishikawa-the-morning-after-a-snowfall,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Ukiyo_e,katsushika-hokusai_teahouse-umeyashiki,"[1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0]" +Ukiyo_e,katsushika-hokusai_tengu,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0, 0.0]" +Ukiyo_e,katsushika-hokusai_the-back-of-the-fuji-from-the-minobu-river,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,katsushika-hokusai_the-big-wave,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Ukiyo_e,katsushika-hokusai_the-bullock-cart,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Ukiyo_e,katsushika-hokusai_the-coast-of-seven-leages-in-kamakura,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,katsushika-hokusai_the-dragon-of-smoke-escaping-from-mount-fuji,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]" +Ukiyo_e,katsushika-hokusai_the-festival-of-lanterns-on-temma-bridge-1834,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,katsushika-hokusai_the-fields-of-sekiya-by-the-sumida-river-1831,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Ukiyo_e,katsushika-hokusai_the-fire-fighters-in-the-mountains,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 1.0]" +Ukiyo_e,katsushika-hokusai_the-fuji-from-gotenyama-at-shinagawa-on-the-tokaido,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,katsushika-hokusai_the-fuji-from-kanaya-on-the-tokaido,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,katsushika-hokusai_the-fuji-from-the-mountains-of-totomi,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,katsushika-hokusai_the-fuji-reflects-in-lake-kawaguchi-seen-from-the-misaka-pass-in-the-kai-province,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,katsushika-hokusai_the-fuji-seen-from-the-gay-quarter-in-senju,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Ukiyo_e,katsushika-hokusai_the-fuji-seen-from-the-mishima-pass,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,katsushika-hokusai_the-ghost-of-oiwa,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]" +Ukiyo_e,katsushika-hokusai_the-giant-mountain-man,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0, 1.0]" +Ukiyo_e,katsushika-hokusai_the-harvesting-of-mushrooms,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,katsushika-hokusai_the-kazusa-sea-route,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Ukiyo_e,katsushika-hokusai_the-lake-of-hakone-in-the-segami-province,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,katsushika-hokusai_the-phantom-of-kohada-koheiji,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Ukiyo_e,katsushika-hokusai_the-poet-li-po,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,katsushika-hokusai_the-pontoon-bridge-at-sano-in-the-province-of-kozuka,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,katsushika-hokusai_the-river-tone-in-the-province-of-kazusa,"[1.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,katsushika-hokusai_the-ronin-attack-the-principal-gate-of-kira-s-mansion,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0, 1.0, 0.0]" +Ukiyo_e,katsushika-hokusai_the-tea-plantation-of-katakura-in-the-suruga-province,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,katsushika-hokusai_the-waterfall-of-amida-behind-the-kiso-road,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0]" +Ukiyo_e,katsushika-hokusai_three-women-and-two-children,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Ukiyo_e,katsushika-hokusai_title-page-is-decorated-with-a-lot-of-flowers,"[1.0, 11.0, 23.0, 4.0, 1.0, 1.0, 0.0, 0.0, 7.0]" +Ukiyo_e,katsushika-hokusai_tsukada-island-in-the-musashi-province,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,katsushika-hokusai_two-carp-in-a-cascade,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,katsushika-hokusai_two-carps,"[3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,katsushika-hokusai_two-mice-one-lying-on-the-ground-with-head-resting-on-forepaws,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Ukiyo_e,katsushika-hokusai_umegawa-in-sagami-province,"[0.0, 3.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,katsushika-hokusai_untitled,"[0.0, 1.0, 0.0, 2.0, 1.0, 0.0, 2.0, 0.0, 0.0]" +Ukiyo_e,katsushika-hokusai_ushibori-in-the-hitachi-province,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Ukiyo_e,katsushika-hokusai_vengeful-ghost-that-manifests-in-physical-rather-than-spectral-form,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]" +Ukiyo_e,katsushika-hokusai_view-of-honmoku,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Ukiyo_e,katsushika-hokusai_view-of-lake-suwa,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,katsushika-hokusai_volubilism-and-pippin,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Ukiyo_e,katsushika-hokusai_waterfall-yoshino-in-yamato-province-where-yoshitne-washed-his-horse,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,katsushika-hokusai_watermill-at-onden,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,katsushika-hokusai_woman,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Ukiyo_e,katsushika-hokusai_woman-in-an-interior,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Ukiyo_e,katsushika-hokusai_woman-looking-at-herself-in-a-mirror,"[0.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]" +Ukiyo_e,katsushika-hokusai_woman-profile,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Ukiyo_e,katsushika-hokusai_women-walking-in-a-garden,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,katsushika-hokusai_wooden-horse,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,katsushika-hokusai_yama-uba,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0, 0.0]" +Ukiyo_e,katsushika-hokusai_yama-uba-1,"[0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]" +Ukiyo_e,katsushika-hokusai_yodo-gawa-from-setsugekka-snow-moon-and-flowers,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,katsushika-hokusai_yoshida-at-tokaido,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,katsushika-hokusai_yurei,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Ukiyo_e,keisai-eisen_a-bust-portrait-of-a-beauty-1822,"[4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,keisai-eisen_a-couple-1827,"[1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 1.0]" +Ukiyo_e,keisai-eisen_a-couple-locked-in-an-embrace-1825,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Ukiyo_e,keisai-eisen_a-ferry-boat-on-the-sumida-river,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,keisai-eisen_a-portrait-of-the-courtesan-kashiko-of-tsuruya-1821,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,keisai-eisen_an-allegory-of-komachi-visiting,"[0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,keisai-eisen_autumn-moon-over-atago-hill-atagosan-no-aki-no-tsuki-from-the-series-eight-views-of-edo-1846,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,keisai-eisen_beautiful-oiran-1840,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,keisai-eisen_beauty-and-shamisen-1840,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Ukiyo_e,keisai-eisen_beauty-and-sumida-river-edo-meisho-bijin-awase-1820,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Ukiyo_e,keisai-eisen_bijin,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,keisai-eisen_butterfly-and-gourd,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Ukiyo_e,keisai-eisen_cards-fukujuso-flowers-and-screen,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,keisai-eisen_ch-day-of-the-okamotoya-kamuro-kakeo-and-koyuki,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Ukiyo_e,keisai-eisen_children-s-pastimes-a-procession-on-nihon-bridge-1820,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,keisai-eisen_chrysanthemums-and-dragonfly,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,keisai-eisen_clearing-weather-at-awazu-awazu-seiran-tamagawa-of-the-maru-ebiya-kamuro-katsumi-and-shinobu-no,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Ukiyo_e,keisai-eisen_courtesan-and-riddle-1830,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Ukiyo_e,keisai-eisen_courtesan-hanaogi-from-the-ogi-house-1825,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Ukiyo_e,keisai-eisen_daikoku-ebisu-and-fukurokuju-counting-money,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Ukiyo_e,keisai-eisen_decoration-of-three-treasures-and-a-mask-of-otafuku-1823,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Ukiyo_e,keisai-eisen_dinner-and-love-on-the-river-1840,"[0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0, 1.0, 0.0]" +Ukiyo_e,keisai-eisen_evening-bell-at-mii-dera-temple,"[3.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,keisai-eisen_evening-glow-at-ryogoku-bridge-1848,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Ukiyo_e,keisai-eisen_fishing-for-whitebait-in-the-bay-off-tsukuda-1830,"[0.0, 3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,keisai-eisen_flower-arrangements,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Ukiyo_e,keisai-eisen_flower-arranging-1820,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,keisai-eisen_from-the-series-t-to-meisho-kokoro-no-nazo-sugata-awase,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Ukiyo_e,keisai-eisen_fuji-from-izu-izu-no-fuji,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]" +Ukiyo_e,keisai-eisen_fukagawa-hachiman-no-shin-fuji-from-the-series-twelve-views-of-modern-beauties-imay-bijin-j-ni,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Ukiyo_e,keisai-eisen_goyu-nanahito-of-the-sugata-ebiya-1823,"[2.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,keisai-eisen_guojo-kakukyo-from-the-series-twenty-four-examples-of-filial-devotion-in-the-floating-world,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Ukiyo_e,keisai-eisen_hanamurasaki-of-the-tamaya-from-the-series-eight-views-of-the-pleasure-quarters-kuruwa-hakkei,"[0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,keisai-eisen_head-of-a-beauty-1825,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Ukiyo_e,keisai-eisen_hiratsuka-station-1830,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Ukiyo_e,keisai-eisen_i-of-the-ebiya-from-the-series-modern-customs-of-the-pleasure-quarters(1),"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0]" +Ukiyo_e,keisai-eisen_kanbara-kaoyo-of-the-tamaya-from-the-series-a-t-kaid-board-game-of-courtesans-1823,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]" +Ukiyo_e,keisai-eisen_katsuyama-of-the-matsubaya,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,keisai-eisen_kiyomizu-komachi-1838,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,keisai-eisen_kogiku-1830(1),"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Ukiyo_e,keisai-eisen_komagata-d-temple-at-onmaya-embankment-onmaya-gashi-1820(1),"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Ukiyo_e,keisai-eisen_love-boat-1838(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0, 2.0]" +Ukiyo_e,keisai-eisen_love-on-the-kamo-river-1830(1),"[2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,keisai-eisen_lucky-god-stepping-on-a-rat-from-the-series-twelve-treasures-of-the-rat(1),"[2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]" +Ukiyo_e,keisai-eisen_march-cherry-blossom-viewing-1844(1),"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,keisai-eisen_mitate-yoshiwara-goju-san-tsui-beauty(1),"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Ukiyo_e,keisai-eisen_miya-yashio-of-the-giya-1823(1),"[1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 3.0]" +Ukiyo_e,keisai-eisen_mother-and-boy-with-ice(1),"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Ukiyo_e,keisai-eisen_nihonbashi-pl-1-from-a-facsimile-edition-of-sixty-nine-stations-of-the-kiso-highway(1),"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Ukiyo_e,keisai-eisen_no-13-8-13-from-an-untitled-series-of-beauties(1),"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,keisai-eisen_no-15-itahana-from-the-series-the-sixty-nine-stations-of-the-kisokaid-road-kisokaid-rokuj-ky-1838,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,keisai-eisen_no-2-from-the-series-modern-versions-of-the-five-women-t-sei-gonin-onna-1835,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]" +Ukiyo_e,keisai-eisen_no-2-ni-from-the-series-popular-indigo-clothing-ryuko-ai-shitate-1835(1),"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Ukiyo_e,keisai-eisen_no-41-distant-view-of-kanagawa-bridge-near-nojiri-station-1844(1),"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,keisai-eisen_no-44-magome-station(1),"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Ukiyo_e,keisai-eisen_numazu-senju-of-the-sakaya-1823(1),"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Ukiyo_e,keisai-eisen_oiso(1),"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,keisai-eisen_okitsu-no-18-from-an-untitled-series-of-the-fifty-three-stations-of-the-t-kaid-road-1830(1),"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Ukiyo_e,keisai-eisen_omiya-pl-5-from-a-facsimile-edition-of-sixty-nine-stations-of-the-kiso-highway(1),"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,keisai-eisen_omiya-yado-fuji-enkei-no-50-1842(1),"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Ukiyo_e,keisai-eisen_otonashis-tsukuda-shinchi-no-irifune-from-the-series-twelve-views-of-modern-beauties-imay-bijin,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Ukiyo_e,keisai-eisen_pipe-smokers-1835(1),"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,keisai-eisen_planting-the-new-year-s-pine(1),"[2.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,keisai-eisen_portrait-of-the-courtesan-kamoen-of-ebiya-relaxing-on-folded-futon-1825(1),"[2.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,keisai-eisen_rambunctious-1840(1),"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Ukiyo_e,keisai-eisen_rejected-geisha-from-passions-cooled-by-springtime-snow-1825(1),"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Ukiyo_e,keisai-eisen_returning-sails-at-shiba-bay-1847(1),"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,keisai-eisen_seabattle-1830(1),"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Ukiyo_e,keisai-eisen_seki-shiratama-of-the-sano-matsuya-1823(1),"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Ukiyo_e,keisai-eisen_shimada-station-shimada-shuku-no-24-from-an-untitled-series-of-the-fifty-three-stations-of-the(1),"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Ukiyo_e,keisai-eisen_shinagawa-hot-tea-1845(1),"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,keisai-eisen_shinagawa-wakana-of-the-wakanaya-1823(1),"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Ukiyo_e,keisai-eisen_shunga-scroll-1838(1),"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Ukiyo_e,keisai-eisen_snow-scene-at-sens-ji-temple-at-kinry-zan-in-the-eastern-capital(1),"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Ukiyo_e,keisai-eisen_streetwalker-tsujigimi(1),"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]" +Ukiyo_e,keisai-eisen_susaki-benten(1),"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Ukiyo_e,keisai-eisen_t-sei-matsu,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Ukiyo_e,keisai-eisen_the-castle-of-unuma(1),"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Ukiyo_e,keisai-eisen_the-courtesan-hitomoto-of-the-daimonjiya-house(1),"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Ukiyo_e,keisai-eisen_the-courtesan-kaoru-of-owariya-matched-with-okitsu-1825(1),"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Ukiyo_e,keisai-eisen_the-courtesan-tamagawa-of-the-maruebiya-house(1),"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Ukiyo_e,keisai-eisen_the-fifth-month-hanagoromo-of-the-wakanaya(1),"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Ukiyo_e,keisai-eisen_the-kirifuri-falls-one-of-the-three-waterfalls-1847(1),"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Ukiyo_e,keisai-eisen_the-ninth-month-ch-y(1),"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,keisai-eisen_the-third-month-cherry-blossoms-in-naka-no-ch(1),"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Ukiyo_e,keisai-eisen_toyooka-of-the-okamotoya,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Ukiyo_e,keisai-eisen_two-ducks,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,keisai-eisen_two-of-the-six-immortal-poets,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Ukiyo_e,keisai-eisen_unknown-title,"[1.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,keisai-eisen_unknown-title-1,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,keisai-eisen_unuma-pl-53-from-a-facsimile-edition-of-sixty-nine-stations-of-the-kiso-highway,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Ukiyo_e,keisai-eisen_view-of-lake-suwa-as-seen-from-shiojiri-pass-1830,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Ukiyo_e,keisai-eisen_woman-by-plum-tree-at-night-1847,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0]" +Ukiyo_e,keisai-eisen_woman-in-snow,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Ukiyo_e,keisai-eisen_women-on-an-excursion,"[3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,keisai-eisen_yabai-with-two-women-1840,"[1.0, 1.0, 0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0]" +Ukiyo_e,kitagawa-utamaro_a-geisha-in-her-lover-s-room,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]" +Ukiyo_e,kitagawa-utamaro_a-geisha-in-her-lover-s-room-1,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Ukiyo_e,kitagawa-utamaro_a-monkey-trainer-performing-at-a-noblemans-house-1788,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,kitagawa-utamaro_a-scene-from-the-poem-of-the-pillow-1788,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Ukiyo_e,kitagawa-utamaro_a-scene-on-the-bridge-and-beld,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Ukiyo_e,kitagawa-utamaro_a-scene-on-the-bridge-and-beld-1,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,kitagawa-utamaro_a-scene-on-the-bridge-and-beld-2,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,kitagawa-utamaro_a-woman-watches-two-children,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Ukiyo_e,kitagawa-utamaro_amorous-couple-1803,"[1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]" +Ukiyo_e,kitagawa-utamaro_amorous-couple-1803-1,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Ukiyo_e,kitagawa-utamaro_beauty-at-toilet,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Ukiyo_e,kitagawa-utamaro_courtesan-applying-lip-rouge,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,kitagawa-utamaro_courtesan-karakot,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,kitagawa-utamaro_courtesan-s-entourage-at-new-year-s-festival-1788,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Ukiyo_e,kitagawa-utamaro_courtesan-writing-a-letter,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,kitagawa-utamaro_courtesans-strolling-beneath-cherry-trees-before-the-daiko,"[1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,kitagawa-utamaro_dressing-a-boy-on-the-occasion-of-his-first-letting-his-hair-grow,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Ukiyo_e,kitagawa-utamaro_drunken-courtesan,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Ukiyo_e,kitagawa-utamaro_fa-woman-playing-a-poppin,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Ukiyo_e,kitagawa-utamaro_flower-patterned-cotton,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,kitagawa-utamaro_flowers-1806,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,kitagawa-utamaro_flowers-of-edo,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Ukiyo_e,kitagawa-utamaro_from-the-series-kasen-koi-no-bu-1794,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Ukiyo_e,kitagawa-utamaro_geisha,"[0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 2.0]" +Ukiyo_e,kitagawa-utamaro_hideyoshi-and-his-wives,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Ukiyo_e,kitagawa-utamaro_hour-of-the-snake-1794,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Ukiyo_e,kitagawa-utamaro_illustration-from-the-twelve-hours-of-the-green-houses-c-1795-colour-woodblock-print,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,kitagawa-utamaro_japanese-domestic-scene,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Ukiyo_e,kitagawa-utamaro_kisegawa-of-matsubaya-from-the-series-seven-komachis-of-yoshiwara-c-1795-woodblock-print,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Ukiyo_e,kitagawa-utamaro_large-head-and-bust-portrait-of-beauty-1797,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,kitagawa-utamaro_male-couple-1802,"[0.0, 0.0, 0.0, 1.0, 1.0, 3.0, 0.0, 0.0, 1.0]" +Ukiyo_e,kitagawa-utamaro_middle-class-mother-and-daughter,"[1.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Ukiyo_e,kitagawa-utamaro_midnight-the-hour-of-the-rat,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Ukiyo_e,kitagawa-utamaro_midori-of-the-hinataka-from-the-hour-of-the-rat,"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,kitagawa-utamaro_mitate-of-the-broken-cart-showing-an-episode-of-the-fight-between-michizane-and-the-fujiwara,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]" +Ukiyo_e,kitagawa-utamaro_moonlight-revelry-at-dozo-sagami,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,kitagawa-utamaro_mother-and-child-gazing-at-a-hand-mirror-1805,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Ukiyo_e,kitagawa-utamaro_not_detected_233116-1788,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0]" +Ukiyo_e,kitagawa-utamaro_not_detected_233117-1799,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Ukiyo_e,kitagawa-utamaro_not_detected_233118-1799,"[1.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]" +Ukiyo_e,kitagawa-utamaro_not_detected_233119-1799,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 1.0]" +Ukiyo_e,kitagawa-utamaro_not_detected_233120-1799,"[2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0]" +Ukiyo_e,kitagawa-utamaro_not_detected_233121-1799,"[2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]" +Ukiyo_e,kitagawa-utamaro_not_detected_233122,"[1.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 1.0]" +Ukiyo_e,kitagawa-utamaro_not_detected_233123,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Ukiyo_e,kitagawa-utamaro_not_detected_233124,"[0.0, 0.0, 0.0, 2.0, 0.0, 3.0, 0.0, 0.0, 0.0]" +Ukiyo_e,kitagawa-utamaro_not_detected_233126,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]" +Ukiyo_e,kitagawa-utamaro_not_detected_233127,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Ukiyo_e,kitagawa-utamaro_not_detected_233128,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Ukiyo_e,kitagawa-utamaro_not_detected_233129,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Ukiyo_e,kitagawa-utamaro_not_detected_233131,"[1.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,kitagawa-utamaro_not_detected_233132,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Ukiyo_e,kitagawa-utamaro_not_detected_233133,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Ukiyo_e,kitagawa-utamaro_not_detected_233134,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Ukiyo_e,kitagawa-utamaro_not_detected_233135,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Ukiyo_e,kitagawa-utamaro_not_detected_233136,"[3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,kitagawa-utamaro_not_detected_233137,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Ukiyo_e,kitagawa-utamaro_not_detected_233138,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Ukiyo_e,kitagawa-utamaro_not_detected_233139,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]" +Ukiyo_e,kitagawa-utamaro_oiran-hanaogi,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Ukiyo_e,kitagawa-utamaro_okita-the-tea-house-girl,"[1.0, 1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Ukiyo_e,kitagawa-utamaro_okita-the-tea-house-girl-1,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Ukiyo_e,kitagawa-utamaro_one-hundred-stories-of-demons-and-spirits,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Ukiyo_e,kitagawa-utamaro_one-out-of-a-series-of-six,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Ukiyo_e,kitagawa-utamaro_page-from-an-album-or-illustrated-book,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Ukiyo_e,kitagawa-utamaro_pearl-divers-1802,"[0.0, 2.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]" +Ukiyo_e,kitagawa-utamaro_pensive-love,"[2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,kitagawa-utamaro_portrait-of-a-woman,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Ukiyo_e,kitagawa-utamaro_portrait-of-naniwaya-okita,"[2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,kitagawa-utamaro_portrait-of-naniwaya-okita-1793,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Ukiyo_e,kitagawa-utamaro_prelude-to-desire-1799,"[2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0]" +Ukiyo_e,kitagawa-utamaro_reading-a-letter,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Ukiyo_e,kitagawa-utamaro_reigning-beauty-hanozuma,"[0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,kitagawa-utamaro_rice-locust-red-dragonfly-pinks-chinese-bell-flowers-1788,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Ukiyo_e,kitagawa-utamaro_secret-love,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Ukiyo_e,kitagawa-utamaro_shower,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Ukiyo_e,kitagawa-utamaro_shower-1,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 3.0, 0.0]" +Ukiyo_e,kitagawa-utamaro_shower-2,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,kitagawa-utamaro_shower-3,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Ukiyo_e,kitagawa-utamaro_streetwalker,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,kitagawa-utamaro_the-drunken-courtesan,"[9.0, 10.0, 6.0, 3.0, 1.0, 2.0, 1.0, 2.0, 12.0]" +Ukiyo_e,kitagawa-utamaro_the-geisha-kamekichi,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Ukiyo_e,kitagawa-utamaro_the-hour-of-the-boar,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Ukiyo_e,kitagawa-utamaro_the-hour-of-the-cock,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,kitagawa-utamaro_the-hour-of-the-dog,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,kitagawa-utamaro_the-hour-of-the-dragon,"[4.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,kitagawa-utamaro_the-hour-of-the-dragon-1,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,kitagawa-utamaro_the-hour-of-the-hare,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Ukiyo_e,kitagawa-utamaro_the-hour-of-the-horse,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Ukiyo_e,kitagawa-utamaro_the-hour-of-the-horse-1,"[0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0]" +Ukiyo_e,kitagawa-utamaro_the-hour-of-the-monkey,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Ukiyo_e,kitagawa-utamaro_the-hour-of-the-oxx,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Ukiyo_e,kitagawa-utamaro_the-hour-of-the-ramin,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Ukiyo_e,kitagawa-utamaro_the-hour-of-the-snake,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]" +Ukiyo_e,kitagawa-utamaro_the-hour-of-the-tiger,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,kitagawa-utamaro_the-hussy,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Ukiyo_e,kitagawa-utamaro_the-lazy-bone,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Ukiyo_e,kitagawa-utamaro_the-widow,"[0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0]" +Ukiyo_e,kitagawa-utamaro_the-yoshiwara-sparrow,"[1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0]" +Ukiyo_e,kitagawa-utamaro_three-beauties-of-the-present-day-1793,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,kitagawa-utamaro_three-courtesans-stroll-amidst-cherry-blossoms-1803,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Ukiyo_e,kitagawa-utamaro_three-seated-ladies-with-lanterns,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,kitagawa-utamaro_upon-my-oath,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,kitagawa-utamaro_upper-class,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]" +Ukiyo_e,kitagawa-utamaro_utamaro-okita,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Ukiyo_e,kitagawa-utamaro_washing-clothes,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Ukiyo_e,kitagawa-utamaro_woman-and-child-1803,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Ukiyo_e,kitagawa-utamaro_woman-in-bedroom-on-rainy-night,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Ukiyo_e,kitagawa-utamaro_woman-smoking,"[3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Ukiyo_e,kitagawa-utamaro_woman-with-a-mirror,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Ukiyo_e,kitagawa-utamaro_women-gathering-for-tooth-blackening-ceremony,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,kitagawa-utamaro_women-making-dresses,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,kitagawa-utamaro_women-making-dresses-1,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]" +Ukiyo_e,kitagawa-utamaro_women-making-dresses-2,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,kitagawa-utamaro_women-making-dresses-3,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Ukiyo_e,kitagawa-utamaro_yama-uba-and-kintaro,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]" +Ukiyo_e,kitagawa-utamaro_yama-uba-and-kintaro-1,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Ukiyo_e,kitagawa-utamaro_yama-uba-and-kintaro-with-a-wine-cup,"[1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]" +Ukiyo_e,kitagawa-utamaro_yamanba-and-kintaro-sakazuki,"[4.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,kitagawa-utamaro_young-woman-applying-make-up-1796,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Ukiyo_e,ogata-gekko_blacksmith-munechika-helped-by-a-fox-spirit-forging-the-blade-little-fox-1873,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 3.0]" +Ukiyo_e,ogata-gekko_dragon-rising-to-the-heavens-1897,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Ukiyo_e,ogata-gekko_emperor-go-daigo-1890,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Ukiyo_e,ogata-gekko_geisha-in-springtime-1890,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,ogata-gekko_major-general-dera-at-the-cliff-1895,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Ukiyo_e,ogata-gekko_nihon-hana-zue-1892,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]" +Ukiyo_e,ogata-gekko_nihon-hana-zue-1893,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Ukiyo_e,ogata-gekko_nihon-hana-zue-1893-1,"[0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0]" +Ukiyo_e,ogata-gekko_nihon-hana-zue-1895,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Ukiyo_e,ogata-gekko_nihon-hana-zue-1896,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,ogata-gekko_nihon-hana-zue-1896-1,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Ukiyo_e,ogata-gekko_nihon-hana-zue-1896-2,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Ukiyo_e,ogata-gekko_nihon-hana-zue-1896-3,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,ogata-gekko_nihon-hana-zue-1896-4,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0]" +Ukiyo_e,ogata-gekko_nihon-hana-zue-1896-5,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Ukiyo_e,ogata-gekko_nihon-hana-zue-1897,"[1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Ukiyo_e,ogata-gekko_nihon-hana-zue-1897-1,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,ogata-gekko_nihon-hana-zue-1897-2,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,ogata-gekko_odori-dancer,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Ukiyo_e,ogata-gekko_picture-of-officers-and-men-worshiping-the-rising-sun-while-encamped-in-the-mountains-of-port-1894,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Ukiyo_e,ogata-gekko_picture-of-severe-battle-on-the-streets-of-gyuso-1895,"[0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Ukiyo_e,ogata-gekko_print-from-series-women-s-customs-and-manners-1895,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,ogata-gekko_print-from-series-women-s-customs-and-manners-1895-1,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,ogata-gekko_sino-japanese-war-the-japanese-navy-victorious-off-takushan-1895,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0, 0.0]" +Ukiyo_e,ogata-gekko_sumo-wrestlers-1899,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]" +Ukiyo_e,ogata-gekko_women-in-daily-life,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Ukiyo_e,tsukioka-yoshitoshi_a-married-woman-in-the-meiji-period,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,tsukioka-yoshitoshi_a-print-depicting-sakanoue-no-tamuraro-commanding-in-the-middle-of-battle,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0]" +Ukiyo_e,tsukioka-yoshitoshi_a-scene-of-journey-to-the-west,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Ukiyo_e,tsukioka-yoshitoshi_a-young-woman-from-kansei-period-playing-with-her-cat,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,tsukioka-yoshitoshi_akashi,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0, 0.0]" +Ukiyo_e,tsukioka-yoshitoshi_ariwara-no-yukihira,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Ukiyo_e,tsukioka-yoshitoshi_beautiful-woman,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Ukiyo_e,tsukioka-yoshitoshi_cherishing,"[1.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,tsukioka-yoshitoshi_delighted-the-appearance-of-a-geisha-today-during-the-meiji-era,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,tsukioka-yoshitoshi_desire,"[2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,tsukioka-yoshitoshi_farting-at-a-kappa-at-the-lumber-yard-in-fukagawa,"[1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0]" +Ukiyo_e,tsukioka-yoshitoshi_grab-tengu-nose,"[1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0]" +Ukiyo_e,tsukioka-yoshitoshi_kato-kiyomasa-hunting-tigers-in-korea-during-the-imjim-war,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 3.0, 0.0, 0.0]" +Ukiyo_e,tsukioka-yoshitoshi_lady-getting-tattooed,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 2.0, 0.0]" +Ukiyo_e,tsukioka-yoshitoshi_lin-chong,"[0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0]" +Ukiyo_e,tsukioka-yoshitoshi_looking-as-if-she-is-enjoying-herself-a-teacher-of-the-keisei-era,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Ukiyo_e,tsukioka-yoshitoshi_looking-as-if-she-is-waking-up-the-appearance-of-a-maiden-of-the-koka-era,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,tsukioka-yoshitoshi_looking-as-if-she-wants-to-change-the-appearance-of-a-proprietress-of-the-kaei-era,"[0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,tsukioka-yoshitoshi_looking-dark-the-appearance-of-a-wife-during-the-meiji-era,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Ukiyo_e,tsukioka-yoshitoshi_looking-disagreeable-the-appearance-of-a-young-lady-from-nagoya-during-the-ansei-era,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,tsukioka-yoshitoshi_looking-eager-to-meet-someone-the-appearance-of-a-courtesan-of-the-kaei-period,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,tsukioka-yoshitoshi_looking-refined-a-court-lady-of-the-kyowa-era,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Ukiyo_e,tsukioka-yoshitoshi_looking-shy-the-appearance-of-a-young-girl-of-the-meiji-era,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Ukiyo_e,tsukioka-yoshitoshi_looking-sleepy-the-appearance-of-a-courtesan-of-the-meiji-era,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Ukiyo_e,tsukioka-yoshitoshi_looking-tasty-the-appearance-of-a-courtesan-during-the-kaei-era,"[2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,tsukioka-yoshitoshi_lu-zhishen,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 1.0]" +Ukiyo_e,tsukioka-yoshitoshi_maisaka,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Ukiyo_e,tsukioka-yoshitoshi_nihon-ryakushi,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Ukiyo_e,tsukioka-yoshitoshi_not_detected_242417(1),"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]" +Ukiyo_e,tsukioka-yoshitoshi_not_detected_242418,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Ukiyo_e,tsukioka-yoshitoshi_not_detected_242419,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Ukiyo_e,tsukioka-yoshitoshi_not_detected_242420,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0, 0.0]" +Ukiyo_e,tsukioka-yoshitoshi_not_detected_242421,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,tsukioka-yoshitoshi_not_detected_242422,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,tsukioka-yoshitoshi_not_detected_242423,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,tsukioka-yoshitoshi_oda-nobunaga-fighting-with-another-warrior-whom-he-knocks-off-a-building-into-a-raging-inferno,"[0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0, 0.0]" +Ukiyo_e,tsukioka-yoshitoshi_onogawa,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Ukiyo_e,tsukioka-yoshitoshi_oya-taro-mitsukuni,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Ukiyo_e,tsukioka-yoshitoshi_postal-tengu,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Ukiyo_e,tsukioka-yoshitoshi_princess-saohime-dies-in-her-brother-s-castle,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Ukiyo_e,tsukioka-yoshitoshi_shinp-ren-rebellion-1876,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Ukiyo_e,tsukioka-yoshitoshi_sojobo-instructs-yoshitsune-in-the-sword,"[0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Ukiyo_e,tsukioka-yoshitoshi_songoku-the-monkey-king-and-the-jewelled-hare-by-the-moon-1891,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Ukiyo_e,tsukioka-yoshitoshi_spider-princess,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]" +Ukiyo_e,tsukioka-yoshitoshi_taira,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Ukiyo_e,tsukioka-yoshitoshi_taira-no-kiyomori-sees-the-skulls-of-his-victims,"[1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Ukiyo_e,tsukioka-yoshitoshi_takatoki-tengu,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Ukiyo_e,tsukioka-yoshitoshi_tanuki,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Ukiyo_e,tsukioka-yoshitoshi_the-appearance-of-a-brothel-geisha-of-the-koka-era,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Ukiyo_e,tsukioka-yoshitoshi_the-appearance-of-a-concubine-of-the-bunka-era,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]" +Ukiyo_e,tsukioka-yoshitoshi_the-appearance-of-a-fukagawa-nakamichi-geisha-of-the-tempo-era,"[5.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,tsukioka-yoshitoshi_the-appearance-of-a-kept-woman-of-the-kaei-era,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Ukiyo_e,tsukioka-yoshitoshi_the-appearance-of-a-kyoto-waitress-in-the-meiji-era,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0]" +Ukiyo_e,tsukioka-yoshitoshi_the-appearance-of-a-town-geisha-a-bargirl-in-the-ansei-era,"[2.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,tsukioka-yoshitoshi_the-appearance-of-a-waitress-at-fukagawa-in-the-tempo-era,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Ukiyo_e,tsukioka-yoshitoshi_the-appearance-of-an-urban-widow-of-the-kansei-era,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Ukiyo_e,tsukioka-yoshitoshi_the-black-monster-attacking-the-wife-of-a-carpe,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]" +Ukiyo_e,tsukioka-yoshitoshi_the-fever,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Ukiyo_e,tsukioka-yoshitoshi_the-ghost-triptych,"[2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Ukiyo_e,tsukioka-yoshitoshi_the-hag,"[4.0, 5.0, 0.0, 2.0, 3.0, 12.0, 16.0, 3.0, 5.0]" +Ukiyo_e,tsukioka-yoshitoshi_the-seven-lucky-gods,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,tsukioka-yoshitoshi_the-underwater-fight,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Ukiyo_e,tsukioka-yoshitoshi_tokugawa-iemitsu-and-ii-naotaka-in-nikko,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Ukiyo_e,tsukioka-yoshitoshi_ushiwaka-and-benkei-duelling-on-gojo-bridge,"[0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Ukiyo_e,tsukioka-yoshitoshi_yoshi-tomigoro,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]" +Ukiyo_e,tsukioka-yoshitoshi_yoshitsune-with-benkei,"[3.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kunisada-ii_mother-and-baby,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Ukiyo_e,utagawa-kunisada-ii_oichi-from-the-beauties-of-tokyo-series,"[3.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kunisada-ii_portrait-of-utagawa-kunisada,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kunisada-ii_prince-genji,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Ukiyo_e,utagawa-kunisada-ii_the-dragon,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Ukiyo_e,utagawa-kunisada-ii_the-famous-kabuki-actor-takeda-harunobu-takeda-shingen-from-the-series-gishi-eimei-den-no-uchi,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kunisada-ii_unryu,"[6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kunisada-ii_ushiwaka-maru-training-with-the-tengu,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kunisada-ii_visit-to-a-peony-garden,"[0.0, 0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kunisada_actor-as-nikki-danjo-1857,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kunisada_dietary-life-rules,"[16.0, 5.0, 4.0, 3.0, 0.0, 12.0, 2.0, 2.0, 5.0]" +Ukiyo_e,utagawa-kunisada_fifty-three-stages-of-the-tokaido-tokaido-gojusan,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Ukiyo_e,utagawa-kunisada_four-seasons-spring-summer-autumn-winter,"[1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kunisada_genji,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Ukiyo_e,utagawa-kunisada_goemon-ishikawa-and-his-son-goroichi,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 2.0]" +Ukiyo_e,utagawa-kunisada_hinasuke-arashi-as-goemon-ishikawa,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kunisada_ichikawa-danjuro-vii-wielding-an-axe-wearing-a-white-haired-wig,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kunisada_kagamiiwa-hamanosuke-sumo-wrestler,"[1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kunisada_lesbians-having-sex-by-a-harikata-dildo,"[0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kunisada_not_detected_239640,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kunisada_not_detected_239642(1),"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 2.0]" +Ukiyo_e,utagawa-kunisada_not_detected_240071,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kunisada_not_detected_240307,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kunisada_not_detected_240316,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Ukiyo_e,utagawa-kunisada_not_detected_240317,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0]" +Ukiyo_e,utagawa-kunisada_not_detected_240329,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Ukiyo_e,utagawa-kunisada_not_detected_240330,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Ukiyo_e,utagawa-kunisada_not_detected_240331,"[2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kunisada_not_detected_240332,"[3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Ukiyo_e,utagawa-kunisada_not_detected_240333,"[0.0, 0.0, 1.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kunisada_not_detected_240334,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kunisada_not_detected_240335,"[0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 1.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kunisada_not_detected_240336,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Ukiyo_e,utagawa-kunisada_not_detected_240337,"[2.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kunisada_not_detected_240338,"[8.0, 5.0, 0.0, 11.0, 0.0, 23.0, 0.0, 1.0, 3.0]" +Ukiyo_e,utagawa-kunisada_not_detected_240339,"[0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 1.0]" +Ukiyo_e,utagawa-kunisada_not_detected_240340,"[1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kunisada_not_detected_240341,"[1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0]" +Ukiyo_e,utagawa-kunisada_not_detected_240342,"[2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kunisada_not_detected_240343,"[2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kunisada_not_detected_240344,"[4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kunisada_not_detected_240345,"[1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kunisada_not_detected_240346,"[3.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kunisada_not_detected_240347,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Ukiyo_e,utagawa-kunisada_not_detected_240348,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kunisada_not_detected_240349,"[3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kunisada_not_detected_240350,"[1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kunisada_not_detected_240351,"[0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0, 0.0]" +Ukiyo_e,utagawa-kunisada_not_detected_240352,"[0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kunisada_not_detected_240353,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kunisada_not_detected_240354,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kunisada_not_detected_240359,"[1.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 1.0, 0.0]" +Ukiyo_e,utagawa-kunisada_not_detected_240361,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kunisada_not_detected_240363,"[3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kunisada_not_detected_240368,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Ukiyo_e,utagawa-kunisada_not_detected_240378,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kunisada_not_detected_240379,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kunisada_not_detected_240381(1),"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 1.0, 0.0]" +Ukiyo_e,utagawa-kunisada_not_detected_240384,"[3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kunisada_not_detected_240387,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kunisada_ohnomatsu_midorinosuke,"[1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kunisada_portrait-of-hiroshige,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kunisada_ronins-attack-on-the-house-of-lord-kira-left-panel-of-a-triptych,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kunisada_seascape,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kunisada_sexual-life-rules,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Ukiyo_e,utagawa-kunisada_snowy-landscape-with-a-woman-brandishing-a-broom-and-a-man-holding-an-umbrella,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Ukiyo_e,utagawa-kunisada_sumo,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kunisada_sumo-spectators-1853,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Ukiyo_e,utagawa-kunisada_sumo-wrestler-somagahana-fuchiemon,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]" +Ukiyo_e,utagawa-kunisada_surimono,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kunisada_the-actor,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kunisada_the-actor-1,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kunisada_the-actor-ichikawa-kodanji-iv-as-subashiri-no-kumagoro-1859,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kunisada_the-actor-in-female-role,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Ukiyo_e,utagawa-kunisada_the-actor-in-the-ichikawa-family,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kunisada_the-actor-kataoka-nizaemon-viii-as-kumokiri-nizaemon-1859,"[2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kunisada_the-actor-kawarazaki-gonjuro-i-as-osarabakuzo-denji-1859,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kunisada_the-actor-playing-a-farmer,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 1.0]" +Ukiyo_e,utagawa-kunisada_the-actor-reading-a-scroll,"[2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kunisada_the-ghost,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kunisada_the-kabuki-actor-kawaharazaki-gonjuro-as-kagekiyo,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kunisada_the-spectre,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 2.0, 0.0]" +Ukiyo_e,utagawa-kunisada_yoshiwara,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Ukiyo_e,utagawa-kuniyoshi_a-beauty-with-a-face-brush,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_a-cat-dressed-as-a-woman-tapping-the-head-of-an-octopus,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kuniyoshi_a-fierce-depiction-of-uesugi-kenshin-seated-1844,"[1.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_a-man,"[1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kuniyoshi_a-man-confronted-with-an-apparition-of-the-fox-goddess,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_a-person-as-a-person-should-be,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_a-record-of-origins-of-the-great-country-of-japan,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kuniyoshi_a-samurai-overwhelming-a-giant-serpent,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kuniyoshi_a-seated-woman-sewing-a-kimono,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_a-shapeshifting-cat,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_a-snowstorm-at-kinryozan-temple,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Ukiyo_e,utagawa-kuniyoshi_a-street-prostitute,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_actor,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kuniyoshi_actors,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kuniyoshi_amakasu-omi-no-kami,"[1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_animals-dyeing-fabrics,"[36.0, 3.0, 2.0, 3.0, 0.0, 2.0, 0.0, 0.0, 3.0]" +Ukiyo_e,utagawa-kuniyoshi_animated-gourd,"[1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kuniyoshi_apparition-of-the-monstrous-cat,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kuniyoshi_at-first-glance-he-looks-very-fiarce-but-he-s-really-a-nice-person,"[0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_at-the-shore-of-the-sumida-river,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kuniyoshi_autumn,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kuniyoshi_banners-for-the-boys-festival,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kuniyoshi_benkei-dragging-the-miidera-bell-up-a-mountain,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_benkei-holdin-a-halberd,"[0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 3.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_bijin-with-a-dog-in-the-snow-1845,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Ukiyo_e,utagawa-kuniyoshi_black-carp,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_caga-no-chiyo-standing-beside-a-well,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_catfish,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_catfish-1,"[3.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_cats-forming-the-caracters-for-catfish,"[2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kuniyoshi_cats-suggested-as-the-fifty-three-stations-of-the-tokaido,"[5.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_caulking-boats,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kuniyoshi_clearing-water-at-horikawa,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_courtesan-and-her-maiko,"[2.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Ukiyo_e,utagawa-kuniyoshi_courtesan-in-training,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_design-the-struggle,"[0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kuniyoshi_dipicting-the-characters-from-the-chushingura,"[2.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_dipicting-the-characters-from-the-chushingura-1,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Ukiyo_e,utagawa-kuniyoshi_dipicting-the-characters-from-the-chushingura-2,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kuniyoshi_dipicting-the-characters-from-the-chushingura-3,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_dipicting-the-characters-from-the-chushingura-4,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_dragon,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_eight-hundred-heroes-of-our-country,"[1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_eight-hundred-heroes-of-our-country-1,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kuniyoshi_elephant-catching-a-flying-tengu,"[4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_even-thought-she-looks-old-she-is-young,"[1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_faces,"[4.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_ferryman,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_for-cats-in-different-poses,"[3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_from-suikoden-of-japanese-heroes,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kuniyoshi_fusehime-saving-inue-shimbyoe-masahi-from-a-thunderboit,"[1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_fuwa-katsuemon,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_half-legth-portrait-of-bazui-chobel,"[1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_half-legth-portrait-of-goshaku-somegoro,"[1.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_hanagami-danjo-no-jo-arakage-fighting-a-giant-salamander,"[0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 2.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_happinata-koju-on-a-rearing-horse,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_hara-hayato-no-sho-holding-a-spear,"[1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_hasebe-nobutsura-during-the-taira-attack-on-the-takakura-palace,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Ukiyo_e,utagawa-kuniyoshi_hata-rokurozaemon-with-his-dog,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Ukiyo_e,utagawa-kuniyoshi_hatakeyama-shigetada,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_hatakeyama-sitting-next-to-a-go-board,"[2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0]" +Ukiyo_e,utagawa-kuniyoshi_hatsuhana-doing-penance-under-the-tonosawa-waterfall,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_hattara-sonja-with-his-white-tiger,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_hawk,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_heavy-rain,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_heikea-japonica-the-ghost-of-taira-tomomori-along-with-the-anchor-he-drowned-with-and-heikegani,"[1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kuniyoshi_heroes-of-china-and-japan,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_heroes-of-china-and-japan-1,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_heroes-of-china-and-japan-2,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 1.0]" +Ukiyo_e,utagawa-kuniyoshi_high-noon-at-kasumigaseki,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kuniyoshi_homing-geese-at-kanagawa,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Ukiyo_e,utagawa-kuniyoshi_homing-geese-at-the-northern-capital,"[0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_honjo-shigenaga-parrying-an-exploding-shell,"[0.0, 1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_horibe-yahei-kamaru-parrying-a-spear-thrust,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Ukiyo_e,utagawa-kuniyoshi_horse-soga-goro-on-a-rearing-horse,"[1.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_hotei,"[3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_hotei-one-of-the-seven-gods-of-good-fortune,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Ukiyo_e,utagawa-kuniyoshi_in-the-waves-at-kakuda-enroute-to-sado-island-edo-period,"[0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_ishi-jo-wife-of-oboshi-yoshio-one-of-the-loyal-ronin,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_ishiyakushi,"[1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_kagehisa-and-yoshitada-wrestling,"[0.0, 1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_kagesue-takatsuna-and-shigetada-crossing-the-uji-river,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kuniyoshi_kaji-of-gion-holding-a-fan,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_kajiwara-genda-kagesue-for-umegae,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_kamei-rokuro-and-the-black-bear-in-the-snow,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_kamigashihime-stabbing-a-giant-spider,"[1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_kansaki-yagoro-noriyasu-seen-behind-a-transparent-screen,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_keyamura-rokusuke-under-the-hikosan-gongen-waterfall,"[0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 2.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_koga-saburo-suspendeding-a-basket-watching-a-dragon,"[2.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_konseimao-hanzui-beset-by-demons,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_kotenrai-ryioshin-loading-a-connon,"[0.0, 1.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_kuroda-ukinaga-japanese-actor-1816,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kuniyoshi_kuzunoha,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_kyumonryu-shinshin-and-chokanko-chintasu,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kuniyoshi_kyusenpo-sacucho-charging-throught-the-snow-on-a-black-stallion,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_lacquered-boxes-against-rain,"[0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 2.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kuniyoshi_lady-kayo,"[1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_legend-the-great-ships-full-of-boys-and-girls-sent-in-search-of-the-immortal-medicine,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_li-hayata-hironao-grappling-with-the-monster,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_lingering-snow-at-ishiyama,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kuniyoshi_lobster,"[1.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_man-on-a-boat,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_minamoto-yorimitsu-also-known-as-raiko,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_minamoto-yoshiie-at-the-nakoso-barrier,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_minori-the-mortally-wounded-taira-tomomori-with-ahuge-anchor,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_mitsukini-defying-the-skeleton-1845,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kuniyoshi_miyamoto-musashi-edo-period,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_miyamoto-musashi-killing-a-giant,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_mongaku-doing-penace-at-the-nachi-waterfall,"[1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_mongaku-shonin,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_moon,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kuniyoshi_moso-hunting-for-bamboo-shoots,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Ukiyo_e,utagawa-kuniyoshi_mountain,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kuniyoshi_musashi-on-the-back-of-a-whale,"[1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kuniyoshi_nakamura,"[1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]" +Ukiyo_e,utagawa-kuniyoshi_neve-the-moon-is-chilling-1845,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_new-edition-of-the-life-of-a-hundred-generals,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_nichiren-going-into-exile-on-the-island-of-sado,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_nichiren-saved-from-the-executioners-sword,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]" +Ukiyo_e,utagawa-kuniyoshi_night-rain-at-narumi,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Ukiyo_e,utagawa-kuniyoshi_nine-tailed-fox-tamamo-no-mae-under-her-beautiful-human-form-down,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_nissaka-man-receiving-a-child-from-a-ghost,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 1.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_nozarashi-gosuke-carrying-a-long-sword,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_ochanomizu,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Ukiyo_e,utagawa-kuniyoshi_octopus-red-fish,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kuniyoshi_okabe-the-cat-witch,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_oki-no-jiro-hiroari-killing-a-monstrous-tengu,"[0.0, 1.0, 0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_one-of-the-daughters-of-the-dragon-king-who-lives-in-the-bottom-of-the-sea,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_oniwakamaru-about-to-kill-the-giant-carp,"[1.0, 1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_oniwakamaru-and-the-giant-carp-fighting-underwater,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kuniyoshi_oniwakamaru-preparing-to-kill-a-giant-carp,"[3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kuniyoshi_onodera-junai-hidetomo-shading-his-eyes,"[1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kuniyoshi_opening-shellfish-at-fukagawa,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_osho-catches-fish-for-his-stepmother,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Ukiyo_e,utagawa-kuniyoshi_osho-catching-a-carp,"[6.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_otsu-e-paintings-coming-alive-triptych,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_paragons-of-filial-piety,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kuniyoshi_people-join-together-to-form-another-person,"[1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_people-stopping-to-admire-the-gourd-that-miraculously-appeared-at-the-time-of-the-birth-of,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_pilgrims-at-the-roben-waterfall-oyama,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kuniyoshi_pilgrims-in-the-waterfall,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 2.0]" +Ukiyo_e,utagawa-kuniyoshi_portrait-of-daruma,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kuniyoshi_priest-nichiren-praying-under-the-storm,"[0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_prince-hanzoku-terrorised-by-a-nine-tailed-fox,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_raiko-tormented-by-the-earth-spider,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_rape-scene,"[0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 2.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_red-carp-under-wisteria,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Ukiyo_e,utagawa-kuniyoshi_returning-boats-at-tsukushi,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]" +Ukiyo_e,utagawa-kuniyoshi_roshi-ensei-lifting-a-heavy-beam,"[0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kuniyoshi_sailing-boat,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_saito-oniwakamaru,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_saito-toshimoto-and-a-warrior-in-a-underwater-struggle,"[1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_saitogo-kunitake-japanese-actor-1816,"[2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_sakata-kintoki-struggling-with-a-huge-carp-in-a-waterfall-1836,"[3.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_samurai-and-the-conquered,"[0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 2.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_samurai-yazama-kihei-mitsunobu,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kuniyoshi_sasaki-takatsuna-fording-the-uji-river,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_sato-tadanobu-a-samurai-of-the-twelfth-century-defending-himself-with-a-goban-whan-attacked-by,"[0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 1.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_satsuma-taira-tadanori-for-suzumushi,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_sceleton,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kuniyoshi_scrbbling-on-the-storehouse-wall,"[4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_sculptor-jingoro-surrounded-by-statues,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kuniyoshi_seaweed-gatherers-at-omari,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_self-portrait-of-the-shunga-album,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kuniyoshi_senkaji-chao-wringing-out-his-loincloth,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kuniyoshi_shakuhachi-player,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_sharks,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kuniyoshi_shimamura-danjo-takanori-riding-the-waves-on-the-backs-of-large-crabs,"[0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 2.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_shoki-and-demon-edo-period-1,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_shoriko-kaei-shooting-a-wild-goose,"[1.0, 2.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_showing-activity-on-several-floors-at-the-same-time,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kuniyoshi_shutsudoko-doi,"[0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kuniyoshi_sixty-nine-stations-of-the-kisokaido-warabi-inuyama-dosetsu-edo-period-1852,"[0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_sosan-returning-to-his-mother,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_sotoku-invoking-a-thunder-storm,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_station-38,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_station-hodogaya-through-hiratsuka,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_stingrays,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kuniyoshi_strings-for-night-firing,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_suhara,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_suikoden-series,"[0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_suikoden-series-1,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_suikoden-series-2,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0]" +Ukiyo_e,utagawa-kuniyoshi_suikoden-triptych-the-fishermen,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_taiba,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_taira-ghost,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_taira-koremochi-spies-the-reflection-of-a-female-demon,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_taira-koresshige-attacked-by-a-demon,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 2.0]" +Ukiyo_e,utagawa-kuniyoshi_taira-tomomori-and-a-sea-dragon,"[2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0]" +Ukiyo_e,utagawa-kuniyoshi_takagi-toranosuke-capturing-a-kappa-underwater-in-the-tamura-river,"[0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 1.0, 1.0]" +Ukiyo_e,utagawa-kuniyoshi_takeuchi-and-the-infant-emperor,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kuniyoshi_tamakatzura-tamatori-attacked-by-the-octopus,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kuniyoshi_tamatori-being-pursued-bya-dragon,"[1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_tametomo-lifting-a-heavy-beam,"[2.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_tametomo-rescued-from-the-sea-monster-by-tengu,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_tammeijiro-genshogo-from-tsuzoku-suikoden-goketsu-hyakuhachinin-no-hitori,"[0.0, 1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_tamomori-tied-to-a-huge-anchor-ready-to-cast-himself-into-the-sea,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_tengu,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Ukiyo_e,utagawa-kuniyoshi_tenjiku-tokubei-riding-a-giant-toadn,"[2.0, 1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_thaishun-with-elephants,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_the-actor,"[0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kuniyoshi_the-actor-1,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_the-actor-10,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_the-actor-11,"[1.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_the-actor-12,"[2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kuniyoshi_the-actor-13,"[1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_the-actor-14,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kuniyoshi_the-actor-15,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_the-actor-16,"[2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_the-actor-17,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_the-actor-19,"[1.0, 1.0, 0.0, 1.0, 2.0, 1.0, 5.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_the-actor-2,"[3.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_the-actor-20,"[1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_the-actor-21,"[1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_the-actor-22,"[2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0]" +Ukiyo_e,utagawa-kuniyoshi_the-actor-23,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_the-actor-24,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Ukiyo_e,utagawa-kuniyoshi_the-actor-3,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 3.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_the-actor-4,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kuniyoshi_the-actor-5,"[2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_the-actor-6,"[1.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_the-actor-7,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_the-actor-8,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_the-actor-9,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_the-actor-ichumura-meeting-a-cat-ghost,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_the-arhat-handaka,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Ukiyo_e,utagawa-kuniyoshi_the-chaste-woman-of-katsushika,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kuniyoshi_the-chushingura,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kuniyoshi_the-courtesans-usugomo-haruka-and-yayoi-of-the-tamaya-teahouse,"[5.0, 16.0, 13.0, 5.0, 0.0, 2.0, 1.0, 2.0, 5.0]" +Ukiyo_e,utagawa-kuniyoshi_the-death-of-nitta-yoshioki-at-the-yaguchi-ferry,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_the-dragon-princess,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_the-famous-unrivalled-hidari-jingoro,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kuniyoshi_the-female-demond,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kuniyoshi_the-female-demond-1,"[9.0, 6.0, 12.0, 5.0, 2.0, 1.0, 3.0, 4.0, 4.0]" +Ukiyo_e,utagawa-kuniyoshi_the-fifty-three-stations-of-the-tokaido,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kuniyoshi_the-ghost-in-the-lantern,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_the-ghost-of-taira-tomomori,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_the-ghosts,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_the-ghosts-of-togo-and-his-wife,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_the-hundred-and-eight-heroes-of-the-popular-suikoden,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kuniyoshi_the-hundred-and-eight-heroes-of-the-popular-suikoden-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_the-hundred-and-eight-heroes-of-the-popular-suikoden-2,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kuniyoshi_the-kins-at-imado,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_the-last-stand-of-the-kusunoki-at-shijonawate,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]" +Ukiyo_e,utagawa-kuniyoshi_the-magic-toads,"[2.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_the-moonlight-fight-between-yoshitsune-and-benkei-on-the-gojobashi,"[0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_the-poet-dainagon-sees-an-apparition,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_the-poet-yacuren-and-a-companion-strolling-in-a-grove-of-trees,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_the-poetess-ukon,"[0.0, 2.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_the-prince-morinaga-is-visited-by-the-murderer-fuchibe-yoshihiro-while-reading-the-lotus-sutra,"[0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_the-sailor-tokuso-and-the-sea-monster,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kuniyoshi_the-seven-gods-of-good-fortune,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_the-soga-brothers-practising-swordstrokes-on-a-heap-of-snow,"[1.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kuniyoshi_the-station-kambara,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kuniyoshi_the-suicide-of-morozumi-masakiyo,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kuniyoshi_the-sumo-wrestler,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kuniyoshi_the-sumo-wrestler-1,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_the-young-benkei-holding-a-pole,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kuniyoshi_thirty-six-famous-battles,"[0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_tiger,"[0.0, 1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 2.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_tiger-1,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_toki-jurozaemon-mitsuchika,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_tokiwa-gozen-in-the-snow,"[1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kuniyoshi_tokiwa-gozen-with-her-three-children-in-the-snow,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]" +Ukiyo_e,utagawa-kuniyoshi_tomimori-sukeemon-masakat-dodging-a-brazier,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_tominomori,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_tominomori-1,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_tsuchigumo,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_tsuchiyama,"[2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kuniyoshi_turtle-and-crab,"[3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_twenty-four-paragons-of-filial-piety-of-our-country,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Ukiyo_e,utagawa-kuniyoshi_two-kamuro-waiting-for-a-courtesan,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kuniyoshi_two-opponents-in-underwater-fight,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_uchiwakamaru-fighting-benkei-on-gojo-bridge,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_uneme-is-exorcising-the-monstrous-serpent-from-the-lake,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kuniyoshi_uoya-danshichi-kurobel-pouring-a-bucket-of-water-over-himself,"[3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_urawa,"[1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kuniyoshi_vesper-bell-at-todaiji,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_watanabe-tsuna-fighting-the-demon-at-the-rashomon,"[0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_woman,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_woman-catching-firefly-by-a-stream,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kuniyoshi_woman-doing-her-laundry-in-the-river,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_woman-in-a-boat-on-the-sumida-river,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_woman-making-a-wig,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kuniyoshi_woman-mending-a-fish-net,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_woman-samurai,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_woman-seated-under-a-cherry-blossoms,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kuniyoshi_woman-selling-decorative-bowls,"[1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kuniyoshi_woman-under-a-cherry-tree,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kuniyoshi_woman-walkin-throught-a-noren,"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_woman-with-fan,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kuniyoshi_women,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_women-1,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_women-10,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kuniyoshi_women-11,"[2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_women-12,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_women-13,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_women-14,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kuniyoshi_women-15,"[2.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Ukiyo_e,utagawa-kuniyoshi_women-17,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_women-18,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_women-19,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_women-2,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Ukiyo_e,utagawa-kuniyoshi_women-20,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_women-21,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Ukiyo_e,utagawa-kuniyoshi_women-22,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kuniyoshi_women-23,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Ukiyo_e,utagawa-kuniyoshi_women-24,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]" +Ukiyo_e,utagawa-kuniyoshi_women-25,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_women-26,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_women-27,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_women-28,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kuniyoshi_women-3,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kuniyoshi_women-4,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 3.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kuniyoshi_women-5,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]" +Ukiyo_e,utagawa-kuniyoshi_women-6,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kuniyoshi_women-7,"[3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_women-8,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_women-9,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_women-walking-in-the-snow,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kuniyoshi_wrestling,"[2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_yada-gorosaemon,"[2.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_yamabe-no-akahito,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_yamamoto-kansuke,"[0.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_yamamoto-kansuke-fighting-a-giant-boar,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_yamamoto-takeru-no-mikoto-between-burning-grass,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_yoko-protecting-his-father-from-a-tiger,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_yorimasa-shooting-at-the-monster-nuye,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Ukiyo_e,utagawa-kuniyoshi_young-emperor,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,utagawa-kuniyoshi_yui-girl-with-fishing-net,"[1.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Ukiyo_e,utagawa-sadatora_beauty-strolling,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Ukiyo_e,utagawa-sadatora_breaking-down-a-castle-gate,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 2.0]" +Ukiyo_e,utagawa-sadatora_chinzei-hachiro-tametomo-firing-an-arrow,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]" +Ukiyo_e,utagawa-sadatora_fashionable-seven-autumn-plants,"[0.0, 1.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]" +Ukiyo_e,utagawa-sadatora_fashionable-seven-autumn-plants-1,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,utagawa-sadatora_great-harbors-for-the-lucky-treasure-ship,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,utagawa-sadatora_hanamurasaki-of-thetamaya,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Ukiyo_e,utagawa-sadatora_hinaogi-of-the-daikokuya,"[1.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,utagawa-sadatora_oguri-hangan-sukeshige-and-yamasaki,"[0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 1.0]" +Ukiyo_e,utagawa-sadatora_oguri-hangan-sukeshige-in-battle,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Ukiyo_e,utagawa-sadatora_overview-of-the-kabuki-play-yoshitsune-senbon-zakura-yoshitsune-and-the-thousand-cherry-trees,"[1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,utagawa-sadatora_surprised-man-on-a-verandah,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Ukiyo_e,utagawa-sadatora_warrior-holding-a-bow,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Ukiyo_e,utagawa-sadatora_woman-sitting-in-front-of-a-screen-titled-fukurokuju,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Ukiyo_e,utagawa-sadatora_woman-under-flowering-tree,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,utagawa-sadatora_women-on-the-shore-at-enoshima,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Ukiyo_e,utagawa-sadatora_women-visiting-a-shrine,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,utagawa-toyokuni-ii_a-bust-portrait-of-a-beauty,"[2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,utagawa-toyokuni-ii_autumn-moon-at-tamagawa-two-boats-fishing-at-night,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Ukiyo_e,utagawa-toyokuni-ii_courtesan,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,utagawa-toyokuni-ii_courtesan-choto-with-two-kamuro-young-attendants-behind-her,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Ukiyo_e,utagawa-toyokuni-ii_enoshima-seiran,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,utagawa-toyokuni-ii_evening-snow-on-fuji-from-a-set-of-eight-famous-views-published-by-iseya-rihei,"[0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]" +Ukiyo_e,utagawa-toyokuni-ii_grey-carp-in-water,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,utagawa-toyokuni-ii_interior-of-a-theatre,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Ukiyo_e,utagawa-toyokuni-ii_kachoga-falcon-on-a-pine-branch-rising-sun-above,"[0.0, 12.0, 20.0, 4.0, 0.0, 2.0, 0.0, 2.0, 5.0]" +Ukiyo_e,utagawa-toyokuni-ii_matsumoto-kinsho-aka-matsumoto-koshiro-v,"[1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 1.0]" +Ukiyo_e,utagawa-toyokuni-ii_night-rain-on-oyama,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]" +Ukiyo_e,utagawa-toyokuni-ii_segawa-kiku-no-jo-okiwa-1825,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Ukiyo_e,utagawa-toyokuni-ii_segawa-kikunojo-v-as-onnagata,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,utagawa-toyokuni-ii_sumo-wrester-in-blue-brown-striped-underkimono,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,utagawa-toyokuni-ii_the-kabuki-actor-segawa-kikunojo-v-as-okuni-gozen-1825,"[3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]" +Ukiyo_e,utagawa-toyokuni-ii_the-kabuki-actors-ichikawa-danjuro-vii-as-iwafuji-1824,"[2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]" +Ukiyo_e,utagawa-toyokuni-ii_the-kabuki-actors-onoe-kikugoro-iii-as-oboshi-yuranosuke-1825,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Ukiyo_e,utagawa-toyokuni-ii_the-scholar-sugawara-no-michizane,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Ukiyo_e,utagawa-toyokuni-ii_tsuruya-uchi-fujiwara-wataru-hisa-no,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Ukiyo_e,utagawa-toyokuni-ii_view-of-mountains-of-awa-province-from-tsurugaoka-near-kamakura,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,utagawa-toyokuni-ii_view-of-oshima-from-atami-beach,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,utagawa-toyokuni-ii_wild-geese-at-miho-kiyomi-temple-suruga-yoshiwara,"[1.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,utagawa-toyokuni-ii_woman-with-inset-depiction-of-wild-geese-at-hasu-no-ike,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" +Ukiyo_e,utagawa-toyokuni_actor-bando-mitsugoro-iii-as-ko-no-moronao-1814,"[2.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,utagawa-toyokuni_actor-bando-mitsugoro-iii-as-seigen-1814,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]" +Ukiyo_e,utagawa-toyokuni_actor-ichikawa-ebijuro-seated-on-floor-with-shamisen-at-his-feet-1818,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]" +Ukiyo_e,utagawa-toyokuni_actor-in-role,"[3.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,utagawa-toyokuni_actor-onoe-eizaburo-i-as-a-magician-with-a-giant-toad-1809,"[0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0, 1.0, 0.0]" +Ukiyo_e,utagawa-toyokuni_chushingura-scene-1811,"[1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0]" +Ukiyo_e,utagawa-toyokuni_courting-komachi-1792,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]" +Ukiyo_e,utagawa-toyokuni_dance,"[4.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]" +Ukiyo_e,utagawa-toyokuni_fishing-net,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 1.0]" +Ukiyo_e,utagawa-toyokuni_ishikawa-goemon-pulling-a-painting-of-himself-out-of-a-lidded-jar,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]" +Ukiyo_e,utagawa-toyokuni_iwai-hanshiro,"[4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,utagawa-toyokuni_kabuki-actors-sanogawa-ichimatsu-ii-as-hayano-kampei-and-osagawa-tsuneyo-as-onoe,"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,utagawa-toyokuni_nakamura-nosio-the-second-performs-the-dance-dodzedzi-1796,"[1.0, 1.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]" +Ukiyo_e,utagawa-toyokuni_nakamura-utaemon,"[1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]" +Ukiyo_e,utagawa-toyokuni_nakamura-utaemon-1,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]" +Ukiyo_e,utagawa-toyokuni_segawa-kikunojo-iii-and-bando-mitsugoro-ii-1798,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]" +Ukiyo_e,utagawa-toyokuni_seki-sanjuro,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]" +Ukiyo_e,utagawa-toyokuni_the-actor-otani-monzo-in-the-role-of-igarashi-tenzen,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]" +Ukiyo_e,utagawa-toyokuni_the-heian-courtier,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]" +Ukiyo_e,utagawa-toyokuni_the-promenade,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]" +Ukiyo_e,utagawa-toyokuni_three-beauties-playing-battledore-and-shuttlecock,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]" +Ukiyo_e,utagawa-toyokuni_three-beauties-snow,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]" diff --git a/imageprocessing/artemis/artemis/data/speaker_sampling_configs/full_hyper_param_ablation.json.txt b/imageprocessing/artemis/artemis/data/speaker_sampling_configs/full_hyper_param_ablation.json.txt new file mode 100644 index 0000000000000000000000000000000000000000..fcad453e2bee20880ebf7e49d1b98bfc079f9586 --- /dev/null +++ b/imageprocessing/artemis/artemis/data/speaker_sampling_configs/full_hyper_param_ablation.json.txt @@ -0,0 +1,182 @@ +[ + { + "sampling_rule": "topk", + "temperature": 1.0, + "topk": 10 + }, + { + "sampling_rule": "topk", + "temperature": 0.8, + "topk": 10 + }, + { + "sampling_rule": "topk", + "temperature": 0.5, + "topk": 10 + }, + { + "sampling_rule": "topk", + "temperature": 0.3, + "topk": 10 + }, + { + "sampling_rule": "topk", + "temperature": 0.2, + "topk": 10 + }, + { + "sampling_rule": "topk", + "temperature": 1.0, + "topk": 15 + }, + { + "sampling_rule": "topk", + "temperature": 0.8, + "topk": 15 + }, + { + "sampling_rule": "topk", + "temperature": 0.5, + "topk": 15 + }, + { + "sampling_rule": "topk", + "temperature": 0.3, + "topk": 15 + }, + { + "sampling_rule": "topk", + "temperature": 0.2, + "topk": 15 + }, + { + "sampling_rule": "topk", + "temperature": 1.0, + "topk": 20 + }, + { + "sampling_rule": "topk", + "temperature": 0.8, + "topk": 20 + }, + { + "sampling_rule": "topk", + "temperature": 0.5, + "topk": 20 + }, + { + "sampling_rule": "topk", + "temperature": 0.3, + "topk": 20 + }, + { + "sampling_rule": "topk", + "temperature": 0.2, + "topk": 20 + }, + { + "sampling_rule": "topk", + "temperature": 1.0, + "topk": 5 + }, + { + "sampling_rule": "topk", + "temperature": 0.8, + "topk": 5 + }, + { + "sampling_rule": "topk", + "temperature": 0.5, + "topk": 5 + }, + { + "sampling_rule": "topk", + "temperature": 0.3, + "topk": 5 + }, + { + "sampling_rule": "topk", + "temperature": 0.2, + "topk": 5 + }, + { + "sampling_rule": "topk", + "temperature": 1.0, + "topk": 3 + }, + { + "sampling_rule": "topk", + "temperature": 0.8, + "topk": 3 + }, + { + "sampling_rule": "topk", + "temperature": 0.5, + "topk": 3 + }, + { + "sampling_rule": "topk", + "temperature": 0.3, + "topk": 3 + }, + { + "sampling_rule": "topk", + "temperature": 0.2, + "topk": 3 + }, + { + "sampling_rule": "topk", + "temperature": 0.2, + "topk": 1 + }, + { + "sampling_rule": "beam", + "temperature": 1.0, + "beam_size": 5 + }, + { + "sampling_rule": "beam", + "temperature": 0.8, + "beam_size": 5 + }, + { + "sampling_rule": "beam", + "temperature": 0.5, + "beam_size": 5 + }, + { + "sampling_rule": "beam", + "temperature": 0.3, + "beam_size": 5 + }, + { + "sampling_rule": "beam", + "temperature": 0.2, + "beam_size": 5 + }, + { + "sampling_rule": "beam", + "temperature": 1.0, + "beam_size": 10 + }, + { + "sampling_rule": "beam", + "temperature": 0.8, + "beam_size": 10 + }, + { + "sampling_rule": "beam", + "temperature": 0.5, + "beam_size": 10 + }, + { + "sampling_rule": "beam", + "temperature": 0.3, + "beam_size": 10 + }, + { + "sampling_rule": "beam", + "temperature": 0.2, + "beam_size": 10 + } +] \ No newline at end of file diff --git a/imageprocessing/artemis/artemis/data/speaker_sampling_configs/mini_hyper_param_ablation.json.txt b/imageprocessing/artemis/artemis/data/speaker_sampling_configs/mini_hyper_param_ablation.json.txt new file mode 100644 index 0000000000000000000000000000000000000000..5eaacd8fa91344f77b2ecc812576fd964ff6a713 --- /dev/null +++ b/imageprocessing/artemis/artemis/data/speaker_sampling_configs/mini_hyper_param_ablation.json.txt @@ -0,0 +1,12 @@ +[ + { + "sampling_rule": "beam", + "temperature": 0.5, + "beam_size": 5 + }, + { + "sampling_rule": "beam", + "temperature": 0.3, + "beam_size": 5 + } +] \ No newline at end of file diff --git a/imageprocessing/artemis/artemis/data/speaker_sampling_configs/selected_hyper_params.json.txt b/imageprocessing/artemis/artemis/data/speaker_sampling_configs/selected_hyper_params.json.txt new file mode 100644 index 0000000000000000000000000000000000000000..87a355ac290a62d9aea730e58f816629383fd314 --- /dev/null +++ b/imageprocessing/artemis/artemis/data/speaker_sampling_configs/selected_hyper_params.json.txt @@ -0,0 +1,7 @@ +[ + { + "sampling_rule": "beam", + "temperature": 0.3, + "beam_size": 5 + } +] \ No newline at end of file diff --git a/imageprocessing/artemis/artemis/data/symspell_frequency_dictionary_en_82_765.txt b/imageprocessing/artemis/artemis/data/symspell_frequency_dictionary_en_82_765.txt new file mode 100644 index 0000000000000000000000000000000000000000..e8427862e5fec03f267a74bd949fad758018d3b8 --- /dev/null +++ b/imageprocessing/artemis/artemis/data/symspell_frequency_dictionary_en_82_765.txt @@ -0,0 +1,82765 @@ +the 23135851162 +of 13151942776 +and 12997637966 +to 12136980858 +a 9081174698 +in 8469404971 +for 5933321709 +is 4705743816 +on 3750423199 +that 3400031103 +by 3350048871 +this 3228469771 +with 3183110675 +i 3086225277 +you 2996181025 +it 2813163874 +not 2633487141 +or 2590739907 +be 2398724162 +are 2393614870 +from 2275595356 +at 2272272772 +as 2247431740 +your 2062066547 +all 2022459848 +have 1564202750 +new 1551258643 +more 1544771673 +an 1518266684 +was 1483428678 +we 1390661912 +will 1356293641 +home 1276852170 +can 1242323499 +us 1229112622 +about 1226734006 +if 1134987907 +page 1082121730 +my 1059793441 +has 1046319984 +search 1024093118 +free 1014107316 +but 999899654 +our 998757982 +one 993536631 +other 978481319 +do 950751722 +no 937112320 +information 932594387 +time 908705570 +they 883223816 +site 844310242 +he 842847219 +up 829969374 +may 827822032 +what 812395582 +which 810514085 +their 782849411 +news 755424983 +out 741601852 +use 719980257 +any 710741293 +there 701170205 +see 681410380 +only 661844114 +so 661809559 +his 660177731 +when 650621178 +contact 645824184 +here 639711198 +business 637134177 +who 630927278 +web 619571575 +also 616829742 +now 611387736 +help 611054034 +get 605984508 +pm 604577485 +view 602279334 +online 601317059 +first 578161543 +am 576436203 +been 575019382 +would 572644147 +how 571848080 +were 570699558 +me 566617666 +services 562206804 +some 548829454 +these 541003982 +click 536746424 +its 525627757 +like 520585287 +service 519537222 +than 502609275 +find 502043038 +price 501651226 +date 488967374 +back 488024109 +top 484213771 +people 480303376 +had 480232730 +list 472590641 +name 464532702 +just 462836169 +over 459222855 +state 453104133 +year 451092583 +day 446236148 +into 445315294 +email 443949646 +two 441398439 +health 440416431 +world 431934249 +re 430847564 +next 425903347 +used 421438139 +go 421086358 +work 419483948 +last 417601616 +most 416210411 +products 414377632 +music 414028837 +buy 410780176 +data 406908328 +make 405084642 +them 403000411 +should 402028056 +product 399116355 +system 396975018 +post 392956436 +her 391961061 +city 390564835 +add 387231739 +policy 384401868 +number 383787805 +such 380725892 +please 380046348 +available 379644437 +copyright 373906735 +support 373512569 +message 373081242 +after 372948094 +best 371852748 +software 370517038 +then 369928941 +jan 366436194 +good 365796396 +video 365410017 +well 362082755 +where 360468339 +info 352363058 +rights 352051342 +public 349286123 +books 347710184 +high 345413157 +school 343057316 +through 342373303 +each 340892856 +links 339926541 +she 339171382 +review 339067778 +years 337841309 +order 336631187 +very 334923368 +privacy 333272427 +book 330959949 +items 330505325 +company 324272258 +read 322331766 +group 321842984 +sex 320105999 +need 319376932 +many 318966441 +user 316446229 +said 315595259 +de 314593284 +does 314018806 +set 313469591 +under 313296421 +general 311757793 +research 311538382 +university 311373936 +january 310345867 +mail 310337185 +full 309929179 +map 309676581 +reviews 307684103 +program 306686983 +life 306559205 +know 306100813 +games 305930896 +way 305515604 +days 305147791 +management 304201237 +part 302729303 +could 302311431 +great 301487430 +united 299280163 +hotel 297974790 +real 297674493 +item 296534935 +international 295639201 +ebay 293178760 +must 292774716 +store 291308910 +travel 287719294 +comments 287558448 +made 287353021 +development 286291411 +report 286237372 +off 284035693 +member 283858893 +details 280827841 +line 280009597 +terms 277705910 +before 277546019 +hotels 275510917 +did 275369513 +send 274103587 +right 273620358 +type 272336859 +because 271323986 +local 270742935 +those 270014141 +using 269448880 +results 268180843 +office 266789622 +education 266738068 +national 266376620 +car 264720374 +design 264448339 +take 264349801 +posted 263851272 +internet 263777245 +address 261872866 +community 261839117 +within 261390908 +states 260937015 +area 259871557 +want 258690345 +phone 256643812 +shipping 256521328 +reserved 256443074 +subject 256217838 +between 255436698 +forum 254478181 +family 254164055 +long 252519588 +based 252405204 +code 250245121 +show 247541986 +even 245697701 +black 244690155 +check 244491090 +special 244311841 +prices 243435728 +website 242876222 +index 242826246 +being 242783091 +women 242520455 +much 242326300 +sign 242290578 +file 241864251 +link 240402653 +open 239670331 +today 239271204 +technology 238674296 +south 238581133 +case 235563000 +project 235262594 +same 234822585 +pages 234001114 +version 232445953 +section 232251956 +own 232011723 +found 232005894 +sports 231864260 +house 231310420 +related 231127472 +security 230014019 +both 228648541 +county 227567373 +american 227534978 +photo 227125249 +game 227111505 +members 226656153 +power 226596368 +while 226194991 +care 225326739 +network 225218991 +down 224915894 +computer 224177047 +systems 223555915 +three 223417394 +total 222649459 +place 220970235 +end 220812328 +following 220709925 +download 220626128 +him 219516023 +without 219190105 +per 218945655 +access 217986984 +think 217856550 +north 217809513 +resources 217268632 +current 216987137 +posts 216822128 +big 216690546 +media 216432510 +law 216122487 +control 215560453 +water 215178488 +history 215000515 +pictures 214997918 +size 214844153 +art 214702696 +personal 214671907 +since 214302926 +including 214195457 +guide 213378807 +shop 212793848 +directory 212478717 +board 212361059 +location 211243333 +change 210601244 +white 209863729 +text 208780080 +small 208371878 +rating 207858692 +rate 207634179 +government 206582673 +children 206538107 +during 206364495 +return 205629763 +students 204801202 +shopping 204104275 +account 203611349 +times 202950880 +sites 202755734 +level 202563642 +digital 202346767 +profile 201854745 +previous 201692678 +form 201395192 +events 201235454 +love 201063526 +old 199694226 +john 199642644 +main 199616754 +call 199608869 +hours 198242904 +image 197874283 +department 197293325 +title 196676017 +description 196301245 +non 196109547 +insurance 193271293 +another 192535750 +why 192000672 +shall 191963867 +property 191783393 +class 191087771 +cd 190859046 +still 190433487 +money 190205072 +quality 189509533 +every 189325890 +listing 188985252 +content 188880495 +country 188691168 +private 187885878 +little 187142519 +visit 187062316 +save 186091095 +tools 185555874 +low 184815478 +reply 184777992 +customer 184406888 +december 183237239 +compare 183202885 +movies 182739567 +include 182579275 +college 182545426 +value 182061247 +article 181969355 +york 181556155 +man 181445531 +card 181387042 +jobs 181075605 +provide 181040994 +food 180144029 +source 179963886 +author 179813446 +different 179794224 +press 179652730 +learn 179428286 +sale 179224570 +around 178810033 +print 178250872 +course 177976652 +job 177706929 +canada 177153952 +process 176829177 +teen 176301486 +room 176299905 +stock 176295589 +training 176129154 +too 176093255 +credit 175916536 +point 175527859 +join 174297802 +science 174232809 +men 174058407 +categories 173839008 +advanced 173422161 +west 173346868 +sales 173244220 +look 173043002 +english 172371546 +left 171752631 +team 171687825 +estate 169256248 +box 169231297 +conditions 168957006 +select 168673045 +windows 168532149 +photos 167827453 +gay 167587791 +thread 167518537 +week 167202060 +category 166811948 +note 166657334 +live 166005029 +large 165863763 +gallery 165671626 +table 165341452 +register 164834442 +however 163957176 +june 163951797 +october 163363054 +november 163308383 +market 162390150 +library 162076395 +really 162033390 +action 162023431 +start 161913408 +series 161518557 +model 161205740 +features 160961088 +air 160850401 +industry 160812623 +plan 160746244 +human 160573748 +provided 159785849 +yes 159595214 +required 159478972 +second 159343399 +hot 159287179 +accessories 158982297 +cost 158887256 +movie 158421100 +forums 158410645 +march 158281269 +la 157960401 +september 157182255 +better 157079378 +say 156845267 +questions 156703712 +july 156667525 +yahoo 155733641 +going 155284081 +medical 155254497 +test 154999587 +friend 154527125 +come 154326119 +dec 154301106 +server 153788544 +pc 153460135 +study 152978354 +application 152776595 +cart 152155277 +staff 151553180 +articles 151531225 +san 151350397 +feedback 151008079 +again 150781416 +play 150748333 +looking 150610176 +issues 150106274 +april 149976767 +never 149556758 +users 149320234 +complete 149312237 +street 149130754 +topic 149001702 +comment 148628729 +financial 148330257 +things 147969893 +working 147675944 +against 147259825 +standard 147177212 +tax 146906651 +person 146749448 +below 145701629 +mobile 145490029 +less 145430147 +got 145057782 +blog 145041426 +party 144707500 +payment 144646164 +equipment 144298238 +login 144200144 +student 143590165 +let 143062438 +programs 142498232 +offers 142087909 +legal 142048771 +above 141894620 +recent 141765729 +park 141548802 +stores 141210433 +side 141155373 +act 141076205 +problem 141012024 +red 140799532 +give 140688602 +memory 140479833 +performance 139710600 +social 139566375 +august 139459917 +quote 139242226 +language 138517992 +story 138433809 +sell 137696613 +options 137679195 +experience 137134662 +rates 137089538 +create 137071122 +key 136862835 +body 136560842 +young 136341684 +america 136214727 +important 136103455 +field 135289140 +few 135132664 +east 135037085 +paper 134939426 +single 134754203 +ii 133102742 +age 132725767 +activities 132685190 +club 132428495 +example 132369252 +girls 132325396 +additional 132187702 +password 132141721 +latest 131952173 +something 131836210 +road 131800620 +gift 131417909 +question 130644510 +changes 130570251 +night 130531484 +hard 130054708 +texas 129399241 +oct 129301730 +pay 129198530 +four 129167110 +poker 129054826 +status 128994593 +browse 128740445 +issue 128427156 +range 128314924 +building 128251365 +seller 127768853 +court 127719981 +february 127704851 +always 127634767 +result 127425045 +audio 127014703 +light 126699632 +write 126645151 +war 126517399 +nov 126461152 +offer 126228968 +blue 126160941 +groups 125814267 +al 125787543 +easy 125548527 +given 125542966 +files 125524478 +event 125515260 +release 125340846 +analysis 124949540 +request 124620318 +fax 124500817 +china 124472054 +making 124198695 +picture 124116581 +needs 123595776 +possible 123311561 +might 123196001 +professional 123162607 +yet 123160529 +month 123027963 +major 122592252 +star 122498186 +areas 121986327 +future 121844371 +space 121505269 +committee 121345834 +hand 121296661 +sun 121218500 +cards 121094522 +problems 121087620 +london 121079315 +washington 120978063 +meeting 120814306 +become 120495036 +interest 120272948 +id 119974321 +child 119747393 +keep 119602514 +enter 119394206 +california 119376975 +porn 119294962 +share 119294241 +similar 119150817 +garden 119014988 +schools 118978625 +million 118818608 +added 118410414 +reference 118127636 +companies 118106080 +listed 117951402 +baby 117696064 +learning 117672845 +energy 117451031 +run 117213565 +delivery 117119498 +net 116883588 +popular 116495721 +term 116282824 +film 116097842 +stories 115504667 +put 115205090 +computers 115168234 +journal 114532201 +reports 114515959 +co 114452742 +try 114384208 +welcome 114025350 +central 113841948 +images 113788074 +president 113756376 +notice 113691786 +god 113624357 +original 113453183 +head 113316224 +radio 113285624 +until 113090086 +cell 113067567 +self 112902176 +council 112893718 +away 112837472 +includes 112466751 +track 112385243 +australia 112197265 +discussion 111973466 +archive 111971865 +once 111882023 +others 111397714 +entertainment 111394818 +agreement 111356320 +format 111279626 +least 111229798 +society 111199035 +months 111192257 +log 111170350 +safety 111064464 +friends 110732827 +sure 110528740 +trade 110086585 +edition 110051463 +cars 109717836 +messages 109697600 +marketing 109596213 +tell 109553730 +further 109528141 +updated 109504766 +association 109416386 +able 109389038 +having 109360096 +provides 109213691 +david 109067044 +fun 108389630 +already 108324565 +green 108287905 +studies 108024858 +close 107853068 +common 107839275 +drive 107799371 +specific 107785779 +several 107589584 +gold 107497778 +feb 107483376 +living 107215961 +sep 107145206 +collection 107121885 +called 106978150 +short 106755242 +arts 106466033 +lot 106405208 +ask 106400213 +display 106342539 +limited 106154969 +powered 106119933 +solutions 106103720 +means 105946662 +director 105891641 +daily 105837757 +beach 105642682 +past 105625616 +natural 105101771 +whether 105014961 +due 104908310 +electronics 104230315 +five 104165769 +upon 103921220 +period 103906182 +planning 103878661 +database 103731642 +says 103697915 +official 103521037 +weather 103331913 +mar 103203080 +land 103132933 +average 102837602 +done 102812628 +technical 102792861 +window 102711715 +france 102698139 +pro 102580860 +region 102552342 +island 102316998 +record 102234743 +direct 102234090 +microsoft 102159580 +conference 101987691 +environment 101959294 +records 101771329 +st 101338951 +district 101325723 +calendar 101303808 +costs 101090970 +style 101024266 +front 100886343 +statement 100868970 +update 100765188 +parts 100637505 +aug 100502612 +ever 100264634 +downloads 100237452 +early 100013194 +miles 100012522 +sound 100010833 +resource 99964083 +present 99420744 +applications 99324182 +either 99143011 +ago 98839705 +document 98703772 +word 98671341 +works 98581698 +material 98528318 +bill 98494166 +apr 98081439 +written 98056850 +talk 97850837 +federal 97837595 +hosting 97747750 +rules 97658641 +final 97649084 +adult 97583096 +tickets 97561755 +thing 97451660 +centre 97258243 +requirements 97233632 +via 97167128 +cheap 97049762 +nude 96733793 +kids 96602880 +finance 96554164 +true 96269550 +minutes 96242209 +else 96020036 +mark 95606752 +third 95489240 +rock 95488543 +gifts 95412416 +europe 95373445 +reading 95289449 +topics 95132338 +bad 95096787 +individual 94815082 +tips 94800899 +plus 94730251 +auto 94700371 +cover 94501729 +usually 94477370 +edit 94159529 +together 94113765 +videos 94069113 +percent 94036312 +fast 93941472 +function 93878887 +fact 93807963 +unit 93714361 +getting 93483319 +global 93450595 +tech 93401669 +meet 93275872 +far 93061804 +economic 93044306 +player 92709785 +projects 92603476 +lyrics 92579731 +often 92551460 +subscribe 92456246 +submit 92431559 +germany 92151641 +amount 92039679 +watch 92006970 +included 92002729 +feel 91924001 +though 91905891 +bank 91559349 +risk 91486135 +thanks 91398411 +everything 91388083 +deals 91189968 +various 91156139 +words 90910143 +linux 90854231 +jul 90810423 +production 90612739 +commercial 90554932 +james 90535679 +weight 90506560 +town 90478880 +heart 90249265 +advertising 90210309 +received 90037485 +choose 90010174 +treatment 90001988 +newsletter 89828494 +archives 89826560 +points 89780234 +knowledge 89749339 +magazine 89744012 +error 89396475 +camera 89324930 +jun 89154690 +girl 89139125 +currently 89075990 +construction 88770071 +toys 88712797 +registered 88506935 +clear 88447610 +golf 88332962 +receive 88328938 +domain 88097391 +methods 87897688 +chapter 87882874 +makes 87829598 +protection 87824220 +policies 87791839 +loan 87785549 +wide 87661475 +beauty 87572240 +manager 87441704 +india 87391857 +position 87139187 +taken 87019836 +sort 86985936 +listings 86808185 +models 86573186 +michael 86527408 +known 86395556 +half 86290420 +cases 86255673 +step 86147277 +engineering 85964618 +florida 85775901 +simple 85617922 +quick 85584600 +none 85523201 +wireless 85333514 +license 85326896 +paul 85262640 +friday 85245033 +lake 85241485 +whole 85202530 +annual 85043687 +published 84923632 +later 84857974 +basic 84840226 +sony 84808711 +shows 84804638 +corporate 84697675 +google 84568679 +church 84556943 +method 84399520 +purchase 84333183 +customers 84317690 +active 84084764 +response 84065293 +practice 84037810 +hardware 84002445 +figure 83949754 +materials 83901920 +fire 83845349 +holiday 83671730 +chat 83625620 +enough 83592616 +designed 83559486 +along 83444756 +among 83431590 +death 83216831 +writing 83166717 +speed 83135749 +countries 83082522 +loss 83015916 +face 82807978 +brand 82807581 +discount 82646962 +higher 82515596 +effects 82399410 +created 82342853 +remember 82222044 +standards 82179578 +oil 82178167 +bit 82113875 +yellow 82024459 +political 82021775 +increase 81983061 +advertise 81965610 +kingdom 81913366 +base 81894680 +near 81652767 +environmental 81596309 +thought 81561217 +stuff 81444510 +french 81396759 +storage 81320471 +japan 81110725 +doing 80821946 +loans 80821333 +shoes 80755612 +entry 80717798 +stay 80694073 +nature 80659036 +orders 80605361 +availability 80583907 +africa 80566883 +summary 80526622 +turn 80328029 +mean 80312172 +growth 79998480 +notes 79958318 +agency 79915539 +king 79791224 +monday 79697206 +european 79665774 +activity 79633609 +copy 79615682 +although 79579407 +drug 79424420 +pics 79323162 +western 79255339 +income 79240506 +force 79199815 +cash 79172952 +employment 79105156 +overall 78992643 +bay 78967124 +river 78843808 +commission 78817488 +package 78421168 +contents 78365831 +seen 78365291 +players 78292986 +engine 78078059 +port 78051775 +album 77914316 +regional 77752808 +stop 77749471 +supplies 77574804 +started 77515342 +administration 77515175 +bar 77375075 +institute 77353032 +views 77333335 +plans 77295630 +double 77287578 +dog 77271631 +build 77203075 +screen 77183863 +exchange 77079447 +types 77070740 +soon 77038135 +sponsored 76855129 +lines 76806341 +electronic 76707502 +continue 76659163 +across 76597151 +benefits 76580951 +needed 76528079 +season 76445684 +apply 76341478 +someone 76212141 +held 76100888 +anything 75985266 +printer 75976795 +condition 75963033 +effective 75960822 +believe 75918053 +organization 75604082 +effect 75594829 +asked 75532722 +eur 75480922 +mind 75393868 +sunday 75287070 +selection 75196717 +casino 74796251 +lost 74748656 +tour 74702459 +menu 74359141 +volume 74283471 +cross 74230978 +anyone 74170036 +mortgage 74160962 +hope 74145758 +silver 74073467 +corporation 74073375 +wish 74043644 +inside 74026748 +solution 74000589 +mature 73877124 +role 73689002 +rather 73664932 +weeks 73571749 +addition 73434482 +came 73286694 +supply 73220509 +nothing 73183983 +certain 73108213 +executive 73010727 +running 72879426 +lower 72606927 +necessary 72604405 +union 72603888 +according 72553085 +clothing 72455943 +mon 72427611 +com 72285198 +particular 72056920 +fine 71972425 +names 71918906 +robert 71829013 +homepage 71814690 +hour 71765763 +gas 71518871 +skills 71383598 +six 71366336 +bush 71289039 +islands 71269325 +advice 71268723 +career 71248807 +military 71229404 +rental 71013577 +decision 71006471 +leave 70957750 +british 70912501 +teens 70859771 +huge 70639535 +sat 70639358 +woman 70613606 +facilities 70595127 +zip 70551270 +bid 70427114 +kind 70420316 +sellers 70277573 +middle 70164946 +move 70113140 +cable 70082598 +opportunities 70033623 +taking 69997427 +values 69946284 +division 69921273 +coming 69889118 +tuesday 69843013 +object 69819261 +lesbian 69734771 +appropriate 69671201 +machine 69665958 +logo 69529976 +length 69469598 +actually 69444655 +nice 69395609 +score 69315004 +statistics 69194446 +client 69189527 +returns 69062618 +capital 68991999 +follow 68982994 +sample 68957421 +investment 68891129 +sent 68854520 +shown 68755779 +saturday 68687814 +christmas 68648778 +england 68620426 +culture 68606429 +band 68569061 +flash 68391647 +lead 68325439 +george 68261971 +choice 68222335 +went 68130142 +starting 68080206 +registration 68025615 +fri 67934088 +thursday 67751544 +courses 67731716 +consumer 67665809 +airport 67473261 +foreign 67443436 +artist 67421654 +outside 67415846 +furniture 67398005 +levels 67360843 +channel 67352673 +letter 67339854 +mode 67315364 +phones 67311992 +ideas 67309657 +wednesday 67213031 +structure 67191517 +fund 67128807 +summer 67102388 +allow 67052567 +degree 67029686 +contract 66895933 +button 66811153 +releases 66809477 +wed 66796198 +homes 66753480 +super 66703287 +male 66638842 +matter 66632805 +custom 66594716 +virginia 66581052 +almost 66395121 +took 66297175 +located 66249627 +multiple 66171358 +asian 66078353 +distribution 66074142 +editor 66014490 +inn 66007529 +industrial 65921648 +cause 65904680 +potential 65835469 +song 65832126 +ltd 65747979 +los 65682137 +focus 65626732 +late 65574606 +fall 65501110 +featured 65473127 +idea 65459222 +rooms 65453403 +female 65407567 +responsible 65319659 +inc 65312988 +communications 65305536 +win 65264239 +associated 65218530 +thomas 65173823 +primary 65139325 +cancer 65078084 +numbers 65077140 +reason 65066679 +tool 65009731 +browser 64824987 +spring 64814116 +foundation 64753514 +answer 64649558 +voice 64600528 +friendly 64542291 +schedule 64504515 +documents 64437323 +communication 64378554 +purpose 64314952 +feature 64288914 +bed 64262881 +comes 64256803 +police 64198152 +everyone 64197954 +independent 64169624 +approach 64158347 +cameras 64153502 +brown 64112042 +physical 64090052 +operating 64046921 +hill 64008398 +maps 63947745 +medicine 63831932 +deal 63828244 +hold 63777575 +ratings 63776951 +chicago 63754684 +forms 63561604 +glass 63559754 +happy 63471922 +tue 63387982 +smith 63357901 +wanted 63301836 +developed 63250401 +thank 63234550 +safe 63168116 +unique 63116899 +survey 62994830 +prior 62949059 +telephone 62896274 +sport 62683851 +ready 62667516 +feed 62663785 +animal 62566660 +sources 62557801 +mexico 62544255 +population 62452044 +regular 62308697 +secure 62287766 +navigation 62202958 +operations 62143782 +therefore 62082477 +ass 62060498 +simply 62012991 +evidence 62012277 +station 61892291 +christian 61873074 +round 61836702 +paypal 61830613 +understand 61719969 +option 61717435 +master 61704297 +valley 61694845 +recently 61635402 +probably 61626696 +thu 61622542 +rentals 61539280 +sea 61532852 +built 61502894 +publications 61502285 +blood 61348302 +cut 61337417 +worldwide 61319870 +improve 61305614 +connection 61302455 +publisher 61290306 +hall 61265768 +larger 61265757 +anti 61227238 +networks 61073308 +earth 61059905 +parents 61036269 +nokia 61035236 +impact 61017528 +transfer 61011470 +introduction 61004175 +kitchen 60975784 +strong 60969207 +tel 60827708 +carolina 60817800 +wedding 60758332 +properties 60747209 +hospital 60720801 +ground 60679179 +overview 60666200 +ship 60649546 +accommodation 60589803 +owners 60580709 +disease 60540973 +excellent 60316327 +paid 60294928 +italy 60280461 +perfect 60179071 +hair 60054650 +opportunity 60033252 +kit 59963349 +classic 59957722 +basis 59901425 +command 59870370 +cities 59809444 +william 59804374 +express 59797675 +anal 59776241 +award 59652161 +distance 59651113 +tree 59622952 +peter 59541743 +assessment 59513100 +ensure 59507606 +thus 59447388 +wall 59430375 +involved 59408103 +extra 59377307 +especially 59336380 +interface 59307904 +pussy 59206591 +partners 59137995 +budget 59106421 +rated 59102029 +guides 59094266 +success 58986603 +maximum 58933430 +operation 58855769 +existing 58803077 +quite 58777731 +selected 58668257 +boy 58664244 +amazon 58657636 +patients 58656286 +restaurants 58579604 +beautiful 58503804 +warning 58498692 +wine 58491725 +locations 58470987 +horse 58453720 +vote 58387028 +forward 58382492 +flowers 58374976 +stars 58352743 +significant 58338630 +lists 58249254 +technologies 58222418 +owner 58189056 +retail 58185466 +animals 58178554 +useful 58144584 +directly 58144287 +manufacturer 58125159 +ways 58114465 +est 58112143 +son 58094311 +providing 57957650 +rule 57912422 +mac 57875961 +housing 57790060 +takes 57784233 +iii 57697189 +bring 57608074 +searches 57491372 +max 57481472 +trying 57462639 +mother 57432704 +authority 57403313 +considered 57378298 +told 57248600 +traffic 57241247 +programme 57212448 +joined 57202778 +input 57191675 +strategy 57170155 +feet 57146840 +agent 57103658 +valid 57094711 +bin 57076312 +modern 57030009 +senior 56934903 +ireland 56804611 +sexy 56756180 +teaching 56677377 +door 56638839 +grand 56599468 +testing 56564005 +trial 56547673 +charge 56542418 +units 56512308 +instead 56499843 +canadian 56492789 +cool 56471180 +normal 56442762 +wrote 56421594 +enterprise 56414984 +ships 56365355 +entire 56284017 +educational 56282937 +leading 56201501 +metal 56181783 +positive 56132270 +fitness 56063953 +chinese 56057597 +opinion 56038634 +asia 55979169 +football 55972678 +abstract 55951880 +uses 55842334 +output 55819696 +funds 55721876 +greater 55673859 +likely 55669441 +develop 55611036 +employees 55523958 +artists 55504730 +alternative 55502123 +processing 55486868 +responsibility 55448425 +resolution 55429399 +java 55360149 +guest 55293215 +seems 55276661 +publication 55199085 +pass 55189682 +relations 55180611 +trust 55157142 +van 55147325 +contains 55145932 +session 55143498 +multi 55131463 +photography 55083965 +republic 55051644 +fees 54965019 +components 54964736 +vacation 54946412 +century 54929645 +academic 54886061 +assistance 54831021 +completed 54810628 +skin 54789622 +graphics 54781266 +indian 54646045 +prev 54576595 +ads 54513834 +mary 54418499 +expected 54346724 +ring 54342432 +grade 54275130 +dating 54274405 +pacific 54257643 +mountain 54170529 +organizations 54146984 +pop 54140138 +filter 54106694 +mailing 54096391 +vehicle 54079229 +longer 54063969 +consider 54062139 +int 54000221 +northern 53876176 +behind 53824933 +panel 53784382 +floor 53759851 +german 53710784 +buying 53534781 +match 53532481 +proposed 53512775 +default 53511683 +require 53495303 +iraq 53491312 +boys 53464587 +outdoor 53462150 +deep 53447410 +morning 53444032 +otherwise 53406486 +allows 53352976 +rest 53312008 +protein 53253798 +plant 53247607 +reported 53189294 +hit 53171478 +transportation 53122840 +pool 53046994 +mini 53025248 +politics 53007762 +partner 52979810 +disclaimer 52917604 +authors 52891750 +boards 52877471 +faculty 52815755 +parties 52799552 +fish 52756224 +membership 52738089 +mission 52716319 +eye 52688696 +string 52681344 +sense 52629633 +modified 52557860 +pack 52556205 +released 52546300 +stage 52518330 +internal 52515245 +goods 52507183 +recommended 52496488 +born 52452012 +unless 52436419 +richard 52423381 +detailed 52396856 +japanese 52320953 +race 52297214 +approved 52215969 +background 52214134 +target 52199865 +except 52183597 +character 52028227 +maintenance 52006621 +ability 52004289 +maybe 51895609 +functions 51816428 +moving 51765877 +brands 51697361 +places 51696304 +pretty 51621090 +trademarks 51590807 +spain 51553238 +southern 51536707 +yourself 51531914 +etc 51525815 +winter 51483174 +rape 51454053 +battery 51449559 +youth 51426255 +pressure 51407261 +submitted 51387515 +boston 51387258 +incest 51357793 +debt 51349877 +keywords 51331999 +medium 51330557 +television 51304347 +interested 51282170 +core 51244541 +break 51242970 +purposes 51223290 +throughout 51160616 +sets 51156220 +dance 51147967 +wood 51130555 +itself 51076716 +defined 51033173 +papers 51024682 +playing 51019438 +awards 50973666 +fee 50931988 +studio 50913495 +reader 50887864 +virtual 50843671 +device 50819909 +established 50818165 +answers 50800782 +rent 50767076 +las 50701997 +remote 50683428 +dark 50669807 +programming 50630393 +external 50604732 +apple 50551171 +regarding 50409715 +instructions 50405472 +min 50389892 +offered 50347350 +theory 50276653 +enjoy 50141455 +remove 50036200 +aid 50022454 +surface 50022259 +minimum 50001652 +visual 49969150 +host 49918570 +variety 49844591 +teachers 49832283 +martin 49699093 +manual 49698346 +block 49694725 +subjects 49574004 +agents 49551303 +increased 49547349 +repair 49513286 +fair 49510931 +civil 49495349 +steel 49452604 +understanding 49391366 +songs 49272598 +fixed 49215402 +wrong 49156828 +beginning 49148844 +hands 49087727 +associates 49020998 +finally 48999091 +updates 48858672 +desktop 48850257 +classes 48836974 +paris 48831449 +ohio 48812305 +gets 48807490 +sector 48746882 +capacity 48726947 +requires 48668931 +jersey 48658750 +fat 48646296 +fully 48616832 +father 48580528 +electric 48562078 +saw 48544776 +instruments 48492757 +quotes 48490497 +officer 48483165 +driver 48463463 +businesses 48419913 +dead 48384167 +respect 48329678 +unknown 48325930 +specified 48284665 +restaurant 48255033 +mike 48202721 +trip 48175593 +worth 48075237 +procedures 48063184 +poor 48053008 +teacher 48002944 +xxx 47989278 +eyes 47975295 +relationship 47959756 +workers 47954144 +farm 47934860 +fucking 47911964 +georgia 47898290 +peace 47856201 +traditional 47847595 +campus 47827531 +tom 47775300 +showing 47745287 +creative 47737474 +coast 47716394 +benefit 47703520 +progress 47674782 +funding 47661725 +devices 47613452 +lord 47612536 +grant 47609624 +sub 47588521 +agree 47500911 +fiction 47449450 +hear 47426506 +sometimes 47402973 +watches 47364531 +careers 47344388 +beyond 47315243 +goes 47278206 +families 47251104 +led 47211631 +museum 47195123 +themselves 47176048 +fan 47045446 +transport 47041301 +interesting 46983244 +blogs 46978262 +wife 46946408 +evaluation 46929581 +accepted 46922000 +former 46917563 +implementation 46914652 +ten 46907473 +hits 46901429 +zone 46897368 +complex 46865979 +cat 46839855 +galleries 46800115 +references 46748380 +die 46745446 +presented 46729648 +jack 46728329 +flat 46688059 +flow 46684251 +agencies 46610382 +literature 46607011 +respective 46528775 +parent 46516265 +spanish 46482449 +michigan 46437105 +columbia 46367780 +setting 46347305 +scale 46307526 +stand 46292709 +economy 46236766 +highest 46234721 +helpful 46208737 +monthly 46198876 +critical 46136062 +frame 46079991 +musical 46057216 +definition 46017042 +secretary 46013973 +angeles 45983826 +networking 45918427 +path 45905830 +australian 45733685 +employee 45719822 +chief 45699591 +gives 45649146 +bottom 45598411 +magazines 45575150 +packages 45541515 +detail 45494334 +francisco 45480506 +laws 45454173 +changed 45453557 +pet 45445524 +heard 45436523 +begin 45434902 +individuals 45432300 +colorado 45410185 +royal 45407189 +clean 45381752 +switch 45332755 +russian 45322858 +largest 45314848 +african 45314350 +guy 45286019 +titles 45271886 +relevant 45242119 +guidelines 45207269 +justice 45145293 +connect 45133501 +bible 45080741 +cup 45032014 +basket 45023597 +applied 44960208 +weekly 44953365 +vol 44946800 +installation 44936390 +described 44905064 +demand 44858110 +suite 44829675 +vegas 44810653 +square 44784448 +chris 44754518 +attention 44752502 +advance 44738913 +skip 44681366 +diet 44674077 +army 44670729 +auction 44619724 +gear 44569745 +lee 44561701 +difference 44546845 +allowed 44526131 +correct 44467948 +charles 44466066 +nation 44429644 +selling 44375770 +lots 44361090 +piece 44298807 +sheet 44295187 +firm 44244364 +seven 44224906 +older 44222089 +illinois 44214414 +regulations 44201358 +elements 44180185 +species 44159268 +jump 44137441 +cells 44128080 +module 44127294 +resort 44118980 +facility 44049643 +random 44038489 +pricing 44026683 +certificate 43972925 +minister 43931892 +motion 43927084 +looks 43897035 +fashion 43883676 +directions 43874498 +visitors 43872888 +documentation 43872031 +monitor 43848202 +trading 43706094 +forest 43667070 +calls 43661633 +whose 43634263 +coverage 43621558 +couple 43578199 +giving 43506778 +chance 43461638 +vision 43425570 +ball 43399906 +ending 43310674 +clients 43278784 +actions 43258456 +listen 43252527 +discuss 43208309 +accept 43171429 +automotive 43128760 +naked 43110969 +goal 43074829 +successful 43041696 +sold 42979181 +wind 42974876 +communities 42969195 +clinical 42951421 +situation 42880250 +sciences 42871860 +markets 42867375 +lowest 42865965 +highly 42857273 +publishing 42809196 +appear 42801104 +emergency 42770237 +developing 42769271 +lives 42750046 +currency 42720398 +leather 42714053 +determine 42707469 +milf 42647845 +temperature 42645254 +palm 42631203 +announcements 42578510 +patient 42560499 +actual 42552937 +historical 42501329 +stone 42494931 +bob 42494016 +commerce 42459641 +ringtones 42455942 +perhaps 42450144 +persons 42436349 +difficult 42436311 +scientific 42415451 +satellite 42379243 +fit 42342802 +tests 42336117 +village 42335952 +accounts 42330284 +amateur 42265916 +met 42223443 +pain 42182798 +particularly 42160203 +factors 42106512 +coffee 42086828 +settings 42062854 +cum 42048929 +buyer 42024703 +cultural 42022443 +steve 41997245 +easily 41949287 +oral 41947093 +ford 41922237 +poster 41893537 +edge 41869418 +functional 41862937 +root 41835168 +closed 41782645 +holidays 41730382 +ice 41706145 +pink 41704519 +zealand 41677373 +balance 41651718 +monitoring 41647453 +graduate 41645267 +replies 41628442 +shot 41614412 +architecture 41474428 +initial 41372877 +label 41359857 +thinking 41333371 +scott 41326573 +sec 41177555 +recommend 41146831 +canon 41144763 +hardcore 41125351 +league 41109010 +waste 41089558 +minute 41061449 +bus 41043865 +provider 40976633 +optional 40839022 +dictionary 40838300 +cold 40833613 +accounting 40819336 +manufacturing 40781457 +sections 40770979 +chair 40764005 +fishing 40730311 +effort 40728131 +phase 40722940 +fields 40697933 +bag 40671821 +fantasy 40666152 +letters 40638766 +motor 40615655 +professor 40572636 +context 40568409 +install 40502273 +shirt 40501964 +apparel 40498015 +generally 40435813 +continued 40414263 +foot 40401241 +mass 40364941 +crime 40361756 +count 40345803 +breast 40334099 +techniques 40278251 +johnson 40200521 +quickly 40161558 +dollars 40136550 +websites 40127603 +religion 40095362 +claim 40085342 +driving 40033859 +permission 40032805 +surgery 40026119 +patch 39999745 +heat 39971542 +wild 39937252 +measures 39937049 +generation 39912229 +kansas 39910915 +miss 39897915 +chemical 39891285 +doctor 39845710 +task 39832721 +reduce 39830748 +brought 39794764 +himself 39757666 +nor 39753116 +component 39752354 +enable 39733007 +exercise 39699360 +bug 39672754 +santa 39664896 +mid 39610476 +guarantee 39603838 +leader 39591949 +diamond 39573067 +israel 39512059 +processes 39450440 +soft 39440877 +servers 39329759 +alone 39326417 +meetings 39307643 +seconds 39304731 +jones 39297134 +arizona 39283012 +keyword 39244593 +interests 39238403 +flight 39229938 +congress 39186605 +fuel 39148291 +username 39130223 +walk 39129365 +fuck 39099536 +produced 39030637 +italian 39017017 +paperback 39015275 +classifieds 39014041 +wait 39001376 +supported 38989028 +pocket 38931224 +saint 38929141 +rose 38911531 +freedom 38909717 +argument 38902162 +competition 38886455 +creating 38863806 +jim 38854380 +drugs 38827156 +joint 38827057 +premium 38793313 +providers 38787600 +fresh 38781893 +characters 38778931 +attorney 38778191 +upgrade 38777600 +factor 38740174 +growing 38729323 +thousands 38611137 +stream 38592422 +apartments 38568257 +pick 38542153 +hearing 38521552 +eastern 38506956 +auctions 38496936 +therapy 38458400 +entries 38442247 +dates 38442243 +generated 38437769 +signed 38369963 +upper 38341510 +administrative 38339299 +serious 38316678 +prime 38308402 +samsung 38291353 +limit 38290292 +began 38269468 +louis 38259201 +steps 38254292 +errors 38243352 +shops 38241315 +bondage 38237169 +del 38223775 +efforts 38222553 +informed 38207430 +thoughts 38162958 +creek 38159464 +worked 38128226 +quantity 38123233 +urban 38087999 +practices 38010732 +sorted 38002278 +reporting 37995481 +essential 37987474 +myself 37983649 +tours 37957036 +platform 37930473 +load 37896224 +affiliate 37877419 +immediately 37857880 +admin 37835381 +nursing 37822746 +machines 37786251 +designated 37777117 +tags 37732409 +heavy 37668153 +covered 37662109 +recovery 37644829 +joe 37642746 +guys 37603892 +integrated 37600088 +configuration 37589833 +cock 37573028 +merchant 37569902 +comprehensive 37544399 +expert 37537204 +universal 37493474 +protect 37455957 +drop 37433033 +solid 37426444 +presentation 37387206 +languages 37376019 +became 37332761 +orange 37316112 +compliance 37305612 +vehicles 37254344 +prevent 37247684 +theme 37219937 +rich 37200952 +campaign 37150011 +marine 37143112 +improvement 37133738 +guitar 37106331 +finding 37102510 +pennsylvania 37039579 +examples 37025517 +ipod 36985229 +saying 36981573 +spirit 36971683 +claims 36942635 +porno 36925475 +challenge 36918321 +motorola 36918315 +acceptance 36864919 +strategies 36860865 +seem 36852843 +affairs 36831853 +touch 36831035 +intended 36830419 +towards 36798662 +goals 36766773 +hire 36743717 +election 36728229 +suggest 36726336 +branch 36712083 +charges 36710704 +serve 36697856 +affiliates 36686155 +reasons 36685859 +magic 36676771 +mount 36648260 +smart 36636558 +talking 36617848 +gave 36576222 +ones 36558085 +latin 36548259 +multimedia 36522534 +tits 36514211 +avoid 36508203 +certified 36493381 +manage 36439435 +corner 36419737 +rank 36408196 +computing 36381081 +oregon 36353838 +element 36306394 +birth 36286070 +virus 36286003 +abuse 36269685 +interactive 36253355 +requests 36239839 +separate 36138447 +quarter 36134893 +procedure 36129804 +leadership 36108608 +tables 36089541 +define 36087006 +racing 36079737 +religious 36046200 +facts 36041603 +breakfast 35991312 +kong 35989160 +column 35986621 +plants 35937825 +faith 35936559 +chain 35928367 +developer 35890230 +identify 35854119 +avenue 35847733 +missing 35813046 +died 35803272 +approximately 35797333 +domestic 35724637 +sitemap 35722454 +recommendations 35722416 +moved 35713495 +houston 35697100 +reach 35687918 +comparison 35683256 +mental 35674270 +viewed 35666896 +moment 35660913 +extended 35651592 +sequence 35643482 +inch 35629597 +attack 35599513 +sorry 35595812 +opening 35538225 +damage 35529909 +lab 35525966 +reserve 35516087 +recipes 35473417 +gamma 35426622 +plastic 35421202 +produce 35383071 +snow 35358852 +placed 35347899 +truth 35345925 +counter 35345740 +failure 35343900 +follows 35327869 +weekend 35287380 +dollar 35275336 +camp 35255018 +ontario 35233760 +automatically 35225937 +minnesota 35206660 +films 35200065 +bridge 35180146 +native 35160636 +fill 35148024 +williams 35123723 +movement 35105385 +printing 35080589 +baseball 35068361 +owned 35050234 +approval 35046541 +draft 35033621 +chart 35027490 +played 34970056 +contacts 34965494 +jesus 34929061 +readers 34912487 +clubs 34881779 +jackson 34861007 +equal 34832354 +adventure 34807033 +matching 34803404 +offering 34799901 +shirts 34764071 +profit 34753530 +leaders 34742050 +posters 34729596 +institutions 34727059 +assistant 34719060 +variable 34715780 +ave 34706502 +advertisement 34681267 +expect 34675677 +parking 34672915 +headlines 34646214 +yesterday 34639311 +compared 34638205 +determined 34600925 +wholesale 34597350 +workshop 34531832 +russia 34513420 +gone 34511028 +codes 34503537 +kinds 34482138 +extension 34464199 +seattle 34427671 +statements 34416902 +golden 34416555 +completely 34385075 +teams 34383288 +fort 34358210 +lighting 34304870 +senate 34302775 +forces 34300503 +funny 34281806 +brother 34273892 +gene 34266155 +turned 34215128 +portable 34207743 +tried 34201786 +electrical 34176498 +applicable 34173309 +disc 34140094 +returned 34138333 +pattern 34124878 +boat 34104031 +named 34099544 +theatre 34095301 +laser 34080740 +earlier 34079706 +manufacturers 34073462 +sponsor 33988132 +classical 33957503 +icon 33955393 +warranty 33921186 +dedicated 33916569 +indiana 33897228 +direction 33868571 +harry 33867934 +basketball 33848810 +objects 33845165 +ends 33798717 +delete 33766846 +evening 33705304 +assembly 33704254 +nuclear 33689967 +taxes 33674672 +mouse 33667003 +signal 33648212 +criminal 33646918 +issued 33644425 +brain 33612784 +sexual 33595660 +wisconsin 33592434 +powerful 33538932 +dream 33518573 +obtained 33486258 +false 33476460 +cast 33395024 +flower 33364539 +felt 33321821 +personnel 33277887 +passed 33242084 +supplied 33239429 +identified 33222080 +falls 33213513 +pic 33210991 +soul 33173763 +aids 33155753 +opinions 33135354 +promote 33113081 +stated 33100777 +stats 33096627 +hawaii 33075697 +professionals 33070733 +appears 33068735 +carry 33056477 +flag 33050354 +decided 33030803 +covers 32972573 +advantage 32963469 +hello 32960381 +designs 32955678 +maintain 32942067 +tourism 32925132 +priority 32917021 +newsletters 32868357 +adults 32847475 +clips 32846497 +savings 32817684 +graphic 32780694 +atom 32776867 +payments 32757146 +estimated 32731518 +binding 32603649 +brief 32599674 +ended 32588866 +winning 32570914 +eight 32567724 +anonymous 32563033 +iron 32552371 +straight 32551647 +script 32549924 +served 32541796 +wants 32538214 +miscellaneous 32502581 +prepared 32502271 +void 32491126 +dining 32489479 +alert 32472727 +integration 32462658 +atlanta 32440124 +dakota 32437534 +tag 32432108 +interview 32430752 +mix 32428241 +framework 32421841 +disk 32375647 +installed 32372686 +queen 32366847 +credits 32341959 +clearly 32338676 +fix 32334055 +handle 32318665 +sweet 32311923 +desk 32311444 +criteria 32302695 +dave 32281596 +massachusetts 32270027 +diego 32238555 +hong 32225582 +vice 32220446 +associate 32217516 +truck 32136249 +enlarge 32120976 +ray 32113994 +frequently 32113462 +revenue 32088216 +measure 32083783 +changing 32076618 +votes 32059663 +duty 32011339 +looked 31988351 +discussions 31985694 +bear 31981362 +gain 31980198 +festival 31964569 +laboratory 31956885 +ocean 31928741 +flights 31927886 +experts 31923825 +signs 31899467 +lack 31881925 +depth 31879926 +iowa 31875822 +whatever 31869767 +logged 31869263 +laptop 31851245 +vintage 31830831 +train 31816971 +exactly 31759653 +dry 31744277 +explore 31740200 +maryland 31715238 +spa 31714574 +concept 31681353 +nearly 31677743 +eligible 31666767 +checkout 31649089 +reality 31626554 +forgot 31626338 +handling 31623717 +origin 31602843 +knew 31598395 +gaming 31594394 +feeds 31593736 +billion 31586983 +destination 31563774 +scotland 31551032 +faster 31541236 +intelligence 31533328 +dallas 31528739 +bought 31501377 +con 31452344 +ups 31451966 +nations 31449713 +route 31439231 +followed 31437587 +specifications 31435888 +broken 31399439 +frank 31392284 +alaska 31388580 +zoom 31373629 +blow 31344495 +battle 31344458 +residential 31337029 +anime 31334688 +speak 31324712 +decisions 31321172 +industries 31316683 +protocol 31296886 +query 31284313 +clip 31264432 +partnership 31235192 +editorial 31234178 +expression 31179707 +equity 31158626 +provisions 31126350 +speech 31119662 +wire 31113149 +principles 31050339 +suggestions 31029622 +rural 30998929 +shared 30988860 +sounds 30987278 +replacement 30981707 +tape 30941382 +strategic 30930763 +judge 30905832 +spam 30881361 +economics 30869591 +acid 30867887 +bytes 30848384 +cent 30836935 +forced 30835043 +compatible 30811666 +fight 30784313 +apartment 30771172 +height 30745406 +null 30739157 +zero 30735412 +speaker 30732820 +filed 30718907 +netherlands 30672254 +obtain 30672052 +consulting 30662624 +recreation 30662263 +offices 30646750 +designer 30641959 +remain 30630717 +managed 30602103 +failed 30596963 +marriage 30592140 +roll 30590349 +korea 30582894 +banks 30582183 +participants 30557763 +secret 30542047 +bath 30537308 +kelly 30510238 +leads 30507300 +negative 30504487 +austin 30477225 +toronto 30462849 +springs 30429116 +missouri 30419845 +andrew 30403300 +var 30384128 +perform 30378944 +healthy 30360623 +translation 30346495 +estimates 30336472 +font 30327965 +assets 30302586 +injury 30291773 +joseph 30285903 +ministry 30275714 +drivers 30258628 +lawyer 30253229 +figures 30231772 +married 30202662 +protected 30198768 +proposal 30189304 +sharing 30181027 +philadelphia 30179898 +portal 30171660 +waiting 30170505 +birthday 30169763 +beta 30160524 +fail 30145364 +gratis 30144426 +banking 30095341 +officials 30068859 +brian 30060564 +toward 30024561 +won 29998103 +slightly 29994840 +assist 29963782 +conduct 29955541 +contained 29955043 +lingerie 29949923 +legislation 29932251 +calling 29923380 +parameters 29922419 +jazz 29920842 +serving 29916558 +bags 29910659 +profiles 29909230 +miami 29904805 +comics 29900765 +matters 29896961 +houses 29896478 +doc 29867704 +postal 29859679 +relationships 29850322 +tennessee 29848404 +wear 29846762 +controls 29841307 +breaking 29841004 +combined 29840482 +ultimate 29825206 +wales 29821525 +representative 29810467 +frequency 29808486 +introduced 29783908 +minor 29782623 +finish 29769825 +departments 29768415 +residents 29765553 +noted 29754565 +displayed 29751963 +reduced 29726540 +physics 29724803 +rare 29722959 +spent 29719451 +performed 29714621 +extreme 29694906 +samples 29689694 +davis 29689352 +daniel 29680403 +bars 29674439 +reviewed 29665969 +row 29649598 +forecast 29637380 +removed 29610178 +helps 29607993 +singles 29594915 +administrator 29589707 +cycle 29585286 +amounts 29584436 +contain 29552509 +accuracy 29536020 +dual 29535368 +rise 29535295 +sleep 29491537 +bird 29437150 +pharmacy 29392223 +brazil 29390369 +creation 29390035 +static 29389905 +scene 29372413 +hunter 29368718 +addresses 29368459 +lady 29348297 +crystal 29344419 +famous 29332023 +writer 29320566 +chairman 29312635 +violence 29309829 +fans 29290170 +oklahoma 29277458 +speakers 29266983 +drink 29254937 +academy 29252165 +dynamic 29251538 +gender 29248973 +eat 29237400 +permanent 29217998 +agriculture 29217130 +dell 29215534 +cleaning 29202463 +constitutes 29158454 +portfolio 29149729 +practical 29138914 +delivered 29130416 +collectibles 29127157 +infrastructure 29090274 +exclusive 29069478 +seat 29066336 +concerns 29065609 +colour 29049269 +vendor 29029083 +originally 29016923 +intel 28995654 +utilities 28965893 +philosophy 28960643 +regulation 28958148 +officers 28955126 +reduction 28954254 +aim 28951240 +bids 28933427 +referred 28919199 +supports 28913894 +nutrition 28890368 +recording 28875301 +regions 28864370 +junior 28857539 +toll 28852223 +les 28848836 +cape 28846176 +ann 28832058 +rings 28827859 +meaning 28821231 +tip 28810209 +secondary 28805149 +wonderful 28796607 +mine 28795477 +ladies 28781917 +henry 28769085 +ticket 28767435 +announced 28744210 +guess 28743465 +agreed 28717540 +prevention 28681929 +whom 28678568 +ski 28663800 +soccer 28647229 +import 28629840 +posting 28612921 +presence 28603257 +instant 28599930 +mentioned 28566238 +automatic 28551016 +healthcare 28529648 +viewing 28507347 +maintained 28492421 +increasing 28456941 +majority 28456588 +connected 28448231 +christ 28404515 +dan 28401202 +dogs 28400362 +directors 28389161 +aspects 28377709 +austria 28377245 +ahead 28375319 +moon 28374261 +participation 28366095 +scheme 28309089 +utility 28301196 +preview 28294286 +fly 28279478 +manner 28268864 +matrix 28268147 +containing 28254166 +combination 28247444 +amendment 28151500 +despite 28148989 +strength 28148438 +guaranteed 28133582 +turkey 28112986 +libraries 28103816 +proper 28099582 +distributed 28094905 +degrees 28091266 +singapore 28089227 +enterprises 28076874 +delta 28051872 +fear 28042145 +seeking 28023068 +inches 28018680 +phoenix 28018518 +convention 27972282 +shares 27971096 +principal 27964123 +daughter 27936967 +standing 27936222 +voyeur 27928748 +comfort 27920566 +wars 27898180 +cisco 27894293 +ordering 27856930 +kept 27838368 +alpha 27832836 +appeal 27829479 +cruise 27827938 +bonus 27819488 +certification 27708503 +previously 27698634 +hey 27665343 +bookmark 27665146 +buildings 27623076 +specials 27620523 +beat 27616668 +disney 27557762 +household 27556777 +batteries 27541890 +adobe 27538755 +smoking 27526627 +becomes 27462477 +drives 27442926 +arms 27432921 +alabama 27418375 +tea 27406794 +improved 27397478 +trees 27378116 +avg 27370055 +achieve 27332769 +positions 27322185 +dress 27318959 +subscription 27310399 +dealer 27299846 +contemporary 27284246 +sky 27281333 +utah 27270743 +nearby 27263100 +rom 27234302 +carried 27222494 +happen 27207887 +exposure 27204624 +panasonic 27173123 +hide 27157035 +signature 27140993 +gambling 27118635 +refer 27099706 +miller 27092856 +provision 27091944 +outdoors 27060521 +clothes 27037465 +caused 27036899 +luxury 27020617 +babes 27016030 +frames 27007332 +viagra 26999671 +certainly 26984060 +indeed 26943016 +newspaper 26933746 +toy 26924831 +circuit 26917865 +layer 26912270 +printed 26887551 +slow 26870240 +removal 26864040 +easier 26857423 +liability 26837967 +trademark 26835205 +hip 26826008 +printers 26821453 +faqs 26812968 +nine 26807668 +adding 26797775 +kentucky 26783017 +mostly 26774406 +eric 26767316 +spot 26750929 +taylor 26736684 +prints 26721934 +spend 26713310 +factory 26708317 +interior 26708143 +revised 26702355 +grow 26701492 +americans 26666908 +optical 26665491 +promotion 26651461 +relative 26646324 +amazing 26630190 +clock 26624872 +dot 26590624 +identity 26573512 +suites 26558524 +conversion 26551803 +feeling 26546473 +hidden 26526402 +reasonable 26526175 +victoria 26515985 +serial 26488381 +relief 26483302 +revision 26482328 +broadband 26476075 +influence 26460675 +ratio 26457942 +importance 26451992 +rain 26419979 +onto 26411439 +planet 26405032 +webmaster 26382498 +copies 26369992 +recipe 26355769 +permit 26339544 +seeing 26322092 +proof 26305059 +diff 26283641 +tennis 26272328 +bass 26249677 +prescription 26233858 +bedroom 26229848 +empty 26206017 +instance 26204516 +hole 26199070 +pets 26153751 +ride 26153004 +licensed 26151610 +orlando 26117729 +specifically 26114063 +tim 26111466 +bureau 26110155 +maine 26049821 +represent 26038983 +conservation 26038344 +pair 26036703 +ideal 26036289 +specs 26029159 +recorded 26018548 +don 26003672 +pieces 26000545 +finished 25994841 +parks 25974927 +dinner 25974858 +lawyers 25959552 +sydney 25945245 +stress 25899885 +cream 25898758 +runs 25881512 +trends 25879894 +yeah 25858426 +discover 25852541 +patterns 25809816 +boxes 25787744 +louisiana 25779604 +hills 25770218 +javascript 25766226 +fourth 25763406 +advisor 25719984 +marketplace 25710584 +evil 25704669 +aware 25700328 +wilson 25698434 +shape 25675227 +evolution 25667092 +irish 25658075 +certificates 25635619 +objectives 25630605 +stations 25600569 +suggested 25574902 +remains 25560925 +acc 25554700 +greatest 25547808 +firms 25497302 +concerned 25490395 +euro 25474573 +operator 25471127 +structures 25465091 +generic 25464768 +encyclopedia 25451297 +usage 25440406 +cap 25436218 +ink 25435469 +charts 25433147 +continuing 25429464 +mixed 25395056 +census 25385152 +interracial 25379892 +peak 25379630 +competitive 25352330 +exist 25349128 +wheel 25342937 +transit 25331545 +dick 25327691 +suppliers 25324458 +salt 25320518 +compact 25317344 +poetry 25311298 +lights 25301005 +tracking 25294352 +angel 25294123 +bell 25283918 +keeping 25280309 +preparation 25268975 +attempt 25251906 +receiving 25243472 +matches 25196889 +accordance 25194680 +width 25182453 +noise 25171520 +engines 25166589 +forget 25162411 +array 25150016 +discussed 25146245 +accurate 25144477 +stephen 25139312 +elizabeth 25128258 +climate 25096136 +reservations 25091131 +pin 25080458 +playstation 25073147 +alcohol 25061615 +greek 25059132 +instruction 25055716 +managing 25054421 +annotation 25046812 +sister 25039506 +raw 25014172 +differences 25000614 +walking 24986228 +explain 24983915 +smaller 24982548 +newest 24970551 +establish 24965292 +gnu 24956702 +happened 24951096 +expressed 24944268 +jeff 24923108 +extent 24917355 +sharp 24904199 +lesbians 24903277 +ben 24884330 +lane 24880931 +paragraph 24855495 +kill 24850951 +mathematics 24809371 +compensation 24789716 +export 24762260 +managers 24756816 +aircraft 24745739 +modules 24737533 +sweden 24717337 +conflict 24709103 +conducted 24705091 +versions 24705033 +employer 24681017 +occur 24679212 +percentage 24669212 +knows 24640096 +mississippi 24629063 +describe 24616555 +concern 24611878 +backup 24603738 +requested 24572908 +citizens 24566687 +connecticut 24561468 +heritage 24558644 +personals 24544854 +immediate 24530419 +holding 24523968 +trouble 24521102 +spread 24520573 +coach 24514961 +kevin 24511652 +agricultural 24509113 +expand 24483262 +supporting 24481347 +audience 24472658 +assigned 24443469 +jordan 24441266 +collections 24438396 +ages 24435858 +participate 24430552 +plug 24429832 +specialist 24419338 +cook 24412080 +affect 24406141 +virgin 24406134 +experienced 24404214 +investigation 24399851 +raised 24397948 +hat 24383742 +institution 24373421 +directed 24347062 +dealers 24342319 +searching 24320613 +sporting 24320042 +helping 24319316 +perl 24308268 +affected 24301370 +lib 24291030 +bike 24286396 +totally 24276857 +plate 24275560 +expenses 24251012 +indicate 24232402 +blonde 24231993 +proceedings 24214333 +favourite 24206461 +transmission 24204527 +anderson 24194712 +characteristics 24168882 +der 24152797 +lose 24136984 +organic 24136036 +seek 24135344 +experiences 24128488 +albums 24121031 +cheats 24106832 +extremely 24102186 +contracts 24095623 +guests 24082514 +hosted 24074706 +diseases 24063325 +concerning 24060603 +developers 24060421 +equivalent 24050668 +chemistry 24049713 +tony 24047635 +nevada 24043648 +kits 24034484 +thailand 24031935 +variables 24020805 +agenda 24005891 +anyway 24005157 +continues 24003655 +tracks 24002303 +advisory 24000526 +cam 23995601 +curriculum 23992488 +logic 23989892 +template 23980628 +prince 23975036 +circle 23962760 +soil 23949346 +grants 23947774 +anywhere 23947583 +psychology 23936050 +responses 23920387 +atlantic 23920018 +wet 23918294 +circumstances 23915696 +edward 23900979 +investor 23891261 +identification 23879859 +ram 23864106 +leaving 23848479 +wildlife 23847419 +appliances 23847029 +matt 23843367 +elementary 23834221 +cooking 23831058 +speaking 23813045 +sponsors 23800242 +fox 23795336 +unlimited 23794930 +respond 23761645 +sizes 23751367 +plain 23747230 +exit 23738883 +entered 23727218 +iran 23724874 +arm 23724057 +keys 23716024 +launch 23714910 +wave 23713001 +checking 23708784 +costa 23702154 +belgium 23698217 +printable 23688775 +holy 23688276 +acts 23687645 +guidance 23681851 +mesh 23650447 +trail 23648838 +enforcement 23638612 +symbol 23631465 +crafts 23627152 +highway 23623260 +buddy 23611087 +hardcover 23596258 +observed 23595635 +dean 23583773 +setup 23534848 +poll 23522790 +booking 23522206 +glossary 23506998 +fiscal 23506040 +celebrity 23500942 +styles 23491617 +denver 23464662 +unix 23461474 +filled 23448324 +bond 23448169 +channels 23426176 +ericsson 23419855 +appendix 23395734 +notify 23388787 +blues 23387172 +chocolate 23379199 +pub 23372365 +portion 23356612 +scope 23349420 +hampshire 23342329 +supplier 23337437 +cables 23311631 +cotton 23279423 +bluetooth 23268426 +controlled 23265403 +requirement 23258004 +authorities 23252750 +biology 23245252 +dental 23240707 +killed 23240536 +border 23234399 +ancient 23226415 +debate 23211499 +representatives 23187953 +starts 23163739 +pregnancy 23152490 +causes 23150385 +arkansas 23135882 +biography 23134870 +leisure 23133305 +attractions 23129051 +learned 23121323 +transactions 23104294 +notebook 23102539 +explorer 23095103 +historic 23081656 +attached 23079894 +opened 23076347 +husband 23064889 +disabled 23056120 +authorized 23045176 +crazy 23032837 +upcoming 23031383 +britain 23030983 +concert 23023737 +retirement 23018726 +scores 23018016 +financing 23013544 +efficiency 23005937 +comedy 22993280 +adopted 22972983 +efficient 22963685 +weblog 22961283 +linear 22944812 +commitment 22937360 +bears 22926868 +jean 22925412 +hop 22924925 +carrier 22919197 +edited 22917163 +constant 22910883 +visa 22903835 +mouth 22880351 +jewish 22875236 +meter 22874915 +linked 22873620 +portland 22846763 +interviews 22841603 +concepts 22840348 +gun 22834049 +reflect 22829406 +pure 22826920 +deliver 22807066 +wonder 22806353 +hell 22791884 +lessons 22779035 +fruit 22767191 +begins 22759868 +qualified 22754976 +reform 22751438 +lens 22737367 +alerts 22720439 +treated 22718161 +discovery 22709821 +draw 22705371 +classified 22697689 +relating 22696778 +assume 22679395 +confidence 22674777 +alliance 22666723 +confirm 22651501 +warm 22645772 +neither 22640226 +lewis 22640158 +howard 22626828 +offline 22617007 +leaves 22612463 +engineer 22607580 +lifestyle 22607485 +consistent 22600601 +replace 22592560 +clearance 22591565 +connections 22575698 +inventory 22559583 +converter 22543742 +suck 22518606 +organisation 22507728 +babe 22489791 +checks 22488512 +reached 22485293 +becoming 22483164 +blowjob 22479544 +safari 22479030 +objective 22472623 +indicated 22471844 +sugar 22450333 +crew 22443877 +legs 22424518 +sam 22410798 +stick 22399126 +securities 22397133 +allen 22368068 +relation 22355933 +enabled 22345126 +genre 22344091 +slide 22339084 +montana 22338359 +volunteer 22336881 +tested 22323205 +rear 22323038 +democratic 22316965 +enhance 22310420 +switzerland 22307018 +exact 22304937 +bound 22303643 +parameter 22300838 +adapter 22290799 +processor 22289617 +node 22285922 +formal 22274656 +dimensions 22257949 +contribute 22255117 +lock 22253866 +hockey 22252453 +storm 22242164 +micro 22219932 +colleges 22202424 +laptops 22187279 +mile 22178748 +showed 22170303 +challenges 22164268 +editors 22144072 +threads 22123285 +bowl 22118861 +supreme 22106270 +brothers 22101521 +recognition 22092586 +presents 22092519 +ref 22087203 +tank 22070512 +submission 22066279 +dolls 22065047 +estimate 22033576 +encourage 22019763 +navy 22018379 +kid 22011943 +regulatory 22011107 +inspection 21999457 +consumers 21993010 +cancel 21985503 +limits 21977149 +territory 21963698 +transaction 21962815 +manchester 21943382 +weapons 21937267 +paint 21926890 +delay 21911190 +pilot 21909830 +outlet 21890990 +contributions 21879064 +continuous 21872964 +czech 21849930 +resulting 21843487 +cambridge 21835781 +initiative 21828838 +novel 21821189 +pan 21810838 +execution 21809656 +disability 21802396 +increases 21799357 +ultra 21795075 +winner 21794180 +idaho 21791957 +contractor 21783415 +episode 21772999 +examination 21771412 +potter 21763070 +dish 21755859 +plays 21753930 +bulletin 21741926 +indicates 21718552 +modify 21716962 +oxford 21694927 +adam 21694386 +truly 21693553 +painting 21673638 +committed 21662572 +extensive 21654082 +affordable 21650006 +universe 21643935 +candidate 21635540 +databases 21617803 +patent 21612969 +slot 21602762 +outstanding 21578895 +eating 21565444 +perspective 21553761 +planned 21546767 +watching 21543474 +lodge 21541130 +messenger 21540177 +mirror 21539161 +tournament 21538542 +consideration 21533734 +discounts 21528542 +sterling 21518500 +sessions 21505885 +kernel 21477662 +boobs 21461250 +stocks 21451319 +buyers 21450595 +journals 21443275 +gray 21424658 +catalogue 21424300 +jennifer 21402386 +antonio 21388530 +charged 21377577 +broad 21370126 +taiwan 21364111 +chosen 21345654 +demo 21344258 +greece 21329720 +swiss 21324437 +sarah 21321998 +clark 21305891 +labour 21288089 +hate 21274675 +terminal 21273172 +publishers 21264743 +nights 21258662 +behalf 21247820 +caribbean 21245213 +liquid 21222253 +rice 21184648 +nebraska 21172763 +loop 21172360 +salary 21156261 +reservation 21150948 +foods 21150689 +gourmet 21148895 +guard 21137924 +properly 21137573 +orleans 21126048 +saving 21120835 +remaining 21111544 +empire 21111416 +resume 21107737 +twenty 21104413 +newly 21102330 +raise 21099943 +prepare 21088422 +avatar 21069571 +gary 21068408 +depending 21054967 +illegal 21046606 +expansion 21036273 +vary 21031266 +hundreds 21028505 +rome 21023186 +arab 21018675 +lincoln 21010742 +helped 21000656 +premier 20990322 +tomorrow 20976724 +purchased 20961092 +milk 20955909 +decide 20950675 +consent 20943616 +drama 20939845 +visiting 20913930 +performing 20907433 +downtown 20904189 +keyboard 20886053 +contest 20857011 +collected 20848162 +bands 20842378 +boot 20824944 +suitable 20824374 +absolutely 20816571 +millions 20807908 +lunch 20807419 +dildo 20789655 +audit 20786243 +push 20775147 +chamber 20769668 +guinea 20757599 +findings 20757470 +muscle 20752802 +featuring 20737262 +implement 20723680 +clicking 20719323 +scheduled 20699522 +polls 20694349 +typical 20693008 +tower 20686918 +yours 20672809 +sum 20672326 +misc 20667432 +calculator 20664690 +significantly 20660846 +chicken 20655046 +temporary 20652475 +attend 20639654 +shower 20638340 +alan 20629981 +sending 20622624 +jason 20616747 +tonight 20612955 +dear 20608432 +sufficient 20605030 +shell 20599318 +province 20587924 +catholic 20578959 +oak 20577693 +vat 20551018 +awareness 20531095 +vancouver 20501421 +governor 20494068 +beer 20486707 +seemed 20472519 +contribution 20468734 +measurement 20463095 +swimming 20456063 +spyware 20444838 +formula 20434177 +constitution 20433489 +packaging 20427866 +solar 20423792 +jose 20422802 +catch 20400979 +jane 20400852 +pakistan 20374059 +reliable 20351804 +consultation 20345250 +northwest 20337289 +sir 20336105 +doubt 20311261 +earn 20305486 +finder 20303313 +unable 20295595 +periods 20292357 +classroom 20274797 +tasks 20273373 +democracy 20255935 +attacks 20251567 +kim 20251249 +wallpaper 20243780 +merchandise 20241873 +resistance 20233262 +doors 20229491 +symptoms 20222172 +resorts 20217144 +biggest 20195396 +memorial 20161664 +visitor 20158930 +twin 20149771 +forth 20149609 +insert 20140772 +baltimore 20128328 +gateway 20123135 +alumni 20070485 +drawing 20067264 +candidates 20063868 +charlotte 20061169 +ordered 20046781 +biological 20043500 +fighting 20036994 +transition 20032306 +happens 20031363 +preferences 20025318 +spy 20024908 +romance 20020088 +instrument 20003254 +bruce 19999866 +split 19998411 +themes 19974388 +powers 19973868 +heaven 19969634 +bits 19947239 +pregnant 19945624 +twice 19945569 +classification 19930633 +focused 19929357 +egypt 19926686 +physician 19926088 +hollywood 19919000 +bargain 19912730 +wikipedia 19912702 +cellular 19906433 +norway 19902766 +vermont 19895227 +asking 19887691 +blocks 19884255 +normally 19883839 +spiritual 19850597 +hunting 19830577 +diabetes 19825438 +suit 19820586 +shift 19811555 +chip 19810772 +res 19797705 +sit 19797379 +bodies 19791471 +photographs 19786316 +cutting 19780364 +wow 19778779 +simon 19757457 +writers 19752033 +marks 19747824 +flexible 19729430 +loved 19719299 +favourites 19713139 +mapping 19709941 +numerous 19705123 +relatively 19693917 +birds 19693729 +satisfaction 19684544 +represents 19682589 +char 19673918 +indexed 19672520 +pittsburgh 19654781 +superior 19647999 +preferred 19640247 +saved 19635976 +paying 19621495 +cartoon 19615945 +shots 19611119 +intellectual 19591717 +moore 19585613 +granted 19576234 +choices 19552069 +carbon 19551891 +spending 19521910 +comfortable 19520487 +magnetic 19516958 +interaction 19515376 +listening 19511935 +effectively 19507811 +registry 19501434 +crisis 19470970 +outlook 19458910 +massive 19454740 +denmark 19454118 +employed 19450139 +bright 19446368 +treat 19442315 +header 19439961 +poverty 19430836 +formed 19429976 +piano 19419956 +echo 19410462 +que 19386477 +grid 19386406 +sheets 19384447 +patrick 19384046 +experimental 19364822 +puerto 19353145 +revolution 19349788 +consolidation 19338827 +displays 19333113 +plasma 19332271 +allowing 19319626 +earnings 19286666 +mystery 19280044 +landscape 19271452 +dependent 19261238 +mechanical 19250300 +journey 19236081 +delaware 19226311 +bidding 19223538 +consultants 19217318 +risks 19205769 +banner 19200368 +applicant 19198316 +charter 19192148 +fig 19191343 +barbara 19188215 +cooperation 19182847 +counties 19178768 +acquisition 19174010 +ports 19171802 +implemented 19164127 +directories 19152522 +recognized 19142613 +dreams 19138612 +blogger 19137148 +notification 19120218 +licensing 19094731 +stands 19090611 +teach 19079783 +occurred 19073806 +textbooks 19071639 +rapid 19070672 +pull 19061871 +hairy 19060619 +diversity 19048481 +cleveland 19041185 +reverse 19032783 +deposit 19026524 +seminar 19021971 +investments 19015441 +latina 19013623 +wheels 19006976 +specify 19002536 +accessibility 19002278 +dutch 19000979 +sensitive 18984710 +templates 18984357 +formats 18983382 +tab 18977951 +depends 18969978 +boots 18968708 +holds 18963546 +router 18959289 +concrete 18948140 +editing 18942899 +poland 18942734 +folder 18941479 +completion 18906369 +upload 18904189 +pulse 18893735 +universities 18884161 +technique 18830686 +contractors 18830680 +voting 18802108 +courts 18791699 +notices 18780271 +subscriptions 18779200 +calculate 18767840 +detroit 18751733 +alexander 18751215 +broadcast 18743293 +converted 18738701 +metro 18738665 +toshiba 18736700 +anniversary 18734145 +improvements 18727612 +strip 18711440 +specification 18707636 +pearl 18707334 +accident 18699760 +nick 18698980 +accessible 18695403 +accessory 18694578 +resident 18689929 +plot 18683404 +qty 18679423 +possibly 18672516 +airline 18665709 +typically 18662924 +representation 18650172 +regard 18645277 +pump 18643932 +exists 18638064 +arrangements 18634535 +smooth 18633567 +conferences 18624807 +strike 18621050 +consumption 18620599 +birmingham 18611752 +flashing 18595842 +narrow 18584380 +afternoon 18564567 +threat 18546277 +surveys 18525332 +sitting 18524885 +putting 18519708 +consultant 18517590 +controller 18513560 +ownership 18509572 +committees 18497349 +penis 18478169 +legislative 18476534 +researchers 18470404 +vietnam 18468046 +trailer 18462738 +anne 18459430 +castle 18456906 +gardens 18454805 +missed 18451052 +malaysia 18443192 +unsubscribe 18441393 +antique 18430306 +labels 18427423 +willing 18418634 +bio 18409348 +molecular 18409158 +acting 18407646 +heads 18400524 +stored 18391852 +exam 18367837 +logos 18366230 +residence 18363183 +attorneys 18359626 +milfs 18358745 +antiques 18348484 +density 18346206 +hundred 18339491 +ryan 18338623 +operators 18330183 +strange 18322738 +sustainable 18313216 +philippines 18310463 +statistical 18306995 +beds 18301294 +breasts 18292455 +mention 18291476 +innovation 18281662 +pcs 18280912 +employers 18278335 +grey 18276942 +parallel 18272352 +honda 18261029 +amended 18250351 +operate 18249982 +bills 18248816 +bold 18244416 +bathroom 18235238 +stable 18225829 +opera 18225169 +definitions 18216711 +doctors 18212611 +lesson 18181371 +cinema 18179389 +asset 18178753 +scan 18173060 +elections 18166926 +drinking 18160233 +blowjobs 18154882 +reaction 18153532 +blank 18150537 +enhanced 18142340 +entitled 18140595 +severe 18137877 +generate 18137492 +stainless 18133474 +newspapers 18120268 +hospitals 18114421 +deluxe 18085596 +aged 18057587 +monitors 18056760 +exception 18051815 +lived 18050710 +duration 18048878 +bulk 18029501 +successfully 18026184 +indonesia 18010087 +pursuant 18004879 +sci 17997395 +fabric 17992206 +visits 17988054 +primarily 17984549 +tight 17981854 +domains 17981289 +capabilities 17973932 +contrast 17955786 +recommendation 17950913 +flying 17948471 +recruitment 17941595 +sin 17939608 +berlin 17932276 +cute 17912721 +organized 17902700 +para 17864371 +siemens 17861664 +adoption 17860735 +improving 17855962 +expensive 17840023 +meant 17832930 +capture 17822857 +pounds 17822372 +buffalo 17808542 +organisations 17802139 +plane 17799728 +explained 17793559 +seed 17788166 +programmes 17785167 +desire 17783181 +expertise 17781054 +mechanism 17771611 +camping 17770402 +jewellery 17763741 +meets 17760399 +welfare 17755487 +peer 17754444 +caught 17749748 +eventually 17731742 +marked 17723745 +driven 17723706 +measured 17721173 +bottle 17716382 +agreements 17708817 +considering 17699280 +innovative 17689336 +marshall 17684438 +massage 17684309 +rubber 17684157 +conclusion 17670602 +closing 17657510 +tampa 17654589 +thousand 17654340 +meat 17652296 +legend 17650063 +grace 17642126 +susan 17638870 +adams 17620255 +python 17610578 +monster 17605148 +alex 17604510 +bang 17596497 +villa 17587586 +bone 17581312 +columns 17578802 +disorders 17576543 +bugs 17572986 +collaboration 17567373 +hamilton 17563405 +detection 17559678 +ftp 17559676 +cookies 17553631 +inner 17552078 +formation 17548170 +tutorial 17531144 +med 17531004 +engineers 17524896 +entity 17518021 +cruises 17517416 +gate 17501142 +holder 17489966 +proposals 17489014 +moderator 17488245 +tutorials 17479295 +settlement 17476171 +portugal 17468888 +lawrence 17458216 +roman 17431193 +duties 17430678 +valuable 17430646 +erotic 17422865 +tone 17397122 +collectables 17382903 +ethics 17382309 +forever 17381863 +dragon 17377430 +busy 17376500 +captain 17372103 +fantastic 17371421 +imagine 17364670 +brings 17364336 +heating 17363382 +leg 17356748 +neck 17354931 +wing 17347644 +governments 17347302 +purchasing 17338242 +scripts 17336418 +stereo 17319174 +appointed 17314729 +taste 17311343 +dealing 17303748 +commit 17298630 +tiny 17298541 +operational 17293992 +rail 17293553 +airlines 17293401 +liberal 17293223 +jay 17285391 +trips 17273017 +gap 17269901 +sides 17269191 +tube 17268711 +turns 17261850 +corresponding 17260560 +descriptions 17257437 +cache 17250923 +belt 17247395 +jacket 17246004 +determination 17237730 +animation 17219873 +oracle 17214156 +matthew 17191978 +lease 17180592 +productions 17176271 +aviation 17175256 +hobbies 17174265 +proud 17167504 +excess 17149887 +disaster 17140948 +console 17121643 +commands 17119887 +telecommunications 17107864 +instructor 17098932 +giant 17098874 +achieved 17086330 +injuries 17080287 +shipped 17079988 +bestiality 17071825 +seats 17070818 +approaches 17069146 +biz 17067959 +alarm 17059844 +voltage 17055596 +anthony 17055578 +nintendo 17052377 +usual 17044981 +loading 17040941 +stamps 17036451 +appeared 17034917 +franklin 17034376 +angle 17016075 +rob 17016018 +vinyl 17009819 +highlights 17000297 +mining 16995862 +designers 16990742 +melbourne 16989252 +ongoing 16983414 +worst 16975343 +imaging 16960525 +betting 16959164 +scientists 16955155 +liberty 16946409 +wyoming 16943168 +blackjack 16938386 +argentina 16936066 +era 16930615 +convert 16927032 +possibility 16926005 +analyst 16918240 +commissioner 16917046 +dangerous 16909821 +garage 16906398 +exciting 16900145 +reliability 16899024 +thongs 16877259 +unfortunately 16863887 +respectively 16844502 +volunteers 16839779 +attachment 16827338 +ringtone 16822148 +finland 16811299 +morgan 16806411 +derived 16804532 +pleasure 16798232 +honor 16787246 +asp 16785885 +oriented 16785804 +eagle 16785232 +desktops 16782911 +pants 16774383 +columbus 16772509 +nurse 16772151 +prayer 16762869 +appointment 16761764 +workshops 16759938 +hurricane 16757015 +quiet 16746894 +luck 16734573 +postage 16732135 +producer 16730305 +represented 16721698 +mortgages 16715270 +dial 16714262 +responsibilities 16707292 +cheese 16704436 +comic 16695850 +carefully 16675728 +jet 16673750 +productivity 16669964 +investors 16666503 +crown 16651038 +par 16646884 +underground 16642137 +diagnosis 16638749 +maker 16635947 +crack 16633701 +principle 16633530 +picks 16627992 +vacations 16623634 +gang 16615190 +semester 16610313 +calculated 16609500 +fetish 16596412 +applies 16585215 +casinos 16580634 +appearance 16574606 +smoke 16567733 +apache 16553370 +filters 16541561 +incorporated 16533500 +craft 16528294 +cake 16526639 +notebooks 16520640 +apart 16507181 +fellow 16497466 +blind 16485480 +lounge 16473584 +mad 16468434 +algorithm 16455284 +semi 16450653 +coins 16449733 +andy 16447205 +gross 16440590 +strongly 16433047 +cafe 16432897 +valentine 16424029 +hilton 16418219 +ken 16418119 +proteins 16404833 +horror 16402727 +exp 16394663 +familiar 16390724 +capable 16380415 +douglas 16379501 +debian 16376907 +till 16376756 +involving 16376298 +pen 16371249 +investing 16370898 +christopher 16359030 +admission 16356727 +epson 16344475 +shoe 16342426 +elected 16330663 +carrying 16328349 +victory 16328207 +sand 16327687 +madison 16320930 +terrorism 16319906 +joy 16317856 +editions 16310699 +mainly 16297110 +ethnic 16295682 +ran 16291429 +parliament 16290285 +actor 16282891 +finds 16280898 +seal 16274039 +situations 16270907 +fifth 16255266 +allocated 16246437 +citizen 16245917 +vertical 16229818 +corrections 16226542 +structural 16226259 +municipal 16208818 +describes 16206006 +prize 16204739 +occurs 16200452 +jon 16198666 +absolute 16198563 +disabilities 16198516 +consists 16197547 +anytime 16192486 +substance 16186870 +prohibited 16185593 +addressed 16180738 +lies 16180314 +pipe 16178319 +soldiers 16175690 +guardian 16167871 +lecture 16166157 +simulation 16164825 +layout 16159559 +initiatives 16147630 +ill 16143967 +concentration 16134918 +classics 16132917 +lbs 16128161 +lay 16122690 +interpretation 16105115 +horses 16104943 +dirty 16101662 +deck 16091024 +wayne 16090093 +donate 16088860 +taught 16082512 +bankruptcy 16075117 +worker 16072941 +optimization 16067890 +alive 16064787 +temple 16052337 +substances 16048111 +prove 16046788 +discovered 16046554 +wings 16044458 +breaks 16043012 +genetic 16036749 +restrictions 16033947 +participating 16019942 +waters 16019652 +promise 16019259 +thin 16007743 +exhibition 16007404 +prefer 16005656 +ridge 15993437 +cabinet 15989585 +modem 15984492 +harris 15977621 +mph 15975134 +bringing 15970507 +sick 15965297 +dose 15959187 +evaluate 15957355 +tiffany 15947875 +tropical 15944693 +collect 15943314 +bet 15943118 +composition 15940860 +toyota 15937777 +streets 15936448 +nationwide 15932624 +vector 15924418 +definitely 15922257 +shaved 15913301 +turning 15907811 +buffer 15904074 +purple 15903838 +existence 15903650 +commentary 15903623 +larry 15900632 +limousines 15896017 +developments 15890766 +def 15888408 +immigration 15879176 +destinations 15877446 +lets 15876825 +mutual 15870882 +pipeline 15869328 +necessarily 15867816 +syntax 15843797 +attribute 15839012 +prison 15837188 +skill 15835076 +chairs 15833070 +everyday 15820001 +apparently 15815805 +surrounding 15800079 +mountains 15790868 +moves 15789001 +popularity 15785972 +inquiry 15783409 +ethernet 15783362 +checked 15762226 +exhibit 15756535 +throw 15751985 +trend 15747018 +sierra 15742544 +visible 15741542 +cats 15735084 +desert 15732752 +oldest 15717579 +rhode 15717565 +busty 15705827 +coordinator 15702834 +obviously 15702193 +mercury 15697468 +steven 15696875 +handbook 15687517 +greg 15681408 +navigate 15678579 +worse 15677739 +summit 15676832 +victims 15672487 +spaces 15660073 +fundamental 15644603 +burning 15637551 +escape 15631531 +coupons 15627914 +somewhat 15620893 +receiver 15617699 +substantial 15617578 +progressive 15612754 +boats 15600762 +glance 15569554 +scottish 15566389 +championship 15559558 +arcade 15549676 +richmond 15546998 +sacramento 15546396 +impossible 15545255 +ron 15544519 +russell 15535983 +tells 15534490 +obvious 15533662 +depression 15527836 +graph 15526746 +covering 15524533 +platinum 15499095 +judgment 15494434 +bedrooms 15492873 +talks 15484166 +filing 15480156 +foster 15478056 +passing 15467267 +awarded 15460775 +testimonials 15457627 +trials 15454182 +tissue 15448105 +memorabilia 15439034 +clinton 15436647 +masters 15434147 +bonds 15431252 +cartridge 15408708 +alberta 15407660 +explanation 15397428 +folk 15396094 +org 15392460 +commons 15387811 +cincinnati 15387448 +subsection 15382965 +fraud 15378751 +electricity 15377549 +permitted 15372818 +spectrum 15371128 +arrival 15370734 +okay 15368116 +pottery 15362084 +emphasis 15360894 +roger 15353411 +aspect 15351221 +workplace 15350829 +awesome 15350104 +mexican 15347885 +confirmed 15335457 +counts 15329536 +priced 15326748 +wallpapers 15310025 +hist 15307332 +crash 15302627 +lift 15291571 +desired 15283698 +inter 15269346 +closer 15247535 +assumes 15233889 +heights 15226748 +shadow 15221952 +riding 15211063 +infection 15208640 +firefox 15205457 +lisa 15203868 +expense 15193823 +grove 15189493 +eligibility 15188396 +venture 15188265 +clinic 15187443 +korean 15184402 +healing 15173541 +princess 15173384 +mall 15173142 +entering 15167200 +packet 15160863 +spray 15148133 +studios 15144063 +involvement 15140824 +dad 15136055 +buttons 15130468 +placement 15123965 +observations 15118474 +funded 15102739 +thompson 15101054 +winners 15099775 +extend 15096022 +roads 15093621 +subsequent 15092940 +pat 15087654 +dublin 15086138 +rolling 15086116 +fell 15084108 +motorcycle 15081508 +yard 15075593 +disclosure 15072865 +establishment 15070667 +memories 15062682 +nelson 15060628 +arrived 15056872 +creates 15051571 +faces 15050854 +tourist 15046652 +cocks 15043799 +mayor 15030847 +murder 15030656 +sean 15027031 +adequate 15023940 +senator 15023107 +yield 15022494 +presentations 15018777 +grades 15013830 +cartoons 15005504 +pour 15002685 +digest 14996313 +reg 14995986 +lodging 14995901 +dust 14993121 +hence 14992334 +wiki 14991485 +entirely 14990474 +replaced 14987637 +radar 14982375 +rescue 14978200 +undergraduate 14975214 +losses 14973062 +combat 14971773 +reducing 14963215 +stopped 14956865 +occupation 14955527 +lakes 14947463 +butt 14942973 +donations 14935399 +associations 14933216 +closely 14927179 +radiation 14922980 +diary 14922472 +seriously 14915797 +kings 14914273 +shooting 14891626 +kent 14887797 +adds 14883328 +ear 14872850 +flags 14870655 +baker 14862470 +launched 14862050 +elsewhere 14853167 +pollution 14853076 +conservative 14852075 +guestbook 14851514 +shock 14850388 +effectiveness 14838707 +walls 14837851 +abroad 14837382 +ebony 14831025 +tie 14830885 +ward 14828169 +drawn 14827380 +arthur 14825384 +ian 14812893 +visited 14810983 +roof 14809282 +walker 14808511 +demonstrate 14807121 +atmosphere 14803304 +suggests 14802625 +kiss 14790481 +beast 14787561 +operated 14782108 +experiment 14781439 +targets 14774632 +overseas 14773122 +purchases 14768992 +dodge 14768509 +counsel 14767437 +federation 14764881 +pizza 14763787 +invited 14757576 +yards 14733347 +assignment 14722710 +chemicals 14709395 +gordon 14699060 +mod 14698596 +farmers 14696457 +queries 14692020 +rush 14684452 +ukraine 14682465 +absence 14681896 +nearest 14677826 +cluster 14673133 +vendors 14669722 +whereas 14663372 +yoga 14660956 +serves 14656807 +woods 14647735 +surprise 14644385 +lamp 14643268 +rico 14643252 +partial 14642158 +shoppers 14642145 +phil 14637522 +everybody 14634773 +couples 14630622 +nashville 14630550 +ranking 14624061 +jokes 14622894 +simpson 14608954 +sublime 14597663 +palace 14592259 +acceptable 14590887 +satisfied 14589394 +glad 14585030 +wins 14584511 +measurements 14571657 +verify 14563766 +globe 14554904 +trusted 14554254 +copper 14543941 +milwaukee 14539988 +rack 14533607 +medication 14530555 +warehouse 14530204 +shareware 14526022 +rep 14515807 +kerry 14514771 +receipt 14513169 +supposed 14497557 +ordinary 14494084 +nobody 14490265 +ghost 14490042 +violation 14467817 +configure 14461355 +stability 14458903 +applying 14440499 +southwest 14437691 +boss 14436477 +pride 14428078 +institutional 14424194 +expectations 14423121 +independence 14412277 +knowing 14410719 +reporter 14400125 +metabolism 14391891 +keith 14391094 +champion 14388928 +cloudy 14383882 +linda 14380554 +ross 14375120 +personally 14373028 +chile 14372798 +anna 14372193 +plenty 14364719 +solo 14360216 +sentence 14359872 +throat 14353822 +ignore 14353555 +maria 14347893 +uniform 14345220 +excellence 14332723 +wealth 14325239 +tall 14323697 +somewhere 14317877 +vacuum 14316397 +dancing 14310606 +attributes 14300116 +recognize 14300000 +brass 14298573 +writes 14276954 +plaza 14274314 +outcomes 14265483 +survival 14259073 +quest 14258533 +publish 14255645 +sri 14252518 +screening 14248830 +toe 14248601 +thumbnail 14245047 +trans 14243681 +jonathan 14235793 +whenever 14234378 +nova 14231374 +lifetime 14229499 +pioneer 14225288 +booty 14218854 +forgotten 14214206 +acrobat 14213883 +plates 14210099 +acres 14208905 +venue 14204074 +athletic 14193383 +thermal 14186960 +essays 14183871 +behaviour 14175567 +vital 14166642 +telling 14160780 +fairly 14154477 +coastal 14153912 +charity 14141658 +intelligent 14136076 +edinburgh 14135031 +excel 14133468 +modes 14131325 +obligation 14122636 +campbell 14122054 +wake 14120141 +stupid 14118370 +hungary 14113963 +segment 14101910 +realize 14098493 +regardless 14096520 +enemy 14084182 +puzzle 14083532 +rising 14079219 +wells 14073676 +opens 14070477 +insight 14070057 +shit 14058658 +restricted 14056761 +republican 14056260 +secrets 14054988 +lucky 14053901 +latter 14044005 +merchants 14033655 +thick 14030556 +trailers 14029478 +repeat 14024814 +syndrome 14023758 +philips 14023116 +attendance 14022851 +penalty 14018500 +drum 14015510 +glasses 14009815 +enables 14005681 +iraqi 13999381 +builder 13993483 +vista 13991160 +jessica 13985443 +chips 13982676 +terry 13981773 +flood 13979267 +ease 13974702 +arguments 13971547 +amsterdam 13969875 +orgy 13967728 +arena 13966572 +adventures 13966085 +pupils 13951572 +stewart 13951321 +announcement 13951272 +tabs 13950657 +outcome 13941550 +appreciate 13938792 +expanded 13932764 +casual 13932521 +grown 13931521 +polish 13927858 +lovely 13923904 +extras 13923870 +centres 13910645 +jerry 13908229 +clause 13906621 +smile 13893537 +lands 13891179 +troops 13879349 +indoor 13871917 +bulgaria 13868346 +armed 13866785 +broker 13865583 +charger 13862324 +regularly 13860363 +believed 13851733 +pine 13842664 +cooling 13842002 +tend 13840765 +gulf 13830000 +rick 13822320 +trucks 13809070 +mechanisms 13805561 +divorce 13803408 +laura 13801282 +shopper 13798030 +tokyo 13793165 +partly 13790568 +nikon 13789510 +customize 13783519 +tradition 13773517 +candy 13772033 +pills 13767091 +tiger 13763074 +donald 13761404 +folks 13760930 +sensor 13759334 +exposed 13756477 +hunt 13752874 +angels 13747515 +deputy 13747486 +indicators 13737979 +sealed 13733878 +thai 13726171 +emissions 13718311 +physicians 13717814 +loaded 13714028 +fred 13703297 +complaint 13703047 +scenes 13691578 +experiments 13690535 +balls 13683840 +afghanistan 13675892 +boost 13675076 +spanking 13673436 +scholarship 13667978 +governance 13664006 +mill 13658453 +founded 13656662 +supplements 13656530 +chronic 13650397 +icons 13649671 +moral 13643598 +den 13641144 +catering 13638302 +aud 13636055 +finger 13628350 +keeps 13624468 +pound 13620117 +locate 13616735 +camcorder 13609184 +trained 13608102 +burn 13602754 +implementing 13588118 +roses 13584758 +labs 13582203 +ourselves 13581863 +bread 13575360 +tobacco 13574147 +wooden 13564576 +motors 13563719 +tough 13560922 +roberts 13553645 +incident 13553458 +gonna 13542156 +dynamics 13534626 +lie 13533542 +conversation 13527150 +decrease 13523903 +chest 13516414 +pension 13515899 +billy 13515249 +revenues 13508713 +emerging 13504049 +worship 13502651 +capability 13491067 +craig 13480763 +herself 13479005 +producing 13472319 +churches 13467005 +precision 13465434 +damages 13463452 +reserves 13456639 +contributed 13454831 +solve 13452150 +shorts 13446221 +reproduction 13443395 +minority 13436730 +diverse 13432331 +amp 13421855 +ingredients 13418042 +johnny 13404833 +sole 13401764 +franchise 13396527 +recorder 13394033 +complaints 13388225 +facing 13385115 +nancy 13381057 +promotions 13378320 +tones 13373535 +passion 13370569 +rehabilitation 13370501 +maintaining 13362778 +sight 13360499 +laid 13359320 +clay 13357683 +defence 13356231 +patches 13354086 +weak 13347842 +refund 13340961 +towns 13337599 +environments 13331567 +divided 13323175 +blvd 13317989 +reception 13317222 +wise 13299902 +emails 13289920 +cyprus 13285903 +odds 13282573 +correctly 13281872 +insider 13275905 +seminars 13272933 +consequences 13267090 +makers 13264592 +hearts 13262019 +geography 13258481 +appearing 13254387 +integrity 13247038 +worry 13243591 +discrimination 13237807 +eve 13237067 +carter 13235755 +legacy 13223921 +marc 13217593 +pleased 13215862 +danger 13206765 +vitamin 13204687 +widely 13197312 +processed 13192681 +phrase 13191958 +genuine 13191602 +raising 13190308 +implications 13188157 +functionality 13187557 +paradise 13186910 +hybrid 13174794 +reads 13174104 +roles 13171507 +intermediate 13162056 +emotional 13160826 +sons 13160458 +leaf 13159307 +pad 13159201 +glory 13158826 +platforms 13157939 +bigger 13152228 +billing 13151677 +diesel 13147963 +versus 13147766 +combine 13139084 +overnight 13137405 +geographic 13136286 +exceed 13135673 +rod 13124744 +saudi 13123149 +fault 13112664 +cuba 13111342 +hrs 13110679 +preliminary 13106833 +districts 13106605 +introduce 13104630 +silk 13099161 +promotional 13084826 +kate 13076275 +chevrolet 13074108 +babies 13070103 +karen 13067717 +compiled 13067154 +romantic 13055842 +revealed 13042465 +specialists 13041955 +generator 13041439 +albert 13040324 +examine 13030604 +jimmy 13030009 +graham 13026222 +suspension 13025162 +bristol 13022446 +margaret 13021244 +compaq 13015144 +sad 13010129 +correction 13009622 +wolf 13001992 +slowly 13000552 +authentication 12998105 +communicate 12992824 +rugby 12992179 +supplement 12988231 +cal 12967326 +portions 12963319 +infant 12959639 +promoting 12956304 +sectors 12948547 +samuel 12947907 +fluid 12943336 +grounds 12943233 +fits 12942004 +kick 12941649 +regards 12939920 +meal 12937343 +hurt 12936269 +machinery 12936031 +bandwidth 12935437 +unlike 12933815 +equation 12933641 +baskets 12933398 +probability 12929028 +pot 12927383 +dimension 12925504 +wright 12925206 +barry 12921548 +proven 12920984 +schedules 12917359 +admissions 12907686 +cached 12887996 +warren 12887808 +slip 12886015 +studied 12881982 +reviewer 12879631 +involves 12878082 +quarterly 12876640 +rpm 12872296 +profits 12872162 +devil 12869511 +grass 12868953 +comply 12868396 +marie 12862466 +florist 12860636 +illustrated 12858193 +cherry 12855670 +continental 12854435 +alternate 12846709 +achievement 12845656 +limitations 12844407 +kenya 12839981 +webcam 12835042 +cuts 12832156 +funeral 12827388 +earrings 12822060 +enjoyed 12819458 +automated 12816951 +chapters 12814410 +pee 12811886 +charlie 12810984 +quebec 12807746 +nipples 12804977 +passenger 12804602 +convenient 12801318 +dennis 12801087 +mars 12792948 +francis 12791715 +tvs 12782654 +sized 12775596 +manga 12774174 +noticed 12773325 +socket 12770550 +silent 12768385 +literary 12767813 +egg 12766528 +mhz 12762988 +signals 12760317 +caps 12758083 +orientation 12750803 +pill 12749153 +theft 12744763 +childhood 12740200 +swing 12734467 +symbols 12733176 +lat 12732598 +meta 12731331 +humans 12729034 +analog 12726931 +facial 12721452 +choosing 12717377 +talent 12712170 +dated 12707511 +flexibility 12700246 +seeker 12696541 +wisdom 12696160 +shoot 12695618 +boundary 12695163 +mint 12694588 +packard 12691717 +offset 12689932 +payday 12682146 +philip 12674163 +elite 12673836 +spin 12671696 +holders 12665447 +believes 12663723 +swedish 12662613 +poems 12662561 +deadline 12662277 +jurisdiction 12657881 +robot 12656312 +displaying 12650318 +witness 12643368 +collins 12638925 +equipped 12635856 +stages 12632816 +encouraged 12632676 +sur 12632510 +winds 12628386 +powder 12627415 +broadway 12620441 +acquired 12619643 +assess 12614289 +wash 12612759 +cartridges 12611549 +stones 12611462 +entrance 12610212 +gnome 12609820 +roots 12609370 +declaration 12609210 +losing 12607223 +attempts 12606763 +gadgets 12604953 +noble 12604679 +glasgow 12596942 +automation 12592519 +impacts 12585629 +rev 12575365 +gospel 12572666 +advantages 12569204 +shore 12568485 +loves 12566621 +induced 12566340 +knight 12563918 +preparing 12556793 +loose 12556710 +aims 12555862 +recipient 12555432 +linking 12555304 +extensions 12552534 +appeals 12550346 +earned 12540187 +illness 12539579 +islamic 12539523 +athletics 12534433 +southeast 12520872 +alternatives 12512859 +pending 12509596 +parker 12509468 +determining 12507793 +lebanon 12503316 +corp 12500878 +personalized 12495791 +kennedy 12494982 +conditioning 12490899 +teenage 12488595 +soap 12485378 +triple 12478554 +cooper 12476378 +vincent 12468392 +jam 12468316 +secured 12463155 +unusual 12459909 +answered 12457330 +partnerships 12453817 +destruction 12453758 +slots 12452126 +increasingly 12442507 +migration 12442426 +disorder 12437958 +routine 12437176 +toolbar 12436439 +basically 12428283 +rocks 12427428 +conventional 12426348 +titans 12408915 +applicants 12408250 +wearing 12401524 +axis 12399723 +sought 12398749 +genes 12396954 +mounted 12391977 +habitat 12388574 +firewall 12387228 +median 12384523 +guns 12383666 +scanner 12375659 +herein 12372347 +occupational 12368358 +animated 12365108 +horny 12363955 +judicial 12363943 +rio 12362288 +adjustment 12343670 +hero 12343606 +integer 12343092 +treatments 12341268 +bachelor 12335355 +attitude 12331010 +camcorders 12327884 +engaged 12325194 +falling 12324340 +basics 12316733 +montreal 12310310 +carpet 12309442 +lenses 12288564 +binary 12286978 +genetics 12285353 +attended 12284886 +difficulty 12282409 +punk 12282363 +collective 12276900 +coalition 12274377 +dropped 12265666 +duke 12250071 +walter 12248848 +pace 12247704 +besides 12246405 +wage 12243196 +producers 12242166 +collector 12233823 +arc 12229184 +hosts 12228736 +interfaces 12224161 +advertisers 12223306 +moments 12221536 +atlas 12221120 +strings 12221039 +dawn 12219521 +representing 12219202 +observation 12217876 +feels 12212683 +torture 12209454 +carl 12209059 +deleted 12207876 +coat 12207355 +mitchell 12207212 +mrs 12206596 +restoration 12202668 +convenience 12201623 +returning 12197026 +ralph 12190683 +opposition 12183104 +container 12181942 +defendant 12169689 +warner 12165874 +confirmation 12157725 +app 12156802 +embedded 12156057 +supervisor 12154591 +wizard 12151804 +corps 12150135 +actors 12149923 +liver 12139363 +peripherals 12137652 +liable 12126852 +brochure 12124414 +morris 12122016 +bestsellers 12121686 +petition 12120487 +eminem 12120025 +recall 12118110 +antenna 12115794 +picked 12114899 +assumed 12113023 +departure 12111116 +minneapolis 12111079 +belief 12108114 +killing 12106805 +bikini 12105241 +memphis 12103085 +shoulder 12100130 +decor 12098868 +lookup 12096074 +texts 12095723 +harvard 12089345 +brokers 12075458 +roy 12074809 +ion 12074177 +diameter 12059691 +ottawa 12050603 +doll 12047864 +podcast 12040451 +tit 12036749 +seasons 12035131 +peru 12033152 +interactions 12030927 +refine 12027198 +bidder 12023506 +singer 12021075 +evans 12020970 +herald 12020777 +literacy 12016141 +fails 12015364 +aging 12014007 +nike 12009663 +intervention 12006519 +pissing 12005503 +fed 12005354 +plugin 12004200 +attraction 11998068 +diving 11997559 +invite 11994795 +modification 11994630 +alice 11994061 +suppose 11981451 +customized 11979867 +reed 11977359 +involve 11976257 +moderate 11975598 +terror 11975502 +younger 11971094 +thirty 11969481 +mice 11967727 +opposite 11965213 +understood 11962620 +rapidly 11959135 +ban 11940116 +temp 11938391 +intro 11938092 +mercedes 11935820 +assurance 11928914 +clerk 11923960 +happening 11920756 +vast 11916770 +mills 11910667 +outline 11910319 +amendments 11901949 +holland 11897739 +receives 11897613 +jeans 11896655 +metropolitan 11896215 +compilation 11894545 +verification 11890283 +fonts 11884559 +odd 11871958 +wrap 11871928 +refers 11869181 +mood 11868381 +veterans 11867645 +quiz 11866535 +sigma 11864409 +attractive 11857523 +occasion 11854911 +recordings 11854099 +jefferson 11851441 +victim 11844825 +demands 11843789 +sleeping 11840656 +careful 11836566 +ext 11830447 +beam 11827772 +gardening 11823864 +obligations 11820453 +arrive 11812688 +orchestra 11808109 +sunset 11802197 +tracked 11801246 +moreover 11797770 +minimal 11787905 +polyphonic 11779964 +lottery 11776450 +tops 11771127 +framed 11770634 +aside 11768649 +outsourcing 11766166 +licence 11761605 +adjustable 11757528 +allocation 11756315 +michelle 11752565 +essay 11750312 +discipline 11734967 +amy 11734926 +demonstrated 11721030 +dialogue 11720390 +identifying 11718306 +alphabetical 11717970 +camps 11712039 +declared 11707935 +dispatched 11701771 +aaron 11698784 +handheld 11697875 +trace 11697252 +disposal 11693072 +shut 11689186 +florists 11684143 +packs 11683277 +installing 11675871 +switches 11673995 +voluntary 11671298 +thou 11669062 +consult 11666011 +greatly 11664471 +blogging 11660000 +mask 11654805 +cycling 11653999 +midnight 11650394 +commonly 11638541 +photographer 11637896 +inform 11637681 +turkish 11628585 +coal 11625191 +cry 11624610 +messaging 11623632 +pentium 11614819 +quantum 11611352 +murray 11607168 +intent 11596706 +zoo 11589578 +largely 11587337 +pleasant 11587208 +announce 11583296 +constructed 11581210 +additions 11579566 +requiring 11578075 +spoke 11577917 +aka 11570453 +arrow 11563142 +engagement 11562545 +sampling 11558186 +rough 11557184 +weird 11556427 +tee 11539905 +refinance 11537028 +lion 11531749 +inspired 11531233 +holes 11529280 +weddings 11529020 +blade 11527988 +suddenly 11523262 +oxygen 11522424 +cookie 11517481 +meals 11515834 +canyon 11515517 +meters 11502899 +merely 11492724 +calendars 11488301 +arrangement 11486779 +conclusions 11484905 +passes 11484329 +bibliography 11483881 +pointer 11475647 +compatibility 11467191 +stretch 11463625 +durham 11463394 +furthermore 11462067 +permits 11453109 +cooperative 11453108 +muslim 11451583 +neil 11446551 +sleeve 11444961 +netscape 11443351 +cleaner 11442551 +cricket 11442124 +beef 11441469 +feeding 11441465 +stroke 11440396 +township 11435976 +rankings 11433277 +measuring 11432076 +cad 11431260 +hats 11430056 +robin 11423944 +robinson 11422896 +jacksonville 11419276 +strap 11414669 +headquarters 11414484 +sharon 11410497 +crowd 11409218 +transfers 11403780 +surf 11402999 +olympic 11399795 +transformation 11397689 +remained 11392181 +attachments 11392078 +dir 11381802 +entities 11373336 +customs 11372432 +administrators 11370681 +personality 11361835 +rainbow 11360882 +hook 11359349 +roulette 11359153 +decline 11351898 +gloves 11347457 +israeli 11341552 +medicare 11339790 +cord 11338350 +skiing 11337414 +cloud 11337220 +facilitate 11330977 +subscriber 11326491 +valve 11325360 +val 11322492 +hewlett 11322089 +explains 11317473 +proceed 11314599 +feelings 11299333 +knife 11297715 +jamaica 11293962 +priorities 11288273 +shelf 11287023 +bookstore 11285387 +timing 11283175 +liked 11282738 +parenting 11280195 +adopt 11272339 +denied 11268485 +incredible 11261994 +britney 11258215 +freeware 11256443 +fucked 11254558 +donation 11245208 +outer 11245167 +crop 11244764 +deaths 11242764 +rivers 11239247 +commonwealth 11231405 +pharmaceutical 11229705 +manhattan 11228022 +tales 11222332 +katrina 11217436 +workforce 11215929 +islam 11214742 +nodes 11208722 +thumbs 11202045 +seeds 11196921 +cited 11195944 +lite 11195840 +ghz 11189355 +hub 11188639 +targeted 11188624 +organizational 11188435 +skype 11188286 +realized 11186108 +twelve 11182087 +founder 11180601 +decade 11178625 +dispute 11164678 +portuguese 11160302 +tired 11158233 +adverse 11157534 +everywhere 11153149 +excerpt 11148686 +eng 11144620 +steam 11141309 +discharge 11140169 +drinks 11137329 +ace 11134733 +voices 11129180 +acute 11128841 +halloween 11123946 +climbing 11117590 +stood 11116275 +sing 11114001 +tons 11109804 +perfume 11109790 +carol 11109404 +honest 11109203 +albany 11108457 +hazardous 11095147 +restore 11092761 +stack 11090579 +methodology 11090402 +somebody 11089522 +sue 11086374 +housewares 11081832 +reputation 11081735 +resistant 11080383 +democrats 11080202 +recycling 11079315 +hang 11077672 +curve 11071177 +creator 11071006 +amber 11065507 +qualifications 11063651 +museums 11059541 +coding 11058393 +slideshow 11055536 +tracker 11054208 +variation 11043903 +passage 11034796 +transferred 11023998 +trunk 11020361 +hiking 11020291 +damn 11016467 +pierre 11015591 +headset 11014961 +photograph 11014717 +oakland 11011611 +colombia 11011374 +waves 11006010 +camel 11005001 +distributor 11002174 +lamps 11000656 +underlying 11000355 +hood 10997944 +wrestling 10996334 +suicide 10996226 +archived 10992630 +chi 10981165 +arabia 10980809 +gathering 10976378 +projection 10975182 +juice 10973425 +chase 10971945 +mathematical 10971768 +logical 10970564 +sauce 10968629 +fame 10962456 +extract 10962105 +specialized 10955946 +diagnostic 10955841 +panama 10953110 +indianapolis 10951797 +payable 10948988 +corporations 10945498 +courtesy 10945291 +criticism 10943753 +automobile 10939225 +confidential 10937497 +statutory 10934584 +accommodations 10932659 +athens 10930110 +northeast 10929164 +downloaded 10920057 +judges 10917393 +retired 10914144 +remarks 10911869 +detected 10911828 +decades 10911127 +paintings 10906609 +walked 10905602 +arising 10904371 +nissan 10889889 +bracelet 10887275 +eggs 10885514 +juvenile 10884643 +injection 10873254 +yorkshire 10871783 +populations 10869967 +protective 10861679 +afraid 10858793 +acoustic 10857417 +railway 10853755 +cassette 10853321 +initially 10849818 +indicator 10846277 +pointed 10845626 +causing 10841604 +mistake 10841486 +norton 10840451 +locked 10837051 +eliminate 10836172 +fusion 10834718 +mineral 10833061 +sunglasses 10831524 +ruby 10830824 +steering 10826821 +beads 10825324 +fortune 10823100 +preference 10821710 +canvas 10820175 +threshold 10820054 +parish 10808608 +claimed 10805425 +screens 10799678 +cemetery 10799517 +planner 10798993 +croatia 10798841 +flows 10797166 +stadium 10797095 +venezuela 10796973 +exploration 10796216 +fewer 10792786 +sequences 10790922 +coupon 10788016 +nurses 10783304 +stem 10775393 +proxy 10773043 +astronomy 10767054 +lanka 10765788 +opt 10763778 +edwards 10761573 +drew 10760463 +contests 10760068 +flu 10759905 +translate 10756065 +announces 10754974 +costume 10749142 +tagged 10748315 +berkeley 10746947 +voted 10746027 +killer 10745688 +bikes 10740880 +gates 10734618 +adjusted 10733092 +rap 10729871 +tune 10728129 +bishop 10727838 +pulled 10724879 +corn 10723716 +shaped 10717999 +compression 10712155 +seasonal 10711168 +establishing 10709113 +farmer 10707897 +counters 10706242 +puts 10705170 +constitutional 10699765 +grew 10698645 +perfectly 10698357 +tin 10695557 +slave 10692715 +instantly 10691970 +cultures 10690547 +norfolk 10690400 +coaching 10689595 +examined 10689487 +trek 10689116 +encoding 10684685 +litigation 10681417 +submissions 10674606 +heroes 10669219 +painted 10666710 +broadcasting 10660304 +horizontal 10655275 +artwork 10654545 +cosmetic 10651127 +resulted 10647532 +portrait 10647237 +terrorist 10647080 +informational 10645899 +ethical 10644576 +carriers 10644210 +mobility 10643212 +floral 10641202 +builders 10639867 +ties 10637546 +struggle 10637472 +schemes 10633782 +suffering 10631848 +neutral 10631835 +fisher 10631475 +rat 10626001 +spears 10622346 +prospective 10618399 +dildos 10612318 +bedding 10608944 +ultimately 10608757 +joining 10606585 +heading 10604462 +equally 10603542 +artificial 10603435 +bearing 10602853 +spectacular 10602657 +coordination 10601328 +connector 10600313 +brad 10595050 +combo 10592758 +seniors 10592234 +worlds 10591522 +guilty 10588260 +affiliated 10583504 +activation 10581402 +naturally 10578629 +haven 10569212 +tablet 10568043 +jury 10566974 +dos 10564148 +tail 10557843 +subscribers 10557815 +charm 10554644 +lawn 10551602 +violent 10551326 +mitsubishi 10550625 +underwear 10546819 +basin 10544774 +soup 10543301 +potentially 10541780 +ranch 10539650 +constraints 10529222 +crossing 10528114 +inclusive 10524594 +dimensional 10522059 +cottage 10520695 +drunk 10519219 +considerable 10518680 +crimes 10515840 +resolved 10512341 +mozilla 10511264 +byte 10509871 +toner 10508427 +nose 10507356 +latex 10502825 +branches 10496749 +anymore 10494227 +delhi 10491603 +holdings 10491229 +alien 10490554 +locator 10478335 +selecting 10477348 +processors 10468305 +pantyhose 10466075 +broke 10460811 +nepal 10459583 +zimbabwe 10459195 +difficulties 10456103 +juan 10447286 +complexity 10446732 +constantly 10442685 +browsing 10442630 +resolve 10441751 +barcelona 10433419 +presidential 10430695 +documentary 10429008 +cod 10426143 +territories 10425468 +melissa 10423009 +moscow 10419336 +thesis 10415545 +thru 10412942 +jews 10410302 +nylon 10410171 +palestinian 10409985 +discs 10404995 +rocky 10404321 +bargains 10403472 +frequent 10400111 +trim 10395161 +nigeria 10392451 +ceiling 10391461 +pixels 10381558 +ensuring 10381359 +hispanic 10379937 +legislature 10375803 +hospitality 10373383 +gen 10369037 +anybody 10367449 +procurement 10367032 +diamonds 10366433 +fleet 10364423 +untitled 10362049 +bunch 10355431 +totals 10350962 +marriott 10350709 +singing 10349448 +theoretical 10348868 +afford 10348210 +exercises 10346676 +starring 10342756 +referral 10341537 +surveillance 10332765 +optimal 10331534 +quit 10324803 +distinct 10323958 +protocols 10321942 +lung 10318643 +highlight 10317486 +substitute 10309868 +inclusion 10305876 +hopefully 10304848 +brilliant 10302824 +turner 10302792 +sucking 10301698 +cents 10301064 +reuters 10296945 +gel 10294568 +todd 10291963 +spoken 10290440 +omega 10289113 +evaluated 10288417 +stayed 10286077 +civic 10283668 +assignments 10282466 +manuals 10278330 +doug 10276664 +sees 10274243 +termination 10274046 +watched 10266154 +saver 10258158 +thereof 10257549 +grill 10254124 +households 10251054 +redeem 10246248 +rogers 10246146 +grain 10244623 +authentic 10235042 +regime 10234937 +wanna 10232302 +wishes 10232199 +bull 10231851 +montgomery 10230206 +architectural 10225722 +louisville 10225533 +depend 10224227 +differ 10224024 +macintosh 10220501 +movements 10217824 +ranging 10213057 +monica 10210095 +repairs 10209005 +breath 10208731 +amenities 10198635 +virtually 10198413 +cole 10196153 +mart 10193683 +candle 10193393 +hanging 10190519 +authorization 10187414 +tale 10186894 +verified 10184772 +lynn 10183306 +formerly 10182974 +projector 10182117 +situated 10177869 +comparative 10177483 +std 10176759 +seeks 10174194 +herbal 10173511 +loving 10172381 +strictly 10169150 +routing 10169123 +docs 10167452 +stanley 10160132 +psychological 10159161 +surprised 10158243 +retailer 10140662 +vitamins 10139447 +elegant 10137738 +gains 10137566 +renewal 10134639 +genealogy 10127416 +opposed 10126959 +deemed 10124641 +scoring 10124355 +expenditure 10121277 +panties 10120827 +brooklyn 10120132 +liverpool 10118816 +sisters 10116284 +critics 10114264 +connectivity 10113914 +spots 10109662 +algorithms 10105789 +hacker 10105645 +madrid 10103341 +similarly 10101415 +margin 10100139 +coin 10095328 +solely 10091700 +fake 10088583 +salon 10079006 +collaborative 10064088 +norman 10063272 +excluding 10062992 +turbo 10058686 +headed 10058504 +voters 10058315 +cure 10046948 +madonna 10044163 +commander 10043511 +arch 10040050 +murphy 10035536 +thinks 10035159 +suggestion 10033796 +soldier 10032017 +phillips 10031448 +aimed 10030370 +justin 10029711 +bomb 10028218 +harm 10026586 +interval 10026043 +mirrors 10025204 +spotlight 10022271 +tricks 10022185 +reset 10021033 +brush 10018684 +investigate 10018280 +thy 10017433 +panels 10016948 +repeated 10015447 +assault 10011305 +connecting 10011002 +spare 10009522 +logistics 10008708 +deer 10007644 +kodak 10005470 +tongue 10002563 +bowling 9997649 +danish 9987098 +pal 9987022 +monkey 9983383 +proportion 9983303 +filename 9982265 +skirt 9981485 +florence 9981320 +invest 9979906 +honey 9978043 +analyses 9976066 +drawings 9975478 +significance 9974078 +scenario 9972760 +lovers 9957546 +atomic 9957374 +approx 9954543 +symposium 9954499 +arabic 9954108 +gauge 9952466 +essentials 9949208 +junction 9946903 +protecting 9941975 +faced 9938155 +mat 9937738 +rachel 9937223 +solving 9935681 +transmitted 9934463 +weekends 9928005 +screenshots 9927402 +produces 9926309 +oven 9926264 +ted 9926083 +intensive 9923252 +chains 9922983 +kingston 9921225 +sixth 9920054 +engage 9919952 +deviant 9917990 +noon 9917780 +switching 9915827 +quoted 9915470 +adapters 9914081 +correspondence 9911984 +farms 9908537 +imports 9905359 +supervision 9904839 +cheat 9903572 +bronze 9903268 +expenditures 9900734 +sandy 9897487 +separation 9895531 +testimony 9893472 +suspect 9889728 +celebrities 9887793 +macro 9885853 +sender 9885826 +mandatory 9884397 +boundaries 9884011 +crucial 9880976 +syndication 9873537 +gym 9872500 +celebration 9872199 +adjacent 9869232 +filtering 9862849 +tuition 9860033 +spouse 9858936 +exotic 9858662 +viewer 9858416 +threats 9849639 +luxembourg 9848763 +puzzles 9847032 +reaching 9832263 +damaged 9826789 +cams 9824481 +receptor 9823615 +piss 9822831 +laugh 9822471 +joel 9814525 +surgical 9811901 +destroy 9811516 +citation 9810893 +pitch 9800556 +autos 9798008 +premises 9787665 +perry 9785838 +proved 9782793 +offensive 9781246 +imperial 9776810 +dozen 9776227 +benjamin 9775193 +deployment 9774331 +teeth 9769437 +cloth 9764137 +studying 9763653 +colleagues 9762059 +stamp 9760468 +lotus 9759485 +salmon 9757346 +olympus 9753199 +separated 9752054 +proc 9748737 +cargo 9748668 +tan 9747576 +directive 9746031 +salem 9735569 +mate 9732445 +starter 9730619 +upgrades 9728964 +likes 9727733 +butter 9727172 +pepper 9725001 +weapon 9724562 +luggage 9723336 +burden 9722173 +chef 9722004 +tapes 9719559 +zones 9719114 +races 9715279 +isle 9714155 +stylish 9708474 +slim 9707476 +maple 9704551 +luke 9699611 +grocery 9699375 +offshore 9689804 +governing 9689657 +retailers 9688459 +depot 9688338 +kenneth 9685446 +comp 9681817 +alt 9681244 +pie 9681219 +blend 9680982 +harrison 9680496 +julie 9674906 +occasionally 9674433 +attending 9672057 +emission 9671794 +pete 9671293 +spec 9669417 +finest 9668295 +realty 9667732 +janet 9666108 +bow 9663748 +penn 9662639 +recruiting 9662362 +apparent 9650402 +instructional 9650006 +autumn 9649500 +probe 9643801 +midi 9642188 +permissions 9632465 +biotechnology 9631572 +toilet 9622554 +ranked 9621386 +jackets 9619919 +routes 9615627 +packed 9614167 +excited 9611150 +outreach 9602202 +helen 9600641 +mounting 9600438 +recover 9597891 +tied 9593428 +lopez 9593132 +balanced 9592756 +prescribed 9590926 +catherine 9589100 +timely 9583522 +talked 9582713 +debug 9581095 +delayed 9579826 +chuck 9574825 +reproduced 9570000 +hon 9569133 +dale 9568925 +explicit 9568886 +calculation 9564034 +villas 9561315 +consolidated 9557816 +boob 9557488 +exclude 9556992 +peeing 9555730 +occasions 9550945 +brooks 9546939 +equations 9545165 +newton 9540561 +oils 9540418 +sept 9540361 +exceptional 9539321 +anxiety 9539030 +bingo 9539002 +whilst 9537785 +spatial 9537716 +respondents 9534943 +unto 9533187 +ceramic 9531846 +prompt 9531069 +precious 9529904 +minds 9529696 +annually 9528962 +considerations 9523594 +scanners 9520219 +atm 9510909 +pays 9505614 +cox 9503104 +fingers 9498899 +sunny 9497382 +delivers 9496295 +queensland 9493358 +necklace 9492391 +musicians 9491482 +leeds 9491065 +composite 9490002 +unavailable 9486162 +cedar 9484993 +arranged 9483767 +lang 9483612 +advocacy 9478772 +raleigh 9478304 +stud 9477498 +fold 9476623 +essentially 9474655 +designing 9473961 +threaded 9473827 +qualify 9469457 +fingering 9463805 +blair 9463587 +hopes 9462715 +assessments 9462624 +mason 9461838 +diagram 9460260 +burns 9460104 +pumps 9456489 +slut 9456308 +ejaculation 9454899 +footwear 9454184 +vic 9452560 +beijing 9452095 +peoples 9449074 +victor 9448878 +mario 9447559 +pos 9445257 +attach 9442716 +licenses 9442167 +removing 9439327 +advised 9436986 +brunswick 9436844 +spider 9436277 +phys 9433060 +ranges 9432991 +pairs 9432115 +sensitivity 9431504 +trails 9428983 +preservation 9427816 +hudson 9427258 +isolated 9421703 +calgary 9415992 +interim 9415083 +assisted 9413705 +divine 9413498 +streaming 9413174 +approve 9410993 +chose 9409845 +compound 9406648 +intensity 9405746 +technological 9404975 +syndicate 9403719 +abortion 9397315 +dialog 9396449 +venues 9389442 +blast 9387171 +wellness 9382967 +calcium 9382761 +newport 9381857 +antivirus 9381010 +addressing 9378374 +pole 9377429 +discounted 9376380 +indians 9375105 +shield 9374574 +harvest 9368863 +membrane 9368378 +prague 9367126 +previews 9367114 +bangladesh 9366062 +constitute 9358523 +locally 9356689 +concluded 9354983 +pickup 9354139 +desperate 9350873 +mothers 9349761 +iceland 9348645 +demonstration 9347680 +governmental 9346318 +manufactured 9345751 +candles 9345477 +graduation 9345222 +mega 9345031 +bend 9342191 +sailing 9341445 +variations 9333993 +sacred 9331652 +addiction 9331004 +morocco 9330705 +chrome 9329259 +tommy 9327874 +springfield 9324045 +refused 9323160 +brake 9321885 +exterior 9319730 +greeting 9318491 +ecology 9315770 +oliver 9312468 +congo 9310976 +glen 9308838 +botswana 9305924 +nav 9305379 +delays 9301670 +synthesis 9299369 +olive 9298184 +undefined 9295355 +unemployment 9291396 +verizon 9288236 +scored 9286364 +enhancement 9286231 +newcastle 9284584 +clone 9284578 +dicks 9280692 +velocity 9279532 +lambda 9279528 +relay 9275052 +composed 9274507 +tears 9274206 +performances 9272429 +oasis 9270498 +baseline 9270123 +cab 9268943 +angry 9267505 +societies 9260047 +silicon 9257759 +brazilian 9253959 +identical 9249252 +petroleum 9246183 +compete 9245630 +norwegian 9238765 +lover 9234545 +belong 9233597 +honolulu 9232306 +beatles 9231396 +lips 9228435 +escort 9226628 +retention 9226062 +exchanges 9223640 +pond 9223378 +rolls 9220414 +thomson 9218657 +barnes 9216649 +soundtrack 9215529 +wondering 9214753 +malta 9212218 +daddy 9211193 +ferry 9208954 +rabbit 9208689 +profession 9208483 +seating 9207831 +dam 9204248 +separately 9199179 +physiology 9197243 +collecting 9196546 +exports 9195244 +omaha 9193841 +tire 9192117 +participant 9190865 +scholarships 9190488 +recreational 9183129 +dominican 9182019 +chad 9176989 +electron 9176181 +loads 9175948 +friendship 9175451 +heather 9170875 +passport 9170570 +motel 9170238 +unions 9167657 +treasury 9167640 +warrant 9167246 +frozen 9165551 +occupied 9165435 +josh 9163898 +royalty 9162860 +scales 9162147 +rally 9155530 +observer 9155080 +sunshine 9152357 +strain 9151339 +drag 9150581 +ceremony 9150049 +somehow 9149642 +arrested 9147670 +expanding 9147487 +provincial 9144703 +investigations 9139993 +ripe 9136158 +yamaha 9134279 +rely 9132658 +medications 9128659 +hebrew 9126538 +gained 9124289 +rochester 9124031 +dying 9123557 +laundry 9123546 +stuck 9120620 +solomon 9120064 +placing 9118766 +stops 9118589 +homework 9116821 +adjust 9115016 +assessed 9112773 +advertiser 9111848 +enabling 9108041 +encryption 9106010 +filling 9103402 +downloadable 9100404 +sophisticated 9100034 +imposed 9098534 +silence 9096561 +focuses 9095206 +soviet 9095147 +possession 9088454 +laboratories 9087221 +treaty 9086189 +vocal 9082826 +trainer 9081168 +organ 9077449 +stronger 9076588 +volumes 9076451 +advances 9067771 +vegetables 9067552 +lemon 9066930 +toxic 9065369 +thumbnails 9064111 +darkness 9058089 +nuts 9053763 +nail 9051805 +vienna 9051157 +implied 9050427 +span 9047179 +stanford 9047134 +stockings 9044052 +joke 9043968 +respondent 9040827 +packing 9039257 +statute 9035618 +rejected 9035260 +satisfy 9029773 +destroyed 9026486 +shelter 9025308 +chapel 9025153 +manufacture 9020752 +layers 9018453 +guided 9015660 +vulnerability 9013560 +accountability 9011124 +celebrate 9010814 +accredited 9006302 +appliance 9005645 +compressed 9004826 +bahamas 9002602 +powell 9001251 +mixture 8996041 +zoophilia 8995090 +bench 8992211 +univ 8991617 +tub 8990811 +rider 8987802 +scheduling 8986610 +radius 8985161 +perspectives 8983024 +mortality 8978176 +logging 8976964 +hampton 8975507 +christians 8974444 +borders 8974127 +therapeutic 8971499 +pads 8971153 +butts 8968856 +inns 8968593 +bobby 8964342 +impressive 8963757 +sheep 8962638 +accordingly 8960086 +architect 8954294 +railroad 8948891 +lectures 8946545 +challenging 8944912 +wines 8939582 +nursery 8938613 +harder 8937729 +cups 8935485 +ash 8934811 +microwave 8934594 +cheapest 8933030 +accidents 8930846 +relocation 8929354 +stuart 8927715 +contributors 8924784 +salvador 8924572 +ali 8924192 +salad 8923706 +monroe 8922026 +tender 8921535 +violations 8918978 +foam 8915164 +temperatures 8913207 +paste 8913055 +clouds 8913052 +competitions 8912029 +discretion 8911298 +tanzania 8910566 +preserve 8910519 +poem 8908949 +vibrator 8904602 +unsigned 8901333 +staying 8900981 +cosmetics 8900972 +easter 8899534 +theories 8895360 +repository 8892664 +praise 8892149 +jeremy 8892076 +venice 8890952 +concentrations 8887519 +vibrators 8887202 +estonia 8886653 +christianity 8886615 +veteran 8886185 +streams 8882706 +landing 8882585 +signing 8879976 +executed 8879901 +katie 8878399 +negotiations 8877079 +realistic 8874648 +showcase 8869023 +integral 8867484 +asks 8865097 +relax 8856944 +namibia 8853770 +generating 8850249 +christina 8849356 +congressional 8848585 +synopsis 8848268 +hardly 8845763 +prairie 8843835 +reunion 8840817 +composer 8839743 +bean 8839308 +sword 8835685 +absent 8831540 +photographic 8830744 +sells 8827377 +ecuador 8826169 +hoping 8825881 +accessed 8825205 +spirits 8819959 +modifications 8819107 +coral 8818272 +pixel 8813200 +float 8808655 +colin 8807299 +bias 8807284 +imported 8806670 +paths 8806073 +bubble 8806043 +acquire 8803690 +contrary 8799793 +millennium 8798222 +tribune 8797383 +vessel 8794883 +acids 8793940 +focusing 8787624 +viruses 8786573 +cheaper 8786062 +admitted 8784950 +dairy 8781961 +admit 8780656 +mem 8778831 +fancy 8777135 +equality 8776326 +samoa 8775146 +achieving 8773550 +tap 8770914 +stickers 8766678 +fisheries 8764667 +exceptions 8761002 +reactions 8756359 +leasing 8753305 +lauren 8749769 +beliefs 8748050 +companion 8745556 +squad 8744772 +ashley 8743561 +scroll 8741548 +relate 8740432 +divisions 8740349 +swim 8739102 +wages 8737438 +additionally 8737401 +suffer 8733670 +forests 8729343 +fellowship 8728834 +invalid 8718056 +concerts 8711517 +martial 8710009 +males 8708016 +victorian 8705544 +retain 8703797 +colours 8701943 +execute 8698527 +tunnel 8697960 +genres 8694858 +cambodia 8694511 +patents 8694302 +copyrights 8691928 +chaos 8690268 +lithuania 8688361 +mastercard 8687804 +wheat 8685589 +chronicles 8685154 +obtaining 8683426 +beaver 8682215 +updating 8678834 +distribute 8678754 +readings 8678675 +decorative 8674671 +confused 8673715 +compiler 8666924 +enlargement 8665117 +eagles 8664871 +bases 8663363 +vii 8660788 +accused 8659913 +bee 8659734 +campaigns 8659113 +unity 8657709 +loud 8653692 +conjunction 8652516 +bride 8650665 +rats 8649718 +defines 8645360 +airports 8640814 +instances 8636454 +indigenous 8636449 +begun 8636352 +brunette 8635091 +packets 8634757 +anchor 8633382 +socks 8632058 +validation 8630880 +parade 8629746 +corruption 8628385 +stat 8628104 +trigger 8626739 +incentives 8625429 +cholesterol 8620700 +gathered 8619411 +essex 8617835 +slovenia 8617537 +notified 8617516 +differential 8617224 +beaches 8617066 +folders 8612253 +dramatic 8612079 +surfaces 8610304 +terrible 8610277 +routers 8604416 +cruz 8604297 +pendant 8603520 +dresses 8602214 +baptist 8600706 +scientist 8600655 +hiring 8600151 +clocks 8598993 +arthritis 8597099 +bios 8597047 +females 8595390 +wallace 8591343 +nevertheless 8587591 +reflects 8586062 +taxation 8584169 +fever 8582665 +cuisine 8575966 +surely 8574112 +practitioners 8572140 +transcript 8571931 +myspace 8571480 +theorem 8569908 +inflation 8567769 +thee 8564377 +ruth 8563167 +pray 8562732 +stylus 8562046 +compounds 8561772 +pope 8560878 +drums 8560748 +contracting 8560554 +topless 8553761 +arnold 8551232 +structured 8549448 +reasonably 8548385 +jeep 8547455 +chicks 8546991 +bare 8546200 +hung 8543618 +cattle 8542988 +radical 8540978 +graduates 8538966 +rover 8537021 +recommends 8536378 +controlling 8536013 +treasure 8534047 +reload 8533926 +distributors 8531840 +flame 8527495 +tanks 8526525 +assuming 8525795 +monetary 8524903 +elderly 8524071 +pit 8523152 +arlington 8522010 +mono 8520822 +particles 8520598 +floating 8519508 +extraordinary 8513936 +tile 8509304 +indicating 8506888 +bolivia 8506635 +spell 8506049 +hottest 8505915 +stevens 8504380 +coordinate 8502942 +kuwait 8500528 +exclusively 8499379 +emily 8497262 +alleged 8495916 +limitation 8494162 +widescreen 8493676 +compile 8493391 +squirting 8492512 +webster 8490161 +struck 8489716 +illustration 8483700 +plymouth 8478857 +warnings 8477085 +construct 8471574 +apps 8468762 +inquiries 8466828 +bridal 8466303 +annex 8465905 +mag 8461577 +inspiration 8460625 +tribal 8460247 +curious 8460088 +affecting 8458005 +freight 8453128 +rebate 8451915 +meetup 8449127 +eclipse 8448687 +sudan 8447525 +downloading 8445219 +rec 8441122 +shuttle 8440760 +aggregate 8438852 +stunning 8436751 +cycles 8434209 +affects 8433483 +forecasts 8432832 +detect 8431562 +sluts 8430809 +actively 8430340 +ciao 8429222 +knee 8426957 +prep 8426130 +complicated 8423441 +chem 8419917 +fastest 8417992 +butler 8416381 +injured 8412484 +decorating 8411562 +payroll 8410507 +cookbook 8410461 +expressions 8407890 +ton 8405500 +courier 8404855 +uploaded 8400243 +shakespeare 8394310 +hints 8393784 +collapse 8393063 +americas 8389582 +connectors 8388769 +twinks 8388664 +unlikely 8387131 +pros 8379526 +conflicts 8376606 +techno 8376069 +beverage 8375242 +tribute 8374010 +wired 8371548 +elvis 8369987 +immune 8368663 +latvia 8364713 +forestry 8363344 +barriers 8363320 +cant 8363193 +rarely 8361371 +infected 8358326 +offerings 8357699 +martha 8355942 +genesis 8354765 +barrier 8353617 +argue 8353605 +incorrect 8353566 +trains 8347103 +metals 8345314 +bicycle 8344882 +furnishings 8344412 +letting 8339922 +arise 8337093 +guatemala 8336537 +celtic 8333967 +thereby 8333948 +jamie 8330541 +particle 8328892 +perception 8327495 +minerals 8326767 +advise 8325087 +humidity 8321426 +bottles 8320355 +boxing 8319372 +bangkok 8318647 +renaissance 8317577 +pathology 8314757 +sara 8314336 +bra 8310230 +ordinance 8306901 +hughes 8306299 +photographers 8306260 +bitch 8302447 +infections 8296662 +jeffrey 8295609 +chess 8293823 +operates 8291329 +brisbane 8291276 +configured 8289360 +survive 8286260 +oscar 8285553 +festivals 8283573 +menus 8283476 +joan 8280137 +possibilities 8279533 +duck 8279189 +reveal 8278392 +canal 8278196 +amino 8273641 +phi 8273448 +contributing 8273017 +herbs 8271850 +clinics 8270209 +cow 8267976 +manitoba 8266886 +analytical 8266048 +missions 8262839 +watson 8262252 +lying 8260845 +costumes 8259187 +strict 8256471 +dive 8254655 +saddam 8253650 +circulation 8252534 +drill 8248787 +threesome 8248425 +bryan 8247764 +protest 8243564 +assumption 8239127 +jerusalem 8238637 +hobby 8237250 +tries 8236889 +invention 8227022 +nickname 8226050 +fiji 8219554 +technician 8218658 +inline 8218587 +executives 8215657 +enquiries 8215393 +washing 8213049 +audi 8212116 +staffing 8211954 +cognitive 8211944 +exploring 8210352 +trick 8208473 +enquiry 8208125 +closure 8207909 +raid 8207357 +timber 8205739 +volt 8204673 +intense 8202396 +div 8200687 +playlist 8200358 +registrar 8198909 +showers 8198630 +supporters 8197749 +ruling 8196826 +steady 8194131 +dirt 8191960 +statutes 8191031 +withdrawal 8189026 +myers 8188797 +drops 8187657 +predicted 8187530 +wider 8186703 +saskatchewan 8186212 +cancellation 8183513 +plugins 8183425 +enrolled 8182105 +sensors 8181414 +screw 8177263 +ministers 8175323 +publicly 8174368 +hourly 8170909 +blame 8170544 +geneva 8169165 +veterinary 8160775 +reseller 8159450 +dist 8157317 +handed 8150012 +suffered 8148331 +intake 8145321 +informal 8143403 +relevance 8143379 +incentive 8142630 +butterfly 8141617 +tucson 8141001 +mechanics 8138930 +heavily 8136563 +swingers 8133475 +fifty 8133138 +headers 8132869 +mistakes 8132757 +numerical 8132289 +geek 8129025 +uncle 8127694 +defining 8126054 +counting 8122357 +reflection 8121245 +sink 8120590 +accompanied 8119884 +assure 8118473 +invitation 8116098 +devoted 8115627 +princeton 8114227 +jacob 8114034 +sodium 8112246 +randy 8110369 +spirituality 8110292 +hormone 8108338 +meanwhile 8105294 +proprietary 8104058 +timothy 8103385 +brick 8094369 +grip 8094164 +naval 8091649 +medieval 8087116 +porcelain 8086207 +bridges 8083681 +captured 8081642 +watt 8078455 +decent 8075752 +casting 8071983 +dayton 8068842 +translated 8068739 +shortly 8068497 +cameron 8064574 +columnists 8064506 +pins 8062888 +carlos 8062714 +reno 8059568 +donna 8058734 +warrior 8058069 +diploma 8052765 +cabin 8052267 +innocent 8051344 +scanning 8049759 +consensus 8045198 +polo 8044299 +valium 8043979 +copying 8043300 +delivering 8042490 +cordless 8042360 +patricia 8042229 +horn 8041908 +eddie 8038567 +uganda 8036029 +fired 8031937 +journalism 8029164 +prot 8027025 +trivia 8022961 +adidas 8021560 +perth 8020600 +frog 8019592 +grammar 8019137 +intention 8018304 +syria 8013914 +disagree 8010102 +klein 8009252 +harvey 8007194 +tires 8007166 +logs 8004052 +undertaken 8002746 +hazard 8001020 +retro 8000179 +leo 7999564 +statewide 7997430 +semiconductor 7994769 +gregory 7994610 +episodes 7992878 +boolean 7991813 +circular 7991428 +anger 7991036 +mainland 7987678 +illustrations 7987303 +suits 7986526 +chances 7980733 +interact 7979075 +snap 7978122 +happiness 7976747 +arg 7976318 +substantially 7973137 +bizarre 7965108 +glenn 7963817 +auckland 7960929 +olympics 7957969 +fruits 7957429 +identifier 7956303 +geo 7952815 +ribbon 7949592 +calculations 7949423 +doe 7946613 +conducting 7945868 +startup 7945485 +suzuki 7943973 +trinidad 7941269 +kissing 7939523 +wal 7937298 +handy 7936655 +swap 7936113 +exempt 7935194 +crops 7931319 +reduces 7930754 +accomplished 7928651 +calculators 7928172 +geometry 7926717 +impression 7926329 +abs 7925063 +slovakia 7924180 +flip 7923655 +guild 7923630 +correlation 7923081 +gorgeous 7921525 +capitol 7917607 +sim 7917540 +dishes 7917224 +barbados 7914154 +chrysler 7909680 +nervous 7908601 +refuse 7906739 +extends 7905326 +fragrance 7904906 +mcdonald 7904746 +replica 7904448 +plumbing 7903090 +brussels 7894782 +tribe 7890695 +trades 7889114 +superb 7886083 +buzz 7885592 +transparent 7885356 +nuke 7883128 +rid 7877480 +trinity 7877415 +charleston 7875155 +handled 7871280 +legends 7869529 +boom 7869145 +calm 7867353 +champions 7866751 +floors 7863646 +selections 7863046 +projectors 7859378 +inappropriate 7854984 +exhaust 7853076 +comparing 7852873 +shanghai 7850915 +speaks 7849940 +burton 7849087 +vocational 7847368 +davidson 7847044 +copied 7846786 +scotia 7846014 +farming 7844515 +gibson 7843641 +pharmacies 7840420 +fork 7839872 +troy 7839453 +roller 7835563 +introducing 7835494 +batch 7835050 +organize 7833420 +appreciated 7831655 +alter 7831337 +nicole 7827726 +latino 7827064 +ghana 7826979 +edges 7826115 +mixing 7825076 +handles 7823946 +skilled 7822819 +fitted 7821703 +albuquerque 7820786 +harmony 7820250 +distinguished 7819407 +asthma 7819180 +projected 7817947 +assumptions 7816824 +shareholders 7816480 +twins 7815027 +developmental 7812620 +rip 7811993 +regulated 7811167 +triangle 7808241 +amend 7806844 +anticipated 7805107 +oriental 7801287 +reward 7796577 +windsor 7796269 +zambia 7793214 +completing 7792221 +hydrogen 7782756 +sprint 7777576 +comparable 7771705 +chick 7771502 +advocate 7767184 +sims 7766711 +confusion 7753690 +copyrighted 7753345 +tray 7752079 +inputs 7750633 +warranties 7750411 +genome 7750168 +escorts 7748900 +documented 7748021 +thong 7747699 +medal 7747036 +paperbacks 7745861 +coaches 7744876 +vessels 7744606 +harbour 7744494 +walks 7744070 +sucks 7743126 +sol 7742935 +keyboards 7742684 +sage 7739556 +knives 7736647 +eco 7736515 +vulnerable 7731173 +arrange 7727860 +artistic 7725365 +bat 7725300 +booth 7723310 +indie 7722085 +reflected 7721386 +unified 7718780 +bones 7717501 +breed 7716901 +detector 7716106 +ignored 7715815 +polar 7715471 +fallen 7714660 +precise 7713353 +sussex 7713059 +respiratory 7712801 +notifications 7712209 +mainstream 7707583 +invoice 7705574 +evaluating 7703288 +lip 7697283 +subcommittee 7695207 +sap 7694814 +gather 7692892 +maternity 7689807 +backed 7688105 +alfred 7683998 +colonial 7681403 +carey 7679924 +motels 7671328 +forming 7671030 +embassy 7669494 +cave 7668883 +journalists 7666080 +danny 7664864 +slight 7664301 +proceeds 7662697 +indirect 7660350 +amongst 7657732 +wool 7657081 +foundations 7656208 +arrest 7653819 +volleyball 7652654 +horizon 7648930 +deeply 7641115 +toolbox 7639504 +marina 7635596 +liabilities 7633976 +prizes 7632888 +bosnia 7630931 +browsers 7628576 +decreased 7628272 +patio 7627536 +tolerance 7626816 +surfing 7626574 +creativity 7625520 +lloyd 7624316 +describing 7620342 +optics 7616886 +pursue 7615784 +lightning 7615712 +overcome 7615672 +eyed 7613901 +quotations 7612612 +grab 7610506 +inspector 7610238 +attract 7608984 +brighton 7608900 +beans 7607524 +bookmarks 7607172 +ellis 7607078 +disable 7606571 +snake 7606395 +succeed 7605605 +leonard 7602783 +lending 7600212 +oops 7597549 +reminder 7595207 +nipple 7595055 +searched 7588455 +riverside 7585114 +bathrooms 7584755 +plains 7584638 +raymond 7580925 +insights 7579690 +abilities 7578665 +initiated 7577787 +sullivan 7574988 +midwest 7572172 +karaoke 7568648 +trap 7568482 +lonely 7567701 +fool 7567218 +nonprofit 7563000 +lancaster 7560021 +suspended 7558542 +hereby 7556876 +observe 7556517 +julia 7556335 +containers 7553719 +attitudes 7553476 +karl 7553289 +berry 7551906 +collar 7551477 +simultaneously 7550101 +racial 7549723 +integrate 7547193 +bermuda 7545339 +amanda 7541237 +sociology 7541153 +mobiles 7540824 +screenshot 7538659 +exhibitions 7538148 +confident 7537438 +retrieved 7534050 +exhibits 7533895 +officially 7533785 +consortium 7532771 +dies 7532282 +terrace 7531575 +bacteria 7530969 +pts 7529949 +replied 7528347 +seafood 7525177 +novels 7525142 +recipients 7523934 +playboy 7523693 +ought 7523238 +delicious 7521332 +traditions 7520675 +jail 7515955 +safely 7515572 +finite 7514740 +kidney 7514651 +periodically 7513935 +fixes 7513516 +sends 7512707 +durable 7510780 +mazda 7509120 +allied 7508812 +throws 7506714 +moisture 7505832 +hungarian 7504915 +roster 7503686 +referring 7496798 +spencer 7495460 +wichita 7494430 +uruguay 7491625 +transform 7488924 +timer 7488669 +tablets 7485928 +tuning 7480638 +gotten 7480306 +educators 7476133 +tyler 7474964 +futures 7472575 +vegetable 7470219 +verse 7469512 +highs 7468394 +humanities 7465314 +independently 7464079 +wanting 7463610 +custody 7459454 +scratch 7457515 +launches 7455848 +alignment 7454436 +masturbating 7453955 +henderson 7453879 +britannica 7452694 +comm 7452092 +ellen 7450956 +competitors 7449364 +rocket 7447070 +aye 7441890 +bullet 7440918 +towers 7438264 +racks 7436380 +lace 7436281 +nasty 7434847 +visibility 7434248 +latitude 7432948 +consciousness 7431877 +ste 7430971 +ugly 7430462 +deposits 7430333 +beverly 7429063 +mistress 7426613 +encounter 7426608 +trustees 7426417 +watts 7423674 +duncan 7423378 +reprints 7418973 +hart 7416862 +bernard 7416113 +resolutions 7415763 +accessing 7415131 +forty 7415064 +tubes 7413309 +attempted 7412242 +col 7402414 +midlands 7402328 +priest 7401793 +floyd 7401451 +ronald 7400733 +analysts 7400631 +queue 7398569 +trance 7392026 +locale 7391821 +nicholas 7390870 +biol 7390183 +bundle 7382454 +hammer 7382393 +invasion 7381794 +witnesses 7381231 +runner 7381022 +rows 7379744 +administered 7379068 +notion 7378935 +skins 7370612 +mailed 7370075 +fujitsu 7368844 +spelling 7368045 +arctic 7366509 +exams 7364984 +rewards 7362798 +beneath 7362453 +strengthen 7362426 +defend 7362127 +frederick 7360731 +medicaid 7356955 +infrared 7353180 +seventh 7351731 +gods 7349181 +welsh 7346867 +belly 7346354 +aggressive 7345918 +tex 7342192 +advertisements 7341945 +quarters 7341914 +stolen 7341424 +soonest 7335443 +haiti 7332685 +disturbed 7332357 +determines 7331574 +sculpture 7328010 +poly 7326088 +ears 7324193 +fist 7319405 +naturals 7318729 +motivation 7315438 +lenders 7315239 +pharmacology 7313571 +fitting 7313197 +fixtures 7313034 +bloggers 7312692 +mere 7312247 +agrees 7311475 +passengers 7309716 +quantities 7308855 +petersburg 7306746 +consistently 7304456 +powerpoint 7303201 +cons 7299642 +surplus 7299526 +elder 7299470 +sonic 7298920 +obituaries 7294410 +cheers 7293284 +dig 7292787 +taxi 7292568 +punishment 7292386 +appreciation 7290884 +subsequently 7290235 +belarus 7286372 +nat 7285471 +zoning 7285410 +gravity 7285163 +providence 7284693 +thumb 7284386 +restriction 7282015 +incorporate 7280657 +backgrounds 7280105 +treasurer 7279010 +guitars 7278585 +essence 7275414 +flooring 7275214 +lightweight 7274935 +ethiopia 7273849 +mighty 7268735 +athletes 7268360 +humanity 7267430 +transcription 7265470 +holmes 7262057 +complications 7261846 +scholars 7260315 +dpi 7260183 +scripting 7259780 +remembered 7259499 +galaxy 7256361 +chester 7255961 +snapshot 7254276 +caring 7253663 +worn 7252925 +synthetic 7252923 +shaw 7250288 +segments 7249885 +testament 7246471 +expo 7246083 +dominant 7245256 +twist 7240854 +specifics 7239904 +itunes 7239599 +stomach 7234044 +partially 7231835 +buried 7228389 +newbie 7225056 +minimize 7223673 +darwin 7222807 +ranks 7222499 +wilderness 7222440 +debut 7220643 +generations 7219639 +tournaments 7217017 +bradley 7214373 +deny 7211272 +anatomy 7210406 +bali 7209040 +judy 7208668 +sponsorship 7207314 +headphones 7203965 +fraction 7201835 +trio 7201758 +proceeding 7201235 +cube 7200844 +defects 7197744 +volkswagen 7193665 +uncertainty 7193641 +breakdown 7193446 +milton 7192953 +marker 7192496 +reconstruction 7192366 +subsidiary 7192144 +strengths 7191478 +clarity 7190446 +rugs 7190103 +sandra 7188116 +adelaide 7187486 +encouraging 7187031 +furnished 7186113 +monaco 7185303 +settled 7183409 +folding 7182520 +emirates 7182004 +terrorists 7179253 +airfare 7179198 +comparisons 7177121 +beneficial 7174133 +distributions 7172968 +vaccine 7172504 +belize 7170798 +crap 7169097 +fate 7163528 +promised 7162874 +volvo 7162635 +penny 7162062 +robust 7162001 +bookings 7160959 +threatened 7160212 +minolta 7160032 +republicans 7158782 +discusses 7157257 +porter 7153875 +jungle 7151430 +responded 7149431 +rim 7148785 +abstracts 7148233 +zen 7146814 +ivory 7146685 +alpine 7144035 +dis 7141885 +prediction 7141450 +pharmaceuticals 7139704 +fabulous 7135769 +remix 7132676 +alias 7132147 +thesaurus 7130215 +individually 7129413 +battlefield 7124495 +literally 7123178 +newer 7122879 +kay 7122340 +ecological 7120322 +spice 7120274 +oval 7119163 +implies 7118895 +soma 7116175 +ser 7114069 +cooler 7113822 +appraisal 7113257 +consisting 7112172 +maritime 7110338 +periodic 7109279 +submitting 7109263 +overhead 7109005 +prospect 7104679 +shipment 7101837 +breeding 7099543 +citations 7098366 +geographical 7097027 +donor 7096675 +mozambique 7096287 +tension 7095608 +benz 7094855 +trash 7092806 +shapes 7092073 +wifi 7092027 +tier 7089353 +fwd 7086252 +earl 7084976 +manor 7084688 +envelope 7082265 +diane 7081367 +homeland 7078337 +disclaimers 7074734 +championships 7072912 +excluded 7071343 +andrea 7068627 +breeds 7068459 +rapids 7068412 +disco 7067687 +sheffield 7065072 +bailey 7064210 +aus 7063525 +finishing 7061480 +emotions 7060789 +wellington 7059665 +incoming 7058840 +prospects 7058609 +cleaners 7057391 +bulgarian 7056806 +hwy 7052767 +eternal 7051757 +cashiers 7050805 +guam 7048764 +cite 7045823 +aboriginal 7042822 +remarkable 7042042 +rotation 7041716 +nam 7037733 +preventing 7037005 +productive 7036132 +boulevard 7036096 +eugene 7035647 +pig 7028841 +metric 7027911 +compliant 7025769 +minus 7025364 +penalties 7023725 +bennett 7021418 +imagination 7019006 +refurbished 7018259 +joshua 7018211 +armenia 7014638 +varied 7013799 +closest 7011109 +activated 7010205 +actress 7010056 +mess 7008727 +conferencing 7008203 +assign 7007787 +armstrong 7006855 +politicians 7005074 +lit 7003064 +accommodate 7002915 +tigers 7001213 +aurora 7000546 +una 6999910 +slides 6999875 +milan 6999311 +premiere 6998633 +lender 6998474 +villages 6997181 +shade 6996835 +chorus 6994116 +christine 6993943 +rhythm 6993833 +digit 6991045 +argued 6989831 +dietary 6988904 +symphony 6988846 +clarke 6987535 +sudden 6982423 +accepting 6981678 +precipitation 6980701 +marilyn 6980500 +lions 6980244 +ada 6977809 +pools 6977605 +lyric 6970278 +claire 6965584 +isolation 6964319 +speeds 6959553 +sustained 6959107 +matched 6956828 +approximate 6952889 +rope 6947989 +carroll 6946701 +rational 6946029 +programmer 6945578 +fighters 6943528 +chambers 6943275 +dump 6942258 +greetings 6940235 +inherited 6938093 +warming 6936723 +incomplete 6935973 +vocals 6935028 +chronicle 6933665 +fountain 6932099 +chubby 6930695 +grave 6929008 +legitimate 6928802 +biographies 6927628 +burner 6925111 +yrs 6924463 +foo 6923081 +investigator 6922557 +plaintiff 6921228 +finnish 6916250 +gentle 6913935 +prisoners 6912118 +deeper 6910132 +muslims 6910095 +hose 6909109 +mediterranean 6908392 +nightlife 6907863 +footage 6907471 +worthy 6907063 +reveals 6905372 +architects 6905009 +saints 6904519 +entrepreneur 6902698 +carries 6902565 +sig 6901508 +freelance 6900216 +duo 6898480 +excessive 6897882 +devon 6896016 +screensaver 6895910 +helena 6893327 +saves 6892635 +regarded 6892622 +valuation 6892298 +unexpected 6891123 +cigarette 6890707 +fog 6889832 +characteristic 6889575 +marion 6889564 +lobby 6887477 +egyptian 6886505 +tunisia 6884276 +metallica 6880755 +outlined 6879767 +consequently 6878129 +headline 6877614 +treating 6876896 +punch 6872844 +appointments 6872540 +str 6871657 +gotta 6870320 +cowboy 6868615 +narrative 6865202 +bahrain 6863973 +enormous 6863738 +karma 6862407 +consist 6861709 +betty 6858121 +queens 6857915 +academics 6857856 +pubs 6856583 +quantitative 6856307 +lucas 6855976 +screensavers 6854686 +subdivision 6853615 +tribes 6852777 +defeat 6851628 +clicks 6850538 +distinction 6847512 +honduras 6846795 +naughty 6845743 +hazards 6844737 +insured 6844376 +harper 6843424 +livestock 6843285 +exemption 6842211 +tenant 6841635 +sustainability 6841235 +cabinets 6839944 +tattoo 6839828 +shake 6839319 +algebra 6837784 +shadows 6834963 +holly 6834032 +formatting 6833739 +silly 6833654 +nutritional 6832614 +yea 6831773 +mercy 6831149 +hartford 6827422 +freely 6826769 +marcus 6825770 +sunrise 6825721 +wrapping 6825675 +mild 6825099 +fur 6824491 +nicaragua 6823056 +weblogs 6821124 +timeline 6819400 +tar 6815687 +belongs 6811798 +readily 6800893 +affiliation 6800211 +soc 6796618 +fence 6796605 +nudist 6796558 +infinite 6795427 +diana 6795021 +ensures 6794220 +relatives 6790916 +lindsay 6788857 +clan 6788642 +legally 6786936 +shame 6785296 +satisfactory 6785226 +revolutionary 6784780 +bracelets 6784037 +sync 6783321 +civilian 6782491 +telephony 6781709 +mesa 6780960 +fatal 6779744 +remedy 6779161 +realtors 6779056 +breathing 6778253 +briefly 6777662 +thickness 6777013 +adjustments 6774522 +graphical 6772818 +genius 6770764 +discussing 6770039 +aerospace 6769942 +fighter 6769666 +meaningful 6768984 +flesh 6768724 +retreat 6768275 +adapted 6767295 +barely 6764292 +wherever 6763200 +estates 6762781 +rug 6759009 +democrat 6758314 +borough 6757768 +maintains 6757738 +failing 6757353 +shortcuts 6755251 +retained 6752745 +pamela 6751640 +andrews 6748385 +marble 6745255 +extending 6744759 +jesse 6744751 +specifies 6744015 +hull 6744002 +surrey 6743263 +briefing 6737775 +dem 6736082 +accreditation 6733072 +blackberry 6731784 +highland 6731053 +meditation 6729371 +modular 6729139 +microphone 6728403 +macedonia 6727127 +combining 6724712 +brandon 6724445 +instrumental 6724375 +giants 6724177 +organizing 6723300 +shed 6720397 +balloon 6719614 +moderators 6714560 +winston 6712262 +memo 6710272 +ham 6710254 +solved 6710172 +tide 6705696 +kazakhstan 6705621 +hawaiian 6701194 +standings 6701017 +partition 6700658 +invisible 6699963 +consoles 6699804 +funk 6697219 +qatar 6695603 +magnet 6694571 +translations 6694010 +porsche 6691885 +cayman 6691441 +jaguar 6687890 +reel 6687134 +sheer 6684477 +commodity 6684471 +posing 6683144 +wang 6682155 +bind 6677053 +thanksgiving 6676568 +rand 6676222 +hopkins 6674368 +urgent 6674221 +guarantees 6674117 +infants 6673177 +gothic 6673024 +cylinder 6672412 +witch 6671560 +buck 6669472 +indication 6667902 +congratulations 6666777 +cohen 6665722 +puppy 6662287 +kathy 6661457 +acre 6660361 +graphs 6660200 +surround 6660071 +cigarettes 6658273 +revenge 6655322 +expires 6654690 +enemies 6654467 +lows 6654240 +controllers 6652762 +aqua 6650975 +chen 6650939 +emma 6649709 +consultancy 6648252 +finances 6647959 +accepts 6647640 +enjoying 6647058 +conventions 6647013 +eva 6646235 +patrol 6645446 +smell 6642666 +pest 6638255 +coordinates 6635126 +carnival 6633835 +roughly 6633076 +sticker 6632250 +promises 6632069 +responding 6629299 +reef 6627185 +physically 6626169 +divide 6625143 +stakeholders 6624570 +consecutive 6620830 +cornell 6620754 +satin 6620674 +bon 6619974 +deserve 6619274 +attempting 6618228 +promo 6616863 +representations 6615452 +chan 6612938 +worried 6610456 +tunes 6610108 +garbage 6609450 +competing 6608747 +combines 6606328 +mas 6602100 +beth 6597110 +bradford 6596963 +len 6596651 +phrases 6596622 +peninsula 6592516 +chelsea 6592362 +boring 6590871 +reynolds 6590765 +dom 6590045 +jill 6589607 +accurately 6587832 +speeches 6587170 +reaches 6584676 +schema 6584321 +considers 6583467 +sofa 6581358 +ministries 6578188 +vacancies 6574616 +quizzes 6574487 +parliamentary 6572284 +obj 6572150 +prefix 6571204 +lucia 6571033 +savannah 6569355 +barrel 6568339 +typing 6567944 +nerve 6567418 +planets 6565548 +deficit 6564569 +boulder 6562262 +pointing 6562181 +renew 6561081 +coupled 6560131 +viii 6557928 +myanmar 6557198 +metadata 6557081 +harold 6554087 +circuits 6553324 +floppy 6552141 +texture 6551718 +handbags 6550555 +jar 6549211 +somerset 6547979 +incurred 6547035 +acknowledge 6546612 +thoroughly 6545165 +antigua 6542883 +nottingham 6542853 +thunder 6542703 +tent 6542394 +caution 6542160 +identifies 6540017 +questionnaire 6539764 +qualification 6537637 +locks 6536771 +modelling 6535752 +namely 6534503 +miniature 6534321 +dept 6534300 +hack 6533909 +dare 6533855 +euros 6533754 +interstate 6531883 +pirates 6531487 +aerial 6531386 +hawk 6529086 +consequence 6528999 +rebel 6527810 +systematic 6527542 +perceived 6527194 +origins 6526476 +hired 6526426 +makeup 6525396 +textile 6524569 +lamb 6524456 +madagascar 6524173 +nathan 6523975 +tobago 6521836 +presenting 6521475 +cos 6519725 +troubleshooting 6519650 +uzbekistan 6517603 +indexes 6516296 +centuries 6510767 +magnitude 6507232 +richardson 6506250 +hindu 6505867 +fragrances 6501326 +vocabulary 6500785 +licking 6499813 +earthquake 6498726 +fundraising 6497328 +markers 6494071 +weights 6493767 +albania 6491835 +geological 6489369 +assessing 6488267 +lasting 6487026 +wicked 6486222 +eds 6486176 +introduces 6484370 +kills 6484339 +roommate 6484327 +webcams 6484304 +pushed 6482839 +webmasters 6482110 +computational 6475374 +participated 6474500 +junk 6474279 +handhelds 6473739 +wax 6472822 +lucy 6472814 +answering 6472783 +hans 6471170 +impressed 6470043 +slope 6469975 +reggae 6467917 +failures 6467553 +poet 6466394 +conspiracy 6464990 +surname 6464687 +theology 6464165 +nails 6463889 +evident 6462719 +whats 6462263 +rides 6461201 +rehab 6460331 +epic 6457720 +saturn 6456206 +organizer 6455968 +nut 6455927 +allergy 6453834 +sake 6452394 +twisted 6451973 +combinations 6451955 +preceding 6451360 +merit 6450895 +enzyme 6450842 +cumulative 6449838 +planes 6446290 +edmonton 6446043 +tackle 6445389 +disks 6445126 +condo 6444848 +pokemon 6444774 +amplifier 6444590 +arbitrary 6442074 +prominent 6441825 +retrieve 6441254 +lexington 6440847 +vernon 6439809 +sans 6439653 +titanium 6437241 +fairy 6435300 +builds 6432334 +contacted 6431982 +shaft 6431372 +lean 6431362 +bye 6427151 +recorders 6424565 +occasional 6424555 +leslie 6423961 +casio 6423721 +ana 6422027 +postings 6417777 +innovations 6416376 +kitty 6414935 +postcards 6413643 +dude 6412649 +drain 6411642 +monte 6411384 +fires 6407259 +algeria 6407167 +blessed 6405474 +luis 6405197 +reviewing 6403305 +cardiff 6403258 +cornwall 6402077 +potato 6397517 +panic 6396440 +explicitly 6393990 +sticks 6393950 +leone 6393163 +transsexual 6392288 +citizenship 6390878 +excuse 6390272 +reforms 6389308 +basement 6386071 +onion 6384730 +strand 6383185 +sandwich 6382356 +lawsuit 6381221 +alto 6380149 +informative 6379114 +girlfriend 6379028 +cheque 6377286 +hierarchy 6376694 +influenced 6376458 +banners 6376393 +reject 6375348 +eau 6374072 +abandoned 6371760 +circles 6369809 +italic 6368489 +beats 6367861 +merry 6367037 +mil 6366921 +scuba 6366349 +gore 6361800 +complement 6360526 +cult 6358930 +dash 6357959 +passive 6357851 +mauritius 6357477 +valued 6356728 +cage 6355861 +checklist 6354694 +requesting 6353012 +courage 6352530 +verde 6352373 +scenarios 6349970 +gazette 6349968 +hitachi 6349691 +extraction 6349194 +batman 6348582 +elevation 6344864 +hearings 6342388 +coleman 6342263 +hugh 6339596 +lap 6338010 +utilization 6337608 +beverages 6337228 +calibration 6336910 +jake 6335873 +efficiently 6334769 +anaheim 6334553 +ping 6333297 +textbook 6332509 +dried 6331606 +entertaining 6330073 +prerequisite 6329988 +luther 6328857 +frontier 6327201 +settle 6326394 +stopping 6325995 +refugees 6325438 +knights 6324315 +hypothesis 6323872 +palmer 6323593 +medicines 6321964 +flux 6321668 +derby 6319608 +peaceful 6318477 +altered 6316108 +pontiac 6314853 +regression 6314300 +doctrine 6312134 +scenic 6312130 +trainers 6312095 +enhancements 6307063 +renewable 6305969 +intersection 6304801 +passwords 6302572 +sewing 6301885 +consistency 6300897 +collectors 6300613 +conclude 6300601 +recognised 6297911 +munich 6297531 +oman 6297262 +celebs 6293895 +propose 6292372 +azerbaijan 6289278 +lighter 6287712 +rage 6286645 +astrology 6279280 +advisors 6279269 +pavilion 6278119 +tactics 6277023 +trusts 6275089 +occurring 6273414 +supplemental 6271983 +travelling 6271787 +talented 6268788 +annie 6267924 +pillow 6267773 +induction 6267061 +derek 6266654 +precisely 6265488 +shorter 6265445 +harley 6264719 +spreading 6264419 +provinces 6263860 +relying 6262733 +finals 6260305 +paraguay 6257916 +steal 6257493 +parcel 6256814 +refined 6256800 +fifteen 6252259 +widespread 6250188 +incidence 6249289 +fears 6244239 +predict 6242784 +boutique 6242143 +acrylic 6241613 +rolled 6241330 +tuner 6238319 +avon 6237273 +incidents 6230779 +peterson 6226705 +rays 6225964 +shannon 6225567 +toddler 6223093 +enhancing 6222606 +flavor 6222543 +alike 6220739 +walt 6219614 +homeless 6218611 +horrible 6218089 +hungry 6217455 +metallic 6216751 +acne 6215449 +blocked 6214606 +interference 6209872 +warriors 6208650 +palestine 6208235 +undo 6201919 +cadillac 6200446 +atmospheric 6200192 +malawi 6199471 +dana 6195188 +halo 6194202 +ppm 6193757 +curtis 6192140 +parental 6191119 +referenced 6189204 +strikes 6186772 +lesser 6186413 +publicity 6185967 +marathon 6184918 +ant 6182704 +proposition 6182044 +gays 6180881 +pressing 6180129 +gasoline 6179239 +apt 6178351 +dressed 6178034 +scout 6176157 +belfast 6176071 +exec 6175969 +dealt 6174968 +niagara 6173308 +inf 6171461 +eos 6169309 +charms 6168055 +catalyst 6166925 +trader 6166016 +bucks 6165133 +allowance 6163760 +denial 6157847 +designation 6156865 +thrown 6153088 +prepaid 6151760 +raises 6150727 +gem 6147908 +duplicate 6146837 +electro 6146299 +criterion 6145788 +badge 6145138 +wrist 6143580 +civilization 6143054 +vietnamese 6139248 +heath 6139151 +tremendous 6136813 +ballot 6136404 +lexus 6134590 +varying 6133265 +remedies 6133085 +validity 6132692 +trustee 6132688 +maui 6131805 +weighted 6127410 +angola 6127254 +squirt 6126880 +performs 6125810 +plastics 6124848 +realm 6122762 +corrected 6122004 +jenny 6118544 +helmet 6117300 +salaries 6117284 +postcard 6117094 +elephant 6116985 +yemen 6111610 +encountered 6108842 +tsunami 6108023 +scholar 6106465 +nickel 6105089 +internationally 6101687 +surrounded 6101488 +psi 6101411 +buses 6101027 +geology 6099879 +pct 6099347 +creatures 6098952 +coating 6098897 +commented 6098391 +wallet 6097891 +cleared 6097495 +accomplish 6091676 +boating 6091365 +drainage 6091287 +corners 6087498 +broader 6086711 +vegetarian 6084997 +rouge 6084449 +yeast 6083904 +yale 6083140 +newfoundland 6082223 +pas 6077603 +clearing 6077447 +investigated 6077280 +ambassador 6071252 +coated 6071039 +intend 6069497 +stephanie 6069137 +contacting 6067411 +vegetation 6067206 +doom 6066610 +louise 6065742 +kenny 6065528 +specially 6065220 +owen 6063384 +routines 6062898 +hitting 6061673 +yukon 6061476 +beings 6059538 +bite 6058201 +aquatic 6056753 +reliance 6056226 +habits 6054045 +striking 6053333 +myth 6053018 +infectious 6051038 +podcasts 6050218 +singh 6049797 +gig 6049004 +gilbert 6048799 +ferrari 6048131 +continuity 6045562 +brook 6044943 +outputs 6043129 +phenomenon 6041881 +ensemble 6041105 +insulin 6039475 +assured 6038675 +biblical 6038616 +weed 6037596 +conscious 6037028 +accent 6036395 +eleven 6033802 +wives 6031432 +ambient 6031360 +utilize 6030953 +mileage 6029552 +prostate 6027360 +adaptor 6027066 +auburn 6026025 +unlock 6026007 +hyundai 6025312 +pledge 6025016 +vampire 6024192 +angela 6024003 +relates 6023862 +nitrogen 6022130 +xerox 6022102 +dice 6021831 +merger 6021111 +softball 6020491 +referrals 6020422 +quad 6017819 +dock 6017754 +differently 6017583 +mods 6017018 +framing 6016034 +organised 6011975 +musician 6011315 +blocking 6008690 +rwanda 6007209 +sorts 6005834 +integrating 6005665 +limiting 6004972 +dispatch 6004425 +revisions 6004256 +papua 6002552 +restored 6002392 +hint 6001895 +riders 6001273 +chargers 6000301 +remark 5999841 +dozens 5999337 +varies 5999198 +reasoning 5996840 +liz 5991073 +rendered 5990550 +picking 5990492 +charitable 5989558 +guards 5989547 +annotated 5988571 +convinced 5987616 +openings 5987589 +buys 5986960 +burlington 5985020 +replacing 5983876 +researcher 5982544 +watershed 5982111 +councils 5981809 +occupations 5980975 +acknowledged 5979804 +nudity 5978413 +kruger 5975805 +pockets 5975452 +granny 5975081 +pork 5973507 +equilibrium 5971011 +viral 5969493 +inquire 5968138 +pipes 5966191 +characterized 5965898 +laden 5964620 +aruba 5964318 +cottages 5964290 +realtor 5962026 +merge 5961585 +privilege 5960038 +edgar 5959034 +develops 5958900 +qualifying 5958210 +chassis 5955012 +dubai 5952494 +estimation 5952184 +barn 5952183 +pushing 5952141 +fleece 5950232 +fare 5949355 +pierce 5946907 +allan 5945293 +dressing 5944875 +sperm 5944531 +bald 5944017 +craps 5943974 +fuji 5943699 +frost 5940685 +leon 5939361 +institutes 5938374 +mold 5937161 +dame 5935872 +sally 5933047 +yacht 5932756 +tracy 5931717 +prefers 5931628 +drilling 5931255 +brochures 5931237 +herb 5930548 +ate 5929336 +breach 5928795 +whale 5928569 +traveller 5928308 +appropriations 5926818 +suspected 5926215 +tomatoes 5924980 +benchmark 5924880 +beginners 5924643 +instructors 5924562 +highlighted 5924450 +bedford 5924396 +stationery 5923389 +idle 5921579 +mustang 5920696 +unauthorized 5918928 +clusters 5918151 +antibody 5917782 +competent 5917697 +momentum 5916698 +fin 5916557 +wiring 5915941 +pastor 5915067 +mud 5915017 +calvin 5911132 +uni 5909498 +shark 5904454 +contributor 5902799 +demonstrates 5902304 +phases 5901947 +grateful 5901215 +emerald 5900723 +gradually 5900673 +laughing 5900004 +grows 5899321 +cliff 5898886 +desirable 5898611 +tract 5897046 +ballet 5896294 +journalist 5895302 +abraham 5894747 +bumper 5888291 +afterwards 5887924 +webpage 5887682 +religions 5885745 +garlic 5884664 +hostels 5882823 +shine 5881862 +senegal 5881287 +explosion 5877201 +banned 5873696 +wendy 5873301 +briefs 5872333 +signatures 5871903 +diffs 5870429 +cove 5868737 +mumbai 5865695 +ozone 5865280 +disciplines 5863597 +casa 5862928 +daughters 5859931 +conversations 5859623 +radios 5858974 +tariff 5858045 +opponent 5857157 +pasta 5855460 +simplified 5855338 +muscles 5855328 +serum 5854942 +wrapped 5852802 +swift 5850031 +motherboard 5848082 +inbox 5845223 +focal 5844761 +bibliographic 5844300 +vagina 5844003 +eden 5843083 +distant 5843044 +incl 5842780 +champagne 5842565 +ala 5842094 +decimal 5842077 +deviation 5840675 +superintendent 5840171 +dip 5839794 +samba 5838327 +hostel 5837147 +housewives 5836649 +employ 5836385 +mongolia 5835847 +penguin 5835109 +magical 5834922 +influences 5834542 +inspections 5833062 +irrigation 5830874 +miracle 5829725 +manually 5828485 +reprint 5827192 +reid 5827023 +hydraulic 5825729 +robertson 5823015 +flex 5822075 +yearly 5822036 +penetration 5821758 +wound 5820050 +belle 5820002 +rosa 5819587 +conviction 5818769 +hash 5816883 +omissions 5816366 +writings 5816200 +hamburg 5815407 +lazy 5813872 +mpg 5811089 +retrieval 5809664 +qualities 5809457 +cindy 5809307 +lolita 5809263 +fathers 5808095 +charging 5805957 +marvel 5803188 +lined 5802278 +dow 5798818 +prototype 5797559 +importantly 5797467 +petite 5796298 +apparatus 5795626 +terrain 5793822 +pens 5793328 +explaining 5793125 +yen 5792863 +strips 5791691 +gossip 5789586 +rangers 5785364 +nomination 5784301 +empirical 5783958 +rotary 5782181 +worm 5782079 +dependence 5780801 +discrete 5780056 +beginner 5779949 +boxed 5778226 +lid 5776418 +sexuality 5775359 +polyester 5775223 +cubic 5774261 +deaf 5774245 +commitments 5773468 +suggesting 5773290 +sapphire 5772561 +kinase 5772539 +skirts 5771336 +mats 5769854 +remainder 5767514 +crawford 5766156 +privileges 5765198 +televisions 5763445 +specializing 5763389 +marking 5763345 +commodities 5761180 +serbia 5759300 +sheriff 5758797 +griffin 5758614 +declined 5758614 +guyana 5758483 +spies 5756937 +blah 5755885 +mime 5755769 +motorcycles 5749435 +elect 5748899 +highways 5745573 +concentrate 5744544 +intimate 5744011 +reproductive 5743545 +preston 5742424 +deadly 5740299 +cunt 5737830 +bunny 5730050 +chevy 5729809 +molecules 5729526 +rounds 5728310 +longest 5727593 +refrigerator 5726901 +intervals 5726477 +sentences 5723424 +dentists 5722434 +exclusion 5721930 +workstation 5720085 +holocaust 5719888 +keen 5719759 +flyer 5718564 +peas 5718446 +dosage 5718176 +receivers 5718103 +urls 5718070 +customise 5717426 +disposition 5717084 +variance 5713415 +navigator 5712459 +investigators 5712386 +cameroon 5712068 +baking 5711682 +marijuana 5711213 +adaptive 5711114 +computed 5709026 +needle 5708007 +baths 5707960 +cathedral 5707027 +brakes 5706374 +nirvana 5702748 +fairfield 5702369 +owns 5702245 +til 5700373 +sticky 5698936 +destiny 5698721 +generous 5698368 +madness 5698238 +emacs 5697594 +climb 5697476 +blowing 5695084 +fascinating 5694739 +landscapes 5694671 +heated 5694239 +lafayette 5693356 +jackie 5693142 +computation 5690959 +hay 5688403 +cardiovascular 5688372 +cardiac 5684878 +salvation 5684577 +dover 5683356 +adrian 5683331 +predictions 5682037 +accompanying 5681015 +vatican 5678469 +brutal 5675803 +learners 5675657 +selective 5674677 +arbitration 5674307 +configuring 5673670 +token 5672353 +editorials 5671680 +zinc 5671140 +sacrifice 5670665 +seekers 5668954 +guru 5668074 +removable 5664689 +convergence 5663627 +yields 5663314 +gibraltar 5663131 +levy 5663032 +suited 5662955 +numeric 5662908 +anthropology 5661140 +skating 5660985 +kinda 5660928 +aberdeen 5660658 +emperor 5660656 +grad 5658668 +malpractice 5656959 +dylan 5656291 +bras 5656032 +belts 5651790 +blacks 5650814 +educated 5649174 +rebates 5648615 +reporters 5648250 +burke 5646090 +proudly 5645732 +pix 5645638 +necessity 5645294 +rendering 5644923 +mic 5643454 +inserted 5642430 +pulling 5640701 +kyle 5640039 +obesity 5640025 +curves 5638455 +suburban 5637047 +touring 5635653 +clara 5633877 +vertex 5633609 +hepatitis 5632394 +nationally 5630976 +tomato 5630352 +andorra 5629631 +waterproof 5628399 +expired 5626476 +travels 5625413 +flush 5625285 +waiver 5625238 +pale 5622699 +hayes 5621719 +humanitarian 5621464 +invitations 5621134 +functioning 5619525 +delight 5619474 +survivor 5618749 +garcia 5618525 +economies 5616670 +alexandria 5616299 +bacterial 5616140 +moses 5615802 +counted 5615635 +undertake 5613443 +declare 5612067 +continuously 5610397 +johns 5610302 +valves 5609119 +gaps 5608655 +impaired 5607542 +achievements 5607204 +donors 5607009 +tear 5605530 +jewel 5603871 +teddy 5602073 +convertible 5600483 +teaches 5599377 +ventures 5598213 +nil 5598171 +stranger 5595615 +tragedy 5594610 +julian 5593951 +nest 5593866 +pam 5592553 +dryer 5592001 +painful 5591729 +velvet 5591498 +tribunal 5589955 +ruled 5589851 +pensions 5587823 +prayers 5587372 +funky 5587279 +secretariat 5585386 +nowhere 5582367 +cop 5581961 +paragraphs 5579470 +gale 5578617 +joins 5578553 +adolescent 5577666 +nominations 5577144 +wesley 5576970 +dim 5575497 +lately 5574422 +cancelled 5573318 +scary 5571680 +mattress 5570672 +brunei 5568297 +likewise 5568135 +banana 5567941 +introductory 5567853 +slovak 5565805 +cakes 5565500 +stan 5563253 +reservoir 5562138 +occurrence 5561539 +idol 5560487 +bloody 5559606 +mixer 5558245 +remind 5558174 +worcester 5554789 +demographic 5553274 +charming 5553134 +mai 5551647 +tooth 5551049 +disciplinary 5549568 +annoying 5548132 +respected 5548130 +stays 5547528 +disclose 5547253 +affair 5545856 +drove 5545848 +washer 5545568 +upset 5544484 +restrict 5544351 +springer 5544157 +beside 5543255 +mines 5542234 +portraits 5541504 +rebound 5540042 +logan 5539308 +mentor 5537836 +interpreted 5535882 +evaluations 5535717 +fought 5535215 +baghdad 5533851 +elimination 5533839 +metres 5533820 +hypothetical 5532893 +immigrants 5531013 +complimentary 5530978 +helicopter 5528827 +pencil 5527529 +freeze 5526731 +performer 5525369 +titled 5523710 +commissions 5523311 +sphere 5522351 +moss 5518013 +ratios 5517678 +concord 5516199 +graduated 5515808 +endorsed 5515213 +surprising 5510793 +walnut 5509894 +lance 5509634 +ladder 5508719 +italia 5507530 +unnecessary 5507431 +dramatically 5507401 +liberia 5507258 +sherman 5503313 +cork 5502436 +maximize 5500366 +hansen 5499219 +senators 5497805 +workout 5497220 +mali 5496693 +yugoslavia 5496687 +bleeding 5496166 +characterization 5495259 +colon 5494297 +likelihood 5493171 +lanes 5489762 +purse 5488891 +fundamentals 5488781 +contamination 5488731 +endangered 5486113 +compromise 5485442 +masturbation 5484672 +optimize 5483874 +stating 5483075 +dome 5482989 +caroline 5482412 +leu 5480452 +expiration 5479431 +align 5478643 +peripheral 5477849 +bless 5477461 +engaging 5477196 +negotiation 5477161 +crest 5477034 +opponents 5474963 +triumph 5473738 +nominated 5473700 +confidentiality 5473407 +electoral 5472569 +welding 5471850 +orgasm 5470251 +deferred 5470097 +alternatively 5469870 +heel 5468921 +alloy 5468839 +condos 5466903 +plots 5466589 +polished 5465964 +yang 5465949 +gently 5465493 +greensboro 5464736 +tulsa 5463904 +locking 5463134 +casey 5462971 +controversial 5460493 +draws 5458448 +fridge 5458180 +blanket 5457762 +bloom 5456938 +simpsons 5453155 +lou 5451701 +elliott 5449356 +recovered 5448893 +fraser 5448707 +justify 5448520 +upgrading 5448063 +blades 5446861 +loops 5439483 +surge 5436623 +trauma 5434737 +tahoe 5433564 +advert 5431594 +possess 5431346 +demanding 5431042 +defensive 5430651 +sip 5430090 +flashers 5426891 +subaru 5426522 +forbidden 5424002 +vanilla 5422197 +programmers 5421887 +monitored 5418966 +installations 5417492 +deutschland 5417351 +picnic 5417141 +souls 5416970 +arrivals 5416415 +spank 5416004 +practitioner 5411869 +motivated 5411329 +dumb 5409969 +smithsonian 5409581 +hollow 5408962 +vault 5408483 +securely 5408425 +examining 5407874 +groove 5407261 +revelation 5406421 +pursuit 5404544 +delegation 5401948 +wires 5401677 +dictionaries 5399149 +mails 5397230 +backing 5397022 +greenhouse 5396539 +sleeps 5396170 +blake 5393654 +transparency 5393362 +dee 5393038 +travis 5392450 +endless 5392222 +figured 5390310 +orbit 5389062 +currencies 5388923 +niger 5388602 +bacon 5385205 +survivors 5383052 +positioning 5382900 +heater 5380658 +colony 5378572 +cannon 5377826 +circus 5377139 +promoted 5377031 +forbes 5376123 +mae 5375608 +moldova 5374011 +mel 5372436 +descending 5372249 +spine 5370074 +trout 5369048 +enclosed 5368884 +feat 5368462 +temporarily 5368112 +cooked 5367778 +thriller 5364843 +transmit 5364052 +fatty 5363547 +gerald 5363542 +pressed 5362732 +frequencies 5362618 +scanned 5360194 +reflections 5359538 +hunger 5358049 +sic 5357059 +municipality 5355008 +joyce 5353720 +detective 5353706 +surgeon 5350136 +cement 5349862 +experiencing 5347507 +fireplace 5345450 +endorsement 5343221 +planners 5342167 +disputes 5340854 +textiles 5340566 +missile 5339587 +intranet 5335388 +closes 5334414 +seq 5333625 +psychiatry 5333073 +persistent 5332514 +deborah 5332019 +conf 5331767 +marco 5331228 +assists 5331190 +summaries 5330797 +glow 5329899 +gabriel 5329596 +auditor 5328551 +aquarium 5327865 +violin 5327802 +prophet 5326547 +cir 5324062 +bracket 5321561 +isaac 5321504 +oxide 5321340 +oaks 5320404 +magnificent 5319310 +erik 5319084 +colleague 5317221 +naples 5315957 +promptly 5315422 +modems 5315313 +adaptation 5314230 +harmful 5313786 +paintball 5311691 +prozac 5310970 +sexually 5310148 +enclosure 5309730 +dividend 5305595 +newark 5302938 +glucose 5301959 +phantom 5301147 +norm 5299839 +playback 5299771 +supervisors 5299044 +westminster 5298822 +turtle 5297998 +distances 5296572 +absorption 5294724 +treasures 5293991 +warned 5292851 +neural 5292673 +ware 5292386 +fossil 5291925 +mia 5291817 +hometown 5290705 +badly 5290145 +transcripts 5288182 +apollo 5286526 +wan 5285316 +disappointed 5284061 +persian 5280749 +continually 5278721 +communist 5278277 +collectible 5277927 +handmade 5276538 +greene 5275449 +entrepreneurs 5275312 +robots 5274525 +grenada 5274347 +creations 5273628 +jade 5272655 +scoop 5272369 +acquisitions 5270178 +foul 5268620 +keno 5268379 +earning 5266443 +mailman 5266389 +nested 5265588 +biodiversity 5265501 +excitement 5262975 +somalia 5261978 +movers 5261231 +verbal 5259521 +blink 5257629 +presently 5254807 +seas 5254799 +carlo 5253391 +workflow 5252900 +mysterious 5252752 +novelty 5252481 +bryant 5252244 +tiles 5251527 +librarian 5250166 +subsidiaries 5250152 +switched 5245466 +stockholm 5245453 +tamil 5245277 +pose 5242405 +fuzzy 5241931 +indonesian 5241698 +grams 5240826 +therapist 5238169 +richards 5238109 +budgets 5237019 +toolkit 5233016 +promising 5232846 +relaxation 5231884 +goat 5231735 +render 5231571 +carmen 5230762 +ira 5230695 +sen 5230325 +thereafter 5229938 +hardwood 5228441 +erotica 5228241 +temporal 5228038 +sail 5227908 +forge 5226805 +commissioners 5225913 +dense 5225392 +dts 5222474 +brave 5221356 +forwarding 5220845 +awful 5217370 +nightmare 5217283 +reductions 5216648 +southampton 5216647 +istanbul 5215822 +impose 5214173 +organisms 5212542 +sega 5212241 +telescope 5211922 +viewers 5210800 +asbestos 5208835 +portsmouth 5208625 +meyer 5207400 +enters 5207370 +pod 5206411 +savage 5205858 +advancement 5205341 +harassment 5204597 +willow 5203465 +resumes 5202233 +bolt 5202005 +gage 5201723 +throwing 5200541 +existed 5200469 +whore 5199489 +generators 5198637 +wagon 5198530 +barbie 5198277 +dat 5197825 +favour 5196953 +knock 5196013 +urge 5195810 +generates 5193442 +potatoes 5192334 +thorough 5191306 +replication 5191008 +inexpensive 5190532 +kurt 5190087 +receptors 5189813 +peers 5188853 +roland 5188341 +optimum 5188219 +neon 5187838 +interventions 5187635 +quilt 5187075 +huntington 5186027 +creature 5182781 +ours 5182681 +mounts 5182090 +syracuse 5181674 +internship 5181182 +lone 5180561 +refresh 5180203 +aluminium 5178887 +snowboard 5178854 +webcast 5177898 +michel 5177497 +evanescence 5176436 +subtle 5175269 +coordinated 5174649 +shipments 5172896 +maldives 5172859 +stripes 5172728 +firmware 5172546 +antarctica 5170796 +cope 5168827 +shepherd 5167633 +canberra 5167228 +cradle 5166543 +chancellor 5165551 +mambo 5164902 +lime 5164527 +kirk 5164081 +flour 5162842 +controversy 5161175 +legendary 5158604 +sympathy 5157330 +choir 5156247 +avoiding 5155816 +beautifully 5155531 +blond 5155053 +expects 5154931 +jumping 5154366 +fabrics 5152660 +antibodies 5152454 +polymer 5151969 +hygiene 5151461 +wit 5149169 +poultry 5148028 +virtue 5147800 +burst 5147573 +examinations 5146222 +surgeons 5145893 +bouquet 5143984 +immunology 5143456 +promotes 5142806 +mandate 5142448 +wiley 5141610 +departmental 5141504 +spas 5141268 +ind 5137910 +corpus 5137372 +johnston 5136263 +terminology 5134603 +gentleman 5134582 +fibre 5134463 +reproduce 5134246 +convicted 5133903 +shades 5133522 +jets 5131839 +indices 5131700 +roommates 5131231 +adware 5130713 +threatening 5126983 +spokesman 5126711 +zoloft 5126382 +activists 5125937 +frankfurt 5125601 +prisoner 5124810 +daisy 5124326 +halifax 5123030 +encourages 5122734 +cursor 5122085 +assembled 5120841 +earliest 5120593 +donated 5120422 +stuffed 5120285 +restructuring 5119935 +insects 5119814 +terminals 5119178 +crude 5119129 +morrison 5118866 +maiden 5118578 +simulations 5118428 +sufficiently 5116122 +examines 5115817 +viking 5115013 +myrtle 5114989 +bored 5114852 +cleanup 5113575 +yarn 5113505 +knit 5113070 +conditional 5112750 +mug 5112219 +crossword 5111954 +bother 5111764 +budapest 5111076 +conceptual 5110735 +knitting 5107350 +attacked 5106909 +bhutan 5104102 +liechtenstein 5103569 +mating 5102029 +compute 5101135 +redhead 5100843 +arrives 5100329 +translator 5099564 +automobiles 5099074 +tractor 5098075 +allah 5096394 +continent 5095575 +unwrap 5094329 +fares 5093799 +longitude 5091778 +resist 5090633 +challenged 5087540 +hoped 5086531 +pike 5085622 +safer 5085040 +insertion 5084850 +instrumentation 5083861 +ids 5082346 +hugo 5082185 +wagner 5080813 +constraint 5080605 +groundwater 5080425 +touched 5080398 +strengthening 5079049 +cologne 5078538 +wishing 5077786 +ranger 5076621 +smallest 5075157 +insulation 5074667 +newman 5074074 +marsh 5073104 +ricky 5071881 +scared 5071401 +theta 5070673 +infringement 5070438 +bent 5070333 +laos 5070186 +subjective 5068230 +monsters 5066315 +asylum 5065723 +robbie 5063664 +stake 5061965 +cocktail 5061626 +outlets 5061151 +swaziland 5058010 +varieties 5057493 +configurations 5056310 +poison 5056083 +ethnicity 5055334 +dominated 5055248 +costly 5054951 +derivatives 5051332 +prevents 5051148 +stitch 5049524 +lesotho 5048476 +rifle 5047417 +severity 5047284 +notable 5044802 +warfare 5044170 +retailing 5043730 +judiciary 5043671 +embroidery 5042831 +mama 5042818 +inland 5042715 +nonfiction 5039708 +homeowners 5038014 +racism 5035527 +greenland 5035465 +interpret 5034981 +accord 5034197 +modest 5033760 +gamers 5033404 +licensee 5032531 +countryside 5032517 +sorting 5032442 +liaison 5032366 +bisexual 5030369 +rel 5029379 +unused 5028967 +bulbs 5028440 +ign 5025376 +consuming 5023310 +installer 5023150 +tourists 5022897 +sandals 5021707 +bestselling 5019783 +insure 5018519 +packaged 5018380 +clarify 5016927 +seconded 5015377 +activate 5014202 +waist 5013500 +attributed 5013200 +seychelles 5012958 +fatigue 5010911 +owl 5010726 +patriot 5010718 +sewer 5008805 +crystals 5008586 +kathleen 5008132 +bosch 5007744 +forthcoming 5007069 +treats 5005269 +detention 5003311 +carson 5001978 +exceeds 4999388 +complementary 4998758 +cosponsors 4998667 +gallon 4998083 +coil 4997563 +battles 4997226 +traders 4995823 +carlton 4995505 +bitter 4995265 +memorandum 4994542 +burned 4993504 +cardinal 4993081 +dragons 4992842 +converting 4991724 +romeo 4990395 +din 4990283 +burundi 4988992 +incredibly 4987059 +delegates 4986976 +turks 4986307 +roma 4984846 +demos 4984806 +balancing 4984107 +att 4983068 +vet 4982559 +sided 4982500 +claiming 4982024 +psychiatric 4981598 +teenagers 4979216 +courtyard 4979027 +presidents 4978963 +offenders 4976449 +depart 4975122 +grading 4974318 +cuban 4974134 +tenants 4973987 +expressly 4973927 +distinctive 4972660 +lily 4972288 +brackets 4970994 +unofficial 4970936 +oversight 4970482 +valentines 4969959 +privately 4969339 +wetlands 4968952 +minded 4968607 +resin 4966700 +allies 4965121 +twilight 4964914 +preserved 4963027 +crossed 4962660 +monterey 4961492 +linen 4960413 +rita 4960228 +ascending 4958122 +seals 4958012 +nominal 4957994 +alicia 4957344 +decay 4956622 +weaknesses 4956354 +underwater 4954318 +quartz 4953889 +registers 4950162 +eighth 4949260 +usher 4948609 +herbert 4946603 +authorised 4945027 +improves 4943184 +advocates 4940587 +phenomena 4936094 +buffet 4934144 +deciding 4933367 +skate 4932092 +vanuatu 4929282 +joey 4925455 +hackers 4923452 +tilt 4923123 +supportive 4922700 +granite 4921138 +repeatedly 4920604 +lynch 4920597 +masses 4919548 +transformed 4918409 +athlete 4918312 +targeting 4917220 +franc 4916960 +bead 4916807 +enforce 4916571 +preschool 4916187 +similarity 4916061 +landlord 4915638 +leak 4914623 +assorted 4912605 +implements 4912193 +adviser 4911485 +flats 4911343 +compelling 4911176 +vouchers 4910741 +megapixel 4910318 +booklet 4909462 +expecting 4908583 +cancun 4908449 +heels 4907543 +voter 4905374 +reimbursement 4904547 +turnover 4904068 +urine 4903932 +cheryl 4903801 +capri 4902351 +towel 4901668 +ginger 4901078 +italicized 4900898 +suburbs 4899548 +imagery 4898768 +chromosome 4898576 +optimized 4898373 +sears 4897480 +flies 4894680 +upgraded 4893959 +competence 4893571 +inadequate 4892298 +crying 4891725 +matthews 4890853 +amateurs 4890277 +crane 4888961 +defendants 4888581 +deployed 4887317 +governed 4887138 +considerably 4887058 +investigating 4884687 +rotten 4883839 +popup 4882686 +garnet 4880977 +habit 4880657 +bulb 4879829 +scattered 4879386 +honour 4879119 +useless 4876437 +protects 4876017 +northwestern 4875705 +audiences 4875027 +iris 4874649 +coupe 4874541 +hal 4874383 +benin 4874165 +bach 4872909 +manages 4872225 +erosion 4871884 +oceania 4871407 +abundance 4870991 +carpenter 4870735 +khan 4870468 +insufficient 4869704 +highlands 4867795 +peters 4867213 +fertility 4867141 +formulation 4865813 +clever 4865097 +primer 4864138 +che 4863235 +lords 4862111 +tends 4861901 +fresno 4861428 +enjoyable 4859999 +handbag 4858848 +crescent 4857264 +bypass 4856691 +freshman 4856078 +playground 4853485 +negotiate 4853126 +logout 4852863 +sixty 4851534 +exploit 4851510 +orgies 4849647 +boyfriend 4849182 +permanently 4849017 +concentrated 4848674 +distinguish 4846365 +hogtied 4843474 +projections 4842834 +spark 4842423 +illustrate 4841953 +lin 4841305 +patience 4839393 +securing 4838996 +pathway 4837820 +detectors 4836632 +newsgroups 4834453 +shallow 4834372 +stir 4833763 +spike 4833410 +plated 4833142 +jacques 4832340 +drawer 4830969 +ingredient 4830835 +togo 4829119 +spectra 4828972 +lifting 4828674 +judith 4828299 +curtain 4827869 +disclosed 4827564 +davies 4827372 +tactical 4826876 +pilots 4826195 +mailbox 4825513 +copenhagen 4825364 +expedition 4824834 +pile 4824165 +operative 4823410 +humour 4821851 +maturity 4819555 +caller 4818758 +distortion 4818028 +prosecution 4817557 +landscaping 4813258 +tonga 4813052 +mol 4813019 +imprint 4812829 +natalie 4809833 +receipts 4808150 +assisting 4807753 +shirley 4807661 +sanctions 4805431 +goodbye 4803952 +viable 4802961 +emerged 4802573 +defect 4801184 +poorly 4799466 +goddess 4797599 +backs 4797208 +observers 4796192 +magnets 4795273 +formulas 4794394 +spacious 4793663 +shoulders 4793494 +argues 4792469 +wade 4791878 +soils 4789565 +chapman 4787251 +organs 4787006 +loyalty 4785195 +beloved 4781714 +sometime 4781394 +ballard 4778636 +beating 4778020 +faithful 4777949 +hunks 4776866 +appellant 4776547 +libya 4775799 +offence 4775626 +invested 4774630 +whatsoever 4774578 +numbered 4773804 +terminated 4771526 +expands 4770776 +lithium 4769453 +sedan 4769270 +pony 4769062 +ctr 4768802 +comprises 4767943 +leap 4767538 +bolton 4767114 +founding 4765875 +swan 4765643 +planting 4765349 +alphabetically 4764324 +facials 4764295 +covenant 4763666 +dropping 4761980 +calories 4761564 +airways 4760691 +archaeology 4760584 +refill 4759900 +reagan 4759248 +sailor 4759044 +fittings 4758873 +lining 4758401 +banquet 4757535 +cares 4757269 +sanctuary 4757139 +flora 4756211 +einstein 4753590 +statue 4753368 +hilary 4751415 +quotation 4750453 +equals 4749787 +hardy 4748572 +jumper 4746695 +caravan 4746134 +diagrams 4745696 +harness 4745215 +majors 4745096 +headsets 4745064 +manipulation 4744083 +bells 4743841 +vascular 4743792 +alongside 4743589 +impressions 4743278 +yankees 4742956 +toxicity 4741378 +forwarded 4741165 +gal 4740469 +transmitter 4739143 +dorothy 4738913 +freeman 4737933 +denim 4737554 +andre 4737505 +scat 4737410 +ems 4737189 +puppies 4733987 +relaxing 4733863 +delphi 4732371 +trophy 4731863 +emotion 4731715 +buick 4731433 +slipknot 4731098 +nets 4730591 +sights 4730414 +uniforms 4730405 +residual 4729381 +disasters 4729257 +asterisk 4728263 +versatile 4727772 +liquor 4727484 +kindergarten 4726688 +profitable 4725403 +wounded 4725318 +clayton 4724813 +bash 4721893 +derivative 4721844 +suffolk 4721768 +necklaces 4719123 +tot 4719021 +occupancy 4718502 +postgraduate 4718198 +doses 4717242 +educate 4716370 +baked 4716100 +glove 4714578 +wastewater 4714167 +prejudice 4713477 +herzegovina 4712951 +constructor 4711086 +technicians 4710299 +debbie 4708556 +probable 4708443 +issuance 4708160 +baldwin 4707953 +incorporation 4707178 +rem 4706130 +evolutionary 4704879 +arriving 4703021 +decoration 4702490 +nationals 4701501 +trojan 4701127 +assistants 4700926 +counselor 4699959 +spinal 4699709 +eliminated 4696196 +sooner 4695133 +struggling 4694335 +enacted 4693719 +waterfront 4693479 +tenure 4693409 +plush 4692870 +weber 4692730 +diagnosed 4692575 +biotech 4691289 +unstable 4691072 +turkmenistan 4690331 +elk 4688629 +woodland 4688302 +iranian 4687887 +nelly 4686900 +urged 4685830 +reflecting 4685463 +unsecured 4685442 +brent 4683680 +gaining 4682505 +kyoto 4682367 +definitive 4680961 +appropriately 4679967 +shifts 4678539 +inactive 4677994 +lansing 4677332 +adapt 4675567 +extracted 4674721 +accession 4673797 +patterson 4671989 +regulator 4668381 +carriage 4664470 +therein 4663852 +terminate 4661569 +rex 4659516 +fuels 4657731 +postcode 4656099 +traditionally 4654828 +withdraw 4652948 +soy 4652673 +brett 4651730 +anchorage 4651277 +paula 4650017 +landmark 4645821 +greens 4643986 +neat 4643885 +naming 4643682 +stern 4643592 +shawn 4642740 +lacrosse 4640046 +bentley 4639295 +bud 4638865 +slaves 4638584 +dentist 4638330 +utilizing 4637939 +crafted 4637231 +eritrea 4636273 +tutor 4635949 +idiot 4635830 +comprised 4635211 +winnipeg 4634382 +charities 4634152 +mickey 4634100 +debit 4633794 +sebastian 4633753 +aliens 4632962 +domino 4631579 +edits 4631228 +unwanted 4630797 +raven 4630541 +defeated 4629690 +strains 4629474 +dwelling 4629441 +slice 4628779 +tanning 4627015 +gambia 4626541 +aspen 4626441 +lacking 4626224 +symbolic 4625574 +objectionable 4624110 +angles 4623376 +lemma 4623172 +kyrgyzstan 4622803 +pressures 4622535 +webb 4621131 +sensing 4619533 +mediation 4618800 +venus 4618752 +bump 4618593 +cowboys 4617968 +flames 4617157 +primitive 4616188 +stocking 4613692 +esp 4612780 +dolby 4612197 +balloons 4611796 +ecosystem 4610884 +pkg 4610477 +dashboard 4610006 +malcolm 4609733 +nikki 4609573 +georgetown 4608271 +norwich 4607563 +halls 4607236 +alzheimer 4606962 +decorations 4606704 +pause 4606318 +simplicity 4606054 +postscript 4604982 +dividends 4604638 +relaxed 4603097 +periodicals 4602969 +pearson 4602960 +demon 4602331 +welcomed 4601400 +infinity 4599935 +handler 4597107 +gabon 4595710 +notation 4594568 +chandler 4594301 +aunt 4594042 +interviewed 4592738 +crow 4592109 +semantic 4592016 +discontinued 4589346 +concurrent 4589219 +decides 4588774 +caption 4588270 +bargaining 4588171 +globalization 4587681 +atari 4586712 +complain 4585812 +pulmonary 4585320 +adhesive 4585279 +toledo 4584255 +asses 4583177 +altitude 4582981 +compass 4581869 +closet 4581735 +sch 4581399 +reebok 4581373 +couch 4581367 +evolved 4581246 +downs 4578206 +mfg 4577532 +exceeding 4577330 +rogue 4576302 +unfair 4575832 +electronically 4575196 +inspirational 4574490 +augusta 4573710 +wilmington 4573069 +infantry 4572549 +renowned 4571998 +corridor 4571967 +philosophical 4571852 +scripture 4571524 +celebrating 4571260 +sahara 4570769 +justification 4570150 +rebuild 4569457 +vacant 4569268 +manuscript 4569058 +fixing 4568792 +motherboards 4567884 +gram 4566651 +blk 4565732 +hiding 4565153 +methodist 4565081 +inherent 4564901 +dye 4564149 +sits 4562414 +alphabet 4562325 +shelves 4560501 +toes 4560478 +cleaned 4560058 +optic 4558869 +hannah 4556731 +telephones 4556400 +tailored 4556136 +insect 4554595 +frances 4553754 +diaries 4553662 +grief 4552843 +leicester 4552496 +sweat 4551615 +dolphin 4551363 +pendants 4550520 +wonders 4549608 +romanian 4549258 +ventilation 4548657 +masks 4548281 +celeb 4548138 +bust 4547742 +lateral 4547513 +assoc 4545277 +quake 4544481 +usability 4543657 +alley 4541475 +gardner 4541330 +backyard 4541081 +sanders 4540478 +pathways 4540135 +telegraph 4539841 +pertaining 4539279 +memorable 4538880 +refunds 4536684 +newsroom 4536493 +tina 4536345 +professors 4534761 +monument 4533122 +taxpayer 4531596 +formally 4530725 +cola 4530545 +twain 4530277 +boise 4529204 +nevis 4527077 +saab 4527017 +dew 4526551 +lavender 4526547 +refinancing 4525870 +justified 4525307 +withdrawn 4524191 +breeze 4523241 +debates 4522758 +gems 4520987 +cert 4520520 +buffy 4519674 +doctoral 4516544 +backpack 4514732 +identities 4513660 +outgoing 4513500 +mann 4513299 +tajikistan 4512999 +yankee 4510747 +sheraton 4509425 +outs 4507979 +snacks 4505575 +deficiency 4505086 +booster 4503857 +taxable 4503785 +gum 4503031 +progression 4501732 +adv 4500447 +saddle 4499280 +malaria 4498988 +loyal 4498834 +torrent 4498350 +dentistry 4497604 +renal 4494106 +fedora 4493785 +odyssey 4493747 +spite 4493143 +nero 4492974 +capita 4492737 +guideline 4491475 +imply 4491299 +inaccuracies 4490358 +tendency 4490160 +caledonia 4490134 +freezer 4489766 +wholly 4489721 +chill 4489643 +utilized 4489228 +embrace 4489178 +binoculars 4487365 +liner 4486145 +manila 4485946 +auxiliary 4485775 +initiate 4485608 +elevated 4485169 +purely 4484258 +demographics 4482753 +fry 4482394 +lifts 4479565 +vivid 4479514 +allegations 4479433 +stationary 4477672 +corresponds 4476933 +daemon 4476792 +foil 4476123 +whitney 4475876 +celebrated 4475405 +buddies 4475347 +alarms 4474450 +hunters 4473745 +allison 4471867 +crashes 4471155 +stairs 4470593 +outlines 4470366 +steroids 4470028 +pogo 4468856 +acted 4468180 +hotline 4463968 +amps 4463451 +byron 4463413 +critique 4462001 +accountants 4461356 +coefficient 4461240 +honestly 4459891 +transvestite 4459432 +upstream 4459299 +skull 4457991 +continuation 4457196 +carnegie 4457017 +servant 4456781 +falcon 4456679 +jointly 4456642 +canadians 4455042 +avoided 4449801 +comprising 4449745 +tick 4449569 +terrier 4448988 +listened 4448001 +explanations 4447236 +renewed 4446343 +hussein 4445469 +incorporating 4445305 +variant 4444856 +riley 4443795 +biochemistry 4443075 +duplication 4442810 +equatorial 4442651 +critic 4442069 +sediment 4441599 +translators 4440508 +squares 4440122 +scottsdale 4440021 +ninja 4439780 +avalon 4439058 +deg 4438827 +bot 4438718 +lea 4438618 +vans 4437716 +voucher 4436854 +honeymoon 4436534 +percussion 4436497 +glue 4435595 +wheelchair 4435076 +cone 4429970 +margins 4428969 +sands 4428127 +survived 4427602 +spinning 4427224 +epidemiology 4427168 +adequately 4425890 +pentagon 4424810 +spectral 4424231 +diabetic 4423828 +stressed 4422630 +prevalence 4421946 +dominica 4421297 +contaminated 4421206 +fragment 4420815 +finishes 4419937 +lecturer 4419105 +biomedical 4418626 +embroidered 4417764 +bucket 4415452 +steak 4413680 +commits 4413217 +cobra 4412823 +subset 4412351 +gucci 4412128 +threw 4410853 +sutton 4410096 +djibouti 4409556 +authorize 4407669 +cheney 4407229 +zombie 4406565 +decorated 4402966 +credited 4401906 +cherokee 4401630 +recycled 4400717 +apo 4400599 +followup 4399460 +recruit 4397367 +simmons 4397181 +gals 4397011 +bidders 4396096 +wherein 4395949 +simulator 4395597 +appearances 4395441 +performers 4393026 +dessert 4392650 +dissertation 4391498 +exporters 4391473 +walsh 4391300 +ninth 4390562 +mutant 4389772 +nos 4388293 +marry 4388137 +blankets 4386506 +enthusiasm 4386258 +confusing 4385868 +celebrations 4383919 +approaching 4383496 +bounce 4383170 +ivan 4381927 +spiral 4381596 +ssh 4381215 +governors 4380019 +weakness 4379559 +authoring 4377035 +specializes 4376847 +wills 4376548 +katherine 4376071 +atoms 4375988 +jacobs 4375603 +mauritania 4375366 +tissues 4375348 +reminded 4374374 +irvine 4373607 +drake 4373046 +ramp 4370357 +jakarta 4370126 +cynthia 4370055 +roosevelt 4369103 +schmidt 4367060 +nicely 4366949 +surprisingly 4366827 +expressing 4365995 +della 4365759 +laurel 4365465 +carolyn 4364954 +rails 4364886 +fried 4364192 +cairo 4364029 +ambulance 4363682 +practically 4363252 +traded 4363231 +malls 4362513 +domination 4362286 +shrimp 4361942 +jensen 4361860 +chords 4361267 +impairment 4359947 +scooter 4359214 +molecule 4359107 +dedication 4357261 +desires 4356398 +woody 4355633 +dismissed 4355532 +cheerleader 4354473 +cried 4352198 +psychic 4352052 +cracks 4351973 +lotion 4349478 +substrate 4348410 +sincerely 4347749 +beaten 4346610 +piercing 4346261 +ashanti 4345872 +antilles 4343834 +homemade 4341825 +ukrainian 4341516 +establishments 4340712 +marginal 4340610 +visions 4340352 +efficacy 4339810 +freshwater 4338978 +topical 4338016 +prestige 4337527 +cocaine 4337187 +accelerated 4336016 +pinnacle 4335248 +tucker 4335174 +rms 4334521 +recognizes 4333719 +plugs 4333394 +responsive 4330902 +coded 4330278 +supra 4329457 +omitted 4329280 +molly 4328076 +proximity 4327868 +belonging 4324385 +unbiased 4324253 +pear 4324248 +suriname 4324031 +chiefs 4321619 +franz 4321556 +collision 4320422 +supplementary 4320232 +parkway 4317891 +palau 4315852 +clue 4315669 +scandal 4315093 +duff 4314675 +lodges 4314249 +dangers 4313168 +bonuses 4311967 +scam 4311808 +travellers 4311775 +scream 4310000 +biking 4309804 +discrepancies 4309441 +pirate 4308440 +timeout 4305584 +senses 4305427 +repeats 4302320 +resellers 4302212 +willie 4301619 +portfolios 4300566 +rival 4298220 +ops 4294947 +slower 4293888 +simulated 4293640 +culinary 4292898 +fairfax 4291515 +beck 4290667 +semantics 4290544 +huh 4290479 +accountant 4289265 +beige 4288534 +auditing 4288045 +rolex 4287956 +propaganda 4287917 +amplifiers 4287917 +offender 4287437 +waterloo 4287347 +warwick 4286870 +coli 4286111 +executable 4286058 +pentax 4285966 +restart 4284959 +rounded 4284892 +boarding 4284819 +vanity 4284766 +mitigation 4282830 +tome 4282614 +prof 4282231 +overstock 4282219 +homer 4281428 +daylight 4280151 +macdonald 4279503 +hmm 4279237 +gases 4277836 +dependency 4277030 +dioxide 4276462 +fireworks 4276373 +genus 4275567 +approached 4275544 +catching 4274928 +cutter 4273307 +connects 4270886 +ont 4269924 +explores 4268453 +liberals 4267018 +aperture 4266263 +roofing 4265875 +dixon 4265747 +elastic 4265135 +melody 4264666 +sins 4263660 +cousin 4263150 +hath 4262812 +torque 4262432 +recalls 4262019 +consultations 4261175 +memberships 4259768 +debts 4259542 +renting 4259490 +ticketmaster 4259341 +phillip 4258655 +burial 4258160 +balcony 4258129 +prescriptions 4257387 +prop 4254743 +willis 4254240 +myths 4253827 +camden 4253322 +coupling 4252397 +knees 4250743 +oncology 4250235 +neglect 4250016 +emerge 4249371 +winchester 4249243 +clutch 4248843 +shy 4248699 +poets 4248574 +woven 4248524 +auditorium 4248177 +pedro 4247791 +maid 4247185 +sid 4247035 +carrie 4245824 +towels 4244863 +canterbury 4243943 +trent 4242725 +barber 4241984 +intuitive 4241404 +rigid 4240019 +sta 4237091 +degradation 4236424 +ret 4235970 +orthodox 4235572 +erin 4235309 +ferguson 4235020 +coordinating 4234379 +holistic 4234358 +salsa 4234056 +fragments 4233728 +encarta 4233549 +mariana 4233392 +qualitative 4233032 +claude 4230997 +minorities 4230660 +childcare 4230571 +blown 4229918 +diffusion 4229849 +baton 4229776 +polynesia 4228131 +barton 4228071 +umbrella 4227324 +soundtracks 4227075 +napster 4226792 +rods 4226391 +wong 4225896 +stimulation 4225487 +abbey 4224864 +pigs 4224549 +debugging 4224476 +olivia 4223761 +rechargeable 4223372 +engineered 4222770 +jerseys 4222586 +refugee 4221434 +straps 4220473 +maya 4220258 +discourse 4220048 +lancashire 4219954 +superstore 4218532 +headache 4218013 +stained 4217928 +marital 4217902 +socialist 4217721 +hex 4217438 +bruno 4216245 +attracted 4216005 +undertaking 4215954 +slavery 4214907 +notwithstanding 4214701 +evite 4214149 +feasible 4213616 +romans 4213605 +micronesia 4213394 +credibility 4212696 +shores 4211229 +fest 4210656 +thames 4208660 +flowing 4208602 +diets 4207940 +montenegro 4207533 +deed 4207336 +sauna 4202256 +whirlpool 4201491 +perfumes 4200608 +sustain 4199639 +mechanic 4198798 +bauer 4197776 +eliminating 4197589 +rejection 4197543 +multiplayer 4195934 +bowls 4193933 +dissemination 4193540 +shareholder 4193216 +cardinals 4192613 +cosmic 4191929 +dawson 4191412 +defective 4190752 +deletion 4190454 +lengths 4190306 +beacon 4190278 +hoover 4189070 +macau 4187604 +politically 4186936 +elective 4186685 +forensic 4186245 +botanical 4183612 +quartet 4182986 +ceramics 4181926 +suspense 4181909 +drafting 4181743 +cruel 4180956 +observing 4180478 +freestyle 4180142 +advertised 4179189 +commencement 4179071 +southwestern 4178986 +conform 4177976 +helmets 4177803 +organizers 4177240 +firing 4176080 +smartphone 4175885 +eager 4175668 +denise 4173228 +hypertension 4172902 +touching 4172308 +vacancy 4171263 +servicing 4170827 +papa 4170314 +settlements 4169458 +strawberry 4169376 +chang 4168927 +gloria 4167872 +counselling 4167817 +elevator 4167714 +pupil 4167137 +feast 4166016 +maggie 4165430 +redemption 4165064 +profound 4164333 +canton 4164322 +nina 4163802 +registering 4162557 +seth 4161544 +warn 4160789 +conservatives 4159750 +clit 4159110 +bonnie 4156792 +laying 4156210 +cops 4155366 +provisional 4154786 +compiling 4154508 +fedex 4153858 +strive 4152261 +snowboarding 4150805 +releasing 4150801 +martinique 4149160 +shells 4149003 +painter 4148778 +cooker 4147009 +ankle 4146793 +peso 4146603 +leagues 4145615 +monkeys 4143859 +historically 4143489 +lego 4141703 +transitions 4141050 +prevented 4140686 +digits 4140271 +err 4139438 +banker 4138729 +sup 4138281 +easiest 4138022 +microbiology 4137858 +borrow 4137645 +internships 4137252 +bamboo 4136702 +denotes 4135758 +communicating 4134095 +vectors 4132345 +decks 4131188 +vibration 4130212 +stepped 4130208 +vent 4130004 +blunt 4129800 +protector 4128784 +hamas 4128646 +aux 4126536 +react 4126376 +understands 4126087 +rises 4124482 +shane 4124234 +issuing 4123334 +heaters 4122650 +accents 4122134 +insane 4121922 +buddha 4121656 +voyage 4119859 +colonel 4118477 +transitional 4118474 +mozart 4118473 +acceleration 4118345 +sketch 4118317 +hoffman 4117895 +balances 4116412 +firearms 4115567 +nightly 4115392 +visualization 4114476 +pitt 4112040 +deduction 4110107 +dancer 4109747 +coats 4107452 +pol 4104771 +capsules 4104571 +hyde 4104139 +firmly 4103216 +dots 4101380 +pursuing 4100131 +aston 4099586 +mugs 4098204 +brokerage 4097935 +washed 4096107 +overtime 4095339 +resonance 4094941 +mosaic 4094867 +rhodes 4094759 +fiesta 4094679 +sourcing 4093584 +vase 4093494 +filings 4092206 +forcing 4091794 +fairs 4091127 +flute 4090740 +durability 4090496 +boeing 4090445 +sizing 4090106 +exceeded 4089138 +meadows 4088809 +hindi 4088627 +presley 4088299 +harsh 4087715 +outfit 4087628 +substitution 4083235 +burma 4082398 +cease 4081957 +deserves 4081562 +aboard 4080258 +paradigm 4079943 +irving 4079383 +perfection 4079350 +joints 4078045 +overwhelming 4077983 +linguistics 4077716 +standardized 4076813 +poles 4074284 +bounds 4073402 +lyon 4072136 +nutrients 4071983 +kosovo 4071958 +santiago 4071798 +vera 4071447 +advising 4070479 +altogether 4070166 +devils 4069685 +dignity 4068074 +europa 4068015 +barbuda 4065880 +wondered 4065715 +cheshire 4065692 +boyd 4065567 +sliding 4064583 +accumulation 4064397 +descriptive 4063561 +inst 4062222 +feasibility 4061906 +negotiating 4058744 +homo 4058353 +pier 4057622 +sioux 4055518 +nazi 4055501 +cote 4055395 +premiums 4055019 +jenna 4054943 +arrays 4053994 +lutheran 4053726 +syllabus 4051766 +fellows 4051629 +valencia 4050634 +superman 4049956 +rodriguez 4049525 +perkins 4049397 +animations 4048602 +ideally 4048227 +activism 4047643 +splash 4047574 +fargo 4046625 +chairperson 4045436 +equip 4044391 +saga 4044373 +leverage 4043338 +probation 4043334 +sgt 4043001 +gran 4042239 +commissioned 4041679 +hedge 4041429 +anguilla 4039464 +fender 4039339 +violet 4038524 +dancers 4037631 +mutation 4037197 +envelopes 4036122 +compulsory 4035480 +hitler 4034321 +rue 4033203 +handset 4032942 +preparations 4031926 +maxwell 4031674 +illustrates 4031442 +inheritance 4030441 +curry 4029540 +vulnerabilities 4029415 +oblique 4027970 +pearls 4027893 +worms 4027528 +activist 4027427 +palestinians 4027252 +satisfying 4026472 +succeeded 4026219 +prerequisites 4026193 +maintainer 4025003 +apples 4024590 +elf 4024474 +dewey 4024315 +surviving 4024027 +pouch 4023912 +advent 4023874 +proposes 4023816 +hooks 4023408 +exploitation 4023362 +singers 4022824 +mayo 4021666 +tasmania 4020820 +mansion 4019687 +cha 4019243 +surrender 4018892 +schneider 4018252 +accumulated 4018104 +arsenal 4017059 +dub 4017027 +screws 4016747 +pyramid 4016467 +enjoys 4016306 +hacking 4013671 +stripe 4013275 +knoxville 4013012 +averages 4012787 +peaks 4011396 +tai 4011354 +como 4009820 +lisp 4008283 +limousine 4007578 +churchill 4007365 +mentoring 4005103 +affirmative 4003502 +keynote 4003270 +mos 4002363 +classrooms 4002212 +planted 4001421 +petitioner 4001272 +residency 4000641 +spoon 4000406 +bombs 3999701 +niche 3999108 +deadlines 3998245 +fortunately 3996097 +cigar 3993843 +calculating 3991558 +erie 3991279 +berkshire 3990726 +bookshop 3990603 +proportional 3990019 +credentials 3989745 +deprecated 3988883 +nonetheless 3988449 +municipalities 3988310 +chin 3986552 +locker 3985812 +jenkins 3985380 +squash 3985349 +expectation 3985293 +severely 3985192 +spotted 3982290 +curse 3982181 +ajax 3980338 +coconut 3979631 +interrupt 3979422 +conductor 3978814 +wont 3978693 +liberation 3977625 +diagnostics 3976650 +grandfather 3976363 +removes 3976233 +luxurious 3975107 +titan 3974407 +booked 3972989 +anita 3972924 +indirectly 3972681 +nile 3972242 +blessing 3970512 +lumber 3970464 +pillows 3969760 +portals 3969382 +illustrator 3968150 +asleep 3967813 +potassium 3966709 +prompted 3966438 +shout 3965861 +nudes 3964133 +rationale 3963807 +hubs 3963468 +pasadena 3963460 +presidency 3963353 +abnormal 3963331 +bissau 3962688 +delicate 3962661 +convince 3962104 +whoever 3961970 +subway 3959823 +straw 3958211 +lifted 3957493 +mankind 3957434 +uncertain 3956957 +citrus 3955640 +paramount 3954831 +upright 3954150 +breakfasts 3951058 +inspectors 3950723 +emergencies 3950644 +reuse 3950428 +ernest 3950109 +sightseeing 3949130 +shocked 3948680 +therapies 3948634 +alcoholic 3947219 +bakery 3947064 +lieutenant 3946806 +orchid 3946535 +histories 3943244 +loses 3942953 +widget 3942410 +renault 3941993 +atkins 3941917 +variability 3941754 +comoros 3941698 +suede 3941313 +observatory 3940254 +soda 3940026 +waited 3938627 +preventive 3938407 +peach 3938068 +calculus 3937205 +stefan 3936360 +selector 3933869 +breathe 3933278 +diaper 3933145 +dunn 3933056 +smiling 3931929 +ounces 3931022 +pvt 3930463 +economically 3929872 +uncut 3929056 +intact 3928069 +noting 3925386 +shifting 3925159 +samurai 3924698 +subtotal 3923296 +coefficients 3922786 +duplex 3922761 +ivy 3922494 +delegate 3921156 +lightly 3921147 +negotiated 3920525 +herman 3917917 +congestion 3917609 +runners 3917217 +stove 3914849 +accidental 3914021 +talents 3913506 +nixon 3913498 +refuge 3910887 +brady 3910813 +guadeloupe 3910380 +nutrient 3910296 +walton 3910292 +underway 3909347 +carved 3908746 +ark 3908616 +freak 3908219 +obstacles 3908106 +govt 3907100 +preferably 3906858 +bluff 3906671 +excerpts 3906085 +jasper 3905781 +formatted 3905739 +newborn 3905331 +sadly 3905175 +laughed 3904519 +avail 3902711 +emerson 3902336 +regulate 3900971 +orchard 3900891 +inhibitors 3900774 +mythology 3899588 +prestigious 3899516 +deploy 3898491 +trousers 3897524 +hatch 3896261 +replaces 3895316 +tomb 3894685 +regina 3894408 +stein 3893544 +shortage 3892878 +privileged 3890670 +spill 3890646 +goodness 3890474 +drift 3889505 +extracts 3889330 +professions 3888846 +explored 3887481 +autism 3886220 +mysteries 3885698 +fuller 3885291 +taxpayers 3884940 +martinez 3884890 +bombing 3884875 +decreases 3884211 +metrics 3883192 +crisp 3880385 +inability 3880337 +cor 3879006 +goo 3878783 +coronary 3878267 +bldg 3878142 +mediated 3877793 +prom 3877689 +scans 3877627 +keeper 3877357 +reinforced 3877044 +johannesburg 3875115 +spells 3875038 +specifying 3874863 +vaginal 3873132 +buddhist 3873063 +inevitable 3872819 +etiquette 3872794 +rookie 3870767 +environ 3870498 +theatrical 3867947 +coloured 3867584 +births 3867031 +cubs 3863171 +interdisciplinary 3862597 +wheeler 3862107 +ritual 3861920 +miguel 3861205 +kerala 3861158 +pulp 3860989 +onset 3858839 +interpreter 3858537 +enzymes 3858286 +specimens 3857576 +initiation 3855916 +assay 3855224 +jacuzzi 3855111 +reconciliation 3854902 +pots 3854743 +recognizing 3853300 +parser 3853138 +leigh 3853134 +slam 3851407 +respects 3850738 +tents 3850460 +plaque 3850381 +accounted 3850232 +deposited 3849839 +lowe 3849640 +beavers 3848670 +crib 3847659 +styling 3847444 +snack 3847152 +defending 3846898 +pulls 3846669 +autonomous 3845886 +granting 3845218 +motoring 3844960 +appropriation 3844753 +randomly 3844381 +condensed 3843832 +philippine 3843510 +theological 3842954 +quietly 3842577 +semiconductors 3842193 +scenery 3842099 +coca 3841473 +peugeot 3839187 +bollywood 3839026 +mentally 3838946 +horoscopes 3838456 +drying 3837655 +assemblies 3837220 +noun 3837137 +xmas 3835837 +silicone 3835328 +collateral 3835146 +learner 3834055 +welcomes 3832970 +swallow 3832303 +tara 3831476 +transplant 3830833 +scoreboard 3830219 +proliferation 3829964 +usenet 3828664 +squid 3828491 +marines 3828140 +lighthouse 3826413 +proves 3826270 +customised 3825527 +trilogy 3825206 +crab 3824989 +brightness 3822314 +maurice 3821885 +brooke 3821883 +consumed 3820896 +maxim 3820484 +hike 3820168 +bore 3819820 +depreciation 3818913 +technically 3818321 +pharmacist 3816817 +marley 3816435 +enjoyment 3816406 +cows 3816319 +deliveries 3815714 +recruiters 3814660 +austrian 3814530 +correspond 3814384 +slate 3813904 +suzanne 3813536 +confined 3813370 +screaming 3812764 +inhabitants 3812535 +straightforward 3812325 +delighted 3812221 +morton 3811069 +peel 3810917 +cue 3810147 +jupiter 3809088 +simultaneous 3808657 +monopoly 3808505 +pornography 3806856 +debris 3806697 +han 3806541 +intentions 3806436 +robotics 3806007 +pagan 3805644 +chopped 3804704 +widow 3804620 +contexts 3804487 +sac 3803083 +peg 3802883 +randall 3802515 +benson 3801754 +sleeves 3801642 +troubled 3801498 +footnote 3800501 +vibrant 3800268 +evolving 3799789 +sweater 3798820 +approximation 3798341 +skies 3796788 +barrett 3795271 +init 3795268 +burners 3795089 +alison 3793481 +fitzgerald 3793474 +kicks 3792491 +disappeared 3791611 +canoe 3790795 +sovereign 3790205 +reminds 3789917 +organism 3789385 +corrupt 3788784 +violated 3786834 +correspondent 3786622 +drought 3786273 +bake 3785783 +hurricanes 3785008 +oslo 3784794 +symptom 3784339 +laughter 3783649 +foreclosures 3783227 +propagation 3783126 +audits 3782927 +ignorance 3782654 +pesticides 3782034 +explosive 3781976 +inventor 3780161 +scaling 3780114 +juicy 3778910 +fave 3778307 +residues 3777772 +ashlee 3777095 +moody 3776452 +fashioned 3776151 +grains 3772543 +vicinity 3772417 +thyroid 3772023 +purification 3769668 +heal 3769650 +southeastern 3769283 +wizards 3769098 +horoscope 3768650 +invasive 3768581 +prosperity 3768263 +rainfall 3767281 +helsinki 3766234 +hardback 3764986 +mum 3764100 +launching 3764017 +vuitton 3763985 +pedal 3763705 +inconsistent 3763083 +plantation 3762904 +storing 3762383 +asa 3762120 +tote 3761953 +jumped 3761906 +seemingly 3761438 +tuned 3761208 +narnia 3759544 +passionate 3759453 +staples 3759213 +twp 3759094 +mayer 3758894 +backward 3758544 +sour 3757799 +rename 3757535 +markup 3757429 +combustion 3757231 +breakthrough 3757116 +scrap 3757085 +administer 3754648 +bilateral 3754545 +bella 3753635 +blondes 3753451 +beneficiaries 3753008 +disposable 3752005 +williamson 3749880 +sock 3748769 +gentlemen 3748634 +copier 3747909 +terra 3747696 +literal 3747449 +questioned 3747297 +guiding 3747104 +charcoal 3745478 +beware 3744629 +aloud 3743858 +glorious 3743383 +overlap 3743117 +handsome 3742080 +defaults 3742075 +foreclosure 3741402 +clarification 3741132 +grounded 3739928 +bail 3739601 +goose 3739382 +espresso 3739029 +judgement 3736635 +cruiser 3735652 +hendrix 3734885 +cumberland 3734672 +gifted 3733747 +esteem 3733585 +cascade 3732995 +endorse 3732894 +strokes 3732810 +shelby 3732559 +hen 3732543 +homeowner 3732354 +ancestry 3731719 +dolphins 3731075 +adopting 3730959 +landed 3730816 +nucleus 3730601 +tees 3730254 +detached 3730246 +scouts 3729780 +warsaw 3729488 +mist 3728769 +verb 3726924 +chic 3725795 +hydro 3725464 +nonlinear 3725269 +spokane 3725256 +objection 3725086 +phosphate 3724512 +playa 3723548 +noisy 3722908 +abide 3722809 +radioactive 3721806 +sentinel 3721697 +birthdays 3721283 +desserts 3720484 +preserving 3719018 +vest 3719017 +neal 3718387 +economist 3718338 +grooming 3718290 +meridian 3717338 +marriages 3717000 +regret 3716789 +validate 3715972 +stakes 3715795 +rotating 3715660 +brigade 3711855 +movable 3710553 +doubles 3709489 +bliss 3708978 +filmography 3708823 +humiliation 3707732 +tens 3707380 +litter 3706640 +reflective 3705748 +outerwear 3705282 +abbreviations 3703739 +executing 3703273 +greenwich 3699730 +flooding 3699696 +parse 3698919 +rugged 3698606 +jelly 3698541 +implementations 3697837 +grandmother 3697756 +renovation 3697379 +puma 3696953 +appoint 3696615 +attendees 3696467 +panthers 3695915 +perceptions 3695044 +greenwood 3694021 +ignition 3693724 +humble 3693501 +downstream 3691197 +petrol 3690703 +midway 3690431 +mania 3688699 +edwin 3688662 +webcasts 3688493 +accelerator 3687315 +clare 3687106 +flyers 3685163 +recognise 3685011 +tacoma 3684792 +hostile 3684268 +aphrodite 3684009 +radiology 3683754 +establishes 3683462 +whites 3683340 +rant 3683247 +trapped 3683039 +bolts 3682849 +diplomatic 3682737 +locals 3682503 +fringe 3682385 +linguistic 3682256 +internally 3682046 +planetary 3681473 +tungsten 3681180 +typed 3681027 +desc 3680949 +laurent 3680554 +shutdown 3678890 +ego 3678432 +manuel 3677641 +gaza 3674472 +influenza 3673978 +gill 3672989 +tattoos 3672724 +rude 3672620 +sang 3669266 +steele 3669151 +citing 3668594 +viewpoint 3667923 +peptide 3667831 +nay 3667089 +sweatshirt 3666728 +hassle 3665939 +regents 3665656 +servants 3665322 +meanings 3664177 +conception 3663294 +unemployed 3663204 +heavenly 3663141 +exeter 3662807 +docket 3661940 +amusement 3661819 +nordic 3660365 +curl 3659178 +albanian 3658803 +overflow 3657788 +geometric 3657640 +hastings 3657540 +subsidies 3656280 +taxonomy 3655978 +thirds 3655965 +deli 3655555 +willingness 3654922 +intern 3654560 +implicit 3654411 +patriotic 3654140 +simplify 3654131 +darling 3653817 +schwartz 3653728 +satan 3653674 +ornaments 3653618 +oppose 3653137 +terrific 3652629 +megan 3652019 +allergies 3651862 +definite 3651600 +bangalore 3651085 +congregation 3649518 +regiment 3649264 +cheer 3648929 +everett 3648760 +reviewers 3648745 +clutter 3648587 +misleading 3646794 +marty 3646752 +predator 3646243 +vine 3646014 +vale 3645802 +whereby 3645304 +deceased 3645162 +sparks 3644341 +belgian 3642712 +adolescents 3642412 +simpler 3642315 +captures 3642295 +coventry 3642231 +capitalism 3640757 +hancock 3640366 +falkland 3639937 +clamp 3639509 +cur 3639449 +mammals 3639188 +grape 3638159 +cloning 3638136 +madden 3637266 +russ 3636915 +peppers 3636873 +deeds 3636121 +lively 3635880 +inequality 3635529 +educator 3634348 +premature 3634239 +visually 3633998 +tripod 3633813 +immigrant 3633715 +alright 3632981 +limo 3631696 +demonstrations 3630982 +obsolete 3630687 +aligned 3630260 +rust 3629881 +lon 3629057 +pesticide 3628927 +interfere 3628881 +traps 3628684 +shuffle 3627654 +wardrobe 3627616 +transformers 3627334 +successes 3626751 +racer 3625077 +fabrication 3624802 +guilt 3623942 +sweep 3623863 +nash 3622689 +exploited 3621998 +avid 3621749 +outpatient 3621475 +bladder 3621454 +lam 3621434 +inflammatory 3621413 +immunity 3620582 +encrypted 3620536 +bets 3619444 +wholesalers 3619253 +doyle 3618714 +ducks 3618693 +shooter 3617812 +switchboard 3617718 +paints 3617496 +vince 3616647 +neighbourhood 3616133 +cheating 3615902 +carr 3615873 +fade 3615179 +fluorescent 3614260 +tastes 3613970 +cookware 3613638 +storms 3613499 +smiled 3613070 +jurisdictions 3613001 +scrutiny 3611860 +regeneration 3611850 +lunar 3611744 +differentiation 3611085 +shields 3610577 +environmentally 3610401 +nonsense 3609585 +invented 3607460 +gradient 3607228 +inserts 3606774 +elaine 3605953 +programmable 3605039 +posed 3604888 +subjected 3603968 +tasting 3603798 +chemotherapy 3601490 +gwen 3599486 +mob 3599356 +expose 3598867 +borrowing 3598089 +arises 3597654 +precautions 3596326 +branded 3595078 +dysfunction 3593314 +manning 3593144 +lisbon 3593020 +forks 3592612 +monk 3592443 +boxer 3592432 +shining 3592416 +diazepam 3588990 +weigh 3587993 +rodeo 3587192 +clerical 3586609 +voyager 3586400 +hobart 3585651 +sampler 3583120 +moose 3581329 +timetable 3579372 +dorset 3579355 +corrosion 3578504 +positioned 3578050 +checker 3577995 +workstations 3577167 +conscience 3576906 +crush 3576348 +cathy 3575710 +mystic 3575548 +solicitation 3575386 +darren 3575164 +rectangular 3574522 +fischer 3574355 +pooh 3574313 +enthusiast 3574305 +positively 3573575 +shaping 3573290 +afghan 3571609 +inspire 3569444 +torn 3569094 +meantime 3568612 +pumping 3568469 +patented 3568094 +revival 3567939 +disappear 3567706 +lever 3566558 +redundant 3566311 +regency 3565737 +tasty 3565676 +midland 3564344 +gag 3563372 +synchronization 3562753 +mccarthy 3562399 +informatics 3562229 +oakley 3561959 +heck 3561865 +rants 3561826 +tarot 3561389 +brenda 3560469 +civilians 3560187 +bark 3559940 +carts 3559795 +wasted 3559742 +purdue 3558316 +cocoa 3557169 +invites 3556927 +cushion 3556775 +reversed 3556556 +lynx 3555424 +goa 3555223 +figurines 3555042 +footer 3554458 +maternal 3554398 +specimen 3554108 +jedi 3554006 +seamless 3553583 +ancestors 3553506 +panther 3552330 +mixes 3552046 +graves 3552013 +branding 3551398 +ghetto 3550613 +examiner 3550006 +vineyard 3549097 +meadow 3549050 +panty 3546636 +feeder 3545920 +mercer 3545626 +goodman 3544327 +listener 3543996 +subunit 3543568 +chloride 3543235 +awaiting 3541630 +kane 3541542 +becker 3541371 +aires 3540986 +bulls 3540837 +orion 3538939 +commercials 3538093 +councillor 3537961 +regulators 3537214 +hurry 3536968 +influential 3536369 +carlson 3535592 +beneficiary 3534626 +benchmarks 3533985 +hanson 3533818 +offspring 3533336 +panorama 3532463 +retrieving 3532453 +roth 3532379 +demanded 3531986 +reactor 3531860 +kiribati 3531579 +wastes 3531476 +telnet 3531383 +clash 3531117 +biker 3530897 +fidelity 3530896 +parked 3530425 +sis 3530367 +castro 3530162 +flew 3529715 +peanut 3529318 +holden 3529238 +ale 3528963 +sem 3528520 +converters 3528203 +nauru 3527512 +rhapsody 3527039 +trumpet 3526876 +solitaire 3526423 +decreasing 3525931 +freezing 3525702 +kaiser 3525640 +dishwasher 3525376 +wallis 3524128 +criminals 3522903 +neurons 3522853 +retire 3522241 +accomplishments 3521534 +emergence 3521074 +feminist 3519958 +theatres 3518346 +apex 3518314 +crimson 3518175 +compassion 3517842 +needing 3515408 +twentieth 3514981 +ecosystems 3514000 +pronounced 3513365 +extensively 3513040 +stain 3512824 +conrad 3512615 +wished 3512525 +transient 3512340 +kicked 3510100 +curb 3509257 +gadget 3508749 +reign 3505605 +trivial 3505592 +deco 3505499 +ticker 3505466 +coke 3505322 +habitats 3505167 +clauses 3504800 +baron 3504549 +remover 3504164 +sensible 3503935 +unlawful 3503931 +bates 3503755 +incorporates 3503733 +brasil 3503070 +webs 3501990 +swinging 3501986 +accountable 3501555 +thrust 3500671 +proving 3500329 +unicode 3499864 +opposing 3498650 +prod 3498498 +novice 3498131 +spreadsheet 3496893 +hewitt 3496429 +lowering 3495906 +delightful 3495221 +cane 3494916 +cruising 3493890 +fury 3493188 +personalities 3493064 +discography 3493008 +stiff 3492842 +encoded 3492618 +researching 3490518 +noah 3490320 +wore 3490088 +christchurch 3489931 +traces 3488821 +rabbi 3488700 +sushi 3488691 +puffy 3488647 +asap 3488320 +weston 3488306 +headings 3488165 +enthusiasts 3487179 +ridiculous 3486556 +scattering 3485873 +secretaries 3484723 +onsite 3484653 +contracted 3484408 +elbow 3484326 +fights 3483909 +deleting 3483887 +compilations 3482030 +therapists 3481142 +appealing 3480503 +scholarly 3479874 +detailing 3479450 +stark 3479265 +lifestyles 3479186 +roberto 3479172 +strongest 3478166 +hammond 3476815 +swimwear 3476745 +padded 3476722 +applet 3476474 +circa 3475462 +revise 3475221 +contributes 3474637 +threesomes 3474230 +surroundings 3473796 +proficiency 3473626 +quinn 3471650 +uranium 3471336 +honours 3471334 +consolidate 3471334 +daniels 3471311 +billions 3471276 +hut 3471098 +antigen 3470196 +ultrasound 3469808 +stafford 3467845 +procedural 3467397 +labrador 3467068 +refusal 3466381 +lima 3465904 +suppression 3465258 +weaver 3464764 +readiness 3464199 +secular 3463905 +macros 3463828 +majesty 3463329 +fishery 3461156 +teresa 3461041 +distributing 3460996 +estimating 3460789 +outdated 3459713 +aussie 3459025 +advisories 3458840 +dues 3458564 +pewter 3458542 +belmont 3458367 +distress 3457884 +pumpkin 3457437 +notably 3457363 +intends 3457058 +trevor 3455171 +homosexual 3454221 +garment 3454166 +bilingual 3453570 +barbecue 3453189 +localization 3452676 +supplying 3452542 +secondly 3452503 +razor 3451657 +cough 3451640 +cerebral 3451100 +grandma 3450933 +customization 3450194 +gigs 3449514 +indexing 3449511 +lori 3449295 +oceans 3449148 +displacement 3448688 +spacecraft 3448191 +backwards 3447629 +arrows 3447386 +volunteering 3447271 +montserrat 3446859 +telecommunication 3446799 +presumably 3446073 +coatings 3446023 +eureka 3445857 +plea 3445286 +constructive 3445093 +bundles 3444807 +tibet 3443821 +preparedness 3443760 +pres 3443513 +isles 3443470 +stretching 3443172 +ovens 3443150 +systemic 3442940 +garrett 3442758 +esther 3441968 +playoffs 3441571 +abundant 3441495 +deductible 3440538 +adaptors 3440007 +priests 3439634 +accompany 3439497 +compares 3439141 +forecasting 3438703 +hesitate 3438637 +inspiring 3438173 +specialize 3438151 +prey 3437872 +deposition 3437780 +laurie 3437301 +zodiac 3436050 +pavement 3435844 +tubing 3435220 +keller 3434912 +pedestrian 3434750 +fencing 3434739 +bloomington 3434658 +artery 3434468 +conditioner 3434323 +plaintiffs 3433271 +inlet 3433125 +rub 3432829 +violate 3432718 +stimulate 3432622 +realise 3432591 +fluids 3432473 +conveniently 3432407 +lick 3431970 +vanessa 3431779 +gov 3431706 +stealth 3431519 +nucleotide 3431150 +ter 3431134 +ness 3430085 +bronx 3430081 +repayment 3427858 +canopy 3426751 +gloss 3426618 +panda 3424825 +whip 3423347 +porch 3420626 +pertinent 3419181 +lifelong 3418717 +emailed 3418262 +promoter 3416706 +collegiate 3416336 +constants 3416072 +construed 3415805 +interchange 3415606 +remotely 3415582 +fletcher 3414495 +concise 3414187 +isuzu 3413560 +handful 3413211 +brains 3413001 +curtains 3412919 +eaten 3412832 +indigo 3412827 +retaining 3412818 +kelley 3412407 +autobiography 3411910 +conditioned 3411409 +prohibition 3410059 +motions 3409091 +redirect 3408086 +interoperability 3408052 +tuvalu 3404820 +shampoo 3404715 +emphasize 3404529 +excite 3404340 +rebels 3403877 +neoplasms 3402814 +believing 3401919 +vac 3401745 +hilarious 3401735 +salisbury 3401720 +pseudo 3401665 +quoting 3399751 +sinks 3399604 +steep 3399504 +dinar 3399128 +dynasty 3398997 +creed 3398609 +carat 3398374 +nan 3398089 +microphones 3398004 +nobel 3397169 +raiders 3396978 +galaxies 3396836 +spreads 3396812 +elegance 3396159 +volatile 3395681 +pointers 3395547 +sensory 3394914 +scrapbook 3394030 +dummies 3392894 +throne 3392423 +magnesium 3391051 +chartered 3390853 +slopes 3390340 +socially 3388736 +unfortunate 3388419 +seized 3388226 +roundup 3387046 +territorial 3387028 +leases 3386999 +consisted 3386917 +randolph 3386847 +faxes 3386604 +plump 3386553 +memoirs 3384732 +alkaline 3382714 +expire 3381897 +och 3381894 +midst 3381410 +methyl 3381243 +campuses 3380970 +borne 3379421 +forgive 3379266 +ramada 3379181 +competitor 3378603 +mansfield 3378378 +neighbours 3378230 +marvin 3376846 +architectures 3374071 +conversions 3373910 +usable 3373023 +tempo 3372997 +getty 3372135 +mutations 3371343 +cdr 3370870 +readable 3370832 +almanac 3370384 +conway 3370206 +gail 3370135 +responds 3369562 +denote 3369529 +slayer 3369067 +payne 3368937 +prog 3368487 +firewalls 3367617 +tester 3366908 +polling 3366784 +purchaser 3366429 +bins 3366341 +relies 3365831 +inserting 3365663 +tibetan 3365556 +prepares 3365530 +concludes 3364816 +consumables 3364039 +waterford 3363892 +rodney 3363459 +cylinders 3363442 +mus 3363179 +selects 3362986 +fulton 3362274 +directing 3361991 +nationality 3361977 +statistically 3360392 +torch 3360286 +zurich 3360140 +stretched 3358892 +depressed 3358586 +encounters 3357331 +haunted 3357045 +spares 3357011 +symmetry 3355779 +bout 3355216 +cont 3354965 +adverts 3354956 +programmed 3352969 +salons 3352628 +olympia 3351381 +hank 3350823 +negligence 3350614 +unclear 3350414 +screened 3350332 +helper 3350286 +carlisle 3350189 +aromatherapy 3349561 +rancho 3349485 +transferring 3349384 +stockton 3348887 +stepping 3348507 +hacks 3348166 +clearwater 3347736 +attic 3347389 +topology 3346921 +appetite 3346826 +sensation 3346679 +piper 3346631 +airborne 3346446 +morality 3346248 +honorable 3346100 +wealthy 3345627 +handicap 3345415 +skinny 3345336 +sewage 3345305 +endowment 3345150 +demonstrating 3345093 +antennas 3344187 +trucking 3343556 +defender 3340033 +amos 3339230 +iraqis 3339068 +shortcut 3338749 +wretch 3337521 +sunlight 3337150 +stems 3336905 +racist 3336285 +profitability 3335983 +ventura 3335547 +convey 3335192 +evergreen 3333511 +globally 3332875 +bearings 3331864 +govern 3331779 +feather 3331460 +fond 3331064 +sore 3330335 +aaliyah 3330218 +fiat 3329725 +reboot 3329413 +sixteen 3329001 +newsgroup 3327975 +blinds 3326896 +traits 3326573 +tightly 3326221 +graded 3325972 +successor 3324793 +intrusion 3324387 +sickness 3323415 +guiana 3322604 +underneath 3321843 +prohibit 3321335 +metabolic 3320296 +noel 3320139 +cans 3319959 +abused 3319897 +sarasota 3318985 +billed 3318960 +avery 3318822 +danielle 3317252 +brushes 3317239 +tenth 3317039 +anthology 3316652 +prosecutor 3316544 +smiles 3316364 +merged 3316000 +auditors 3315685 +grandchildren 3315507 +exc 3315237 +desks 3315227 +capsule 3315216 +aided 3314916 +relied 3314378 +suspend 3312160 +eternity 3311935 +trafficking 3311336 +introductions 3310245 +weighing 3308921 +eff 3308296 +currents 3308147 +michele 3307174 +aide 3306173 +kindly 3305856 +cutie 3305791 +protests 3303934 +sharks 3302757 +notch 3302495 +minors 3302424 +dances 3302142 +revealing 3301575 +reprinted 3301241 +fernando 3301199 +mapped 3300807 +resurrection 3299623 +lieu 3299455 +decree 3299438 +tor 3299295 +seoul 3297895 +columnist 3297677 +discovering 3297298 +tuberculosis 3296585 +lacks 3296569 +horizons 3296016 +transplantation 3295832 +jerome 3295724 +daytime 3295549 +elaborate 3295319 +contour 3295002 +gamble 3294887 +fra 3294810 +descent 3294727 +gravel 3294483 +analyse 3294441 +disturbing 3293698 +judged 3293503 +shutter 3293238 +illusion 3293217 +ambitious 3292680 +ole 3291808 +notorious 3291283 +ibid 3290791 +residue 3290600 +reds 3290269 +enlarged 3290258 +stephens 3290133 +transforming 3289682 +sequential 3289630 +stripping 3288705 +uniquely 3288566 +bart 3288348 +assert 3288118 +goodies 3287939 +fluctuations 3287469 +bowie 3287191 +auth 3287162 +archaeological 3287086 +inspect 3284994 +thrice 3284790 +babylon 3284724 +gina 3284599 +edison 3284245 +casualty 3283712 +musings 3282717 +whistler 3281414 +poses 3280246 +airfares 3279986 +huntsville 3279816 +eli 3278540 +layouts 3278061 +evan 3277930 +mushroom 3277331 +designate 3277319 +scent 3277212 +sequel 3276371 +gymnastics 3275891 +titanic 3275555 +knob 3275315 +wolves 3274152 +exquisite 3274003 +herpes 3273130 +upward 3273084 +sentenced 3273030 +dundee 3273007 +principe 3272843 +contractual 3272527 +acquiring 3272383 +judging 3271774 +unchanged 3271637 +kicking 3271617 +meg 3271056 +akron 3270629 +fines 3270544 +grasp 3270025 +streak 3268695 +ounce 3268355 +thirteen 3267766 +tragic 3266929 +theodore 3266501 +irrelevant 3264954 +professionally 3264665 +liberties 3264524 +sounding 3264254 +rebounds 3263664 +compressor 3262761 +toast 3262695 +happily 3261766 +hooked 3261622 +samantha 3261314 +shrink 3261118 +knox 3259677 +khz 3259435 +carcinoma 3259218 +taipei 3259202 +mutually 3259036 +stance 3257959 +beaded 3255817 +remembering 3255801 +exodus 3254740 +compartment 3254390 +gemini 3254338 +kinky 3254161 +brittany 3254116 +dove 3253560 +testified 3253479 +cunningham 3253219 +derive 3253144 +affinity 3253001 +presbyterian 3252804 +supervisory 3252742 +pretend 3251001 +buddhism 3249137 +amnesty 3248491 +chiropractic 3248344 +borrower 3247946 +gloucester 3247086 +warrants 3246362 +owens 3246277 +fairness 3245961 +needles 3245880 +coll 3245811 +throughput 3245653 +quota 3245515 +discreet 3245038 +misplace 3244755 +versa 3244429 +imp 3243955 +serviced 3243448 +mack 3243085 +sung 3242040 +lowell 3240910 +whichever 3240093 +starr 3240045 +elliot 3239891 +opener 3239644 +vaccines 3238310 +chooses 3238011 +tuscany 3237587 +jigsaw 3237104 +jumbo 3237095 +crowded 3236969 +tickling 3236441 +unspecified 3236238 +wee 3235414 +turbine 3235102 +unreal 3234687 +wounds 3234600 +percentages 3234052 +advisers 3233972 +manufactures 3233043 +physiological 3232417 +lett 3231982 +maths 3231878 +addison 3231850 +charters 3231105 +generalized 3231029 +unprecedented 3231001 +probes 3231001 +frustration 3230941 +flint 3230800 +dummy 3230609 +financially 3230511 +awake 3230337 +sanitation 3230169 +americana 3229614 +swivel 3229287 +ally 3228428 +dissolved 3227615 +cleanliness 3226595 +complexes 3226152 +varsity 3224750 +collectively 3224225 +insurer 3224128 +croatian 3223891 +inhibition 3222453 +certifications 3221724 +burnt 3221640 +solidarity 3221580 +frustrated 3221201 +muhammad 3221098 +alma 3221079 +ger 3220343 +hanover 3219987 +inverse 3219696 +clifton 3219683 +holt 3219528 +isis 3218600 +verdict 3218413 +nominee 3218094 +medals 3217509 +proton 3217423 +dickinson 3217324 +christi 3216436 +lister 3216160 +recurring 3215675 +studs 3215366 +allegedly 3215144 +rhetoric 3214428 +modifying 3214198 +incubus 3214133 +impulse 3213161 +surveyed 3212637 +creditors 3211591 +dull 3211484 +cabins 3209582 +commenced 3209136 +ballroom 3209064 +employing 3208979 +satellites 3208972 +ignoring 3208542 +linens 3207974 +stevenson 3207753 +coherent 3207625 +beetle 3207549 +converts 3207544 +majestic 3206714 +bicycles 3205685 +roast 3205415 +testers 3205194 +complainant 3204765 +inhibitor 3204409 +clifford 3204225 +knowledgeable 3203632 +critically 3203629 +composers 3202549 +localities 3202521 +owe 3201488 +hummer 3200769 +reciprocal 3200550 +accelerate 3199272 +hatred 3198487 +questioning 3197874 +putative 3197469 +manifest 3197151 +indications 3195599 +petty 3195594 +permitting 3195480 +hyperlink 3195160 +som 3194242 +behave 3193930 +getaway 3193911 +bees 3193693 +robbins 3193148 +zeppelin 3192943 +felix 3192747 +shiny 3192674 +carmel 3192500 +encore 3192276 +smash 3192001 +angelina 3191704 +kimberly 3191587 +unsure 3191329 +braun 3190846 +destructive 3190670 +sockets 3189546 +claimant 3189109 +dinosaur 3188803 +ample 3187842 +countless 3187500 +energies 3186813 +repealed 3186146 +royce 3185642 +listeners 3184300 +abusive 3183793 +sophomore 3183619 +antibiotics 3183025 +landfill 3182721 +warehousing 3181734 +merits 3181319 +scarf 3181107 +strangers 3180865 +garland 3180361 +riviera 3178598 +apprentice 3177886 +obscure 3177425 +napoleon 3177380 +registrations 3177147 +wavelength 3176899 +glamour 3176022 +slashdot 3175175 +transvestites 3174082 +hated 3173792 +cheerleaders 3173652 +sigh 3173217 +trolley 3173186 +principals 3172781 +sidney 3171598 +friedman 3171449 +spicy 3170817 +blocker 3170178 +frankly 3169461 +chronological 3169265 +entrepreneurship 3168511 +itinerary 3168360 +fools 3167945 +beard 3166516 +discoveries 3166453 +percentile 3165695 +linkage 3165266 +economical 3163608 +miniatures 3163219 +wedge 3162851 +adjusting 3162584 +mock 3161760 +peggy 3160922 +bats 3160196 +patriots 3160132 +ruins 3159891 +sheila 3159681 +ripper 3159169 +dependencies 3158474 +benton 3155858 +chateau 3155646 +denis 3155542 +homestead 3155033 +competitiveness 3154751 +burger 3154636 +microscopy 3154576 +changer 3154404 +sergeant 3154308 +melt 3153948 +syrian 3153914 +hyper 3153749 +ned 3152758 +cypress 3152294 +courtney 3151865 +cites 3151464 +scooters 3150357 +organisational 3150004 +prospectus 3149682 +protectors 3148657 +reactive 3147821 +interiors 3146686 +encouragement 3146451 +clipboard 3146336 +disadvantages 3146043 +gamer 3144985 +abbott 3143893 +tailor 3143833 +pollutants 3142553 +directorate 3142117 +chocolates 3141854 +faux 3141781 +supervised 3141620 +interpreting 3140617 +savvy 3140230 +pascal 3140118 +serenity 3139273 +uploads 3138730 +ore 3138666 +pant 3138558 +sheridan 3138542 +gallons 3138226 +attainment 3138108 +sanitary 3137434 +terri 3137162 +cooperate 3136641 +dreaming 3136420 +norms 3135997 +implants 3135842 +fortunate 3135403 +mushrooms 3134851 +hormones 3134544 +hype 3134220 +interpretations 3134178 +geoffrey 3133782 +faults 3133646 +silva 3132617 +grease 3132154 +urinary 3131792 +cairns 3131719 +premise 3131689 +epidemic 3131684 +condoms 3131405 +rite 3131222 +directives 3130916 +cinnamon 3130642 +zelda 3130046 +lac 3129942 +discharged 3129577 +alba 3128968 +underworld 3128412 +variants 3128173 +fetal 3127968 +palms 3127466 +lawsuits 3127389 +seated 3127196 +lattice 3126448 +dong 3126204 +realization 3125978 +reportedly 3125324 +absorbed 3125006 +sirius 3124863 +chord 3123447 +turf 3121984 +asphalt 3121584 +replay 3121356 +improper 3121296 +flavors 3121207 +dilemma 3121080 +rebuilding 3120389 +livingston 3120230 +commenting 3119037 +shifted 3118000 +tangible 3117941 +smoked 3117683 +hawks 3117529 +placebo 3116281 +irons 3116159 +comet 3116034 +berg 3115373 +baltic 3115246 +corrective 3115244 +competency 3115221 +muse 3114242 +probing 3113887 +teachings 3113457 +tyne 3113078 +lotto 3112797 +fowler 3112607 +youngest 3111198 +contingent 3110534 +refreshing 3110131 +textures 3108758 +syrup 3108136 +xii 3107589 +warmth 3107429 +hawkins 3107146 +dep 3107120 +lust 3106979 +correlated 3106557 +augustine 3106191 +dominion 3106048 +verses 3104329 +nanotechnology 3103490 +astronomical 3103128 +solvent 3101965 +toggle 3101854 +luna 3101673 +amplitude 3100838 +aesthetic 3100660 +commercially 3100614 +dion 3100513 +wolfgang 3100401 +spacing 3099202 +frameworks 3098142 +completeness 3098125 +irregular 3097883 +barker 3096553 +solids 3096318 +mergers 3096122 +capturing 3096013 +filtration 3095699 +certify 3095645 +consulted 3094839 +realised 3094838 +jude 3094127 +eighteen 3094087 +singular 3093829 +incremental 3093421 +jennings 3093291 +demons 3092729 +unacceptable 3092460 +redistribute 3092057 +coping 3091883 +corr 3090405 +baxter 3090221 +outbreak 3090168 +abdominal 3090148 +deficiencies 3087091 +curved 3086969 +milestone 3086751 +erase 3086642 +lien 3086579 +nip 3086133 +bites 3086130 +prose 3085898 +marx 3085665 +incidental 3084963 +toni 3084744 +arguing 3084735 +vein 3084240 +scalable 3084063 +hale 3083225 +swear 3082372 +bel 3081561 +clown 3081501 +spontaneous 3080831 +summers 3080503 +taboo 3079923 +equestrian 3079864 +wetland 3078212 +olson 3078156 +methodologies 3078109 +malicious 3077492 +consume 3077450 +amazed 3077159 +fourteen 3076740 +legislators 3076549 +volcano 3076134 +capacities 3076004 +fremont 3075952 +skeleton 3075011 +someday 3074927 +tsp 3074410 +suspects 3073379 +displaced 3072839 +sounded 3072513 +exporter 3072252 +honesty 3072193 +dwarf 3072068 +hum 3070763 +bis 3068458 +northeastern 3068125 +shocks 3067296 +rewarding 3066813 +killers 3066658 +battalion 3066598 +multicultural 3066342 +lasers 3066286 +candid 3066199 +schooling 3065877 +thornton 3063787 +schoolgirl 3063313 +caesar 3063233 +savers 3063213 +pines 3062800 +stellar 3062189 +davenport 3061454 +locating 3061095 +monogram 3060555 +philippe 3060476 +enhances 3059890 +fucks 3058134 +relational 3057616 +ornament 3057576 +graffiti 3056453 +cassettes 3055743 +pussies 3055728 +urges 3054809 +sophie 3054739 +tiff 3054216 +refrigeration 3053488 +attacking 3052252 +microscope 3052163 +countdown 3050522 +threaten 3050485 +decker 3050142 +natl 3049427 +bait 3049271 +extern 3048776 +badges 3048651 +enron 3048638 +kitten 3048546 +broadcasts 3047788 +brides 3047745 +dent 3046809 +checksum 3046204 +stealing 3046130 +bullets 3045974 +emphasized 3045963 +glossy 3045309 +haired 3043626 +directional 3043168 +breeders 3042337 +alterations 3042306 +pablo 3042285 +lethal 3040987 +biographical 3038522 +confirms 3037668 +cavity 3037278 +vladimir 3034603 +ida 3034017 +probate 3033985 +terrestrial 3033276 +decals 3033263 +completes 3032972 +beams 3032813 +props 3032812 +incense 3032805 +formulated 3032757 +dough 3032657 +stool 3031945 +macs 3031589 +towing 3031539 +rosemary 3030760 +millionaire 3029469 +turquoise 3029244 +archival 3028510 +seismic 3028135 +exposures 3027680 +baccarat 3027417 +boone 3027314 +substituted 3027233 +horde 3026646 +paperwork 3026360 +mommy 3025970 +teenager 3025962 +nanny 3025474 +suburb 3025325 +hutchinson 3025245 +smokers 3024584 +cohort 3024028 +succession 3023429 +declining 3023427 +alliances 3023330 +sums 3022843 +lineup 3022552 +averaged 3021741 +bellevue 3021562 +glacier 3021561 +pueblo 3021546 +req 3021355 +rigorous 3020634 +gigabit 3020143 +worksheet 3019301 +allocate 3019079 +relieve 3018810 +aftermath 3018203 +roach 3017586 +clarion 3017281 +override 3017162 +angus 3016497 +enthusiastic 3015772 +lame 3015528 +continuum 3015510 +squeeze 3015480 +burgundy 3013476 +struggles 3012492 +pep 3012344 +farewell 3012087 +soho 3012062 +ashes 3011008 +vanguard 3010646 +nylons 3010458 +natal 3010028 +locus 3009222 +hillary 3009034 +evenings 3008865 +misses 3008606 +troubles 3008382 +factual 3008091 +tutoring 3007595 +spectroscopy 3007586 +gemstone 3006848 +elton 3006085 +purity 3005735 +shaking 3005624 +unregistered 3004589 +witnessed 3002335 +cellar 3002258 +gonzalez 3001256 +friction 3001167 +prone 3001079 +valerie 3000946 +enclosures 3000848 +dior 3000770 +equitable 3000227 +fuse 2999474 +lobster 2997879 +pops 2997678 +judaism 2997425 +goldberg 2996717 +atlantis 2996210 +amid 2994953 +onions 2994892 +preteen 2993232 +bonding 2991787 +insurers 2991634 +prototypes 2991340 +corinthians 2991171 +crosses 2991145 +proactive 2990726 +issuer 2990187 +uncomfortable 2989842 +sylvia 2989758 +furnace 2989498 +sponsoring 2989475 +poisoning 2989025 +doubled 2988769 +malaysian 2988561 +clues 2988321 +inflammation 2988315 +rabbits 2987721 +transported 2986479 +crews 2986282 +goodwill 2985605 +sentencing 2985420 +bulldogs 2985164 +worthwhile 2984982 +ideology 2984596 +anxious 2984563 +tariffs 2983891 +norris 2983782 +cervical 2982755 +baptism 2982668 +cutlery 2982254 +overlooking 2981818 +tallahassee 2981773 +knot 2980542 +attribution 2980395 +rad 2980258 +gut 2979963 +staffordshire 2979491 +factories 2979486 +swords 2979433 +advancing 2978593 +yep 2978207 +timed 2978189 +evolve 2978181 +yuan 2977890 +differs 2977596 +suspicious 2975648 +leased 2975373 +subscribed 2975066 +tate 2974811 +starters 2974525 +dartmouth 2974387 +brewing 2974086 +coop 2973997 +bur 2973485 +blossom 2972811 +scare 2972708 +confessions 2971262 +bergen 2971198 +lowered 2971192 +kris 2970945 +thief 2970770 +prisons 2970138 +pictured 2969267 +feminine 2969201 +grabbed 2968771 +rocking 2968423 +nichols 2967481 +blackwell 2966857 +fulfilled 2964755 +sweets 2964693 +nautical 2964256 +imprisonment 2964248 +employs 2964062 +gutenberg 2963922 +bubbles 2963701 +ashton 2963563 +pitcher 2963438 +standby 2963191 +judgments 2961977 +muscular 2961759 +motif 2961524 +illnesses 2961377 +plum 2961363 +saloon 2961006 +prophecy 2960788 +loft 2959995 +unisex 2959687 +historian 2958034 +wallets 2957696 +identifiable 2957577 +elm 2957553 +facsimile 2956598 +hurts 2956264 +ethanol 2955612 +cannabis 2954641 +folded 2954459 +sofia 2954155 +dynamically 2953678 +comprise 2953455 +grenadines 2952943 +lump 2952774 +constr 2952449 +disposed 2952327 +subtitle 2951333 +chestnut 2951306 +librarians 2950852 +engraved 2950835 +halt 2950571 +alta 2950434 +manson 2950031 +pastoral 2946809 +unpaid 2946577 +ghosts 2946325 +doubts 2945460 +locality 2945277 +substantive 2944502 +bulletins 2943858 +worries 2943471 +hug 2943073 +rejects 2942672 +spear 2942538 +nigel 2942111 +referee 2941934 +transporter 2941706 +swinger 2941608 +broadly 2941435 +ethereal 2941063 +crossroads 2940390 +aero 2940313 +constructing 2940002 +smoothly 2939650 +parsons 2939565 +bury 2938393 +blanc 2937810 +autonomy 2937673 +bounded 2936998 +williamsburg 2936607 +insist 2936535 +birch 2936180 +supp 2935700 +slash 2935535 +snyder 2935183 +budgeting 2935069 +exercised 2935026 +backpacks 2934944 +detecting 2934762 +resale 2934694 +mikes 2933878 +howell 2933861 +digestive 2933689 +scalar 2933537 +entertain 2933389 +cinderella 2932912 +unresolved 2932746 +sesame 2932722 +hep 2932339 +duct 2931962 +touches 2931504 +seiko 2930676 +electromagnetic 2930287 +joanne 2928609 +housewife 2928414 +pursued 2927218 +validated 2926787 +lend 2926360 +corvette 2925839 +yachts 2925303 +stacy 2924335 +christie 2923926 +unrelated 2923407 +lois 2923305 +levi 2923262 +annotate 2923120 +stimulating 2923056 +mont 2922608 +misuse 2922159 +helix 2921411 +cosmos 2921384 +speculation 2921087 +dixie 2920964 +pans 2920624 +enforced 2920500 +legion 2920122 +biomass 2918738 +assertion 2917932 +hierarchical 2917623 +lesions 2917531 +shook 2917411 +lincolnshire 2916799 +financed 2915964 +dismissal 2915030 +surnames 2914992 +reconditioned 2914457 +shocking 2913791 +allergic 2913453 +overland 2913342 +prolonged 2913107 +isaiah 2912696 +backbone 2912486 +unanimously 2911356 +eliminates 2910830 +sausage 2910814 +addict 2910117 +matte 2909215 +uncommon 2909018 +centralized 2908996 +heidi 2908650 +melanie 2907466 +objections 2906693 +unpublished 2905962 +slaughter 2905481 +enlightenment 2905016 +pistol 2904815 +juniors 2904014 +rockets 2903678 +metering 2903055 +seymour 2902995 +genetically 2902834 +zebra 2902469 +runway 2901389 +arithmetic 2900993 +supposedly 2900944 +admits 2899936 +bombay 2899642 +originals 2899525 +enrichment 2898868 +chennai 2898235 +milford 2898231 +buckle 2898037 +bartlett 2897791 +fetch 2897593 +kitchens 2897588 +ions 2896976 +wat 2896705 +divers 2896551 +faroe 2896277 +townsend 2896222 +blackburn 2896209 +glendale 2896150 +speedway 2896052 +founders 2895564 +sweatshirts 2895332 +sundays 2895322 +upside 2894930 +admiral 2894800 +patron 2892996 +sandwiches 2892868 +sinclair 2892753 +boiler 2892727 +anticipate 2892087 +logon 2891286 +induce 2891148 +annapolis 2890978 +padding 2890936 +recruiter 2890675 +popcorn 2889969 +disadvantaged 2889348 +diagonal 2888910 +unite 2888724 +cracked 2888206 +debtor 2887944 +polk 2887648 +niue 2887111 +shear 2886210 +mortal 2886162 +sovereignty 2885932 +supermarket 2885844 +franchises 2884783 +rams 2884604 +cleansing 2884249 +mfr 2884236 +boo 2884230 +genomic 2882963 +gown 2882930 +ponds 2882178 +archery 2882154 +refuses 2881547 +excludes 2880324 +sabbath 2879663 +ruin 2879219 +trump 2879094 +nate 2878913 +escaped 2878893 +precursor 2878856 +mates 2878121 +avian 2877167 +stella 2876513 +visas 2876354 +matrices 2875818 +anyways 2874936 +passages 2874522 +cereal 2871293 +comprehension 2870530 +tow 2869301 +resolving 2869298 +mellon 2868835 +drills 2868306 +alexandra 2867867 +champ 2867858 +personalised 2867842 +hospice 2867761 +agreeing 2867051 +exhibitor 2866316 +rented 2865890 +deductions 2865841 +harrisburg 2865598 +brushed 2865016 +augmentation 2864943 +otto 2864525 +annuity 2864316 +assortment 2863593 +credible 2863534 +sportswear 2862863 +cultured 2862362 +importing 2862094 +deliberately 2862093 +recap 2861982 +openly 2861856 +toddlers 2861828 +crawl 2859784 +chanel 2859297 +sparkling 2859116 +jabber 2858295 +bindings 2857186 +convincing 2856694 +rotate 2856677 +flaws 2856172 +este 2855667 +tracing 2855401 +deviations 2855243 +incomes 2854711 +amortization 2853615 +neurology 2853302 +fragile 2852127 +jeremiah 2852079 +sapiens 2852012 +olsen 2851762 +serbian 2850762 +radiator 2850529 +competencies 2849437 +restoring 2847991 +sanchez 2847729 +rushing 2847595 +behold 2847118 +amherst 2846723 +alteration 2846655 +trainee 2844915 +nielsen 2844826 +podcasting 2844136 +murdered 2843529 +centennial 2843140 +tuna 2842548 +bluegrass 2842501 +hazel 2841268 +wipe 2841184 +ledger 2840827 +scarlet 2840266 +crushed 2840208 +acronyms 2840173 +laughs 2839804 +connie 2838668 +autographed 2838531 +referendum 2838258 +modulation 2837610 +statues 2837498 +depths 2836629 +spices 2836609 +communion 2836584 +loader 2836507 +uncertainties 2835124 +colonies 2835074 +followers 2834316 +caldwell 2833760 +latency 2833462 +themed 2833049 +messy 2833021 +squadron 2833002 +rupee 2831536 +subsidy 2830929 +demolition 2830701 +irene 2830387 +empowerment 2829471 +felony 2828329 +lungs 2828099 +monuments 2827606 +veronica 2827245 +filtered 2826739 +replacements 2826285 +growers 2826087 +vinci 2825779 +subtitles 2825488 +adj 2825380 +haul 2825285 +acupuncture 2825171 +workload 2824856 +acknowledgement 2823891 +highlighting 2823564 +duly 2823211 +roasted 2822882 +tenders 2822708 +inviting 2822014 +rig 2821809 +grassroots 2821246 +mick 2821071 +gentoo 2820534 +redevelopment 2820529 +mustard 2820441 +strait 2820437 +masterpiece 2820342 +obey 2820117 +cellphone 2819831 +donkey 2819753 +sax 2819089 +jacks 2818856 +conceived 2818126 +triggered 2818102 +boasts 2817353 +praying 2816625 +multiply 2815756 +intercourse 2815487 +radial 2815296 +mare 2814699 +routinely 2814368 +instructed 2814313 +stole 2814273 +kirby 2813914 +armour 2813708 +summarized 2813586 +avalanche 2813307 +northampton 2812978 +uploading 2812451 +manuscripts 2812288 +managerial 2811433 +cary 2811065 +exhibited 2810420 +disciples 2810173 +shaving 2809902 +bishops 2808778 +kite 2808067 +destroying 2808051 +humorous 2807909 +tonnes 2807733 +thunderbird 2806892 +corona 2806095 +heap 2806006 +griffith 2805409 +investigative 2805050 +bylaws 2804626 +erection 2804128 +quasi 2804115 +lao 2803492 +energetic 2803159 +disturbance 2802921 +saunders 2802643 +ribbons 2802552 +jew 2802302 +exile 2801261 +breastfeeding 2799335 +reside 2798670 +mccartney 2798463 +anglo 2798286 +cashier 2797992 +kathryn 2797666 +jaw 2797270 +butterflies 2796791 +eats 2796682 +randomized 2796621 +knots 2796342 +flea 2796116 +motivational 2795731 +offences 2795612 +anton 2794807 +pals 2794625 +gerry 2794486 +celebrates 2794271 +hail 2794165 +armenian 2794097 +longitudinal 2794093 +historians 2793972 +realities 2793717 +kappa 2793667 +mentions 2793520 +samson 2793475 +neuroscience 2793239 +blender 2793188 +jumps 2793122 +fleming 2792888 +blaster 2791850 +optimistic 2791411 +remediation 2791251 +wasting 2791022 +decoder 2790984 +genocide 2790711 +acclaimed 2790613 +seldom 2790565 +indy 2790185 +morrow 2789797 +glitter 2788928 +giovanni 2788040 +sidebar 2787591 +authored 2787390 +lasted 2787384 +snoop 2787168 +awhile 2787111 +winery 2786992 +scaled 2786253 +contingency 2784609 +photon 2784392 +wiltshire 2784041 +vague 2783775 +overlay 2783154 +wraps 2781569 +constituents 2780907 +rusty 2780895 +herd 2779216 +handicapped 2779103 +exported 2777294 +fayetteville 2777073 +lag 2776554 +champaign 2776028 +warns 2775722 +pakistani 2774987 +harmless 2774838 +bitches 2773319 +sting 2773263 +bravo 2772503 +believers 2772258 +diagnose 2771883 +franco 2771503 +announcing 2771344 +dispersion 2770698 +curiosity 2770499 +trivium 2770381 +showroom 2770234 +resting 2769187 +missiles 2769108 +persistence 2768946 +coarse 2768915 +continents 2768845 +carpets 2768582 +recovering 2767124 +submarine 2766790 +blessings 2765987 +brendan 2765110 +prevailing 2764943 +originated 2764536 +axe 2764176 +sculptures 2763471 +intrinsic 2763192 +blackpool 2762857 +thoughtful 2762623 +archer 2762538 +hertfordshire 2761736 +nominees 2760637 +warmer 2759111 +dryers 2758434 +calf 2757705 +basil 2757419 +hallmark 2755712 +counterparts 2755697 +paced 2755521 +grouped 2754870 +dominate 2754313 +asians 2753857 +orient 2753211 +contra 2753017 +damaging 2752172 +populated 2751529 +renee 2751273 +boiling 2751209 +journeys 2751143 +milestones 2750959 +parkinson 2750688 +parsing 2750227 +splitting 2749527 +mclean 2748981 +derbyshire 2748810 +abandon 2747961 +lobbying 2747618 +rave 2747392 +cigars 2745974 +cinemas 2745910 +islander 2745637 +encoder 2744999 +nicolas 2744970 +inference 2743455 +recalled 2743113 +importers 2742839 +transformer 2742550 +weiss 2742473 +declarations 2742226 +rib 2741585 +chattanooga 2741057 +giles 2741044 +maroon 2740904 +drafts 2740861 +excursions 2740415 +jerk 2740304 +shack 2739743 +marrow 2739298 +kawasaki 2739125 +licences 2738920 +bose 2738637 +tavern 2738490 +bathing 2738196 +lambert 2738171 +epilepsy 2737962 +allowances 2737962 +fountains 2737006 +goggles 2736816 +unhappy 2736179 +clones 2736145 +foregoing 2736053 +crossover 2735826 +specificity 2735235 +certainty 2735156 +sleek 2734565 +gerard 2734359 +runoff 2733855 +osteoporosis 2733610 +approvals 2733320 +antarctic 2733306 +ord 2733054 +successive 2732616 +neglected 2732095 +ariel 2731662 +monty 2730888 +cafes 2730706 +jukebox 2730547 +classmates 2730039 +hitch 2730000 +fracture 2729151 +nexus 2728391 +cancers 2728264 +foremost 2728130 +nineteenth 2727465 +chesapeake 2727317 +tango 2727306 +melting 2727230 +mahogany 2727168 +actresses 2726567 +clarence 2726479 +ernst 2726438 +garner 2725663 +buster 2725610 +moderated 2725531 +nassau 2725369 +flap 2725137 +ignorant 2724458 +aba 2724411 +allowable 2724327 +karate 2723996 +compositions 2723773 +sings 2723225 +marcos 2722672 +sorrow 2722640 +carte 2722336 +canned 2721212 +collects 2721169 +treaties 2720856 +endurance 2720719 +optimizing 2720493 +teaspoon 2720378 +insulated 2719889 +dupont 2719327 +harriet 2719241 +philosopher 2718992 +rectangle 2718237 +woo 2718146 +queer 2717979 +pains 2717960 +decatur 2716515 +wrapper 2716461 +ahmed 2715850 +buchanan 2715369 +drummer 2715351 +guitarist 2713559 +symmetric 2712815 +ceremonies 2712791 +satisfies 2712485 +appellate 2711762 +comma 2711522 +geeks 2710575 +conformity 2710447 +insightful 2709708 +supper 2709558 +fulfilling 2709097 +hooded 2708823 +unrated 2708138 +diva 2707438 +instability 2706582 +seminary 2706256 +exemptions 2706075 +integrates 2706006 +presenter 2705776 +emulation 2703342 +lengthy 2703064 +sonata 2702959 +fortress 2702252 +contiguous 2702054 +bookstores 2701598 +perez 2700670 +inaccurate 2700555 +explanatory 2699888 +settlers 2699538 +stools 2699087 +ministerial 2699016 +xavier 2698960 +agendas 2698779 +torah 2698722 +publishes 2698494 +stacks 2698224 +owning 2696984 +andersen 2695657 +busch 2695340 +armani 2693801 +bipolar 2693672 +sermon 2693657 +facilitating 2692085 +complained 2691906 +ferdinand 2691440 +taps 2690265 +thrill 2690034 +lagoon 2689624 +undoubtedly 2688694 +menopause 2688514 +inbound 2688161 +withheld 2688086 +insisted 2687888 +shortlist 2687706 +gainesville 2687091 +eclectic 2686740 +reluctant 2686458 +headphone 2686393 +regimes 2686142 +headaches 2685626 +ramsey 2684676 +oath 2684269 +pigeon 2683567 +rivals 2683343 +freed 2683280 +binder 2683280 +xemacs 2683162 +constrained 2683009 +parrot 2682859 +magnum 2682846 +invoked 2682551 +invaluable 2682391 +helicopters 2682275 +keystone 2681530 +inclined 2681483 +gala 2681393 +intercontinental 2681202 +cheek 2681029 +traction 2679735 +utterly 2679629 +workspace 2679395 +softcover 2679305 +gavin 2679261 +illuminated 2678843 +lasts 2678667 +gloucestershire 2678438 +electrons 2678335 +psychologist 2678215 +dane 2678063 +claudia 2677904 +perpetual 2677645 +subsystem 2677252 +kinetic 2676623 +caffeine 2676572 +solicitor 2675862 +clustering 2675781 +glimpse 2674351 +nib 2673739 +verbatim 2673628 +innocence 2673527 +quicker 2673094 +grandparents 2672819 +cardboard 2671585 +attributable 2671225 +sketches 2670925 +angelo 2669901 +tertiary 2669822 +exhausted 2669693 +smarter 2669654 +shelters 2668745 +attain 2668275 +dora 2668011 +calorie 2667892 +inconvenience 2667872 +tang 2667228 +graphite 2667183 +vaccination 2666877 +stroller 2666858 +farther 2666579 +bowel 2666510 +sweaters 2666509 +chats 2666432 +mafia 2666020 +riot 2665813 +fats 2665577 +mandarin 2665497 +dungeon 2665461 +predictable 2665444 +germans 2665198 +lilly 2665191 +shire 2665081 +susceptible 2664824 +mosquito 2664788 +kashmir 2663508 +lyons 2662817 +skyline 2662797 +scams 2662588 +lipid 2662396 +putnam 2662037 +corpse 2662009 +speedy 2661996 +ming 2661961 +tao 2661916 +quot 2661228 +ritz 2660002 +networked 2659983 +lush 2659754 +barrels 2659639 +transformations 2659594 +cabling 2659303 +analogue 2659278 +werner 2659154 +clyde 2658680 +stills 2657985 +perimeter 2657896 +biased 2657852 +cardiology 2657671 +playoff 2657613 +honorary 2657255 +irwin 2657053 +brewer 2656856 +exchanged 2656702 +payload 2655807 +adhere 2655276 +fran 2654919 +merrill 2654737 +oldsmobile 2654673 +grilled 2654595 +rafael 2653922 +enquire 2652802 +toilets 2652273 +mains 2652029 +whales 2651996 +misty 2651773 +lindsey 2651640 +parity 2651048 +partitions 2650751 +grim 2650255 +conserved 2649468 +hubbard 2649059 +rewrite 2648549 +vending 2648129 +prism 2648058 +chasing 2647727 +flop 2647107 +aggregation 2646711 +shelley 2646479 +batting 2646319 +borrowed 2646232 +rests 2645136 +toss 2644752 +prentice 2644181 +depicted 2644070 +grapes 2643584 +proposing 2643557 +cumbria 2642929 +winding 2642869 +ripped 2642534 +vegan 2642418 +congressman 2642212 +cobalt 2642090 +pity 2642047 +recombinant 2641689 +ubuntu 2641656 +downward 2641434 +superstar 2641229 +closeout 2640375 +kayaking 2639983 +synergy 2639929 +eta 2639873 +catalogues 2639071 +aspire 2638953 +harvesting 2638260 +garfield 2638077 +groom 2637912 +jewels 2637876 +saturated 2637689 +georges 2637465 +backpacking 2637272 +quincy 2636485 +accidentally 2636203 +doughty 2636162 +bonded 2635939 +sticking 2635839 +dudley 2635816 +weeds 2634421 +stripped 2634414 +oprah 2634267 +inflatable 2633718 +beers 2633610 +clive 2633530 +fixture 2633227 +glassware 2633110 +canary 2632425 +steadily 2632187 +imagined 2631487 +darby 2631164 +woke 2630503 +kos 2630462 +fills 2630389 +proportions 2630142 +grips 2629556 +clergy 2629414 +coursework 2629264 +solicitors 2629165 +kayak 2628993 +moderately 2628951 +mayotte 2628024 +altar 2627835 +salvage 2627328 +repetitive 2627063 +stanton 2627052 +creators 2627052 +gears 2626927 +orbital 2626863 +musicals 2626767 +kilometres 2626210 +cuff 2625819 +lithuanian 2625728 +repeating 2625374 +empires 2624661 +profiling 2623798 +reps 2623595 +oyster 2621847 +sturdy 2621713 +sequencing 2621506 +massacre 2620731 +undergo 2620082 +panoramic 2619902 +risen 2619862 +blended 2619659 +rhino 2619135 +polynomial 2619081 +tau 2618285 +imperative 2618155 +stakeholder 2617739 +beg 2616794 +digging 2616671 +lantern 2615989 +catches 2615877 +evangelical 2615781 +eaton 2615601 +ruler 2615554 +signifies 2615219 +henri 2615040 +stochastic 2614305 +tokens 2613416 +santana 2613405 +kidding 2613375 +piping 2612878 +swept 2612095 +swansea 2611945 +airmail 2611913 +staring 2611893 +seventy 2611424 +problematic 2610150 +troop 2609404 +arose 2609029 +decomposition 2608915 +chatham 2608695 +becky 2606971 +farrell 2606302 +elders 2606118 +interpreters 2605617 +supporter 2605475 +acknowledgements 2605073 +klaus 2604818 +skincare 2602704 +conquest 2602471 +heroin 2601620 +repairing 2601383 +mandated 2601015 +workbook 2600958 +assemble 2600945 +hogan 2600534 +whistle 2599728 +dresden 2599154 +timeshare 2598791 +diversified 2598662 +oldies 2597950 +fertilizer 2596909 +complaining 2596505 +analytic 2596154 +predominantly 2594198 +amethyst 2594139 +debra 2594075 +woodward 2593977 +rewritten 2593936 +concerto 2593024 +adorable 2592855 +ambition 2592749 +torres 2592076 +apologize 2591938 +restraint 2590802 +thrillers 2590282 +eddy 2589078 +condemned 2588714 +berger 2588684 +timeless 2588461 +parole 2588422 +corey 2588392 +kendall 2588076 +spouses 2587875 +slips 2587498 +ninety 2587226 +tyr 2587078 +trays 2586701 +stewardship 2586490 +cues 2586257 +esq 2586164 +kisses 2585515 +kerr 2585290 +regulating 2585246 +flock 2585098 +exporting 2584899 +arabian 2584206 +chung 2584176 +scheduler 2583608 +bending 2583558 +boris 2582954 +hypnosis 2582627 +kat 2581765 +ammunition 2581750 +vega 2581698 +pleasures 2581560 +shortest 2581476 +denying 2581389 +cornerstone 2580946 +recycle 2580318 +shave 2580057 +sos 2579597 +disruption 2578410 +galway 2578132 +colt 2577919 +artillery 2577825 +furnish 2577787 +precedence 2577705 +gao 2577702 +applicability 2577161 +volatility 2576975 +grinding 2576703 +rubbish 2576642 +missionary 2576312 +knocked 2576160 +swamp 2575587 +pitching 2575364 +bordeaux 2574008 +manifold 2573995 +tornado 2573937 +disneyland 2573713 +possessed 2573290 +upstairs 2573007 +bro 2572817 +turtles 2572647 +offs 2572459 +fab 2572142 +welcoming 2571306 +learns 2570984 +manipulate 2570342 +dividing 2569996 +hickory 2569948 +renovated 2569941 +inmates 2569921 +conformance 2569642 +slices 2569411 +bittorrent 2568710 +cody 2568563 +frankie 2568555 +lawson 2567894 +quo 2567723 +damned 2566720 +beethoven 2565877 +faint 2565744 +rebuilt 2565168 +proceeded 2564696 +collaborate 2564383 +lei 2563419 +tentative 2562953 +peterborough 2562698 +fierce 2562384 +jars 2562160 +authenticity 2562043 +hips 2561970 +rene 2561960 +gland 2561362 +positives 2561224 +wigs 2561086 +resignation 2560942 +striped 2560923 +zion 2560270 +blends 2560019 +garments 2559975 +fraternity 2559869 +hunk 2559594 +allocations 2559346 +lymphoma 2559160 +tapestry 2559102 +originating 2558537 +stu 2557663 +chap 2557160 +blows 2556663 +inevitably 2556652 +freebies 2555646 +converse 2554939 +frontline 2554440 +gardener 2553839 +winnie 2553592 +higgins 2552864 +stoke 2552684 +warwickshire 2550801 +polymers 2550216 +penguins 2550142 +attracting 2549806 +grills 2549512 +jeeves 2549456 +harp 2548850 +phat 2548843 +escrow 2548489 +dds 2547777 +denton 2547717 +anthem 2547657 +tack 2547602 +whitman 2547585 +nowadays 2547379 +woodstock 2547116 +sack 2546938 +inferior 2546617 +surfers 2546274 +abuses 2546094 +inspected 2545315 +deb 2545057 +jockey 2544228 +kauai 2544183 +indicative 2542684 +stresses 2541443 +incumbent 2541291 +ithaca 2541098 +edmund 2540430 +peoria 2540360 +upholstery 2540113 +aggression 2539892 +peek 2539766 +ella 2539360 +casualties 2539213 +bournemouth 2538216 +sudoku 2537882 +monarch 2537590 +housed 2537223 +administering 2536998 +temptation 2536564 +havana 2536543 +roe 2536469 +campground 2536233 +nasal 2536094 +restrictive 2535342 +costing 2535149 +ranged 2534995 +predictive 2534917 +aquaculture 2534664 +spruce 2534428 +paradox 2534135 +redesign 2533719 +billings 2533397 +jeanne 2533177 +nitro 2533124 +oxidation 2533059 +jackpot 2532985 +marin 2532915 +halfway 2532364 +cortex 2530902 +entitlement 2530866 +amending 2530752 +conflicting 2530282 +georgian 2530176 +compensate 2529651 +recherche 2529321 +loser 2529180 +secs 2529162 +mixers 2528887 +accountancy 2528048 +claus 2528018 +policing 2527931 +braves 2527914 +cracking 2527515 +sued 2526428 +shoots 2526359 +interrupted 2525933 +hemisphere 2525439 +miranda 2525275 +clover 2525179 +kindness 2524494 +similarities 2524194 +porto 2522999 +neutron 2522790 +duluth 2522476 +directs 2522324 +jolly 2522092 +snakes 2521893 +swelling 2521718 +spanning 2521710 +politician 2521169 +femme 2521124 +unanimous 2520971 +railways 2520743 +approves 2520685 +scriptures 2520617 +misconduct 2520545 +lester 2520530 +folklore 2520236 +resides 2520118 +wording 2519992 +obliged 2519826 +perceive 2519370 +rockies 2518528 +siege 2518421 +exercising 2517892 +acoustics 2517859 +voluntarily 2517597 +pensacola 2517454 +atkinson 2517359 +condominium 2516255 +wildcats 2516157 +exhibitors 2514814 +truths 2514470 +grouping 2513076 +wolfe 2512558 +redwood 2511836 +thereto 2511826 +invoices 2511057 +tyres 2510350 +authorizing 2510231 +enamel 2509986 +toby 2508904 +radiant 2506757 +estonian 2506680 +virgins 2506557 +firstly 2506379 +martini 2505907 +butte 2505600 +bomber 2505585 +reeves 2505496 +songwriter 2505462 +suspicion 2504621 +disadvantage 2504267 +bastard 2504042 +coaster 2503539 +spends 2503434 +hicks 2503430 +pratt 2503054 +pedigree 2502866 +strippers 2502249 +macmillan 2502140 +fraudulent 2501991 +woodworking 2501856 +sherwood 2501437 +forgiveness 2501286 +almond 2500565 +catalytic 2500336 +petitions 2500009 +trenton 2499535 +chalk 2498505 +omar 2498343 +alexis 2497825 +bethesda 2497387 +privatization 2497240 +sourceforge 2496892 +sanford 2496806 +axle 2496464 +membranes 2496460 +puppet 2495374 +testosterone 2495063 +cultivation 2494830 +nunavut 2494614 +surveying 2494534 +grazing 2493989 +biochemical 2493892 +pillar 2493688 +mirage 2493561 +lennon 2493144 +questionable 2492735 +seaside 2492674 +suitability 2491867 +precinct 2491806 +renamed 2491675 +cobb 2491637 +lara 2491478 +unbelievable 2491299 +soluble 2491148 +piracy 2490728 +rowing 2490271 +siding 2490194 +hardest 2489739 +forrest 2489703 +invitational 2489659 +reminders 2489508 +negro 2489080 +blanca 2489053 +equivalents 2488782 +johann 2488289 +handcrafted 2488264 +aftermarket 2487971 +pineapple 2487823 +fellowships 2487618 +freeway 2486934 +wrath 2486700 +opal 2486653 +simplest 2486239 +patrons 2485842 +peculiar 2485776 +europeans 2485431 +commence 2484874 +descendants 2484559 +redmond 2484388 +safeguard 2484174 +digitally 2484117 +lars 2483751 +hatchback 2483111 +obsession 2482377 +grind 2482307 +albeit 2482233 +billiards 2482114 +clint 2481872 +bankers 2481750 +righteous 2481713 +redistribution 2480798 +freaks 2480531 +subclass 2479278 +rutgers 2477755 +sampled 2477135 +sincere 2476939 +deploying 2476652 +interacting 2476373 +roanoke 2476369 +intentionally 2476029 +blitz 2476009 +tended 2475387 +censorship 2475227 +cactus 2475082 +viva 2474832 +treadmill 2474781 +attained 2473688 +blew 2473343 +howe 2473217 +nap 2473014 +osaka 2472838 +splendid 2472698 +janice 2472481 +personalize 2472227 +lava 2471986 +leonardo 2471930 +sucked 2471917 +scissors 2471613 +broncos 2471504 +jorge 2471105 +cooks 2470395 +sharply 2470344 +granada 2470148 +laurence 2470052 +rebellion 2469106 +rainy 2469088 +tho 2468927 +regent 2468483 +evelyn 2468215 +vinegar 2467712 +vie 2467637 +classifications 2467504 +rafting 2466959 +pluto 2466856 +gil 2466786 +vail 2465727 +fisherman 2464823 +misery 2464795 +undergoing 2464782 +limerick 2464711 +safaris 2464644 +contaminants 2464458 +envy 2464445 +scr 2464405 +mitch 2464162 +sweeping 2463965 +healthier 2463491 +mailer 2461916 +preface 2461709 +jameson 2461558 +grievance 2461503 +liners 2461442 +unread 2460260 +sentiment 2460011 +pencils 2459655 +galloway 2459471 +kristin 2458841 +forged 2458824 +bistro 2458804 +viola 2458792 +voodoo 2457448 +disclosures 2456864 +provence 2456582 +caching 2455792 +computerized 2455700 +rustic 2455629 +dillon 2455083 +shah 2455068 +eleanor 2454556 +deception 2454433 +volts 2454421 +conducts 2454368 +divorced 2454344 +rushed 2454043 +excalibur 2453959 +bots 2453725 +weighs 2453498 +sinatra 2452608 +magnolia 2452451 +diver 2452406 +disappointment 2452388 +castles 2452078 +notions 2451904 +plateau 2451261 +interpersonal 2451102 +dexter 2451049 +traumatic 2450877 +ringer 2450825 +zipper 2450000 +palette 2448716 +blaze 2448412 +wreck 2447935 +threatens 2447772 +strengthened 2447673 +sammy 2447628 +briefings 2447057 +siblings 2446697 +wakefield 2446527 +adversely 2446151 +devastating 2446064 +pitcairn 2445999 +arabs 2444955 +robbery 2443257 +nucleic 2442798 +telecoms 2442762 +jasmine 2441948 +crochet 2441543 +brock 2441409 +crowds 2439262 +hoops 2438525 +macon 2437697 +lynne 2437544 +invariant 2436965 +stamped 2436087 +challenger 2435511 +increment 2435396 +redistributed 2435259 +uptake 2434566 +newsweek 2434397 +geared 2434240 +ideals 2434179 +chloe 2434045 +ape 2433746 +gee 2433166 +apologies 2433010 +prada 2432946 +tycoon 2432605 +malignant 2431848 +dismiss 2431006 +preceded 2429747 +lawful 2429707 +stag 2429332 +crosby 2429109 +rash 2428545 +gateways 2428314 +collapsed 2427732 +antibiotic 2427497 +horns 2427037 +vanderbilt 2427020 +cps 2426767 +diversion 2426724 +overweight 2426520 +fantasies 2426377 +taliban 2426052 +maureen 2425925 +trekking 2425674 +coordinators 2425563 +beginnings 2425503 +reversal 2425317 +lex 2424291 +shoreline 2423748 +presses 2423685 +ordination 2423296 +oxfordshire 2423162 +yves 2423108 +tandem 2422935 +boil 2422265 +deliberate 2422264 +gagged 2422197 +surprises 2421702 +abe 2420884 +roc 2420867 +dementia 2420741 +barley 2420348 +potent 2419930 +amusing 2419640 +mastering 2419592 +levine 2418895 +nerves 2418478 +retains 2417263 +pow 2417177 +docking 2416176 +guidebook 2415999 +pilates 2415579 +chimney 2415182 +backstreet 2414433 +packers 2414244 +localized 2414106 +naomi 2413747 +proverbs 2413062 +risky 2412508 +mistaken 2411938 +carving 2411889 +miracles 2411472 +clair 2410656 +slipped 2410446 +realism 2410398 +crete 2409700 +fractions 2409312 +archiving 2407950 +disconnect 2407528 +bloodhound 2407510 +multilingual 2407472 +sherry 2407286 +desperately 2407133 +indies 2406907 +tulip 2406691 +madame 2406665 +remedial 2406614 +vain 2406302 +bert 2406294 +immunization 2406054 +dalton 2406005 +bologna 2405514 +departing 2404892 +maze 2404306 +cumming 2403813 +barefoot 2402711 +remuneration 2402572 +bohemian 2402466 +interviewing 2402367 +categorized 2402134 +imposing 2401482 +damon 2401346 +tivoli 2401149 +transmissions 2400730 +receivable 2400318 +rode 2400161 +amen 2400153 +marching 2400087 +ronnie 2399954 +evacuation 2399397 +owing 2399321 +warp 2399276 +implant 2399127 +playlists 2398929 +thematic 2398885 +brentwood 2398745 +catholics 2398661 +correctional 2397855 +faculties 2397454 +denies 2397434 +buffers 2396823 +servings 2396089 +reinforce 2394921 +kobe 2394793 +inception 2394773 +draper 2394747 +baylor 2394416 +bowman 2394377 +frustrating 2394252 +subversion 2394175 +zeta 2394047 +benny 2393928 +spires 2393880 +barney 2393754 +dinnerware 2393648 +sclerosis 2392826 +homosexuality 2392550 +declares 2392411 +emotionally 2391987 +masonry 2391921 +carbohydrate 2391830 +medicinal 2391733 +accrued 2391008 +temples 2390437 +realizing 2390433 +cemeteries 2389792 +indoors 2389570 +telescopes 2389085 +magellan 2388447 +champs 2388179 +federated 2387686 +averaging 2387410 +salads 2387032 +addicted 2386786 +flashlight 2386453 +disappointing 2386364 +rockford 2386241 +eighty 2385976 +staging 2385972 +unlocked 2385296 +scarce 2385219 +statistic 2384948 +roche 2384778 +ropes 2384639 +torino 2384619 +spiders 2384288 +obedience 2384233 +plague 2383845 +diluted 2383641 +canine 2383411 +gladly 2383400 +schizophrenia 2383269 +brewery 2383143 +lineage 2382912 +brew 2382584 +vaughan 2382571 +kern 2382522 +julius 2382296 +coup 2382274 +cannes 2382265 +morse 2382036 +dominance 2381788 +predators 2381273 +piston 2381202 +cords 2380982 +revisited 2380826 +sealing 2380108 +topped 2379955 +adhesives 2379922 +rag 2379816 +despair 2379553 +inventories 2379122 +fore 2378954 +absorb 2378096 +injected 2378069 +alps 2377380 +commodore 2377211 +dumping 2377175 +enlisted 2376750 +prophets 2376749 +econ 2376255 +warez 2375829 +supernatural 2374979 +overlooked 2374946 +magenta 2374461 +tagging 2374392 +ditch 2373753 +feared 2373625 +prelude 2373600 +rowe 2372780 +slick 2372634 +overly 2372522 +limestone 2372437 +triggers 2372243 +commentaries 2372211 +constructs 2372108 +impedance 2372086 +dragonfly 2371854 +manpower 2371829 +chunk 2371231 +reels 2371017 +lob 2370806 +slept 2370802 +gregg 2370023 +refundable 2370011 +billboard 2369545 +drafted 2369018 +chalet 2368986 +huang 2368880 +layered 2368440 +hopper 2367920 +neurological 2367615 +subs 2367299 +specialization 2367296 +abstraction 2366467 +ludwig 2365101 +watchdog 2365031 +scandinavian 2364674 +starbucks 2364470 +viability 2364054 +detained 2363691 +luncheon 2363638 +filler 2363583 +smiley 2363430 +zenith 2363349 +genomics 2363286 +yum 2362952 +browns 2362811 +researched 2362534 +waits 2362199 +tenor 2361385 +copiers 2360987 +ovarian 2360849 +softly 2360826 +plenary 2360816 +scrub 2360299 +wilkinson 2359481 +limb 2359067 +intestinal 2358994 +cello 2358848 +poe 2358805 +refusing 2357765 +suffers 2357684 +sweepstakes 2357635 +occupy 2357306 +antigens 2356918 +gan 2356874 +midtown 2356427 +bethlehem 2355564 +stabilization 2355377 +caves 2355316 +authoritative 2355249 +celestial 2355105 +immense 2354605 +audrey 2354566 +merlin 2354378 +kinetics 2354107 +cocos 2354000 +aiming 2353915 +seizure 2353392 +stuttgart 2353387 +diplomacy 2352610 +differing 2352534 +impacted 2352224 +foreigners 2351944 +limp 2351899 +capitalist 2351271 +rumsfeld 2351158 +mute 2351105 +beanie 2351093 +prescott 2350984 +protestant 2350938 +metre 2350745 +tricky 2350431 +ordinances 2350341 +thurs 2349803 +spaced 2349680 +koch 2349132 +freq 2349123 +topaz 2348935 +ans 2348913 +segmentation 2348439 +imaginary 2348396 +albion 2348149 +soaps 2347810 +courthouse 2347505 +sutherland 2346597 +entrepreneurial 2346440 +dart 2345761 +lebanese 2345613 +psycho 2345581 +maharashtra 2345459 +wrought 2345069 +robe 2344642 +theresa 2343953 +heidelberg 2343859 +multitude 2343548 +tutors 2342956 +ezra 2342588 +housekeeping 2342524 +captive 2342128 +kettle 2341770 +visitation 2341736 +chr 2341619 +gibbs 2341301 +baggage 2340989 +chavez 2340951 +dusty 2339959 +patty 2339693 +serena 2339369 +asst 2338968 +satire 2338817 +overload 2338735 +tortured 2338057 +pioneers 2337334 +vikings 2336967 +crate 2336818 +bootstrap 2336609 +episcopal 2336299 +humane 2336128 +moonlight 2334927 +mast 2334829 +unfinished 2333647 +goth 2333078 +cared 2333049 +affection 2332707 +sworn 2332355 +twink 2332335 +bowen 2332324 +vicious 2331876 +educating 2331409 +kin 2331005 +affiliations 2330795 +pussycat 2330623 +appropriated 2330545 +escherichia 2330475 +mallorca 2330303 +mackenzie 2330106 +reversible 2329713 +slippers 2329284 +unclassified 2329160 +earthquakes 2329102 +bookshelf 2328590 +hayward 2327841 +wandering 2327786 +comb 2327626 +liquids 2327187 +beech 2327119 +vineyards 2327015 +amer 2326748 +frogs 2326307 +fps 2326094 +consequential 2325659 +initialization 2325157 +unreasonable 2324841 +expat 2324561 +osborne 2324488 +raider 2323603 +timers 2322877 +stimulus 2322857 +economists 2322843 +miners 2322828 +agnes 2322429 +constituency 2322415 +rocker 2322314 +acknowledges 2321868 +alas 2321771 +enrolment 2321704 +sawyer 2321394 +maori 2321308 +lawmakers 2321236 +tense 2320926 +predicting 2320903 +filipino 2320723 +cooled 2320309 +prudential 2319748 +basel 2319607 +migrant 2319291 +devotion 2319290 +larson 2318809 +invoke 2318419 +leaning 2318144 +centrally 2317496 +paddle 2316636 +watkins 2316405 +anterior 2316239 +dealership 2316058 +chop 2315541 +rooted 2315294 +onyx 2315135 +benches 2315058 +illumination 2314953 +freedoms 2314731 +bakersfield 2314616 +foolish 2314452 +finale 2314315 +weaker 2314182 +foley 2314106 +fir 2312692 +stirling 2312659 +moran 2312457 +decal 2311933 +compose 2311784 +nausea 2311479 +comfortably 2310081 +hoop 2310001 +addictive 2309956 +clarinet 2309907 +temps 2309859 +fiona 2309644 +clearer 2309498 +floods 2309318 +gigabyte 2309317 +fritz 2309089 +mover 2309084 +erica 2307054 +malaga 2306599 +federally 2305397 +sustaining 2305240 +repaired 2304344 +diocese 2304337 +francois 2304303 +obituary 2304274 +multinational 2304039 +painters 2303826 +thistle 2303759 +sleepy 2303460 +nope 2303364 +footnotes 2303110 +rupert 2302587 +shrine 2302579 +aspirin 2302297 +purified 2302093 +striving 2301814 +dire 2301525 +attendant 2301496 +gull 2301164 +jour 2301146 +mir 2301062 +spoilers 2300642 +northumberland 2300514 +machining 2300268 +malibu 2300139 +memoir 2299845 +betsy 2299580 +shaun 2299131 +redundancy 2299058 +meredith 2298941 +fauna 2298940 +cliffs 2298828 +hayden 2298803 +emo 2298484 +roadside 2298262 +smells 2298156 +dispose 2298026 +detox 2297343 +waking 2297304 +feathers 2297128 +skateboard 2296744 +reflex 2296477 +falcons 2296397 +automate 2296259 +drosophila 2295980 +spurs 2295629 +sion 2295561 +crashed 2295284 +appraisals 2294795 +travelled 2294125 +urgency 2294018 +flashes 2293952 +lakewood 2293545 +gould 2293519 +brit 2293348 +eliza 2292065 +carers 2291799 +kramer 2291542 +graduating 2291215 +rims 2291023 +harmonic 2290965 +darts 2290842 +shin 2288964 +intriguing 2288807 +keypad 2288563 +flaw 2288130 +tails 2287798 +emulator 2287776 +microbial 2287718 +discarded 2287290 +bibles 2287235 +hangs 2287111 +caregivers 2286636 +joanna 2286620 +quark 2286617 +synonyms 2286036 +electronica 2285879 +stranded 2285325 +mitochondrial 2284771 +horton 2284621 +dolce 2283881 +hercules 2283618 +pane 2282782 +browning 2282546 +angular 2282356 +veins 2282346 +folds 2282227 +grinder 2281990 +angie 2281695 +sneak 2280877 +octet 2280607 +incorrectly 2280414 +avoidance 2280365 +dinosaurs 2279772 +sauces 2279536 +conquer 2279399 +mccoy 2278977 +probabilities 2278966 +vibe 2278741 +immortal 2278011 +mariners 2278010 +snapshots 2278001 +creole 2277595 +meth 2277432 +trendy 2277368 +teas 2277290 +settling 2277106 +inpatient 2276012 +filming 2275985 +badger 2275812 +saturdays 2275210 +partisan 2275007 +gratitude 2274093 +impress 2274015 +willy 2273954 +anon 2273948 +eminent 2273923 +ribs 2273552 +communicated 2273387 +exceptionally 2272954 +quilts 2272852 +cartier 2272834 +ageing 2272736 +splits 2272659 +subscribing 2272477 +companions 2272408 +cheques 2272318 +containment 2272292 +keynes 2272159 +protections 2271529 +edith 2271217 +aliases 2270764 +maximizing 2270543 +screwed 2270111 +tomcat 2269978 +walmart 2269839 +sectional 2269463 +interestingly 2268970 +fashionable 2268946 +polly 2268880 +tidal 2268649 +jules 2268604 +ballots 2268477 +hog 2268262 +ernie 2268175 +testify 2268094 +poole 2267945 +boycott 2267945 +elem 2267792 +vitality 2267737 +clerks 2267600 +crust 2267452 +bothered 2267322 +traverse 2266937 +vengeance 2266642 +organisers 2266464 +dolly 2266400 +pissed 2266238 +garrison 2265953 +sal 2265728 +barb 2265716 +mckenzie 2265454 +huns 2264946 +miner 2264812 +fashions 2264509 +genital 2264034 +barr 2263617 +analogy 2263449 +insomnia 2263184 +constituent 2263143 +aura 2263012 +cecil 2262884 +sponge 2262717 +cajun 2262690 +algebraic 2262216 +sect 2262094 +diner 2261961 +anticipation 2261724 +enduring 2261346 +scarborough 2260919 +kristen 2260739 +regis 2260707 +winters 2260458 +nous 2259869 +explosives 2259785 +mound 2259654 +xiv 2259150 +backgammon 2259134 +sgd 2258779 +chromatography 2258524 +overdose 2258473 +gallagher 2257606 +snatch 2256983 +mueller 2256736 +mole 2256537 +obs 2256448 +owed 2256361 +ethan 2256315 +orgasms 2254938 +kissed 2254272 +buff 2254017 +freezers 2253962 +butcher 2253885 +psalms 2253800 +rum 2253411 +ibiza 2252881 +reese 2252849 +chefs 2252629 +engraving 2252004 +constituted 2251515 +gastrointestinal 2251383 +hamlet 2251257 +contrib 2249276 +clad 2247938 +excursion 2247674 +blu 2247636 +inverness 2247568 +orb 2247433 +grange 2247323 +megapixels 2246607 +resigned 2246288 +retriever 2245974 +fled 2245856 +svalbard 2245782 +enriched 2245731 +harrington 2245726 +brandy 2245535 +swings 2245409 +scion 2245350 +reptiles 2245176 +vortex 2244809 +swallowing 2244613 +purses 2244577 +bodily 2243749 +xiii 2242100 +awe 2241800 +beaumont 2241669 +standalone 2241569 +australasia 2241262 +mandy 2240981 +hoods 2240850 +antitrust 2240438 +equine 2240303 +bros 2240209 +fireplaces 2240184 +jared 2240128 +requisite 2239862 +retrospective 2239656 +emphasizes 2238517 +lizard 2238343 +hawthorne 2238309 +tehran 2238223 +bouquets 2237840 +wears 2237421 +shropshire 2237118 +regal 2236787 +safeguards 2236324 +cabbage 2235882 +cub 2235775 +wrongful 2235339 +spectator 2235338 +arrests 2235121 +circumstance 2235074 +signage 2234537 +numbering 2233841 +encode 2233497 +admins 2233477 +alvin 2232995 +accolades 2232640 +sliced 2232434 +reproductions 2232254 +infertility 2231925 +byrd 2231903 +sidewalk 2231882 +prob 2231681 +breaker 2231387 +curly 2231026 +alberto 2230679 +collage 2230355 +asserted 2230343 +aces 2229921 +benchmarking 2229563 +jealous 2229501 +refinement 2229226 +durban 2228830 +learnt 2228719 +hound 2228633 +squirrel 2228308 +concealed 2228233 +bankruptcies 2228091 +gauges 2227826 +blueprint 2227312 +mccain 2227162 +bridging 2226960 +wharf 2226856 +rhythms 2226659 +departures 2226525 +flick 2226500 +datum 2226219 +shotgun 2225854 +stimulated 2225851 +chickens 2225835 +langley 2224871 +briggs 2224709 +cheyenne 2224473 +empowering 2224072 +lug 2223791 +surveyor 2222995 +facilitator 2222990 +maize 2222076 +galveston 2222053 +extinction 2221990 +unaware 2221929 +rockville 2221708 +banff 2221531 +discretionary 2221521 +psalm 2220027 +scented 2218936 +timestamp 2218211 +bib 2217795 +gowns 2217657 +stevie 2216763 +spying 2216698 +nicholson 2216571 +rivera 2216114 +dermatology 2215849 +lied 2215843 +sandbox 2215370 +bloc 2215168 +cambridgeshire 2214799 +premiership 2214457 +luton 2214453 +recurrent 2214373 +talbot 2214323 +leaks 2214133 +tam 2214121 +recursive 2213452 +swell 2213445 +obstacle 2213426 +fluorescence 2212938 +kosher 2212803 +mantle 2212731 +additives 2212673 +chico 2212526 +driveway 2212347 +irony 2212193 +gesture 2211952 +fairbanks 2211487 +marketed 2210881 +armies 2210841 +hugs 2209967 +greenfield 2209164 +santos 2209111 +owls 2208765 +mandrake 2208765 +cutters 2208709 +camper 2208353 +acquires 2207920 +ceased 2207677 +merging 2207630 +plaques 2207525 +breadth 2207395 +mammoth 2207269 +liquidity 2207213 +convictions 2206377 +intentional 2206039 +galactic 2205825 +sophia 2205688 +merchandising 2205545 +prohibits 2204849 +ombudsman 2204623 +innings 2204569 +registrant 2204494 +reorganization 2204091 +pronunciation 2203941 +firefighters 2203597 +placements 2202980 +concession 2202890 +measurable 2202880 +ami 2202799 +parcels 2202732 +pastry 2202621 +manners 2202352 +levin 2202321 +academia 2202285 +amiga 2201683 +phosphorus 2201635 +viper 2201559 +descriptor 2201540 +hid 2201472 +volcanic 2201241 +gypsy 2201227 +thieves 2201031 +preaching 2200846 +pimp 2200611 +repeal 2200528 +gimp 2200267 +uncovered 2200137 +hemp 2200098 +eileen 2199805 +proficient 2199374 +pelican 2199254 +cyclic 2199045 +swimsuit 2199038 +apocalypse 2198730 +morphology 2198704 +cousins 2197809 +discharges 2197331 +condom 2196416 +admire 2196307 +westerns 2196151 +dodgers 2195501 +litre 2195204 +poured 2195144 +usefulness 2194801 +unsolicited 2194503 +binds 2193939 +unveiled 2193279 +correlations 2193131 +burt 2193104 +titus 2193051 +textual 2192863 +suffix 2192739 +handsets 2192653 +gandhi 2192142 +spindle 2192023 +heavens 2191944 +inks 2191859 +wink 2191452 +mister 2191168 +rounding 2191014 +inorganic 2190780 +flare 2190533 +scholastic 2190315 +wight 2190271 +mondays 2189977 +withholding 2189743 +insertions 2188802 +couture 2188659 +foliage 2188270 +nod 2188223 +fife 2186988 +generals 2186641 +crank 2185208 +goats 2184919 +autographs 2184662 +summarize 2184649 +stub 2184616 +fundamentally 2184344 +creamy 2184127 +exposition 2184050 +rains 2183544 +buckley 2183416 +middleton 2183377 +laminated 2183151 +organise 2183137 +tort 2182973 +brace 2182960 +backups 2182568 +novelties 2182172 +gigantic 2182100 +abdul 2181993 +sheldon 2181491 +ryder 2181395 +mayhem 2180898 +washers 2180888 +grep 2180883 +polymerase 2180425 +optimisation 2180387 +octave 2180280 +struts 2180214 +suppress 2179050 +harding 2178980 +dams 2178745 +deserved 2178581 +violates 2178320 +joplin 2178089 +rutherford 2177326 +afro 2177296 +separates 2177004 +proofs 2176910 +precedent 2176695 +biosynthesis 2176610 +prosecutors 2176534 +confirming 2176371 +garth 2176273 +nolan 2175918 +alloys 2175171 +mach 2174764 +getaways 2174538 +facilitated 2174363 +miquelon 2174353 +metaphor 2174119 +bridget 2174095 +wonderland 2173907 +infusion 2173865 +jessie 2173750 +organising 2173646 +zine 2172576 +conn 2172390 +truman 2172356 +argus 2172332 +mango 2171900 +spur 2171795 +jubilee 2171646 +landmarks 2171203 +polite 2171161 +thigh 2171107 +asynchronous 2169827 +paving 2169814 +cyclone 2169364 +perennial 2169281 +carla 2169262 +jacqueline 2169107 +seventeen 2168961 +meats 2168286 +clearinghouse 2168182 +bulldog 2167341 +cleavage 2166872 +analysed 2166678 +gradual 2166399 +brethren 2165812 +facilitates 2165802 +embodiment 2165658 +specialised 2165541 +violating 2165306 +recruited 2164551 +bernstein 2164550 +skis 2164527 +marketers 2164086 +toilette 2163893 +trailing 2163754 +pact 2163660 +lipstick 2163155 +honourable 2163115 +lulu 2162895 +windy 2162674 +brennan 2162600 +punished 2162545 +saturation 2162437 +stamford 2162402 +alamo 2162395 +chronology 2161984 +mastery 2161704 +thermometer 2161420 +cranberry 2161233 +kan 2160933 +downhill 2160921 +vita 2160856 +hyderabad 2160319 +steer 2159937 +nesting 2159830 +vogue 2159792 +aired 2159611 +attn 2159197 +spaghetti 2158989 +outward 2158902 +whisper 2158715 +ipswich 2158648 +tues 2158542 +boogie 2157978 +fla 2156973 +compromised 2156859 +utilizes 2156760 +confession 2156622 +deprived 2155999 +benedict 2155897 +lesbos 2155731 +vodka 2155662 +zaire 2154891 +fasteners 2154203 +bricks 2154059 +communism 2153825 +leopard 2153753 +sakai 2152556 +flowering 2151998 +wig 2151939 +jingle 2151886 +bounty 2151873 +arcadia 2151851 +fishes 2151535 +ringing 2151327 +knobs 2151258 +taurus 2150339 +rajasthan 2150315 +absurd 2148981 +committing 2148886 +tolerant 2148096 +stoves 2147560 +enactment 2146865 +laminate 2146858 +earring 2146830 +datatype 2146632 +embryo 2146623 +ska 2145956 +nora 2144854 +salts 2144773 +marietta 2144747 +ergonomic 2144410 +furious 2144253 +iteration 2144069 +vida 2143531 +ceilings 2143491 +dispenser 2143467 +respecting 2143341 +approving 2142483 +unsafe 2142475 +refills 2141889 +ibis 2141847 +separating 2141749 +soups 2141445 +residing 2141368 +unidentified 2141331 +richie 2141057 +markings 2140739 +moist 2140516 +tractors 2140424 +trina 2140397 +drained 2139571 +coed 2139346 +mule 2138641 +cummings 2138422 +sheikh 2138230 +hernandez 2137755 +kiwi 2137471 +ohm 2137321 +cessation 2137188 +append 2136979 +motive 2136857 +pests 2136804 +acreage 2136630 +seasoned 2136568 +sunflower 2136497 +duel 2136368 +fingerprint 2136190 +stocked 2135627 +sorority 2135042 +bethel 2134879 +audition 2134610 +plano 2134185 +sunderland 2133327 +doris 2132988 +motives 2132803 +reinforcement 2132508 +dwight 2132409 +leveraging 2131493 +psychotherapy 2131314 +provost 2131303 +guessing 2131003 +stokes 2130793 +ats 2130612 +saxophone 2130007 +cocktails 2129998 +mead 2129480 +harlem 2129282 +throttle 2129057 +steroid 2128756 +gong 2128445 +communicator 2128091 +horticulture 2128038 +resets 2127923 +sympathetic 2127529 +fridays 2127464 +bono 2127384 +isolate 2127204 +unconscious 2126950 +bays 2126514 +acronym 2125641 +faulty 2125277 +affidavit 2125205 +breathtaking 2124735 +streamline 2124680 +messiah 2124191 +brunch 2123970 +infamous 2123711 +pundit 2123572 +pleasing 2123373 +seizures 2123353 +appealed 2123326 +figurine 2123179 +surveyors 2123090 +mutants 2123025 +cyberspace 2122840 +tenacious 2122528 +expiry 2122063 +waterfall 2121717 +sensual 2121425 +persecution 2121168 +goldman 2120965 +petit 2120813 +burgess 2120777 +inning 2119847 +gaze 2119763 +fries 2119656 +chlorine 2119419 +freshly 2119331 +initialize 2119091 +saxon 2118651 +rye 2118455 +isabella 2117892 +foundry 2117706 +toxicology 2117705 +monies 2117267 +bodybuilding 2117113 +assassination 2116496 +nostalgia 2115900 +remarkably 2115679 +acetate 2115668 +stall 2114252 +deere 2113985 +saratoga 2113061 +entirety 2112980 +destined 2112859 +marcel 2112634 +terminator 2112514 +lad 2112499 +hulk 2112390 +badminton 2111283 +cyan 2111144 +ora 2111128 +cory 2111050 +bal 2110992 +flores 2110181 +olivier 2109998 +portage 2109768 +stacey 2109729 +serif 2109334 +dwellings 2109333 +informing 2108822 +yellowstone 2108731 +portability 2107820 +characterize 2107717 +ricardo 2107700 +yourselves 2107575 +yearbook 2106514 +rotterdam 2106095 +lubricants 2106029 +alameda 2105485 +aerosol 2105024 +clemson 2104654 +hostage 2103928 +cracker 2103875 +anglican 2103871 +monks 2103722 +compliment 2103716 +storey 2103431 +scotch 2103280 +sermons 2103017 +philly 2102437 +remembers 2102056 +coolers 2101965 +multilateral 2101916 +freddie 2101786 +contention 2101748 +costello 2101592 +audited 2100803 +juliet 2100455 +adjunct 2100139 +guernsey 2099491 +galore 2099185 +aloha 2099181 +dehydrogenase 2098738 +bangor 2098667 +persia 2098507 +axes 2097942 +postfix 2097877 +stirring 2097850 +haze 2097119 +pits 2096761 +exponential 2096725 +utter 2096533 +bottled 2095983 +ants 2095946 +gastric 2095401 +secretarial 2095099 +influencing 2094933 +rents 2094682 +theirs 2094103 +mattresses 2093868 +donovan 2093243 +lax 2093131 +toaster 2092936 +cater 2092828 +colts 2092808 +rehearsal 2092470 +strauss 2092320 +reputable 2092298 +wei 2092089 +tuck 2091789 +slab 2091074 +lure 2090646 +kart 2090634 +cpl 2090322 +archbishop 2090110 +putin 2090056 +questionnaires 2089908 +ling 2089684 +incompatible 2089664 +emblem 2089468 +roadway 2088681 +overlapping 2088603 +serials 2088560 +walters 2088305 +dunes 2088285 +equivalence 2087946 +murders 2087692 +vaughn 2087574 +miserable 2087452 +unsuccessful 2087199 +condominiums 2087162 +decorate 2087154 +appleton 2087092 +bottoms 2086781 +revocation 2086612 +vomiting 2086485 +chesterfield 2086291 +exposing 2085985 +pea 2085825 +tubs 2085601 +simulate 2085384 +schematic 2085298 +liposuction 2085127 +medina 2085061 +apoptosis 2083989 +thankful 2083939 +pneumatic 2083855 +alaskan 2083811 +friedrich 2083416 +sniper 2083413 +vertices 2083014 +elephants 2082778 +pinch 2082769 +additive 2081681 +professionalism 2081396 +libertarian 2081230 +rus 2080985 +flynn 2080599 +washable 2080531 +normalized 2079769 +uninstall 2079705 +scopes 2079413 +fundraiser 2079383 +braces 2079192 +troll 2079165 +calhoun 2079074 +teamwork 2078965 +deficient 2078834 +auditions 2078655 +refrigerators 2078580 +redirected 2078154 +annotations 2078019 +filth 2077997 +moderation 2077347 +widgets 2077257 +worrying 2077211 +ontology 2077123 +timberland 2077070 +mags 2077030 +outrageous 2077025 +kraft 2076875 +concluding 2076732 +blackboard 2075979 +chopper 2075817 +nitrate 2075633 +pinball 2075051 +pharmacists 2074882 +skates 2074563 +surcharge 2074485 +hers 2073030 +grin 2072855 +latvian 2072711 +footprint 2072054 +installs 2071537 +malware 2071152 +tunnels 2070886 +crises 2070725 +trillion 2070561 +comforter 2070250 +cashmere 2070228 +heavier 2070219 +nguyen 2070173 +meteorological 2070017 +spit 2069895 +labelled 2069889 +darker 2069829 +horsepower 2068922 +globes 2068693 +algae 2068644 +alcoholism 2068409 +dissent 2068302 +csc 2067657 +maximal 2067611 +prenatal 2067285 +documenting 2067028 +choral 2066632 +unrestricted 2066478 +happenings 2066040 +leicestershire 2065806 +contempt 2065319 +socialism 2065289 +hem 2064628 +mcbride 2063719 +edible 2063618 +anarchy 2063597 +arden 2063576 +clicked 2063357 +ineffective 2063276 +scorecard 2062533 +beirut 2062273 +drawers 2061328 +conditioners 2060563 +acme 2060278 +leakage 2060270 +culturally 2059882 +shady 2059463 +chemist 2059417 +evenly 2059380 +janitorial 2059299 +reclamation 2058885 +rove 2058665 +propane 2058626 +appendices 2058615 +collagen 2058332 +lionel 2058317 +praised 2058171 +rhymes 2057587 +blizzard 2057566 +erect 2057313 +nigerian 2057201 +refining 2057173 +concessions 2057023 +commandments 2056927 +malone 2056804 +confront 2056392 +vests 2056167 +lydia 2055299 +coyote 2055263 +makeover 2055242 +breeder 2055219 +electrode 2054669 +chow 2054077 +cookbooks 2053703 +pollen 2053694 +drunken 2053197 +mot 2052874 +avis 2052817 +valet 2052690 +spoiler 2052657 +lamborghini 2050914 +polarized 2050842 +shrubs 2050241 +watering 2050112 +baroque 2050077 +barrow 2049454 +eliot 2049290 +jung 2048884 +jihad 2048833 +transporting 2048610 +rifles 2048020 +cts 2047919 +posterior 2047718 +aria 2047712 +excise 2047155 +poetic 2047062 +abnormalities 2046863 +mortar 2046739 +blamed 2046530 +rae 2046470 +recommending 2046455 +inmate 2046395 +dirk 2045987 +posture 2045913 +thereon 2045762 +valleys 2045542 +declaring 2045168 +septic 2044503 +commencing 2044467 +armada 2044394 +wrench 2044382 +thanked 2044216 +citroen 2044109 +arranging 2043604 +thrilled 2043399 +predicts 2042913 +amelia 2042715 +jonah 2042513 +expedited 2042174 +discomfort 2041894 +curricula 2041759 +scar 2041756 +indictment 2041547 +apology 2041402 +pms 2041156 +raped 2040735 +collars 2040558 +configurable 2040497 +sloan 2040295 +pudding 2040237 +flawed 2040094 +checkpoint 2040010 +rosenberg 2039748 +plato 2039668 +examiners 2039353 +salzburg 2039250 +rot 2038597 +possesses 2038087 +dorm 2037885 +squared 2037543 +needless 2037409 +pies 2036827 +lakeside 2036381 +marquette 2036329 +palma 2035402 +barnett 2035309 +interconnection 2035162 +gilmore 2034986 +heterogeneous 2034451 +taxis 2034449 +hates 2034161 +aspirations 2034151 +fences 2033711 +excavation 2033197 +cookers 2032956 +luckily 2032217 +ultraviolet 2032114 +rutland 2031798 +lighted 2031416 +pneumonia 2031182 +monastery 2031139 +erected 2030236 +expresses 2030197 +haitian 2029984 +migrate 2029846 +carton 2028105 +lorraine 2028082 +councillors 2027884 +identifiers 2027762 +hague 2027435 +mentors 2026897 +transforms 2026401 +ammonia 2026351 +steiner 2026256 +roxy 2026103 +outlaw 2025935 +tammy 2025634 +saws 2025375 +bovine 2025195 +dislike 2025063 +systematically 2024800 +ogden 2024597 +interruption 2024412 +imminent 2023614 +madam 2023575 +tights 2023147 +compelled 2023097 +criticized 2022870 +hypertext 2022676 +soybean 2022297 +electra 2021948 +affirmed 2021161 +communal 2020689 +landlords 2020341 +brewers 2020281 +emu 2020275 +libby 2019919 +dynamite 2019294 +tease 2019275 +motley 2019182 +aroma 2018777 +pierced 2018684 +translates 2018620 +retractable 2018290 +cognition 2018120 +cain 2017996 +townhouse 2017964 +verona 2017675 +syn 2017477 +delegated 2017165 +coco 2016752 +chatting 2016434 +punish 2016120 +fishermen 2016086 +pipelines 2015779 +conforming 2015526 +causal 2015266 +rudy 2014882 +stringent 2014881 +rowan 2014844 +tia 2014530 +assigning 2014457 +dwell 2014411 +hacked 2013975 +inaugural 2013884 +awkward 2013836 +congrats 2013725 +weaving 2013543 +metropolis 2013253 +arafat 2013098 +psychologists 2012725 +diligence 2012672 +stair 2012524 +splitter 2012361 +dine 2012279 +standardization 2011213 +enforcing 2011186 +lakeland 2011077 +classy 2010936 +struggled 2010667 +lookout 2010468 +arterial 2010430 +injustice 2010049 +mystical 2009920 +triathlon 2009762 +ironing 2009586 +commanded 2008832 +woodlands 2007640 +guardians 2007578 +manifesto 2007273 +slap 2007220 +jaws 2007131 +textured 2007120 +finn 2007078 +doppler 2006820 +pedestal 2006553 +entropy 2006551 +widening 2006534 +snooker 2005679 +unleashed 2005394 +underwood 2005381 +saline 2005218 +sonny 2004845 +longevity 2004715 +paw 2004599 +lux 2004493 +isabel 2004448 +nairobi 2004096 +sterile 2004050 +importer 2003477 +isl 2003376 +orioles 2003354 +botany 2003091 +dissolution 2003049 +rotor 2003039 +pauline 2003029 +quart 2002127 +bison 2002028 +suppressed 2002016 +allegro 2001576 +materially 2000903 +cit 2000858 +amor 2000838 +xvi 2000795 +fungi 2000715 +phyllis 2000386 +dreamy 2000147 +bengal 1999971 +backstage 1999908 +scrolls 1999835 +awakening 1999637 +fairies 1998301 +prescribe 1998175 +lubbock 1998043 +greed 1997460 +nominate 1997305 +sparkle 1997295 +autograph 1997100 +migrating 1996478 +gasket 1996432 +refrain 1996424 +lastly 1996311 +overcoming 1996216 +wander 1996154 +relieved 1995685 +firearm 1995529 +elena 1994964 +closures 1994806 +participatory 1994106 +intermittent 1994067 +ante 1993948 +micron 1993771 +budgetary 1993701 +vols 1993175 +revolving 1993058 +bundled 1991914 +pantie 1991680 +bombers 1991459 +covert 1991310 +crater 1991071 +leah 1991022 +bred 1990553 +fractional 1990433 +ideological 1990291 +fostering 1990009 +rheumatoid 1989418 +thence 1989263 +birthplace 1989123 +bleed 1989071 +reverend 1988924 +transmitting 1988592 +swindon 1988222 +cabernet 1988133 +neptune 1987289 +caucasian 1987029 +understandable 1986952 +shea 1986897 +goblet 1986831 +doctorate 1986782 +binaries 1986777 +inventions 1986727 +slovenian 1986617 +practicable 1986296 +showdown 1986109 +simone 1985976 +fronts 1985378 +ancestor 1985344 +russians 1985132 +potentials 1984611 +incur 1984112 +tempe 1984024 +cores 1983675 +borrowers 1983348 +canonical 1982599 +nodded 1982403 +confronted 1982279 +believer 1982182 +multifunction 1982159 +australians 1982145 +nifty 1981740 +declines 1981620 +unveils 1981596 +peacock 1981500 +utmost 1981459 +skeletal 1981391 +oahu 1981256 +yates 1980900 +leroy 1980645 +rollover 1980601 +helpers 1979877 +elapsed 1979609 +anthrax 1979121 +academies 1979091 +tout 1978808 +shockwave 1978764 +gre 1978625 +imitation 1978554 +harvested 1978518 +dab 1978263 +hopeful 1978152 +furnishing 1977961 +negatively 1977538 +residences 1977445 +spinach 1977356 +bpm 1977162 +liquidation 1976877 +predecessor 1976404 +cheeks 1976189 +hare 1976109 +beasts 1975860 +touchdown 1975719 +planar 1975442 +philanthropy 1975441 +adequacy 1975306 +peanuts 1974558 +discovers 1974534 +eastman 1974520 +franchising 1974199 +discard 1974132 +cavalry 1974089 +breakers 1973331 +quorum 1973172 +forwards 1973103 +prevalent 1972549 +plat 1972329 +exploits 1972178 +dukes 1971678 +offended 1971454 +trimmed 1971349 +ferries 1971054 +worcestershire 1970957 +bonn 1970357 +muller 1970236 +prostitution 1970168 +mosque 1969984 +fudge 1969555 +extractor 1969493 +horseback 1969441 +vested 1969347 +terribly 1969093 +earnest 1968639 +myocardial 1967884 +clancy 1967790 +callback 1967564 +tory 1967098 +encompasses 1967049 +sander 1966734 +oldham 1966565 +gonzales 1966535 +conductivity 1966252 +confederate 1966184 +presumed 1966005 +annette 1965739 +climax 1965596 +blending 1965386 +weave 1965230 +vicki 1965107 +postponed 1964751 +philosophers 1964528 +speeding 1964427 +creditor 1963758 +exits 1963047 +pardon 1963040 +oder 1962972 +skateboarding 1962882 +abby 1962559 +outback 1962517 +teller 1962509 +mandates 1962363 +siena 1962358 +biopsy 1962155 +peptides 1962139 +veil 1962101 +peck 1961752 +custodian 1961690 +dante 1961656 +quarry 1960848 +seneca 1960810 +oceanic 1960760 +tres 1960559 +helm 1960083 +burbank 1959857 +festive 1959678 +awakenings 1959038 +preserves 1958403 +sediments 1957228 +appraiser 1957049 +ingram 1956959 +gaussian 1956833 +hustler 1956791 +jess 1956764 +tensions 1956635 +secretion 1956191 +linkages 1956143 +separator 1955991 +insult 1955836 +scraps 1955784 +waived 1955721 +cured 1955657 +schultz 1955591 +buggy 1955438 +recon 1955124 +kennel 1954777 +drilled 1954737 +souvenirs 1954524 +royals 1954389 +prescribing 1954318 +slack 1954286 +globalisation 1954029 +pastel 1953608 +gin 1953412 +nottinghamshire 1953320 +differentiate 1952913 +strollers 1952626 +jays 1952519 +uninsured 1952489 +picasso 1952319 +pilgrim 1952294 +vines 1952255 +susceptibility 1951706 +ambiguous 1951514 +disputed 1950655 +scouting 1950577 +instinct 1950318 +gorge 1950264 +righteousness 1950164 +carrot 1949964 +discriminatory 1949265 +opaque 1949046 +headquartered 1948865 +bullying 1948806 +saul 1948718 +flaming 1948600 +empower 1948139 +apis 1947925 +marian 1947893 +liens 1947603 +caterpillar 1947305 +hurley 1947191 +remington 1946473 +pedals 1946063 +chew 1946052 +teak 1946014 +benefited 1945952 +prevail 1945922 +bitmap 1945892 +migraine 1945823 +undermine 1945083 +omission 1944930 +boyle 1944635 +lamar 1944419 +diminished 1943681 +jonas 1943585 +locke 1943130 +cages 1943021 +methane 1942898 +pager 1942889 +capitals 1941886 +correctness 1941862 +implication 1940990 +pap 1940941 +banjo 1940675 +shaker 1940611 +natives 1940192 +quilting 1939935 +campgrounds 1939929 +adm 1939605 +stout 1939514 +rewarded 1939508 +densities 1939493 +athena 1939395 +deepest 1939355 +matthias 1939279 +duane 1939079 +sane 1938953 +turnaround 1938787 +climbed 1938305 +corrupted 1938248 +relays 1938030 +navigational 1937987 +hanna 1937669 +husbands 1937668 +saskatoon 1937497 +cen 1937421 +fading 1936749 +colchester 1935549 +fingertips 1935481 +rockwell 1935237 +persuade 1934952 +pepsi 1933586 +roaming 1933359 +oversized 1933333 +sibling 1932847 +determinations 1932467 +burberry 1932454 +weighed 1932161 +ashamed 1932143 +concierge 1932138 +gorilla 1931906 +gatherings 1931581 +endure 1931473 +inhibit 1931066 +nom 1931008 +cheltenham 1930716 +screenplay 1930533 +unabridged 1930281 +dickens 1930015 +endpoint 1929656 +juniper 1929545 +repetition 1929109 +labelling 1928800 +siberian 1928755 +synchronous 1928462 +heartland 1928263 +preparatory 1927941 +cafeteria 1927924 +outfitters 1927586 +fielding 1927279 +dune 1927085 +adler 1926676 +opp 1926557 +homelessness 1926523 +yosemite 1926490 +cursed 1926459 +efficiencies 1926128 +blowout 1926124 +youths 1926116 +migrants 1925933 +massey 1925837 +tumble 1925795 +oversee 1925750 +thresholds 1925637 +stare 1925618 +unlocking 1925518 +missy 1925451 +waveform 1924833 +deficits 1924803 +meade 1924752 +contradiction 1924222 +flair 1924190 +helium 1924142 +wonderfully 1923818 +whitewater 1923559 +tableware 1923538 +bernie 1923481 +dug 1923261 +congenital 1923163 +trojans 1922895 +insanity 1922869 +clement 1922807 +embraced 1922457 +finely 1922347 +authenticated 1922327 +reformed 1921880 +tolerate 1921707 +robotic 1921045 +mana 1920430 +lest 1920286 +adhesion 1920249 +tic 1920206 +mississauga 1919778 +dialysis 1919732 +filmed 1919408 +staten 1919387 +carole 1919250 +noticeable 1919027 +aesthetics 1918859 +schwarzenegger 1918820 +smoker 1918369 +benign 1917931 +hypotheses 1917553 +afforded 1917385 +aisle 1917319 +dunno 1917052 +blur 1916915 +evidently 1916569 +summarizes 1916533 +limbs 1916350 +unforgettable 1916237 +punt 1916106 +sludge 1915962 +christensen 1915098 +tanned 1915011 +altering 1914894 +bunker 1914784 +multiplication 1914709 +paved 1914582 +heavyweight 1914518 +fabricated 1914220 +zach 1914201 +pasture 1913652 +richest 1912591 +cruelty 1912399 +comptroller 1912122 +scalability 1912035 +creatine 1911679 +mormon 1911630 +minimizing 1911489 +scots 1911314 +genuinely 1911150 +neighbouring 1910742 +plugged 1910661 +tyson 1910539 +souvenir 1910326 +relativity 1910212 +mojo 1909750 +cucumber 1909384 +occurrences 1909310 +shapiro 1909088 +marshal 1909071 +rituals 1909051 +seize 1908868 +decisive 1908846 +spawn 1908837 +blanks 1908523 +dungeons 1908328 +epoxy 1908076 +uncensored 1907883 +sailors 1907777 +stony 1907651 +trainees 1906986 +tori 1906911 +shelving 1906815 +effluent 1906762 +annals 1906359 +storytelling 1906358 +sadness 1906141 +periodical 1905817 +polarization 1905724 +moe 1905667 +dime 1905297 +losers 1905248 +bombings 1905009 +flavour 1904853 +crypt 1904607 +charlottesville 1904529 +accomplishment 1904294 +bogus 1903710 +carp 1903390 +prompts 1903336 +witches 1902655 +barred 1902400 +skinner 1902389 +equities 1902353 +dusk 1902302 +customary 1902031 +vertically 1901883 +crashing 1901462 +cautious 1901221 +possessions 1901072 +feeders 1900900 +urging 1900469 +passions 1899754 +faded 1899648 +mobil 1899550 +scrolling 1899335 +counterpart 1899186 +utensils 1898846 +secretly 1898529 +tying 1898217 +lent 1898154 +diode 1897828 +kaufman 1897768 +magician 1897388 +indulgence 1897385 +aloe 1897124 +buckinghamshire 1896655 +melted 1896489 +fam 1896046 +extremes 1895768 +puff 1895753 +underlined 1895716 +whores 1895702 +galileo 1895638 +bloomfield 1895624 +obsessed 1895576 +gemstones 1895376 +viewpoints 1894699 +groceries 1894209 +motto 1894147 +singled 1894034 +alton 1894033 +appalachian 1893834 +staple 1893759 +dealings 1892511 +pathetic 1892242 +ramblings 1892091 +janis 1891851 +craftsman 1891788 +irritation 1891655 +rulers 1891433 +centric 1891416 +collisions 1891241 +militia 1891032 +optionally 1890953 +conservatory 1890565 +nightclub 1890300 +bananas 1889918 +geophysical 1889900 +fictional 1889711 +adherence 1889709 +golfing 1889706 +defended 1889545 +rubin 1889443 +handlers 1889169 +grille 1888919 +elisabeth 1888877 +claw 1888837 +pushes 1888806 +flagship 1888773 +kittens 1888648 +topeka 1888246 +openoffice 1888045 +illegally 1887757 +bugzilla 1887604 +deter 1887521 +tyre 1887458 +furry 1887389 +cubes 1887321 +transcribed 1887302 +bouncing 1887098 +wand 1887049 +linus 1886948 +taco 1886915 +humboldt 1886590 +scarves 1886581 +cavalier 1886574 +rinse 1885846 +outfits 1885761 +charlton 1885536 +repertoire 1885297 +respectfully 1885188 +emeritus 1885157 +ulster 1885001 +macroeconomic 1884782 +tides 1884762 +weld 1883322 +venom 1883158 +writ 1883109 +patagonia 1883102 +dispensing 1882818 +tailed 1882619 +puppets 1882434 +tapping 1881871 +excl 1881600 +arr 1881385 +typo 1881090 +immersion 1880347 +explode 1880264 +toulouse 1880219 +escapes 1879759 +berries 1879643 +merchantability 1879527 +happier 1879427 +mummy 1878933 +punjab 1878616 +stacked 1878493 +winged 1878347 +brighter 1878111 +cries 1878107 +speciality 1878029 +warranted 1878011 +attacker 1877889 +ruined 1877804 +catcher 1877712 +damp 1877710 +sanity 1877686 +ether 1877315 +suction 1877189 +haynes 1877095 +crusade 1876773 +rumble 1876665 +inverter 1876590 +correcting 1876523 +shattered 1876379 +heroic 1876003 +motivate 1875923 +retreats 1875848 +formulate 1875065 +bridgeport 1874856 +assessor 1874796 +fullerton 1874593 +sheds 1874143 +blockbuster 1873840 +amarillo 1873791 +pathfinder 1873650 +anomalies 1873581 +homogeneous 1873412 +bonsai 1873400 +windshield 1873343 +humphrey 1872611 +spheres 1872539 +belonged 1872474 +assigns 1872222 +croydon 1871954 +sofas 1871940 +cushions 1871837 +fern 1871772 +convection 1871233 +defenders 1870924 +debugger 1870843 +odessa 1870454 +lore 1870162 +ancillary 1869921 +pointless 1869860 +whipped 1869632 +dinners 1868829 +rosie 1868709 +factoring 1868521 +genealogical 1868477 +gyms 1868252 +inhalation 1868078 +selfish 1867831 +eventual 1867679 +faucet 1867270 +mitigate 1866466 +jamestown 1865726 +arguably 1865710 +techs 1865665 +electives 1865650 +walkman 1865649 +midget 1865119 +elisa 1864845 +shelton 1864801 +boiled 1864484 +commissioning 1864475 +neville 1864220 +experimentation 1864076 +saltwater 1863665 +natasha 1863553 +endeavour 1863290 +roswell 1863160 +herring 1862420 +unfamiliar 1861916 +wacky 1861879 +expectancy 1861732 +deterioration 1861517 +proclaimed 1860861 +arid 1860825 +biting 1860757 +coincidence 1860675 +idiots 1860426 +mona 1860383 +muddy 1860188 +savanna 1859935 +hitchcock 1859719 +cid 1859604 +neighbour 1858872 +raspberry 1858023 +cancellations 1858014 +paging 1857998 +nudists 1857610 +illusions 1857577 +fac 1857488 +spikes 1857418 +enumeration 1856507 +keeling 1856424 +accesses 1856313 +permissible 1856048 +yielded 1855674 +nuisance 1855512 +jive 1855302 +siam 1855271 +latent 1855269 +marcia 1854936 +drowning 1854793 +bullshit 1854495 +casper 1854429 +spun 1854414 +shalt 1854326 +commanding 1853782 +sparrow 1853517 +poorest 1853484 +hector 1853371 +nicotine 1853123 +comeback 1852950 +brotherhood 1852927 +milling 1852420 +sinking 1852249 +sulphur 1852248 +curricular 1852200 +downtime 1852159 +takeover 1852114 +wicker 1851813 +balm 1851587 +thessalonians 1851255 +figs 1851210 +browne 1851153 +nephew 1851122 +confess 1851099 +joaquin 1851027 +chit 1850962 +chaotic 1850672 +lays 1850526 +principally 1850427 +visor 1850201 +transistor 1850114 +jarvis 1849756 +drip 1849747 +traced 1849483 +outright 1849385 +melodies 1849058 +spotting 1849039 +myriad 1848958 +stains 1848917 +sandal 1848638 +rubbing 1848582 +naive 1848489 +wien 1848436 +wagering 1848032 +remembrance 1847909 +detects 1847551 +everest 1846997 +disregard 1846860 +hanger 1846538 +dragged 1846171 +foreman 1845679 +allegiance 1845566 +hires 1845244 +conduit 1845238 +dependable 1845100 +mainframe 1845011 +echoes 1844974 +compilers 1844894 +ladders 1844710 +prudent 1844703 +glowing 1844686 +guinness 1844432 +heartbeat 1844397 +blazer 1843932 +alchemy 1843900 +linden 1843791 +timezone 1843665 +merck 1843606 +sven 1843315 +tanya 1843045 +geographically 1842958 +alternating 1842467 +tristan 1842365 +audible 1842341 +folio 1842202 +presiding 1841676 +mans 1841660 +colleen 1841565 +participates 1841017 +waterways 1840825 +syndicated 1840789 +lexicon 1840672 +fractures 1840184 +apprenticeship 1840066 +childbirth 1840004 +dumped 1839893 +integers 1839860 +zirconia 1839687 +barre 1839524 +shortages 1839326 +plumbers 1839191 +rama 1839130 +johannes 1838975 +fiery 1838655 +convex 1838604 +richer 1838539 +igor 1838315 +hama 1838200 +mop 1838160 +urn 1838000 +patton 1837400 +pei 1837362 +surfer 1837185 +diapers 1837022 +waco 1836775 +northamptonshire 1836179 +biscuits 1835888 +disclaims 1835501 +outbound 1834727 +breakout 1834521 +restless 1834422 +unanswered 1833886 +paired 1833851 +fakes 1833800 +vaults 1833132 +injections 1832851 +ahmad 1832364 +remortgage 1832346 +yogurt 1832002 +complies 1831945 +tossed 1831899 +caucus 1831830 +workaround 1831806 +cooke 1830939 +polytechnic 1830938 +pillars 1830785 +katy 1830780 +zoe 1830206 +overwhelmed 1830158 +salute 1829803 +shoppe 1829764 +parody 1829413 +penthouse 1828709 +compensated 1828676 +lacked 1828230 +circulated 1828203 +pistons 1827651 +maltese 1826513 +acorn 1825652 +bosses 1825578 +pint 1825570 +ascension 1825408 +bayer 1825243 +ply 1824830 +mornings 1824695 +cation 1824071 +mentioning 1823902 +scientology 1823503 +flagstaff 1823335 +maxi 1823007 +pretoria 1822838 +thrive 1822797 +feminism 1822628 +rightly 1822243 +paragon 1822146 +basal 1821739 +webinar 1821435 +turnout 1821165 +bruins 1821057 +persist 1821030 +wilde 1820770 +indispensable 1820574 +clamps 1820337 +illicit 1820204 +firefly 1820064 +liar 1819814 +tabletop 1819329 +pledged 1818974 +monoclonal 1818772 +pictorial 1818744 +curling 1818738 +ares 1818295 +wholesaler 1818207 +smoky 1818184 +opus 1818130 +aromatic 1817946 +flirt 1817719 +slang 1817718 +emporium 1817716 +princes 1817704 +restricting 1817556 +partnering 1817437 +promoters 1817398 +soothing 1817294 +freshmen 1817045 +mage 1816965 +departed 1816797 +aristotle 1816527 +israelis 1816120 +finch 1816047 +inherently 1815659 +krishna 1815520 +forefront 1815372 +headlights 1815300 +monophonic 1814578 +largo 1814464 +amazingly 1814293 +plural 1814292 +dominic 1814040 +sergio 1813840 +swapping 1813821 +skipped 1813764 +hereinafter 1813712 +extracting 1813039 +analogous 1812873 +hebrews 1812634 +particulate 1812618 +tally 1812605 +unpleasant 1812541 +tempted 1812384 +bedfordshire 1812325 +blindness 1812018 +creep 1811981 +staining 1811623 +shaded 1811288 +cot 1811236 +plaster 1811197 +negotiable 1810941 +subcategories 1810920 +hearted 1810871 +quarterback 1810794 +obstruction 1810593 +agility 1810572 +complying 1810426 +sudbury 1810243 +otis 1809809 +overture 1809751 +newcomers 1809712 +hectares 1809579 +upscale 1809380 +scrabble 1809087 +noteworthy 1809005 +agile 1808955 +sacks 1808394 +kiosk 1808146 +ionic 1808092 +stray 1807545 +runaway 1807276 +slowing 1807065 +hoodie 1806748 +payout 1806070 +clinically 1805895 +watchers 1805728 +supplemented 1805290 +poppy 1805254 +monmouth 1805141 +obligated 1805015 +frenzy 1804848 +decoding 1804831 +jargon 1804602 +kangaroo 1804285 +sleeper 1804207 +elemental 1804206 +presenters 1804092 +teal 1803669 +unnamed 1803582 +epstein 1803579 +doncaster 1803298 +particulars 1803128 +jerking 1802926 +bungalow 1802670 +bazaar 1802544 +esd 1802539 +interconnect 1802363 +predicate 1802317 +recurrence 1802249 +chinatown 1802100 +mindless 1802081 +purifier 1802054 +recruits 1801916 +sharper 1801890 +tablespoons 1801389 +greedy 1801104 +rodgers 1800944 +supervise 1799608 +termed 1798864 +frauen 1798839 +suppl 1798700 +stamping 1798269 +coolest 1798263 +reilly 1797737 +downing 1797688 +basque 1797455 +societal 1797259 +ire 1797064 +halogen 1797038 +pegasus 1796881 +silhouette 1796610 +tuesdays 1796297 +dorado 1796206 +daring 1796196 +realms 1796195 +maestro 1796104 +turin 1796014 +gus 1795932 +forte 1795408 +coaxial 1795390 +tipping 1795369 +holster 1794771 +fiddle 1794725 +crunch 1794603 +leipzig 1794559 +liam 1794042 +bard 1793654 +kellogg 1793540 +reap 1793273 +hanoi 1792996 +faucets 1792254 +ballistic 1792214 +exemplary 1791669 +payouts 1791650 +apostle 1790768 +playful 1790754 +supermarkets 1790671 +icelandic 1790600 +multiplied 1790425 +enchanted 1789839 +belgrade 1789716 +styled 1789390 +commanders 1789190 +thor 1789033 +waive 1789027 +contraception 1788872 +bethany 1788665 +polaroid 1788581 +vance 1788288 +soprano 1788265 +polishing 1788195 +marquis 1788011 +underage 1787414 +cardio 1787338 +wen 1787310 +translating 1787091 +frontiers 1785820 +timeshares 1785716 +logger 1784581 +adjoining 1784248 +greet 1784219 +acclaim 1784066 +birding 1783424 +hardship 1782871 +detainees 1782662 +hast 1782598 +lymph 1781845 +barrie 1781427 +pollutant 1781371 +closeouts 1781209 +miriam 1780742 +cavaliers 1780571 +rollers 1780553 +carleton 1780543 +pumped 1780464 +tolkien 1780352 +differentiated 1780282 +sonia 1780227 +verifying 1780073 +almighty 1780004 +weekday 1779661 +homecoming 1779345 +increments 1779202 +kurdish 1779184 +vel 1779042 +intuition 1778931 +revoked 1778921 +openness 1778779 +chromium 1778657 +circulating 1778611 +bryce 1778157 +latch 1777882 +mccormick 1777843 +verbs 1777489 +drank 1777243 +confrontation 1776377 +shreveport 1776343 +grower 1776182 +frederic 1775949 +darlington 1775884 +slippery 1775430 +unpredictable 1775357 +capacitor 1774424 +outpost 1774045 +burnett 1773894 +hilfiger 1773803 +litres 1773654 +moroccan 1773599 +seville 1773594 +mira 1773387 +chatter 1773184 +hess 1773182 +lettuce 1772273 +raging 1772182 +tidy 1771735 +motorized 1771577 +subgroup 1771255 +oppression 1770635 +vets 1770054 +bows 1769864 +yielding 1769641 +assays 1769636 +torso 1769562 +occult 1769403 +expeditions 1769110 +hooker 1768891 +ramon 1768774 +longhorn 1768593 +lorenzo 1768575 +beau 1768520 +backdrop 1768258 +subordinate 1768208 +lilies 1768158 +aerobic 1768075 +articulate 1767860 +ecstasy 1767792 +sweetheart 1767766 +fulfil 1767616 +calcutta 1767575 +thursdays 1767458 +tenerife 1767294 +hobbs 1767270 +mediator 1766824 +dunlop 1766729 +tad 1766251 +modernization 1766223 +cultivated 1766032 +rang 1766026 +disconnected 1765840 +consulate 1765795 +fourier 1765463 +businessman 1765391 +lucent 1765258 +wilkes 1764985 +commuter 1764943 +disagreement 1764697 +strands 1764600 +tyrosine 1764516 +sicily 1764441 +compost 1764308 +adjourned 1764045 +familiarity 1764032 +initiating 1763456 +erroneous 1763330 +grabs 1763328 +erickson 1762803 +marlin 1762749 +pulses 1762742 +theses 1762669 +stuffing 1762615 +casserole 1762455 +canoeing 1762167 +wilton 1761710 +ophthalmology 1761676 +flooded 1761295 +clubhouse 1760597 +reverted 1760512 +crackers 1760293 +greyhound 1760066 +corsair 1759975 +ironic 1759846 +licensees 1759775 +wards 1759766 +unsupported 1759017 +evaluates 1758929 +hinge 1758893 +ultima 1758712 +cockpit 1758707 +protesters 1758662 +fernandez 1758305 +venetian 1758092 +patti 1757474 +sew 1756454 +carrots 1756446 +laps 1756224 +memorials 1755971 +resumed 1755501 +conversely 1755210 +emory 1755002 +stunt 1754828 +maven 1754819 +excuses 1754800 +commute 1754751 +staged 1754695 +vitae 1754634 +transgender 1754481 +hustle 1754467 +stimuli 1754387 +customizing 1754227 +subroutine 1754112 +upwards 1754032 +witty 1753886 +pong 1753774 +transcend 1753712 +loosely 1753674 +anchors 1753405 +hun 1753259 +hertz 1752925 +atheist 1752346 +capped 1752030 +firefighter 1751763 +liking 1751628 +preacher 1751402 +propulsion 1751147 +complied 1750883 +intangible 1750721 +compassionate 1750131 +catastrophic 1750033 +fuckers 1749825 +blower 1749788 +substitutes 1749749 +flown 1749635 +frau 1749573 +dubbed 1749520 +silky 1749406 +groovy 1748998 +vows 1748880 +reusable 1748844 +macy 1748617 +actuarial 1748598 +distorted 1748105 +nathaniel 1747996 +attracts 1747958 +bern 1747705 +qualifies 1747672 +grizzly 1747623 +helpline 1747397 +micah 1747263 +erectile 1747215 +timeliness 1747177 +obstetrics 1746612 +chaired 1746595 +repay 1746487 +hurting 1746307 +homicide 1746195 +prognosis 1746165 +colombian 1745653 +pandemic 1745601 +await 1745587 +fob 1745293 +sparse 1745258 +corridors 1745227 +mcdowell 1745095 +fossils 1744549 +victories 1744497 +chemically 1744343 +fetus 1744267 +determinants 1744062 +compliments 1743968 +durango 1743916 +cider 1743446 +noncommercial 1743444 +crooked 1743363 +gangs 1743105 +segregation 1743058 +superannuation 1742899 +ifs 1742322 +overcast 1742067 +inverted 1742040 +lenny 1742017 +achieves 1741941 +haas 1741624 +wimbledon 1741563 +documentaries 1741319 +remake 1741098 +arp 1740980 +braille 1740909 +forehead 1740391 +skye 1739279 +pax 1739062 +kalamazoo 1738974 +percy 1738888 +scratches 1738691 +conan 1738688 +lilac 1738684 +sinus 1738565 +maverick 1738027 +intellect 1737519 +charmed 1737442 +denny 1737409 +hears 1737280 +wilhelm 1737190 +nationalism 1737083 +pervasive 1736906 +enfield 1736186 +anabolic 1735977 +allegra 1735551 +clears 1735009 +videotape 1734836 +educ 1734734 +knowingly 1734666 +pivot 1734444 +amplification 1734413 +larsen 1733946 +huron 1733830 +snippets 1733408 +undergraduates 1733291 +digestion 1733208 +dustin 1733142 +mixtures 1732860 +composites 1732843 +wolverhampton 1732599 +soaring 1732233 +dragging 1732154 +virtues 1732053 +banning 1732027 +flushing 1731756 +deprivation 1731701 +delights 1731523 +foreword 1731359 +glide 1731344 +transverse 1731260 +pathogens 1730567 +engagements 1730526 +withstand 1730101 +authorizes 1729873 +blooms 1729847 +soar 1729736 +jacking 1729337 +uniformly 1728904 +ooh 1728850 +subsections 1728616 +bod 1728526 +piedmont 1728241 +yin 1727888 +tiki 1727671 +empowered 1727631 +homepages 1727557 +lena 1727154 +outlying 1727104 +slogan 1726936 +subdivisions 1726852 +handouts 1726843 +deducted 1726646 +ezekiel 1726351 +elijah 1725901 +bop 1725693 +compton 1725289 +stretches 1725140 +vigorous 1725085 +biloxi 1724937 +flee 1724638 +biscuit 1724569 +creme 1724183 +submits 1724029 +woes 1723747 +waltz 1723021 +menace 1722950 +emerges 1722457 +classify 1722440 +paige 1722305 +downstairs 1722288 +statesman 1722161 +clapton 1722038 +cheerful 1722018 +blush 1722003 +leaflet 1721894 +monde 1721758 +weymouth 1721736 +spherical 1721397 +intracellular 1721340 +favourable 1721108 +informs 1720738 +dramas 1720511 +cher 1720213 +geisha 1720071 +billiard 1719723 +briefcase 1719457 +malay 1719249 +unseen 1719077 +mcmahon 1718982 +optimism 1718844 +silica 1718742 +kara 1718693 +modal 1718570 +marlboro 1718567 +grafton 1718545 +unusually 1718464 +phishing 1718427 +addendum 1718292 +widest 1718229 +impotence 1718043 +medley 1717954 +cadet 1717624 +redskins 1717572 +kirsten 1717505 +temper 1717493 +yorker 1717469 +gam 1717331 +intravenous 1717195 +ashcroft 1716757 +asserts 1716692 +loren 1716418 +stew 1716385 +hereafter 1716113 +carbs 1715865 +retiring 1715699 +smashing 1715544 +yakima 1715530 +accumulate 1715457 +tahiti 1715144 +tracey 1714883 +wac 1714863 +mariner 1714677 +collier 1714633 +hush 1714301 +darfur 1714226 +fragmentation 1713949 +behavioural 1713933 +kiev 1713686 +paranormal 1713648 +whispered 1713415 +generosity 1713113 +vibrating 1712978 +glossaries 1712886 +lama 1712723 +artisan 1712683 +akin 1712538 +raphael 1712533 +lola 1712288 +embarrassing 1712216 +emoticons 1711990 +carbohydrates 1711985 +aqueous 1711766 +pembroke 1711698 +appetizers 1711415 +stockholders 1711352 +lillian 1711216 +splinter 1710719 +preferable 1710276 +juices 1709952 +ironically 1709792 +morale 1709786 +morales 1709780 +solder 1709674 +trench 1709629 +persuasion 1709135 +hottie 1709052 +stripper 1709042 +practise 1708987 +pfc 1708862 +adrenaline 1708838 +mammalian 1708141 +opted 1708067 +lodged 1707662 +revolt 1707658 +meteorology 1707620 +renders 1707602 +pioneering 1707231 +pristine 1707017 +shines 1706909 +catalan 1706666 +spreadsheets 1706515 +regain 1706471 +resize 1706367 +auditory 1706299 +applause 1705835 +medically 1705796 +tweak 1705761 +trait 1705417 +popped 1705400 +busted 1704787 +alicante 1704556 +basins 1704483 +farmhouse 1704037 +pounding 1703575 +picturesque 1703451 +ottoman 1703262 +graders 1703102 +shrek 1703017 +eater 1702828 +tuners 1702332 +utopia 1702159 +slider 1702058 +insists 1702056 +cymru 1702015 +willard 1701958 +lettering 1701761 +dads 1701718 +marlborough 1701619 +pouring 1701428 +hays 1700861 +cyrus 1700817 +concentrating 1700803 +soak 1700767 +buckingham 1700711 +courtroom 1700697 +hides 1700672 +goodwin 1700203 +manure 1700070 +savior 1699881 +secrecy 1699243 +wesleyan 1698794 +baht 1698791 +duplicated 1698585 +dreamed 1698003 +relocating 1697908 +fertile 1697599 +hinges 1697406 +plausible 1697354 +creepy 1697316 +synth 1697095 +filthy 1697059 +subchapter 1697052 +narrator 1696653 +optimizations 1696643 +sweeney 1695974 +augustus 1695808 +fahrenheit 1695334 +hillside 1695300 +standpoint 1695193 +layup 1695143 +laundering 1695135 +nationalist 1694902 +piazza 1694892 +denoted 1694637 +nazis 1694605 +oneself 1694392 +royalties 1694261 +newbies 1694214 +piles 1694029 +abbreviation 1693819 +vaginas 1693739 +critiques 1693193 +stroll 1693118 +anomaly 1693007 +thighs 1692954 +boa 1692885 +expressive 1692880 +infect 1692791 +bezel 1692595 +avatars 1692560 +dotted 1692315 +frontal 1692246 +havoc 1692191 +ubiquitous 1692121 +arsenic 1691840 +synonym 1691819 +facilitation 1691730 +voc 1690816 +yer 1690747 +doomed 1690352 +applets 1689646 +francs 1689190 +ballad 1689145 +sling 1688770 +contraction 1688692 +devised 1688301 +explorers 1687938 +billie 1687815 +undercover 1687786 +substrates 1687769 +evansville 1687761 +joystick 1687753 +ravens 1686982 +underline 1686466 +obscene 1686451 +spammers 1686038 +mes 1685857 +hymn 1685394 +continual 1685246 +nuclei 1685159 +gupta 1685132 +tummy 1685130 +axial 1685087 +slowed 1684926 +aladdin 1684894 +tolerated 1684559 +quay 1684371 +outing 1684303 +instruct 1684125 +wilcox 1684038 +topographic 1683986 +overhaul 1683953 +majordomo 1683560 +peruvian 1683521 +indemnity 1683423 +lev 1683199 +imaginative 1682880 +weir 1682833 +wednesdays 1682709 +burgers 1682693 +remarked 1682432 +portrayed 1682197 +clarendon 1681717 +campers 1681690 +phenotype 1681518 +countrywide 1681124 +ferris 1680944 +julio 1680926 +affirm 1680655 +spelled 1680303 +epoch 1680235 +mourning 1679985 +resistor 1679980 +phelps 1679928 +aft 1679356 +plaid 1679093 +audubon 1678873 +fable 1678751 +rescued 1678575 +snowmobile 1678313 +exploded 1678214 +publ 1678067 +padres 1677708 +scars 1677547 +whisky 1677493 +uptown 1677197 +susie 1677048 +subparagraph 1676885 +batter 1676822 +weighting 1676674 +reyes 1676657 +rectal 1676607 +vivian 1676549 +nuggets 1676486 +silently 1676469 +pesos 1676404 +shakes 1676341 +dram 1676257 +mckinney 1676239 +impartial 1676218 +hershey 1676137 +embryos 1675714 +punctuation 1675694 +initials 1675671 +spans 1675632 +pallet 1675416 +pistols 1675315 +mara 1674798 +garages 1674739 +tanner 1674597 +avenues 1674437 +urology 1674293 +dun 1673771 +aforementioned 1673653 +tackling 1673414 +obese 1673406 +compress 1673026 +apostles 1673003 +melvin 1672835 +sober 1672710 +collaborations 1672642 +tread 1672572 +legitimacy 1672389 +zoology 1672374 +steals 1671902 +unwilling 1671798 +lis 1671786 +isolates 1671719 +velcro 1670690 +worksheets 1670687 +wigan 1670281 +abba 1670093 +orig 1669655 +paddy 1668962 +huskies 1668798 +frey 1668686 +loyola 1668573 +plunge 1668493 +sinister 1667276 +burr 1666923 +arteries 1666760 +chaser 1666136 +formations 1665874 +vantage 1665533 +texans 1665443 +diffuse 1665383 +boredom 1665375 +norma 1665222 +crosse 1665028 +overdrive 1664969 +ripley 1664786 +phosphorylation 1664605 +helpless 1664525 +depletion 1664362 +neonatal 1664249 +wyatt 1663704 +rowling 1663619 +vhf 1663087 +flatbed 1663079 +spades 1663068 +slug 1662960 +visionary 1662608 +coffin 1662468 +otter 1662335 +golfers 1662265 +lira 1662242 +navajo 1662201 +earns 1661937 +amplified 1661309 +recess 1661246 +dispersed 1661192 +technics 1661003 +shouted 1660857 +damien 1660830 +clippers 1660416 +shilling 1660040 +resemble 1659654 +spirited 1659614 +carbonate 1659355 +mimi 1659350 +discriminate 1659114 +stared 1658945 +recharge 1658759 +crocodile 1658300 +sassy 1657970 +ratification 1657571 +ribosomal 1657412 +vases 1657182 +filmmakers 1657073 +transnational 1656943 +advises 1656922 +sind 1656706 +coward 1656677 +paralegal 1656554 +spokesperson 1656553 +teamed 1656266 +preset 1656205 +inequalities 1656200 +jams 1655641 +pancreatic 1655615 +tran 1655487 +manicures 1655210 +dyes 1654912 +holloway 1654216 +viz 1654193 +turbulence 1654172 +yell 1654034 +fins 1653999 +underwriting 1652694 +dresser 1652504 +rake 1652408 +valentino 1652315 +ornamental 1651866 +riches 1651697 +resign 1651672 +collectable 1651566 +stephan 1651479 +aries 1651320 +ramps 1651245 +tackles 1651206 +injunction 1651173 +intervene 1650973 +poised 1650755 +barking 1650384 +walden 1650383 +josephine 1650169 +dread 1649823 +dag 1649705 +catchment 1649610 +tactic 1649523 +partitioning 1649370 +voicemail 1649324 +acct 1649312 +handwriting 1649048 +serpent 1648778 +tapped 1648690 +articulated 1648485 +pitched 1648460 +parentheses 1648298 +contextual 1648180 +wisely 1647283 +accustomed 1647188 +bremen 1646953 +steaks 1646745 +dyson 1646710 +playhouse 1646694 +superficial 1646666 +toxins 1646568 +suns 1646060 +josef 1645922 +casts 1645690 +bunk 1645649 +cryptography 1645630 +stab 1645553 +sanction 1645521 +dyer 1645507 +effected 1645475 +signalling 1645433 +daycare 1645407 +tubular 1645135 +merriam 1644972 +moi 1644951 +ode 1644895 +scorpio 1644846 +avoids 1644683 +richter 1643979 +emp 1643968 +ultrasonic 1643762 +evidenced 1643586 +heinz 1643518 +argos 1643473 +dit 1643411 +larvae 1643319 +dyke 1643250 +ashford 1643196 +intergovernmental 1643136 +cassidy 1642823 +paranoid 1642722 +kernels 1642563 +mobilization 1642231 +dino 1642153 +amt 1642018 +barron 1641518 +wilkins 1641416 +chilean 1640779 +avs 1640739 +qualifier 1640552 +manipulated 1640498 +hannover 1640496 +alleviate 1640342 +fungal 1640076 +ligand 1640021 +seam 1639943 +aust 1639808 +riddle 1639366 +coastline 1639278 +comedies 1638987 +fainter 1638739 +omit 1638380 +respectful 1638205 +flamingo 1638181 +cabaret 1638162 +deformation 1637818 +recession 1637070 +pfizer 1637013 +assembler 1636918 +awaited 1636799 +renovations 1636788 +nozzle 1636320 +externally 1636144 +needy 1636137 +broadcasters 1635981 +employability 1635488 +wheeled 1635339 +booksellers 1635125 +noodles 1635016 +darn 1634807 +diners 1634176 +greeks 1634087 +retardation 1633781 +supervising 1633723 +lyme 1633476 +corning 1633459 +prov 1633255 +reich 1633237 +weary 1632945 +solitary 1632552 +moo 1631972 +photographed 1631912 +tweed 1631867 +snowy 1631719 +pianist 1631518 +emmanuel 1630708 +acapulco 1630701 +surrounds 1630581 +knocking 1630521 +cosmopolitan 1630506 +magistrate 1630373 +everlasting 1630054 +pigment 1629945 +faction 1629665 +argentine 1628903 +endocrine 1628780 +scandinavia 1628695 +minnie 1628627 +resp 1627990 +genie 1627726 +carlsbad 1627556 +ammo 1627385 +bling 1627355 +chars 1627316 +linn 1627255 +mcguire 1627195 +utilisation 1626717 +rulings 1626664 +handel 1626082 +geophysics 1625942 +microscopic 1625493 +clarified 1625482 +coherence 1625467 +slater 1625418 +broccoli 1625392 +sensations 1624802 +orphan 1624738 +conferred 1624719 +mcgee 1624565 +disturbances 1624387 +chandelier 1624310 +linker 1624265 +embryonic 1624255 +carver 1623528 +paterson 1623389 +graceful 1622934 +synchronized 1622900 +intercept 1622820 +shellfish 1622561 +shouts 1622397 +ascertain 1622362 +astoria 1622194 +veto 1621850 +trajectory 1621591 +epsilon 1621534 +exhaustive 1621192 +annoyed 1620937 +bureaucracy 1620932 +knowles 1620869 +astrophysics 1620767 +stalls 1620379 +fined 1620321 +hansard 1620240 +inward 1620214 +reflector 1620203 +greeted 1620123 +hartley 1619873 +meaningless 1619312 +authorisation 1619249 +clam 1619041 +vampires 1618754 +relocate 1618749 +nerd 1618569 +hes 1618232 +negligible 1617964 +starch 1617686 +melinda 1617518 +godfather 1617454 +apron 1617357 +glazing 1617235 +guts 1617220 +pragmatic 1616640 +tyranny 1616527 +provisioning 1616424 +warehouses 1616363 +regimen 1615927 +expandable 1615574 +antony 1615554 +hahn 1615475 +maserati 1615447 +fluffy 1614981 +marianne 1614854 +slender 1614730 +hereford 1614622 +bender 1614611 +reliably 1614581 +aides 1614522 +absorbing 1613367 +cherries 1613245 +hasbro 1613216 +gaelic 1613146 +gomez 1613018 +alec 1613007 +distinguishing 1612685 +multidisciplinary 1612652 +ventricular 1612393 +glazed 1612347 +judd 1612165 +dashed 1611726 +petersen 1611576 +libyan 1611446 +dickson 1611275 +distressed 1611230 +bans 1611048 +shouting 1610846 +mao 1610486 +bullock 1610451 +villagers 1610143 +transferable 1609980 +yummy 1609762 +ethiopian 1609503 +mermaid 1609095 +buds 1608970 +concordance 1608773 +sexes 1608110 +wilder 1607947 +sire 1607933 +centred 1607604 +confinement 1607573 +islanders 1607540 +ding 1607311 +uncover 1607309 +contested 1607211 +coma 1607183 +husky 1606901 +conserve 1606807 +bland 1606490 +electrodes 1606426 +darth 1606166 +abatement 1606065 +yup 1605889 +originator 1605760 +ching 1605671 +whipping 1605514 +skipping 1605494 +melanoma 1605480 +thug 1604910 +routed 1604615 +rudolph 1604547 +abigail 1604495 +missionaries 1604411 +yugoslav 1604248 +householder 1603467 +plotting 1603097 +succeeding 1602365 +shaver 1602119 +grammy 1602115 +elmer 1601986 +fibrosis 1601917 +sails 1601569 +opel 1601543 +hummingbird 1601201 +overlook 1601141 +ported 1600981 +robes 1600721 +sham 1600637 +fungus 1600543 +astonishing 1600443 +polyethylene 1600441 +graveyard 1600393 +chunks 1600392 +bourne 1600189 +revert 1600125 +ignores 1599932 +parametric 1599852 +popping 1599836 +captains 1599805 +loaf 1599779 +awarding 1599577 +superbowl 1599172 +pandora 1598918 +haskell 1598864 +flatware 1598636 +skid 1598538 +eyeglasses 1598397 +polaris 1598232 +gabrielle 1598182 +formulations 1598134 +abel 1597985 +enigma 1597665 +glands 1597505 +parenthood 1597338 +militant 1596979 +latinos 1596708 +artworks 1596687 +jug 1596524 +inferno 1596428 +allegheny 1595875 +arenas 1595857 +torrents 1595707 +compressors 1595673 +outset 1595557 +confuse 1595533 +exclusives 1595494 +yvonne 1595484 +attaching 1595347 +adept 1595303 +lounges 1595240 +doubtful 1595099 +consultative 1594458 +ratified 1594263 +insecure 1593854 +explosions 1593698 +ais 1593010 +conveyor 1592655 +normative 1592501 +trunks 1592472 +gareth 1592256 +surg 1592244 +longtime 1592041 +versatility 1591891 +mckay 1591040 +lothian 1590987 +fem 1590900 +intricate 1590775 +strata 1590600 +solver 1590469 +solvents 1590391 +depository 1590375 +hubert 1590361 +proclamation 1590224 +beauties 1590126 +hybrids 1589976 +kudos 1589906 +gillian 1589767 +darrell 1589607 +creams 1589183 +irrespective 1589154 +poo 1589025 +handbooks 1588969 +imposition 1588551 +shawnee 1588383 +crowley 1588300 +ensured 1588066 +kidnapped 1587915 +cereals 1587782 +outrage 1587325 +poop 1587193 +scrubs 1587097 +orchestral 1587007 +veterinarian 1585882 +dripping 1585865 +merseyside 1585657 +krona 1585436 +disseminate 1585078 +devote 1585046 +facets 1585021 +frightened 1584949 +noises 1584814 +ambiguity 1584695 +booths 1584453 +discourage 1584422 +elusive 1584397 +speculative 1584294 +puget 1584283 +madeira 1584124 +coasters 1584062 +intimacy 1583608 +geologic 1583318 +fleetwood 1583233 +hallway 1582743 +whey 1582597 +ripping 1582529 +endocrinology 1582526 +replicas 1582449 +polygon 1582268 +hob 1582154 +reloaded 1582037 +garry 1581995 +ester 1581770 +servo 1581719 +riparian 1581501 +thriving 1581303 +hampers 1581237 +bragg 1581030 +gracious 1580782 +guelph 1580713 +snail 1580640 +curator 1580529 +curt 1580485 +jaime 1580471 +demise 1580466 +theoretically 1580262 +grooves 1580123 +sutra 1580071 +mower 1579636 +conveyed 1579407 +swine 1578713 +faxing 1578666 +meyers 1578190 +typographical 1578094 +ellison 1578082 +ado 1577461 +trophies 1577448 +quicken 1577333 +stressful 1576993 +heron 1576813 +remastered 1576551 +graft 1576259 +neg 1576110 +moth 1575719 +crossings 1575678 +derrick 1575574 +eastwood 1575302 +mash 1575231 +handspring 1575000 +germ 1574711 +envoy 1574245 +gerber 1573869 +breckenridge 1573851 +duran 1573846 +pug 1573807 +antoine 1573767 +aquarius 1573734 +domingo 1573611 +resembles 1573324 +stencil 1573182 +doorway 1573175 +grandson 1572610 +tat 1572566 +catalina 1572280 +redirection 1572132 +accompaniment 1572132 +derivation 1572113 +showcases 1571980 +warden 1571954 +tug 1571859 +refinery 1570958 +margarita 1570778 +clans 1570521 +instituted 1570486 +notary 1570481 +abort 1569892 +schroeder 1569724 +indent 1569632 +sociological 1569545 +chardonnay 1569430 +removals 1569412 +antrim 1569314 +offending 1569179 +forgetting 1569161 +macedonian 1568882 +accelerating 1568747 +guesthouse 1568387 +reservoirs 1568325 +barlow 1568078 +tyrone 1568048 +halle 1568027 +edged 1568009 +insiders 1567972 +encompass 1567719 +duvet 1567578 +spade 1567565 +hermes 1567382 +glare 1567097 +metaphysical 1566885 +decode 1566785 +insignificant 1566578 +exchanging 1566510 +pledges 1565915 +mentality 1565457 +brigham 1565408 +turbulent 1565195 +pip 1564790 +pup 1564770 +juneau 1564732 +dilution 1564616 +fortunes 1564213 +sultan 1564160 +masked 1564129 +casing 1563984 +veterinarians 1563930 +plotted 1563400 +colourful 1563266 +grids 1562935 +sightings 1562930 +spacer 1562582 +microprocessor 1562364 +haley 1562075 +claiborne 1561918 +generously 1561858 +spills 1561773 +amounted 1561483 +chronograph 1561111 +refunded 1560964 +sunnyvale 1560875 +icy 1560875 +repression 1560857 +reaper 1560609 +embracing 1560166 +climatic 1559502 +minimise 1559484 +broaden 1559424 +salinity 1559333 +begging 1559218 +specialising 1559090 +handout 1558920 +wharton 1558777 +ramirez 1558500 +sui 1558304 +freddy 1558215 +bushes 1558141 +contend 1558005 +haiku 1557648 +restraints 1557441 +paisley 1557028 +telemarketing 1556849 +cutoff 1556770 +truncated 1556768 +gibbons 1556714 +nitric 1556649 +visuals 1556628 +breads 1556548 +atop 1556394 +glover 1556346 +railroads 1555995 +unicorn 1555934 +normandy 1555892 +martina 1555878 +mclaughlin 1555875 +floats 1555518 +headlight 1555481 +kemp 1555393 +justices 1555220 +orderly 1555095 +wafer 1554217 +clinicians 1554198 +puck 1553945 +entertainers 1553828 +blockers 1553747 +stash 1553737 +roofs 1553687 +reefs 1553553 +jamaican 1553520 +semen 1553302 +hover 1553261 +endogenous 1553194 +quarantine 1553168 +showtime 1552926 +narcotics 1552907 +detrimental 1552843 +oceanfront 1552758 +elias 1552410 +flange 1552260 +subsistence 1552081 +chilled 1551811 +foe 1551784 +citadel 1551634 +gogh 1551463 +topography 1551402 +allentown 1551378 +leaflets 1551366 +romero 1551270 +wrinkle 1551149 +contemplated 1551104 +predefined 1550681 +adolescence 1550535 +nun 1550442 +harmon 1550285 +indulge 1550268 +bernhard 1550073 +hearth 1549883 +edna 1549523 +embarrassed 1549509 +aggressively 1549351 +melodic 1549236 +coincide 1548922 +transgenic 1548492 +maynard 1548244 +endorsements 1548038 +genoa 1548016 +enlightened 1547532 +viscosity 1547408 +clippings 1547267 +radicals 1546947 +bengals 1546736 +estimator 1546672 +concurrently 1546489 +penetrate 1546460 +stride 1546387 +catastrophe 1546227 +leafs 1545582 +greatness 1545552 +electrician 1545500 +archie 1545155 +parasites 1544973 +bleach 1544694 +entertained 1544676 +inventors 1543847 +unauthorised 1543425 +ferret 1543424 +louisa 1543294 +agony 1543205 +wolverine 1542951 +taller 1542678 +doubling 1542664 +stupidity 1542655 +moor 1542580 +individualized 1542512 +stephenson 1542254 +enrich 1542232 +foreground 1541989 +revelations 1541983 +replying 1541973 +raffle 1541879 +shredder 1541718 +incapable 1541556 +embedding 1541093 +hydrology 1541011 +mascot 1540949 +lube 1540706 +launcher 1540699 +mech 1540606 +labyrinth 1540575 +africans 1540301 +sway 1540207 +primers 1539508 +undergone 1539398 +lacey 1539328 +preach 1539268 +caregiver 1538863 +triangular 1538792 +disabling 1538700 +cones 1538688 +lupus 1538621 +sachs 1538324 +inversion 1538266 +thankfully 1538033 +taxed 1537786 +presumption 1537386 +excitation 1537381 +salesman 1537227 +hatfield 1537123 +constantine 1537093 +confederation 1536984 +petals 1536666 +gator 1536519 +imprisoned 1536490 +heller 1535624 +dishwashers 1535552 +remixes 1535030 +cozumel 1534699 +replicate 1534588 +taped 1534342 +docks 1534076 +biometric 1533923 +landowners 1533757 +incubation 1533624 +aggregates 1533450 +wrangler 1533415 +juno 1532810 +defiance 1532737 +asymmetric 1532639 +bully 1532418 +cytochrome 1532268 +valiant 1532221 +constructions 1532063 +youngsters 1531841 +toad 1531662 +breasted 1531413 +banging 1531392 +vertigo 1531090 +unsatisfactory 1530984 +fluent 1530869 +rhyme 1530733 +donating 1530273 +giveaway 1530090 +alyssa 1529613 +renter 1529377 +eros 1529044 +patel 1528841 +honeywell 1528789 +mcintosh 1528560 +suffice 1528469 +nightclubs 1528451 +luxor 1528236 +caterers 1528136 +capacitors 1527792 +rockefeller 1527746 +convened 1527545 +checkbox 1527484 +nah 1527428 +accusations 1527028 +debated 1526868 +itineraries 1526597 +stallion 1526497 +reagents 1526408 +walkers 1526057 +eek 1525973 +equipments 1525907 +necessities 1525898 +weekdays 1525737 +camelot 1525571 +computations 1525533 +wineries 1525510 +booker 1525480 +mattel 1525188 +deserted 1525106 +diversification 1524994 +keepers 1524631 +antioxidant 1524520 +logically 1523845 +caravans 1523818 +oranges 1523633 +bum 1523602 +olga 1523371 +semesters 1523286 +contends 1522978 +snort 1522943 +occupants 1522882 +storyline 1522878 +streamlined 1522734 +analysing 1522577 +airway 1522558 +organiser 1522308 +vim 1522278 +commas 1521986 +vicky 1521949 +luminous 1521841 +submitter 1521555 +unparalleled 1521531 +anyhow 1521509 +cambria 1521463 +waterfalls 1521358 +obtains 1521339 +antwerp 1521246 +hardened 1520707 +primal 1520572 +straits 1520307 +upheld 1520200 +manifestation 1520142 +malt 1520084 +subsets 1520074 +blazers 1519924 +merritt 1519662 +triad 1519533 +fitch 1518593 +charting 1518351 +sinai 1518310 +fixation 1518138 +endowed 1517872 +cameo 1517437 +attire 1517340 +blaine 1516978 +leach 1516929 +gravitational 1516658 +typewriter 1516482 +cyrillic 1516306 +pomona 1516249 +goddard 1516197 +fanny 1516099 +sunni 1516089 +plagiarism 1515932 +milky 1515925 +netflix 1515389 +combs 1515329 +monoxide 1515230 +upland 1515055 +hardin 1514925 +outage 1514405 +unconstitutional 1514294 +chunky 1514128 +adopts 1514082 +raptor 1513893 +coulter 1513376 +macao 1512986 +snaps 1512455 +defends 1512358 +depicts 1512323 +pilgrimage 1512182 +quantify 1512122 +elevators 1512024 +substitutions 1511821 +galleria 1511593 +inv 1511462 +booklets 1511249 +gluten 1510870 +narrowed 1510821 +spanked 1510290 +orthopaedic 1510178 +eighteenth 1509937 +hurst 1509915 +inscription 1509871 +ascent 1509864 +turbines 1509425 +notepad 1508900 +pisa 1508743 +tedious 1508727 +pods 1508594 +universally 1508293 +crappy 1508129 +golfer 1508058 +receivables 1507083 +chewing 1507050 +accommodated 1506562 +tendencies 1506469 +rowland 1506408 +welded 1505853 +conforms 1505656 +cirque 1505418 +marxism 1505010 +reggie 1504876 +escondido 1504848 +diffraction 1504807 +aha 1504696 +outlining 1504562 +subtract 1504291 +bosnian 1504285 +refreshments 1503788 +depict 1503760 +coils 1503707 +callers 1503661 +hydration 1503550 +preferential 1503135 +navel 1503077 +arbitrator 1503052 +interns 1502965 +quotas 1502658 +prolific 1502628 +nurseries 1502618 +methodological 1502334 +gettysburg 1502113 +footsteps 1501774 +indefinitely 1501553 +sucker 1501371 +bumps 1501221 +bikinis 1501192 +frightening 1501182 +wildly 1501136 +sable 1501050 +retarded 1500950 +addicts 1500797 +epithelial 1500752 +drastically 1500749 +neatly 1500725 +singleton 1500424 +spaniel 1500052 +worthless 1499925 +git 1499593 +spool 1499516 +groupware 1499310 +matchmaking 1499003 +dict 1498809 +jeopardy 1498553 +descriptors 1498536 +rovers 1498515 +voiced 1498292 +aeronautics 1498200 +radiography 1498196 +afr 1497917 +annoy 1497815 +clap 1497714 +aspiring 1497326 +refereed 1497174 +dazzling 1497109 +cornelius 1496992 +scientifically 1496742 +grandpa 1496650 +cornish 1496564 +guessed 1496547 +kennels 1496215 +toxin 1495922 +axiom 1495473 +stamina 1495462 +hardness 1495434 +abound 1494791 +curing 1494526 +socrates 1494423 +aztec 1494241 +confer 1494223 +vents 1493908 +mater 1493901 +oneida 1493805 +filmmaker 1493747 +aiken 1493709 +crowned 1493663 +sandstone 1493641 +adapting 1493600 +grounding 1493410 +smartphones 1493396 +calvert 1493348 +fiduciary 1493249 +cranes 1493208 +rooster 1493153 +bayesian 1493135 +proctor 1492965 +prehistoric 1492829 +humps 1492758 +balkans 1492755 +dictate 1492381 +joker 1492319 +zimmerman 1492257 +javier 1492255 +romantics 1492239 +trimmer 1492133 +bookkeeping 1492064 +hikes 1491709 +kickoff 1491629 +wiped 1491628 +contours 1490989 +abdomen 1490684 +baden 1490601 +tudor 1490389 +fractal 1490337 +paws 1490242 +mtg 1490213 +villains 1490210 +poke 1490170 +prayed 1490059 +inefficient 1490006 +heirs 1489908 +parasite 1489862 +twill 1489583 +therapeutics 1489353 +shortcomings 1489316 +cures 1489176 +disruptive 1488954 +kicker 1488808 +protease 1488691 +concentrates 1488683 +preclude 1488523 +abrams 1488470 +moreno 1488410 +fasting 1488012 +timex 1487849 +duffy 1487687 +loudly 1487472 +racers 1487449 +horseshoe 1487445 +zeus 1487171 +constellation 1487144 +recital 1487036 +pairing 1486812 +utrecht 1486742 +kirkland 1486570 +freud 1486467 +bedtime 1486429 +thinkers 1486220 +gujarat 1486026 +hume 1485786 +reminiscent 1485658 +rapport 1485476 +ephesians 1485036 +catfish 1485016 +dope 1485011 +doubletree 1484992 +brink 1484879 +hotpoint 1484411 +truss 1484384 +kiln 1484251 +anthologies 1484212 +retirees 1484015 +peaches 1483832 +depressing 1483701 +btu 1483619 +investigates 1483596 +strangely 1483377 +chelmsford 1483062 +narratives 1482906 +sud 1482894 +skipper 1482870 +drains 1482766 +anonymity 1482647 +gotham 1482536 +lyle 1482527 +unification 1482459 +sous 1481941 +pinot 1481847 +responsiveness 1481807 +testimonial 1481582 +khaki 1481504 +gazetteer 1481445 +distributes 1481334 +jacobson 1481272 +navigating 1481130 +connolly 1480510 +homology 1480388 +slough 1480201 +prodigy 1480016 +embossed 1480003 +mould 1479845 +jock 1479745 +psychedelic 1479060 +blasts 1479035 +rhinestone 1478557 +poorer 1478500 +ely 1478336 +anglia 1478289 +dyed 1478243 +quadratic 1478159 +dissatisfied 1477991 +philharmonic 1477989 +dynamical 1477917 +cantonese 1477895 +quran 1477824 +shakers 1477675 +bourbon 1477640 +staggering 1477324 +bismarck 1477177 +hoe 1477042 +rubbed 1476964 +wasp 1476640 +inhibited 1476480 +bookseller 1476151 +lexical 1475986 +karachi 1475630 +abilene 1475478 +fuss 1475395 +muir 1475331 +uterus 1475031 +swat 1474739 +pune 1474718 +trashy 1474429 +chimes 1474244 +expended 1473940 +aggregated 1473210 +strategically 1473002 +anus 1472531 +exhibiting 1472106 +gimme 1471759 +deputies 1471758 +emergent 1471526 +erika 1471358 +authenticate 1471179 +aligning 1471019 +nee 1470805 +beaufort 1470562 +nautilus 1470549 +radically 1470365 +terminating 1470085 +platter 1470060 +dracula 1469183 +modding 1468884 +chamberlain 1468782 +steamboat 1468483 +brewster 1468464 +inferred 1468285 +shaman 1468264 +croft 1468213 +ism 1467998 +uplifting 1467569 +extracellular 1467215 +penal 1467202 +exclusions 1467108 +jaipur 1466947 +pageant 1466870 +henley 1466836 +purchasers 1466738 +stockport 1466640 +eiffel 1466622 +plywood 1466424 +morbidity 1466314 +binders 1465698 +pitchers 1465415 +custodial 1465414 +integrator 1465218 +teri 1464801 +tracts 1464728 +sectoral 1464663 +trombone 1464599 +morally 1464424 +hosiery 1463980 +ambulatory 1463943 +reptile 1463849 +camouflage 1463509 +overdue 1463329 +dispensers 1463256 +firebird 1463235 +mohawk 1463078 +riots 1463036 +showbiz 1462893 +waikiki 1462620 +persuaded 1462185 +teasing 1462090 +rejecting 1462022 +emphasizing 1461735 +unbound 1461734 +quentin 1461699 +shepard 1461257 +sacrifices 1461250 +delinquent 1461031 +contrasting 1460652 +nestle 1460619 +correspondents 1460510 +boxers 1460437 +guthrie 1460409 +imperfect 1460287 +disguise 1460125 +eleventh 1460049 +embassies 1460032 +barbeque 1459910 +workouts 1459725 +lapse 1459542 +seamlessly 1459376 +wally 1459126 +girlfriends 1459086 +phenomenal 1459077 +songbook 1459064 +civilizations 1458966 +hepatic 1458940 +friendships 1458801 +copeland 1458496 +marjorie 1458423 +shrub 1458217 +kindred 1458000 +reconsider 1457854 +sanctioned 1457827 +swanson 1457728 +aquifer 1457623 +condemn 1457478 +renegade 1457463 +awaits 1456869 +hue 1456848 +augmented 1456196 +amends 1456157 +fullest 1456067 +shafts 1455982 +finer 1455912 +stereotypes 1455594 +marlins 1455521 +burdens 1455496 +invocation 1455268 +shelly 1455235 +gillespie 1455196 +exiting 1455185 +brooch 1455013 +saginaw 1454712 +polyurethane 1454696 +motifs 1454600 +nineteen 1453770 +spraying 1453737 +hamburger 1453555 +reactivity 1453536 +invaders 1453269 +edmond 1453269 +lieberman 1453150 +volunteered 1452642 +windchill 1452367 +swollen 1452350 +storefront 1452144 +grasses 1452117 +scatter 1452106 +steward 1452024 +ito 1452008 +cherished 1452003 +smack 1451860 +incidentally 1451850 +codeine 1451633 +sine 1451457 +pkwy 1451404 +depleted 1451247 +holiness 1451199 +divinity 1451025 +campaigning 1450863 +hairdryer 1450828 +tougher 1450525 +sherlock 1450489 +punitive 1450376 +comprehend 1450194 +cloak 1450056 +exon 1450047 +outsource 1449957 +captions 1449881 +pamphlet 1449812 +clipper 1449564 +umbrellas 1449421 +chromosomes 1449404 +priceless 1449362 +mig 1449194 +assassin 1449166 +emailing 1448963 +exploiting 1448872 +cynical 1448585 +manic 1448525 +etched 1448486 +bray 1448180 +choke 1448146 +transmitters 1447981 +nicola 1447929 +underwent 1447554 +collaborating 1447540 +tuxedo 1447475 +michelin 1446870 +comforts 1446565 +appoints 1446521 +bicycling 1446498 +rachael 1446161 +swallowed 1446160 +blueberry 1446148 +schumacher 1445820 +imperialism 1445473 +mouths 1445454 +socioeconomic 1445397 +halter 1444780 +ley 1444718 +hamster 1444712 +bushnell 1444571 +ergonomics 1444416 +finalize 1444341 +ike 1444273 +lumens 1444161 +pumpkins 1444083 +sudanese 1443864 +shrinking 1443476 +roar 1443087 +novelist 1442956 +faceplate 1442881 +packer 1442731 +potomac 1442637 +arroyo 1442621 +tipped 1442382 +amidst 1442041 +insurgents 1442024 +wanda 1441976 +etching 1441884 +discouraged 1441752 +gall 1441714 +oblivion 1441405 +gravy 1441099 +inherit 1440810 +sprinkle 1440676 +stitching 1440632 +advisable 1440101 +meme 1439956 +referencing 1439923 +gladstone 1439747 +typ 1439556 +guangzhou 1439409 +jugs 1439342 +congregations 1439118 +handing 1439044 +payer 1439009 +beforehand 1438671 +nader 1438522 +militants 1438386 +resins 1438186 +watcher 1438120 +vibrations 1437915 +apes 1437895 +strawberries 1437661 +abbas 1437558 +moods 1437510 +cougar 1437459 +surreal 1437237 +ives 1437217 +soaked 1437194 +irradiation 1437097 +redesigned 1436962 +raster 1436870 +abridged 1436609 +credential 1436353 +checklists 1436283 +quirky 1436076 +oscillator 1435927 +palate 1435844 +finalists 1435819 +encrypt 1435748 +sneakers 1435326 +incontinence 1435118 +masculine 1435005 +murdoch 1434963 +dali 1434946 +lubricant 1434673 +realizes 1434600 +kahn 1434282 +quests 1434216 +mgr 1434030 +petitioners 1433951 +outsourced 1433830 +constable 1433656 +jody 1433607 +sayings 1433495 +unconditional 1433458 +plasmid 1433142 +unbeatable 1432468 +progressively 1432156 +upstate 1431975 +lymphocytes 1431783 +topping 1431763 +repayments 1431761 +baird 1431753 +chilling 1431748 +translucent 1431676 +transsexuals 1431610 +glaze 1431525 +newcomer 1431456 +branching 1431164 +mex 1431119 +unmarried 1431009 +sverige 1430998 +pelvic 1430981 +monochrome 1430835 +activating 1430694 +antioxidants 1430458 +unexpectedly 1430243 +funniest 1430018 +bona 1429954 +probabilistic 1429903 +scorpion 1429532 +mirrored 1429502 +cooperating 1429352 +calibrated 1429316 +phased 1428708 +anatomical 1428439 +godzilla 1428182 +airbus 1427894 +simplex 1427802 +aerobics 1427149 +sabrina 1427091 +tobias 1426681 +infra 1426499 +strasbourg 1426430 +commemorative 1426393 +condor 1426304 +gated 1426083 +implicitly 1425958 +sasha 1425914 +ewing 1425635 +austen 1425435 +assurances 1425420 +comedian 1425171 +rascal 1424891 +amish 1424712 +roberta 1424481 +duh 1424410 +hyperlinks 1424368 +dizzy 1424316 +clitoris 1424208 +outbreaks 1424181 +annuities 1424126 +slit 1424036 +cribs 1423971 +whitening 1423889 +occupying 1423879 +reliant 1423814 +subcontractor 1423710 +giveaways 1423502 +depicting 1423344 +ordnance 1423287 +psych 1422877 +hydrochloride 1422759 +verge 1422550 +ransom 1422526 +magnification 1422443 +nomad 1422041 +twelfth 1421983 +dagger 1421836 +thorn 1421673 +preamble 1421535 +proponents 1421390 +spins 1421064 +solicit 1420983 +provoking 1420847 +backpackers 1420824 +orchids 1420607 +buckets 1420493 +initialized 1419923 +ava 1419781 +spoil 1419320 +ecu 1419299 +psychiatrist 1419189 +lauder 1419067 +soldering 1419022 +daryl 1418692 +blazing 1418665 +palermo 1418570 +lehman 1418186 +grantee 1418138 +enhancer 1418098 +anglers 1417800 +snapped 1417653 +alligator 1417637 +detectives 1417524 +rochelle 1417520 +rottweiler 1417341 +nomenclature 1417189 +invade 1416953 +visualize 1416743 +regulates 1416413 +hoses 1416325 +rendezvous 1416074 +strives 1415683 +trapping 1415594 +gardeners 1415307 +clemens 1415259 +turntable 1415247 +deuteronomy 1415148 +diminish 1415066 +screenings 1415030 +britannia 1415005 +pivotal 1414963 +manifestations 1414392 +nix 1414384 +stitches 1414175 +promulgated 1413938 +mediocre 1413922 +provo 1413618 +passports 1413465 +ayrshire 1413242 +plating 1413106 +invent 1413087 +eagerly 1413031 +lycra 1412522 +planck 1412481 +damascus 1412476 +reactors 1412400 +reformation 1412334 +kingsley 1412293 +hypocrisy 1411958 +gillette 1411925 +fluoride 1411775 +parishes 1411736 +stacking 1411723 +cochran 1411718 +suomi 1410932 +sissy 1410911 +trooper 1410909 +bun 1410710 +calculates 1410700 +compendium 1410624 +thunderstorms 1410569 +disappears 1410391 +transcriptional 1409835 +hymns 1409831 +monotone 1409778 +finalized 1409711 +referees 1409698 +palsy 1409502 +propositions 1409249 +locomotive 1409043 +debating 1408931 +cuffs 1408615 +conservancy 1408516 +prosperous 1408407 +famine 1408340 +dielectric 1408275 +orally 1408223 +elliptical 1408104 +electrophoresis 1407931 +grabbing 1407769 +jogging 1407601 +sprinkler 1407590 +stipulated 1407557 +imbalance 1407312 +persuasive 1407248 +cine 1407160 +horrors 1406992 +bearer 1406898 +pastors 1406684 +acquainted 1406439 +dependents 1406197 +dizziness 1405652 +outboard 1405276 +brilliance 1404955 +originate 1404765 +pitches 1404744 +respectable 1404442 +lockheed 1404241 +raj 1404214 +horace 1403852 +prohibiting 1403843 +disappearance 1403596 +morals 1403442 +elmo 1403397 +invaded 1403322 +unmatched 1403008 +scranton 1403005 +spoiled 1402980 +pinpoint 1402675 +monet 1402373 +pickle 1402073 +outta 1401625 +dieting 1401469 +quaker 1401179 +haunting 1401138 +manipulating 1401011 +tangent 1400698 +tempest 1400397 +appraisers 1400100 +petra 1400057 +xenon 1400039 +dominique 1399933 +hybridization 1399809 +waving 1399803 +uneven 1399055 +plata 1398884 +plurality 1398870 +warrington 1398854 +adventurous 1398567 +rockers 1398547 +palliative 1398546 +luigi 1398437 +bayou 1397958 +queues 1397894 +relisted 1397754 +beep 1397739 +dunedin 1397412 +confluence 1396948 +staffed 1396548 +blossoms 1396310 +succeeds 1396163 +orphans 1396159 +louder 1396143 +grilling 1395994 +stalin 1395973 +boilers 1395953 +kaye 1395905 +bps 1395862 +reunions 1395828 +toms 1395597 +yelling 1395556 +homeschool 1395527 +windsurfing 1395104 +trough 1395096 +leaned 1394618 +quadrant 1394521 +discrepancy 1394502 +slid 1394401 +relocated 1394184 +antioch 1394175 +untreated 1394151 +divisional 1393818 +chihuahua 1393574 +mcconnell 1393422 +tonic 1393402 +resell 1393254 +chandigarh 1393194 +burnout 1392731 +designations 1392625 +harrow 1392535 +jig 1392504 +reckless 1392393 +microwaves 1392298 +raining 1392293 +peasant 1392268 +vader 1392214 +coliseum 1392116 +qua 1392046 +spawning 1391705 +endothelial 1391647 +figuring 1391448 +citrate 1391411 +eduardo 1391136 +crushing 1391123 +snowman 1391103 +thorpe 1390854 +ordained 1390770 +hodges 1390646 +saucer 1390639 +chinook 1390622 +potty 1390617 +shooters 1390360 +passover 1390098 +bacillus 1389914 +byzantine 1389126 +tomas 1389089 +triangles 1388860 +spooky 1388735 +curvature 1388596 +rites 1388265 +sideways 1387766 +devious 1387678 +venezuelan 1387486 +dreamer 1387422 +acknowledging 1387381 +estuary 1387115 +burglary 1386802 +colby 1386754 +pouches 1386474 +subpoena 1386235 +thrilling 1386231 +spectacle 1386188 +hons 1386143 +sentiments 1386131 +interpretive 1386070 +ditto 1386002 +bareback 1385982 +extender 1385864 +waiter 1385770 +oddly 1385252 +modesto 1385021 +typhoon 1384872 +referrer 1384649 +raft 1384375 +nutshell 1384131 +arrogant 1384122 +hermann 1383768 +superhero 1383752 +induces 1383718 +tooling 1383684 +tomography 1383672 +thrift 1383578 +vocalist 1383147 +admired 1382872 +stunts 1382862 +cystic 1382824 +anniversaries 1382289 +infrastructures 1381499 +youthful 1381263 +cali 1380876 +fairway 1380868 +postdoctoral 1380688 +stumbled 1380668 +prs 1380548 +emitted 1380227 +spinner 1380109 +evanston 1379903 +homeopathic 1379703 +ordinarily 1379609 +hines 1379557 +sufficiency 1379490 +tempered 1379477 +slipping 1379406 +solitude 1379342 +cylindrical 1379287 +cpd 1379260 +destroyer 1378814 +braking 1378811 +undesirable 1378592 +platelet 1378519 +mongolian 1377751 +weakly 1377605 +parsley 1377594 +undue 1377567 +setback 1377551 +stunned 1377494 +smiths 1377482 +magyar 1377369 +installers 1377247 +hostility 1377207 +groves 1377169 +subcategory 1377124 +pursuits 1376989 +markov 1376937 +reflux 1376882 +tuple 1376804 +adaptations 1376721 +jurisprudence 1376456 +culver 1376258 +invariably 1376202 +lecturers 1376176 +progressed 1376073 +brow 1375648 +elves 1375481 +bucharest 1374724 +chant 1374428 +turnkey 1374262 +sprays 1374214 +renters 1374199 +markham 1373936 +gels 1373875 +tighten 1373432 +revolver 1373255 +mountaineering 1373229 +screwdriver 1373116 +hutch 1373107 +beckett 1373060 +crowns 1372974 +intermediary 1372814 +matted 1372746 +apricot 1372632 +tufts 1372589 +homeschooling 1372375 +dealerships 1372362 +cuckold 1372071 +unreliable 1371893 +rosewood 1371656 +parry 1371591 +existent 1371448 +phosphatase 1371318 +killings 1371222 +tongues 1371081 +dictator 1370656 +robyn 1370570 +jehovah 1370498 +fanatics 1370272 +adirondack 1370037 +casablanca 1369924 +perpendicular 1369633 +pulaski 1369398 +mantra 1369355 +sourced 1369225 +carousel 1369112 +fay 1368931 +hedgehog 1368651 +raves 1368538 +mamma 1368416 +entails 1368267 +folly 1367992 +thermostat 1367967 +wheeling 1367716 +sharpe 1367636 +infarction 1367559 +hawthorn 1367531 +mural 1367338 +bankrupt 1367273 +polypropylene 1367126 +mailboxes 1367074 +wager 1366964 +tundra 1366669 +vars 1366514 +youngstown 1366457 +farmland 1366419 +purge 1366135 +skater 1366115 +interpolation 1365967 +adjournment 1365842 +pitfalls 1365762 +disrupt 1365748 +stationed 1365418 +ambrose 1365272 +nightmares 1365166 +rampage 1365049 +aggravated 1365039 +fink 1364952 +jurassic 1364811 +deem 1364711 +melville 1364503 +cavern 1364330 +sumner 1363674 +descended 1363212 +disgusting 1363181 +flax 1363175 +weakened 1363046 +imposes 1362910 +withdrew 1362840 +aliasing 1362818 +tart 1362374 +guerrilla 1362022 +solves 1361886 +hiroshima 1361832 +spoons 1361668 +persona 1361500 +oscars 1361177 +poser 1361002 +boosting 1360956 +macarthur 1360953 +tram 1360948 +distinctions 1360738 +powerhouse 1360693 +peabody 1360631 +deodorant 1360554 +compulsive 1360158 +iced 1360088 +perky 1360009 +faulkner 1359931 +reinforcing 1359602 +scarcely 1359474 +extensible 1359254 +excused 1359136 +fused 1359038 +catheter 1358691 +madeleine 1358505 +roaring 1358322 +practicum 1358209 +witchcraft 1358086 +stopper 1358043 +fibres 1357736 +photocopy 1357693 +cullen 1357674 +mcpherson 1357563 +saharan 1357514 +crested 1357509 +stump 1357079 +scalp 1356840 +disarmament 1356677 +actin 1356491 +erwin 1356404 +interviewer 1356390 +conductors 1356348 +criticisms 1356135 +orr 1355860 +gastroenterology 1355859 +composting 1355576 +diplomat 1355414 +sylvester 1355352 +melon 1355214 +tablespoon 1355051 +manganese 1354932 +siren 1354779 +oceanography 1354587 +vastly 1354491 +clasp 1354393 +stardust 1354145 +olives 1354049 +radiological 1354035 +commando 1354026 +summons 1353994 +lucrative 1353990 +porous 1353861 +bathtub 1353848 +shrewsbury 1353810 +urdu 1353695 +greer 1353554 +motorway 1353494 +bile 1353296 +cara 1353082 +hinduism 1352820 +elevations 1352758 +repositories 1352444 +freaky 1352418 +merlot 1352308 +thirst 1352279 +civ 1351849 +sportsman 1351806 +spielberg 1351688 +scratching 1351529 +lesley 1351518 +iodine 1351488 +phoebe 1351263 +salinas 1351166 +legged 1351011 +unilateral 1350929 +wipes 1350866 +fro 1350640 +krone 1350253 +urgently 1350180 +exposes 1349895 +aegis 1349788 +natures 1349681 +colloquium 1349618 +liberalism 1349410 +springsteen 1349177 +uhf 1348919 +fatalities 1348842 +supplementation 1348734 +derry 1348652 +suisse 1348414 +embodied 1348384 +mohammad 1347878 +frankenstein 1347765 +verbose 1347618 +heir 1347595 +successors 1347505 +eccentric 1347362 +yarmouth 1347356 +transports 1347066 +amour 1346779 +iterator 1346616 +deterministic 1346097 +predictor 1345907 +salmonella 1345832 +nantucket 1345816 +viewable 1345812 +maximise 1345439 +illustrative 1345429 +prosecuted 1345345 +sailed 1345188 +chalets 1344986 +reimbursed 1344886 +craving 1344800 +advocating 1344667 +leaking 1344431 +watermark 1344334 +escaping 1344327 +totes 1344312 +possessing 1344167 +suicidal 1344100 +cruisers 1343786 +masonic 1343624 +forage 1343473 +mohamed 1343314 +dyslexia 1343235 +hubble 1343202 +thugs 1343168 +loco 1343167 +hellenic 1343144 +organics 1343136 +dearborn 1343045 +feds 1342978 +kwh 1342950 +ethel 1342863 +yiddish 1342730 +dopamine 1342414 +multiplier 1342155 +payoff 1341939 +distinctly 1341851 +sonar 1341822 +assertions 1341764 +baba 1341717 +pebble 1341583 +monticello 1341468 +flasher 1341269 +staffs 1341238 +subcontractors 1341210 +evangelism 1340905 +hoo 1340710 +denomination 1340584 +abortions 1340486 +patched 1340483 +patriotism 1340427 +battling 1340424 +lesion 1340294 +tickle 1340122 +bandit 1339877 +progesterone 1339832 +acquaintance 1339448 +ethyl 1339385 +lambs 1339048 +caramel 1339028 +immunodeficiency 1339002 +capitalized 1338350 +pancreas 1337924 +loom 1337864 +blouse 1337862 +octopus 1337780 +ara 1337611 +receptionist 1337492 +heightened 1337473 +chests 1337446 +cessna 1337437 +ambitions 1337349 +feline 1337137 +zombies 1337112 +grub 1337005 +ulcer 1336605 +cambodian 1336560 +slew 1336497 +synchronize 1336374 +titties 1336162 +hornets 1336044 +crossfire 1335814 +menstrual 1335681 +canals 1335666 +negatives 1335659 +ankara 1335650 +threading 1335630 +duet 1335288 +intolerance 1335075 +ammonium 1334961 +spandex 1334917 +zephyr 1334891 +tamara 1334577 +tearing 1334273 +cato 1334200 +muffins 1333924 +fannie 1333454 +handyman 1333399 +foothills 1333322 +ethic 1333320 +harlan 1333159 +taxon 1333053 +indefinite 1332966 +slackware 1332904 +cougars 1332775 +atrium 1332575 +thine 1332569 +superiority 1332318 +gestures 1332261 +ambience 1332141 +genet 1332113 +nemesis 1332098 +confessional 1332052 +cardigan 1332008 +neuronal 1331665 +taunton 1331655 +evaporation 1331645 +devise 1331534 +abolished 1331439 +sorrento 1331285 +blanchard 1331166 +checkers 1331147 +torrance 1331132 +toying 1331063 +parma 1330679 +yuma 1330659 +spokeswoman 1330418 +baccalaureate 1330383 +tripods 1330358 +wreath 1330354 +plight 1330333 +opium 1330299 +logistic 1330254 +middlesbrough 1330252 +personalization 1330092 +enema 1329511 +easement 1329506 +goalie 1329458 +darkroom 1329388 +irrational 1329359 +hydrocarbons 1328870 +arches 1328319 +naturalist 1327928 +encompassing 1327557 +penetrating 1327533 +destroys 1327503 +donaldson 1327414 +prussia 1327260 +lowers 1326880 +cookery 1326261 +uniqueness 1326240 +cascading 1326136 +metros 1326055 +hangers 1325872 +beatrice 1325653 +policeman 1325650 +cartilage 1325533 +broadcaster 1325424 +turnpike 1325099 +migratory 1324637 +jurors 1324485 +enumerated 1324371 +sheltered 1324275 +degraded 1323960 +doctrines 1323892 +seams 1323885 +pleaded 1323774 +elasticity 1323328 +eisenhower 1322947 +flashlights 1322939 +gutter 1322843 +ulcers 1322752 +affordability 1322617 +sloppy 1322519 +latham 1322412 +flannel 1322321 +volcanoes 1322196 +jailed 1322095 +ridden 1322007 +depp 1321689 +grapefruit 1321427 +contradictory 1321302 +motorbikes 1321203 +bonita 1320501 +misunderstood 1320461 +nippon 1320399 +steamer 1320395 +cong 1320389 +barometer 1320357 +decorators 1320345 +exclaimed 1320051 +diem 1319948 +barge 1319916 +psoriasis 1319757 +spartan 1319649 +mavericks 1319608 +dianne 1319517 +crystalline 1319380 +rumours 1319120 +earnhardt 1319105 +famed 1319098 +brandt 1319098 +riga 1318977 +bengali 1318787 +amtrak 1318727 +lessee 1318539 +respite 1318533 +goodyear 1318472 +utica 1318194 +grimm 1317982 +overclocking 1317894 +shetland 1317849 +peacekeeping 1317554 +provocative 1317415 +guido 1317298 +interferon 1317188 +selectable 1317026 +chechnya 1316899 +rory 1316863 +woodbridge 1316839 +jas 1316739 +intersections 1316609 +tasted 1316517 +licked 1316428 +capitalization 1316045 +banged 1316034 +responder 1315336 +rufus 1315206 +thoracic 1315168 +forensics 1315107 +hopeless 1315103 +infiltration 1314890 +henrik 1314884 +safest 1314785 +daphne 1314777 +serine 1314674 +pollock 1314501 +meteor 1314334 +granville 1314240 +orthogonal 1314156 +ohms 1314152 +boosts 1314011 +stabilized 1313848 +veneer 1313843 +anonymously 1313723 +manageable 1313633 +slant 1313083 +disciplined 1313063 +selenium 1312892 +grinders 1312851 +pollard 1312749 +chops 1312600 +broom 1312361 +plainly 1312242 +assn 1312220 +punches 1312203 +snare 1311615 +masturbate 1311597 +shank 1311484 +parachute 1311422 +uphold 1311296 +glider 1311196 +revising 1311172 +insignia 1310533 +taos 1310519 +nurture 1310338 +tong 1310252 +lotions 1310250 +leash 1310125 +hunts 1310081 +adrenal 1309847 +plantations 1309778 +sixties 1309750 +factions 1309625 +falmouth 1309237 +humility 1309175 +commentators 1309132 +impeachment 1309121 +acton 1309016 +booting 1308810 +engages 1308799 +carbide 1308718 +cunts 1308527 +pullman 1308431 +characterised 1308115 +kinder 1307814 +deems 1307732 +outsiders 1307640 +valuations 1307541 +dissolve 1307386 +jpn 1307013 +adrienne 1306669 +deduct 1306644 +crawling 1306643 +postoperative 1306536 +modifier 1306506 +cytology 1306449 +biennial 1306238 +circuitry 1305986 +muck 1305552 +tweaks 1305012 +colombo 1304950 +readership 1304887 +hoax 1304864 +cohesion 1304739 +reconnaissance 1304699 +groundbreaking 1304637 +antagonists 1304448 +transducer 1304419 +bachelors 1304345 +serotonin 1304253 +complements 1304168 +observes 1303947 +radiators 1303928 +corporal 1303585 +beagle 1303392 +wary 1303191 +cadmium 1303073 +bodoni 1302983 +locust 1302839 +detachable 1302471 +condenser 1302457 +articulation 1302431 +simplifies 1302397 +sleeveless 1302246 +motorists 1302021 +villain 1301918 +tbsp 1301901 +waivers 1301886 +forsyth 1301768 +oft 1301717 +secures 1301645 +leviticus 1301436 +impending 1301330 +rejoice 1301321 +pickering 1300963 +plumper 1300925 +poisson 1300878 +uterine 1300507 +bursts 1300477 +apartheid 1300164 +versailles 1300145 +morphological 1299968 +hurdles 1299924 +ellington 1299442 +ria 1299359 +geese 1299115 +condemnation 1299011 +candies 1298890 +polio 1298845 +sidewalks 1298816 +formidable 1298736 +pun 1298700 +mecca 1298392 +alvarez 1298258 +regatta 1298113 +rested 1297976 +chatroom 1297966 +paused 1297918 +macbeth 1297856 +polarity 1297690 +overrides 1297543 +abandonment 1297503 +riff 1297450 +widths 1297416 +attenuation 1297336 +bertrand 1297253 +broth 1297117 +martins 1296812 +wentworth 1296741 +seduction 1296699 +fertilizers 1296340 +grapevine 1296319 +contrasts 1295820 +russo 1295753 +daunting 1295706 +topples 1295649 +giuseppe 1295203 +improperly 1295182 +futuristic 1294993 +nebula 1294884 +obsessive 1294838 +crows 1294733 +transplants 1294723 +referrers 1294626 +junkie 1294569 +admitting 1294545 +blooming 1294311 +mace 1294167 +seminole 1294071 +taper 1294069 +rotational 1293795 +withdrawals 1293348 +hartman 1293117 +synagogue 1292897 +finalist 1292891 +pornographic 1292757 +sugars 1292666 +armageddon 1292606 +selectively 1292565 +fallout 1292211 +allure 1292131 +brownsville 1292108 +intestine 1292080 +ambassadors 1292040 +stalker 1291772 +reclaim 1291641 +kathmandu 1291418 +kingdoms 1291134 +kristina 1291129 +richness 1291074 +converge 1291053 +dps 1290835 +pianos 1290758 +dol 1290674 +workings 1290621 +penelope 1290594 +sophistication 1290552 +extinct 1290530 +ponder 1290410 +messed 1290228 +oceanside 1290126 +revue 1290094 +lunches 1290036 +taiwanese 1289801 +fooled 1289616 +smear 1289528 +rigging 1289503 +derives 1289433 +praises 1289337 +sym 1289278 +detachment 1289268 +combos 1289126 +cloned 1288962 +caracas 1288885 +dahl 1288812 +mathews 1288615 +bestseller 1288316 +lids 1288238 +enrique 1288139 +pore 1288093 +radiance 1287790 +downside 1287746 +malvinas 1287464 +reissue 1287311 +oily 1286829 +quitting 1286725 +ina 1286713 +striker 1286700 +memos 1286640 +grover 1286635 +screams 1286631 +masking 1286584 +tensor 1286574 +whitehead 1286485 +whoa 1286431 +patchwork 1285768 +heinrich 1285402 +laredo 1285387 +breton 1285069 +jaguars 1285032 +assures 1284980 +joys 1284745 +tracer 1284708 +involuntary 1284621 +allegation 1284509 +infinitely 1284436 +synthesizer 1284428 +ejaculating 1284226 +dorchester 1283964 +mcleod 1283950 +serge 1283914 +morphine 1283748 +waldorf 1283644 +gymnasium 1283632 +microfilm 1283628 +waldo 1283521 +lear 1283330 +subsidized 1283216 +chiefly 1283186 +judah 1283019 +conjecture 1283018 +mich 1283008 +optimizer 1282890 +restitution 1282669 +indicted 1282603 +blasting 1282601 +confronting 1282338 +pituitary 1282102 +sow 1282086 +repeater 1282082 +mccall 1281971 +wiz 1281900 +autopsy 1281821 +mastered 1281794 +powders 1281550 +debtors 1281454 +grit 1281375 +slain 1281084 +colo 1280975 +allstate 1280314 +horticultural 1280262 +spamming 1280034 +nearer 1280000 +ancestral 1279982 +wartime 1279693 +faithfully 1279442 +jain 1279356 +revolutions 1279333 +geriatric 1279000 +quail 1278967 +tanker 1278916 +mayan 1278824 +administrations 1278511 +futon 1278430 +grannies 1278265 +hairstyles 1278230 +rector 1278087 +nays 1278006 +ballast 1277921 +immature 1277806 +recognises 1277746 +taxing 1277669 +icing 1277602 +substituting 1277543 +multiples 1277478 +executes 1277454 +originality 1276869 +pinned 1276850 +cryptographic 1276731 +gables 1276634 +discontinue 1276606 +disparate 1276596 +bantam 1276580 +boardwalk 1276569 +ineligible 1276417 +homeopathy 1276327 +entrants 1276155 +rallies 1276149 +simplification 1276047 +abb 1275914 +insolvency 1275891 +bianca 1275855 +earthly 1275576 +affective 1275468 +wilma 1275432 +histogram 1275220 +conceive 1275176 +wheelchairs 1275168 +pennington 1274839 +liberalization 1274688 +insensitive 1274594 +forfeiture 1274559 +greenpeace 1274546 +genotype 1274508 +contaminant 1274269 +disastrous 1274124 +collaborators 1274121 +malvern 1274103 +proxies 1274057 +rewind 1274043 +gladiator 1273979 +poplar 1273824 +issuers 1273782 +sinh 1273535 +recourse 1273523 +martian 1273255 +equinox 1273041 +schoolgirls 1272781 +hinder 1272772 +fredericksburg 1272742 +presume 1272666 +astronaut 1272333 +armchair 1272149 +cecilia 1272020 +lowry 1271991 +constipation 1271923 +sheryl 1271753 +nashua 1271630 +strut 1271153 +kari 1271114 +ikea 1271048 +appropriateness 1270661 +sues 1270296 +tame 1270260 +solstice 1270139 +oats 1270000 +candida 1269644 +wolff 1269426 +adjusts 1269156 +plume 1269109 +pickups 1268677 +sparta 1268632 +chandra 1268354 +calypso 1268267 +cheesecake 1268229 +pantry 1268228 +italics 1268200 +reversing 1268143 +murderer 1268134 +courteous 1267713 +wilt 1267600 +smoothing 1267558 +billet 1267502 +porting 1267433 +lubrication 1267423 +pretending 1267391 +hammock 1267376 +shootout 1267279 +receptions 1267234 +racine 1267167 +fragmented 1266674 +revoke 1266673 +intruder 1266644 +chevron 1266619 +reinsurance 1266544 +slated 1266404 +wagons 1266327 +jennie 1265932 +guantanamo 1265920 +energizer 1265855 +platte 1265736 +vandalism 1265676 +plank 1265284 +acetaminophen 1265258 +paddling 1265200 +wolfram 1265149 +contraceptive 1264966 +necrosis 1264854 +ting 1264826 +iva 1264734 +interrogation 1264580 +bonanza 1264434 +lumbar 1264361 +disparities 1264326 +longing 1264187 +irresistible 1264179 +pilgrims 1264176 +flamenco 1263952 +osprey 1263936 +disappearing 1263910 +enact 1263603 +flammable 1263036 +biometrics 1262923 +inertia 1262749 +misunderstanding 1262717 +deity 1262430 +pruning 1262424 +alchemist 1262419 +hormonal 1261979 +agra 1261719 +mandolin 1261566 +rolf 1261505 +calender 1261303 +swiftly 1261168 +claws 1260902 +brightly 1260823 +virgo 1260695 +manly 1260481 +emit 1260296 +shortened 1259942 +rink 1259898 +unrealistic 1259705 +rhonda 1259699 +fearful 1259606 +potency 1259570 +pings 1259320 +flawless 1259140 +peril 1258951 +teaser 1258793 +breaches 1258688 +resultant 1258443 +nestled 1258420 +hairs 1258412 +impairments 1258385 +dumfries 1258304 +drastic 1258227 +courageous 1258094 +rho 1258046 +promos 1257928 +transceiver 1257900 +iterative 1257662 +catered 1257516 +guarded 1257448 +callahan 1257441 +neuron 1257316 +pulsar 1257106 +celery 1256388 +pedagogy 1256372 +reconcile 1256296 +grammatical 1256167 +collin 1256162 +afrikaans 1256133 +ven 1256056 +cinematic 1255895 +admiration 1255669 +ugh 1255553 +zanzibar 1255355 +illus 1255038 +offend 1254866 +severance 1254666 +numeracy 1254632 +somali 1254574 +caviar 1254529 +popups 1254426 +sleepwear 1254319 +quads 1254291 +combating 1254280 +numb 1254217 +retina 1254145 +grady 1254116 +maids 1253811 +tempting 1253805 +bureaus 1253506 +voyages 1253448 +kelsey 1253360 +galatians 1253356 +enforceable 1253250 +flo 1253201 +planters 1253136 +bouncy 1253106 +retinal 1253019 +rocco 1252959 +sheath 1252872 +louie 1252710 +chaplain 1252671 +benefiting 1252603 +dubious 1252536 +sponsorships 1252378 +screenwriter 1252314 +occupies 1252031 +mammal 1251818 +shielded 1251762 +degeneration 1251754 +listens 1251574 +swirl 1251090 +emery 1251050 +twists 1250953 +allele 1250569 +purifiers 1250271 +scot 1250219 +commuting 1250178 +intrigue 1250162 +hiphop 1250161 +kama 1249987 +blanche 1249687 +eczema 1249564 +veg 1249104 +roadster 1249088 +dialect 1248837 +nominating 1248835 +fanatic 1248832 +upton 1248681 +pave 1248651 +confetti 1248493 +coverings 1248303 +raptors 1248218 +danced 1248001 +slightest 1247920 +bromley 1247856 +revive 1247670 +corolla 1247399 +veggie 1247371 +dharma 1247164 +chameleon 1247136 +hooper 1246832 +predominant 1246796 +luciano 1246770 +abode 1246541 +savoy 1246516 +abrasive 1246390 +insecurity 1246155 +koruna 1246139 +ensembles 1245829 +backpacker 1245672 +trustworthy 1245589 +uniformity 1245452 +comfy 1245404 +assuring 1245395 +conquered 1245330 +alarming 1245253 +dur 1245154 +registries 1244915 +eradication 1244873 +amused 1244733 +horizontally 1244673 +herefordshire 1244667 +knitted 1244471 +doh 1244449 +exploding 1244277 +jodi 1243824 +narrowly 1243642 +campo 1243547 +quintet 1243505 +ambiance 1243313 +rampant 1243101 +suitcase 1243043 +damian 1242944 +bakeries 1242917 +fucker 1242729 +polka 1242601 +embarrassment 1242414 +wiper 1242341 +wrappers 1242242 +spectators 1241932 +iterations 1241775 +mismatch 1241513 +coronado 1241330 +retaliation 1241314 +oxides 1241167 +qualifiers 1241115 +inquirer 1240799 +battered 1240729 +wellesley 1240700 +dreadful 1240347 +smokey 1240190 +metaphysics 1239930 +drifting 1239908 +ritter 1239889 +vacuums 1239682 +attends 1239579 +nicer 1239249 +mellow 1239234 +lagos 1239091 +boast 1239080 +gents 1239020 +respiration 1239001 +rapper 1238941 +absentee 1238718 +duplicates 1238629 +hooters 1238422 +calligraphy 1238383 +dubois 1238292 +advantageous 1238029 +corollary 1237974 +tighter 1237965 +predetermined 1237901 +asparagus 1237837 +monique 1237728 +fearless 1237723 +airy 1237643 +ortiz 1237626 +pref 1237465 +progresses 1237331 +canister 1237325 +stiffness 1237262 +recessed 1237194 +thrifty 1237174 +canning 1237146 +workmanship 1237052 +palladium 1236873 +levitt 1236782 +complexities 1236710 +shipper 1236491 +darryl 1236271 +shan 1236170 +hobo 1236134 +wrinkles 1235825 +illustrating 1235806 +sly 1235755 +reductase 1235682 +raul 1235638 +shenandoah 1235408 +harnesses 1235407 +oshkosh 1235350 +multivariate 1235305 +perch 1235177 +craven 1234807 +divergence 1234790 +kitchenware 1234755 +homage 1234717 +atrocities 1234612 +immunoglobulin 1234289 +londonderry 1234214 +hops 1234190 +unitary 1233534 +emmy 1233343 +chez 1233100 +admittedly 1233033 +ruiz 1232996 +hospitalization 1232916 +clubbing 1232841 +microelectronics 1232801 +observational 1232646 +crashers 1232504 +angst 1232364 +liturgy 1232361 +nativity 1232181 +surety 1231980 +deregulation 1231873 +tranquil 1231687 +carpentry 1231684 +disseminated 1231545 +staircase 1231474 +cutler 1231345 +sweetie 1231301 +cradles 1231258 +electorate 1231254 +mideast 1231196 +airs 1231177 +reconstructed 1231139 +resent 1231007 +hispanics 1230856 +podium 1230847 +opposes 1230729 +paranoia 1230604 +faceted 1230444 +silvia 1230323 +distraction 1230299 +dominates 1230223 +kimberley 1230220 +gecko 1230211 +despatch 1230187 +fugitive 1229796 +tucked 1229771 +interchangeable 1229679 +rollins 1229619 +jericho 1229510 +turmoil 1229472 +seeded 1229258 +dietrich 1229075 +unjust 1228906 +cyclists 1228897 +fey 1228854 +markedly 1228846 +fascinated 1228746 +disturb 1228732 +terminates 1228728 +exempted 1228595 +bounced 1228595 +rankin 1228587 +brightest 1228553 +nurturing 1228377 +saddles 1228266 +enzymology 1228135 +amadeus 1228023 +galapagos 1227813 +scotsman 1227492 +fitzpatrick 1227285 +gushing 1227270 +picker 1227005 +distracted 1226846 +secluded 1226750 +criticize 1226742 +bog 1226534 +livelihood 1226471 +mulder 1226271 +godfrey 1226024 +minerva 1225712 +superseded 1225670 +iceberg 1225495 +caleb 1225445 +christening 1225355 +jealousy 1225297 +mooney 1225291 +syntactic 1225175 +plumber 1225144 +envision 1225007 +hagen 1224974 +codex 1224930 +squeezed 1224837 +judas 1224674 +cosmology 1224470 +dole 1224388 +wick 1224351 +gertrude 1224240 +communists 1224226 +noodle 1224073 +owes 1223866 +scents 1223833 +sargent 1223779 +bangle 1223618 +bertha 1223467 +levied 1223424 +humping 1223356 +sag 1223285 +barns 1223270 +covenants 1223140 +peat 1223084 +donnie 1223068 +privatisation 1223030 +proprietor 1222912 +tofu 1222741 +lizzie 1222470 +raids 1222441 +intuit 1222292 +adoptive 1222288 +solos 1222232 +compartments 1222206 +minimized 1222201 +partnered 1221939 +twat 1221912 +maj 1221844 +filibuster 1221836 +tulane 1221736 +facet 1221287 +behaviours 1221081 +importation 1221062 +redneck 1221019 +synthesized 1220873 +encapsulation 1220769 +samsonite 1220680 +accordion 1220579 +mss 1220495 +planter 1220396 +rooney 1220359 +minimally 1220266 +metz 1219819 +immaculate 1219765 +mailings 1219364 +reindeer 1219300 +ono 1219081 +beachfront 1219052 +telegram 1219049 +ruben 1218721 +shaken 1218549 +crosswords 1218510 +wares 1218442 +integrative 1218387 +rivalry 1218286 +verve 1218256 +charley 1218174 +carpenters 1218145 +spree 1218040 +embed 1217930 +gurus 1217822 +sunk 1217793 +morley 1217494 +bespoke 1217478 +inflicted 1217476 +abbreviated 1217434 +allotted 1217411 +drowned 1217295 +gerhard 1217254 +escorted 1217210 +watersheds 1217085 +brute 1216912 +trimester 1216502 +barracks 1216474 +clickable 1216458 +kidneys 1216443 +electricians 1216354 +warbler 1216351 +onward 1216039 +capricorn 1216037 +kidnapping 1216019 +inducing 1215951 +dipped 1215912 +lancet 1215888 +antelope 1215883 +terminus 1215859 +castings 1215845 +flanders 1215722 +perm 1215568 +rte 1215424 +spectrometry 1215251 +snippet 1215241 +pellets 1215032 +permeability 1214520 +enclosing 1214363 +starred 1214232 +deacon 1214127 +kabul 1213882 +sweeps 1213879 +butch 1213820 +normalization 1213382 +skillet 1212990 +bookcase 1212892 +neoprene 1212726 +offeror 1212585 +assembling 1212486 +diaphragm 1212110 +huber 1212001 +chores 1211813 +jarrett 1211791 +consignment 1211676 +yarns 1211638 +maintainers 1211328 +ginseng 1211113 +blackout 1211055 +detergent 1211009 +seedlings 1210993 +rosetta 1210991 +fortified 1210684 +reconsideration 1210658 +barnard 1210624 +grenade 1210206 +profoundly 1209930 +karin 1209918 +lana 1209857 +bartender 1209797 +mayfair 1209760 +jag 1209711 +vanished 1209355 +crafting 1209082 +lair 1209040 +enclose 1209007 +mowers 1208690 +bratislava 1208639 +sinners 1208415 +policymakers 1208400 +lille 1208368 +sienna 1208342 +calves 1208012 +defer 1207925 +desmond 1207804 +liars 1207786 +els 1207650 +sod 1207500 +lacy 1207457 +pharaoh 1207358 +advocated 1207217 +itching 1206981 +reimburse 1206798 +devotional 1206612 +esperanto 1206278 +taft 1206273 +modalities 1206215 +lighters 1206079 +comparatively 1205974 +shutting 1205847 +spartans 1205788 +endemic 1205766 +tourney 1205705 +reasoned 1205666 +carly 1205583 +hydrologic 1205528 +saith 1205270 +astral 1205159 +huddersfield 1205032 +parallels 1204896 +aimee 1204884 +yelled 1204763 +wren 1204605 +ait 1204086 +terence 1204083 +hamper 1203919 +balkan 1203769 +transduction 1203679 +blurred 1203526 +clarifying 1203505 +aortic 1203393 +smuggling 1203317 +martens 1202872 +instincts 1202792 +hutton 1202649 +masquerade 1202457 +deans 1202452 +structuring 1202302 +duality 1202153 +sensational 1202129 +kites 1202129 +lipids 1202098 +jurisdictional 1201956 +smoother 1201781 +cellphones 1201610 +expulsion 1201583 +cordoba 1201447 +withhold 1201289 +romano 1201287 +sheppard 1201022 +grievances 1200994 +betrayed 1200949 +folsom 1200531 +triggering 1200514 +dumps 1200377 +binocular 1200231 +buckles 1200203 +joyful 1200200 +generalization 1200162 +specialise 1200116 +hin 1199932 +remortgages 1199867 +mckinley 1199853 +hanks 1199778 +pancakes 1199765 +dosing 1199682 +crave 1199466 +strobe 1199249 +focussed 1199162 +waffle 1199095 +detectable 1199069 +arrowhead 1198937 +nigga 1198910 +ripple 1198877 +paycheck 1198864 +sweeper 1198591 +claimants 1198404 +freelancers 1198389 +consolidating 1198303 +seinfeld 1198120 +goldsmith 1197840 +responders 1197839 +inclination 1197709 +keepsake 1197679 +measles 1197305 +arcs 1197124 +upbeat 1196797 +ayes 1196545 +amenity 1196507 +donuts 1196447 +salty 1196416 +cuisinart 1196203 +baptized 1196165 +expelled 1196114 +rupees 1195946 +betrayal 1195306 +prototyping 1195134 +flourish 1194963 +zeros 1194886 +heed 1194819 +sporty 1194690 +graf 1194635 +hawking 1194571 +tumour 1194461 +pooled 1194178 +bora 1194117 +divides 1194034 +stabilize 1193707 +composing 1193544 +handicrafts 1193497 +healed 1193454 +burmese 1193406 +clueless 1193405 +boon 1193354 +pedestrians 1193075 +woodruff 1193004 +southport 1192902 +radiotherapy 1192760 +gathers 1192558 +pawn 1192557 +stitched 1192536 +camille 1192138 +ceases 1191983 +dorsal 1191905 +transfusion 1191882 +collie 1191722 +mcmillan 1191476 +hereditary 1191152 +exaggerated 1191139 +witt 1190795 +buccaneers 1190784 +newsflash 1190486 +spleen 1190381 +allotment 1190325 +recombination 1190311 +messing 1190210 +multiplying 1190135 +empress 1190035 +orbits 1189963 +budgeted 1189863 +whence 1189837 +slogans 1189647 +flashback 1189561 +trusting 1189507 +photometry 1189460 +sabre 1189329 +stigma 1189307 +abduction 1188510 +ingestion 1188366 +mindset 1188254 +banda 1187929 +attaches 1187711 +adulthood 1187666 +inject 1187647 +tartan 1187619 +twisting 1187497 +tore 1187333 +dunk 1187317 +goofy 1187234 +eth 1187222 +mimic 1187154 +mcintyre 1187061 +aga 1186967 +shielding 1186790 +stormy 1186775 +raglan 1186757 +celtics 1186705 +heterosexual 1186643 +vulgar 1186559 +pathological 1186406 +mappings 1186365 +hodge 1186264 +snip 1186200 +fascism 1186008 +trimming 1185796 +audiovisual 1185766 +diagnosing 1185641 +emanuel 1185579 +serene 1185408 +neutrino 1185359 +obligatory 1185319 +corrugated 1184999 +queenstown 1184954 +certifying 1184880 +forbid 1184790 +unhealthy 1184748 +felicity 1184673 +subj 1184420 +asymptotic 1184419 +ticks 1184410 +fascination 1184058 +isotope 1183977 +locales 1183870 +experimenting 1183850 +preventative 1183776 +vigil 1183443 +robbed 1183375 +brampton 1183362 +temperate 1183312 +lott 1183307 +meier 1182864 +crore 1182812 +rebirth 1182806 +progressing 1182520 +fragrant 1182515 +deserving 1182463 +diagnoses 1182199 +defeating 1182099 +cortical 1182050 +hotter 1181980 +itchy 1181967 +instantaneous 1181806 +operatives 1181576 +carmichael 1181572 +bulky 1181562 +exponent 1181496 +desperation 1181444 +glaucoma 1181381 +homosexuals 1181346 +oversees 1180981 +setter 1180860 +categorised 1180778 +monumental 1180641 +olaf 1180633 +fer 1180616 +diamondbacks 1180392 +stirred 1180019 +subtype 1179798 +toughest 1179707 +facade 1179361 +frankfort 1179105 +thessaloniki 1178911 +monograph 1178904 +literate 1178745 +booze 1178694 +widen 1178278 +bikers 1178175 +bubba 1178018 +mutt 1177682 +adjective 1177613 +disciple 1177478 +cipher 1177442 +orwell 1177438 +arrears 1177409 +rhythmic 1177228 +unaffected 1177035 +starving 1176943 +vide 1176718 +cleanser 1176623 +hearty 1176527 +triton 1176486 +deus 1176484 +velocities 1176391 +renewals 1176302 +adore 1176240 +entertainer 1176183 +colds 1175947 +dependant 1175892 +thicker 1175797 +weeping 1175714 +salford 1175624 +ephedrine 1175618 +closeup 1175476 +venous 1175332 +hereunder 1175002 +chandeliers 1174940 +moneys 1174915 +ouch 1174728 +infancy 1174715 +teflon 1174667 +cleans 1174622 +dips 1174527 +honoured 1174505 +yachting 1174398 +cleanse 1174251 +chilly 1173528 +rosters 1173435 +herbicide 1173356 +digs 1173214 +bolivar 1173166 +marlene 1173099 +womb 1173095 +irritating 1172816 +monarchy 1172749 +cheddar 1172483 +corset 1172480 +hinged 1172468 +regex 1172064 +chs 1171872 +mcclellan 1171830 +attendants 1171665 +gopher 1171418 +distal 1171371 +robins 1170991 +booming 1170560 +joss 1170180 +shortfall 1170077 +scandals 1170051 +screamed 1170041 +harmonica 1169994 +cramps 1169978 +enid 1169949 +geothermal 1169879 +atlases 1169823 +kohl 1169730 +herrera 1169586 +digger 1169511 +hosp 1169302 +lewiston 1169283 +stowe 1169154 +fluke 1168887 +estes 1168709 +espionage 1168656 +pups 1168445 +avenged 1168291 +caches 1168115 +stomp 1168038 +glade 1168016 +acidic 1167972 +pendulum 1167816 +gangster 1167811 +bounces 1167784 +censored 1167729 +fascist 1167590 +nehemiah 1167564 +lido 1167509 +matchbox 1167342 +thinner 1167153 +licks 1166907 +soto 1166878 +caste 1166877 +businessmen 1166763 +jus 1166646 +daft 1166488 +sampson 1166451 +incubator 1166449 +experiential 1166382 +psyche 1166306 +eraser 1166247 +rudolf 1166229 +angling 1166195 +jordanian 1166082 +libra 1165757 +stubborn 1165445 +diplomats 1165251 +physicist 1165020 +tagalog 1164866 +coo 1164824 +requiem 1164661 +nonprofits 1164506 +redeemed 1164450 +sighed 1164310 +lures 1164163 +ethylene 1164058 +slows 1163999 +inhibits 1163694 +bavaria 1163680 +devastation 1163666 +exploratory 1163652 +spectrometer 1163594 +heroine 1163455 +bingham 1163408 +achilles 1163397 +outsole 1163206 +flaps 1163036 +inset 1162898 +indifferent 1162837 +polynomials 1162786 +cadence 1162711 +frosted 1162704 +schubert 1162692 +rhine 1162642 +manifested 1162641 +denominations 1162579 +interrupts 1162573 +openers 1162298 +rattle 1162261 +shasta 1161985 +dob 1161965 +insults 1161798 +oatmeal 1161768 +marta 1161440 +distilled 1161329 +stricken 1161119 +sidekick 1161100 +rewriting 1160587 +bahama 1160583 +unrest 1160513 +loretta 1160225 +cascades 1160207 +druid 1160196 +dunbar 1160179 +outsider 1160162 +abstinence 1160063 +allocating 1159986 +newell 1159830 +juveniles 1159818 +nag 1159702 +poodle 1159696 +sitter 1159109 +colder 1159029 +tasmanian 1158924 +hydrocarbon 1158791 +lobbyist 1158764 +kelvin 1158690 +whispers 1158619 +secondhand 1158335 +swarm 1158175 +elise 1157976 +clientele 1157771 +ledge 1157598 +winthrop 1157573 +peasants 1157447 +nectar 1157393 +hts 1157369 +anecdotes 1157336 +hort 1157221 +bureaucratic 1157025 +gilt 1157006 +masterpieces 1156953 +cooperatives 1156924 +raceway 1156900 +sopranos 1156891 +symbolism 1156872 +monsoon 1156756 +hotties 1156635 +terrell 1156533 +closings 1156205 +registrars 1156172 +drown 1156106 +strife 1156084 +esprit 1155937 +faye 1155766 +attaining 1155741 +consular 1155600 +treason 1155400 +reckon 1155335 +prosper 1155265 +napier 1155222 +methamphetamine 1155164 +supremacy 1155145 +murals 1154937 +capillary 1154362 +islington 1154072 +bangs 1154062 +knockout 1153966 +radon 1153935 +anchored 1153474 +yong 1153459 +mulberry 1153421 +sinful 1153153 +cheeses 1152848 +obi 1152801 +bradshaw 1152734 +timelines 1152650 +mythical 1152422 +abyss 1152408 +roget 1152376 +cristina 1152297 +whitehall 1152191 +malachi 1152183 +autoimmune 1152087 +coder 1152037 +replicated 1152035 +pom 1152017 +timetables 1151874 +kline 1151736 +anorexia 1151696 +clipping 1151299 +workplaces 1151267 +niece 1151039 +irresponsible 1151026 +pleas 1150940 +softer 1150923 +paralysis 1150763 +heartburn 1150762 +devastated 1150759 +empathy 1150746 +tarzan 1150597 +motivating 1150453 +clockwise 1150363 +shutters 1150202 +flask 1150132 +arisen 1150039 +relentless 1149916 +ribbed 1149880 +omnibus 1149829 +stables 1149823 +frisco 1149767 +inhabited 1149721 +hereof 1149693 +untold 1149599 +observable 1149409 +mitzvah 1149399 +gretchen 1149394 +lanterns 1149215 +tulips 1149010 +bashing 1148941 +boosters 1148923 +cyl 1148854 +vigorously 1148581 +interfering 1148534 +idols 1147911 +designating 1147879 +mikhail 1147872 +denominator 1147752 +nugget 1147435 +reminding 1147429 +gusts 1147366 +xviii 1147271 +islamabad 1146741 +magistrates 1146738 +freestanding 1146641 +resilient 1146560 +procession 1146478 +eyewitness 1146458 +spiritually 1146331 +hippo 1146063 +tenancy 1146050 +attentive 1146029 +rupture 1145976 +trad 1145826 +assimilation 1145825 +lyrical 1145693 +offsite 1145311 +clements 1145220 +concorde 1144903 +angelica 1144808 +braided 1144706 +ticketing 1144683 +heterogeneity 1144613 +wooded 1144287 +bodied 1144243 +intensely 1144112 +dudes 1144089 +maytag 1144054 +altos 1143776 +sleeved 1143664 +overs 1143660 +watercraft 1143465 +propelled 1143427 +artisans 1143402 +bastards 1143397 +aspiration 1143291 +appended 1143227 +cellulose 1143131 +cathode 1143031 +monographs 1142969 +slammed 1142783 +aviator 1142767 +implicated 1142711 +seriousness 1142658 +conformation 1142434 +intimidation 1142172 +paladin 1141998 +nests 1141883 +civilized 1141850 +marched 1141750 +digitized 1141575 +rotated 1141540 +gaia 1141431 +motown 1141421 +cassandra 1141291 +pryor 1141248 +cath 1141153 +greeley 1141010 +sighted 1140733 +hopping 1140486 +ramos 1140412 +citibank 1140361 +rosary 1140145 +platoon 1139832 +taxa 1139655 +brunettes 1139609 +bic 1139498 +andres 1139473 +loneliness 1139466 +pulley 1139390 +alleging 1139024 +unhelpful 1138852 +synonymous 1138788 +confectionery 1138693 +regrets 1138347 +consciously 1138251 +microorganisms 1138217 +twister 1137848 +footprints 1137798 +krakow 1137794 +sequoia 1137652 +activator 1137547 +priscilla 1137487 +familial 1137440 +stimulates 1137437 +marquee 1137374 +darkest 1137316 +implying 1137239 +conducive 1137118 +resilience 1137097 +thermodynamics 1137030 +uncontrolled 1136988 +ballads 1136796 +seton 1136773 +subgroups 1136569 +catchy 1136483 +mathew 1136396 +synaptic 1136251 +hugely 1136221 +bobcats 1136192 +zappa 1136157 +hostages 1136029 +swahili 1135933 +rosario 1135784 +enrolling 1135687 +fruitful 1135613 +franks 1135609 +commercialization 1135539 +indemnify 1135404 +satisfactorily 1135339 +thinker 1135177 +contestants 1135064 +snowboards 1134873 +influx 1134784 +convoy 1134689 +tesla 1134572 +sled 1134521 +elan 1134393 +pyramids 1134140 +ingrid 1134100 +depended 1133997 +unleaded 1133978 +conveyance 1133899 +mesquite 1133843 +kroner 1133825 +tortoise 1133746 +milo 1133667 +cultivate 1133655 +denali 1133454 +inhibitory 1133408 +phonics 1133211 +refs 1132763 +dialogues 1132697 +meningitis 1132621 +motivations 1132527 +asteroid 1132460 +donegal 1132399 +abolition 1132361 +coax 1132263 +padre 1132184 +endings 1132071 +lees 1131797 +unlisted 1131675 +philippians 1131551 +conductive 1131505 +mari 1131314 +foresight 1130887 +microscopes 1130559 +kenmore 1130433 +peppermint 1130344 +reagent 1130288 +tod 1130210 +castillo 1130206 +achievable 1130204 +remnants 1130064 +glamorous 1129825 +interacts 1129714 +nailed 1129590 +alum 1129510 +chomsky 1129465 +frantic 1129446 +zachary 1129405 +venezia 1129344 +comrades 1129180 +cocoon 1129091 +interleukin 1129044 +flashcards 1128986 +doth 1128975 +gladys 1128937 +interception 1128911 +voltages 1128852 +assignee 1128827 +kip 1128817 +bowers 1128617 +strengthens 1128566 +dictatorship 1128173 +valance 1128172 +breezy 1128129 +pisces 1127882 +orc 1127729 +hemingway 1127716 +mundane 1127622 +rendition 1127385 +douglass 1127093 +barclay 1126940 +hui 1126915 +matador 1126894 +smut 1126845 +dang 1126793 +foes 1126711 +meetups 1126617 +bilbao 1126601 +cloths 1126596 +deletes 1126406 +clowns 1126361 +adjudication 1126202 +lombard 1126144 +barren 1126022 +rasmussen 1125916 +plead 1125870 +bibliographies 1125785 +milne 1125770 +behaved 1125698 +embargo 1125637 +condensation 1125621 +yokohama 1125476 +unplugged 1125423 +vow 1125355 +torvalds 1124767 +claudio 1124668 +blot 1124603 +commentator 1124548 +tailgate 1124504 +patterned 1124478 +sheen 1124463 +hollis 1124358 +imam 1124147 +overseeing 1123972 +escalation 1123968 +assent 1123944 +hove 1123562 +shading 1123541 +polymorphism 1123494 +semitism 1123470 +sevenfold 1123401 +scrubbed 1123114 +warts 1122886 +epidemiological 1122731 +medic 1122716 +roundabout 1122610 +harmed 1122572 +paternity 1122549 +conceal 1122483 +grail 1122474 +starvation 1122432 +horne 1122252 +nostalgic 1122249 +appointing 1121851 +tabled 1121800 +farsi 1121767 +excelsior 1121611 +seine 1121610 +rial 1121550 +flowed 1121468 +greenspan 1121272 +sewn 1121181 +andrei 1120271 +frazier 1120238 +zulu 1120236 +criminology 1120106 +barnet 1120008 +jeanette 1119942 +rift 1119873 +saviour 1119836 +lapel 1119712 +dup 1119506 +hangover 1119315 +capitalize 1119296 +turk 1119068 +motocross 1118960 +boomers 1118934 +wedgwood 1118901 +cupboard 1118886 +archipelago 1118546 +peep 1118456 +deceptive 1118289 +undertakings 1118260 +pecan 1118027 +tinted 1117991 +congratulate 1117780 +benzene 1117769 +topper 1117695 +constance 1117681 +arse 1117611 +osteoarthritis 1117604 +czechoslovakia 1117405 +vanishing 1117349 +addictions 1117009 +legislator 1116864 +taxonomic 1116804 +judo 1116748 +notifying 1116655 +aches 1116644 +palmetto 1116605 +kitchener 1116553 +leaked 1116105 +genera 1115824 +sparked 1115748 +idioms 1115741 +gardiner 1115695 +whitaker 1115526 +poisonous 1115469 +chime 1115076 +spence 1115055 +conner 1114986 +hospitalized 1114878 +mischief 1114861 +fec 1114742 +argent 1114728 +delinquency 1114518 +cana 1114443 +entitlements 1114046 +sentimental 1113911 +unsuitable 1113908 +mildly 1113894 +soybeans 1113467 +forging 1113430 +pew 1113421 +electrostatic 1113374 +topological 1113296 +waitress 1113106 +coz 1113081 +oversize 1113072 +westinghouse 1112917 +caribou 1112781 +rios 1112677 +expansive 1112609 +footing 1112584 +craftsmanship 1112478 +pyle 1112227 +seuss 1112091 +sligo 1111977 +cheetah 1111796 +remit 1111713 +bonnet 1111710 +competed 1111700 +stumble 1111648 +fridges 1111508 +undertook 1111486 +hatchery 1111360 +judgements 1111341 +promenade 1111165 +exhaustion 1111143 +unborn 1110992 +wendell 1110830 +hammers 1110481 +fingerprints 1110433 +coasts 1110228 +cheesy 1110227 +emitting 1110155 +concur 1109964 +exert 1109622 +madeline 1109233 +sanskrit 1109184 +winfield 1108967 +pinto 1108872 +worldly 1108744 +wedges 1108674 +corded 1108666 +heirloom 1108649 +pleasantly 1108641 +jana 1108260 +portray 1108235 +esoteric 1107813 +luxe 1107771 +messengers 1107624 +mays 1107597 +oboe 1106911 +landings 1106841 +graphically 1106821 +shameless 1106631 +communicates 1106439 +bourgeois 1106120 +napkins 1105787 +expressway 1105782 +unloading 1105668 +steelhead 1105655 +bakers 1105635 +selma 1105565 +pears 1105539 +heats 1105492 +lucid 1105349 +turntables 1105315 +lobe 1105229 +facilitators 1105157 +mcnamara 1105065 +shiva 1105044 +canaan 1104947 +toners 1104880 +kenyan 1104746 +wynn 1104635 +oppressed 1104591 +infer 1104540 +prosecute 1104300 +motorbike 1104251 +niles 1104088 +thatcher 1103923 +sergei 1103798 +bret 1103761 +upfront 1103742 +hauling 1103666 +inconsistencies 1103637 +battlefront 1103478 +gosh 1103443 +indebtedness 1103434 +scramble 1103257 +adversary 1103245 +colossians 1103177 +elsa 1103039 +quaint 1102986 +addicting 1102911 +oswald 1102778 +dipping 1102643 +revere 1102020 +troopers 1101939 +mccullough 1101740 +domaine 1101605 +guerra 1101562 +solemn 1101329 +microfiber 1101255 +eruption 1101076 +celeste 1100853 +deployments 1100842 +gentry 1100809 +insurgency 1100757 +boyer 1100709 +perceptual 1100348 +enchanting 1100168 +preached 1099944 +midlothian 1099931 +mica 1099816 +instr 1099652 +cadets 1099573 +lads 1099545 +rambler 1099485 +drywall 1099391 +endured 1099349 +fermentation 1099267 +suzy 1099243 +sumo 1098965 +careless 1098944 +chemists 1098786 +inca 1098645 +fad 1098363 +julien 1098258 +dandy 1098188 +refurbishment 1098172 +grassland 1097973 +jeffery 1097821 +narcotic 1097767 +councilman 1097516 +moulin 1097459 +swaps 1097437 +unbranded 1097415 +astronauts 1097341 +lockers 1097284 +paine 1097105 +incompetent 1096963 +attackers 1096957 +actuator 1096953 +ain 1096838 +reinstall 1096678 +lander 1096557 +predecessors 1096468 +lancer 1096415 +sorcerer 1096310 +fishers 1096299 +invoking 1096213 +muffin 1096202 +motherhood 1096193 +wexford 1096190 +methanol 1096088 +miscellany 1096085 +simplifying 1096075 +slowdown 1096062 +dressings 1096041 +bridesmaid 1095969 +transistors 1095939 +partridge 1095499 +synod 1095269 +noticing 1095262 +colgate 1095101 +lousy 1095083 +foreseeable 1095016 +nutritionists 1094916 +newmarket 1094727 +amigo 1094662 +discerning 1094604 +resistors 1094244 +burrows 1094175 +furnaces 1094016 +blondie 1093976 +zee 1093889 +occupant 1093882 +livingstone 1093772 +juggling 1093403 +wildfire 1093379 +seductive 1093289 +scala 1093246 +pamphlets 1093026 +rambling 1092988 +kidd 1092898 +bedside 1092877 +cesar 1092865 +lausanne 1092774 +heuristic 1092637 +archivist 1092502 +legality 1092442 +gallup 1092401 +arbitrarily 1092401 +antimicrobial 1092345 +biologist 1092265 +cobol 1092207 +heb 1092164 +luz 1091837 +fruity 1091678 +regulars 1091657 +robson 1091595 +stratus 1091548 +mysticism 1091535 +urea 1091284 +bumpers 1091055 +accompanies 1090972 +summed 1090845 +chopin 1090795 +torches 1090784 +dominating 1090670 +joiner 1090665 +wildcard 1090545 +explorations 1090457 +rvs 1090435 +guaranty 1090398 +procure 1090281 +oxidative 1090078 +sunsets 1089941 +brits 1089837 +cropping 1089740 +pliers 1089440 +kayaks 1089391 +anastasia 1089286 +arrogance 1089079 +marxist 1089060 +diverted 1088982 +forgiven 1088785 +bleak 1088632 +diplomas 1088455 +fieldwork 1088417 +christophe 1088406 +damping 1088104 +drudge 1087893 +dolores 1087849 +tramp 1087707 +saliva 1087671 +bootleg 1087651 +chichester 1087603 +intellectuals 1087570 +minis 1087516 +artemis 1087473 +lessen 1087324 +weller 1086983 +syringe 1086828 +leftist 1086612 +diversions 1086522 +tequila 1086390 +admiralty 1086346 +powdered 1086341 +limoges 1086310 +wildwood 1086218 +granger 1086198 +germantown 1085997 +prevailed 1085924 +glacial 1085890 +bergman 1085880 +pulitzer 1085771 +tapered 1085713 +alleges 1085517 +toothbrush 1085306 +delegations 1085235 +plutonium 1085225 +shredded 1085214 +antiquity 1084937 +subsurface 1084923 +zeal 1084831 +valparaiso 1084763 +blaming 1084475 +embark 1084355 +manned 1084146 +porte 1084129 +guadalupe 1084127 +johanna 1084085 +granular 1083931 +orkney 1083712 +halliburton 1083638 +bah 1083627 +underscore 1083605 +borg 1083569 +glutamine 1083486 +slutty 1083328 +oscillations 1083060 +herbicides 1082880 +inscribed 1082744 +chainsaw 1082641 +sphinx 1082363 +tablature 1082226 +fertilization 1082078 +glitch 1082062 +gearbox 1082060 +ceremonial 1082003 +sonnet 1081841 +stang 1081839 +alejandro 1081765 +constituencies 1081742 +sprung 1081658 +hedges 1081636 +tensile 1081547 +inflated 1081504 +intercom 1081370 +mckee 1081249 +envisaged 1081204 +splice 1081179 +crooks 1081161 +splicing 1081116 +campfire 1081022 +prospecting 1080924 +hubby 1080886 +quilted 1080842 +walled 1080801 +graphing 1080629 +biologists 1080526 +immensely 1080442 +trafalgar 1080208 +relapse 1080134 +debuts 1079829 +diskette 1079701 +commend 1079537 +descend 1079518 +contender 1079514 +southland 1079489 +bolster 1079347 +nietzsche 1079334 +diaspora 1079282 +anu 1079196 +fol 1079067 +moratorium 1079029 +safes 1079012 +goodnight 1078842 +alcoholics 1078769 +rocked 1078675 +rancid 1078663 +disparity 1078617 +malice 1078607 +knapp 1078356 +swimmers 1078273 +syllable 1078225 +painfully 1078138 +sweating 1077565 +demolished 1077432 +wavelengths 1077318 +unclaimed 1077291 +racquet 1077282 +cytoplasmic 1077273 +catholicism 1077272 +trident 1077184 +lemonade 1077090 +absences 1076894 +andes 1076878 +steakhouse 1076686 +stubs 1076600 +josie 1076558 +solarium 1076500 +persists 1076478 +fillmore 1076147 +greenhouses 1076000 +propeller 1075824 +dents 1075764 +spotlights 1075629 +perks 1075589 +anarchist 1075545 +harlow 1075459 +submerged 1075330 +entrusted 1075233 +essen 1075202 +calming 1074919 +intending 1074805 +cromwell 1074661 +dissertations 1074532 +highlander 1074446 +solicitations 1074351 +capacitance 1074344 +birthstone 1074311 +primitives 1074225 +bong 1074219 +lingual 1074214 +unframed 1074209 +lar 1073991 +survives 1073826 +vibes 1073710 +darcy 1073638 +funnel 1073571 +moons 1073540 +gent 1073509 +thirsty 1073394 +republication 1073323 +freshness 1073306 +zap 1073302 +lathe 1073261 +hippie 1073080 +acyclovir 1072941 +shabby 1072916 +punched 1072910 +virgil 1072842 +organizes 1072722 +unaudited 1072719 +summertime 1072673 +marbles 1072553 +airbag 1072515 +cottonwood 1072505 +mildred 1072160 +deletions 1072091 +cleopatra 1071914 +undecided 1071780 +startling 1071701 +internationale 1071696 +inductive 1071605 +krystal 1071592 +inadvertently 1071570 +expansions 1071558 +correlate 1071375 +bursting 1071346 +bylaw 1070798 +kenyon 1070497 +trims 1070444 +epiphany 1070426 +halves 1070410 +devin 1070375 +moulding 1070332 +melancholy 1070281 +viewfinder 1070280 +observance 1070245 +leaps 1070198 +hind 1070013 +renaming 1069958 +galvanized 1069940 +hoy 1069715 +teapot 1069708 +conveys 1069692 +lends 1069614 +squire 1069477 +armagh 1069378 +ache 1069323 +lyman 1068996 +counterfeit 1068957 +pho 1068847 +waller 1068830 +pathogen 1068817 +zagreb 1068747 +gayle 1068695 +overwrite 1068643 +revitalization 1068588 +yoke 1068387 +resonant 1068288 +camry 1068223 +outskirts 1068164 +postmodern 1068059 +expedite 1068027 +sweetness 1067747 +crook 1067661 +jayne 1067563 +rearing 1067485 +kuhn 1067449 +tins 1067443 +typos 1067335 +deliberations 1067151 +glutamate 1067012 +indifference 1066924 +xix 1066918 +invading 1066847 +melton 1066642 +dives 1066624 +loot 1066250 +telephoto 1066094 +pooling 1065912 +coyotes 1065693 +stale 1065657 +tbs 1065556 +levers 1065488 +custer 1065398 +borderline 1065297 +surgeries 1065292 +lobbyists 1065281 +cog 1065271 +incarnation 1065224 +strained 1065203 +zionist 1065048 +putty 1065017 +reacted 1064981 +admissible 1064978 +sunless 1064860 +puzzled 1064761 +unexplained 1064682 +patsy 1064602 +thermometers 1064517 +fourteenth 1064509 +gaskets 1064503 +compounded 1064491 +chippewa 1064374 +eldest 1064349 +terrifying 1064336 +climbs 1064289 +cushing 1064284 +uprising 1064094 +gasp 1063868 +nonstop 1063797 +corgi 1063639 +swans 1063572 +tories 1063515 +ellie 1063451 +citigroup 1063432 +seasonally 1063317 +hap 1063136 +remnant 1063091 +immoral 1062885 +sacrificed 1062744 +unequal 1062583 +weaken 1062357 +psychosocial 1062355 +categorical 1062104 +ellsworth 1061752 +cupid 1061697 +cline 1061564 +backlog 1061536 +filmmaking 1061519 +stalking 1061446 +sturgeon 1061291 +jap 1061217 +piers 1061175 +ensuing 1061138 +mitigating 1060972 +tint 1060842 +dykes 1060752 +revived 1060649 +joachim 1060553 +hodgkin 1060136 +earle 1060105 +hosea 1060033 +haste 1059853 +flakes 1059677 +alfalfa 1059530 +corfu 1059528 +argyll 1059475 +emil 1059389 +joking 1059257 +congresses 1059213 +electrically 1059191 +ophthalmic 1059134 +rhetorical 1059051 +prong 1059042 +unreleased 1059041 +simmer 1059011 +vert 1058930 +chaplin 1058854 +smallpox 1058795 +histology 1058645 +overwhelmingly 1058636 +waterway 1058632 +gilman 1058541 +klamath 1058380 +atrial 1058379 +migrated 1058366 +equalizer 1058325 +helmut 1058053 +reacts 1057992 +norbert 1057679 +complication 1057590 +lynda 1057551 +aubrey 1057365 +adaptable 1057129 +yak 1056994 +silt 1056975 +endorses 1056882 +expos 1056760 +cherish 1056520 +undead 1056085 +berth 1056010 +critters 1055985 +uninterrupted 1055834 +lint 1055759 +blob 1055724 +chalmers 1055706 +crabs 1055615 +tuscan 1055307 +lingo 1055245 +macleod 1055084 +fundamentalist 1054766 +subtraction 1054691 +budding 1054566 +superstars 1054544 +roam 1054358 +resemblance 1054299 +hackney 1054260 +piggy 1053871 +stadiums 1053851 +toto 1053776 +hebron 1053716 +cataract 1053384 +playable 1053258 +midday 1053009 +innate 1052902 +interconnected 1052701 +medallion 1052689 +prominently 1052544 +kant 1052527 +lexis 1052387 +virology 1052306 +nazareth 1052303 +nadia 1051969 +glanced 1051853 +calais 1051811 +rapture 1051733 +purcell 1051670 +sunbeam 1051656 +abruptly 1051602 +vidal 1051531 +beetles 1051501 +caspian 1051493 +impair 1051194 +stun 1051083 +shepherds 1051051 +subsystems 1051002 +susanna 1050907 +beading 1050881 +robustness 1050852 +interplay 1050504 +ayurveda 1050490 +mainline 1050473 +folic 1050468 +vallejo 1050363 +philosophies 1050256 +lager 1050146 +projecting 1049902 +goblin 1049829 +bluffs 1049829 +ratchet 1049663 +parrots 1049654 +wicca 1049446 +anthems 1049356 +cygnus 1049315 +depiction 1049250 +tiered 1049114 +optima 1048954 +terrified 1048887 +seward 1048699 +nocturnal 1048688 +photons 1048648 +transactional 1048644 +emulate 1048404 +accuse 1048371 +doggy 1048362 +anodized 1048339 +exxon 1048332 +hunted 1048330 +hurdle 1048302 +diminishing 1048246 +lew 1048212 +metastatic 1048176 +encyclopaedia 1048143 +errata 1048045 +ridley 1047880 +divas 1047835 +trey 1047669 +zipped 1047626 +intrepid 1047626 +babel 1047472 +clustered 1047443 +alerting 1047216 +insofar 1047092 +smileys 1047083 +primate 1047081 +surrogate 1047047 +breathable 1047032 +differed 1046942 +dickies 1046851 +gonzo 1046835 +eyebrows 1046652 +compromising 1046514 +programmatic 1046503 +willingly 1046460 +teammates 1046222 +harlequin 1046186 +barrymore 1046028 +barracuda 1045994 +revisit 1045819 +appellants 1045523 +insulting 1045324 +prominence 1045264 +cuckoo 1045203 +parrish 1044926 +inspires 1044925 +initiates 1044901 +acacia 1044793 +whiting 1044301 +fang 1044228 +netting 1044090 +grizzlies 1044053 +methadone 1043973 +contemplating 1043947 +offsets 1043930 +erasmus 1043704 +jodie 1043686 +sop 1043628 +recalling 1043497 +tallinn 1043409 +practising 1043343 +monterrey 1043205 +hermitage 1043143 +starlight 1043046 +lotteries 1042832 +coauthor 1042575 +foyer 1042532 +palaces 1042444 +brood 1042305 +azure 1042257 +compel 1042085 +airflow 1042045 +contradictions 1041974 +thur 1041823 +festivities 1041711 +trenches 1041638 +sabine 1041514 +doorstep 1041402 +sniff 1041321 +dangling 1041274 +unattached 1041180 +negligent 1040936 +karlsruhe 1040615 +gliding 1040577 +yuri 1040458 +honeymooners 1040308 +woe 1040184 +meditations 1040007 +dieter 1039855 +tranquility 1039691 +unwind 1039665 +halted 1039584 +liza 1039449 +outings 1039301 +crotch 1039119 +wavelet 1039052 +drawback 1039041 +smyrna 1038794 +pathogenesis 1038707 +diodes 1038697 +reinstatement 1038681 +botox 1038675 +hostess 1038635 +weep 1038608 +dipole 1038540 +cleo 1038418 +posse 1038358 +mosquitoes 1038355 +norge 1038331 +tangled 1038220 +walsall 1038144 +burnaby 1038074 +lilo 1038025 +majorca 1037951 +weldon 1037928 +agribusiness 1037906 +frying 1037756 +hesitation 1037676 +imprinted 1037643 +pixie 1037554 +proofing 1037507 +clits 1037485 +keyring 1037390 +bereavement 1037389 +surrendered 1037373 +vehicular 1037138 +workbench 1037033 +landscaped 1036864 +lula 1036790 +westward 1036734 +impala 1036625 +commenter 1036613 +converged 1036526 +celsius 1036264 +flicks 1036253 +leopold 1036241 +recognizable 1036118 +ludlow 1036035 +prefixes 1035803 +saba 1035725 +racquetball 1035723 +embraces 1035616 +flavours 1035572 +gustav 1035533 +pundits 1035470 +unset 1035406 +optimised 1035299 +waxing 1035247 +hitchhiker 1035199 +gael 1035160 +sinner 1035124 +isotopes 1035059 +erich 1034970 +auspices 1034946 +coles 1034873 +ergo 1034681 +dissenting 1034592 +melee 1034523 +conduction 1034425 +radcliffe 1034369 +countess 1034368 +pleading 1034105 +grabber 1034069 +crafty 1034039 +orch 1033940 +llama 1033922 +peridot 1033816 +montague 1033786 +pacers 1033651 +troubling 1033591 +salvatore 1033514 +vowel 1033509 +reuben 1033332 +cob 1033106 +fearing 1033027 +coronation 1033026 +parton 1032964 +isabelle 1032778 +dermatitis 1032522 +nagoya 1032372 +reluctance 1032216 +snowfall 1032198 +fundraisers 1032138 +inconsistency 1032085 +apostolic 1031812 +validating 1031766 +newsstand 1031670 +summoned 1031641 +dossier 1031628 +treble 1031575 +galley 1031511 +shovel 1031406 +entail 1031285 +mashed 1031175 +songwriting 1031090 +pacing 1030988 +hinton 1030919 +nighttime 1030862 +fluxes 1030772 +moan 1030590 +finders 1030500 +dictated 1030464 +darlene 1030408 +proximal 1030071 +jimmie 1030045 +henson 1030024 +unfolding 1030013 +deserts 1029901 +milking 1029628 +wilbur 1029357 +suitably 1029188 +enormously 1028873 +peroxide 1028613 +cicero 1028580 +scribe 1028438 +nellie 1028215 +outages 1028188 +sleigh 1028137 +complemented 1028127 +formulae 1028052 +fen 1028033 +finley 1027995 +thanh 1027587 +backlash 1027493 +gallo 1027382 +sank 1027160 +frontage 1027134 +blister 1027084 +opacity 1026698 +ration 1026649 +townsville 1026514 +humid 1026485 +turing 1026480 +portrayal 1026432 +veggies 1026387 +centenary 1026348 +guile 1026260 +lacquer 1026221 +unfold 1026128 +barclays 1026085 +hammered 1026068 +pedagogical 1025853 +tutti 1025839 +mined 1025833 +caucasus 1025795 +intervening 1025536 +bale 1025459 +astronomers 1025450 +fishnet 1025386 +combinatorial 1025254 +thrills 1025183 +therefor 1025143 +unintended 1025052 +sores 1024935 +rochdale 1024637 +pastures 1024520 +smog 1024498 +unattended 1024424 +playwright 1024239 +mics 1024213 +punjabi 1024194 +prem 1024164 +carthage 1024135 +zechariah 1024101 +kettering 1024039 +hayek 1023996 +montpelier 1023924 +selves 1023898 +titty 1023702 +naturalization 1023665 +whispering 1023584 +dissipation 1023511 +sprite 1023444 +keel 1023303 +fart 1023292 +oxidase 1023113 +leighton 1023039 +atheism 1022796 +gripping 1022602 +cellars 1022403 +caterer 1022391 +pregnancies 1022382 +tainted 1022281 +dateline 1022263 +remission 1022240 +praxis 1022194 +affirmation 1022188 +perturbation 1022159 +wandered 1022080 +unassigned 1021964 +adriana 1021932 +reeds 1021880 +lyndon 1021797 +groupings 1021741 +mems 1021728 +angler 1021700 +midterm 1021694 +astounding 1021601 +cosy 1021452 +campsite 1021313 +marketer 1021263 +resend 1021151 +augment 1020894 +flares 1020861 +huntingdon 1020690 +gelatin 1020629 +shedding 1020506 +adenosine 1020486 +glastonbury 1020336 +funerals 1020335 +milliseconds 1020126 +swatch 1020069 +eucalyptus 1020001 +redefine 1020000 +conservatism 1019836 +backdoor 1019708 +envisioned 1019572 +bumped 1019181 +automating 1019109 +cursors 1019027 +fortuna 1019004 +cripple 1018899 +divert 1018673 +lofty 1018661 +proclaim 1018465 +kanji 1018304 +recreate 1018160 +dropout 1018001 +cropped 1017807 +lockout 1017679 +moron 1017416 +townhouses 1017273 +merton 1017238 +horrific 1017211 +ere 1017200 +abacus 1017068 +lifeline 1016950 +richly 1016923 +torquay 1016780 +conjugate 1016714 +dogma 1016614 +vaguely 1016488 +winch 1016374 +yam 1016356 +siberia 1016051 +melons 1015937 +shes 1015890 +farley 1015887 +seer 1015838 +evils 1015737 +spontaneously 1015714 +sabotage 1015607 +blueprints 1015443 +limos 1015393 +unavoidable 1015064 +fraunhofer 1015012 +warhol 1014892 +suppressor 1014850 +ruthless 1014804 +almonds 1014790 +ecclesiastes 1014746 +aptitude 1014706 +vial 1014511 +sharpening 1014460 +seniority 1014348 +jocks 1014285 +prompting 1014238 +objected 1014217 +equator 1014051 +unzip 1014009 +guilds 1013989 +blatant 1013927 +floss 1013783 +favoured 1013666 +sarge 1013607 +endnote 1013592 +ridges 1013404 +leland 1013385 +oysters 1013367 +telugu 1013360 +midwifery 1013285 +huff 1013100 +primates 1013017 +gust 1012909 +cate 1012807 +receptacle 1012757 +tangerine 1012609 +mendoza 1012425 +amoxicillin 1012347 +graz 1012240 +puberty 1012229 +crawler 1012165 +angled 1012136 +shorten 1012067 +longhorns 1012066 +doha 1011972 +shawl 1011728 +overriding 1011434 +samaritan 1011072 +bends 1010930 +grimes 1010676 +unison 1010644 +tabular 1010640 +ard 1010555 +amir 1010408 +dormant 1010249 +nell 1010110 +restrained 1009965 +tropics 1009932 +concerted 1009816 +dongle 1009813 +ecumenical 1009712 +kwan 1009606 +refrigerated 1009532 +crouch 1009495 +pence 1009358 +formulating 1009335 +lamentations 1009331 +placid 1009328 +napkin 1009290 +emile 1009147 +contagious 1009095 +lenin 1009073 +inaccessible 1009035 +marsha 1008975 +administers 1008968 +gradients 1008871 +crockett 1008865 +conspicuous 1008714 +barbarian 1008628 +ritalin 1008626 +retrieves 1008622 +soaking 1008618 +ferrous 1008569 +dhaka 1008478 +reforming 1008318 +gar 1008289 +intrusive 1008177 +thyme 1007823 +parasitic 1007800 +zillion 1007700 +chino 1007675 +abusing 1007630 +caveat 1007458 +receptive 1007362 +toiletries 1007260 +bedrock 1007239 +capt 1007164 +clio 1006632 +xvii 1006603 +zines 1006514 +vulcan 1006324 +musk 1006200 +lucille 1006193 +executions 1006127 +forklift 1006085 +refreshed 1005937 +guarding 1005862 +repurchase 1005668 +atwood 1005660 +windmill 1005542 +lice 1005234 +badgers 1004989 +garter 1004872 +appetizer 1004806 +disbursement 1004750 +telemetry 1004563 +footed 1004559 +dedicate 1004266 +renewing 1004115 +burroughs 1004109 +consumable 1004056 +depressive 1003641 +stabilizer 1003521 +skim 1003327 +touche 1003271 +ovary 1003163 +rune 1003149 +welt 1003072 +accrual 1003020 +veal 1002995 +perpetrators 1002937 +creatively 1002822 +embarked 1002730 +quickest 1002715 +euclid 1002547 +tremendously 1002541 +smashed 1002472 +oscillation 1002305 +interfaith 1002146 +cay 1002108 +thunderstorm 1002030 +payers 1002028 +gritty 1001983 +retrospect 1001979 +dewitt 1001828 +jog 1001808 +hailed 1001750 +bahia 1001749 +miraculous 1001639 +hounds 1001615 +tightening 1001614 +draining 1001566 +rect 1001426 +paroles 1001366 +sensibility 1001279 +rags 1001167 +reborn 1001079 +punching 1000845 +lagrange 1000790 +distinguishes 1000579 +treadmills 1000577 +poi 1000422 +bebop 1000401 +streamlining 1000369 +dazzle 1000224 +trainings 1000194 +seeding 1000093 +ulysses 999894 +industrialized 999879 +dangle 999852 +eaters 999793 +botanic 999780 +bronco 999773 +exceedingly 999765 +inauguration 999762 +inquired 999701 +repentance 999523 +chased 999429 +unprotected 999415 +merle 999346 +intermediaries 999184 +rotations 998916 +evacuated 998915 +reclaimed 998614 +prefecture 998543 +accented 998526 +montessori 998071 +murine 997935 +entomology 997894 +baum 997893 +rodent 997875 +paradigms 997842 +racket 997700 +hannibal 997696 +putter 997675 +fonda 997617 +recursion 997602 +flops 997539 +sickle 997530 +violently 997440 +attest 997406 +untouched 997170 +initiator 997169 +comforting 997036 +creeping 997024 +kerosene 996638 +appraised 996617 +restorative 996537 +sunscreen 996319 +peacefully 996177 +antidepressants 996171 +decentralized 996166 +freaking 996113 +whittier 996070 +bassist 995968 +stature 995928 +skaters 995848 +sentry 995831 +assaults 995815 +luminosity 995649 +berwick 995607 +emulators 995604 +vices 995524 +karat 995377 +ginny 995339 +tolls 995273 +degrading 995221 +posh 995079 +bangles 995072 +stereos 994931 +submittal 994921 +forster 994674 +fireman 994581 +mink 994479 +simulators 994420 +zorro 994277 +maniac 994236 +antics 994105 +ealing 993620 +ozark 993534 +formative 993270 +recognising 993218 +interactivity 993207 +wordsworth 993109 +constructors 993094 +wrongly 992978 +cree 992892 +physicists 992692 +malfunction 992684 +falsely 992639 +abbot 992552 +magma 992528 +canucks 992243 +hammersmith 992087 +blum 991765 +consul 991728 +plagued 991605 +parkland 991595 +lahore 991561 +aiding 991529 +werewolf 991528 +suckers 991255 +midwestern 991253 +swallows 991094 +charisma 991085 +chilli 991047 +suspensions 990957 +patronage 990921 +canoes 990691 +matilda 990513 +fodder 990472 +impetus 990419 +peeled 990363 +malnutrition 990258 +layton 990208 +gaines 990077 +inbred 990075 +intercultural 989822 +skateboards 989714 +goshen 989642 +whining 989593 +functionally 989559 +rabies 989553 +catalysts 989486 +arson 989351 +readability 989322 +dakar 989205 +cappuccino 989068 +modulus 988969 +cuisines 988926 +tapestries 988787 +transatlantic 988757 +tuscaloosa 988320 +boosted 988320 +sprayed 988292 +gearing 988275 +glutathione 988253 +freeing 988180 +kilkenny 988166 +redress 988120 +adoptions 988101 +settles 988013 +tweaking 987952 +angina 987931 +geeky 987806 +coupler 987783 +seaman 987637 +skulls 987461 +cayenne 987401 +minimizes 987331 +balboa 987133 +treatise 987068 +defeats 987066 +testimonies 987000 +wainwright 986625 +guadalajara 986559 +kali 986520 +itch 986466 +withdrawing 986264 +solicited 986212 +daimler 986105 +gard 985859 +everglades 985843 +chipping 985825 +montage 985815 +brilliantly 985811 +geelong 985754 +ionization 985727 +biases 985643 +dill 985517 +sprawl 985396 +reopen 985259 +potts 985205 +alfredo 985191 +haunt 985188 +hedging 985167 +erased 985056 +insulating 985043 +mcclure 984994 +resisting 984906 +congregational 984849 +waterfowl 984798 +antiquities 984774 +monsieur 984688 +reacting 984631 +inhaled 984613 +fuses 984514 +britt 984387 +collide 984371 +syst 984258 +segregated 984139 +blinded 983949 +avengers 983939 +technologist 983689 +madras 983628 +sacrificing 983589 +pigments 983568 +faiths 983524 +impacting 983514 +lamont 983412 +aquariums 983409 +tinker 983290 +sonora 983287 +echoed 983286 +rigs 983211 +elisha 983202 +gazing 983196 +arginine 983141 +moot 983079 +zane 982992 +eighties 982906 +televised 982625 +simplistic 982397 +amphibians 982133 +freehold 982038 +braid 981945 +forester 981592 +resisted 981525 +encapsulated 981522 +alp 981474 +injector 981446 +munro 981392 +agar 981353 +edo 981210 +arundel 981200 +grained 981150 +shiraz 981117 +announcer 980698 +barnsley 980456 +polycarbonate 980341 +disgrace 980086 +mediate 979863 +rein 979848 +realisation 979841 +irritable 979803 +cunning 979573 +fists 979557 +divider 979417 +associative 979263 +pennies 979169 +minivan 979152 +chimp 978917 +jos 978625 +giraffe 978584 +awning 978521 +ointment 978458 +spilled 978351 +stroud 978336 +lefty 978333 +tripping 978231 +heres 978028 +azimuth 977916 +logistical 977713 +occidental 977561 +chariot 977505 +buoy 977485 +geraldine 977461 +firenze 977418 +okavango 977404 +jansen 977366 +matrimonial 977357 +squads 977281 +tenn 977110 +tween 977071 +payback 977064 +disclosing 976980 +hydraulics 976898 +endpoints 976861 +masthead 976725 +ursula 976724 +perrin 976712 +disbursements 976656 +boucher 976649 +chadwick 976633 +candidacy 976629 +hypnotic 976495 +adultery 976493 +quantification 976473 +coolant 976352 +seventeenth 976269 +temperament 975973 +prostitutes 975877 +parsed 975795 +shamrock 975776 +healer 975694 +hive 975507 +circulate 975458 +warmers 975435 +glued 975384 +newt 975360 +sycamore 975289 +alleles 975151 +ola 975073 +halftime 975029 +frye 974961 +belinda 974764 +albright 974658 +handwritten 974493 +whsle 974453 +shuts 974390 +launceston 974182 +tenderness 974154 +wembley 973855 +ocular 973769 +sandman 973700 +smelling 973663 +dung 973533 +scratched 973372 +conclusive 973331 +scoops 973251 +eigenvalues 973051 +alder 972850 +polluted 972801 +undersigned 972793 +lark 972650 +airbrush 972594 +carlyle 972446 +restores 972420 +regexp 972398 +lullaby 972209 +beaverton 972055 +trucker 971864 +willamette 971847 +chiropractors 971844 +hoes 971831 +lawns 971756 +midas 971675 +mirroring 971543 +choking 971485 +castor 971100 +plentiful 971017 +bonner 970941 +massively 970841 +stately 970817 +aeronautical 970791 +raced 970447 +deuce 970434 +squirrels 970153 +exhibitionism 970127 +riser 969986 +redux 969917 +drawbacks 969891 +compensatory 969793 +evoked 969775 +dictates 969650 +couplings 969556 +studded 969467 +monsanto 969427 +cleric 969331 +individuality 969138 +spared 968969 +anticipating 968838 +californian 968573 +brownie 968396 +undressing 968360 +equiv 968303 +macrophages 968283 +computes 968099 +quits 968086 +ensign 967853 +pickett 967822 +restraining 967792 +charismatic 967779 +teleconference 967616 +blockade 967434 +nearing 967220 +ruff 967030 +tux 966952 +burglar 966938 +asymmetry 966872 +warped 966860 +barbour 966670 +tijuana 966604 +hamiltonian 966489 +algebras 966368 +quotient 966254 +tributes 966102 +freezes 966045 +knoll 965905 +wildcat 965878 +thinning 965822 +inlay 965778 +primrose 965703 +parting 965617 +humber 965590 +michelangelo 965533 +corduroy 965501 +avocado 965374 +torpedo 965365 +octets 965314 +dubuque 965267 +evaluator 965224 +gid 965159 +muffler 965036 +jumpers 964686 +lerner 964600 +troublesome 964520 +manifolds 964488 +eucharist 964355 +kristy 964303 +variances 964262 +objectivity 964042 +incubated 963849 +turnovers 963453 +changers 963372 +frs 963271 +hereto 963160 +magnetism 963103 +inventive 962883 +speculate 962777 +clinician 962730 +craze 962477 +dispatches 962459 +craftsmen 962328 +curacao 962320 +rapporteur 962192 +desiring 962129 +felipe 961834 +aspell 961801 +texan 961758 +safeguarding 961678 +paxton 961539 +grated 961391 +submarines 961254 +chromosomal 961144 +hickman 961110 +provoke 960917 +salesperson 960705 +superfamily 960628 +accommodating 960249 +grenoble 960209 +calvary 960162 +banded 959981 +deportation 959947 +zoos 959877 +activates 959851 +cuttings 959725 +hibernate 959696 +invests 959654 +extremists 959602 +sculptor 959376 +kildare 959209 +commended 959180 +roper 959126 +narrowing 959121 +cyclical 958986 +mechanically 958903 +cytokines 958861 +improvisation 958793 +profanity 958756 +toured 958722 +playmate 958445 +covariance 958402 +scum 958309 +bobble 958150 +seasoning 958129 +vargas 958091 +airfield 958086 +flipping 958055 +disrupted 958043 +adolf 957923 +adjourn 957864 +restocking 957711 +widows 957656 +conveying 957594 +citrine 957591 +neoplasm 957579 +rethinking 957374 +precincts 957247 +orientations 957179 +volta 957170 +mediums 957106 +calumet 957088 +pellet 957052 +discern 957040 +bran 957029 +doggie 956964 +inflow 956879 +lymphocyte 956696 +fumes 956671 +futile 956638 +weinberg 956494 +disqualified 956438 +fenced 956261 +saigon 956181 +whiteboard 956145 +eel 956144 +animate 956038 +faro 955606 +resembling 955572 +invertebrates 955451 +totem 955271 +elliptic 955168 +agonist 955141 +experimentally 955140 +hyperion 954995 +drinkers 954994 +rockingham 954590 +indus 954407 +harms 954384 +schweiz 954245 +rethink 954177 +asserting 953874 +nikita 953788 +affluent 953564 +ell 953465 +aetna 953457 +truckers 953388 +protesting 953288 +dix 953273 +lonesome 953264 +liberated 953225 +giro 953184 +unconventional 953052 +dor 952890 +determinant 952869 +reckoning 952715 +fabian 952695 +concurrence 952660 +closets 952646 +morpheus 952605 +ayers 952468 +junkies 952461 +carve 952422 +metaphors 952416 +jacquard 952416 +assesses 952355 +okinawa 952260 +muster 952213 +labourer 952092 +heartfelt 952092 +pertain 951882 +quantified 951845 +uppsala 951739 +distortions 951716 +democracies 951710 +subclasses 951705 +gideon 951296 +mallory 951252 +gauntlet 950978 +condolences 950967 +martyrs 950900 +hitter 950767 +livelihoods 950751 +psf 950636 +cots 950620 +telluride 950604 +mkt 950541 +floodplain 950513 +victorious 950493 +sylvan 950229 +beverley 950161 +valera 950146 +crusader 949772 +unnatural 949666 +alphabetic 949640 +tailoring 949075 +swish 949054 +shavers 949054 +mcdonnell 948949 +aborted 948827 +blenders 948735 +confessed 948695 +symphonic 948618 +asker 948596 +nae 948489 +drumming 948407 +huffman 948396 +alistair 948384 +navarro 948318 +modernity 948305 +patching 948289 +fret 948234 +booties 947856 +abiding 947738 +cancels 947718 +gangsta 947543 +luscious 947476 +sighting 947441 +relic 947341 +teton 947032 +newline 946974 +slipper 946965 +prioritize 946919 +clashes 946852 +augsburg 946750 +ethos 946491 +solenoid 946383 +argyle 946309 +cling 946281 +underdog 946153 +prophetic 946122 +fredericton 946107 +commune 945941 +agatha 945908 +tut 945899 +copywriting 945850 +asteroids 945561 +gesellschaft 945558 +circumcision 945537 +neutrality 945285 +ovulation 945199 +snoring 944941 +quasar 944899 +euthanasia 944845 +trembling 944767 +schulz 944727 +reproducing 944694 +comets 944483 +unitarian 944278 +blacklist 944221 +governs 944138 +rooftop 944071 +ebert 944071 +goldfish 944054 +gums 944053 +delaying 944053 +slimline 943938 +mainz 943816 +reconstruct 943621 +animator 943613 +barbra 943589 +toned 943575 +erred 943538 +modelled 943298 +irreversible 943282 +flanagan 943272 +expiring 943240 +encyclopedias 943160 +mabel 943150 +whistles 943039 +jewellers 942988 +understandings 942765 +dared 942679 +nudge 942601 +seeming 942551 +campsites 942480 +lighthouses 942414 +rosebud 942355 +andromeda 941840 +postpartum 941760 +yoda 941681 +sixteenth 941640 +origination 941562 +doves 941403 +landowner 941401 +dalai 941377 +preachers 941144 +leiden 941125 +alden 941109 +trampoline 940799 +ramona 940790 +glib 940763 +restricts 940608 +brutality 940589 +gees 940569 +fictitious 940552 +francesca 940494 +rumour 940471 +immortality 940401 +intakes 940277 +swearing 940094 +saffron 939951 +ragged 939497 +peerless 939425 +constitutions 939401 +psychotic 939223 +allyn 939209 +improbable 939043 +pulsed 939013 +ignite 938902 +reiterated 938877 +hornet 938739 +jesuit 938697 +atypical 938671 +excessively 938566 +contraceptives 938332 +mounds 938273 +slimming 938150 +dispatcher 938150 +devoid 938118 +extraordinarily 938117 +parted 938100 +elites 937866 +munster 937830 +correlates 937643 +sufferers 937537 +skunk 937406 +interruptions 937384 +placer 937312 +casters 937228 +lingering 937188 +brooches 937071 +heaps 937059 +hydra 936887 +anvil 936808 +mandalay 936779 +haircare 936743 +climbers 936725 +blinking 936625 +sweetest 936582 +atty 936432 +noe 936393 +dishonest 936098 +stalk 936028 +mailbag 935992 +kun 935922 +inert 935898 +vilnius 935831 +dbl 935814 +vocation 935670 +tribunals 935659 +cedric 935584 +doping 935575 +postwar 935482 +thrombosis 935386 +favours 935345 +smarty 935252 +whitley 935021 +witnessing 935019 +eject 935010 +windermere 934811 +seventies 934678 +curtin 934663 +dilemmas 934567 +rayon 934490 +gwynedd 934219 +edwardian 934207 +dryden 934177 +saunas 934002 +foreigner 933982 +policemen 933947 +horowitz 933813 +undergrad 933522 +mocha 933522 +anomalous 933401 +knockers 933273 +katharine 933263 +jitter 933242 +barter 933226 +supernova 933159 +modifies 933015 +feminization 932937 +frugal 932856 +extremist 932852 +starry 932707 +thanking 932568 +nouns 932444 +hobbit 932223 +consequent 932215 +entrances 932167 +multipurpose 932068 +danube 932032 +evasion 932025 +cohesive 931743 +filenames 931707 +mayors 931628 +tonne 931552 +caster 931549 +gospels 931528 +wicket 931291 +glycol 931263 +manicure 931244 +medial 931159 +cora 931033 +lazarus 930966 +faxed 930853 +bloomsbury 930852 +vile 930726 +misguided 930681 +ennis 930586 +reunited 930359 +colossal 930268 +conversational 930233 +mcdaniel 930227 +inspirations 930159 +brio 930104 +blasted 930069 +baskerville 930039 +syndromes 929949 +kinney 929827 +webinars 929706 +triples 929690 +boutiques 929451 +gro 929405 +shingles 929355 +gresham 929244 +screener 929199 +janine 929127 +hanukkah 929056 +adsorption 928955 +underwriters 928624 +mendocino 928374 +pima 928354 +actuators 928299 +cumbersome 928240 +internationalization 928140 +pixies 928097 +immersed 928061 +philemon 927923 +roasting 927677 +pancake 927582 +accrue 927430 +loire 927339 +guerrero 927314 +vented 927304 +firth 927276 +hathaway 927254 +emf 927247 +beatty 927216 +lunchtime 926969 +miro 926891 +consolation 926704 +slams 926688 +frazer 926500 +outlay 926485 +dreaded 926427 +airing 926397 +looping 926328 +crates 926297 +undated 926271 +ramadan 926182 +lowercase 926127 +alternately 926120 +technologically 926074 +gracefully 925986 +intrigued 925976 +anaerobic 925967 +antagonist 925886 +pioneered 925810 +exalted 925774 +cadre 925745 +tabloid 925735 +serb 925437 +jaeger 925432 +pred 925427 +solubility 925374 +troubleshoot 925357 +overthrow 925313 +patiently 925254 +cabot 925244 +controversies 925227 +hatcher 925119 +narrated 925085 +coders 925074 +squat 925062 +insecticides 925044 +electrolyte 924970 +firestone 924808 +letterhead 924303 +polypeptide 924296 +illuminating 924257 +artificially 924202 +velour 924178 +bachelorette 924066 +saucepan 923948 +freshest 923918 +martyr 923824 +hacienda 923729 +koran 923696 +zoned 923678 +pubic 923627 +pizzeria 923597 +quito 923566 +nitrous 923399 +tiara 923335 +elegantly 923241 +airspace 923234 +temptations 923092 +convertor 923023 +brahms 923012 +genomes 923010 +workable 923008 +skinned 922957 +irrigated 922939 +hives 922837 +ordinate 922750 +groundwork 922732 +cyril 922671 +seminal 922613 +rodents 922613 +kew 922592 +precursors 922464 +resentment 922399 +relevancy 922323 +koala 922217 +discus 922127 +glaciers 921934 +peri 921769 +manfred 921753 +realistically 921741 +loci 921682 +subunits 921473 +gaping 921409 +infringe 921270 +hula 921011 +inferences 920996 +laramie 920974 +toothpaste 920874 +maxine 920786 +mennonite 920713 +subtitled 920644 +maidstone 920589 +abrupt 920475 +abr 920451 +fastener 920224 +foxy 920102 +sexiest 920089 +gambler 920056 +dissection 919988 +categorization 919979 +nightingale 919893 +inclusions 919743 +fosters 919718 +conc 919713 +landau 919639 +contemplate 919496 +limbaugh 919382 +cassie 919262 +altman 919258 +lethbridge 919197 +peng 919135 +fillers 918859 +amigos 918800 +putt 918740 +colonization 918698 +coon 918690 +crock 918524 +ailments 918512 +disagreed 918431 +boldly 918403 +narration 918263 +typography 918022 +unopened 917980 +insisting 917904 +yeas 917528 +brushing 917514 +resolves 917400 +sacrament 917373 +cram 917366 +eliminator 917338 +gazebo 917143 +shortening 917061 +naxos 916893 +bobbi 916893 +cocker 916858 +cloves 916780 +marketable 916698 +presto 916533 +retry 916420 +hiram 916284 +broadening 916191 +hens 916152 +implantation 916131 +telex 916110 +humberside 916108 +musharraf 915777 +detoxification 915764 +bowed 915747 +whimsical 915719 +harden 915461 +molten 915434 +aureus 915289 +chm 915249 +repaid 915240 +bonneville 915224 +beltway 914951 +warmly 914734 +penang 914604 +hogs 914503 +sporadic 914484 +eyebrow 914479 +zippered 914468 +brownies 914395 +lessor 914394 +strickland 914250 +charlene 914006 +autistic 913942 +unnecessarily 913931 +equalization 913763 +tess 913755 +painless 913490 +corvallis 913319 +serbs 913195 +reused 913097 +verdi 912609 +annexation 912472 +hydroxy 912422 +dissatisfaction 912367 +technologists 912190 +applaud 912162 +dempsey 912127 +primo 912120 +abolish 912065 +climates 912060 +speakerphone 911748 +uneasy 911601 +reissues 911355 +shalom 911299 +khmer 911263 +busiest 911196 +recordable 911164 +dredging 911140 +fray 911045 +extrusion 910865 +defamation 910696 +clogs 910686 +flank 910609 +theron 910580 +spawned 910559 +cartel 910539 +wiener 910477 +theorems 910292 +samplers 910269 +numerically 910176 +perforated 910092 +intensified 910090 +hilbert 909976 +tamworth 909963 +sexton 909942 +postmaster 909852 +washes 909792 +shrugged 909664 +electors 909611 +departs 909579 +landry 909412 +crackdown 909394 +lifespan 909304 +mindful 909091 +lurking 909060 +hitherto 909042 +cysteine 909023 +egyptians 908846 +responsibly 908843 +slideshows 908839 +looms 908800 +spectre 908782 +downright 908731 +fantasia 908540 +camisole 908502 +refractory 908473 +atoll 908471 +counsellor 908417 +shredders 908338 +inexperienced 908331 +outraged 908238 +gags 908238 +rips 908203 +smother 908026 +ducts 907928 +frosty 907842 +marmot 907714 +remand 907694 +mules 907690 +sash 907517 +spoof 907481 +truro 907403 +moaning 907347 +ponies 907292 +spammer 907223 +presets 907172 +separations 907134 +originates 907115 +penicillin 907048 +amman 907030 +blight 906914 +physique 906903 +maturation 906863 +internals 906850 +bungalows 906811 +refractive 906750 +independents 906674 +grader 906624 +transducers 906611 +contentious 906591 +cheering 906545 +intercollegiate 906352 +archibald 906271 +emancipation 905990 +duchess 905868 +rainier 905792 +commemorate 905709 +spout 905624 +perish 905332 +snapper 905301 +hefty 905281 +hoist 905107 +narrower 905072 +captivity 905059 +overloaded 904957 +shorthand 904902 +ceres 904726 +bravery 904631 +delaney 904618 +lizards 904416 +fergus 904212 +sincerity 904202 +calder 904174 +hairless 904138 +oar 904125 +mullins 904115 +lactation 904112 +innsbruck 904036 +flagged 904026 +offbeat 903860 +relics 903821 +relish 903789 +protons 903658 +imagining 903598 +machined 903576 +belongings 903475 +holman 903467 +eviction 903425 +lire 903373 +legislatures 903321 +unchecked 903033 +knocks 902819 +regionally 902752 +alfonso 902737 +thurman 902724 +showcasing 902702 +contradict 902559 +certifies 902529 +scarcity 902492 +primes 902401 +fleeing 902311 +lambeth 902180 +filament 902120 +abingdon 901963 +theorists 901905 +liturgical 901774 +southwark 901732 +easements 901657 +celia 901589 +disguised 901508 +aida 901449 +implanted 901418 +exogenous 901214 +thrash 901098 +trolls 901081 +flor 901057 +antiquarian 901046 +dina 901040 +fluency 900900 +uniting 900891 +behaves 900721 +slabs 900683 +conceivable 900676 +agate 900451 +incline 900347 +hartmann 900171 +scorer 900076 +swami 900023 +oilers 899959 +mandela 899703 +listers 899702 +soliciting 899652 +thoroughbred 899633 +arlene 899632 +oneness 899615 +dividers 899551 +climber 899495 +recoverable 899487 +gators 899426 +commonplace 899385 +intellectually 899290 +cruces 899225 +casanova 899118 +himalayan 898952 +lactose 898662 +competitively 898566 +downfall 898472 +hampstead 898363 +nahum 898297 +bookcases 898268 +strides 898259 +raja 898115 +vanish 898091 +lofts 897893 +feral 897865 +ute 897846 +neurosurgery 897802 +transmits 897775 +ringgit 897590 +impatient 897557 +aforesaid 897511 +elbows 897459 +truce 897431 +bette 897336 +parmesan 897145 +kiosks 897044 +stairway 896992 +woodrow 896896 +sou 896817 +boar 896795 +vertebrate 896746 +hooking 896673 +rawlings 896378 +physiotherapy 896301 +laird 896267 +multiplicity 896177 +objectively 896169 +resigns 896160 +billabong 896141 +prepayment 896127 +anguish 895923 +petal 895903 +perfected 895903 +handgun 895787 +mite 895541 +blackstone 895451 +clipped 895429 +innovator 895365 +mitochondria 895356 +redirecting 895155 +cervix 894957 +jed 894798 +cosby 894778 +dries 894704 +sikh 894501 +annoyance 894491 +grating 894474 +prostitute 894367 +lufthansa 894362 +elixir 894100 +sewerage 894074 +guardianship 893986 +gamblers 893967 +mantis 893825 +peeps 893768 +alerted 893630 +reverence 893456 +remodel 893360 +sardinia 893307 +carpal 893307 +natalia 893305 +specialises 893209 +outweigh 893196 +verne 893178 +condiments 893141 +adventist 893083 +eggplant 893073 +gaylord 892994 +bunting 892992 +avenger 892897 +monaghan 892708 +spar 892695 +undocumented 892661 +waugh 892508 +captivating 892504 +vaccinations 892431 +tiers 892403 +gutierrez 892345 +centurion 892171 +propagate 892094 +prosecuting 892014 +inuit 891980 +montpellier 891931 +slavic 891702 +photocopying 891610 +nutritious 891604 +marguerite 891582 +vapour 891492 +pluck 891481 +cautiously 891365 +prick 891337 +contingencies 891328 +avn 891310 +dressage 891248 +phylogenetic 891107 +coercion 891100 +morbid 890907 +refresher 890804 +picard 890790 +rubble 890671 +scrambled 890511 +cheeky 890500 +agitation 890368 +proponent 890334 +truthful 890045 +woodpecker 889997 +streisand 889792 +herds 889724 +corsica 889676 +bioethics 889659 +redo 889612 +penetrated 889589 +piranha 889332 +rps 889240 +uncompressed 889021 +adder 888956 +weakest 888908 +weakening 888902 +avionics 888869 +minimization 888832 +nome 888754 +ascot 888745 +linearly 888695 +anticipates 888574 +poignant 888416 +germs 888353 +frees 888094 +punishable 888057 +fractured 888016 +psychiatrists 887988 +waterman 887924 +brat 887829 +uranus 887779 +multiplex 887722 +salient 887583 +bradbury 887554 +babysitting 887553 +beehive 887185 +censor 887109 +aeon 887034 +leblanc 886993 +shorty 886954 +injecting 886905 +discontinuity 886807 +semitic 886778 +wits 886638 +enquirer 886566 +perverted 886556 +downturn 886537 +bordering 886496 +fission 886480 +modulator 886464 +widowed 886454 +tombstone 886313 +worldview 886302 +choreography 886297 +nth 886135 +begged 886076 +buffering 885982 +killarney 885875 +flushed 885862 +scoping 885859 +cautions 885761 +lavish 885755 +roscoe 885705 +brighten 885679 +vixen 885674 +mammography 885647 +whips 885594 +marches 885498 +nepalese 885220 +xxi 885167 +communicable 885046 +enzymatic 884992 +extravaganza 884680 +anew 884664 +commandment 884612 +undetermined 884592 +yah 884520 +conceded 884501 +circumference 884474 +postpone 884440 +rotherham 884406 +underestimate 884360 +disproportionate 884241 +pheasant 884202 +bally 884078 +marrying 883879 +carvings 883858 +cooley 883844 +exponentially 883638 +chechen 883505 +complains 883320 +bunnies 883222 +choppers 883221 +earphones 882970 +outflow 882953 +resided 882941 +terriers 882936 +scarab 882933 +toasters 882911 +skiers 882874 +jamal 882656 +weasel 882627 +raunchy 882625 +biologically 882600 +venerable 882393 +zyrtec 882134 +riyadh 882077 +toasted 881930 +admirable 881910 +illuminate 881857 +fades 881747 +coates 881735 +octane 881715 +bulge 881613 +lucinda 881381 +brittle 880926 +environmentalists 880659 +fatah 880634 +bandits 880573 +politely 880542 +soapbox 880443 +watermelon 880379 +ingenious 880368 +deanna 880313 +carols 880237 +pensioners 880099 +elongation 880062 +wanking 879940 +dortmund 879692 +obadiah 879661 +mannheim 879640 +boardroom 879524 +taping 879253 +somatic 879135 +hepburn 879009 +fetched 878933 +alderman 878712 +slump 878659 +nerds 878641 +lockwood 878620 +simulating 878491 +coughing 878491 +hiatus 878386 +enrol 878274 +upholstered 878180 +evangelist 878138 +louvre 878086 +spurious 878052 +gloom 878018 +severn 877964 +wycliffe 877900 +aikido 877686 +batches 877634 +dap 877625 +angelic 877537 +astrological 877393 +nobility 877305 +shippers 877245 +cav 877191 +wildflowers 877094 +bayern 877093 +polygons 877083 +delimited 877068 +noncompliance 876981 +afternoons 876925 +ramifications 876834 +wakes 876767 +ashore 876754 +workman 876678 +swimmer 876633 +unload 876542 +loon 876231 +babysitter 876171 +linotype 876121 +marge 876008 +pes 875938 +mediators 875844 +hone 875783 +riggs 875782 +jockeys 875781 +wanderers 875723 +deliverable 875589 +sips 875588 +badness 875536 +sanding 875431 +undertakes 875314 +miscarriage 875107 +vulgate 875090 +stoned 875046 +buffered 874997 +provoked 874929 +herr 874531 +fables 874484 +pelham 874326 +crumbs 874286 +wort 874102 +comps 873979 +greco 873704 +palisades 873674 +confidently 873614 +commences 873487 +dispense 873185 +dangerously 873155 +figaro 873051 +sadie 873023 +protested 872878 +capitalists 872866 +carotid 872749 +accusing 872745 +stink 872742 +convent 872700 +valdez 872690 +childish 872504 +squish 872292 +adhered 872136 +priesthood 872119 +jagged 871939 +midwives 871918 +nara 871827 +nab 871774 +cyclones 871733 +dispersal 871628 +overt 871540 +snowflake 871518 +verbally 871241 +squeak 871207 +sterilization 871203 +assessors 871189 +chenille 871179 +dehydration 871176 +haircut 871157 +misconceptions 871106 +constituting 871104 +undeclared 871082 +bari 871052 +nuns 870978 +songwriters 870813 +tolerances 870770 +incarceration 870763 +pronounce 870681 +scorpions 870680 +hierarchies 870515 +lactating 870425 +incompleteness 870398 +aquamarine 870235 +dearly 870151 +suggestive 870113 +sedimentation 870020 +optometry 869991 +electrified 869811 +mobilize 869760 +attendee 869716 +unbalanced 869699 +rpt 869614 +gypsum 869600 +slime 869502 +baroness 869484 +trajectories 869368 +winnings 869323 +federico 869262 +imaginable 869241 +bromide 869119 +leapfrog 868848 +thermoplastic 868795 +crusaders 868725 +summing 868568 +lament 868477 +terraces 868409 +canyons 868385 +predatory 868192 +descendant 868120 +disgust 868088 +deterrent 868064 +banked 867916 +duplicating 867869 +rationality 867752 +screwing 867732 +dismal 867714 +ranches 867691 +cochin 867689 +tuba 867647 +prologue 867619 +encodes 867564 +whaling 867521 +garamond 867510 +cirrus 867450 +patrols 867425 +ballarat 867346 +stumbling 867151 +swung 867135 +outlaws 867086 +waved 867023 +modifiers 866970 +hijack 866886 +libel 866830 +ellipse 866759 +accorded 866653 +alarmed 866610 +justine 866589 +fryer 866546 +jest 866519 +garda 866274 +eskimo 866211 +caesars 866121 +dammit 866034 +luce 865938 +mfrs 865734 +editable 865732 +greats 865724 +milosevic 865706 +marcy 865676 +boron 865654 +creighton 865609 +strapped 865570 +bolivian 865511 +reluctantly 865419 +phobia 865143 +superfund 865107 +woodwork 865089 +centrifugal 864931 +authorship 864815 +piercings 864788 +riffs 864669 +cavities 864610 +cravings 864461 +decidedly 864360 +pau 864325 +apathy 864296 +briana 864277 +mercantile 864143 +stalled 864089 +infused 864069 +geronimo 864016 +peaked 864000 +stronghold 863984 +tetra 863969 +huxley 863882 +alb 863789 +retrofit 863679 +bearded 863617 +greasy 863561 +coalitions 863507 +tactile 863413 +vowed 863379 +cinematography 863361 +wannabe 863213 +carnage 863190 +asher 863144 +skier 863046 +storyteller 862964 +ingenuity 862805 +fms 862654 +mort 862532 +infested 862499 +wristbands 862423 +creeks 862386 +bessie 862285 +hibiscus 862263 +adele 862242 +rattan 862064 +coroner 861881 +cray 861878 +irregularities 861864 +tiled 861822 +waterbury 861797 +selectivity 861736 +carlow 861689 +elaboration 861667 +hectic 861581 +haggai 861554 +demonstrators 861535 +raiser 861493 +sanger 861440 +mullen 861397 +periphery 861378 +predictors 861325 +snuff 861230 +convene 861206 +woodwind 861164 +calmly 861072 +horribly 861042 +burnley 860912 +dilute 860860 +sumter 860710 +rcd 860693 +contemplation 860693 +tylenol 860378 +gaseous 860376 +megabytes 860372 +backlight 860364 +afflicted 860349 +gloomy 860297 +naturist 860242 +zephaniah 860156 +airbags 860142 +plethora 860134 +cabriolet 860017 +retiree 859761 +anthropological 859724 +orchards 859602 +prophecies 859451 +buckeye 859329 +dollhouse 859304 +stereotype 859245 +escalade 859130 +breakaway 859017 +marques 858800 +sealants 858645 +septuagint 858613 +dinghy 858539 +pertains 858424 +gnus 858386 +concurrency 858294 +clothed 858285 +italians 858192 +flied 858118 +talon 858061 +repellent 857921 +joliet 857846 +ped 857816 +wollongong 857721 +blowers 857636 +laval 857420 +sorcery 857364 +doubleday 857349 +abstain 857265 +elsie 857185 +barring 857025 +undermined 856986 +situational 856889 +bestowed 856773 +inactivity 856676 +grassy 856550 +aprons 856540 +clumsy 856450 +wetsuits 856307 +birkenstock 856141 +columbian 856074 +emulsion 856056 +fielder 856041 +sorta 855998 +ayr 855983 +biosphere 855964 +pounded 855854 +ollie 855837 +stint 855795 +federalism 855647 +rousseau 855380 +sarcasm 855288 +laminating 855279 +coltrane 855273 +accomplishing 855220 +colitis 855207 +unincorporated 855075 +blogged 854866 +cryogenic 854862 +homologous 854791 +overturned 854788 +uphill 854529 +hassles 854443 +symptomatic 854363 +warmed 854320 +parable 854274 +jolt 854101 +affords 854024 +bipartisan 853951 +rhodium 853812 +exchanger 853734 +preseason 853733 +bumble 853616 +intimidating 853580 +deadlock 853482 +randi 853420 +placenta 853389 +dulles 853060 +brainstorming 853009 +deriving 852924 +sarcoma 852882 +sniffer 852878 +quadrangle 852865 +rotorua 852852 +elects 852825 +eradicate 852744 +iona 852702 +tricia 852613 +residuals 852590 +likeness 852586 +homie 852384 +alpaca 852363 +degrade 852281 +xref 852210 +flashpoint 852198 +flemish 852160 +cortland 852015 +shred 851931 +mailers 851914 +tented 851833 +steamed 851680 +skew 851662 +aroused 851443 +hollands 851308 +modernism 851192 +remittance 851132 +sieve 851108 +bloch 851076 +alienation 851014 +guidebooks 850828 +reddish 850815 +wye 850654 +habakkuk 850528 +binge 850412 +impulses 850339 +interpol 850320 +pleads 850104 +cyst 849967 +hexadecimal 849815 +scissor 849814 +goliath 849803 +caprice 849643 +mott 849625 +horned 849509 +jazzy 849457 +headboard 849441 +fowl 849429 +janus 849375 +hester 849278 +bronson 849257 +benevolent 849253 +superstition 849215 +standardised 849008 +cations 848975 +cohorts 848834 +hysterectomy 848218 +housings 848199 +camilla 848057 +krista 847886 +torsion 847556 +ultrastructure 847532 +rarity 847526 +limbo 847468 +shove 847364 +leftover 847319 +sykes 847255 +anecdotal 847245 +rheims 847211 +integrators 847197 +accusation 847191 +bernardo 847090 +arboretum 847088 +flake 847014 +illustrators 846656 +hating 846508 +pate 846490 +sewers 846440 +spores 846417 +plugging 846392 +vignette 846095 +shears 846047 +altoona 845982 +pheromone 845929 +fireball 845925 +flutes 845896 +tabernacle 845877 +decorator 845861 +minced 845695 +antalya 845688 +harmonious 845686 +westerly 845387 +modernisation 845269 +despatched 845261 +munitions 845156 +symmetrical 844976 +daley 844958 +modality 844936 +liberalisation 844936 +ornate 844908 +utilise 844792 +midwife 844751 +arturo 844690 +appellee 844662 +granules 844647 +uniformed 844566 +multidimensional 844556 +snug 844329 +homegrown 844286 +reinforces 844193 +coveted 844165 +dirham 844154 +prohibitions 843936 +esophageal 843935 +moulded 843811 +deceived 843803 +convict 843701 +approximations 843701 +intermediates 843661 +albumin 843629 +grantees 843587 +tossing 843538 +regularity 843301 +criticised 843171 +lawfully 843098 +paramedic 842997 +trademarked 842981 +goethe 842898 +stressing 842896 +potable 842826 +limpopo 842764 +intensities 842758 +oncogene 842666 +dumas 842623 +antidepressant 842606 +jester 842423 +notifies 842395 +recount 842385 +ballpark 842357 +powys 842246 +orca 842212 +mascara 842185 +proline 842097 +dearest 842074 +molina 842048 +nook 841950 +wipers 841917 +snoopy 841861 +commensurate 841778 +schiller 841687 +bowler 841643 +unleash 841566 +captioned 841241 +wiser 841127 +gallant 841095 +summarizing 841077 +disbelief 840992 +gleason 840922 +baritone 840869 +unqualified 840861 +cautioned 840858 +recollection 840826 +chlamydia 840719 +relativistic 840680 +rotors 840598 +bagels 840450 +locomotives 840342 +condemns 840158 +fastening 840156 +subliminal 840040 +insecticide 840009 +nuremberg 840004 +ostrich 839627 +maud 839579 +spline 839571 +undisclosed 839542 +flirting 839540 +letterman 839451 +misplaced 839213 +prosecutions 839176 +dido 839057 +poisoned 838998 +researches 838885 +malayalam 838802 +chou 838762 +discriminating 838711 +loo 838586 +pallets 838429 +exclamation 838388 +terrence 838249 +intercepted 838199 +ascendant 838163 +flung 838045 +gateshead 838025 +probationary 837987 +abducted 837949 +warlock 837920 +breakup 837900 +clovis 837893 +fiche 837884 +juror 837876 +goggle 837713 +railing 837646 +metabolites 837631 +cremation 837617 +brainstorm 837616 +banter 837592 +balconies 837519 +awaken 837473 +chirac 837311 +pigeons 837245 +coffeehouse 837150 +singularity 837148 +signify 837139 +granddaughter 837137 +trolling 837054 +subdirectory 836860 +bancroft 836794 +progeny 836764 +grads 836760 +alters 836752 +kayla 836578 +gratefully 836497 +divergent 836489 +fleets 836439 +dorian 836234 +libido 836163 +fuselage 836161 +diabetics 836133 +tackled 836117 +ballerina 836077 +shoals 835875 +tributary 835802 +clique 835775 +rosy 835700 +redheads 835620 +diam 835571 +satanic 835363 +ragnarok 835353 +summarised 835268 +torment 835075 +mussels 835042 +caitlin 835037 +emigration 834941 +conscientious 834936 +howl 834901 +hobs 834729 +eft 834657 +endometriosis 834649 +cushioning 834625 +mcneil 834536 +ecclesiastical 834473 +crippled 834447 +belvedere 834387 +hilltop 834355 +tabor 834301 +tenet 834143 +acetyl 834126 +boomer 834072 +fifteenth 834050 +chute 834005 +perinatal 833998 +multichannel 833915 +bohemia 833864 +daredevil 833828 +mountainous 833765 +mcgowan 833569 +ogre 833396 +unforeseen 833382 +pickles 833360 +submissive 833354 +curses 833291 +mulch 833160 +stampede 833159 +utilised 833028 +trieste 833003 +marinas 832793 +whine 832743 +streptococcus 832686 +nus 832617 +murcia 832589 +landfills 832187 +mcknight 832038 +fatality 831998 +baud 831889 +mcfarland 831860 +looming 831822 +undies 831803 +prepay 831707 +sped 831623 +kodiak 831578 +printout 831541 +nonresident 831513 +dorsey 831376 +ankles 831284 +roo 831225 +soulful 831148 +mosques 830923 +fouls 830765 +fuchs 830563 +guerilla 830523 +squeezing 830359 +fisk 830309 +canes 830262 +serendipity 830226 +follower 830052 +euler 829981 +sequentially 829930 +yogi 829863 +landslide 829560 +alumina 829273 +degenerate 829248 +spiked 829239 +evolves 829175 +cru 829127 +misrepresentation 828908 +iberia 828865 +duffel 828727 +goodrich 828535 +strung 828473 +subfamily 828429 +chanting 828312 +wrestler 828254 +perennials 828218 +officiating 828215 +hermit 828204 +behaving 828159 +colbert 828119 +matchmaker 828108 +sagittarius 828086 +locates 828023 +dysfunctional 828019 +maastricht 828010 +bulletproof 827989 +josiah 827945 +deepen 827936 +stenosis 827708 +chg 827698 +acadia 827587 +pats 827514 +abrasion 827493 +valentin 827489 +eindhoven 827479 +mora 827473 +enrico 827448 +reciprocity 827417 +opportunistic 827337 +analogs 827241 +crease 827105 +cantor 827009 +wis 827005 +econometric 826995 +bartholomew 826553 +ringers 826364 +diced 826353 +fairgrounds 826321 +perseverance 826234 +cartons 826215 +mustangs 826212 +enc 826190 +catalonia 826099 +pharmacological 826010 +paediatric 825984 +genitals 825965 +hendricks 825874 +judi 825838 +yorktown 825766 +impede 825677 +academically 825603 +clasps 825395 +tilted 825316 +vicar 825292 +confines 825227 +fulbright 825088 +prank 825027 +repent 824802 +agreeable 824533 +centrum 824340 +kinks 824164 +riddles 824133 +preschools 824034 +bennington 824017 +mcallen 824008 +pulpit 824005 +appreciates 823964 +contoured 823932 +schenectady 823883 +marshes 823852 +schematics 823845 +bellies 823818 +corrosive 823545 +ambush 823531 +interfacing 823522 +borrowings 823441 +palazzo 823331 +franciscan 823305 +heparin 823123 +figurative 822947 +gait 822923 +emphasised 822783 +connective 822706 +bonfire 822652 +aversion 822368 +nihon 822341 +adkins 822242 +dunlap 822211 +vicente 822039 +biophysics 822025 +chromatin 822007 +mathis 821959 +roxanne 821928 +stiles 821755 +stewards 821566 +chauffeur 821561 +wasteland 821501 +elicit 821500 +plotter 821499 +henrietta 821495 +slapped 821476 +bitten 821475 +meek 821398 +lind 821381 +doodle 821153 +arb 821147 +wabash 821135 +salamanca 821056 +dynamo 821005 +chronologically 820941 +whitfield 820767 +stow 820763 +eide 820678 +dusseldorf 820529 +summon 820528 +skeletons 820482 +shabbat 820362 +parchment 820192 +accommodates 820179 +lingua 820013 +stacker 819913 +distractions 819863 +forfeit 819806 +paddles 819765 +unpopular 819691 +republics 819675 +touchdowns 819638 +plasmas 819628 +inspecting 819552 +retainer 819543 +hardening 819519 +barbell 819496 +loosen 819463 +bibs 819379 +beowulf 819374 +sneaky 819351 +undiscovered 819328 +smarts 819187 +lankan 819167 +imputed 819115 +alignments 818971 +cabs 818965 +coached 818870 +cheated 818815 +restroom 818668 +spatially 818499 +willows 818438 +hump 818286 +delft 818200 +marginally 818058 +communicative 817986 +grieving 817774 +grunge 817754 +chastity 817743 +invoicing 817605 +carney 817574 +flipped 817365 +cabrera 817298 +faust 817186 +fright 817153 +adorned 817078 +obnoxious 817052 +mindy 817017 +diligently 817011 +surfaced 816989 +decays 816962 +glam 816946 +cowgirl 816923 +mortimer 816893 +marvellous 816789 +easing 816730 +layoffs 816522 +picket 816389 +matures 816389 +thrones 816386 +emilia 816308 +eyre 816296 +maturing 816105 +margarine 816072 +illogical 816055 +awakened 816053 +beet 816051 +suing 816011 +brine 816003 +lorna 815977 +sneaker 815930 +waning 815920 +cartwright 815878 +glycoprotein 815668 +armoire 815525 +queued 815362 +sab 815338 +hydroxide 815265 +piled 815240 +cellulite 815135 +twinkle 814811 +mcqueen 814806 +lodgings 814732 +fluff 814535 +shifter 814520 +maitland 814428 +cartography 814365 +supple 814347 +vito 814249 +geld 814215 +predicates 814158 +unfit 814145 +uttered 814010 +douay 813967 +rumanian 813941 +zeitgeist 813936 +nickelodeon 813928 +tending 813856 +shaggy 813846 +elongated 813787 +ordeal 813617 +pegs 813564 +astronomer 813549 +hernia 813497 +incompetence 813401 +stabilizing 813337 +anil 813282 +flicker 813276 +ramsay 813241 +midsize 813235 +relieving 813191 +pullover 813191 +towering 812993 +operas 812910 +slaughtered 812883 +hoodwinked 812815 +assaulted 812496 +rouse 812361 +appel 812311 +yucca 812282 +armand 812274 +harvester 812218 +emmett 812084 +spiel 811922 +shay 811914 +impurities 811903 +stemming 811874 +inscriptions 811818 +obstructive 811779 +hos 811756 +tentatively 811676 +tragedies 811653 +interlude 811630 +oates 811570 +retroactive 811542 +briefed 811483 +dialects 811410 +vas 811307 +ovid 811300 +carcass 811220 +kermit 811173 +gizmo 811158 +atherosclerosis 811099 +casually 811018 +scamp 810996 +demography 810954 +freedman 810881 +migraines 810844 +newborns 810548 +ljubljana 810403 +restarted 810384 +reprise 810286 +meow 810281 +kilograms 810086 +zig 810033 +packager 809981 +populate 809976 +lash 809951 +ills 809854 +arcane 809848 +impractical 809745 +danes 809689 +decentralization 809561 +honeymoons 809542 +authoritarian 809504 +judaica 809397 +tropicana 809378 +cardholder 809244 +peavey 809165 +pebbles 809090 +geocaching 809020 +quicksilver 808862 +sacked 808821 +omen 808657 +effortlessly 808626 +forfeited 808522 +cysts 808464 +primetime 808439 +penney 808242 +stipend 808238 +conceptions 808213 +snorkel 808168 +amin 808139 +lii 808120 +iridium 808103 +conserving 808082 +toppers 807994 +amulet 807959 +informally 807876 +alternator 807829 +underwriter 807753 +panhandle 807615 +sarcastic 807611 +joann 807437 +indemnification 807413 +hawke 807384 +borden 807303 +bombed 807277 +complexion 807246 +daisies 807181 +informant 807179 +sorrows 807102 +guaranteeing 806596 +aegean 806529 +boobies 806401 +nadine 806250 +sluggish 805640 +helms 805535 +brig 805525 +sherpa 805395 +tuff 805372 +coy 805301 +ligands 805262 +smalltalk 805242 +sorghum 805178 +grouse 805156 +nucleotides 805018 +reginald 804860 +pasted 804813 +moths 804700 +enhancers 804629 +collaborated 804574 +lila 804554 +batavia 804448 +evoke 804417 +slotted 804346 +fila 804290 +decking 804252 +dispositions 804177 +haywood 804144 +boz 803963 +accelerators 803832 +nit 803690 +amorphous 803676 +neighbourhoods 803588 +tributaries 803547 +townships 803546 +hideaway 803405 +dwayne 803400 +coda 803385 +nantes 803376 +cyanide 803269 +assam 803070 +mousse 802908 +provenance 802902 +sra 802856 +shameful 802660 +chiffon 802599 +fanfare 802594 +mapper 802564 +dystrophy 802482 +archaic 802317 +elevate 802256 +deafness 802253 +footballs 802029 +bathurst 801903 +duracell 801838 +laureate 801795 +contemporaries 801735 +syphilis 801731 +vigilance 801669 +appalling 801647 +palmyra 801644 +foxes 801589 +affixed 801075 +ticking 800814 +pantheon 800776 +gully 800734 +epithelium 800663 +bitterness 800632 +brill 800254 +defy 800149 +webbing 800065 +consumes 799880 +lovingly 799867 +thrush 799638 +bribery 799623 +emusic 799612 +smokes 799555 +glencoe 799454 +untested 799452 +ventilated 799431 +overviews 799401 +kettles 799237 +ascend 799236 +flinders 799158 +hearst 799065 +verifies 799064 +reverb 799031 +commuters 798995 +nutmeg 798944 +crit 798931 +chained 798899 +magnify 798801 +gauss 798776 +precautionary 798721 +artistry 798720 +travail 798694 +fiddler 798576 +falkirk 798542 +wholesome 798427 +pitts 798375 +wrists 798287 +severed 798281 +mites 798205 +rubric 798108 +headlamp 798089 +operand 798061 +puddle 798026 +azores 797934 +kristi 797822 +vegetative 797739 +agora 797585 +macho 797523 +sob 797503 +elaborated 797387 +reeve 797352 +embellishments 797340 +grandeur 797270 +plough 797262 +staphylococcus 797120 +mansions 797050 +busting 796835 +macpherson 796527 +overheard 796526 +sloane 796430 +wooster 796428 +persisted 796385 +nilsson 796316 +whereabouts 796302 +haydn 796271 +symphonies 796204 +reclining 796181 +smelly 796103 +rodrigo 796101 +bounding 796043 +hangar 795985 +ephemera 795879 +annexed 795870 +atheists 795807 +umpire 795626 +testicular 795619 +orthodoxy 795593 +kilt 795500 +doubtless 795425 +wearable 795330 +carling 795298 +buildup 795268 +weaponry 795170 +keyed 795167 +esquire 795101 +cryptic 795088 +primus 795011 +landline 794931 +wherefore 794878 +entrees 794851 +corpora 794823 +priv 794784 +cholera 794749 +antiviral 794582 +midsummer 794561 +colouring 794518 +lodi 794459 +intoxicated 794218 +minimalist 794120 +mysore 794110 +jerks 794019 +wolverines 793978 +protagonist 793668 +mise 793664 +darius 793662 +bullion 793602 +deflection 793586 +hateful 793568 +rata 793546 +propensity 793501 +freephone 793436 +journalistic 793412 +essences 793380 +kingfisher 793272 +moline 793197 +takers 793151 +dispensed 793001 +procter 792882 +walleye 792756 +lemons 792745 +bagel 792721 +stratum 792612 +vendetta 792535 +wicklow 792324 +felicia 792100 +restrain 791906 +clutches 791875 +lettings 791739 +walkway 791729 +cults 791725 +whit 791698 +coos 791674 +amaze 791672 +petrochemical 791555 +manassas 791524 +rembrandt 791514 +easel 791426 +carer 791142 +humankind 791114 +potion 791095 +ovation 791068 +paddock 791033 +inverters 790872 +numerals 790772 +surpassed 790684 +vino 790639 +gable 790611 +johnnie 790582 +mccormack 790546 +thirteenth 790404 +laced 790357 +faceplates 790323 +yeats 790321 +quill 790160 +zucchini 789907 +mares 789891 +enthusiastically 789840 +fetching 789835 +chaps 789805 +lanai 789800 +tendon 789636 +chiral 789614 +fermi 789613 +newsreader 789577 +bellows 789546 +multiculturalism 789544 +keats 789512 +cuddly 789500 +deceit 789420 +unmarked 789316 +joyous 789285 +boswell 789185 +venting 789114 +estrada 789105 +pricey 789080 +shekel 789030 +infringing 788981 +diocesan 788971 +readout 788900 +blythe 788761 +chisholm 788702 +clarifies 788676 +gunner 788624 +dimes 788616 +verso 788583 +samoan 788362 +absorbent 788293 +revlon 788247 +grossly 788099 +cranky 788077 +cleft 787981 +paparazzi 787967 +merida 787837 +bambi 787833 +interceptor 787823 +clog 787644 +impoverished 787379 +stabbed 787357 +teaspoons 787293 +banding 787236 +nonstick 787234 +origami 787120 +yeti 787113 +comedians 787111 +awnings 787081 +umbilical 787072 +sill 787068 +linz 787001 +donates 786994 +foursome 786898 +lucknow 786867 +bleaching 786739 +isolde 786673 +startled 786546 +mathematician 786512 +untrue 786470 +algonquin 786386 +moisturizing 786354 +hurried 786287 +loeb 786285 +huston 786147 +disqualification 785928 +angiotensin 785904 +spitfire 785890 +staggered 785755 +vacated 785708 +summation 785545 +querying 785460 +autonomic 785295 +pathname 785276 +novartis 785256 +ufos 785217 +fingered 785042 +manatee 784958 +apprentices 784896 +restructure 784872 +larval 784870 +resettlement 784797 +mistakenly 784752 +radiative 784730 +drapes 784596 +intimately 784589 +koreans 784577 +groin 784476 +booted 784230 +allie 784184 +algerian 784119 +frat 784114 +electrics 784073 +joni 783994 +sens 783973 +sprouts 783956 +bower 783946 +stencils 783762 +moab 783754 +extremity 783703 +reinventing 783667 +orphaned 783636 +requisites 783633 +latte 783412 +prudence 783272 +shopped 783241 +hypnotherapy 782969 +muppet 782959 +gingerbread 782940 +tasteful 782786 +puritan 782700 +checkpoints 782699 +osiris 782592 +affirming 782545 +excavations 782380 +viacom 782353 +forearm 782319 +distract 782232 +seaport 782221 +flashed 782215 +longs 782210 +sideshow 782188 +classifier 782108 +repro 782095 +dawes 781940 +buns 781861 +deceive 781724 +colonialism 781677 +civilisation 781592 +starved 781539 +scorers 781526 +sitcom 781513 +pastries 781448 +aldo 781330 +colosseum 781308 +stipulation 781273 +authorizations 781164 +emptiness 781071 +maddox 781067 +holsters 781042 +neuropathy 781009 +shoemaker 780888 +humphreys 780886 +cushioned 780862 +dada 780782 +osborn 780781 +hastily 780738 +jacobsen 780700 +invader 780375 +patriarch 780160 +conjugated 780152 +consents 780128 +unethical 779893 +nils 779829 +polynesian 779752 +swain 779597 +alphanumeric 779429 +grumpy 779351 +lain 779288 +holm 779257 +groningen 779233 +sirens 779211 +emilio 779055 +mourn 779010 +benelux 778909 +abandoning 778900 +oddities 778893 +soften 778877 +caters 778870 +kirkpatrick 778763 +troupe 778742 +blacksmith 778685 +coagulation 778662 +suicides 778646 +girly 778626 +powerfully 778523 +archdiocese 778518 +compromises 778348 +orbiter 778331 +helene 778312 +thirdly 778310 +classifying 778247 +lem 778165 +deepening 778101 +repatriation 778044 +tortilla 778015 +dissociation 777982 +watercolour 777961 +waite 777896 +unfairly 777870 +opticians 777697 +connexions 777632 +calico 777581 +wrongs 777466 +bottleneck 777462 +pores 777460 +regressions 777421 +linton 777300 +undermining 777295 +burnside 777266 +colossus 777214 +buckeyes 777127 +bodywork 776961 +applique 776815 +jewell 776758 +frivolous 776741 +indecent 776640 +dishonesty 776567 +redefined 776506 +oiled 776472 +microbes 776466 +empowers 776442 +sharpen 776397 +tots 776366 +goalkeeper 776318 +phonetic 776290 +blurb 776249 +dominatrix 776199 +compiles 776146 +encoders 775930 +oppressive 775923 +coined 775848 +tito 775813 +boomerang 775713 +structurally 775559 +moray 775524 +simeon 775459 +caveats 775459 +onslaught 775336 +birdie 775268 +disseminating 775265 +lanyard 775214 +horst 775209 +interlock 775135 +noses 775113 +pagers 775102 +treasured 775075 +sharpness 775037 +corral 774830 +jackpots 774727 +optometrists 774547 +fortnight 774454 +hickey 774415 +erode 774411 +unlicensed 774368 +plunged 774276 +reals 774273 +modulated 774207 +defiant 774167 +termite 774144 +ibuprofen 774136 +drugstore 774046 +brisk 774000 +audiology 773987 +integrals 773873 +fremantle 773840 +lysine 773823 +sizzling 773529 +macroeconomics 773466 +tors 773414 +thule 773372 +meath 773366 +jena 773359 +ponce 773276 +perjury 773202 +kaleidoscope 773182 +busters 773022 +officemax 773017 +generality 772930 +absorber 772906 +vigilant 772884 +nessus 772859 +pronto 772727 +vistas 772687 +cebu 772538 +eerie 772484 +kannada 772480 +sailboat 772469 +hectare 772450 +netball 772434 +furl 772402 +arne 772400 +holographic 772398 +stonewall 772286 +wrestlers 772270 +salaam 772146 +jackass 772104 +respirator 772060 +hogg 771751 +partying 771706 +exited 771601 +geometrical 771574 +crispy 771553 +priory 771548 +coffees 771495 +sequin 771263 +bendigo 771217 +unis 771213 +epsom 771110 +bandwagon 771081 +corpses 771075 +wiping 771053 +mercenaries 770978 +bronchitis 770970 +myst 770889 +polymerization 770823 +therese 770671 +whirlwind 770647 +howling 770604 +apprehension 770598 +nozzles 770575 +raisins 770569 +turkeys 770482 +unbelievably 770322 +pasting 770229 +hora 770107 +butyl 770092 +ppd 770078 +forested 770069 +bobbie 769971 +roadways 769898 +shale 769742 +diligent 769726 +varna 769723 +maidenhead 769684 +almanacs 769550 +adversity 769501 +randomness 769441 +muon 769372 +ringo 769330 +caliper 769125 +woolf 769007 +wiggins 768959 +innovators 768952 +anode 768949 +microprocessors 768935 +torts 768869 +siting 768852 +misinformation 768751 +aneurysm 768715 +closeups 768597 +kinsey 768538 +egress 768408 +eroded 768360 +adjectives 768358 +crepe 768351 +lonnie 768273 +bol 768207 +agr 768186 +sheepskin 768103 +concave 767903 +heresy 767790 +colognes 767669 +contestant 767668 +snell 767608 +believable 767479 +forthwith 767470 +avert 767435 +oat 767422 +guise 767344 +curiously 767288 +fullness 767287 +culminating 767216 +kipling 767198 +melatonin 767159 +vomit 767124 +bongo 767108 +compounding 766965 +afar 766928 +terr 766866 +ebb 766862 +shaky 766843 +bloke 766763 +oxnard 766684 +brutally 766671 +cess 766665 +pennant 766635 +electrochemical 766527 +nicest 766525 +brenner 766448 +slalom 766320 +necks 766318 +mathias 766270 +calif 766201 +aquatics 766182 +levee 766160 +hindus 766092 +lurker 766082 +chews 765973 +hoodies 765908 +vila 765694 +powerless 765643 +nikko 765450 +populace 765410 +grasslands 765407 +deliberation 765336 +soles 765275 +monolithic 765266 +jetty 765224 +engr 765076 +subcontract 765016 +overrun 765007 +undone 765001 +prophylaxis 764974 +cotswold 764736 +delia 764694 +guillermo 764681 +unstructured 764651 +habitual 764616 +alhambra 764577 +uplift 764473 +causeway 764322 +murderers 764280 +restated 764163 +nukes 764161 +duplicator 764157 +reopened 764133 +fundamentalism 764112 +australasian 764002 +inhabit 763992 +lorenz 763974 +conglomerate 763968 +rerun 763880 +segmented 763834 +cranberries 763804 +fastened 763772 +leas 763763 +pleated 763707 +handshake 763580 +tompkins 763504 +extradition 763489 +digests 763468 +innovate 763429 +perils 763414 +jerky 763325 +dismantling 763308 +proportionate 763294 +ferrell 763264 +leavenworth 763029 +snowmobiling 762920 +boroughs 762904 +fora 762888 +deliverance 762817 +resists 762795 +lovell 762771 +discourses 762715 +byers 762687 +subdued 762612 +adhering 762600 +codon 762548 +suspicions 762540 +hampered 762485 +pylori 762484 +acidity 762392 +gershwin 762369 +bruxelles 762351 +formaldehyde 762336 +detriment 762284 +welder 762199 +kendra 762100 +switcher 762008 +prejudices 761936 +goldie 761914 +mab 761904 +purported 761701 +mockingbird 761628 +tron 761622 +mangrove 761505 +gab 761419 +fawn 761340 +hogwarts 761287 +juicer 761216 +echelon 761206 +arranger 761074 +scaffolding 761062 +narrows 761015 +metallurgy 760960 +sensed 760898 +baa 760809 +queuing 760682 +insuring 760583 +boasting 760454 +shiite 760385 +valuing 760278 +argon 760267 +hooray 760229 +carefree 760001 +biotin 759942 +salter 759826 +testicles 759817 +ascertained 759738 +morph 759670 +econometrics 759665 +marconi 759608 +fluctuation 759586 +jeannie 759553 +expatriate 759469 +twenties 759419 +tantra 759417 +codified 759394 +overlays 759289 +thingy 759227 +monstrous 759187 +comforters 759111 +conservatories 759096 +ruskin 759090 +stetson 759072 +accuses 758916 +calibre 758866 +nobles 758833 +germination 758724 +lipoprotein 758600 +planetarium 758569 +bihar 758548 +keenan 758542 +fumble 758520 +discos 758519 +attrition 758511 +lassen 758490 +eastbourne 758448 +robles 758412 +proverb 758380 +darin 758338 +mercenary 758335 +clams 758323 +wiccan 758132 +tightened 758050 +merrimack 758049 +levies 758010 +speck 757962 +billboards 757851 +searcher 757746 +gutters 757721 +osceola 757591 +tourmaline 757524 +murderous 757472 +rudder 757465 +microns 757451 +unifying 757450 +anaesthesia 757394 +amusements 757117 +scares 757085 +intranets 757032 +escalating 757021 +bluebird 756972 +mahjong 756807 +deformed 756805 +wretched 756795 +interstellar 756734 +kenton 756726 +decadent 756726 +underestimated 756706 +incarcerated 756593 +unsurpassed 756587 +surpass 756552 +loudspeakers 756521 +annihilation 756291 +junctions 756278 +transferase 756181 +hampden 756108 +stoppers 755997 +snowshoeing 755979 +steaming 755813 +magnifying 755792 +uppercase 755750 +serra 755717 +cirrhosis 755655 +metrology 755521 +hideous 755404 +abreast 755392 +intuitively 755329 +connexion 755291 +stoneware 755158 +moncton 755101 +traci 754984 +pathogenic 754932 +riverfront 754891 +humanist 754866 +extremities 754773 +pompano 754755 +tyrant 754753 +skewed 754743 +decency 754590 +papal 754586 +sequenced 754522 +sprang 754483 +palais 754450 +obscured 754411 +teaming 754348 +aromas 754291 +duets 754275 +positional 754179 +glycine 754156 +breakthroughs 754083 +mountaineers 753987 +cashback 753979 +throwback 753896 +gestation 753772 +powering 753767 +logins 753667 +sadism 753627 +butchers 753573 +apologise 753572 +panoramas 753547 +plenum 753523 +geologist 753409 +piccadilly 753373 +hydrolysis 753353 +axioms 753280 +labia 753273 +immunizations 753182 +existential 753168 +sweaty 753121 +mogul 753098 +fiercely 753076 +varnish 752945 +hysteria 752923 +beasley 752625 +breached 752367 +rounder 752345 +rectum 752288 +perched 752206 +videoconferencing 752058 +cytoplasm 751966 +insistence 751954 +sedimentary 751871 +clockwork 751820 +laurier 751789 +mecklenburg 751762 +aachen 751750 +chlorophyll 751616 +scop 751566 +shipyard 751557 +manley 751514 +sunroof 751495 +dvorak 751433 +etch 751420 +answerer 751395 +briefcases 751326 +intelligently 751299 +gwent 751294 +vials 751274 +bogart 751274 +imputation 751196 +densely 750999 +untranslated 750998 +droit 750988 +odin 750987 +raffles 750961 +reconnect 750950 +teeny 750932 +distrust 750887 +ulm 750877 +assassins 750842 +fraternal 750526 +benthic 750456 +carlin 750350 +lithograph 750286 +refinements 750263 +stoner 750035 +iras 749963 +resurfacing 749935 +kelli 749921 +eloquent 749900 +cwt 749804 +silas 749747 +wondrous 749709 +decrees 749695 +dunne 749643 +hyperbolic 749600 +bisque 749555 +touchstone 749531 +standoff 749527 +solano 749467 +acoustical 749458 +photovoltaic 749291 +drayton 749219 +orchestras 749197 +redline 749194 +grieve 749133 +reigns 749095 +pleasurable 749068 +tunis 748880 +olin 748849 +bustling 748755 +wank 748736 +flue 748601 +solvers 748582 +lucerne 748525 +fiasco 748520 +emir 748486 +rockabilly 748455 +deacons 748430 +tumours 748269 +loudspeaker 748194 +handicapping 748187 +slings 748142 +dwarfs 748098 +excretion 747934 +breakage 747897 +apportionment 747683 +thoreau 747563 +notations 747550 +reins 747535 +midgets 747506 +homemaker 747389 +broadest 747282 +scrambling 747235 +misfortune 747088 +drenched 747017 +categorize 746842 +foreskin 746783 +jornada 746704 +reflexology 746457 +astonished 746416 +kiel 746403 +subconscious 746396 +incandescent 746311 +foundries 746127 +registrants 746123 +disappoint 746066 +sweats 745983 +capstone 745950 +publicized 745744 +mobs 745728 +federalist 745665 +rehearsals 745337 +portrays 745333 +hidalgo 745148 +prosthetic 745138 +firewood 745126 +serenade 745115 +kristine 745112 +microfiche 745109 +watergate 745023 +setbacks 744995 +weathered 744944 +truffles 744901 +kepler 744696 +aural 744671 +gatekeeper 744634 +decommissioning 744603 +lawless 744548 +thermodynamic 744363 +patrice 744305 +profiled 744294 +gout 744272 +coincides 744261 +disambiguation 744255 +bittersweet 744199 +inhuman 744168 +gustavo 744031 +gentiles 743912 +fag 743707 +rubs 743664 +isolating 743612 +bigfoot 743525 +mycobacterium 743481 +irritated 743436 +despise 743347 +cultivars 743303 +floated 743248 +mugabe 743130 +margo 743004 +fresco 742977 +rundown 742924 +auteur 742886 +custard 742881 +prius 742757 +dias 742642 +gizmos 742625 +branched 742573 +shipbuilding 742523 +mildew 742515 +tombs 742507 +frown 742356 +fulfilment 742294 +accords 742249 +steels 742066 +privy 742055 +caretaker 741969 +antonia 741916 +mystique 741903 +feeble 741884 +gentile 741856 +contractions 741796 +loaders 741695 +trouser 741623 +combatants 741621 +hoboken 741459 +annuals 741453 +sepia 741438 +differentials 741431 +champlain 741317 +valence 741315 +deteriorated 741291 +sarajevo 741187 +disobedience 741082 +underscores 741004 +roadshow 740927 +gat 740844 +unpack 740819 +sabah 740779 +divination 740762 +haw 740732 +nationalities 740719 +cultivating 740719 +russel 740606 +squamous 740420 +orissa 740218 +triumphant 740201 +superbly 740069 +chianti 740058 +hombres 740046 +minsk 740011 +coffey 740006 +domestically 739951 +constrain 739857 +qantas 739775 +brandi 739726 +artefacts 739689 +solihull 739640 +magicians 739610 +tchaikovsky 739587 +hobbes 739585 +contended 739548 +nazarene 739498 +refineries 739487 +swimsuits 739285 +automates 739276 +potsdam 739205 +wylie 739141 +whomever 739123 +genevieve 739113 +shiloh 739060 +damper 739042 +sidelines 739031 +shaffer 738965 +toolbars 738914 +preservatives 738739 +kenai 738583 +bobs 738558 +forgiving 738478 +unplanned 738463 +characterisation 738410 +yahweh 738314 +madman 738188 +peering 738177 +slumber 738023 +shimmering 737967 +rigidity 737874 +bane 737796 +marius 737708 +rudd 737675 +inventing 737637 +chipped 737567 +pelvis 737554 +potluck 737489 +ane 737466 +creamer 737189 +forts 737169 +tumbling 737156 +columbine 736938 +portables 736893 +interprets 736890 +fledged 736854 +aquinas 736797 +surat 736651 +hourglass 736642 +dormitory 736616 +confiscated 736553 +discharging 736514 +gunmen 736479 +disables 736378 +pollack 736042 +hoyle 736006 +arousal 735904 +unnoticed 735869 +ridicule 735827 +thaw 735810 +vandals 735789 +inhibiting 735774 +reinstated 735718 +lizzy 735704 +unpacking 735623 +darien 735570 +intersect 735520 +mammary 735293 +trampolines 735159 +garnish 735054 +designates 735054 +trimmers 734977 +peeling 734906 +levis 734906 +blindly 734867 +unintentional 734766 +durant 734706 +repertory 734672 +conveyancing 734395 +disagreements 734371 +echinacea 734177 +phish 734148 +frigidaire 734068 +hah 733893 +halibut 733860 +fifties 733852 +brno 733743 +silverware 733698 +goody 733518 +ideologies 733393 +feminists 733366 +sculpted 733208 +dugout 733159 +battleship 733158 +rollin 733099 +contraindications 733080 +talisman 732967 +eels 732927 +rebuttal 732926 +shun 732826 +underside 732798 +blackwood 732706 +alumnus 732688 +fenders 732496 +frisbee 732489 +giggle 732371 +hyperactivity 732324 +seagull 732263 +bonaire 732178 +spinners 732007 +deforestation 731941 +annealing 731899 +maximizes 731875 +streaks 731843 +roderick 731735 +corinth 731699 +perverse 731650 +glittering 731507 +eurasia 731423 +jails 731402 +casket 731278 +brigitte 731274 +dickey 731267 +detour 731235 +carpeting 731010 +yorkers 730976 +eukaryotic 730952 +bexley 730946 +husbandry 730860 +marisa 730847 +frustrations 730841 +visibly 730759 +delgado 730758 +defunct 730743 +resection 730730 +dioxin 730728 +islamist 730697 +unveil 730688 +circulars 730662 +brant 730649 +kubrick 730625 +touchscreen 730418 +layoff 730418 +facelift 730403 +decoded 730276 +shitty 730189 +dodger 730179 +merciful 730131 +ines 729930 +tun 729783 +tipperary 729592 +kinship 729489 +springtime 729486 +euphoria 729486 +acuity 729449 +popper 729308 +transmittal 729176 +blouses 729119 +requester 728952 +hemlock 728886 +sniffing 728863 +serialized 728699 +hangzhou 728685 +bjork 728665 +uncanny 728621 +stringer 728602 +nanjing 728504 +milligrams 728399 +jab 728373 +stork 728360 +strathclyde 728297 +yoko 728295 +intramural 728160 +concede 728130 +curated 728115 +finalised 728083 +combustible 728024 +fallacy 727996 +tania 727994 +nicknames 727804 +waistband 727693 +noxious 727668 +fibroblasts 727640 +tunic 727598 +farce 727546 +drowsiness 727441 +metastasis 727420 +greenbelt 727260 +chants 727229 +ashe 727217 +rhone 727024 +lunatic 727014 +reachable 726951 +pyrenees 726846 +radioactivity 726795 +auctioneer 726743 +caine 726705 +recovers 726682 +howdy 726642 +marlon 726580 +timmy 726546 +gregorian 726486 +haggard 726438 +reorder 726368 +aerosols 726363 +manger 726351 +logarithmic 726171 +robby 726018 +completions 726002 +yearning 725986 +transporters 725979 +sandalwood 725962 +megs 725953 +chills 725945 +whack 725891 +drone 725818 +breezes 725599 +esteemed 725524 +godly 725475 +spire 725421 +distillation 725410 +edging 725390 +mathematicians 725310 +decontamination 725304 +euclidean 725143 +cymbals 725139 +salina 725106 +antidote 725073 +emblems 725056 +caricature 725038 +formalism 725003 +shroud 724966 +aching 724865 +stead 724786 +recoil 724770 +eyepiece 724687 +reconciled 724666 +daze 724665 +raisin 724623 +bibl 724602 +bobcat 724471 +freehand 724461 +amounting 724168 +jamming 724167 +applicator 724079 +mezzanine 723950 +boer 723945 +poisons 723921 +meghan 723880 +nameless 723821 +trot 723756 +zed 723574 +humidifier 723510 +padilla 723492 +susanne 723465 +collapses 723452 +musically 723361 +intensify 723310 +voltaire 723215 +harmonies 723176 +benito 723074 +mainstay 723051 +accumulating 722990 +indebted 722906 +wald 722797 +tasman 722764 +breathed 722762 +mucosa 722682 +dachshund 722619 +syringes 722414 +misled 722408 +mani 722180 +culprit 722061 +transact 722029 +nepali 721935 +regimens 721735 +wok 721724 +canola 721609 +slicing 721532 +reproducible 721496 +spiced 721294 +skydiving 721219 +bogota 721171 +pron 721115 +nicks 721039 +puncture 721038 +platelets 721026 +lighten 720932 +pamper 720825 +practised 720812 +canteen 720738 +nineties 720708 +bracknell 720691 +hysterical 720682 +disinfection 720663 +perfusion 720631 +darkened 720629 +requisition 720588 +postseason 720559 +shrug 720506 +boils 720481 +enchantment 720440 +smoothie 720414 +greta 720377 +covey 720367 +donne 720360 +tabbed 720355 +auctioneers 720211 +pena 720187 +loathing 720103 +dials 719996 +kyrgyz 719935 +roadrunner 719708 +woof 719614 +ominous 719585 +misfits 719573 +parlour 719479 +hammocks 719398 +quieter 719364 +poking 719323 +tarantino 719310 +buyout 719257 +replays 719212 +adrenergic 719163 +bottling 719140 +caldera 718968 +baseman 718950 +botanicals 718895 +techie 718888 +tallest 718826 +wrestle 718785 +entrenched 718649 +rectify 718616 +virtuous 718510 +aster 718311 +transparencies 718272 +davy 718258 +bloomingdale 718224 +northrop 718196 +snails 718131 +decipher 718096 +incapacity 718072 +mittens 718053 +overkill 717969 +ferns 717875 +curls 717837 +diag 717798 +chiapas 717761 +effortless 717369 +hydroelectric 717342 +ens 717319 +cranial 717207 +hindsight 717180 +wrecked 717161 +wince 717079 +orientated 717028 +friendliness 717008 +abrasives 716996 +invincible 716995 +healthiest 716946 +prometheus 716662 +rushes 716600 +deities 716578 +wot 716416 +geog 716402 +comanche 716357 +melts 716330 +trickle 716225 +disapprove 716169 +erratic 716141 +familiarize 716100 +cashing 716047 +spousal 716004 +insufficiency 715964 +abusers 715904 +drifted 715718 +copley 715716 +mallard 715695 +airman 715660 +propagated 715547 +hardships 715455 +neurobiology 715436 +sabres 715329 +diamante 715290 +foraging 715284 +corsets 715206 +wasps 715192 +bureaucrats 715124 +wham 715089 +kowloon 714841 +fairytale 714830 +barm 714636 +amplitudes 714554 +premiered 714477 +mitre 714477 +institutionalized 714449 +hamm 714430 +bhopal 714399 +tonnage 714382 +corals 714311 +circulatory 714276 +chairmen 714170 +continuance 714003 +histone 713949 +opioid 713933 +unrecognized 713901 +totalling 713845 +premieres 713761 +affectionate 713693 +baptiste 713678 +translational 713640 +unimportant 713560 +lehmann 713556 +ferrara 713533 +greener 713531 +endowments 713514 +keaton 713423 +grudge 713383 +interstitial 713309 +zoological 713303 +helical 713286 +fondue 713242 +norse 713187 +windscreen 713157 +wetting 713009 +othello 712951 +supersonic 712875 +pocatello 712871 +bosom 712863 +maniacs 712832 +sysadmin 712747 +foothill 712693 +earmarked 712693 +bales 712551 +blackbird 712523 +causation 712509 +rapes 712505 +persecuted 712476 +vlad 712444 +deciduous 712424 +photosynthesis 712367 +straighten 712282 +remotes 712229 +convocation 712226 +merrick 712143 +precaution 712130 +playmates 711966 +empirically 711937 +deteriorating 711763 +cypriot 711638 +fascia 711549 +philanthropic 711469 +fryers 711360 +layering 711284 +geriatrics 711244 +stratified 711208 +picky 711200 +conley 711200 +critter 711175 +begs 711023 +emphasise 710976 +barth 710974 +mooring 710930 +expats 710862 +micheal 710613 +busts 710437 +endoscopy 710402 +buzzwords 710369 +cutaneous 710334 +lumen 710305 +airwaves 710271 +porters 710270 +jagger 710230 +forgery 710220 +setups 710211 +schindler 710088 +drawstring 709804 +infrequent 709747 +mull 709728 +ort 709723 +frodo 709689 +superpower 709679 +recliner 709665 +brandenburg 709648 +incision 709483 +trisha 709441 +grimsby 709193 +wyeth 709189 +adjuster 709135 +jumble 709075 +impeccable 709026 +shari 709021 +marketplaces 708974 +cognac 708950 +wading 708872 +characterizing 708768 +gawker 708746 +gagging 708679 +imitate 708662 +grasping 708592 +cyclist 708585 +borneo 708560 +generics 708514 +mortuary 708507 +magneto 708487 +crunchy 708304 +teletext 708277 +bode 708009 +sealant 708008 +thorns 708005 +rightful 707949 +harriers 707949 +fidel 707716 +scarecrow 707651 +concertos 707552 +extracurricular 707470 +mosaics 707414 +pious 707407 +utterance 707360 +undeveloped 707303 +basalt 707293 +undisputed 707158 +distracting 707133 +tonal 707113 +urns 707007 +unfolds 706998 +brocade 706921 +ashtray 706842 +seaweed 706781 +psychoanalysis 706684 +hesitant 706662 +poco 706572 +prevails 706535 +microchip 706475 +candlelight 706312 +votive 706291 +wafers 706243 +messina 706220 +kors 706218 +schumann 706182 +susquehanna 706151 +modulo 706086 +antler 706024 +tarts 706018 +cuthbert 706009 +nance 705947 +bangladeshi 705885 +nikolai 705821 +ludhiana 705796 +spankings 705693 +babble 705693 +pretreatment 705640 +brittney 705597 +jer 705589 +pessimistic 705575 +niches 705555 +tianjin 705543 +winnebago 705410 +quid 705406 +mcfadden 705406 +cadiz 705330 +shortwave 705254 +overlooks 705194 +diversify 705173 +quaternary 705080 +subtracted 705073 +hugging 705015 +postman 704985 +mcgovern 704934 +olivetti 704926 +hikers 704921 +vivaldi 704917 +overboard 704860 +goddesses 704843 +cuties 704840 +faithless 704794 +regained 704791 +coolidge 704774 +ephraim 704707 +gilchrist 704660 +preheat 704559 +bernadette 704531 +rookies 704414 +foggy 704386 +shone 704369 +potpourri 704221 +criticizing 704200 +leafy 704018 +passionately 704008 +stroking 703857 +uzbek 703624 +signatory 703581 +energized 703484 +matured 703391 +minimums 703383 +needlepoint 703376 +deng 703359 +ehrlich 703132 +firefighting 703099 +disallow 703061 +procured 703040 +exch 702961 +excellency 702863 +camels 702766 +kilo 702703 +justifying 702637 +moisturizer 702595 +remanded 702500 +shoebox 702425 +disagrees 702395 +lowdown 702375 +trove 702353 +eased 702343 +slay 702325 +deprive 702310 +kremlin 702296 +filer 702264 +thea 702234 +apologetics 702171 +lusty 702157 +threonine 702059 +encephalitis 701939 +virtuoso 701858 +buzzing 701772 +dauphin 701702 +arias 701697 +steed 701658 +cowley 701631 +paraffin 701612 +unites 701591 +stimulant 701584 +anamorphic 701502 +subspace 701491 +cleats 701439 +realising 701421 +millet 701394 +invert 701338 +pressured 701219 +clarifications 701082 +zionism 701066 +vermilion 700945 +grinned 700875 +marche 700776 +disjoint 700766 +thelma 700567 +carats 700302 +hijacked 700295 +candice 700196 +enlightening 700155 +endlessly 700150 +coworkers 700044 +hasty 700024 +karla 700013 +dexterity 699921 +puzzling 699889 +nods 699860 +haifa 699807 +reincarnation 699755 +budweiser 699747 +heuristics 699709 +sumatra 699692 +tunisian 699586 +hologram 699535 +nigger 699491 +scrape 699467 +kendrick 699455 +refinishing 699420 +arresting 699349 +bewitched 699295 +reloading 699248 +hombre 699131 +munch 699127 +resumption 699072 +irma 698956 +intimidated 698954 +bidirectional 698950 +traitor 698922 +clove 698870 +illiterate 698828 +starfish 698823 +kurdistan 698815 +widened 698758 +heartbreak 698736 +preps 698730 +bordered 698730 +mallet 698695 +leech 698609 +mylar 698551 +giver 698546 +discontent 698504 +congestive 698490 +schilling 698426 +battleground 698388 +tectonic 698377 +equate 698365 +inflatables 698278 +gaz 698126 +punishing 698111 +seedling 698104 +pathologist 698084 +dwellers 698059 +mouthpiece 697980 +fukuoka 697523 +parr 697446 +ods 697397 +welles 697364 +nymph 697326 +reassuring 697307 +gujarati 697249 +leno 697173 +astor 697049 +sapporo 697020 +predictability 696786 +adenocarcinoma 696712 +myles 696591 +toning 696570 +gestational 696556 +snowball 696495 +travelogues 696478 +ecotourism 696430 +prematurely 696334 +frail 696174 +adventurer 696132 +orthopaedics 696128 +crayons 696127 +revamped 696076 +irradiated 696038 +awfully 695995 +mayflower 695987 +arched 695888 +curfew 695833 +hamlin 695748 +brandeis 695739 +enlist 695738 +bree 695686 +vedic 695671 +exemplified 695667 +stylistic 695661 +corneal 695659 +profane 695633 +crusher 695578 +cornelia 695516 +romney 695398 +macaroni 695373 +electing 695296 +dictation 695273 +swank 695208 +robber 695207 +evacuate 695163 +matisse 695062 +conveniences 694957 +proactively 694952 +mccarty 694860 +roving 694802 +drinker 694735 +softened 694610 +horney 694552 +peking 694453 +progressives 694413 +linger 694372 +fillet 694345 +creationism 694276 +churn 694218 +dork 694191 +nimbus 694079 +nog 693906 +psychosis 693904 +smartest 693861 +firsthand 693803 +impart 693647 +muted 693571 +feats 693557 +turbidity 693551 +mountable 693550 +concomitant 693507 +oceanographic 693279 +zzz 693209 +donner 693195 +scaffold 693175 +oui 693168 +millie 693078 +nonzero 693060 +leisurely 692959 +loki 692933 +dislikes 692897 +mayonnaise 692896 +scavenger 692800 +touted 692690 +candace 692678 +kava 692548 +kronos 692536 +adjuvant 692429 +travolta 692281 +limitless 692234 +sari 692213 +knopf 692155 +preventable 692085 +hangman 692058 +bumpy 692057 +aleph 692035 +mastermind 691975 +vaccinated 691950 +sloping 691942 +mitt 691902 +acceptability 691803 +constitutionally 691690 +disapproval 691656 +bavarian 691623 +surcharges 691592 +crucified 691548 +pocahontas 691538 +noticeboard 691468 +masons 691447 +permutation 691382 +surges 691328 +mulligan 691165 +unlucky 691119 +yawn 691112 +distort 690980 +ketchup 690926 +alimony 690884 +viscous 690820 +mun 690756 +unambiguous 690655 +loosing 690534 +canopies 690494 +handicraft 690476 +emphysema 690397 +epistemology 690331 +avila 690244 +piling 690226 +soloist 690180 +rejuvenation 690123 +anaconda 690100 +basilica 690055 +amine 689951 +robbers 689884 +leveraged 689842 +burley 689481 +plasmids 689370 +woofer 689321 +juliana 689217 +rollercoaster 689120 +lowland 689014 +connery 688965 +sausages 688797 +spake 688769 +feud 688736 +subordinated 688679 +roundups 688620 +awoke 688520 +parka 688453 +unheard 688452 +prune 688443 +endanger 688311 +cairn 688283 +nomadic 688268 +spock 688188 +decompression 688078 +disgusted 688056 +draco 688044 +galena 687986 +inactivation 687939 +lymphatic 687936 +olfactory 687774 +berks 687726 +prolong 687609 +knits 687393 +kroon 687367 +builtin 687295 +thinly 687257 +rollback 687217 +garnett 687133 +galen 687054 +weaning 686970 +snowshoe 686932 +arable 686899 +backside 686895 +parallelism 686870 +brut 686829 +candlewood 686815 +vernacular 686729 +latitudes 686699 +alkali 686657 +mowing 686481 +painkiller 686454 +nutty 686428 +foreseen 686427 +restrooms 686421 +palmerston 686344 +sever 686306 +myeloma 686302 +expend 686291 +gist 686228 +auntie 686225 +afghans 686172 +scallops 686087 +blames 686067 +subdivided 686060 +osteopathic 686054 +vividly 685942 +happiest 685902 +countermeasures 685854 +lucca 685828 +francine 685792 +wildflower 685715 +merino 685519 +reserving 685501 +nagasaki 685439 +stooges 685421 +jello 685368 +indented 685193 +barium 685116 +looting 684998 +humming 684949 +mauro 684926 +disclaim 684877 +shearer 684835 +decca 684798 +hydrophobic 684750 +millard 684667 +diameters 684665 +exerted 684640 +justifies 684608 +freiburg 684470 +returnable 684421 +ohs 684292 +resuscitation 684251 +cancelling 684137 +stratification 684087 +regenerate 684077 +grumman 684003 +titre 683909 +tumbler 683888 +adagio 683835 +sunburst 683806 +bonne 683697 +improvised 683629 +bela 683475 +startups 683441 +flocks 683381 +ranting 683328 +bothering 683314 +garnered 683295 +tonya 683245 +erupted 683128 +meltdown 683066 +fling 682999 +rainwater 682941 +comrade 682880 +ascended 682764 +redefining 682668 +juliette 682593 +vesicles 682450 +piccolo 682432 +scalia 682427 +resizing 682412 +porcupine 682384 +showrooms 682373 +verifiable 682372 +chopping 682362 +lobo 682347 +enacting 682306 +havens 682272 +bacterium 682268 +sideline 682175 +stabbing 682088 +metamorphosis 682082 +bushing 682067 +ligament 682060 +translocation 681939 +costco 681932 +serialization 681921 +playgrounds 681916 +hilda 681905 +wanderer 681710 +flattened 681575 +zips 681530 +dawkins 681488 +spitting 681477 +eigenvalue 681416 +inconvenient 681396 +seacoast 681254 +conductance 681191 +imperfections 681140 +lewes 681119 +chancery 681098 +albemarle 681074 +raving 681070 +explodes 680853 +lindy 680830 +coimbatore 680727 +panzer 680717 +keri 680664 +soviets 680586 +tweeter 680465 +executor 680460 +poncho 680428 +anglesey 680428 +choirs 680332 +faerie 680250 +stinger 679953 +wreaths 679767 +collapsing 679748 +tasteless 679742 +tomahawk 679666 +tact 679597 +instructive 679471 +absorbs 679416 +susannah 679404 +mathematically 679333 +godwin 679214 +kuwaiti 679195 +drier 679179 +duplicators 679012 +bothers 678994 +parades 678980 +cubicle 678968 +winfrey 678898 +shoved 678693 +invokes 678680 +papaya 678666 +cannons 678613 +auger 678597 +mongoose 678562 +instrumentals 678493 +iconic 678475 +chromatic 678407 +rife 678405 +mahler 678335 +rallying 678311 +auschwitz 678275 +gambit 678274 +enoch 678182 +carriages 678104 +dales 678083 +polled 677955 +agnostic 677953 +emptied 677794 +denounced 677747 +delusion 677674 +fredrick 677642 +rimini 677628 +jogger 677597 +occlusion 677590 +verity 677567 +turret 677420 +reinvestment 677417 +chatterbox 677356 +neutrons 677323 +precede 677234 +silo 677145 +huts 677145 +polystyrene 677128 +amon 677110 +jodhpur 677076 +intelligencer 677072 +molokai 676878 +pluralism 676841 +domes 676815 +tetanus 676716 +neuromuscular 676701 +multifamily 676654 +eras 676528 +coors 676452 +execs 676432 +hiker 676389 +manuf 676324 +strategist 676186 +wildest 676143 +outlays 676122 +zloty 676066 +foodstuffs 676007 +wessex 675999 +osmosis 675967 +priming 675954 +vowels 675898 +mojave 675722 +sulphate 675595 +soothe 675582 +advancements 675545 +franck 675539 +bock 675516 +clandestine 675470 +migrations 675332 +hovering 675329 +leary 675295 +slurry 675229 +tamper 675054 +pugh 675025 +soulmates 675012 +marissa 674935 +beretta 674777 +punishments 674731 +chiropractor 674694 +vibrational 674685 +heathen 674664 +obsidian 674636 +unduly 674618 +dressers 674582 +winger 674578 +endeavours 674513 +rigged 674484 +argonne 674484 +domicile 674245 +colfax 674072 +chargeable 674046 +fanning 673919 +spurred 673818 +optimise 673721 +ernesto 673663 +osage 673592 +coeds 673554 +peregrine 673489 +tabitha 673447 +subdirectories 673425 +crumb 673404 +fostered 673329 +culmination 673218 +revolves 673208 +guilder 673189 +comparator 673185 +mend 673176 +theoretic 673137 +sealer 673127 +sleazy 673126 +softening 673071 +onstage 672953 +waterproofing 672937 +glimpses 672846 +riel 672825 +pinky 672775 +hattie 672774 +lewisham 672756 +mints 672742 +invertebrate 672587 +rebellious 672476 +tastefully 672333 +capo 672218 +pairings 672197 +guesthouses 672189 +yikes 672164 +grate 672155 +lourdes 672152 +exorcism 672113 +grilles 672094 +mim 672065 +cultivar 671996 +orson 671985 +teammate 671936 +diseased 671899 +kenilworth 671793 +hrvatska 671788 +sequencer 671784 +grandparent 671763 +demonic 671684 +margot 671568 +socialists 671504 +deduced 671465 +collaboratively 671454 +oberlin 671450 +buttocks 671441 +unmanned 671369 +rainbows 671316 +gunnar 671314 +alcoa 671251 +mums 671177 +burials 671030 +eunice 670943 +bountiful 670943 +salazar 670929 +lossless 670897 +imbalances 670836 +mesopotamia 670812 +andean 670782 +poseidon 670781 +superconducting 670775 +spectroscopic 670727 +armpit 670727 +ratify 670714 +mew 670699 +worsening 670617 +metalworking 670470 +groundhog 670464 +mexicans 670447 +ginkgo 670404 +fiend 670385 +drapery 670328 +bernice 670319 +deported 670316 +decedent 670247 +muzzle 670209 +entrant 670173 +schoolhouse 670098 +baku 669930 +telescopic 669870 +phasing 669837 +lactate 669830 +poughkeepsie 669810 +dodson 669797 +monorail 669750 +retribution 669720 +bookworm 669719 +sabbatical 669704 +slander 669482 +basing 669209 +foucault 669166 +baits 669063 +fireside 669054 +onshore 669051 +disposing 668877 +wicks 668862 +pathologists 668854 +pathol 668793 +suffrage 668785 +toxics 668763 +triumphs 668748 +fortifying 668667 +sleepless 668650 +kinesiology 668627 +potions 668599 +tern 668594 +squirts 668573 +delmar 668516 +storybook 668432 +watered 668362 +lass 668332 +grenades 668252 +fleas 668194 +contrasted 668191 +opting 668064 +hauled 668036 +taupe 668030 +ventured 667828 +hookup 667786 +recite 667761 +myron 667755 +doreen 667723 +keepsakes 667641 +seawater 667633 +contenders 667535 +kneeling 667490 +negation 667373 +conveyors 667310 +accenture 667304 +dismay 666985 +rota 666899 +kelso 666877 +smelled 666832 +jute 666652 +printmaking 666564 +heals 666561 +julianne 666559 +prim 666550 +reconstructive 666536 +vicksburg 666495 +bookshelves 666482 +trespass 666474 +conciliation 666424 +supermodels 666418 +glycerol 666347 +compasses 666161 +groomed 666142 +leaping 666113 +impunity 666112 +sunken 666107 +sliders 666098 +inaugurated 666076 +redford 666032 +encountering 665979 +itemized 665953 +infernal 665860 +defamatory 665848 +pang 665803 +swag 665733 +reared 665694 +pampered 665691 +yap 665660 +bottlenecks 665612 +pyrex 665560 +inquiring 665555 +sculpting 665551 +sedans 665446 +praising 665441 +dpt 665373 +momentary 665271 +launchers 665269 +finishers 665193 +commemoration 665193 +psychologically 665105 +holstein 664959 +interdependence 664949 +serpentine 664938 +droplets 664868 +inducted 664860 +hangings 664847 +uninitialized 664811 +sundry 664664 +repercussions 664658 +protestants 664611 +therefrom 664600 +hydrological 664396 +runes 664374 +wrecking 664341 +pique 664313 +ortega 664126 +breweries 664123 +landon 664109 +forecaster 664080 +quickie 664065 +swore 663914 +parabolic 663833 +boreal 663788 +bankroll 663777 +tabulation 663603 +journeyman 663552 +enlighten 663527 +descartes 663524 +trier 663496 +arbitrage 663490 +flashy 663405 +prowess 663380 +abstractions 663339 +enriching 663315 +dogwood 663309 +trampling 663308 +signet 663285 +iroquois 663270 +convergent 663263 +digested 663226 +rothschild 663099 +trumpets 663094 +majoring 663080 +glitches 662997 +embodies 662953 +qwerty 662907 +equivalency 662890 +sedation 662829 +manhood 662829 +cannibal 662720 +nephews 662609 +oblivious 662553 +atmospheres 662543 +stricter 662497 +harmonics 662416 +devi 662406 +memes 662337 +lavatory 662326 +roughness 662305 +destructor 662267 +accelerates 662266 +opts 662207 +ancients 662181 +snapping 662153 +jethro 662123 +cauliflower 661931 +midfielder 661834 +feudal 661772 +tornadoes 661715 +unbearable 661692 +docklands 661586 +perpetrated 661581 +tanzanian 661560 +basses 661302 +boarded 661185 +olympian 661158 +safeway 660812 +sheri 660693 +livre 660631 +wikis 660621 +mozzarella 660606 +glenda 660550 +interferes 660376 +devotions 660255 +myra 660254 +devotees 660251 +acquaintances 660243 +sectarian 660133 +yonkers 660092 +fathom 660038 +republish 659997 +cools 659994 +endoscopic 659973 +dilbert 659964 +segundo 659804 +appreciative 659787 +innumerable 659786 +parramatta 659728 +biscayne 659661 +disproportionately 659439 +noticeably 659429 +furs 659392 +taskbar 659386 +libero 659380 +synchrotron 659379 +tet 659362 +memorize 659359 +marquez 659337 +volumetric 659238 +atonement 659226 +extant 659214 +ignacio 659204 +unmask 659195 +umpires 659165 +shuttles 659164 +chisel 659044 +hyperplasia 659015 +donahue 658933 +mysteriously 658895 +parodies 658866 +prado 658805 +wayward 658772 +legit 658762 +redness 658742 +dreamland 658669 +scrapped 658622 +dillard 658611 +wands 658592 +orphanage 658587 +illustrious 658575 +disruptions 658563 +erasure 658545 +fishy 658490 +preamp 658453 +pauses 658415 +ziegler 658262 +loewe 658236 +intoxication 658221 +freelancer 658122 +glimmer 658110 +radars 657862 +materiel 657766 +blooded 657681 +slamming 657644 +cooperstown 657632 +syllables 657589 +staffers 657548 +daw 657495 +whim 657481 +teddies 657456 +upsilon 657441 +sizable 657359 +coenzyme 657347 +filmy 657205 +timid 657204 +afterlife 657149 +mather 657118 +ismail 657023 +cml 656974 +tampering 656946 +counterpoint 656765 +weavers 656749 +magically 656694 +pied 656612 +thyself 656608 +wristband 656462 +jimenez 656453 +chiller 656419 +rooting 656335 +pretended 656171 +nigh 656088 +therewith 656052 +interment 656046 +ales 656034 +partitioned 656002 +jonathon 655990 +sump 655880 +breadcrumb 655879 +sucrose 655854 +populous 655650 +modesty 655467 +cortisol 655425 +banshee 655401 +supersedes 655386 +veils 655338 +frei 655237 +pacino 655162 +zest 655010 +leif 654963 +sumptuous 654877 +chronically 654834 +preschoolers 654800 +unenforceable 654753 +fisheye 654623 +oaxaca 654575 +wayside 654520 +spotless 654479 +gerontology 654400 +predation 654369 +kilimanjaro 654270 +exacerbated 654253 +infestation 654175 +linearity 653966 +huey 653943 +aerials 653913 +summits 653897 +stylist 653865 +porosity 653813 +sprayer 653691 +tirol 653673 +banc 653586 +gliders 653558 +corby 653551 +barbed 653497 +prognostic 653473 +unregulated 653166 +pittman 653128 +legions 653127 +bbl 653093 +dona 653056 +lustre 653026 +sunflowers 652881 +ecstatic 652452 +reportable 652430 +campania 652300 +dickerson 652216 +carotene 652203 +blasphemy 652149 +wisp 652143 +enrollees 652023 +countenance 652005 +skinning 651983 +compaction 651904 +juicers 651885 +methionine 651849 +lala 651839 +sift 651805 +ooze 651716 +delimiter 651701 +forsaken 651676 +recounts 651632 +hangout 651555 +striptease 651526 +burgeoning 651445 +adventurers 651398 +amnesia 651098 +bigotry 651095 +cipro 651052 +leaky 650957 +contradicts 650946 +cherie 650790 +leven 650761 +menswear 650641 +pagans 650545 +wrenches 650528 +actuate 650482 +dinars 650398 +capote 650297 +molar 650262 +fume 650207 +montevideo 650159 +sunglass 650136 +afloat 650052 +kassel 650048 +bruised 649995 +flattering 649975 +followings 649951 +brigades 649851 +engrossed 649739 +accretion 649735 +dashes 649659 +impeach 649609 +atrophy 649500 +bullpen 649496 +mamas 649492 +brag 649472 +dysplasia 649328 +earls 649223 +utopian 649210 +confers 649197 +totality 649192 +circumvent 649016 +sosa 648853 +hyped 648758 +epidermal 648698 +boulders 648649 +autopilot 648646 +garza 648608 +decrypt 648562 +batik 648561 +negotiator 648522 +yolanda 648514 +utilising 648375 +fermanagh 648330 +muff 648249 +interoperable 648188 +maude 648169 +mam 648152 +odour 648137 +delano 648119 +bellamy 648076 +snag 648074 +sonja 648040 +fringes 647924 +excavated 647899 +smoothed 647836 +replaceable 647830 +forint 647794 +nudism 647738 +formulary 647671 +affirms 647629 +irvin 647619 +hounslow 647584 +gulch 647573 +striping 647561 +excavating 647551 +recoveries 647449 +mainstreaming 647414 +irrevocable 647399 +moaned 647258 +axles 647257 +graciously 647172 +seasonings 647102 +marcelo 647065 +clamping 646787 +whiplash 646745 +dildoes 646723 +radiated 646698 +takeoff 646648 +wiggle 646578 +henna 646514 +cartesian 646504 +bribe 646492 +propel 646427 +yank 646395 +outspoken 646375 +llewellyn 646369 +shag 646319 +asymmetrical 646301 +trolleys 646189 +interlocking 646188 +verily 646173 +doped 646161 +headband 646148 +ardent 646145 +outperform 646090 +harmonization 646080 +forcibly 646076 +differentiating 646004 +hitters 645933 +konrad 645930 +wickets 645923 +restarting 645879 +presided 645810 +rocha 645589 +shimmer 645534 +stevenage 645492 +tremor 645479 +restructured 645413 +aerodynamic 645328 +hopewell 645297 +evaluative 645214 +loaned 645205 +violins 645187 +extravagant 645154 +ghent 645064 +astute 645050 +subtracting 644955 +kuna 644892 +logbook 644880 +xor 644864 +louth 644776 +pict 644722 +inflict 644706 +rotates 644637 +invalidate 644635 +ridiculously 644498 +leanne 644480 +legible 644449 +towed 644374 +rescues 644336 +disregarded 644203 +salted 644121 +causality 644085 +tiling 644082 +ethnographic 644047 +attractiveness 644031 +waffles 643995 +doubly 643982 +calamity 643887 +fandango 643875 +catalysis 643856 +brewed 643852 +aristocrats 643852 +annexes 643849 +lisle 643841 +fiance 643815 +sprawling 643805 +vulture 643760 +mislead 643671 +wrongdoing 643639 +ventral 643596 +gunter 643434 +retard 643417 +iranians 643395 +platters 643296 +canto 643291 +commandos 643235 +germanic 643196 +harassed 643111 +repeatable 643089 +discriminated 642954 +estelle 642869 +weekender 642797 +welders 642723 +sponges 642645 +semifinals 642629 +cavendish 642516 +quantization 642511 +surfacing 642476 +receptacles 642454 +vegetarians 642443 +revered 642226 +transponder 642144 +harassing 642128 +dislocation 642009 +shingle 641972 +timbers 641894 +undergoes 641893 +guatemalan 641762 +iguana 641679 +glaring 641607 +choker 641488 +tilting 641484 +ecologically 641483 +scoreboards 641350 +conquering 641337 +spaceship 641284 +harass 641237 +meditate 641196 +hues 641113 +aorta 641057 +unconfirmed 641004 +alsace 640974 +denominated 640954 +degenerative 640910 +delve 640909 +ostensibly 640883 +crimp 640746 +lumps 640708 +cretaceous 640648 +mousepad 640613 +umbria 640582 +fished 640536 +oregano 640532 +drizzle 640385 +boaters 640369 +visualisation 640277 +bracing 640265 +brianna 640157 +handlebars 640117 +blackmail 640108 +interconnects 640011 +playtime 639975 +criticality 639809 +meh 639766 +moseley 639759 +remorse 639738 +navarre 639732 +clout 639706 +spacers 639630 +deferral 639532 +hilliard 639469 +wag 639468 +fella 639391 +mountaineer 639387 +bute 639368 +pondering 639349 +transcriptions 639196 +metered 639193 +quintessential 639007 +stockpile 638911 +psychics 638898 +hetero 638817 +meteorite 638778 +purposely 638753 +worshipped 638710 +lucifer 638710 +extruded 638691 +unholy 638652 +lakh 638641 +phage 638631 +spectacles 638567 +muttered 638459 +lags 638410 +aquila 638375 +hajj 638344 +hoff 638319 +mme 638284 +longstanding 638194 +knitwear 638159 +spat 638094 +apocalyptic 638084 +fatties 638062 +darmstadt 638043 +henceforth 637996 +fillings 637835 +marti 637827 +argo 637756 +inflows 637653 +estuarine 637623 +strapping 637568 +socialization 637564 +expedient 637449 +unconditionally 637438 +caving 637293 +ices 637257 +secreted 637230 +alkyl 637228 +artichoke 637213 +leasehold 637210 +chaucer 637035 +livery 637025 +recapture 637003 +chevalier 636912 +hairdressing 636890 +incompatibility 636858 +anchoring 636601 +navigable 636534 +biomechanics 636417 +microcomputer 636402 +personas 636387 +milieu 636367 +discipleship 636321 +stonehenge 636299 +magnifier 636210 +injure 636129 +knuckles 636080 +esters 636043 +intermission 635947 +ablation 635932 +nutcracker 635908 +amazement 635889 +medusa 635873 +pagoda 635860 +manifests 635847 +dosages 635845 +primed 635804 +keg 635769 +recited 635754 +multiplexing 635637 +indentation 635608 +hazmat 635574 +reformers 635569 +dalhousie 635566 +ensued 635554 +ahem 635512 +justly 635498 +throats 635484 +retardant 635478 +shankar 635443 +aron 635430 +barrage 635351 +overheads 635321 +pis 635260 +buoyancy 635211 +curled 635094 +raoul 635019 +peeping 634909 +dermal 634812 +sizeable 634748 +aftershave 634700 +paces 634682 +heaviest 634656 +earners 634571 +tenderloin 634525 +hamburgers 634321 +walnuts 634262 +margie 634150 +wandsworth 633970 +broadened 633960 +lashes 633924 +esplanade 633820 +francophone 633817 +prairies 633532 +conical 633510 +mocking 633379 +tricked 633300 +serengeti 633299 +etymology 633299 +raccoon 633241 +shrinkage 633197 +cheaply 633136 +allege 633028 +draped 632982 +uris 632951 +hamsters 632941 +thrashers 632925 +subtly 632895 +manslaughter 632840 +calibrate 632788 +rambo 632674 +consort 632622 +shad 632614 +serrano 632561 +niacin 632524 +wesson 632494 +oxycontin 632451 +bibliographical 632340 +fleeting 632301 +glyph 632257 +marinated 632251 +genotypes 632148 +alford 632012 +madurai 631991 +evacuees 631987 +urbanization 631951 +skyscraper 631816 +plumb 631703 +needlework 631646 +tooled 631629 +charlottetown 631607 +submersible 631600 +condensate 631581 +matchup 631565 +caballero 631541 +undefeated 631537 +annoyances 631516 +kino 631373 +bacchus 631294 +chuckle 631276 +photographing 631261 +pocono 631249 +unfolded 631236 +trackers 631230 +unify 631185 +dissident 631185 +sperry 631134 +rit 630833 +briar 630788 +xterm 630753 +wavy 630746 +swapped 630736 +stent 630695 +moulds 630674 +angiography 630672 +brockton 630594 +hindered 630375 +livonia 630344 +specialisation 630341 +bloated 630335 +pranks 630189 +plasticity 630148 +mantel 630116 +crux 630081 +languedoc 630025 +fatima 629943 +armband 629940 +mosley 629904 +disordered 629904 +belated 629847 +stemmed 629826 +lek 629740 +cartoonist 629692 +englishman 629632 +flotation 629539 +geol 629529 +winder 629454 +deterrence 629437 +junta 629394 +cardin 629389 +shrunk 629377 +crammed 629358 +aardvark 629356 +cosmological 629347 +isotopic 629175 +hatchet 629134 +unsuspecting 629128 +understated 629121 +obit 629100 +randomised 629071 +amphetamine 629029 +shia 628987 +grout 628986 +dismissing 628972 +reba 628961 +bharat 628867 +windfall 628791 +filaments 628762 +jocelyn 628760 +kilometre 628740 +pastels 628711 +companionship 628687 +stallions 628618 +creeper 628591 +paramedics 628582 +epidemics 628484 +illegitimate 628435 +curie 628416 +slag 628375 +skit 628359 +undisturbed 628268 +decimals 628191 +transcendental 628143 +catania 628008 +georgina 627971 +chantilly 627967 +farmed 627899 +fuentes 627864 +elwood 627796 +hocking 627715 +prerelease 627686 +femoral 627670 +visceral 627549 +fructose 627522 +complicate 627501 +zooming 627373 +alston 627369 +indistinguishable 627287 +extinguisher 627236 +subpoenas 627235 +donny 627077 +fledgling 627057 +traversal 627036 +erick 626971 +kcal 626895 +midfield 626813 +hypersensitivity 626786 +redshift 626762 +glaser 626726 +cusco 626637 +compensating 626448 +prosthesis 626412 +overrated 626366 +reasonableness 626171 +nuances 626064 +knuckle 626011 +kelp 625965 +taker 625940 +placeholder 625880 +moulton 625867 +bastion 625778 +massages 625667 +scraping 625503 +tupelo 625495 +gypsies 625473 +concurring 625439 +batt 625435 +videotapes 625380 +assemblage 625379 +backseat 625339 +manipulations 625309 +watery 625163 +aylesbury 625151 +kwacha 625121 +juanita 625092 +coiled 625071 +yucatan 625055 +sipping 625038 +beatrix 625027 +sandpiper 624992 +vamp 624910 +cheerfully 624899 +overarching 624895 +selectors 624866 +internationals 624853 +estuaries 624839 +sledge 624637 +stepper 624580 +gilded 624578 +reykjavik 624574 +murdering 624555 +dijon 624479 +unbroken 624361 +superheroes 624266 +sages 624245 +tropic 624139 +capella 624127 +marg 624095 +leftovers 624074 +mariano 624019 +condemning 624016 +guestrooms 623988 +urethane 623985 +paphos 623935 +entourage 623801 +sprinklers 623756 +iota 623590 +yvette 623478 +realist 623441 +geochemistry 623273 +reflectivity 623270 +moog 623252 +suppressing 623167 +scorn 622924 +crusades 622814 +whirl 622629 +apprenticeships 622515 +pervert 622485 +asymptomatic 622473 +retails 622432 +defences 622425 +humiliating 622405 +circled 622289 +withers 622279 +sprout 622268 +elicited 622261 +swirling 622196 +gandalf 622141 +minot 622135 +campos 622063 +evidentiary 622040 +clinging 621996 +bunches 621858 +bagged 621852 +synthesize 621698 +localisation 621660 +negotiators 621652 +deviate 621562 +laparoscopic 621539 +overridden 621423 +blackened 621405 +hinds 621387 +whereupon 621340 +racially 621276 +stinky 621254 +expertly 621232 +muriel 621174 +hostilities 620995 +atelier 620988 +colloidal 620948 +guarantor 620937 +imperialist 620927 +veneers 620852 +reaffirmed 620845 +zambezi 620826 +tibia 620778 +raquel 620734 +penned 620680 +kiddie 620660 +conte 620643 +sundries 620602 +horatio 620583 +cheered 620572 +linebacker 620538 +danzig 620497 +beanies 620377 +irreducible 620321 +bled 620251 +verifier 620212 +throbbing 620136 +sleepers 619995 +eurasian 619924 +galbraith 619641 +sallie 619538 +solace 619439 +pesky 619402 +underwire 619323 +lucien 619311 +havre 619302 +moles 619237 +salvia 619227 +unloaded 619203 +projectile 619140 +alana 619065 +transplanted 619060 +bandages 619046 +duma 618991 +handcuffs 618948 +scripted 618912 +beacons 618822 +mutagenesis 618743 +stucco 618601 +posada 618562 +vocalists 618560 +intrinsically 618549 +geiger 618526 +obits 618473 +jekyll 618453 +impervious 618433 +andaman 618430 +spoofing 618368 +rockhampton 618324 +reauthorization 618324 +poolside 618321 +shams 618299 +shawls 618290 +xiamen 618288 +flourishing 618258 +precedes 618190 +pita 618153 +bruises 618130 +instructs 617982 +palatine 617975 +motorist 617922 +peritoneal 617883 +freebie 617797 +harare 617793 +carnation 617654 +publicize 617593 +kangaroos 617447 +bulimia 617339 +intros 617326 +ladybug 617279 +analyser 617269 +armando 617220 +slum 617168 +ruffle 617143 +algorithmic 617133 +rectifier 617118 +banknotes 617061 +bassoon 616967 +knack 616898 +rivet 616847 +aragon 616836 +scrapbooks 616828 +hydropower 616792 +aggie 616732 +sonya 616661 +clearances 616567 +denominational 616549 +grunt 616546 +dominguez 616539 +meas 616518 +talmud 616436 +spreader 616246 +grammars 616228 +otolaryngology 616150 +overalls 616138 +snowmobiles 616080 +doubted 615926 +ravaged 615867 +lagrangian 615851 +dubrovnik 615848 +whistling 615829 +upholding 615713 +ailing 615697 +obeyed 615636 +eases 615614 +tattooed 615612 +ghostly 615565 +hippocampus 615552 +crim 615516 +repeaters 615492 +mutiny 615416 +delusions 615375 +foresee 615358 +rations 615287 +bitterly 615238 +reimbursements 615214 +windmills 615081 +perpetrator 615080 +actionable 614993 +cornea 614968 +overfull 614919 +cleverly 614880 +minibar 614875 +kitchenette 614812 +misunderstandings 614801 +liberian 614793 +repairers 614605 +counsellors 614582 +numerology 614496 +amis 614484 +normalize 614288 +sisterhood 614263 +lightening 614205 +buffs 614179 +tamoxifen 614161 +overturn 614160 +phenotypes 614119 +doit 614034 +kinross 614013 +thoughtfully 613948 +triplet 613821 +rencontre 613753 +sonics 613745 +risking 613699 +lotta 613607 +proprietors 613594 +archaeologists 613471 +tatiana 613351 +ingress 613315 +tentacle 613311 +gros 613260 +barbers 613252 +salespeople 613216 +motility 613185 +retires 613181 +dengue 613129 +duro 613120 +gaiman 613068 +commotion 613065 +incineration 613046 +shanks 613020 +organza 612986 +deduce 612968 +centralised 612965 +unbreakable 612944 +supersized 612931 +depictions 612929 +bolted 612878 +materialism 612804 +eternally 612704 +senseless 612682 +rabid 612676 +reassure 612572 +recollections 612559 +probed 612535 +separators 612416 +resetting 612382 +funnies 612296 +cumin 612220 +pox 612191 +keystrokes 612188 +hamlets 612171 +setters 612145 +inertial 612132 +unwritten 612026 +pec 611912 +payee 611882 +cinematographer 611879 +ventilator 611764 +jammed 611686 +micrograms 611645 +moveable 611629 +housekeeper 611578 +cymbal 611557 +convective 611543 +agrarian 611488 +nosed 611383 +shogun 611360 +rescheduled 611319 +bala 611215 +sidestep 611210 +preemption 611168 +microbiological 611130 +corticosteroids 611087 +lovable 611002 +stockholder 610962 +quanta 610901 +synapse 610878 +airplay 610851 +sawmill 610850 +abram 610831 +catharine 610792 +uppers 610789 +sib 610749 +pitman 610728 +consented 610686 +perseus 610655 +leathers 610647 +styx 610615 +embossing 610583 +redirects 610548 +congested 610511 +banished 610490 +fuzz 610459 +roscommon 610445 +izmir 610339 +meticulous 610335 +terraced 610317 +multiplexer 610315 +menorca 610299 +buttermilk 610262 +laces 610254 +dendritic 610213 +toil 610151 +operands 610094 +hugged 610040 +conceptually 609952 +flurry 609891 +gower 609878 +crichton 609873 +warmest 609811 +hardwoods 609727 +capping 609654 +parisian 609595 +humanism 609580 +hipster 609542 +horrified 609528 +accel 609528 +annualized 609526 +walpole 609517 +basildon 609477 +testis 609433 +unusable 609354 +bertram 609348 +perturbations 609338 +approximated 609299 +adversaries 609176 +consulates 609148 +versioning 609070 +aunts 609018 +breakdowns 608930 +skylight 608911 +periodontal 608880 +uncredited 608734 +gemma 608694 +rupiah 608679 +bullish 608644 +constantinople 608631 +hippy 608617 +northerner 608466 +mackintosh 608350 +fabricators 608308 +mutated 608283 +moonstone 608255 +scilly 608243 +monarchs 608160 +strep 608154 +tampere 608054 +unsolved 608013 +strenuous 608008 +roost 608008 +unreasonably 607930 +synergies 607877 +shuffling 607850 +fundamentalists 607822 +ludicrous 607777 +amyloid 607679 +understandably 607662 +icarus 607634 +tenets 607614 +albanians 607501 +goff 607489 +pius 607440 +garb 607429 +steadfast 607212 +reckoned 607006 +promissory 606992 +overflows 606966 +mitts 606942 +nappy 606925 +khalid 606875 +fuchsia 606808 +muscat 606795 +queried 606763 +kmart 606588 +handover 606584 +squarely 606579 +softness 606574 +crayon 606502 +hialeah 606398 +finney 606387 +rotting 606382 +salamander 606369 +driveways 606363 +exhilarating 606284 +cavan 606184 +excepted 605976 +skippy 605968 +marginalized 605950 +flavoured 605932 +marque 605877 +texaco 605833 +bookmakers 605781 +ditches 605732 +millionaires 605712 +evade 605626 +coverages 605602 +bap 605536 +specialities 605519 +pars 605500 +systematics 605458 +renderer 605451 +rework 605413 +scourge 605240 +twig 605227 +cleansers 605215 +bandage 605193 +detach 605182 +webby 605178 +virginity 605174 +apogee 605076 +allergens 605072 +doctrinal 605040 +worsen 605022 +tankers 604915 +adaptability 604882 +cramped 604859 +whopping 604841 +wept 604753 +bes 604667 +brookes 604625 +racking 604529 +anim 604471 +tull 604372 +corrects 604324 +avignon 604298 +shunt 604152 +vanishes 604002 +synch 603920 +patten 603919 +obedient 603887 +selkirk 603818 +estimators 603814 +sects 603808 +functionalities 603803 +evidences 603703 +fetishes 603675 +outrigger 603622 +enclave 603583 +anxiously 603576 +fibrillation 603564 +ascribed 603527 +strikers 603470 +statically 603378 +goldmine 603338 +lhasa 603330 +developmentally 603247 +ziggy 603224 +optimist 603119 +senders 603095 +gratification 603077 +seashore 603064 +automaton 603051 +unskilled 602968 +steamy 602955 +marinade 602864 +brigadier 602807 +extinguishers 602766 +stratosphere 602754 +tbilisi 602744 +updater 602721 +consonant 602690 +fld 602661 +acetic 602572 +nicaraguan 602481 +unarmed 602459 +dyeing 602404 +intolerable 602372 +republished 602365 +tawny 602308 +sconces 602285 +insulator 602268 +endometrial 602218 +absinthe 602158 +hegemony 602154 +focussing 602001 +tryptophan 601765 +hygienic 601727 +extensibility 601622 +sufferings 601565 +tahitian 601226 +propagating 601225 +sacraments 601185 +layman 601070 +consortia 601068 +asimov 601065 +bungee 601002 +vellum 600914 +hokkaido 600860 +ignatius 600857 +alternates 600819 +emperors 600721 +configures 600721 +multilevel 600671 +renoir 600542 +stalks 600494 +stanza 600482 +mucus 600467 +suspenders 600447 +morons 600305 +dismantle 600275 +terminations 600264 +novices 600229 +grasped 600185 +pharos 600179 +bequest 600153 +beggars 599943 +eavesdropping 599854 +redeemer 599836 +numerator 599807 +florin 599783 +gds 599782 +quixote 599715 +resurgence 599699 +chaise 599684 +paternal 599628 +dey 599591 +metastases 599586 +gino 599580 +rained 599532 +timings 599523 +merges 599509 +indigent 599487 +trellis 599436 +jeopardize 599413 +loews 599369 +screenwriting 599185 +koa 599024 +mobilized 598956 +canaveral 598919 +mythic 598878 +crystallization 598814 +someplace 598811 +marries 598788 +echoing 598763 +antibacterial 598735 +extremism 598707 +edgy 598685 +fluctuate 598674 +tasked 598662 +nagpur 598658 +flips 598531 +chaney 598388 +recitation 598378 +macrophage 598373 +aptly 598371 +alleviation 598330 +liege 598284 +remittances 598259 +useable 598152 +romances 598133 +nieces 598057 +saipan 597845 +characterizes 597841 +jellyfish 597803 +reissued 597758 +papyrus 597531 +wiggles 597528 +synths 597482 +fop 597456 +rubbermaid 597451 +candlestick 597438 +ayer 597313 +incumbents 597216 +vern 597198 +writable 597093 +reflectance 596983 +circling 596967 +hellas 596942 +sheik 596893 +pints 596841 +chiba 596836 +selena 596568 +olmsted 596555 +realignment 596434 +girdle 596431 +siamese 596411 +undermines 596389 +veiled 596352 +defibrillators 596347 +blotting 596335 +certs 596230 +intimates 596202 +aarhus 596188 +supercomputer 596172 +eruptions 596161 +javelin 596077 +bouncer 596061 +phenol 595974 +jigs 595902 +lifetimes 595870 +grundy 595865 +stares 595840 +eastward 595830 +histamine 595808 +byline 595807 +bedlam 595688 +tecumseh 595683 +yon 595677 +entree 595667 +synergistic 595587 +desist 595578 +grasshopper 595548 +rheumatic 595472 +tillman 595439 +autobiographical 595417 +piety 595389 +embody 595383 +petites 595347 +gris 595329 +crawled 595326 +handball 595308 +shandong 595298 +stylized 595250 +lenoir 595193 +manitou 595043 +soiled 594973 +goofs 594965 +connors 594890 +froze 594804 +ripon 594769 +superfluous 594748 +plexus 594663 +systolic 594662 +unreachable 594589 +disarm 594302 +sot 594289 +tacit 594255 +modernist 594100 +waring 594071 +chansons 594055 +parenthesis 594053 +reorganized 594039 +daybreak 594037 +rallied 594035 +janie 594023 +quakers 594003 +pentecost 593950 +weathering 593893 +totalitarian 593878 +putters 593867 +interrelated 593829 +beulah 593780 +southbound 593606 +unveiling 593479 +cronin 593423 +burg 593300 +astray 593275 +blisters 593207 +patios 593195 +infirmary 593188 +firebox 593165 +synopses 593161 +hinted 593097 +sanctity 593033 +sadr 593032 +tuples 592947 +gad 592912 +pedantic 592825 +diarrhoea 592800 +sonatas 592757 +barbecues 592677 +bullies 592628 +notoriously 592582 +lucius 592541 +deadwood 592477 +mancini 592431 +commonsense 592396 +caustic 592242 +rook 592238 +gleaming 592118 +dominoes 592112 +violators 592087 +phrasebook 592035 +reconfiguration 592029 +parochial 591954 +bertie 591948 +sledding 591928 +lakefront 591925 +excision 591924 +traceability 591915 +yangon 591902 +lemony 591827 +recursively 591811 +auctioned 591730 +hennessy 591727 +basset 591680 +moreau 591658 +limiter 591593 +precedents 591579 +dah 591493 +exiled 591466 +howells 591428 +blueberries 591420 +pall 591376 +mustered 591369 +pretext 591360 +comprehensively 591313 +whisk 591308 +flared 591294 +deference 591217 +limelight 591099 +artful 591043 +alg 591026 +solis 591008 +eld 590912 +hoosiers 590768 +audacity 590668 +margate 590644 +unmet 590631 +competes 590593 +judson 590564 +compositional 590484 +trig 590455 +catawba 590386 +downwards 590276 +ordinal 590170 +moat 590169 +inasmuch 590089 +plotters 590087 +caress 590047 +inglewood 590040 +hails 590036 +gila 590020 +swam 590013 +magnitudes 589997 +downed 589997 +wilfred 589974 +mauve 589931 +metairie 589773 +hazy 589765 +twitch 589741 +polluting 589667 +glorified 589520 +combed 589458 +reclaiming 589446 +pedicure 589392 +duplexes 589303 +transceivers 589179 +disrupting 589177 +biodegradable 589155 +spore 589081 +baptists 589001 +tessa 588993 +unrealized 588985 +paraphrase 588920 +flounder 588770 +crept 588735 +fibrous 588651 +swamps 588604 +epilogue 588566 +hoof 588494 +epistle 588449 +acetone 588439 +alanine 588422 +exiles 588295 +wheatley 588291 +clapping 588220 +finesse 588192 +blitzkrieg 588026 +nickels 587964 +cordelia 587959 +infrequently 587862 +banbury 587839 +converging 587721 +choctaw 587588 +interactively 587553 +mufflers 587357 +quarks 587246 +inquisition 587218 +refactoring 587214 +monrovia 587146 +reputed 587127 +dinah 587063 +marrakech 587057 +walkways 586893 +seduce 586830 +heineken 586824 +bearers 586762 +kimono 586714 +guesses 586707 +oxidized 586703 +sharif 586651 +bloodstream 586625 +underpinning 586589 +resistivity 586588 +impossibility 586554 +ceylon 586473 +conformal 586464 +racquets 586445 +sherri 586386 +invasions 586379 +eminence 586334 +moa 586245 +canna 586192 +potters 586134 +detergents 586127 +cheri 586070 +liberate 586056 +gracie 586040 +bombardier 586022 +cytotoxic 586015 +frag 586002 +gunther 585995 +colophon 585944 +hanged 585915 +morin 585890 +flatter 585847 +acquitted 585811 +tatum 585764 +unforgiven 585762 +thesauri 585719 +harrell 585636 +toowoomba 585600 +dimmer 585447 +sola 585411 +cauldron 585394 +uts 585381 +dredge 585318 +tingling 585316 +preferring 585281 +allocates 585248 +cordial 585191 +kabbalah 585115 +reassurance 585108 +punks 585036 +superintendents 584971 +unannotated 584968 +nervousness 584958 +delineated 584942 +imaginations 584912 +patchy 584858 +haters 584847 +quarrel 584822 +giuliani 584733 +bess 584688 +millennia 584676 +frith 584571 +aryan 584547 +tendering 584531 +transitive 584498 +remixed 584468 +furthering 584432 +connoisseur 584423 +idealism 584414 +hypoxia 584378 +penile 584219 +separable 584172 +positron 584172 +metallurgical 584166 +caregiving 584121 +molybdenum 584079 +liqueur 584063 +spokes 584032 +pastime 583995 +pursues 583983 +hexagonal 583972 +throated 583963 +contravention 583933 +bugle 583867 +bacteriol 583839 +healers 583831 +disperse 583775 +binomial 583709 +engels 583603 +incoherent 583589 +fours 583578 +mullet 583341 +canfield 583314 +hardball 583270 +renovate 583168 +devout 583135 +actuary 583033 +alva 582873 +unfurnished 582836 +xian 582795 +blinding 582773 +latches 582760 +cosmetology 582725 +emitter 582685 +inaction 582486 +sassoon 582435 +formatter 582317 +rhinestones 582289 +shootings 582285 +splitters 582275 +pizzas 582245 +northward 582145 +trotter 581944 +subversive 581770 +winders 581715 +impediments 581632 +armoured 581611 +breathless 581582 +intertwined 581569 +postmarked 581559 +steen 581515 +devolution 581494 +avion 581489 +corkscrew 581475 +reunification 581462 +moderating 581459 +gadsden 581429 +affections 581402 +cthulhu 581358 +inherits 581312 +mortals 581270 +purgatory 581266 +dooley 581228 +vise 581219 +comer 581184 +unsaturated 581171 +tillage 580982 +pere 580965 +nonexistent 580905 +discloses 580877 +liquidated 580872 +decoders 580842 +validates 580816 +easterly 580752 +lagged 580631 +biophysical 580585 +lasagna 580560 +tapas 580527 +hawker 580518 +calla 580506 +supermodel 580485 +vertebrates 580443 +rezoning 580411 +toughness 580404 +disrespect 580381 +exclusivity 580322 +motivates 580262 +debuted 580254 +lifeguard 580245 +lagging 580241 +uncovering 580148 +indeterminate 580061 +kilmarnock 580044 +refreshment 580038 +momentarily 580030 +langer 580028 +lute 579984 +rosette 579959 +sequels 579925 +changeable 579904 +tragically 579874 +headteacher 579810 +waverley 579683 +coexistence 579667 +leona 579631 +brownfield 579574 +aguilar 579531 +supervises 579499 +trumps 579462 +redistricting 579388 +amritsar 579340 +justifiable 579334 +pram 579211 +twofold 579166 +sicilian 579142 +mekong 579130 +marlowe 579029 +paperless 578809 +sherbrooke 578783 +anisotropy 578752 +unearned 578731 +thwart 578726 +potted 578679 +chanson 578617 +cladding 578590 +trumbull 578558 +incurring 578546 +retransmission 578538 +luau 578492 +overlaps 578409 +meticulously 578401 +convalescent 578385 +sitka 578381 +mackerel 578375 +goings 578232 +brim 578190 +clinch 578103 +provident 578089 +leprosy 578079 +chum 578060 +interceptions 577809 +fitter 577713 +nonviolent 577599 +glut 577556 +fasten 577472 +evangelicals 577424 +goddamn 577357 +locksmith 577318 +interrupting 577270 +sulla 577268 +accra 577217 +bimbo 577216 +daggers 577197 +pleases 577183 +jamboree 577150 +moors 577097 +arno 577093 +geranium 577066 +tritium 576954 +revolve 576832 +choc 576769 +leaching 576688 +isomorphism 576532 +waged 576479 +invariants 576445 +jillian 576430 +waxed 576427 +concourse 576414 +confine 576267 +jaded 576218 +mingle 576213 +capistrano 576199 +yardage 576154 +bodybuilders 576098 +ranchers 576052 +purify 575957 +radii 575939 +desolate 575923 +withdraws 575896 +schwinn 575841 +choked 575811 +expander 575810 +whereof 575793 +regt 575768 +electrolysis 575752 +signatories 575731 +gruesome 575704 +wetsuit 575666 +peroxidase 575596 +pleadings 575571 +folkestone 575570 +angkor 575553 +defying 575443 +sacs 575432 +perished 575319 +erskine 575108 +tentacles 575086 +britons 575047 +outcast 575027 +neurologic 575026 +faraday 574988 +oblong 574884 +macabre 574859 +ophelia 574836 +popeye 574806 +wearer 574739 +excerpted 574727 +spotter 574725 +pyongyang 574720 +chamonix 574468 +recycler 574464 +propriety 574461 +declarative 574454 +semaphore 574430 +attainable 574420 +carmarthenshire 574412 +hearsay 574382 +standardize 574340 +recyclable 574324 +knickers 574208 +roomy 574188 +overloading 574133 +brutus 574102 +angioplasty 574091 +fanboy 574076 +obscurity 574064 +colonists 573950 +matting 573938 +overflowing 573925 +capers 573876 +androgen 573862 +entice 573825 +kilogram 573782 +pacemaker 573772 +evaluators 573681 +tarball 573651 +nears 573618 +pah 573538 +lasso 573529 +soot 573490 +mog 573487 +yonder 573428 +virulence 573379 +standout 573329 +holley 573283 +bdrm 573184 +heretic 573176 +comparability 573133 +industrialization 573050 +cabana 573027 +draught 572982 +comical 572946 +generalizations 572942 +waiters 572903 +gasped 572887 +catwalk 572806 +geologists 572789 +caverns 572761 +boarder 572698 +pecos 572685 +blurry 572668 +minibus 572625 +bumping 572620 +unfunded 572521 +greets 572428 +kasey 572343 +ova 572242 +disbursed 572222 +waxes 572169 +ballooning 572153 +amplify 572038 +shitting 571996 +bevel 571985 +straining 571963 +congressmen 571962 +strapless 571902 +seduced 571872 +qualitatively 571866 +whitefish 571826 +flourished 571826 +ejection 571826 +cosplay 571731 +dodgy 571643 +parasitology 571637 +thymus 571613 +handlebar 571572 +lesbianism 571514 +angrily 571493 +locators 571456 +croquet 571392 +vacate 571365 +phytoplankton 571293 +neath 571177 +soundness 571173 +casseroles 571156 +generational 571038 +marquise 571007 +coppola 570947 +burrito 570930 +coriander 570822 +chopra 570694 +xxiii 570665 +protracted 570661 +montoya 570606 +siegfried 570589 +affaires 570494 +manipulative 570483 +hypnotize 570472 +eyelid 570411 +liaisons 570409 +backers 570374 +evocative 570353 +undeniable 570329 +taming 570317 +burch 570215 +chesterton 570161 +precluded 570150 +warlord 570147 +repressed 570118 +perforce 570099 +snider 569966 +barons 569865 +sichuan 569832 +wrigley 569758 +sensitivities 569661 +offshoring 569650 +boundless 569644 +hopelessly 569641 +bayes 569591 +amphibian 569502 +grandchild 569493 +substation 569476 +optically 569457 +sucre 569392 +ceasefire 569390 +pasteur 569321 +affine 569258 +valuables 569237 +indignation 569138 +sprinkled 569059 +menstruation 568953 +stuffs 568879 +hijacking 568873 +blurbs 568853 +antichrist 568853 +emptying 568836 +downsizing 568766 +subcutaneous 568736 +creatinine 568725 +factorization 568673 +reiterate 568668 +reliever 568592 +indenture 568576 +arlen 568563 +trailblazer 568494 +coney 568494 +himalayas 568487 +shocker 568444 +monopolies 568399 +sowing 568345 +ioctl 568268 +bronte 568259 +refrigerant 568258 +frills 568246 +wad 568187 +shearing 568179 +barkley 568157 +presidio 568126 +ruining 568101 +pinion 568048 +yew 568000 +roux 567980 +windward 567968 +haunts 567924 +rectangles 567852 +caseload 567784 +brawl 567755 +delirium 567749 +collaborator 567685 +unfounded 567645 +heroism 567544 +reflectors 567464 +rutledge 567427 +endorsing 567422 +qingdao 567373 +kiwanis 567289 +barrister 567264 +replicator 567216 +neglecting 567179 +assertive 567151 +aldershot 567129 +weirdness 567128 +oblast 567121 +saxony 567081 +glycogen 567003 +tain 567002 +selangor 567000 +vane 566982 +detainee 566979 +alienated 566940 +hoosier 566854 +tum 566807 +balearic 566782 +synagogues 566747 +toluene 566731 +tubal 566730 +longford 566703 +photocopies 566666 +photonic 566485 +tami 566451 +hijackers 566418 +entangled 566416 +mane 566268 +liberating 566218 +ultrasonography 566162 +embarking 566084 +alyson 566061 +possum 566038 +tonneau 566027 +cynicism 566023 +transgendered 565962 +bayonet 565835 +considerate 565833 +toxicological 565828 +extraneous 565823 +janitor 565779 +environs 565770 +obama 565739 +jermaine 565604 +platypus 565585 +karina 565556 +thereunder 565535 +kink 565510 +winton 565488 +reverses 565468 +multilayer 565457 +reunite 565367 +mohair 565343 +chore 565322 +steers 565315 +ravenna 565283 +crockery 565243 +juries 565211 +preemptive 565069 +guzman 565010 +legacies 564969 +subcontracting 564933 +communicators 564843 +embodiments 564809 +taskforce 564752 +theologians 564715 +pertussis 564707 +concentrator 564655 +astrophysical 564644 +pairwise 564633 +nagy 564632 +enticing 564554 +embankment 564483 +quadruple 564461 +crazed 564416 +xxii 564394 +filmstrip 564383 +shortcake 564371 +equipping 564364 +fondly 564334 +whither 564313 +counteract 564264 +sighs 564251 +tetracycline 564215 +discouraging 564172 +paramilitary 564112 +flipper 564088 +eyeball 564079 +outfitter 564070 +flasks 563990 +immunological 563977 +phenyl 563947 +preservative 563826 +famously 563800 +tribulation 563701 +bossier 563701 +franchisees 563686 +bridesmaids 563590 +rhea 563563 +raided 563537 +controllable 563524 +surfactant 563507 +telecommuting 563497 +culvert 563434 +prescriptive 563344 +salaried 563303 +spanner 563176 +firehouse 563098 +intolerant 563093 +rarities 563011 +puri 562911 +battled 562859 +karts 562850 +orthodontic 562807 +visors 562763 +obstructions 562728 +lithography 562718 +bonobo 562691 +proofreading 562652 +discredit 562526 +evokes 562522 +grotesque 562402 +artistes 562399 +dehydrated 562353 +initializing 562323 +perugia 562267 +waveguide 562210 +aussies 562148 +spoils 562007 +suburbia 561985 +optimally 561918 +monasteries 561836 +crucible 561747 +modena 561724 +generalize 561707 +polymorphisms 561676 +sexist 561675 +embryology 561609 +styrene 561584 +pronouns 561577 +alumnae 561573 +inducible 561562 +misconception 561546 +rudimentary 561512 +riesling 561461 +triage 561450 +sown 561441 +protege 561434 +beak 561383 +settler 561352 +mazatlan 561272 +silencer 561225 +rabble 561223 +rung 561161 +foreclosed 561139 +chernobyl 561112 +allergen 561033 +piped 560993 +orpheus 560918 +insurgent 560851 +crystallography 560845 +frosting 560844 +rightfully 560837 +gallbladder 560763 +nightwear 560749 +sconce 560741 +medici 560731 +marshals 560722 +drivetrain 560658 +skelton 560633 +ovaries 560629 +daddies 560504 +crumbling 560502 +impressionist 560436 +relegated 560404 +allotments 560354 +stagnant 560321 +follies 560249 +fairways 560195 +dells 560024 +lactic 559889 +cleanly 559873 +unclean 559843 +seizing 559841 +molasses 559840 +tablecloth 559793 +boson 559775 +milled 559693 +purifying 559532 +delineation 559512 +schooner 559495 +analgesic 559472 +dignified 559464 +numbness 559421 +geez 559306 +crocheted 559219 +machinist 559196 +anima 559141 +acetylcholine 559111 +apologized 559056 +meshes 559032 +pud 559022 +firsts 559005 +ferrets 558993 +grotto 558927 +wop 558906 +twas 558866 +menzies 558857 +agonists 558825 +eisner 558752 +loam 558710 +photometric 558540 +carnations 558424 +buzzer 558420 +rivets 558409 +hatching 558388 +graces 558332 +trams 558296 +vickie 558279 +tinnitus 558278 +corinne 558254 +adheres 558200 +collusion 558087 +libertarians 558019 +rawhide 557948 +downers 557935 +kevlar 557933 +sequestration 557860 +inositol 557774 +praia 557756 +follicle 557719 +knotted 557715 +agitated 557666 +indore 557649 +inspectorate 557647 +sorter 557591 +ultralight 557563 +misused 557511 +saudis 557504 +octal 557500 +relieves 557488 +debilitating 557447 +linguist 557433 +rigorously 557390 +erroneously 557341 +turku 557268 +centrifuge 557232 +especial 557190 +betray 557182 +dario 557158 +curators 557145 +marla 556982 +heywood 556977 +suspending 556969 +mormons 556828 +davids 556808 +projective 556791 +fandom 556784 +debacle 556654 +bennet 556649 +plantings 556598 +landmines 556584 +proclaiming 556541 +purposeful 556458 +undress 556329 +arbitrators 556318 +deakin 556289 +procrastination 556228 +gilligan 556219 +gauze 556178 +precepts 556093 +bronchial 556025 +constellations 555967 +gazed 555917 +skips 555853 +hmong 555849 +forceful 555765 +unilaterally 555763 +hypoglycemia 555733 +sodomy 555726 +magdalena 555630 +rut 555550 +revaluation 555420 +conditionally 555419 +moira 555353 +tenured 555349 +debentures 555252 +rfcs 555214 +acyl 555154 +hera 555100 +subterranean 555068 +galicia 555020 +dlr 554927 +amuse 554922 +villager 554896 +fixer 554896 +condensing 554824 +emanating 554768 +evesham 554713 +assassinated 554713 +untimely 554611 +baguette 554596 +haves 554576 +erections 554572 +associating 554535 +romp 554517 +overpriced 554501 +orbiting 554479 +idiom 554390 +tangle 554384 +legitimately 554365 +resubmit 554355 +congratulated 554293 +yunnan 554202 +couriers 554201 +rah 554164 +saggy 554140 +unwelcome 554108 +subtypes 554068 +concurred 553997 +vasquez 553987 +upsets 553892 +northbound 553891 +sceptre 553865 +cardigans 553850 +confederacy 553823 +taglines 553810 +usernames 553790 +matinee 553768 +snatched 553712 +plunder 553689 +midweek 553652 +impromptu 553624 +rialto 553600 +durations 553596 +bustle 553596 +trawl 553588 +shredding 553533 +risers 553448 +searchers 553428 +gamut 553397 +czar 553393 +unedited 553318 +shattering 553294 +inhaler 553285 +refute 553232 +granularity 553212 +albatross 553191 +formalized 553151 +retraining 553125 +certificated 552911 +amphibious 552903 +spicer 552873 +mush 552867 +shudder 552841 +surfboard 552808 +eyesight 552771 +parson 552694 +infidelity 552693 +garfunkel 552666 +firemen 552655 +handguns 552606 +ideograph 552568 +contrived 552567 +papillon 552534 +exhausts 552501 +opposites 552468 +dreamers 552467 +citywide 552455 +stingray 552405 +toscana 552379 +franchisee 552339 +foal 552193 +hesse 552154 +slinky 552098 +hesitated 552047 +weatherproof 552016 +precarious 551985 +testifying 551790 +postmenopausal 551725 +topographical 551708 +instructing 551625 +dreary 551606 +tuxedos 551602 +batters 551521 +minivans 551415 +crispin 551401 +yerevan 551363 +horrid 551326 +scraper 551301 +dryness 551208 +wreckage 551081 +decl 551048 +paras 551039 +lombardi 551017 +gophers 550942 +brando 550939 +multifunctional 550923 +noes 550899 +relist 550898 +haworth 550853 +dockers 550835 +captives 550815 +screwdrivers 550806 +despised 550781 +guitarists 550780 +conqueror 550776 +innocents 550766 +manta 550732 +christa 550700 +unprepared 550682 +dost 550675 +surfboards 550551 +deteriorate 550543 +compo 550501 +treacherous 550477 +filet 550472 +infidel 550445 +volley 550438 +carnal 550376 +larceny 550282 +midpoint 550233 +malagasy 550164 +versed 550146 +standardisation 550059 +matlock 550040 +nair 550039 +confronts 550037 +polymorphic 550026 +phenomenology 549995 +substantiated 549969 +cred 549898 +lorry 549887 +recaps 549885 +parliaments 549876 +mitigated 549808 +resolver 549729 +youngster 549722 +enigmatic 549719 +anthropologist 549689 +opcode 549650 +bridle 549609 +revamp 549489 +herbarium 549452 +stretcher 549362 +arista 549323 +unknowns 549216 +kean 549193 +leila 549151 +berliner 548939 +chamomile 548922 +mobilizing 548814 +wayland 548679 +effecting 548639 +ecol 548572 +hallucinations 548492 +unravel 548449 +jayson 548418 +prostatic 548402 +smugglers 548326 +intimidate 548321 +rubens 548286 +oppenheimer 548284 +android 548244 +galilee 548227 +primaries 548226 +frenchman 548217 +converges 548216 +anisotropic 548152 +tiller 547999 +ambrosia 547978 +springboard 547972 +orifice 547964 +rubella 547935 +constitutive 547872 +bragging 547836 +hordes 547773 +guggenheim 547747 +sapphic 547745 +showcased 547620 +beryl 547615 +cooperatively 547557 +oshawa 547498 +forerunner 547456 +grinning 547388 +triplets 547289 +billionaire 547268 +leucine 547247 +jobless 547242 +slingshot 547235 +cutout 547177 +disgruntled 547163 +slashed 547151 +watchful 547093 +resurrected 547014 +appalled 546911 +skyscrapers 546909 +silenced 546848 +vanities 546813 +beecher 546750 +evaporated 546714 +democratization 546665 +affliction 546664 +intestines 546612 +cilantro 546588 +terracotta 546510 +garvey 546494 +saute 546457 +dicaprio 546383 +schuyler 546361 +idyllic 546274 +gilliam 546244 +certiorari 546237 +satchel 546210 +contributory 546087 +peruse 546052 +giggles 546025 +revel 546018 +alleys 545964 +crucifixion 545878 +suture 545876 +jacobi 545871 +buford 545539 +balfour 545483 +madly 545418 +stiller 545339 +experimented 545333 +calipers 545274 +penalized 545272 +pyruvate 545225 +loggers 545185 +steeped 545166 +kissinger 545138 +whew 545112 +orchestrated 545088 +gripe 545043 +summa 545031 +eyelids 544998 +conformational 544957 +choreographer 544863 +impressionism 544835 +thereupon 544789 +archers 544641 +steamers 544633 +bubbling 544616 +forbids 544611 +disdain 544536 +exhausting 544523 +absurdity 544495 +magnified 544491 +horsemen 544447 +alabaster 544438 +reigning 544415 +deane 544368 +abnormality 544301 +zara 544286 +varicose 544285 +newtonian 544275 +genova 544253 +bribes 544178 +kidnap 544164 +coercive 544162 +romanticism 544125 +federations 544021 +urination 544007 +cautionary 543828 +escalate 543764 +spotters 543738 +reinstate 543660 +mitral 543640 +unthinkable 543523 +lowly 543486 +antisocial 543419 +gangsters 543337 +daemons 543331 +outburst 543324 +foundational 543288 +scant 543285 +mattered 543236 +fitzroy 543222 +huntley 543198 +kanpur 543175 +raspberries 543159 +sorely 543086 +pail 542968 +isotropic 542963 +enlaces 542901 +obtainable 542833 +rubinstein 542826 +elvira 542816 +flier 542812 +mastiff 542726 +drummers 542634 +carcinogenic 542625 +reformer 542609 +mercado 542582 +solemnly 542502 +dekker 542436 +supercharged 542418 +liberally 542405 +dahlia 542383 +primavera 542302 +timescale 542282 +concentric 542281 +fico 542275 +loin 542236 +overwritten 542184 +kor 542161 +unwarranted 542055 +marmalade 542036 +terminally 542033 +sandoval 541923 +breyer 541920 +kochi 541899 +pirated 541893 +applauded 541860 +leavers 541859 +ravine 541765 +aquifers 541598 +rescuers 541516 +exponents 541488 +revitalize 541413 +brice 541413 +californians 541233 +procuring 541222 +permeable 541165 +pours 540889 +napalm 540829 +leer 540734 +nave 540726 +racetrack 540692 +arranges 540677 +riveting 540655 +absorbers 540636 +valhalla 540625 +biweekly 540617 +adoration 540601 +hows 540560 +derailed 540511 +amity 540428 +superiors 540373 +decanter 540350 +starve 540312 +leek 540296 +shortness 540171 +fid 540082 +monologues 540049 +subroutines 540026 +subspecies 540016 +fronted 539979 +lightest 539862 +banquets 539857 +picnics 539733 +compulsion 539715 +prerogative 539699 +broiler 539610 +ctn 539583 +akbar 539549 +abscess 539538 +paraphernalia 539519 +heretofore 539456 +skimpy 539449 +memento 539411 +lina 539408 +reflexive 539275 +tumbled 539245 +masterful 539218 +insoluble 539192 +drool 539170 +exchangers 539105 +sepsis 538965 +oscillators 538862 +choline 538818 +doolittle 538798 +trikes 538795 +removers 538753 +diffuser 538713 +rouble 538678 +kamasutra 538634 +postnatal 538524 +repressive 538468 +koizumi 538457 +clos 538455 +sweeter 538443 +mattie 538409 +spilling 538379 +tallied 538377 +niggas 538350 +saucers 538238 +keying 538196 +ballpoint 538137 +lupin 538085 +eidos 538029 +gondola 538006 +computerised 537990 +munoz 537916 +elizabethan 537873 +orienteering 537789 +spines 537700 +puss 537622 +podiatry 537614 +truffle 537610 +amphitheatre 537609 +taka 537576 +stupendous 537480 +flutter 537468 +kalahari 537466 +acumen 537435 +blockage 537432 +shiver 537359 +lumiere 537343 +shatter 537328 +obstet 537302 +pickled 537175 +cliche 537105 +tolar 537047 +chlorinated 536987 +hades 536971 +hypothesized 536962 +superimposed 536936 +upbringing 536930 +burdened 536893 +newry 536809 +zonal 536783 +unsustainable 536766 +maas 536742 +interdependent 536723 +civics 536690 +literals 536638 +unanticipated 536616 +randal 536592 +seminoles 536579 +tabulated 536537 +dandelion 536527 +workloads 536507 +chemo 536433 +nuance 536418 +pretrial 536326 +rotator 536238 +myosin 536215 +classmate 536177 +catechism 536172 +carpool 536160 +honky 536122 +driftwood 536080 +rosalind 536035 +armpits 536022 +caruso 535948 +joysticks 535935 +visualized 535925 +clitoral 535832 +anointed 535681 +mythological 535673 +convertibles 535667 +interspersed 535642 +horseman 535405 +oscilloscope 535361 +nervously 535312 +intruders 535253 +dictators 535230 +levees 535147 +chaparral 535132 +decaying 535123 +hillel 535101 +pacheco 535060 +slacker 535041 +muses 535008 +bandana 534893 +padlock 534885 +oars 534885 +gilead 534875 +classed 534847 +informer 534834 +pentecostal 534827 +freer 534734 +extrapolation 534730 +fennel 534724 +telemark 534719 +calabria 534673 +dismantled 534661 +overcame 534653 +exertion 534586 +solidly 534492 +flywheel 534433 +affidavits 534419 +weaves 534416 +chimera 534360 +handkerchief 534356 +futons 534316 +interviewees 534271 +foaming 534246 +tailors 534239 +barbarians 534239 +splendour 534238 +ital 534178 +sheriffs 534165 +tassel 534111 +admiring 534106 +nondiscrimination 534079 +harmonized 534046 +khartoum 534040 +leans 533946 +fixings 533926 +leith 533913 +kickboxing 533886 +baffled 533868 +deming 533849 +deactivated 533780 +wasteful 533777 +oligonucleotide 533735 +golgi 533726 +hertford 533691 +stopwatch 533682 +tripoli 533655 +maroc 533651 +subscript 533645 +refraction 533614 +grainger 533610 +substandard 533570 +penzance 533555 +fillets 533526 +aztecs 533509 +phoned 533497 +consults 533497 +convener 533449 +dailies 533406 +maury 533315 +foils 533300 +retract 533226 +commercialisation 533184 +cardinality 533090 +inaudible 533047 +nurtured 532990 +frantically 532981 +buoys 532923 +insurances 532915 +tinting 532889 +bushings 532686 +radionuclide 532661 +typeface 532621 +disintegration 532584 +changeover 532525 +termites 532490 +theologian 532469 +decryption 532436 +aquitaine 532361 +sigmund 532302 +individualism 532234 +starboard 532189 +precludes 532183 +burdensome 532141 +alexei 532128 +protestors 532067 +signings 532064 +brest 532054 +renown 532051 +murky 532036 +parnell 532008 +abl 531961 +truthfully 531942 +tongs 531760 +perpetuate 531738 +cyborg 531731 +vigo 531723 +yanks 531722 +clot 531650 +imprints 531640 +cabal 531622 +inflationary 531530 +interwoven 531489 +beggar 531456 +cuddle 531391 +pard 531358 +workbooks 531345 +fallback 531340 +permutations 531337 +extinguished 531285 +downer 531275 +silhouettes 531191 +transferee 531097 +quantitatively 531097 +abundantly 531094 +declination 531042 +sheepdog 531037 +cameraman 531013 +pinochet 530982 +replicating 530836 +excesses 530820 +mucous 530783 +poked 530699 +slashes 530627 +renovating 530576 +paralympic 530574 +cakewalk 530525 +stinks 530420 +blackfoot 530299 +caricatures 530268 +artiste 530213 +slicer 529901 +repose 529829 +hasten 529792 +tendered 529782 +temperance 529773 +sandburg 529741 +risque 529634 +operable 529630 +resembled 529601 +guerrillas 529563 +helpfulness 529518 +omitting 529384 +anzac 529381 +earthy 529313 +rabbis 529276 +mendelssohn 529262 +adored 529243 +embellished 529217 +feathered 529207 +aggrieved 529207 +photojournalism 529167 +assisi 529132 +aggravating 529126 +centaur 529060 +rapist 529000 +insulted 528901 +pratchett 528867 +climatology 528858 +prioritization 528794 +pinhole 528793 +bioengineering 528779 +fugitives 528765 +dirac 528757 +alveolar 528752 +lewinsky 528689 +passe 528622 +anecdote 528528 +exorcist 528473 +biofeedback 528471 +honduran 528447 +partake 528425 +pseudonym 528325 +douche 528261 +altitudes 528260 +resistive 528207 +carolinas 528204 +chubb 528168 +snooper 528147 +strikingly 528013 +firepower 527957 +unmodified 527849 +keystroke 527840 +joyner 527683 +rancher 527626 +grocers 527586 +simulates 527549 +flathead 527541 +vesting 527458 +misspelled 527420 +headcount 527353 +panache 527342 +hallelujah 527297 +morn 527290 +cayuga 527234 +nob 527204 +bodyguard 527109 +gnats 527105 +gubernatorial 527080 +solon 527040 +bauhaus 526946 +detract 526815 +sarawak 526790 +sparky 526786 +portraying 526784 +sysop 526687 +factored 526631 +pitted 526572 +enlarging 526472 +eula 526465 +wrecks 526445 +polymeric 526380 +bombardment 526342 +salivary 526331 +buckner 526321 +dares 526302 +circadian 526142 +analgesics 526137 +flintshire 526117 +siesta 526110 +satirical 526088 +phenotypic 526049 +paar 526032 +pelagic 526004 +agronomy 526000 +antoinette 525982 +cynic 525906 +weightlifting 525901 +amenable 525863 +yugo 525806 +audiophile 525736 +runways 525612 +frowned 525610 +motorcycling 525603 +testbed 525548 +sass 525529 +fingerprinting 525484 +tasking 525455 +rout 525451 +emulated 525423 +pus 525387 +tweaked 525365 +rubies 525361 +phonological 525332 +hatched 525318 +sketching 525200 +faridabad 525195 +snappy 525121 +hypocritical 525120 +trample 525057 +colonic 525019 +courtship 524964 +zircon 524912 +cupboards 524906 +ploy 524632 +tolerable 524562 +spellings 524560 +magi 524549 +canopus 524540 +brescia 524519 +alonzo 524504 +attenuated 524381 +wattage 524330 +puke 524316 +inefficiency 524302 +expeditionary 524266 +amortized 524228 +truckee 524212 +humanistic 524179 +travelogue 524172 +triglycerides 524165 +shotguns 524142 +discounting 524118 +booms 524101 +thirties 524053 +swipe 524034 +dionne 524011 +demented 523930 +bonaparte 523780 +upkeep 523744 +truncation 523702 +musketeers 523597 +harrods 523593 +twickenham 523527 +glee 523509 +downgrade 523487 +biliary 523440 +dumpster 523433 +universalist 523377 +resized 523228 +yorkie 523218 +japonica 523160 +rehnquist 523138 +megabyte 523109 +forgets 523069 +ginsberg 523035 +vivienne 522981 +grapple 522941 +lowlands 522901 +inseam 522873 +stimulants 522738 +pressurized 522666 +sld 522656 +faves 522653 +greenery 522463 +proverbial 522327 +histological 522218 +clays 522200 +honeycomb 522145 +tranquillity 522131 +denier 522095 +udo 522085 +reopening 522061 +monastic 522059 +uncles 522032 +eph 522018 +soared 522016 +quantifying 521991 +householders 521937 +nestor 521921 +fumbles 521802 +nitrite 521790 +catchers 521787 +mouser 521786 +impediment 521719 +pesto 521625 +hel 521616 +anarchists 521598 +ponderosa 521564 +transitioning 521513 +whoops 521504 +perilous 521498 +devonshire 521495 +tanto 521483 +catamaran 521463 +preoperative 521435 +violets 521391 +nether 521363 +helios 521342 +wheelbase 521303 +monomer 521251 +nomads 521242 +biennium 521176 +coho 521165 +ramble 521153 +quartile 521119 +hexagon 521031 +geodetic 520927 +ambulances 520856 +hams 520778 +ahmadinejad 520729 +lubes 520715 +consensual 520709 +altimeter 520696 +idiotic 520570 +sharpener 520516 +cerberus 520431 +ascorbic 520414 +bering 520372 +dichotomy 520273 +formosa 520122 +covalent 520122 +erg 520108 +cantrell 520107 +tarpon 520099 +bough 520067 +hoot 520039 +herewith 520021 +radix 520001 +workmen 519975 +nerf 519972 +grist 519954 +policyholders 519933 +racecourse 519908 +extraterrestrial 519864 +servicemen 519821 +duster 519771 +pronoun 519635 +phylogeny 519625 +signer 519577 +plankton 519467 +sloth 519428 +steely 519388 +pkt 519372 +pulleys 519294 +sublets 519233 +fates 519225 +stews 519188 +cleanups 519162 +flowchart 519109 +tacky 519106 +sauk 519050 +nourishment 519014 +gravitation 518971 +antiwar 518947 +loophole 518925 +drags 518855 +benetton 518831 +menopausal 518820 +retrograde 518799 +relive 518779 +sade 518768 +exaggeration 518741 +shadowy 518730 +liquors 518686 +reproducibility 518602 +archangel 518576 +abalone 518562 +creases 518489 +primordial 518353 +nourish 518307 +geometries 518295 +uplifted 518223 +quirks 518148 +crayola 518000 +acceptor 517979 +precondition 517932 +percival 517918 +padova 517902 +gingham 517865 +gossamer 517806 +teasers 517803 +hairdresser 517732 +consumerism 517715 +plover 517710 +mow 517690 +boneless 517668 +disliked 517659 +leinster 517640 +impurity 517636 +intracranial 517625 +solute 517518 +tupperware 517500 +worshipping 517494 +mumps 517472 +chasm 517410 +haggis 517401 +electromechanical 517397 +styli 517320 +whipple 517242 +greenish 517156 +regiments 517093 +rockaway 516971 +exhibitionist 516962 +selfishness 516960 +woolley 516952 +reactionary 516934 +adriatic 516843 +bott 516827 +godiva 516824 +ejected 516726 +grappling 516692 +hammering 516690 +masculinity 516630 +mingling 516622 +earnestly 516566 +capitalizing 516482 +scribes 516413 +monologue 516277 +browsed 516248 +vive 516213 +bundling 516208 +mencken 516116 +dagenham 516082 +codename 516052 +clem 516016 +littered 515939 +acutely 515934 +profess 515888 +razors 515834 +rearrange 515809 +warfarin 515790 +legumes 515772 +speculated 515724 +overheating 515689 +inflate 515640 +worded 515624 +quant 515573 +fleshy 515537 +copywriter 515456 +desirability 515437 +bodybuilder 515398 +poss 515378 +fleischer 515170 +sundown 515154 +rasta 515109 +ravel 515098 +flycatcher 515073 +persistently 515059 +decoy 514956 +balsam 514937 +bombshell 514928 +baruch 514672 +kale 514661 +huck 514551 +verdicts 514499 +horrendous 514498 +complainants 514414 +fabricating 514366 +authorise 514314 +outcry 514311 +eyeglass 514260 +cyberpunk 514234 +waterside 514215 +pecans 514201 +grime 514156 +whitehorse 514136 +extortion 514104 +juke 514099 +schnauzer 514083 +hairdressers 514023 +cordon 514009 +prioritized 513976 +rabin 513910 +idealistic 513900 +workday 513832 +eared 513815 +earphone 513796 +hypermedia 513761 +cutlass 513706 +jinx 513630 +illiteracy 513610 +carcinogens 513567 +greyhounds 513490 +addressee 513417 +amalgamation 513407 +informants 513364 +tics 513267 +sublimation 513241 +preponderance 513239 +cowardly 513225 +harnessing 513221 +pretentious 513208 +extenders 513189 +cervantes 513060 +wielding 513003 +gusto 512932 +maidens 512909 +weimar 512871 +maia 512861 +messianic 512854 +generalist 512816 +humbly 512799 +gastronomy 512744 +huckleberry 512730 +langue 512557 +unworthy 512430 +expectant 512397 +catheters 512352 +azerbaijani 512327 +footy 512263 +joinery 512230 +wasatch 512195 +octagon 512182 +equates 512180 +azalea 512162 +jeannette 512149 +fruition 512138 +florentine 512090 +tacos 512088 +dwelt 512083 +misspellings 511972 +trivandrum 511957 +oberon 511914 +magnetics 511835 +halide 511816 +enslaved 511814 +vil 511793 +cathay 511749 +metabolite 511744 +genders 511585 +headgear 511580 +gretzky 511570 +jura 511523 +harming 511509 +insole 511475 +kano 511447 +thurrock 511406 +correspondingly 511369 +principled 511349 +legalized 511346 +predicament 511344 +hilly 511265 +namibian 511236 +aisles 511227 +slacks 511225 +trusty 511192 +subtropical 511155 +sager 511124 +gratuitous 511122 +fatally 511107 +caged 511070 +subcommittees 511016 +ephemeral 510994 +radium 510988 +dissimilar 510952 +mutilation 510928 +prawn 510828 +phylum 510826 +mephisto 510818 +waveforms 510793 +algal 510781 +waging 510771 +infringed 510768 +gimmicks 510762 +reparations 510714 +overwhelm 510702 +cognizant 510689 +trondheim 510662 +andalusia 510616 +phenix 510567 +rowdy 510507 +popes 510461 +rena 510455 +bravely 510443 +sportsmen 510420 +ethically 510391 +puffin 510270 +shaper 510139 +locksmiths 510111 +stumbles 510097 +lichfield 510088 +cheater 510063 +clematis 510050 +slashing 510026 +leger 509988 +torus 509986 +cotta 509908 +incomprehensible 509864 +suez 509786 +clogged 509657 +vignettes 509573 +fluctuating 509563 +raping 509457 +shipboard 509427 +leashes 509356 +labourers 509306 +paganism 509181 +fido 509177 +sounder 509167 +practicality 509159 +caledonian 509064 +hegel 508988 +pancreatitis 508964 +filigree 508782 +stench 508722 +bypassing 508703 +chock 508651 +cursing 508585 +messier 508539 +wickedness 508529 +edson 508455 +crouching 508443 +blenheim 508417 +attila 508339 +emits 508331 +trigonometry 508298 +flanges 508279 +bowlers 508278 +culminated 508157 +thefts 508153 +keypads 508028 +campanile 507938 +vassar 507917 +regress 507903 +spanned 507808 +closeness 507775 +minutemen 507744 +redeeming 507693 +polity 507689 +hough 507632 +ingested 507602 +hypothyroidism 507589 +boyfriends 507582 +baroda 507376 +scriptural 507361 +cybernetics 507274 +transylvania 507244 +rappers 507215 +discontinuation 507188 +elgar 507155 +obscenity 507129 +cumulus 507081 +gaul 507054 +heartache 507049 +reigned 507033 +entitles 506989 +klan 506983 +exacting 506966 +offsetting 506951 +wanton 506943 +airmen 506894 +ionizing 506869 +enforces 506807 +morphy 506800 +bookmaker 506794 +curio 506765 +hookers 506732 +amalgam 506720 +necessitate 506706 +locket 506690 +aver 506675 +commemorating 506636 +notional 506632 +bechtel 506627 +reconciling 506625 +desolation 506621 +zambian 506615 +reinhardt 506598 +gander 506552 +bendix 506512 +bastille 506482 +magnetometer 506459 +populist 506411 +traceable 506358 +renfrew 506352 +chautauqua 506322 +voila 506278 +mnemonic 506254 +interviewers 506241 +invariance 506198 +darkly 506092 +faithfulness 506045 +resourceful 505988 +pleural 505955 +mediating 505915 +heraldry 505866 +incomparable 505857 +resonator 505834 +dilated 505813 +provincetown 505777 +angered 505765 +surpluses 505758 +condone 505681 +finisher 505570 +mademoiselle 505561 +quartets 505529 +anthropogenic 505418 +constitutionality 505404 +thermos 505376 +macroscopic 505375 +viscount 505353 +preliminaries 505327 +geopolitical 505318 +devolved 505254 +liquefied 505224 +varietal 505144 +alcatraz 505100 +streamed 505032 +gorillas 504994 +resorting 504977 +garters 504865 +juarez 504856 +adamant 504722 +pontoon 504691 +epidural 504622 +luisa 504596 +teardrop 504587 +tableau 504587 +anion 504530 +numeral 504498 +orthodontics 504462 +vernal 504458 +tabby 504455 +claddagh 504425 +therm 504374 +myeloid 504353 +napoleonic 504318 +tennyson 504309 +pugs 504309 +rubicon 504277 +sprocket 504269 +unilever 504214 +sima 504171 +disorderly 504137 +workflows 504063 +tala 504032 +ivanhoe 503970 +destroyers 503910 +ayala 503909 +analogies 503882 +kami 503825 +frigate 503810 +tasha 503803 +nikkei 503803 +instalment 503732 +dazed 503682 +bicentennial 503665 +radiologic 503641 +mineralogy 503559 +harrier 503519 +oireachtas 503405 +adjusters 503362 +sentient 503354 +olympiad 503350 +allende 503327 +sited 503306 +entrust 503276 +strainer 503244 +paragliding 503170 +whitetail 503167 +astrid 503042 +tripled 503030 +puffs 502996 +overpayment 502985 +faeroe 502955 +burying 502926 +blatantly 502911 +dispatching 502850 +chicano 502803 +chongqing 502746 +applicators 502713 +erasing 502708 +fleer 502699 +deuces 502610 +dalian 502563 +cyclops 502531 +gunfire 502511 +veritable 502493 +posterity 502409 +percutaneous 502405 +cols 502374 +keenly 502306 +healthful 502235 +leann 502186 +repealing 502134 +gourd 502106 +metronome 502084 +groaned 502066 +ferocious 502058 +voicing 501969 +fliers 501959 +mons 501913 +grouper 501815 +negate 501814 +sacrificial 501793 +defies 501766 +intrastate 501739 +abnormally 501580 +moped 501534 +resuming 501512 +appointees 501505 +bruising 501476 +bunkers 501465 +refrigerate 501418 +flogging 501345 +religiously 501327 +warlords 501256 +hatteras 501240 +encroachment 501206 +cochlear 501173 +seaboard 501160 +janelle 501141 +alphabets 501128 +foldable 501058 +laplace 501040 +hydroponics 501013 +precast 501005 +purest 500985 +southerly 500951 +humiliated 500872 +unearthed 500859 +cataracts 500751 +westerners 500718 +volunteerism 500581 +subordinates 500578 +hor 500550 +newham 500496 +radiographic 500456 +kinematics 500456 +errol 500449 +vagabond 500432 +isobaric 500386 +personalise 500168 +consecrated 500157 +oscillating 500079 +patenting 500046 +reciprocating 500043 +subcellular 499961 +jib 499948 +bodice 499917 +foray 499808 +opiate 499790 +harmonisation 499707 +dunfermline 499700 +unmistakable 499660 +caritas 499620 +filly 499537 +rhubarb 499529 +milt 499484 +silencing 499449 +ragtime 499380 +adopters 499368 +philo 499316 +aesop 499263 +hab 499158 +synthesizers 499143 +vulva 499113 +minuteman 498989 +diminishes 498966 +zinfandel 498940 +mayoral 498916 +fortis 498896 +tidings 498841 +sneaking 498814 +honeys 498804 +interlink 498731 +unassisted 498714 +greening 498704 +insidious 498680 +dike 498600 +immutable 498595 +silvery 498555 +croton 498542 +depots 498539 +guevara 498466 +nodding 498441 +automakers 498324 +misrepresented 498201 +overtake 498189 +semicolon 498071 +bubbly 498054 +substantiate 497837 +algiers 497778 +ques 497765 +nodal 497653 +templar 497645 +unbeaten 497426 +cedars 497358 +fortitude 497342 +aloft 497342 +sheeting 497248 +hallways 497169 +mated 497140 +wart 497136 +snooze 497075 +hollander 497019 +kestrel 497006 +prawns 496933 +nonpartisan 496929 +naps 496868 +ruffled 496847 +armament 496826 +eldon 496770 +plums 496751 +palomar 496734 +revisiting 496718 +fairer 496708 +hoppers 496700 +onscreen 496690 +distillers 496678 +enterprising 496658 +cocksuckers 496570 +hypertensive 496525 +chinchilla 496483 +transformational 496442 +sailboats 496436 +heisman 496404 +jct 496388 +prides 496383 +exemplifies 496379 +arrhythmia 496374 +grafting 496263 +smoothness 496233 +trinket 496217 +tolstoy 496213 +asperger 496194 +transpose 496158 +neutralize 496130 +microeconomics 496074 +kafka 496055 +telly 496040 +grandstand 496011 +slurp 495920 +playwrights 495871 +wishful 495862 +allocator 495852 +ila 495837 +herod 495832 +instantiated 495824 +trailed 495781 +habitation 495770 +rogues 495745 +speechless 495724 +expanse 495684 +stylists 495661 +hippies 495633 +preside 495621 +pul 495593 +larkspur 495550 +arles 495534 +kea 495514 +colette 495511 +delightfully 495482 +motherwell 495471 +oeuvres 495455 +neocon 495398 +mussel 495250 +concealment 495239 +diwali 495234 +unruly 495055 +accrediting 495041 +stapler 495009 +pheromones 494997 +bisexuals 494918 +ozzie 494900 +cutest 494845 +uncompromising 494819 +moriarty 494818 +obstruct 494816 +unbounded 494813 +coincided 494775 +quinton 494719 +encased 494670 +undertaker 494658 +printouts 494637 +flickering 494623 +tempt 494586 +credentialing 494584 +scalloped 494577 +etudes 494514 +gurney 494513 +gush 494498 +schweitzer 494483 +saddened 494456 +geochemical 494441 +digitizing 494394 +organically 494320 +bathe 494252 +scarred 494189 +ignited 494043 +crowding 494039 +patna 493976 +rootkit 493905 +spearhead 493900 +leonid 493887 +sunnis 493865 +reticulum 493845 +dulcimer 493843 +coronal 493704 +transparently 493693 +freeform 493641 +tantric 493630 +gladiators 493557 +lifter 493542 +krebs 493522 +ogle 493507 +scrooge 493397 +stallone 493357 +pula 493339 +aeroplane 493334 +trudeau 493327 +buss 493314 +nagging 493272 +fatherhood 493235 +debussy 493212 +reflexes 493201 +contemporaneous 493151 +precipitated 493058 +hiss 493054 +outlawed 493039 +injuring 492971 +bellow 492951 +magnetization 492942 +girth 492919 +aitken 492856 +millers 492846 +clerics 492827 +poppies 492826 +inlaid 492826 +busses 492807 +notched 492786 +underpin 492734 +baldness 492702 +dumbledore 492696 +didactic 492687 +lillie 492645 +delicately 492625 +yip 492531 +irritability 492505 +pullout 492448 +provocation 492334 +lustrous 492303 +reeling 492289 +birdhouse 492279 +peacekeepers 492178 +desertification 492156 +rimming 492108 +rennes 492071 +crests 492071 +solent 492069 +propylene 491997 +loafers 491996 +fuelled 491974 +slapping 491918 +horrifying 491916 +toffee 491876 +riemann 491833 +squires 491801 +insures 491741 +slaying 491722 +mahatma 491695 +mubarak 491681 +chiron 491643 +pippin 491563 +frauds 491526 +eire 491348 +geller 491229 +parliamentarians 491228 +inadvertent 491195 +utes 491093 +lobes 491048 +homophobia 491022 +winches 490997 +centralia 490989 +hoaxes 490943 +hillingdon 490900 +hairspray 490874 +minn 490833 +thundering 490825 +remus 490808 +coals 490751 +succulent 490747 +heartily 490746 +hic 490659 +gisborne 490636 +yellowish 490629 +grafts 490594 +unsuccessfully 490587 +hillbilly 490582 +intifada 490579 +moderne 490566 +carina 490507 +brunel 490466 +moustache 490460 +externalities 490437 +lobsters 490418 +balsamic 490403 +classically 490379 +eventful 490326 +calorimeter 490308 +necked 490302 +idiopathic 490278 +feasts 490244 +stiletto 490209 +unidirectional 490154 +westbound 490148 +teacup 490146 +rebekah 490061 +layla 490034 +cabinetry 489988 +suarez 489942 +alvarado 489844 +stipulates 489816 +secession 489768 +optimizes 489765 +ald 489710 +countered 489682 +toques 489646 +rayleigh 489602 +instinctively 489600 +dropouts 489585 +gamecocks 489559 +conspiracies 489550 +chapels 489542 +sinusitis 489399 +rusk 489388 +fractals 489367 +depressants 489353 +tryouts 489341 +rushmore 489324 +minions 489305 +adapts 489293 +brunt 489270 +infraction 489190 +gory 489190 +glens 489161 +strangest 489136 +stagnation 489059 +displace 489049 +countrymen 488958 +dissidents 488884 +iterate 488875 +ember 488846 +neolithic 488818 +perishable 488808 +lyra 488780 +vetoed 488671 +uruguayan 488650 +proteus 488496 +simian 488490 +denoting 488432 +apiece 488388 +jeanie 488365 +gammon 488354 +storming 488160 +islet 488105 +universes 488084 +ganglia 488078 +conduits 488074 +headway 488012 +ghanaian 487916 +resonances 487858 +friars 487835 +subjectivity 487811 +maples 487774 +alluring 487763 +cobble 487693 +spode 487640 +buzzard 487611 +bony 487592 +plunger 487501 +halting 487495 +sana 487418 +halley 487408 +bookends 487398 +klingon 487394 +cranks 487365 +lowery 487328 +headwaters 487237 +histograms 487210 +reviving 487176 +moll 487169 +netherland 487113 +burrow 487085 +universality 487084 +veranda 486976 +disposals 486939 +mosul 486917 +underrated 486863 +hyphen 486821 +glycoproteins 486771 +insatiable 486741 +exquisitely 486722 +unsorted 486715 +unfriendly 486702 +scorsese 486631 +hatches 486551 +christened 486529 +grampian 486515 +actuality 486439 +teased 486402 +detain 486373 +attica 486254 +immunisation 486253 +eyelets 486219 +swordfish 486206 +legals 486196 +flatten 486144 +homogeneity 486125 +savant 486069 +appreciating 486016 +recreated 486012 +leaded 486003 +hunan 485938 +supersonics 485909 +stinging 485905 +gulls 485882 +vinaigrette 485867 +prescribes 485710 +sultry 485693 +sinned 485674 +globular 485671 +asiatic 485649 +unreadable 485625 +macaulay 485594 +balsa 485561 +depositing 485544 +brasserie 485518 +salton 485490 +engravings 485302 +showering 485253 +peepshow 485247 +fanatical 485238 +caper 485193 +givens 485183 +pecuniary 485145 +vintages 485118 +predicated 485103 +ozarks 485034 +montezuma 485003 +prehistory 484972 +lentils 484962 +histidine 484959 +quack 484886 +drape 484861 +tectonics 484840 +lorentz 484830 +distributive 484820 +sharps 484734 +bruges 484659 +gilberto 484646 +grooms 484582 +doomsday 484561 +otters 484545 +mews 484522 +ousted 484515 +scarring 484512 +daydream 484418 +bicarbonate 484404 +cask 484364 +grocer 484332 +dietitian 484287 +speedily 484268 +harriman 484173 +auberge 484164 +negroes 484146 +paprika 484128 +chases 484101 +intervened 484086 +biden 483936 +disallowed 483932 +resourcing 483845 +mezzo 483806 +orbison 483768 +geffen 483755 +incarnate 483674 +chimneys 483644 +novella 483623 +preoccupied 483610 +brie 483604 +hither 483579 +diggers 483579 +glances 483569 +silos 483560 +tyrants 483557 +shortstop 483444 +giddy 483433 +denounce 483368 +entertainments 483325 +dordrecht 483282 +permissive 483200 +nehru 483117 +disposables 483091 +oaths 483079 +furness 483062 +ripples 483042 +bloodshed 482924 +maw 482918 +odometer 482886 +upsetting 482854 +durante 482765 +druids 482755 +rodger 482685 +oxen 482660 +griddle 482453 +nascent 482442 +multipliers 482324 +reinforcements 482320 +precept 482252 +salerno 482244 +pavements 482193 +couplers 482193 +aftershaves 482193 +murmured 482182 +rehabilitate 482177 +patina 482158 +propellers 482155 +sousa 482037 +violinist 482034 +phonology 482020 +plasmodium 481965 +himalaya 481965 +gibbon 481964 +gratifying 481958 +bums 481923 +undersea 481909 +delirious 481853 +excepting 481850 +unlawfully 481827 +vanadium 481800 +wilkerson 481733 +riverboat 481694 +urchin 481596 +polygamy 481475 +unstoppable 481395 +pedometer 481386 +utterances 481384 +devising 481378 +shortfalls 481355 +bookmarking 481351 +sustains 481307 +barbershop 481271 +woodman 481163 +gravely 481149 +idiosyncratic 480972 +errands 480940 +hells 480906 +floppies 480859 +tashkent 480847 +cartes 480824 +kilowatt 480723 +impulsive 480686 +spasms 480606 +mops 480596 +commutative 480591 +rationally 480583 +uproar 480509 +savages 480392 +craters 480374 +angiogenesis 480329 +nicosia 480310 +nematode 480276 +administratively 480203 +mockery 480064 +railings 480015 +northerly 479948 +leverages 479946 +tenths 479914 +cancerous 479906 +quench 479869 +passer 479850 +gabriela 479760 +secretory 479744 +encompassed 479704 +reassessment 479566 +broil 479526 +hurrah 479525 +chillers 479444 +elbert 479438 +modestly 479398 +epitaph 479386 +allahabad 479350 +insurrection 479325 +alger 479286 +periodicity 479241 +emigrated 479239 +trypsin 479224 +bursary 479223 +dependability 479191 +overdraft 479151 +deirdre 479147 +barges 479102 +scribner 479076 +frankel 479018 +cacti 478989 +bugaboo 478975 +aeration 478947 +antennae 478821 +fermented 478759 +chowder 478500 +expatriates 478470 +freaked 478445 +headmaster 478443 +curbs 478423 +walrus 478325 +secretive 478212 +grievous 478173 +generative 478086 +assyrian 478056 +vineland 478025 +repetitions 477957 +pensioner 477785 +stuttering 477783 +forcefully 477760 +spellbound 477705 +kwanzaa 477671 +mascots 477653 +bretagne 477651 +conundrum 477598 +comedic 477496 +fend 477494 +apical 477483 +synoptic 477463 +sapphires 477377 +beryllium 477317 +disinfectant 477301 +compressing 477285 +jokers 477265 +piglet 477253 +wildcards 477209 +intoxicating 477180 +crumble 477166 +sketchbook 477135 +resorted 477124 +lecturing 477106 +retreated 477053 +windhoek 476988 +lomond 476986 +eccles 476952 +magdalene 476920 +spatula 476864 +featurette 476772 +gotcha 476745 +drifter 476711 +veer 476643 +netted 476508 +stardom 476402 +assad 476375 +brantford 476259 +nola 476192 +dispel 476163 +toastmasters 476138 +warships 476116 +ranchi 475910 +exotics 475902 +articulating 475888 +jiffy 475865 +woodbine 475775 +goodall 475770 +straightening 475664 +immerse 475638 +envious 475528 +regretted 475525 +wittenberg 475514 +colic 475478 +capone 475441 +adolph 475399 +rebounding 475308 +farthest 475229 +hirsute 475227 +iniquity 475226 +prelim 475130 +fooling 475098 +militias 475094 +commodores 475066 +roslyn 474942 +vaulted 474882 +warms 474877 +lindbergh 474870 +formalities 474846 +vertebral 474827 +ectopic 474822 +abcs 474819 +resounding 474732 +coulomb 474711 +restatement 474660 +unscheduled 474623 +brazos 474609 +saucy 474568 +blistering 474537 +illuminates 474520 +thermocouple 474454 +masque 474421 +kazan 474392 +shillings 474391 +gleaned 474339 +decomposed 474311 +flowery 474297 +scandalous 474263 +mcclain 474251 +sunburn 474135 +pleistocene 474011 +nips 474007 +canisters 473936 +menacing 473864 +elector 473844 +solvency 473763 +lynette 473750 +neurotic 473736 +fielded 473722 +bituminous 473715 +askew 473664 +blowfish 473658 +phipps 473613 +groan 473578 +dusting 473535 +topologies 473532 +touts 473474 +lombardy 473411 +uncontrollable 473401 +lora 473382 +mendez 473376 +shackles 473312 +shrines 473261 +bridged 473249 +unjustified 473195 +consenting 473166 +torturing 473134 +toile 473077 +sitcoms 473023 +analogues 473015 +leukaemia 472992 +ukulele 472970 +relentlessly 472933 +paperboard 472907 +bracken 472890 +cobain 472844 +couches 472833 +decadence 472782 +girlie 472746 +antes 472677 +nourishing 472630 +herschel 472602 +reconsidered 472581 +callbacks 472475 +arduous 472353 +replicates 472334 +sidewinder 472328 +queueing 472224 +slugger 472200 +humidifiers 472176 +assimilated 472025 +watermarks 472011 +creeps 471980 +streetcar 471936 +stoker 471905 +fulcrum 471905 +sadistic 471896 +cassiopeia 471894 +gripped 471868 +martingale 471782 +criticizes 471713 +unscrupulous 471709 +synchronizing 471691 +reclassification 471679 +nymphs 471677 +caithness 471571 +takeaway 471521 +unsettled 471519 +timeouts 471361 +inseparable 471341 +jurist 471278 +ducky 471241 +vestal 471189 +bola 471188 +dismisses 471092 +variously 471089 +recenter 471060 +hensley 471013 +multinationals 470895 +arran 470885 +unintentionally 470883 +debs 470875 +sprites 470855 +dashing 470775 +shipman 470738 +tiring 470655 +incinerator 470647 +abate 470646 +convening 470576 +unorthodox 470560 +fibroblast 470556 +piloting 470515 +immersive 470498 +glob 470432 +fertiliser 470405 +voids 470343 +reinvent 470325 +bellied 470283 +oilfield 470272 +ream 470230 +roundtrip 470203 +decreed 470087 +mossy 470059 +ores 469988 +droid 469988 +addenda 469982 +restorations 469939 +boll 469920 +balinese 469802 +keyhole 469732 +usages 469643 +bursaries 469629 +cardiopulmonary 469557 +biologic 469542 +bowels 469523 +shiatsu 469522 +cornet 469412 +schizophrenic 469379 +reversion 469367 +unplug 469350 +pressroom 469342 +gingrich 469325 +sanctuaries 469319 +basra 469313 +greenbrier 469312 +porcine 469297 +oldfield 469258 +convicts 469213 +shim 469167 +manx 469166 +understatement 469152 +osman 469144 +tormented 469058 +immanuel 469052 +hopi 469005 +lodger 468917 +inshore 468908 +clots 468861 +reducer 468843 +naturists 468793 +santee 468728 +thunderbolt 468679 +claudius 468669 +meatballs 468575 +underrepresented 468574 +tremors 468572 +apropos 468525 +tightness 468495 +pitiful 468456 +concatenation 468370 +suffixes 468368 +barbera 468329 +seascape 468304 +linings 468204 +horseradish 468201 +sparrows 468190 +itasca 468100 +bleached 468043 +ides 467979 +arbiter 467969 +hazelnut 467967 +chaco 467915 +reintegration 467909 +locomotion 467875 +pampering 467867 +hus 467855 +antimony 467835 +hater 467834 +buoyant 467828 +airtime 467809 +surrealism 467793 +expel 467751 +clamshell 467661 +luminance 467635 +combatant 467563 +synchronisation 467525 +minnow 467515 +swoop 467481 +gumbo 467464 +neuter 467414 +prejudicial 467379 +melamine 467248 +episodic 467231 +introspection 467219 +lated 467007 +montero 466985 +divisive 466943 +benedictine 466916 +inappropriately 466876 +reputations 466874 +vitally 466855 +mavis 466837 +lubricating 466813 +undivided 466636 +chatted 466621 +lured 466613 +hurling 466538 +accruals 466474 +brevity 466461 +visage 466447 +crenshaw 466414 +perlman 466410 +prickly 466367 +medallions 466354 +astonishment 466206 +whittle 466046 +overshadowed 466037 +rayburn 466011 +rescuing 466008 +suppressant 465982 +reworked 465864 +sensibilities 465853 +catapult 465752 +meritorious 465666 +vries 465604 +elitist 465590 +convoluted 465588 +iberian 465567 +beheld 465526 +kazakh 465485 +martyrdom 465480 +stimulator 465466 +manna 465463 +schoolchildren 465437 +moorings 465387 +tweezers 465378 +buddhists 465232 +bearcats 465227 +soars 465187 +kinematic 465137 +gnat 465124 +housework 465104 +gunpowder 465070 +undressed 465063 +southward 465059 +unsupervised 465012 +liszt 465008 +copycat 464952 +orrin 464942 +zorn 464887 +snooping 464871 +recounted 464717 +denials 464654 +prussian 464599 +adorn 464591 +dorms 464581 +laminates 464532 +contemplative 464438 +pimps 464373 +awkwardly 464344 +etta 464340 +belles 464270 +stipulations 464255 +lifeless 464235 +baffle 464207 +pared 464171 +thermally 464153 +sobriety 464118 +teleconferencing 464066 +albino 464045 +visualizing 464012 +slums 463980 +sprinter 463934 +isomorphic 463933 +burnet 463890 +conjugation 463858 +spaniards 463848 +anklets 463796 +impasse 463752 +disinformation 463731 +piloted 463722 +delicatessens 463706 +intensively 463695 +amok 463652 +successively 463647 +cucumbers 463636 +sexism 463602 +ordinates 463594 +squaw 463592 +snowdon 463582 +pomegranate 463486 +bouts 463473 +arty 463410 +leukocyte 463406 +transcends 463404 +murmur 463379 +cotter 463297 +peptidase 463281 +bookkeeper 463279 +crickets 463278 +postmodernism 463272 +squeaky 463254 +silicate 463247 +extinguishing 463229 +alcohols 463182 +zydeco 463146 +attache 463095 +bulging 463055 +trujillo 463053 +predictably 463038 +chemise 463035 +shareholding 462932 +epics 462834 +smug 462795 +cardiomyopathy 462792 +flanking 462730 +disconnection 462661 +dons 462565 +awol 462384 +prejudiced 462365 +bionic 462342 +larva 462298 +batista 462272 +laziness 462258 +bookshops 462207 +feynman 462203 +captioning 462193 +sibelius 462191 +obstetric 462172 +marigold 462142 +martel 462087 +typesetting 461966 +mouldings 461939 +tireless 461908 +ervin 461873 +chroma 461863 +leander 461834 +growl 461820 +steinbeck 461817 +neutrophils 461795 +lollipop 461761 +gorges 461761 +brash 461753 +declaratory 461662 +canons 461653 +hydrate 461614 +pastimes 461534 +diurnal 461522 +neutrinos 461500 +subways 461437 +coolness 461402 +tui 461356 +negativity 461239 +recumbent 461123 +shipwreck 461108 +fader 461088 +tortillas 461075 +unconsciously 461028 +buffaloes 461025 +marne 461019 +ragga 461003 +doorbell 460964 +dissolving 460927 +unsettling 460851 +bugger 460782 +embolism 460744 +lats 460627 +roebuck 460565 +highness 460563 +lipton 460523 +abstracted 460511 +starling 460475 +typhoid 460452 +haney 460374 +perfecting 460356 +adrenalin 460317 +nicklaus 460297 +afghani 460287 +furtherance 460230 +haulers 460203 +energize 460199 +prohibitive 460177 +slits 460082 +inquires 460021 +imaged 459971 +sprayers 459952 +yule 459944 +calibrations 459904 +lattices 459866 +derwent 459834 +flintstones 459810 +rotisserie 459806 +orcs 459759 +scallop 459709 +crusty 459667 +computationally 459656 +stillness 459632 +precipitate 459589 +sunbathing 459581 +ronda 459569 +underlie 459532 +pharisees 459392 +chard 459373 +pershing 459353 +clotting 459347 +singlet 459327 +nicknamed 459166 +kinshasa 459139 +lugs 459108 +drones 459091 +kiddies 459083 +hebert 459066 +minster 459048 +collapsible 458947 +sully 458846 +haringey 458832 +prophylactic 458764 +cityscape 458763 +bate 458739 +sask 458730 +instill 458692 +ypsilanti 458685 +firestorm 458586 +inept 458533 +pert 458376 +depositions 458319 +camped 458286 +fraught 458277 +perplexed 458274 +replenish 458230 +reconstructing 458187 +droplet 458139 +necessitated 458093 +slowest 458071 +lakota 458023 +unwillingness 457957 +revises 457941 +parlay 457915 +trimmings 457839 +esperanza 457822 +divan 457821 +coexist 457780 +advisement 457777 +turtleneck 457680 +extraordinaire 457564 +tsar 457529 +gigabytes 457502 +triangulation 457496 +burleigh 457472 +eloquence 457456 +anarchism 457409 +stabilizers 457396 +definitively 457352 +natchez 457348 +tripped 457346 +strewn 457329 +terrance 457241 +smoothies 457222 +belling 457154 +representational 457112 +snark 457068 +woodard 457056 +bewildered 457049 +malignancy 457041 +beatings 457038 +copious 456992 +cade 456953 +newfound 456811 +collider 456804 +tremble 456746 +instantaneously 456739 +wristwatch 456661 +papas 456613 +subscribes 456604 +thump 456603 +pompeii 456577 +wining 456558 +alluded 456532 +aberrations 456515 +sojourn 456479 +zippers 456393 +decaf 456390 +emphasises 456383 +stateroom 456311 +caloric 456201 +nucleoside 456041 +buttercup 455990 +lanyards 455934 +adherents 455914 +admissibility 455901 +aspartame 455846 +sleuth 455844 +trudy 455837 +herbaceous 455822 +distinguishable 455792 +immaterial 455764 +surging 455706 +cosh 455678 +lop 455673 +aurangabad 455660 +greased 455655 +golding 455655 +ethnography 455653 +contraband 455603 +bulkhead 455595 +kain 455585 +flagging 455580 +willed 455479 +replenishment 455476 +wounding 455455 +kroger 455442 +dexamethasone 455437 +inclement 455436 +yoghurt 455313 +nationalists 455308 +definable 455302 +bruin 455296 +psychoanalytic 455284 +magpie 455274 +nasser 455247 +simp 455138 +birthing 455119 +robbing 455109 +dimer 455104 +impartiality 455061 +stemware 455056 +landsat 455019 +phosphates 454925 +peebles 454917 +dewar 454917 +docked 454895 +burp 454884 +radioisotopes 454878 +obstetricians 454872 +harpsichord 454860 +vinson 454825 +capes 454767 +impersonal 454766 +proposer 454765 +oms 454710 +interpolated 454705 +kerri 454701 +strolling 454663 +moro 454596 +democratically 454570 +salvo 454555 +twigs 454542 +furiously 454508 +epitome 454485 +degas 454377 +prefabricated 454359 +meteorites 454273 +joked 454255 +breaths 454250 +lipoproteins 454244 +lilian 454216 +glancing 454156 +parenteral 454101 +discarding 454067 +fared 454064 +fleck 454043 +cerebrovascular 454013 +bahraini 453950 +actuaries 453950 +delicatessen 453948 +marianna 453896 +kidderminster 453858 +antifungal 453780 +inflamed 453776 +promulgate 453734 +clough 453689 +socorro 453651 +maximized 453640 +unlink 453576 +shadowing 453513 +wert 453509 +regimental 453500 +erythromycin 453492 +signifying 453484 +rectified 453454 +savoie 453442 +leibniz 453389 +flanked 453371 +cusp 453355 +homers 453331 +holcomb 453326 +bayonne 453323 +primacy 453321 +pointy 453231 +monmouthshire 453224 +baptisms 453070 +eyeing 453009 +recompile 452973 +bade 452907 +insolvent 452883 +mists 452867 +doberman 452858 +carmine 452762 +relinquish 452760 +emilie 452757 +stover 452683 +succinct 452682 +palpable 452678 +revs 452579 +eton 452553 +compressive 452553 +wombat 452511 +zippy 452440 +odeon 452374 +inhale 452342 +dreamt 452328 +backslash 452294 +convulsions 452167 +snowshoes 452162 +goers 452132 +chipper 452119 +modulate 452093 +fiancee 452051 +underwired 452035 +ambiguities 452024 +norepinephrine 451988 +yolk 451960 +mediocrity 451949 +carcassonne 451944 +rhyming 451894 +appending 451891 +transcendent 451883 +lichen 451869 +lapsed 451859 +marathi 451824 +songbooks 451810 +newscast 451779 +outtakes 451565 +boos 451556 +stroked 451540 +gallop 451480 +cull 451434 +unsatisfied 451396 +barrio 451342 +buggies 451334 +exercisable 451291 +speedup 451286 +minstrel 451279 +ewe 451269 +contentment 451237 +ontological 451168 +flashbacks 451110 +cranium 451073 +dentures 451063 +politic 450955 +stg 450874 +reimbursable 450846 +exchequer 450791 +yeltsin 450763 +nitrates 450763 +archaeologist 450722 +mitotic 450696 +generalised 450681 +falsehood 450670 +outliers 450649 +slugs 450646 +semifinal 450571 +deactivate 450566 +shifters 450418 +undetected 450343 +caries 450329 +carcasses 450278 +microstructure 450256 +candlesticks 450209 +compuserve 450203 +disassembly 450170 +propositional 450145 +talkie 449995 +rosalie 449985 +mingled 449958 +rafts 449911 +indulgent 449886 +maul 449820 +censuses 449786 +longed 449757 +shelved 449746 +rammed 449732 +carryover 449709 +wailing 449707 +wholeheartedly 449666 +shrugs 449662 +polyps 449623 +negros 449621 +avast 449613 +inelastic 449589 +puebla 449559 +traffickers 449547 +neckline 449462 +aerodynamics 449450 +vertebrae 449443 +moans 449401 +buffets 449336 +aristocracy 449320 +leviathan 449307 +eaves 449278 +wrinkled 449208 +popularly 449207 +brinkley 449192 +marred 449165 +minimising 449127 +bifurcation 449079 +falconer 449017 +watchman 448941 +poetics 448919 +venturing 448888 +miniseries 448875 +entitle 448784 +yesterdays 448763 +alibi 448710 +angolan 448704 +relayed 448666 +ahoy 448637 +ulcerative 448633 +jellies 448630 +postponement 448615 +airlift 448594 +brooding 448552 +endothelium 448477 +suppresses 448474 +appointee 448425 +hashes 448382 +juncture 448282 +borehole 448228 +flt 448208 +naturalized 448137 +nodules 448117 +pikes 448113 +tunable 448052 +haar 448028 +commandant 447943 +copernicus 447935 +bourgeoisie 447919 +plucked 447904 +recessive 447818 +inflexible 447787 +flowered 447737 +encrypting 447703 +bueno 447694 +rippers 447672 +discord 447668 +redefinition 447629 +infield 447615 +reformat 447613 +yangtze 447563 +peels 447468 +preterm 447455 +patrolling 447441 +mindfulness 447438 +injurious 447411 +stances 447323 +synapses 447282 +hashing 447280 +gere 447230 +unmounted 447215 +voiture 447196 +armoires 447153 +utilitarian 447151 +archetypes 447103 +behemoth 447100 +obsessions 447052 +compacted 447048 +thrower 446982 +doughnuts 446982 +prana 446960 +trike 446953 +distillery 446918 +reread 446905 +funnier 446842 +stormed 446837 +disengagement 446784 +gifting 446696 +esse 446649 +iodide 446635 +crucifix 446602 +digitization 446596 +fistula 446587 +campaigners 446582 +irreverent 446542 +lauri 446538 +censure 446519 +carbine 446513 +credo 446499 +symbolizes 446458 +ecuadorian 446420 +injectors 446419 +heartless 446382 +natick 446369 +centrist 446322 +contented 446272 +torbay 446244 +femur 446209 +vultures 446208 +methotrexate 446195 +landslides 446149 +separatist 446141 +outlooks 446014 +forcible 445980 +lifeboat 445941 +bushy 445882 +tuskegee 445878 +thickening 445839 +reconfigure 445763 +instantiation 445743 +escalated 445663 +eastbound 445597 +grits 445581 +apoptotic 445570 +porches 445466 +inoculation 445461 +luxuries 445409 +glorify 445339 +abner 445318 +lineman 445307 +streamlines 445294 +cleaver 445286 +inflight 445211 +tracksuit 445187 +overuse 445152 +newsprint 445119 +visakhapatnam 445116 +maris 445115 +admixture 445115 +haulage 445011 +heredity 444987 +nominally 444979 +poms 444947 +convolution 444921 +chloroform 444913 +nettle 444867 +mismanagement 444864 +maura 444857 +convincingly 444848 +galician 444804 +golem 444797 +evangeline 444778 +conifer 444777 +phenylalanine 444770 +descends 444734 +nonpublic 444733 +mischievous 444718 +inversely 444706 +beebe 444704 +fateful 444650 +eyelet 444636 +immunologic 444632 +complacency 444605 +chengdu 444569 +beeswax 444558 +crosswalk 444549 +kitsch 444502 +sweeteners 444465 +sprints 444422 +reinhold 444418 +impregnated 444413 +insular 444404 +lagoons 444322 +sensuality 444260 +faked 444208 +banyan 444158 +affix 444121 +opinionated 444091 +quirk 444069 +professed 444060 +unrivalled 444018 +blinks 443978 +sensuous 443972 +rationing 443964 +sawing 443953 +tellers 443893 +yelp 443822 +herding 443801 +waterborne 443787 +hopped 443771 +sceptical 443760 +gree 443748 +goldeneye 443731 +trowbridge 443618 +interfered 443578 +halcyon 443548 +gyro 443542 +bowing 443518 +shampoos 443510 +unfiltered 443506 +cogent 443481 +parishioners 443467 +traversing 443465 +communique 443429 +uninformed 443414 +cantina 443393 +polyamide 443361 +selectmen 443347 +luge 443334 +necromancer 443267 +carcinomas 443212 +subcontinent 443164 +balmoral 443069 +aberration 443062 +specifier 443050 +mollie 443043 +subsidize 443001 +conclusively 442963 +hiya 442947 +calcareous 442944 +nappies 442925 +crippling 442891 +misheard 442821 +sundial 442756 +tufted 442698 +odom 442675 +flaky 442666 +schlesinger 442657 +typology 442641 +hydrangea 442635 +chieftain 442630 +aesthetically 442584 +gestalt 442556 +alvaro 442539 +heston 442446 +sophomores 442414 +honeysuckle 442394 +chorale 442301 +unspoken 442273 +ishmael 442256 +tiaras 442197 +apprehended 442188 +distr 442162 +rhoda 442152 +cogeneration 442146 +flite 442097 +jammer 442040 +forbidding 441848 +sparring 441829 +mindanao 441806 +adonis 441770 +domed 441740 +distressing 441740 +braddock 441711 +ethnically 441709 +smurf 441686 +yeager 441661 +gelding 441608 +blurring 441598 +mastectomy 441590 +prettiest 441588 +jaundice 441497 +panes 441440 +asterisks 441419 +nympho 441412 +cooktop 441300 +aspergillus 441259 +agric 441229 +medics 441194 +affirmations 441099 +testifies 441074 +variational 441027 +socializing 441021 +crankshaft 440984 +filipinos 440958 +tagline 440889 +dainty 440819 +airframe 440793 +beater 440786 +preowned 440784 +dietetic 440779 +crackle 440735 +redacted 440584 +stereotypical 440561 +treks 440547 +victimization 440535 +parallax 440518 +zante 440514 +splices 440479 +rete 440390 +akita 440387 +nonresidential 440386 +hellman 440374 +durex 440374 +thwarted 440171 +alban 440158 +planks 440108 +nexis 440106 +carcinogen 439976 +orville 439970 +heatwave 439947 +spindles 439907 +spirals 439874 +speculations 439812 +sedentary 439797 +extermination 439786 +sita 439780 +plumes 439760 +watchtower 439752 +outweighed 439731 +preteens 439664 +renumbered 439618 +transposition 439589 +cowell 439577 +crossbow 439568 +speciation 439519 +beets 439436 +betta 439416 +repel 439316 +emmet 439231 +lumina 439175 +pali 439163 +statistician 439147 +symmetries 439144 +coleridge 439141 +observatories 439138 +anxieties 439117 +fungicide 439063 +crosstalk 439019 +onerous 438989 +litas 438897 +adenovirus 438790 +hakim 438778 +countywide 438769 +tenderly 438763 +puree 438733 +bonny 438690 +mandeville 438688 +haddock 438655 +tachycardia 438612 +virginian 438562 +cosine 438469 +pyjamas 438435 +summarise 438422 +finns 438407 +oftentimes 438365 +entanglement 438361 +swath 438339 +miserably 438203 +rojas 438182 +jenifer 438149 +infiltrate 438142 +argosy 438107 +renounce 438068 +copilot 438051 +koontz 438047 +elba 437995 +phobias 437937 +stumps 437875 +nutritionist 437829 +clouded 437827 +effector 437814 +diverting 437770 +hairstyle 437764 +diuretics 437687 +derogatory 437632 +esteban 437618 +discards 437599 +basie 437563 +xxiv 437555 +discontinuous 437552 +iqbal 437540 +uncorrected 437526 +sear 437507 +rouen 437498 +bighorn 437496 +inaccuracy 437495 +assimilate 437479 +heartbreaking 437466 +medea 437434 +justifications 437409 +gimmick 437392 +brasilia 437392 +acrylics 437279 +regenerated 437277 +fouled 437268 +wiretap 437213 +dvrs 437186 +moniker 437097 +credence 437017 +sharpeners 436981 +welling 436971 +patrolled 436904 +georgette 436899 +lovelace 436869 +prods 436798 +caen 436764 +conferring 436752 +incite 436636 +underscored 436582 +herrick 436551 +divulge 436545 +wardens 436487 +unreported 436450 +guarani 436396 +tampon 436381 +easels 436375 +scrubbing 436361 +laughable 436357 +momentous 436293 +footpath 436255 +sublet 436128 +antares 436118 +peaking 436112 +harem 435962 +fussy 435961 +marshmallow 435955 +civility 435915 +seltzer 435896 +homeostasis 435880 +deluge 435867 +squadrons 435803 +ventricle 435750 +goodie 435706 +milkshake 435699 +thrasher 435679 +switchers 435677 +electrolytes 435654 +unshaved 435629 +gaby 435559 +softwood 435547 +croupier 435536 +hausa 435531 +fluted 435525 +compacts 435517 +elev 435415 +egos 435414 +rhinitis 435369 +sweetened 435359 +pry 435315 +venison 435283 +shoal 435185 +overcrowding 435183 +basking 435166 +retractions 435151 +pinging 435141 +smears 435079 +pare 435031 +blushing 435028 +breathes 435026 +exons 434997 +mariachi 434989 +lectured 434974 +reseal 434934 +compositing 434924 +coopers 434890 +escher 434846 +babylonian 434774 +biota 434729 +dossiers 434728 +hairdryers 434619 +axon 434606 +deflation 434514 +dreyfus 434478 +worsened 434445 +reconstituted 434403 +heady 434375 +confucius 434368 +bombarded 434305 +badlands 434295 +deploys 434289 +celts 434287 +pols 434285 +internets 434248 +backstroke 434238 +bathed 434234 +cortes 434191 +intractable 434161 +corresponded 434137 +toothbrushes 434119 +bugatti 434112 +speckled 434100 +enumerate 434033 +persuading 433943 +onondaga 433906 +callaghan 433880 +diskettes 433857 +resonate 433837 +advertises 433804 +fives 433791 +diphtheria 433678 +outfield 433516 +carcinogenesis 433515 +phenolic 433445 +incrementally 433430 +hoard 433375 +courting 433275 +petrie 433235 +terrapins 433187 +legalization 433129 +lading 433103 +modernize 433090 +woodcock 433076 +restarts 433039 +churning 433030 +chariots 432904 +streamer 432893 +accumulator 432873 +battalions 432857 +unquestionably 432807 +crocus 432755 +citizenry 432666 +reproach 432657 +alisa 432582 +laundromat 432474 +redeemable 432453 +revolutionaries 432229 +viol 432219 +creamed 432170 +tarp 432152 +vishnu 432127 +aten 432118 +bikaner 432100 +chimpanzee 432081 +flurries 432029 +meson 431998 +parathyroid 431943 +analgesia 431909 +cherub 431887 +lieder 431865 +trumpeter 431864 +straws 431806 +serrated 431802 +puny 431761 +nannies 431751 +emphatically 431749 +reassured 431724 +bimonthly 431722 +senna 431701 +perceiving 431681 +wardrobes 431656 +commendation 431651 +surgically 431648 +nongovernmental 431632 +inge 431612 +miso 431592 +hydrostatic 431575 +attrib 431545 +cheaters 431509 +contending 431499 +patriarchal 431464 +spelt 431427 +barks 431387 +clostridium 431364 +nerdy 431324 +dodging 431231 +imperatives 431225 +archetype 431193 +oren 431178 +antiseptic 431157 +halsey 431138 +browned 431118 +highlanders 430992 +shamanism 430979 +ligaments 430901 +roussillon 430877 +fizz 430801 +upheaval 430787 +rationalize 430764 +cringe 430734 +karoo 430707 +unearth 430700 +biopsies 430699 +inconclusive 430678 +hookups 430662 +crimea 430659 +thermostats 430630 +sugarcane 430624 +moldovan 430590 +mouthful 430539 +gazelle 430517 +gauche 430455 +minion 430438 +bettie 430389 +birdwatching 430382 +speakeasy 430381 +harpers 430381 +complicity 430353 +unstrung 430285 +drivel 430281 +tendons 430221 +toppings 430191 +cantilever 430166 +thrives 430165 +initializes 430067 +penchant 430059 +drab 430049 +keck 430033 +roared 430026 +prospector 430022 +unwise 430010 +macromolecular 429975 +financier 429937 +allegory 429906 +harbours 429896 +acropolis 429879 +stifle 429863 +pareto 429828 +lymphoid 429799 +tiberius 429726 +paradoxical 429715 +forklifts 429707 +refuges 429640 +habana 429627 +stateless 429613 +rousing 429577 +cerebellum 429572 +statehood 429494 +knelt 429464 +radiating 429442 +devour 429402 +insanely 429321 +treachery 429292 +petting 429286 +inoculated 429207 +bubblegum 429072 +princesses 429057 +wroclaw 429056 +rajkot 429018 +taxidermy 428999 +rossini 428980 +portraiture 428962 +cartagena 428953 +incapacitated 428940 +attested 428851 +ope 428831 +barnum 428805 +anthropologists 428796 +glues 428787 +undercut 428775 +roaster 428706 +overcrowded 428702 +redbridge 428682 +warring 428681 +hypertrophy 428615 +arouse 428589 +wobble 428530 +ticked 428480 +bohr 428463 +boilermakers 428459 +counterstrike 428448 +hinterland 428417 +sufi 428412 +niggaz 428377 +housewarming 428361 +regenerative 428342 +purged 428302 +liquidators 428295 +repulsive 428282 +bleachers 428198 +deodorants 428159 +bacteriophage 428145 +sheena 428117 +sikkim 428095 +seclusion 428090 +transect 428068 +elucidate 428002 +fated 427996 +soloists 427992 +frighten 427981 +borges 427968 +amputation 427963 +sinusoidal 427961 +crossovers 427804 +parsers 427785 +hauler 427704 +cataloguing 427666 +halts 427571 +headroom 427566 +fortnightly 427540 +subtlety 427517 +creditable 427516 +protruding 427466 +huggins 427456 +appreciable 427364 +stabilisation 427315 +delicacy 427313 +sayers 427310 +cinch 427247 +futility 427201 +intangibles 427157 +dumplings 427142 +flak 426989 +cubed 426932 +yuck 426912 +upholds 426887 +enlistment 426844 +inroads 426805 +blissful 426802 +erythrocytes 426754 +dinky 426751 +boasted 426750 +stirs 426699 +platonic 426693 +donkeys 426693 +injunctive 426668 +honed 426659 +coincidentally 426655 +pollination 426409 +etna 426398 +synchro 426350 +etobicoke 426331 +chutney 426268 +averse 426255 +naturopathic 426247 +afield 426227 +dermatologist 426221 +casein 426157 +endearing 426102 +mishap 426099 +stefanie 426097 +chewable 426084 +lackey 426050 +quod 426040 +whooping 425983 +normals 425977 +sonnets 425962 +villeneuve 425876 +scrum 425870 +everyman 425848 +musing 425810 +masai 425810 +lopes 425806 +barricade 425797 +inquest 425781 +snipe 425778 +footballers 425759 +hapless 425702 +sagebrush 425681 +convenor 425660 +warheads 425630 +radiologist 425622 +ably 425590 +liao 425511 +mirza 425445 +hitches 425347 +britten 425318 +palettes 425314 +beaux 425302 +gunman 425254 +traversed 425238 +agassi 425236 +sparsely 425225 +shrinks 425178 +fib 425079 +mitra 425077 +guilders 425070 +indexer 425063 +ail 425046 +innkeeper 425032 +localised 425015 +downgraded 424982 +mistrust 424923 +overcomes 424891 +lordship 424861 +weill 424838 +jeez 424832 +athabasca 424789 +redd 424785 +phoning 424757 +spacey 424676 +egregious 424554 +cubans 424531 +breakpoints 424474 +legato 424383 +transacted 424209 +chaplains 424111 +conventionally 424087 +perceptive 424025 +haber 424008 +kellie 423992 +lard 423971 +darwinism 423905 +workarounds 423889 +lecithin 423789 +destitute 423772 +disbanded 423679 +singly 423662 +fusing 423603 +abuser 423584 +sevens 423530 +headless 423522 +anatomic 423512 +petrified 423471 +gatsby 423467 +litho 423435 +emigrants 423401 +rattling 423381 +thane 423334 +hypo 423308 +salve 423303 +hadron 423289 +hindustan 423278 +marseilles 423276 +grates 423264 +fissure 423147 +curtail 423138 +legalize 423133 +epinephrine 423087 +transom 423077 +talker 423068 +biel 423040 +divorces 423017 +mils 423015 +picayune 423002 +winks 422977 +harte 422913 +loopholes 422906 +gorbachev 422892 +novelists 422849 +bestow 422835 +wiretaps 422773 +homespun 422767 +hulls 422721 +enraged 422721 +blotter 422687 +complimented 422582 +sitters 422564 +intonation 422533 +proclaims 422527 +dissecting 422484 +humpback 422428 +reprocessing 422364 +clamped 422242 +retracted 422209 +friar 422181 +hospitable 422161 +melodrama 422158 +preclinical 422121 +creased 422078 +wheelers 422036 +preparer 422034 +deductive 422025 +postures 422020 +trapper 421993 +cunard 421980 +makeshift 421977 +pygmy 421975 +tattered 421959 +biddle 421817 +tachometer 421796 +embarrass 421784 +bks 421770 +nonproliferation 421762 +slanted 421739 +plagues 421732 +orchestration 421678 +jota 421646 +adipose 421623 +harvests 421620 +usu 421601 +potting 421578 +uncomplicated 421558 +surged 421458 +tobey 421412 +baez 421347 +natured 421322 +tana 421320 +clemency 421305 +woolly 421282 +puccini 421228 +ligation 421199 +blemish 421165 +deconstruction 421161 +inductance 421147 +dmitri 421070 +reallocation 421007 +bushels 420992 +tapers 420957 +teleport 420895 +skylights 420873 +geniuses 420865 +rehabilitative 420857 +swab 420847 +rind 420816 +latimer 420816 +boombox 420809 +prorated 420792 +whiskers 420787 +pansy 420775 +reassignment 420771 +hydrodynamic 420769 +confirmations 420721 +postulated 420685 +huntsman 420680 +perpetually 420675 +tosca 420659 +soundings 420617 +evicted 420612 +differentiates 420594 +divisible 420478 +multiprocessor 420434 +tabla 420412 +celluloid 420387 +identically 420385 +accumulations 420381 +lightness 420371 +saddlery 420321 +avoir 420314 +endicott 420207 +admirers 420179 +dingo 420174 +pagination 420141 +harbinger 420114 +burl 419979 +truncate 419944 +polygraph 419911 +digress 419880 +overseen 419869 +cowes 419794 +revolutionize 419767 +dwindling 419751 +beaker 419744 +fetuses 419730 +shr 419703 +arcades 419680 +baggy 419677 +childbearing 419654 +crayfish 419647 +minotaur 419645 +rejoicing 419630 +heist 419629 +repaint 419619 +ariadne 419608 +contr 419584 +zool 419557 +spastic 419555 +quiver 419536 +illuminati 419531 +piezoelectric 419487 +cutouts 419474 +sylvie 419446 +frequented 419434 +coronet 419407 +agnew 419400 +meir 419395 +discredited 419394 +taverns 419377 +prodigal 419302 +subsidised 419300 +aden 419251 +wield 419233 +resolute 419183 +adage 419158 +getter 419132 +mimics 419090 +watermarking 419083 +aftercare 419072 +wetter 418975 +bonaventure 418960 +diastolic 418890 +defaulted 418889 +cesarean 418871 +dialling 418855 +rescinded 418838 +conjure 418831 +rote 418762 +discoloration 418760 +recitals 418692 +morel 418685 +adrift 418628 +kashmiri 418593 +confiscation 418587 +stacie 418579 +collages 418511 +enabler 418510 +stings 418444 +budge 418361 +ilk 418335 +tenge 418326 +acosta 418325 +herbals 418314 +moderates 418307 +chairmanship 418262 +silks 418180 +malformed 418137 +sequins 418136 +mks 418134 +seatbelt 418133 +dumbbell 418099 +chasers 418093 +sherwin 418042 +stine 418009 +fringed 417959 +skopje 417914 +supplementing 417891 +liaise 417854 +citric 417854 +goblins 417803 +delineate 417790 +nitride 417752 +organist 417740 +achievers 417699 +kneel 417602 +rehearing 417581 +illuminations 417558 +chuckled 417499 +tacitus 417495 +armenians 417416 +excels 417366 +cig 417355 +depositary 417344 +caveman 417307 +nunez 417285 +pelletier 417240 +furthest 417231 +virulent 417228 +lanark 417213 +masts 417163 +garret 417139 +jervis 417127 +pathologic 417073 +commendable 417037 +inadequacy 416963 +barbaric 416962 +otitis 416956 +deliciously 416880 +leningrad 416874 +ruse 416853 +persephone 416850 +eatery 416832 +peony 416831 +tailings 416765 +shirtless 416756 +darla 416755 +lifelike 416746 +hargreaves 416673 +culled 416654 +nucleon 416638 +muss 416545 +presbytery 416524 +tumblers 416512 +hideout 416479 +calcite 416460 +gunshot 416430 +desiree 416425 +supposing 416383 +sculptors 416372 +spud 416363 +calicut 416288 +hendrick 416222 +unverified 416100 +untapped 416075 +batty 416010 +castilla 416002 +zealous 415992 +fingernails 415952 +ocarina 415945 +camus 415924 +mackinac 415913 +saks 415894 +rattlesnake 415865 +iridescent 415839 +moduli 415753 +payoffs 415713 +robberies 415681 +buchan 415624 +roberson 415620 +defrost 415601 +coleraine 415578 +consecutively 415545 +elms 415540 +excelled 415527 +bongs 415527 +pretzels 415492 +underdeveloped 415457 +twine 415457 +meteors 415401 +feta 415401 +assemblyman 415364 +enforcer 415360 +judicious 415295 +unaltered 415293 +customarily 415271 +collation 415258 +geist 415207 +diction 415105 +unoccupied 415101 +bloopers 415089 +tigris 415064 +pedestals 415058 +wuhan 415056 +maximising 415054 +tribulations 415024 +hoists 415021 +scrubber 414937 +reentry 414911 +playtex 414910 +sabina 414854 +logarithm 414750 +granola 414723 +inefficiencies 414687 +monocular 414676 +ferrite 414604 +buckwheat 414588 +enshrined 414585 +surpasses 414554 +yearling 414544 +ayatollah 414492 +agape 414471 +undifferentiated 414440 +wrenching 414428 +vazquez 414416 +damnation 414406 +reaffirm 414370 +rapidity 414330 +dian 414239 +deleterious 414151 +cluttered 414106 +sportsmanship 414084 +relievers 414069 +intersecting 414050 +lampoon 413978 +garibaldi 413893 +airtight 413884 +firming 413846 +annular 413826 +hallmarks 413794 +sparking 413775 +ikon 413729 +alluvial 413727 +xxv 413700 +incisive 413670 +concealing 413642 +clutching 413593 +drifts 413492 +tenement 413464 +discernment 413368 +chalice 413313 +hypocrite 413270 +obsolescence 413269 +linguists 413263 +recode 413242 +onus 413208 +harrowing 413185 +prefect 413178 +heinlein 413178 +oks 413176 +reservists 413143 +sweetly 413131 +cleave 413105 +flimsy 413104 +obsoleted 413071 +rearrangement 413024 +disulfide 413021 +bypassed 412949 +neutralizing 412932 +occupiers 412920 +delilah 412913 +kingpin 412903 +relaying 412863 +bedded 412781 +shivering 412772 +overlord 412735 +daffodil 412731 +devotionals 412708 +figueroa 412677 +formality 412669 +mangroves 412540 +suffices 412507 +whosoever 412500 +comte 412474 +tigre 412461 +cham 412458 +undetectable 412444 +graced 412408 +vermeil 412380 +ultimo 412378 +silage 412339 +statuary 412335 +ejaculate 412335 +goudy 412320 +bilge 412304 +moraine 412277 +prolactin 412212 +moravian 412190 +sunbelt 412184 +intermittently 412163 +chewy 412145 +armaments 412119 +decimation 412118 +grins 412096 +chewed 412087 +hypotension 412086 +busby 412048 +accomplishes 412028 +patterning 411959 +inapplicable 411925 +cheep 411919 +denbighshire 411820 +wittgenstein 411807 +preexisting 411775 +coffeemaker 411762 +ginsburg 411610 +superconductivity 411595 +pasha 411571 +amygdala 411549 +corrie 411537 +scour 411478 +motionless 411464 +notaries 411401 +challengers 411380 +fallow 411349 +reshape 411334 +indictments 411297 +aileen 411297 +electrolytic 411253 +leapt 411241 +gainers 411176 +tinkerbell 411125 +widower 411097 +quagmire 411095 +physiologic 411078 +optimality 411070 +riyal 411050 +taffy 411033 +purging 411014 +cleansed 410994 +cerebellar 410930 +summarises 410908 +fainting 410907 +theorist 410898 +scaring 410897 +serviceable 410861 +heartwarming 410845 +obstructed 410812 +strider 410767 +indigestion 410723 +hyp 410705 +jackal 410696 +cannonball 410691 +snowflakes 410678 +massacres 410599 +entailed 410587 +curative 410566 +bier 410564 +traitors 410546 +igneous 410539 +lull 410517 +patently 410476 +rinsed 410475 +delectable 410460 +bitmaps 410454 +proletariat 410402 +analytically 410394 +aramaic 410337 +bogged 410320 +incremented 410309 +publicist 410255 +fanciful 410170 +bey 410167 +tempera 410153 +recyclers 410152 +pillsbury 410142 +lacing 410077 +aggregating 410067 +mystics 410033 +soundboard 410018 +teapots 410009 +neb 409963 +fresher 409870 +consummate 409827 +titration 409824 +brows 409717 +lino 409687 +skimmer 409676 +technic 409670 +gats 409615 +extrinsic 409584 +sketchy 409557 +veda 409543 +gooseneck 409524 +tiffin 409476 +ephesus 409475 +pacer 409457 +domesticated 409419 +outboards 409370 +dismayed 409366 +steered 409302 +interlaken 409267 +kampala 409243 +bitty 409188 +remitted 409152 +shew 409117 +miraculously 409101 +lapses 409096 +stethoscope 409075 +monotonic 409075 +romagna 409063 +freemasonry 409062 +dwells 409046 +perot 409037 +penitentiary 409001 +kahuna 408943 +shrewd 408929 +washroom 408917 +neurotransmitter 408894 +intercity 408887 +micros 408868 +straus 408867 +flack 408860 +amortisation 408800 +vonnegut 408745 +teething 408720 +impatience 408692 +mechanistic 408644 +flawlessly 408634 +whatnot 408619 +tripartite 408601 +studebaker 408585 +crass 408565 +jot 408537 +cartographic 408533 +preconditions 408521 +gardenia 408470 +linwood 408405 +biotic 408405 +benevolence 408382 +lancelot 408350 +suspiciously 408321 +eugenia 408321 +taro 408233 +reprimand 408202 +mangled 408156 +staunch 408111 +socialize 408106 +shaven 408061 +viscose 408041 +manhunt 407992 +fez 407957 +elks 407945 +aalborg 407940 +occupier 407919 +lunchbox 407914 +euchre 407876 +molestation 407874 +quarts 407855 +mitosis 407838 +paychecks 407828 +yells 407816 +suitcases 407798 +tutu 407764 +paisa 407754 +vocab 407673 +blindfolded 407634 +clocking 407601 +hemorrhagic 407574 +premiers 407524 +wraith 407494 +crores 407471 +classifiers 407470 +novosibirsk 407468 +nimble 407439 +copacabana 407429 +kickstart 407418 +hyacinth 407411 +biggie 407386 +neutralization 407365 +durst 407334 +naturalists 407297 +derelict 407289 +kph 407273 +particulates 407201 +skylark 407115 +shrouded 407091 +clarissa 407083 +oviedo 407033 +brazen 407026 +inundated 407004 +brahma 406950 +prion 406900 +veracity 406814 +pipers 406808 +tsunamis 406791 +dordogne 406786 +hotlinks 406784 +jeri 406751 +transl 406725 +pinocchio 406700 +energizing 406694 +butane 406680 +angers 406673 +gustavus 406629 +bluebonnet 406620 +inked 406603 +raps 406520 +unwittingly 406505 +maturities 406499 +tomlin 406479 +jigsaws 406478 +distorting 406468 +kamikaze 406456 +counsels 406454 +battlefields 406452 +juggernaut 406392 +antecedent 406355 +latrobe 406338 +consultancies 406296 +gramercy 406281 +derrida 406233 +dorothea 406186 +lilith 406120 +foreplay 406107 +privatized 406068 +uncovers 406060 +gargoyle 406058 +stockists 406008 +legislate 405948 +voluptuous 405932 +complacent 405910 +bodega 405885 +hardworking 405853 +dockets 405828 +stomping 405794 +grandmothers 405774 +pondicherry 405729 +fiddling 405701 +panamanian 405690 +objet 405664 +goya 405649 +unaccompanied 405643 +superclass 405637 +buyback 405611 +schooled 405610 +gigolo 405599 +kingwood 405531 +maximization 405472 +foresters 405450 +absenteeism 405412 +hag 405406 +quantifiable 405399 +pion 405380 +sliver 405379 +leptin 405378 +bummer 405356 +isometric 405355 +retraction 405352 +orinoco 405344 +dunning 405329 +grinch 405323 +loveless 405321 +okeechobee 405280 +sharpened 405271 +nostrils 405214 +cambrian 405207 +hydrocortisone 405036 +cerebrospinal 405028 +impure 405021 +gridiron 405006 +innermost 404988 +susana 404985 +rumba 404980 +yesteryear 404929 +orthotics 404927 +wry 404923 +spunk 404915 +pilate 404898 +pinning 404893 +jolene 404847 +jalapeno 404834 +propellant 404831 +raisers 404824 +confocal 404763 +alms 404660 +stung 404657 +phantoms 404633 +retort 404546 +bartenders 404529 +congregate 404524 +meditative 404522 +refilling 404511 +rangefinder 404433 +smirking 404398 +chestnuts 404365 +exacerbate 404292 +expositions 404287 +begotten 404277 +anemone 404268 +equivalently 404266 +ninjas 404173 +gainsborough 404083 +sparkles 404075 +collared 404023 +segfault 404007 +costner 403985 +stringed 403966 +barnabas 403919 +weeding 403855 +evasive 403806 +syrups 403791 +smirk 403780 +estimations 403732 +pausing 403730 +guesswork 403656 +grands 403644 +replete 403555 +irritant 403547 +inconceivable 403498 +graceland 403489 +disconnects 403468 +monolith 403440 +crutches 403339 +intrusions 403337 +glories 403317 +apportioned 403316 +prelims 403312 +pawnee 403293 +accumulates 403271 +squibb 403262 +failings 403261 +mandala 403237 +bristle 403221 +terrors 403174 +uriah 403108 +oblige 403041 +timepieces 402983 +nonfarm 402968 +anklet 402960 +determinism 402864 +panacea 402851 +vibrate 402841 +addams 402832 +penetrates 402825 +normality 402738 +cathedrals 402727 +toads 402717 +wiesbaden 402700 +deflect 402699 +taoism 402684 +liber 402617 +perceives 402609 +samara 402594 +unsung 402578 +gargoyles 402489 +massaging 402437 +ajmer 402424 +gulliver 402368 +bul 402345 +nubian 402318 +aerodrome 402311 +intensification 402244 +stumped 402232 +cramp 402123 +sodom 402032 +imitations 402031 +dillinger 402027 +odell 402005 +mistletoe 401992 +perforation 401929 +tryout 401892 +hallowed 401811 +manageability 401727 +pandas 401671 +appease 401600 +furlong 401576 +policyholder 401541 +distributional 401541 +tidewater 401526 +follicular 401492 +listeria 401440 +lawmaker 401419 +heralded 401377 +flavorful 401367 +clearest 401322 +supersede 401317 +shovels 401241 +refunding 401225 +subcontracts 401208 +mediates 401189 +phrasing 401184 +polyacrylamide 401169 +standish 401155 +competences 401141 +quarries 401116 +sensibly 401113 +biathlon 401079 +mouthed 401042 +moxie 401036 +biff 401013 +gills 400858 +paulette 400844 +backspace 400812 +braids 400804 +fugue 400733 +dissonance 400721 +milder 400716 +medicated 400696 +inexplicable 400673 +counterfeiting 400656 +hypothermia 400595 +expeditious 400585 +carman 400547 +timberline 400534 +intently 400478 +chrysalis 400464 +rebooting 400439 +storytellers 400434 +morphing 400421 +speer 400248 +lathes 400177 +refillable 400151 +yearbooks 400132 +hoary 400092 +engin 400063 +kyushu 400047 +tricycle 400029 +corse 400005 +amphetamines 400004 +trillium 399975 +bulfinch 399969 +transients 399917 +concedes 399863 +swot 399844 +andante 399804 +crocodiles 399778 +bitching 399763 +overtly 399755 +ronde 399731 +zeno 399659 +deceiving 399649 +oedipus 399640 +beamed 399614 +bannister 399566 +omer 399555 +humanoid 399522 +scraped 399518 +chagrin 399509 +infringements 399503 +tiredness 399387 +branden 399381 +panning 399369 +wasabi 399345 +cocksucker 399337 +kilobytes 399329 +breather 399318 +adjudicated 399249 +methylene 399195 +wholeness 399192 +tickled 399084 +hindrance 399070 +discreetly 399029 +hummingbirds 399021 +cotswolds 398988 +sparing 398984 +heifers 398978 +emeralds 398978 +wanders 398925 +disillusioned 398923 +preoccupation 398883 +gynaecology 398882 +ottomans 398862 +rodin 398849 +lockable 398796 +evaporator 398764 +antihistamines 398760 +uninstaller 398747 +airliner 398739 +unwrapped 398638 +sateen 398569 +birr 398515 +restful 398476 +purim 398461 +rhododendron 398458 +aristocratic 398360 +scouring 398354 +profitably 398336 +pinched 398260 +underlay 398247 +granule 398200 +purport 398178 +plunging 398160 +shambles 398149 +welland 398027 +marten 398018 +admittance 398012 +ageless 397982 +bleep 397961 +regensburg 397934 +gama 397929 +sills 397916 +stinking 397912 +howler 397864 +hardtop 397862 +carded 397849 +reformatted 397719 +internment 397714 +porridge 397707 +dominick 397701 +symbolize 397672 +standstill 397652 +swaying 397626 +igloo 397625 +ambler 397622 +voyeurism 397621 +unattractive 397616 +referential 397595 +hydrating 397591 +repressor 397553 +diffused 397530 +scorecards 397460 +firmer 397460 +newlines 397430 +reproduces 397418 +arcana 397391 +heidegger 397281 +backhoe 397275 +leftists 397206 +promulgation 397164 +mannequin 397146 +mako 397061 +unshaven 397038 +noyes 397014 +rakes 396996 +trashed 396985 +betsey 396959 +rath 396947 +lobbies 396944 +incognito 396903 +cupcakes 396889 +silliness 396878 +burgh 396862 +giggling 396860 +coldest 396845 +proviso 396805 +voldemort 396801 +oldenburg 396795 +bazooka 396794 +barnyard 396742 +dikes 396736 +camellia 396690 +pronouncements 396680 +rescind 396627 +donal 396625 +artifice 396625 +asps 396585 +styrofoam 396502 +malfunctions 396497 +dato 396495 +glides 396434 +dioxins 396367 +excavator 396338 +allot 396325 +progenitor 396249 +abomination 396240 +cwm 396152 +bibb 396151 +gymnast 396135 +inexpensively 396133 +mote 396065 +forceps 396058 +motherfucker 396011 +argumentation 396002 +passively 395999 +mainframes 395994 +hurled 395950 +adjoint 395908 +vesta 395855 +jacky 395853 +lipscomb 395847 +wold 395807 +monocytes 395804 +splint 395756 +straightened 395742 +llamas 395708 +multifaceted 395679 +deranged 395644 +contesting 395583 +boas 395573 +darwinian 395485 +touchy 395417 +rafters 395400 +rebooted 395294 +unintelligible 395293 +tilburg 395217 +decoys 395208 +pariah 395153 +darnell 395107 +meaty 395095 +zapata 395065 +supt 395064 +infantile 395052 +vermeer 395017 +pinstripe 394935 +unspeakable 394872 +egret 394773 +demolish 394753 +guildhall 394712 +piney 394672 +unbundled 394666 +functioned 394616 +comforted 394615 +disgraceful 394602 +worshippers 394587 +abundances 394442 +servitude 394391 +oulu 394376 +fractionation 394376 +aqueduct 394365 +framers 394344 +cashflow 394337 +retouching 394328 +streamers 394287 +humbled 394224 +displacements 394209 +jerez 394206 +marcella 394183 +radiate 394175 +fellas 394142 +unicorns 394114 +playroom 394111 +dandruff 394109 +stipulate 394078 +leaved 394060 +proximate 394049 +unionists 394038 +bloodlines 394019 +secretions 393935 +attains 393916 +idem 393908 +auk 393838 +oocytes 393790 +armadillo 393754 +hark 393694 +filers 393581 +perturbed 393552 +retrievers 393508 +pacifier 393498 +cemented 393493 +thurmond 393480 +dissolves 393468 +crowning 393467 +unprofessional 393385 +hydrographic 393376 +smuggled 393350 +scones 393322 +punctuated 393296 +paediatrics 393295 +blunder 393255 +appalachia 393221 +marist 393218 +varanasi 393168 +relativism 393119 +schuylkill 393099 +ericson 393084 +stravinsky 393055 +belted 393046 +jud 392966 +tripwire 392944 +aves 392914 +rediscovered 392879 +headstone 392843 +depleting 392803 +junkyard 392771 +baal 392763 +multitasking 392730 +felon 392714 +spearheaded 392639 +nacho 392622 +thud 392615 +underlining 392604 +hagar 392593 +catalogued 392569 +antlers 392543 +doubting 392467 +differentially 392466 +powwows 392444 +inductor 392422 +encephalopathy 392413 +grote 392411 +custodians 392394 +overstated 392308 +dunkirk 392306 +insulators 392299 +libretto 392279 +weds 392268 +debatable 392264 +reaping 392252 +aborigines 392246 +dumbest 392202 +prowler 392195 +loadings 392177 +epos 392172 +sizzle 392168 +desalination 392149 +copolymer 392146 +lawnmower 392081 +nontraditional 392046 +piet 392040 +estranged 391991 +dredged 391967 +marcasite 391957 +scoliosis 391928 +artie 391790 +decisively 391772 +fifths 391727 +carport 391648 +dubbing 391643 +bax 391604 +crustaceans 391562 +ural 391471 +haig 391416 +swims 391399 +perk 391391 +undeniably 391387 +spasm 391339 +notables 391232 +eminently 391230 +snorting 391187 +mercilessly 391138 +urbanized 391130 +bevan 391035 +loyalist 390983 +daybed 390916 +rimes 390910 +firs 390859 +evaporative 390812 +preshrunk 390796 +hezbollah 390778 +naga 390765 +finalizing 390728 +cobbler 390680 +printhead 390660 +invigorating 390595 +heinous 390588 +dusky 390563 +kultur 390557 +manhole 390540 +linnaeus 390533 +eroding 390478 +typewriters 390453 +tabasco 390421 +rhodesia 390371 +purebred 390353 +masochism 390315 +bergamot 390303 +infallible 390285 +shutout 390281 +loaves 390262 +prosthetics 390244 +proms 390236 +karol 390229 +underlines 390199 +heeled 390189 +quibble 390149 +meandering 390143 +mosh 390103 +bakelite 390095 +prensa 390034 +incessant 390016 +klondike 389955 +neoplastic 389904 +applesauce 389891 +fibreglass 389884 +cheery 389870 +gluon 389852 +curbing 389839 +harshly 389827 +betterment 389822 +feisty 389800 +rump 389760 +clogging 389759 +sweethearts 389687 +nonverbal 389676 +ladybird 389614 +slush 389608 +byproduct 389603 +specializations 389591 +mutton 389582 +congruent 389497 +blinked 389492 +aphis 389447 +tarantula 389438 +lenore 389419 +snuggle 389398 +zigzag 389370 +shang 389327 +batten 389308 +lough 389229 +trios 389195 +unallocated 389171 +dragoon 389124 +sympathies 389061 +leggings 389057 +benefactor 389057 +thales 389009 +maldon 389008 +merrily 389000 +vouch 388963 +pompey 388915 +blackness 388903 +engravers 388897 +transitory 388892 +wether 388837 +handicaps 388833 +gales 388808 +hypocrites 388764 +larynx 388698 +vijayawada 388660 +griffon 388656 +instantiate 388592 +paperweight 388591 +dilation 388587 +droughts 388561 +bedspread 388555 +knudsen 388533 +kiowa 388521 +overtones 388514 +ancona 388506 +quezon 388465 +pragmatism 388451 +springing 388407 +bethune 388400 +wiretapping 388366 +nocturne 388346 +fabricate 388317 +exabyte 388311 +pendragon 388202 +altruism 388194 +ceasing 388177 +meeker 388120 +bootlegs 388115 +jarrow 388091 +dutchman 388081 +capricious 388076 +angelique 388015 +harmonize 387994 +vela 387971 +crescendo 387964 +eyelash 387907 +gob 387903 +antifreeze 387890 +clicker 387832 +immobilized 387814 +dalmatian 387787 +reshaping 387748 +stagecoach 387675 +googling 387654 +faisal 387616 +ruddy 387590 +academe 387561 +fjord 387543 +amalgamated 387524 +obeying 387442 +gunners 387440 +knockoff 387404 +pent 387392 +gosling 387391 +mendel 387357 +mishaps 387195 +subsidence 387188 +plastering 387180 +promiscuous 387129 +asturias 387109 +fouling 387085 +basso 387021 +dusted 386992 +sago 386986 +inlets 386963 +fords 386914 +parentage 386751 +mutter 386744 +litters 386718 +brothel 386713 +rive 386682 +magnifiers 386618 +shelled 386610 +outlandish 386588 +goldwater 386559 +sneezing 386537 +victimized 386515 +inactivated 386508 +respirators 386506 +ataxia 386506 +sancho 386460 +camaraderie 386454 +carpark 386441 +variegated 386434 +gawk 386426 +planing 386394 +abysmal 386384 +termini 386363 +bourse 386311 +fabrications 386261 +tenacity 386231 +jamshedpur 386154 +denture 386154 +telesales 386109 +moslem 386106 +fourths 386090 +revolutionized 386061 +ppr 386061 +permanence 386058 +protagonists 386016 +boliviano 385946 +curtiss 385914 +wagoner 385819 +storyboard 385814 +coincident 385800 +axons 385758 +immunotherapy 385747 +neva 385730 +inez 385727 +minding 385680 +microcosm 385583 +enviable 385556 +accessions 385546 +categorically 385541 +adolfo 385536 +carpeted 385457 +catnip 385342 +zeke 385338 +whittington 385320 +boned 385216 +eloquently 385189 +overtaken 385016 +hock 385004 +subheading 384954 +pillowcases 384849 +fibonacci 384767 +renews 384730 +junky 384718 +extinguish 384710 +ballasts 384703 +lowing 384615 +nagano 384581 +bullied 384567 +accruing 384560 +dirge 384505 +interleaved 384492 +peirce 384470 +actuated 384465 +bluish 384449 +pusher 384445 +tingle 384422 +gnostic 384408 +uninstalling 384384 +heft 384376 +ambivalent 384370 +captivated 384333 +typist 384224 +lamented 384216 +moisturizers 384165 +bruise 384157 +perfumed 384149 +lamination 384128 +scottie 384093 +pons 384083 +fistful 384077 +somethings 384071 +staffer 384057 +rhiannon 384019 +dames 384012 +cornucopia 383925 +countering 383884 +unfettered 383851 +imogen 383833 +almaty 383796 +lewd 383789 +appraise 383774 +runny 383747 +thither 383717 +rebuke 383708 +collated 383705 +reorg 383689 +occasioned 383689 +swayed 383673 +dupe 383659 +bogs 383605 +affording 383565 +collocation 383543 +assuredly 383525 +vesicle 383498 +allusions 383484 +shadowed 383416 +lubricated 383404 +vigilante 383290 +gauging 383288 +lipase 383285 +constabulary 383258 +seamen 383243 +epcot 383221 +cricketer 383214 +intelligible 383188 +defibrillator 383163 +drooling 383106 +overlaid 383056 +censors 383020 +adversarial 383017 +shakespearean 382939 +demonstrator 382929 +voyeurs 382922 +edict 382916 +octavia 382912 +hondo 382903 +hysteresis 382901 +boyhood 382892 +sustenance 382867 +workspaces 382853 +campion 382794 +mobilisation 382788 +shrew 382770 +pruitt 382736 +foals 382728 +sculpt 382720 +freya 382676 +disrespectful 382662 +confounding 382639 +dispensation 382600 +bagpipes 382583 +arian 382565 +devaluation 382562 +mineralization 382537 +depreciated 382523 +trafficked 382516 +diagonally 382494 +cased 382486 +laterally 382436 +prays 382397 +klee 382388 +wizardry 382375 +nonce 382363 +fervent 382358 +lemme 382355 +headrest 382353 +elevating 382282 +chaperone 382279 +huygens 382238 +eurythmics 382236 +reclassified 382218 +delusional 382204 +tosh 382191 +loup 382190 +tinkering 382174 +unneeded 382173 +likened 382135 +leukocytes 382072 +hydride 381971 +pele 381922 +sketched 381858 +firmness 381778 +kilns 381759 +injustices 381742 +longfellow 381724 +harbin 381708 +assemblers 381698 +unequivocally 381679 +karst 381676 +selfless 381653 +guestbooks 381587 +aguirre 381559 +dongs 381527 +perspiration 381526 +kidnappers 381516 +liquidator 381444 +mirth 381439 +stowaway 381375 +pauper 381351 +tastings 381326 +deccan 381319 +neurosciences 381275 +factorial 381241 +librarianship 381202 +brooms 381179 +horus 381115 +vocabularies 381060 +blasters 380998 +ushered 380920 +remedied 380901 +vocations 380879 +ramblers 380783 +counterproductive 380766 +catskill 380758 +scorched 380741 +environmentalism 380739 +gwalior 380711 +kilts 380643 +balenciaga 380639 +instep 380632 +septum 380582 +animators 380569 +neoclassical 380521 +machiavelli 380519 +mediaeval 380486 +escudo 380479 +petter 380433 +adenine 380426 +lysis 380378 +pastas 380338 +yoruba 380231 +malformations 380211 +alexia 380180 +checkup 380177 +nanotube 380163 +mignon 380125 +houseboat 380109 +lifesaving 380063 +clementine 380033 +tayside 380028 +smokeless 380006 +rani 380001 +stanhope 379970 +razorbacks 379956 +ionized 379919 +thorax 379763 +placental 379752 +warship 379728 +parses 379727 +metamorphic 379578 +corinthian 379578 +rattles 379574 +moet 379534 +singularities 379476 +trophic 379471 +dislocated 379458 +dacia 379453 +marvels 379445 +insemination 379444 +booby 379438 +conceivably 379417 +quetzal 379413 +shoshone 379412 +homing 379320 +podiatrists 379203 +persians 379203 +conch 379190 +injunctions 379170 +poppins 379151 +crunching 379128 +weevil 379116 +integrations 379112 +morgue 379053 +kickers 379041 +exuberant 379017 +electrification 378814 +peninsular 378796 +juggle 378788 +composure 378770 +yeshiva 378762 +sociologist 378759 +contradicted 378733 +sartre 378716 +finitely 378715 +kathie 378688 +ards 378684 +birthright 378668 +corny 378659 +brazilians 378637 +histocompatibility 378619 +errant 378618 +proofread 378599 +rearranged 378584 +heifer 378574 +earthen 378562 +uplands 378500 +renderings 378442 +lect 378399 +acupressure 378331 +hiawatha 378320 +portcullis 378251 +operon 378228 +noose 378201 +ugandan 378199 +paton 378177 +suspends 378174 +stratigraphy 378147 +recur 378119 +surfed 378094 +steins 378073 +desirous 378052 +exemplar 378018 +shivers 378012 +surefire 377997 +snorkelling 377985 +smitten 377979 +waterworks 377968 +headlamps 377875 +anaesthetic 377846 +dunstable 377785 +rarest 377751 +macadamia 377744 +takin 377723 +disqualify 377711 +rashes 377607 +averted 377577 +antiaging 377536 +psychol 377502 +dissipated 377474 +equated 377457 +swig 377455 +unionist 377449 +gregorio 377428 +clocked 377405 +masquerading 377403 +discernible 377403 +complementing 377344 +pennants 377316 +looser 377268 +bookie 377222 +boggling 377217 +ptolemy 377214 +skewers 377212 +lauded 377194 +consonants 377175 +demarcation 377119 +zooms 377094 +roadblocks 377078 +miocene 377022 +homophobic 376947 +diamondback 376907 +steeple 376906 +foosball 376897 +rept 376882 +lumberjack 376869 +concussion 376833 +nailing 376821 +epidermis 376819 +oktoberfest 376742 +rhinoplasty 376718 +peptic 376674 +tannins 376642 +deadliest 376609 +sparingly 376605 +penance 376603 +psychotropic 376586 +malaya 376567 +hypothalamus 376565 +shostakovich 376554 +priestly 376520 +curtailed 376498 +manipulator 376425 +timestamps 376394 +rollo 376381 +nim 376352 +conspicuously 376337 +risked 376315 +bowled 376291 +breaststroke 376288 +modernized 376239 +blemishes 376171 +deductibles 376168 +eagerness 376163 +peacemaker 376143 +pearly 376135 +ilia 376119 +bookmarked 376106 +letterbox 376080 +halal 376059 +kirsch 376007 +roadhouse 375982 +recklessly 375902 +charted 375896 +cubicles 375865 +islets 375849 +apothecary 375839 +ladysmith 375825 +switchable 375791 +samuelson 375710 +anhydrous 375698 +looted 375671 +padua 375668 +gdansk 375649 +jenner 375635 +parkin 375624 +wagers 375520 +ravioli 375470 +enrolments 375459 +walling 375420 +jointed 375370 +ribosome 375345 +carnivals 375340 +heyday 375267 +topsoil 375243 +isomers 375224 +telescoping 375190 +pulsating 375165 +beaming 375163 +dore 375160 +balancer 375146 +dinghies 375097 +chooser 375095 +argentinian 375092 +apparels 375046 +taint 375008 +timescales 374981 +lounging 374942 +athenian 374916 +predisposition 374899 +zermatt 374804 +bugging 374786 +outwardly 374780 +trento 374773 +tumultuous 374769 +symbiotic 374761 +dyslexic 374715 +wishbone 374618 +overseer 374618 +chine 374606 +crier 374599 +licenced 374574 +infecting 374546 +penetrations 374540 +polyvinyl 374506 +ganglion 374491 +bunt 374480 +decompose 374468 +unimaginable 374430 +chimpanzees 374406 +briton 374390 +glistening 374323 +hamza 374290 +moonshine 374270 +excreted 374145 +paros 374140 +scribble 374119 +anselm 374102 +fete 374097 +peculiarities 374057 +nonprescription 374049 +lichtenstein 374039 +firework 374034 +localize 374013 +tablatures 374008 +favourably 373973 +beset 373969 +involuntarily 373872 +chested 373855 +swede 373827 +hydrothermal 373804 +hoke 373790 +discoverer 373781 +ramen 373754 +intensifying 373750 +copyleft 373731 +outfitted 373705 +adoptee 373680 +intersects 373651 +grandmaster 373624 +livers 373616 +historiography 373496 +downgrades 373451 +scrapping 373440 +militarism 373366 +glassy 373340 +bullhead 373327 +riddled 373315 +mimosa 373297 +wealthiest 373295 +wildfires 373292 +shrill 373280 +ellyn 373276 +hryvnia 373265 +halved 373264 +vatu 373228 +shauna 373204 +swedes 373191 +headland 373184 +funchal 373181 +bergamo 373164 +quarterfinals 373120 +hobbyist 373116 +agitator 373101 +homozygous 373077 +utensil 372981 +puller 372971 +sheba 372935 +glows 372911 +dena 372888 +heighten 372857 +surpassing 372737 +dinning 372735 +misfit 372695 +ladle 372653 +scotus 372613 +quotable 372598 +asides 372586 +pinks 372544 +rusted 372521 +zirconium 372415 +noelle 372404 +naturalistic 372375 +dogmatic 372363 +guan 372344 +tristram 372319 +rectification 372304 +duisburg 372294 +ballon 372246 +surly 372213 +highpoint 372199 +stratospheric 372185 +preeminent 372149 +nonparametric 372102 +fertilized 372070 +mistral 372040 +zeroes 372036 +admirer 372023 +divisor 372000 +wanderlust 371989 +cleat 371970 +motioned 371969 +decentralisation 371951 +catastrophes 371926 +verna 371915 +thickened 371914 +immediacy 371899 +indra 371892 +olivet 371788 +felonies 371756 +vibrio 371747 +leda 371724 +casebook 371658 +yaw 371549 +sabin 371546 +searing 371488 +detonation 371470 +wigwam 371467 +approximating 371461 +beheaded 371424 +postmark 371406 +pinewood 371401 +tangential 371386 +headhunter 371377 +helga 371376 +clwyd 371334 +bereaved 371326 +bustier 371260 +apologizes 371258 +drugged 371256 +muskogee 371229 +seahorse 371067 +motte 371048 +volga 371044 +softener 371029 +breaching 371021 +maelstrom 371002 +rivalries 371000 +gnomes 370965 +prioritizing 370912 +affectionately 370906 +uneducated 370877 +necessitates 370877 +alopecia 370821 +singaporean 370814 +keyboarding 370790 +robeson 370728 +blunders 370722 +proportionately 370685 +lineages 370680 +dermatologists 370630 +marbled 370621 +bothersome 370567 +draconian 370523 +approver 370488 +articular 370386 +trackball 370364 +werewolves 370331 +autocorrelation 370299 +mombasa 370275 +mocked 370189 +holler 370166 +fain 370139 +duns 370139 +guanine 370118 +hae 370110 +bridgetown 370098 +darrin 369965 +brews 369926 +cruelly 369913 +tapioca 369877 +furrow 369863 +semantically 369846 +cagliari 369780 +fewest 369766 +parables 369744 +valkyrie 369671 +salas 369659 +drowsy 369658 +cashew 369590 +unproven 369588 +bushel 369571 +myocardium 369570 +cypher 369524 +beholder 369503 +cursive 369486 +organises 369477 +hydrated 369449 +liguria 369387 +forties 369368 +sedition 369327 +photosynthetic 369272 +lutherans 369253 +examen 369253 +pips 369243 +tongued 369241 +ghastly 369241 +walcott 369202 +vaudeville 369193 +succumb 369186 +unapproved 369183 +nematodes 369162 +jaclyn 369147 +gremlins 369124 +bolero 369109 +tortola 369034 +criticise 369019 +powertrain 369005 +immunized 369004 +ricochet 368905 +kurosawa 368876 +aberrant 368866 +inquisitive 368815 +ukr 368798 +wyandotte 368796 +dumber 368781 +ruptured 368775 +insoles 368764 +starlet 368763 +earner 368734 +doorways 368730 +radiologists 368710 +sirs 368668 +overruled 368662 +menagerie 368655 +osgood 368652 +zoomed 368630 +teamsters 368618 +groupie 368615 +thrombin 368595 +laminar 368577 +forked 368566 +immunoglobulins 368505 +apprehensive 368484 +cowards 368468 +camber 368461 +colliery 368412 +incubators 368390 +sweeties 368366 +landfall 368350 +cowl 368295 +captors 368233 +suwannee 368196 +fils 368166 +laity 368163 +hyperlinked 368126 +birkenhead 368125 +prefixed 368117 +purposefully 368099 +gutted 368098 +arming 368059 +amassed 368010 +itinerant 367998 +ouachita 367975 +slat 367951 +freeways 367916 +newlyweds 367910 +reelection 367827 +hales 367827 +vitreous 367771 +countable 367690 +dolomite 367682 +felons 367661 +salvaged 367649 +soyuz 367639 +afterglow 367597 +secunderabad 367540 +dormitories 367530 +millwork 367528 +colostrum 367502 +dearth 367476 +palatable 367458 +wisc 367450 +unmasked 367437 +homies 367435 +tarmac 367402 +customisation 367394 +conservator 367390 +pipettes 367361 +goon 367344 +artefact 367334 +expository 367330 +complementarity 367323 +instinctive 367291 +restlessness 367255 +baptised 367255 +stalling 367198 +molnar 367158 +decors 367120 +burlesque 367116 +acis 367056 +steuben 366989 +regaining 366941 +hausfrau 366934 +goldfields 366932 +rickey 366931 +perversion 366899 +swells 366890 +shana 366869 +beefy 366863 +pica 366840 +skits 366784 +shenyang 366746 +mussolini 366745 +acquaint 366737 +kootenay 366735 +tog 366725 +ethnology 366719 +havelock 366690 +davao 366644 +lengthening 366638 +taut 366635 +tajik 366621 +romulus 366596 +charade 366594 +arnhem 366578 +bobbin 366558 +rugrats 366513 +mechanized 366486 +reassigned 366421 +doings 366404 +bursa 366398 +financiers 366375 +foolishness 366357 +welds 366291 +unequivocal 366289 +braunschweig 366289 +coptic 366288 +reorganisation 366282 +conglomerates 366274 +dehumidifiers 366242 +dumper 366236 +hamill 366192 +spiny 366114 +arezzo 366106 +dropkick 366087 +silken 366083 +elastomer 366082 +wahoo 366081 +anagram 366073 +fogdog 366028 +stringing 366014 +finnegan 365995 +bazar 365968 +newsworthy 365954 +sensitization 365945 +hyperactive 365941 +thrusting 365925 +pavilions 365916 +antenatal 365916 +kola 365880 +revitalizing 365879 +clung 365864 +seepage 365854 +hie 365793 +wooten 365789 +nonviolence 365781 +purports 365716 +shillong 365692 +technicolor 365679 +narragansett 365674 +needlessly 365670 +rehabilitated 365610 +squatting 365592 +cordially 365590 +expendable 365556 +succumbed 365526 +soulmate 365520 +maxis 365513 +poppers 365503 +superstitions 365405 +datebook 365379 +rapists 365374 +spangled 365367 +seabed 365349 +orly 365285 +complicating 365271 +texturing 365216 +correspondences 365213 +groomsmen 365191 +rectory 365174 +avo 365166 +manipur 365089 +suzhou 365072 +headboards 365026 +palomino 365008 +pomeranian 365004 +iliad 364994 +graze 364990 +looped 364956 +erythrocyte 364901 +unobtrusive 364891 +myelin 364887 +fragility 364884 +judea 364768 +invoiced 364724 +hangul 364702 +currant 364691 +modulators 364674 +brownian 364597 +archivists 364569 +underlies 364546 +intricacies 364506 +herringbone 364465 +afoot 364417 +oddity 364391 +cornered 364343 +eyeliner 364323 +totalled 364316 +auspicious 364312 +woken 364304 +splashing 364304 +aphids 364268 +hotly 364264 +cutthroat 364254 +coincidental 364247 +puffed 364221 +disapproved 364194 +interlaced 364172 +tarrytown 364157 +vaseline 364144 +instalments 364107 +strontium 364103 +presumptive 364102 +crustal 364082 +hackman 364078 +comprehensible 364035 +seduces 364020 +fallacies 363961 +unambiguously 363908 +cutbacks 363860 +sawdust 363857 +metaphorical 363777 +leaped 363773 +alertness 363768 +embers 363751 +multimeter 363705 +assemblages 363696 +anubis 363691 +peseta 363656 +glitz 363646 +searchlight 363617 +snob 363501 +ballets 363479 +spaceflight 363470 +proportionality 363468 +overruns 363463 +stave 363443 +vertu 363403 +sordid 363401 +mentorship 363389 +snowing 363369 +oligonucleotides 363277 +videotaped 363236 +bleeds 363231 +jukeboxes 363191 +crud 363064 +nev 363034 +canaries 362904 +semblance 362849 +shins 362796 +pneumococcal 362755 +avenge 362682 +alleviating 362681 +punts 362615 +sora 362608 +daugherty 362606 +yarrow 362597 +fickle 362596 +outnumbered 362584 +meatloaf 362584 +mumford 362541 +polices 362450 +dogging 362445 +lukewarm 362419 +quai 362396 +rotunda 362388 +asymptotically 362311 +duce 362308 +observances 362290 +crick 362258 +enveloped 362244 +faintly 362237 +instabilities 362201 +indiscriminate 362105 +thalia 362087 +alphonse 362084 +reforestation 362024 +paradoxically 361996 +inductors 361964 +gatorade 361842 +wacker 361808 +chairpersons 361708 +zapper 361686 +materialized 361682 +accolade 361681 +memorized 361679 +interpretative 361634 +eyeballs 361605 +roping 361600 +barricades 361526 +devoting 361521 +oxymoron 361483 +maryann 361470 +pentagram 361449 +idolatry 361446 +infusions 361424 +decked 361415 +choppy 361375 +introspective 361264 +bahamian 361257 +fwy 361251 +aggravation 361249 +sedge 361236 +stipends 361224 +caerphilly 361213 +pinching 361204 +riboflavin 361202 +kalb 361159 +tine 361149 +ubiquity 361141 +vandal 361110 +romper 361105 +pretenders 361105 +infidels 361097 +dweller 361086 +bitumen 361068 +nolo 361066 +diabolic 361066 +demonstrable 361037 +priestess 360963 +rummy 360935 +nimrod 360876 +constructively 360831 +irritate 360829 +spliced 360814 +repeatability 360766 +gunning 360745 +beards 360739 +churchyard 360729 +byblos 360726 +tadpole 360723 +despicable 360684 +canter 360684 +reminiscences 360673 +berserk 360627 +cardiologist 360596 +leis 360584 +fellatio 360557 +racy 360461 +terran 360447 +stoop 360440 +breadcrumbs 360436 +lorena 360402 +remaster 360386 +intr 360386 +curvy 360365 +envisage 360359 +basements 360342 +crucially 360321 +facile 360297 +carrara 360255 +coerced 360223 +decoupling 360202 +billets 360198 +environmentalist 360182 +sneeze 360023 +sian 360018 +dignitaries 360017 +mistreatment 360002 +infective 359955 +shards 359933 +acadian 359880 +overgrown 359873 +phonetics 359870 +statesmen 359866 +advices 359771 +whimsy 359758 +coffers 359758 +sikhs 359700 +jeeps 359631 +awry 359631 +celt 359610 +lode 359547 +spay 359534 +followups 359439 +internat 359431 +biarritz 359415 +elia 359408 +bessemer 359387 +rages 359354 +iceman 359331 +clumps 359320 +pegged 359296 +tithe 359291 +liberator 359290 +rediscover 359243 +subordination 359226 +lovecraft 359223 +wavefront 359216 +fictions 359209 +deposed 359186 +zuni 359181 +ketone 359153 +glazer 359152 +trending 359144 +geodesic 359144 +disinterested 359124 +forsake 359114 +congruence 359112 +conspirators 359104 +swinburne 359096 +unresponsive 359092 +baboon 359080 +romani 359074 +swamped 359056 +ensues 359038 +omani 359028 +tenuous 359011 +surfactants 358996 +toke 358951 +elated 358902 +lucio 358896 +phenomenological 358895 +debriefing 358885 +miniskirts 358881 +buttered 358866 +lentil 358846 +backer 358798 +albedo 358798 +pauli 358786 +angora 358752 +redstone 358741 +stuffy 358727 +cocky 358614 +pitchfork 358591 +depress 358559 +mohegan 358556 +brazzaville 358549 +eccentricity 358507 +beano 358497 +interconnections 358476 +willa 358473 +toiletry 358473 +transgression 358442 +idealized 358433 +clings 358431 +flamboyant 358410 +exchangeable 358401 +stretchy 358378 +starburst 358363 +neurologist 358315 +kitties 358285 +clergyman 358278 +dottie 358268 +scape 358228 +homicides 358226 +ronny 358149 +pledging 358099 +dependants 358088 +hubris 358069 +puddings 358043 +partisans 358043 +genitalia 358041 +mausoleum 358031 +idler 358013 +waiving 358002 +swirls 357995 +dampers 357988 +dawned 357979 +extrapolated 357922 +chaining 357872 +carelessly 357864 +defected 357838 +northumbria 357805 +dumbo 357766 +holocene 357761 +narcissus 357749 +crusoe 357724 +superconductors 357712 +distillate 357657 +unweighted 357609 +skimming 357561 +stomachs 357533 +bayard 357497 +escalator 357466 +periwinkle 357456 +namesake 357436 +choreographed 357364 +slaps 357339 +gravesend 357300 +lovemaking 357295 +farrow 357256 +annulment 357234 +maximilian 357218 +gratuity 357216 +reorganize 357186 +spate 357156 +foothold 357144 +belladonna 357136 +sobering 357055 +carcinogenicity 357054 +semis 357039 +suppressors 357031 +dingle 357021 +celina 356973 +madge 356968 +gleam 356949 +hydroponic 356948 +recalculate 356831 +maltreatment 356813 +rudyard 356805 +meerut 356788 +relaxes 356768 +supposition 356754 +halos 356716 +cracow 356711 +dioceses 356616 +sprinkling 356593 +besieged 356564 +malaise 356541 +draperies 356525 +postdoc 356523 +biceps 356518 +hydrant 356496 +hamstring 356480 +darrow 356480 +tinderbox 356466 +streetwise 356432 +imprinting 356392 +rococo 356319 +nucleation 356297 +croce 356227 +brabant 356214 +superlative 356196 +deviance 356186 +presser 356180 +tetrahedron 356103 +materialize 356093 +fondness 355980 +chamois 355905 +merchandiser 355890 +blacklisted 355881 +multiplicative 355823 +metis 355814 +urethra 355798 +dwt 355788 +retroactively 355779 +seared 355754 +tinged 355742 +kilos 355739 +professorship 355733 +multivitamin 355728 +vientiane 355700 +emoticon 355632 +leeward 355612 +mercator 355610 +fruitless 355606 +tamer 355602 +lyricist 355597 +macromolecules 355590 +fungicides 355583 +amines 355539 +ticklish 355532 +freetown 355504 +alienate 355480 +beneficially 355472 +tugrik 355469 +monotype 355468 +pigmented 355427 +ridership 355397 +athenaeum 355396 +faking 355374 +displeasure 355303 +endoplasmic 355289 +connoisseurs 355277 +motorised 355261 +lomax 355242 +eck 355223 +mutilated 355209 +usefully 355092 +risotto 355064 +follicles 355061 +instituting 355034 +balzac 355008 +threefold 354902 +conflicted 354894 +retirements 354872 +innocently 354830 +burris 354828 +deepened 354825 +clef 354825 +dak 354800 +brainwashed 354736 +gridlock 354570 +integrable 354559 +chalkboard 354556 +anaemia 354533 +trice 354532 +jungles 354498 +permian 354494 +unaffiliated 354484 +imitating 354481 +infractions 354409 +shreds 354376 +treviso 354349 +backdrops 354327 +turkmen 354324 +globulin 354224 +petitioned 354218 +violator 354187 +boxcar 354186 +sagan 354147 +pounder 354131 +kronor 354110 +thad 354090 +archway 354090 +tocopherol 354084 +intercepts 354048 +tirelessly 354034 +adsorbed 354020 +phospholipid 353957 +reiterates 353940 +oversaw 353920 +loudest 353909 +ultimatum 353879 +eyeshadow 353844 +shuffled 353840 +pushbutton 353817 +shelling 353784 +observant 353716 +unhappiness 353696 +cinder 353693 +viaduct 353677 +elastomers 353652 +pelt 353623 +laurels 353616 +methodical 353588 +wadi 353564 +secularism 353558 +engulfed 353511 +bequests 353500 +trekker 353476 +monotonous 353442 +pakistanis 353430 +glyphs 353430 +gigli 353398 +thorp 353392 +glandular 353360 +pythagoras 353357 +aligns 353338 +rejuvenate 353336 +operatic 353309 +malevolent 353294 +lessened 353285 +stile 353280 +sherrill 353262 +reciting 353246 +xenia 353193 +nadir 353146 +recoup 353144 +franchised 353116 +relocatable 353104 +warhead 353055 +backfill 353041 +fascists 353035 +adjacency 353019 +antagonism 352995 +prisms 352979 +debby 352940 +gorton 352923 +coinage 352863 +carmarthen 352828 +endgame 352824 +golan 352767 +unproductive 352751 +banqueting 352734 +curbside 352721 +howrah 352678 +planer 352674 +hermaphrodite 352669 +gavel 352668 +bassinets 352640 +nefarious 352621 +stoppage 352565 +defray 352565 +laconia 352561 +inputting 352494 +dimming 352388 +endangering 352380 +zealots 352378 +weighty 352373 +goof 352334 +landmine 352304 +oeuvre 352291 +subsided 352290 +sahib 352239 +notifier 352208 +gasping 352190 +valerian 352186 +idiocy 352181 +frenzied 352149 +postulate 352124 +enrollee 352078 +authenticating 352068 +senor 352047 +trespassing 352040 +profs 352040 +foams 351933 +orbitals 351887 +hammerhead 351886 +dotcom 351847 +pendent 351828 +edifice 351673 +vermin 351663 +stalemate 351657 +motrin 351523 +loosening 351517 +classifies 351497 +ischia 351470 +ankh 351458 +incurs 351436 +dialectic 351406 +rationalization 351327 +brokering 351275 +tantalizing 351201 +rhinoceros 351147 +adjutant 351108 +malignancies 351070 +spitz 351048 +limassol 351024 +lobbied 351022 +sickening 350993 +splat 350981 +nostradamus 350981 +pondered 350972 +gallium 350971 +mannered 350933 +sorbet 350904 +snows 350890 +steeper 350882 +rangoon 350856 +depriving 350850 +stalwart 350794 +sharia 350779 +topiary 350778 +verandah 350749 +buttery 350719 +deformity 350715 +cronies 350709 +extendable 350695 +pella 350670 +optometrist 350656 +undervalued 350653 +bogey 350651 +kana 350640 +pipette 350622 +invalidity 350615 +coveralls 350614 +soundly 350612 +isolator 350561 +dank 350541 +zany 350516 +pinkerton 350504 +austral 350496 +canvases 350447 +applauds 350445 +weakens 350417 +interferometer 350401 +barbican 350398 +cerf 350378 +criminally 350364 +lariat 350338 +psychopathology 350334 +cartoonists 350311 +indira 350271 +redraw 350239 +pursuance 350193 +beng 350190 +scapegoat 350164 +faceless 350131 +oregonian 350083 +aftershock 350075 +gena 350063 +spiro 349917 +whiteboards 349912 +strategists 349874 +loti 349864 +hydrotherapy 349854 +marionette 349851 +anathema 349846 +nitty 349781 +quintile 349742 +dehumidifier 349618 +industrials 349616 +bouncers 349614 +mages 349589 +roseanne 349571 +trifle 349545 +forefathers 349435 +piraeus 349432 +xxvi 349425 +workhorse 349383 +iterated 349357 +kyd 349354 +pooping 349343 +eradicated 349318 +preferentially 349291 +fraternities 349283 +diuretic 349251 +zimbabwean 349140 +unexpired 349124 +westmorland 349117 +toga 349106 +refractor 349023 +dysphagia 348992 +inadmissible 348986 +redesigning 348974 +milken 348956 +zooplankton 348903 +philatelic 348831 +berths 348829 +modularity 348824 +innocuous 348824 +heroines 348812 +retake 348798 +unpacked 348770 +marengo 348742 +gonzalo 348730 +quiche 348728 +resales 348717 +clenched 348714 +maduro 348690 +evaporate 348563 +transcriber 348540 +midwinter 348537 +notarized 348532 +neocons 348523 +franchisor 348511 +compagnie 348503 +bellini 348493 +undoing 348466 +vying 348440 +communes 348433 +cassava 348424 +bedspreads 348393 +pooch 348386 +gripper 348358 +disappointments 348354 +glace 348348 +negated 348331 +musicianship 348301 +puns 348285 +adios 348221 +purview 348215 +hilt 348212 +dyfed 348168 +devoured 348168 +overpass 348166 +inwardly 348149 +goaltender 348128 +speedometer 348124 +adeline 348085 +smothered 347988 +carteret 347970 +fatwa 347937 +eulogy 347889 +bottomed 347886 +superscript 347827 +rwandan 347826 +proteinase 347810 +siva 347770 +lond 347768 +pernicious 347740 +haircuts 347724 +discriminant 347691 +continua 347673 +babbitt 347638 +reims 347630 +scrimmage 347623 +multiplexers 347588 +privates 347568 +whims 347565 +hew 347543 +carnivore 347538 +egalitarian 347528 +mortgagee 347495 +skirmish 347468 +roan 347407 +nags 347402 +anyplace 347367 +ventilating 347363 +retreating 347361 +mohave 347353 +nonsensical 347349 +gallows 347324 +rheumatism 347304 +devotee 347290 +cowardice 347282 +fabled 347260 +mingus 347243 +fangs 347216 +animosity 347212 +dosimetry 347207 +smelter 347194 +dynamism 347119 +wily 347116 +rabat 347104 +wiles 347101 +ensue 347067 +manmade 347061 +somaliland 347056 +conto 347030 +jaffa 347022 +sagging 347009 +statics 346995 +crumbled 346982 +rucksack 346951 +janette 346926 +sybil 346919 +cupcake 346823 +pekin 346788 +defied 346779 +zamora 346760 +hopelessness 346758 +errand 346755 +yeoman 346735 +slimy 346686 +raggedy 346658 +coerce 346617 +payloads 346582 +overhang 346555 +customizations 346494 +stunningly 346432 +sobbing 346430 +muslin 346419 +hugger 346409 +prequel 346398 +deliberative 346371 +tattooing 346319 +shekels 346318 +talley 346298 +estoppel 346283 +emigrant 346277 +dodo 346253 +torr 346252 +supercool 346186 +contaminate 346165 +plovdiv 346114 +bassinet 346064 +taillights 346062 +visionaries 345994 +salesmen 345988 +thorny 345963 +hibernation 345946 +ponders 345945 +innkeepers 345888 +epistles 345858 +aromatics 345842 +interplanetary 345830 +discontinuing 345783 +bork 345755 +trampled 345753 +sealers 345751 +interbank 345680 +hullabaloo 345680 +erratum 345669 +contreras 345669 +anthracite 345614 +novgorod 345598 +earbud 345590 +coastlines 345569 +meditating 345566 +trunking 345546 +foxtrot 345544 +rosanna 345542 +patchouli 345538 +inequities 345535 +testes 345509 +defaulting 345507 +alpert 345493 +merciless 345490 +borer 345460 +originators 345455 +censoring 345423 +oriole 345395 +slocum 345369 +clump 345355 +reusing 345347 +mensa 345320 +shiner 345282 +rhesus 345267 +transcribe 345253 +invalidated 345206 +shenanigans 345202 +atrocity 345199 +elinor 345194 +proportionally 345141 +untrained 345136 +thrusts 345131 +championed 345123 +billable 345116 +tiresome 345108 +splashed 345105 +givers 345100 +antonyms 345095 +cockroaches 345048 +faraway 345040 +lune 345033 +underwritten 345006 +tarps 344956 +sociologists 344946 +ellesmere 344944 +ostomy 344928 +ingest 344905 +gazebos 344879 +sirloin 344853 +moccasins 344853 +parthenon 344833 +abounds 344806 +salutes 344792 +collided 344765 +tilde 344748 +potash 344742 +valery 344733 +boarders 344731 +insp 344718 +lapping 344713 +chivalry 344671 +commonality 344582 +midis 344574 +regrettably 344564 +playbook 344522 +frustrate 344483 +exhibitionists 344452 +sideboard 344381 +copland 344354 +poaching 344299 +montmartre 344266 +muffled 344261 +vincennes 344254 +inlays 344239 +lockets 344202 +whitey 344144 +foiled 344142 +guyanese 344104 +laryngeal 344102 +outfielder 344099 +flocked 344049 +slapstick 344039 +connaught 344019 +subculture 343998 +modded 343993 +skids 343992 +tether 343977 +hyperbole 343911 +marathons 343910 +skeet 343898 +toucan 343861 +masterclass 343857 +borghese 343835 +oxidizing 343783 +intergalactic 343716 +brahman 343698 +phosphorous 343654 +charlemagne 343628 +pulsing 343623 +photocopiers 343617 +obligor 343616 +matcher 343609 +heralds 343530 +sterility 343475 +lessors 343443 +dynasties 343435 +prowl 343421 +luminaries 343399 +karats 343399 +bridger 343392 +amiable 343390 +piecewise 343294 +sittings 343271 +undulating 343268 +recharging 343240 +thatched 343234 +felice 343219 +urinal 343195 +payphone 343099 +rockfish 343094 +duodenal 343042 +uninstalled 343027 +irrevocably 343006 +coworker 343002 +cyclades 342999 +bunyan 342966 +screenplays 342952 +shiites 342946 +hinders 342924 +tubers 342912 +lactobacillus 342900 +unrelenting 342883 +kandahar 342846 +expeditiously 342784 +antiquated 342775 +jerked 342767 +sputtering 342735 +femininity 342734 +opulent 342718 +deferment 342709 +mots 342694 +dimly 342692 +coconuts 342641 +confuses 342639 +executors 342618 +waders 342595 +squall 342590 +rya 342539 +nothingness 342533 +hellfire 342515 +hebrides 342508 +havering 342493 +montfort 342448 +chokes 342433 +demeter 342421 +houdini 342335 +bridgette 342228 +antagonistic 342228 +cinque 342212 +bowery 342185 +immovable 342184 +caterpillars 342167 +outlier 342120 +naira 342118 +consigned 342101 +pret 342035 +camshaft 342005 +exotica 341998 +scooped 341961 +bijou 341954 +innervation 341928 +reefer 341873 +exerts 341870 +hibernia 341843 +constraining 341823 +idling 341794 +lepton 341749 +cursory 341712 +poznan 341665 +kingstown 341643 +dissipate 341613 +batsman 341602 +hymen 341598 +wavelets 341584 +cogs 341581 +desorption 341430 +refuted 341426 +bellflower 341419 +watertight 341414 +ionian 341414 +americanism 341381 +photocopier 341379 +talc 341339 +pessimism 341334 +penises 341329 +vehemently 341317 +gwendolyn 341290 +nairn 341275 +velvety 341254 +mononuclear 341235 +wheezing 341229 +conferees 341148 +ternary 341120 +footballer 341113 +sisyphus 341102 +foolproof 341084 +lakshmi 341077 +teeming 341066 +paradoxes 341046 +someones 340972 +foolishly 340928 +immunosuppressive 340835 +mcveigh 340830 +inanimate 340730 +panting 340695 +depositor 340667 +comers 340660 +defensively 340515 +romaine 340512 +forgo 340426 +barca 340426 +tacks 340393 +lithographs 340376 +effusion 340361 +educates 340359 +lunacy 340313 +signers 340299 +dimensionality 340261 +angell 340225 +loathe 340224 +bochum 340192 +eyepieces 340181 +earbuds 340179 +makeovers 340147 +unprocessed 340130 +notoriety 339996 +centra 339994 +hydroxyl 339977 +showered 339948 +interacted 339945 +polishes 339940 +brats 339931 +huddle 339922 +numismatic 339907 +avoidable 339865 +adenoma 339838 +aah 339838 +beaconsfield 339819 +lakhs 339793 +flammability 339735 +truancy 339715 +taxicab 339692 +confounded 339653 +flatiron 339649 +midlife 339624 +coughs 339604 +unavailability 339576 +rooter 339548 +widener 339532 +pretends 339501 +residencies 339486 +faery 339469 +eloise 339459 +cablevision 339458 +pye 339429 +disrupts 339419 +onetime 339415 +gating 339402 +widens 339335 +omnipotent 339331 +gautier 339307 +deflated 339298 +infestations 339292 +poise 339263 +judgmental 339227 +meiji 339225 +antipsychotic 339203 +zeeland 339150 +ringed 339148 +slaughterhouse 339139 +bagging 339054 +huddled 339047 +unsteady 339038 +brainwashing 339021 +duchy 339003 +disconnecting 338959 +malacca 338940 +wilmer 338863 +carrion 338853 +summarily 338849 +sphincter 338831 +heine 338826 +infill 338778 +ejaculations 338767 +leopards 338734 +etude 338721 +stereotyping 338711 +rearranging 338663 +geographies 338660 +sanctified 338642 +handicapper 338596 +plantar 338586 +tradesmen 338572 +excitedly 338567 +quarrying 338544 +approachable 338519 +braced 338518 +sweetener 338517 +braised 338515 +gaunt 338487 +nourished 338472 +spigot 338430 +skilling 338418 +nailer 338408 +cornstarch 338343 +hepatocytes 338341 +coupes 338332 +effie 338283 +mauricio 338253 +daffodils 338204 +chloroplast 338169 +pollute 338167 +buzzword 338137 +pistachio 338100 +riverbank 338063 +predominately 338001 +metalware 337987 +pomp 337970 +giza 337963 +pretzel 337914 +warping 337905 +connotations 337876 +wilber 337825 +yardstick 337820 +neutrophil 337818 +supernatant 337809 +segmental 337759 +multitudes 337753 +imperium 337747 +supercharger 337727 +thicknesses 337719 +sprouting 337673 +spew 337669 +vestibular 337667 +orth 337642 +deceleration 337600 +summoning 337586 +consignee 337579 +aldehyde 337562 +pronged 337552 +baring 337522 +jacked 337488 +annabel 337452 +tartar 337438 +brownish 337437 +cropland 337419 +nazism 337398 +operationally 337384 +testicle 337355 +rejoin 337343 +rosettes 337325 +pinter 337274 +stratigraphic 337200 +dundalk 337184 +snipers 337174 +gosport 337152 +rubrics 337111 +kerouac 337096 +volition 337072 +cooperated 337062 +crawls 336980 +suave 336960 +riddance 336933 +gulp 336923 +greaves 336923 +lottie 336919 +lurk 336918 +amoco 336893 +smudge 336879 +tulle 336799 +gabby 336756 +helplessness 336751 +dumbbells 336738 +circumstantial 336727 +dermot 336599 +ironwood 336593 +adiabatic 336582 +pend 336581 +naturalism 336575 +patties 336511 +accelerometer 336444 +galloping 336392 +indestructible 336384 +principality 336334 +penobscot 336302 +micky 336259 +johnathan 336223 +alisha 336214 +gambier 336192 +indulging 336157 +darrel 336153 +allusion 336152 +laminator 336124 +bosh 336119 +samaria 336091 +smeared 336066 +quadrature 336060 +liqueurs 336003 +catskills 335979 +tablecloths 335976 +herder 335972 +outfall 335955 +unzipped 335943 +winifred 335926 +parasol 335916 +interchangeably 335895 +concurs 335886 +deformations 335867 +farting 335851 +nonspecific 335803 +coloration 335773 +culling 335765 +stingy 335740 +zealot 335714 +toot 335690 +succinctly 335689 +sisley 335669 +gooey 335656 +bielefeld 335639 +devotes 335590 +manet 335542 +turmeric 335516 +carnelian 335506 +vigour 335480 +geom 335422 +abstracting 335416 +snares 335412 +parietal 335401 +underpants 335393 +appleseed 335388 +mandating 335385 +bidet 335335 +transdermal 335274 +illegible 335268 +recreating 335250 +snot 335248 +mortars 335242 +didst 335242 +ductile 335239 +dimensionless 335228 +curiosities 335224 +wither 335215 +contractually 335154 +courtyards 335136 +calderon 335109 +flattening 335102 +sterilized 335094 +insulate 335018 +cobblestone 334955 +showplace 334938 +stockpiles 334933 +seamed 334904 +meteorologist 334830 +colonoscopy 334830 +calmed 334820 +flattered 334812 +babbling 334809 +alkaloids 334746 +centrality 334683 +pisses 334681 +campaigned 334640 +admirably 334638 +vipers 334637 +twinning 334608 +taster 334583 +nightfall 334563 +sourdough 334547 +croat 334462 +ashtrays 334373 +punters 334365 +dropper 334330 +wack 334282 +hurl 334231 +loyalists 334207 +kendo 334180 +xenophobia 334162 +dory 334147 +sheltering 334145 +krypton 334131 +heisenberg 334120 +nary 334106 +reconfigurable 334093 +doz 334048 +bushman 333996 +forego 333942 +castile 333925 +woodwinds 333873 +ricotta 333807 +motorways 333799 +edelweiss 333787 +humidor 333769 +vacationing 333764 +irreparable 333740 +immunities 333737 +broiled 333717 +superstitious 333698 +airdrie 333684 +tangy 333638 +evangelists 333626 +insides 333603 +sedative 333596 +farina 333581 +cutaway 333552 +defraud 333504 +toothed 333484 +artsy 333481 +transferor 333455 +bygone 333433 +cliches 333429 +nosferatu 333426 +klimt 333404 +wilds 333381 +intercession 333380 +lettered 333334 +sackville 333328 +hotlines 333309 +reaffirms 333279 +apricots 333220 +darkening 333212 +golds 333197 +depressions 333190 +ranching 333115 +toasting 333093 +toothpick 333066 +exhale 333048 +forwarders 333024 +likable 333004 +shoestring 332956 +brads 332940 +whirling 332914 +doghouse 332874 +altars 332874 +abolishing 332814 +chauncey 332811 +grebe 332810 +standup 332780 +playgirl 332778 +flexion 332777 +recesses 332765 +kinsman 332756 +ibex 332704 +geomagnetic 332704 +lowestoft 332679 +blobs 332665 +footers 332656 +droppings 332636 +designator 332593 +causative 332581 +payed 332515 +loveseat 332489 +karyn 332467 +overworked 332451 +uncontested 332437 +cecile 332430 +orbs 332407 +cardiologists 332356 +mutable 332351 +militarily 332344 +delicacies 332312 +inflating 332292 +sputnik 332291 +barometric 332267 +regrowth 332236 +lusaka 332233 +cybersex 332208 +doughnut 332166 +scorching 332150 +cribbage 332148 +rondo 332097 +coffins 332093 +typescript 332043 +piste 332028 +jove 332011 +cashed 331974 +ushers 331973 +enos 331970 +jewry 331914 +barfly 331910 +vegetarianism 331895 +extractors 331851 +dictaphone 331847 +copperfield 331846 +martinis 331815 +envisions 331810 +flexibly 331802 +whoop 331753 +reposition 331728 +cacao 331714 +hobbyists 331684 +anat 331670 +obsoletes 331639 +mammogram 331639 +webcasting 331532 +soggy 331525 +ecologist 331506 +ararat 331490 +reinstalling 331411 +gendered 331403 +annoys 331360 +rackets 331323 +litigants 331304 +ducted 331289 +crisps 331278 +wristwatches 331245 +heiress 331210 +identifications 331186 +dressy 331155 +authenticator 331152 +depositories 331077 +godhead 331050 +canvassing 331027 +evita 330988 +portia 330984 +shyness 330980 +plath 330943 +pickers 330937 +angelus 330890 +subjecting 330883 +unsightly 330796 +grahame 330751 +forecasters 330737 +linoleum 330699 +frayed 330676 +criminality 330649 +culverts 330613 +cuticle 330584 +levelling 330541 +pimples 330532 +shorted 330490 +spunky 330478 +razz 330478 +readies 330426 +shrapnel 330415 +arthurian 330397 +burgos 330382 +deuterium 330377 +litany 330367 +fairest 330345 +totalitarianism 330330 +trigonometric 330314 +nutter 330293 +bristles 330278 +verbosity 330273 +pavarotti 330265 +larder 330243 +syncing 330241 +ganges 330234 +beret 330199 +rollaway 330118 +nonstandard 330073 +laundries 330027 +truthfulness 330011 +atrocious 330010 +obelisk 329988 +valeria 329976 +claret 329947 +holst 329935 +ebola 329930 +samos 329906 +consolidates 329885 +consecration 329885 +disaggregated 329868 +forbearance 329867 +chromatographic 329867 +golly 329846 +congratulates 329802 +reinstalled 329778 +plastered 329746 +clemons 329745 +phospholipids 329697 +elsinore 329658 +apostrophe 329645 +wobbly 329523 +stepmother 329520 +seagulls 329516 +megawatts 329486 +lapland 329464 +illuminator 329434 +symbolically 329419 +unsubstantiated 329339 +centroid 329333 +monogrammed 329329 +gambian 329278 +tailgating 329274 +jesuits 329231 +voluminous 329203 +mottled 329195 +zing 329159 +snips 329153 +lockup 329124 +tosses 329112 +manifesting 329097 +estella 329063 +implantable 328993 +resiliency 328858 +astrobiology 328850 +scrip 328826 +disinfectants 328822 +berkshires 328788 +inhumane 328781 +inadequately 328764 +arabella 328763 +unlocks 328720 +panicked 328705 +throng 328670 +toed 328663 +crump 328553 +randomization 328533 +rinsing 328529 +reschedule 328522 +tob 328514 +preempt 328500 +shunned 328497 +abandons 328497 +resold 328488 +phosphor 328436 +frontenac 328426 +appetites 328387 +unscented 328386 +ergonomically 328349 +roosters 328337 +ionosphere 328313 +trotsky 328300 +airworthiness 328299 +turnip 328276 +juxtaposition 328247 +marci 328204 +crushes 328146 +foreshore 328134 +carnivorous 328116 +berber 328091 +gusset 328084 +mince 328039 +banish 328029 +metalwork 328016 +flapping 328008 +fino 328002 +punting 327997 +frets 327989 +scab 327970 +schism 327944 +sculptured 327878 +allyson 327811 +teriyaki 327807 +jemima 327787 +impoundment 327772 +interrelationships 327759 +josephus 327700 +maputo 327685 +heretics 327681 +dogged 327646 +apparition 327614 +abernathy 327612 +barristers 327600 +fermion 327592 +fluor 327545 +inoperable 327514 +scrutinized 327475 +earthworks 327472 +thrashing 327460 +salome 327455 +cyclonic 327430 +unsubscribing 327393 +shawna 327391 +pinyin 327377 +thumping 327373 +vara 327339 +eugenics 327257 +quenching 327230 +hunch 327195 +molotov 327190 +amaryllis 327190 +sandpaper 327174 +messes 327162 +perdition 327117 +wintering 327078 +topple 327077 +hardiness 327073 +phew 327052 +chickasaw 327020 +pungent 327011 +discontinuance 326987 +carbonated 326985 +waives 326966 +wraparound 326949 +reboots 326915 +headliner 326915 +unbridled 326894 +vul 326856 +superposition 326837 +fanzine 326796 +astrologer 326787 +purportedly 326763 +antigenic 326749 +dietetics 326728 +assembles 326725 +veracruz 326724 +vietcong 326697 +chairwoman 326676 +petrochemicals 326670 +techies 326549 +canvass 326522 +radish 326496 +manifestly 326460 +checkmate 326448 +starlets 326410 +emphatic 326393 +aficionado 326331 +motivator 326314 +riv 326285 +outgrowth 326263 +homeward 326240 +withered 326236 +sandstorm 326232 +taoist 326221 +nameplate 326181 +baiting 326177 +surrendering 326176 +mothering 326147 +chrysanthemum 326128 +reconstructions 326124 +sunspot 326104 +aisha 326098 +fluorine 326084 +retype 326058 +fortification 326057 +spurt 325911 +elation 325901 +creationist 325885 +wail 325861 +artistically 325860 +ampicillin 325791 +cowbell 325751 +elma 325750 +rater 325717 +epileptic 325674 +cezanne 325669 +crag 325657 +feller 325654 +earpiece 325640 +tranche 325549 +enmity 325547 +sanctum 325541 +mazes 325527 +unconstrained 325452 +souter 325436 +osteopathy 325384 +stavanger 325365 +materialistic 325282 +boaz 325275 +rooftops 325268 +discourages 325266 +boater 325221 +shackleton 325208 +weirdo 325197 +congresswoman 325193 +tass 325180 +eucharistic 325076 +mong 325059 +farts 325011 +rourke 325008 +oncoming 324940 +falwell 324920 +racked 324889 +knockoffs 324869 +cloister 324868 +hygienist 324862 +nichole 324855 +dartmoor 324786 +stapled 324757 +butternut 324726 +fancied 324708 +spoilt 324636 +predisposed 324627 +hydrochloric 324626 +hainan 324596 +logoff 324577 +cockroach 324569 +xanadu 324533 +computable 324524 +strode 324522 +playgroup 324515 +disorganized 324475 +disassemble 324408 +shaftesbury 324395 +littoral 324389 +boltzmann 324380 +abidjan 324346 +anise 324336 +grainy 324326 +hospitalizations 324324 +aggressor 324310 +giggled 324279 +walkabout 324243 +pepperoni 324243 +optimising 324243 +boathouse 324233 +consummation 324186 +fronting 324162 +refreshingly 324153 +sculptural 324114 +neurophysiology 324113 +zola 324037 +unfaithful 324015 +outflows 324010 +executioner 323995 +asthmatic 323982 +guillemot 323971 +realizations 323969 +linguistically 323966 +reconstitution 323904 +interviewee 323871 +titular 323843 +swears 323831 +pinup 323824 +diminutive 323818 +transcendence 323783 +surah 323774 +statisticians 323763 +swatches 323756 +maoist 323713 +lilangeni 323703 +trapeze 323700 +lemmings 323695 +extents 323681 +spams 323676 +omagh 323674 +cellophane 323621 +paring 323609 +blevins 323593 +damning 323558 +cardholders 323533 +matrimony 323431 +humbug 323395 +signalled 323343 +hyperbaric 323299 +granulated 323296 +bulldozer 323263 +ailment 323256 +homely 323224 +subprime 323200 +sharpie 323182 +perpetuity 323119 +stepfather 323082 +currier 323075 +taproot 323062 +delorme 323061 +disprove 323054 +urbanism 322984 +bernhardt 322924 +incurable 322902 +capillaries 322891 +mountainside 322833 +shoving 322832 +furnishes 322828 +menthol 322824 +blackouts 322815 +starkey 322810 +eves 322799 +dragonflies 322790 +anointing 322763 +inescapable 322688 +swabs 322684 +strictest 322647 +domiciled 322638 +absorbance 322619 +minx 322604 +lbw 322603 +eclipses 322569 +prise 322565 +simba 322561 +hadrian 322543 +cornbread 322505 +appendixes 322496 +supremely 322466 +keynotes 322462 +mensch 322422 +hastened 322417 +perpetuating 322384 +froggy 322368 +prioritise 322325 +bagpipe 322308 +terns 322293 +prostrate 322274 +provisionally 322209 +cocked 322191 +dribble 322187 +raged 322172 +hardwired 322166 +hosta 322160 +boyne 322147 +seeger 322131 +sondheim 322101 +interconnecting 322101 +singularly 322048 +elam 322044 +underpinnings 322013 +gobble 322005 +preposterous 321999 +lazar 321985 +laxatives 321978 +mythos 321954 +colloid 321935 +hiked 321931 +symbolized 321895 +breech 321860 +ripening 321833 +oxidant 321825 +pyramidal 321821 +umbra 321800 +choruses 321768 +trebuchet 321762 +pyrite 321759 +drunks 321756 +submitters 321755 +mahdi 321743 +obstructing 321706 +kidder 321643 +hotkey 321643 +phosphoric 321632 +crediting 321604 +parquet 321589 +pasquale 321510 +reparation 321496 +amply 321480 +creationists 321422 +damask 321405 +batted 321390 +scrapers 321388 +rejoined 321380 +hovercraft 321362 +nighthawk 321323 +urologic 321318 +impotent 321310 +spits 321273 +emotive 321269 +papacy 321266 +curmudgeon 321233 +freshener 321208 +thimble 321166 +racists 321146 +lacquered 321105 +ablaze 321096 +assassinations 321091 +gramophone 321087 +spotty 321064 +lech 321052 +simmering 321050 +pola 321039 +cyclosporine 321013 +nettie 321006 +grasshoppers 321004 +internationalisation 320999 +crawlers 320912 +senatorial 320903 +thawed 320884 +unexplored 320877 +characterizations 320874 +transpired 320870 +dietitians 320866 +toulon 320845 +undeliverable 320745 +beechwood 320745 +epistemological 320686 +infiltrated 320674 +fortifications 320616 +cloaking 320583 +dens 320578 +unannounced 320572 +deactivation 320570 +dichroic 320528 +loafer 320516 +skydive 320491 +gratings 320487 +quin 320452 +retinol 320447 +insurmountable 320388 +kunming 320358 +countervailing 320357 +fairing 320353 +prettier 320352 +invisibility 320304 +haystack 320301 +swisher 320225 +synthesizing 320218 +hotspur 320155 +fjords 320132 +nightstand 320130 +helmholtz 320063 +confining 320060 +loony 320048 +infringes 320011 +loyalties 319997 +louvain 319997 +etchings 319993 +reversals 319959 +slipcovers 319950 +impenetrable 319936 +collate 319919 +encapsulate 319885 +gtd 319866 +gymnastic 319850 +triglyceride 319833 +undistributed 319804 +purr 319799 +industrialised 319796 +galvanised 319795 +duped 319795 +nits 319774 +stifling 319707 +realises 319690 +vena 319681 +ratepayers 319674 +vindicated 319668 +bennie 319665 +gaborone 319659 +bund 319651 +invades 319643 +oust 319635 +neurotransmitters 319623 +jhansi 319574 +rumps 319557 +dipper 319525 +luminescent 319517 +percolation 319506 +signified 319496 +talkers 319489 +sockeye 319470 +exemplify 319405 +attractor 319352 +inane 319343 +byways 319329 +ibsen 319327 +becket 319297 +recliners 319224 +lombok 319216 +headhunters 319127 +bluntly 319112 +retransmitted 319108 +assayed 319104 +bask 319041 +mermaids 319020 +contemplates 319019 +corky 318993 +defensible 318991 +berk 318987 +derail 318983 +midgard 318963 +spinster 318874 +goblets 318872 +touting 318853 +interrogated 318836 +crappie 318824 +birthstones 318818 +yolks 318800 +clonal 318766 +sulawesi 318753 +anticancer 318706 +overlapped 318680 +spook 318653 +modulating 318653 +marianas 318636 +noninvasive 318632 +bicyclists 318627 +oglethorpe 318598 +geometrically 318479 +magdeburg 318477 +outweighs 318472 +tarnished 318457 +diorama 318409 +deducting 318399 +caretakers 318383 +amazes 318375 +undamaged 318369 +fie 318365 +brimming 318358 +consolidator 318350 +ridiculed 318321 +paralegals 318318 +snags 318312 +ionia 318225 +prater 318221 +olden 318215 +cyclotron 318185 +hod 318155 +herne 318137 +grommets 318134 +unending 318132 +discontinuities 317972 +gripes 317957 +tatar 317945 +headquarter 317886 +prokofiev 317884 +previewing 317853 +bacardi 317760 +spiffy 317745 +subscripts 317735 +curiae 317724 +rodolfo 317675 +nuanced 317640 +oncologist 317638 +abominable 317597 +rattled 317595 +farmhouses 317570 +tambourine 317508 +roughing 317499 +tramway 317486 +coinsurance 317446 +slayers 317431 +venomous 317422 +impressively 317419 +baselines 317417 +addressable 317404 +reapply 317394 +ispell 317394 +patriarchy 317393 +inextricably 317377 +tapering 317321 +roasters 317298 +affordably 317265 +homelands 317237 +prinz 317232 +aleutian 317217 +dampen 317216 +snowmen 317184 +luminescence 317184 +landscapers 317165 +llano 317161 +neh 317145 +interdepartmental 317141 +nita 317137 +unjustly 317130 +neutered 317127 +sinbad 317109 +masterworks 317101 +yuk 317091 +rhizome 317069 +leprechaun 317062 +fokker 317055 +unknowingly 317046 +rehearse 317036 +apertures 317021 +abuja 317009 +ido 316998 +seducing 316985 +screeching 316938 +digicam 316933 +reedy 316918 +ceded 316917 +reformulated 316895 +imbued 316860 +amide 316773 +fearsome 316712 +psychometric 316705 +bruckner 316689 +likeable 316673 +sleds 316641 +christendom 316600 +expressionism 316551 +postcodes 316521 +biographer 316454 +wreak 316442 +tarragona 316441 +penultimate 316437 +qatari 316408 +leotard 316395 +constructivist 316392 +bridegroom 316373 +underpinned 316370 +catchments 316329 +swarming 316278 +accomplice 316255 +chuckles 316223 +fostoria 316220 +straightener 316130 +capra 316123 +shakti 316121 +looper 316080 +morphogenesis 316047 +sidelined 316043 +irregularity 316001 +immigrated 315979 +grayling 315971 +gash 315928 +bloat 315923 +impeded 315914 +gravestone 315905 +pompous 315897 +backwater 315884 +kiwis 315840 +monomers 315835 +subvert 315806 +summative 315792 +arpanet 315761 +advil 315709 +seder 315708 +muscled 315634 +instrumentality 315616 +insomniac 315607 +barnaby 315532 +detonated 315509 +addie 315504 +electrophysiology 315495 +gorey 315486 +rosanne 315437 +impassioned 315434 +decrement 315426 +esau 315376 +productively 315356 +desperado 315344 +berlioz 315320 +lytton 315315 +solidify 315304 +callas 315271 +takings 315261 +triplex 315241 +handpicked 315231 +bareilly 315215 +ruminations 315200 +anatolia 315173 +exteriors 315171 +mouton 315162 +callisto 315160 +contagion 315150 +cameos 315114 +archimedes 315114 +casings 315098 +abutting 315091 +desecration 315076 +equalizers 315068 +embarcadero 315038 +wuppertal 314996 +gunmetal 314920 +bolstered 314888 +pocketbook 314850 +townes 314809 +mexicali 314801 +anselmo 314800 +inverting 314782 +misinterpreted 314778 +garlands 314755 +sparkly 314741 +automaker 314719 +sputum 314687 +ornithology 314684 +mongol 314643 +audacious 314603 +midshipmen 314579 +peeler 314500 +degrades 314464 +forefoot 314454 +maggiore 314427 +protestantism 314420 +calibrating 314411 +soreness 314362 +boldness 314341 +repeals 314335 +confrontational 314332 +entrapment 314219 +brecht 314207 +debuggers 314201 +advection 314186 +dubs 314179 +surya 314172 +yazoo 314167 +keogh 314157 +cramping 314088 +kalgoorlie 314058 +screenwriters 314053 +minimisation 314051 +perturbative 314050 +ducting 314045 +chagall 314027 +chopsticks 314019 +ophthalmologists 314008 +adjudicator 313972 +fantom 313942 +montparnasse 313920 +hooligans 313863 +cassius 313859 +alpacas 313854 +nebo 313831 +powdery 313829 +exportation 313766 +diverge 313759 +loosened 313747 +uncharted 313708 +radian 313691 +roca 313628 +misunderstand 313613 +incidences 313613 +oncologists 313596 +virility 313550 +glaxo 313534 +geyser 313513 +laverne 313512 +inalienable 313505 +kylix 313497 +snowbird 313422 +untamed 313377 +visualizations 313353 +painstakingly 313343 +eben 313250 +xxviii 313220 +annabelle 313190 +nightshade 313165 +gerardo 313130 +taser 313105 +meddling 313075 +bolo 313054 +objecting 313049 +writeup 313043 +gib 313026 +shoddy 313015 +deceptively 312993 +confrontations 312941 +freelancing 312937 +callie 312878 +salutation 312873 +heartbeats 312872 +mersey 312870 +altercation 312840 +trustworthiness 312810 +octagonal 312772 +pillowcase 312728 +mended 312722 +navigators 312699 +indochina 312691 +notches 312682 +odysseus 312680 +unleashing 312671 +unfavourable 312640 +crystallographic 312632 +abject 312620 +lymphomas 312601 +gratuities 312549 +regenerating 312532 +grenville 312522 +heretical 312516 +mervyn 312479 +riveted 312475 +histologic 312465 +quiescent 312458 +strangeness 312445 +tincture 312405 +proliferative 312385 +kismet 312378 +takeovers 312355 +erecting 312353 +drafter 312335 +conga 312319 +bdl 312314 +tenderer 312273 +deejay 312270 +agave 312239 +sicilia 312225 +roku 312128 +compresses 312123 +impeller 312120 +botulinum 312053 +hookah 312028 +lucian 311925 +pitting 311903 +aby 311870 +psychotherapist 311858 +bradstreet 311843 +persevere 311793 +extramural 311764 +nearshore 311729 +detractors 311708 +arabesque 311697 +fittest 311689 +tarnish 311663 +isthmus 311647 +airliners 311639 +anas 311544 +hildebrand 311532 +eateries 311422 +holograms 311395 +feu 311393 +treads 311379 +tox 311337 +encrypts 311327 +forwarder 311306 +lengthen 311303 +socialized 311259 +mayday 311257 +esperance 311196 +barista 311187 +honing 311152 +bacteriology 311124 +oxbridge 311112 +prodigious 311108 +reordering 311093 +spoonful 311088 +beeps 311081 +sociable 311061 +requisitions 311035 +scleroderma 311032 +deftly 311024 +raucous 311021 +geopolitics 310993 +optimizers 310986 +curios 310977 +hairpin 310975 +toasts 310966 +litmus 310956 +collaborates 310947 +greys 310921 +exaggerate 310913 +speculum 310899 +odes 310891 +nabisco 310889 +tootsie 310841 +blushed 310822 +saddest 310788 +spools 310783 +medico 310782 +grinds 310771 +exempts 310749 +quadrupole 310711 +menominee 310664 +outpatients 310646 +immorality 310626 +coulee 310620 +bugged 310616 +addington 310580 +marcellus 310564 +gilda 310473 +sojourner 310459 +wench 310447 +spontaneity 310413 +illusory 310413 +annenberg 310385 +rescission 310369 +perrier 310336 +sympathize 310322 +ribose 310314 +inspects 310265 +lefties 310260 +faggot 310229 +bloomer 310218 +barrows 310203 +kyat 310183 +tantamount 310178 +cagney 310175 +sarong 310132 +slaughtering 310130 +lumped 310084 +stepwise 310080 +straighteners 310047 +scribed 310027 +dissected 310026 +borrows 310018 +frigid 309996 +butters 309969 +hemispheres 309959 +armrest 309958 +woollen 309955 +vorticity 309933 +approximates 309886 +overwriting 309881 +recidivism 309866 +ashram 309843 +speculating 309823 +rounders 309771 +impairs 309746 +immobilization 309743 +carafe 309735 +enteric 309728 +pawns 309696 +outermost 309687 +buccaneer 309660 +marimba 309626 +quarterbacks 309608 +peachy 309577 +hotlink 309508 +seaplane 309463 +westphalia 309396 +augmenting 309373 +winded 309370 +myopia 309370 +methinks 309333 +rambles 309327 +tyndale 309313 +diatoms 309303 +blunts 309279 +interne 309264 +billionaires 309246 +rantings 309219 +angeline 309217 +dawning 309187 +capacitive 309175 +naturopathy 309152 +theocracy 309138 +intelsat 309131 +caplets 309131 +quint 309126 +cheeseburger 309113 +wingers 309061 +middleman 309048 +derailleur 309045 +congratulating 309024 +dorking 309002 +flagrant 308992 +wane 308932 +trachea 308912 +loins 308897 +uneventful 308868 +scoundrels 308811 +numbing 308782 +distraught 308779 +assassinate 308774 +moldavia 308763 +midge 308737 +unwavering 308731 +astronautics 308709 +confidentially 308682 +piecemeal 308680 +collet 308674 +puckett 308643 +bilirubin 308641 +flirty 308617 +sondra 308586 +codification 308572 +progressions 308522 +inferiority 308514 +burnished 308499 +acidosis 308499 +osmotic 308383 +repositioning 308372 +eggers 308355 +knitter 308351 +clothe 308351 +swelled 308324 +belting 308322 +snipes 308302 +transliteration 308258 +breda 308207 +gentleness 308196 +emitters 308189 +staked 308188 +sandwiched 308169 +rigidly 308159 +oyez 308150 +simile 308148 +phalanx 308142 +hindering 308139 +sloped 308121 +dashboards 308100 +chron 308082 +roundhouse 308053 +encapsulates 308019 +homologue 308017 +melba 308005 +sifting 307984 +glucagon 307957 +nicolai 307946 +milos 307933 +rivas 307895 +ambivalence 307878 +loudness 307846 +guillotine 307824 +intertidal 307789 +chartering 307760 +bream 307756 +reverting 307747 +dionysus 307740 +meander 307722 +leanings 307721 +groans 307720 +canker 307701 +poof 307682 +keener 307658 +meaningfully 307644 +audios 307618 +embellishment 307616 +confesses 307535 +gullible 307531 +biogenesis 307526 +mistresses 307496 +breakwater 307474 +smuggler 307463 +busily 307426 +painkillers 307417 +synovial 307413 +inaugurals 307409 +poached 307394 +aram 307392 +shopkeeper 307386 +uncirculated 307380 +hailing 307363 +imparted 307253 +slumped 307211 +gluing 307201 +contradicting 307189 +headlong 307188 +captor 307186 +fads 307178 +indelible 307167 +imago 307167 +alkalinity 307166 +hefner 307160 +tethered 307136 +orcas 307125 +whiteness 307121 +yellowknife 307118 +grazed 307080 +joules 307069 +mesmerizing 307051 +jakes 307048 +thrived 307039 +unfulfilled 306956 +acquittal 306956 +perverts 306951 +intentioned 306942 +fluently 306927 +pigtailed 306926 +ascribe 306862 +murchison 306842 +saraband 306836 +stalked 306832 +deluded 306770 +lisburn 306767 +outstretched 306753 +trembled 306749 +nitrile 306737 +gens 306724 +oped 306688 +janitors 306606 +unobserved 306588 +micrometer 306586 +ronstadt 306547 +twitching 306544 +smacks 306534 +troughs 306500 +anagrams 306483 +strikeouts 306467 +unbelievers 306426 +polarizer 306426 +exegesis 306386 +betas 306327 +brothels 306278 +intraocular 306273 +skilful 306269 +sprockets 306229 +futurist 306200 +invocations 306188 +cunnilingus 306162 +bolder 306156 +vips 306147 +omits 306112 +endures 306111 +velasquez 306110 +alamogordo 306101 +harmonised 306080 +laski 306047 +xylene 306027 +anticipatory 305987 +impersonation 305935 +assignable 305876 +interfacial 305860 +girder 305846 +julliard 305814 +renormalization 305806 +decentralised 305764 +bismuth 305764 +lavinia 305746 +intents 305708 +unconnected 305702 +ovum 305631 +backgrounder 305576 +pruned 305557 +lantana 305537 +wedded 305508 +seasonality 305496 +sublease 305492 +lashed 305492 +penna 305448 +lith 305446 +standardizing 305442 +retelling 305421 +valladolid 305389 +contentions 305379 +bickering 305355 +whaler 305342 +unobstructed 305313 +hydrogenated 305307 +menschen 305305 +fondling 305284 +ricks 305248 +spenser 305224 +astounded 305221 +kirchner 305210 +permanency 305198 +smacked 305187 +trusses 305177 +pallas 305163 +anatole 305155 +sleet 305148 +disgraced 305056 +philippa 305048 +zoster 305037 +survivability 305022 +grooved 304997 +transcontinental 304992 +resigning 304898 +dene 304848 +laxative 304804 +alcove 304771 +wale 304722 +ungodly 304649 +enlargements 304617 +felling 304614 +marinades 304577 +winemaker 304553 +grendel 304463 +rattlers 304443 +landes 304431 +hazing 304414 +carbonyl 304410 +telecast 304391 +bermudian 304391 +villarreal 304370 +disclaimed 304330 +spectacularly 304294 +montagu 304195 +mindedness 304169 +carmelo 304146 +camacho 304058 +twi 304057 +steamship 304013 +condescending 303986 +recounting 303962 +breeches 303961 +redundancies 303941 +seashell 303936 +pacifist 303932 +appellation 303917 +brassica 303799 +drips 303778 +fibrinogen 303770 +abbe 303739 +montes 303659 +handsomely 303610 +skyway 303606 +polis 303594 +achiever 303591 +botched 303572 +multiracial 303571 +politburo 303561 +resourced 303556 +fresheners 303530 +corticosteroid 303520 +soapy 303519 +revisionist 303514 +segovia 303472 +untenable 303463 +microbe 303438 +serialize 303385 +deformities 303360 +necktie 303341 +xxvii 303300 +memorizing 303288 +downwind 303250 +depositors 303203 +incr 303187 +tardy 303140 +disregarding 303138 +matron 303110 +seaward 303086 +uppermost 303084 +ciphers 303025 +rebounded 303018 +nibble 302987 +hermetic 302983 +marauder 302836 +renegades 302829 +showings 302741 +cardamom 302665 +untouchable 302626 +exerting 302622 +sitemaps 302618 +fleeces 302579 +pecker 302561 +industrious 302561 +temporally 302543 +reappointment 302515 +attractively 302503 +symonds 302477 +canuck 302452 +maldive 302449 +adopter 302441 +decayed 302419 +stethoscopes 302412 +shipyards 302396 +anglian 302347 +footpaths 302327 +kaohsiung 302321 +tamarack 302316 +sauteed 302310 +backfire 302229 +narcissism 302205 +disarray 302186 +truckload 302184 +proprietorship 302180 +oddball 302091 +harps 302084 +hedged 302075 +antihypertensive 302057 +cleanest 301948 +minter 301929 +teutonic 301907 +viceroy 301862 +ingrained 301765 +caspar 301758 +slaw 301756 +collating 301746 +dou 301723 +swordsman 301703 +commissary 301680 +geomorphology 301675 +yellows 301593 +habitually 301570 +astrophotography 301502 +knuth 301480 +majorities 301474 +voiceover 301470 +jacque 301457 +srinagar 301449 +divestiture 301435 +archetypal 301427 +boner 301402 +driller 301397 +mummies 301396 +conquests 301396 +policymaking 301372 +brimstone 301353 +pretest 301342 +trowel 301297 +fertilisers 301288 +tyndall 301284 +profiting 301276 +nabs 301255 +beseech 301253 +boulogne 301251 +tantalum 301210 +hitched 301204 +smelt 301053 +renin 300995 +nonmetallic 300990 +undersecretary 300982 +margery 300972 +yearn 300957 +benzyl 300951 +nabokov 300939 +culprits 300928 +stiffs 300891 +trinkets 300881 +whig 300874 +enchant 300839 +austere 300808 +earths 300756 +storehouse 300748 +cowhide 300731 +plumage 300727 +antecedents 300715 +tenors 300697 +diabolical 300667 +tugs 300661 +rapier 300644 +unspoiled 300637 +antibes 300629 +equalities 300609 +haughty 300598 +overlying 300577 +kef 300574 +relinquished 300553 +netiquette 300548 +opiates 300537 +salami 300521 +upgradeable 300503 +narcissistic 300480 +assaulting 300474 +admirals 300467 +cadaver 300424 +esmeralda 300414 +brokerages 300414 +creatives 300399 +musicology 300397 +politico 300380 +pauling 300376 +captivate 300362 +cassel 300336 +semiannual 300306 +deterred 300298 +meld 300270 +loyd 300238 +apathetic 300207 +uninteresting 300171 +lyre 300168 +equitably 300141 +piaget 300138 +yawning 300130 +centralization 300119 +paged 300118 +prunes 300117 +hydrophilic 300100 +erupt 300083 +redone 300082 +mallow 300040 +duress 300034 +cossacks 300010 +airshow 299929 +bluefish 299868 +bub 299865 +attuned 299850 +herons 299841 +raiding 299817 +deft 299809 +banger 299806 +kwanza 299779 +declassified 299778 +doable 299775 +seething 299768 +carne 299731 +burritos 299660 +ramming 299639 +alligators 299604 +loris 299596 +instigated 299592 +kandy 299591 +superstructure 299542 +husk 299495 +hygienists 299484 +lodz 299477 +fiedler 299473 +donn 299470 +grandiose 299435 +clerkship 299431 +classifiable 299358 +sodas 299348 +concisely 299341 +libertines 299340 +deflector 299301 +reenter 299288 +inboard 299263 +kurtis 299252 +symbiosis 299212 +dobro 299212 +pera 299211 +maldonado 299203 +scepticism 299191 +laparoscopy 299167 +caboose 299167 +quatre 299147 +fitters 299114 +concatenated 299095 +graduations 299094 +germanium 299062 +constancy 299057 +plats 299052 +countryman 299047 +stoked 299039 +wingspan 299023 +allergenic 299023 +machinists 299022 +buncombe 299007 +insufficiently 298964 +cements 298928 +reappear 298918 +hick 298899 +boudoir 298896 +affinities 298888 +aquino 298870 +repellents 298840 +glades 298840 +daman 298839 +crutch 298836 +playbill 298830 +rioting 298819 +espoused 298809 +amylase 298678 +lems 298669 +buckling 298649 +songbird 298646 +telemarketers 298610 +honk 298573 +mamie 298552 +frisch 298552 +upped 298533 +discursive 298466 +disputing 298406 +unpaved 298405 +faure 298399 +vasectomy 298359 +rostock 298357 +arequipa 298347 +repudiation 298330 +worrisome 298269 +nonconforming 298233 +seafront 298213 +rushdie 298204 +handcuffed 298191 +marshmallows 298189 +turners 298183 +dinette 298183 +mormonism 298168 +clarice 298134 +sunblock 298113 +freighter 298087 +dimples 298063 +turd 298037 +inhabitant 298013 +reprinting 298000 +derivations 297977 +flourishes 297960 +colonized 297955 +velez 297954 +trine 297941 +lav 297904 +redwoods 297891 +hessian 297886 +carriageway 297848 +ardour 297836 +hing 297818 +levant 297794 +kaliningrad 297793 +banach 297776 +hogarth 297775 +godard 297724 +distributable 297718 +imitators 297687 +pathogenicity 297632 +talkative 297630 +deselect 297628 +phonograph 297578 +speculators 297569 +lieut 297564 +sty 297523 +aficionados 297491 +belay 297360 +petunia 297354 +ingres 297308 +sleaze 297276 +matriculation 297271 +smelting 297266 +corrector 297250 +cuss 297222 +emulating 297217 +slippage 297215 +drakensberg 297210 +gremlin 297178 +slats 297172 +dovetail 297170 +transcribing 297162 +sundae 297154 +orgasmic 297137 +vina 297100 +kirkcaldy 297095 +shorelines 297093 +reportage 297076 +manoeuvre 297065 +lifters 297063 +rhinos 297047 +spartacus 297041 +epistemic 297020 +apprehend 297016 +leeway 296990 +pigmentation 296943 +offends 296941 +quayle 296940 +lumpy 296904 +landlocked 296878 +photoelectric 296863 +embattled 296858 +wisest 296854 +shackle 296852 +kabuki 296825 +itemize 296790 +riverbed 296788 +diminution 296785 +southernmost 296737 +freckles 296722 +embezzlement 296715 +chipmunk 296712 +billiton 296685 +splints 296676 +positivity 296670 +civilised 296647 +airship 296641 +camelback 296638 +destruct 296592 +beautification 296569 +fiscally 296537 +galls 296535 +yippee 296524 +ammon 296510 +imitated 296474 +inflicting 296473 +bede 296472 +inducement 296470 +heave 296454 +optician 296446 +gauguin 296441 +altair 296433 +cud 296395 +bloating 296363 +proclamations 296353 +siphon 296335 +scandic 296314 +complicates 296290 +aviary 296266 +rarer 296244 +powerboat 296196 +trundle 296192 +slowness 296176 +braga 296160 +wrongfully 296118 +hushed 296114 +cadres 296110 +lessening 296092 +backroom 296084 +aurelius 296019 +limburg 296008 +dragster 296004 +reinvested 295994 +dobra 295948 +pout 295935 +theophylline 295883 +snook 295873 +cognate 295863 +mire 295839 +coven 295821 +sufferer 295808 +markka 295777 +alk 295738 +mores 295725 +flushes 295708 +raindrops 295680 +restate 295663 +peshawar 295662 +bice 295645 +elegy 295636 +sanctification 295629 +sanded 295619 +shamanic 295586 +kandinsky 295586 +indignant 295580 +godless 295551 +sloop 295505 +enesco 295461 +politeness 295448 +bollocks 295433 +baffling 295425 +refreshes 295414 +hurriedly 295411 +ampersand 295410 +hopefuls 295395 +conservatively 295375 +reworking 295334 +birders 295321 +congolese 295305 +characterise 295299 +purporting 295293 +fingertip 295293 +brazing 295257 +quarantined 295247 +willpower 295233 +medias 295223 +mammograms 295175 +babysitters 295161 +chandlery 295157 +icebreaker 295149 +taunt 295148 +aphid 295138 +nett 295120 +hinting 295098 +omicron 295083 +maggot 295075 +schoolboy 295070 +perchlorate 295064 +bailiff 295036 +laborious 295035 +cauchy 295034 +outpouring 295024 +rachelle 295017 +deflected 295011 +cums 294994 +safeguarded 294980 +atropine 294963 +inflection 294926 +origen 294905 +myrrh 294893 +equating 294889 +infuse 294883 +chaff 294863 +okie 294857 +defaced 294843 +mimicking 294826 +pampers 294820 +showy 294798 +altruistic 294746 +chaplaincy 294695 +backflow 294690 +aldermen 294630 +commends 294623 +emcee 294621 +moorish 294619 +stateside 294602 +bobbing 294574 +defiantly 294559 +colonels 294554 +machete 294538 +readmission 294509 +pathos 294432 +battleships 294418 +squashed 294415 +smartly 294415 +isms 294401 +laments 294376 +spied 294373 +nephropathy 294370 +menorah 294368 +playthings 294367 +exfoliating 294359 +argumentative 294352 +wisteria 294348 +directorial 294344 +condiment 294335 +roused 294305 +socialite 294294 +aloof 294291 +concealer 294161 +nama 294143 +snore 294125 +sendai 294106 +capitalisation 294098 +charred 294077 +reassess 294075 +myrna 294051 +dunstan 293939 +bioremediation 293932 +validly 293910 +rematch 293872 +rollovers 293863 +instrumented 293837 +fijian 293819 +chutes 293812 +faberge 293750 +bolshevik 293744 +gwyn 293725 +unsound 293719 +hatter 293707 +charmaine 293696 +creepers 293691 +splatter 293660 +stents 293651 +quilters 293641 +takeout 293635 +silty 293612 +recreations 293595 +profusely 293595 +dumbarton 293576 +bearish 293528 +intelligences 293526 +sorrel 293520 +heep 293517 +curitiba 293510 +reverie 293486 +phonon 293453 +colloquial 293440 +thievery 293438 +callous 293411 +jingles 293394 +erk 293380 +reconnection 293369 +mismatched 293365 +saps 293343 +perplexing 293312 +splashes 293310 +homesick 293281 +duper 293268 +gainer 293223 +shiv 293199 +ochre 293192 +venn 293188 +heartbreaker 293139 +ster 293130 +bystander 293122 +dilatation 293104 +actuation 293085 +commemorates 293027 +beachcomber 292929 +distiller 292904 +encyclopedic 292903 +varicella 292872 +greenock 292840 +quell 292803 +repulsion 292764 +parachutes 292734 +imprecise 292699 +caw 292692 +dianna 292665 +imagines 292654 +resurrect 292648 +softens 292629 +harnessed 292618 +unfilled 292609 +flanged 292608 +posit 292597 +sinuses 292591 +amputee 292575 +exuberance 292555 +obligate 292551 +endotoxin 292524 +flocking 292523 +unnumbered 292497 +blankenship 292493 +clary 292452 +deselected 292451 +charleroi 292434 +garnishment 292380 +outbursts 292315 +humidors 292313 +undying 292298 +proteases 292298 +stubble 292285 +caddies 292270 +bamberg 292269 +amie 292258 +appendicitis 292240 +colliding 292211 +knesset 292200 +mughal 292180 +enumerator 292170 +splines 292159 +marvell 292149 +existentialism 292116 +quivering 292102 +crossbar 292094 +toastmaster 292072 +uptight 291990 +actives 291970 +doodles 291941 +chimeric 291939 +hatters 291905 +cochise 291895 +severus 291891 +peacetime 291835 +gringo 291827 +commending 291813 +flattery 291781 +soothes 291727 +expropriation 291717 +millstone 291709 +payrolls 291706 +mortgaged 291699 +impossibly 291662 +reselling 291647 +cocteau 291634 +beluga 291630 +compels 291609 +drunkenness 291521 +indulged 291498 +habitable 291481 +diatom 291428 +bobsled 291423 +subtleties 291419 +incarnations 291394 +oscilloscopes 291377 +trappings 291366 +afterthought 291356 +legume 291345 +redial 291337 +hillbillies 291275 +zionists 291209 +storefronts 291205 +damsel 291200 +euphrates 291192 +duomo 291121 +josephson 291104 +decorum 291058 +nondurable 291028 +taffeta 291016 +barbells 291016 +spoiling 291011 +syndicates 291007 +detritus 291006 +galactose 291005 +yellowing 290954 +submariner 290936 +robs 290924 +bustiers 290913 +assortments 290913 +giselle 290884 +earthenware 290870 +implementers 290862 +proust 290847 +incendiary 290818 +pickwick 290816 +lenient 290798 +dined 290743 +schleswig 290735 +idly 290705 +freshers 290701 +polysaccharides 290688 +sporadically 290668 +nontrivial 290630 +disinfected 290625 +freda 290613 +devilish 290565 +rimmed 290543 +feedstock 290509 +haematology 290468 +aristocrat 290432 +scathing 290412 +twinkling 290393 +ede 290375 +pantomime 290370 +byproducts 290362 +hyphens 290342 +autobahn 290332 +bulgari 290306 +efflux 290287 +wanderings 290225 +orang 290223 +dislocations 290169 +capetown 290164 +astaire 290159 +decimated 290120 +hijab 290111 +overthrown 290103 +magus 290097 +medulla 290083 +regressive 290081 +moored 290077 +burks 290057 +peered 290025 +cedi 290020 +uninterruptible 290003 +bores 289979 +regrettable 289941 +strangled 289890 +bonito 289876 +undertones 289727 +zeolite 289718 +scrappy 289669 +vladivostok 289665 +maxims 289635 +camisoles 289619 +engrossing 289548 +fere 289534 +jezebel 289533 +vireo 289521 +lethargy 289520 +nagaland 289473 +clydesdale 289453 +prescriber 289397 +reverts 289395 +purine 289355 +counterpunch 289354 +frolic 289348 +transfusions 289322 +lightyear 289312 +valletta 289303 +gites 289297 +casework 289297 +cassia 289291 +painstaking 289263 +lamina 289244 +umber 289235 +goths 289217 +finality 289205 +bimini 289202 +toppled 289200 +ewes 289200 +mending 289190 +excavators 289187 +wrestled 289149 +sciatica 289110 +areal 289091 +shakedown 289090 +aneurysms 289089 +caucuses 289063 +reruns 289050 +nonlinearity 289011 +plazas 289008 +hurtful 289005 +chivas 288987 +alternation 288969 +astigmatism 288928 +ibo 288919 +receding 288891 +laban 288870 +conjugates 288852 +candelabra 288762 +levittown 288754 +malfunctioning 288734 +outposts 288717 +polyunsaturated 288711 +millennial 288710 +roasts 288677 +hemispheric 288666 +asymmetries 288662 +treading 288644 +downy 288639 +rossetti 288634 +conformed 288612 +tach 288593 +kudzu 288577 +characteristically 288572 +treatable 288499 +goldsmiths 288467 +erupts 288455 +swarms 288429 +toroidal 288420 +puglia 288379 +geographers 288373 +spinnaker 288353 +incinerators 288334 +doctorow 288300 +megawatt 288294 +superuser 288283 +evolutions 288272 +minimised 288261 +escorting 288254 +irregularly 288250 +malmo 288243 +chives 288208 +oratory 288206 +harvesters 288168 +wingnut 288159 +scruggs 288138 +velma 288111 +excitations 288109 +sharpest 288076 +palisade 288033 +septal 288025 +sprains 288007 +corvettes 287999 +slovene 287991 +moccasin 287978 +circumcised 287969 +lemur 287912 +growled 287897 +auxiliaries 287880 +aphrodisiac 287825 +benefactors 287746 +saxophonist 287729 +resented 287717 +terse 287692 +masjid 287661 +insistent 287642 +peppered 287595 +nebulae 287590 +abstentions 287588 +lidocaine 287582 +sterne 287571 +utile 287546 +digitizer 287542 +frightful 287528 +waxy 287502 +trite 287494 +gentler 287476 +vex 287473 +cystitis 287471 +proforma 287432 +shard 287428 +infects 287417 +dilapidated 287413 +loos 287375 +mien 287370 +hanky 287363 +squats 287331 +guanajuato 287302 +libertarianism 287297 +prolapse 287181 +stubby 287176 +evangelistic 287164 +lugo 287159 +sixpence 287148 +energetics 287131 +impaled 287083 +forays 287082 +charon 287067 +coniferous 287064 +fath 287028 +sickly 286991 +flanks 286991 +nanette 286987 +inexplicably 286895 +curbed 286884 +retest 286883 +efficacious 286875 +philanthropist 286873 +chloramphenicol 286871 +thaddeus 286857 +repairer 286823 +diesels 286814 +argentinean 286811 +convinces 286771 +banjos 286765 +geodesy 286736 +valuers 286701 +innuendo 286651 +kasparov 286621 +pitfall 286614 +attenuator 286613 +rede 286605 +polysaccharide 286586 +superhighway 286539 +disservice 286536 +minder 286525 +orator 286521 +assessable 286478 +pinata 286477 +photocopied 286474 +mopeds 286473 +bumblebee 286466 +digicams 286443 +abet 286436 +biomechanical 286430 +harland 286294 +highlighter 286287 +malachite 286276 +steppe 286262 +thorndike 286246 +sires 286232 +featherweight 286224 +intricately 286192 +transgressions 286190 +lingers 286185 +digitize 286148 +blockbusters 286125 +supergrass 286115 +kerb 286112 +semiotics 286094 +smothering 286049 +tomorrows 286038 +drifters 285945 +encampment 285939 +calamari 285928 +lempira 285925 +roque 285897 +prophesy 285877 +recast 285859 +bursar 285837 +misrepresentations 285814 +dowel 285802 +interdiction 285788 +percents 285783 +chaste 285769 +bards 285757 +burgas 285756 +bestial 285747 +restock 285724 +jarrod 285683 +lineups 285616 +irradiance 285616 +buddhas 285559 +oozing 285552 +polarizing 285519 +richelieu 285492 +curd 285491 +bookish 285480 +subdue 285479 +raking 285465 +denouncing 285423 +traumatized 285408 +ascertaining 285387 +gillies 285377 +pepin 285353 +previewed 285279 +stags 285274 +hogue 285270 +beauregard 285264 +mentation 285250 +chattahoochee 285244 +bowyer 285225 +soldered 285179 +pylon 285153 +privateer 285131 +ratliff 285109 +grommet 285109 +kirkuk 285080 +neonates 285058 +hellenistic 285025 +vicarious 284993 +rwy 284978 +ruckus 284978 +traverses 284973 +seedy 284954 +centimetres 284952 +assertiveness 284944 +raincoat 284937 +barf 284937 +personable 284921 +implosion 284902 +scammers 284815 +jeanine 284800 +wetness 284746 +megalithic 284730 +straddle 284708 +bindery 284687 +imbedded 284684 +elysium 284629 +quenched 284621 +tantrum 284612 +conifers 284601 +juiced 284583 +antithesis 284565 +arthropods 284537 +flexing 284489 +tracers 284446 +timbuktu 284407 +nonnegative 284402 +awakens 284351 +amoeba 284346 +sonoran 284327 +accentuate 284301 +duvets 284281 +neodymium 284245 +squandered 284233 +kwa 284227 +sortie 284213 +alternators 284156 +caret 284139 +shipwrecks 284132 +withal 284116 +eyelashes 284053 +colliers 284038 +lookalike 284037 +gehrig 284016 +barman 283994 +asti 283970 +blindfold 283959 +bromine 283945 +rampart 283939 +possessive 283912 +immunoassay 283897 +feldspar 283890 +facades 283890 +maharaja 283845 +idealist 283841 +compensates 283801 +constables 283786 +mourns 283761 +solidified 283757 +ferric 283744 +conceit 283744 +needful 283742 +piso 283713 +campaigner 283710 +locusts 283697 +thatch 283678 +emboss 283630 +meiosis 283587 +diversifying 283574 +inadequacies 283558 +cappadocia 283542 +weathers 283513 +riverhead 283449 +suva 283411 +grunts 283400 +thicket 283399 +depraved 283374 +continence 283341 +puppetry 283289 +hypothalamic 283283 +treatises 283257 +polygonal 283213 +prying 283196 +rascals 283177 +stopover 283173 +amway 283150 +koppel 283144 +blip 283120 +multivitamins 283105 +voyageurs 283071 +bast 283052 +potholes 283017 +rudely 283006 +renditions 282979 +vichy 282961 +hammerstein 282954 +bloemfontein 282918 +pubescent 282916 +icky 282901 +weeps 282891 +berlitz 282865 +deplorable 282852 +smacking 282851 +reintroduced 282835 +aggravate 282794 +ariz 282775 +broadleaf 282771 +quoth 282770 +gretel 282751 +iconography 282747 +snowstorm 282696 +lacuna 282635 +postgraduates 282626 +solvable 282612 +combe 282561 +intensifies 282548 +birdies 282545 +queers 282516 +neckties 282505 +levelled 282471 +incessantly 282466 +sorption 282440 +depressant 282410 +radians 282336 +flaring 282319 +cormorant 282299 +pedigrees 282283 +seafarers 282279 +yanked 282274 +langton 282222 +dempster 282147 +switchgear 282128 +stargazer 282087 +testa 282061 +minted 282017 +lye 282007 +baseballs 281980 +ditty 281979 +homomorphism 281938 +pestilence 281901 +thoroughfare 281833 +skiff 281833 +tripura 281826 +spreaders 281820 +doss 281816 +belligerent 281789 +impeached 281777 +fingerboard 281769 +deaconess 281768 +gummy 281705 +biodegradation 281704 +tartu 281696 +hight 281662 +eclipsed 281658 +preschooler 281628 +conspired 281613 +auctioning 281572 +cationic 281567 +varia 281539 +catacombs 281527 +paperweights 281514 +agonizing 281500 +bottomless 281472 +sows 281460 +attributing 281451 +londoners 281445 +mouthpieces 281402 +encumbrances 281400 +tilapia 281386 +sardis 281330 +interferometry 281280 +rhondda 281266 +lullabies 281227 +slasher 281219 +critiquing 281212 +polypeptides 281211 +oxfords 281155 +excruciating 281150 +munchkin 281146 +punctual 281145 +audiotape 281135 +retrospectively 281077 +runaways 281042 +boniface 281022 +conjunctivitis 280989 +witter 280978 +grafted 280953 +watercourse 280939 +climatological 280922 +propped 280904 +marginalised 280893 +prostheses 280888 +telegrams 280880 +privatize 280832 +interphase 280807 +florsheim 280807 +staking 280806 +conversing 280801 +testable 280784 +backtracking 280781 +differentiable 280779 +sisal 280742 +acetylene 280724 +calamities 280706 +bedouin 280676 +viennese 280632 +fancies 280626 +peeves 280612 +accuser 280605 +ballymena 280603 +copolymers 280601 +bystanders 280547 +connotation 280510 +minos 280507 +bookable 280498 +alienating 280452 +brokaw 280391 +animas 280380 +ganymede 280346 +normalizing 280316 +sultans 280284 +enjoined 280278 +banknote 280174 +finches 280095 +basques 280083 +animating 279998 +mercurial 279942 +bargained 279936 +repugnant 279935 +mullahs 279909 +repossessed 279892 +citron 279885 +clave 279866 +pageants 279850 +grosses 279835 +tacked 279815 +broadens 279809 +supplant 279784 +oilseed 279776 +stiffer 279758 +pokes 279744 +saxophones 279734 +slates 279730 +corroborated 279724 +iwo 279704 +andros 279699 +bestiary 279675 +allelic 279622 +magnetically 279617 +arteriosclerosis 279615 +permafrost 279611 +hunky 279599 +cranking 279588 +multiplexed 279528 +birdman 279521 +microchips 279487 +infertile 279478 +tipsy 279464 +atria 279451 +layette 279438 +factually 279414 +sagas 279405 +cress 279364 +recognisable 279339 +neuralgia 279252 +timbre 279225 +scrotum 279205 +clasped 279205 +pecking 279202 +legislated 279201 +womanhood 279199 +conditionals 279158 +crimean 279156 +exorbitant 279133 +valenti 279129 +grieved 279113 +experimenter 279103 +purveyors 279089 +tallies 279069 +serpents 279060 +sniping 279032 +enteral 279020 +lanny 279015 +endocarditis 278974 +tampered 278959 +severally 278937 +woodworkers 278884 +ficus 278867 +sawtooth 278856 +bedstead 278727 +pravda 278726 +matchbook 278659 +wimp 278652 +bostonian 278651 +whirlpools 278647 +caressing 278627 +reliefs 278614 +bathtubs 278599 +tassels 278582 +culpa 278558 +whiter 278534 +dalmatians 278484 +froth 278469 +obliterated 278463 +hammett 278462 +regalia 278447 +hardbound 278446 +peerage 278441 +derma 278422 +deceitful 278413 +taboos 278343 +storied 278342 +disenfranchised 278332 +verbena 278322 +mandibular 278318 +unprofitable 278268 +elvin 278240 +doublet 278224 +astonishingly 278220 +cannibalism 278160 +antiqued 278158 +margret 278151 +popularized 278138 +typeset 278099 +chitosan 278082 +pretender 278071 +mosses 278049 +boning 278049 +butterscotch 278003 +gunslinger 278002 +livorno 277972 +marl 277956 +subside 277927 +moos 277925 +syr 277868 +burney 277868 +falsification 277853 +poltergeist 277848 +modernizing 277846 +conspiring 277836 +officiants 277766 +seabirds 277712 +retaliate 277674 +deafening 277626 +cohabitation 277614 +arlo 277568 +frostbite 277548 +beleaguered 277467 +jarring 277463 +wattle 277461 +baptismal 277405 +timaru 277395 +stoles 277383 +switzer 277374 +magdalen 277313 +managua 277306 +regularization 277304 +spillage 277289 +brackish 277222 +bessel 277202 +tubby 277187 +guar 277177 +glioma 277163 +oryx 277144 +posen 277141 +sedatives 277119 +hyperthyroidism 277087 +premenstrual 277076 +hyphenated 277067 +tinsel 277040 +coburg 277027 +scrutinize 277023 +adverb 277019 +mumbled 276990 +mired 276967 +bishkek 276964 +yams 276959 +breve 276955 +isopropyl 276952 +potentiometer 276938 +modigliani 276934 +mut 276922 +schwerin 276916 +sweatshop 276906 +prospectuses 276895 +worthiness 276863 +lazily 276858 +cattery 276849 +rona 276842 +jeepers 276825 +foliar 276821 +carnarvon 276787 +troposphere 276779 +rinks 276753 +revoking 276749 +jailhouse 276734 +rucksacks 276710 +raver 276658 +cuesta 276644 +posturing 276642 +cantata 276582 +disarming 276550 +ween 276549 +concentrators 276529 +castration 276496 +thiamine 276493 +woefully 276489 +negotiates 276485 +promontory 276460 +shanna 276429 +nachos 276379 +juridical 276358 +hillier 276352 +shandy 276348 +smote 276278 +olympians 276276 +diploid 276263 +mountings 276241 +googled 276225 +pivoting 276205 +bernanke 276109 +toggles 276108 +taunting 276082 +etruscan 276080 +outwards 276069 +rend 276063 +hezekiah 276057 +depravity 276049 +wealthier 276038 +bolus 275931 +calving 275924 +disagreeable 275894 +bloodline 275890 +offside 275879 +intrauterine 275830 +sprinkles 275820 +shortcoming 275813 +brainchild 275720 +castes 275707 +corrupting 275667 +massif 275637 +shrike 275618 +balloting 275611 +murat 275580 +kine 275575 +dixieland 275534 +dairies 275533 +unadjusted 275493 +ramsgate 275475 +poirot 275461 +biogas 275411 +ponytail 275407 +angelou 275367 +overtures 275351 +alcott 275341 +pharaohs 275339 +fraudulently 275334 +calendula 275326 +mushy 275321 +plunges 275294 +gibberish 275266 +servos 275265 +arbitral 275264 +intramuscular 275251 +dozer 275217 +sumer 275212 +dreadnought 275182 +tammany 275143 +aseptic 275138 +boulevards 275112 +redistributing 275077 +neurologists 275055 +darken 275055 +defamer 275024 +supercomputers 275011 +dowry 275011 +shapers 274981 +chateaux 274965 +gastritis 274941 +skirting 274810 +diapering 274800 +beatriz 274765 +gouging 274752 +adieu 274747 +gatherer 274740 +slackers 274739 +kindling 274738 +kamchatka 274735 +shortlisted 274730 +soweto 274704 +retransmit 274703 +nondestructive 274701 +spinoza 274696 +chekhov 274690 +affluence 274681 +salinger 274660 +acyclic 274652 +synchronicity 274651 +passable 274618 +shouldered 274598 +tumbleweed 274587 +milligram 274587 +dispatchers 274575 +craniofacial 274560 +hilarity 274536 +fulfils 274518 +predominance 274504 +rufiyaa 274483 +postcolonial 274478 +mitten 274462 +darjeeling 274461 +recirculation 274459 +campy 274413 +conquerors 274404 +mauritanian 274401 +tamarind 274341 +conceptualization 274333 +thar 274331 +dalasi 274326 +admonition 274326 +strafford 274292 +perchance 274273 +kursk 274266 +tonkin 274234 +rots 274227 +awash 274221 +heriot 274219 +demetrius 274219 +precocious 274205 +rood 274179 +sachsen 274144 +luzon 274131 +moravia 274129 +byzantium 274102 +barbs 274090 +heterozygous 274086 +spectrometers 274073 +repress 274024 +surabaya 274017 +outstation 274000 +africana 273948 +moiety 273909 +landforms 273845 +steeply 273833 +debunking 273821 +connectedness 273810 +calibrator 273797 +typographic 273793 +darned 273769 +ampere 273740 +peeking 273702 +locum 273698 +underweight 273696 +denser 273673 +dud 273654 +flamingos 273642 +moorland 273593 +lignin 273589 +cattlemen 273588 +bullfrog 273571 +gushers 273550 +pharmacologic 273529 +coincidences 273516 +divinely 273497 +goldenrod 273455 +debits 273454 +skimmed 273453 +lassie 273417 +spewing 273406 +mads 273404 +hedonism 273401 +congratulation 273390 +erasers 273344 +seminaries 273337 +terabytes 273332 +bernese 273282 +prepackaged 273245 +pumice 273213 +sawmills 273197 +trotting 273193 +resignations 273191 +stator 273178 +ambushed 273177 +combing 273176 +pianists 273169 +dovecot 273166 +indium 273038 +woodcraft 273011 +travesty 273007 +psychopharmacology 272997 +uncoated 272988 +gumball 272984 +bewildering 272966 +polarisation 272949 +hunchback 272939 +aback 272920 +pneumatics 272912 +deepens 272902 +blather 272886 +enactments 272874 +castaway 272848 +scaly 272847 +heaped 272836 +esker 272809 +minefield 272802 +tibetans 272791 +amniotic 272757 +derogation 272745 +fantastically 272612 +cobham 272603 +oracles 272602 +untied 272575 +scariest 272560 +quince 272529 +palmtop 272463 +profusion 272453 +gonadotropin 272447 +oka 272432 +unordered 272418 +redefines 272385 +conjectures 272381 +glint 272373 +incitement 272358 +bathrobe 272327 +afterschool 272324 +hansel 272304 +figuratively 272298 +ngultrum 272254 +trickster 272237 +superstores 272236 +sorceress 272188 +cranked 272176 +stoic 272080 +resonates 272071 +drugstores 272055 +aggressiveness 272036 +oscillatory 272010 +eukaryotes 272009 +footwork 272003 +montane 271996 +fatigued 271996 +unconsciousness 271970 +videocassette 271900 +guacamole 271897 +chub 271882 +bens 271877 +piecing 271859 +alums 271859 +delegating 271848 +quarto 271837 +reactivation 271816 +heartwood 271780 +ochoa 271744 +improvise 271728 +vang 271715 +incipient 271712 +underdogs 271664 +scintillation 271634 +colonials 271594 +avalanches 271592 +helices 271563 +exclusionary 271544 +crackling 271532 +objector 271531 +frankfurter 271500 +brindle 271470 +creeds 271460 +outrun 271425 +extenuating 271413 +tropospheric 271402 +blackberries 271394 +amiss 271389 +lemongrass 271388 +cavernous 271317 +brubeck 271265 +benders 271249 +scoreless 271238 +darlings 271233 +reprieve 271196 +seismology 271180 +radiometer 271161 +taurine 271159 +hyperspace 271120 +shanty 271114 +pluralistic 271061 +enforceability 271040 +formalize 271036 +voided 271023 +rapping 271010 +relaunch 271009 +overclock 271008 +proffered 270990 +protectionism 270984 +blanking 270923 +kish 270918 +rowena 270891 +phenobarbital 270886 +diehard 270874 +chickenpox 270874 +photochemical 270854 +flagpole 270789 +livid 270785 +distasteful 270773 +delores 270755 +distinctively 270750 +geezer 270732 +hares 270712 +overturning 270669 +illegals 270664 +swivels 270613 +pokey 270609 +orthotic 270575 +ringling 270574 +attestation 270563 +bravado 270559 +overpowering 270556 +ravings 270553 +metroplex 270548 +childless 270512 +annecy 270509 +electrifying 270447 +physiotherapists 270444 +belgravia 270438 +grecian 270406 +proportioned 270400 +lavishly 270400 +smite 270393 +forthright 270375 +foretold 270307 +dado 270289 +engraver 270276 +saddled 270257 +emphasising 270219 +chump 270215 +tortures 270191 +crusts 270189 +tibial 270178 +flaxseed 270148 +trawler 270147 +bifocal 270078 +littlest 270070 +cadastre 270061 +loge 270000 +presupposes 269991 +jalisco 269978 +timekeeping 269977 +trickery 269963 +adherent 269908 +kierkegaard 269902 +astrologers 269760 +lecce 269748 +unsold 269701 +vindication 269677 +opined 269671 +scoot 269666 +binning 269653 +bootstrapping 269642 +falter 269624 +chatty 269620 +auvergne 269616 +rheology 269598 +philistines 269597 +dostoevsky 269597 +encumbrance 269574 +retainers 269573 +forehand 269532 +cherbourg 269521 +imperfection 269517 +bolsters 269512 +elasticities 269499 +sura 269461 +pataca 269457 +sorrowful 269449 +sachets 269432 +celebratory 269357 +timepiece 269305 +mismatches 269289 +loveable 269275 +superconductor 269248 +unchanging 269239 +predominate 269212 +tortuga 269193 +phr 269180 +crisscross 269178 +urethral 269167 +kaiserslautern 269136 +detonator 269120 +ionospheric 269117 +wodehouse 269112 +molested 269041 +surv 269033 +multimillion 269030 +ingle 269023 +titres 268999 +scalpel 268971 +faeries 268969 +bandung 268920 +fascias 268910 +occam 268903 +hyena 268889 +wedlock 268858 +judaic 268831 +lorie 268814 +erstwhile 268813 +daffy 268813 +soph 268776 +obtuse 268754 +caudal 268726 +sextet 268708 +whitefield 268702 +sternly 268675 +chanted 268671 +blurs 268623 +jonson 268618 +savour 268503 +stabs 268482 +blacklight 268466 +derick 268427 +modeller 268420 +delimiters 268418 +indecency 268381 +lupine 268376 +lingered 268360 +feasting 268332 +decapitated 268325 +gourde 268295 +roadblock 268279 +suffocation 268264 +indemnified 268254 +lollipops 268247 +gilson 268207 +telepathy 268205 +microseconds 268200 +softest 268187 +sniffed 268185 +luftwaffe 268184 +lurks 268163 +liquidate 268159 +shoplifting 268139 +babbler 268093 +tenses 268030 +lawlessness 268026 +eeyore 268001 +tightens 267989 +spooks 267985 +pyrene 267959 +bernoulli 267956 +prefab 267946 +recollect 267939 +postmortem 267938 +outnumber 267922 +provocateur 267888 +rewrote 267831 +reconfigured 267807 +unionized 267794 +projectiles 267749 +oran 267739 +larch 267733 +yeasts 267717 +floridian 267696 +interrogatories 267681 +interrogations 267647 +muttering 267633 +seafloor 267598 +whet 267569 +prefrontal 267533 +sics 267520 +hitchhikers 267508 +proliferating 267474 +acceptances 267467 +discussant 267461 +situs 267454 +impatiently 267450 +gatekeepers 267421 +buffing 267409 +suspecting 267404 +physio 267393 +boles 267384 +recife 267342 +recharged 267339 +aline 267309 +disjointed 267308 +seizes 267285 +paganini 267259 +rubberized 267249 +inequity 267241 +vacationers 267220 +varese 267217 +eugenio 267171 +thebes 267168 +doer 267068 +pandemonium 267057 +cloisonne 267038 +byway 266973 +taichung 266951 +baywatch 266908 +pleat 266830 +reinvented 266818 +sweepers 266788 +aphasia 266763 +ravished 266761 +seep 266750 +cohosh 266740 +discerned 266724 +maoists 266713 +irreplaceable 266706 +waitresses 266703 +icicles 266703 +fanaticism 266691 +fescue 266663 +spearman 266617 +flamed 266596 +godsend 266577 +doorman 266548 +counterclockwise 266544 +oxygenated 266543 +rubbers 266537 +swoosh 266535 +treasurers 266508 +eradicating 266507 +rehearsed 266486 +observables 266449 +oreo 266447 +implausible 266421 +outrageously 266361 +creamery 266335 +petticoat 266308 +radiographs 266290 +inhabiting 266286 +unrestrained 266255 +injures 266230 +triennial 266229 +botha 266218 +pigtail 266208 +constriction 266187 +appraising 266187 +enthralled 266184 +reloads 266166 +strays 266160 +foetus 266141 +punter 266101 +bypasses 266084 +dollies 266031 +indicia 266009 +embroiled 266004 +headrests 265998 +excised 265993 +committers 265968 +swash 265955 +armistice 265954 +damped 265851 +southerners 265798 +fissures 265783 +clinched 265745 +astragalus 265742 +copayment 265741 +inoperative 265732 +riverine 265721 +forlorn 265714 +apologetic 265684 +absolution 265660 +fluidity 265627 +inordinate 265584 +tanga 265576 +clank 265523 +whacked 265500 +creasing 265493 +individualistic 265465 +cabochon 265455 +metical 265436 +marts 265406 +leaner 265392 +bracketed 265385 +brokered 265379 +aliphatic 265302 +monochromatic 265264 +artemisia 265240 +slimmer 265211 +fermions 265174 +evermore 265149 +locos 265108 +trattoria 265106 +batons 265075 +engendered 265072 +manchu 265050 +disconcerting 265024 +priestley 265009 +margaritas 265008 +appropriating 264999 +viticulture 264993 +socials 264932 +cuenca 264929 +shinto 264912 +attentions 264903 +abductions 264843 +oses 264724 +gawd 264723 +diffusers 264720 +inhaling 264704 +poon 264687 +ellipsoid 264646 +backrest 264644 +calmer 264639 +passers 264606 +carnivores 264604 +fluttering 264600 +irishman 264589 +callable 264584 +chartreuse 264550 +turpin 264522 +brier 264521 +phoenician 264511 +hundredth 264490 +firstborn 264490 +circumvention 264478 +reade 264474 +coves 264469 +betraying 264404 +rall 264381 +pamplona 264357 +emulsions 264314 +backwaters 264279 +chairing 264278 +birdhouses 264278 +screech 264240 +fetches 264162 +tradable 264150 +jami 264138 +axillary 264136 +uzi 264076 +maximally 264066 +regionalism 264039 +sweepstake 264036 +udall 264030 +clobber 264022 +encapsulating 264006 +noddy 263991 +carrillo 263991 +paltry 263983 +anchorman 263975 +yacc 263935 +misadventures 263887 +carelessness 263884 +threes 263880 +broadside 263877 +anticoagulant 263788 +doers 263783 +sods 263778 +tremolo 263753 +technicalities 263739 +goulash 263733 +craziness 263722 +thais 263711 +groaning 263705 +trailblazers 263677 +crematorium 263670 +beckons 263641 +rejoiced 263638 +scrumptious 263626 +vacuuming 263598 +suspender 263546 +filo 263538 +palpitations 263483 +blimp 263458 +quickness 263455 +entertains 263380 +loopy 263368 +larne 263366 +leal 263361 +turban 263349 +ruffles 263270 +serological 263259 +rediscovering 263237 +infatuation 263237 +gaiters 263221 +fug 263203 +zebras 263150 +disappearances 263121 +beardsley 263121 +transp 263117 +chomp 263066 +scoped 263031 +antistatic 263017 +plutarch 263007 +curving 262992 +frenetic 262990 +allium 262962 +misrepresent 262961 +postural 262945 +conservationists 262934 +tankard 262925 +staci 262893 +xxxix 262877 +toasty 262852 +kamehameha 262837 +culminates 262790 +amorous 262783 +notifiable 262779 +overflowed 262746 +corrupts 262744 +jesu 262731 +extrapolate 262720 +weaned 262699 +armchairs 262681 +urquhart 262657 +incompatibilities 262651 +edsel 262611 +pectin 262610 +merengue 262542 +vagueness 262539 +grumble 262526 +wronged 262517 +fireflies 262490 +odense 262463 +undergarments 262422 +consolidations 262422 +hoisting 262405 +falsified 262363 +dialectical 262341 +prospectively 262335 +tennessean 262315 +revocable 262294 +enthalpy 262292 +javanese 262208 +rosin 262173 +musics 262158 +cypriots 262139 +impersonators 262129 +labours 262114 +flatly 262105 +harsher 262073 +tipper 262072 +inciting 262040 +passphrase 262025 +raga 262020 +malleable 262011 +hydrocephalus 262011 +masturbates 262004 +ecru 261997 +mitzi 261993 +skippers 261988 +indecision 261965 +bathrobes 261958 +unselfish 261911 +whetstone 261887 +donnell 261815 +wilts 261805 +microcomputers 261805 +watercolours 261793 +wellspring 261782 +gulag 261761 +outlander 261754 +macaw 261749 +aryl 261723 +alight 261720 +epochs 261714 +barents 261713 +cheesecakes 261660 +francoise 261656 +genial 261630 +revolved 261605 +snowed 261587 +cachet 261569 +steeplechase 261549 +fortify 261545 +niigata 261516 +schoenberg 261476 +verifications 261471 +unsurprisingly 261465 +langmuir 261465 +cherubs 261460 +armature 261411 +canzone 261390 +implicate 261371 +opals 261351 +gatefold 261330 +pristina 261325 +nutritionally 261269 +jacobian 261256 +tolling 261245 +wartburg 261236 +fleury 261226 +provisioned 261192 +kooks 261188 +syriac 261173 +pumper 261170 +dived 261166 +weimaraner 261158 +bucking 261147 +baffles 261121 +obverse 261117 +infamy 261115 +dapper 261108 +belfry 261063 +durables 261051 +elysian 261048 +baldy 261017 +troubleshooter 260972 +andorran 260949 +odious 260947 +plier 260940 +loner 260915 +rehearsing 260908 +latencies 260889 +ellipsis 260868 +wheres 260858 +marquees 260855 +sutures 260850 +pragmatics 260836 +brownstone 260826 +fabricator 260808 +bergerac 260763 +delbert 260746 +nicolson 260703 +outperforms 260701 +cycled 260689 +outhouse 260657 +cobbled 260646 +haj 260642 +columba 260614 +romanesque 260610 +genghis 260604 +vanquish 260588 +imparts 260515 +dextrose 260510 +aet 260506 +joggers 260504 +parapsychology 260500 +quilter 260498 +sobs 260489 +launchpad 260482 +laudable 260463 +catabolism 260444 +alissa 260442 +luminal 260430 +institutionalization 260421 +permeate 260407 +thawing 260403 +violoncello 260386 +guayaquil 260374 +writs 260366 +omnipresent 260361 +gesundheit 260332 +inconsequential 260331 +insensitivity 260325 +deviants 260325 +hovered 260311 +devouring 260302 +renunciation 260295 +stunted 260292 +returnees 260281 +reformist 260235 +munching 260202 +fumbling 260190 +serviceability 260182 +purl 260145 +fireproof 260145 +banal 260129 +deployable 260118 +sojourners 260117 +adirondacks 260074 +rears 260073 +portico 260070 +iterators 260055 +broads 260053 +transportable 260029 +excites 260012 +weasels 260008 +placard 260002 +uncooked 259988 +lolly 259984 +quartermaster 259976 +wintergreen 259960 +peculiarly 259951 +hermon 259912 +placards 259909 +deport 259896 +lox 259880 +transposed 259863 +lemmas 259859 +slammer 259858 +gluck 259856 +theosophy 259852 +karmic 259849 +inking 259848 +jitters 259789 +coimbra 259756 +thrace 259743 +nonfatal 259723 +waistcoat 259695 +testaments 259657 +dobbins 259634 +perusal 259627 +delves 259619 +childlike 259599 +backus 259595 +shamelessly 259591 +guava 259541 +holomorphic 259534 +bandicoot 259524 +persimmon 259519 +attributions 259508 +shh 259490 +bosons 259490 +cloaked 259462 +decrypted 259441 +lichens 259436 +suppositories 259429 +brotherly 259429 +czechs 259409 +fresnel 259403 +uninhabited 259402 +recognitions 259400 +decoupage 259383 +demonstrably 259346 +carters 259341 +titling 259317 +sunfish 259275 +unbelief 259273 +facies 259269 +poinsettia 259235 +airstrip 259227 +overtaking 259172 +lamaze 259171 +bellman 259168 +euphonium 259158 +urinalysis 259153 +maintainability 259131 +btl 259124 +councilwoman 259088 +holed 259059 +grieg 259058 +galle 259045 +transference 258998 +arjuna 258998 +pliable 258993 +mantua 258917 +inevitability 258905 +wimpy 258895 +sardines 258874 +dictating 258850 +chucks 258842 +sidewall 258841 +duckling 258793 +jeffreys 258761 +decommissioned 258746 +crystallized 258740 +reprisal 258734 +walgreen 258733 +blighted 258690 +lucite 258684 +playability 258666 +rafter 258635 +warblers 258630 +dissect 258612 +tarragon 258602 +rumbling 258595 +hexane 258590 +perceptible 258573 +blazes 258573 +leto 258498 +hypnotist 258493 +escarpment 258462 +olivine 258437 +linearized 258433 +encircled 258378 +saxons 258340 +transcending 258335 +desegregation 258331 +megahertz 258316 +snout 258314 +goodly 258309 +philosophically 258298 +bigot 258267 +protester 258246 +gestapo 258231 +calendaring 258228 +bramble 258217 +persisting 258214 +hollies 258197 +freudian 258173 +sasquatch 258158 +enacts 258158 +eliz 258151 +goons 258119 +bouillon 258101 +scribbled 258079 +amu 258070 +belushi 258043 +canasta 258027 +axiomatic 258021 +celibacy 257992 +comparators 257944 +tooting 257942 +barros 257909 +scalars 257811 +displeased 257790 +cornerback 257775 +decathlon 257749 +anthill 257729 +finalise 257722 +brigid 257707 +lather 257706 +balding 257706 +quasars 257703 +extractive 257700 +falstaff 257678 +bureaucrat 257674 +generically 257667 +unchallenged 257663 +strayed 257639 +quakes 257618 +classicism 257617 +shaykh 257601 +commutation 257598 +recyclables 257579 +spiritualism 257576 +paves 257565 +gish 257544 +engender 257527 +pastes 257512 +gerbil 257476 +quandary 257475 +plucker 257428 +hiccups 257405 +silvers 257398 +jurists 257373 +cloaks 257367 +morita 257366 +preformed 257340 +glazes 257306 +finial 257306 +streaked 257304 +posses 257255 +claudine 257231 +chieftains 257223 +emphases 257108 +microgravity 257107 +prato 257094 +xylophone 257064 +hermeneutics 257022 +garrick 256994 +perches 256992 +candler 256968 +scrapes 256952 +andretti 256919 +leatherette 256918 +silhouetted 256904 +polisher 256889 +crouched 256886 +juana 256865 +gradation 256864 +telecaster 256863 +tole 256837 +unanimity 256829 +biogeography 256827 +warthog 256795 +vetting 256784 +educationally 256749 +tycho 256729 +goalies 256714 +impeding 256703 +joiners 256658 +balms 256614 +mantras 256596 +exploitable 256594 +remade 256566 +erythema 256558 +grisly 256550 +fornication 256543 +pinckney 256533 +figural 256530 +sassafras 256493 +surrealist 256475 +contaminating 256459 +ornithine 256431 +powhatan 256379 +agronomic 256348 +hgt 256337 +piscina 256296 +debarment 256289 +jumpsuit 256253 +tramps 256251 +yemeni 256247 +kleenex 256244 +overpaid 256232 +shigella 256215 +winkle 256194 +tracheal 256183 +blossoming 256181 +mesons 256174 +barbary 256097 +kickback 256080 +irate 256072 +partisanship 256070 +schrodinger 256046 +wean 255995 +sitar 255993 +pushy 255990 +ventricles 255960 +boldface 255907 +brogan 255900 +heartworm 255884 +sheaf 255879 +folios 255805 +juju 255786 +peacemaking 255784 +lazuli 255781 +dictum 255760 +nihilism 255759 +ukrainians 255739 +appliques 255732 +caulking 255731 +thorium 255728 +refutation 255717 +posthumous 255713 +scrambler 255708 +lorries 255705 +inclinations 255690 +ledges 255668 +overestimate 255665 +bathymetry 255645 +enlisting 255600 +roars 255578 +skagway 255577 +luciferase 255576 +urinating 255567 +swindle 255565 +bilbo 255543 +invercargill 255528 +indoctrination 255479 +disagreeing 255476 +revolting 255451 +candied 255439 +middleweight 255401 +scaler 255390 +macedon 255390 +dingy 255349 +gabber 255325 +frieze 255319 +staircases 255294 +compactor 255288 +dink 255268 +mackinaw 255258 +undesired 255248 +clunky 255237 +horas 255233 +nivea 255229 +multiplies 255223 +reactivate 255209 +poodles 255182 +euphoric 255181 +yuppie 255173 +impressing 255173 +twirling 255161 +coastguard 255152 +redeployment 255151 +duals 255075 +propagates 255066 +deviates 255055 +topsy 255037 +contouring 255030 +azide 254983 +recalculated 254942 +emplacement 254881 +skyrocketing 254876 +sergeants 254843 +enquires 254829 +maharishi 254824 +baryon 254821 +overcoat 254795 +confederations 254790 +carotenoids 254754 +chippendale 254677 +tyrannical 254662 +infinitesimal 254660 +fishbowl 254537 +brodsky 254514 +spouting 254499 +humbling 254478 +truer 254461 +limes 254454 +mentored 254429 +burglaries 254411 +wrecker 254366 +effluents 254360 +miniskirt 254335 +martians 254311 +outperformed 254303 +unaccounted 254299 +giraffes 254282 +pressuring 254265 +sullen 254239 +prolonging 254238 +battering 254196 +kraut 254150 +superficially 254146 +upstart 254079 +refocus 254029 +crouse 253994 +capsicum 253961 +reams 253943 +beeper 253941 +remakes 253930 +infeasible 253896 +imps 253895 +thalidomide 253889 +divulged 253879 +wholesaling 253872 +shrunken 253862 +pupa 253862 +lorrie 253794 +quays 253791 +subfield 253787 +reprehensible 253774 +cornerstones 253754 +sequent 253753 +retries 253752 +donnas 253746 +provokes 253727 +suds 253711 +dedicating 253707 +knitters 253643 +staplers 253618 +wailers 253608 +confessing 253567 +forbade 253563 +incursions 253562 +houseboats 253559 +woofers 253552 +referent 253518 +pieced 253496 +oocyte 253480 +arching 253463 +specular 253453 +okra 253449 +impersonate 253426 +gloriously 253396 +gourds 253363 +worsted 253351 +nevermore 253320 +vibratory 253314 +endorsers 253308 +sanguine 253296 +acorns 253274 +dominator 253273 +amaretto 253268 +slung 253265 +rowers 253214 +shockingly 253206 +headbands 253189 +vagrant 253141 +beekeeping 253094 +swastika 253076 +mangosteen 253061 +highlighters 253046 +empties 253020 +bight 253016 +biafra 253013 +proliferate 253012 +steroidal 253005 +encyclical 252985 +carreras 252982 +fells 252935 +decibel 252929 +mcnaughton 252921 +josephs 252921 +morgen 252920 +backhand 252903 +activators 252886 +dormer 252870 +stasis 252846 +pythons 252842 +barrios 252837 +underprivileged 252830 +bolzano 252786 +panics 252784 +industrialists 252773 +carabiner 252734 +ahab 252712 +competently 252710 +miscellanea 252664 +kilroy 252664 +admixtures 252652 +prolongation 252617 +tucks 252616 +arnica 252603 +eldercare 252599 +embarks 252590 +uprooted 252582 +sublingual 252547 +talons 252543 +distorts 252485 +dualism 252446 +sinfonia 252423 +grandmas 252420 +intrigues 252399 +cannibals 252399 +oxytocin 252363 +pounce 252361 +genealogists 252358 +vedas 252350 +subsidizing 252339 +oxbow 252273 +mouthfuls 252272 +instilled 252269 +stalinist 252265 +dually 252262 +gest 252252 +decibels 252249 +calyx 252215 +lothians 252203 +valour 252201 +mightily 252135 +refurbishing 252132 +factoid 252089 +cuzco 252061 +pashto 252052 +jutland 252005 +unwieldy 251985 +perpetuated 251976 +chancellors 251946 +weenie 251931 +exaggerating 251927 +prepayments 251891 +penalize 251851 +refinanced 251817 +infomercial 251790 +snub 251783 +tweedy 251747 +coarsely 251745 +nicobar 251740 +arrayed 251728 +espoo 251725 +shallots 251712 +raff 251662 +withstanding 251646 +stamper 251629 +dampening 251611 +jockstraps 251602 +thickens 251599 +hissing 251593 +pedometers 251569 +crumpled 251553 +jojoba 251541 +tabulations 251521 +compressible 251521 +azo 251512 +prat 251507 +outcrop 251502 +gaya 251502 +dims 251470 +topmost 251464 +intrude 251464 +batching 251456 +rosaries 251427 +behest 251363 +snatching 251300 +silkscreen 251268 +remarried 251261 +wacko 251238 +agee 251173 +charmer 251171 +escapades 251132 +lipped 251118 +haphazard 251108 +infirm 251101 +pontiff 251099 +copay 251088 +cornering 251079 +quagga 251030 +menage 251026 +preaches 251010 +motherland 251006 +fellini 250995 +growling 250980 +indescribable 250954 +arraignment 250945 +cartooning 250888 +materiality 250881 +ungraded 250878 +kentish 250875 +scabies 250864 +rolando 250845 +napping 250819 +inhomogeneous 250810 +weeklies 250787 +extrusions 250783 +momenta 250751 +toppling 250750 +workweek 250723 +oxygenation 250710 +excellently 250687 +galois 250683 +pails 250638 +burly 250632 +hillsides 250588 +chretien 250561 +underutilized 250541 +xxix 250535 +gaspar 250509 +divest 250500 +mange 250483 +reintroduction 250472 +culbertson 250466 +butadiene 250451 +dings 250449 +unfairness 250443 +unchained 250442 +abated 250433 +optoelectronic 250410 +poplin 250399 +weizmann 250326 +tiniest 250302 +neurosis 250297 +mowed 250292 +permeates 250256 +overhauled 250253 +anaphylaxis 250253 +caskets 250237 +congenial 250210 +supernovae 250198 +fervently 250169 +auroral 250165 +urinate 250163 +kareem 250092 +lyceum 250078 +sprained 250066 +harlot 250065 +ravages 250052 +extractions 250016 +dilutions 250005 +superhuman 250004 +entomological 249974 +rubik 249968 +foobar 249956 +snowdonia 249954 +quantized 249950 +unlined 249928 +gouda 249914 +awardees 249889 +ingleside 249888 +conclave 249888 +humanly 249857 +abiotic 249854 +livia 249801 +unionism 249737 +initialisation 249726 +magnificence 249695 +evert 249660 +xiaoping 249650 +sacramental 249619 +boycotts 249574 +subacute 249554 +crossroad 249541 +fayre 249513 +solicits 249486 +glared 249455 +leeks 249429 +liaoning 249426 +adverbs 249422 +ugliness 249418 +constantia 249418 +shavings 249403 +hobbits 249371 +sanctioning 249351 +hawaiians 249335 +modernising 249330 +mikado 249316 +petrology 249314 +baseboard 249271 +lusts 249268 +fianna 249264 +helplessly 249200 +quintessence 249198 +gunned 249196 +libellous 249180 +guin 249172 +throes 249165 +malabar 249120 +pyrotechnics 249098 +crowbar 249090 +peddling 249086 +paintbrush 249082 +blots 249068 +categorisation 249000 +nettles 248995 +scud 248971 +fortaleza 248963 +rosemarie 248962 +culminate 248953 +whiteley 248952 +deconstructing 248941 +correlating 248941 +raked 248939 +fumigation 248917 +preconception 248902 +bim 248902 +justifiably 248885 +meagan 248868 +cruised 248855 +proposers 248851 +stupidly 248850 +lashing 248838 +occipital 248834 +theism 248823 +bizet 248816 +gaudy 248813 +electrophoretic 248806 +earhart 248735 +tabling 248717 +swoon 248694 +hundredths 248663 +buckskin 248642 +brickyard 248633 +floater 248608 +ogilvy 248590 +cricketers 248573 +freemasons 248571 +troika 248534 +recluse 248513 +selden 248449 +outfitting 248440 +displacing 248421 +protozoa 248413 +stoning 248405 +neapolitan 248403 +blacker 248383 +haarlem 248371 +substructure 248350 +aspires 248326 +handrails 248297 +chittagong 248297 +telegraphic 248295 +revitalized 248291 +remaking 248254 +brainy 248252 +sops 248241 +tabloids 248224 +breuer 248218 +crosscut 248212 +mandible 248163 +frescoes 248120 +patted 248108 +puritans 248107 +gentlewoman 248086 +cartouche 248078 +frosh 248077 +malnourished 248072 +kebab 248067 +knotting 248058 +affirmatively 248045 +staterooms 248035 +sundials 248029 +cloture 248020 +piggyback 248018 +somme 247967 +audra 247966 +gymnasts 247952 +crimping 247925 +varnishes 247916 +vegetated 247904 +calculi 247902 +dijkstra 247858 +victors 247819 +fontainebleau 247808 +revels 247758 +sugary 247749 +droves 247699 +hypoallergenic 247657 +wiseguy 247653 +slur 247649 +bookman 247512 +trotters 247479 +ferromagnetic 247474 +phrased 247451 +binaural 247431 +puddles 247430 +ufa 247420 +yeahs 247417 +ephemeris 247417 +refurbish 247402 +latching 247390 +nobleman 247368 +assailant 247362 +dystopia 247320 +luxuriously 247270 +ambit 247267 +flatness 247253 +pardons 247232 +debauchery 247215 +extravagance 247211 +buttress 247209 +eutrophication 247169 +authorising 247135 +defuse 247134 +whisker 247102 +vesicular 247094 +ghoul 247064 +microeconomic 247061 +boobed 247018 +foregone 247015 +tandoori 246988 +alexandrite 246953 +sequined 246925 +overjoyed 246915 +aswan 246914 +fastball 246909 +rectifiers 246897 +compactness 246889 +monopolistic 246887 +bourgogne 246862 +apologists 246789 +fut 246762 +yamashita 246746 +clack 246726 +refilled 246635 +digester 246629 +whiff 246582 +burrowing 246564 +strolled 246558 +sororities 246547 +blokes 246481 +latched 246471 +spawns 246441 +whitsunday 246404 +uric 246402 +lethality 246378 +kinabalu 246351 +horseracing 246332 +encrusted 246331 +rejections 246328 +clashed 246307 +holdall 246306 +victorians 246297 +harpoon 246248 +reining 246243 +rewrites 246195 +publicised 246161 +sombre 246150 +succinate 246116 +machinations 246113 +hearse 246067 +evian 246031 +fluorescein 246021 +rebroadcast 246018 +paraphrasing 245950 +supersize 245949 +roamed 245948 +caulk 245944 +approbation 245899 +scratchy 245885 +monolayer 245867 +calmness 245856 +confound 245851 +schick 245822 +tilts 245809 +separatists 245797 +airedale 245784 +exempting 245776 +finalization 245705 +plummeted 245691 +lengthwise 245683 +fatter 245660 +abstained 245629 +uninhibited 245626 +rejuvenating 245613 +nablus 245597 +emulates 245595 +deflate 245571 +erma 245552 +cannery 245544 +mannose 245527 +gaucho 245510 +decompress 245395 +chasse 245389 +tantrums 245384 +glassman 245374 +dungannon 245363 +ashkenazi 245344 +folktales 245331 +christen 245330 +logotype 245312 +crepes 245312 +senile 245190 +cobwebs 245178 +oriente 245176 +autoclave 245167 +millisecond 245156 +expediting 245154 +pushchair 245138 +underwrite 245130 +tusk 245115 +eschatology 245104 +electrochemistry 245100 +hellish 245094 +afferent 245090 +conquers 245078 +dree 245013 +summarization 244988 +preceptor 244983 +underclassman 244977 +humongous 244977 +hominid 244937 +preempted 244924 +claro 244919 +ugliest 244889 +gastroenteritis 244888 +ungrateful 244802 +highline 244800 +renounced 244777 +trumped 244775 +clashing 244773 +agglomeration 244759 +decomposing 244756 +trainspotting 244750 +agustin 244714 +muenster 244696 +sain 244686 +kaunas 244658 +sikhism 244650 +postponing 244649 +israelite 244648 +graver 244634 +horseshoes 244626 +keratin 244622 +flees 244621 +normalised 244616 +immobiliser 244590 +catalase 244569 +disassembled 244540 +blocs 244531 +torrid 244508 +goldstone 244497 +absalom 244493 +newsagents 244475 +leishmania 244475 +friendlier 244473 +preconceived 244471 +snickers 244458 +zug 244411 +tilbury 244368 +microgram 244341 +hutches 244337 +inferring 244329 +ecologists 244328 +evictions 244327 +spokespersons 244317 +engrave 244313 +hoarding 244286 +bauxite 244266 +commercialize 244233 +barrack 244214 +underarm 244209 +reconditioning 244205 +compatriots 244195 +stereotyped 244147 +coquille 244141 +manuela 244132 +glenna 244126 +gouache 244105 +sarto 244098 +antacids 244093 +conscription 244088 +enlarger 244068 +strainers 243987 +minna 243984 +twee 243974 +manchurian 243958 +tradesman 243949 +lozenges 243936 +pluses 243935 +myopic 243928 +sayer 243924 +contrarian 243914 +dizzying 243905 +embodying 243898 +unscathed 243896 +retrofitting 243890 +courageously 243882 +unopposed 243875 +snugly 243854 +tarry 243850 +fevers 243817 +ancestries 243812 +joule 243810 +interrogate 243800 +tuber 243798 +eocene 243782 +keillor 243774 +taillight 243769 +muddled 243754 +leonora 243712 +falklands 243694 +codons 243680 +smearing 243642 +subjection 243633 +evoking 243615 +punctuality 243610 +reactivated 243608 +acrobatic 243590 +agricola 243575 +hoarse 243572 +detections 243556 +misfortunes 243548 +vexed 243525 +detentions 243522 +curries 243494 +lectionary 243493 +arad 243489 +delos 243468 +bureaucracies 243464 +slinger 243461 +columnar 243458 +cliques 243428 +terabyte 243417 +delving 243417 +vanquished 243395 +mallets 243386 +limousin 243382 +headlining 243354 +frito 243318 +barometers 243312 +utilises 243311 +inquisitor 243289 +atacama 243275 +floored 243271 +inheriting 243240 +haggle 243239 +planktonic 243228 +plied 243191 +kristie 243190 +midline 243185 +beaters 243173 +enablers 243164 +crts 243159 +cellini 243125 +twang 243118 +raccoons 243076 +uncorrelated 243072 +implode 243071 +ombre 243069 +conceiving 243033 +syrians 243026 +indivisible 242998 +phonic 242991 +poetical 242981 +stagger 242948 +crusted 242937 +gantry 242918 +modulates 242913 +heraldic 242909 +artichokes 242875 +maladies 242861 +adjudged 242846 +sontag 242833 +fou 242815 +mobilise 242799 +ideologically 242798 +takeaways 242731 +courthouses 242724 +princely 242711 +baudelaire 242651 +turrets 242628 +diatribe 242586 +percentiles 242580 +hydrodynamics 242566 +dirichlet 242565 +sleepover 242527 +calms 242513 +misgivings 242492 +businesswoman 242488 +claudette 242439 +havel 242432 +sufism 242420 +slither 242416 +presumes 242415 +juggler 242411 +obeys 242408 +floodplains 242406 +worsens 242383 +stifled 242375 +mastitis 242345 +formica 242315 +wiesel 242306 +tracie 242291 +referendums 242290 +preposition 242281 +urinals 242267 +subgenre 242267 +pushchairs 242255 +vestibule 242224 +mournful 242205 +samsara 242202 +ameliorate 242201 +scheming 242178 +trigeminal 242112 +trashing 242103 +disarmed 242098 +transects 242097 +baseless 242093 +loadable 242091 +preamplifier 242082 +ceil 242065 +parliamentarian 242048 +voile 242035 +picturing 242018 +dismemberment 242007 +mitchel 241997 +subregion 241983 +suspenseful 241955 +quartered 241951 +teases 241939 +agrippa 241925 +lioness 241895 +disingenuous 241895 +appendages 241846 +shoo 241831 +feverish 241820 +stairwell 241810 +lorelei 241787 +neglects 241781 +suckling 241780 +scythe 241758 +bulldozers 241703 +savona 241683 +spongiform 241682 +heaving 241658 +ghazi 241650 +homily 241648 +pensive 241591 +stereoscopic 241576 +trawling 241563 +paschal 241557 +fum 241555 +upshot 241551 +showoff 241546 +flatmate 241538 +cockatoo 241528 +radicalism 241519 +dib 241496 +ruhr 241490 +sifted 241445 +chickadee 241415 +rufous 241411 +boisterous 241382 +sate 241366 +railroading 241336 +alleviated 241301 +manicured 241295 +outbuildings 241273 +pacemakers 241259 +decanters 241192 +elevates 241186 +poitiers 241182 +airfields 241125 +tocqueville 241097 +whorl 241096 +carib 241085 +switchblade 241082 +cowling 241047 +ferment 241036 +envisioning 241036 +busier 241006 +reinvention 241004 +marceau 241004 +bounties 240992 +levesque 240977 +marple 240952 +incursion 240930 +phenom 240916 +aurelia 240915 +warmup 240894 +mordecai 240821 +longboat 240815 +thinned 240806 +foodie 240802 +flapper 240798 +aircrew 240757 +seabird 240721 +consternation 240705 +preludes 240695 +hoisted 240689 +histopathology 240678 +internalized 240674 +trivially 240655 +rottweilers 240645 +aeroplanes 240645 +weirdest 240640 +boilerplate 240559 +gouge 240551 +antigone 240514 +altona 240511 +chirp 240510 +wastage 240502 +gallstones 240498 +headliners 240488 +demagnetization 240449 +dimmed 240448 +intravenously 240436 +mommies 240431 +yore 240405 +modifiable 240374 +bulges 240364 +stargazing 240359 +improvisational 240344 +scurry 240322 +growths 240318 +gyrus 240316 +ganja 240308 +thoth 240295 +halve 240290 +conversant 240268 +ump 240262 +cousteau 240256 +torpedoes 240245 +sovereigns 240193 +coinciding 240188 +ult 240166 +lorca 240151 +schoolwork 240116 +outbox 240113 +earp 240104 +acquirer 240095 +malformation 240094 +consignments 240077 +lifelines 240061 +populating 240039 +unencumbered 240026 +eliciting 239996 +lockyer 239980 +tamed 239956 +toting 239884 +fiends 239877 +categorizing 239877 +farmyard 239872 +directorates 239870 +condense 239867 +garbled 239858 +tallow 239819 +anions 239808 +unforgiving 239796 +rower 239796 +redgrave 239753 +rocketry 239735 +immobile 239728 +interchanges 239720 +indisputable 239719 +guardrail 239719 +sanitized 239695 +tickers 239671 +salicylate 239653 +dimmers 239642 +unkind 239629 +caravelle 239615 +misread 239614 +magnetosphere 239575 +prismatic 239569 +affiche 239543 +aunty 239524 +epitaxial 239505 +spoofs 239492 +paucity 239491 +musicale 239463 +frieda 239436 +snafu 239431 +expediency 239418 +frisian 239392 +lieutenants 239361 +cecelia 239341 +blok 239339 +incubate 239288 +devereux 239288 +philology 239256 +prophesied 239243 +acrylamide 239172 +waggoner 239145 +triassic 239124 +albee 239116 +deadbeat 239104 +chatters 239099 +horsey 239073 +backwoods 239025 +pheasants 238965 +gearboxes 238933 +prams 238922 +rationalisation 238913 +eerily 238910 +repossession 238881 +untouchables 238842 +slouch 238836 +amulets 238826 +thermostatic 238774 +cargoes 238753 +biopic 238720 +accentuated 238695 +eddies 238694 +decaffeinated 238680 +monad 238651 +joists 238629 +disobey 238624 +stabilizes 238608 +lviv 238577 +alumna 238563 +siloam 238555 +oke 238553 +bandy 238539 +watercourses 238519 +deregulated 238513 +publicise 238511 +doctorates 238493 +chromed 238483 +confections 238481 +amicable 238470 +slop 238463 +enclaves 238461 +parakeet 238457 +pressman 238453 +prospered 238396 +shits 238365 +savoury 238344 +climactic 238332 +barbecued 238319 +aboveground 238317 +humvee 238316 +pandering 238292 +radiocarbon 238283 +colloquy 238244 +irises 238227 +refiners 238220 +amharic 238214 +scrolled 238194 +retorted 238181 +fiftieth 238169 +groupies 238164 +joyfully 238163 +shearwater 238157 +cleaved 238140 +thermoelectric 238123 +skittles 238105 +eskimos 238101 +kitbag 238098 +collegial 238087 +papillary 238043 +snide 238032 +contraindicated 238022 +offensively 237991 +chaperones 237955 +specifiers 237922 +plausibility 237915 +schuman 237900 +blarney 237895 +procurements 237881 +attitudinal 237878 +hatcheries 237871 +nickle 237869 +jilin 237855 +magnate 237838 +pillage 237831 +vengeful 237811 +lunatics 237809 +compensable 237807 +teeter 237797 +agnosticism 237776 +gadfly 237774 +retaliatory 237773 +edom 237747 +impracticable 237735 +subsumed 237732 +hospices 237732 +pelicans 237707 +protozoan 237703 +misdirected 237688 +weer 237681 +preflight 237681 +surrenders 237656 +manchuria 237651 +scruffy 237621 +playfully 237610 +barony 237594 +dusts 237576 +vibrato 237564 +leyden 237552 +stockman 237549 +bozo 237549 +caddie 237531 +ejector 237528 +gruff 237505 +photojournalist 237474 +gilgamesh 237467 +snatches 237466 +buxom 237464 +deciphering 237457 +bankcard 237456 +isomer 237448 +botanist 237436 +tampons 237419 +sanitizer 237405 +timidity 237371 +constrains 237355 +narcolepsy 237346 +musty 237343 +silences 237335 +curable 237322 +guineas 237306 +lawnmowers 237286 +droids 237261 +ministering 237253 +heaney 237245 +transits 237242 +lithology 237233 +strangle 237165 +swerve 237144 +proscribed 237128 +pandit 237124 +lector 237111 +anatomically 237087 +brisket 237076 +sleepiness 237052 +chattering 237020 +propolis 237019 +nevin 236998 +rescheduling 236996 +synchronizer 236968 +franconia 236961 +dominions 236951 +capris 236932 +plateaus 236931 +spaniard 236922 +ramping 236915 +vegans 236914 +orthodontist 236909 +plummet 236907 +deplete 236898 +litton 236878 +heirlooms 236870 +tyrannosaurus 236865 +honeydew 236842 +transplanting 236778 +casuals 236760 +sacco 236759 +updike 236742 +postulates 236720 +onlookers 236687 +terrapin 236623 +phebe 236602 +easiness 236587 +trepidation 236561 +squatters 236557 +paracetamol 236555 +downbeat 236548 +plantain 236536 +bambino 236535 +objectors 236524 +fromm 236520 +couscous 236509 +tubules 236495 +pepys 236493 +stabilised 236454 +frailty 236450 +neutralized 236440 +tangier 236438 +crompton 236423 +reassign 236419 +annealed 236419 +ismael 236380 +ouguiya 236365 +prewar 236361 +meringue 236349 +bateau 236318 +crushers 236297 +infrastructural 236292 +nebulizer 236273 +overused 236271 +ragweed 236266 +lighthearted 236265 +tweeters 236255 +rhodesian 236231 +vetiver 236203 +mourners 236188 +reopens 236162 +minimalism 236096 +physiotherapist 236092 +boxwood 236086 +cassis 236084 +lithographic 236075 +unsalted 236072 +fawkes 236069 +patras 236034 +stentor 236032 +twos 236031 +passageway 236009 +seashells 236000 +prover 235995 +paddlers 235983 +reestablish 235941 +ironstone 235921 +keynesian 235893 +broking 235828 +parsonage 235824 +berm 235818 +scavenging 235810 +margherita 235802 +outputting 235785 +sacral 235781 +sulphide 235774 +outcasts 235765 +hake 235760 +mortally 235756 +agni 235737 +oxidants 235732 +carbonic 235703 +unassuming 235650 +disillusionment 235643 +locational 235615 +knead 235592 +premarital 235582 +lamas 235575 +wilful 235573 +twisty 235565 +thruster 235533 +gaol 235518 +phonemic 235516 +erudite 235484 +wester 235476 +appreciably 235453 +pentacle 235431 +equalize 235411 +prepositions 235375 +bitchy 235362 +tarn 235337 +endeavoured 235327 +electroplating 235326 +enl 235314 +grossing 235268 +granulocyte 235266 +attentively 235264 +rebut 235254 +misinterpretation 235171 +interred 235137 +indiscriminately 235102 +leonidas 235079 +keyboardist 235040 +encumbered 235013 +sprain 235008 +okla 234999 +herodotus 234989 +noreen 234986 +harshest 234984 +quantifier 234967 +favouring 234940 +platen 234931 +pigtails 234928 +neutrals 234919 +laotian 234919 +gallegos 234908 +conspire 234865 +commercialized 234839 +bodyguards 234821 +recompense 234818 +technetium 234816 +meatball 234815 +oliphant 234797 +chisels 234786 +aquarian 234784 +bacteriological 234773 +oriya 234760 +phoneme 234736 +centrifuges 234736 +colonnade 234702 +anhydride 234668 +overburden 234664 +indexation 234647 +abides 234643 +architecturally 234640 +spillway 234630 +spoofed 234581 +newsstands 234528 +strove 234520 +talkies 234514 +dissenters 234447 +sustainably 234440 +stutter 234439 +imparting 234373 +fundy 234370 +reticle 234314 +copter 234306 +wendi 234302 +apologizing 234293 +bonkers 234275 +coups 234254 +neotropical 234238 +caligula 234228 +verdant 234186 +commutes 234149 +secrete 234136 +segue 234120 +hoteliers 234106 +dotty 234104 +twirl 234072 +phot 234058 +ingot 234052 +pedagogic 234051 +touristic 234007 +barrera 233987 +fags 233985 +lounger 233936 +beadle 233906 +denizens 233905 +revamping 233901 +remarriage 233876 +tenancies 233869 +microcode 233845 +cockney 233845 +bilingualism 233801 +guppy 233792 +penning 233784 +nodule 233764 +abetting 233760 +paella 233696 +tharp 233659 +coley 233644 +handoff 233624 +leeches 233606 +infiltrating 233584 +confirmatory 233578 +saar 233565 +convoys 233546 +manoeuvres 233531 +ospreys 233528 +cooperates 233500 +amplifying 233478 +alimentation 233452 +conjures 233433 +shapely 233421 +rooks 233375 +tunnelling 233360 +firecracker 233352 +bodhisattva 233325 +fairground 233321 +carrefour 233302 +nigerians 233294 +shuddered 233254 +drafters 233244 +mullah 233203 +wheelie 233197 +preemie 233192 +spayed 233188 +overactive 233119 +homey 233113 +ornamentation 233110 +rearrangements 233108 +lynching 233093 +pornographers 233072 +perdido 233062 +dictatorial 233059 +uncomfortably 233058 +rabbinic 233044 +refiner 233029 +benjamins 233013 +amaranth 233010 +zidovudine 233000 +tourer 232982 +jokingly 232957 +glean 232952 +choreographers 232908 +whitechapel 232897 +icicle 232868 +hooves 232862 +gratified 232854 +participle 232807 +schlegel 232803 +hotdog 232784 +watchmen 232770 +galleon 232762 +winemakers 232754 +ketones 232647 +tralee 232644 +priors 232643 +fribourg 232640 +chafing 232631 +sakhalin 232618 +qts 232576 +bipartite 232564 +keitel 232549 +betrays 232516 +sunroom 232510 +assyria 232479 +inwards 232455 +regroup 232435 +corsican 232361 +libertine 232342 +pacifism 232334 +immeasurable 232303 +wanker 232298 +fluoridation 232290 +consolidators 232280 +beveridge 232277 +scammed 232271 +ganesha 232247 +soiling 232240 +testator 232232 +distaste 232221 +periscope 232179 +offshoot 232164 +huelva 232162 +smithson 232132 +resolutely 232128 +friendliest 232119 +uttering 232110 +jacobus 232103 +germane 232103 +chimps 232080 +practicalities 232065 +construe 232064 +hypertrophic 232060 +awl 232039 +mourned 232015 +culpability 232014 +segregate 231985 +despotism 231977 +flotilla 231972 +fragmentary 231965 +anjou 231958 +chippewas 231935 +verticals 231934 +luncheons 231885 +omniscient 231879 +gladness 231862 +flowcharts 231855 +frisky 231840 +woodcut 231807 +ballistics 231773 +generalities 231735 +battlegrounds 231719 +workdays 231718 +condolence 231717 +bogle 231716 +siddhartha 231689 +mistreated 231685 +invertible 231612 +brightening 231605 +inimitable 231597 +ineffectual 231596 +racoon 231557 +impounded 231545 +armorial 231535 +carew 231533 +poppa 231519 +thickly 231504 +selflessness 231501 +blossomed 231500 +cistern 231498 +quadrants 231480 +eponymous 231458 +tableaux 231454 +fibrin 231453 +latins 231438 +phaeton 231430 +restaurateurs 231428 +fecundity 231425 +hijacker 231420 +bamako 231419 +relaxant 231372 +purists 231351 +tare 231343 +caliph 231318 +surrogates 231313 +issac 231311 +analysers 231311 +dysentery 231304 +funnels 231261 +pasty 231237 +abbrev 231230 +divestment 231207 +goldwyn 231195 +gaga 231181 +debenture 231181 +cuffed 231174 +tumult 231143 +defoe 231138 +urological 231112 +lysozyme 231103 +alphanumerical 231101 +antihistamine 231096 +curate 231095 +phosphodiesterase 231067 +donned 231065 +unexcused 231052 +vixens 231033 +tarsus 231027 +allegorical 231024 +khomeini 231010 +monotony 230992 +watchmaker 230987 +pyridine 230979 +tagore 230969 +entrainment 230963 +poincare 230934 +piemonte 230934 +visioning 230855 +legalizing 230847 +steamroller 230844 +wellhead 230841 +lucile 230829 +spillovers 230811 +amazons 230809 +liq 230806 +unabated 230800 +curzon 230708 +canines 230677 +astr 230655 +strobes 230652 +reminisce 230633 +backstory 230610 +marksman 230600 +rebuilds 230584 +publicizing 230575 +philosophic 230548 +fallopian 230512 +mulching 230501 +bhakti 230490 +arrondissement 230484 +westfalen 230478 +skyrocket 230452 +troubadour 230442 +truest 230371 +abbr 230353 +nonrefundable 230351 +aldosterone 230345 +hypnotized 230339 +internationales 230293 +ghouls 230277 +rudeness 230272 +thermals 230239 +snitch 230239 +aborting 230222 +kanazawa 230212 +felled 230183 +tinned 230168 +concoction 230138 +flay 230123 +pilsen 230111 +patter 230084 +agios 230082 +campfires 230076 +commie 230073 +brenton 230072 +beanbag 230049 +ovals 230020 +vidar 230009 +heavyweights 229992 +intercellular 229984 +bootie 229983 +chronicling 229981 +motorcyclists 229980 +flashcard 229938 +arthritic 229908 +streptococcal 229895 +snarky 229892 +tortoises 229860 +humberto 229835 +bummed 229833 +undiagnosed 229790 +crone 229759 +sidecar 229736 +possessor 229722 +cichlids 229712 +wintry 229697 +viewings 229624 +rizal 229612 +marcie 229608 +admonished 229604 +skeeter 229588 +inbreeding 229585 +wintertime 229550 +sols 229540 +wickedly 229538 +eritrean 229521 +pubes 229514 +eckhart 229506 +fess 229502 +tical 229501 +matts 229482 +maxillary 229477 +thunk 229475 +texting 229377 +laver 229347 +duchamp 229344 +shamed 229340 +mannequins 229320 +cartels 229319 +eluded 229306 +beheading 229264 +peeks 229261 +carbonates 229251 +milter 229246 +incriminating 229218 +hots 229153 +elongate 229144 +yahtzee 229127 +landless 229105 +squelch 229096 +unsealed 229088 +podiatric 229083 +misinformed 229060 +moonrise 229057 +banzai 229034 +duodenum 228996 +journeyed 228958 +creel 228934 +percussive 228920 +seascapes 228889 +sett 228888 +delis 228848 +compatibles 228847 +magnificently 228840 +unpunished 228819 +ophthalmologist 228797 +stationers 228794 +apostasy 228773 +bereft 228746 +lucretia 228731 +hibernian 228712 +seaway 228683 +capitalise 228671 +vitriol 228670 +vicarage 228619 +vestry 228589 +sensitized 228582 +unsubsidized 228551 +rumbles 228523 +rhinelander 228510 +laurentian 228485 +hornblower 228482 +compactors 228456 +suboptimal 228445 +cornmeal 228445 +ascites 228440 +gleefully 228433 +febrile 228433 +mercies 228429 +paralleled 228418 +entwined 228405 +fosse 228402 +mountaintop 228358 +ilex 228354 +sintering 228344 +manilla 228344 +globin 228334 +bilinear 228330 +berra 228312 +taille 228298 +resplendent 228286 +whee 228271 +insecurities 228270 +thrall 228235 +barked 228211 +katowice 228155 +lignite 228144 +osteopaths 228123 +cathie 228123 +relaxants 228109 +scorned 228104 +cytherea 228098 +stull 228078 +psychedelia 228071 +relapsed 228044 +decongestant 228036 +thicken 228030 +craigavon 227994 +unleashes 227989 +sanaa 227983 +ringside 227980 +corelli 227978 +selene 227971 +innovating 227937 +artfully 227933 +pilgrimages 227915 +homemakers 227905 +fides 227901 +repayable 227899 +chur 227894 +indic 227893 +blazed 227890 +edda 227871 +cupped 227866 +barack 227861 +niedersachsen 227857 +wheelbarrow 227841 +maimed 227838 +morphed 227780 +reorganizing 227746 +rootkits 227691 +silviculture 227688 +marinara 227664 +mused 227635 +polluters 227627 +centipede 227620 +petrel 227617 +calliope 227613 +milepost 227599 +puffing 227598 +mutagenic 227570 +shays 227563 +wielded 227562 +formalin 227559 +futurity 227530 +buhl 227479 +lavage 227460 +castors 227453 +lopsided 227451 +flippers 227411 +nonmembers 227398 +quicksand 227342 +sheathing 227338 +enriches 227321 +hymnal 227316 +finials 227283 +wpm 227281 +masturbators 227271 +chlorella 227266 +trestle 227251 +probables 227198 +neophyte 227186 +egmont 227178 +millionth 227166 +transponders 227119 +housemates 227093 +souffle 227083 +rebus 227042 +paraprofessional 227034 +spiking 226980 +sentinels 226962 +vinyls 226954 +rcpt 226951 +travertine 226940 +pardoned 226936 +wormwood 226929 +mulling 226925 +windowing 226906 +sighing 226896 +awed 226844 +pergola 226838 +shrank 226834 +elaborating 226826 +cupping 226814 +slipcover 226809 +conceals 226798 +satanism 226753 +pineal 226734 +garbo 226734 +awn 226727 +luger 226711 +inti 226711 +glycerine 226682 +receivership 226656 +nationalistic 226636 +steinway 226605 +earache 226560 +cimetidine 226550 +billfold 226541 +abolitionist 226532 +foamy 226531 +budgie 226512 +saarland 226493 +shagging 226486 +upping 226476 +unpainted 226469 +knolls 226466 +ringworm 226458 +ionizer 226448 +unwell 226447 +isothermal 226441 +unconscionable 226433 +wedged 226428 +kerman 226417 +outgrown 226414 +marrakesh 226401 +interlingua 226395 +evading 226376 +commemorated 226369 +lurid 226354 +annunciation 226340 +herm 226322 +rumoured 226291 +undemocratic 226277 +dispensary 226275 +boondocks 226260 +futurism 226259 +confucianism 226225 +twit 226195 +coalesce 226192 +olav 226187 +deltas 226183 +pampa 226170 +brougham 226155 +benet 226135 +striper 226124 +credentialed 226101 +fruiting 226099 +redfish 226069 +hercegovina 226060 +gite 226057 +windings 226049 +strongholds 226036 +cubism 226011 +quechua 226004 +madura 225995 +burglars 225989 +mulls 225977 +molluscs 225972 +inductively 225965 +anatolian 225939 +macc 225929 +shrimps 225900 +stockbroker 225887 +dowland 225867 +stirrup 225827 +dimaggio 225817 +igbo 225811 +misappropriation 225779 +attendances 225771 +photogrammetry 225766 +scrubbers 225747 +flopped 225728 +breastfeed 225697 +subtext 225686 +looters 225649 +elbe 225628 +whitewash 225617 +squeezes 225612 +subservient 225608 +narc 225597 +audiologists 225592 +stuffer 225587 +lyrically 225555 +stubbornly 225542 +buckaroo 225541 +norseman 225523 +hoots 225519 +spearfish 225511 +dotson 225507 +benediction 225469 +curlew 225465 +pequot 225459 +disobedient 225451 +minnows 225442 +seamstress 225433 +cardenas 225422 +lilliput 225419 +salsas 225415 +relatedness 225392 +immortals 225385 +transferability 225356 +pinwheel 225356 +whiny 225341 +thaler 225332 +euripides 225332 +uninitiated 225312 +ellipses 225289 +bluffing 225289 +eventing 225283 +ruck 225261 +briskly 225219 +afflictions 225182 +humoral 225164 +kharkov 225132 +huffy 225112 +woodworker 225093 +snazzy 225088 +weariness 225078 +murrow 225066 +subplot 225009 +ascendancy 225007 +kina 224955 +prekindergarten 224954 +ingrown 224942 +curtailment 224902 +bligh 224901 +husker 224889 +kuching 224881 +switchover 224870 +bests 224868 +affront 224833 +memorization 224824 +spectrophotometry 224819 +baileys 224811 +blindside 224810 +outturn 224805 +spearmint 224797 +telephoned 224771 +treasuries 224732 +energetically 224722 +tinge 224709 +ripstop 224675 +scuff 224673 +airspeed 224672 +moguls 224670 +defection 224664 +murmurs 224661 +slog 224660 +appeasement 224656 +dispersing 224643 +quips 224626 +tractable 224596 +gleaner 224576 +arachne 224573 +lapped 224543 +necessitating 224495 +normalcy 224489 +infotainment 224476 +pecs 224457 +bandanas 224447 +backwash 224381 +petitioning 224349 +clawed 224327 +contactor 224321 +gyroscope 224299 +chokers 224272 +nona 224266 +demeaning 224259 +portrayals 224240 +disorientation 224206 +nabbed 224175 +berchtesgaden 224162 +tanager 224141 +rothko 224131 +winsome 224127 +capsid 224126 +mortgagor 224123 +presuming 224120 +englishmen 224097 +banshees 224092 +airstrike 224054 +waveguides 224029 +gasses 224024 +wormhole 223995 +flog 223990 +peacemakers 223982 +effectuate 223974 +emerita 223933 +longbow 223907 +loran 223906 +meatpacking 223894 +deferring 223889 +baikal 223883 +quills 223866 +topi 223864 +beni 223860 +sintered 223849 +erases 223847 +oud 223832 +cruse 223824 +scalper 223817 +subduction 223807 +hairline 223804 +gatehouse 223803 +practises 223793 +evens 223759 +tartans 223746 +yalta 223739 +unattainable 223736 +unremarkable 223724 +lengthened 223709 +proletarian 223686 +dramatist 223679 +mineralogical 223640 +enniskillen 223631 +haring 223617 +deut 223614 +hallucination 223597 +logarithms 223594 +liston 223571 +workpiece 223566 +exhortation 223550 +arousing 223550 +synthetics 223539 +avocados 223519 +hypothesize 223514 +taxicabs 223488 +hippopotamus 223453 +mongering 223434 +ethane 223433 +puffer 223429 +wile 223391 +agadir 223368 +homered 223347 +smirnoff 223334 +forgeries 223326 +iolite 223317 +montaigne 223295 +haemorrhage 223295 +propagator 223270 +punchline 223263 +chartres 223247 +msgr 223243 +recline 223240 +typefaces 223214 +thermistor 223200 +honeybee 223168 +fluvial 223165 +remembrances 223151 +upmarket 223139 +saddleback 223138 +muffs 223133 +disturbs 223121 +chums 223080 +candela 223075 +pedicures 223061 +phonecards 223054 +determinate 223054 +waterline 223047 +heeded 223046 +liquidations 223045 +telephoning 223027 +sophocles 223023 +jell 223013 +whammy 222999 +collard 222978 +listserver 222945 +sachet 222944 +lupe 222943 +humiliate 222917 +schoolyard 222916 +drakes 222879 +rouser 222833 +vetted 222818 +erfurt 222817 +adige 222811 +typists 222788 +tomes 222783 +ledgers 222770 +polanski 222760 +accompaniments 222749 +offenbach 222744 +clairvoyant 222739 +footloose 222730 +shriek 222723 +posits 222720 +faecal 222700 +barrette 222670 +rehabs 222669 +nymphets 222661 +oleander 222655 +deicide 222648 +yous 222646 +bungle 222636 +mesmerized 222624 +kindergartens 222575 +bentonite 222565 +crozier 222560 +ferocity 222548 +withering 222511 +announcers 222503 +underpins 222473 +procreation 222467 +glengarry 222467 +cordillera 222467 +reelected 222432 +pokers 222421 +globalized 222416 +xxxi 222398 +exasperated 222376 +cropper 222371 +groping 222356 +brucellosis 222349 +exonerated 222317 +orangemen 222285 +pinnacles 222282 +hyperglycemia 222270 +sherrie 222268 +cabanas 222229 +miser 222219 +rationales 222178 +scaffolds 222169 +tagger 222158 +shoring 222118 +reprisals 222110 +culpable 222092 +entryway 222052 +sidebars 222047 +wordplay 222046 +fujiwara 222032 +whyalla 222002 +medians 221968 +enslavement 221943 +mutate 221940 +absolutes 221902 +asunder 221892 +destabilizing 221891 +statist 221884 +qualms 221869 +treas 221867 +kalimantan 221855 +universalism 221844 +cremated 221844 +fullback 221821 +paley 221819 +spokesmen 221805 +counterintelligence 221798 +slipcase 221782 +nonsmoking 221762 +collectives 221754 +unharmed 221725 +sheaves 221723 +godmother 221687 +impresses 221677 +polemic 221653 +wallabies 221646 +lidia 221641 +celebrant 221597 +buttoned 221584 +sprouted 221579 +perfectionist 221548 +percussionist 221546 +baffin 221512 +sociocultural 221490 +armoury 221465 +lambskin 221464 +marshalling 221456 +backtrack 221446 +duds 221438 +distinctiveness 221435 +colchicine 221408 +ouse 221394 +omelette 221383 +disintegrated 221372 +forgetfulness 221367 +trevino 221342 +capitalised 221268 +phlox 221261 +mesopotamian 221254 +hubcaps 221220 +stilts 221196 +samaritans 221165 +knocker 221120 +sequencers 221113 +straddling 221102 +underfoot 221099 +roofed 221098 +unhinged 221088 +jinn 221073 +primeval 221070 +interned 221048 +operetta 221044 +sakes 221028 +horsemanship 221027 +storeys 221008 +pensionable 221008 +gur 221008 +aviators 221007 +transcribers 221004 +destinies 220994 +sherbet 220980 +normalisation 220944 +safekeeping 220940 +thyroxine 220924 +instal 220910 +vernier 220905 +nutritive 220870 +suwanee 220863 +unconsolidated 220855 +berserker 220828 +polyphony 220806 +hurrying 220749 +dissociative 220706 +hotbed 220701 +tepid 220695 +inessential 220691 +breaded 220686 +overestimated 220662 +gusher 220655 +sledgehammer 220622 +opportune 220621 +hyperthermia 220616 +intuitions 220613 +sinhalese 220608 +blowouts 220599 +dissuade 220587 +visconti 220574 +gatherers 220572 +slurs 220561 +conformations 220554 +hemmed 220531 +pomfret 220472 +microelectronic 220435 +soundscapes 220430 +personified 220396 +nibbles 220385 +cornice 220372 +smock 220361 +overpopulation 220358 +pliocene 220348 +wrangell 220318 +musket 220316 +sired 220280 +xhosa 220277 +novation 220270 +whisperer 220256 +beautify 220247 +tannery 220245 +sooty 220245 +buckled 220229 +purveyor 220201 +kerbside 220185 +obfuscation 220178 +kindled 220137 +needlecraft 220136 +demystifying 220115 +cubby 220112 +provencal 220111 +daedalus 220110 +chemotaxis 220087 +premised 220080 +pentathlon 220073 +thallium 220051 +stairways 220042 +porky 220042 +barbiturates 220026 +methodists 220022 +eloy 220006 +henchmen 220000 +cuddling 219984 +attenuators 219983 +lapp 219970 +bourg 219928 +spinoff 219921 +jacquelyn 219920 +pretence 219902 +questioner 219899 +fuelling 219873 +repute 219852 +nakedness 219842 +scabbard 219841 +faeces 219830 +covet 219812 +generalisation 219771 +rippling 219769 +dietician 219707 +handrail 219704 +signposts 219702 +rationalism 219689 +rimless 219688 +wistful 219671 +knickerbocker 219664 +lifeblood 219647 +autonomously 219640 +admires 219638 +moronic 219631 +hissed 219599 +michelson 219588 +overpowered 219570 +acidification 219559 +pervades 219556 +tirade 219531 +regurgitation 219525 +alfresco 219524 +laureates 219515 +sellout 219473 +psychoactive 219471 +elucidation 219461 +elohim 219444 +inpatients 219427 +charlies 219426 +prongs 219408 +fumbled 219406 +confided 219369 +raters 219350 +escalators 219341 +mumbling 219329 +sweatpants 219328 +redbirds 219313 +abstaining 219291 +giotto 219288 +lancers 219258 +heimlich 219257 +gyros 219254 +upwelling 219243 +confederates 219234 +paladins 219231 +medellin 219226 +marsala 219183 +spillover 219152 +continuations 219142 +grimaldi 219134 +stretchers 219122 +demosthenes 219089 +contractile 219076 +toenails 219070 +elasticated 219059 +wannabes 219041 +terminators 219026 +upsurge 219004 +peewee 219000 +inequitable 218981 +minty 218953 +reptilian 218941 +devonian 218925 +misnomer 218880 +fitzsimmons 218864 +braiding 218858 +ointments 218798 +limericks 218778 +organometallic 218773 +conger 218768 +tugging 218763 +heckler 218743 +fissile 218743 +opulence 218727 +appomattox 218695 +bentham 218672 +guardsmen 218669 +organelles 218660 +gastronomic 218654 +unease 218653 +dictatorships 218653 +centigrade 218648 +barret 218624 +dismissals 218615 +woodpeckers 218610 +coursing 218580 +facebook 218544 +ornithological 218475 +patrician 218456 +tourniquet 218452 +loons 218446 +windshields 218441 +zacharias 218433 +toluca 218423 +whippet 218392 +melodramatic 218390 +microsomes 218372 +moonlighting 218358 +perak 218321 +inexperience 218319 +chicane 218312 +rime 218262 +feedlot 218258 +casement 218243 +gamelan 218209 +cuddy 218200 +nonsteroidal 218190 +foursomes 218186 +makkah 218114 +serially 218096 +dispersive 218024 +earplugs 217996 +apprised 217995 +bahamanian 217969 +cored 217931 +thoughtless 217903 +comparer 217902 +goad 217883 +mccray 217872 +rehabilitating 217862 +munchies 217853 +cyrano 217853 +satori 217822 +upturn 217814 +misalignment 217793 +muddle 217792 +mauser 217761 +personalisation 217749 +racketeering 217724 +cluj 217697 +generalizing 217661 +sheared 217649 +blasphemous 217636 +statutorily 217623 +unaided 217618 +candidature 217594 +bladed 217581 +bailed 217579 +curried 217574 +clapped 217546 +progestin 217543 +evolutionists 217543 +hotkeys 217495 +squishy 217490 +maximizer 217398 +blockages 217389 +boggle 217376 +fatherland 217375 +parasailing 217358 +evergreens 217345 +myasthenia 217341 +exudes 217341 +minoan 217338 +recede 217329 +buzzards 217308 +torsional 217293 +orpington 217287 +dears 217282 +shamans 217266 +valenzuela 217264 +swanky 217254 +marxists 217215 +sterol 217208 +smocked 217203 +degeneres 217195 +masterfully 217166 +penumbra 217155 +backyards 217153 +spry 217147 +faulted 217142 +mastic 217140 +spermatozoa 217135 +maggots 217122 +bongos 217120 +antitumor 217101 +genitourinary 217072 +tints 217070 +waver 217064 +handkerchiefs 217052 +caning 217036 +snagged 217005 +punishes 217003 +trifecta 217000 +incisions 217000 +connemara 216989 +carboxylase 216977 +decennial 216967 +docent 216956 +disciplining 216948 +herbalist 216944 +subrogation 216902 +acquiescence 216902 +disaffected 216881 +anticoagulants 216855 +mitochondrion 216838 +forename 216835 +conic 216832 +charlatans 216831 +neoliberal 216801 +bares 216791 +manors 216789 +chronicled 216774 +lapidary 216756 +strum 216746 +inundation 216738 +resistances 216734 +rappaport 216733 +caraway 216706 +curatorial 216673 +earshot 216665 +omens 216634 +physiologically 216602 +sailer 216587 +rheum 216585 +vanes 216576 +purina 216565 +batsmen 216530 +appaloosa 216523 +trackballs 216522 +multiverse 216498 +turbos 216479 +eights 216431 +effervescent 216424 +teleconferences 216412 +sappy 216405 +holyhead 216386 +transfiguration 216369 +skimmers 216332 +ferritin 216330 +bluestone 216325 +punctured 216312 +coughed 216304 +investigatory 216303 +reductive 216278 +reassembly 216256 +leftmost 216256 +repaying 216249 +filial 216234 +pavlov 216216 +wilford 216215 +heliport 216201 +carillon 216170 +hydrants 216165 +streaking 216160 +mocks 216156 +niggers 216128 +palladio 216123 +pronouncement 216098 +refrained 216096 +tugboat 216091 +mulroney 216074 +slewing 216029 +deanery 216020 +kibbutz 216011 +equalized 215999 +shallower 215998 +cortisone 215994 +durer 215982 +patriarchs 215961 +polycyclic 215947 +subspaces 215939 +stuyvesant 215908 +bedwetting 215896 +midrash 215882 +natty 215845 +contemp 215843 +respectability 215811 +commode 215790 +posers 215764 +radiometric 215738 +sneaks 215712 +overeating 215706 +overbearing 215700 +aspidistra 215690 +lir 215674 +townspeople 215672 +adoring 215653 +trodden 215645 +atherosclerotic 215642 +cowgirls 215627 +administrated 215613 +huskers 215598 +decoupled 215596 +ventilators 215574 +stockpiling 215573 +soundstage 215568 +tealight 215567 +debited 215564 +diktat 215558 +reaped 215554 +bequeathed 215536 +pinko 215529 +grumbling 215523 +orin 215504 +flatulence 215496 +elude 215496 +grok 215479 +popsicle 215477 +decently 215474 +airstream 215471 +chainsaws 215463 +metaphorically 215453 +tripe 215448 +cicada 215440 +saguaro 215436 +chlorides 215430 +glitters 215372 +austerity 215350 +spondylitis 215326 +didgeridoo 215304 +enjoin 215226 +boyish 215198 +coot 215187 +becks 215169 +egotistical 215142 +neared 215133 +wieland 215130 +cobras 215114 +reaming 215103 +euphemism 215098 +rostov 215059 +saran 215052 +synchronizes 215051 +diverging 215048 +bantu 215030 +megaphone 214989 +uninvited 214986 +cantaloupe 214978 +irkutsk 214956 +sumerian 214946 +carvers 214941 +comatose 214921 +liven 214914 +trappers 214912 +aniline 214896 +hydrograph 214870 +inclusiveness 214829 +stabilise 214808 +decodes 214797 +misprints 214789 +spilt 214786 +forgetful 214785 +conceding 214782 +brightened 214764 +dunks 214757 +inconveniences 214751 +tricyclic 214743 +grater 214742 +maun 214741 +hydrogeology 214739 +peyote 214736 +oestrogen 214735 +gyration 214733 +caesarean 214722 +alderney 214722 +sindhi 214673 +anorexic 214673 +hayworth 214672 +bushfire 214670 +pathfinders 214627 +rigour 214573 +reshuffle 214549 +trombones 214545 +oxalate 214507 +evinced 214503 +jabs 214494 +vostok 214478 +photogenic 214452 +nonferrous 214449 +uneasiness 214392 +confusingly 214382 +afresh 214382 +mawson 214312 +freesia 214310 +dockside 214309 +taal 214293 +condensers 214288 +muskie 214282 +manzanita 214252 +bunks 214252 +ducked 214236 +thalamus 214233 +situate 214206 +steppers 214193 +vaccinia 214188 +feria 214175 +escapade 214143 +loomed 214107 +egbert 214086 +spaceships 214084 +throttling 214077 +hungarians 214061 +madrigal 214055 +oink 214048 +devises 214035 +biomedicine 214020 +mfd 214019 +speedster 213969 +hond 213958 +ditched 213957 +homicidal 213955 +evapotranspiration 213941 +signpost 213936 +saturate 213934 +dyne 213934 +trenching 213926 +pews 213867 +reducers 213862 +workhouse 213859 +sensitively 213841 +reseda 213837 +peeve 213790 +adderley 213767 +deterring 213745 +polyhedron 213733 +conestoga 213714 +gutsy 213692 +trillions 213656 +unorganized 213589 +discriminates 213587 +whalers 213530 +predeceased 213495 +wrester 213473 +smuggle 213470 +cabral 213469 +anadromous 213444 +nooks 213440 +centralize 213418 +accrues 213417 +autocratic 213394 +ruthie 213343 +hiccup 213341 +selah 213338 +titania 213319 +tabriz 213316 +brasov 213312 +pulsatile 213306 +flavin 213302 +interfaced 213291 +concepcion 213276 +overheat 213265 +ellwood 213227 +optometric 213177 +nickles 213173 +shyly 213165 +simulcast 213159 +counterclaim 213148 +stewed 213127 +hydrates 213124 +wurlitzer 213118 +fingernail 213104 +americano 213072 +scone 213031 +disguises 212993 +angstroms 212986 +stowed 212982 +unmanageable 212981 +pidgin 212948 +denunciation 212943 +squeal 212939 +brae 212919 +ducking 212902 +throb 212889 +scorch 212879 +roadkill 212863 +goodbyes 212840 +perusing 212836 +duels 212809 +villainous 212802 +reexamination 212772 +mesozoic 212766 +sanitizing 212760 +masc 212748 +caius 212742 +cellist 212738 +pythagorean 212726 +elderberry 212711 +paramilitaries 212710 +verein 212684 +anglicans 212681 +terrazzo 212674 +steadfastly 212668 +interferences 212654 +bookbinding 212654 +rusting 212635 +slicker 212619 +abstention 212609 +conservationist 212602 +bandwidths 212602 +reconvened 212563 +radiates 212560 +disjunction 212558 +lifesaver 212555 +genealogies 212548 +hemmer 212536 +ruthlessly 212534 +internalization 212526 +lovelock 212479 +falsify 212477 +ratifying 212463 +swagger 212443 +flicked 212430 +windjammer 212417 +voltmeter 212417 +emigrate 212408 +houseplants 212394 +alleluia 212391 +arbour 212376 +syntactically 212320 +accomplices 212317 +hadrons 212303 +hellcat 212298 +harriett 212295 +shims 212293 +leisurewear 212277 +cheetahs 212255 +marketability 212186 +deadlocked 212185 +subtopics 212170 +monocyte 212149 +mandrel 212147 +solidification 212107 +valine 212102 +rednecks 212093 +actinic 212056 +orff 212052 +recompiled 212034 +manipulators 211959 +toothless 211930 +rabbinical 211890 +spellcheck 211887 +offload 211879 +frankincense 211877 +creosote 211875 +cloakroom 211868 +commendations 211867 +comprehended 211852 +textural 211849 +ponchos 211828 +detours 211823 +peps 211789 +bravest 211775 +crevice 211751 +miler 211732 +gunpoint 211695 +dimers 211676 +biogenic 211650 +skeins 211623 +grownups 211610 +telltale 211606 +moskva 211595 +evict 211591 +noriega 211582 +typewritten 211568 +negev 211567 +progenitors 211564 +vitoria 211555 +hummus 211521 +foxtail 211519 +forges 211503 +jots 211479 +beachwear 211454 +fredric 211450 +loosed 211447 +madcap 211443 +colonisation 211421 +neigh 211412 +persecute 211372 +roxie 211370 +jaffna 211342 +couturier 211334 +impersonator 211296 +dedicates 211274 +unworkable 211272 +crabby 211263 +voracious 211249 +cliffhanger 211187 +burlap 211178 +phagocytosis 211163 +rescuer 211155 +miscarriages 211155 +massacred 211142 +bookplate 211100 +asynchronously 211086 +sequelae 211076 +aqualung 211073 +skinhead 211069 +excrement 211069 +signification 211056 +quarrels 211045 +remoteness 211042 +togetherness 211032 +sanctus 211017 +dollhouses 211017 +bris 211005 +yamagata 210965 +dominus 210959 +botticelli 210959 +dihedral 210919 +evidencing 210915 +equips 210912 +balmy 210906 +splinters 210897 +podiatrist 210894 +gymnasiums 210890 +internationalized 210888 +resonators 210880 +epithet 210839 +senescence 210836 +blonds 210818 +paraprofessionals 210816 +unimpressed 210810 +ravenous 210785 +contravene 210784 +mandolins 210768 +subpopulations 210758 +overplay 210757 +elution 210742 +wreckers 210738 +mongols 210728 +camphor 210728 +savagery 210725 +navigated 210709 +dieppe 210694 +protectionist 210683 +deauville 210673 +pretensions 210669 +thunders 210665 +izod 210659 +beecham 210648 +okayama 210635 +pathan 210621 +ruddock 210604 +diogenes 210595 +koto 210589 +remodelling 210584 +ursa 210562 +dozier 210542 +comings 210531 +prokaryotic 210526 +windproof 210478 +timekeeper 210441 +godspeed 210440 +whitsundays 210427 +enforcers 210419 +crinkle 210413 +inversions 210412 +causey 210409 +farthing 210406 +edibles 210404 +crevices 210397 +wringing 210392 +superpowers 210380 +kamala 210377 +ardennes 210373 +naturism 210357 +understory 210342 +collegian 210328 +tearful 210307 +evangelization 210305 +betwixt 210303 +molesting 210302 +unmistakably 210300 +postsynaptic 210292 +purpura 210281 +subpoenaed 210257 +interleaving 210245 +psychotherapists 210236 +ruminant 210225 +heterologous 210215 +massed 210210 +toots 210204 +chisinau 210186 +salicylic 210169 +plucking 210167 +rommel 210153 +zesty 210124 +rickshaw 210114 +formalization 210107 +interpolate 210104 +shires 210101 +mantels 210098 +slavonic 210079 +naphthalene 210051 +notepads 210045 +silencers 210036 +reprimanded 210033 +rebelled 210028 +thunderous 210024 +fabulously 210009 +overblown 209986 +encloses 209965 +sorties 209959 +claymore 209946 +cantatas 209945 +prioritised 209939 +hyphenation 209930 +revives 209924 +toleration 209916 +suitors 209916 +blacksmithing 209916 +forking 209903 +wiggly 209887 +plop 209870 +genocidal 209869 +minutiae 209867 +dissipative 209862 +calcification 209860 +caseworker 209857 +deviated 209854 +cybernetic 209843 +exerciser 209838 +sleight 209824 +burman 209824 +spectrograph 209814 +velveteen 209792 +wonderbra 209757 +dagmar 209734 +drogheda 209707 +nonpayment 209702 +tricot 209698 +shutoff 209687 +headlined 209656 +balt 209649 +skirted 209602 +kirkman 209594 +coachman 209594 +bigots 209590 +daybook 209576 +snowballs 209574 +elucidated 209571 +reappeared 209564 +comprehending 209553 +reckons 209552 +inexhaustible 209547 +manipulates 209539 +puzzler 209514 +caravaggio 209503 +canny 209480 +fainted 209474 +pianoforte 209426 +rifts 209369 +rosalyn 209368 +fleshed 209343 +tracksuits 209342 +urbanisation 209326 +winking 209323 +mastodon 209320 +clarinets 209315 +telephonic 209299 +wallaby 209288 +racecourses 209276 +exemplars 209273 +straights 209270 +thimerosal 209258 +firmament 209248 +ferraro 209236 +ribonuclease 209189 +taiga 209181 +cerulean 209177 +hovers 209168 +bilberry 209150 +byelorussian 209122 +grossed 209087 +interrelationship 209079 +cottons 209058 +thoroughness 209053 +articulates 209041 +confessor 209040 +gooseberry 209025 +baguio 209020 +aimlessly 208998 +ligature 208990 +endometrium 208987 +sagittal 208985 +pronouncing 208952 +cardozo 208947 +mulled 208941 +agassiz 208935 +dazzled 208930 +inborn 208927 +consuls 208886 +faulting 208859 +eure 208854 +thrusters 208837 +newness 208815 +ascetic 208813 +bearable 208795 +attesting 208794 +uninspired 208789 +polarised 208778 +russet 208769 +shizuoka 208763 +rumen 208759 +pesach 208759 +specie 208752 +reminiscing 208728 +gilder 208663 +krill 208654 +hothouse 208654 +milkweed 208648 +incas 208640 +patella 208631 +skein 208604 +tans 208599 +reflow 208595 +morphs 208579 +slicers 208578 +nonhuman 208557 +cronkite 208550 +eyewitnesses 208549 +mettle 208525 +bodysuit 208515 +quantifiers 208513 +relegation 208512 +placket 208483 +inflorescence 208477 +matin 208467 +chipmunks 208462 +halogenated 208434 +demonstrative 208420 +dione 208399 +arthropod 208390 +formate 208387 +insets 208386 +bigoted 208294 +formers 208284 +discordant 208281 +lilacs 208266 +uprights 208250 +levying 208243 +forearms 208229 +misdiagnosis 208184 +proteolysis 208152 +copywriters 208146 +mortician 208140 +quickies 208133 +oriel 208095 +nines 208082 +ballparks 208069 +nonempty 208061 +buoyed 208050 +slurping 208036 +haida 208027 +resorption 208017 +malady 208016 +inhibitions 207952 +antimatter 207940 +electromagnetism 207878 +grandsons 207864 +taverna 207857 +mashup 207854 +tempers 207853 +quinine 207834 +thirtieth 207805 +illegality 207799 +paraphrased 207795 +olefin 207789 +parkas 207726 +beanstalk 207707 +retroviruses 207705 +wilbert 207699 +grog 207689 +radially 207644 +signposted 207641 +marciano 207620 +stigmata 207617 +fester 207608 +bushland 207584 +pathologies 207576 +permeated 207556 +cadastral 207526 +immunosuppression 207520 +retards 207517 +mandan 207505 +convexity 207483 +resentful 207476 +headlands 207464 +saintly 207451 +envisages 207445 +taranto 207443 +auditioning 207427 +picnicking 207414 +pushkin 207397 +ivs 207397 +essie 207368 +aught 207367 +adjuncts 207352 +entomol 207349 +shorebirds 207348 +jeweller 207341 +cryptology 207333 +scribbles 207323 +gangland 207308 +roseau 207277 +nonfat 207259 +alejandra 207180 +grubby 207166 +wooing 207146 +conjunctions 207131 +bluebell 207130 +embellish 207110 +hippos 207102 +telepathic 207048 +disinfect 207027 +moonlit 207004 +intercepting 207000 +privatised 206983 +melange 206979 +denounces 206949 +croissant 206949 +hoopla 206946 +gules 206933 +costumed 206929 +trilateral 206928 +watermarked 206925 +vacuolar 206896 +quarterfinal 206895 +obstetrical 206889 +perfecto 206888 +operability 206881 +dedications 206836 +recurrences 206789 +ulceration 206786 +aftertaste 206774 +dampened 206769 +stalkers 206768 +poconos 206768 +corks 206732 +lithia 206715 +obscuring 206709 +methacrylate 206693 +demoted 206682 +nullify 206637 +refines 206574 +infarct 206563 +tricking 206514 +liquidating 206505 +compacting 206503 +corroborate 206499 +shuffles 206439 +aborts 206439 +envied 206413 +dirtiest 206405 +chins 206390 +psychosomatic 206388 +kidnappings 206388 +coring 206369 +frictional 206348 +runt 206329 +benadryl 206324 +rezone 206321 +nursed 206293 +monolayers 206290 +placeholders 206250 +squirm 206247 +philately 206230 +repairable 206226 +prefectural 206225 +loathsome 206216 +disequilibrium 206177 +springbok 206102 +tiberian 206100 +chita 206091 +althea 206081 +revolutionizing 206054 +twisters 206012 +harmonizing 206012 +rance 206006 +tula 205991 +icebergs 205990 +sacking 205985 +skinless 205975 +sauerkraut 205974 +costuming 205971 +clapper 205968 +settee 205963 +driest 205963 +scipio 205923 +substations 205920 +beautician 205915 +syntheses 205908 +underpaid 205903 +stealthy 205901 +upswing 205874 +flaunt 205865 +interrogators 205861 +doubleheader 205848 +mistaking 205841 +hooligan 205840 +packagers 205822 +dasher 205780 +gunnery 205774 +dyspepsia 205767 +perms 205764 +digestible 205755 +reaver 205753 +akan 205742 +augments 205731 +tryst 205722 +unsweetened 205719 +daydreams 205708 +cede 205707 +fluorite 205698 +pyrolysis 205691 +convenes 205677 +annihilate 205665 +callus 205657 +apologist 205637 +neruda 205630 +tartrate 205607 +candidly 205594 +shifty 205583 +caliban 205583 +attentional 205558 +orphanages 205540 +fossa 205501 +deceptions 205477 +snorted 205453 +upwind 205437 +shivered 205427 +teem 205420 +replenished 205403 +overexposure 205403 +nymphos 205391 +massless 205382 +assailants 205374 +fitment 205367 +degeneracy 205361 +neanderthal 205354 +lemming 205345 +appends 205325 +robt 205307 +huntingdonshire 205304 +consummated 205283 +cotes 205184 +geostationary 205182 +fertilisation 205177 +insurable 205156 +obstinate 205140 +multiparty 205139 +earthwork 205124 +artesian 205119 +jeopardized 205117 +serology 205077 +disoriented 205070 +alphabetized 205070 +buttock 205064 +farquhar 205051 +ergodic 205038 +superseding 205036 +retrace 205030 +glasshouse 205012 +revolvers 205004 +lurch 204983 +sevastopol 204972 +medallist 204958 +gregarious 204958 +inductees 204955 +torrential 204954 +jetway 204947 +allee 204946 +bonk 204916 +lublin 204898 +nightgown 204892 +splurge 204888 +bombard 204887 +magpies 204885 +stalingrad 204877 +missus 204858 +mystified 204856 +hashed 204846 +drooping 204835 +quash 204823 +adjudicate 204822 +inconsiderate 204816 +highchairs 204810 +mousetrap 204797 +schwarzkopf 204785 +hokey 204777 +swirled 204767 +ramses 204766 +darted 204760 +warlike 204756 +participative 204737 +colons 204720 +duos 204711 +supplication 204702 +fretted 204701 +begonia 204693 +screamer 204679 +declarant 204668 +salto 204639 +practicals 204630 +gauged 204607 +posthumously 204605 +dieters 204593 +suet 204581 +overhanging 204576 +tonto 204560 +pusan 204559 +impropriety 204537 +maligned 204502 +repackaged 204476 +thackeray 204471 +castries 204435 +eisenstein 204426 +roaches 204408 +nought 204395 +barbarous 204373 +expressiveness 204369 +sinker 204304 +unpredictability 204260 +hahnemann 204238 +dux 204200 +eggnog 204199 +diu 204162 +pulsars 204152 +cording 204138 +aphrodisiacs 204106 +lxi 204094 +writhing 204090 +scrapie 204079 +malamute 204075 +enticed 204071 +schmuck 204019 +mufti 204002 +ironclad 203983 +gasps 203961 +exclaim 203941 +rehash 203931 +littering 203929 +abkhazia 203928 +enlace 203869 +confucian 203866 +vestiges 203863 +rustling 203837 +septa 203819 +brainwave 203809 +clavier 203805 +purist 203788 +recaptured 203780 +freestone 203779 +formulaic 203777 +earthworm 203729 +phonemes 203727 +marauders 203725 +spars 203700 +dished 203697 +frise 203691 +corned 203685 +shockley 203683 +keisha 203681 +lifeguards 203653 +antiserum 203641 +howls 203629 +seismicity 203624 +answerable 203618 +inky 203613 +triplicate 203607 +pectoral 203585 +sneer 203583 +stickiness 203580 +saatchi 203576 +cataclysmic 203547 +curia 203518 +hustlers 203512 +leos 203507 +allay 203474 +derision 203463 +parachuting 203448 +dutifully 203446 +tamils 203400 +octavo 203379 +orangutan 203375 +jerrold 203375 +pisgah 203372 +maddening 203363 +nontoxic 203362 +durga 203362 +falconry 203352 +lexicons 203347 +backboard 203314 +ischaemic 203309 +bailout 203304 +preconceptions 203302 +middlemen 203291 +plundered 203286 +marchers 203283 +reformatting 203268 +credenza 203244 +decry 203238 +annulus 203227 +newtons 203210 +conspirator 203178 +luring 203145 +promiscuity 203125 +transitioned 203114 +gallantry 203113 +whisked 203086 +mejia 203077 +outcrops 203063 +timur 203060 +interlocutory 203045 +pericles 203044 +desertion 203033 +reemployment 203006 +kirov 202992 +flirts 202987 +alga 202974 +acrobatics 202967 +witted 202961 +katakana 202952 +arguable 202934 +eclampsia 202933 +demotion 202922 +yow 202916 +wherewith 202893 +siliceous 202885 +sailfish 202870 +smurfs 202857 +circulates 202831 +manatees 202824 +signore 202821 +coldly 202821 +mcluhan 202819 +fenugreek 202803 +nipissing 202795 +envoys 202787 +polyphone 202778 +meteorologists 202774 +restorer 202772 +botulism 202756 +pyridoxine 202751 +staves 202728 +vedanta 202724 +coldness 202722 +depolarization 202693 +noguchi 202679 +spellbinding 202677 +isidro 202674 +grouchy 202666 +rasputin 202659 +valances 202657 +asuncion 202656 +friesland 202615 +sizer 202590 +mobster 202575 +croats 202533 +avowed 202530 +gusty 202515 +oodles 202506 +brazier 202480 +bayreuth 202474 +castaways 202454 +assamese 202452 +archon 202427 +filofax 202425 +internationalist 202420 +godliness 202410 +northrup 202393 +docile 202388 +prostatectomy 202365 +maliciously 202345 +showmanship 202329 +vole 202319 +clutched 202319 +cantons 202309 +enveloping 202298 +wrights 202293 +keokuk 202285 +subito 202277 +sunscreens 202258 +tangles 202240 +scrivener 202236 +meanest 202221 +aerobatic 202216 +carabiners 202213 +refutes 202204 +subsequence 202196 +sexier 202190 +cardioid 202164 +hollows 202137 +decile 202130 +luckiest 202129 +reprogramming 202126 +slipstream 202103 +officiate 202099 +mumble 202090 +aral 202036 +goosebumps 202016 +biannual 202016 +congeniality 202000 +complicit 201994 +substantiation 201992 +capitation 201974 +songbirds 201965 +oppress 201953 +grandfathers 201928 +weatherman 201916 +usury 201906 +torrens 201906 +apologises 201905 +isadora 201884 +coverup 201855 +aldehydes 201850 +greedily 201839 +streptomycin 201832 +ekaterinburg 201819 +reevaluate 201812 +padlocks 201811 +vizier 201808 +antebellum 201801 +argonaut 201792 +nostril 201758 +impedes 201747 +tombstones 201746 +roadie 201746 +wavering 201735 +carnatic 201715 +barbarism 201713 +staphylococcal 201707 +autobiographies 201684 +smalls 201676 +hairstylists 201675 +vienne 201659 +hooch 201647 +razorback 201640 +playboys 201600 +surmise 201587 +blanch 201559 +greenaway 201556 +rabi 201534 +morelos 201533 +inscrutable 201526 +reyna 201509 +mugger 201472 +syne 201469 +erlanger 201463 +xxxii 201462 +tippecanoe 201452 +underbelly 201451 +crewed 201435 +groomer 201433 +saluted 201427 +reducible 201402 +protectorate 201397 +caslon 201372 +hieroglyphics 201362 +evacuations 201362 +materialist 201349 +landlady 201334 +potentiation 201327 +vertebra 201318 +dartboard 201314 +blameless 201296 +amalia 201279 +democratisation 201277 +newsagent 201259 +polenta 201258 +absurdly 201254 +garnished 201199 +probative 201193 +scallions 201190 +velazquez 201181 +leola 201175 +corporeal 201175 +passivity 201169 +partiality 201169 +circumscribed 201160 +anonym 201150 +roundabouts 201107 +steno 201103 +octaves 201067 +disposes 201062 +berta 201028 +emanate 201024 +staffroom 201020 +volgograd 201011 +tommie 200982 +rummage 200967 +objectivism 200965 +legalities 200959 +rigel 200948 +headstrong 200946 +plies 200925 +championing 200925 +synchronised 200905 +politicos 200901 +bumbling 200901 +pickling 200887 +refuting 200885 +privatizing 200881 +scantily 200863 +makings 200837 +slovakian 200797 +befriended 200782 +kosciusko 200746 +tendonitis 200723 +professing 200707 +nestling 200662 +frt 200629 +immortalized 200605 +leper 200592 +animus 200550 +dimple 200542 +starches 200529 +handbrake 200524 +noblest 200522 +urologists 200517 +levitation 200516 +supine 200507 +bloodthirsty 200425 +derailleurs 200422 +haemoglobin 200421 +weightings 200414 +squint 200402 +jackrabbit 200400 +mistyped 200365 +vitals 200318 +glasnost 200286 +lysosomal 200283 +oldie 200255 +lamenting 200216 +tater 200207 +toyama 200199 +reaffirming 200194 +khakis 200185 +vindictive 200175 +bobbins 200175 +megabits 200137 +siracusa 200105 +splenic 200097 +overtook 200073 +elway 200060 +electrocardiography 200047 +pyrimidine 200037 +deidre 200032 +triptych 200022 +rifleman 200021 +triumphed 199997 +scanty 199977 +difficile 199961 +maxed 199945 +overloads 199940 +marmite 199931 +bartok 199927 +vagaries 199920 +undaunted 199885 +lucan 199884 +hemming 199863 +defiled 199832 +stillborn 199827 +faltering 199825 +saracens 199820 +overrule 199818 +humanists 199791 +discounters 199772 +eke 199770 +constructivism 199767 +triceps 199763 +obstetrician 199754 +conceited 199751 +denys 199746 +neonate 199712 +rainmaker 199681 +laymen 199674 +shopkeepers 199658 +mortification 199639 +gemeinschaft 199625 +telstar 199597 +monogamy 199590 +roofers 199587 +combats 199547 +salk 199536 +indulgences 199527 +fattening 199478 +drench 199471 +stupidest 199459 +candia 199434 +revisits 199432 +legibly 199362 +digesting 199346 +undelivered 199324 +cupola 199250 +polythene 199245 +uncontrollably 199241 +impermissible 199235 +crocheting 199220 +canst 199219 +flan 199218 +idleness 199203 +arbitrate 199202 +muons 199181 +redheaded 199140 +peritonitis 199131 +lunge 199129 +closers 199129 +minuet 199114 +entombed 199114 +undergrads 199083 +diverged 199083 +spouts 199060 +pontifical 199038 +nicene 199026 +glided 199024 +tetrachloride 199022 +shuffleboard 199011 +craziest 198997 +sleeplessness 198993 +iago 198988 +swale 198985 +axed 198982 +webmistress 198981 +overdone 198969 +socratic 198960 +ripoff 198960 +reevaluation 198953 +revulsion 198933 +neth 198917 +rosamond 198912 +jags 198865 +largos 198863 +overheated 198862 +demobilization 198821 +goldenseal 198815 +deflectors 198805 +fishhooks 198789 +cleanses 198768 +secondment 198765 +criticising 198750 +porpoise 198747 +backless 198724 +oligarchy 198695 +inguinal 198685 +bassline 198675 +herbivores 198673 +spammed 198651 +hosed 198644 +montcalm 198638 +elitists 198632 +sahel 198610 +psychical 198607 +doormat 198594 +rives 198588 +mycology 198579 +areolas 198511 +dribbling 198504 +celadon 198496 +mouthwash 198480 +mize 198479 +liquefaction 198458 +troglodytes 198454 +gaskell 198453 +timpani 198449 +fanned 198426 +wagging 198396 +germinate 198370 +fastback 198364 +chrysanthemums 198360 +wrens 198351 +volcanism 198349 +ruminants 198343 +misdeeds 198343 +fuzhou 198342 +prioritisation 198320 +farrier 198307 +earnestness 198290 +tenon 198272 +shockers 198267 +uighur 198221 +monolingual 198221 +undercurrent 198210 +espinoza 198210 +allocable 198201 +steerage 198145 +quip 198143 +pacesetter 198140 +taxonomies 198131 +novae 198124 +calenders 198123 +denatured 198118 +karloff 198066 +subjectively 198062 +disrepair 198035 +filamentous 197991 +polyp 197981 +incompressible 197971 +granary 197962 +ecliptic 197931 +befitting 197920 +bolsheviks 197902 +statuses 197860 +expandability 197842 +whitish 197836 +melanin 197833 +irreconcilable 197831 +authentically 197822 +udine 197816 +divorcing 197780 +concocted 197778 +schnapps 197761 +gargantuan 197760 +karenina 197737 +essayist 197734 +wallop 197728 +carports 197719 +supranational 197701 +epicurean 197701 +leaver 197700 +marginalization 197686 +misrepresenting 197684 +mujahideen 197677 +blacked 197675 +pollster 197672 +colloids 197654 +minesweeper 197626 +subprogram 197624 +clorox 197595 +dowsing 197567 +refit 197564 +dosed 197560 +headpiece 197531 +bookies 197528 +terrains 197524 +unwashed 197494 +detaining 197491 +oaf 197487 +virtuosity 197486 +interscholastic 197484 +exmoor 197471 +zamboni 197456 +mable 197455 +shod 197441 +magnolias 197435 +oratorio 197424 +befall 197417 +appurtenances 197388 +figment 197373 +anodes 197361 +wearily 197359 +northernmost 197354 +trollope 197352 +enchanter 197317 +glazier 197297 +theistic 197293 +unscientific 197286 +withstood 197283 +permeation 197262 +playpen 197242 +anchovy 197241 +heaviness 197240 +pucks 197236 +statehouse 197230 +knapsack 197222 +mallee 197221 +brachial 197148 +eroticism 197146 +sammie 197141 +consciences 197128 +tourneys 197124 +hotshot 197123 +extinctions 197106 +rolland 197105 +remodels 197087 +prototypical 197079 +inflected 197076 +linseed 197058 +jeopardizing 197056 +staccato 197033 +isoniazid 197022 +polyhedral 197011 +downsides 196970 +waistline 196962 +agamemnon 196956 +trogon 196954 +dodged 196951 +refusals 196922 +politicized 196904 +refuelling 196843 +mutational 196827 +impermeable 196826 +cacophony 196816 +outrages 196815 +cuneiform 196789 +footstool 196787 +lectern 196773 +romancing 196751 +uncircumcised 196749 +hallie 196735 +emblazoned 196728 +gravitate 196680 +wrangling 196679 +finned 196662 +themis 196647 +dorcas 196624 +looses 196618 +confiscate 196608 +tablelands 196591 +bloods 196575 +odours 196553 +restorers 196542 +feelgood 196538 +storyboards 196537 +mongrel 196536 +vaccinate 196520 +forewarned 196505 +degenerated 196489 +eventide 196472 +hashish 196464 +glomerulonephritis 196429 +iffy 196420 +welty 196419 +inhalers 196398 +impairing 196396 +dispossessed 196370 +brocken 196362 +uncommitted 196347 +meagre 196347 +locomotor 196317 +almanack 196309 +mopping 196302 +thurber 196275 +fantastical 196272 +reconnecting 196253 +yama 196252 +chintz 196209 +nebulous 196206 +ouija 196199 +slink 196197 +kiva 196139 +lineal 196130 +misspelling 196122 +gainful 196122 +aldrin 196105 +orthodontists 196098 +droll 196087 +nondiscriminatory 196082 +lessees 196038 +benzoate 196038 +lambswool 196030 +honouring 196007 +grenadier 195998 +turco 195996 +anachronism 195990 +methodically 195988 +fluctuates 195985 +stiffened 195982 +athenians 195979 +duplications 195977 +sustainment 195966 +aleppo 195943 +whimper 195901 +whomsoever 195878 +viciously 195876 +spinel 195869 +snowboarder 195865 +fiddlers 195864 +endow 195844 +monogamous 195824 +patentable 195784 +incised 195777 +kaposi 195772 +hypersonic 195767 +indistinct 195751 +counterbalance 195748 +razed 195746 +elicits 195743 +chlorination 195645 +invents 195639 +loungers 195637 +initialise 195634 +wilberforce 195617 +flicking 195606 +spectrophotometer 195577 +deductibility 195573 +spaniels 195570 +squeegee 195556 +shatters 195547 +wantage 195525 +panjabi 195521 +tenfold 195510 +neurosurgical 195503 +arcturus 195490 +concertina 195483 +scoured 195477 +pretax 195474 +desiccant 195470 +bushido 195463 +layaway 195456 +pilsner 195433 +knotty 195433 +scarlatti 195415 +stewardess 195388 +daydreaming 195380 +cajuns 195365 +furthered 195333 +pabst 195331 +limnology 195313 +intercoms 195259 +chancel 195252 +advantaged 195248 +pontefract 195231 +klutz 195206 +ostrava 195190 +bloodbath 195189 +lamprey 195186 +eliminations 195184 +inexorably 195183 +diverter 195123 +merchandisers 195112 +worships 195075 +washout 195075 +ironed 195063 +bluesy 195060 +biosensors 195059 +inhabits 195017 +pigskin 194996 +domestication 194975 +amazonian 194947 +counterculture 194942 +retold 194917 +photog 194909 +colum 194897 +embeds 194889 +oppositional 194861 +appendage 194843 +karelia 194840 +crustacean 194829 +monotonicity 194828 +geographer 194824 +volant 194823 +divestitures 194823 +airwave 194803 +recycles 194756 +fusions 194750 +auer 194745 +joist 194739 +tapper 194724 +cornett 194723 +naphtha 194695 +clairvoyance 194691 +treetops 194682 +debunked 194680 +orthographic 194670 +saki 194667 +activations 194667 +oversea 194656 +jeannine 194645 +aeneas 194594 +baath 194585 +rickie 194574 +narrates 194548 +girdles 194548 +fizzy 194519 +heartbroken 194502 +mongo 194449 +lameness 194431 +digitizers 194425 +offal 194416 +smithy 194407 +stockist 194392 +nastiest 194377 +dawns 194371 +bannock 194356 +staid 194345 +cryst 194333 +encircling 194328 +crating 194323 +ferrule 194321 +tightrope 194317 +ignites 194315 +wove 194314 +repainted 194311 +pithy 194285 +caressed 194258 +infinitive 194254 +hysterically 194237 +windsurf 194218 +shortbread 194212 +incantation 194203 +blissfully 194197 +shirk 194196 +gratin 194174 +opcodes 194157 +amazonia 194156 +pangs 194132 +monsignor 194124 +caffeinated 194121 +croutons 194099 +domestics 194072 +unpretentious 194069 +poachers 194056 +sounders 194035 +galvanic 194013 +malaysians 193979 +oof 193930 +cornflower 193916 +spanglish 193912 +mogadishu 193897 +parlance 193893 +lethargic 193870 +drunkard 193858 +monopole 193814 +ribosomes 193812 +masada 193804 +conveyances 193777 +steinmetz 193773 +majored 193766 +cowper 193763 +northallerton 193749 +bronzes 193674 +knell 193672 +profited 193665 +enchiladas 193645 +amplifies 193624 +baywood 193611 +startle 193590 +kigali 193589 +snowbirds 193586 +algernon 193570 +micrometers 193549 +smashes 193543 +exterminate 193539 +erector 193530 +buckshot 193530 +electrodynamics 193528 +drumsticks 193528 +exalt 193526 +farragut 193500 +gobi 193497 +interludes 193432 +paratrooper 193422 +chalcedony 193417 +caucasians 193405 +erasable 193375 +bide 193344 +suitor 193343 +traditionalist 193340 +intermissions 193336 +cichlid 193324 +juxtaposed 193321 +awardee 193320 +cruciate 193316 +mandelbrot 193257 +rooming 193240 +katelyn 193237 +smallholder 193236 +spiller 193234 +bevy 193230 +lithosphere 193225 +gravelly 193194 +forgings 193186 +bearcat 193183 +inconspicuous 193175 +creche 193174 +reconvene 193121 +dismissive 193113 +cashews 193108 +toxoplasmosis 193088 +soapstone 193080 +psychopath 193047 +liana 193039 +wisps 193038 +suharto 193038 +sandblasting 193038 +childminders 193035 +banka 193035 +opossum 193023 +greenstone 192998 +stockbrokers 192997 +autoroute 192969 +segfaults 192968 +tickles 192967 +outdraw 192935 +urbane 192915 +powerboats 192868 +kickbacks 192852 +lurkers 192843 +crampons 192807 +sardine 192796 +nebuchadnezzar 192789 +civilisations 192762 +meshing 192755 +meniscus 192752 +diffusing 192752 +resubmitted 192750 +interstates 192748 +stupor 192738 +sexing 192729 +gratuitously 192704 +colmar 192697 +sagamore 192692 +aimless 192672 +renegotiation 192638 +parfait 192636 +theorizing 192630 +scavengers 192629 +flit 192601 +quietness 192590 +oaten 192579 +pleats 192575 +accede 192573 +cosponsor 192570 +bernina 192570 +massaged 192541 +measly 192537 +folkways 192526 +subdivide 192516 +catharsis 192500 +overshadow 192495 +outplacement 192471 +assignor 192471 +cuddles 192458 +sorters 192443 +amortizing 192426 +sangria 192384 +antilock 192366 +turnips 192357 +raceways 192339 +statuette 192325 +burbs 192323 +waterbed 192317 +zingy 192302 +disburse 192296 +laker 192269 +dwindled 192231 +elaborates 192223 +dispenses 192216 +bahadur 192211 +fertilizing 192206 +narcissist 192189 +blackbody 192189 +sextant 192186 +stomped 192179 +falsehoods 192167 +swampy 192143 +orienting 192128 +wast 192122 +headstones 192116 +donning 192083 +cecily 192047 +durum 192040 +sappho 192039 +astana 192034 +planers 192032 +estancia 192026 +viburnum 191982 +mealtime 191970 +biblically 191938 +lustful 191933 +irrelevance 191925 +guano 191918 +presbyterians 191915 +compar 191884 +grandad 191866 +rebuked 191859 +delaunay 191822 +nonmember 191815 +necrotic 191804 +buyouts 191799 +cloisters 191794 +everyplace 191792 +luella 191781 +presumptuous 191769 +toothache 191760 +misstatement 191748 +papilloma 191740 +phenols 191717 +presage 191709 +anasazi 191702 +boars 191697 +afore 191691 +dour 191669 +moistened 191655 +kegs 191654 +unadulterated 191644 +fairytales 191626 +reciprocate 191622 +hegemonic 191622 +exploitative 191618 +urticaria 191596 +neonatology 191594 +verdun 191581 +nosy 191580 +unacceptably 191572 +holography 191545 +rosales 191509 +psychomotor 191490 +reinvest 191477 +afforestation 191428 +disincentive 191421 +serenata 191402 +turbocharger 191385 +tidying 191374 +haldane 191324 +maypole 191320 +birdseye 191317 +begat 191296 +liftoff 191295 +roadworks 191282 +subseries 191232 +sorbitol 191229 +datura 191228 +janna 191217 +salamanders 191215 +stably 191204 +propelling 191201 +ripen 191197 +lensing 191183 +rekindle 191164 +rachmaninoff 191148 +piglets 191137 +suffocating 191135 +athos 191113 +litigated 191111 +xxxiii 191081 +sweatshops 191066 +lifers 191062 +mongers 191059 +igniting 191047 +brawn 191036 +frowning 191026 +gaius 191025 +snacking 191021 +cafeterias 191009 +whiskies 190996 +praetorian 190995 +annuitant 190980 +periodontics 190972 +breastfed 190971 +ouster 190969 +greases 190961 +matchless 190939 +refinish 190932 +aether 190931 +prohibitively 190930 +castaneda 190930 +broilers 190906 +legendre 190902 +pacts 190899 +cholinesterase 190893 +deformable 190873 +morgans 190862 +oise 190767 +boatman 190748 +unconcerned 190716 +refugio 190713 +newlywed 190665 +brindisi 190639 +heritability 190626 +overclocked 190613 +negates 190595 +auster 190567 +metastable 190554 +orthography 190527 +putts 190514 +martineau 190503 +semiotic 190482 +exterminator 190454 +backbones 190449 +conjured 190396 +assyrians 190394 +singaporeans 190364 +holotype 190356 +vaulting 190341 +garnering 190318 +syncope 190277 +nuisances 190272 +gossiping 190267 +freshen 190253 +tugged 190233 +retrievals 190227 +licencing 190225 +cheerios 190214 +gog 190201 +pincus 190191 +outdone 190191 +instrumentalist 190182 +sternum 190180 +phosphorylase 190173 +vibraphone 190139 +iguanas 190133 +detest 190119 +hamming 190093 +phobos 190079 +overwrites 190068 +recirculating 190057 +paraded 190039 +desensitization 190036 +trifling 190034 +undergrowth 190027 +carlotta 189995 +iteratively 189986 +hardcovers 189967 +stipe 189957 +vigilantes 189942 +toothpicks 189931 +ulterior 189928 +downplay 189896 +scapes 189877 +asbestosis 189877 +inbuilt 189871 +recharger 189859 +nipper 189790 +attenborough 189789 +heracles 189786 +whirled 189771 +inventoried 189770 +enthused 189765 +dabs 189741 +lenticular 189716 +passim 189712 +symbology 189711 +enlists 189701 +cavitation 189691 +posy 189674 +artisanal 189669 +scintilla 189667 +jovial 189613 +scoundrel 189612 +pleurisy 189581 +romany 189564 +bagger 189540 +xxxviii 189524 +enschede 189524 +graveside 189466 +majolica 189449 +cumulatively 189445 +kirkwall 189431 +accursed 189430 +detrital 189417 +blaring 189416 +engined 189386 +duplicity 189373 +rejuvenated 189363 +meddle 189363 +irrefutable 189360 +tomboy 189348 +exaltation 189336 +retardants 189332 +handiwork 189322 +metabolized 189306 +aliyah 189298 +reappointed 189297 +joyously 189295 +spooler 189285 +heaping 189251 +dendrites 189222 +strident 189220 +beaune 189220 +googles 189215 +oration 189199 +grunted 189198 +destabilize 189169 +internationalism 189156 +smokehouse 189143 +summarising 189137 +benzoyl 189090 +kurd 189082 +wampum 189071 +hairpieces 189065 +dreading 189063 +redemptive 189050 +longitudinally 189049 +endangers 189016 +humorist 189006 +quine 188997 +grandfathered 188980 +canard 188969 +nourishes 188954 +batched 188939 +stylishly 188926 +intelligentsia 188903 +combative 188901 +bierce 188899 +sunna 188874 +eris 188837 +posited 188828 +mandamus 188821 +winked 188798 +ditching 188782 +briarwood 188782 +otherworld 188736 +unhappily 188733 +rube 188724 +chronometer 188720 +flyby 188696 +detonate 188662 +thunderstone 188660 +sandhurst 188659 +squaring 188638 +leishmaniasis 188589 +wring 188579 +apparitions 188577 +fiestas 188568 +shrieking 188562 +unwinding 188520 +erst 188515 +scurvy 188500 +lehr 188451 +antisemitism 188448 +peacocks 188426 +ophir 188402 +wouldst 188397 +stilt 188393 +lenten 188382 +snowboarders 188369 +pocketed 188360 +enormity 188341 +potentiometers 188319 +coarser 188295 +synchrony 188294 +molester 188293 +pavan 188282 +overfishing 188282 +markups 188281 +ghee 188266 +hypnotism 188254 +industrialisation 188252 +bryon 188252 +cytosine 188237 +dissociated 188234 +exclaims 188223 +pattie 188218 +gramps 188199 +shimmy 188186 +ceaseless 188179 +reconnected 188173 +emblematic 188161 +lerwick 188142 +mosel 188136 +fertilize 188121 +challis 188112 +disengage 188093 +seeps 188076 +aliquot 188075 +weatherization 188057 +guzzlers 188044 +marduk 188041 +digitalis 188036 +commonest 188031 +outsell 188006 +regains 187989 +unreserved 187980 +monotonically 187977 +counterattack 187976 +electrocardiogram 187930 +azimuthal 187927 +slims 187926 +lessens 187911 +judicially 187892 +vend 187884 +cobblers 187883 +smattering 187834 +cloudiness 187819 +taunts 187804 +backache 187793 +stealthily 187769 +lunchroom 187769 +piccard 187739 +ripened 187719 +madrona 187710 +cleverness 187708 +roped 187674 +sorcerers 187660 +bani 187653 +clang 187651 +lela 187649 +adaption 187647 +nephritis 187630 +pivots 187625 +shelia 187618 +bandsaw 187597 +melendez 187592 +toenail 187584 +subtopic 187572 +domiciliary 187568 +sardinian 187547 +selectman 187543 +glowed 187534 +waltzes 187505 +undirected 187495 +sunlit 187476 +rediscovery 187454 +golda 187449 +attests 187446 +parched 187436 +peaceable 187434 +refacing 187433 +overdrafts 187413 +hedgehogs 187378 +stanzas 187374 +rigger 187373 +quebecois 187344 +anopheles 187332 +tonsils 187310 +infuriated 187308 +hersey 187296 +asexual 187294 +tubman 187274 +gaggle 187271 +coble 187245 +dismounted 187241 +saris 187170 +fluctuated 187170 +dormancy 187162 +exacerbation 187153 +griffins 187135 +incongruous 187134 +caseloads 187125 +kindest 187118 +cosponsored 187096 +intervenes 187083 +yuletide 187068 +pipework 187059 +corina 187055 +malinda 187049 +terrorized 187039 +thermocouples 187038 +reva 187012 +rephrase 186989 +bonnets 186967 +jungian 186947 +soundscape 186945 +bared 186940 +sciatic 186936 +frenchmen 186933 +multiphase 186922 +silkworm 186909 +militancy 186881 +anta 186861 +cathodic 186844 +sheaths 186841 +palmistry 186828 +callow 186826 +contd 186821 +chloroquine 186819 +underfloor 186803 +edicts 186791 +lemuel 186776 +demolitions 186771 +jugular 186760 +pimple 186745 +picketing 186738 +humus 186734 +inattentive 186733 +precession 186723 +goteborg 186716 +transmutation 186715 +prosciutto 186706 +evaporates 186696 +sectioning 186695 +cressida 186694 +bemused 186694 +uninfected 186688 +hacksaw 186683 +coonhound 186679 +unexpended 186666 +bashed 186652 +sweeten 186636 +confide 186636 +voiceless 186626 +uncluttered 186625 +sombrero 186622 +interrogator 186622 +roadshows 186618 +macaque 186614 +headdress 186590 +abut 186583 +tannin 186567 +motorcyclist 186541 +lauds 186539 +palmers 186521 +footboard 186478 +boughs 186455 +spender 186438 +familiarise 186420 +educations 186391 +anastomosis 186335 +dermis 186285 +overseers 186276 +insureds 186260 +presentment 186255 +hierarchically 186254 +sprigs 186253 +amiens 186246 +suzette 186228 +imposter 186216 +authoritarianism 186210 +summoner 186197 +coverall 186177 +contravenes 186162 +nookie 186149 +dimensioning 186107 +perfumery 186098 +farmlands 186095 +woden 186087 +prudently 186062 +foresees 186040 +paratroopers 186033 +luff 186032 +stymie 186030 +hilariously 186022 +virago 186018 +chicory 186015 +antietam 186006 +mys 185999 +subsoil 185994 +automorphism 185976 +pescara 185973 +thresh 185965 +patronizing 185959 +presentable 185950 +ladin 185937 +aberdare 185936 +chablis 185934 +unifies 185911 +pales 185911 +shortens 185908 +teat 185890 +dais 185879 +fruitcake 185872 +snooty 185869 +elitism 185857 +sultanate 185854 +foetal 185854 +helicon 185850 +adornment 185836 +prematurity 185806 +precipitating 185797 +hepatocyte 185797 +entomologist 185791 +carwash 185785 +hearken 185784 +carpathian 185783 +blain 185777 +collegium 185773 +tachyon 185770 +cookstown 185739 +pinole 185710 +insolence 185708 +felts 185685 +blockhead 185685 +braless 185684 +inoculum 185681 +patting 185657 +irritants 185640 +tykes 185622 +hippocrates 185622 +anemometer 185609 +congas 185608 +theosophical 185600 +transversal 185589 +elaborately 185589 +gaslight 185573 +niobium 185566 +presides 185564 +divested 185548 +handicappers 185534 +pith 185526 +transvaal 185509 +solus 185496 +gaff 185486 +disintegrating 185420 +folie 185419 +traumas 185406 +fermat 185384 +frock 185379 +retrovirus 185377 +kaboom 185350 +disseminates 185347 +watermelons 185344 +flambeau 185342 +biro 185336 +doilies 185329 +robbin 185324 +dusters 185314 +psyched 185303 +flatmates 185303 +starstruck 185297 +fuming 185296 +tangents 185280 +chattel 185270 +channelled 185268 +wrest 185267 +forgives 185255 +waterless 185245 +hypnotherapist 185245 +gnosis 185242 +powwow 185239 +kilauea 185221 +runic 185207 +skewness 185206 +authenticates 185186 +butlers 185183 +transmissible 185165 +schoolteacher 185165 +perforations 185159 +conj 185143 +framer 185115 +effectual 185115 +polishers 185100 +diluting 185099 +unimproved 185094 +arteriovenous 185091 +afterburner 185091 +paddled 185074 +inkling 185057 +floaters 185055 +sadat 185034 +vigils 185029 +dented 185024 +footbridge 185023 +garcons 185016 +abies 185002 +gauntlets 185000 +blacksmiths 184988 +oregonians 184968 +greensleeves 184942 +kush 184925 +orwellian 184922 +ploughing 184902 +shute 184885 +timon 184883 +mola 184879 +parsimony 184877 +typified 184868 +clothesline 184868 +arbutus 184865 +darting 184791 +copes 184788 +tripper 184766 +cmdr 184760 +recto 184754 +ashen 184747 +pseudonyms 184742 +chug 184716 +overshoot 184696 +ankylosing 184672 +blunted 184671 +pushers 184656 +thiol 184641 +snarl 184639 +unlinked 184623 +conjoint 184613 +silvester 184603 +echt 184592 +skewer 184586 +pained 184584 +liaising 184568 +ramjet 184565 +looker 184565 +inexcusable 184565 +laud 184546 +buts 184535 +amazonas 184532 +mutterings 184531 +provable 184506 +jere 184473 +heterocyclic 184469 +grasmere 184468 +genovese 184453 +precipice 184430 +caryl 184430 +rollerblade 184413 +recalcitrant 184400 +nub 184392 +thoughtfulness 184389 +outmoded 184389 +downgrading 184386 +harshness 184383 +peddle 184369 +goer 184361 +markdown 184306 +enthralling 184275 +limping 184268 +refereeing 184232 +barbeques 184231 +spyglass 184215 +empathize 184208 +uru 184200 +utters 184186 +panned 184179 +sterilisation 184173 +processions 184158 +roxburgh 184146 +foodstuff 184141 +gluttony 184127 +kneading 184117 +tiramisu 184100 +utiliser 184092 +prostatitis 184073 +gogol 184073 +windowed 184056 +kaitlin 184052 +commercialism 184051 +crumbles 184026 +unpatriotic 184013 +templars 184012 +nineveh 184005 +lexer 184003 +wranglers 183980 +peed 183966 +bandstand 183957 +deon 183954 +anionic 183950 +deana 183939 +anhalt 183934 +digestibility 183900 +enquired 183895 +cascaded 183890 +aphorisms 183889 +compleat 183864 +forages 183858 +riffle 183850 +chambered 183832 +catt 183820 +consumptive 183818 +melancholic 183792 +dalmatia 183779 +cathartic 183766 +noisily 183764 +habilitation 183758 +readjustment 183740 +denaturation 183729 +unaccountable 183711 +trickling 183671 +commoner 183624 +reminiscence 183583 +nuclease 183526 +woodblock 183520 +aflatoxin 183518 +descendent 183502 +invalidation 183498 +recreates 183482 +fetishism 183466 +waned 183450 +assented 183439 +hybridized 183409 +overcharged 183400 +flagstone 183396 +sulu 183395 +genealogist 183392 +pucker 183384 +inferential 183360 +sanctify 183358 +prerecorded 183348 +maisonette 183312 +misbehaving 183298 +wearers 183293 +insolent 183267 +supremacist 183245 +plexiglass 183241 +octavio 183233 +dystonia 183231 +maryanne 183219 +orthonormal 183213 +homemaking 183205 +sikorsky 183189 +finis 183173 +brewpubs 183166 +globetrotter 183161 +comprehensiveness 183157 +reclusive 183146 +beastly 183146 +psst 183143 +rishi 183120 +fortresses 183109 +substantively 183096 +letdown 183073 +matrons 183071 +symbolizing 183067 +nonesuch 183064 +loraine 183062 +boycotting 183049 +corridas 183035 +thun 182984 +solenoids 182977 +gawain 182974 +legibility 182951 +guinevere 182945 +cyclopedia 182943 +heresies 182910 +arcanum 182867 +annihilated 182850 +bods 182840 +palawan 182838 +coriolis 182796 +tardiness 182791 +beauvais 182759 +birdsong 182753 +compatibilities 182741 +specks 182699 +leggy 182670 +solanum 182635 +kahlua 182628 +adventists 182622 +businessperson 182619 +incredulous 182615 +suntan 182600 +calvinist 182571 +kaolin 182555 +halon 182546 +buckler 182540 +visualise 182531 +flopping 182531 +nathanael 182513 +peal 182510 +trawlers 182484 +availabilities 182480 +uncooperative 182453 +fishnets 182442 +adroit 182395 +dilettante 182370 +perfused 182360 +nynorsk 182358 +belies 182354 +flyover 182331 +astrodome 182315 +underfunded 182311 +highchair 182305 +peasantry 182294 +reactant 182284 +letterpress 182253 +nulls 182242 +oppressors 182241 +lorimer 182216 +baas 182208 +washcloth 182201 +caved 182199 +corns 182185 +faring 182183 +racehorse 182168 +melding 182166 +lubricate 182165 +pinkish 182141 +blurted 182137 +tutelage 182105 +balaclava 182099 +merited 182097 +stitcher 182075 +spirituals 182066 +beatnik 182052 +modernised 182047 +repack 182046 +concretely 182038 +playhouses 182037 +bursitis 182008 +operatively 181998 +prefectures 181996 +shellac 181983 +furthers 181970 +superfine 181961 +jambalaya 181935 +helluva 181921 +epidemiologist 181920 +peculiarity 181887 +dados 181878 +decrepit 181870 +writeable 181859 +encroaching 181852 +cathepsin 181850 +solemnity 181832 +equivocal 181808 +bocce 181807 +eddington 181789 +stumbler 181788 +stoplight 181776 +amass 181774 +showa 181745 +driveline 181739 +reconciliations 181700 +tammi 181696 +stornoway 181681 +crucifixes 181675 +disengaged 181638 +distilling 181614 +effigy 181596 +unofficially 181531 +saloons 181503 +assailed 181503 +meiotic 181495 +dithering 181489 +incensed 181480 +shaves 181468 +zachariah 181467 +veneration 181463 +aristotelian 181444 +broach 181442 +miseries 181437 +hypochlorite 181396 +personification 181369 +scuttle 181331 +iliac 181298 +bihari 181277 +pontifications 181269 +scintillating 181261 +magnetite 181249 +arete 181243 +rougher 181233 +aliased 181204 +corkscrews 181199 +supplanted 181188 +techy 181185 +rolodex 181178 +sardonic 181169 +confectionary 181167 +aghast 181144 +guestroom 181139 +eventuality 181135 +raiment 181107 +spiky 181090 +isolators 181088 +disused 181083 +avebury 181082 +detoxify 181077 +stooped 181062 +carbons 181056 +sumac 181045 +dower 181025 +dysfunctions 180977 +andalusian 180958 +wordy 180947 +schedulers 180939 +reheat 180925 +kif 180922 +feudalism 180921 +teleworking 180909 +cather 180878 +elroy 180871 +coir 180860 +peale 180855 +minuscule 180850 +landscaper 180834 +watchdogs 180833 +microorganism 180815 +crotchet 180815 +bolting 180812 +lumbering 180811 +fixated 180805 +counterweight 180785 +fourfold 180782 +bracketing 180772 +reeks 180768 +jovian 180759 +forgave 180759 +disintegrate 180747 +stimson 180709 +biosynthetic 180708 +lautrec 180702 +euphorbia 180702 +populism 180690 +spoilage 180667 +antonius 180646 +aqaba 180598 +refrigerating 180595 +recessions 180594 +replenishing 180558 +minibuses 180554 +abutment 180554 +immemorial 180530 +arthroscopic 180523 +prescient 180503 +instilling 180497 +bogie 180493 +indwelling 180475 +parlours 180471 +deforest 180461 +jaunt 180434 +pilotage 180431 +bullwinkle 180385 +documentations 180363 +wallow 180353 +turbocharged 180351 +anally 180344 +unabashed 180341 +moisturising 180314 +pushtu 180290 +circuses 180281 +patentability 180229 +diagonals 180217 +grammatically 180202 +formalised 180202 +cereus 180201 +homeric 180188 +spanners 180181 +subconsciously 180180 +tegucigalpa 180144 +normand 180136 +photochemistry 180112 +haitians 180107 +circumflex 180104 +biplane 180085 +freeborn 180072 +brunet 180059 +spier 180057 +overpower 180043 +barrens 180036 +jitterbug 180035 +receptionists 180012 +usk 179991 +expounded 179991 +downpour 179976 +subcontracted 179954 +kissograms 179954 +dumbfounded 179931 +cubits 179927 +tortious 179907 +outlast 179907 +frothy 179872 +omnidirectional 179864 +kook 179854 +clydebank 179848 +spearheading 179821 +newsreaders 179816 +housemate 179786 +macedonians 179773 +easygoing 179771 +soundproof 179759 +labouring 179751 +geckos 179731 +bothwell 179687 +scientologists 179664 +aliquots 179648 +unbleached 179610 +splattered 179606 +fathering 179601 +nothings 179596 +unevenly 179572 +dangles 179559 +latoya 179522 +colonist 179493 +sorbonne 179492 +rares 179474 +philos 179458 +mendelian 179454 +philippi 179439 +adduced 179408 +guzzling 179396 +oleic 179394 +flagpoles 179360 +flatt 179355 +escapement 179346 +nobs 179343 +earthbound 179335 +ladybugs 179332 +unrequited 179329 +utilitarianism 179326 +pietermaritzburg 179318 +sunspots 179310 +mangle 179307 +alludes 179288 +theseus 179282 +furn 179282 +authorisations 179276 +commuted 179252 +hollie 179224 +sequitur 179218 +denominators 179210 +footie 179193 +silversmiths 179184 +krasnoyarsk 179150 +gingivitis 179141 +karajan 179132 +quintero 179131 +shined 179120 +medan 179120 +precis 179117 +nanak 179117 +ingesting 179084 +weightless 179076 +plexiglas 179063 +realign 179060 +vibrancy 179042 +saracen 179031 +annulled 179030 +covertly 179018 +nucleoplasm 179004 +poulenc 179002 +medullary 178982 +rapped 178981 +foreboding 178962 +thimbles 178924 +tailing 178923 +stoichiometry 178917 +ombudsmen 178915 +feedings 178913 +charente 178912 +fortuitous 178893 +jainism 178888 +imams 178887 +autumnal 178877 +walkout 178876 +playgroups 178862 +hurray 178854 +caliphate 178845 +xxxv 178828 +sepulchre 178819 +tensors 178811 +freon 178783 +visualizer 178774 +despotic 178773 +adoptable 178768 +intermolecular 178763 +palmolive 178760 +aubergine 178731 +dicky 178722 +militaristic 178719 +beholden 178716 +gisela 178715 +nimitz 178699 +rollbacks 178694 +amoral 178691 +luanda 178670 +apostate 178663 +temptress 178651 +blacktop 178648 +faltered 178646 +pharynx 178645 +smallish 178621 +migrates 178621 +attractors 178599 +diffusive 178598 +disablement 178579 +limbic 178571 +oedema 178570 +dishing 178563 +armonk 178551 +gorse 178549 +louse 178544 +wilfully 178531 +burro 178515 +tricycles 178514 +paralysed 178491 +organelle 178479 +ramakrishna 178467 +distanced 178454 +vespers 178450 +scylla 178450 +lobelia 178436 +belleek 178422 +vats 178420 +urchins 178416 +outscored 178416 +sailings 178391 +batu 178384 +pharyngeal 178376 +reactants 178375 +flexed 178374 +extrasolar 178364 +argonauts 178358 +ileum 178356 +flugelhorn 178354 +safflower 178324 +studentships 178311 +resurface 178290 +implore 178285 +fracturing 178238 +nosebleed 178227 +kindle 178220 +pricks 178211 +deviousness 178204 +saddlebags 178190 +tenements 178189 +viator 178181 +tithes 178175 +dragnet 178136 +thinnest 178135 +sipped 178126 +edutainment 178124 +ineligibility 178109 +hedonic 178108 +anthropomorphic 178108 +minimizer 178089 +delineating 178079 +mnemonics 178050 +trod 178038 +stendhal 178031 +coff 178026 +pulsation 178020 +hitching 178019 +crankcase 178017 +betcha 177998 +rodeos 177996 +predates 177949 +xxxiv 177940 +herniated 177933 +obediently 177930 +calvinism 177922 +ordo 177916 +marinate 177875 +vivace 177865 +ruthenium 177851 +milked 177843 +skyrocketed 177832 +vesuvius 177793 +earthworms 177793 +ferroelectric 177788 +disembodied 177779 +grattan 177773 +playwriting 177763 +hippodrome 177745 +scoff 177728 +confidant 177717 +nape 177716 +disparaging 177711 +impolite 177692 +stater 177675 +hormel 177667 +discographies 177657 +fishpond 177630 +hitchhiking 177623 +enchilada 177620 +terrie 177589 +revivals 177580 +heterosexuals 177577 +sluice 177575 +rundle 177570 +forfar 177569 +maser 177541 +irrigate 177532 +musky 177529 +lugosi 177528 +mangoes 177518 +acevedo 177515 +runnable 177513 +whistled 177510 +aggregations 177431 +lancing 177427 +austrians 177385 +craves 177364 +teleportation 177359 +soiree 177346 +enslave 177289 +creditworthiness 177285 +pekingese 177270 +unnerving 177265 +farouk 177239 +patmos 177234 +grimly 177227 +pyrophosphate 177221 +espouse 177210 +oomph 177199 +watchable 177178 +deteriorates 177177 +tortellini 177169 +maimonides 177169 +subheadings 177168 +casks 177165 +conjoined 177148 +cabled 177147 +ticketed 177132 +lightened 177130 +spongy 177129 +rarotonga 177113 +galvanizing 177113 +abracadabra 177100 +monger 177097 +specious 177095 +threshing 177077 +ratcheting 177067 +infliction 177043 +disenchanted 177019 +screwball 177015 +frederica 177008 +nameplates 177002 +intervenor 176975 +stranglehold 176973 +entranced 176939 +rheinland 176934 +diplomate 176931 +samar 176930 +endangerment 176919 +embolization 176915 +iqaluit 176906 +adenomas 176905 +sumpter 176894 +nominates 176876 +deprives 176857 +wader 176850 +scimitar 176825 +litigant 176825 +beaujolais 176824 +hols 176817 +chemnitz 176775 +uninterested 176766 +sixes 176765 +letterheads 176763 +conceptualize 176747 +cavalcade 176742 +improvisations 176728 +equaliser 176712 +arthroscopy 176712 +adulation 176700 +chamorro 176694 +loitering 176692 +subarea 176688 +dastardly 176685 +dirhams 176664 +bitters 176664 +delmarva 176652 +unwitting 176649 +expiratory 176638 +avarice 176609 +ajaccio 176605 +butchered 176584 +pointedly 176575 +apocrypha 176571 +hanuman 176532 +rustle 176503 +excitable 176497 +interceptors 176485 +exciter 176455 +audiologist 176421 +airgun 176390 +wozniak 176385 +fahd 176364 +thrips 176331 +ecumenism 176329 +alluding 176314 +autoimmunity 176306 +slugging 176304 +semaphores 176285 +sunrises 176284 +carnet 176283 +boreholes 176277 +ranchero 176275 +chauffeured 176264 +bezels 176231 +insipid 176224 +biasing 176218 +sortable 176216 +reservist 176200 +dewberry 176197 +unfathomable 176192 +mannerisms 176185 +parcs 176183 +commonalities 176167 +holiest 176158 +empiricism 176129 +effeminate 176100 +claustrophobic 176091 +vainly 176085 +compote 176079 +rickenbacker 176073 +sectionals 176067 +straying 176052 +venereal 176044 +occultation 176042 +goddamned 176039 +mercifully 176038 +nonsmokers 176033 +matriculated 176033 +pansies 176007 +acceded 176005 +salado 176000 +dregs 175993 +obscures 175975 +millage 175950 +magnificat 175937 +annapurna 175935 +kookaburra 175933 +millicent 175897 +krishnamurti 175893 +monofilament 175881 +foresaw 175866 +sava 175860 +beekeepers 175856 +fluidized 175854 +befriend 175832 +romantically 175821 +malign 175821 +turndown 175807 +newscasts 175805 +coherently 175798 +abortive 175796 +embarkation 175778 +varnished 175776 +cronyism 175775 +zarathustra 175773 +udder 175766 +initiators 175758 +saltillo 175756 +anemones 175735 +rosenzweig 175724 +muggle 175711 +escalates 175692 +minnelli 175665 +hunched 175656 +buzzed 175653 +pickets 175642 +astringent 175631 +doldrums 175618 +rectifying 175611 +soothed 175609 +finfish 175595 +tolerates 175587 +angstrom 175584 +premeditated 175578 +decompositions 175577 +topically 175569 +candide 175523 +neomycin 175475 +floured 175469 +upwardly 175452 +poliomyelitis 175446 +campinas 175413 +cetacean 175388 +herders 175374 +worldviews 175373 +pueblos 175351 +barnacle 175347 +snead 175337 +discotheque 175301 +extremadura 175291 +dianetics 175289 +grozny 175267 +sentimentality 175256 +tenable 175251 +jumbled 175236 +dingbats 175220 +triumphantly 175208 +dewayne 175201 +leva 175180 +deionized 175175 +scolded 175152 +fetters 175123 +vulgarity 175116 +trendsetter 175114 +perpetuation 175091 +indole 175083 +pliny 175058 +carissa 175021 +shiitake 175014 +sewed 175012 +succulents 175009 +jubilant 174997 +continuo 174969 +eluted 174968 +tushy 174958 +calorimetry 174956 +impoundments 174955 +samadhi 174937 +crofts 174922 +penalised 174899 +silesia 174895 +uncorked 174893 +auditoriums 174870 +tipster 174859 +amputated 174834 +aloysius 174828 +reappears 174826 +backgrounders 174819 +herbalism 174816 +bertelsmann 174816 +rubel 174810 +tercel 174792 +hydrogenation 174786 +enquiring 174747 +sectioned 174741 +diluent 174738 +redden 174735 +pinatas 174732 +fizzle 174728 +minoxidil 174712 +simplifications 174692 +sobbed 174690 +syphon 174667 +forfeitures 174614 +snuggled 174613 +surest 174605 +bribed 174593 +bopper 174590 +suppressants 174580 +softeners 174555 +diddle 174549 +matchstick 174526 +alarmingly 174526 +cathleen 174520 +malts 174495 +brights 174494 +bloodless 174480 +sigurd 174472 +weft 174467 +scammer 174456 +obliterate 174440 +definitional 174425 +sabra 174408 +khrushchev 174396 +ayesha 174386 +dort 174378 +phon 174374 +perron 174359 +pestle 174357 +langerhans 174357 +falsity 174355 +sapling 174341 +rumblings 174340 +elapse 174321 +faunal 174295 +conditionality 174291 +biome 174268 +hiragana 174265 +nightmarish 174255 +goring 174248 +unbeknownst 174240 +plinth 174224 +echos 174213 +peppercorn 174202 +teds 174198 +suppressive 174189 +kampuchea 174178 +tadpoles 174166 +baboons 174164 +stampings 174149 +enamelled 174147 +matterhorn 174133 +transmittance 174119 +scull 174118 +zookeeper 174110 +donetsk 174110 +nepotism 174108 +sigrid 174097 +industrialist 174053 +torments 174052 +rereading 174016 +propels 174006 +tortuous 173997 +buccal 173992 +indonesians 173970 +flume 173970 +polycrystalline 173958 +galahad 173937 +disinfecting 173927 +seafaring 173912 +mooted 173876 +manas 173858 +ecclesia 173852 +karbala 173848 +jittery 173845 +concha 173835 +kresge 173831 +enemas 173818 +bakes 173816 +repented 173811 +infirmity 173799 +corydon 173796 +selfishly 173794 +phonecard 173792 +spaceman 173770 +drudgery 173762 +pacha 173750 +smarties 173743 +androids 173743 +renumbering 173727 +parabola 173724 +aedes 173718 +shrubbery 173715 +navies 173707 +lase 173707 +impartially 173694 +imperfectly 173649 +ultramarine 173634 +hafiz 173633 +orozco 173630 +atman 173626 +slanderous 173620 +interminable 173614 +socialising 173599 +izzard 173581 +pinker 173576 +introverted 173574 +indomitable 173571 +centrifuged 173568 +validations 173567 +anchovies 173544 +unseemly 173519 +pickford 173509 +rungs 173503 +lytic 173474 +ptg 173446 +godlike 173441 +prosodic 173432 +douala 173430 +gers 173378 +resurfaced 173368 +thermography 173364 +frequentation 173363 +meadowlark 173346 +edger 173335 +evacuating 173327 +scrambles 173312 +merriment 173265 +randell 173257 +retinitis 173254 +thanet 173248 +nonvolatile 173237 +disappoints 173237 +rotted 173236 +thetis 173231 +tightest 173200 +ringmaster 173175 +subsidiarity 173158 +hallucinogens 173137 +eclipsing 173135 +boogeyman 173129 +pwn 173122 +repulsed 173121 +unblock 173106 +ticonderoga 173103 +analogously 173094 +elvish 173086 +replayed 173073 +brickwork 173069 +huntress 173048 +calibrators 173046 +soulless 173045 +dumpling 173041 +presumptions 173040 +gins 173039 +abbots 173035 +mamba 173027 +frontispiece 173020 +vivacious 173001 +bloodshot 172992 +abrasions 172990 +salutations 172989 +remainders 172971 +piaf 172933 +auden 172928 +gnosticism 172926 +dogmas 172922 +forsooth 172921 +geordie 172915 +orestes 172906 +preheated 172871 +bailing 172868 +babbage 172859 +goldfinch 172815 +accessorize 172805 +renames 172794 +deathbed 172788 +modernise 172780 +indefensible 172768 +jinan 172767 +brutish 172755 +divergences 172746 +apalachicola 172736 +trill 172713 +nanotechnologies 172711 +venetia 172707 +melchior 172707 +extrema 172702 +masterminds 172696 +xerxes 172694 +flailing 172679 +reallocated 172669 +computerization 172642 +photoreceptor 172637 +monounsaturated 172625 +amputees 172622 +waddle 172611 +gridded 172600 +stampers 172569 +ramparts 172554 +disband 172544 +wigner 172527 +bitterroot 172508 +borax 172497 +symmetrically 172488 +debunk 172459 +reek 172458 +wets 172457 +manholes 172438 +joyride 172436 +kier 172430 +megabit 172429 +hearers 172424 +yearlong 172422 +frigates 172415 +availed 172402 +cementing 172401 +repatriated 172393 +kame 172387 +externals 172383 +reconsidering 172341 +pendency 172308 +damsels 172302 +monotheism 172274 +basketry 172270 +psychopathic 172269 +menelaus 172266 +crummy 172255 +phantasm 172251 +morsels 172247 +smorgasbord 172240 +skirmishes 172226 +congratulatory 172225 +snicker 172224 +featurettes 172224 +overstate 172208 +ghettos 172198 +oligosaccharides 172166 +optimists 172155 +ramayana 172152 +preparers 172149 +infomercials 172132 +wimps 172107 +pipestone 172103 +goatee 172102 +extrajudicial 172101 +shorting 172085 +melodious 172065 +baited 172052 +capsaicin 172040 +multiyear 172034 +bioreactor 172034 +upjohn 172032 +dolomites 172016 +sterilizer 172001 +livraison 171999 +enlargers 171998 +veined 171986 +coped 171985 +monteverdi 171961 +kens 171956 +aspirated 171940 +pacifiers 171935 +rapunzel 171924 +replications 171891 +bellarmine 171884 +motivators 171859 +religiosity 171851 +incidentals 171849 +maximums 171825 +norwegians 171805 +aerated 171776 +imitates 171771 +conjugal 171770 +boldest 171764 +monograms 171753 +bilaterally 171748 +underclass 171747 +flaubert 171744 +enunciated 171743 +strictures 171737 +impound 171737 +flinging 171727 +discouragement 171720 +nightlight 171673 +vesper 171654 +luzern 171648 +unsaved 171645 +ethnomusicology 171641 +chiao 171626 +parapet 171598 +prodding 171593 +dogfish 171593 +edens 171567 +tolerability 171553 +rightmost 171543 +chillies 171508 +lowed 171464 +breakeven 171460 +usurp 171456 +randwick 171450 +recheck 171445 +staph 171410 +chubs 171399 +stimulatory 171391 +immaculately 171371 +peremptory 171369 +apatite 171357 +aggro 171343 +morphogenetic 171315 +proofed 171310 +triathlete 171299 +unrecorded 171293 +cantu 171290 +seiner 171282 +gallia 171274 +crematory 171273 +glosses 171267 +undiluted 171266 +guttering 171251 +fronds 171251 +interposed 171233 +linebackers 171227 +motherfuckers 171213 +biochemist 171190 +jugglers 171182 +swapper 171178 +beeping 171157 +acoustically 171156 +airless 171134 +ballgame 171122 +fletch 171107 +methylated 171093 +powerlessness 171087 +dumpsters 171080 +bulawayo 171067 +isfahan 171060 +saratov 171044 +sharpshooter 171036 +nieves 171024 +cyborgs 171016 +aboriginals 171008 +naively 170990 +nominative 170985 +reallocate 170969 +polymerases 170969 +litigate 170952 +gifu 170951 +foxing 170946 +cleaves 170928 +murmansk 170926 +enamels 170923 +fillies 170922 +floorboards 170905 +kapok 170880 +consol 170868 +avenging 170859 +huss 170858 +linemen 170842 +unquoted 170817 +ploughed 170814 +sprinting 170808 +spitsbergen 170804 +severing 170802 +hallmarked 170783 +alchemical 170771 +oporto 170765 +cremona 170732 +martyred 170694 +afflict 170683 +ceilidh 170674 +thusly 170647 +pasteurized 170640 +adducts 170627 +shutterbug 170607 +forgettable 170591 +crags 170586 +bodes 170580 +unrepentant 170572 +stints 170549 +sicker 170541 +axminster 170534 +doubler 170522 +mimicry 170487 +hums 170471 +gibran 170470 +pullovers 170459 +intersected 170445 +exfoliation 170444 +exhaustively 170442 +homed 170394 +vacating 170393 +breakouts 170388 +granuloma 170363 +carper 170352 +birdcage 170328 +reenactment 170310 +viridian 170303 +loggerhead 170299 +winced 170289 +vacs 170286 +peacekeeper 170253 +watercress 170244 +ludo 170239 +literati 170234 +gaffer 170229 +perigee 170224 +erupting 170221 +trotted 170213 +hungrily 170213 +scold 170208 +shutouts 170197 +amrita 170194 +chirping 170184 +immaturity 170181 +dewan 170178 +tress 170140 +magoo 170127 +vaunted 170125 +astride 170109 +alcazar 170104 +bondholders 170096 +dichotomous 170075 +skillets 170070 +glitzy 170067 +bung 170001 +delphinium 169997 +emancipated 169979 +suzan 169973 +ordain 169969 +pika 169966 +isoleucine 169945 +occlusive 169939 +rapt 169929 +conjunctive 169926 +folia 169908 +subcultures 169898 +sawed 169894 +receded 169882 +emboldened 169875 +thematically 169871 +halters 169858 +expectorant 169849 +pessimist 169848 +sedate 169814 +mahayana 169812 +suborder 169804 +depositional 169784 +cockatiel 169782 +franking 169768 +eggshell 169768 +consignor 169749 +mung 169740 +stammered 169734 +monaural 169729 +supposes 169714 +liberalized 169696 +impinge 169680 +showgirls 169671 +runabout 169665 +genteel 169665 +engulf 169646 +cytogenetics 169644 +huguenot 169641 +secondarily 169636 +moisturiser 169607 +concatenate 169597 +epicurus 169585 +chauffeurs 169561 +rapeseed 169516 +hankering 169499 +hypercube 169496 +intramolecular 169495 +normans 169489 +enumerating 169489 +speeder 169468 +orchestrate 169462 +unipolar 169455 +frilly 169453 +unicycle 169446 +theists 169419 +homeroom 169406 +toiling 169395 +abscesses 169367 +seddon 169332 +footrest 169322 +spiteful 169302 +leninist 169299 +defame 169287 +airhead 169272 +governess 169263 +alternated 169249 +gobo 169238 +grampians 169227 +colander 169209 +croak 169181 +abhor 169167 +earmarks 169165 +roadrunners 169160 +voiding 169142 +serigraph 169134 +spurts 169129 +cubist 169125 +peart 169113 +collies 169080 +stabiliser 169053 +zamboanga 169048 +dopey 169040 +smothers 169024 +ornamented 169024 +deviously 169018 +inexorable 169017 +harmoniously 168999 +bijoux 168971 +aymara 168939 +cornwallis 168926 +laundered 168918 +improvising 168880 +coolly 168822 +porthole 168817 +triads 168799 +strumming 168770 +tweet 168757 +cannula 168742 +cottonseed 168738 +terrorize 168726 +mcenroe 168722 +reformulation 168718 +osteomyelitis 168711 +leery 168700 +grooving 168695 +schopenhauer 168685 +beekeeper 168644 +betaine 168642 +gravure 168637 +procrastinating 168618 +nonresidents 168617 +overgrowth 168603 +prosody 168580 +rowed 168567 +committal 168538 +theremin 168529 +expletive 168528 +elfin 168528 +impressionists 168523 +punchy 168498 +emote 168497 +grabbers 168496 +ingots 168494 +mouthing 168482 +ridding 168462 +skunks 168456 +hampering 168428 +bolstering 168424 +deferrals 168394 +evidential 168387 +pinhead 168370 +hutu 168367 +exhaled 168362 +incubating 168352 +otic 168347 +colonize 168321 +demolishing 168289 +szczecin 168286 +spasticity 168273 +undertow 168268 +madhouse 168244 +loupe 168244 +influent 168243 +kirin 168235 +snipped 168232 +pratique 168229 +calabash 168225 +tongan 168213 +brigantine 168210 +vinegars 168208 +jumpy 168187 +jiggle 168185 +rioters 168140 +persecutions 168119 +duffels 168113 +cramming 168105 +chuckling 168102 +disfigured 168094 +reassembled 168082 +articulations 168067 +amperes 168057 +margaux 168054 +poons 168046 +citable 168041 +chios 168017 +girders 167998 +motorboat 167980 +bundesbank 167978 +empathetic 167972 +wasters 167966 +headpieces 167960 +denpasar 167960 +pylons 167925 +crunches 167925 +sphagnum 167924 +infighting 167912 +hotelier 167893 +transcended 167877 +leet 167864 +intermezzo 167831 +xxxvi 167823 +reassemble 167803 +legislating 167776 +dextran 167762 +bidets 167737 +cookout 167711 +bordello 167700 +videotaping 167691 +faintest 167691 +managements 167681 +adela 167668 +strongman 167666 +genitive 167663 +disallowance 167662 +digitised 167661 +uncapped 167652 +noggin 167642 +shutdowns 167641 +sharers 167632 +frags 167627 +cormack 167621 +ilene 167604 +manifestos 167557 +dipoles 167546 +cuteness 167536 +dispersions 167510 +skated 167502 +testy 167487 +physiologist 167433 +imprison 167427 +berets 167414 +repelled 167409 +preakness 167405 +barbies 167390 +brewpub 167384 +marquess 167372 +precipitates 167346 +mortise 167338 +unconvincing 167332 +pees 167310 +tallis 167309 +reordered 167307 +icebox 167291 +scouter 167272 +chemotherapeutic 167271 +disbursing 167258 +sleuths 167253 +plundering 167239 +abhorrent 167235 +belatedly 167222 +gonadal 167207 +cotillion 167198 +stymied 167178 +rebellions 167172 +sympathizers 167170 +scribbling 167158 +phineas 167156 +melanesia 167155 +emissary 167139 +paleozoic 167135 +muskrat 167121 +inhumanity 167072 +southpaw 167070 +belittle 167035 +repudiated 167020 +caiman 166982 +nimes 166974 +impeccably 166958 +mononucleosis 166957 +mumbles 166947 +nitrocellulose 166928 +specialism 166913 +brained 166905 +conceptualized 166900 +mondrian 166897 +tuneup 166896 +pasts 166896 +abseiling 166892 +sympathetically 166891 +tempura 166884 +emptor 166822 +composes 166804 +peonies 166802 +kersey 166778 +overleaf 166771 +elis 166771 +taxman 166762 +digitisation 166757 +rasp 166753 +seeders 166733 +bobsleigh 166731 +leticia 166696 +demystified 166696 +petersham 166692 +whacking 166659 +amado 166650 +infielder 166648 +biorhythms 166614 +interlinked 166611 +interlace 166586 +stealer 166562 +humanoids 166558 +loach 166557 +preppy 166548 +rollicking 166541 +telethon 166538 +paramagnetic 166525 +preconditioning 166523 +memorise 166523 +offhand 166521 +geraniums 166502 +farmstead 166492 +meridians 166487 +rawalpindi 166481 +transpiration 166477 +protrusion 166441 +bashful 166436 +albacore 166430 +underflow 166425 +evocation 166425 +cognitively 166410 +doze 166407 +streptococci 166403 +monomeric 166403 +currants 166396 +infix 166395 +enumerations 166390 +steepest 166383 +czechoslovakian 166352 +heartening 166323 +afterword 166306 +jat 166284 +timisoara 166260 +absolve 166260 +lampshade 166259 +conjectured 166238 +moyle 166237 +grandest 166232 +disincentives 166212 +barkers 166211 +opportunism 166191 +purples 166180 +eosinophils 166157 +runyon 166151 +kinsmen 166133 +absorptive 166133 +taw 166123 +webbed 166113 +wonk 166107 +serologic 166107 +guadalcanal 166090 +acetaldehyde 166089 +tats 166084 +morello 166084 +headteachers 166065 +geode 166060 +grenadine 166053 +slitting 166048 +factoids 165997 +pimping 165964 +shipwrecked 165943 +uracil 165939 +tanh 165934 +welterweight 165916 +tacitly 165894 +shul 165885 +dint 165880 +magnetized 165865 +newburg 165862 +salience 165859 +reverberation 165855 +sawfish 165811 +quickening 165783 +reshaped 165776 +waal 165751 +mistook 165720 +zipping 165703 +meshed 165691 +apprehensions 165691 +exhumed 165673 +minim 165667 +truk 165662 +imperialists 165645 +nicked 165643 +schoolmaster 165634 +divisors 165623 +citronella 165620 +throwaway 165606 +straightway 165602 +caramelized 165602 +infante 165598 +womble 165591 +impressionable 165577 +gingerly 165571 +apologised 165570 +intersex 165556 +fabre 165541 +puls 165539 +expulsions 165534 +riven 165533 +cornfield 165526 +fretting 165521 +subzero 165510 +pamlico 165502 +yob 165494 +fetter 165490 +jeers 165473 +manufactory 165472 +soaks 165469 +jarred 165456 +delimitation 165441 +bewilderment 165410 +loveliness 165384 +surficial 165371 +kingfish 165366 +fireballs 165349 +acanthus 165330 +nextdoor 165305 +refrigerants 165303 +precambrian 165302 +bluebirds 165301 +ministered 165285 +baloney 165285 +sabatier 165284 +intelligibility 165274 +idiomatic 165256 +footings 165244 +scalping 165238 +lidded 165237 +reintroduce 165230 +autoharp 165194 +adar 165190 +slav 165182 +attics 165166 +instrumentalists 165155 +greenback 165149 +wilhelmina 165139 +lightship 165086 +herbalists 165074 +infuriating 165055 +debora 165051 +hermits 165029 +obscenities 165026 +tyree 165014 +gullies 165003 +refactor 164999 +unshielded 164988 +pangaea 164968 +fajitas 164955 +prerogatives 164930 +weatherstrip 164929 +falafel 164929 +whopper 164928 +foreclose 164915 +histologically 164897 +banishment 164856 +tempering 164851 +pothole 164839 +fallacious 164834 +vestments 164822 +bulkheads 164814 +manama 164807 +quercetin 164806 +profiteering 164801 +morsel 164800 +shareholdings 164771 +curvilinear 164756 +miraflores 164749 +felines 164749 +leniency 164745 +chandlers 164727 +universals 164726 +silicates 164716 +pizzazz 164714 +bowditch 164712 +scrupulous 164710 +thinners 164708 +antipsychotics 164648 +underpass 164636 +schematically 164628 +snobs 164598 +carrickfergus 164598 +accelerations 164595 +fountainhead 164589 +deflator 164583 +dermatological 164576 +yuppies 164546 +paddocks 164526 +woodsman 164511 +beckmann 164500 +pressings 164487 +dicta 164449 +trapezoid 164417 +coroners 164417 +repairman 164402 +ticino 164387 +croissants 164369 +lipsticks 164351 +clumsily 164334 +arrangers 164322 +hermaphrodites 164312 +thruway 164300 +peron 164293 +banksia 164292 +kincardine 164269 +sterilizers 164268 +millimetres 164263 +turpentine 164256 +ells 164255 +cussed 164226 +evaded 164225 +harmonicas 164222 +thickets 164195 +clink 164177 +emissivity 164174 +pontchartrain 164167 +personage 164158 +actualization 164151 +nectarine 164150 +lenora 164141 +reenact 164130 +corleone 164085 +esterase 164078 +kab 164075 +timetabling 164038 +soundproofing 164030 +delinquents 164009 +chlorpromazine 163999 +critiqued 163988 +furlough 163987 +snarling 163980 +creaking 163977 +bequeath 163975 +trapani 163973 +salvadoran 163970 +jetting 163970 +braz 163970 +subjugation 163965 +kumamoto 163964 +felting 163953 +gape 163934 +newsreel 163906 +finalising 163901 +injects 163899 +bhutto 163885 +nodular 163873 +stillbirth 163869 +internalize 163866 +unquestionable 163855 +conserves 163853 +ethiopic 163851 +chloroplasts 163833 +irritates 163831 +megalith 163808 +reunites 163805 +attenuate 163787 +juicing 163778 +charmeuse 163778 +upgradable 163751 +veloce 163746 +morphologically 163724 +whigs 163720 +weirs 163720 +shill 163716 +vintners 163668 +marjoram 163655 +despatches 163652 +isotonic 163613 +concessional 163609 +aplenty 163607 +deeded 163603 +titian 163589 +bossy 163576 +collimator 163535 +highball 163527 +presuppositions 163525 +neurosurgeon 163524 +tracheostomy 163521 +aetiology 163514 +reiterating 163513 +epitaxy 163502 +cynics 163499 +arras 163483 +spineless 163477 +dither 163451 +fathoms 163442 +reauthorize 163419 +opes 163389 +ideologues 163389 +elysee 163389 +physic 163375 +nuptial 163369 +thickest 163335 +bulbous 163322 +parasitism 163317 +whist 163310 +cuernavaca 163299 +hwan 163285 +expound 163271 +exhilaration 163249 +neckwear 163236 +lordships 163222 +chanced 163208 +stonework 163191 +camouflaged 163190 +huerta 163168 +lockbox 163166 +fastenings 163154 +comfrey 163151 +milkman 163134 +pollsters 163131 +inexact 163122 +polder 163116 +eidolon 163105 +ketch 163062 +dopa 163060 +codify 163059 +jame 163057 +treeless 163053 +adores 163046 +sephardic 163039 +samoyed 163037 +berenson 163035 +melvyn 163031 +resourcefulness 163030 +stearic 163029 +aground 163017 +splendidly 162992 +inattention 162958 +integrally 162956 +redwing 162919 +redevelop 162891 +sinning 162869 +pronunciations 162865 +untagged 162857 +forestall 162847 +moselle 162827 +corrine 162823 +mucking 162818 +gnawing 162818 +gasser 162810 +malathion 162796 +crudely 162784 +prepping 162783 +testamentary 162770 +ciliary 162765 +saplings 162763 +bayberry 162761 +bicep 162754 +otherworldly 162731 +molesters 162726 +despairing 162725 +profuse 162721 +dispelling 162714 +attainments 162711 +maroons 162681 +couched 162681 +bestows 162676 +interferometric 162665 +rickets 162663 +pullers 162662 +costed 162661 +honorarium 162654 +traditionalists 162647 +sone 162637 +wows 162592 +kiwifruit 162580 +horology 162575 +particularity 162566 +floodwaters 162558 +asgard 162556 +monopolist 162549 +knighthood 162548 +blesses 162547 +borderlands 162505 +stooping 162502 +sickened 162500 +globetrotters 162500 +requisitioning 162491 +tali 162490 +canteens 162488 +thoroughfares 162463 +elicitation 162453 +donatello 162448 +penniless 162428 +lapin 162426 +thromboembolism 162419 +ibadan 162414 +abrogated 162405 +vasa 162380 +kingship 162367 +squashing 162362 +algol 162346 +manes 162340 +cetaceans 162335 +retrenchment 162306 +punctures 162305 +relapsing 162275 +arcadian 162274 +claud 162265 +bollards 162265 +swart 162262 +reconfiguring 162258 +mobsters 162238 +screed 162227 +eschew 162226 +vanda 162215 +vastness 162206 +amniocentesis 162206 +steakhouses 162196 +burdock 162195 +externality 162185 +mccarthyism 162165 +initiations 162161 +precipitous 162159 +deleon 162156 +oppositions 162152 +detachments 162151 +swifts 162146 +scherzo 162138 +chromate 162130 +arsenals 162117 +carpooling 162097 +tramping 162094 +thereabouts 162073 +weald 162053 +betrothed 162022 +overvalued 161991 +bloomers 161989 +iterating 161984 +dispelled 161982 +unexploded 161975 +dicey 161963 +hocus 161938 +prenuptial 161930 +pierrot 161928 +sameness 161871 +disraeli 161853 +scruples 161849 +coexisting 161849 +arapaho 161842 +gloved 161839 +hotness 161805 +dodges 161805 +rebuffed 161804 +dowdy 161797 +tomographic 161776 +wordsmith 161750 +fiduciaries 161738 +grouting 161734 +cheviot 161732 +visitations 161727 +recklessness 161711 +stirrups 161694 +muzak 161682 +euratom 161676 +intimated 161674 +allspice 161670 +squirming 161652 +thunderstruck 161651 +pleiades 161651 +surreptitiously 161650 +finery 161631 +clubbers 161617 +rials 161604 +rhona 161600 +geneticist 161582 +dibble 161578 +lindane 161558 +procrastinate 161546 +transiting 161543 +upstarts 161528 +horsetail 161528 +brasher 161523 +eugenie 161513 +sequestered 161510 +daybeds 161502 +hipsters 161498 +technicality 161495 +indentured 161474 +contraption 161461 +physicochemical 161445 +hesitating 161434 +mishnah 161426 +deadlocks 161412 +tanners 161397 +stoops 161396 +cenozoic 161396 +knockdown 161342 +nuthatch 161330 +stiffening 161288 +hazelnuts 161268 +spurge 161263 +dilly 161256 +scrutinizing 161250 +workup 161248 +kuopio 161243 +allude 161242 +shaka 161238 +sprawled 161236 +moly 161233 +banbridge 161233 +circumferential 161229 +notational 161224 +gamba 161217 +netsuke 161201 +stripers 161171 +reappraisal 161163 +courted 161147 +symposiums 161146 +endorphins 161143 +scuffs 161132 +dobby 161122 +condoned 161114 +stuns 161099 +parenthetical 161091 +repackaging 161074 +bluegill 161074 +deservedly 161071 +blackbirds 161053 +vowing 161040 +microbiologist 161029 +boardgames 161025 +uveitis 161024 +plying 161002 +gangrene 160995 +chipboard 160992 +purplish 160983 +earmark 160978 +conker 160972 +rhineland 160958 +regattas 160943 +compensator 160940 +pineapples 160920 +enliven 160888 +corbusier 160885 +volatiles 160879 +glycolysis 160870 +heilongjiang 160859 +chrystal 160852 +hollowed 160848 +graven 160845 +gera 160845 +craved 160836 +formulates 160830 +secreting 160819 +submerge 160804 +fracas 160789 +envelop 160788 +dustbin 160768 +dismount 160764 +jacketed 160744 +grudgingly 160743 +jetted 160725 +murillo 160721 +cheapo 160717 +franklyn 160711 +psia 160697 +bawdy 160667 +bole 160649 +pendulums 160648 +corvus 160582 +unafraid 160575 +stamens 160562 +launder 160535 +celled 160497 +defroster 160493 +facsimiles 160483 +omnipotence 160477 +irresponsibility 160467 +guarantors 160465 +wilburn 160461 +tutsi 160453 +otway 160444 +iasi 160426 +weatherly 160424 +pontificate 160424 +seaports 160407 +aerator 160391 +multistage 160387 +conscientiously 160385 +boomed 160379 +distancing 160362 +transiently 160345 +vulvar 160338 +moises 160330 +beaut 160328 +joust 160309 +grander 160286 +arron 160284 +shackled 160265 +hausdorff 160262 +weedy 160228 +fractionated 160216 +metronomes 160196 +saleable 160195 +hittite 160190 +sacra 160174 +ultrasonics 160160 +granulation 160150 +grope 160148 +hooter 160136 +chiquita 160135 +shacks 160123 +booed 160116 +craw 160103 +recommit 160097 +pimped 160095 +abattoir 160074 +ironwork 160069 +extruder 160064 +gorky 160041 +brightens 160039 +palmitate 160020 +georgians 159994 +jailer 159969 +foursquare 159956 +victimisation 159951 +solitaires 159942 +presb 159927 +tolerating 159909 +receptivity 159893 +vibrates 159872 +anodised 159868 +gladden 159866 +agoraphobia 159864 +sarcastically 159862 +tuft 159856 +quickened 159837 +reverent 159829 +retrofitted 159826 +braved 159821 +emanates 159815 +hoodoo 159767 +prions 159762 +geysers 159757 +beckoned 159756 +unquestioned 159753 +migrator 159738 +scrawled 159728 +afoul 159727 +savagely 159699 +crosswalks 159683 +misstatements 159679 +oklahoman 159670 +labret 159643 +ceuta 159637 +gunfight 159629 +meridional 159604 +usurped 159601 +micronutrient 159559 +hames 159559 +inkwell 159547 +opalescent 159521 +swappers 159519 +monstrosity 159518 +contemptuous 159512 +reorientation 159506 +bataan 159505 +recognizer 159495 +newtownabbey 159482 +prepend 159448 +ersatz 159432 +hance 159430 +ravishing 159418 +unissued 159416 +grumbled 159401 +moribund 159393 +killdeer 159388 +tillers 159387 +toft 159379 +disheartening 159363 +plagioclase 159330 +channelized 159267 +prothrombin 159264 +vermiculite 159261 +kudo 159243 +ology 159238 +unavoidably 159233 +helplines 159233 +tams 159228 +mesas 159214 +eichmann 159192 +dele 159192 +hurston 159182 +menial 159164 +clayey 159159 +gamecock 159150 +morphologic 159131 +synchronously 159129 +delighting 159125 +ineffectiveness 159092 +homogenized 159087 +conjuring 159072 +nonexclusive 159050 +disjunctive 159040 +dutiful 159034 +instigate 159028 +legitimize 159021 +absurdities 159017 +leaseback 159016 +vehement 159012 +gordian 159007 +tainan 158996 +edification 158992 +dangerfield 158989 +causally 158987 +leotards 158984 +unquote 158947 +karo 158946 +flinch 158928 +vasodilator 158920 +pasties 158919 +xxxvii 158911 +louisburg 158910 +theorized 158900 +despot 158891 +salta 158864 +intestate 158862 +buggers 158859 +affaire 158856 +excavate 158855 +insincere 158845 +plasters 158842 +koalas 158801 +aventurine 158800 +privet 158777 +beckoning 158747 +uncompensated 158746 +retooling 158735 +planed 158702 +latrines 158697 +flam 158679 +warplanes 158676 +rupiahs 158672 +flexor 158647 +acculturation 158627 +eldritch 158609 +raffia 158608 +kipper 158581 +trusteeship 158541 +positivism 158535 +begone 158519 +lucidity 158490 +feuds 158477 +dilantin 158468 +nibs 158456 +videophone 158435 +coprocessor 158430 +cochabamba 158424 +counterfactual 158420 +delacroix 158411 +toque 158397 +gauchos 158385 +macias 158383 +leptons 158344 +krupp 158343 +randomize 158342 +haleakala 158337 +acheson 158330 +milks 158281 +aeroflot 158272 +invitees 158241 +lateness 158205 +synchronise 158194 +irani 158176 +extrapolating 158153 +allegretto 158145 +confectioners 158137 +changeling 158134 +bigwig 158102 +mamet 158089 +nunnery 158084 +supers 158078 +forefinger 158078 +rudiments 158046 +epoxies 158044 +cotonou 158027 +diverticulitis 158024 +heathens 158022 +celibate 158022 +chinaberry 158004 +ringgits 158000 +jiffies 157998 +schistosomiasis 157997 +relaxers 157993 +throwers 157992 +disturbingly 157989 +clatter 157981 +doonesbury 157963 +corroded 157941 +postdocs 157935 +faultless 157912 +awkwardness 157906 +praiseworthy 157890 +seigneur 157879 +gorgonzola 157872 +wolfhound 157862 +anaesthetics 157855 +funerary 157850 +balaton 157843 +symphonia 157842 +potteries 157836 +chihuahuas 157832 +hildegard 157800 +peppercorns 157797 +ails 157786 +trefoil 157758 +riptide 157756 +theologically 157748 +fukuyama 157747 +rorschach 157746 +detracts 157742 +trapezoidal 157731 +cilia 157701 +vapours 157676 +aude 157669 +gorp 157641 +buna 157626 +personalizing 157625 +nonwoven 157624 +quinte 157594 +jaycees 157575 +sundowner 157570 +customising 157562 +inhalants 157556 +firings 157544 +perversions 157543 +quipped 157540 +renumber 157525 +methylmercury 157514 +pinon 157507 +speckle 157495 +interpolating 157488 +soba 157484 +snotty 157481 +remiss 157475 +languishing 157473 +anchoress 157465 +copperhead 157462 +entrails 157440 +slinging 157429 +relishes 157427 +uprisings 157426 +subsonic 157393 +cossack 157383 +strabismus 157366 +garnishes 157359 +bougainville 157356 +diffusivity 157351 +sultana 157333 +atheistic 157331 +cuneo 157322 +oilily 157320 +unforgivable 157319 +adventuring 157318 +torte 157289 +thrashed 157288 +topsail 157270 +moneymaker 157269 +catamarans 157263 +thermoplastics 157252 +regenerator 157250 +cued 157219 +orderings 157211 +masseuse 157195 +modicum 157191 +fairweather 157191 +slob 157183 +appropriates 157146 +ethiopians 157138 +lessing 157137 +moviegoers 157119 +manasseh 157115 +kalmar 157113 +ureter 157112 +asch 157106 +stabilising 157098 +propellants 157090 +rajah 157089 +persuasions 157079 +steppes 157074 +steelworkers 157072 +sheathed 157072 +oscillate 157070 +derided 157058 +birder 157057 +vocally 157048 +felted 157048 +seeping 157041 +retrial 157041 +encroach 157029 +flotsam 157013 +centaurs 157007 +correlative 156997 +fritters 156984 +telecommute 156973 +outed 156963 +diametrically 156962 +hangovers 156957 +fasted 156941 +eunuch 156930 +hummers 156920 +neutering 156917 +freakish 156862 +readied 156847 +equidistant 156838 +hypoglycemic 156835 +dicker 156805 +homoeopathy 156797 +gazes 156793 +dipstick 156784 +pallbearers 156779 +virginians 156771 +raindrop 156765 +antacid 156763 +vaporizer 156757 +twats 156751 +showboat 156738 +negligently 156736 +sistine 156705 +jefe 156693 +peppy 156692 +audiocassettes 156684 +irritations 156652 +amperage 156647 +studentship 156646 +stashed 156641 +leyte 156634 +basilicata 156585 +costar 156576 +yugoslavian 156545 +unmoved 156544 +endodontics 156538 +stunner 156537 +pyrotechnic 156512 +glum 156511 +fancier 156511 +jamaal 156501 +gumtree 156487 +deena 156482 +aldine 156472 +talismans 156460 +perplexity 156441 +areola 156437 +loess 156409 +humic 156383 +formalisms 156362 +sulky 156355 +giantess 156349 +chocolatier 156326 +cassatt 156326 +dieticians 156320 +hangars 156311 +skyward 156306 +woeful 156304 +femtosecond 156298 +downsized 156296 +anabel 156296 +malfeasance 156275 +clowning 156254 +vandalized 156250 +polluter 156241 +valais 156240 +heroics 156239 +egger 156232 +westerner 156228 +acupuncturist 156228 +droop 156194 +speedwell 156181 +overdoses 156164 +dislodge 156158 +voyageur 156145 +kedah 156142 +tithing 156128 +recd 156117 +linlithgow 156106 +waded 156095 +indict 156085 +divalent 156041 +groomers 156029 +unacknowledged 156028 +revisionism 156026 +harmonise 156016 +quietest 156010 +carven 156002 +aptitudes 155989 +confusions 155969 +maniacal 155962 +alimentary 155958 +gerbils 155948 +slicks 155938 +slovaks 155935 +tuberculin 155933 +nurtures 155901 +outgrow 155882 +medigap 155876 +encroachments 155876 +declarer 155876 +maintainable 155869 +ineffable 155869 +hearer 155868 +rancheria 155860 +awakes 155842 +magritte 155805 +levering 155805 +apia 155791 +cuppa 155780 +sadomasochism 155771 +senegalese 155763 +leanna 155756 +acceding 155750 +zit 155748 +flaking 155716 +probity 155711 +grubs 155690 +unflinching 155681 +murmuring 155674 +gentrification 155644 +kop 155643 +triumphal 155633 +adas 155631 +redshifts 155628 +wildebeest 155625 +affable 155590 +resurgent 155586 +renegotiate 155581 +determinative 155581 +schnabel 155557 +landlines 155549 +sommelier 155524 +pimpernel 155508 +helpfully 155504 +teardrops 155496 +pericardial 155480 +thrombolytic 155465 +oncogenes 155449 +involution 155425 +countermeasure 155413 +bisexuality 155393 +flail 155382 +sumption 155361 +molars 155360 +disqualifying 155359 +eland 155343 +discriminator 155291 +disaggregation 155278 +adulterated 155265 +nicodemus 155259 +proofreader 155232 +heilbronn 155228 +sterols 155214 +missive 155213 +scooping 155211 +tinny 155192 +ascends 155183 +splintered 155179 +sexed 155161 +transacting 155154 +minsky 155153 +recompiling 155138 +annoyingly 155136 +charpentier 155126 +cabochons 155104 +satisfiable 155100 +windswept 155097 +loafing 155087 +roosting 155081 +talus 155055 +republicanism 155053 +aeron 155041 +foibles 155013 +wingnuts 155004 +fantasize 155004 +occluded 154991 +squatter 154989 +waldemar 154977 +colourless 154977 +shibboleth 154962 +salespersons 154960 +jobber 154934 +unyielding 154923 +limiters 154923 +flabby 154911 +bingen 154902 +slurred 154890 +enlarges 154887 +apace 154873 +mobilising 154857 +stepson 154845 +sideboards 154844 +anorak 154835 +carob 154818 +bulwark 154812 +beefed 154769 +speculates 154755 +clipboards 154745 +stringy 154732 +misusing 154729 +befriends 154682 +sonorous 154672 +cohabiting 154651 +paralympics 154648 +breastplate 154648 +draughts 154636 +resupply 154606 +auxin 154606 +heaved 154596 +individualist 154588 +fashioning 154581 +churned 154553 +pistachios 154548 +ironies 154533 +boric 154527 +reliving 154499 +constitutively 154498 +fusebox 154495 +acrobats 154489 +endorphin 154477 +dappled 154476 +gallic 154472 +phobic 154464 +turkic 154450 +tubule 154450 +kayo 154447 +alai 154446 +azaleas 154434 +patriarchate 154433 +waltzing 154418 +thermonuclear 154413 +tacking 154404 +polemics 154385 +feigned 154380 +armrests 154348 +dross 154345 +solidity 154323 +doge 154318 +campagna 154317 +hospitalisation 154308 +dockyard 154302 +opportunist 154278 +indecisive 154278 +yucky 154277 +biotechnological 154277 +recurs 154276 +dripped 154273 +floridians 154259 +dushanbe 154240 +refuel 154235 +redeveloped 154231 +epicure 154227 +cinnabar 154180 +photoelectron 154172 +mathewson 154158 +levity 154149 +regularities 154148 +adjudicating 154135 +lurex 154129 +journeying 154129 +speller 154122 +oppressor 154097 +metrical 154092 +sierras 154089 +tamales 154085 +hauls 154079 +immeasurably 154042 +hygrometer 154033 +haggling 154032 +tussle 154015 +urologist 154012 +toughened 154011 +fiendish 153995 +diaphragms 153978 +glorification 153972 +wayfarer 153962 +forebrain 153939 +reamer 153931 +arabians 153931 +expanses 153929 +dorky 153891 +satsuma 153888 +hypothetically 153886 +hems 153874 +dervish 153858 +irrepressible 153844 +takao 153842 +interrogating 153832 +monadnock 153822 +generalizes 153820 +readying 153815 +kaon 153800 +baler 153800 +joppa 153793 +tempos 153785 +wilted 153782 +monongahela 153781 +adana 153780 +emoluments 153778 +modellers 153768 +conned 153760 +tangram 153749 +czechoslovak 153744 +tinfoil 153732 +hoodlum 153729 +chelate 153715 +typhoons 153714 +mutes 153707 +accompanist 153694 +bruch 153678 +outwit 153676 +midyear 153676 +unmediated 153673 +sidetracked 153669 +magnesia 153659 +patronize 153653 +impassable 153633 +serf 153620 +goldschmidt 153619 +pelion 153604 +buries 153598 +boozer 153589 +gaels 153588 +revamps 153586 +nicotiana 153583 +signor 153580 +phlegm 153580 +subatomic 153556 +paddler 153552 +scruff 153549 +flanker 153548 +freedmen 153544 +husserl 153534 +obliging 153517 +hermetically 153509 +gravestones 153506 +decrypting 153495 +uncommonly 153489 +nudged 153475 +decidable 153466 +inhospitable 153464 +dissension 153459 +hallucinogenic 153451 +coleslaw 153416 +elva 153407 +mayaguez 153406 +intermingled 153401 +belg 153395 +kooky 153380 +dwarfed 153380 +overproduction 153356 +bact 153344 +asters 153326 +necropolis 153299 +disregards 153297 +boxy 153294 +grosgrain 153291 +ritualistic 153283 +surmounted 153275 +dissector 153271 +verbiage 153263 +moonset 153256 +bundt 153250 +nondisclosure 153246 +impelled 153246 +salutary 153239 +deform 153220 +postpones 153178 +frosts 153163 +ipecac 153160 +ached 153141 +capitalistic 153132 +defile 153123 +coleen 153118 +xylem 153110 +debrief 153096 +rotatable 153090 +infanticide 153087 +ribbing 153080 +bradycardia 153078 +maghreb 153067 +foxglove 153046 +porphyria 153034 +effectually 153026 +friendlies 152999 +unprovoked 152986 +apocryphal 152976 +pallid 152974 +successional 152973 +checkouts 152956 +sulphuric 152943 +antipathy 152936 +borzoi 152926 +skinheads 152922 +pernambuco 152919 +cumbrian 152912 +atone 152901 +valse 152885 +douce 152874 +individualised 152852 +storeroom 152838 +cornel 152815 +theodora 152812 +versioned 152809 +glabrous 152804 +islamism 152778 +bleacher 152773 +paler 152772 +conquistador 152772 +wastebasket 152771 +liliana 152770 +alsop 152770 +ribera 152768 +mulhouse 152757 +koufax 152752 +cuter 152750 +unknowable 152743 +lozenge 152717 +formwork 152713 +woks 152707 +scarier 152677 +jerald 152671 +teasdale 152669 +vav 152644 +topside 152631 +stockpiled 152623 +displayable 152622 +offing 152619 +honeypot 152613 +upheavals 152606 +recharges 152571 +plaguing 152565 +plasterers 152561 +infest 152559 +dampier 152557 +wallflowers 152556 +touristy 152534 +crikey 152531 +herat 152529 +hardens 152522 +frisk 152512 +separatism 152508 +oiler 152495 +paroled 152492 +gdynia 152492 +covalently 152484 +tonics 152466 +ideation 152466 +expelling 152444 +replicators 152437 +terrorizing 152400 +booger 152380 +obliges 152360 +pertained 152354 +beneficent 152313 +occultism 152296 +luxuriant 152295 +mulatto 152291 +giannini 152284 +plausibly 152274 +honcho 152263 +stapling 152260 +driveshaft 152255 +recuperation 152243 +concubine 152241 +edwina 152239 +cella 152229 +llewelyn 152213 +unfocused 152204 +complimenting 152197 +courtly 152172 +dampness 152156 +circulator 152154 +lightheadedness 152133 +kalyan 152128 +photorealistic 152127 +downsize 152120 +kampong 152082 +pumas 152053 +marat 152038 +internists 152034 +silversmith 152031 +phallic 152004 +platitudes 151997 +pigweed 151954 +porphyry 151948 +deviating 151939 +breakneck 151920 +catamounts 151917 +shofar 151916 +taunted 151906 +ernestine 151885 +hued 151863 +hindustani 151829 +goldilocks 151826 +chelating 151817 +catapulted 151808 +tinctures 151802 +bubbled 151802 +mementos 151779 +soloing 151776 +caseworkers 151772 +teratology 151769 +semicolons 151764 +ushering 151759 +wallsend 151758 +mortified 151758 +iloilo 151755 +curation 151752 +upturned 151749 +mechanization 151743 +sieves 151738 +underappreciated 151730 +aztlan 151725 +sunrooms 151711 +cordage 151707 +hobbled 151704 +loath 151677 +nibbling 151674 +unsophisticated 151662 +gestured 151660 +nightie 151653 +meatless 151652 +chutneys 151610 +institutionally 151606 +remap 151596 +vexing 151593 +digression 151569 +astonish 151568 +dynastic 151559 +cognizance 151547 +harlequins 151540 +rhee 151533 +crossbows 151532 +piquet 151531 +loveliest 151520 +vaginitis 151504 +nearness 151493 +jesters 151488 +jerri 151456 +phishers 151454 +tutored 151444 +landform 151435 +procurator 151433 +leftism 151432 +plaintive 151426 +misting 151420 +exult 151420 +claps 151414 +disreputable 151406 +strikeout 151390 +seraph 151382 +sarongs 151364 +kebabs 151363 +thymic 151351 +dressmaker 151348 +reaffirmation 151330 +noradrenaline 151312 +ramiro 151307 +publican 151295 +boycotted 151255 +smokescreen 151252 +hoar 151247 +afterimage 151238 +precluding 151237 +circumventing 151235 +arrowheads 151219 +refl 151215 +debutante 151214 +hedonistic 151178 +aileron 151178 +reanalysis 151156 +rebuffs 151141 +refractories 151127 +ipoh 151122 +handmaid 151116 +toltec 151095 +chemises 151065 +isiah 151064 +calpe 151060 +sputter 151052 +yellowtail 151050 +obsessively 151034 +handily 151026 +judgemental 151020 +consuelo 151005 +khayyam 151003 +fraudsters 150993 +impostor 150991 +nomen 150990 +ponderous 150948 +mishandling 150943 +shoppes 150932 +evaporating 150932 +banister 150927 +scrupulously 150907 +checkups 150886 +floodgates 150884 +intruding 150878 +technobabble 150876 +rationalist 150865 +blat 150861 +culturing 150860 +baptize 150859 +immigrate 150848 +carbonaceous 150836 +quixotic 150828 +comenius 150824 +scampi 150813 +athleticism 150805 +construing 150780 +misreading 150772 +goebbels 150714 +fatigues 150711 +relaxer 150702 +swazi 150686 +paiute 150681 +plucky 150671 +occupancies 150668 +eusebius 150666 +untidy 150659 +loggia 150659 +baobab 150643 +rilke 150627 +ishtar 150606 +tribesmen 150600 +subsist 150579 +subfamilies 150575 +nutters 150540 +beholding 150520 +multicellular 150514 +papeete 150501 +scarfs 150496 +shallows 150483 +gunsmith 150466 +tablas 150463 +debrecen 150448 +adjuvants 150446 +beagles 150433 +phlebotomy 150429 +ordovician 150419 +debugged 150414 +altai 150409 +glycosides 150394 +sundeck 150392 +unjustifiable 150362 +cloverleaf 150358 +growls 150348 +saucier 150326 +sported 150321 +quaking 150320 +frothing 150311 +spews 150306 +galas 150294 +refraining 150291 +commingled 150291 +vetch 150281 +nuclide 150281 +coasting 150273 +riskier 150257 +lunchboxes 150253 +befallen 150193 +electrocution 150185 +alleviates 150149 +microscopically 150141 +defibrillation 150139 +horta 150135 +animism 150110 +asquith 150106 +conciliatory 150100 +parkman 150099 +stiffen 150096 +credibly 150092 +romanov 150090 +schemata 150082 +toxicities 150063 +siltation 150057 +logbooks 150045 +showman 150032 +officiated 150013 +konstanz 150004 +harmer 150000 +witchy 149982 +distemper 149975 +subterfuge 149971 +oiling 149956 +psalmist 149954 +nonrecurring 149935 +nefertiti 149929 +bismark 149929 +compositor 149914 +aspired 149900 +runnels 149896 +payphones 149889 +lazaro 149820 +noma 149777 +saluki 149771 +penitent 149760 +stour 149756 +toyed 149746 +lamentation 149735 +monteith 149723 +doormats 149718 +extol 149713 +apportion 149703 +marmara 149699 +basswood 149698 +patrimony 149697 +lectureship 149691 +downtrodden 149657 +istria 149648 +volcker 149647 +craftspeople 149647 +seawall 149640 +curlers 149629 +belgians 149589 +sanitize 149588 +papuan 149587 +promulgating 149569 +demerol 149552 +spewed 149547 +amanita 149544 +jamb 149543 +knave 149542 +functionaries 149536 +solider 149535 +concessionary 149500 +croup 149483 +ossetia 149468 +humperdinck 149447 +hockney 149441 +gusting 149441 +quintin 149431 +broadcloth 149426 +disuse 149425 +reeled 149417 +balling 149413 +layover 149403 +ineptitude 149387 +quire 149380 +pleasuring 149362 +classless 149359 +maugham 149358 +slacking 149351 +alkaloid 149347 +glittery 149337 +vicariously 149332 +amendatory 149329 +handedness 149291 +brags 149273 +appalachians 149264 +tetrahedral 149259 +fascinate 149252 +unhandled 149242 +desdemona 149238 +constricted 149224 +appealable 149215 +waw 149208 +garish 149208 +baronet 149150 +oxidizer 149134 +bombastic 149121 +bails 149105 +turnoff 149097 +moats 149042 +airlock 149042 +scoffed 149026 +mallards 149025 +thieving 149024 +soundcheck 149020 +combiner 148999 +cosmonaut 148983 +dirks 148968 +snarled 148961 +circumpolar 148944 +unearthly 148942 +predestination 148934 +aalto 148931 +fiducial 148927 +foreshadowing 148918 +rads 148911 +knowhow 148908 +alberti 148905 +regulus 148901 +whys 148895 +extramarital 148888 +radiograph 148886 +oligopoly 148827 +trichloroethylene 148812 +prospectors 148802 +newtownards 148775 +languid 148753 +histones 148748 +reviled 148744 +coverlet 148732 +anachronistic 148730 +starkly 148700 +ratty 148678 +jihadists 148674 +fearfully 148673 +fingerless 148665 +intermix 148661 +secretariats 148653 +impersonating 148631 +smoothest 148629 +rosita 148583 +musketeer 148547 +unhindered 148543 +meanders 148534 +fiddles 148530 +faisalabad 148530 +retrofits 148527 +furlongs 148520 +homogenization 148515 +fens 148513 +pilaf 148512 +arraigned 148498 +criticises 148492 +tabulate 148479 +fogging 148479 +whitewashed 148466 +gilding 148460 +twining 148441 +pym 148426 +sickest 148421 +explication 148411 +scree 148396 +outlawing 148393 +humanely 148390 +breakable 148368 +jungfrau 148355 +rainstorm 148350 +uncoordinated 148329 +lamer 148317 +teletype 148316 +outland 148316 +schwarzwald 148315 +incompletely 148309 +phrasal 148306 +kilowatts 148280 +sigmoid 148267 +defectors 148262 +gaiety 148256 +gadolinium 148254 +acolyte 148254 +cads 148201 +cerise 148200 +frangipani 148189 +uttermost 148188 +aristophanes 148187 +woodcarving 148186 +letitia 148179 +imperator 148168 +overthrew 148166 +aeolian 148156 +kagoshima 148142 +karnak 148139 +gunny 148136 +lave 148131 +dielectrics 148123 +headstock 148112 +crabgrass 148107 +frowns 148086 +godot 148071 +realists 148055 +phoney 148042 +sheepish 148021 +sedated 148017 +alphas 148005 +encephalomyelitis 147988 +wiesenthal 147985 +upholsterers 147947 +objectivist 147947 +aftershocks 147942 +incestuous 147937 +antic 147936 +abed 147933 +edifying 147931 +rotarians 147922 +nubile 147922 +dreadfully 147917 +sadder 147911 +expressionist 147910 +hirer 147904 +ravage 147903 +uncool 147892 +contemptible 147876 +mugged 147875 +crosstown 147869 +unfailing 147866 +fowls 147855 +aramco 147833 +untoward 147830 +gaskin 147818 +invigorate 147816 +coons 147809 +acrylonitrile 147742 +berms 147739 +clergymen 147734 +chlorite 147708 +dosh 147707 +endeavouring 147669 +patentee 147644 +troublemaker 147640 +dislodged 147631 +cush 147624 +institutionalised 147619 +overcharging 147585 +peeked 147575 +synonymy 147570 +bellwether 147569 +obviate 147559 +juster 147544 +leman 147542 +defloration 147520 +representativeness 147517 +primero 147484 +saluting 147480 +labile 147473 +beguiling 147471 +bayonets 147470 +cushy 147465 +castiglione 147462 +annualised 147462 +backslashes 147451 +trompe 147425 +racetracks 147424 +gie 147404 +indeterminacy 147402 +mobilised 147397 +playfulness 147396 +irrationality 147394 +photometer 147375 +bandanna 147375 +whodunit 147372 +confluent 147367 +mistrial 147323 +wilding 147320 +anthracene 147296 +husks 147291 +impingement 147268 +redecorating 147264 +habsburg 147264 +beckon 147231 +raved 147221 +herren 147211 +grappa 147203 +trailblazing 147193 +redrawn 147193 +jewelled 147190 +ilocano 147182 +tensioned 147177 +conglomeration 147168 +reaps 147148 +longstreet 147136 +akiva 147117 +interlocked 147106 +lanolin 147085 +immunocompromised 147052 +stringers 147040 +premonition 147035 +quadriceps 147017 +turnarounds 147003 +recut 146984 +sureties 146976 +dabble 146962 +cesta 146961 +grunting 146936 +remodeler 146935 +overzealous 146921 +shat 146920 +baubles 146918 +personages 146910 +biogeochemistry 146909 +cabrini 146897 +exigencies 146887 +scrim 146877 +sanitarium 146877 +egyptology 146873 +heightens 146844 +bacilli 146838 +swallowtail 146810 +gilts 146810 +pynchon 146808 +peloponnesian 146791 +buttes 146778 +gotha 146743 +alginate 146733 +kep 146721 +tasso 146716 +incommunicado 146712 +fossilized 146704 +unheated 146701 +chitin 146693 +cultivator 146685 +crimper 146681 +nihil 146679 +ovine 146663 +crucify 146650 +falsifying 146640 +unsaid 146625 +julienne 146601 +downplayed 146598 +mirador 146591 +gazetted 146591 +boulanger 146585 +untie 146576 +cassino 146576 +amur 146542 +instigator 146537 +fathered 146533 +maleate 146531 +incrementing 146528 +panza 146518 +girt 146514 +annul 146490 +lanky 146488 +vises 146483 +samarkand 146482 +reaves 146482 +committer 146471 +blushes 146460 +shewed 146448 +pregame 146447 +equivalences 146444 +thess 146439 +eavesdrop 146438 +outdo 146433 +globalism 146429 +sycamores 146403 +axially 146396 +truant 146395 +shrieked 146395 +lawes 146374 +officiant 146335 +endpapers 146334 +familiarization 146333 +derailment 146331 +donizetti 146325 +peroxides 146318 +emirate 146303 +ermine 146290 +inventiveness 146281 +corroboration 146269 +backplate 146248 +teetering 146246 +bleeping 146238 +swiped 146228 +strabane 146211 +cottontail 146203 +circe 146191 +capitulation 146174 +aspirant 146163 +tunney 146149 +airbrushed 146144 +germinal 146124 +tunings 146115 +parl 146062 +bastia 146059 +passageways 146029 +vindicate 146028 +dorks 146028 +stich 146019 +underscoring 146016 +channelling 146012 +remixing 146003 +repelling 145993 +slumping 145987 +sukkot 145967 +internode 145966 +echelons 145962 +fallible 145918 +pantheism 145915 +prolongs 145906 +strutting 145885 +jawbreaker 145885 +succumbing 145861 +ploughshares 145839 +incalculable 145836 +pompidou 145812 +soliloquy 145805 +mammy 145805 +beaks 145800 +ikebana 145797 +organon 145793 +bloodstock 145766 +colorimetric 145760 +caresses 145748 +hexes 145736 +numismatics 145734 +infusing 145734 +veganism 145711 +indolent 145693 +scintillator 145684 +kossuth 145663 +bittern 145663 +quayside 145662 +meanderings 145658 +banns 145651 +thistles 145635 +orchestrating 145626 +idiosyncrasies 145619 +tampico 145610 +asparagine 145605 +inducements 145600 +ennui 145576 +daystar 145570 +abetted 145570 +kristiansand 145563 +silvicultural 145531 +halftone 145508 +expending 145499 +bonhoeffer 145495 +stranding 145481 +intentionality 145473 +devalued 145459 +accusative 145450 +sweltering 145446 +pusey 145444 +outpace 145442 +cohesiveness 145437 +verdigris 145428 +bedfellows 145420 +employable 145414 +morelia 145392 +purer 145370 +hedgerows 145358 +hydrography 145357 +equilibration 145349 +narrowest 145339 +revving 145329 +exigent 145324 +squids 145323 +disapproving 145301 +bactericidal 145277 +interrogative 145239 +deadpan 145228 +spacings 145209 +squealing 145196 +drawable 145192 +feverishly 145191 +zeroed 145184 +sneaked 145176 +codeword 145174 +drowns 145168 +tisha 145165 +discretely 145162 +repurchased 145154 +hatchbacks 145151 +perelman 145137 +trave 145105 +alighieri 145098 +porgy 145097 +colas 145079 +remapping 145078 +beauvoir 145074 +dubliners 145067 +persuasively 145065 +mathematic 145041 +fanboys 145015 +walloon 145012 +flours 145002 +squalor 144986 +reassessed 144983 +hyperplane 144980 +lyophilized 144963 +quadrilateral 144960 +panelled 144959 +garonne 144957 +pretreated 144954 +denitrification 144953 +ossian 144951 +peristaltic 144935 +iguazu 144935 +pygmalion 144929 +bridgman 144925 +bulking 144922 +violative 144921 +fabricant 144914 +caddis 144907 +chaplet 144906 +clincher 144904 +narrate 144896 +painlessly 144890 +legwork 144868 +nullified 144865 +layperson 144864 +ebon 144863 +radioisotope 144859 +hesiod 144845 +centrepiece 144835 +ascender 144809 +bougainvillea 144806 +paraplegia 144800 +secy 144796 +bleat 144793 +speedball 144791 +coops 144776 +glorifying 144765 +straddles 144747 +locarno 144739 +gleamed 144737 +valiantly 144723 +longshore 144723 +steeds 144722 +macrobiotic 144713 +infallibility 144692 +reroute 144691 +mountbatten 144679 +moroni 144666 +thins 144657 +franciscans 144652 +trickier 144639 +exacerbating 144637 +quashed 144629 +comport 144624 +waster 144619 +overdo 144613 +adamantly 144584 +kennan 144579 +neoliberalism 144578 +mythologies 144566 +unscripted 144554 +herbivore 144543 +blois 144542 +pappy 144540 +suppository 144538 +underestimating 144536 +tailgater 144536 +radishes 144529 +tanka 144512 +circumvented 144512 +pollinated 144482 +deeming 144467 +frighteningly 144455 +conformist 144455 +flaccid 144435 +devastate 144432 +driers 144423 +aggressors 144399 +putrid 144368 +unguarded 144347 +colliders 144341 +prodded 144338 +collinear 144321 +verges 144316 +obliteration 144315 +fasts 144307 +sterner 144301 +internist 144271 +downstate 144253 +broadsheet 144247 +holguin 144242 +womanly 144227 +witwatersrand 144221 +surmised 144216 +accelerometers 144214 +northwards 144191 +tiu 144187 +mayest 144174 +chorizo 144169 +outwith 144163 +judiciously 144154 +pneumothorax 144131 +hypersensitive 144128 +photosensitive 144126 +reuniting 144124 +ridged 144115 +worshipper 144102 +fash 144092 +diderot 144085 +ruts 144081 +severable 144080 +regretting 144069 +fibroid 144069 +scolding 144048 +amputations 144028 +distributorship 144022 +dimpled 144016 +massing 144009 +moisturize 144007 +leathery 143996 +bricolage 143992 +arvo 143969 +snorkels 143965 +auditioned 143958 +endoscope 143942 +palenque 143936 +memorandums 143933 +apostrophes 143923 +rationalized 143919 +electroencephalography 143911 +grimace 143905 +bribing 143901 +comping 143891 +adders 143890 +guardsman 143881 +miscommunication 143875 +unbecoming 143851 +bridles 143845 +dejected 143833 +pannier 143817 +virions 143808 +parotid 143807 +zeolites 143805 +megaliths 143801 +embargoed 143793 +pilling 143780 +vosges 143779 +comely 143779 +prow 143778 +sprig 143773 +asci 143772 +suss 143769 +bistros 143753 +apulia 143741 +empathic 143731 +babette 143729 +ovate 143727 +minimises 143709 +iterates 143709 +bathhouse 143703 +tinea 143689 +squander 143687 +blanked 143684 +swarmed 143677 +puking 143677 +wields 143668 +bonefish 143663 +dragoons 143646 +genotypic 143643 +basketballs 143641 +gazpacho 143633 +liebig 143629 +scad 143627 +danio 143619 +tellus 143618 +seismological 143616 +shafted 143611 +euthanized 143599 +landholders 143575 +dace 143563 +cradled 143553 +comparably 143550 +dreads 143549 +spurring 143546 +protractor 143541 +plaything 143534 +unoriginal 143525 +trolled 143513 +pander 143511 +calfskin 143509 +abominations 143498 +underdevelopment 143491 +klagenfurt 143472 +totems 143467 +reestablished 143454 +strangling 143445 +cultivators 143436 +basting 143414 +insignificance 143403 +miniaturization 143394 +riyals 143388 +maracaibo 143387 +moderato 143378 +deceiver 143370 +scirocco 143367 +spokespeople 143363 +mandingo 143355 +cartographer 143353 +helle 143349 +radiations 143347 +subsample 143342 +sputtered 143324 +merrier 143301 +inducer 143301 +imaginatively 143294 +stdio 143292 +subsides 143276 +nobler 143270 +michaelmas 143268 +uncollected 143263 +telemarketer 143227 +tanganyika 143227 +edh 143226 +acceptors 143217 +howled 143213 +gullet 143186 +composted 143186 +blanched 143185 +vegetal 143158 +indirection 143143 +unequalled 143126 +chrism 143126 +deanne 143121 +florio 143106 +cicely 143102 +aubade 143096 +cabbie 143093 +mimetic 143090 +acupuncturists 143088 +catsuit 143087 +reincarnated 143073 +vetoes 143060 +menses 143058 +agana 143038 +visualiser 143026 +rubbery 142985 +temperamental 142966 +dally 142954 +collisional 142952 +malays 142930 +spooked 142926 +nauseous 142924 +mesoderm 142918 +attractant 142911 +brandishing 142910 +crewman 142909 +liquorice 142908 +tailpipe 142904 +wags 142899 +pullback 142897 +pahang 142891 +chronicler 142879 +ribonucleic 142872 +settlor 142868 +aube 142842 +diagramming 142841 +airbase 142839 +infiltrates 142829 +disproved 142801 +justinian 142792 +debutantes 142780 +whitener 142733 +changchun 142727 +loveseats 142725 +stoichiometric 142722 +reynaldo 142717 +dobbin 142688 +maim 142672 +redbird 142668 +talmudic 142649 +coquette 142646 +vermouth 142635 +fraktur 142634 +innards 142624 +cochlea 142624 +remarking 142614 +audiophiles 142614 +cobweb 142610 +localizing 142577 +dipl 142576 +sati 142564 +multilateralism 142560 +spica 142550 +masterwork 142538 +punctually 142522 +accuracies 142520 +annotating 142509 +unwillingly 142496 +suleiman 142496 +inflicts 142477 +undoubted 142466 +tings 142437 +datamation 142436 +cholecystectomy 142420 +urumqi 142415 +formless 142415 +clubhouses 142398 +avocet 142385 +shipmates 142371 +chandon 142341 +gassed 142328 +marabou 142317 +doubtfully 142304 +whoring 142295 +acetal 142276 +typhus 142268 +gassing 142256 +reticent 142247 +dabbling 142245 +welter 142242 +depreciable 142197 +hickok 142194 +negating 142187 +exertions 142178 +multilayered 142177 +brushy 142147 +hopscotch 142146 +wallboard 142114 +jebel 142078 +fth 142057 +retentive 142050 +sulfite 142043 +embargoes 142031 +relapses 142022 +flexibilities 142015 +spiralling 141997 +plodding 141994 +speedboat 141990 +orals 141983 +szeged 141981 +bookmobile 141975 +zwolle 141958 +sidewalls 141955 +deserter 141952 +exude 141931 +rending 141924 +realizable 141917 +trashcan 141912 +stomatitis 141906 +concomitantly 141903 +consign 141897 +homesteading 141895 +mantles 141888 +neatness 141884 +adornments 141881 +dramatics 141878 +valuer 141872 +britannic 141869 +grosbeak 141854 +unbeliever 141848 +kitchenettes 141844 +parading 141835 +guerillas 141828 +breccia 141823 +faustus 141822 +relaunched 141819 +showgirl 141809 +backhouse 141800 +biogen 141798 +prioritising 141794 +decomposes 141793 +vico 141789 +roselyn 141788 +unconvinced 141784 +supremo 141780 +cameroun 141776 +quantifies 141767 +hyperparathyroidism 141765 +filibusters 141765 +zapped 141745 +honking 141742 +experimenters 141729 +gamin 141727 +crazies 141727 +confederated 141726 +surfs 141721 +buenaventura 141683 +spellchecker 141672 +pseudoscience 141669 +neurogenic 141669 +zinger 141653 +cahoot 141653 +corder 141636 +brainwash 141622 +multiethnic 141607 +theocratic 141601 +drinkable 141597 +cormorants 141594 +amble 141586 +overwhelms 141582 +autopsies 141581 +plummeting 141576 +pejorative 141568 +fiver 141567 +halides 141549 +embankments 141545 +purges 141536 +chunked 141530 +uptempo 141518 +halving 141515 +sowers 141502 +aurum 141480 +speculator 141472 +impatiens 141463 +panicking 141459 +biphenyl 141458 +confection 141454 +thingies 141435 +groggy 141431 +valvular 141425 +dander 141419 +madmen 141408 +listless 141408 +shelve 141404 +wheaten 141394 +arugula 141382 +remunerated 141380 +copperas 141377 +papandreou 141355 +lumberjacks 141341 +deprecating 141341 +faggots 141328 +equalisation 141328 +professorial 141288 +mennonites 141282 +ducal 141276 +dyadic 141274 +downcast 141268 +bloodstone 141235 +decapitation 141208 +tedium 141188 +seamanship 141162 +baddest 141155 +orthogonality 141141 +pomegranates 141135 +sooth 141125 +naysayers 141124 +bondsman 141123 +sportive 141102 +harmonium 141095 +miffed 141073 +ramped 141072 +watchmaking 141070 +sirdar 141055 +lasagne 141055 +stilton 141049 +newsrooms 141047 +rationalizing 141046 +perrault 141043 +airguns 141037 +latrine 141031 +flyback 141028 +knifes 141010 +undeserved 141006 +unexplainable 141005 +washrooms 140992 +multiprocessors 140992 +gulping 140981 +audiotapes 140976 +beeline 140973 +implicates 140969 +principalities 140960 +aider 140957 +excelling 140942 +gametes 140935 +misadventure 140921 +antiterrorism 140885 +subhead 140860 +dramatists 140840 +carboxylate 140837 +sequoyah 140820 +servile 140819 +legionnaires 140819 +pacifists 140814 +pintail 140810 +krefeld 140808 +saarinen 140802 +bloodied 140801 +kudu 140797 +merlyn 140793 +weatherstripping 140792 +benzoic 140792 +chickpea 140781 +rickety 140776 +enchantments 140769 +globalizing 140750 +lyell 140739 +laggards 140728 +marzipan 140726 +unselected 140711 +panzers 140707 +castrated 140705 +woodchuck 140672 +prosaic 140662 +nightstands 140658 +terrill 140648 +kilter 140643 +diadem 140642 +tush 140632 +infiltrator 140612 +sincerest 140607 +flory 140569 +tittle 140564 +obsess 140562 +imprudent 140554 +catapults 140537 +nannie 140516 +bimodal 140504 +taxiway 140496 +edgeworth 140496 +gesturing 140477 +deliberated 140472 +frascati 140467 +snubbed 140455 +suffocate 140449 +hospitalised 140447 +dehydrator 140446 +humerus 140442 +obis 140430 +friesian 140430 +applauding 140424 +epithets 140420 +poling 140400 +undersized 140386 +floundering 140386 +preserver 140373 +sniffers 140364 +revolts 140358 +flatland 140342 +espy 140341 +macaques 140326 +rums 140303 +stepdaughter 140266 +hallow 140253 +wharves 140252 +tuxes 140219 +borodin 140219 +canvassed 140203 +chastisement 140201 +quaternion 140197 +standouts 140192 +biosensor 140177 +unmitigated 140173 +goering 140173 +homeboy 140166 +zululand 140152 +orientalism 140148 +unplayed 140142 +whined 140135 +sashes 140135 +rijeka 140125 +abbreviate 140105 +pictorials 140104 +sabot 140101 +perpetuates 140097 +hamamatsu 140092 +matriarch 140078 +assail 140077 +flirtation 140064 +reconstitute 140063 +tensed 140051 +lafitte 140051 +courtiers 140016 +piggott 140009 +carboniferous 139993 +bootle 139966 +anabaena 139949 +kerning 139939 +bruiser 139932 +auriga 139929 +equanimity 139892 +posies 139890 +ceiba 139880 +horeb 139877 +resealable 139875 +agitators 139871 +venerated 139863 +curs 139859 +stowage 139854 +subclinical 139845 +grumbles 139843 +binational 139840 +frustrates 139839 +merganser 139818 +contras 139818 +assimilating 139797 +proudest 139791 +zits 139789 +scram 139774 +fanciers 139751 +corrigendum 139737 +dynamometer 139722 +subjunctive 139718 +airbrushing 139687 +firefight 139675 +chon 139675 +perishing 139674 +inaugurate 139672 +nanosecond 139670 +accumulators 139664 +tartarus 139653 +underemployed 139640 +stonefly 139622 +slavs 139618 +counterintuitive 139617 +noiseless 139614 +extensional 139614 +worshipful 139600 +warlocks 139576 +spurned 139546 +percale 139544 +jawed 139535 +selim 139512 +hecatomb 139502 +legalese 139499 +abraxas 139490 +midstream 139486 +curtailing 139480 +agrigento 139454 +chastised 139450 +imus 139408 +musculature 139406 +sparklers 139405 +deportations 139399 +telemann 139397 +ulnar 139384 +lome 139383 +bolshoi 139383 +controllability 139378 +mitford 139371 +incrimination 139367 +forethought 139365 +palaeontology 139354 +viscera 139343 +kenyans 139328 +lobed 139319 +smirked 139315 +cooperators 139304 +excitability 139300 +subpopulation 139294 +madder 139288 +unscrew 139259 +graveyards 139251 +exterminated 139247 +vagus 139242 +bronzed 139226 +basenji 139212 +workbenches 139203 +glaziers 139190 +yogic 139187 +windscreens 139176 +cwmbran 139164 +grimy 139160 +postpaid 139146 +costumer 139144 +proportioning 139130 +subtotals 139123 +musicales 139123 +peptidases 139120 +effectors 139109 +lodgement 139094 +lascivious 139088 +gobbles 139079 +worktops 139063 +asthmatics 139032 +grapples 139004 +dispassionate 138978 +jamar 138977 +haman 138972 +unionization 138968 +bonheur 138954 +bringer 138928 +supernatants 138890 +tokugawa 138888 +scarecrows 138887 +unrecoverable 138880 +charmingly 138870 +gunk 138861 +drillers 138845 +wettest 138827 +procrastinator 138817 +glimpsed 138811 +partaking 138803 +childminder 138799 +firebrand 138793 +newsboys 138773 +deprecation 138768 +intimation 138765 +virion 138756 +chequered 138735 +glimmering 138733 +floodlight 138730 +alphonso 138728 +falla 138716 +disbelieve 138705 +debuting 138699 +scientologist 138694 +brevet 138689 +newsmagazine 138676 +ghosting 138674 +goldfield 138669 +corticosterone 138649 +synergistically 138648 +ursuline 138645 +retracting 138610 +predispose 138607 +troyes 138606 +physicals 138606 +exterminating 138588 +retransmissions 138585 +revolted 138580 +bunched 138569 +scrutinised 138557 +predisposing 138556 +diagrammatic 138544 +thalamic 138533 +herded 138513 +yokosuka 138512 +palaeolithic 138511 +vies 138482 +athanasius 138472 +sectarianism 138464 +lebesgue 138454 +litigating 138442 +imelda 138438 +fusible 138437 +anarchic 138429 +deliberating 138423 +presentational 138421 +londoner 138405 +aeschylus 138392 +kimonos 138390 +donnybrook 138377 +plantagenet 138370 +episcopalian 138342 +miniaturized 138341 +showbread 138334 +endive 138326 +peloponnese 138302 +resubmission 138301 +videocassettes 138247 +underpayment 138242 +nisi 138225 +thucydides 138224 +baklava 138212 +repudiate 138183 +overlords 138180 +destabilization 138178 +unspent 138165 +advisability 138165 +lope 138163 +tendinitis 138159 +prearranged 138137 +corniche 138137 +festering 138136 +heritable 138135 +lemurs 138131 +extradited 138126 +burrs 138116 +relinquishing 138098 +automat 138064 +iowans 138053 +severs 138048 +garnets 138041 +streetlights 138025 +mercia 138018 +loamy 138014 +furies 138007 +errs 138002 +haploid 137996 +interleave 137974 +piqued 137970 +triumvirate 137969 +oranjestad 137969 +jinks 137967 +lysander 137960 +walkable 137954 +unimpeded 137910 +biddy 137910 +apolitical 137904 +epidemiologists 137902 +theophilus 137896 +basho 137891 +crony 137861 +roup 137859 +chickamauga 137856 +sambo 137842 +wollstonecraft 137822 +diatonic 137817 +instar 137815 +professes 137803 +horacio 137800 +stickler 137796 +wherewithal 137770 +paperboy 137756 +shrieks 137755 +anglophone 137740 +sartorius 137732 +bethe 137725 +backfired 137725 +ominously 137723 +maccabees 137723 +swags 137708 +crosscutting 137700 +rhizomes 137689 +trajan 137682 +ablution 137649 +rickettsia 137640 +brinks 137638 +windbreaker 137633 +duffs 137632 +handcuff 137624 +palmar 137593 +demure 137587 +cephalic 137583 +birdbath 137580 +athene 137576 +vacuous 137569 +coherency 137559 +griddles 137551 +capper 137551 +equilateral 137518 +hasidic 137513 +parasols 137506 +underestimates 137478 +munition 137459 +bohol 137456 +dichroism 137440 +radiosurgery 137402 +veered 137399 +teary 137396 +novara 137385 +sower 137381 +greeter 137379 +ducklings 137334 +delineates 137328 +resonated 137321 +serfdom 137317 +pawnbrokers 137316 +janina 137307 +gossips 137306 +kiddush 137291 +scuffle 137281 +wallflower 137272 +formalizing 137271 +uncritical 137261 +infatuated 137252 +tollway 137248 +housebreaking 137240 +daren 137226 +cygnet 137222 +rhythmically 137220 +tonsil 137203 +riotous 137192 +florets 137185 +greeters 137143 +thrombotic 137142 +directorship 137099 +durrell 137092 +fashionista 137091 +abrogate 137082 +embittered 137081 +withstands 137074 +parametrization 137068 +unleavened 137065 +nucleolar 137049 +huzzah 137046 +stockade 137041 +determinable 137033 +deconstruct 137027 +clinker 137026 +bushmen 137025 +azan 136989 +babylonia 136985 +kiddo 136981 +downriver 136979 +tempts 136973 +faze 136972 +penman 136959 +bombe 136941 +declassification 136935 +tempeh 136925 +tarballs 136922 +waterproofs 136911 +maquiladora 136894 +henchman 136892 +patrolman 136873 +devolve 136871 +basilisk 136867 +nuked 136859 +balderdash 136851 +sandbar 136849 +satyr 136838 +fearlessly 136827 +basher 136823 +ajar 136808 +tobaccos 136806 +pampas 136804 +amundsen 136801 +weirder 136795 +sociolinguistics 136793 +baudrillard 136792 +suppers 136765 +coalescence 136743 +remitting 136738 +gounod 136736 +fluttered 136731 +untrustworthy 136721 +pares 136717 +exhorted 136707 +recurve 136702 +copperplate 136693 +ravines 136656 +firecrackers 136653 +federalists 136618 +yokes 136612 +winchell 136597 +detoxifying 136585 +unabashedly 136578 +howitzer 136576 +overturns 136559 +myoglobin 136551 +nesses 136545 +lanthanum 136543 +diverts 136540 +interjection 136537 +springwood 136525 +sandstones 136516 +stocky 136513 +octroi 136506 +blacklists 136502 +bazaars 136492 +elastin 136464 +strenuously 136439 +bannockburn 136438 +neoconservative 136400 +sharpens 136389 +wildness 136385 +stranglers 136382 +synergism 136373 +aleutians 136363 +crabbe 136357 +wickliffe 136352 +tobit 136346 +compensations 136328 +novellas 136322 +lilia 136321 +academicians 136314 +laxity 136309 +kelantan 136307 +deathly 136297 +sharron 136285 +unloved 136262 +chickweed 136256 +fairyland 136240 +lifeboats 136191 +cryonics 136179 +balaam 136135 +gunship 136127 +slowdowns 136104 +galilei 136104 +vlf 136098 +industrially 136088 +stingers 136081 +cathouse 136043 +rekindled 136039 +kibble 136034 +drams 136033 +entreat 136031 +kisser 136017 +publicists 135993 +kayseri 135969 +noncompetitive 135960 +wallasey 135957 +brainless 135956 +busing 135948 +earthmoving 135942 +annihilator 135936 +placate 135892 +caduceus 135887 +reenacted 135848 +campeche 135831 +cocking 135821 +fobs 135813 +reviewable 135807 +immunochemistry 135798 +irks 135775 +rollerblading 135769 +railed 135768 +coeducational 135762 +ocelot 135761 +abounding 135754 +crisper 135752 +fount 135738 +beakers 135738 +ambidextrous 135738 +poacher 135733 +pussycats 135724 +invisibly 135719 +fanzines 135677 +meany 135676 +lithe 135670 +himmler 135650 +intercede 135649 +bicyclist 135641 +tusks 135636 +superlatives 135635 +certifiable 135627 +adjunctive 135620 +payola 135618 +bacall 135600 +plebiscite 135589 +vaasa 135583 +hosanna 135576 +revved 135574 +overlaying 135563 +ontogeny 135562 +blustery 135560 +courtier 135559 +linkers 135551 +vaporization 135548 +blotted 135540 +alaskans 135539 +aerobatics 135539 +copulation 135529 +taus 135525 +impetuous 135523 +likens 135519 +paroxysmal 135493 +grammes 135492 +uncaring 135458 +shrouds 135452 +ambergris 135437 +cardiganshire 135426 +nosh 135419 +hellen 135419 +clearness 135417 +embroider 135407 +proration 135406 +obfuscated 135401 +piranhas 135376 +categorise 135371 +emollient 135368 +hubbub 135348 +robed 135344 +unchangeable 135330 +choroid 135319 +prox 135309 +reenacting 135308 +magisterial 135265 +tatting 135263 +droopy 135255 +boor 135239 +recites 135238 +anguished 135223 +postoperatively 135215 +mycobacteria 135202 +meteoric 135202 +immersing 135167 +equalled 135163 +rheological 135161 +unrepresented 135154 +pelts 135142 +arithmetical 135137 +macaws 135129 +terrarium 135123 +royally 135105 +dative 135102 +cheever 135095 +retrain 135091 +initialised 135065 +diffractive 135062 +swordplay 135026 +mahabharata 135009 +blindfolds 134995 +garners 134992 +bolognese 134989 +quinoa 134982 +sherif 134969 +authorises 134968 +floriculture 134967 +arbitron 134965 +minders 134959 +bahai 134945 +eyewash 134936 +topcoat 134935 +silverfish 134923 +quadrupled 134918 +thwarting 134915 +crackpot 134900 +scurrying 134891 +bracers 134888 +stockpot 134873 +kherson 134873 +micrograph 134868 +guzzler 134866 +frostings 134850 +subverted 134847 +rewinding 134841 +feedlots 134837 +impregnation 134836 +singlets 134832 +fluorides 134823 +printings 134809 +silicosis 134804 +retrievable 134803 +maltose 134784 +rookery 134778 +automatics 134761 +immolation 134741 +craigie 134730 +broadsword 134725 +colima 134723 +inconsistently 134722 +byes 134719 +chromo 134691 +blankly 134682 +auras 134666 +whines 134661 +trivet 134660 +pasternak 134649 +bonfires 134642 +chantry 134641 +alts 134629 +osvaldo 134615 +spiritualized 134607 +diverges 134569 +cloudless 134559 +conflagration 134547 +xenophon 134542 +endocrinologists 134535 +fondant 134517 +galton 134491 +skied 134470 +dethroned 134456 +marksmanship 134447 +vestige 134434 +seedless 134432 +arteritis 134413 +shoeing 134411 +mcadam 134410 +cheerfulness 134403 +egoism 134385 +cataclysm 134367 +harried 134364 +transshipment 134363 +dissipating 134358 +rimbaud 134342 +positioner 134334 +pinpointing 134320 +panto 134292 +fatherless 134289 +certifier 134288 +acclimation 134284 +gomorrah 134276 +seers 134265 +stingrays 134259 +komi 134251 +cretan 134249 +capsular 134248 +roumania 134246 +evangelicalism 134239 +blubber 134238 +appeased 134229 +mattes 134226 +begum 134200 +coaxed 134194 +pageantry 134183 +iconoclast 134167 +disparage 134159 +triste 134128 +verboten 134123 +jacaranda 134122 +chimed 134122 +coauthors 134108 +klong 134105 +phraseology 134101 +chessboard 134097 +quadrangles 134086 +zedong 134067 +morass 134060 +repainting 134059 +antone 134058 +cluck 134048 +verifiers 134041 +kobold 134037 +righting 134033 +marly 134004 +agha 134004 +pions 133998 +pinkie 133995 +cutty 133995 +breakups 133991 +scumbag 133984 +maidenform 133974 +rampaging 133972 +tasse 133951 +conundrums 133919 +membranous 133909 +striding 133898 +pates 133896 +toileting 133894 +decs 133886 +stirrer 133847 +tuberous 133845 +calligraphic 133845 +panelling 133841 +slumps 133839 +bandleader 133828 +braving 133826 +nazca 133822 +prayerful 133795 +bodysuits 133785 +ejections 133780 +quotients 133756 +transfixed 133755 +undercarriage 133749 +perspex 133736 +torched 133733 +bashes 133732 +gliomas 133731 +leaven 133728 +lout 133685 +tref 133674 +immunologists 133670 +tucking 133664 +unwary 133663 +tiv 133658 +herrings 133653 +cubit 133644 +bromberg 133619 +begets 133607 +groundless 133605 +prancing 133599 +amelioration 133585 +toolboxes 133574 +bkg 133572 +floodlit 133568 +repetitious 133549 +bivalve 133544 +snatchers 133533 +pressurised 133526 +colostomy 133496 +unimplemented 133490 +holidaymakers 133483 +extractable 133476 +oligocene 133465 +mightier 133460 +enthroned 133454 +overburdened 133440 +decried 133438 +reamed 133436 +dwindle 133434 +multiplexes 133402 +wholesales 133399 +oneal 133389 +hyperfine 133378 +acquiesce 133376 +alacrity 133357 +interconnectedness 133356 +workaholic 133350 +drawbridge 133349 +overhauling 133340 +quizzed 133338 +locative 133333 +zimbabweans 133316 +anoxia 133305 +pulverized 133290 +peninsulas 133290 +biochemicals 133273 +cutoffs 133260 +holier 133257 +overstocked 133254 +hypodermic 133217 +segmenting 133199 +heathers 133183 +epicentre 133169 +mugging 133162 +wirehaired 133128 +dnepropetrovsk 133127 +unzipping 133124 +uncivil 133122 +puppeteer 133071 +kazoo 133068 +nondescript 133052 +checkoff 133032 +temperaments 133020 +photofinishing 133020 +dolmen 133016 +simpleton 132992 +gonads 132986 +brutes 132985 +howsoever 132984 +putumayo 132978 +geneticists 132978 +nystagmus 132963 +nelsons 132915 +limavady 132898 +unsympathetic 132892 +pegging 132888 +cahokia 132880 +panhellenic 132874 +boggles 132874 +sniffs 132860 +expectancies 132857 +commies 132851 +callao 132832 +japs 132810 +jointer 132803 +cobden 132778 +woodcuts 132759 +newshounds 132754 +morison 132750 +gaffe 132748 +rejoinder 132739 +nationhood 132735 +differentiator 132732 +condescension 132722 +chugging 132720 +cellulitis 132707 +endpaper 132706 +reexamine 132703 +troublemakers 132697 +marisol 132686 +conservators 132683 +soong 132681 +cephalopods 132674 +calvados 132661 +nucleosides 132648 +otherness 132644 +ironworks 132637 +goalkeepers 132635 +dilate 132632 +skipjack 132623 +protrude 132618 +ionising 132603 +leakey 132597 +scrapper 132593 +plurals 132586 +tiber 132582 +uncertified 132564 +psychotherapeutic 132541 +skilfully 132498 +phosphoprotein 132498 +abolitionists 132489 +farrakhan 132487 +flustered 132471 +kirchhoff 132468 +photolysis 132460 +poisonings 132442 +ceding 132431 +tandems 132428 +regressed 132426 +algebraically 132417 +compactly 132414 +lasses 132411 +halothane 132401 +corsage 132394 +laboured 132375 +netter 132373 +enumerates 132364 +twiggy 132359 +sterilize 132350 +unreliability 132347 +evolutionarily 132345 +interventionist 132343 +collimation 132343 +rhizobium 132331 +rayban 132328 +blackmun 132317 +relinquishment 132306 +clothier 132286 +spambot 132274 +expunged 132272 +cession 132272 +impoverishment 132269 +liken 132264 +forfeits 132261 +unrecognizable 132242 +heeding 132227 +criminalize 132193 +nosey 132182 +caesarea 132182 +stylistically 132175 +sandcastle 132165 +congeners 132161 +magmatic 132155 +plication 132154 +wordless 132152 +replanting 132140 +uppity 132132 +tinseltown 132131 +sleepily 132115 +prowling 132105 +knockouts 132105 +sika 132100 +chemiluminescence 132085 +lampshades 132083 +dissing 132080 +magellanic 132068 +kauri 132059 +lettuces 132055 +eludes 132035 +revelry 132031 +surrogacy 132028 +deface 132028 +zhivago 132025 +chambray 132021 +propensities 132020 +retracts 132018 +mimicked 132013 +metaphase 132011 +bashkir 132011 +mete 132007 +saladin 131990 +mayans 131983 +betti 131981 +unaffordable 131969 +uninjured 131953 +badajoz 131950 +rivage 131946 +hogging 131932 +gynaecological 131922 +buckthorn 131921 +haywire 131913 +storybooks 131903 +ligated 131894 +lief 131887 +reinterpretation 131882 +litigious 131876 +toddy 131875 +perimeters 131869 +disheartened 131861 +ruinous 131851 +overage 131847 +mesic 131840 +spoor 131836 +upanishads 131833 +bewitching 131817 +icehouse 131764 +lugging 131763 +christology 131753 +equalizing 131751 +wads 131745 +backstop 131744 +accusers 131702 +sunshade 131699 +beaked 131696 +doily 131677 +colter 131676 +herp 131675 +hals 131646 +wowed 131643 +rateable 131634 +reorganizations 131633 +cuttlefish 131626 +tactically 131617 +roadsides 131617 +furrows 131612 +throngs 131609 +sarcophagus 131596 +dozing 131584 +hardboard 131568 +scribbler 131566 +togs 131565 +revues 131560 +toccata 131559 +tonality 131553 +chink 131531 +reprogram 131509 +likenesses 131509 +satay 131499 +courtrooms 131494 +alyce 131491 +foodies 131486 +pervading 131480 +marionettes 131476 +caxton 131461 +tuscarora 131444 +fermenting 131429 +harpist 131409 +shoves 131406 +ruptures 131401 +judie 131401 +associativity 131398 +blithe 131396 +antithetical 131378 +tilling 131360 +crimped 131359 +hereunto 131348 +quickstep 131326 +languish 131319 +sightseer 131318 +feathery 131301 +reasoner 131294 +cranmer 131293 +adorning 131282 +amateurish 131280 +bobbitt 131279 +gaily 131276 +retell 131275 +sidings 131269 +varietals 131268 +penstemon 131258 +salukis 131233 +drumbeat 131232 +timezones 131222 +jubilation 131216 +storks 131208 +runnymede 131208 +prosthodontics 131207 +clinching 131189 +duhamel 131161 +hangup 131158 +artois 131153 +washcloths 131146 +zeroing 131132 +pastiche 131126 +sandpipers 131123 +arcing 131122 +xenophobic 131118 +accoutrements 131110 +wackos 131106 +dosimeter 131097 +abeyance 131094 +liberators 131091 +trellises 131075 +harts 131060 +seropositive 131055 +kludge 131054 +forestland 131048 +snagging 131039 +iniquities 131034 +incinerated 131028 +syntactical 131007 +purring 130993 +underused 130989 +squinting 130989 +invalidating 130967 +allyl 130966 +strolls 130965 +gentian 130964 +impressionistic 130959 +sidereal 130944 +anis 130936 +flagellar 130928 +jibe 130926 +chis 130923 +cicadas 130914 +shagged 130911 +phallus 130902 +gradations 130901 +indenting 130893 +eger 130887 +websters 130883 +molest 130857 +tomsk 130855 +foramen 130847 +appetizing 130847 +encamped 130845 +intaglio 130837 +doorknob 130831 +egrets 130826 +trifles 130801 +ethology 130800 +whoosh 130796 +backcourt 130792 +goby 130788 +henge 130779 +lockups 130777 +mesmerize 130764 +nutcrackers 130761 +hotdogs 130748 +transcriptionist 130718 +glaciation 130706 +oozes 130679 +suiting 130671 +hesitates 130670 +licker 130669 +intensifier 130664 +soundboards 130654 +paralytic 130651 +eastwards 130641 +subtitling 130637 +kwajalein 130633 +asinine 130618 +parsimonious 130614 +lawman 130613 +dayan 130611 +pinafore 130596 +ruched 130591 +falkner 130583 +assemblywoman 130579 +sidekicks 130572 +soaker 130568 +prokaryotes 130560 +disposer 130559 +clix 130555 +gethsemane 130545 +counterexample 130544 +feverfew 130534 +hakka 130525 +intima 130523 +necropsy 130514 +ehrenberg 130493 +subsidise 130487 +upriver 130484 +dachau 130481 +southwesterly 130480 +hostesses 130480 +haws 130471 +subverting 130466 +foreknowledge 130465 +galleys 130458 +godfathers 130454 +chapped 130445 +bodegas 130435 +potawatomi 130427 +sunning 130410 +farcical 130394 +bimbos 130382 +indents 130379 +professorships 130375 +qumran 130366 +semiclassical 130354 +toiled 130344 +gobs 130312 +reprocessed 130300 +honshu 130300 +placebos 130297 +equitation 130296 +incited 130285 +raze 130276 +shebang 130261 +kluge 130258 +guises 130242 +rhythmical 130229 +borate 130229 +electromyography 130216 +rippled 130181 +cystine 130174 +hydrazine 130161 +tresses 130158 +collides 130135 +agitating 130124 +herriot 130118 +escapist 130118 +gunshots 130117 +breathtakingly 130115 +electorates 130111 +frankness 130104 +castilian 130091 +cheeked 130090 +bunsen 130088 +travails 130079 +tatty 130077 +susa 130065 +tercentenary 130064 +kamakura 130051 +tammie 130039 +linesman 130038 +lippmann 130028 +beckford 130013 +homoeopathic 130000 +granddaughters 129992 +ptarmigan 129984 +skylab 129960 +outlived 129922 +deters 129919 +curfews 129903 +hooke 129892 +repulse 129882 +tamale 129861 +divot 129847 +ultrasounds 129846 +basaltic 129838 +counterspy 129830 +spaceport 129807 +sensorimotor 129794 +dogfight 129790 +hinter 129789 +kure 129777 +journeyer 129776 +tines 129756 +tasers 129755 +gazer 129741 +middling 129726 +metamorphoses 129725 +costal 129723 +nisan 129722 +inactivate 129712 +urals 129711 +challah 129704 +diacritics 129695 +antihero 129693 +freewill 129682 +erhard 129669 +minstrels 129665 +foxfire 129662 +hasp 129649 +personae 129647 +administrate 129643 +wain 129640 +proximately 129636 +fourthly 129632 +blavatsky 129632 +skullcap 129610 +listenable 129596 +qualia 129592 +knighted 129581 +zapping 129577 +malcontent 129565 +torchlight 129559 +embarrassingly 129557 +formals 129555 +glassworks 129548 +emanated 129548 +southerner 129539 +fundus 129535 +bloodiest 129528 +ayah 129525 +glossed 129517 +persevered 129512 +homilies 129511 +serviceman 129510 +moonbeam 129504 +unelected 129497 +baguettes 129495 +hounded 129490 +orifices 129489 +exclaiming 129482 +cluttering 129476 +northeasterly 129475 +butted 129463 +chalks 129455 +longings 129452 +botnet 129448 +galilean 129437 +sideband 129431 +thresher 129422 +binned 129419 +dominicans 129413 +alleyway 129379 +overcharge 129363 +evangel 129350 +helmsman 129343 +synced 129331 +institutionalize 129330 +zygote 129318 +meditated 129316 +robustly 129311 +smartypants 129304 +walhalla 129300 +kozhikode 129284 +chordal 129275 +shuddering 129252 +chert 129249 +shucks 129247 +homesteads 129244 +abrogation 129242 +adduct 129232 +spatiotemporal 129226 +multiprocessing 129222 +jutting 129220 +recoding 129216 +deliverer 129200 +yttrium 129186 +aeneid 129181 +spengler 129161 +danang 129160 +allopathic 129152 +hedgerow 129150 +subprograms 129145 +militiamen 129128 +embalming 129125 +extradite 129097 +softbound 129093 +vehemence 129090 +immanent 129085 +befell 129082 +organochlorine 129067 +unfunny 129057 +sanhedrin 129052 +dipolar 129043 +formic 129022 +sneered 129005 +ramanujan 129000 +covens 128994 +chattels 128992 +vacuole 128991 +dreadlocks 128985 +pincher 128984 +brambles 128957 +vitiligo 128948 +gambles 128943 +disembark 128934 +ecclesiology 128914 +secede 128904 +kory 128901 +potentiality 128882 +unmixed 128878 +resettled 128869 +grieves 128860 +kob 128857 +oncogenic 128843 +doggies 128841 +dahlias 128840 +irreversibly 128834 +prises 128833 +niccolo 128827 +recuperate 128818 +striated 128817 +tumbles 128804 +grungy 128792 +bronzing 128780 +mangling 128746 +elucidating 128742 +skateboarder 128733 +snuggling 128716 +parnassus 128712 +frogman 128711 +angelfish 128701 +extragalactic 128698 +filtrate 128690 +flyaway 128687 +debarred 128687 +dandelions 128671 +gristmill 128670 +robitussin 128669 +repositioned 128657 +abyssinian 128656 +goaltenders 128644 +exciton 128639 +bulgarians 128618 +apologia 128601 +provincially 128598 +nationalization 128598 +rocketed 128575 +coaxing 128565 +protectorates 128560 +punditry 128550 +marshy 128544 +navigates 128529 +preying 128491 +frizz 128481 +uriel 128475 +straightaway 128475 +grasps 128474 +guider 128473 +evora 128473 +kosovar 128470 +cryostat 128457 +zinnia 128446 +spatulas 128443 +subsisting 128415 +metamorphism 128387 +dialectics 128381 +secondaries 128378 +bladders 128370 +brigadoon 128367 +oxidizers 128347 +pipit 128339 +eider 128336 +railroader 128323 +latium 128295 +shuttered 128289 +alchemists 128288 +novas 128279 +morose 128252 +kura 128249 +beetroot 128237 +regretfully 128216 +lari 128203 +sandblasted 128194 +interlocks 128181 +overhangs 128172 +praline 128169 +chickpeas 128166 +abbeys 128161 +dutchmen 128160 +agitate 128157 +abdication 128143 +misaligned 128139 +agrochemicals 128131 +discontents 128117 +airpower 128114 +shindig 128107 +luddite 128077 +quartzite 128075 +marchese 128068 +underestimation 128062 +botanists 128054 +bohemians 128044 +lardner 128032 +aligner 128021 +flaked 128012 +rattler 128002 +sinaloa 127999 +ballade 127973 +hybridisation 127971 +sheave 127967 +foreheads 127960 +replacer 127956 +narrating 127953 +gerontological 127947 +conceptualizing 127936 +rerouting 127930 +borgia 127921 +pedant 127920 +stubbornness 127918 +grouch 127917 +extensor 127900 +lacerations 127892 +eyesore 127890 +pennsylvanians 127883 +cellos 127874 +cesspool 127870 +stirrers 127866 +banality 127851 +questing 127828 +piggies 127826 +erodes 127821 +pizarro 127820 +nationalized 127812 +streetlight 127811 +distantly 127809 +biog 127735 +conakry 127723 +queasy 127707 +averting 127700 +tapeworm 127698 +pyre 127697 +shallot 127688 +paralleling 127664 +faubourg 127657 +centromere 127631 +wooed 127627 +grolier 127626 +sarcomas 127608 +encl 127607 +chalky 127600 +teamster 127597 +beached 127582 +fringing 127574 +glans 127535 +thousandth 127534 +ageism 127532 +wolof 127504 +bendable 127504 +resonating 127503 +regrouping 127499 +segregating 127498 +flexure 127494 +solutes 127492 +sacrilege 127474 +paperbound 127435 +hiatal 127432 +demagogue 127417 +pulps 127398 +demean 127393 +aurelio 127389 +whitewood 127373 +forebears 127361 +stipulating 127360 +biter 127349 +peckinpah 127337 +propping 127326 +previn 127322 +bartering 127292 +omsk 127286 +uninstallers 127280 +wolsey 127276 +greenlandic 127267 +provolone 127253 +truffaut 127249 +straighter 127248 +weirdly 127244 +stressor 127232 +rapporteurs 127220 +underminer 127205 +overstocks 127200 +cryogenics 127195 +broods 127192 +skintight 127185 +cyclamen 127165 +stilettos 127161 +rejoices 127161 +spotlighted 127156 +summery 127148 +stoppard 127147 +panniers 127143 +midterms 127143 +convertors 127140 +limber 127125 +carapace 127115 +ventilate 127106 +bardic 127094 +jinnah 127089 +eardrum 127084 +resells 127083 +telegraphy 127080 +herpetology 127070 +refocusing 127064 +carmela 127047 +northwesterly 127044 +bedazzled 127039 +psychophysiology 127034 +elastics 127032 +ranunculus 127030 +castlereagh 127030 +spieler 127020 +monasticism 127012 +vandyke 127011 +fado 127002 +strangler 126988 +respirable 126980 +legalistic 126980 +musicality 126967 +chameleons 126949 +chrysostom 126935 +blackfeet 126931 +waistcoats 126928 +belga 126913 +transitivity 126912 +emden 126901 +montages 126892 +sweeny 126889 +conrail 126886 +patisserie 126877 +chalked 126868 +mightiest 126860 +walkup 126857 +apse 126845 +strangulation 126840 +crossbones 126836 +bailiffs 126835 +rinses 126822 +singling 126819 +infirmities 126807 +basalts 126803 +baddies 126802 +taney 126801 +denigrate 126797 +pericarditis 126780 +podgorica 126765 +ballymoney 126764 +mouthfeel 126763 +jointing 126725 +diphenyl 126725 +clevis 126724 +jolted 126681 +jacobite 126652 +spinoffs 126628 +grannie 126619 +freckled 126616 +misdiagnosed 126568 +cybercafes 126567 +plenipotentiary 126551 +titicaca 126547 +philistine 126538 +gambled 126536 +tenner 126528 +darter 126518 +ockham 126508 +warps 126492 +marooned 126482 +inverts 126466 +unimaginative 126457 +cods 126456 +swashbuckling 126438 +gratify 126415 +flamethrower 126410 +hydraulically 126394 +dauphine 126390 +conjunct 126385 +alkanes 126364 +proofreaders 126352 +banjul 126352 +meuse 126347 +certainties 126333 +zacatecas 126330 +overprint 126324 +fittingly 126310 +biotite 126306 +trinitarian 126298 +exercisers 126286 +indictable 126274 +wonks 126261 +starlings 126246 +carding 126242 +coffeehouses 126233 +abduct 126225 +deimos 126219 +shortsighted 126215 +operant 126197 +sedum 126177 +gelatine 126173 +undid 126166 +infringer 126160 +goshawk 126154 +indemnities 126139 +possums 126131 +electioneering 126115 +saddlebag 126113 +wedgie 126087 +purrs 126070 +souk 126067 +muting 126036 +baryshnikov 126010 +betel 126006 +moisten 126005 +bricklayer 126004 +loggerheads 125985 +kra 125985 +gath 125985 +forints 125984 +moorhen 125980 +centralizing 125979 +thrombus 125969 +demoralized 125968 +violas 125957 +pavlova 125956 +peopled 125946 +maracas 125938 +wonky 125930 +ferber 125929 +swooped 125913 +instantiating 125913 +doctored 125904 +vaucluse 125903 +soured 125901 +blockades 125898 +folkloric 125896 +hotshots 125890 +tanana 125881 +deterrents 125870 +mondale 125856 +modernists 125852 +quieted 125834 +chutzpah 125834 +lifesavers 125825 +unwed 125824 +tope 125812 +albumen 125810 +inflator 125803 +clairol 125784 +widowers 125759 +syncs 125756 +angiogenic 125747 +pythia 125742 +blimey 125735 +penthouses 125732 +encircle 125728 +carmelite 125723 +exhort 125718 +ramrod 125706 +jujitsu 125692 +peepers 125683 +voyagers 125674 +weevils 125670 +tendrils 125670 +neanderthals 125666 +retouch 125660 +pean 125646 +ratchets 125645 +arsed 125628 +rusher 125624 +nullification 125615 +chinchillas 125611 +bucked 125610 +lection 125607 +supportable 125600 +ostensible 125599 +burgoyne 125587 +exacerbates 125583 +gelsenkirchen 125566 +malarial 125563 +senates 125553 +dioramas 125545 +exasperation 125542 +stumpy 125527 +whereon 125510 +lorn 125509 +entente 125506 +somersault 125503 +metatarsal 125503 +unsubscribed 125498 +simmered 125498 +gramme 125498 +mainsail 125483 +dowels 125483 +hodgepodge 125466 +boomboxes 125464 +promptness 125462 +multicolour 125462 +falters 125454 +resuscitate 125444 +excommunicated 125439 +circulations 125433 +bercy 125412 +carlene 125411 +spooling 125410 +distracts 125396 +scalding 125392 +clued 125391 +cavite 125374 +storekeeper 125362 +muskets 125359 +uglier 125342 +witchery 125318 +wingless 125311 +predilection 125307 +gibbous 125299 +hamelin 125296 +wavered 125264 +floodlights 125250 +educative 125247 +climes 125246 +laparotomy 125245 +cantonal 125241 +albi 125220 +purus 125209 +combustor 125206 +addled 125205 +firelight 125204 +dreamlike 125201 +contrivance 125197 +anoint 125193 +hayseed 125188 +unobservable 125186 +torricelli 125182 +unclassifiable 125168 +scatters 125167 +xes 125163 +swedenborg 125150 +escapism 125150 +overhauls 125142 +wallowing 125133 +ionisation 125133 +salish 125123 +sandbags 125091 +forecourt 125089 +hindrances 125086 +braver 125086 +repartee 125081 +nock 125051 +hackberry 125050 +piacenza 125038 +boggy 125025 +azrael 125021 +crossway 125020 +eluting 125005 +chiming 124990 +dissonant 124989 +sayyid 124975 +northerners 124967 +modulations 124955 +synthesised 124948 +philanthropists 124946 +micelles 124940 +bedhead 124921 +retaliated 124910 +founds 124909 +poplars 124904 +deflections 124895 +tunas 124886 +knightly 124877 +debater 124857 +polit 124856 +millinery 124825 +irresistibly 124793 +ethicist 124784 +comically 124779 +substratum 124771 +porpoises 124757 +perlis 124753 +blocky 124731 +orangutans 124726 +mousses 124712 +persuades 124707 +finicky 124698 +ousting 124683 +gatecrasher 124681 +lifer 124674 +bouzouki 124663 +crosshair 124659 +tows 124652 +rapports 124643 +foreshadowed 124641 +nibblers 124640 +meekness 124629 +intransitive 124619 +housecleaning 124617 +audibly 124589 +invincibility 124583 +pinochle 124564 +dewy 124556 +rapprochement 124553 +polonaise 124552 +salvaging 124551 +obliquely 124524 +uneasily 124519 +meted 124510 +shula 124500 +lamellar 124496 +outre 124480 +phoenicia 124456 +bifurcations 124456 +wrestles 124447 +radnorshire 124437 +dissipates 124415 +mucin 124414 +stoppages 124400 +soffit 124396 +climaxes 124395 +saltire 124391 +jaunty 124381 +starchy 124376 +balthazar 124371 +squeamish 124367 +arboriculture 124360 +toboggan 124358 +zoologist 124356 +taliesin 124355 +finalisation 124337 +dollop 124336 +screwy 124320 +bronchi 124318 +eccentricities 124317 +deflecting 124294 +bleeder 124277 +cockle 124260 +nystatin 124248 +baggies 124248 +potentialities 124241 +nichiren 124235 +waisted 124224 +litigator 124207 +stepchild 124204 +airships 124204 +shoelaces 124203 +presuppose 124201 +cussing 124189 +affectation 124182 +flickers 124170 +kachina 124138 +abdicate 124123 +creak 124122 +zachery 124114 +switchback 124113 +loaner 124111 +archdeacon 124109 +minyan 124096 +banville 124096 +tuscon 124094 +superchargers 124083 +wiggling 124082 +toreador 124076 +ornithologists 124040 +splay 124026 +teachable 124023 +spurrier 124017 +elasticized 124013 +pretension 124007 +realpolitik 124006 +sabotaging 124001 +descents 124001 +vicissitudes 123999 +jiva 123997 +dupes 123989 +vaud 123985 +larks 123985 +voles 123980 +tormentor 123976 +longueuil 123969 +labuan 123941 +postilion 123932 +expunge 123929 +externs 123917 +passersby 123913 +dissimilarity 123911 +neutralizer 123899 +weal 123890 +unseat 123869 +palpation 123865 +plovers 123859 +lysosomes 123843 +evolutionist 123843 +hoffa 123842 +grudges 123840 +wankers 123837 +myocarditis 123835 +perversity 123826 +ebro 123816 +convulsive 123815 +inflame 123805 +haphazardly 123791 +orvieto 123788 +numerators 123771 +blizzards 123764 +freighters 123756 +schweppes 123754 +bunkhouse 123743 +eclat 123738 +doric 123724 +koan 123721 +pathetically 123715 +sheetrock 123714 +bluster 123712 +endosperm 123711 +snobbery 123687 +boardrooms 123681 +blastocyst 123671 +remedying 123667 +leukemic 123663 +erectors 123658 +witching 123653 +depreciate 123647 +episcopalians 123633 +gendarme 123613 +dionysius 123607 +illusionist 123600 +resurrecting 123599 +eisteddfod 123590 +imperceptible 123586 +linkup 123585 +lyricism 123578 +fattest 123566 +topologically 123537 +atolls 123532 +parley 123504 +stockyards 123503 +blag 123499 +jessamine 123485 +palatial 123483 +mutts 123475 +noncustodial 123449 +prelate 123442 +stalinism 123438 +flippant 123437 +contravened 123435 +sunbed 123432 +zodiacal 123429 +erna 123428 +libations 123425 +reversibility 123422 +ghyll 123412 +convivial 123394 +stormtroopers 123382 +unimpressive 123381 +adorns 123374 +cantus 123373 +plastid 123360 +grubbing 123348 +preform 123346 +commoners 123346 +spooled 123345 +cruncher 123343 +cultivates 123328 +thankfulness 123327 +vasoconstriction 123311 +informality 123308 +unturned 123297 +irked 123287 +workroom 123279 +ensor 123277 +urogenital 123271 +wotton 123269 +mudguards 123266 +phoebus 123261 +lasker 123252 +outgoings 123246 +workforces 123228 +undercutting 123225 +presupposition 123216 +censured 123210 +academician 123195 +hayfield 123179 +relished 123177 +inaccurately 123162 +jeopardise 123160 +boers 123152 +pluralist 123151 +feuding 123134 +mouthwatering 123131 +kimchi 123107 +wheelwright 123105 +tabatha 123091 +puce 123061 +anodizing 123055 +toils 123054 +commissar 123053 +vonda 123048 +jellybean 123031 +minke 123023 +spandau 123000 +supramolecular 122995 +chicana 122991 +instigation 122989 +disorganization 122976 +bubbler 122975 +mummer 122971 +indefatigable 122969 +overthrowing 122965 +lenard 122965 +seahorses 122961 +scratchpad 122957 +maudlin 122957 +peon 122953 +rigoletto 122930 +excusable 122926 +scabs 122925 +durkheim 122918 +craggy 122918 +gushed 122914 +rodriquez 122912 +rangefinders 122911 +extricate 122891 +displaces 122889 +provocations 122884 +lemberg 122883 +distilleries 122872 +missteps 122869 +landman 122865 +lovey 122861 +lowbrow 122855 +revolutionise 122852 +actg 122847 +doubters 122837 +deplore 122832 +swizzle 122814 +defrauded 122812 +phaedrus 122796 +fuhrer 122796 +akkerman 122780 +aplomb 122772 +wahine 122758 +centum 122757 +hieroglyphs 122756 +cabbages 122717 +epee 122712 +saboteur 122689 +mugshot 122676 +truism 122675 +oesophagus 122673 +macadam 122652 +fervour 122635 +babylonians 122622 +agglutination 122614 +tickler 122609 +bronchoscopy 122608 +windstorm 122606 +correctable 122605 +stet 122592 +despondent 122530 +wreaking 122521 +downturns 122521 +backtalk 122511 +ostia 122493 +tars 122492 +materialise 122471 +cometary 122464 +cunningly 122462 +linguine 122438 +commutator 122435 +kurtosis 122434 +bathers 122422 +stoma 122408 +nonuniform 122407 +exeunt 122394 +telfer 122392 +turbid 122383 +chapbook 122364 +sceptics 122336 +pollyanna 122333 +minnesotans 122333 +amyl 122329 +strick 122318 +magnetospheric 122301 +outpaced 122288 +wuss 122285 +bort 122267 +implored 122265 +earthing 122257 +digraph 122255 +malthus 122249 +clumping 122246 +teratogenic 122239 +constitutionalism 122238 +nates 122231 +compressibility 122222 +acuff 122219 +defers 122201 +recalculation 122194 +introvert 122183 +privateers 122179 +subpar 122172 +preoccupations 122163 +bermudan 122157 +unaligned 122134 +quackery 122125 +villainy 122123 +irk 122116 +buffed 122100 +legroom 122099 +mashing 122059 +ebonite 122034 +shunting 122033 +rappel 122030 +sideburns 122025 +terminologies 122010 +mangers 122008 +fragonard 122004 +systemically 122001 +hurtling 121998 +habituation 121995 +osteotomy 121988 +pili 121979 +squabble 121972 +inorg 121967 +ravin 121953 +commercializing 121952 +laminae 121942 +doodlebug 121940 +pinpointed 121930 +perfectionism 121919 +methodism 121913 +cerium 121913 +bifurcated 121903 +expressways 121888 +curler 121870 +overtakes 121867 +obfuscate 121856 +transliterated 121850 +predominates 121847 +crooner 121842 +phillis 121838 +standardizes 121828 +preparative 121825 +viewership 121819 +redoing 121818 +interline 121818 +startlingly 121816 +laughton 121799 +aleut 121785 +couplet 121784 +alliteration 121782 +barthes 121779 +erosive 121774 +teed 121770 +unrefined 121759 +inimical 121758 +oort 121755 +thyroiditis 121749 +mezuzah 121735 +geomorphic 121725 +albacete 121725 +imperious 121724 +adjudicative 121724 +apus 121721 +mathilda 121715 +leys 121707 +bunching 121707 +bedbugs 121703 +lorene 121695 +squawk 121689 +townsmen 121676 +accredit 121662 +liming 121651 +moldavian 121636 +entitling 121626 +aguascalientes 121626 +polyamory 121622 +skylines 121618 +egocentric 121614 +arpeggios 121603 +reinstating 121600 +unpaired 121597 +handfuls 121594 +cornus 121589 +woodies 121587 +loaning 121579 +monetization 121577 +asphyxia 121569 +hebridean 121564 +oversubscribed 121561 +heterosexuality 121561 +collocated 121548 +kans 121546 +formant 121544 +gongs 121530 +outbid 121523 +structuralism 121521 +globalised 121518 +smelters 121517 +pentateuch 121493 +oversold 121487 +demodulator 121485 +figurehead 121481 +immobility 121479 +lacquers 121478 +furans 121478 +kristopher 121474 +yobs 121466 +obsessing 121466 +restaurateur 121465 +purifies 121463 +ataturk 121462 +stunting 121460 +sparkled 121456 +scrimshaw 121454 +riffing 121453 +nonexempt 121446 +interchanged 121420 +raper 121418 +extraterritorial 121409 +unravelling 121406 +dibs 121392 +caus 121372 +maximised 121359 +arachnid 121347 +whoopee 121343 +dentate 121337 +lulled 121317 +instantiations 121312 +disrepute 121311 +implacable 121302 +uninspiring 121296 +quibbles 121295 +employments 121293 +genl 121289 +carinthia 121273 +attired 121269 +cluny 121264 +uncalled 121252 +degradable 121247 +halitosis 121240 +cybercafe 121224 +repels 121217 +cully 121207 +tealights 121196 +prankster 121166 +wrung 121159 +defrauding 121157 +pliant 121149 +metallized 121144 +emus 121137 +youtube 121135 +lanzhou 121131 +subplots 121128 +reappearance 121118 +pyjama 121118 +backbeat 121116 +alluvium 121099 +stargaze 121083 +catabolic 121075 +netbook 121074 +emaciated 121073 +imidazole 121065 +tiro 121055 +redrawing 121047 +vassal 121039 +millimetre 120999 +platted 120981 +cantos 120979 +refinances 120976 +parametrized 120968 +ostriches 120968 +marsupial 120968 +manse 120966 +picador 120960 +pining 120943 +wests 120920 +entailment 120917 +plasterboard 120913 +seyfert 120911 +alarmist 120909 +pennsylvanian 120908 +warrantee 120881 +turboprop 120880 +implicating 120879 +labial 120877 +quinidine 120869 +unallowable 120862 +squeaks 120859 +unknowing 120856 +blithely 120842 +autoclaves 120842 +moderns 120834 +changsha 120826 +amortize 120824 +kaka 120813 +fashionably 120801 +coeliac 120801 +stipple 120797 +vasculature 120780 +virginal 120771 +phenomenally 120769 +augur 120764 +colonizing 120755 +hyssop 120749 +kiting 120745 +attu 120737 +reputedly 120729 +schlock 120726 +symptomatology 120723 +parakeets 120722 +bodleian 120718 +tallying 120712 +narrators 120712 +ligatures 120709 +coalescing 120709 +billfish 120708 +bicameral 120706 +chapeau 120698 +yurt 120694 +caws 120693 +kickapoo 120685 +partied 120683 +dramatized 120672 +obnoxiously 120669 +motes 120668 +backlogs 120667 +fieldstone 120664 +idyll 120651 +broomstick 120609 +suffocated 120600 +kolo 120600 +motorcade 120594 +lobotomy 120585 +befriending 120585 +marauding 120555 +cynically 120553 +assuage 120549 +estrangement 120548 +handcraft 120539 +asmara 120536 +limped 120533 +kharkiv 120523 +yearned 120511 +fondest 120504 +bizarrely 120495 +frightens 120490 +incontinent 120488 +perpetrate 120486 +valvoline 120448 +noncredit 120447 +archangels 120438 +serendipitous 120434 +streetcars 120430 +fiercest 120415 +coining 120415 +altimetry 120412 +comebacks 120405 +okinawan 120399 +invective 120389 +meristem 120375 +interurban 120375 +tailback 120359 +sulcus 120357 +riled 120346 +liturgies 120340 +computability 120292 +flexes 120268 +depose 120267 +pacify 120264 +carotenoid 120256 +proliferated 120254 +sunder 120243 +excommunication 120209 +sunkist 120202 +pottawatomie 120199 +republishing 120191 +grizzled 120175 +lade 120160 +pacey 120148 +vodkas 120145 +glitterati 120145 +loathed 120143 +brzezinski 120141 +florid 120132 +fatalism 120129 +stopwatches 120128 +gazillion 120111 +weirdos 120104 +granulocytes 120103 +toxoid 120101 +photographical 120097 +despises 120092 +decongestants 120073 +jousting 120068 +chanter 120068 +quacks 120064 +roquefort 120062 +pinpoints 120058 +lebrun 120051 +ferrules 120045 +wend 120037 +nonunion 120037 +chlordane 120027 +steric 120007 +directionality 120006 +blackest 120003 +roubles 119978 +cathodes 119974 +relented 119968 +domesday 119928 +heartlands 119920 +trekkers 119913 +mudstone 119913 +unblocked 119908 +solders 119886 +veers 119882 +invalidates 119880 +catena 119879 +precariously 119871 +nurnberg 119855 +dakotas 119852 +hubcap 119850 +schizoid 119847 +tarred 119846 +mordred 119846 +madelyn 119836 +lawfulness 119834 +beget 119815 +rectilinear 119814 +mutagen 119811 +bandeau 119810 +batangas 119805 +adan 119805 +lactam 119803 +physicality 119797 +stenographer 119765 +biorhythm 119763 +nipped 119762 +disguising 119761 +invulnerable 119757 +refinished 119752 +flickered 119749 +plagiarized 119734 +babysit 119721 +sebaceous 119715 +mors 119706 +diwan 119704 +shadowlands 119703 +vasodilation 119699 +mutating 119699 +sirocco 119681 +geocentric 119672 +syllabuses 119659 +bookworms 119657 +absorbable 119655 +showground 119654 +warranting 119650 +threader 119639 +multan 119611 +specialisations 119610 +teacups 119609 +hideously 119578 +kerfuffle 119573 +isotherm 119547 +motherly 119546 +reticular 119523 +savannas 119502 +nudging 119502 +blinder 119500 +wispy 119494 +borderland 119492 +chumash 119491 +gnarly 119486 +billowing 119481 +vexatious 119474 +recapitalization 119472 +coachmen 119472 +girlish 119470 +inure 119454 +woolworth 119439 +lattes 119434 +atomizer 119422 +reddening 119420 +encores 119417 +sociobiology 119412 +attentiveness 119403 +foremen 119398 +rhetorically 119393 +neuropsychiatry 119392 +premix 119385 +benita 119368 +upstanding 119355 +yearlings 119347 +trifolium 119341 +bonehead 119336 +assignees 119335 +shamefully 119333 +herculean 119315 +dryad 119314 +legislatively 119312 +tormenting 119307 +disinterest 119275 +offsides 119271 +unexamined 119270 +bayle 119261 +concessionaire 119253 +pleura 119247 +defoliation 119243 +bragged 119241 +rubidium 119236 +pester 119235 +deputation 119217 +oppressing 119180 +belfort 119173 +nucleolus 119167 +fencer 119126 +triune 119118 +innit 119107 +hairdo 119102 +undresses 119101 +domineering 119099 +chines 119092 +mineralisation 119090 +neut 119088 +shunts 119078 +classwork 119069 +attender 119067 +riddler 119047 +trackable 119041 +induct 119041 +connectives 119037 +eosinophilic 119035 +sawyers 119030 +obtrusive 119005 +paradigmatic 118998 +uncontaminated 118994 +wrinkling 118963 +wiry 118956 +harries 118949 +granites 118942 +quimper 118936 +armbands 118935 +tarantella 118931 +labyrinths 118931 +daylights 118928 +skidding 118906 +marquetry 118894 +jealously 118887 +frenchy 118878 +sedimentology 118873 +footman 118863 +stylised 118862 +granta 118861 +junius 118851 +saddler 118848 +optioned 118841 +prepped 118835 +chafe 118832 +allover 118827 +presidium 118813 +tapis 118812 +schoolboys 118798 +alexandrian 118791 +sinless 118785 +deary 118782 +manche 118779 +kohls 118773 +nobly 118764 +moulder 118755 +absolutism 118754 +bracts 118734 +astrometry 118723 +apparatuses 118713 +bunko 118710 +ballrooms 118700 +turtlenecks 118699 +macarena 118697 +flirtatious 118696 +parathion 118691 +furore 118622 +delimit 118620 +freewheeling 118610 +grosser 118609 +gudrun 118604 +crybaby 118595 +mascagni 118580 +sharer 118566 +amassing 118559 +perihelion 118557 +wilting 118556 +cauda 118554 +confidences 118549 +wakefulness 118548 +militarization 118531 +monopolize 118528 +delved 118528 +skint 118519 +luteal 118485 +paraguayan 118479 +sabotaged 118477 +nighty 118444 +bijection 118440 +consoled 118433 +subleases 118428 +khabarovsk 118399 +saturating 118391 +contrition 118387 +deliverability 118377 +vitus 118374 +gluons 118358 +balancers 118349 +resound 118346 +snakeskin 118344 +unsuspected 118343 +archbishops 118320 +tarpaulin 118304 +pharmacopoeia 118304 +nobby 118253 +snog 118245 +rearward 118239 +collegiality 118233 +jaspers 118228 +cherokees 118228 +capriccio 118225 +peaceably 118219 +boole 118214 +exacted 118209 +oddest 118205 +triathletes 118201 +toynbee 118196 +doughboy 118177 +purposed 118171 +evince 118168 +hyenas 118148 +hornpipe 118148 +goalkeeping 118143 +spanks 118112 +sigil 118090 +innovated 118083 +candlewick 118082 +mississippian 118071 +schoolmates 118055 +bulla 118031 +boatyard 118027 +cruft 118000 +berthing 117986 +breathlessly 117975 +moisturizes 117971 +laterals 117952 +smetana 117948 +seesaw 117947 +crasher 117941 +dimensioned 117927 +hosing 117923 +carvel 117923 +hoarded 117922 +sparsity 117914 +trevelyan 117905 +naturalness 117887 +pyotr 117884 +flings 117874 +enteritis 117872 +valedictorian 117861 +shoah 117835 +kemble 117794 +irritably 117793 +uffizi 117790 +montenegrin 117788 +peekaboo 117785 +gorgeously 117785 +chromatograph 117778 +unsatisfying 117777 +noonday 117755 +courteously 117745 +tuts 117741 +soundbite 117715 +diffing 117713 +sinuous 117710 +availing 117696 +coleus 117667 +meekly 117663 +anthropometric 117661 +accordions 117661 +exes 117657 +romanians 117654 +disenchantment 117647 +transposable 117645 +saccharin 117645 +clitorises 117635 +briefer 117635 +overtone 117627 +proficiencies 117603 +golgotha 117602 +serfs 117599 +effendi 117593 +insubstantial 117589 +categorizes 117573 +tuberculous 117560 +homburg 117560 +jammy 117557 +wailed 117551 +stupa 117550 +revokes 117547 +handshaking 117545 +frazzled 117529 +repurchases 117523 +differencing 117514 +olio 117511 +thunderbolts 117509 +gruelling 117504 +hustling 117500 +wrasse 117497 +cadavers 117486 +pollinators 117480 +tailpiece 117479 +glia 117474 +shamrocks 117469 +champagnes 117463 +adjoins 117463 +serous 117457 +gravimetric 117452 +milanese 117449 +galvanize 117449 +dement 117425 +straightforwardly 117406 +crusading 117403 +marron 117396 +slatted 117390 +bloomed 117387 +gigging 117379 +rhombus 117372 +readjust 117369 +hortense 117364 +firmed 117342 +chymotrypsin 117340 +apostolate 117322 +settable 117319 +testability 117316 +scrawl 117309 +seafarer 117296 +nonacademic 117284 +docketed 117281 +gomel 117276 +manana 117267 +markdowns 117264 +forbear 117253 +foamed 117242 +refectory 117236 +butchering 117210 +yearns 117196 +tarawa 117189 +unaccustomed 117188 +platoons 117179 +hamstrings 117173 +unbelieving 117162 +luminary 117156 +congressionally 117152 +quitter 117151 +purser 117147 +paraplegic 117141 +furtive 117128 +mutuality 117123 +renouncing 117114 +accosted 117096 +conning 117095 +dippers 117092 +incantations 117082 +leathernecks 117081 +durian 117081 +boulez 117078 +putz 117076 +litigators 117071 +premenopausal 117067 +enchantress 117048 +umpiring 117041 +parallelogram 117041 +disenfranchisement 116993 +gnocchi 116992 +igniter 116990 +pruritus 116988 +wonderment 116965 +googol 116956 +groped 116944 +warder 116922 +stagecraft 116902 +morbidly 116902 +futurists 116896 +palfrey 116895 +maribel 116878 +wobbler 116875 +cryptanalysis 116863 +octavian 116832 +kenyatta 116824 +persecuting 116799 +infantryman 116778 +jawbone 116777 +katmai 116776 +jejunum 116775 +corroborating 116768 +feign 116753 +mealy 116752 +swooping 116734 +boule 116726 +zilch 116722 +latitudinal 116717 +blackcurrant 116698 +jackals 116693 +niceties 116692 +rumpus 116689 +leptospirosis 116687 +outlive 116672 +dereliction 116670 +bollard 116662 +braked 116659 +adonai 116659 +pupae 116657 +erato 116636 +disfigurement 116634 +vaporizers 116633 +rydberg 116633 +airfreight 116629 +sunbeds 116626 +clubman 116626 +handymen 116618 +synthesizes 116616 +sunn 116615 +queretaro 116601 +exactness 116596 +hypnotists 116590 +autocross 116587 +barbarossa 116584 +dray 116570 +shevardnadze 116543 +paperclip 116536 +monotheistic 116528 +diversionary 116525 +silurian 116521 +detaching 116508 +evacuee 116505 +sunburned 116502 +spasmodic 116473 +interlacing 116465 +shariah 116459 +concretes 116443 +augmentative 116435 +sayonara 116432 +quietude 116430 +roundly 116422 +monarchies 116414 +roddenberry 116407 +simferopol 116401 +miscalculation 116394 +adjudicators 116367 +dermabrasion 116360 +camembert 116359 +atrioventricular 116354 +wildfowl 116340 +constipated 116339 +bundestag 116336 +heartened 116334 +rhododendrons 116313 +pronghorn 116308 +flirted 116301 +unilateralism 116294 +leopoldo 116294 +shuck 116293 +acolytes 116287 +royalist 116284 +untroubled 116283 +divertimento 116280 +aspirants 116258 +sheepishly 116233 +hierarch 116217 +haft 116209 +shikoku 116202 +eightball 116199 +shuffler 116189 +toggled 116180 +nevers 116167 +sadist 116146 +pharyngitis 116146 +mourne 116139 +synching 116136 +implementer 116136 +schwann 116122 +cantonment 116119 +warily 116118 +pisano 116116 +cadmus 116110 +boleyn 116073 +aflame 116044 +gits 116041 +phonetically 116038 +aright 116038 +nominator 116009 +tripling 116001 +kantian 115993 +gotland 115988 +googly 115978 +scuffed 115974 +resected 115961 +windlass 115960 +studious 115949 +absolutist 115949 +eyck 115939 +olomouc 115931 +weeknight 115928 +patellar 115927 +infers 115925 +fineness 115921 +salicylates 115916 +collectivism 115915 +alveoli 115903 +nanna 115892 +cripps 115892 +pharisee 115847 +quesadillas 115846 +schadenfreude 115833 +wellies 115822 +jeffry 115808 +urania 115805 +mussorgsky 115800 +dieldrin 115795 +endopeptidase 115789 +amicably 115769 +porphyrin 115767 +tureen 115763 +uproot 115761 +ecologic 115761 +procedurally 115736 +nuptials 115715 +munchers 115709 +flints 115687 +satirist 115684 +deconstructed 115681 +skateboarders 115666 +awesomeness 115664 +methuselah 115651 +pone 115640 +annas 115640 +logjam 115613 +hade 115599 +haemophilia 115597 +nihilistic 115591 +devalue 115589 +extort 115588 +gleeful 115563 +vignetting 115555 +sprightly 115552 +carves 115552 +grindstone 115546 +hydroquinone 115540 +nevsky 115518 +registrable 115516 +sheree 115505 +roofer 115504 +replaying 115499 +cobbles 115493 +quinone 115491 +sacredness 115484 +menton 115484 +raincoats 115466 +petticoats 115466 +wobbling 115461 +intermarriage 115458 +demodulation 115453 +proffer 115445 +haply 115439 +pronounces 115438 +fussing 115438 +solzhenitsyn 115432 +palindrome 115431 +pooped 115429 +allenby 115414 +motorcars 115390 +stragglers 115386 +scowl 115386 +tinder 115380 +prioritizes 115380 +neuroma 115379 +backfield 115379 +aggiornamento 115378 +gadgetry 115375 +omniscience 115373 +teahouse 115369 +shakily 115369 +stockhausen 115362 +dressmakers 115332 +antananarivo 115329 +connacht 115318 +allegiances 115318 +leaden 115309 +pizzicato 115306 +advantageously 115295 +masochistic 115284 +asiago 115266 +pounced 115253 +monnet 115252 +famines 115228 +jolson 115221 +carpetbagger 115221 +bayeux 115214 +xanthine 115198 +quranic 115175 +tertullian 115173 +chauvinism 115163 +fastidious 115140 +belch 115135 +oxidize 115133 +coatbridge 115128 +coking 115126 +ensconced 115120 +assiniboine 115116 +cyprian 115114 +flabbergasted 115099 +truckloads 115097 +policed 115094 +spectrometric 115091 +spader 115062 +sagacity 115056 +limey 115046 +tonsillitis 115045 +nipping 115041 +tatami 115036 +fogs 115013 +baryons 115006 +cutesy 114997 +polychrome 114996 +luth 114988 +fowles 114988 +graphed 114987 +nanoseconds 114967 +sessile 114951 +liger 114950 +subdistrict 114923 +protestations 114884 +agitprop 114878 +trickled 114862 +canyoning 114857 +torii 114841 +wholes 114830 +redisplay 114828 +fondled 114766 +wistfully 114760 +abounded 114759 +evangelize 114754 +disloyal 114744 +pleven 114726 +nisus 114722 +counterinsurgency 114717 +plonk 114698 +staggers 114696 +contorted 114690 +polemical 114682 +sporran 114666 +noumea 114654 +defector 114651 +troilus 114631 +supercharge 114630 +abelson 114624 +ohmic 114621 +wrinkly 114611 +stuntman 114602 +parsnip 114595 +zillions 114586 +crewmen 114575 +toughen 114555 +oleo 114535 +radiotelephone 114534 +paginated 114531 +attunement 114511 +lasher 114508 +wracked 114493 +dabbled 114487 +honeybees 114479 +lanner 114463 +dices 114430 +evaporators 114429 +unrecognised 114422 +piteous 114417 +olen 114411 +hairstyling 114410 +perfunctory 114409 +pervaded 114403 +pitta 114398 +lavoisier 114387 +doorsteps 114382 +falsetto 114379 +inching 114363 +foxhound 114360 +extraterrestrials 114359 +bullfighting 114358 +tatters 114352 +puissance 114341 +tunics 114338 +muesli 114336 +protrusions 114335 +osmium 114324 +lepers 114321 +percept 114315 +gloating 114309 +criminalization 114308 +dismembered 114307 +contraptions 114288 +perfidy 114285 +denaturing 114276 +deadbolt 114271 +centralisation 114269 +shive 114265 +meaner 114265 +psalter 114259 +regularized 114249 +propounded 114234 +valois 114231 +linares 114222 +saguenay 114206 +roamer 114196 +embeddings 114195 +florescent 114192 +comsat 114188 +insubordination 114185 +teepee 114183 +maquette 114180 +diabolo 114168 +reimbursing 114158 +impious 114151 +absolved 114147 +bathsheba 114113 +deejays 114100 +snappers 114084 +washbasin 114082 +stilted 114081 +pilipino 114078 +festschrift 114076 +hastening 114063 +aperitif 114063 +dines 114059 +coextensive 114056 +whizz 114054 +tlingit 114054 +cliched 114047 +downpatrick 114008 +outperforming 114005 +fusiliers 114002 +capon 113985 +unrealised 113984 +intersession 113983 +monetize 113974 +stiffly 113956 +merman 113943 +chronologies 113942 +fajita 113939 +microlight 113901 +nastiness 113898 +theravada 113891 +slumberland 113889 +festivity 113887 +blading 113872 +gemara 113869 +thessaly 113845 +ischaemia 113840 +missal 113837 +processional 113829 +cathryn 113827 +energizes 113817 +lacrimal 113801 +autopilots 113797 +footlocker 113795 +uppercut 113786 +hydrangeas 113773 +afire 113772 +sowed 113771 +examinees 113762 +lpns 113757 +backfires 113733 +crisco 113714 +parsi 113705 +tums 113696 +ticklers 113687 +groundswell 113612 +overnights 113608 +rutan 113605 +gloat 113594 +entanglements 113593 +clawing 113577 +condensates 113567 +wrangle 113559 +psycholinguistics 113552 +immensity 113538 +newsreels 113537 +squabbling 113535 +vivekananda 113506 +acquiesced 113504 +rosamund 113501 +megastar 113500 +fascinates 113491 +butyrate 113480 +organophosphate 113479 +morpheme 113474 +uncharacteristically 113449 +concordances 113448 +liberalize 113442 +hogwash 113442 +consecrate 113440 +acreages 113438 +subsidization 113429 +pursuers 113423 +frolicking 113418 +mutagens 113402 +buttercream 113401 +hideaways 113393 +canad 113388 +predestined 113379 +gneiss 113370 +therapeutically 113361 +felecia 113357 +unroll 113345 +waterhole 113331 +charterhouse 113312 +disobeyed 113305 +renegotiated 113285 +characterising 113270 +dishonour 113265 +devanagari 113264 +phages 113262 +hesitantly 113261 +seminarians 113259 +lavished 113242 +courtesan 113238 +unkempt 113235 +healings 113233 +adjudicatory 113223 +unappealing 113213 +thuja 113212 +heartaches 113197 +defacing 113186 +tames 113169 +oligarchs 113168 +ency 113161 +hauntingly 113156 +interjected 113137 +novena 113133 +humorously 113133 +adjudications 113129 +victoriously 113127 +legitimation 113126 +catchphrase 113122 +jotting 113119 +stalwarts 113118 +lubeck 113110 +stuarts 113109 +hangouts 113100 +jalapenos 113094 +ascents 113092 +sterilizing 113085 +angl 113072 +overstuffed 113070 +reclassify 113065 +trioxide 113062 +tropes 113057 +draping 113056 +acceptably 113043 +meerkat 113040 +retarding 113013 +indiscretion 113009 +undertone 113001 +microcrystalline 112993 +polyesters 112991 +hermeneutic 112986 +sabbat 112982 +engenders 112974 +squib 112968 +gowan 112945 +paternalistic 112938 +ventriloquist 112930 +bushmaster 112929 +undernourished 112926 +iatrogenic 112906 +kaki 112905 +hallows 112897 +decease 112887 +stigmatized 112886 +coots 112876 +tactful 112875 +pruners 112875 +friable 112865 +flywheels 112862 +nutting 112859 +cytological 112849 +palatinate 112819 +junket 112807 +directorships 112807 +monadic 112794 +konya 112785 +barranquilla 112776 +haku 112775 +endocrinologist 112771 +scoutmaster 112766 +gand 112753 +yanking 112745 +positioners 112745 +ouagadougou 112741 +fawning 112734 +prissy 112724 +walsingham 112719 +bhutanese 112716 +godel 112710 +spillane 112690 +psychos 112677 +abolishes 112677 +littler 112673 +southeasterly 112647 +funnily 112646 +decoction 112645 +resents 112641 +orientals 112631 +squeaking 112629 +tinkling 112615 +alkmaar 112611 +bergson 112605 +nostrum 112600 +masterly 112581 +kabobs 112572 +handwoven 112571 +dunce 112570 +butchery 112556 +atlantean 112556 +wresting 112554 +entrained 112540 +trespassers 112532 +epitomizes 112529 +torques 112523 +treacle 112513 +variably 112504 +shopaholic 112504 +subtractive 112500 +happenstance 112499 +reinvigorate 112490 +heralding 112485 +preregistration 112466 +corrode 112465 +blooper 112457 +oles 112453 +amphora 112445 +parasympathetic 112437 +menhir 112432 +socialisation 112428 +unconstitutionally 112418 +macrame 112413 +foolhardy 112412 +sprinters 112411 +strathspey 112409 +drools 112408 +fannies 112406 +diaphragmatic 112405 +unflattering 112402 +bristling 112396 +zlotys 112393 +filbert 112392 +boreas 112389 +blackheads 112389 +cherubim 112377 +lagan 112375 +adenauer 112375 +thoroughbreds 112364 +gastrin 112359 +nightcap 112357 +massy 112352 +consoling 112352 +antidotes 112351 +characterises 112349 +sensationalism 112346 +kickball 112341 +cutlets 112334 +condors 112320 +dianthus 112319 +unconfined 112318 +hoofs 112318 +acclimated 112307 +drawl 112289 +blantyre 112283 +unmasking 112282 +constrictor 112280 +leaguer 112279 +schist 112271 +clearinghouses 112268 +manoeuvring 112259 +lances 112245 +demystify 112223 +macula 112222 +picante 112212 +melchizedek 112212 +toggling 112209 +dacron 112184 +imogene 112155 +altamira 112152 +impute 112150 +analogical 112148 +polyglot 112146 +mauled 112146 +plumbed 112145 +drainer 112141 +chive 112120 +mayflies 112118 +dainties 112114 +blimps 112095 +pepsin 112086 +leghorn 112067 +sketchbooks 112045 +porker 112039 +stockroom 112034 +directness 112034 +glutton 112033 +unnaturally 112004 +setae 111998 +disquiet 111998 +fining 111979 +unsanitary 111967 +dissociate 111956 +deerskin 111950 +midbrain 111946 +sufficed 111937 +spotlighting 111930 +corsages 111927 +hieronymus 111926 +disallowing 111925 +extolling 111923 +wearied 111906 +bigshot 111899 +rebutted 111888 +magog 111880 +wastelands 111877 +pitied 111876 +carousels 111866 +hame 111864 +sibyl 111857 +sesquicentennial 111844 +pervasiveness 111782 +erring 111781 +pickings 111775 +acclamation 111773 +exegetical 111771 +ypres 111770 +unexposed 111729 +berenice 111725 +cisterns 111714 +headwater 111695 +sociopolitical 111694 +kist 111691 +panoply 111685 +maillot 111683 +credulity 111679 +immobilizer 111659 +nitrites 111656 +anibal 111645 +powerhouses 111640 +astound 111623 +oversupply 111620 +coiling 111620 +capuchin 111619 +jowett 111596 +longitudes 111587 +plaids 111543 +frictions 111538 +precancerous 111531 +monoculture 111524 +waterbirds 111486 +smolt 111459 +souped 111448 +minuses 111445 +cosmonauts 111444 +incoherence 111436 +stuffings 111435 +oilfields 111423 +narwhal 111413 +germinating 111410 +calamus 111405 +sympathise 111402 +marginalisation 111397 +daws 111386 +nonessential 111380 +unworn 111375 +rightness 111372 +whiners 111363 +pitying 111351 +warty 111349 +twitched 111330 +clefs 111325 +reticule 111308 +mucky 111308 +pervious 111307 +barnacles 111303 +axil 111299 +punctuate 111290 +easting 111282 +panted 111263 +midshipman 111263 +rosecrans 111249 +longhair 111246 +exothermic 111244 +isolationism 111241 +mancunians 111234 +overman 111226 +gondolas 111220 +swiftness 111216 +spenders 111213 +diplomatically 111211 +samizdat 111204 +necessaries 111199 +quintessentially 111195 +androgynous 111192 +westernmost 111180 +nullity 111178 +discriminative 111176 +bernini 111170 +jottings 111136 +misconstrued 111123 +relishing 111106 +unsuited 111098 +hindemith 111097 +spectaculars 111092 +singletons 111092 +hawkers 111089 +isherwood 111078 +deltoid 111077 +gurgling 111054 +imaginings 111042 +krasnodar 111036 +camb 111028 +subdivider 111024 +celebrants 111022 +boatswain 110994 +breadwinner 110989 +hearthstone 110985 +tinplate 110979 +standardise 110978 +fondle 110978 +cuddled 110978 +crystallize 110948 +geologically 110945 +bulbul 110943 +gusseted 110933 +superintendence 110931 +austerlitz 110900 +umlaut 110897 +fending 110896 +nematic 110881 +heavies 110870 +carmella 110853 +extruding 110835 +leonor 110827 +betters 110811 +isolationist 110789 +imperials 110786 +antisymmetric 110780 +sustainer 110778 +joab 110776 +hatshepsut 110775 +corruptions 110769 +persevering 110764 +transversely 110753 +addressees 110753 +remarry 110752 +nitrification 110742 +abelard 110735 +unperturbed 110733 +inaugurates 110733 +featureless 110721 +pesetas 110710 +pasteurization 110699 +slaved 110688 +plications 110686 +antimalarial 110667 +permittivity 110664 +summerhouse 110661 +porterhouse 110645 +illusive 110644 +octavius 110631 +chucking 110624 +warmonger 110603 +rescaling 110590 +petiole 110585 +disquieting 110585 +conjugating 110584 +moire 110581 +contractility 110579 +kosice 110577 +amerindian 110572 +canty 110559 +ripeness 110550 +veering 110544 +tabbing 110526 +sinkhole 110525 +streaky 110522 +rutting 110516 +bourdon 110510 +junker 110509 +commodification 110508 +ichabod 110503 +vapid 110502 +debaters 110502 +tsetse 110489 +adulteration 110487 +debridement 110463 +unremitting 110456 +semite 110450 +hairball 110448 +yerkes 110447 +clenching 110429 +primula 110422 +interoffice 110420 +cordials 110413 +bandaged 110408 +evanescent 110407 +overshoes 110400 +atavistic 110398 +bremsstrahlung 110396 +fevered 110395 +indignity 110391 +pinches 110383 +semiautomatic 110372 +generalists 110360 +copepods 110360 +chippers 110348 +zoroastrianism 110331 +aglow 110328 +eschatological 110309 +wanamaker 110306 +irregulars 110298 +slimmers 110294 +naan 110272 +karyotype 110268 +midden 110267 +dachshunds 110266 +electroluminescent 110263 +zoroastrian 110255 +erratically 110253 +unapologetic 110245 +bullocks 110243 +achromatic 110237 +inebriated 110230 +yoni 110220 +kongo 110205 +teleological 110189 +nocturnes 110187 +vilified 110177 +telefilm 110175 +chucked 110168 +meissen 110165 +ransacked 110162 +bugbear 110141 +wreaked 110138 +hogshead 110132 +lesa 110129 +masques 110127 +gravels 110110 +halfpenny 110106 +deregulating 110098 +fetes 110094 +quarterdeck 110089 +lanceolate 110088 +kneels 110085 +sepals 110084 +pinged 110084 +mesmer 110080 +stereochemistry 110079 +reticence 110077 +passives 110067 +iambic 110064 +provably 110055 +bicker 110055 +faller 110048 +rondeau 110045 +camshafts 110033 +treetop 110029 +condoning 110024 +luvs 110022 +maremma 109995 +proselytizing 109991 +inedible 109982 +falsework 109966 +tethers 109962 +deplored 109962 +subalpine 109961 +anabaptist 109956 +hairbrush 109948 +untangling 109947 +vilification 109928 +unfashionable 109922 +parana 109922 +bodyboard 109918 +zollverein 109910 +dhahran 109901 +biggles 109897 +jacobean 109893 +metabolizing 109881 +sceptic 109871 +rajasthani 109870 +redetermination 109868 +untransformed 109849 +realigned 109843 +noncurrent 109839 +gorgon 109834 +subsumption 109819 +fibrils 109813 +velodrome 109806 +vociferous 109805 +outbuilding 109799 +eunuchs 109780 +christmastime 109773 +trapdoor 109772 +headfirst 109763 +wagered 109750 +ustinov 109746 +observability 109741 +childe 109731 +wallies 109720 +languished 109716 +sneering 109715 +visby 109708 +theist 109708 +masterclasses 109706 +spiritualist 109698 +coitus 109666 +churchman 109666 +scrappers 109660 +paedophile 109646 +cocoons 109646 +deserters 109638 +shaming 109635 +separability 109627 +neuritis 109621 +pharmaceutics 109593 +opuntia 109580 +dentition 109565 +ioannina 109559 +understaffed 109556 +smallness 109554 +fluorocarbon 109546 +eliminators 109535 +sprue 109524 +cutback 109520 +perineal 109519 +coffeemakers 109517 +remotest 109512 +retorts 109506 +ravers 109497 +gavage 109494 +housekeepers 109486 +socialise 109477 +farewells 109476 +unforeseeable 109474 +conscript 109472 +counteroffer 109465 +redder 109461 +windowsill 109460 +sensitizing 109444 +moorlands 109432 +uncompleted 109428 +mappers 109428 +worktop 109422 +trope 109419 +troupes 109415 +tiptoe 109409 +weka 109406 +sociability 109400 +idealists 109399 +dissented 109395 +volcanology 109394 +bungled 109369 +crowing 109367 +fettuccine 109360 +fixative 109355 +thankless 109341 +exfoliate 109335 +canova 109333 +rosewater 109331 +paraquat 109326 +avers 109324 +groks 109301 +amblyopia 109277 +shipowners 109268 +stringency 109267 +livability 109251 +quale 109246 +frater 109238 +sublimity 109229 +misbehave 109226 +birches 109225 +chinos 109213 +crunched 109208 +ratifications 109203 +officeholders 109203 +codewords 109168 +ringleader 109165 +thundered 109164 +offloading 109164 +fumed 109154 +subtracts 109153 +conservatoire 109149 +returner 109146 +patency 109142 +turki 109134 +groundnut 109131 +thereunto 109123 +inboxes 109115 +compatriot 109106 +discontented 109099 +reflexivity 109089 +droning 109066 +flyway 109064 +reductionism 109060 +yawned 109042 +scuttled 109034 +nonsurgical 109030 +holistically 109013 +dehumidification 108978 +inoffensive 108977 +erudition 108974 +rewire 108968 +masonite 108947 +poltava 108944 +bedsteads 108939 +factional 108931 +imprimatur 108930 +acheron 108921 +revalidation 108912 +tarpaulins 108909 +junkers 108909 +kloof 108906 +peritoneum 108893 +impresa 108887 +evildoers 108885 +kirghiz 108882 +turpitude 108873 +amersfoort 108863 +anther 108862 +ardell 108849 +strictness 108841 +stomps 108815 +etiologic 108813 +egalitarianism 108810 +humanitarianism 108802 +aspergillosis 108796 +charcot 108776 +rammer 108769 +bivalves 108768 +niebuhr 108766 +entropic 108757 +frivolity 108748 +gulped 108747 +thermistors 108742 +subtler 108719 +matsuyama 108714 +shias 108703 +cupids 108702 +keeshond 108693 +canc 108684 +truncating 108683 +dungarees 108674 +segno 108669 +inviolable 108661 +murasaki 108659 +herniation 108655 +washy 108651 +thumps 108649 +outsmart 108638 +nauseating 108628 +mitigates 108618 +thymine 108610 +liberalised 108606 +augers 108598 +senorita 108597 +riflemen 108594 +insufferable 108591 +clasping 108585 +blinders 108585 +seamount 108583 +predate 108583 +interjections 108579 +mullets 108572 +lusting 108571 +togoland 108563 +welly 108557 +usurpation 108554 +petroglyph 108554 +brimmed 108553 +subjugated 108550 +unlearned 108536 +lychee 108525 +thrifts 108524 +unstated 108520 +prostrated 108509 +germicidal 108504 +gook 108502 +excusing 108486 +rationalise 108483 +rejoining 108465 +anaplastic 108462 +muharram 108460 +candlelit 108455 +efren 108448 +neoconservatives 108439 +amides 108430 +campanella 108409 +automorphisms 108399 +slanting 108396 +hecate 108396 +balanchine 108396 +teats 108388 +feathering 108377 +zhengzhou 108375 +podiums 108361 +maisie 108358 +waterlogged 108357 +salting 108357 +bibliotheca 108357 +staunchly 108355 +slashers 108344 +detested 108344 +auricular 108343 +scrawny 108322 +peppery 108319 +vivisection 108318 +mathura 108315 +splodge 108308 +dauntless 108305 +unplugging 108304 +pulsations 108299 +immunize 108299 +eosinophil 108297 +doctoring 108297 +perlite 108292 +scuttlebutt 108288 +frugality 108282 +nymphet 108280 +unsurprising 108269 +apprenticed 108267 +hernias 108262 +vomited 108252 +misinterpret 108247 +undisciplined 108244 +boneyard 108236 +handcrafts 108220 +signalized 108214 +lunged 108203 +stricture 108171 +idempotent 108170 +disinvestment 108155 +disappointingly 108153 +alleyways 108151 +kickoffs 108147 +dunking 108143 +denotation 108143 +daiquiri 108132 +pouting 108124 +haddington 108117 +dimensionally 108109 +syndicator 108108 +arbitrated 108103 +gielgud 108097 +squalene 108088 +cranny 108086 +springy 108081 +perplex 108072 +esbjerg 108070 +lamentable 108065 +readouts 108057 +uncountable 108051 +chanticleer 108044 +countersunk 108034 +tenures 108029 +apeldoorn 108026 +rebelling 108010 +microfilms 108007 +goober 108007 +destitution 108007 +rummaging 108005 +mesolithic 108001 +junco 107991 +ammeter 107984 +gladiolus 107974 +redesigns 107964 +uncoupling 107961 +unitas 107959 +bornholm 107958 +carbonation 107956 +broached 107935 +heliocentric 107934 +wavers 107914 +reconfirm 107909 +puckered 107900 +squalid 107896 +hippest 107893 +recept 107885 +readmitted 107865 +effing 107863 +franchisors 107861 +shunning 107851 +cinders 107826 +bogor 107826 +cytokinesis 107823 +smudges 107822 +interrogatory 107820 +nephrectomy 107808 +syndic 107805 +cleaving 107805 +holdup 107781 +autobus 107776 +semicircular 107775 +trow 107756 +vocalizations 107744 +preachy 107739 +overwork 107730 +belching 107728 +pilings 107725 +matabeleland 107724 +blitzed 107704 +photoemission 107690 +cosenza 107685 +catty 107679 +hauliers 107668 +fyn 107668 +masochist 107660 +wishers 107656 +dramatization 107651 +pommel 107642 +indentations 107640 +attenuates 107638 +crake 107613 +sissies 107610 +boomerangs 107608 +gutting 107588 +intermixed 107580 +eave 107576 +emigrating 107572 +aquarist 107567 +thumbprint 107549 +freemen 107544 +engendering 107540 +pileup 107533 +duopoly 107528 +specif 107524 +stabilisers 107516 +linnet 107514 +ultrahigh 107507 +dicing 107503 +heightening 107499 +gaiter 107486 +maitreya 107481 +laddie 107480 +chimaera 107477 +bellowed 107471 +ferociously 107469 +moieties 107451 +restrike 107439 +butanol 107438 +unbearably 107436 +pwned 107434 +gunfighter 107417 +hermite 107408 +stretchable 107400 +uprooting 107384 +anchorages 107381 +sibs 107372 +stengel 107342 +skimp 107336 +resisters 107333 +tiebreaker 107317 +relocates 107314 +skylarking 107306 +laryngitis 107296 +extrication 107293 +blab 107287 +digraphs 107282 +selassie 107276 +interrelations 107267 +cashless 107249 +timbered 107235 +gobbling 107233 +yahoos 107226 +implanting 107221 +intertwining 107218 +stooge 107215 +trabecular 107214 +moulders 107203 +katmandu 107199 +conservatorship 107198 +caned 107189 +unrighteousness 107177 +shrilly 107168 +thunderhead 107163 +catullus 107162 +agincourt 107162 +befuddled 107136 +optimiser 107119 +dulled 107111 +tranches 107096 +valeting 107086 +sketchpad 107083 +interweave 107073 +interlocutor 107071 +ancillaries 107066 +speedier 107053 +straddled 107045 +aerie 107043 +basilar 107030 +insecticidal 107028 +harpy 107008 +agronomist 107004 +bridgehead 107000 +sainthood 106999 +laceration 106998 +kingly 106992 +chided 106990 +drinkwater 106988 +turbans 106969 +acquit 106959 +slickers 106935 +chela 106929 +contracture 106927 +electrocuted 106906 +smooch 106896 +pertinence 106892 +alloway 106890 +singe 106880 +christenings 106877 +harping 106845 +plunk 106835 +inflexibility 106829 +kero 106825 +snowballing 106815 +chandrasekhar 106812 +triathlons 106811 +heathland 106808 +reticulated 106794 +akimbo 106794 +beeches 106788 +revelatory 106786 +donee 106741 +chunking 106741 +gaucher 106737 +pemba 106722 +augmenter 106719 +particularities 106711 +sivan 106710 +hieroglyphic 106710 +aryans 106709 +programmability 106707 +cryosurgery 106706 +babi 106686 +semites 106674 +banishing 106671 +gigahertz 106663 +tensely 106662 +motile 106662 +labradorite 106660 +unicameral 106657 +deuteron 106656 +marshland 106649 +gyre 106646 +rectus 106635 +pruner 106630 +josefina 106629 +lifeforms 106617 +clamour 106614 +stoa 106605 +revitalise 106603 +smalto 106599 +cartoonish 106582 +plagiarize 106581 +flecks 106581 +exportable 106581 +slivers 106560 +chesty 106546 +snapdragons 106543 +unravels 106538 +electret 106536 +clampdown 106536 +barrettes 106523 +merak 106521 +concoctions 106518 +berle 106514 +flossing 106510 +vacuoles 106502 +ghoulish 106497 +unadorned 106495 +snowblower 106495 +cayuse 106475 +prefaced 106470 +arbitrariness 106454 +samoans 106442 +lunges 106439 +paramedical 106437 +copyrightable 106432 +abuts 106431 +photoluminescence 106430 +jackhammer 106427 +microsurgery 106412 +yellowed 106399 +frit 106397 +majesties 106376 +retractor 106371 +endearment 106368 +fealty 106355 +disputation 106352 +rebuttals 106350 +dendrite 106350 +tricuspid 106347 +breathalyzer 106335 +efrain 106311 +biggin 106311 +whoso 106286 +thracian 106286 +sanitizers 106275 +fashionistas 106275 +vendee 106263 +soother 106249 +safar 106239 +forerunners 106239 +exhalation 106235 +wkly 106213 +radials 106199 +chelyabinsk 106196 +calluses 106196 +sunstone 106194 +leafed 106182 +souther 106168 +investiture 106159 +franny 106142 +beatitudes 106101 +animates 106094 +ruffian 106090 +undeterred 106085 +turkestan 106085 +newsman 106077 +borosilicate 106075 +saundra 106074 +affixing 106070 +ourself 106067 +aerators 106065 +efferent 106045 +orchestrations 106042 +invariable 106028 +clubber 106028 +inclines 106021 +marquesas 106017 +beefs 106016 +southey 106000 +patronising 105994 +goren 105980 +cowpea 105960 +aspirate 105943 +chowders 105934 +varmint 105927 +ciliate 105925 +bikeway 105925 +balled 105910 +picot 105908 +mishandled 105903 +squeegees 105897 +deciphered 105888 +shudders 105885 +quesadilla 105879 +ardently 105860 +bubonic 105852 +seeped 105840 +turnstiles 105837 +crumbly 105834 +stepchildren 105827 +granitic 105827 +rattlesnakes 105826 +untried 105821 +begonias 105816 +clouding 105815 +corunna 105807 +ruggedness 105797 +guideposts 105796 +spaying 105792 +bronchus 105790 +graciela 105788 +fores 105776 +intruded 105773 +terminological 105756 +cycler 105739 +handshakes 105719 +luann 105705 +asphyxiation 105693 +lavonne 105672 +autocracy 105668 +yaounde 105667 +nestles 105665 +sephardi 105663 +backwardness 105653 +bookbinders 105644 +undiminished 105642 +caput 105633 +unforced 105629 +disapproves 105629 +discomforts 105619 +gagarin 105615 +greyed 105613 +janjaweed 105611 +sleepwalking 105590 +machiavellian 105587 +clammy 105582 +discussants 105575 +hominids 105562 +misdirection 105561 +cholecystitis 105557 +slayings 105537 +goofing 105512 +captained 105488 +reification 105480 +indisputably 105474 +fluoroscopy 105467 +rifled 105448 +withholds 105437 +houseplant 105432 +desiccation 105422 +defusing 105412 +helvetia 105408 +acerbic 105406 +bitartrate 105403 +generalisations 105393 +blackbeard 105382 +malayan 105377 +deism 105376 +overcharges 105375 +subentry 105369 +survivable 105367 +pomerania 105365 +withing 105361 +fane 105361 +pragmatist 105358 +gaited 105351 +bogeys 105351 +latterly 105332 +leta 105329 +saucepans 105324 +drizzled 105322 +flogged 105316 +disadvantageous 105316 +outfalls 105305 +drabble 105301 +fests 105297 +dispels 105294 +bookkeepers 105294 +benchley 105294 +knacks 105281 +flagella 105272 +cohan 105266 +philological 105240 +wagtail 105231 +ruminate 105204 +enamoured 105202 +unpalatable 105200 +shrugging 105193 +someway 105192 +neutralizes 105181 +persistency 105178 +biracial 105177 +conscripts 105173 +hairstylist 105168 +propagandist 105166 +chimeras 105143 +cattail 105129 +humidification 105125 +dualistic 105113 +befits 105111 +yogis 105107 +mandalas 105105 +whoppers 105103 +instants 105103 +denunciations 105098 +decrements 105097 +raspy 105094 +pervade 105094 +contextually 105082 +subcutaneously 105077 +ovoid 105072 +imbue 105068 +entrapped 105064 +shoptalk 105060 +giraud 105044 +perestroika 105042 +apaches 105039 +anaphase 105037 +aperiodic 105036 +archduke 105022 +redistributive 105017 +potemkin 105014 +slags 105005 +myriads 105001 +physiologists 104988 +cupar 104977 +trombonist 104968 +succumbs 104962 +parkour 104959 +diarist 104959 +egotism 104956 +nonconformity 104941 +motherless 104929 +superfluid 104913 +placings 104909 +foghorn 104906 +keratitis 104886 +svelte 104882 +affixes 104882 +brainpower 104881 +wheeze 104875 +ogres 104863 +smasher 104860 +wallops 104856 +tiberias 104854 +longish 104854 +focaccia 104852 +somalis 104850 +angiogram 104846 +varices 104826 +gatling 104826 +chaldean 104821 +thyristor 104818 +avidly 104810 +headmistress 104798 +showpiece 104797 +confectioner 104785 +loudmouth 104774 +reciprocated 104765 +sweatband 104763 +squabbles 104754 +materializes 104738 +buffoon 104738 +recoupment 104730 +achy 104729 +tilled 104725 +seductively 104724 +representable 104706 +antiquing 104705 +rumbled 104704 +unalienable 104697 +ambos 104687 +weeded 104681 +granados 104681 +disobeying 104676 +psychophysics 104669 +heartstrings 104668 +arum 104652 +sidon 104648 +honeypots 104639 +acrid 104638 +uninhabitable 104626 +nonstructural 104619 +rebreather 104613 +chari 104603 +brassy 104599 +trespasses 104597 +matey 104596 +quartiles 104590 +conversed 104586 +understate 104574 +alphecca 104572 +ingeniously 104570 +floribunda 104569 +rootstock 104565 +imprecision 104560 +snarf 104552 +osteoblasts 104525 +communitarian 104525 +counterbalanced 104521 +undertakers 104514 +tangerines 104513 +pricked 104500 +northing 104495 +coppers 104482 +bremerhaven 104476 +discounter 104474 +otorhinolaryngology 104456 +procreate 104450 +derails 104450 +hardener 104433 +paternalism 104426 +reddened 104415 +surrealistic 104405 +superclasses 104400 +measurably 104399 +hyperlinking 104398 +exhortations 104397 +hawkish 104393 +obstructs 104392 +blinkers 104374 +lollies 104368 +amadou 104354 +legionnaire 104353 +plummets 104346 +encaustic 104346 +holdover 104343 +microanalysis 104325 +energise 104322 +eakins 104258 +degenerates 104252 +rutile 104251 +hemispherical 104251 +demeanour 104247 +papyri 104226 +broadsides 104218 +misogyny 104217 +articulatory 104216 +closeted 104210 +fibula 104206 +notching 104195 +excruciatingly 104178 +indoctrinated 104176 +schelling 104175 +unceremoniously 104166 +euphemisms 104161 +multiplications 104144 +genuineness 104138 +impotency 104137 +scriptwriting 104134 +pase 104132 +monomial 104096 +marquand 104096 +glycols 104083 +demitasse 104068 +jihadist 104064 +comas 104043 +wheaties 104038 +frictionless 104032 +turnouts 104030 +brouhaha 104024 +crannies 104021 +tankards 103999 +prospering 103998 +olcott 103998 +impulsivity 103992 +dearer 103992 +millay 103989 +inched 103986 +implementable 103980 +coahuila 103960 +vagal 103959 +inspiratory 103954 +minutely 103948 +crista 103940 +seditious 103916 +chifley 103916 +timbres 103913 +delamination 103913 +inarticulate 103901 +lix 103892 +strudel 103888 +publishable 103883 +disassembler 103880 +apnoea 103877 +rameau 103873 +naipaul 103868 +milady 103863 +silvered 103861 +pontoons 103861 +hyperventilation 103848 +subgenus 103847 +labyrinthine 103847 +dairying 103847 +toxicologist 103842 +jolts 103839 +abri 103823 +grassed 103819 +erbium 103796 +pantries 103791 +ecclesial 103786 +francisca 103784 +learjet 103772 +dugong 103769 +weaved 103764 +gunboat 103764 +scrutinise 103761 +encyclopaedias 103755 +ligure 103749 +saddens 103740 +reexamined 103739 +theorize 103732 +triangulated 103731 +drippings 103726 +scapegoats 103704 +montrachet 103700 +sochi 103667 +eruptive 103660 +generalise 103654 +styria 103644 +politicization 103643 +sanatorium 103642 +wehrmacht 103639 +fullerene 103621 +asceticism 103599 +slotting 103592 +reconciles 103589 +disentangle 103583 +inflates 103575 +hellos 103572 +bestowing 103567 +administrating 103564 +simultaneity 103562 +belie 103562 +ostend 103560 +brr 103557 +divining 103556 +hungover 103545 +facultative 103535 +balustrade 103525 +fortieth 103519 +adulterous 103514 +slyly 103507 +spangle 103503 +demarcated 103493 +unfazed 103480 +premixed 103479 +scalpers 103471 +osteogenesis 103470 +shied 103457 +malting 103457 +slaughterhouses 103453 +deriv 103453 +opine 103450 +haberdashery 103437 +woodsy 103430 +lyonnais 103420 +scopolamine 103414 +campanula 103414 +plantains 103412 +normed 103407 +figuration 103403 +airboat 103397 +hyphae 103393 +cays 103393 +silvan 103391 +phloem 103388 +moleskin 103382 +deferential 103380 +stomatal 103374 +tarter 103373 +shriner 103372 +sandinista 103372 +enlivened 103372 +lutes 103371 +browner 103357 +unbalance 103348 +holdalls 103338 +hofstadter 103332 +puffins 103331 +coterie 103331 +ladles 103322 +stree 103310 +ambushes 103309 +showstopper 103308 +carburettor 103304 +actuating 103299 +jailing 103297 +caudate 103297 +cabarets 103297 +ceram 103286 +freemason 103268 +caedmon 103267 +magnanimous 103266 +satanist 103240 +plait 103227 +guttural 103216 +dyad 103213 +anaesthetists 103208 +carting 103204 +caramels 103202 +calcified 103202 +prided 103201 +electrostatics 103197 +inverses 103193 +minefields 103177 +flavouring 103171 +rewiring 103157 +brainteasers 103154 +nightspots 103150 +endodontic 103131 +malted 103124 +uncharacteristic 103103 +namer 103097 +accumulative 103072 +capsized 103069 +kilobyte 103058 +vadose 103053 +ejecta 103053 +breslau 103050 +obligates 103045 +blanketed 103044 +triaxial 103042 +unreality 103023 +ejecting 103016 +typologies 102999 +pinstripes 102992 +wakayama 102981 +matinees 102966 +sags 102957 +tubeless 102947 +soled 102946 +hotbox 102943 +lath 102938 +encampments 102931 +ileal 102919 +geoid 102915 +hindenburg 102905 +bukhara 102900 +whiten 102897 +benzine 102888 +corrida 102881 +rhodamine 102879 +populates 102872 +hailstorm 102863 +reynard 102861 +remarque 102860 +lymphadenopathy 102859 +katrine 102859 +monkfish 102858 +perused 102855 +rappelling 102849 +refrains 102844 +furrowed 102835 +replicative 102833 +hedonist 102830 +woos 102829 +metaphoric 102829 +manures 102825 +epitomized 102808 +tabernacles 102794 +mure 102788 +virile 102787 +poitier 102777 +washboard 102776 +poignancy 102767 +shrift 102762 +visibilities 102760 +uniaxial 102760 +sizzler 102749 +oping 102743 +joinder 102742 +polarities 102741 +solidifies 102737 +kodachrome 102737 +detestable 102731 +pirating 102724 +rozelle 102722 +swayback 102711 +nonnative 102699 +parishioner 102697 +stinker 102680 +mystifying 102675 +arbuthnot 102673 +satanists 102670 +turds 102668 +anderlecht 102667 +hoarseness 102666 +narbonne 102659 +meritocracy 102659 +shareable 102651 +jilted 102651 +nikolaev 102650 +machismo 102645 +centurions 102642 +foll 102638 +poring 102635 +whited 102628 +sclerotic 102619 +uniroyal 102618 +quivers 102618 +jav 102616 +docker 102615 +parkinsonism 102613 +costings 102609 +flaunting 102598 +lovebirds 102597 +mulches 102593 +fraying 102592 +eduction 102588 +peeped 102578 +doused 102577 +cruikshank 102572 +alkylation 102568 +letha 102551 +thumbing 102536 +hexavalent 102527 +romanization 102520 +magherafelt 102518 +disassembling 102510 +wails 102509 +gild 102508 +cockles 102507 +shimmers 102500 +triode 102493 +debonair 102492 +indignantly 102487 +fazed 102487 +sheerness 102479 +invigorated 102470 +awesomely 102469 +bucolic 102454 +pentobarbital 102449 +disaffection 102440 +ambala 102435 +grappled 102434 +executioners 102428 +utu 102420 +flocculation 102410 +canaanite 102403 +infuses 102398 +morphologies 102397 +cahier 102397 +belial 102397 +finalizes 102392 +midfielders 102389 +unaddressed 102384 +impaler 102367 +sonogram 102362 +aeolus 102361 +decouple 102351 +blessedness 102348 +decries 102343 +courtesies 102343 +quizzing 102342 +fagin 102331 +booing 102329 +apotheosis 102324 +phytopathology 102321 +imbroglio 102311 +absorbency 102305 +tethys 102304 +microclimate 102300 +gruyere 102300 +interdenominational 102292 +librium 102287 +ovations 102266 +hypnotics 102258 +bettering 102248 +tigress 102247 +girlies 102245 +illiquid 102237 +bleating 102231 +stratagem 102226 +squatted 102207 +dagon 102202 +unlabelled 102192 +substituent 102187 +underemployment 102184 +atalanta 102179 +prepositional 102177 +moonwalk 102169 +homs 102163 +reassert 102154 +lancets 102151 +titi 102146 +conniving 102139 +subphylum 102129 +authoritatively 102118 +ruffed 102112 +preselected 102103 +arline 102095 +schipperke 102078 +carder 102075 +comber 102072 +behan 102071 +muzzleloader 102068 +unpleasantness 102064 +bettered 102055 +imbecile 102040 +gravest 102039 +zomba 102038 +defilement 102035 +alloying 102030 +butting 102028 +pistoia 102026 +gobbled 102025 +pickerel 102019 +minaret 102009 +postprandial 102004 +sargasso 102003 +dickhead 101987 +syndicating 101983 +hispaniola 101977 +danae 101957 +larousse 101945 +conceives 101942 +cleanings 101942 +townsfolk 101935 +denarius 101927 +afflicts 101926 +abuzz 101924 +wino 101922 +thinness 101919 +onassis 101919 +cupolas 101918 +skewing 101915 +counteracting 101910 +demilitarization 101903 +musil 101900 +ramshackle 101898 +alkyd 101898 +dullness 101895 +syllogism 101890 +wrenched 101882 +zech 101874 +usurping 101868 +bine 101867 +arouses 101853 +augustinian 101852 +spuds 101849 +foxholes 101842 +scald 101839 +kurland 101824 +foliation 101817 +heliotrope 101799 +aquiline 101795 +fiddled 101789 +undecidable 101755 +saturates 101752 +gotchas 101746 +hatchling 101743 +reapers 101741 +uncouth 101701 +dauber 101683 +captaincy 101675 +relict 101671 +paediatrician 101669 +whimpering 101664 +geodesics 101643 +skink 101630 +eleazar 101626 +constanta 101624 +relaxations 101621 +ramie 101611 +bellona 101604 +grippers 101601 +intensives 101599 +turtledove 101596 +portent 101576 +shorthanded 101575 +bojangles 101560 +fatten 101551 +coverdale 101543 +lockouts 101541 +crossly 101539 +stagnated 101537 +blabber 101525 +hadst 101518 +polytechnics 101500 +antipasto 101488 +wholistic 101487 +wristlet 101478 +bodacious 101477 +admonish 101473 +coauthored 101469 +incumbency 101457 +gribble 101450 +connotes 101433 +tropopause 101421 +espousing 101421 +curvaceous 101417 +battlements 101417 +transgress 101413 +exponentiation 101400 +blowhards 101399 +lank 101391 +vaporized 101373 +governorship 101372 +tolled 101362 +ergot 101361 +sporrans 101358 +aligarh 101353 +schumpeter 101349 +bacolod 101346 +zealously 101323 +repatriate 101311 +hards 101311 +midair 101300 +dowager 101298 +smudging 101277 +squealed 101266 +neurosurgeons 101255 +convents 101249 +bisection 101223 +trypanosomiasis 101218 +workability 101216 +usurper 101213 +papain 101210 +trivalent 101204 +recitations 101200 +inculcate 101199 +olla 101196 +encumber 101195 +stieglitz 101188 +sentience 101174 +impetigo 101164 +cuvier 101162 +grahams 101156 +massenet 101153 +torturers 101149 +gurkha 101149 +wyandot 101146 +diatomaceous 101139 +drachmas 101134 +ohioans 101133 +indemnifying 101130 +heloise 101120 +reimburses 101105 +opportunists 101083 +unimpaired 101069 +crazier 101063 +baptizing 101045 +keratosis 101040 +corporatism 101039 +bindweed 101033 +tonia 101032 +heedless 101005 +agon 100991 +trots 100981 +providential 100978 +boilermaker 100968 +extrapolations 100962 +othman 100957 +daresay 100904 +coriolanus 100887 +liberality 100883 +baling 100878 +wyo 100875 +turnbuckle 100855 +knurled 100835 +instate 100810 +ossification 100784 +imperf 100782 +vashti 100773 +indulges 100764 +featherbed 100764 +unthinking 100759 +cresol 100759 +cashes 100738 +indexers 100736 +stank 100733 +dimorphism 100716 +bettors 100715 +flossie 100703 +legalisation 100687 +pergolas 100685 +inestimable 100678 +skat 100677 +noyce 100672 +whiles 100669 +nickolas 100667 +payees 100662 +concatenating 100657 +inconvenienced 100655 +microsecond 100645 +turnstile 100629 +inductee 100623 +distrusted 100619 +quadrennial 100618 +schoolbook 100610 +regrouped 100604 +folktale 100590 +thespian 100582 +gutless 100572 +aced 100569 +pulping 100568 +bricklayers 100566 +scriptorium 100565 +polyurethanes 100561 +capulet 100545 +mohawks 100541 +crucibles 100534 +ignoble 100531 +hobgoblin 100529 +gumbel 100525 +chelated 100509 +frankish 100504 +jeroboam 100486 +doppelganger 100483 +timidly 100477 +rightist 100477 +superblock 100475 +lurked 100475 +greyish 100473 +clearcut 100472 +imitative 100465 +poinsettias 100456 +concordant 100451 +mazer 100444 +grimmer 100430 +reductionist 100427 +masher 100422 +lookers 100415 +pagodas 100414 +maximises 100409 +hobble 100403 +bibliomania 100389 +plater 100378 +tills 100375 +graviton 100371 +repentant 100365 +chopstick 100363 +trawls 100357 +dissections 100357 +telecommuters 100356 +iconoclastic 100350 +woodlot 100328 +meanness 100327 +roughriders 100309 +arboreal 100309 +willies 100296 +sickles 100279 +inhalant 100276 +biding 100271 +unassailable 100269 +disharmony 100236 +overstatement 100232 +coercing 100232 +policewoman 100229 +bahts 100220 +mutters 100202 +presences 100198 +singhalese 100195 +airlifted 100174 +bolivars 100171 +culex 100163 +squeals 100150 +mammon 100150 +cavour 100146 +discoverable 100145 +atrophic 100137 +beltane 100124 +whir 100120 +alcor 100118 +untangle 100071 +afflicting 100070 +biographers 100063 +laue 100061 +audiocassette 100039 +wheelhouse 100038 +angiosperms 100032 +opines 100031 +recency 100013 +moxa 100012 +kidnapper 100008 +hyacinths 100007 +cloudscape 100002 +rogelio 99991 +manometry 99987 +swed 99983 +pfennig 99974 +rustler 99972 +jetties 99968 +freeholders 99931 +ttys 99928 +ventre 99927 +facetious 99923 +tinkle 99909 +deventer 99909 +wormed 99905 +dressmaking 99901 +blithering 99894 +geophysicists 99893 +lavatories 99891 +prebuilt 99883 +penicillium 99876 +engorged 99876 +fujiyama 99861 +civilly 99856 +inquisitively 99850 +poinciana 99838 +unhurt 99837 +tautology 99834 +hainaut 99832 +incredulity 99823 +burros 99816 +untaxed 99799 +yawns 99793 +minimus 99790 +epididymis 99789 +hiroshige 99778 +menstruating 99773 +pistes 99772 +hilversum 99763 +obligee 99762 +briard 99762 +instinctual 99758 +proscription 99750 +foretell 99746 +hoards 99742 +shorebird 99732 +boccaccio 99712 +whimpered 99699 +lakehurst 99696 +businesslike 99669 +megaton 99662 +attachable 99662 +juba 99652 +frill 99652 +vamps 99641 +mudslides 99638 +diacritical 99635 +polaroids 99631 +mobilizes 99619 +landward 99614 +notarial 99597 +physiographic 99596 +cripples 99595 +cistercian 99590 +amusingly 99590 +cornices 99581 +ostentatious 99576 +renounces 99574 +spacial 99568 +temping 99554 +delius 99541 +toupee 99529 +pocketing 99520 +tannic 99516 +midsection 99506 +antiphon 99491 +transposing 99473 +multicoloured 99473 +rerouted 99461 +retested 99454 +rhodolite 99436 +shylock 99433 +subdural 99431 +tabletops 99430 +downspouts 99419 +ratifies 99412 +hoovers 99412 +sacrum 99393 +nutcase 99369 +spherically 99360 +paymaster 99352 +dooms 99351 +burs 99345 +willemstad 99326 +magnetron 99326 +canaanites 99322 +ratepayer 99319 +chairlift 99316 +releaser 99314 +hardliners 99309 +gnarled 99279 +gnashing 99249 +silvas 99248 +bombarding 99238 +splayed 99223 +macks 99222 +barneys 99205 +earthling 99202 +issuable 99190 +plod 99185 +transpire 99172 +nontaxable 99167 +accentuates 99165 +covetousness 99164 +dammed 99146 +barracudas 99135 +frig 99129 +piebald 99126 +unawares 99125 +scornful 99123 +vitriolic 99105 +offscreen 99105 +keewatin 99104 +earthlings 99102 +bourges 99102 +overwintering 99096 +newfangled 99096 +crosswise 99093 +tuneful 99079 +birefringence 99079 +violinists 99073 +leatherback 99054 +interpretable 99044 +puli 99039 +atomically 99033 +ablative 99032 +cyclically 99020 +sociopath 99014 +ipomoea 99003 +parolees 99000 +lecterns 98998 +benoni 98995 +rosella 98993 +agulhas 98981 +mescaline 98963 +sailplanes 98950 +humdrum 98938 +distended 98934 +solidago 98930 +bottlers 98925 +shepherding 98924 +faun 98921 +commonweal 98911 +masseur 98908 +motherfucking 98898 +microfilming 98897 +siphoned 98885 +printmaker 98879 +tidied 98877 +dominantly 98874 +siltstone 98870 +awoken 98863 +refactored 98846 +rentable 98840 +cyanocobalamin 98839 +pressurization 98828 +hypoplasia 98826 +fatness 98818 +coalesced 98815 +rosicrucian 98806 +knop 98804 +bookbinder 98785 +macron 98775 +offstage 98774 +paintwork 98773 +danceable 98757 +dangled 98753 +presumptively 98747 +arsenide 98744 +mindsets 98743 +fixedly 98739 +feebly 98733 +claudication 98729 +hulled 98727 +prurient 98718 +melanomas 98713 +spritz 98705 +ryle 98703 +liffey 98696 +pocky 98692 +weddell 98690 +solingen 98682 +vexation 98673 +indentures 98667 +bastions 98663 +defecation 98660 +bailly 98660 +threadbare 98655 +okays 98655 +emissaries 98654 +anglicanism 98651 +answerphone 98650 +flakey 98642 +subsiding 98636 +hebe 98630 +purred 98627 +coalfield 98627 +envelops 98622 +uneconomic 98610 +felly 98609 +contingents 98608 +squirmed 98600 +peeved 98590 +worming 98586 +decolonization 98585 +constructional 98572 +ostracized 98567 +excreta 98566 +imbalanced 98564 +crewel 98555 +serializing 98548 +homomorphisms 98545 +theologies 98531 +polymyxin 98523 +printmakers 98511 +cringing 98499 +peephole 98454 +interrelation 98454 +traumatised 98448 +hhd 98437 +piffle 98434 +riveter 98433 +parolee 98427 +restating 98425 +echidna 98423 +demonize 98418 +pennzoil 98383 +polys 98377 +trincomalee 98360 +tyro 98355 +bullfight 98353 +demographically 98348 +jabberwocky 98340 +trowels 98337 +wracking 98333 +airbrushes 98332 +myalgia 98319 +mauritian 98319 +nudest 98316 +outstrip 98311 +paps 98310 +demerits 98304 +insurability 98302 +reefing 98301 +highwayman 98299 +clobbered 98294 +sacagawea 98290 +prequels 98288 +hussars 98285 +fatherly 98285 +bridgett 98280 +jehu 98271 +naismith 98251 +clavicle 98245 +merwin 98239 +southwards 98234 +isomorphisms 98234 +aspirational 98234 +swerved 98229 +quantic 98229 +psychometrics 98216 +moliere 98213 +unfeasible 98193 +recurred 98189 +hollering 98179 +talcum 98176 +roams 98175 +santeria 98173 +palatal 98171 +gobbler 98170 +hern 98166 +calcined 98153 +reoccurring 98143 +reynold 98132 +tetons 98129 +ductility 98118 +existentialist 98116 +herby 98109 +colombians 98108 +icel 98105 +terrify 98104 +integrand 98098 +organists 98088 +bugler 98084 +licentiate 98082 +videodisc 98073 +inflammable 98062 +czechia 98058 +antonym 98055 +forgoing 98052 +nougat 98029 +bunions 98028 +inerrancy 98021 +liberace 98020 +copula 98012 +undercuts 98011 +disowned 98011 +sleuthing 98000 +unearthing 97979 +surmount 97975 +springboks 97975 +reevaluated 97969 +psychopaths 97967 +headship 97961 +hellenes 97944 +outstrips 97943 +newscaster 97934 +unheeded 97930 +nihilist 97920 +reviser 97916 +labradors 97914 +recuse 97901 +metabolize 97893 +decompressed 97888 +fictionalized 97865 +proclaimers 97863 +satchels 97862 +recoded 97857 +polymorphonuclear 97857 +ebonics 97853 +cahoots 97846 +stagnate 97838 +reclaims 97835 +aalst 97834 +feeler 97832 +mantissa 97830 +stroganoff 97816 +skittish 97816 +kokanee 97814 +sacrosanct 97813 +pocketbooks 97797 +agnostics 97795 +birthed 97794 +legalism 97787 +equilibrated 97783 +negus 97779 +chromatid 97779 +rectors 97766 +compulsions 97765 +hankies 97761 +bevelled 97761 +netherworld 97758 +variate 97750 +habitations 97739 +underbody 97728 +crematories 97728 +cowering 97716 +pyelonephritis 97713 +overhear 97704 +moonstruck 97694 +tramways 97692 +tawdry 97692 +arachnids 97688 +doublets 97682 +lavas 97676 +turnabout 97663 +mindoro 97662 +nyx 97647 +behring 97634 +pureed 97629 +jettison 97607 +camomile 97607 +mesoamerican 97597 +nucleons 97572 +intellectualism 97570 +canonized 97556 +orchestrator 97554 +solicitous 97553 +nubia 97553 +mullein 97538 +borers 97535 +cattleya 97504 +emulations 97502 +hulking 97501 +loosestrife 97491 +macbride 97469 +kasai 97459 +coneflower 97443 +beauticians 97433 +chitchat 97431 +klaipeda 97416 +caballeros 97414 +unwound 97413 +restructures 97408 +mezzanines 97405 +siphoning 97390 +loblolly 97385 +cokes 97382 +pincushion 97374 +photoperiod 97374 +referents 97365 +venezuelans 97351 +snapdragon 97351 +luanne 97349 +strychnine 97348 +unappreciated 97334 +perforating 97334 +sprinted 97323 +darvon 97319 +psychoses 97316 +reveille 97314 +shtick 97310 +oceanus 97307 +joannes 97307 +garrisons 97306 +pennis 97297 +gamete 97297 +unplayable 97274 +splashy 97267 +aconcagua 97248 +derringer 97245 +dilator 97228 +ordinaries 97214 +germinated 97206 +streambed 97202 +shames 97199 +predominated 97197 +subcortical 97188 +costumers 97181 +perineum 97176 +soymilk 97159 +pittance 97145 +seagram 97133 +snatcher 97103 +salacious 97102 +gironde 97090 +nescafe 97087 +gosse 97083 +criminologist 97082 +escutcheon 97077 +winging 97072 +alcibiades 97071 +sapient 97062 +griping 97061 +curds 97052 +sinfulness 97050 +recapitulation 97050 +trudged 97045 +baathist 97035 +aspens 97035 +oglala 97031 +creaky 97031 +hummed 97027 +restocked 97025 +chassidic 97017 +convalescence 97004 +verite 97002 +motets 96999 +proterozoic 96995 +lithic 96995 +hijackings 96994 +paly 96992 +priam 96972 +whisks 96967 +unceasing 96965 +disdainful 96964 +knower 96956 +unloads 96948 +martinet 96932 +mashups 96925 +cackling 96920 +garbanzos 96900 +comity 96899 +prebook 96897 +hinterlands 96887 +avidin 96882 +spahn 96880 +amortised 96869 +probationers 96866 +scriptwriter 96859 +ryukyu 96849 +parsnips 96834 +trembles 96831 +capitalizes 96828 +positrons 96821 +gracing 96811 +gouges 96796 +eurodollar 96794 +pissarro 96793 +dryly 96792 +ellipsoidal 96790 +lowlife 96773 +ingratitude 96770 +thew 96759 +gnostics 96756 +dodecanese 96740 +pandemics 96739 +premonitions 96735 +sneezes 96734 +glares 96724 +amnesiac 96706 +preliminarily 96704 +humped 96691 +disbanding 96673 +tumescent 96669 +mycelium 96667 +bleary 96666 +palates 96654 +splenectomy 96647 +mesoamerica 96643 +bridals 96639 +mugshots 96630 +rowboat 96627 +perfections 96626 +mozambican 96607 +creamers 96591 +uteri 96583 +restive 96577 +melodia 96574 +emcees 96560 +hackneyed 96556 +flagellum 96554 +canticle 96546 +farad 96545 +naivete 96534 +trumpeted 96533 +rambunctious 96532 +circuitous 96532 +choreographic 96513 +scavenge 96510 +unmotivated 96505 +imploring 96498 +engulfing 96492 +scallion 96478 +positivist 96473 +erebus 96472 +ouabain 96466 +facelifts 96466 +squished 96435 +abridge 96435 +reserpine 96434 +picardy 96424 +saccharine 96416 +borscht 96416 +riggers 96415 +holograph 96413 +roominess 96410 +stander 96407 +phrasebooks 96398 +pastrami 96375 +lactase 96349 +glisten 96348 +delinquencies 96344 +ocotillo 96343 +freewheel 96330 +roethke 96327 +microfilmed 96323 +doritos 96320 +clubbed 96316 +turnings 96312 +freeboard 96303 +douro 96300 +astrolabe 96291 +capos 96287 +unblemished 96278 +trenchant 96270 +bamboozled 96267 +windowless 96260 +scions 96252 +parturition 96243 +conjunctiva 96243 +pillbox 96241 +tench 96238 +postmodernist 96233 +texes 96227 +cascara 96222 +osteopath 96216 +concealers 96214 +medicate 96208 +leached 96207 +examinee 96203 +buzzers 96203 +marsupials 96201 +aversive 96193 +volleys 96192 +bloodletting 96188 +condenses 96181 +skewered 96177 +furan 96177 +corker 96177 +girlhood 96165 +freshening 96157 +marjory 96156 +chomping 96150 +quartermasters 96149 +rill 96136 +psychoanalyst 96132 +norther 96131 +corer 96129 +kringle 96126 +lodgment 96080 +clumsiness 96067 +translocations 96063 +ascertainable 96059 +witless 96050 +milkshakes 96046 +imposters 96042 +debunks 96022 +regale 96013 +cybele 96013 +amethysts 96010 +unstuck 96003 +eschewing 96000 +carioca 95985 +sulfonate 95968 +compressions 95967 +overpay 95962 +carolus 95960 +windup 95958 +nevus 95946 +crus 95942 +decontaminated 95933 +sumatran 95931 +localizations 95930 +dissectors 95926 +ichthyology 95924 +woodhull 95918 +trencher 95915 +amuses 95912 +pallor 95909 +melisa 95906 +carbamate 95905 +edgardo 95904 +swashbuckler 95903 +exculpatory 95901 +unwholesome 95900 +parsifal 95889 +zweig 95888 +copra 95887 +entailing 95868 +journeymen 95861 +antagonize 95843 +regexps 95841 +quires 95839 +tyrolean 95829 +phosphine 95829 +wog 95819 +jaycee 95785 +galling 95784 +neuroses 95780 +damion 95779 +nontechnical 95773 +actuarially 95761 +sarsaparilla 95748 +beefing 95737 +bobwhite 95732 +clastic 95726 +recasting 95705 +irrigating 95703 +brawny 95700 +interwar 95677 +gonad 95676 +barberry 95675 +covariances 95670 +scandium 95662 +historicity 95660 +flyweight 95657 +prattle 95652 +partakers 95649 +shinny 95639 +ventolin 95634 +ilium 95618 +airstrikes 95618 +livy 95617 +jazzed 95617 +incorruptible 95615 +mottling 95603 +puritanism 95600 +secularists 95582 +rotators 95564 +bandannas 95558 +chapbooks 95549 +carthaginian 95545 +splinting 95539 +optimistically 95537 +pinups 95528 +tamp 95517 +snobby 95510 +unblocking 95498 +assiduously 95494 +nibbled 95490 +eggheads 95490 +cognizable 95490 +dialled 95483 +ashlar 95483 +enamelware 95481 +appeasing 95475 +saboteurs 95465 +kilobits 95465 +boozing 95464 +narmada 95463 +piquant 95462 +ericka 95453 +painterly 95449 +cringed 95446 +torturous 95444 +leeuwarden 95416 +businesswomen 95410 +allergists 95393 +sebum 95387 +unreservedly 95381 +nonagricultural 95379 +tattle 95375 +baste 95369 +grazer 95350 +eclecticism 95347 +concoct 95345 +bested 95330 +inseparably 95317 +cockpits 95317 +timetabled 95304 +anthers 95298 +interchangeability 95293 +sauternes 95292 +ginning 95281 +canonization 95273 +coronas 95271 +shastra 95269 +unsinkable 95267 +crypts 95267 +twinkies 95265 +buttonhole 95261 +foiling 95254 +thanatos 95251 +uncivilized 95227 +moots 95227 +insensible 95224 +cartage 95224 +impeachable 95223 +gliwice 95221 +cockatoos 95210 +muggles 95209 +paglia 95206 +seasick 95193 +evensong 95190 +cowbird 95185 +redouble 95182 +theodosius 95180 +danone 95180 +fenestration 95179 +dreiser 95169 +rostrum 95160 +derivable 95160 +abkhazian 95160 +ejaculated 95154 +panne 95153 +cholla 95135 +adsorbent 95126 +cruet 95123 +nippers 95107 +sables 95090 +presa 95089 +smallholders 95086 +oast 95072 +undercurrents 95066 +admonitions 95063 +holbein 95062 +giftedness 95050 +catsup 95047 +shewing 95039 +serums 95036 +roubaix 95036 +scrotal 95031 +overgrazing 95022 +easternmost 95015 +cower 95006 +piggin 94991 +inferiors 94978 +gummed 94976 +revitalising 94975 +bettye 94974 +chequer 94970 +soupy 94968 +probationer 94960 +syncopated 94958 +heterotrophic 94958 +nectarines 94957 +criminalizing 94952 +reprogrammed 94948 +chardin 94940 +singed 94936 +reorganizes 94934 +trehalose 94932 +preceptors 94928 +hones 94922 +neater 94914 +vermonters 94913 +atomics 94911 +palmtops 94907 +cavers 94904 +galatea 94903 +gird 94882 +psid 94878 +detent 94877 +publicising 94876 +hubli 94876 +pierces 94874 +mismanaged 94854 +solicitude 94847 +guv 94835 +pawnbroker 94830 +montesquieu 94815 +bonnard 94814 +reverently 94810 +deign 94806 +thesauruses 94796 +terephthalate 94796 +hominy 94782 +crawlspace 94773 +lacustrine 94762 +doting 94762 +leaseholders 94732 +flycatchers 94722 +phototherapy 94718 +convertibility 94699 +whittled 94696 +snapple 94693 +marbling 94691 +blistered 94691 +stepparent 94685 +discrediting 94672 +glittered 94663 +quadrate 94662 +ddts 94658 +hypertonic 94657 +seeder 94655 +recognizance 94652 +hanseatic 94648 +clench 94648 +impinging 94647 +pestered 94640 +emulsifier 94635 +metaplasia 94633 +preeminence 94627 +mindlessly 94602 +billows 94586 +unconditioned 94582 +fingerprinted 94582 +walleyes 94581 +carted 94567 +footsie 94559 +clovers 94559 +weeknights 94553 +anticholinergic 94532 +churns 94529 +mutilate 94527 +despots 94514 +ivorian 94512 +stumpage 94499 +glarus 94499 +gnaw 94482 +tamra 94477 +motorcar 94475 +bandied 94474 +inducers 94451 +spatter 94442 +guardrails 94433 +collimated 94433 +perversely 94416 +chromic 94414 +foxe 94413 +rebuttable 94410 +bors 94410 +stabler 94408 +dunbarton 94405 +transfigured 94394 +excretory 94389 +typifies 94386 +felonious 94376 +masseurs 94375 +chickadees 94366 +thermophilic 94365 +smithereens 94364 +brander 94364 +manitoulin 94357 +transpires 94356 +quizzical 94351 +maxilla 94342 +informers 94337 +resentments 94329 +kumquat 94317 +kevorkian 94317 +internationalize 94310 +braque 94304 +caging 94303 +pock 94289 +sensitize 94281 +pyx 94280 +bartered 94279 +sugared 94274 +schizo 94266 +spittle 94265 +circumspect 94265 +demerit 94263 +shouldst 94262 +reorders 94256 +equivalencies 94256 +unlit 94251 +liberalizing 94249 +stifles 94247 +sarnoff 94242 +dessau 94242 +unbind 94237 +plaice 94232 +roundness 94231 +catechetical 94230 +punchbowl 94228 +grosz 94226 +pyroclastic 94220 +incisors 94218 +pulpwood 94214 +raeburn 94205 +acrimonious 94205 +subminiature 94196 +scuffing 94193 +pulpits 94192 +annuitants 94191 +fallows 94181 +britches 94180 +warding 94175 +unbuttoned 94170 +helminth 94162 +gestural 94162 +perfumers 94159 +rices 94158 +tyke 94147 +melanesian 94144 +purposive 94136 +nonalcoholic 94136 +frolics 94128 +commodes 94125 +doorstop 94122 +groat 94121 +galloped 94098 +windowpane 94097 +colloq 94097 +matins 94091 +brawler 94090 +cooperator 94083 +birdbaths 94080 +rajput 94077 +boastfully 94071 +maladaptive 94070 +psychedelics 94057 +fencers 94052 +bellowing 94043 +aborigine 94041 +depresses 94040 +abhorrence 93985 +retesting 93984 +bravura 93984 +bulldozed 93980 +fathead 93979 +sheers 93976 +shavuot 93976 +millikan 93975 +bioenergetics 93963 +lawmaking 93957 +enuresis 93947 +revalued 93945 +replicable 93944 +messiaen 93935 +contemporaneously 93934 +padang 93930 +wryly 93928 +androgenic 93928 +sweetening 93915 +croaker 93910 +trialled 93908 +staphylococci 93903 +blackish 93894 +apraxia 93877 +ahimsa 93873 +graffito 93872 +farted 93867 +aphorism 93867 +emanation 93866 +inoculate 93863 +miscreants 93859 +unction 93850 +redan 93847 +nonmedical 93844 +misfire 93841 +virtualisation 93820 +banes 93807 +noblemen 93794 +barque 93778 +deride 93771 +beyrouth 93764 +doggone 93758 +loosens 93747 +rigidities 93742 +pragmatically 93740 +beermat 93730 +plasterer 93729 +lajos 93711 +julep 93700 +spoonbill 93698 +revolutionising 93687 +redeploy 93680 +carryout 93670 +commemorations 93659 +advocaat 93651 +houseman 93644 +sedges 93631 +pounders 93629 +pitiless 93627 +marka 93624 +wools 93608 +portly 93605 +directionally 93600 +replant 93597 +aegina 93596 +sieving 93580 +jangle 93580 +senora 93572 +jarl 93572 +beauteous 93571 +scag 93567 +convicting 93566 +deathwatch 93564 +veld 93563 +hazlitt 93559 +patagonian 93556 +plopped 93533 +oligosaccharide 93532 +contrive 93527 +releasable 93525 +catalysed 93521 +huguenots 93514 +concavity 93507 +estimable 93502 +scowled 93498 +ministration 93492 +willet 93490 +bifocals 93488 +summations 93477 +culler 93477 +voronezh 93469 +tussock 93469 +wriggle 93461 +ascertainment 93457 +volatilization 93454 +impudent 93454 +triazine 93452 +keelboat 93446 +shuttling 93438 +archdiocesan 93431 +damselflies 93428 +marcuse 93426 +foch 93423 +mudflats 93422 +heritages 93416 +petted 93406 +treeline 93398 +cartographers 93373 +tasters 93361 +tanked 93358 +armless 93357 +acquirers 93354 +prude 93351 +bettor 93348 +podesta 93331 +heroically 93329 +pekoe 93324 +sifter 93323 +phoenicians 93319 +enjoining 93318 +kayaker 93314 +hustled 93283 +jinny 93271 +surreptitious 93263 +petulant 93258 +unfurled 93246 +paraclete 93239 +integrability 93235 +underhanded 93228 +hypothyroid 93222 +stylistics 93216 +leadbelly 93206 +hibernating 93204 +biometry 93202 +microcircuits 93193 +blacklisting 93191 +chinaman 93188 +muzzy 93181 +containerized 93174 +lvov 93170 +folksy 93169 +nonchalant 93168 +poops 93165 +wollaston 93159 +disloyalty 93157 +bevin 93157 +laconic 93145 +soundbites 93144 +buteo 93137 +dissents 93131 +westwards 93127 +underparts 93120 +guinean 93115 +chaumont 93112 +askance 93112 +goy 93104 +mobutu 93097 +blips 93096 +cretin 93094 +recouped 93086 +naturopath 93066 +carping 93027 +trivets 93014 +baronial 93012 +earing 93011 +windex 93008 +ammonite 92993 +cinerama 92967 +denouement 92956 +belied 92954 +obliquity 92950 +luria 92945 +stickies 92938 +consonance 92938 +cadenza 92931 +housman 92923 +cyclohexane 92922 +satiric 92921 +quivered 92921 +redstart 92920 +budgies 92915 +rejoins 92910 +lynnette 92909 +sanctimonious 92898 +tubas 92891 +wurst 92889 +wazoo 92888 +ebbs 92874 +megiddo 92871 +recuperating 92864 +toadstool 92857 +whelping 92849 +schnauzers 92843 +cameramen 92841 +missives 92840 +ezek 92840 +stammering 92826 +waked 92803 +snubs 92798 +topspin 92795 +magnifies 92766 +adverbial 92754 +ghostwriter 92746 +foolscap 92742 +cellulosic 92742 +schizophrenics 92736 +stairwells 92735 +evangelizing 92733 +inulin 92727 +oases 92726 +brach 92726 +mitty 92719 +turbochargers 92706 +fibrinolysis 92706 +rightward 92695 +hometowns 92690 +cleavers 92689 +specialisms 92668 +paddies 92663 +unmeasured 92655 +atomicity 92652 +trabzon 92642 +statuettes 92625 +footstools 92621 +hest 92617 +propagators 92606 +brumby 92591 +coplanar 92589 +arica 92588 +deflationary 92582 +accipiter 92573 +largehearted 92571 +lumping 92545 +ranted 92544 +jibs 92535 +washings 92518 +lumpectomy 92514 +codenamed 92511 +pally 92509 +weightlessness 92498 +radiocommunication 92493 +involvements 92492 +guyot 92473 +cravens 92473 +ampoule 92473 +twinge 92460 +tabulating 92460 +bendy 92458 +cultus 92453 +tellurium 92450 +contortionist 92446 +trudging 92440 +memorialize 92437 +distillates 92433 +cantankerous 92430 +pinyon 92424 +lovesick 92416 +botch 92410 +feasted 92398 +reassessing 92396 +rebukes 92383 +bluebells 92382 +carafes 92375 +lilongwe 92372 +symbolises 92365 +tevet 92363 +quadrille 92349 +unsportsmanlike 92337 +granddad 92332 +lucretius 92325 +parvati 92305 +sonically 92304 +aramid 92301 +moralistic 92293 +dongles 92292 +clinches 92285 +whitlow 92281 +legalised 92274 +outstandingly 92273 +cockatiels 92259 +energised 92253 +disconnections 92237 +sensitisation 92232 +veneered 92228 +repp 92223 +undercoat 92222 +vectorized 92208 +deactivating 92200 +repressing 92198 +photolithography 92194 +enmeshed 92191 +legalise 92188 +prothonotary 92182 +uncritically 92164 +mishmash 92161 +functionalism 92142 +icebreakers 92132 +healthily 92126 +eschewed 92124 +utopias 92120 +embroideries 92117 +buntings 92115 +unrolling 92094 +intellects 92084 +brawling 92081 +goddam 92077 +gelatinous 92077 +windsocks 92072 +aeons 92070 +centimetre 92064 +ironmongery 92058 +heterochromatin 92046 +swill 92032 +gentlemanly 92032 +daimon 92024 +zoonoses 92023 +uptick 92021 +baber 92020 +underbrush 92017 +histochemistry 92012 +bemoan 92003 +asthenic 91998 +shunted 91995 +norsemen 91991 +forsaking 91990 +logistically 91980 +knievel 91979 +centripetal 91978 +cerebrum 91969 +jockstrap 91968 +leninism 91967 +defections 91965 +arcuate 91955 +scorpius 91953 +anaphora 91949 +discotheques 91945 +bobbed 91939 +diversities 91933 +flatfish 91928 +parmigiano 91925 +pontus 91921 +chatterton 91908 +unintelligent 91902 +pogrom 91901 +monads 91901 +cark 91887 +detonating 91876 +crackles 91876 +alnico 91870 +annexing 91865 +remount 91864 +sapir 91860 +granddaddy 91860 +designators 91848 +asylums 91842 +satires 91839 +coffer 91839 +costliest 91837 +ravaging 91834 +depreciating 91833 +rarefied 91832 +vestment 91806 +diaeresis 91799 +laze 91798 +unburned 91797 +deprecate 91796 +multiplicities 91792 +lvi 91791 +lookalikes 91790 +remastering 91789 +blued 91789 +annotator 91788 +decembrist 91787 +furling 91786 +kasha 91777 +explosively 91773 +partials 91771 +chivalrous 91761 +scribblings 91760 +vicars 91753 +rationalizations 91750 +overruling 91749 +burdening 91744 +transonic 91737 +cumulated 91737 +minorca 91735 +gendarmerie 91732 +wagram 91722 +underpowered 91713 +obstinacy 91704 +keyway 91703 +propagandists 91693 +collards 91690 +landsman 91687 +janell 91679 +oberhausen 91678 +bootstrapped 91678 +jetsam 91677 +luminosities 91664 +contrastive 91643 +refocused 91637 +caked 91635 +jeopardizes 91630 +celanese 91617 +reassures 91601 +delude 91601 +similes 91595 +geocache 91591 +entebbe 91591 +spambots 91589 +theatrically 91579 +gravitas 91573 +wheelbarrows 91570 +liberians 91567 +malory 91563 +recedes 91545 +wroth 91544 +sysadmins 91541 +emetic 91529 +sopwith 91525 +phooey 91510 +phagocytic 91506 +longhaired 91503 +gabardine 91501 +contraindication 91499 +seaweeds 91497 +structuralist 91485 +polkas 91485 +calligrapher 91482 +steamboats 91471 +substantiating 91468 +psychodrama 91468 +bailee 91459 +towered 91449 +cobblestones 91446 +nosebleeds 91441 +tubercle 91439 +salesmanship 91437 +fastness 91436 +klemperer 91435 +anodic 91428 +gautama 91418 +unguided 91414 +centroids 91394 +knucklehead 91392 +misquoted 91391 +alsatian 91381 +filariasis 91380 +mousing 91378 +palindromes 91371 +unrighteous 91363 +torpor 91359 +nanning 91358 +logy 91345 +complexation 91338 +impugned 91332 +desecrated 91321 +transgressed 91320 +kojak 91318 +watermill 91313 +undercooked 91308 +passerby 91307 +misanthrope 91304 +hertha 91303 +scapula 91298 +cryotherapy 91295 +sinfonietta 91294 +paternoster 91288 +subarctic 91272 +minestrone 91258 +annal 91257 +salivating 91243 +kalashnikov 91242 +endeared 91233 +disunity 91231 +pecked 91223 +touchline 91215 +pukka 91215 +abattoirs 91198 +dozed 91195 +outstripped 91194 +outpacing 91192 +abruzzi 91187 +persepolis 91184 +phyla 91181 +armagnac 91177 +perdu 91173 +pori 91171 +repast 91170 +snaking 91169 +decommission 91163 +atomistic 91161 +postmarks 91159 +barbarella 91157 +triangulations 91156 +cambodians 91139 +majestically 91134 +reseau 91133 +caul 91129 +shapeless 91128 +quaternions 91120 +contrite 91108 +predated 91104 +reflexively 91103 +tootsies 91085 +beachhead 91084 +decrypts 91082 +abstractly 91076 +homoerotic 91074 +lipophilic 91057 +conjunctival 91057 +nonsignificant 91053 +brushstrokes 91038 +ojibwa 91034 +lightens 91021 +twitches 91016 +pursed 91006 +balaklava 91005 +snuggles 91004 +photojournalists 91004 +fantasizing 91000 +badman 90995 +claustrophobia 90989 +abutments 90989 +vacuumed 90978 +impresario 90971 +technocrats 90970 +algorithmically 90957 +balliol 90954 +vilma 90947 +vaduz 90947 +entreated 90941 +marginalize 90935 +aggravates 90922 +haver 90916 +amboise 90911 +gamed 90910 +heliopolis 90906 +balers 90898 +smocking 90890 +consumerist 90887 +cottbus 90886 +vaal 90885 +righteously 90879 +marvelled 90872 +resizes 90847 +nephron 90845 +preening 90844 +clichy 90841 +screeds 90831 +cryptographically 90819 +seductions 90814 +cosmetologist 90812 +buber 90790 +propitious 90778 +sexiness 90764 +domesticity 90756 +fanon 90753 +apoc 90750 +alkenes 90750 +inputted 90747 +chastise 90745 +brominated 90737 +canner 90736 +ziploc 90732 +inveterate 90730 +mainstreamed 90714 +apomorphine 90704 +peacefulness 90703 +foots 90698 +extolled 90689 +steadicam 90674 +restructurings 90670 +langlauf 90663 +carnot 90658 +miffy 90645 +marigolds 90645 +absently 90637 +kashmiris 90633 +glt 90632 +roadsters 90587 +copse 90567 +urease 90556 +twinned 90542 +erotics 90541 +highwaymen 90537 +proffers 90530 +meperidine 90530 +spheroid 90526 +reorient 90526 +orators 90524 +fritillary 90524 +ashgabat 90521 +incorrigible 90520 +gurdwara 90513 +anteater 90505 +abating 90502 +levellers 90500 +moonraker 90494 +feigning 90489 +majuro 90486 +haematological 90480 +endymion 90480 +ballplayers 90479 +veblen 90478 +passant 90477 +disruptor 90473 +mouses 90466 +gleanings 90465 +gapes 90458 +lippi 90447 +sodalite 90437 +municipally 90427 +circularly 90424 +unwrapping 90422 +pessimists 90420 +liveliest 90402 +ordonnance 90400 +milkmen 90400 +tollbooth 90399 +blackmailed 90399 +sixtieth 90396 +reproof 90391 +secularization 90386 +louden 90384 +smokestack 90371 +treasonous 90359 +misprint 90356 +diverticulosis 90352 +tarnishing 90347 +hobnail 90347 +blowup 90347 +unicellular 90342 +izard 90328 +conspiratorial 90317 +anam 90317 +tambourines 90308 +sterns 90308 +nonconformist 90306 +halogens 90296 +levitate 90295 +solidifying 90286 +credulous 90278 +arrhenius 90273 +inflections 90264 +bebel 90252 +puzzlement 90248 +fixable 90245 +fivefold 90243 +symbiont 90239 +lintel 90237 +beery 90230 +junctional 90225 +steerable 90216 +benthos 90212 +inductions 90210 +dirtier 90210 +dynamos 90205 +drat 90193 +hereupon 90188 +clod 90186 +absorbents 90182 +alaric 90180 +beneficence 90176 +hexagram 90171 +cartwheel 90158 +sailplane 90153 +towpath 90142 +impregnable 90128 +gelderland 90127 +credenzas 90108 +broca 90105 +malinowski 90102 +selenite 90095 +etymological 90092 +sulfonamides 90088 +oversampling 90078 +penmanship 90070 +individuation 90070 +decidability 90064 +dodgson 90059 +revalidate 90055 +creon 90052 +imperfects 90046 +tippet 90041 +instigating 90039 +girded 90038 +unauthenticated 90035 +interferometers 90034 +golconda 90033 +manikin 90029 +ketosis 90024 +inscribe 90002 +crazing 89995 +gunships 89994 +dismember 89983 +revocations 89979 +serenely 89976 +nosing 89956 +electroplated 89955 +treponema 89944 +dreidel 89944 +misperception 89934 +unrealistically 89931 +decremented 89931 +dysphoria 89929 +dyers 89927 +immunogenic 89925 +shool 89902 +showstoppers 89898 +pilatus 89891 +crowed 89886 +impermanence 89877 +gemological 89841 +cooped 89822 +overwrought 89821 +vivacity 89817 +computerisation 89817 +incontrovertible 89816 +forenoon 89801 +clotted 89781 +tefillin 89772 +pushups 89772 +drumstick 89753 +incisor 89740 +clouseau 89738 +truthiness 89732 +certitude 89726 +marshalled 89725 +overexposed 89721 +ammonites 89718 +senility 89711 +plagiarised 89711 +ballerinas 89693 +approvingly 89692 +waif 89691 +hider 89689 +ruder 89666 +dicot 89663 +divorcee 89661 +unidentifiable 89659 +suffused 89656 +dissed 89654 +bujumbura 89650 +forgone 89647 +stopovers 89622 +bustard 89602 +artless 89601 +erzurum 89562 +cowed 89560 +salmonellosis 89557 +emos 89557 +dater 89544 +astroturf 89539 +regenerates 89537 +inaccessibility 89535 +brezhnev 89522 +reheating 89510 +longueur 89507 +flightless 89506 +deeps 89493 +tympanic 89492 +monsoons 89492 +counterfeits 89491 +preprocessed 89489 +matamoros 89481 +americanized 89481 +wigeon 89477 +ghats 89465 +wastebaskets 89463 +liberates 89460 +forger 89458 +pudgy 89451 +brokenness 89440 +busied 89437 +fluoridated 89432 +eightfold 89414 +jut 89412 +trichomoniasis 89402 +woodshed 89401 +profiteers 89397 +kith 89391 +triceratops 89390 +suckered 89390 +escapees 89376 +iquitos 89357 +valenciennes 89356 +noblesse 89348 +lambing 89346 +jostling 89342 +strath 89340 +briolette 89340 +kaleidoscopic 89335 +satiety 89331 +absinth 89330 +aunties 89318 +sulk 89314 +firetrap 89313 +shadowboxing 89311 +hallucinating 89301 +crocks 89299 +sprit 89293 +lynched 89279 +tolerably 89277 +consanguinity 89274 +breathlessness 89270 +newts 89263 +convulsion 89260 +slumbering 89254 +kimberlite 89244 +glyceryl 89240 +heraclitus 89239 +ixia 89237 +chichi 89224 +pranksters 89218 +exterminators 89218 +semicircle 89217 +cinematographers 89210 +squinted 89196 +exaggerations 89182 +sard 89181 +resit 89180 +chukchi 89166 +sparrowhawk 89156 +eutectic 89137 +editorship 89130 +rapturous 89097 +acetates 89096 +eggplants 89094 +oscillates 89086 +horticulturist 89073 +unobtrusively 89064 +bovary 89041 +khyber 89035 +redbud 89014 +natch 89014 +cobs 89013 +godparents 88991 +diffuses 88982 +vitrification 88980 +catalpa 88976 +balustrades 88959 +choicest 88954 +seurat 88950 +tempestuous 88927 +creoles 88916 +oboes 88914 +brainstorms 88908 +foxhole 88902 +delimiting 88900 +kumasi 88891 +succubus 88885 +drogue 88883 +ranter 88880 +dhow 88871 +bamboos 88862 +signora 88819 +humanized 88816 +pericardium 88812 +flitting 88812 +nasik 88809 +conjugacy 88809 +knackered 88800 +stabile 88798 +laboriously 88796 +inmost 88777 +pyloric 88776 +wordings 88764 +snuffed 88762 +trigon 88754 +halyard 88747 +cannot 88737 +newsweekly 88734 +midriff 88732 +millibars 88731 +kroc 88723 +sere 88718 +spacemen 88715 +demonology 88709 +slighted 88704 +rhomb 88692 +contestable 88681 +stammer 88641 +inordinately 88639 +antifouling 88637 +burry 88635 +fidget 88633 +grandstanding 88620 +fightback 88618 +gigantes 88617 +popularization 88611 +childhoods 88603 +comprehends 88599 +clothiers 88598 +fuad 88593 +extrovert 88586 +gleams 88584 +lilting 88570 +cheeseburgers 88567 +riverboats 88564 +swordsmen 88554 +sieges 88552 +particleboard 88545 +pollux 88533 +newsboy 88512 +shamus 88506 +muzzles 88503 +vivaciously 88499 +buchner 88498 +syrupy 88484 +ballance 88470 +punic 88460 +lucre 88448 +compliancy 88445 +precipitously 88443 +sizzles 88436 +compulsively 88426 +ilion 88421 +fulani 88417 +collectivist 88416 +besought 88414 +vintner 88409 +unscrewing 88402 +cronk 88397 +rocketing 88396 +acrostic 88391 +clausewitz 88377 +gristle 88364 +refracted 88361 +degassing 88345 +hunker 88325 +midian 88314 +mickie 88313 +deplores 88312 +noisemakers 88302 +phosphoproteins 88291 +jetliner 88278 +epirus 88278 +ferny 88255 +softballs 88249 +anacondas 88245 +reactance 88237 +astern 88234 +pelted 88227 +stoutly 88223 +epiphanies 88214 +floaty 88210 +vestigial 88206 +glassed 88204 +insinuating 88202 +facilitative 88191 +retreading 88173 +pennyroyal 88171 +trucked 88167 +reconfirmed 88156 +collarbone 88137 +anthurium 88132 +speedups 88124 +continuities 88115 +unequally 88114 +candelabras 88113 +trumpeting 88112 +jades 88101 +gesso 88099 +homeopaths 88088 +profligate 88077 +sated 88075 +dumpy 88067 +gadgeteer 88062 +burkes 88062 +repackage 88042 +highbrow 88031 +apprise 88027 +syllabic 88008 +bobtail 88006 +deforming 87992 +heterozygote 87987 +newspeak 87984 +overestimation 87983 +coss 87981 +gimbal 87977 +kraken 87974 +beady 87974 +apperception 87966 +associational 87959 +tuareg 87953 +abdicated 87948 +catatonic 87943 +squashes 87939 +reveries 87936 +aprils 87922 +hauteur 87917 +unerring 87912 +sthenic 87910 +wafting 87876 +headbanger 87876 +unreached 87875 +isopropanol 87875 +refractometer 87870 +whiner 87865 +stromboli 87864 +slippy 87864 +mauler 87859 +magics 87855 +redecorated 87849 +blotch 87843 +rustbelt 87832 +craton 87829 +belittling 87826 +carrel 87825 +jabalpur 87824 +sheepshead 87823 +nyquil 87822 +phots 87817 +justina 87817 +unshakable 87801 +gynaecologists 87801 +titillating 87800 +lati 87799 +nonexistence 87795 +denizen 87795 +mantegna 87794 +elegiac 87794 +lyricists 87791 +bivouac 87780 +spacewalk 87776 +ornery 87775 +hammy 87772 +superscripts 87763 +secessionist 87759 +matsu 87750 +anaesthetist 87734 +riverbanks 87733 +bronc 87727 +cinematheque 87720 +gainfully 87716 +doggedly 87716 +gonorrhoea 87715 +premiering 87714 +rosebuds 87708 +thimphu 87694 +brioche 87694 +leatherwood 87692 +carolinians 87692 +akkadian 87689 +logons 87677 +reverberations 87676 +episiotomy 87674 +ladyship 87667 +longe 87659 +heifetz 87651 +ptolemaic 87642 +nestlings 87637 +defamed 87636 +problematical 87627 +cornflakes 87624 +simmers 87613 +kreisler 87609 +lexicographic 87605 +escapee 87597 +crackled 87591 +artiest 87578 +defenceless 87564 +pricking 87559 +kips 87553 +shortie 87552 +mobbed 87552 +expropriated 87550 +rosier 87541 +interlocutors 87538 +plastique 87535 +invalids 87533 +liberec 87518 +harbouring 87518 +woomera 87517 +rhyolite 87511 +unprivileged 87509 +lapwing 87494 +wapiti 87487 +fastens 87485 +cantilevered 87480 +decimate 87477 +crewing 87464 +fleshly 87463 +flattens 87454 +herzl 87449 +sierpinski 87444 +machetes 87441 +shimmery 87434 +striven 87432 +termly 87425 +lurched 87416 +lamarck 87416 +blotches 87416 +reanimation 87408 +pice 87399 +memetic 87395 +jubal 87394 +dazzler 87377 +matchmakers 87369 +coset 87359 +redeems 87353 +stative 87341 +pistil 87340 +inscriber 87340 +druze 87340 +multitask 87336 +illegitimacy 87333 +shipbuilders 87327 +misstep 87315 +mapplethorpe 87297 +shrews 87296 +roundel 87295 +oberland 87290 +northumbrian 87288 +fixations 87275 +chippy 87266 +apprehending 87263 +homeostatic 87257 +gritted 87253 +calzone 87247 +tarantulas 87246 +decorates 87246 +insinuate 87242 +deadening 87230 +desiderata 87224 +nebs 87208 +envoi 87197 +cheapskate 87192 +endogenously 87181 +dolt 87178 +reapportionment 87177 +jigger 87172 +softback 87162 +hexagons 87143 +aluminized 87142 +merovingian 87126 +agreeably 87121 +scouted 87114 +marshlands 87108 +overreaction 87107 +perennially 87104 +consistory 87104 +contrails 87088 +swipes 87076 +teabags 87066 +steams 87057 +partite 87049 +oxygenates 87049 +rigi 87048 +capstan 87043 +exudate 87032 +antitussive 87032 +hackle 87008 +masturbator 86990 +blackthorn 86990 +turkoman 86984 +feint 86983 +muscovite 86981 +domitian 86981 +journo 86961 +pursuer 86960 +hyperinflation 86957 +bermudas 86951 +nighthawks 86949 +wrappings 86946 +rids 86932 +cusps 86926 +isochronous 86903 +cento 86902 +rescaled 86898 +councilmen 86884 +achebe 86883 +itemised 86880 +daunted 86880 +fassbinder 86867 +halftones 86866 +orris 86853 +phencyclidine 86852 +mimas 86849 +hookahs 86849 +circularity 86849 +sandbag 86846 +recalibration 86846 +waxwing 86840 +badland 86814 +hyaline 86813 +tapir 86809 +repertoires 86809 +chatelaine 86807 +duende 86803 +expungement 86798 +corcovado 86796 +kabbalistic 86785 +standoffs 86783 +blurt 86781 +swissair 86777 +tempi 86775 +abolishment 86770 +seel 86767 +denom 86755 +incinerate 86749 +compere 86749 +biochemists 86747 +bedridden 86746 +chancellery 86745 +reticulation 86743 +lexicography 86743 +wolfs 86742 +damaraland 86740 +cradling 86735 +supremacists 86729 +attar 86729 +dominants 86728 +bunyip 86720 +couplets 86718 +socialistic 86713 +terrigenous 86712 +narrowness 86708 +noncompliant 86707 +convenors 86695 +missourian 86693 +stitchery 86677 +mortuaries 86670 +moustaches 86663 +manzoni 86659 +defacement 86652 +indef 86649 +gide 86634 +crosswind 86625 +blackfish 86623 +brushwood 86620 +arrogantly 86604 +pronation 86596 +pestering 86596 +barricaded 86591 +laryngoscope 86588 +ballycastle 86588 +pillaging 86585 +theatrics 86581 +cruiserweight 86570 +maquis 86564 +dredges 86563 +duotone 86560 +sicko 86555 +rankine 86555 +frond 86555 +immunogenetics 86549 +nationalisation 86545 +cenotaph 86543 +ceca 86541 +adaptively 86540 +phenylketonuria 86538 +parsec 86536 +wabbit 86514 +yamuna 86512 +geophysicist 86512 +hypermarket 86508 +guppies 86507 +organophosphorus 86500 +bungling 86494 +peripatetic 86487 +recollected 86476 +tribalism 86471 +malarkey 86469 +determiner 86465 +chromaticity 86460 +bookmaking 86456 +skidded 86454 +impel 86447 +foment 86447 +mammoths 86441 +expectantly 86441 +condorcet 86436 +knap 86432 +perching 86428 +broiling 86421 +gangway 86419 +uther 86416 +mayfly 86413 +jordanians 86407 +logotypes 86406 +tantalus 86404 +bratwurst 86401 +presbyopia 86393 +quadriplegic 86392 +rapacious 86386 +adze 86384 +endorser 86382 +cultists 86382 +debased 86374 +barer 86373 +percolator 86371 +arius 86370 +dravidian 86368 +concubines 86367 +polygamous 86366 +jogged 86364 +bathwater 86362 +wahhabi 86354 +entangle 86348 +terrine 86347 +pygmies 86346 +steepness 86340 +arsenate 86340 +organizationally 86339 +puritanical 86328 +capacious 86312 +outfielders 86302 +prefects 86292 +silesian 86285 +constrict 86285 +cambrai 86285 +clew 86284 +biscay 86275 +mestizo 86264 +pahlavi 86263 +preventer 86250 +patristic 86250 +unrolled 86246 +americanization 86244 +alienates 86242 +tambour 86237 +oblate 86236 +candling 86234 +smarmy 86228 +poussin 86205 +tamaulipas 86188 +overspending 86188 +watchword 86185 +puncher 86182 +memorably 86168 +manometer 86165 +drummed 86163 +cleavages 86159 +hypoglycaemia 86157 +hayride 86153 +verging 86151 +reformists 86139 +loonies 86130 +acclimate 86128 +appurtenant 86119 +urethritis 86118 +interdict 86117 +adjourns 86091 +hydrofoil 86088 +broomsticks 86068 +headscarf 86065 +scamper 86062 +wallenstein 86053 +homogenates 86047 +lasing 86046 +fantasized 86043 +blackett 86043 +devoutly 86036 +transmigration 86028 +redoubt 86012 +fairings 86006 +revisionists 86005 +sinkers 85985 +revenant 85984 +instil 85983 +fuzziness 85979 +boastful 85979 +enumerators 85975 +isoprene 85972 +bilious 85971 +mazurka 85962 +rhinovirus 85953 +zeroth 85952 +disposers 85947 +stonewalling 85940 +coldblooded 85935 +bini 85919 +boules 85912 +copal 85911 +despondency 85909 +troia 85892 +exclamations 85886 +unseasonably 85885 +bluesman 85881 +satiny 85875 +lactone 85874 +fragmenting 85872 +downplays 85870 +arpeggio 85868 +postmasters 85863 +pernod 85863 +tarbell 85862 +allegories 85859 +mollusc 85858 +abyssal 85856 +rezoned 85854 +misbehaviour 85852 +demilitarized 85841 +zebedee 85833 +bullwhip 85822 +trudge 85820 +mincing 85813 +scurried 85807 +lagers 85796 +kitschy 85796 +homesickness 85791 +mervin 85783 +metamorphosed 85780 +hussy 85775 +stoicism 85770 +congregated 85770 +covetous 85755 +giblets 85752 +ewer 85748 +exhumation 85729 +panfish 85728 +nitpicking 85719 +pentatonic 85715 +instillation 85681 +boatload 85676 +innately 85674 +pimento 85668 +hysterics 85668 +jockeying 85664 +procures 85655 +basemen 85646 +ameliorated 85639 +swirly 85637 +vocalization 85625 +illyria 85601 +translucency 85597 +jalopy 85597 +imperialistic 85594 +sialkot 85592 +wite 85585 +devours 85577 +gaskins 85568 +waists 85562 +hackles 85555 +foggia 85553 +demote 85552 +caped 85551 +judaea 85543 +vulcanized 85532 +apiary 85508 +interdependency 85503 +potentate 85499 +wringer 85498 +grappler 85483 +barbarity 85482 +madding 85481 +anneal 85478 +extirpated 85472 +voicemails 85450 +charlatan 85445 +whiteout 85444 +electromagnet 85444 +fleshing 85439 +sectorial 85434 +permanganate 85430 +coria 85418 +slouching 85416 +susceptibilities 85404 +nitpick 85404 +plaited 85402 +coreopsis 85394 +floe 85389 +surtout 85375 +agonies 85371 +misjudged 85367 +ecmascript 85354 +rotarian 85353 +writhed 85344 +mealtimes 85341 +housemaid 85330 +eurydice 85326 +undeserving 85325 +porcupines 85313 +condemnations 85313 +glycoside 85311 +untruth 85300 +biopics 85300 +nootka 85298 +fingerings 85295 +oxidised 85294 +bullhorn 85289 +oversimplification 85288 +mummified 85281 +pigeonhole 85276 +tonsillectomy 85272 +preyed 85270 +extrude 85266 +relent 85260 +phaedra 85220 +spiderweb 85219 +cavemen 85211 +holey 85208 +meanie 85182 +horsehair 85181 +gewurztraminer 85180 +anthropic 85179 +theotokos 85161 +slingback 85159 +interweaving 85158 +crackhead 85151 +trilobites 85147 +illust 85138 +unadvertised 85116 +switchboards 85109 +mandarins 85103 +sforza 85101 +indifferently 85092 +orts 85087 +nevil 85085 +panicky 85075 +shuns 85070 +desensitized 85069 +retinue 85068 +warrens 85067 +hertzog 85064 +parang 85058 +homeopath 85052 +jeffersonian 85050 +shippable 85048 +roomful 85046 +impostors 85038 +guff 85038 +loper 85037 +flyleaf 85029 +brawls 85020 +subclavian 85019 +derangement 85015 +panellists 85008 +nipa 85005 +swaths 85003 +defogger 85002 +crisply 85000 +thole 84997 +gumption 84996 +clambake 84980 +inotropic 84972 +splicer 84970 +epictetus 84969 +manicotti 84968 +boundedness 84968 +carps 84962 +impertinent 84958 +intransigence 84954 +eyestrain 84939 +dolling 84925 +buffeted 84923 +preys 84918 +lockstep 84899 +gasconade 84893 +mentalism 84892 +stellate 84889 +physiognomy 84889 +deflating 84878 +hecuba 84876 +barbiturate 84876 +encase 84867 +exogenously 84861 +antidepressive 84861 +vervain 84847 +quartic 84841 +misshapen 84841 +scrubby 84838 +liveable 84834 +incan 84830 +yachtsman 84823 +espouses 84817 +catteries 84817 +dreamworld 84808 +touchscreens 84801 +myogenic 84794 +pummel 84779 +popularize 84779 +motorboats 84777 +unpolished 84776 +vales 84769 +aioli 84769 +steadiness 84765 +ceaselessly 84765 +reinvigorated 84760 +waterbeds 84755 +synthesise 84754 +irishmen 84750 +diapason 84743 +replanted 84738 +dehydrators 84733 +cuvette 84725 +dispossession 84711 +formalise 84710 +shoeless 84687 +federate 84687 +naff 84683 +halfback 84681 +octahedral 84679 +measurer 84674 +inoculations 84663 +swiping 84657 +casals 84657 +retread 84651 +smuts 84644 +feminized 84639 +ague 84633 +attenders 84628 +recompilation 84626 +haggadah 84624 +escolar 84617 +curettage 84611 +sodden 84603 +unavailing 84596 +frustratingly 84593 +vagabonds 84589 +fistulas 84584 +acromegaly 84580 +towhee 84563 +semiconducting 84545 +irreverence 84544 +unseeded 84542 +sleeker 84542 +leftward 84537 +washingtonian 84529 +relegate 84517 +chaises 84506 +statesmanship 84504 +toxicant 84498 +saner 84491 +zeebrugge 84460 +demoralizing 84460 +tastiest 84459 +frizzy 84458 +unsolvable 84449 +disillusion 84446 +ladino 84441 +emigre 84438 +frocks 84430 +docents 84422 +runaround 84419 +opposable 84418 +acclimatization 84418 +cassation 84412 +thronged 84410 +beseeching 84400 +wiggler 84391 +gussets 84390 +asper 84389 +newel 84386 +irksome 84386 +exocrine 84378 +battens 84372 +semiarid 84367 +viborg 84364 +esoterica 84359 +isar 84355 +burgesses 84348 +oxygenate 84346 +abbess 84336 +palestrina 84334 +quencher 84331 +minuit 84327 +biennially 84319 +roentgen 84318 +billingsgate 84317 +nubs 84308 +seronegative 84307 +thermocline 84305 +uncounted 84302 +pwt 84300 +effacing 84298 +geodynamics 84293 +squirted 84287 +schoolroom 84285 +varus 84284 +lilt 84283 +politicking 84282 +intractability 84280 +amati 84276 +franked 84269 +bacteriophages 84259 +whitefly 84253 +pentachlorophenol 84248 +policymaker 84243 +medallists 84240 +cruciform 84237 +teaspoonful 84227 +warpath 84226 +herbivorous 84222 +dexedrine 84191 +rambled 84190 +clinger 84183 +baseboards 84178 +kneaded 84167 +goop 84159 +waybill 84157 +irreversibility 84155 +semiprecious 84152 +prayerfully 84147 +spic 84138 +secant 84138 +prophesies 84134 +fertilised 84124 +contaminates 84121 +defused 84115 +diatribes 84114 +morphemes 84113 +galea 84109 +crabbing 84109 +antivirals 84096 +gargle 84085 +emanations 84085 +kingbird 84084 +veiling 84083 +squandering 84082 +altimeters 84082 +yaroslavl 84077 +counterclaims 84077 +hornbill 84068 +michoacan 84058 +quiescence 84057 +conceptualisation 84057 +penalizing 84053 +reorganised 84043 +resolvers 84035 +widowhood 84027 +mirabeau 84022 +swarthy 84005 +chrysotile 84002 +abyssinia 83998 +palimpsest 83993 +wiggled 83973 +arbiters 83972 +castalia 83961 +isosceles 83958 +poetically 83949 +sparkler 83944 +potentilla 83944 +byng 83930 +durance 83920 +farnese 83915 +riposte 83912 +photosphere 83912 +amparo 83912 +madrone 83909 +mincer 83906 +molehill 83902 +corot 83894 +lonny 83885 +menaces 83883 +secretin 83879 +ambling 83868 +shinning 83862 +hobos 83858 +smirky 83843 +sociolinguistic 83842 +lysol 83842 +perilously 83832 +numbed 83827 +reval 83824 +imaginal 83821 +electrotherapy 83821 +linchpin 83811 +huffing 83804 +channelization 83802 +dosimeters 83800 +vaccinating 83799 +zither 83794 +obviousness 83794 +pyroxene 83785 +bathes 83782 +portholes 83775 +drover 83772 +mentalist 83771 +colonised 83771 +deerhound 83770 +precut 83765 +belem 83764 +unicycles 83761 +wees 83758 +dogmatism 83752 +immigrating 83745 +angrier 83741 +misapplied 83721 +chasseur 83709 +angelico 83705 +grudging 83698 +gijon 83698 +gerontologists 83696 +reciprocally 83694 +paraphrases 83688 +inheritable 83688 +footballing 83687 +sunda 83685 +authorial 83682 +benched 83678 +spaciousness 83677 +rask 83670 +egghead 83669 +hermosillo 83664 +topnotch 83654 +masterminded 83654 +effusions 83654 +omnivorous 83649 +snared 83648 +brogue 83648 +gravies 83640 +smugly 83637 +ziegfeld 83634 +tolly 83633 +attenuating 83628 +sennett 83615 +reacher 83613 +homos 83610 +subfloor 83608 +postmodernity 83596 +burping 83595 +squeaked 83594 +spermicide 83591 +actins 83585 +spectrally 83582 +alkane 83581 +overreaching 83580 +puffiness 83574 +beefcake 83569 +seance 83568 +stilled 83563 +flowerpot 83562 +asphaltic 83553 +guernica 83542 +cheekbones 83530 +harmonising 83526 +gores 83507 +fizzled 83504 +bygones 83503 +semolina 83501 +finiteness 83486 +contentedly 83477 +perfumer 83476 +inuktitut 83473 +institutionalizing 83473 +misrepresents 83472 +roughest 83466 +hegelian 83458 +stepsons 83457 +emulsifiers 83456 +riffles 83450 +entreaties 83449 +ridiculing 83436 +daylong 83430 +alternations 83421 +horologium 83411 +penitence 83410 +conidia 83408 +peeper 83406 +philosophizing 83405 +avails 83397 +meditator 83386 +velvets 83377 +spallation 83376 +scheherazade 83373 +saxes 83366 +concordat 83362 +batterer 83361 +completer 83360 +crowfoot 83350 +tactfully 83339 +defrosting 83329 +trilingual 83317 +reproached 83317 +acidified 83315 +woops 83280 +mycological 83276 +eelgrass 83269 +scup 83259 +motet 83259 +edgewise 83253 +plungers 83247 +racehorses 83243 +mavens 83241 +indre 83241 +safeties 83222 +outfoxed 83218 +chauvinist 83218 +drunkards 83204 +italianate 83197 +pegboard 83196 +mimes 83183 +taino 83178 +danton 83174 +elkhound 83168 +hurries 83158 +amalgamate 83155 +antipersonnel 83141 +pneumoconiosis 83138 +squeezebox 83123 +twosome 83116 +smolensk 83115 +parenthesized 83115 +bamboozle 83107 +substructures 83087 +petunias 83067 +menuhin 83065 +lagniappe 83065 +divulging 83062 +abductors 83053 +paratuberculosis 83048 +neediest 83048 +cheerio 83041 +expressible 83036 +excrete 83028 +altoids 83021 +mingles 83016 +strafe 83014 +interning 83013 +helpings 83008 +goalposts 83007 +undershirt 83003 +ultras 83001 +djerba 82996 +rodenticide 82992 +corrals 82987 +icbms 82983 +rectitude 82978 +resolvable 82976 +umlauts 82964 +polarizations 82962 +gnomon 82955 +sociopathic 82947 +abductor 82936 +alcuin 82932 +jailbreak 82928 +paleocene 82922 +hathor 82919 +reconstructionist 82917 +jadeite 82914 +cozens 82914 +deniers 82912 +encircles 82911 +interject 82903 +cuticles 82899 +torpedoed 82894 +algeciras 82865 +villi 82864 +misuses 82859 +uncleanness 82855 +recomputed 82855 +narrations 82855 +slimmed 82853 +isometry 82852 +whipper 82851 +pried 82841 +supplications 82840 +foldout 82837 +douse 82837 +sadhu 82833 +ritzy 82832 +jingo 82827 +pollinator 82814 +verandahs 82803 +pipkin 82801 +selznick 82800 +deportment 82787 +quotidian 82784 +bibliophile 82780 +polymerized 82775 +steelwork 82774 +invidious 82764 +freeholder 82764 +outtake 82731 +shitload 82716 +fuehrer 82711 +molluscan 82707 +minho 82703 +compos 82701 +searchlights 82697 +transience 82690 +seraphic 82690 +weighbridges 82683 +alighted 82682 +promethean 82675 +malevolence 82675 +aeronautic 82670 +alcalde 82662 +methodologically 82661 +judicature 82661 +antsy 82656 +premed 82646 +shoeshine 82635 +organogenesis 82598 +dystopian 82575 +exhorting 82572 +libation 82563 +sculls 82543 +miasma 82542 +instantiates 82538 +plasmin 82527 +mainstays 82514 +multics 82512 +chocks 82509 +astronautical 82498 +angiosperm 82492 +bagatelle 82485 +conveners 82484 +preservers 82481 +democratizing 82477 +revolutionised 82474 +tearoom 82458 +swoops 82455 +rimrock 82425 +nonchalantly 82425 +arses 82425 +hairpins 82419 +trespasser 82418 +handstand 82411 +masturbated 82406 +timelessness 82403 +typecast 82396 +trammel 82391 +irresponsibly 82382 +salade 82380 +tatars 82376 +chorea 82371 +subbed 82364 +defensiveness 82358 +sprees 82356 +drenching 82355 +narva 82343 +broadax 82335 +crinkled 82334 +detonators 82303 +prance 82298 +underfunding 82296 +phyllo 82294 +kazak 82293 +mounties 82282 +heeler 82277 +sprog 82267 +refitted 82263 +guaranties 82263 +baggie 82256 +landmass 82251 +lapsing 82248 +supplicant 82218 +edifices 82207 +gruel 82196 +teleworkers 82190 +transgressive 82188 +reinterpreted 82188 +navratilova 82187 +acetylated 82178 +decriminalization 82173 +boners 82157 +doodling 82156 +decentralize 82156 +doorbells 82152 +jobbers 82151 +exasperating 82150 +condones 82146 +treed 82145 +cist 82141 +underlain 82132 +muggy 82131 +grievously 82131 +atomization 82131 +rationed 82128 +sapper 82125 +loofah 82122 +chequers 82113 +christs 82109 +seersucker 82108 +cricketing 82106 +perpetrating 82097 +knowable 82095 +wheelies 82093 +subsumes 82088 +collocations 82085 +progestins 82084 +romberg 82083 +entrusting 82081 +noncommissioned 82074 +rescale 82067 +hesitancy 82064 +restatements 82051 +hollered 82051 +kelson 82050 +carjacking 82044 +chafed 82034 +frittata 82014 +seaming 82007 +hirohito 82001 +interposition 81997 +tabard 81984 +callings 81984 +satisfactions 81980 +distrustful 81980 +lodestar 81975 +reconstructs 81974 +toyoda 81957 +hooky 81957 +randomisation 81954 +armadillos 81952 +jettisoned 81944 +nevi 81928 +imphal 81914 +heartthrob 81914 +microbiologists 81909 +bouse 81909 +inefficiently 81905 +incredulously 81905 +obsequious 81893 +blague 81887 +sartor 81883 +regrow 81879 +tailwind 81875 +roughnecks 81874 +intertwine 81869 +leprechauns 81861 +ailerons 81860 +dissolute 81848 +naze 81845 +betrayals 81839 +heliports 81833 +jaundiced 81832 +reck 81821 +whorehouse 81814 +astoundingly 81813 +yod 81785 +procaine 81782 +briefest 81775 +lamplight 81772 +mistrustful 81767 +sharpshooters 81765 +schnitzel 81763 +intervener 81755 +hereon 81751 +buttressed 81748 +semiannually 81747 +coevolution 81746 +druggist 81737 +photomultiplier 81721 +unprincipled 81714 +sweated 81713 +sloughs 81697 +oversimplified 81695 +backspin 81694 +retarder 81693 +bellhop 81693 +spearfishing 81690 +flinched 81689 +humeral 81684 +graters 81680 +licensable 81666 +electrocardiographic 81666 +uncompetitive 81658 +juggles 81656 +blemished 81656 +pacification 81654 +nitrogenous 81651 +winterizing 81648 +destructiveness 81644 +gangstas 81641 +sackcloth 81633 +recommendable 81630 +apostates 81630 +dispensaries 81629 +pathologically 81627 +pelleted 81624 +reservable 81618 +niamey 81612 +breathers 81612 +maidan 81607 +orel 81605 +enraptured 81599 +nearsightedness 81597 +optimisations 81590 +graben 81586 +cyma 81584 +overstating 81579 +overcapacity 81573 +geldings 81571 +siskin 81570 +sportswriter 81539 +basslines 81535 +nationalised 81533 +mudslide 81524 +fidgety 81522 +barroom 81521 +thrombophlebitis 81509 +chukka 81506 +extinguishes 81501 +sundress 81498 +piranesi 81498 +tigrinya 81494 +bacitracin 81491 +spigots 81485 +podhoretz 81484 +intriguingly 81481 +pogroms 81477 +vitrified 81476 +schoolteachers 81465 +disown 81464 +militarized 81463 +humanitarians 81463 +recordist 81457 +gouged 81444 +sophistry 81431 +cosmetically 81431 +buffoons 81426 +stagnating 81425 +oxalic 81420 +illumined 81408 +fielders 81407 +ragas 81403 +loquitur 81402 +fenrir 81399 +rockne 81398 +amoroso 81397 +disallows 81396 +zazen 81391 +agonized 81385 +herbaria 81381 +singalong 81374 +decontaminate 81372 +durbar 81363 +brazenly 81353 +overextended 81349 +retrospectives 81344 +restrains 81341 +overspend 81338 +catechol 81337 +pickpocket 81333 +unappropriated 81330 +earwax 81327 +warbling 81321 +masers 81321 +unhurried 81320 +anthracnose 81319 +fractious 81318 +annmarie 81314 +conformable 81308 +toothy 81307 +predication 81307 +imprisoning 81304 +cheesecloth 81304 +incongruity 81303 +osteoporotic 81302 +uselessly 81298 +brazed 81294 +gallantly 81276 +prejudgment 81263 +reformulate 81262 +earthman 81259 +ectoderm 81257 +bended 81251 +quitters 81240 +multilingualism 81238 +disbelievers 81231 +wolds 81225 +incriminate 81224 +nudges 81218 +megabucks 81193 +droppers 81191 +poignantly 81189 +mediumship 81188 +depopulation 81186 +untiring 81185 +combustibles 81181 +eosin 81179 +hostelry 81170 +slumbers 81167 +forfeiting 81165 +mechanize 81163 +beira 81159 +expels 81155 +humphry 81148 +seedbed 81145 +catanzaro 81137 +coarsening 81135 +numberless 81131 +intemperance 81116 +protoplasts 81110 +twila 81106 +counterexamples 81100 +submergence 81084 +eavesdropper 81077 +listerine 81075 +fullers 81067 +pennines 81065 +thous 81063 +expansionist 81051 +definiteness 81044 +reproved 81034 +numeration 81034 +sulfa 81028 +privation 81027 +eccentrics 81017 +visualising 81016 +forgivable 81009 +grimaced 81007 +divisiveness 81002 +nayarit 81001 +scoter 80997 +protrudes 80991 +legitimized 80988 +peevish 80986 +dipeptide 80975 +lamia 80971 +pedagogue 80969 +splashdown 80964 +soothsayer 80961 +sealable 80953 +facings 80940 +multiform 80938 +appliqued 80930 +percussionists 80929 +unmapped 80926 +moradabad 80923 +demonizing 80922 +spurting 80909 +waitstaff 80908 +herculaneum 80908 +carthaginians 80900 +resh 80893 +lacklustre 80893 +samplings 80890 +rescinding 80872 +hershel 80868 +watchmakers 80865 +nonfood 80864 +indelibly 80851 +overrepresented 80847 +aphelion 80845 +stakeout 80837 +ashy 80837 +decrying 80823 +perturb 80820 +symbolise 80819 +jarry 80818 +thieu 80817 +goner 80810 +submersion 80795 +monopoles 80792 +reconfirmation 80787 +overpressure 80786 +nansen 80778 +stairmaster 80776 +signifier 80763 +geezers 80761 +cruelties 80760 +uninvolved 80754 +nastier 80733 +picaresque 80725 +dollie 80723 +throttles 80716 +synods 80716 +phosphide 80716 +cadences 80716 +flukes 80707 +lamers 80706 +gelling 80697 +slavish 80696 +peary 80693 +bawling 80687 +masaryk 80673 +awestruck 80669 +bluer 80668 +concessionaires 80666 +transferees 80663 +felicitous 80653 +outgunned 80646 +suturing 80636 +chads 80636 +caravel 80636 +necromancy 80632 +donau 80632 +plaudits 80629 +schooners 80628 +sevres 80623 +mystify 80622 +remissions 80620 +mowgli 80609 +regolith 80605 +pemphigus 80602 +positing 80599 +lorient 80598 +demander 80589 +dustbuster 80579 +localizes 80573 +springhouse 80553 +streaker 80549 +shills 80549 +underachievement 80540 +trilobite 80539 +adepts 80539 +efts 80537 +geosynchronous 80536 +sophisticate 80535 +mullion 80528 +stigmatization 80527 +incapacitating 80525 +marginalia 80520 +majorly 80518 +terahertz 80501 +ganda 80489 +lobs 80482 +monovalent 80478 +uncrowded 80473 +revitalisation 80468 +snood 80464 +grapevines 80453 +clefts 80452 +helianthus 80443 +jogs 80442 +osseous 80440 +honorific 80439 +underhand 80415 +targum 80408 +sophist 80408 +retroactivity 80407 +coolants 80404 +taskmaster 80398 +leafing 80394 +saponins 80393 +idolatrous 80385 +slugged 80380 +translatable 80377 +smouldering 80371 +kiddos 80371 +petrarch 80369 +tradespeople 80360 +inboards 80353 +redaction 80341 +polytheism 80341 +maupassant 80327 +ethnological 80325 +revellers 80313 +midges 80300 +rebuff 80293 +hippocratic 80292 +cheops 80279 +appellations 80274 +globalist 80273 +boondoggle 80270 +draughtsman 80264 +quitclaim 80263 +ponape 80261 +verandas 80254 +ballooned 80246 +valkyries 80240 +technocratic 80235 +leacock 80221 +reestablishment 80220 +shootouts 80205 +gasper 80201 +sexualities 80195 +kuomintang 80191 +taisho 80175 +gringos 80168 +pindar 80161 +spall 80157 +otolaryngologists 80156 +naturopaths 80155 +expansionary 80145 +acari 80144 +iscariot 80129 +caerleon 80128 +burgenland 80126 +bombast 80126 +wombats 80123 +subdividing 80123 +catbird 80123 +hassocks 80120 +bateaux 80112 +deregulate 80106 +aras 80104 +microbrewery 80099 +impounding 80097 +impulsively 80096 +zaps 80095 +agron 80085 +giggly 80083 +granth 80081 +treader 80071 +tusker 80069 +offshoots 80065 +milch 80059 +charades 80019 +canaletto 80015 +yaqui 80013 +bondsmen 80011 +depredations 80007 +deciles 79996 +nonfunctional 79977 +tortoiseshell 79970 +dews 79970 +pedicle 79959 +diamine 79958 +temerity 79953 +collusive 79946 +understudy 79937 +mlle 79929 +chaitanya 79914 +towelling 79913 +eluding 79912 +adventitious 79909 +lelia 79901 +alloyed 79901 +anaesthesiology 79895 +interglacial 79894 +horehound 79893 +barmaid 79886 +potentiated 79884 +weenies 79882 +chondrites 79877 +corked 79875 +deluged 79871 +algor 79868 +fleecy 79863 +lucked 79844 +insolvencies 79842 +abaca 79841 +quintets 79835 +inheritances 79828 +pyrography 79815 +mcguffey 79815 +antelopes 79798 +exoskeleton 79791 +flunk 79790 +territoriality 79785 +bigamy 79784 +bootstraps 79772 +daub 79771 +paean 79770 +thorazine 79768 +unanswerable 79759 +darkens 79759 +excellencies 79758 +holism 79755 +keven 79748 +empiric 79745 +globetrotting 79738 +carrageenan 79735 +elnora 79723 +turbot 79722 +lookouts 79721 +seaborne 79715 +summonses 79712 +intimidator 79690 +untainted 79686 +sines 79686 +hanukah 79686 +disorienting 79686 +broglie 79684 +redeveloping 79678 +scratcher 79676 +slays 79674 +crees 79672 +pizazz 79669 +reverberate 79666 +desiccated 79666 +whirring 79660 +forevermore 79659 +jointers 79656 +dayspring 79655 +taxiing 79651 +foyers 79648 +miserly 79644 +sharable 79640 +thumbed 79639 +radiosonde 79633 +troth 79632 +linkable 79627 +contemptuously 79625 +tahini 79623 +teakwood 79620 +towelettes 79618 +aspinwall 79618 +decomposable 79616 +sugaring 79604 +mangler 79594 +ideologue 79588 +frequenting 79584 +bantams 79582 +tamika 79577 +celerity 79560 +wackiest 79559 +grottoes 79555 +thickener 79550 +milliner 79523 +brutalized 79518 +shechem 79505 +antipodean 79494 +catchall 79493 +blase 79486 +islamophobia 79485 +riles 79480 +antiproton 79478 +subhumans 79471 +stamen 79471 +dissenter 79462 +pornographer 79458 +flunked 79457 +exonerate 79452 +twitchy 79425 +boxen 79417 +righted 79415 +gimmes 79408 +tangentially 79396 +drachma 79393 +auric 79392 +digerati 79366 +hypnotherapists 79361 +ovulate 79350 +malocclusion 79339 +imperishable 79337 +puppeteers 79329 +sours 79324 +spurn 79323 +illuminance 79322 +proliferator 79321 +instills 79319 +insolation 79318 +auroras 79317 +famished 79311 +separateness 79309 +romping 79309 +oozed 79302 +antisemitic 79298 +godwit 79291 +centavos 79287 +deponent 79283 +sinfully 79279 +leister 79265 +nixed 79256 +bruegel 79253 +kidnaps 79247 +burka 79244 +sexology 79228 +ulna 79226 +fingerlings 79223 +bidden 79220 +floristic 79217 +outlands 79206 +blackhead 79206 +liquified 79198 +arterioles 79196 +nixes 79192 +deodorizer 79186 +bipedal 79186 +extendible 79182 +nimby 79177 +virtuality 79174 +streptokinase 79174 +tollgate 79168 +flues 79163 +breadboard 79162 +additivity 79162 +retried 79156 +kikuyu 79148 +wades 79144 +realisable 79140 +bioluminescence 79140 +gaffes 79137 +dispensable 79135 +redeployed 79134 +sambar 79132 +reattach 79113 +onegin 79102 +monopolized 79102 +malty 79102 +redressing 79101 +anthroposophy 79101 +abstruse 79101 +christiania 79099 +embryonal 79093 +shakeout 79091 +stripling 79090 +outplayed 79090 +recusal 79086 +overshadowing 79082 +antofagasta 79082 +naif 79076 +succour 79075 +footway 79069 +gyp 79066 +beanbags 79057 +telekinesis 79050 +whizzing 79046 +reinvents 79042 +headman 79041 +glimmers 79035 +forsythia 79029 +disperses 79015 +scumbags 79010 +scooper 79009 +barging 79009 +barbel 79000 +ulsan 78990 +protean 78983 +decompressing 78983 +bialystok 78979 +centralizes 78971 +adit 78967 +eyebright 78962 +mellowed 78960 +trilling 78950 +phreaking 78941 +monogramming 78933 +cherenkov 78929 +convector 78921 +crassus 78918 +mastiffs 78916 +naturalisation 78906 +steinem 78904 +contiguity 78891 +cattleman 78887 +pretties 78879 +presupposed 78873 +retracing 78862 +chuffed 78836 +lapels 78829 +loupes 78818 +similitude 78816 +apollonius 78814 +nauseated 78808 +trachoma 78805 +verdure 78804 +sward 78801 +exclusiveness 78798 +sharlene 78795 +misapplication 78792 +bosun 78787 +entrench 78778 +unscramble 78776 +reclined 78772 +proctors 78771 +spinney 78767 +laibach 78765 +drenthe 78765 +throbbed 78762 +posteriorly 78760 +divines 78760 +tetragonal 78748 +prostration 78747 +wretchedness 78744 +festooned 78725 +barest 78725 +etiological 78720 +steadfastness 78717 +enceladus 78713 +cytologic 78712 +dwarfism 78710 +underarms 78709 +areca 78703 +mummification 78699 +passbook 78691 +klystron 78691 +adaptivity 78684 +murk 78679 +demigod 78678 +didactics 78677 +reestablishing 78676 +keels 78676 +sonde 78672 +pecks 78669 +blinker 78660 +digressions 78655 +diocletian 78648 +tantalising 78646 +butterfat 78645 +fellers 78625 +actinide 78621 +scamming 78613 +begrudge 78609 +whinging 78600 +salves 78588 +hyping 78586 +fatso 78585 +dotting 78581 +chlorate 78581 +coxswain 78578 +besant 78570 +spats 78562 +airframes 78557 +counselled 78553 +sentries 78549 +sadi 78547 +reproaches 78547 +warley 78543 +pediment 78539 +mithras 78538 +beepers 78526 +intoxicants 78525 +protestor 78524 +arkhangelsk 78518 +baled 78514 +simulant 78507 +baleful 78504 +notated 78495 +chafer 78495 +volitional 78493 +swifter 78492 +agouti 78490 +drugging 78486 +customizes 78468 +bluest 78449 +festoon 78448 +alphonsus 78445 +professionalization 78442 +farriers 78434 +doled 78428 +roomed 78419 +glorifies 78404 +bogeyman 78393 +alar 78385 +mechanised 78383 +workfare 78374 +gutta 78367 +glottal 78353 +plena 78351 +hillock 78334 +dichloride 78330 +irrationally 78325 +preheating 78310 +spacesuit 78307 +fearlessness 78307 +hollyhock 78270 +corbels 78262 +waggon 78259 +norberto 78251 +incapacitation 78243 +floras 78235 +unalterable 78230 +windsurfers 78228 +jetport 78228 +beelzebub 78228 +sandblast 78221 +maximisation 78211 +highers 78211 +inexpressible 78194 +toroid 78191 +effectivity 78187 +ousts 78184 +cherishing 78181 +mercuric 78174 +crooning 78170 +inrush 78160 +menes 78158 +cookshop 78156 +sates 78143 +decalogue 78143 +tanking 78133 +aftereffects 78125 +wist 78113 +purslane 78110 +lycurgus 78109 +alkalis 78104 +quarried 78103 +probated 78099 +entrenchment 78099 +disavow 78099 +timbales 78096 +abortionists 78096 +baleen 78093 +middelburg 78089 +peals 78085 +glaringly 78081 +ferrying 78079 +backsliding 78064 +copernican 78047 +whisking 78045 +deadhead 78043 +bassists 78038 +wantonly 78037 +tutankhamen 78030 +druggists 78026 +headword 78018 +nonvoting 78008 +marilynn 78004 +broch 77996 +bolingbroke 77993 +transaxle 77973 +transuranic 77972 +samovar 77970 +sumps 77965 +gourmets 77958 +unscaled 77952 +detainer 77952 +oppresses 77946 +bernadine 77935 +gehenna 77925 +asoka 77922 +peripherally 77909 +eschews 77909 +footstep 77903 +stewing 77901 +bewick 77888 +levit 77886 +frittatas 77885 +acrimony 77878 +bristly 77875 +herpetological 77872 +lockjaw 77868 +underachieving 77866 +engadine 77856 +demonized 77853 +soever 77850 +knotweed 77848 +typological 77844 +virtus 77841 +dinnertime 77839 +tracings 77829 +ruefully 77822 +slothful 77807 +oculomotor 77804 +hallucinogen 77795 +tomfoolery 77792 +pentane 77792 +bibliog 77791 +conure 77788 +exhorts 77778 +ruthlessness 77773 +sedna 77772 +decedents 77770 +moloch 77763 +dribbled 77759 +bigeye 77759 +epigram 77754 +anaglyph 77750 +unglued 77730 +pompadour 77730 +gerrymandering 77724 +staubach 77721 +wafted 77720 +extroverted 77719 +expends 77715 +schillings 77699 +reassuringly 77677 +lams 77676 +thwarts 77672 +backhoes 77669 +snarls 77664 +scarp 77653 +cheongsam 77649 +tycoons 77648 +fulling 77642 +bastogne 77637 +subsidising 77630 +shijiazhuang 77628 +bunche 77627 +preclusion 77626 +hellion 77620 +abhorred 77612 +uncalibrated 77610 +cavy 77604 +pivoted 77600 +grownup 77597 +snaffle 77586 +miscible 77585 +downplaying 77585 +citadels 77581 +reintroducing 77580 +immobilize 77577 +tessera 77576 +misleads 77574 +uncultured 77563 +conquistadors 77562 +coif 77560 +captivates 77557 +mene 77555 +cinematographic 77545 +sequester 77544 +platting 77539 +dahomey 77533 +schwinger 77528 +tessie 77526 +repossess 77519 +constricting 77519 +calorific 77516 +upstage 77511 +cointreau 77510 +paedophiles 77496 +osteoblast 77495 +ionics 77491 +yakutsk 77487 +electroshock 77487 +puncturing 77484 +shakeup 77483 +stopgap 77480 +phosphorescent 77473 +adenocarcinomas 77468 +footrests 77461 +inchoate 77456 +surtax 77454 +edamame 77450 +mushrooming 77449 +polymerisation 77445 +lubbers 77440 +unashamedly 77439 +anechoic 77438 +micronesian 77432 +waterbird 77431 +relink 77428 +sauntered 77426 +foundling 77426 +sparling 77422 +retrying 77411 +illiberal 77409 +breadsticks 77408 +deserting 77401 +lento 77400 +voyeuristic 77398 +stationer 77396 +albinism 77384 +onlooker 77379 +firebrick 77378 +deathless 77373 +immerses 77371 +collegians 77371 +carpathians 77370 +bussing 77369 +multiplexor 77368 +garbanzo 77367 +tarsal 77357 +petrels 77349 +chlorofluorocarbons 77349 +assurer 77312 +isentropic 77303 +longhouse 77300 +reabsorption 77292 +backboards 77288 +scandinavians 77287 +uncoupled 77285 +legate 77278 +deicing 77276 +dissuaded 77273 +malian 77270 +wmk 77249 +gastroenterologist 77241 +paled 77239 +ascribes 77239 +benedictus 77238 +mooch 77236 +hearths 77235 +tangling 77234 +treadle 77233 +dramatize 77233 +hearthside 77229 +scummy 77222 +subvention 77221 +donator 77221 +duller 77219 +feminised 77212 +discoverers 77209 +benevento 77206 +gateau 77205 +sightedness 77191 +furled 77189 +ludwigshafen 77187 +stupider 77182 +chiaroscuro 77178 +leavened 77167 +esdras 77160 +gimmicky 77157 +typify 77155 +propulsive 77152 +idled 77146 +nobodies 77142 +preconditioned 77140 +bellicose 77140 +cryptogram 77138 +ferruginous 77130 +standpipe 77127 +phaseout 77116 +muffle 77114 +newsmen 77103 +commissariat 77099 +nonsectarian 77094 +brandie 77085 +inactivating 77075 +abydos 77075 +fiddly 77068 +megalomaniac 77067 +slaughters 77065 +titrated 77062 +jabiru 77054 +papuans 77052 +cornfields 77051 +ebbing 77049 +noisier 77044 +tipple 77043 +abscissa 77042 +freckle 77039 +allergist 77034 +repossessions 77028 +grump 77025 +yippie 77024 +tansy 77016 +gaea 77005 +prototyped 77000 +perceptually 76998 +portents 76996 +achingly 76995 +venetians 76994 +unnerved 76984 +participles 76975 +doles 76967 +harmlessly 76964 +gizzard 76958 +congruency 76957 +nonwhite 76955 +scapular 76951 +possessors 76948 +percolating 76947 +mephistopheles 76942 +libreville 76937 +flab 76934 +ouzo 76927 +proclivity 76921 +hadar 76919 +waterlily 76916 +rhenium 76913 +ampoules 76902 +fortes 76891 +liveliness 76884 +snowsuit 76873 +holidaying 76872 +kiruna 76865 +godson 76865 +downfield 76861 +broodmare 76859 +zonation 76858 +adjectival 76849 +contravening 76848 +bemoaning 76848 +feckless 76844 +crystallisation 76844 +physiques 76843 +tuberose 76841 +stereophonic 76840 +commutativity 76836 +hoedown 76830 +duffer 76822 +biped 76820 +musial 76812 +skiwear 76808 +castanets 76800 +paling 76792 +deckchair 76786 +dazzles 76786 +unglazed 76781 +emulsified 76774 +carolinian 76771 +nightshirt 76757 +hijra 76751 +funicular 76750 +diverticulum 76748 +solidus 76741 +rabelais 76731 +ossa 76724 +crankshafts 76724 +stationing 76723 +autocrat 76712 +shouldering 76710 +quadrat 76709 +clapboard 76707 +bayamon 76701 +ballsy 76700 +hovel 76694 +gauls 76687 +dehumanizing 76677 +neologisms 76663 +briquettes 76663 +barite 76661 +holdout 76659 +cyanosis 76650 +flameproof 76649 +muncher 76638 +individualization 76628 +spearing 76618 +grackle 76603 +screamers 76601 +incites 76597 +stirrings 76592 +strindberg 76591 +photospheric 76587 +gannet 76583 +copepod 76581 +gluconeogenesis 76570 +overdrawn 76569 +retentions 76568 +alewife 76567 +decider 76561 +lusitania 76560 +rustled 76559 +unquenchable 76557 +fallers 76554 +stubbed 76551 +foreseeing 76547 +disulphide 76546 +stepmom 76543 +transf 76542 +indolence 76542 +comedienne 76540 +profundity 76534 +fishtail 76534 +schaffhausen 76523 +fixers 76523 +contusion 76523 +fraps 76522 +commingling 76522 +earmarking 76506 +turgid 76500 +exigency 76498 +conjuration 76495 +lota 76493 +daredevils 76491 +relearn 76483 +pebbled 76480 +toff 76475 +diophantine 76466 +wanes 76465 +internalizing 76460 +stunk 76458 +reined 76456 +fauns 76451 +vivarium 76450 +interlinear 76439 +reregistration 76438 +unenviable 76427 +archaeopteryx 76423 +reinaldo 76419 +vair 76418 +obscenely 76407 +argenteuil 76407 +varro 76405 +permeating 76401 +warrantees 76400 +marva 76393 +antinuclear 76392 +unfeeling 76387 +microscopical 76387 +cooing 76387 +cavell 76384 +bishopric 76364 +dichotomies 76361 +marxian 76351 +regurgitate 76348 +severest 76341 +catatonia 76322 +odis 76307 +beautifying 76302 +medicating 76289 +glistened 76288 +vilna 76286 +musclemen 76282 +encroached 76277 +einsteins 76276 +suppleness 76259 +compressional 76259 +nouakchott 76258 +irascible 76255 +crumple 76252 +stavropol 76249 +melds 76245 +defaulters 76245 +reprimands 76233 +feelers 76227 +choosy 76222 +maseru 76214 +jackknife 76202 +canute 76200 +cordoned 76198 +augmentations 76184 +snowdrop 76181 +birdwatchers 76181 +vibrated 76176 +chromatogram 76176 +interloper 76173 +denuded 76172 +revivalist 76171 +smudged 76164 +rudders 76159 +roadwork 76155 +lambasted 76154 +subjugate 76152 +isadore 76152 +seminarian 76150 +perked 76147 +gazettes 76132 +lamplighter 76130 +berate 76121 +whitecaps 76112 +tactician 76103 +pended 76103 +histoplasmosis 76097 +gulden 76095 +collieries 76083 +splintering 76079 +niobe 76076 +incorporeal 76072 +orderlies 76063 +thrushes 76053 +gads 76041 +titmouse 76040 +plasticizers 76027 +cymbeline 76024 +ferried 76022 +seances 76019 +wriggling 76014 +sagitta 76010 +globs 76001 +crape 76001 +mouldy 76000 +softie 75997 +nonperforming 75992 +reinsert 75990 +fruited 75983 +freeloader 75979 +fisc 75975 +merest 75969 +unashamed 75962 +dismantlement 75959 +chumps 75957 +perpendicularly 75949 +downwardly 75949 +geniculate 75945 +teatime 75939 +superimpose 75934 +czars 75932 +stainer 75931 +expounding 75928 +banting 75925 +woodenware 75924 +pushover 75923 +packable 75922 +breathy 75917 +swaddling 75910 +benighted 75909 +typesetter 75904 +frigging 75900 +swashbucklers 75897 +lubed 75886 +hysteric 75880 +trekked 75872 +robespierre 75871 +uninsulated 75855 +privity 75851 +munda 75851 +lunging 75846 +khat 75844 +exultation 75839 +selfsame 75831 +overcoats 75828 +glaucous 75827 +calvinists 75825 +kerguelen 75822 +jigging 75819 +millwright 75815 +grovel 75814 +soberly 75811 +sysops 75799 +occupationally 75786 +madrigals 75786 +antiseptics 75779 +gayest 75752 +knobby 75743 +brewhouse 75740 +curmudgeonly 75736 +bluey 75731 +nebr 75726 +fizzing 75724 +schmaltz 75712 +fetid 75712 +boatmen 75710 +vespasian 75696 +singleness 75694 +scorcher 75691 +trounced 75689 +presidencies 75685 +keble 75682 +kaput 75678 +tailspin 75677 +silliest 75674 +blackface 75669 +cuckoos 75667 +indefiniteness 75656 +windsock 75651 +yearnings 75642 +yaks 75641 +hydric 75641 +dependently 75626 +christmases 75625 +remise 75621 +baluchistan 75619 +skua 75612 +unquiet 75608 +herbage 75600 +apter 75596 +fluorosis 75594 +aviaries 75591 +adduce 75588 +twaddle 75584 +tachometers 75581 +gonococcal 75561 +lamberts 75551 +unitarians 75550 +unutterable 75545 +mitterrand 75543 +scribing 75539 +cero 75538 +outshine 75532 +proserpine 75524 +parisians 75518 +gyroscopes 75511 +diarrhoeal 75511 +patronized 75504 +iodized 75500 +stedfast 75495 +capsize 75494 +inelegant 75483 +clambered 75483 +histrionic 75481 +subsists 75477 +gonadotropins 75471 +correctors 75466 +ownerships 75460 +suckle 75456 +intarsia 75455 +poppet 75449 +kingfishers 75436 +facially 75428 +veep 75426 +poppycock 75424 +misappropriated 75424 +wormholes 75421 +degenerating 75416 +lysistrata 75414 +nebular 75410 +geisel 75406 +arkwright 75400 +taciturn 75399 +sways 75398 +enumerable 75391 +berated 75385 +haemodialysis 75373 +greasing 75372 +eutrophic 75363 +bristled 75361 +unlearn 75357 +flecked 75352 +doozy 75350 +laterality 75347 +superposed 75346 +astrophysicist 75335 +sabbaths 75329 +mustering 75326 +matadors 75322 +allemande 75317 +sophy 75315 +paramaribo 75306 +betrothal 75302 +trestles 75301 +skews 75297 +nippy 75292 +welts 75287 +intrudes 75284 +spliff 75276 +rinds 75276 +greenest 75266 +pyrimidines 75264 +foisted 75254 +lollapalooza 75247 +munchkins 75245 +ordinals 75244 +boorish 75244 +eighths 75242 +crampon 75233 +glaciology 75226 +millpond 75217 +whitetails 75212 +squiggle 75211 +chanteuse 75210 +airshows 75207 +gullibility 75206 +roughed 75196 +brahe 75185 +aeromedical 75175 +devoir 75174 +saone 75164 +adjoined 75153 +moult 75151 +tessellation 75150 +namath 75147 +hotplate 75140 +redid 75136 +barmy 75129 +complementarities 75126 +vilest 75124 +aorist 75119 +animist 75116 +battler 75110 +vassals 75109 +throttled 75097 +tippers 75095 +bulimic 75074 +oestradiol 75064 +lashkar 75057 +fonder 75055 +insulates 75048 +entrancing 75040 +meningeal 75036 +melancholia 75035 +shampooing 75032 +ainu 75020 +swaraj 75019 +taiyuan 75018 +chrominance 75008 +pilothouse 75007 +visualised 75003 +elope 74984 +drapers 74979 +survivalist 74967 +scriabin 74967 +ramification 74947 +welshman 74936 +crematoria 74936 +grodno 74934 +nanchang 74931 +abductees 74931 +rabaul 74923 +beguiled 74919 +crated 74918 +maalox 74916 +crimpers 74912 +privatise 74904 +rehire 74897 +hydrofluoric 74896 +unrepresentative 74888 +gynaecologist 74881 +arrestor 74879 +counterfeiters 74876 +sinew 74869 +mordant 74862 +overbought 74859 +haeckel 74846 +rocketeer 74839 +torturer 74832 +carnie 74825 +correlational 74815 +slapper 74811 +somnolence 74810 +curvatures 74808 +commandeered 74808 +ascribing 74807 +irreparably 74804 +fauntleroy 74804 +shirred 74799 +signposting 74797 +energizers 74793 +sweeting 74763 +edgers 74756 +luckier 74743 +caplin 74741 +seismograph 74739 +diatomic 74735 +inaugurating 74732 +browses 74729 +gazetteers 74726 +declension 74716 +romansh 74713 +pinstriped 74713 +trossachs 74711 +negatived 74711 +expedites 74707 +claymation 74703 +standpoints 74701 +ungulates 74696 +oddness 74694 +dormouse 74684 +smidgen 74683 +fawns 74673 +briand 74673 +bromeliad 74670 +tossers 74669 +bunion 74662 +snobbish 74655 +settees 74643 +fledging 74643 +anodyne 74633 +sanctifying 74631 +cultic 74631 +dags 74626 +toscanini 74623 +wholemeal 74618 +merchantable 74608 +dearie 74599 +reworded 74598 +footstone 74597 +gastropods 74582 +nahuatl 74573 +homeworkers 74565 +shorties 74562 +nonlethal 74560 +comeuppance 74558 +sundaes 74552 +enigmas 74542 +ramekins 74541 +terni 74539 +clop 74535 +doyen 74532 +unfailingly 74496 +exploiters 74492 +sabbaticals 74481 +secretes 74480 +honiara 74476 +befalls 74473 +constructionist 74470 +escargot 74466 +disbarred 74462 +exemplifying 74454 +melded 74449 +geum 74445 +wive 74442 +possessory 74439 +fussed 74418 +finny 74417 +fenland 74415 +anabaptists 74413 +hyperopia 74411 +yodel 74408 +pinholes 74402 +orthosis 74391 +godavari 74375 +disembarked 74374 +countdowns 74374 +gleaning 74366 +burgundian 74363 +resynchronization 74362 +caff 74350 +logician 74349 +kansans 74343 +ultramodern 74336 +thumped 74323 +conjectural 74321 +remanufacture 74315 +flavoprotein 74314 +rumination 74311 +auscultation 74307 +tocopherols 74306 +blackmailing 74303 +undersold 74287 +toothpastes 74284 +hydrosphere 74283 +mho 74278 +rationals 74265 +astarte 74252 +misogynist 74250 +boffins 74249 +spiff 74236 +pieta 74232 +familiarisation 74230 +buzzes 74224 +tendance 74222 +idlers 74211 +chalkboards 74210 +phagocytes 74208 +quintuple 74194 +clickers 74186 +psychobiology 74183 +hounding 74177 +regurgitated 74173 +shrubby 74164 +compartmentalized 74164 +vitebsk 74163 +racemic 74158 +contortions 74158 +repetitively 74156 +compulsorily 74144 +packhorse 74141 +apportioning 74140 +cairngorms 74135 +arsonist 74133 +provers 74127 +effusive 74126 +karamazov 74125 +sapsucker 74115 +cloistered 74115 +redoubled 74112 +choristers 74110 +climaxed 74106 +bosoms 74104 +otolith 74100 +dutiable 74100 +cubical 74099 +opaques 74098 +flapped 74098 +verlaine 74093 +adenoviruses 74089 +supernumerary 74081 +aqueducts 74078 +photosensitivity 74074 +reprobate 74069 +cubbies 74058 +indiscretions 74057 +riper 74056 +hypermarkets 74055 +loden 74049 +biaxial 74044 +duna 74035 +loneliest 74027 +murrumbidgee 74020 +sculpin 74015 +hokusai 74013 +forsook 74008 +hittites 74007 +duplicitous 74004 +lorre 74003 +expletives 74002 +flintlock 73997 +preempts 73967 +prelates 73953 +catacomb 73952 +nyala 73950 +jumpsuits 73949 +atonal 73943 +therms 73929 +bluejays 73929 +fricative 73928 +teleplay 73925 +isotherms 73922 +ensigns 73920 +anteriorly 73918 +unpredictably 73906 +hydrologist 73895 +diachronic 73875 +cattails 73873 +repealer 73860 +clubland 73860 +spendthrift 73855 +imidazoles 73854 +antipodes 73850 +dagan 73837 +religionists 73816 +dateless 73814 +limpet 73808 +ellice 73802 +hildesheim 73798 +normalizes 73789 +grossest 73782 +shanties 73777 +handwork 73772 +radiometrically 73764 +fiume 73764 +monomials 73749 +poach 73747 +ploughs 73743 +proscenium 73730 +emotionless 73730 +lashings 73728 +noemi 73721 +restates 73720 +paperclips 73699 +telesis 73695 +subcritical 73694 +cantabile 73689 +persecutors 73687 +averred 73686 +grue 73682 +norland 73632 +gasworks 73631 +agrochemical 73628 +selflessly 73626 +actualize 73623 +valueless 73612 +sniffles 73611 +imperceptibly 73605 +percolate 73602 +twixt 73594 +revetment 73594 +wielder 73593 +stilling 73593 +takeoffs 73581 +trendiest 73580 +sportscaster 73560 +mande 73554 +crevasse 73554 +hastens 73549 +photocell 73543 +reamers 73533 +preen 73524 +brilliancy 73522 +voluntarism 73519 +gushes 73507 +surer 73497 +equestrians 73495 +nelsen 73489 +frae 73487 +bevels 73486 +traitorous 73475 +levite 73469 +missourians 73466 +sandlot 73462 +quieting 73461 +tetralogy 73458 +candour 73456 +pacified 73447 +lazing 73446 +lutyens 73445 +penetrant 73442 +pollens 73441 +twiddle 73421 +contextualized 73419 +brigit 73418 +mols 73416 +joblessness 73416 +greenhorn 73408 +spectrogram 73401 +drin 73396 +roadbed 73392 +gored 73382 +remunerative 73378 +xylenes 73366 +intricacy 73364 +pendulous 73355 +shadwell 73349 +moneymaking 73349 +mourner 73348 +gastrectomy 73344 +superheated 73343 +quested 73341 +enfold 73339 +troubadours 73337 +davits 73336 +amours 73332 +reentered 73331 +paupers 73331 +abaddon 73331 +overreacting 73326 +bludgeon 73317 +welled 73315 +backstabbing 73303 +inconsiderable 73301 +bricklaying 73299 +cotyledons 73292 +titanate 73289 +cackle 73283 +sallow 73280 +botel 73267 +pavo 73242 +reformatory 73236 +ostentation 73215 +cherishes 73202 +snowstorms 73201 +linguini 73194 +stodgy 73190 +bookend 73185 +anecdotally 73184 +bour 73181 +shipowner 73178 +lincolns 73178 +enticement 73176 +underwhelming 73174 +parities 73173 +affiant 73173 +wrathful 73164 +bolter 73161 +iguassu 73154 +vasoconstrictor 73144 +partook 73138 +diddly 73137 +dozers 73128 +slaving 73098 +neogene 73091 +familiars 73081 +overestimates 73074 +glockenspiel 73073 +edam 73073 +blacken 73047 +possibles 73045 +marilee 73045 +ghat 73045 +intensional 73043 +congregants 73032 +cobia 73031 +deflects 73014 +sublimated 73006 +annexations 73006 +junkets 73005 +schemer 73002 +clarets 72984 +coulis 72977 +writhe 72941 +cockerel 72940 +mizar 72923 +mummers 72912 +friendless 72907 +proboscis 72906 +wholehearted 72904 +underlings 72903 +inklings 72900 +fitful 72897 +unstressed 72896 +cautioning 72888 +genii 72886 +refractors 72882 +overpasses 72875 +earmuffs 72867 +dishonoured 72863 +jinja 72858 +unquestioning 72851 +terai 72849 +bottomland 72843 +aquatint 72840 +desultory 72838 +disjunct 72834 +roes 72831 +cienfuegos 72820 +janacek 72818 +anteaters 72816 +pitifully 72813 +crescents 72812 +escudos 72811 +confiscating 72799 +menacingly 72798 +ambiguously 72795 +torching 72790 +withe 72784 +sejm 72784 +beersheba 72780 +kirkcudbright 72775 +alamein 72775 +morbihan 72767 +seasickness 72763 +disinclined 72762 +lackeys 72761 +codicil 72740 +purines 72730 +floodwater 72726 +puerile 72720 +pharmacopeia 72715 +editorially 72709 +ambulation 72706 +mayra 72705 +improver 72697 +worthlessness 72696 +vermicelli 72695 +devolving 72683 +oblation 72680 +maestros 72679 +westernized 72677 +riefenstahl 72677 +caracalla 72673 +necrology 72665 +landor 72665 +coverlets 72665 +overconfidence 72657 +executory 72654 +combust 72644 +civilizing 72643 +communiques 72642 +stockyard 72629 +corneille 72627 +trophoblast 72626 +stillbirths 72623 +alfonzo 72620 +tripos 72616 +misspent 72616 +pirouette 72613 +damming 72609 +bagasse 72607 +dorp 72605 +palaver 72596 +gorgias 72592 +balalaika 72589 +geostrophic 72588 +ductless 72588 +biko 72582 +giacometti 72575 +antiaircraft 72572 +grandstands 72560 +unvarnished 72557 +overran 72556 +wretches 72544 +ziti 72534 +socialites 72520 +clingy 72516 +blusher 72513 +kyles 72507 +dysphoric 72503 +hoarsely 72488 +fumigant 72488 +hellenism 72479 +eggshells 72479 +objectification 72473 +statecraft 72469 +synthetically 72458 +parkways 72456 +kuvasz 72446 +thumbscrews 72443 +bulldozing 72441 +woozy 72439 +undercroft 72439 +synaesthesia 72439 +rhodos 72428 +kosciuszko 72425 +andromache 72417 +terrane 72408 +ptah 72407 +ribcage 72398 +flout 72396 +studiously 72389 +kabob 72387 +defeatist 72386 +crossbred 72384 +dodecahedron 72379 +grebes 72377 +colloquially 72370 +uninformative 72362 +detectability 72348 +confounds 72341 +lairs 72338 +sones 72334 +bioreactors 72331 +serigraphs 72330 +resurfaces 72317 +beeton 72298 +knapweed 72286 +pitiable 72271 +menorahs 72270 +hyla 72270 +millipede 72269 +ferrites 72258 +summerhouses 72255 +feted 72254 +gabbro 72250 +betrayers 72248 +hairpiece 72243 +neckband 72242 +legless 72239 +imploded 72232 +kitakyushu 72230 +reiteration 72223 +lietuva 72212 +vaporize 72210 +aliments 72205 +corsairs 72195 +chromophore 72195 +stuttered 72194 +rems 72190 +indiscreet 72179 +shoelace 72175 +belloc 72172 +duelling 72171 +pedantry 72166 +santayana 72163 +ramesses 72153 +lugged 72153 +valarie 72150 +retinas 72149 +debilitated 72146 +stans 72139 +philanthropies 72135 +marinating 72135 +naves 72133 +epis 72130 +zelig 72129 +quadriplegia 72126 +unobtainable 72123 +oho 72118 +reactionaries 72114 +blazon 72113 +impliedly 72110 +backdated 72109 +gars 72102 +pastorale 72082 +resettle 72081 +helipad 72081 +impaction 72076 +smiler 72075 +looseness 72067 +jewelries 72066 +appendectomy 72062 +neglectful 72056 +radioed 72046 +cetus 72046 +reversibly 72045 +corine 72041 +bilk 72039 +pillaged 72013 +memorialized 72013 +adrenals 72006 +denotational 71989 +drawbar 71986 +chalking 71978 +firebirds 71974 +televise 71971 +speechwriter 71970 +hemiplegia 71962 +contraventions 71949 +weierstrass 71946 +jamaicans 71941 +panicle 71939 +enface 71939 +subsidizes 71934 +telic 71928 +firetruck 71915 +umpteenth 71914 +meetinghouse 71914 +punted 71912 +knt 71910 +worthily 71902 +athletically 71901 +assaying 71895 +septet 71891 +goofball 71890 +reverso 71889 +carpools 71889 +knicker 71884 +insomuch 71882 +expensively 71881 +salivation 71880 +macromolecule 71874 +mesenchyme 71871 +intercalated 71868 +pralines 71859 +scruple 71855 +kronecker 71853 +uncharged 71846 +hammurabi 71836 +workmates 71834 +steadied 71834 +boozy 71828 +tussaud 71810 +unheralded 71809 +materialised 71808 +coolie 71806 +ordeals 71804 +mineralogist 71800 +honeyed 71800 +bisquick 71799 +austronesian 71799 +recoiled 71794 +enterovirus 71791 +trimesters 71790 +pharaonic 71788 +communalism 71786 +benzoin 71767 +disliking 71766 +interrupter 71750 +fibreboard 71746 +infuriate 71738 +bastardly 71738 +honchos 71737 +armholes 71733 +dilutes 71728 +dionysos 71727 +chinks 71717 +unripe 71715 +feedstuffs 71715 +throaty 71710 +shipmate 71707 +plotinus 71707 +occlusions 71706 +radiographer 71704 +compartmentalization 71704 +oratorios 71703 +imploding 71703 +convulsed 71702 +orthorhombic 71696 +pilocarpine 71694 +carbides 71693 +silverside 71687 +scours 71686 +mooning 71686 +resettable 71681 +outriggers 71679 +nodi 71668 +secularist 71665 +pentacles 71656 +skyscape 71651 +seagoing 71648 +crispness 71645 +jewishness 71640 +lengthens 71637 +deferments 71636 +predating 71634 +cleanness 71634 +unmolested 71633 +bydgoszcz 71632 +insistently 71619 +densest 71615 +kitted 71608 +adjoin 71600 +tilings 71597 +upanishad 71595 +fording 71590 +bregenz 71586 +dispersant 71578 +murrelet 71571 +sextants 71564 +glassine 71550 +kewpie 71548 +prognostications 71546 +telegraphs 71531 +lorikeet 71528 +kafir 71528 +xeric 71527 +realigning 71525 +emmer 71525 +fellation 71524 +jiggling 71522 +yellowlegs 71514 +coverts 71514 +transgressors 71513 +osmose 71504 +clews 71501 +redolent 71494 +crosswinds 71492 +impudence 71486 +hocks 71483 +retd 71475 +dyads 71474 +represses 71461 +gunsmiths 71457 +foaled 71445 +mariculture 71443 +ananias 71440 +trona 71439 +vied 71438 +macrobiotics 71429 +noneconomic 71421 +generalizable 71420 +daydreamer 71419 +eulogies 71418 +undershirts 71413 +resealed 71406 +weakling 71404 +misanthropic 71403 +crapper 71397 +anvils 71394 +dingbat 71382 +griefs 71375 +rouleau 71369 +michelob 71367 +yoked 71366 +steeples 71366 +sakharov 71352 +overdosing 71352 +tares 71332 +disqualifications 71329 +arak 71326 +laches 71325 +cyzicus 71323 +tremulous 71311 +upperclassmen 71309 +sinkholes 71309 +fovea 71302 +homeomorphism 71291 +menarche 71287 +basseterre 71287 +whinge 71281 +tottering 71281 +childminding 71274 +goofed 71267 +asymptote 71266 +landholding 71259 +scalps 71257 +despaired 71257 +quails 71255 +satiated 71250 +localism 71240 +gravitated 71240 +swilling 71230 +sclera 71222 +recapping 71219 +saeta 71217 +windsurfer 71210 +necker 71209 +sluggishness 71205 +preemies 71195 +codling 71190 +lightnings 71188 +tangos 71187 +repenting 71187 +grandfathering 71182 +buonarroti 71177 +kneed 71162 +cosmogony 71161 +invulnerability 71154 +underwhelmed 71147 +manliness 71143 +churchmen 71143 +textually 71141 +trainable 71138 +bankable 71132 +brede 71130 +parthian 71129 +tver 71128 +heckling 71126 +sodding 71124 +deodorizers 71123 +revolutionizes 71122 +phenolics 71115 +detracting 71113 +chirped 71112 +synergetic 71109 +reauthorized 71106 +lexically 71102 +townscape 71099 +derisive 71088 +imbibed 71087 +hanoverian 71087 +carranza 71072 +alessandria 71070 +codifying 71066 +reuther 71065 +equipage 71065 +carnauba 71063 +nightgowns 71053 +bailiwick 71049 +prophesying 71034 +embossers 71030 +savaged 71028 +slithering 71021 +abodes 71021 +tamarisk 71020 +daters 71019 +geochronology 71016 +spouted 71015 +socioeconomically 71008 +clanging 71008 +batiste 71006 +guanidine 70997 +ionizers 70996 +sankara 70995 +americium 70990 +archean 70989 +uncontroversial 70980 +insurgencies 70980 +kaddish 70971 +upcountry 70949 +hyades 70948 +saussure 70930 +windpipe 70928 +espagnole 70926 +veronese 70921 +guiltless 70916 +simla 70911 +burnings 70905 +psychophysiological 70903 +intercostal 70897 +waffling 70895 +conflation 70892 +distresses 70887 +cecum 70881 +retaken 70876 +garnishee 70865 +brassiere 70860 +transmute 70859 +intermingling 70855 +foundered 70853 +hallucinatory 70847 +longshoremen 70846 +knossos 70843 +devilishly 70842 +menorrhagia 70839 +firewater 70836 +tattooists 70824 +amuck 70822 +afrikaner 70817 +aquilegia 70803 +institutionalisation 70791 +housebound 70790 +dangerousness 70790 +dispensations 70789 +assur 70788 +straitjacket 70786 +stradivarius 70782 +irretrievably 70777 +thralls 70753 +phrenology 70739 +overabundance 70735 +rompers 70719 +connivance 70711 +tizzy 70708 +bottoming 70705 +antaeus 70700 +outgrew 70690 +sentential 70684 +tirades 70680 +miscreant 70680 +blackboards 70680 +studier 70679 +bitterest 70678 +radome 70676 +troller 70675 +tads 70669 +internees 70669 +arrester 70666 +spiritualists 70644 +zions 70642 +belizean 70642 +shatterproof 70638 +uncertainly 70635 +wellborn 70633 +resenting 70628 +recrystallization 70624 +peele 70611 +endothermic 70611 +familiarly 70608 +menhaden 70604 +misidentified 70603 +cumulonimbus 70600 +wilfredo 70593 +waziristan 70593 +scowling 70591 +refractometers 70582 +moussaka 70582 +lugansk 70572 +parmenides 70570 +swaggering 70565 +commercialised 70565 +temporaries 70560 +intradermal 70560 +circumnavigation 70558 +almshouse 70544 +grandly 70539 +jocko 70519 +publicans 70518 +graciousness 70515 +fictive 70512 +birthmark 70499 +elaborations 70497 +foreshadow 70491 +vitiate 70490 +footlights 70489 +smarting 70487 +sorb 70478 +inhomogeneity 70469 +hatreds 70468 +purulent 70463 +maryellen 70462 +aton 70456 +mercerized 70453 +imperil 70451 +salamis 70448 +censer 70431 +friary 70425 +metamucil 70423 +surfeit 70422 +obeisance 70421 +mottle 70420 +magmas 70419 +inhomogeneities 70410 +whelp 70407 +douches 70404 +equines 70387 +ignominious 70374 +unfamiliarity 70373 +refutations 70360 +sulking 70356 +bakunin 70355 +kreutzer 70352 +keenest 70349 +deist 70349 +smooths 70348 +dieback 70346 +detente 70344 +nibbler 70342 +ungainly 70338 +lafollette 70331 +tillich 70324 +vasomotor 70315 +coalfields 70313 +dovetails 70311 +mimesis 70309 +bauble 70303 +believability 70299 +circlet 70295 +tolan 70288 +oxalis 70276 +carborundum 70274 +plagiarist 70270 +regimented 70264 +mudra 70259 +seaworthy 70249 +rouses 70243 +damocles 70243 +denigrating 70233 +snaked 70230 +consolations 70226 +incests 70220 +embosser 70217 +whorls 70215 +aniseed 70215 +enslaving 70210 +optionality 70201 +hesperus 70201 +collates 70201 +fantail 70200 +harbingers 70193 +odorous 70191 +indefinable 70183 +hilltops 70180 +caisson 70178 +embellishing 70173 +cedilla 70173 +arris 70170 +infinitives 70163 +partizan 70159 +ironical 70156 +vegemite 70155 +inkblot 70150 +sympathized 70147 +uncultivated 70133 +fibs 70133 +cloying 70133 +functionary 70132 +bluebeard 70128 +tudors 70117 +headscarves 70111 +suppositions 70106 +batterers 70104 +jehoshaphat 70103 +renovators 70096 +bangladeshis 70090 +elegies 70083 +exploder 70077 +incarnated 70071 +gargling 70068 +squiggly 70056 +carolingian 70048 +unrevised 70045 +tavel 70038 +divisibility 70036 +hornbeam 70033 +corroborates 70033 +carbines 70020 +erosional 69990 +couperin 69982 +bratty 69979 +kaffir 69978 +livelier 69964 +hydroxides 69955 +overwinter 69953 +seashores 69949 +corrigenda 69938 +grenadiers 69937 +thousandths 69936 +denigration 69936 +bruit 69936 +acacias 69935 +magnanimity 69921 +bops 69917 +capernaum 69916 +regressing 69911 +natter 69909 +idolize 69905 +fiesole 69905 +glomerulus 69892 +trickles 69877 +samarium 69873 +krems 69858 +heerlen 69858 +rehired 69856 +gallops 69849 +matchbooks 69847 +byzantines 69841 +disambiguate 69836 +outsources 69834 +retaking 69825 +retailed 69824 +pouty 69818 +dexterous 69809 +maiming 69802 +chocs 69794 +bather 69794 +faience 69789 +groundskeeper 69765 +innovates 69762 +anthropometry 69761 +inchon 69760 +remarries 69734 +copyediting 69733 +snit 69731 +chromogenic 69731 +misinterpretations 69722 +phenothiazines 69717 +basted 69717 +protists 69712 +camerawork 69708 +metabolically 69707 +playpens 69702 +henze 69688 +undignified 69685 +reapplied 69682 +tiffs 69678 +psilocybin 69675 +skydiver 69673 +overfill 69671 +mauling 69666 +confab 69666 +mulla 69657 +assentor 69653 +weanling 69635 +rastafarian 69635 +balder 69634 +synd 69629 +moroccans 69628 +pricier 69627 +riccio 69626 +endear 69622 +classis 69620 +effigies 69612 +countersigned 69601 +heptane 69599 +projectionist 69598 +neckar 69595 +counteracted 69589 +carbuncle 69562 +planking 69561 +stepsister 69559 +blockhouse 69556 +tricolour 69546 +ploys 69545 +subassembly 69542 +liliuokalani 69534 +sheepdogs 69520 +florey 69518 +impeaching 69513 +rotter 69508 +thana 69505 +urbanity 69496 +overshadows 69491 +stonemasons 69485 +lecherous 69485 +latkes 69484 +osteoclast 69481 +lawgiver 69477 +privileging 69472 +biggies 69472 +totter 69468 +rumpled 69467 +hunches 69465 +concussions 69459 +penalise 69454 +penalizes 69453 +bronchiectasis 69446 +scalded 69445 +importations 69441 +deportees 69439 +jazzman 69436 +timecard 69434 +squeaker 69429 +rocs 69425 +omelettes 69420 +snowbound 69416 +medevac 69416 +luoyang 69415 +cartoony 69415 +confides 69408 +pleasingly 69407 +peduncle 69407 +afrocentric 69407 +persis 69405 +hamstrung 69405 +bryophytes 69401 +serenades 69391 +realisations 69387 +laughingly 69380 +prefaces 69368 +earlobe 69362 +busybodies 69360 +witched 69356 +easterners 69353 +feasibly 69351 +kaduna 69342 +edify 69341 +schmoe 69339 +dockage 69339 +kaolinite 69334 +idolaters 69333 +piker 69323 +sprat 69321 +seducer 69321 +famagusta 69302 +masquerades 69299 +lightheaded 69283 +impellers 69283 +wanner 69280 +nowt 69267 +tenaciously 69264 +rootstocks 69261 +geocaches 69258 +assumable 69256 +marring 69255 +moonbeams 69252 +matzo 69250 +inculcated 69250 +izaak 69245 +quadrillion 69238 +ballista 69236 +hoodlums 69235 +dyestuffs 69235 +fungible 69232 +poller 69226 +stalag 69219 +demised 69216 +tidelands 69200 +sapwood 69200 +limonene 69199 +rondelle 69198 +unmonitored 69189 +pumpers 69179 +reposed 69167 +manado 69166 +kinglet 69157 +cicerone 69151 +bookplates 69134 +mildest 69127 +masted 69125 +subhuman 69121 +chronographs 69119 +underclassmen 69109 +restlessly 69100 +uselessness 69098 +bonbon 69097 +mycoses 69096 +dovetailed 69091 +puked 69085 +peddled 69084 +ungrounded 69080 +earful 69077 +oaken 69075 +laughably 69067 +kneecap 69067 +ateliers 69066 +immunizing 69063 +camion 69062 +sugarless 69061 +haugh 69060 +sniffle 69056 +contestation 69052 +handbills 69046 +fogey 69046 +catamount 69044 +entices 69042 +slushy 69039 +recce 69037 +harlots 69037 +scapegoating 69033 +masker 69032 +trippers 69029 +erne 69024 +pictographs 69023 +rouges 69020 +humours 69020 +naturalised 69016 +redon 69010 +tracheotomy 69007 +viticultural 69000 +chamfer 68995 +labe 68986 +rehashing 68981 +replenishes 68975 +gaur 68967 +centaurus 68963 +agama 68959 +wadding 68957 +speeders 68953 +redraws 68953 +inadvisable 68950 +voltaic 68943 +derriere 68942 +suffragette 68939 +palatability 68938 +megaphones 68938 +chocoholic 68935 +codices 68934 +esterified 68921 +daimyo 68916 +dynes 68914 +cudgel 68912 +maraschino 68901 +trafficker 68894 +cheapen 68892 +hygroscopic 68891 +quasimodo 68890 +multifarious 68890 +songstress 68882 +elemis 68877 +kawabata 68872 +wobbles 68871 +maisonettes 68862 +abhors 68845 +minarets 68825 +recompute 68824 +wrack 68820 +nightjar 68810 +interfuse 68808 +mends 68803 +skippered 68799 +chiropodists 68791 +putsch 68790 +vividness 68789 +flagrantly 68777 +recapturing 68776 +molybdate 68775 +manicurists 68773 +corporatist 68771 +repricing 68769 +buzzsaw 68767 +beatitude 68765 +husbandman 68761 +pskov 68755 +bumpkin 68752 +lemuria 68750 +bleaches 68739 +prepubescent 68731 +expatriation 68724 +heaves 68715 +buskers 68711 +conscripted 68697 +committeeman 68676 +pewee 68670 +neuroscientist 68668 +gangtok 68660 +reneged 68651 +predicaments 68640 +copping 68636 +idealised 68635 +volos 68632 +cythera 68628 +mutilations 68627 +microcircuit 68626 +untruthful 68625 +mannerism 68625 +sequoias 68622 +crinoline 68620 +statism 68618 +nelda 68618 +subaltern 68612 +signalman 68611 +yekaterinburg 68610 +legitimizing 68600 +blahs 68598 +balas 68596 +actualized 68593 +reheated 68591 +polymath 68583 +neutralise 68577 +longingly 68574 +trended 68573 +snoops 68572 +episcopate 68571 +midgut 68568 +sidelights 68562 +moony 68559 +legionary 68556 +synthesiser 68541 +imodium 68540 +intoned 68535 +roseate 68528 +formalisation 68528 +talentless 68514 +spikelets 68513 +ruffians 68504 +contralto 68496 +mycenae 68492 +ballyhoo 68490 +paracelsus 68484 +agriculturally 68469 +lodestone 68466 +quintal 68465 +prole 68465 +glomeruli 68453 +lefts 68445 +tenter 68444 +monotones 68444 +myna 68442 +rues 68433 +occluding 68429 +enshrine 68426 +metes 68419 +monopolization 68414 +dote 68412 +ergs 68411 +sihanouk 68408 +aweigh 68404 +quoin 68402 +quins 68394 +unconverted 68387 +invoker 68387 +diasporas 68387 +curtly 68374 +martingales 68370 +resuscitated 68366 +orzo 68366 +doorknobs 68363 +attaboy 68360 +dysplastic 68352 +philodendron 68344 +confidante 68341 +rashly 68337 +ament 68334 +leering 68333 +ropers 68329 +acrolein 68326 +soudan 68322 +eclair 68318 +clearings 68318 +familiarizing 68317 +saviours 68310 +sidetrack 68307 +pleasantries 68305 +atoning 68301 +syllabication 68296 +transylvanian 68290 +codependency 68286 +pupal 68283 +oceanographer 68283 +insinuated 68277 +yester 68275 +randoms 68272 +ethnics 68271 +roughneck 68263 +warble 68260 +counteracts 68258 +normalise 68257 +prodigies 68253 +seductress 68249 +clemenceau 68247 +podunk 68246 +moisturisers 68241 +phrygia 68239 +clavichord 68220 +kashgar 68215 +dardanelles 68215 +emesis 68214 +familiarized 68211 +corban 68206 +freethinkers 68201 +agates 68189 +rekindling 68180 +radiographers 68180 +colonialist 68180 +crotches 68179 +cosmopolitanism 68177 +successions 68175 +andesite 68175 +busyness 68174 +billionth 68167 +inheritors 68160 +nonrenewable 68157 +golems 68154 +fakir 68147 +endoderm 68134 +monoliths 68126 +devastatingly 68126 +careening 68118 +divinities 68114 +thermosetting 68110 +ostracism 68107 +phillipa 68105 +nkrumah 68094 +hookworm 68093 +imhotep 68084 +olmec 68077 +collets 68076 +slingbacks 68073 +buttresses 68071 +gravitating 68070 +drovers 68063 +parhelia 68060 +microbreweries 68060 +atmospherics 68059 +obelisks 68051 +gaits 68049 +pressor 68046 +doggerel 68044 +tais 68043 +miscalculated 68043 +impregnate 68043 +woodmen 68030 +existences 68030 +buchwald 68030 +hemline 68028 +milagros 68026 +emollients 68023 +sheol 68016 +subtractions 68002 +nonhazardous 67999 +mendacity 67983 +revitalizes 67982 +japans 67981 +tweeddale 67977 +kutch 67973 +randers 67971 +neophytes 67967 +loonie 67967 +finales 67958 +buckram 67957 +pubertal 67954 +collodion 67949 +extravagantly 67945 +gymkhana 67934 +abortionist 67934 +catholicity 67933 +busker 67931 +hauptmann 67930 +godolphin 67929 +distally 67928 +overshot 67921 +lactates 67918 +roadies 67915 +ciphering 67913 +imminently 67904 +pelee 67899 +slandered 67880 +headwind 67870 +grable 67869 +demagogues 67851 +bantamweight 67839 +diuresis 67838 +paramecium 67827 +lambada 67815 +solipsism 67814 +metropolises 67811 +voe 67806 +flighty 67806 +corpsman 67803 +opposer 67796 +vanguards 67794 +roiling 67793 +windblown 67792 +majorette 67792 +behinds 67789 +potentiate 67781 +particularized 67781 +lithologic 67780 +neutrally 67768 +malm 67767 +hawsers 67767 +carpooled 67767 +footboards 67765 +philander 67763 +destabilized 67747 +garnishing 67739 +spitfires 67738 +gabled 67736 +victimised 67735 +mincemeat 67733 +ubiquitously 67730 +tethering 67729 +musicologist 67729 +cephalopod 67729 +papago 67719 +thessalonica 67718 +enrage 67710 +lingcod 67704 +snuffy 67699 +starker 67678 +walesa 67676 +chirpy 67675 +polonium 67670 +corundum 67667 +reenlistment 67665 +amplifications 67659 +sinews 67648 +dinka 67648 +detaches 67641 +trilby 67634 +chirps 67632 +wallaroo 67626 +interchanging 67619 +astrakhan 67618 +serjeant 67612 +echinoderms 67612 +fatalistic 67603 +shadrach 67599 +peelers 67588 +lamest 67586 +monographic 67583 +blathering 67578 +verbalize 67577 +shallowness 67577 +ruminal 67568 +kaif 67566 +intercessory 67552 +levitating 67550 +ensnared 67548 +loyally 67546 +sneezed 67538 +discontinues 67538 +redskin 67535 +stoneflies 67533 +mushroomed 67531 +mazarin 67527 +cutlet 67525 +noontime 67520 +riskiness 67516 +hazes 67509 +procyon 67507 +bwana 67496 +passivated 67495 +darkling 67492 +recirculated 67489 +lipoma 67485 +supportability 67484 +subservience 67482 +crackerjack 67480 +nightingales 67479 +gaped 67468 +pilch 67467 +subduing 67462 +rewired 67460 +apoplexy 67460 +araby 67455 +voidable 67447 +unexercised 67438 +poorhouse 67436 +decisiveness 67432 +photic 67422 +backtracked 67421 +chirico 67415 +mantric 67413 +reintegrate 67409 +folksong 67409 +synched 67406 +previewer 67404 +fugues 67400 +inflectional 67392 +succinic 67385 +krak 67381 +umpteen 67377 +slants 67373 +misti 67370 +sunbeams 67367 +hassled 67366 +tingly 67365 +selfhood 67362 +buffon 67358 +skerry 67351 +tellingly 67348 +stoners 67347 +junked 67343 +brigand 67342 +chasms 67340 +abas 67336 +spurns 67327 +silents 67312 +jealousies 67312 +paestum 67309 +ditties 67303 +decamp 67298 +abiogenesis 67298 +paned 67297 +euonymus 67289 +stargazers 67287 +norplant 67276 +dignitary 67268 +wises 67266 +spermine 67265 +wenches 67243 +superego 67222 +corrientes 67218 +improbability 67213 +swathes 67211 +tipsters 67210 +perishables 67210 +shrewdly 67208 +provocatively 67205 +sneers 67204 +crimps 67199 +suwon 67197 +bloodhounds 67189 +vocationally 67188 +meed 67188 +unmade 67187 +restocks 67181 +torreon 67179 +impish 67159 +creches 67158 +menaced 67157 +flouting 67150 +vaquero 67148 +seneschal 67144 +nonpolar 67140 +chessmen 67138 +deafened 67135 +stanchion 67131 +recombine 67127 +hooting 67120 +clunk 67116 +descant 67114 +affenpinscher 67107 +mintage 67105 +corollaries 67105 +cyrene 67100 +muzzleloading 67094 +uptrend 67093 +slogging 67093 +dysthymia 67086 +dejection 67082 +kiang 67078 +exceptionalism 67073 +parallelizing 67072 +psychogenic 67071 +chewer 67059 +economize 67058 +dissects 67055 +ameliorating 67055 +tattler 67045 +ritually 67045 +brunelleschi 67045 +prophetess 67029 +meninges 67029 +hatchets 67022 +carbonized 67017 +katanga 67006 +middles 67005 +distension 67003 +spoonfuls 67000 +rifling 66990 +funereal 66990 +seaplanes 66982 +triplexes 66976 +platonism 66976 +pawnshop 66974 +wrested 66971 +deceives 66961 +plaint 66960 +ileostomy 66956 +malamud 66949 +tiebacks 66944 +codebreaker 66944 +hotcakes 66938 +caudle 66929 +demesne 66923 +wingtip 66920 +briny 66915 +nimbly 66908 +defaming 66893 +frizzled 66892 +hypoxanthine 66890 +supped 66885 +calumny 66885 +polarimeter 66884 +lavs 66883 +sigismund 66882 +ironsides 66882 +verger 66878 +paraglider 66878 +malfunctioned 66866 +ludicrously 66858 +trackway 66847 +filibustering 66834 +jerold 66832 +portend 66816 +autogenous 66815 +bangui 66804 +tenting 66802 +folgers 66790 +spattered 66788 +couloir 66783 +holoenzyme 66781 +bloodstained 66771 +straggling 66763 +shroff 66760 +yapping 66758 +unfixed 66749 +harriette 66744 +duckies 66738 +overlain 66737 +kurgan 66724 +acadians 66724 +immunisations 66721 +kisumu 66713 +namaqualand 66711 +disassociate 66703 +fijians 66697 +sterilised 66689 +schlitz 66686 +differentiators 66681 +nightlights 66677 +scribal 66676 +hydrometer 66674 +johnie 66669 +stripey 66667 +wampanoag 66663 +craftwork 66659 +slingshots 66657 +chicanery 66656 +antwan 66650 +jailers 66648 +grunewald 66646 +subventions 66639 +roosts 66639 +sandcastles 66629 +disastrously 66629 +turnstone 66608 +millais 66603 +wensleydale 66600 +intimations 66596 +quonset 66593 +explicate 66586 +acquisitive 66586 +boffin 66585 +dago 66579 +laburnum 66571 +heterodox 66567 +broncs 66562 +phonographic 66558 +manque 66558 +genocides 66553 +barbecuing 66547 +accommodative 66547 +stalactites 66535 +mimosas 66533 +evened 66532 +daikon 66527 +cameroonian 66527 +codfish 66524 +lumumba 66521 +testbeds 66520 +horsefeathers 66512 +doublespeak 66505 +cagey 66504 +debility 66493 +improprieties 66491 +malang 66489 +magnifico 66489 +shirking 66487 +rustlers 66486 +proprioceptive 66475 +aloes 66464 +frighteners 66463 +overreact 66461 +crapped 66461 +piave 66460 +growler 66460 +gastrostomy 66454 +amenhotep 66448 +dhammapada 66445 +obliterating 66443 +tromp 66441 +victuals 66437 +dully 66436 +doling 66431 +leonore 66424 +mammalogy 66414 +kislev 66414 +exalting 66411 +twits 66404 +flogger 66402 +weepy 66392 +tailgates 66389 +trialling 66388 +tournai 66385 +tetrad 66383 +shorthorn 66375 +kerbs 66370 +maritza 66369 +chide 66368 +subproblem 66364 +asphodel 66360 +sherrington 66355 +minutia 66352 +likelihoods 66352 +entrap 66350 +transfused 66347 +cronus 66343 +transmissive 66342 +heptathlon 66340 +indignities 66339 +rhymed 66327 +lares 66326 +whirls 66322 +wraiths 66320 +compassionately 66320 +hussar 66318 +scow 66315 +myall 66310 +returners 66300 +juxtapose 66299 +dialler 66297 +advertorial 66296 +squiggles 66290 +arsonists 66290 +biographic 66288 +depredation 66286 +itemization 66268 +taxidermist 66265 +insignias 66258 +caplet 66257 +bootleggers 66257 +icahn 66252 +sumy 66245 +outstripping 66244 +amazonite 66243 +stanchions 66224 +phasic 66210 +antiperspirant 66193 +eysenck 66189 +depletes 66186 +remorseful 66175 +straightens 66173 +tavernas 66172 +realer 66166 +catsuits 66164 +wreaks 66145 +linefeed 66145 +traditionalism 66139 +obstinately 66130 +harasser 66130 +pollutes 66129 +skirmisher 66107 +straightness 66103 +aggrandizement 66083 +lofted 66073 +subdiscipline 66067 +ditzy 66065 +offensives 66063 +collectivity 66058 +explainable 66057 +jotted 66054 +hartshorn 66050 +groupthink 66045 +impermanent 66041 +unpopularity 66040 +deluding 66040 +overdosed 66034 +agglutinin 66028 +royalists 66026 +canvassers 66024 +sweetcorn 66018 +actinides 66016 +ragamuffin 66015 +paraformaldehyde 66014 +zouave 66011 +khulna 66011 +musts 66009 +cummerbund 66007 +unfree 66003 +chiropody 65991 +roughshod 65990 +loners 65970 +heterodyne 65964 +egged 65964 +tamari 65960 +chaussure 65958 +beanery 65932 +oncologic 65928 +achaeans 65926 +cravat 65925 +cauldrons 65914 +hymnals 65908 +pickpockets 65896 +pinions 65895 +rickshaws 65883 +cebuano 65878 +skinners 65873 +overstepped 65869 +praetor 65865 +fingerling 65862 +hafnium 65856 +tensing 65850 +refurbishments 65850 +ebullient 65842 +ormandy 65838 +tropism 65833 +elixirs 65830 +camellias 65821 +murex 65820 +schoolbooks 65819 +thermionic 65817 +cosgrave 65802 +lias 65799 +exuded 65799 +dinoflagellates 65798 +shantung 65795 +genic 65795 +overbooked 65793 +nuking 65789 +grotesquely 65787 +preoperatively 65784 +spheroidal 65777 +croon 65773 +swellings 65772 +radiometry 65772 +pentecostals 65769 +thiourea 65761 +tiptop 65758 +oleum 65755 +vagrants 65752 +vacationer 65752 +eisenach 65744 +hydrides 65740 +fillip 65738 +transept 65732 +niceness 65731 +showjumping 65730 +culotte 65726 +catechisms 65725 +untruths 65722 +anzio 65714 +nacre 65713 +nuncio 65712 +vaporware 65709 +encapsulations 65707 +patois 65705 +expositor 65703 +petrograd 65682 +kieth 65675 +tubed 65659 +monarchist 65659 +berating 65658 +hydrolytic 65657 +prunella 65656 +raring 65654 +bulged 65654 +bated 65650 +jacklyn 65648 +seines 65647 +magnifications 65643 +thereat 65641 +pash 65633 +barbet 65632 +unchurched 65627 +caner 65626 +bravos 65622 +bubs 65616 +narcissists 65603 +calorimeters 65594 +flounders 65593 +phalarope 65584 +resending 65581 +aragonite 65581 +eventualities 65572 +maronite 65563 +aisne 65558 +leges 65556 +agglomerations 65556 +sards 65552 +ashmolean 65551 +airbed 65549 +rotenone 65548 +galenic 65541 +coagulant 65539 +sews 65533 +civet 65522 +cloven 65512 +hypnos 65509 +sachem 65507 +apollyon 65507 +argentum 65505 +freestyles 65504 +senescent 65499 +solothurn 65493 +albatrosses 65492 +intemperate 65490 +juvenal 65487 +dumpers 65486 +melamed 65473 +kelpie 65473 +confiding 65470 +reinterpret 65467 +napped 65457 +plur 65448 +dualities 65447 +compunction 65447 +snickered 65446 +personifies 65446 +refract 65443 +teleology 65439 +microbicide 65438 +touchback 65428 +pollinate 65428 +ftps 65423 +rile 65418 +unceasingly 65408 +herdsman 65399 +diyarbakir 65392 +moviegoer 65391 +handgrip 65391 +frightfully 65389 +encasing 65389 +catalytically 65387 +reprises 65384 +lippe 65374 +karakoram 65373 +fierceness 65370 +stovepipe 65368 +remodelled 65367 +overcooked 65366 +ejects 65363 +footlight 65361 +unpleasantly 65357 +guiyang 65349 +jaunts 65347 +pyridines 65346 +pinwheels 65338 +shrinkable 65337 +sideman 65333 +idealization 65332 +xrefs 65329 +aggressions 65325 +spectacled 65317 +habitability 65305 +telegraphed 65304 +resounded 65304 +softies 65299 +clubby 65294 +rewinds 65287 +sagacious 65281 +moralists 65269 +insula 65265 +cressy 65263 +arachnoid 65248 +valise 65242 +nasturtium 65242 +prompter 65231 +provincials 65230 +pallette 65228 +hirsutism 65223 +distaff 65223 +bespectacled 65219 +bulkier 65218 +ragging 65203 +annunciator 65195 +digitising 65193 +imbibe 65189 +hisses 65180 +garcon 65178 +prefixing 65163 +aerolite 65163 +cherubini 65154 +etymologies 65141 +barnardo 65141 +agio 65138 +excedrin 65130 +gnawed 65127 +ogham 65125 +toffs 65122 +manikins 65119 +galatia 65116 +caguas 65115 +appallingly 65107 +blackball 65082 +clattering 65077 +synge 65068 +stepladder 65050 +reverberating 65041 +hermeneutical 65041 +mosey 65040 +situating 65039 +helmeted 65033 +cambium 65031 +penetrance 65025 +stenographic 65022 +dextroamphetamine 65014 +pubis 65001 +kvetch 65000 +hairstreak 64992 +guamanian 64991 +gallstone 64986 +incomparably 64979 +estonians 64961 +recused 64960 +digesters 64955 +bearskin 64944 +prang 64943 +sequestering 64938 +trappist 64936 +troubleshooters 64901 +romanticized 64891 +leones 64887 +mnemosyne 64883 +demurrer 64883 +ripens 64878 +enlightens 64868 +teleprompter 64865 +stigmas 64865 +destructively 64864 +benares 64857 +recitative 64851 +factotum 64849 +ultralights 64848 +circuited 64846 +haikou 64845 +conterminous 64845 +zoon 64839 +kerf 64839 +homesteaders 64828 +barleycorn 64815 +screeched 64814 +subbing 64812 +diffracted 64812 +tyumen 64811 +theoreticians 64802 +wherry 64801 +whacks 64801 +brainstormed 64801 +guzzles 64797 +centipedes 64791 +etiologies 64785 +anticipations 64782 +melter 64776 +eustachian 64771 +determinedly 64766 +calamitous 64760 +stripy 64758 +shuttled 64751 +condyle 64746 +lacunae 64739 +hughie 64730 +mopped 64725 +workmanlike 64724 +sacrilegious 64717 +gompers 64715 +precomputed 64704 +fatuous 64704 +elapses 64684 +tastier 64679 +proteinases 64679 +snakebite 64674 +elocution 64674 +antagonized 64667 +plectrum 64666 +bronchopulmonary 64664 +overplayed 64662 +cilicia 64653 +jackasses 64648 +nondenominational 64647 +retraced 64646 +hyperplanes 64646 +sappers 64638 +undergarment 64634 +suborbital 64634 +schwa 64634 +judgeship 64631 +envelopment 64614 +palliation 64613 +bolshevism 64612 +sturdier 64610 +misanthropy 64607 +hoagie 64606 +extemporaneous 64604 +protruded 64602 +virgie 64597 +hanse 64595 +renovator 64592 +recant 64592 +behead 64586 +incompetency 64585 +taiping 64571 +irregardless 64569 +plainer 64567 +centrists 64560 +homunculus 64559 +chambermaid 64559 +leakages 64558 +sapping 64554 +labrum 64551 +undigested 64543 +perfidious 64540 +voyaging 64533 +humiliations 64533 +farsightedness 64520 +naphtali 64516 +umbrage 64513 +northcliffe 64512 +banneker 64512 +fatiguing 64510 +awaking 64509 +blindsided 64508 +bicentenary 64508 +wattles 64502 +introversion 64498 +isotropy 64487 +portmanteau 64480 +hippolytus 64470 +capitalising 64468 +spectrophotometers 64467 +rejuvenates 64465 +porterage 64458 +oreg 64455 +moralist 64454 +natatorium 64453 +leeching 64441 +haycock 64438 +toluidine 64437 +kibitzing 64435 +rambouillet 64432 +coumarin 64430 +scats 64414 +tormentors 64412 +distinctness 64410 +widgeon 64405 +leptonic 64401 +expiation 64396 +crawly 64396 +ornithologist 64386 +azurite 64386 +micmac 64382 +insinuation 64381 +zama 64379 +lochinvar 64373 +maunder 64369 +alehouse 64366 +spelunking 64364 +garaged 64363 +detains 64360 +pocketful 64357 +nide 64356 +mutates 64356 +practicability 64350 +lammas 64349 +transcriptionally 64345 +swindler 64342 +galla 64341 +teabag 64323 +bluenose 64309 +extrabold 64300 +inquisitors 64298 +dreamily 64294 +frobisher 64288 +downpipe 64282 +southwests 64267 +gibbet 64266 +exactitude 64266 +promenades 64260 +disbelieving 64252 +cognates 64251 +antiparallel 64251 +pelargonium 64241 +mycenaean 64241 +amphibole 64237 +syndromic 64235 +epitaphs 64229 +exudates 64227 +jostled 64225 +entryways 64223 +messaged 64221 +cachexia 64221 +semisweet 64216 +sleepwalker 64215 +criminalized 64213 +unverifiable 64209 +genies 64209 +globules 64207 +herdsmen 64204 +dromedary 64203 +reprove 64199 +hollers 64194 +newsy 64185 +macintoshes 64182 +allier 64179 +charterer 64177 +rootless 64171 +inviolate 64170 +energising 64164 +spritzer 64158 +cleanable 64157 +nasopharynx 64150 +switz 64142 +zoroaster 64141 +obsolescent 64138 +triffids 64122 +orations 64121 +heder 64115 +evades 64114 +skywalk 64111 +lobbed 64110 +planked 64099 +vistula 64097 +tosser 64096 +nacelle 64092 +gulags 64092 +cairngorm 64088 +pawl 64081 +gazelles 64079 +arlberg 64077 +howlers 64076 +yossarian 64073 +poona 64060 +discrepant 64051 +formulator 64049 +unionize 64041 +crookes 64041 +tetrahydrocannabinol 64037 +chancellorsville 64037 +novelization 64024 +resemblances 64016 +anomie 64012 +choli 64006 +itches 63992 +diann 63991 +overeat 63989 +pectoralis 63985 +frederiksberg 63959 +refracting 63957 +lordly 63957 +sukkah 63954 +marginals 63953 +complexions 63953 +empedocles 63943 +despising 63943 +eardrums 63941 +piercer 63936 +omphale 63935 +culm 63935 +assiduous 63934 +hijacks 63932 +stokowski 63927 +lings 63925 +putrescine 63924 +overground 63924 +vorster 63913 +hippocrene 63913 +toady 63910 +permuted 63906 +epigrams 63906 +mortgaging 63902 +reapplication 63897 +buybacks 63890 +bedlinen 63886 +kronur 63878 +ladoga 63877 +oversights 63873 +inviscid 63873 +pictogram 63872 +wheatstone 63864 +thenceforth 63862 +oophorectomy 63860 +neologism 63860 +girths 63857 +swastikas 63855 +swerving 63849 +perfects 63849 +orientational 63849 +slitter 63847 +tampers 63841 +giblet 63839 +reinforcer 63833 +luik 63826 +outpaces 63821 +showgrounds 63814 +frappe 63814 +workshy 63812 +contos 63802 +worryingly 63800 +stockinged 63796 +stogies 63786 +everette 63781 +bordon 63772 +homologies 63770 +diffractometer 63766 +apollos 63765 +souths 63764 +blindingly 63760 +portentous 63759 +factorizations 63756 +spectroradiometer 63754 +municipals 63753 +conjurer 63746 +majoritarian 63744 +steelworks 63735 +ptosis 63727 +fomenting 63722 +onsets 63717 +razing 63715 +wrongdoers 63714 +subsume 63707 +drownings 63704 +dervishes 63691 +novocaine 63682 +glossing 63682 +democratize 63679 +papoose 63672 +terkel 63667 +disgorgement 63665 +coursebook 63664 +vespucci 63663 +destabilise 63657 +absentees 63656 +hurls 63654 +cordite 63645 +criminological 63642 +fireweed 63640 +oilcloth 63615 +grus 63612 +canonically 63601 +chromite 63595 +mantas 63591 +dullest 63590 +synchronic 63589 +pinta 63584 +freytag 63584 +unitized 63580 +venal 63578 +concertante 63569 +unsent 63566 +steichen 63566 +gourmand 63561 +kibitzer 63558 +phonograms 63556 +astronomically 63553 +keybindings 63546 +wearisome 63545 +exaggerates 63539 +gurgle 63536 +pompom 63531 +antislavery 63529 +laertes 63528 +sophists 63527 +humanize 63525 +apologetically 63520 +refolding 63515 +clime 63515 +lipolysis 63514 +maigret 63505 +blowhard 63501 +bombshells 63492 +hipped 63471 +sociality 63469 +docketing 63467 +absurdist 63466 +tyrosinase 63464 +accusatory 63463 +poultice 63460 +ministrations 63456 +licit 63456 +gendarmes 63449 +endoscopes 63444 +nitrides 63437 +telemachus 63436 +nitroso 63436 +teotihuacan 63432 +bipartisanship 63431 +tarnation 63426 +bogies 63423 +electroencephalogram 63422 +wrongness 63418 +untraceable 63416 +dannie 63415 +sublethal 63413 +remonstrance 63407 +munging 63407 +capitulated 63406 +outhouses 63401 +supercollider 63396 +matings 63388 +abstinent 63386 +arsehole 63382 +cesena 63381 +reparative 63376 +empyrean 63376 +deceivers 63376 +chicagoan 63375 +unsexed 63369 +prettily 63369 +nonreligious 63363 +reeking 63362 +disgustingly 63362 +symbolised 63356 +numberplate 63351 +transpacific 63348 +commercialise 63346 +iceni 63337 +rets 63333 +retrained 63332 +campobello 63326 +outclassed 63325 +copped 63323 +scannable 63322 +wunderkind 63321 +persuader 63318 +morels 63303 +gassy 63283 +bemoaned 63282 +frizzle 63279 +takamatsu 63266 +sext 63263 +ultrapure 63252 +mariupol 63250 +epistolary 63248 +corneas 63238 +nitpicker 63236 +paramo 63233 +eccl 63232 +flutters 63230 +scooted 63229 +sunshades 63220 +glucoside 63212 +gumballs 63210 +shadings 63206 +impinges 63205 +circuiting 63205 +neap 63203 +historicism 63200 +otology 63198 +misleadingly 63187 +reappearing 63184 +dudgeon 63181 +pilasters 63172 +spicing 63168 +chewers 63166 +frivol 63165 +theban 63164 +twiddling 63162 +fulminant 63162 +bisected 63156 +unwisely 63145 +sexless 63143 +reminisces 63143 +relived 63141 +jahangir 63138 +strop 63137 +gravedigger 63136 +horsefly 63131 +uncaught 63130 +grammarian 63129 +peruvians 63122 +lateran 63113 +buggered 63105 +wainscoting 63101 +tartaric 63101 +sente 63099 +reverberated 63090 +plenitude 63087 +sphingosine 63080 +throwbacks 63079 +rosebush 63073 +dunner 63065 +stratify 63056 +unpardonable 63055 +lofoten 63049 +glistens 63048 +colanders 63043 +bylines 63038 +griseofulvin 63035 +bowmen 63034 +snoozing 63019 +copycats 63019 +liminal 63016 +premedical 63012 +blundering 63009 +dishevelled 63006 +diaconate 63006 +centring 63006 +embolden 62998 +offprint 62997 +exorcise 62996 +scurrilous 62994 +uncannily 62992 +abele 62988 +squalls 62982 +tinkered 62976 +pyromania 62972 +compellingly 62972 +floorboard 62970 +elul 62965 +napper 62963 +conferral 62961 +transhipment 62928 +foreland 62928 +duero 62923 +cycads 62922 +anele 62912 +rigours 62907 +kadar 62904 +nutrasweet 62895 +derricks 62889 +countably 62888 +shewn 62884 +phlebitis 62882 +vectorization 62871 +quetzalcoatl 62871 +baronetage 62863 +pinna 62852 +thromboplastin 62841 +gadwall 62831 +brunches 62825 +groomsman 62824 +penza 62798 +valets 62790 +unterminated 62782 +mazama 62779 +syncopation 62776 +corruptible 62772 +bused 62772 +pedlar 62771 +kaftan 62761 +jejunal 62761 +teakettle 62755 +barres 62752 +smocks 62746 +applicative 62746 +impassive 62740 +faker 62739 +abasement 62735 +heckle 62734 +squeezer 62732 +faints 62729 +smilax 62725 +uneconomical 62723 +globule 62716 +pillory 62715 +jonquil 62715 +nonscheduled 62714 +frights 62700 +inquirers 62696 +bambara 62692 +securement 62691 +presbyter 62689 +assassinating 62687 +imbeciles 62674 +brims 62671 +terroristic 62668 +medicals 62662 +pomade 62657 +brahmana 62651 +zens 62645 +attractants 62643 +bimetallic 62639 +prostituted 62635 +quartering 62634 +speckles 62631 +regulative 62626 +empiricist 62622 +bistable 62615 +saguache 62611 +disavowed 62607 +undulations 62606 +redressed 62606 +mycosis 62600 +jodhpurs 62597 +barbering 62597 +waifs 62596 +subsequences 62595 +monthlies 62589 +subtenant 62584 +marketeers 62575 +moorage 62567 +arleen 62566 +exr 62565 +tollhouse 62554 +dehydrating 62547 +septicaemia 62543 +agenesis 62535 +detracted 62532 +unravelled 62527 +harangue 62519 +redwings 62517 +overdoing 62515 +benching 62496 +slandering 62489 +decant 62489 +yeomanry 62488 +carvery 62487 +preservationists 62484 +chemoprophylaxis 62484 +haemorrhoids 62481 +lepanto 62478 +stochastically 62477 +trackman 62474 +schooldays 62466 +aneroid 62462 +arks 62461 +purana 62460 +sargon 62457 +bedsheets 62454 +divesting 62450 +walkabouts 62416 +spillages 62414 +pankhurst 62404 +ablest 62403 +orientalist 62394 +broaching 62394 +boardwalks 62381 +snoopers 62378 +beatlemania 62373 +rhos 62370 +verisimilitude 62366 +froude 62366 +lepidus 62363 +tapeworms 62357 +routs 62357 +patters 62348 +currentness 62348 +pondweed 62347 +dishonestly 62347 +thyristors 62346 +whitest 62345 +sculling 62343 +tinkers 62329 +handmaiden 62323 +misclassified 62307 +cosmetologists 62307 +oystercatcher 62301 +sheqel 62296 +bankrupted 62295 +tumbleweeds 62292 +terrifically 62292 +grounder 62292 +cooed 62292 +kathrine 62287 +spooning 62286 +lyse 62280 +protamine 62278 +gunboats 62270 +trekkie 62269 +truelove 62265 +individualize 62262 +marmoset 62254 +comradeship 62247 +schmooze 62246 +ayacucho 62246 +inopportune 62242 +algerians 62242 +bodkin 62234 +narvik 62227 +stoking 62221 +gumshoe 62217 +engram 62215 +flattop 62201 +exhaling 62200 +equalling 62194 +plasticizer 62192 +obtainment 62191 +europium 62188 +lurching 62182 +diopside 62176 +dapple 62176 +plumed 62167 +uprated 62166 +poesy 62166 +prorate 62164 +cheapness 62163 +cordovan 62162 +scythian 62161 +naivety 62159 +enki 62151 +bionics 62140 +misinterpreting 62131 +sapped 62128 +starched 62127 +brainwaves 62122 +soddy 62104 +preceptorship 62102 +undistinguished 62101 +outputted 62091 +eyedropper 62077 +gayer 62075 +rainmakers 62072 +italicised 62070 +connote 62070 +seceded 62067 +nureyev 62061 +unmaintained 62056 +superwoman 62053 +belligerents 62050 +rewound 62049 +indaba 62048 +lackadaisical 62042 +baser 62041 +ribald 62037 +bulrush 62030 +otoplasty 62026 +altiplano 62024 +salmons 62018 +tedder 62004 +coursed 62002 +omnipresence 61984 +shadowbox 61979 +foldaway 61975 +sundsvall 61964 +grotius 61962 +treblinka 61960 +brusque 61957 +functionalist 61956 +fireproofing 61951 +empathise 61950 +indecipherable 61937 +unserviceable 61935 +hexose 61934 +danial 61930 +cheju 61930 +halmstad 61926 +officious 61924 +escorial 61921 +semifinalist 61919 +duiker 61899 +obfuscating 61889 +disorganised 61886 +pistole 61881 +spawner 61879 +accreted 61877 +krakatoa 61870 +reassembling 61866 +hasting 61866 +flannels 61850 +spindrift 61847 +ligurian 61845 +untethered 61842 +snippy 61834 +contrivances 61825 +lithuanians 61818 +anisotropies 61810 +slagging 61802 +capitulate 61802 +vibrantly 61801 +periodontists 61799 +controversially 61790 +wayfaring 61787 +hipper 61782 +eigenfunction 61782 +connectable 61777 +grandmasters 61776 +deactivates 61775 +orenburg 61768 +octahedron 61764 +quarantines 61753 +turgenev 61751 +gearshift 61736 +ellipticity 61728 +strachey 61727 +antigravity 61723 +liveries 61722 +teeters 61721 +parallelized 61717 +equivocation 61717 +papillae 61707 +grangers 61705 +bipod 61691 +rubes 61690 +gustatory 61685 +goiania 61683 +disrespected 61681 +glaciated 61680 +evolvement 61678 +moke 61675 +schiaparelli 61674 +engulfs 61672 +anatomist 61671 +windage 61670 +formyl 61670 +deprivations 61670 +phosphors 61668 +prosecutes 61663 +fortnights 61663 +redbrick 61651 +jumbos 61649 +decelerate 61649 +antoninus 61646 +laundress 61630 +bugles 61625 +microwaved 61617 +frap 61607 +baps 61604 +polysemy 61591 +reassurances 61587 +swindlers 61578 +canceller 61575 +clandestinely 61571 +recombined 61570 +tricksters 61568 +dovecote 61568 +kyphosis 61556 +hereinbefore 61555 +escalations 61550 +stiffeners 61548 +fichte 61542 +cabby 61542 +coolies 61541 +caustics 61541 +bottler 61526 +erigeron 61524 +koestler 61516 +briars 61513 +tainting 61508 +outlasted 61504 +tarentum 61503 +avogadro 61500 +demobilisation 61498 +unfitness 61495 +lamellae 61486 +oculus 61485 +boethius 61483 +annihilating 61477 +swathed 61475 +accreting 61470 +fraulein 61465 +oleanders 61461 +extorted 61461 +tanta 61458 +mayas 61458 +avaricious 61458 +presorted 61440 +faenza 61435 +whiteflies 61430 +waft 61429 +kidron 61429 +avicenna 61425 +popish 61410 +darning 61408 +asymmetrically 61407 +overstretched 61403 +ganged 61395 +zygotic 61392 +dulcimers 61387 +reinitialize 61385 +fidgeting 61376 +resinous 61353 +slappers 61351 +flayed 61351 +yenta 61349 +paramour 61345 +arabinose 61343 +mapmaker 61341 +enunciation 61338 +suburbanites 61336 +sanderling 61332 +fiches 61331 +returnee 61330 +soliloquies 61328 +badder 61320 +kickstand 61299 +lionfish 61295 +josue 61294 +frailties 61294 +voiceprint 61293 +semitrailer 61290 +haunches 61281 +contusions 61281 +mses 61280 +neurovascular 61277 +johnathon 61272 +chastened 61268 +seamounts 61263 +horrendously 61263 +classism 61262 +dropsy 61260 +impositions 61257 +himeji 61255 +diagenesis 61244 +wriggled 61238 +carload 61232 +kielbasa 61230 +gayness 61229 +expounds 61225 +cartwheels 61219 +meteorol 61218 +unprinted 61209 +colonizers 61207 +nutria 61205 +rathaus 61203 +hardscrabble 61202 +hydroplane 61196 +thoracotomy 61193 +snuffers 61193 +embroidering 61191 +cepheid 61188 +displease 61186 +antis 61179 +moneyed 61178 +situationist 61169 +discordance 61169 +romanized 61168 +placename 61168 +trashes 61167 +dampens 61141 +caricaturist 61141 +vivisect 61139 +revitalised 61136 +cloche 61135 +calve 61132 +neatest 61128 +bloomery 61114 +handbill 61112 +drizzly 61106 +howitzers 61096 +unpolluted 61095 +angostura 61094 +menander 61091 +mantelpiece 61091 +castigated 61091 +proclivities 61090 +boccherini 61082 +leonel 61075 +cutey 61070 +mudras 61069 +raconteur 61058 +imitator 61057 +cumulation 61057 +concreting 61056 +bentinck 61048 +stegosaurus 61042 +agonising 61042 +meerschaum 61037 +cartouches 61033 +floodgate 61029 +headwords 61028 +culls 61020 +readopted 61018 +trigram 61012 +ripoffs 61011 +impiety 60996 +initializations 60994 +hindquarters 60991 +mams 60985 +webern 60983 +reseed 60983 +loiter 60979 +caesium 60967 +requisitioned 60966 +begot 60965 +suddenness 60959 +baneful 60959 +setts 60954 +suppurative 60943 +nawab 60939 +tanjore 60935 +twirled 60934 +butene 60930 +furtively 60915 +timekeepers 60914 +liberalise 60912 +betrayer 60912 +terrariums 60908 +caliphs 60906 +lovebird 60904 +brooking 60904 +surrealists 60901 +demographers 60901 +homogeneously 60900 +tiptoes 60896 +cycad 60893 +centrosome 60891 +palindromic 60890 +jingling 60879 +pish 60878 +rockfall 60871 +gullah 60864 +pastureland 60858 +defecting 60855 +arrowroot 60854 +resistencia 60850 +daguerreotype 60848 +disintegrates 60832 +nucleated 60831 +readjusted 60828 +odder 60826 +zinnias 60824 +assails 60822 +underaged 60821 +priestesses 60814 +jostle 60809 +subbase 60806 +hygrometers 60806 +fouquet 60803 +insomniacs 60802 +nostoc 60800 +misogynistic 60800 +thermometry 60799 +minicomputer 60787 +admonishing 60787 +hypothesised 60783 +avocations 60781 +recanted 60772 +humph 60767 +splenomegaly 60764 +maternally 60756 +forelimb 60756 +bandolier 60756 +potties 60752 +flavourings 60752 +humblest 60751 +fatwas 60738 +cheetos 60729 +modularized 60728 +staggeringly 60726 +tojo 60721 +catwalks 60719 +schmo 60716 +kropotkin 60711 +somite 60709 +evaders 60706 +anschluss 60704 +desecrate 60698 +avesta 60695 +wrongdoer 60693 +tswana 60693 +randomizing 60685 +hydrous 60682 +fritter 60682 +ilmenite 60680 +mohammedan 60669 +blotchy 60665 +luddites 60647 +smirks 60646 +solitudes 60635 +disciplinarian 60630 +fogged 60611 +insurrections 60605 +pronominal 60597 +chukar 60596 +dynatron 60593 +lodgers 60591 +humanizing 60590 +stenographers 60589 +radiometers 60585 +reinvesting 60582 +cacique 60581 +exalts 60580 +reawakening 60574 +pillion 60574 +cajole 60573 +accenting 60569 +denims 60568 +palladian 60567 +obviates 60561 +composited 60560 +phenanthrene 60559 +swooning 60558 +wincing 60556 +unswerving 60546 +conman 60537 +theretofore 60522 +mccullers 60522 +enjoyments 60517 +tweedsmuir 60515 +transgenders 60512 +thirsting 60511 +cosmopolis 60510 +straightedge 60496 +skuld 60496 +karelian 60495 +uzbeks 60491 +angering 60485 +sellotape 60480 +savants 60480 +floc 60475 +reenactments 60471 +kentuckians 60471 +souled 60465 +vociferously 60458 +stomata 60457 +monarchical 60454 +tetraploid 60449 +celebes 60449 +divans 60447 +immodest 60432 +oviduct 60430 +bloodsport 60427 +perquisites 60426 +xenakis 60423 +flatters 60423 +damar 60420 +shipwright 60416 +bigwigs 60416 +yelped 60412 +cabbies 60411 +namesakes 60409 +inadmissibility 60408 +freethinker 60408 +communions 60404 +laodicea 60394 +wassail 60392 +dinoflagellate 60391 +skydivers 60380 +endows 60377 +antifungals 60377 +reallocating 60376 +kleist 60374 +marcelino 60373 +redecorate 60366 +occident 60366 +beatification 60365 +carnivora 60361 +bullring 60359 +cabinetmaker 60350 +showdowns 60349 +trotskyist 60342 +oppositely 60341 +biochemically 60341 +gnash 60339 +pseudonymous 60332 +composts 60320 +papists 60311 +flamer 60311 +charmin 60297 +jeer 60295 +swink 60284 +impi 60282 +premeditation 60280 +spearheads 60275 +waken 60268 +tearfully 60263 +lepus 60255 +groats 60254 +agoraphobic 60251 +sinter 60248 +villus 60243 +equalised 60242 +sagged 60234 +leashed 60234 +oolite 60233 +victrola 60231 +pugnacious 60230 +substantiates 60229 +calligraphers 60228 +behemoths 60226 +bedecked 60221 +fluidly 60214 +holdback 60203 +birthmarks 60194 +semifinalists 60192 +reuses 60182 +niggling 60178 +brose 60177 +intercalation 60174 +thermic 60172 +fennec 60171 +rustproof 60168 +audiological 60163 +microwaveable 60162 +lazier 60162 +nonbinding 60158 +cyanogen 60143 +minks 60142 +newish 60138 +entomologists 60137 +zhukov 60135 +reword 60133 +postponements 60125 +topicality 60122 +pursing 60120 +blondel 60112 +oftener 60111 +motioning 60111 +saunter 60109 +truncates 60108 +romps 60107 +brolly 60104 +bordure 60096 +pinatubo 60093 +retouched 60075 +chappy 60074 +juxtaposing 60073 +calamaris 60071 +semantical 60068 +keef 60067 +icosahedral 60066 +adventuresome 60063 +douching 60062 +flaxen 60060 +pseud 60056 +mender 60038 +breading 60038 +tempter 60032 +precedential 60032 +shush 60031 +boink 60028 +vampirism 60026 +belittled 60025 +scoreline 60020 +hierarchic 60020 +miscarried 60019 +teeing 60006 +phonographs 60002 +segre 59998 +destabilising 59996 +saadi 59993 +rivulets 59991 +appertaining 59977 +lovelorn 59959 +burnishing 59957 +tiler 59950 +salvageable 59948 +counterrevolutionary 59945 +firkin 59943 +unevenness 59941 +emissive 59940 +burqa 59931 +alphabetize 59926 +sleepovers 59921 +immunised 59915 +audion 59911 +tractate 59909 +dejesus 59893 +copybook 59887 +psyches 59885 +partridges 59884 +swum 59874 +hootenanny 59874 +haem 59874 +winnable 59864 +encasement 59864 +psychosexual 59853 +mistreating 59846 +foragers 59845 +costlier 59840 +formalist 59837 +brakeman 59834 +regretful 59833 +coasted 59829 +democritus 59828 +yawl 59825 +telecasts 59819 +iacocca 59818 +drooped 59814 +deloris 59813 +signboard 59808 +marienbad 59807 +caribbeans 59804 +braising 59803 +marginality 59802 +opossums 59798 +juristic 59798 +burbage 59796 +dormers 59788 +saddlers 59786 +valgus 59784 +unmentioned 59783 +corporately 59780 +presort 59773 +delmonico 59773 +cantilevers 59765 +syncretism 59759 +bowline 59758 +perceivable 59750 +deducing 59749 +exacts 59747 +licentious 59743 +mesmerising 59729 +overrode 59728 +abseil 59728 +archimedean 59716 +zapotec 59712 +accretive 59708 +rubbings 59705 +gilberts 59696 +intransigent 59695 +valorisation 59692 +wheatear 59680 +postbag 59679 +deadlier 59671 +wallpapering 59669 +polyvalent 59661 +venlo 59657 +varicocele 59656 +fard 59654 +formalizes 59653 +bailie 59650 +torsos 59648 +subcompact 59644 +cirrhotic 59643 +fusiform 59642 +parenthetically 59639 +bounder 59638 +agog 59623 +mastoid 59616 +immunologically 59615 +snowfalls 59614 +windbreaks 59612 +thickeners 59612 +receipted 59606 +juxtapositions 59601 +millstream 59600 +yeomen 59591 +lothario 59589 +mithra 59587 +mimer 59583 +charybdis 59579 +phosgene 59570 +amalgams 59569 +gelled 59566 +cedes 59550 +nightdress 59547 +adsorb 59542 +dyslexics 59532 +undecorated 59525 +habituated 59525 +doff 59524 +ethnocentrism 59521 +portends 59514 +jests 59513 +bumblebees 59511 +brandished 59508 +thaws 59505 +slimmest 59502 +jeremias 59488 +hooliganism 59482 +tartuffe 59475 +belligerence 59469 +amaru 59466 +somoza 59465 +splatters 59461 +gouty 59461 +oxytetracycline 59452 +collude 59452 +twined 59450 +tennesseans 59450 +hammerheads 59450 +touraine 59449 +millionths 59445 +realignments 59438 +inviolability 59438 +resister 59435 +blonder 59435 +compositae 59429 +stoics 59428 +rutabaga 59421 +salonika 59417 +soldiering 59416 +corralled 59410 +walkover 59406 +tyrannies 59406 +winnow 59401 +undoes 59394 +needling 59393 +corbel 59393 +thespians 59388 +lamppost 59384 +deodorizing 59381 +jubilate 59380 +heth 59380 +evicting 59375 +greenbacks 59371 +instigators 59369 +epistaxis 59364 +cannoli 59363 +microsurgical 59359 +sacroiliac 59345 +abridging 59340 +sullied 59339 +electrograph 59335 +syzygy 59333 +avar 59327 +calvinistic 59321 +wellingtons 59315 +huger 59310 +villahermosa 59306 +incongruent 59301 +erogenous 59299 +materialization 59294 +petioles 59289 +cynosure 59288 +frequents 59285 +sourpuss 59284 +chalcopyrite 59283 +semarang 59279 +expansionism 59278 +essene 59272 +unpriced 59266 +horseplay 59261 +kalimba 59258 +mistreat 59256 +conciliar 59256 +pooches 59252 +radicchio 59246 +lintels 59241 +kobo 59240 +brevets 59217 +comparatives 59211 +trendsetters 59208 +stiffener 59205 +extravasation 59199 +combusted 59194 +fiercer 59192 +pavane 59185 +bluejay 59184 +floret 59183 +entreaty 59181 +flypaper 59178 +dunlin 59177 +creaked 59162 +vereeniging 59156 +densitometer 59148 +iowan 59146 +faunas 59145 +disconcerted 59139 +letterboxes 59135 +plutonic 59125 +interpose 59123 +muddied 59114 +invitee 59112 +sportswriters 59104 +chortle 59103 +faustino 59101 +tamping 59099 +residuary 59092 +bothy 59087 +taxonomists 59084 +hearkened 59084 +mournfully 59082 +infinities 59079 +emboli 59077 +officialdom 59072 +inanities 59055 +sedgemoor 59047 +wynd 59045 +passkey 59041 +beezer 59040 +tenanted 59038 +splittings 59033 +perfecta 59030 +ichthyosis 59024 +headlock 59021 +chevrons 59020 +kerchief 59018 +marvellously 59013 +doxology 59011 +okapi 59009 +hyperbola 59008 +simony 59003 +shopfront 59003 +rigatoni 58999 +noodling 58994 +brynner 58983 +illuminant 58975 +villon 58971 +luda 58970 +infuser 58967 +wusses 58962 +winfred 58961 +bonobos 58959 +taxiways 58957 +moralizing 58953 +adulterers 58952 +agcy 58943 +phantasmagoria 58933 +papilla 58932 +reorganise 58931 +orderliness 58931 +parodied 58928 +slurpee 58921 +quadrilaterals 58921 +dweeb 58921 +afterthoughts 58921 +glutinous 58917 +pretexts 58906 +recollecting 58903 +gula 58903 +cotopaxi 58898 +underling 58897 +ramachandra 58875 +toolmakers 58873 +ulema 58870 +rabia 58857 +nicaea 58846 +equinoxes 58843 +stitchers 58842 +primitivism 58839 +lohengrin 58833 +chateaubriand 58824 +hundredweight 58820 +dishware 58819 +hags 58818 +hyphenate 58810 +titbit 58804 +snoozer 58803 +disbarment 58798 +ultrashort 58795 +sobered 58791 +burin 58788 +dunked 58786 +sumerians 58777 +kaleidoscopes 58777 +volution 58776 +tirane 58776 +overemphasized 58773 +cauvery 58771 +rethought 58767 +minting 58762 +coiffure 58760 +brassard 58759 +accentuating 58751 +appreciations 58739 +warmongers 58735 +switchbacks 58730 +monosaccharide 58726 +aliment 58710 +tokay 58704 +eupatorium 58703 +instated 58696 +spindly 58689 +scarcer 58688 +matriarchal 58686 +ratan 58685 +pupillary 58683 +misstated 58680 +gavotte 58672 +courante 58672 +snores 58669 +radom 58664 +meandered 58664 +recaptures 58662 +lofting 58659 +ambassadorial 58657 +penetrative 58653 +papayas 58644 +caprices 58641 +kurrajong 58635 +kedron 58633 +secondments 58631 +betatron 58623 +reprising 58608 +cartilaginous 58608 +quester 58607 +supplanting 58605 +blockaded 58604 +noughts 58601 +ignominy 58594 +odourless 58592 +defecate 58592 +tempests 58591 +scythia 58586 +recriminations 58577 +fraudster 58576 +dismally 58571 +chromatograms 58571 +unjustifiably 58569 +insinuations 58568 +olestra 58561 +privatizations 58559 +postbox 58556 +smiting 58548 +keister 58548 +pourer 58543 +sfax 58539 +patroclus 58536 +nonmetal 58534 +stringently 58529 +demigods 58525 +sipper 58521 +federals 58517 +contrail 58507 +hapsburg 58502 +superficiality 58496 +downland 58491 +spotlessly 58490 +immobilisation 58483 +lulls 58479 +gammas 58459 +okhotsk 58457 +stocktaking 58455 +firebombing 58451 +mountie 58447 +congener 58446 +birthrate 58445 +pogge 58442 +airheads 58440 +disulfiram 58439 +adductor 58429 +pragmatists 58414 +prospers 58410 +commiserate 58408 +permute 58407 +momus 58407 +avocation 58404 +coverups 58386 +politicizing 58379 +buchenwald 58375 +kitting 58374 +misrule 58373 +unasked 58368 +copiously 58356 +lusted 58349 +borobudur 58344 +pluton 58341 +pitas 58335 +isostatic 58335 +narthex 58331 +whiskered 58327 +diapered 58317 +messiahs 58313 +wildernesses 58312 +landwehr 58310 +subverts 58300 +tamarin 58299 +perpetration 58299 +candlepower 58283 +kenning 58282 +infantrymen 58282 +chinaware 58281 +definer 58278 +depolarizing 58275 +wickers 58273 +transmuted 58271 +hollowware 58271 +blaspheme 58267 +snapback 58263 +orthodontia 58263 +disqualifies 58254 +nudibranch 58253 +blacking 58253 +quelled 58248 +woodlots 58237 +threescore 58228 +monism 58224 +gigabits 58221 +dichromate 58218 +ladonna 58216 +jacksonian 58216 +misidentification 58204 +ionesco 58203 +stabling 58200 +homeschooler 58200 +polities 58199 +keenness 58192 +quickens 58185 +swathe 58180 +scornfully 58177 +puerperal 58173 +worldliness 58165 +poseur 58164 +irrigator 58163 +aerodromes 58161 +unpasteurized 58156 +sabadell 58155 +perturbing 58155 +croaking 58155 +ignoramus 58154 +howbeit 58154 +atomized 58153 +smokestacks 58150 +miscellanies 58149 +mires 58144 +altarpiece 58140 +unmissable 58135 +protectively 58134 +desensitizing 58134 +numinous 58133 +hurler 58132 +rephrased 58127 +bootlegging 58126 +braze 58124 +noetic 58120 +sahelian 58106 +sisterly 58104 +miking 58101 +briers 58101 +windbreak 58093 +cowherd 58091 +freakout 58087 +simulacrum 58083 +whittling 58075 +aristides 58075 +kuban 58069 +dhyana 58069 +outgrowing 58066 +tanguy 58064 +overlong 58064 +submersed 58063 +ghostwriting 58053 +intussusception 58049 +cataloguer 58049 +avidity 58046 +canvasback 58040 +vindicator 58038 +gascon 58035 +enzymic 58035 +weekenders 58034 +bergs 58033 +accustom 58028 +fafnir 58026 +ovulating 58025 +sonatina 58021 +megalomania 58017 +nomenclatural 58016 +nuthouse 58015 +prouder 58007 +naiad 58003 +alibis 57996 +graphology 57983 +granulomas 57980 +egad 57975 +chagos 57971 +viciousness 57967 +vandalised 57965 +outlanders 57965 +cornets 57961 +loams 57939 +blucher 57937 +homonyms 57934 +pyrethrum 57933 +cottonwoods 57916 +dippy 57914 +conjugations 57913 +sloshing 57912 +unspecific 57905 +windfalls 57903 +soundproofed 57903 +outcropping 57903 +arethusa 57901 +drinkability 57899 +inanna 57894 +superintending 57893 +benzocaine 57887 +spectres 57879 +pantograph 57877 +kinematical 57877 +poetess 57875 +bowhead 57873 +moluccas 57870 +keelung 57866 +mwanza 57864 +leguminous 57861 +standardising 57857 +brigands 57855 +quarrelsome 57852 +wingtips 57850 +butylene 57845 +executrix 57843 +conurbations 57841 +refitting 57838 +qaddafi 57829 +budgerigar 57829 +terrorizer 57824 +deterministically 57821 +goalscorer 57820 +jamel 57819 +isomeric 57819 +oxidising 57809 +blowtorch 57807 +hypochondriac 57792 +synoptics 57790 +dunces 57787 +sympathizer 57784 +freewheels 57780 +glume 57779 +damnable 57778 +rooters 57772 +sopping 57747 +bioethical 57746 +toughening 57738 +televangelist 57735 +fishmongers 57735 +hagiography 57734 +smoochy 57732 +necrophilia 57730 +musher 57724 +scriptwriters 57703 +cranwell 57695 +tottered 57688 +monetizing 57685 +concierges 57685 +ragtag 57680 +proprioception 57680 +remits 57674 +moodiness 57673 +fishmeal 57670 +navigability 57659 +volvulus 57657 +interregnum 57640 +dropbox 57637 +unifier 57631 +antitoxin 57629 +cacciatore 57625 +plages 57624 +disdained 57624 +trimer 57619 +persimmons 57619 +predisposes 57618 +whippets 57614 +oedipal 57614 +atomizers 57611 +anemometers 57610 +conciliator 57604 +milosz 57600 +aspectual 57590 +anhydrides 57586 +schnitzler 57585 +betelgeuse 57583 +marylou 57582 +haymaker 57582 +indicts 57580 +fruitfully 57580 +charolais 57579 +mudflap 57578 +brontosaurus 57578 +ascidian 57578 +sicknesses 57570 +shrivel 57569 +homeworking 57567 +honegger 57566 +creaming 57565 +aneurin 57565 +clairvoyants 57560 +cosines 57555 +pictish 57554 +lassa 57550 +grippy 57550 +trinidadian 57538 +shockproof 57537 +noncitizens 57533 +drippy 57523 +snickering 57515 +subharmonic 57511 +theorising 57508 +haemostasis 57504 +partway 57498 +memorializing 57488 +juts 57485 +syringa 57484 +saturnalia 57484 +downshift 57480 +paybacks 57478 +neurologically 57477 +reinstates 57472 +uranyl 57467 +vanzetti 57457 +taints 57456 +quantize 57456 +bawls 57450 +enkidu 57446 +uncorroborated 57445 +azazel 57444 +untying 57440 +psychopathy 57439 +reliquary 57438 +logarithmically 57429 +boonies 57421 +superheros 57419 +contrabass 57418 +slights 57411 +abridgement 57411 +yokel 57410 +breadfruit 57408 +throbs 57396 +conductivities 57395 +whitened 57392 +lely 57388 +gabs 57386 +burps 57385 +atreus 57383 +subcultural 57380 +genoese 57376 +unpersuasive 57373 +saida 57372 +videotex 57370 +ceausescu 57370 +preforms 57369 +hepatica 57366 +flagellation 57364 +audiometric 57360 +synovitis 57359 +fishponds 57359 +bleeps 57346 +venipuncture 57334 +cognoscenti 57334 +dismounting 57326 +killifish 57325 +gemologist 57325 +scrutinising 57322 +rationalists 57317 +agonistic 57316 +dramamine 57311 +murrey 57306 +inquests 57304 +fattened 57302 +midpoints 57301 +substitutable 57297 +polycarp 57297 +vasari 57289 +windrow 57283 +abducting 57282 +deathtrap 57280 +retool 57270 +lanthanide 57270 +farfetched 57269 +preminger 57268 +paedophilia 57255 +toadies 57248 +heaths 57248 +ruggedly 57243 +enjoins 57241 +axilla 57239 +insuperable 57236 +deadbeats 57235 +brainteaser 57232 +recapitulate 57231 +agapanthus 57231 +tlaxcala 57230 +mabuse 57228 +drays 57222 +rester 57219 +chemiluminescent 57219 +wariness 57214 +enceinte 57211 +scrounge 57209 +inventorying 57208 +amalgamating 57208 +wisher 57206 +equisetum 57201 +hybridize 57198 +starlit 57197 +distributorships 57197 +siddur 57190 +swingle 57188 +globalize 57188 +inauspicious 57168 +milhaud 57161 +overhand 57160 +prescience 57158 +splattering 57154 +nightspot 57152 +magnates 57151 +predilections 57150 +narcosis 57145 +colicky 57145 +rasps 57142 +treen 57141 +internationalizing 57139 +picketed 57137 +repacking 57134 +knaves 57130 +aconite 57130 +busking 57129 +novelette 57127 +planarity 57121 +hench 57115 +armouries 57114 +coagulase 57112 +vltava 57111 +hornblende 57110 +pneuma 57106 +scampered 57104 +coccyx 57103 +tephra 57095 +bubo 57093 +preoccupy 57089 +academical 57088 +monophyletic 57087 +sidestepped 57086 +enzymatically 57082 +davit 57082 +nitrobenzene 57080 +unmentionables 57078 +curating 57077 +ploughman 57076 +hokum 57068 +flatworm 57064 +conscientiousness 57051 +pachyderm 57045 +louella 57038 +chemosphere 57038 +ripcord 57037 +roughage 57025 +morceau 57024 +groundnuts 57022 +axolotl 57021 +besting 57008 +corregidor 57003 +triviality 56993 +triply 56990 +distention 56985 +crossbreed 56980 +sundanese 56978 +thermochemical 56977 +goatskin 56974 +unmoving 56966 +kuwaitis 56966 +postulating 56963 +iconographic 56962 +zedekiah 56960 +cowrie 56958 +shinned 56955 +jokey 56949 +brasseries 56946 +jabbed 56945 +cire 56944 +llanos 56938 +boxcars 56937 +crooners 56925 +arawak 56922 +adsorbents 56921 +shoplifter 56909 +acceptation 56909 +delineator 56908 +nativities 56897 +chromosphere 56889 +bryony 56887 +afghanis 56881 +pomes 56875 +novitiate 56875 +hyperthyroid 56869 +sidearm 56868 +mbabane 56860 +humoured 56858 +fractionally 56856 +froebel 56849 +henhouse 56842 +dampener 56837 +ecuadorean 56826 +idolized 56825 +industrializing 56824 +bullfighter 56815 +culottes 56811 +birdied 56811 +comintern 56810 +pushcart 56809 +cripes 56808 +caboodle 56808 +mousey 56807 +combiners 56806 +bunco 56806 +rusts 56788 +chalices 56786 +antitank 56781 +tieback 56777 +prejudge 56776 +cremations 56771 +rivulet 56766 +seethed 56761 +geest 56760 +aeronaut 56755 +etruria 56753 +restyled 56746 +subagent 56739 +proselytize 56734 +scrapple 56733 +tenderfoot 56732 +shoehorn 56730 +revaluations 56725 +historiographical 56722 +staunchest 56721 +glinka 56709 +rudbeckia 56697 +embolic 56692 +mandrels 56691 +allayed 56689 +frontages 56685 +titis 56684 +chamfered 56681 +pored 56678 +petrozavodsk 56670 +recalibrate 56669 +ratatouille 56658 +gingiva 56657 +perceval 56651 +relinquishes 56642 +belorussian 56636 +bourbons 56634 +antiquary 56624 +grizzle 56622 +explainer 56622 +zealotry 56619 +muscovy 56619 +overdubs 56611 +chloral 56601 +depressingly 56598 +armyworm 56595 +accredits 56595 +shoemakers 56590 +homophobe 56586 +drunkenly 56584 +supersaturation 56576 +entranceway 56576 +onomatopoeia 56573 +diggings 56572 +emancipate 56568 +compendiums 56559 +burghers 56558 +warmups 56554 +bellybutton 56552 +ignorantly 56537 +hydrologists 56530 +soyinka 56525 +rationalised 56515 +radiobiology 56512 +olfaction 56509 +deporting 56506 +undersides 56502 +peen 56500 +sene 56495 +jackdaw 56494 +sukarno 56493 +ferryboat 56493 +mickeys 56486 +weeny 56479 +diviner 56478 +exuding 56476 +macready 56471 +discoloured 56460 +adversities 56453 +gooseberries 56449 +restyling 56443 +exoneration 56443 +huarache 56431 +tetras 56428 +preemptively 56414 +augustan 56406 +fruitfulness 56404 +illusionary 56398 +beefeater 56398 +slanders 56396 +solan 56393 +variola 56388 +glenlivet 56384 +consigning 56383 +dehydrate 56375 +rotisseries 56374 +examens 56373 +tammuz 56372 +ambo 56364 +mornay 56363 +baudouin 56362 +fretwork 56359 +emancipatory 56355 +zoa 56352 +embalmed 56344 +whizzes 56342 +btry 56339 +uprightness 56338 +hotplates 56327 +snogging 56326 +corporative 56323 +hispania 56318 +claudel 56315 +cliffhangers 56312 +apposite 56311 +cancellable 56303 +saker 56297 +downpours 56297 +marlyn 56296 +slaveholders 56292 +kansan 56292 +gerontologist 56285 +repays 56281 +relegating 56281 +hardbacks 56280 +uncial 56278 +diehards 56265 +rived 56254 +excises 56253 +cusses 56251 +lampedusa 56250 +alterative 56248 +zulus 56246 +sloppiness 56246 +mycol 56244 +limpid 56244 +bridled 56244 +fledglings 56242 +politicised 56238 +tuppence 56237 +forecastle 56233 +polarize 56222 +calculable 56216 +undemanding 56215 +statuesque 56215 +broaches 56215 +unsatisfiable 56210 +bracer 56202 +facture 56199 +maladministration 56197 +sunned 56195 +proscribe 56192 +micronucleus 56189 +shiners 56185 +farsighted 56183 +puzo 56182 +digitalised 56182 +polyphemus 56180 +cholecalciferol 56176 +grippe 56170 +salop 56167 +incipit 56165 +demystifies 56162 +encouragingly 56161 +reconstituting 56160 +harboured 56156 +salivate 56153 +maleficent 56149 +deann 56148 +biodegradability 56147 +cutthroats 56131 +chileans 56128 +passamaquoddy 56121 +evenness 56119 +bema 56119 +anaphoric 56119 +remanding 56107 +aril 56107 +reversionary 56104 +sloths 56102 +exfoliant 56092 +shogunate 56077 +communally 56074 +dolorous 56070 +playbooks 56068 +benefice 56064 +dragline 56063 +injun 56062 +unenlightened 56060 +plumping 56060 +mahfouz 56059 +orthoses 56041 +naphthol 56035 +croaked 56032 +wholesomeness 56031 +capably 56030 +lilienthal 56024 +nosedive 56019 +lawmen 56019 +symbolical 56016 +magistracy 56015 +alighting 56014 +foretaste 56002 +subletting 55998 +arbs 55994 +incoherently 55990 +simulacra 55988 +ladylike 55986 +ayin 55982 +kyanite 55981 +hideouts 55973 +iguacu 55970 +locknut 55969 +actinomycin 55969 +terpenes 55967 +iphigenia 55967 +headdresses 55965 +allured 55962 +delineations 55961 +panpipes 55956 +classicist 55953 +interrelate 55948 +attlee 55947 +iapetus 55941 +dentine 55938 +steeping 55937 +escutcheons 55935 +clumped 55928 +lovelies 55925 +southdown 55921 +vagrancy 55915 +pandanus 55914 +coterminous 55913 +ufology 55911 +foist 55908 +palpably 55907 +softy 55906 +interatomic 55903 +ganger 55890 +thermogenesis 55889 +improbably 55885 +expressionless 55876 +bowstring 55874 +collimators 55871 +abraded 55869 +denar 55863 +bandaging 55862 +lubricity 55859 +sickens 55853 +chanters 55853 +facedown 55851 +stockbroking 55846 +gastrulation 55843 +pumpernickel 55833 +detrimentally 55831 +hellhole 55829 +jolting 55828 +shipbuilder 55827 +overhears 55826 +seismogram 55824 +covenantal 55824 +bedouins 55824 +floatplane 55812 +tailbone 55809 +intramuscularly 55803 +transcendentalism 55800 +humanness 55792 +overconfident 55790 +gulps 55790 +soundless 55788 +ilyushin 55786 +rennet 55784 +upstaged 55775 +kuril 55775 +integumentary 55772 +jannie 55769 +macleish 55766 +freest 55763 +hybridizing 55760 +discolouration 55758 +unspeakably 55756 +engrossment 55751 +arresters 55748 +caird 55746 +stepdad 55745 +gestalten 55745 +songsters 55740 +flippy 55737 +sidesteps 55731 +bander 55731 +subnormal 55729 +colorimeter 55727 +unconquerable 55723 +bedsit 55723 +contemplations 55719 +offertory 55716 +maundy 55709 +whish 55706 +taluk 55706 +foretells 55706 +impregnating 55697 +pasteboard 55696 +wismar 55684 +sunbathe 55684 +sophomoric 55682 +mangy 55682 +catarrh 55681 +etcher 55678 +heliosphere 55670 +artaxerxes 55665 +terrycloth 55664 +doffing 55664 +bromides 55661 +circumvents 55652 +misapprehension 55638 +winnowing 55624 +codifies 55623 +aspirator 55616 +biedermeier 55615 +mobilities 55614 +holdouts 55614 +alpheus 55613 +reverential 55611 +associateship 55606 +toxicologists 55604 +mennen 55599 +sledges 55597 +schoolmate 55595 +rebind 55572 +orients 55570 +tonearm 55564 +coppertone 55559 +meaninglessness 55557 +esotericism 55551 +protist 55549 +cortices 55548 +warhorse 55544 +pantagruel 55541 +sensationalist 55534 +formosan 55534 +inerrant 55531 +infallibly 55526 +violist 55523 +trigonal 55521 +ileus 55520 +unbidden 55516 +valency 55507 +materialists 55502 +crawlies 55502 +primp 55497 +clearasil 55495 +bayous 55495 +eugenic 55494 +presbyteries 55488 +pernik 55488 +anvers 55488 +nonmembership 55487 +sluggers 55481 +renegotiating 55481 +juntas 55481 +drubbing 55471 +callousness 55471 +raker 55469 +bitched 55468 +cowpens 55463 +unselfishly 55460 +archways 55460 +apologising 55459 +simenon 55455 +strega 55454 +fluoroscopic 55452 +nontransferable 55446 +pentecostalism 55445 +prefatory 55440 +herakles 55436 +suetonius 55433 +extirpation 55433 +pantaloons 55429 +simmental 55427 +electromagnets 55424 +plosive 55409 +noiselessly 55409 +breezed 55406 +plasm 55404 +rostering 55403 +jambs 55394 +cockfighting 55383 +ophthalmological 55377 +potently 55368 +pawpaw 55367 +adventuress 55366 +slobbering 55356 +blackjacks 55344 +lascaux 55343 +rewording 55342 +etui 55342 +steamfitters 55337 +illogic 55334 +turbojet 55330 +elbowing 55330 +chook 55330 +politicize 55325 +individualists 55322 +vegs 55312 +retransmitting 55312 +leaderships 55309 +inflators 55306 +commodious 55303 +skullduggery 55300 +stumblers 55298 +disfiguring 55296 +pincers 55291 +industrialism 55286 +freshened 55281 +inhambane 55273 +automatons 55267 +artificer 55265 +backhanded 55264 +emulsifying 55261 +tchad 55255 +peripheries 55250 +tourers 55248 +aspersions 55243 +wooding 55239 +typewriting 55239 +herpetic 55239 +terracing 55237 +loppers 55228 +needled 55220 +entangling 55217 +margrave 55198 +quarrelling 55197 +systematized 55190 +conurbation 55189 +comus 55186 +plainclothes 55184 +earthed 55184 +musicological 55181 +hitlers 55171 +epiphytic 55169 +cooties 55164 +infanta 55158 +gimlet 55149 +anlage 55141 +damascene 55140 +pincer 55138 +icelanders 55134 +earpieces 55133 +psycholinguistic 55124 +musette 55123 +shuttlecock 55118 +capitols 55116 +blackening 55115 +fucus 55113 +expropriate 55113 +newsweeklies 55106 +bonnier 55088 +partakes 55085 +linesmen 55085 +reassigning 55075 +dewars 55075 +regaled 55069 +julies 55069 +retakes 55054 +relativist 55053 +kail 55051 +algonquian 55049 +washin 55047 +camarilla 55039 +audiovisuals 55039 +disputants 55035 +hakodate 55032 +electrotechnology 55026 +hasa 55016 +slammers 55013 +wheal 55009 +soave 54998 +repartition 54997 +handstands 54995 +compartmental 54994 +oddballs 54991 +junks 54989 +ingenuous 54987 +haystacks 54987 +carpel 54980 +floundered 54979 +arsenite 54979 +syndicalism 54978 +keeled 54977 +velveeta 54975 +coalescent 54973 +jeered 54966 +strabo 54965 +appenzell 54958 +leveller 54957 +assignation 54956 +essentialism 54954 +ganging 54953 +smutty 54946 +nonplussed 54945 +tessellations 54943 +zodiacs 54938 +brahmaputra 54938 +sheeted 54937 +gudgeon 54935 +beefsteak 54931 +pwns 54923 +foxed 54921 +cocklebur 54917 +keratoplasty 54906 +triploid 54902 +pamir 54902 +falsifiable 54902 +womanizer 54898 +glassblowing 54891 +vectored 54890 +undervalue 54889 +mope 54887 +vilify 54882 +groupers 54882 +pneumatically 54879 +exploiter 54873 +gyroscopic 54870 +oratorical 54856 +stutters 54854 +chronometers 54849 +pustules 54848 +mashhad 54848 +lully 54847 +predispositions 54843 +launderette 54840 +prats 54833 +oldcastle 54827 +sacerdotal 54822 +impale 54820 +baying 54820 +minicomputers 54802 +ferrol 54802 +submerging 54799 +dorsum 54786 +czerny 54786 +supercharging 54779 +ontogenetic 54776 +crosshatch 54776 +fief 54775 +precipitable 54770 +architectonic 54765 +armhole 54761 +supercooled 54758 +vaishnava 54755 +disparaged 54755 +repents 54745 +cleverer 54740 +synchronising 54739 +remora 54737 +courbet 54735 +denigrated 54734 +boult 54727 +disembarkation 54726 +prolapsed 54719 +disproving 54715 +campesino 54710 +puzzlers 54706 +demountable 54706 +pedalling 54704 +petropavlovsk 54703 +attune 54703 +scorekeeper 54699 +rostropovich 54699 +hibachi 54695 +goaded 54690 +phytochemical 54688 +rajab 54682 +unscreened 54680 +javan 54680 +logicians 54671 +studly 54669 +mislaid 54669 +mushing 54666 +proctored 54664 +gigolos 54659 +smallholding 54657 +mesosphere 54657 +greying 54646 +outlasts 54642 +conciseness 54639 +ivories 54637 +imprest 54637 +breakages 54635 +vercelli 54633 +interpolations 54631 +cockcroft 54622 +overprinted 54620 +unfired 54615 +segues 54612 +rehashed 54609 +rotund 54606 +lutheranism 54606 +chatelain 54604 +greengrocers 54595 +decentralizing 54595 +zenobia 54593 +scalpels 54586 +laypersons 54584 +curdling 54583 +coattails 54583 +bentwood 54578 +checkable 54573 +babbled 54573 +charlottenburg 54566 +gentlest 54565 +politicker 54564 +aspic 54553 +besiege 54544 +swordsmanship 54543 +hormonally 54543 +creditworthy 54543 +stereographic 54540 +blandly 54536 +hobbling 54535 +sensually 54527 +miletus 54527 +contactable 54517 +mutability 54513 +unfrozen 54512 +configurational 54510 +cinemascope 54506 +imperforate 54502 +cleon 54501 +diapositive 54499 +mainspring 54497 +diefenbaker 54497 +jotter 54495 +myelitis 54494 +mushers 54488 +burundian 54477 +sphygmomanometer 54471 +internecine 54467 +dinge 54467 +slake 54463 +mountaintops 54457 +streusel 54454 +mechanisation 54449 +zwingli 54448 +miskolc 54448 +hellbent 54448 +dimorphic 54433 +compadre 54421 +apophysis 54411 +speared 54405 +sulphides 54401 +polestar 54401 +oogenesis 54401 +superglue 54399 +charmers 54395 +bootlegger 54395 +trilinear 54394 +encyclopaedic 54385 +whirligig 54373 +galleons 54356 +legation 54348 +strutted 54346 +gobies 54346 +flowage 54346 +electrify 54346 +leafless 54339 +demobilized 54333 +chauvinistic 54332 +dunnage 54331 +deigned 54327 +kibo 54323 +burghley 54317 +slaver 54310 +sidle 54306 +contortion 54305 +reminisced 54303 +greaser 54303 +sunstroke 54302 +iseult 54301 +flamers 54298 +recommence 54296 +devastator 54295 +pedigreed 54284 +boogers 54284 +equilibrate 54278 +biotope 54271 +birdseed 54269 +crossbars 54264 +miscegenation 54262 +substrata 54261 +echolocation 54255 +ungrammatical 54246 +scolds 54244 +styron 54241 +trawled 54237 +ogee 54235 +hellespont 54235 +scleral 54230 +persuaders 54230 +admonishes 54228 +taconite 54224 +microwavable 54224 +chows 54217 +gluttonous 54214 +hartline 54208 +ragout 54200 +dalliance 54200 +youthfulness 54199 +pharmacologist 54197 +colobus 54191 +unhook 54189 +overstates 54186 +privations 54183 +reeker 54176 +monstrosities 54175 +assai 54173 +lubricates 54170 +arrearage 54167 +backlogged 54164 +exod 54162 +wowing 54153 +grandam 54153 +bonbons 54139 +bellatrix 54135 +chroniclers 54134 +eniwetok 54127 +gritting 54121 +gerund 54121 +cager 54107 +decanting 54106 +slumming 54105 +dignities 54100 +hypotenuse 54099 +subareas 54090 +stob 54085 +livings 54080 +systole 54079 +catenary 54075 +strangles 54073 +ferryman 54071 +pledger 54069 +craniotomy 54067 +mockingly 54065 +junctures 54058 +nares 54047 +devolves 54044 +barong 54044 +recondition 54029 +routeing 54026 +nymphomaniac 54026 +sheiks 54024 +epitomize 54020 +metallurgist 54018 +decelerating 54017 +blotters 54016 +virtuosic 54013 +panhandling 54006 +gyrating 54006 +hoeing 54003 +wobbled 53999 +bulgur 53997 +orval 53993 +cogently 53993 +tenpin 53979 +buran 53977 +summand 53976 +dubliner 53976 +otoscope 53972 +parmigiana 53968 +equipoise 53965 +wilsonian 53964 +maces 53959 +nicking 53950 +debauched 53949 +precisions 53942 +tacker 53939 +snorts 53939 +duckweed 53939 +suctioning 53920 +transputer 53919 +farrowing 53912 +loquacious 53911 +flubs 53909 +mercantilism 53908 +overijssel 53907 +sienkiewicz 53902 +boga 53898 +pastorate 53897 +euphemistically 53894 +pforzheim 53889 +overline 53886 +venusian 53885 +phthalocyanine 53880 +frumpy 53879 +chondrite 53879 +pterodactyl 53878 +striate 53871 +incunabula 53858 +reinserted 53853 +afters 53846 +unexciting 53844 +displeasing 53843 +velar 53837 +prudish 53835 +pentagonal 53835 +pelting 53833 +drizzling 53824 +cinquefoil 53823 +proudhon 53821 +soothingly 53814 +sugarplum 53813 +touchstones 53807 +wayfarers 53804 +maws 53782 +bailer 53781 +flouted 53780 +chillingly 53777 +nonprofessional 53775 +capercaillie 53770 +biked 53763 +worthies 53762 +courtesans 53758 +heavenward 53756 +laypeople 53753 +grokking 53751 +theodoric 53750 +indoctrinate 53748 +barrelled 53745 +toucans 53735 +endrin 53734 +tortfeasor 53730 +weser 53728 +zeph 53719 +hohokam 53714 +fallibility 53713 +reexamining 53708 +poos 53708 +gemmy 53707 +scarification 53701 +kennith 53699 +discoid 53699 +knuckleduster 53694 +intracardiac 53692 +exhilarated 53692 +ideographic 53688 +valedictory 53682 +profanities 53682 +economizer 53679 +osier 53672 +heeling 53663 +winterize 53653 +latvians 53648 +priapism 53647 +lavern 53647 +visualizes 53644 +vaginally 53636 +josefa 53630 +taverner 53628 +clanking 53626 +obligating 53621 +repugnance 53620 +demurrage 53613 +joyless 53611 +expressivity 53609 +fizzles 53605 +paintbox 53604 +barabbas 53603 +execrable 53593 +estela 53590 +potentiates 53581 +conceptualised 53579 +loftier 53574 +stolid 53571 +speakerphones 53568 +hestia 53563 +cabinetmaking 53562 +unacquainted 53560 +teems 53560 +macaroons 53560 +bullfinch 53554 +earwigs 53550 +bastardized 53550 +somalian 53548 +homewrecker 53547 +pontifex 53546 +simonides 53542 +pawing 53539 +nymphaea 53539 +gamely 53537 +abenaki 53534 +kilojoules 53532 +retaliating 53530 +slavishly 53528 +laundromats 53528 +corgis 53523 +mandrell 53520 +barilla 53514 +gissing 53508 +willets 53507 +offprints 53507 +beardmore 53504 +visigoths 53495 +unachievable 53493 +mandragora 53493 +trampolining 53491 +queenslander 53491 +misnamed 53491 +trotskyism 53489 +honan 53486 +dystrophic 53486 +leaseholder 53482 +titter 53481 +chinned 53481 +militate 53479 +otranto 53475 +conflated 53467 +muts 53466 +magnums 53465 +isobars 53465 +bushwhacked 53450 +louvres 53449 +transsexualism 53444 +commodus 53444 +defraying 53437 +tiruchirapalli 53434 +wackiness 53432 +strafing 53431 +coccidiosis 53425 +axing 53425 +sketcher 53419 +chlorobenzene 53418 +concertmaster 53413 +poleward 53410 +deified 53404 +schmoozing 53402 +retooled 53397 +colones 53396 +dowson 53386 +pleasance 53382 +monetarily 53380 +epistemologies 53380 +sumptuously 53365 +samsun 53358 +downtrend 53358 +snuffer 53348 +illiterates 53347 +epigraph 53345 +tawney 53344 +unemotional 53342 +resurrects 53336 +inspectorates 53336 +swimmingly 53334 +usufruct 53332 +metalheads 53327 +coarseness 53327 +externalizing 53312 +vittles 53310 +reducibility 53307 +fleeced 53306 +eurocentric 53305 +congruences 53305 +firebug 53301 +cookouts 53294 +marketeer 53289 +erythropoiesis 53286 +essentialist 53281 +paediatricians 53277 +dispersible 53266 +piggybacking 53261 +conchology 53261 +blanketing 53255 +hydrophone 53254 +kittle 53241 +taggers 53238 +flitted 53236 +facer 53232 +sorbian 53230 +precognition 53229 +intermittency 53222 +dramaturgy 53220 +disproportion 53215 +hedger 53214 +counterpane 53211 +gulfs 53210 +amphipod 53207 +truisms 53204 +geometer 53202 +pontine 53192 +manat 53190 +biggins 53190 +totalizer 53188 +negations 53182 +nullifying 53167 +braes 53166 +crofters 53157 +eyeless 53154 +potbelly 53151 +omnivore 53145 +salmi 53135 +corbeil 53127 +juggled 53116 +venerate 53115 +lushly 53102 +determiners 53094 +apsis 53093 +gaziantep 53092 +tomahawks 53091 +amphipods 53090 +reified 53089 +psychoanalysts 53088 +chadian 53088 +telamon 53083 +sartorial 53082 +oceanographers 53069 +ignitions 53069 +jinxed 53067 +umbrian 53065 +travancore 53063 +scoffs 53063 +wussy 53062 +unsavoury 53055 +pivotally 53051 +zephyrs 53046 +exemplification 53044 +pleader 53037 +personify 53035 +pavlovian 53032 +chelates 53031 +understorey 53029 +bawl 53024 +casque 53021 +vainglory 53019 +jeopardised 53019 +trills 53015 +malthusian 53013 +lowermost 53012 +locums 53011 +berbers 53010 +cleverest 53005 +thracians 53004 +slicked 53003 +convolutions 52999 +inundate 52995 +quatrain 52994 +garaging 52994 +hoofed 52993 +outwash 52988 +cruzeiro 52984 +vivas 52978 +coalmine 52978 +mikvah 52975 +sheller 52967 +radiochemical 52959 +squawking 52957 +tanneries 52955 +langtry 52955 +benzaldehyde 52953 +estrange 52948 +blared 52944 +swanee 52939 +zoologists 52937 +lopping 52927 +chatline 52917 +syrinx 52916 +dowie 52916 +woodworm 52915 +caiaphas 52911 +foretelling 52908 +munched 52907 +fecund 52902 +expressively 52902 +driftnet 52896 +atchafalaya 52893 +euphony 52892 +tamera 52888 +fishmonger 52877 +motored 52871 +kissable 52871 +alexanders 52870 +interventionism 52867 +dartboards 52865 +kinkiest 52861 +epact 52857 +basophils 52856 +pollinating 52855 +moho 52852 +quadric 52850 +notability 52847 +balusters 52841 +anglophones 52838 +ironworkers 52831 +peristalsis 52829 +verifiability 52823 +ostler 52822 +ninetieth 52816 +megalopolis 52813 +spicules 52811 +preprofessional 52809 +barrages 52809 +scrips 52807 +gimps 52802 +ragwort 52801 +dulcinea 52801 +aerate 52799 +extortionate 52797 +diptych 52797 +waddling 52795 +asthenia 52792 +navajos 52788 +summarizer 52781 +spareribs 52780 +pencilled 52776 +benne 52776 +spessartite 52775 +mfume 52772 +analects 52766 +druidic 52765 +eponyms 52760 +antagonisms 52751 +kishinev 52748 +putamen 52737 +fetishist 52737 +khachaturian 52732 +micawber 52720 +plebeian 52716 +introspect 52710 +ionians 52705 +tyros 52703 +hepcat 52700 +geosphere 52697 +deoxyribonuclease 52696 +stela 52675 +spiraea 52675 +grammarians 52674 +tanisha 52673 +undefiled 52664 +rethinks 52662 +entrepreneurialism 52659 +furred 52653 +harmonically 52649 +macrocosm 52641 +hotbeds 52640 +tanach 52637 +garnishments 52635 +thuban 52632 +overhearing 52631 +derogate 52631 +feck 52627 +puissant 52622 +egoistic 52618 +shevat 52617 +divertissement 52615 +harmonizes 52600 +overpopulated 52597 +enthuse 52597 +chummy 52593 +trimaran 52592 +blundered 52591 +baddie 52585 +heatstroke 52583 +congealed 52578 +cutis 52575 +cloudburst 52572 +taejon 52567 +rainstorms 52567 +ethnocentric 52564 +pigsty 52563 +roundworms 52562 +octogenarian 52561 +demarche 52558 +dolman 52557 +durocher 52546 +daumier 52546 +trounce 52541 +slipway 52532 +siddons 52531 +blasphemies 52530 +fibrotic 52526 +townies 52525 +nonmilitary 52525 +nondeductible 52525 +glazunov 52525 +covenanted 52522 +humidistat 52518 +fraise 52517 +unfurl 52511 +magnetometers 52498 +multimillionaire 52490 +brokenhearted 52489 +friedan 52487 +disparagement 52480 +flatbread 52478 +oncological 52473 +nonselective 52465 +muskies 52464 +fisticuffs 52463 +repercussion 52457 +medicos 52451 +magnesite 52451 +notarization 52446 +godunov 52440 +myosins 52439 +volleyballs 52433 +favouritism 52431 +pretences 52426 +unmentionable 52423 +unimpeachable 52419 +meditates 52418 +persuasiveness 52414 +solidi 52413 +simpatico 52413 +creativeness 52410 +malleability 52409 +hardhat 52408 +underpayments 52406 +cheerily 52404 +bibliographer 52404 +cavorting 52399 +sickbay 52397 +papaverine 52396 +urinated 52392 +alkene 52391 +ziggurat 52390 +detonations 52387 +zeffirelli 52386 +debar 52384 +faintness 52378 +groundhogs 52375 +niklaus 52371 +demarcate 52368 +grandpas 52360 +effaced 52356 +damselfly 52356 +crazily 52356 +geomagnetism 52355 +regularisation 52354 +beguile 52351 +crossbill 52343 +nightshirts 52340 +reoccurrence 52335 +explicated 52335 +sverdlovsk 52330 +binges 52328 +kunzite 52327 +foreshadows 52318 +smooches 52292 +hoagies 52292 +minimality 52291 +docudrama 52290 +cotoneaster 52286 +embezzled 52285 +stickleback 52283 +embroiderers 52283 +amalgamations 52283 +mirages 52281 +kittiwake 52281 +rearguard 52271 +officeholder 52261 +inextricable 52258 +crufts 52258 +repechage 52256 +carpi 52249 +abms 52240 +burnouts 52238 +disjunctions 52236 +underpricing 52232 +signboards 52230 +popery 52224 +bashan 52224 +trustful 52222 +fixate 52222 +ciabatta 52216 +lewdness 52213 +faille 52213 +misguide 52211 +mujahedin 52206 +therapeutical 52205 +chetumal 52205 +apiaries 52199 +breezeway 52195 +millipedes 52187 +looter 52187 +gorizia 52186 +transvestism 52181 +unearths 52180 +fascicle 52180 +misspell 52178 +malawian 52177 +coyly 52174 +malingering 52173 +wotan 52168 +shafting 52167 +chorales 52163 +gravid 52160 +formulators 52140 +kestrels 52139 +kodaly 52137 +jagannath 52136 +pentose 52131 +woad 52129 +interlinking 52127 +brassware 52125 +jughead 52119 +electrophilic 52115 +hazan 52114 +irrawaddy 52109 +plainsong 52107 +housebroken 52095 +phonogram 52094 +satiate 52091 +tolbutamide 52088 +stupefied 52080 +tugboats 52077 +popularizing 52075 +journos 52074 +brasses 52070 +lethe 52069 +embolus 52063 +astyanax 52056 +hettie 52054 +dogbane 52051 +tepee 52048 +puffball 52045 +flytrap 52031 +dowse 52031 +evolvable 52026 +dismantles 52025 +busk 52025 +ugandans 52018 +retractors 52017 +elephantine 52015 +measureless 52013 +kinked 52013 +northeastward 52011 +scandalized 52010 +ascription 52008 +overflight 52004 +babblings 52003 +lgth 52002 +blinkered 52000 +outdid 51994 +manics 51994 +tisza 51993 +jerkin 51989 +doorn 51985 +mutilating 51979 +noticeboards 51978 +aforetime 51978 +yogurts 51975 +flagstones 51973 +cyanine 51973 +conceptualizations 51972 +jaybird 51969 +reflectively 51964 +hilts 51962 +reni 51959 +downspout 51958 +canapes 51956 +trackless 51954 +taxidermists 51952 +demographer 51939 +patroness 51929 +impossibilities 51921 +inconsolable 51910 +horary 51909 +realness 51907 +tummies 51904 +microcosms 51903 +mealworms 51899 +aargau 51899 +offloaded 51897 +mariehamn 51897 +metaphysically 51895 +virtu 51894 +explicable 51893 +subthreshold 51886 +plucks 51886 +superbug 51883 +unreason 51880 +reincarnate 51871 +wreathed 51869 +muggers 51868 +sunburns 51860 +categorising 51856 +crepuscule 51852 +melos 51851 +marksmen 51848 +colouration 51848 +enthusiasms 51845 +trews 51842 +demonization 51839 +badged 51833 +gastropod 51830 +mogilev 51828 +coth 51828 +isobar 51827 +abbasid 51825 +manicurist 51819 +intermingle 51816 +buggery 51816 +lynchings 51811 +papist 51809 +lactobacilli 51799 +lithographed 51791 +museology 51790 +taters 51787 +eliseo 51786 +monozygotic 51775 +dolled 51766 +argot 51766 +accidentals 51763 +austenite 51751 +punctate 51747 +tamers 51744 +maldivian 51742 +adelbert 51738 +nucleotidase 51736 +choreograph 51728 +hypochondria 51719 +pirn 51718 +icosahedron 51715 +tyg 51712 +carmelites 51711 +shortchanged 51705 +cladistic 51705 +chervil 51702 +beautifies 51696 +calabar 51695 +canting 51691 +propitiation 51690 +disproves 51690 +negrito 51689 +vinland 51688 +sinewy 51688 +gamekeeper 51688 +biters 51681 +telepathically 51680 +frilled 51679 +iquique 51673 +goddammit 51673 +colonialists 51669 +putted 51667 +mencius 51666 +radiochemistry 51651 +uproarious 51650 +slosh 51634 +workpieces 51631 +penitential 51626 +phrenic 51622 +glinting 51617 +alkalosis 51613 +reentering 51611 +polynesians 51596 +condescend 51594 +fibril 51592 +terrifies 51590 +humbler 51588 +cabinda 51587 +terrestrials 51582 +reynaud 51582 +galsworthy 51576 +burnish 51574 +rechecked 51570 +blacktail 51565 +pucka 51563 +keystones 51560 +hunkered 51555 +madrassas 51553 +ophthalmologic 51550 +scotties 51546 +acuminate 51544 +telephonically 51543 +breakwaters 51540 +factionalism 51514 +sulfonamide 51512 +sandpit 51505 +superintendency 51502 +overdeveloped 51500 +mastication 51497 +hyoscyamine 51497 +hooey 51491 +pettiness 51487 +slackened 51486 +sindbad 51484 +immanence 51484 +ibidem 51475 +bents 51470 +sunroofs 51467 +predominating 51465 +busoni 51465 +actium 51447 +canoeists 51444 +unapproachable 51436 +boons 51432 +putatively 51430 +gunstock 51430 +rajshahi 51426 +incapacitate 51425 +scatterers 51423 +neapolis 51420 +calliper 51418 +vouchsafed 51415 +stigmatize 51415 +junkyards 51413 +unnoticeable 51411 +batiks 51403 +alcoves 51389 +tarkington 51386 +pastoralism 51385 +chlorosis 51381 +cerenkov 51380 +cordiality 51375 +voluntariness 51371 +reinterpreting 51367 +sarracenia 51355 +somas 51354 +billow 51354 +reinfection 51352 +wannabees 51347 +hardhats 51345 +butterball 51345 +fedayeen 51339 +palmira 51335 +maybes 51335 +tody 51334 +thuggery 51333 +saturable 51327 +retyping 51327 +teasingly 51325 +inconstant 51324 +cotyledon 51320 +wombs 51318 +pointelle 51318 +effete 51318 +storehouses 51315 +mothballed 51313 +crestfallen 51310 +visualisations 51306 +suchlike 51305 +zircons 51304 +multivalent 51303 +tangibly 51296 +ironbark 51293 +gloomily 51288 +perfective 51280 +aarau 51277 +lovage 51273 +pouted 51270 +miserere 51266 +methodius 51263 +mafioso 51263 +bulks 51261 +schisms 51260 +gnatcatcher 51257 +chernomyrdin 51253 +pothead 51251 +lunching 51240 +billeting 51239 +wakened 51238 +adulterer 51238 +sophisticates 51233 +cementation 51232 +yardsticks 51231 +vinnitsa 51224 +gyrations 51224 +theropod 51210 +incandescence 51208 +cladistics 51200 +lucidly 51186 +sidled 51184 +dulling 51184 +chevre 51183 +planetariums 51182 +ellipsoids 51181 +tartars 51179 +monogenic 51178 +prominences 51177 +ebbed 51173 +delibes 51173 +crunchers 51166 +argentines 51161 +jacquelin 51158 +issachar 51152 +conspires 51152 +comoro 51148 +knuckleheads 51145 +astir 51145 +psychoanalytical 51138 +bussed 51138 +posable 51137 +occultist 51134 +catechist 51128 +resolvent 51127 +emmen 51125 +reasserted 51121 +freakishly 51112 +reeked 51093 +papules 51093 +electrostatically 51091 +glamorise 51087 +dispirited 51085 +echinoderm 51079 +qabalah 51071 +immiscible 51071 +darnley 51068 +sodomized 51048 +disinflation 51047 +limps 51039 +insidiously 51038 +unexpanded 51037 +hellebore 51036 +egregiously 51034 +divined 51030 +ungulate 51011 +wittering 51009 +shipshape 51008 +cootie 51008 +revelling 51007 +mazzini 51006 +cocci 50999 +levitated 50995 +iphone 50988 +mobbing 50985 +churchwardens 50985 +debutant 50984 +conveyancer 50980 +outcroppings 50977 +globalising 50977 +intercessor 50972 +sieved 50969 +lovelier 50967 +parol 50960 +claptrap 50957 +odium 50950 +seconder 50948 +joffre 50944 +fettered 50944 +doctrinaire 50944 +siphons 50942 +hustings 50938 +pastured 50935 +complainers 50935 +rasping 50933 +dribbles 50926 +besotted 50925 +concertino 50916 +electromotive 50915 +mandola 50914 +carrels 50911 +aesculapius 50902 +gangways 50901 +caulker 50896 +charioteer 50894 +canara 50894 +papered 50893 +lycia 50887 +rwandans 50881 +colectomy 50878 +institutionalism 50871 +opportunistically 50870 +clamber 50868 +brewmaster 50866 +adroitly 50863 +earlene 50858 +geomancy 50838 +ovenware 50831 +ferne 50830 +katina 50822 +freeness 50819 +transubstantiation 50818 +sloe 50800 +parroting 50795 +alders 50793 +squab 50789 +layard 50781 +tache 50780 +caver 50776 +catastrophically 50774 +punchlines 50770 +initialising 50765 +unflappable 50751 +crumpets 50751 +skyrockets 50749 +diplopia 50749 +vasodilators 50747 +unformed 50747 +ducats 50745 +watchfulness 50744 +plagiarizing 50741 +katheryn 50741 +empyema 50740 +lops 50739 +inescapably 50738 +bouillabaisse 50738 +steamships 50724 +semitones 50723 +seismically 50723 +erotically 50723 +prescreening 50720 +homophobes 50718 +sciamachy 50714 +roseann 50711 +tunguska 50705 +bulgar 50697 +updo 50695 +jerrod 50694 +medially 50692 +cresting 50689 +maurine 50679 +commencements 50675 +impulsiveness 50674 +rutted 50672 +juxtaposes 50671 +retrenched 50670 +meromorphic 50670 +muckraker 50668 +sundered 50665 +decd 50665 +irretrievable 50661 +gallopade 50659 +roguish 50658 +trivialize 50647 +spikelet 50647 +autumns 50647 +springers 50645 +muddling 50633 +climatologist 50624 +uvula 50618 +stralsund 50618 +maquiladoras 50618 +jelling 50610 +bullnose 50609 +zaporozhye 50607 +rapacity 50601 +undesirables 50600 +tribally 50600 +sicken 50596 +supermen 50595 +shoplifters 50595 +elopement 50591 +cosmologies 50591 +haiphong 50583 +repaints 50580 +windlasses 50579 +harmattan 50577 +muzzled 50573 +dobermans 50573 +varas 50570 +headmasters 50570 +rifting 50568 +bemoans 50568 +monosyllabic 50561 +blenny 50559 +rummaged 50557 +peons 50556 +popularised 50552 +taipan 50549 +incontestable 50546 +chapultepec 50546 +languor 50544 +israels 50544 +frivolities 50543 +taegu 50542 +mucked 50540 +mantilla 50540 +childproof 50540 +adenoid 50538 +hebraic 50524 +epochal 50522 +shoplifted 50521 +ventriloquism 50518 +slovenly 50518 +hoardings 50518 +ambled 50517 +translucence 50509 +clementina 50509 +hesitations 50503 +jabbing 50501 +charr 50499 +protagoras 50498 +reckoner 50497 +fortissimo 50497 +dreamboat 50488 +monocot 50483 +curtained 50481 +foaling 50478 +purloined 50476 +yggdrasil 50474 +marcs 50472 +lounged 50470 +catalyse 50464 +barnaul 50464 +fudging 50459 +celeriac 50459 +idles 50456 +overestimating 50452 +hokes 50451 +dibasic 50451 +overprotected 50450 +tantalize 50448 +optimises 50443 +mandrill 50442 +plautus 50440 +manicuring 50437 +talky 50436 +rustics 50436 +striations 50435 +inanity 50435 +haircutting 50435 +embayment 50423 +mentalities 50422 +infantilism 50421 +agma 50420 +purposeless 50419 +paintbrushes 50416 +skirmishers 50409 +likening 50405 +contextualize 50404 +hypotonic 50400 +endocardial 50399 +sacajawea 50395 +drumhead 50393 +avifauna 50388 +differentiability 50387 +gobbledygook 50383 +adduction 50381 +flinching 50375 +trumpeters 50372 +unshared 50368 +czestochowa 50364 +catechists 50357 +ingroup 50355 +assort 50353 +carryall 50349 +pends 50346 +peplum 50339 +kalevala 50336 +sori 50334 +disbelieved 50333 +babbles 50322 +prised 50318 +monocoque 50316 +fibroma 50315 +metalhead 50310 +bivalent 50307 +tableland 50304 +huckster 50298 +televising 50297 +croquettes 50293 +fiefdom 50287 +cliburn 50270 +titrations 50269 +revile 50269 +unselfishness 50267 +sycophants 50263 +undistorted 50262 +sycophant 50261 +burrowed 50260 +prussians 50256 +buttercups 50256 +homegirl 50255 +paresis 50254 +footfall 50252 +marmots 50250 +bagman 50248 +egoist 50245 +gabo 50241 +cowman 50241 +choosers 50239 +refractions 50226 +shuttlecocks 50225 +sherds 50225 +petrographic 50223 +nanook 50223 +libyans 50222 +devaluing 50216 +cajoled 50208 +understates 50205 +emotes 50200 +copts 50200 +phenotypically 50199 +derailing 50190 +rapallo 50188 +neuroticism 50185 +sublimely 50183 +destructible 50183 +astutely 50183 +minuets 50178 +carducci 50178 +mesentery 50177 +tiepolo 50176 +sedating 50176 +tribunes 50174 +kraal 50172 +whizzed 50163 +bludgeoned 50163 +socked 50161 +mersin 50161 +dugouts 50159 +johore 50152 +nanobot 50151 +defeasible 50146 +kuroshio 50138 +semitone 50137 +hoofer 50134 +airings 50134 +semigloss 50127 +alyssum 50127 +avulsion 50124 +multitudinous 50122 +javelins 50121 +fishhook 50104 +jobbing 50095 +advertorials 50094 +okayed 50093 +foreclosing 50091 +subjectivism 50089 +peris 50088 +penology 50071 +tampax 50069 +saharanpur 50068 +beatific 50056 +backings 50050 +prognostication 50047 +bigness 50038 +hengelo 50036 +innerspring 50033 +bollworm 50021 +artificiality 50020 +fortuitously 50017 +incenses 50016 +pizzerias 50011 +langland 50010 +parrotfish 50003 +totalizing 50002 +kwangju 50002 +jeering 50002 +contractible 50002 +photomicrographs 50000 +cobbett 49996 +integument 49994 +maltreated 49990 +chaperon 49990 +consorts 49989 +recomb 49987 +intervale 49986 +teide 49985 +nattering 49985 +faceting 49985 +embezzling 49984 +obviating 49983 +coveting 49978 +octopuses 49973 +lippy 49972 +ogling 49971 +goads 49971 +cosigner 49963 +fuchsias 49950 +atrophied 49941 +causer 49940 +retells 49937 +twirls 49935 +respecter 49933 +malar 49930 +bolivares 49923 +bromate 49922 +leavening 49921 +quarantining 49918 +photomontage 49918 +pyrolytic 49916 +churlish 49904 +fantasias 49897 +treasonable 49895 +thermosphere 49890 +stowing 49889 +saxifrage 49889 +anomalously 49883 +cranach 49881 +dysuria 49873 +warbles 49867 +celesta 49867 +australopithecus 49859 +twinkled 49857 +transoceanic 49857 +latecomers 49851 +reconnects 49850 +antrum 49846 +chides 49843 +bozos 49842 +svengali 49841 +altaic 49841 +whooped 49839 +unladen 49838 +ovules 49838 +brittleness 49836 +baggers 49833 +swindled 49826 +immutability 49820 +remapped 49815 +homonym 49814 +tobogganing 49812 +quaffing 49810 +primatology 49794 +lamartine 49794 +ridicules 49793 +transgressing 49787 +hydroelectricity 49782 +ureters 49774 +prideful 49774 +hypnotizing 49774 +grouted 49763 +gracchus 49763 +pegmatite 49762 +leverhulme 49759 +legitimise 49752 +sidestepping 49750 +undine 49746 +criollo 49743 +timorous 49737 +acridine 49735 +reciprocation 49734 +hybridity 49725 +tribesman 49723 +cockeyed 49717 +ensnare 49715 +unionised 49713 +axeman 49710 +nonpareil 49709 +sames 49702 +quadrics 49696 +jujube 49696 +viscometer 49685 +unspectacular 49684 +horniest 49674 +spurted 49672 +chatterley 49672 +umbral 49671 +quarrelled 49670 +beggarly 49670 +sutured 49668 +slithered 49665 +subordinating 49661 +boysenberry 49658 +recommitted 49657 +loathes 49655 +fetishists 49654 +nonconformance 49636 +toupees 49632 +mutineers 49627 +retitled 49624 +gambetta 49623 +subsidisation 49611 +overbooking 49610 +fascinations 49610 +unhesitatingly 49605 +infesting 49603 +zenger 49596 +scads 49595 +tangiers 49588 +oleate 49588 +advisees 49583 +unconformity 49582 +treacherously 49578 +alfieri 49571 +rathe 49569 +jespersen 49568 +colluding 49568 +aiguille 49567 +diastole 49564 +mandibles 49562 +ridiculousness 49560 +vomits 49557 +piperidine 49549 +changeovers 49547 +prus 49545 +miked 49541 +bicarbonates 49541 +kirghizia 49536 +skittle 49532 +aforethought 49524 +nonparticipating 49518 +lollypop 49518 +sillier 49508 +submariners 49507 +reevaluating 49502 +disengaging 49497 +jibes 49492 +stonemason 49484 +smectic 49484 +ytterbium 49483 +conflate 49479 +gasohol 49476 +yurts 49475 +sandakan 49474 +jato 49472 +stoat 49468 +xanthus 49464 +semele 49464 +chanterelle 49462 +kielce 49461 +discredits 49453 +disassociated 49442 +moping 49439 +dagwood 49434 +thees 49427 +titrate 49426 +unscrewed 49422 +synchronism 49420 +concreteness 49420 +humidified 49417 +obviated 49416 +cretins 49416 +roue 49415 +kingpins 49412 +hassling 49411 +switcheroo 49406 +carnap 49405 +junipers 49403 +oligopolistic 49402 +contextualization 49401 +paginate 49391 +lunettes 49378 +pirandello 49375 +slaty 49371 +existentially 49368 +blare 49365 +carbamates 49364 +pooka 49363 +fumigants 49359 +wides 49358 +sofar 49346 +omnivores 49346 +piton 49345 +britishness 49345 +endemics 49344 +sequently 49343 +sullenly 49342 +mulley 49340 +inflammations 49338 +evilly 49328 +breastbone 49319 +bulldoze 49313 +peaty 49312 +weathermen 49310 +stewardesses 49310 +yaws 49303 +oppressions 49301 +steadier 49286 +nuthatches 49286 +sheepskins 49284 +trebled 49277 +antipasti 49276 +rebuts 49274 +splanchnic 49273 +populists 49273 +demurred 49273 +conciliate 49272 +clausal 49271 +hypothermic 49270 +subtropics 49266 +microcephaly 49263 +repatriating 49260 +typha 49249 +experimentalists 49248 +ransomed 49246 +bandsaws 49245 +sobers 49243 +anhydrite 49242 +ratcheted 49239 +tindal 49237 +petronius 49233 +nullifies 49232 +scrunched 49225 +bedchamber 49222 +underactive 49218 +footnoted 49218 +chevaliers 49216 +kuznets 49214 +valved 49207 +crackpots 49203 +unconstitutionality 49202 +theodolite 49201 +spectrograms 49192 +reprocess 49189 +unrounded 49187 +pawnshops 49187 +upholsterer 49185 +roughs 49184 +impugn 49180 +gaspe 49180 +testings 49164 +schweinfurt 49163 +greeny 49161 +intercommunication 49160 +coelacanth 49158 +defiler 49157 +intestacy 49155 +unstimulated 49154 +sandbanks 49152 +constructible 49151 +drawled 49149 +mobilizations 49148 +redistributes 49145 +entwine 49145 +matriarchy 49144 +edessa 49138 +florins 49125 +assimilates 49123 +crapping 49117 +unattributed 49109 +homesteader 49106 +hollowing 49106 +chian 49106 +dorsally 49102 +tagus 49088 +eolian 49087 +lydian 49086 +panoptic 49077 +countersink 49069 +pantomimes 49064 +overshooting 49061 +internalised 49060 +enugu 49060 +mongoloid 49059 +makassar 49055 +swatter 49046 +clerked 49046 +debiting 49044 +defeatism 49039 +romanic 49038 +pergolesi 49026 +rescinds 49016 +volar 49012 +launderers 49009 +ugric 49006 +thermodynamically 49001 +trailways 49000 +beiderbecke 48995 +neoclassicism 48991 +xeroderma 48989 +imputing 48988 +zeist 48987 +negligee 48986 +endowing 48986 +delphic 48985 +villous 48983 +schleiermacher 48979 +degaussing 48979 +menotti 48978 +hypomania 48975 +spangles 48974 +uplifts 48967 +beatniks 48963 +puerperium 48961 +bobolink 48960 +redundantly 48959 +irreg 48956 +homeboys 48949 +modals 48932 +homophones 48929 +udders 48925 +renege 48922 +forager 48921 +androgyny 48920 +nagged 48917 +servia 48913 +disunion 48913 +shepherdess 48911 +seljuk 48909 +protractors 48907 +bardeen 48896 +modulatory 48891 +flem 48890 +parlayed 48889 +infielders 48884 +intension 48882 +rueful 48872 +trickiest 48868 +barranca 48849 +relives 48845 +smugness 48841 +rawness 48835 +bunuel 48835 +foreseeability 48833 +chloramine 48826 +garlicky 48817 +holmium 48802 +yemenite 48800 +zanuck 48798 +endemism 48794 +secateurs 48793 +collimating 48779 +exploitive 48778 +unbending 48771 +tuns 48765 +shovelhead 48763 +congregating 48762 +derivational 48751 +antipode 48750 +nonclinical 48747 +hayrides 48732 +dignify 48723 +custards 48723 +equinoctial 48721 +rebutting 48720 +railroaded 48715 +reshuffling 48713 +potholders 48712 +lobectomy 48711 +varuna 48710 +passerines 48710 +swagman 48705 +enology 48705 +mouthy 48704 +apollinaire 48700 +allocatable 48698 +inheritor 48697 +tarried 48692 +dickensian 48692 +remorseless 48689 +englishes 48689 +disputations 48688 +millivolt 48686 +rowlandson 48685 +yardmaster 48680 +apennines 48679 +reactivating 48677 +drys 48677 +numbingly 48672 +underachiever 48651 +chordates 48644 +lengthier 48639 +redoubtable 48637 +charterers 48632 +virchow 48630 +scuttling 48619 +meditational 48616 +vanillin 48613 +headbutt 48612 +natation 48607 +biplanes 48605 +antechamber 48604 +evader 48600 +seasonable 48597 +eviscerated 48597 +tsars 48591 +tilth 48587 +trolleybus 48586 +stereotypically 48586 +unplaced 48582 +grazers 48574 +comports 48569 +platina 48563 +tucuman 48555 +rebinding 48547 +shekinah 48546 +grimacing 48546 +broadleaved 48544 +sqq 48542 +ravish 48528 +corms 48528 +frontiersman 48527 +umbilicus 48525 +dubiously 48525 +realest 48517 +battlement 48512 +freebase 48511 +contractures 48509 +kassa 48506 +atelectasis 48504 +gamester 48502 +rededication 48500 +deliriously 48498 +leafhopper 48493 +byword 48491 +osteomalacia 48490 +sphalerite 48488 +mumblings 48486 +decelerated 48479 +shuttering 48477 +pontificating 48474 +lacerating 48467 +warded 48463 +stygian 48462 +cystectomy 48458 +referable 48452 +dunant 48452 +serval 48441 +jangling 48440 +playschool 48431 +costless 48431 +doleful 48428 +drooled 48427 +spellbinder 48425 +ridging 48418 +baize 48414 +storting 48406 +debasement 48406 +ethene 48403 +polyclinic 48396 +faustian 48395 +superimposition 48394 +ornately 48392 +besieging 48382 +belsen 48381 +shrewdness 48375 +polecat 48373 +interstices 48370 +tarlac 48369 +canvasses 48361 +tractability 48359 +theol 48358 +elucidates 48357 +mayst 48355 +justiciable 48351 +bassoons 48350 +dunker 48348 +bozen 48345 +redlining 48342 +capua 48341 +lingam 48337 +archit 48337 +parried 48336 +dicer 48336 +serifs 48323 +eratosthenes 48322 +ponytails 48321 +headnote 48319 +samosa 48318 +anachronisms 48315 +legaspi 48313 +bovines 48313 +disembarking 48312 +antispasmodic 48303 +beehives 48302 +elbowed 48297 +dogleg 48297 +turbofan 48288 +nerdier 48288 +ewers 48288 +tonguing 48287 +buhr 48287 +hairdos 48286 +dualist 48283 +superstructures 48280 +nonsmoker 48279 +arthralgia 48268 +conchas 48264 +thermostatically 48263 +furze 48262 +misconceived 48258 +candlemas 48258 +seicento 48256 +undecidability 48253 +neighbourly 48250 +perianth 48246 +alembic 48245 +semiramis 48242 +makalu 48235 +inglenook 48235 +cabinetmakers 48232 +orogenic 48229 +shithead 48226 +deification 48224 +sensitiveness 48219 +guarnieri 48217 +remaindered 48215 +infiltrators 48214 +redshank 48212 +gascony 48205 +pawned 48202 +cultist 48202 +galvanise 48195 +hydatid 48193 +polarizability 48192 +commutators 48189 +boru 48188 +carpentaria 48185 +overprotective 48184 +potlucks 48182 +crackdowns 48175 +mendicant 48174 +exigences 48172 +threepenny 48157 +misreporting 48156 +talleyrand 48153 +dithered 48150 +dills 48131 +giddiness 48129 +feal 48126 +taraxacum 48125 +meaningfulness 48125 +warders 48119 +whens 48116 +commensal 48113 +overpaying 48112 +landseer 48110 +antismoking 48108 +dampeners 48105 +churchgoers 48105 +hydrolysate 48095 +playsuits 48094 +meyerbeer 48094 +retributive 48088 +photographically 48084 +ryazan 48067 +thoroughgoing 48060 +heaviside 48058 +loll 48041 +flagon 48041 +wieners 48028 +wormy 48023 +sorbed 48023 +bernays 48018 +crisscrossed 48016 +tangency 48013 +objectified 48011 +remortgaging 48003 +wobegon 48000 +libia 47997 +scattershot 47995 +spheroids 47989 +octant 47987 +demiurge 47986 +personalising 47984 +photocathode 47974 +concomitants 47974 +barefooted 47974 +backstretch 47971 +warmongering 47970 +chattered 47970 +superimposing 47968 +parachutist 47967 +clerestory 47964 +gunslingers 47960 +ciders 47959 +graniteware 47958 +paragons 47957 +grifter 47953 +wholefood 47952 +trendsetting 47949 +electrum 47946 +armillary 47946 +biannually 47945 +triadic 47944 +horsing 47943 +overhung 47939 +demoralization 47932 +steerer 47928 +faeroese 47928 +killjoy 47923 +milia 47922 +dragsters 47922 +wimsey 47921 +loopers 47918 +pebbly 47917 +forefather 47917 +rebated 47914 +simulcasting 47913 +loots 47910 +unrevealed 47907 +introverts 47889 +descender 47888 +ayatollahs 47881 +abashed 47881 +bocage 47879 +plunked 47878 +perls 47877 +carboy 47875 +aurelian 47871 +sacristy 47868 +charitably 47862 +sojourns 47850 +crosser 47850 +preordained 47840 +torticollis 47839 +seaborg 47828 +palaearctic 47826 +offerer 47821 +ciliates 47820 +embalmer 47818 +canted 47818 +amnesic 47818 +refile 47816 +tingles 47813 +brooded 47813 +gamb 47811 +slumlords 47809 +synonymously 47803 +isometries 47798 +carlota 47793 +ranker 47784 +sylvanus 47783 +evilness 47782 +foetuses 47780 +backtracks 47780 +hollyhocks 47775 +feaster 47775 +epizootic 47775 +paten 47772 +communicants 47771 +stagflation 47768 +curiosa 47768 +duvalier 47766 +sideswipe 47765 +dandies 47763 +mulched 47761 +interjecting 47760 +technocracy 47757 +bridleway 47745 +minibars 47740 +birdwatcher 47739 +tearjerker 47735 +premodern 47734 +striae 47732 +papillons 47730 +oracular 47727 +sidebands 47725 +aquarelle 47722 +technocrat 47720 +homological 47713 +undefended 47708 +crofting 47707 +transferrable 47702 +irrecoverable 47702 +steiermark 47701 +ingenue 47685 +porcelains 47683 +ovariectomy 47680 +dobs 47678 +pantsuit 47677 +adaptions 47677 +maxing 47671 +juncos 47671 +gleeman 47670 +curtilage 47668 +heyerdahl 47667 +hallux 47667 +doxy 47666 +secularized 47664 +backcloth 47661 +chocolatey 47660 +annetta 47658 +humorists 47656 +manakin 47654 +unities 47652 +satisfyingly 47642 +bemusement 47639 +silts 47638 +chaw 47638 +metalanguage 47634 +trackage 47633 +amberjack 47630 +outshines 47628 +rakish 47627 +roble 47626 +effervescence 47626 +xis 47623 +adenoids 47623 +chambertin 47620 +resections 47619 +dehiscence 47618 +starbursts 47612 +flashpoints 47610 +rhymer 47608 +scavenged 47605 +choriocarcinoma 47605 +unworthiness 47591 +scrunchies 47591 +isaias 47591 +arrear 47588 +peptone 47577 +pinchers 47569 +ferreting 47568 +tyrrhenian 47565 +moraines 47562 +unflagging 47561 +adiposity 47553 +dogwoods 47542 +astringents 47540 +tobacconists 47536 +collectivization 47535 +harrows 47529 +corroborative 47528 +situates 47524 +belshazzar 47524 +deme 47517 +ejaculatory 47514 +oddments 47513 +galata 47508 +lapdog 47506 +conspectus 47505 +punning 47503 +crossbreeding 47499 +horological 47496 +endomorphism 47491 +rainfalls 47488 +deflators 47483 +tufa 47481 +privatising 47480 +dissociates 47474 +leaker 47471 +absconded 47471 +sanitarian 47470 +puckering 47462 +sympathisers 47460 +ruffling 47457 +photomicrograph 47456 +eukaryote 47456 +gawking 47451 +nonperformance 47445 +diorite 47442 +gherkin 47437 +hardihood 47431 +craiova 47430 +roustabout 47413 +hyksos 47410 +cajoling 47409 +ironmonger 47406 +flammables 47404 +bougie 47400 +aircrews 47397 +typescripts 47396 +generalising 47395 +quashing 47394 +unpeeled 47373 +hyaluronidase 47365 +misquoting 47363 +delphiniums 47363 +essayists 47360 +onside 47355 +barbequed 47348 +greenness 47347 +bedstraw 47346 +psychically 47344 +preambles 47344 +warehousemen 47337 +recrimination 47337 +prese 47337 +ahriman 47334 +basked 47331 +maratha 47330 +reverberates 47329 +thatching 47327 +reassignments 47323 +nighties 47322 +embarrassments 47322 +sphenoid 47321 +thyrotoxicosis 47320 +aureole 47319 +disgusts 47312 +bankrupting 47309 +sledging 47285 +emend 47283 +cloaca 47281 +iridescence 47280 +unsanctioned 47269 +tenderloins 47264 +cognisance 47263 +footmen 47260 +recoils 47256 +excepts 47253 +promulgates 47252 +cauca 47238 +flyte 47235 +ballplayer 47232 +tangs 47230 +quadrupeds 47230 +togolese 47218 +embouchure 47206 +bewailed 47203 +armatures 47203 +transpositions 47194 +nathans 47193 +erlenmeyer 47190 +roughened 47185 +legging 47183 +ultrasonographic 47182 +softwoods 47182 +gorging 47181 +sandbars 47180 +arhus 47179 +vanadate 47169 +advt 47169 +evolutionism 47166 +thoughtlessly 47164 +symbolist 47162 +pyromaniac 47161 +vandalize 47153 +pouncing 47153 +lumpen 47153 +depute 47150 +plasticine 47146 +savours 47139 +metathesis 47135 +mansard 47134 +demagoguery 47133 +periodontist 47132 +bucko 47129 +bulwarks 47121 +skive 47114 +clods 47107 +forthrightly 47098 +hexyl 47095 +maoris 47093 +mantled 47092 +formalising 47092 +encouragements 47090 +whacker 47089 +dissimilarities 47080 +unfaithfulness 47079 +factorized 47079 +globalise 47078 +fenian 47076 +disorient 47070 +cuxhaven 47067 +mezzotint 47065 +clangers 47065 +overpowers 47064 +starless 47062 +courgette 47062 +noesis 47061 +unloader 47059 +thetic 47059 +bedraggled 47059 +pinero 47054 +readier 47052 +mercaptopurine 47051 +ineradicable 47051 +handoffs 47051 +floes 47050 +steadying 47048 +erodible 47043 +kente 47041 +trapezium 47038 +fontanelle 47036 +clarkia 47031 +plenaries 47029 +adjournments 47027 +unhooked 47026 +unimaginably 47025 +cowered 47024 +shying 47023 +monseigneur 47023 +scientism 47013 +ravenously 47013 +goitre 47012 +gropius 46995 +plutocracy 46992 +dispassionately 46992 +sundew 46991 +anglicized 46988 +weighbridge 46987 +improvisers 46987 +mobilizer 46983 +rehabbing 46978 +prizewinner 46978 +pribilof 46978 +tabulates 46976 +ordinations 46975 +headhunting 46972 +torquemada 46969 +hilario 46966 +cutworm 46965 +edgier 46964 +slacken 46957 +diazo 46955 +leaper 46949 +disgorge 46944 +cincinnatus 46943 +euthanize 46942 +lorica 46938 +determinacy 46938 +philandering 46930 +booboo 46927 +tomcats 46922 +indemnifies 46919 +serviettes 46918 +infuriates 46914 +folklorist 46912 +basenjis 46912 +aldebaran 46911 +goalscorers 46906 +keloid 46905 +mispronounced 46903 +somebodies 46897 +bisect 46896 +hyacinthus 46889 +agranulocytosis 46889 +brushstroke 46887 +clamouring 46886 +trouper 46884 +attainder 46881 +philomel 46880 +cadi 46879 +bailouts 46874 +reseeding 46873 +funfair 46871 +petrography 46864 +patronymic 46854 +homozygote 46849 +meitner 46848 +virologist 46847 +hotpot 46847 +pome 46846 +dufy 46846 +communing 46844 +ceder 46829 +olduvai 46825 +koranic 46824 +reconsiders 46821 +mischievously 46821 +mousy 46820 +communistic 46820 +scrutineer 46818 +illicitly 46815 +colly 46813 +thrawn 46799 +lampreys 46799 +slivered 46798 +plastids 46797 +swivelling 46796 +blepharitis 46791 +gelation 46778 +upended 46773 +waldheim 46771 +dyestuff 46756 +druggie 46751 +metacarpal 46750 +chastising 46749 +preempting 46747 +admonishment 46741 +masterminding 46740 +congressperson 46727 +appropriators 46727 +exfoliates 46726 +derisively 46726 +provisioner 46725 +lopped 46722 +bosporus 46722 +kohlrabi 46721 +polarising 46718 +subversives 46717 +oligarch 46716 +spoliation 46715 +unsentimental 46709 +enthalpies 46706 +scrunch 46703 +pleasantness 46703 +terminable 46684 +anthuriums 46683 +capablanca 46682 +phosphorescence 46676 +infamously 46668 +balladeer 46667 +shearers 46666 +pomeranians 46666 +harks 46663 +dirigible 46663 +dominical 46657 +scintillators 46654 +regrind 46654 +dionysian 46652 +muggings 46646 +lustily 46643 +maddeningly 46640 +bakehouse 46640 +unlearning 46630 +congreve 46630 +rodrick 46627 +pyrometer 46622 +neptunium 46598 +opencast 46592 +reefers 46591 +balaclavas 46591 +incarcerate 46589 +bimetal 46586 +jellybeans 46584 +aiders 46583 +multidirectional 46582 +sixfold 46579 +panchromatic 46578 +ukuleles 46573 +pedagogically 46571 +cashiering 46570 +swamping 46566 +wineglass 46564 +clubfoot 46558 +unchain 46557 +antediluvian 46557 +acetabulum 46555 +bernadotte 46553 +conveyancers 46551 +ritualized 46548 +maleness 46543 +irreligious 46536 +debriefings 46535 +bondholder 46534 +vindicating 46533 +hitchhike 46526 +seabee 46525 +otoscopes 46525 +dingus 46519 +chorion 46518 +sakti 46511 +ascetics 46508 +creuse 46506 +oenology 46503 +scorns 46502 +laggard 46500 +amylose 46490 +tractive 46483 +hurtle 46483 +blockheads 46483 +norths 46478 +saddening 46473 +obscuration 46471 +honkers 46470 +malcontents 46467 +alkalies 46465 +dogger 46464 +hindbrain 46463 +greengrocer 46462 +gentes 46461 +scholasticism 46457 +passacaglia 46455 +entraining 46443 +adjunction 46443 +satins 46431 +orientate 46431 +miscalculations 46429 +effeminacy 46429 +unmindful 46428 +airstrips 46427 +teleost 46425 +kemerovo 46424 +bazillion 46424 +freeloaders 46423 +normalising 46420 +magnetohydrodynamics 46420 +toddle 46417 +coppery 46417 +waterwheel 46406 +amidase 46404 +pallium 46403 +ceramist 46399 +cabala 46396 +cannibalistic 46394 +indescribably 46391 +hinging 46388 +guillotines 46388 +gimpy 46387 +guffaw 46384 +unruffled 46383 +noncombustible 46379 +inclining 46374 +napoleons 46371 +scrunchie 46368 +coppersmith 46362 +azov 46358 +visualizers 46357 +kanaka 46352 +carneys 46350 +reemployed 46346 +anaesthetized 46346 +animosities 46340 +waxwings 46339 +encourager 46333 +ragtop 46331 +benghazi 46331 +vised 46330 +antlered 46320 +pilfered 46315 +inured 46306 +tackler 46305 +pardoning 46303 +mallei 46302 +telekinetic 46300 +cowslip 46297 +polygyny 46294 +intoxicant 46292 +palaeoecology 46280 +nudibranchs 46275 +giorgione 46275 +supernaturally 46272 +enfranchisement 46265 +ramekin 46260 +gravitationally 46260 +computerize 46260 +demolishes 46259 +scarily 46256 +innervated 46254 +craftiness 46253 +rebuking 46247 +perceptibly 46246 +vitiated 46240 +meltwater 46240 +wizened 46239 +wintered 46232 +sympathizing 46223 +numerate 46222 +turtleback 46220 +townsman 46217 +berthed 46212 +mudcat 46207 +scratchings 46203 +tsushima 46197 +nonliving 46197 +crystallizes 46195 +playsuit 46192 +principalship 46189 +continuer 46188 +subclauses 46183 +prophase 46183 +whimsies 46182 +gorged 46182 +mildness 46181 +luckless 46176 +microphysics 46172 +kines 46172 +monosaccharides 46170 +maecenas 46169 +pixelation 46166 +nijinsky 46161 +ossuary 46158 +necking 46157 +backaches 46152 +falloff 46150 +quinquennial 46148 +mucins 46147 +musters 46135 +gunwale 46127 +dayak 46126 +emplacements 46122 +histrionics 46118 +agonize 46116 +flopper 46115 +deducts 46115 +helgoland 46114 +camaguey 46113 +swatted 46111 +oncogenesis 46111 +indigestible 46108 +doughs 46107 +jowl 46104 +lordosis 46102 +bathhouses 46096 +varnishing 46093 +kingmaker 46089 +unclosed 46084 +kenaf 46083 +fanatically 46083 +sidelight 46077 +clerking 46075 +sanitised 46071 +astilbe 46070 +flashover 46068 +troglodyte 46067 +dorthy 46062 +phanerozoic 46049 +voluptuousness 46047 +inactivates 46047 +hydroxylamine 46040 +recursions 46034 +cassowary 46030 +paroxysm 46028 +thill 46026 +petrolatum 46024 +sinusoid 46022 +panga 46002 +haying 46000 +gambrinus 46000 +maxwells 45999 +whetted 45998 +seraglio 45996 +danglers 45996 +leavens 45994 +underexposed 45988 +hecklers 45988 +carious 45988 +cribbing 45987 +scourges 45983 +dedekind 45981 +micromanagement 45979 +bizerte 45976 +accessioned 45976 +corroding 45969 +noncitizen 45961 +stalagmites 45960 +screeches 45958 +coronets 45957 +quenches 45956 +outscoring 45955 +telecasting 45954 +fundament 45954 +thwack 45950 +provosts 45950 +triggerfish 45948 +plaiting 45947 +warehouseman 45946 +nitwit 45944 +dwindles 45942 +impaling 45937 +spookiness 45932 +cassoulet 45930 +meres 45920 +theoretician 45909 +afterwords 45904 +scrounging 45900 +modernistic 45895 +grotty 45891 +microwaving 45889 +icecap 45886 +shakespearian 45885 +fissionable 45884 +dewdrop 45883 +inappropriateness 45882 +stefansson 45876 +guiltily 45876 +classing 45875 +tritons 45874 +uxmal 45873 +retros 45873 +nailhead 45869 +huffed 45866 +swizz 45863 +slavers 45861 +turncoat 45859 +stopcock 45852 +disentangling 45847 +nard 45844 +carse 45840 +antagonizing 45840 +treater 45835 +drivable 45828 +catchword 45827 +humpy 45823 +teaspoonfuls 45819 +procrastinators 45816 +aurally 45811 +hermine 45805 +hankie 45800 +smithies 45797 +bungs 45792 +acquainting 45792 +schonberg 45789 +authentications 45789 +parapets 45788 +twittering 45780 +scupper 45774 +repaving 45768 +roose 45767 +orbited 45767 +audiometer 45765 +emasculated 45760 +dinesen 45760 +inhales 45759 +lymphatics 45758 +broths 45755 +wendigo 45754 +disenfranchise 45753 +augurs 45741 +admiringly 45741 +illumine 45734 +nationalize 45728 +saiga 45727 +saleswoman 45726 +masaccio 45724 +awfulness 45724 +photophobia 45723 +slacked 45718 +overflights 45715 +movingly 45712 +encamp 45711 +reprised 45710 +henceforward 45708 +scalped 45707 +frustum 45707 +ricer 45703 +monthlong 45703 +womanizing 45702 +huddling 45702 +pelotas 45701 +tautological 45700 +gauger 45700 +stane 45697 +combated 45696 +cetane 45690 +uncorrupted 45688 +evinces 45680 +zonk 45676 +pedicurists 45676 +stevedore 45675 +caernarvon 45674 +jingoistic 45672 +buttonholes 45671 +interpolates 45669 +unfertilized 45668 +presbyters 45665 +slingers 45658 +skims 45654 +margrethe 45654 +medicinally 45651 +smoothy 45649 +melodramas 45645 +lungfish 45644 +tutus 45643 +merchandises 45630 +antabuse 45625 +turnbuckles 45624 +deputed 45622 +clambering 45619 +boutonniere 45619 +wishbones 45616 +surplice 45615 +peepshows 45611 +factitious 45611 +strivings 45610 +globigerina 45610 +glitchy 45609 +convocations 45609 +fitfully 45606 +rearm 45604 +rechannel 45602 +halterneck 45601 +chancy 45599 +imminence 45593 +postie 45592 +decimating 45589 +perishes 45586 +trifocal 45585 +holdfast 45584 +austins 45582 +darwinist 45579 +unwatchable 45576 +caber 45575 +blanches 45574 +bostons 45572 +skulking 45571 +rationalising 45570 +songhua 45560 +slathered 45556 +demur 45556 +sinusoids 45544 +stockinette 45543 +monstrously 45539 +gandhian 45534 +communicant 45534 +wisecracking 45533 +imposts 45532 +tarbes 45529 +sarasvati 45527 +probabilistically 45524 +shushan 45519 +prophetically 45518 +raffled 45514 +neutralisation 45514 +quirkiness 45508 +gurkhas 45505 +fugacity 45500 +sociol 45496 +montanans 45495 +diaphanous 45489 +flextime 45488 +levered 45487 +backcross 45485 +triennium 45483 +wagged 45474 +suffixed 45474 +rubberised 45474 +fiendishly 45464 +rhombic 45460 +anshan 45460 +relearning 45457 +burglarized 45457 +platforming 45455 +immortalised 45455 +sprucing 45453 +goniometer 45452 +equalise 45443 +commandeer 45440 +reactivities 45430 +halons 45429 +angulation 45428 +baluster 45421 +peradventure 45419 +psychobabble 45417 +spermicidal 45415 +backstreets 45408 +surmounting 45405 +earwig 45402 +radiolocation 45398 +satyrs 45396 +sirach 45395 +swatting 45394 +conspecific 45393 +hansberry 45392 +outreaches 45391 +arachnophobia 45391 +grandsire 45386 +elastically 45386 +submersibles 45384 +evasions 45384 +meting 45383 +cornu 45380 +ruyter 45374 +speculatively 45372 +lumbered 45365 +hangups 45364 +cortege 45364 +autolysis 45362 +diamagnetic 45355 +slavonia 45349 +manhandled 45345 +radicalized 45343 +countenances 45335 +beholds 45332 +contradistinction 45330 +scampering 45329 +gordimer 45327 +kadi 45324 +terpene 45323 +sainted 45316 +baster 45316 +inclusively 45315 +kornberg 45313 +manorial 45310 +inglorious 45308 +conspicuity 45303 +whereat 45302 +jolo 45300 +removably 45296 +interbreeding 45292 +fibber 45291 +glueing 45286 +ultrasuede 45282 +tenebrae 45270 +yid 45268 +normalizer 45268 +invar 45261 +commercialising 45261 +amoy 45259 +diviners 45258 +celandine 45255 +defrayed 45252 +irreducibly 45250 +merrythought 45247 +fumigated 45246 +monoplane 45241 +overtaxed 45239 +reappoint 45237 +recognizably 45233 +repudiating 45232 +semipro 45224 +cancan 45210 +insupportable 45209 +sundowners 45207 +agronomists 45207 +gastrocnemius 45193 +undisguised 45176 +symbolising 45174 +trunnion 45170 +lurches 45165 +becquerel 45164 +adulteress 45161 +decidua 45154 +autochthonous 45151 +discerns 45150 +tenderizer 45149 +orebro 45149 +osteology 45143 +buxtehude 45143 +boleros 45141 +allergenicity 45137 +gamay 45134 +omegas 45132 +squawks 45128 +silkworms 45128 +lobar 45124 +retrogression 45122 +freshens 45120 +vocalise 45118 +disinterred 45117 +quakerism 45114 +macaroon 45114 +syndicalist 45108 +binger 45107 +deaden 45103 +sponging 45099 +brahmi 45099 +unalloyed 45097 +ferromagnetism 45095 +mannerly 45091 +twangy 45089 +mudguard 45080 +lactalbumin 45080 +cysteines 45079 +ovule 45073 +venial 45072 +scrapyard 45071 +griselda 45071 +indiscipline 45070 +hansom 45070 +nonchalance 45067 +pentameter 45064 +eban 45062 +crystallised 45060 +racketeer 45055 +windbag 45051 +barged 45051 +boardings 45049 +bloodstains 45049 +hephaestus 45048 +capelin 45047 +worktable 45046 +kaifeng 45043 +callously 45033 +biotype 45033 +retransmits 45025 +cypresses 45023 +righter 45021 +dysarthria 45020 +resoundingly 45018 +doubtlessly 45018 +recidivist 45016 +pinetum 45015 +meathead 45012 +bubblers 45012 +phrygian 45011 +lamed 45011 +lycopodium 45002 +utopianism 44999 +seventieth 44998 +questioners 44994 +bunkhouses 44994 +consignors 44993 +workingman 44991 +scoffing 44990 +hulks 44989 +cryptograms 44989 +rehearses 44988 +serrate 44979 +brocket 44975 +mausoleums 44970 +dodder 44970 +overreach 44968 +wisecracks 44966 +pigging 44966 +quiches 44962 +entrusts 44962 +squishing 44961 +ruminating 44961 +prenatally 44961 +maladjusted 44958 +caprine 44957 +inclinometer 44953 +wellsprings 44947 +mediately 44946 +uncreated 44939 +abjured 44937 +tricker 44936 +jacobin 44932 +epistasis 44932 +catechin 44932 +bombproof 44931 +categorizations 44929 +prizewinners 44920 +wedging 44916 +constrictive 44912 +stiffed 44911 +stratocumulus 44908 +continuances 44905 +proficiently 44898 +floridan 44898 +meadowsweet 44895 +insincerity 44890 +pries 44883 +pokeweed 44883 +rajas 44879 +samoyeds 44878 +tuxtla 44877 +shopfitting 44874 +belmopan 44874 +skald 44871 +shepherded 44871 +erysipelas 44868 +thurgau 44860 +persecutor 44860 +okefenokee 44859 +cupric 44859 +slobber 44858 +manoeuvrability 44858 +coital 44857 +interpolator 44843 +demy 44843 +broz 44838 +periodization 44829 +straitjackets 44819 +cloches 44816 +skerries 44810 +unproblematic 44806 +regrading 44803 +landholder 44799 +pentagrams 44798 +parmentier 44796 +bitting 44796 +circumscribe 44795 +myrdal 44793 +physicalism 44781 +skiable 44779 +crevasses 44779 +eavesdroppers 44765 +liberalising 44762 +necromancers 44758 +emfs 44756 +bunter 44756 +burgher 44750 +archrival 44743 +silicic 44740 +unstained 44739 +cowbells 44735 +mothballs 44724 +deandre 44724 +exfoliator 44715 +ruination 44713 +progressivity 44706 +eviscerate 44702 +monocle 44698 +jeopardising 44694 +guarder 44689 +unflinchingly 44685 +undyed 44680 +monopolizing 44675 +subsisted 44673 +spicule 44671 +mauls 44665 +degradations 44665 +meanies 44661 +anastomoses 44661 +vocalic 44659 +nyerere 44657 +circumcise 44656 +swampland 44649 +calcination 44649 +dabbles 44644 +deceits 44643 +saponin 44639 +ribbentrop 44637 +rupturing 44635 +theodicy 44631 +opaline 44616 +electrokinetic 44614 +broodmares 44600 +angelia 44600 +ricercare 44592 +deputations 44588 +intermarried 44586 +merlins 44579 +ringlets 44577 +cooperage 44566 +unclothed 44562 +grans 44562 +impersonations 44561 +mukluk 44560 +scourged 44557 +morisot 44557 +misunderstands 44555 +survivals 44553 +canards 44553 +wrongdoings 44550 +reeducation 44547 +reinvigorating 44542 +mollify 44539 +mutualism 44537 +commonwealths 44535 +snowberry 44534 +bulked 44533 +birthplaces 44532 +subtended 44529 +verdin 44527 +pervasively 44526 +blockading 44525 +encrustation 44519 +spruced 44516 +gargantua 44511 +voltmeters 44508 +moltke 44506 +microbrew 44504 +sodomite 44495 +latona 44492 +triumphing 44489 +griffe 44486 +bonspiel 44482 +hailstones 44481 +ligula 44480 +ecstasies 44478 +debriefed 44478 +diathermy 44472 +platy 44469 +educationalists 44467 +slurring 44466 +malleus 44465 +moulting 44463 +palaeozoic 44461 +walruses 44458 +conversationalist 44458 +oilman 44457 +overgrow 44456 +rends 44455 +maurya 44455 +busybody 44454 +cinched 44452 +unpopulated 44450 +nuzzled 44448 +waterfronts 44445 +chinoiserie 44436 +buddhi 44427 +kibbles 44424 +kronstadt 44422 +sculpts 44405 +swishing 44404 +bedclothes 44404 +watchband 44401 +satyagraha 44400 +pressurize 44394 +coastwise 44394 +truing 44393 +impertinence 44387 +toffees 44386 +commissaries 44382 +bloodsucking 44377 +taxpaying 44371 +spleens 44367 +languidly 44362 +lowboy 44360 +sedulously 44357 +malabo 44355 +brillo 44355 +stipendiary 44351 +nemea 44348 +breadbox 44347 +scarabs 44344 +toboggans 44343 +delacruz 44335 +voraciously 44331 +dugongs 44328 +unemployable 44323 +glutamates 44322 +whiteheads 44320 +stippled 44315 +antiperspirants 44313 +lampposts 44307 +begrudgingly 44306 +underwrites 44301 +grimaces 44300 +laryngology 44299 +badgering 44286 +loftiest 44284 +flappers 44284 +brandish 44280 +bisects 44280 +legates 44270 +whitewashing 44267 +borderlines 44262 +copyrighting 44260 +ostwald 44256 +lateralization 44249 +recommenced 44245 +obstructionist 44245 +aplasia 44244 +undergrounds 44243 +detoured 44241 +stepparents 44234 +isomerism 44230 +rinderpest 44225 +depopulated 44219 +traves 44215 +fleabane 44215 +cockayne 44209 +cruddy 44206 +actinomycetes 44205 +siloxane 44201 +ovulatory 44201 +delmer 44200 +miscues 44196 +geryon 44195 +brimmer 44194 +upraised 44193 +tendentious 44184 +recessional 44184 +conics 44184 +workaday 44181 +cratering 44176 +backsides 44176 +difficultly 44175 +huckleberries 44174 +vidette 44173 +roundworm 44173 +divorcees 44172 +bernardine 44172 +bazookas 44171 +whereunto 44169 +martensite 44169 +galvanising 44168 +traffics 44158 +toxicologic 44158 +fabricates 44148 +lampoons 44145 +tappet 44139 +surveil 44139 +smashers 44135 +ordaining 44135 +enjoyably 44134 +unfruitful 44127 +loquat 44121 +conceits 44121 +sylph 44120 +beansprout 44115 +strummed 44114 +shrivelled 44113 +anthropomorphism 44113 +jesting 44109 +sandstorms 44104 +whitecap 44099 +trebles 44097 +burgled 44095 +evangelisation 44093 +deltaic 44093 +icterus 44092 +clansman 44088 +nurserymen 44087 +masjids 44087 +townie 44086 +tendril 44078 +trapezius 44076 +pneumonic 44076 +dangler 44074 +drogues 44068 +sensitised 44067 +clangs 44055 +hatemongers 44052 +unshakeable 44048 +nubby 44046 +smollett 44045 +firn 44045 +harpies 44043 +misquote 44041 +lupins 44028 +waterbuck 44020 +victimless 44020 +purusha 44015 +effectuated 44015 +chipewyan 44012 +papery 44010 +honked 44007 +accretions 44007 +intercessions 44005 +depersonalization 43986 +despoiling 43985 +tobacconist 43979 +meshwork 43974 +mastheads 43972 +westernization 43971 +jubilees 43964 +trilogies 43959 +ethelbert 43958 +underperformed 43956 +reissuing 43955 +sorbets 43954 +sleighs 43947 +colourings 43945 +maximin 43943 +cohere 43940 +quango 43935 +licentiousness 43931 +liard 43929 +grantsmanship 43929 +instrumentally 43920 +disrespecting 43919 +punned 43916 +infarcts 43915 +conformers 43915 +oceanian 43910 +aridity 43908 +splined 43900 +salvos 43900 +forenames 43898 +umayyad 43895 +incomprehension 43892 +unshaken 43891 +secularisation 43889 +stumping 43872 +englishwoman 43872 +gardenias 43867 +limply 43866 +climaxing 43857 +chaffinch 43855 +rephrasing 43852 +poundage 43852 +loincloth 43849 +gwendoline 43847 +lunchtimes 43842 +resubmitting 43841 +immobilised 43841 +madrasa 43840 +coenzymes 43836 +plainsman 43834 +ahasuerus 43824 +cental 43822 +pythian 43820 +metonymy 43820 +compassed 43818 +charcuterie 43818 +piddle 43816 +bankrupts 43809 +theorizes 43804 +blanching 43804 +lifespans 43799 +anaemic 43795 +postally 43794 +rabidly 43792 +traversals 43791 +euglena 43788 +unsettle 43782 +postmen 43782 +snowdrops 43781 +holing 43780 +proconsul 43779 +kobs 43778 +reduplication 43776 +coarsest 43776 +overproduced 43773 +warehoused 43770 +minium 43770 +albuminuria 43770 +trocar 43758 +photomicrography 43757 +engagingly 43749 +gentility 43743 +notepaper 43739 +nearsighted 43737 +assizes 43737 +laudatory 43735 +decliners 43735 +shier 43728 +mudslinging 43725 +laminitis 43725 +ursine 43722 +ciliated 43720 +funked 43719 +canticles 43714 +devons 43711 +rightists 43710 +stoplights 43704 +bridgeable 43703 +lysenko 43702 +hardliner 43700 +suggestively 43699 +rhodonite 43695 +butterbur 43686 +quadruped 43681 +honourably 43669 +unexploited 43649 +chivalric 43647 +edirne 43644 +noncontiguous 43642 +trichloride 43638 +hypnotised 43637 +applejack 43637 +bolas 43633 +lurcher 43630 +diphthongs 43620 +coexisted 43618 +womankind 43614 +conformer 43613 +anhinga 43613 +bosquet 43602 +monikers 43597 +cruciferous 43596 +pyxis 43594 +halyards 43594 +marshallese 43591 +reinforcers 43586 +codependent 43584 +provisos 43581 +flowerbeds 43576 +penknife 43573 +peacoat 43572 +copyist 43563 +ieper 43546 +kaaba 43537 +cecal 43532 +slimes 43531 +shetlands 43531 +avionic 43520 +solemnized 43519 +palpitation 43518 +haughtily 43517 +diffusely 43516 +haciendas 43511 +grouts 43510 +counterfeited 43510 +conditionalities 43508 +sweetmeats 43506 +taenia 43505 +chrysoprase 43505 +tousled 43502 +unfastened 43499 +venire 43497 +quibbling 43497 +qom 43496 +serenaded 43495 +whup 43494 +kalinin 43493 +courser 43493 +talas 43491 +flaunted 43488 +perforate 43487 +imbues 43486 +bundesrat 43483 +bouffant 43483 +klansman 43482 +prolegomena 43481 +cremes 43481 +halberd 43478 +banaras 43469 +unwinnable 43468 +entombment 43458 +canopied 43455 +steampunk 43449 +dethrone 43445 +cornflake 43440 +astrophysicists 43438 +vouchsafe 43436 +magallanes 43433 +ejectors 43433 +deniability 43433 +misfires 43429 +hereabouts 43425 +blackguard 43425 +unitarianism 43423 +warplane 43421 +enol 43412 +concatenates 43412 +garrulous 43411 +pinchbeck 43407 +extols 43407 +woodcutter 43406 +roundhead 43402 +pyrrhic 43397 +consistencies 43396 +hungrier 43391 +outwear 43390 +erects 43390 +instars 43385 +latasha 43384 +brachiopods 43384 +aspirates 43381 +murre 43380 +motormouth 43380 +horrifically 43379 +rotifers 43377 +amontillado 43376 +cordwainer 43369 +snorkelers 43367 +redrafted 43362 +batholith 43358 +controverted 43356 +reattached 43355 +bellboy 43354 +executer 43353 +serviette 43347 +photogravure 43345 +sloppily 43342 +circumscription 43341 +vocalize 43339 +galatian 43338 +naphthyl 43337 +appointive 43335 +bencher 43334 +phenomenons 43332 +amiably 43322 +headbangers 43318 +sundog 43316 +watteau 43313 +pilchard 43306 +scamander 43304 +lulea 43304 +rhapsodies 43303 +blowhole 43303 +shoplift 43298 +zwickau 43297 +nappe 43295 +bolivians 43292 +iconoclasm 43289 +fulsome 43289 +transpiring 43287 +dnipropetrovsk 43287 +barbadian 43287 +whelming 43285 +fluorometer 43284 +tangshan 43282 +outsoles 43280 +hitcher 43276 +timoshenko 43275 +cycleway 43275 +retitle 43272 +gauzy 43269 +curies 43267 +bankrolled 43265 +ascendance 43265 +convergences 43264 +viewfinders 43259 +knowledgeably 43259 +paddlefish 43251 +footplate 43245 +longhand 43244 +casebooks 43243 +congenitally 43238 +untangled 43237 +barnstorming 43236 +amoebae 43226 +tuatara 43224 +spermicides 43223 +intercessors 43222 +permed 43221 +marcher 43213 +incorrectness 43213 +anticline 43210 +gramicidin 43209 +aneurysmal 43209 +steelmaker 43205 +ignitable 43205 +jackrabbits 43204 +avens 43203 +lvii 43195 +conceptualise 43195 +legerdemain 43191 +sleepwalk 43185 +zelma 43184 +squelched 43184 +insectivorous 43184 +moated 43183 +blitzes 43170 +owlet 43168 +amoebic 43166 +laziest 43164 +godforsaken 43162 +dilatory 43161 +allocators 43147 +sennacherib 43142 +czarist 43141 +ulyanovsk 43140 +coddle 43139 +debase 43136 +gossipy 43132 +borlaug 43129 +incommensurate 43126 +polyatomic 43124 +orogeny 43124 +psychotics 43115 +transfinite 43104 +chappie 43103 +bricked 43098 +bullfrogs 43096 +touchable 43091 +brickbats 43083 +pasto 43082 +marginalizing 43076 +maginot 43076 +distil 43074 +tabulator 43073 +alioth 43073 +saroyan 43071 +papen 43071 +shoguns 43063 +albite 43059 +ramified 43058 +calloused 43057 +quids 43051 +beaverbrook 43050 +millwrights 43049 +passel 43048 +synodical 43043 +hugest 43040 +splendours 43028 +canso 43027 +asir 43025 +evisceration 43022 +demoralize 43021 +marathoner 43020 +whirly 43018 +hamadan 43016 +unbutton 43015 +crybabies 43015 +andirons 43012 +jumbles 43009 +slapdash 43008 +clinking 43008 +polyamides 43007 +kindergarteners 43006 +doodads 43004 +apposition 42998 +placers 42992 +minesweepers 42991 +disputable 42987 +meringues 42985 +maddened 42985 +airdrop 42984 +vaster 42982 +unmaking 42980 +immobilizing 42979 +seethe 42974 +waterlilies 42973 +interbedded 42967 +tamerlane 42966 +slouched 42966 +corpuscular 42966 +reabsorbed 42964 +ablated 42963 +classiest 42961 +patrolmen 42947 +epiphytes 42943 +coccidioidomycosis 42940 +booklover 42937 +prajna 42936 +aguinaldo 42930 +sorrowing 42928 +destructing 42927 +gymnosperms 42916 +outsides 42911 +hohenzollern 42907 +sawfly 42904 +stenoses 42903 +specula 42903 +classier 42901 +sostenuto 42899 +caftan 42896 +custos 42895 +triangulate 42892 +guatemalans 42892 +mineworkers 42884 +grandiosity 42879 +nitriles 42877 +corrosives 42875 +herero 42874 +airbeds 42874 +besom 42868 +sculley 42867 +exultant 42860 +goalless 42850 +abutilon 42850 +csonka 42847 +derbies 42845 +sprawls 42843 +coddling 42843 +pilfering 42842 +metamorphose 42834 +cowbirds 42834 +idylls 42819 +trousseau 42817 +concocting 42816 +bogon 42812 +monkeying 42811 +legitimated 42808 +talos 42806 +frisson 42805 +friezes 42802 +taif 42788 +perfectionists 42785 +pintle 42783 +orchestrates 42780 +unixes 42775 +vasodilatation 42768 +unconquered 42761 +cosmologists 42761 +farces 42760 +actualities 42759 +puffers 42757 +reliabilities 42752 +balikpapan 42742 +uncleaned 42738 +disassociation 42737 +perjured 42736 +levitical 42733 +gooks 42729 +achondroplasia 42722 +shamanistic 42717 +skiffle 42710 +cowpoke 42709 +eloped 42704 +stigmatizing 42701 +samosas 42700 +corpuscles 42699 +thermochemistry 42697 +unawareness 42690 +autotrophic 42688 +yobbo 42684 +obscurely 42683 +dreamless 42683 +repairmen 42682 +synodal 42681 +pareve 42676 +hucksters 42669 +sommeliers 42663 +lamely 42662 +quantisation 42656 +curdled 42652 +devalues 42645 +westphalian 42643 +metastasized 42640 +lobbing 42639 +unresponsiveness 42633 +predigested 42625 +immunologist 42625 +creepiest 42621 +shirting 42619 +preregister 42618 +midcourse 42618 +rossiya 42617 +dramatisation 42610 +dermoid 42610 +centralise 42610 +tranquillisers 42607 +carom 42604 +thuggish 42601 +inoculating 42597 +imbibing 42595 +lucina 42588 +whf 42581 +criminalisation 42581 +drillings 42577 +malamutes 42573 +carny 42572 +transliterations 42569 +paydays 42569 +misbegotten 42568 +wonted 42560 +kuchen 42560 +pretesting 42559 +prepublication 42555 +gallants 42550 +variates 42547 +shies 42546 +scabbards 42542 +vacates 42541 +toadstools 42541 +galliard 42541 +lightweights 42540 +respectably 42538 +reworks 42537 +lauding 42535 +aping 42534 +passionflower 42530 +fixity 42528 +teleworker 42525 +endodontists 42523 +seconding 42520 +maceration 42520 +vauban 42516 +yelping 42515 +croesus 42511 +catalans 42510 +maharani 42509 +lydgate 42507 +obdurate 42505 +reoccur 42503 +interlining 42486 +manzanilla 42483 +polytheistic 42474 +glottis 42474 +cafetiere 42467 +childproofing 42464 +latchkey 42463 +elided 42463 +sorbs 42461 +sultanas 42453 +landside 42450 +mellows 42449 +orographic 42445 +bonaventura 42443 +amhara 42443 +ransack 42435 +peafowl 42430 +overstep 42430 +vacationed 42428 +coning 42426 +busboy 42425 +lemnos 42420 +belisarius 42420 +embalmers 42412 +precipitator 42405 +arroyos 42398 +nanobots 42388 +leafleting 42387 +sunnier 42384 +orthogonally 42381 +taler 42377 +sodomites 42376 +acetamide 42376 +baristas 42374 +skoal 42373 +ophthalmoscope 42371 +piously 42369 +quaintly 42368 +seismometer 42365 +inferentially 42365 +pomposity 42364 +victimize 42361 +permanents 42361 +dinged 42361 +tenuis 42360 +bogging 42359 +sakha 42353 +rationalistic 42353 +katydid 42351 +diencephalon 42342 +tintoretto 42338 +transposer 42331 +federative 42317 +mastership 42316 +shrinker 42313 +sharkskin 42310 +fudged 42308 +processable 42300 +terrorised 42298 +understandability 42297 +loverly 42297 +mayoralty 42296 +disinclination 42295 +shadowland 42294 +organismic 42294 +auricle 42293 +dehumanization 42291 +polychaete 42290 +abstains 42289 +capsizing 42280 +aloofness 42280 +dopes 42277 +hydrops 42275 +seismologists 42256 +deliverers 42254 +koans 42253 +hirers 42252 +thant 42251 +kidskin 42250 +quizzically 42247 +regressor 42243 +dodona 42243 +arminius 42237 +doorstops 42235 +alliterative 42234 +coralline 42228 +precipitin 42223 +charbroiled 42223 +unwraps 42221 +footless 42221 +anuradhapura 42220 +efflorescence 42217 +dilating 42217 +baptistery 42217 +nonmoving 42213 +mescal 42213 +parthia 42209 +felucca 42203 +scrapings 42201 +electrocardiograms 42199 +prorogation 42196 +premisses 42193 +hayfork 42189 +glibly 42186 +putrefaction 42184 +simitar 42170 +orphic 42168 +mimeograph 42165 +largish 42164 +aerating 42163 +advisee 42160 +unfortunates 42156 +stunners 42156 +pottage 42155 +stayers 42154 +cableway 42151 +tubercles 42147 +memoirist 42142 +remasters 42139 +costliness 42138 +alpinist 42138 +overstay 42137 +manservant 42131 +unluckily 42126 +plumped 42126 +overrunning 42126 +cellblock 42124 +concealable 42122 +apposed 42114 +hawthorns 42108 +downfalls 42108 +procreative 42104 +disinherited 42102 +resounds 42101 +damson 42101 +unpacks 42100 +mullite 42096 +aurangzeb 42093 +popularise 42089 +olajuwon 42086 +anciently 42086 +precollege 42085 +duffers 42083 +tzar 42081 +astounds 42081 +nonbelievers 42080 +mixology 42075 +begetting 42073 +sloughing 42068 +gurgled 42068 +anaerobes 42060 +roomier 42057 +northwestward 42057 +coexists 42057 +bumming 42053 +overstepping 42051 +quadratically 42035 +vectoring 42033 +hopefulness 42029 +dynamist 42019 +unschooled 42014 +wheezy 42010 +pannonia 42005 +betony 42005 +fishtails 42003 +amerindians 42000 +triable 41998 +vindictiveness 41992 +shankara 41990 +ozymandias 41990 +pya 41989 +indochinese 41987 +enunciate 41987 +londrina 41986 +lolling 41982 +diking 41979 +mimeographed 41976 +lacewings 41976 +extorting 41976 +alpo 41976 +adventured 41967 +ronal 41965 +absconding 41964 +holsteins 41954 +clattered 41950 +neutralised 41945 +postindustrial 41944 +depressor 41941 +unsteadily 41934 +sufferance 41934 +unsteadiness 41933 +dairyman 41933 +speleological 41930 +electroencephalographic 41928 +numbskull 41925 +apothecaries 41922 +mede 41918 +chauffer 41917 +raptures 41913 +barrenness 41912 +yellowthroat 41909 +placidly 41907 +rheostat 41906 +bawled 41906 +quickfire 41900 +jezreel 41899 +sidecars 41894 +protoplasm 41894 +hanyang 41891 +bluebottle 41879 +repacked 41875 +arlin 41874 +dyspeptic 41869 +brogues 41865 +memorised 41864 +saliency 41860 +diffident 41844 +sportier 41843 +hosteling 41838 +affianced 41836 +shags 41829 +egads 41819 +corkage 41818 +thistledown 41812 +henbane 41810 +deckhand 41810 +polygamist 41809 +lectors 41805 +genaro 41803 +naturalize 41798 +charismatics 41798 +malpractices 41796 +guileless 41796 +jackfruit 41792 +corruptly 41791 +altitudinal 41789 +freights 41787 +soke 41786 +opprobrium 41782 +gotama 41781 +aldose 41780 +jaggy 41772 +legalizes 41767 +homiletics 41760 +fended 41758 +skiffs 41753 +unpaginated 41749 +zoroastrians 41746 +salyut 41744 +cutwork 41741 +imputations 41730 +resorcinol 41729 +marchioness 41712 +jangly 41711 +capriciously 41707 +spermatic 41705 +bolls 41704 +newcomen 41703 +unutilized 41701 +hobbesian 41683 +ymir 41682 +superintend 41681 +petard 41680 +bantering 41679 +perspiring 41677 +deduces 41675 +cermet 41673 +rowboats 41670 +soteriology 41665 +nominators 41665 +maharajah 41663 +dissensions 41663 +fusee 41659 +colonise 41659 +baseness 41658 +railroaders 41656 +subglacial 41655 +rearranges 41654 +lumberman 41654 +baric 41654 +aerialist 41649 +capek 41648 +assertively 41648 +blotched 41647 +embarrasses 41643 +fruitcakes 41638 +classicists 41635 +undercoating 41633 +implores 41627 +carburetion 41624 +conk 41618 +schoolkids 41616 +cashbox 41606 +ineptness 41604 +interweaves 41602 +dwarfing 41601 +blandness 41601 +muralist 41594 +culms 41591 +tragus 41583 +fleecing 41583 +hillocks 41566 +jalousie 41556 +dispensational 41553 +tediously 41545 +crinoids 41544 +farmhand 41541 +corday 41540 +outrider 41536 +rhet 41535 +fretful 41530 +knifed 41523 +smriti 41520 +tildes 41516 +untreatable 41515 +calved 41515 +lexicographically 41511 +infinitesimally 41511 +electable 41510 +inquisitorial 41507 +douai 41502 +independency 41501 +palazzi 41500 +circumspection 41496 +stouts 41495 +havoline 41493 +deadbolts 41489 +moghul 41482 +mashers 41482 +kostroma 41482 +unsullied 41477 +minicabs 41477 +dynamometers 41475 +szilard 41474 +hoopoe 41472 +brushwork 41470 +vetoing 41468 +cornelian 41465 +coddled 41464 +pneumonectomy 41460 +bargello 41460 +ringtail 41459 +spirituous 41457 +fifer 41451 +interrogates 41448 +wafts 41443 +backrests 41436 +garrisoned 41434 +khanate 41433 +rheometer 41430 +italicize 41428 +unpaged 41427 +milkmaid 41427 +parachuted 41426 +supercilious 41424 +unblinking 41423 +zirconias 41422 +soldiery 41422 +philae 41421 +killick 41415 +vitrine 41408 +torero 41405 +pigpen 41399 +skirmishing 41398 +profaned 41398 +coned 41397 +pastoralist 41391 +pervs 41390 +rotas 41389 +wastepaper 41378 +wholegrain 41377 +sparseness 41372 +nebraskans 41371 +volute 41368 +mongolians 41365 +korma 41365 +ebullition 41365 +anticlimactic 41364 +avowedly 41361 +hohhot 41358 +cellists 41357 +qadhafi 41356 +colloquialisms 41356 +remoter 41353 +matriculate 41353 +gypsophila 41342 +hooping 41341 +moldable 41338 +eleanore 41334 +irreducibility 41328 +flapjack 41328 +quandaries 41323 +pippins 41309 +clamorous 41309 +cants 41309 +kaluga 41306 +atomizing 41305 +scullery 41303 +sivas 41300 +vaqueros 41297 +flaunts 41292 +blasphemed 41291 +spellers 41285 +nisei 41285 +polynuclear 41283 +fungo 41280 +disconsolate 41278 +accordionist 41270 +unhygienic 41264 +bedfellow 41264 +castrate 41263 +daphnis 41262 +convolvulus 41262 +prognoses 41261 +runts 41260 +medievalist 41258 +whitely 41252 +lubricator 41252 +antiquaries 41246 +limed 41243 +metastasize 41241 +shaban 41240 +jibber 41238 +mutism 41237 +microbus 41236 +tympani 41235 +quadrangular 41232 +armlets 41230 +luaus 41227 +wicketkeeper 41225 +profiteer 41223 +automatism 41219 +iraklion 41218 +kutaisi 41217 +enlivens 41215 +conkers 41214 +whimsically 41210 +spinsters 41206 +enshrines 41206 +redcoats 41205 +alembert 41205 +whimpers 41203 +sketchers 41203 +azole 41201 +deckle 41200 +blowfly 41196 +segregationist 41190 +ampules 41190 +jevons 41185 +habsburgs 41184 +outdoorsy 41182 +cupful 41178 +predicative 41175 +chartist 41169 +overdub 41167 +abductee 41167 +lugger 41160 +transfixing 41157 +botnets 41155 +mangles 41153 +zibo 41152 +lur 41144 +patricians 41143 +atoned 41138 +brightener 41137 +rochambeau 41129 +revalue 41129 +aeq 41129 +mesabi 41126 +fibbers 41126 +unpromising 41124 +angiology 41114 +caissons 41113 +surcharged 41112 +punctuating 41111 +telencephalon 41109 +spang 41109 +karens 41108 +doormen 41098 +cardiomegaly 41096 +featherbeds 41094 +suckled 41091 +pulpy 41088 +niggle 41088 +stepbrother 41085 +debus 41084 +petabyte 41075 +invigilator 41073 +lederhosen 41070 +intimidates 41070 +partaker 41069 +helminths 41066 +censures 41066 +bulbar 41064 +charnel 41060 +spooned 41050 +coffeepot 41044 +broody 41044 +knuckled 41043 +dialectal 41043 +introgression 41030 +unproved 41024 +digged 41024 +hurlers 41007 +herodias 41007 +anticlockwise 41005 +hypes 40997 +confessors 40997 +shrikes 40993 +arizonans 40990 +unfurling 40989 +lacerated 40987 +raymundo 40984 +promptings 40984 +maritain 40979 +trances 40976 +vouched 40974 +disaccharides 40968 +broadloom 40968 +obligingly 40959 +rienzi 40954 +mortgagees 40951 +ambiances 40947 +jael 40946 +barkeep 40946 +spinifex 40943 +leafhoppers 40940 +emasculation 40940 +outwitting 40933 +earplug 40931 +unexpressed 40929 +lunched 40922 +clackmannan 40919 +tonnages 40917 +porfirio 40915 +scourging 40912 +goofiness 40910 +circumnavigate 40910 +nietzschean 40908 +solipsistic 40907 +goethite 40906 +sunniest 40899 +zaibatsu 40898 +selvage 40896 +grazes 40893 +rubaiyat 40892 +reinsured 40887 +sidemen 40885 +bukavu 40883 +manfully 40881 +drainpipe 40878 +contrapuntal 40878 +netters 40872 +handovers 40870 +moppets 40868 +revolutionist 40867 +goldcrest 40866 +centenarians 40862 +instrumenting 40858 +ophidian 40853 +warthogs 40852 +belaying 40851 +tracery 40843 +billon 40841 +coltsfoot 40836 +materializing 40834 +electrodynamic 40833 +slackness 40831 +surmises 40828 +groper 40828 +pangolin 40825 +ascendent 40825 +nonflammable 40819 +tailrace 40816 +arborvitae 40813 +slabbed 40812 +crumpet 40805 +seemly 40804 +tarring 40799 +racketeers 40795 +axum 40791 +adsorbate 40788 +snaring 40786 +pointlessly 40782 +aggrandizing 40778 +izvestia 40777 +excipient 40777 +pancreatin 40776 +evenhanded 40760 +conceptualising 40758 +scullion 40747 +sauropod 40747 +naughtiness 40746 +fistfight 40744 +benue 40741 +replicability 40738 +timeworks 40737 +rosalinda 40737 +fastidiousness 40728 +militarist 40727 +anorectic 40726 +demoniac 40725 +zephyrus 40723 +psychologies 40722 +excerpta 40721 +trivialized 40720 +psychotherapies 40714 +penury 40713 +conjuror 40711 +irradiating 40709 +ganglionic 40709 +depilatory 40706 +wainscot 40701 +supernal 40699 +moonlights 40696 +curcuma 40694 +negroid 40692 +bopping 40692 +forgers 40689 +outsold 40687 +impelling 40684 +trouncing 40683 +womenfolk 40669 +comedown 40666 +unorganised 40656 +downshifting 40655 +elbrus 40651 +oboist 40649 +nonrandom 40642 +pergamum 40635 +cellule 40635 +sitwell 40630 +clothespins 40625 +stevedores 40624 +flits 40623 +breakaways 40618 +vacillating 40617 +chasity 40617 +roeg 40616 +allotting 40610 +paderewski 40609 +carburettors 40609 +maidenhair 40604 +corydalis 40604 +mycorrhiza 40600 +woodpile 40596 +jocular 40596 +galop 40586 +senhor 40581 +maidservant 40580 +buckyballs 40580 +jacobins 40573 +tightwad 40569 +wrongheaded 40565 +boadicea 40564 +ulcerations 40552 +indurated 40552 +infilling 40549 +stokers 40548 +fathomless 40547 +ontologically 40544 +comprehensibility 40542 +insularity 40540 +tiros 40539 +leeuwenhoek 40537 +magsaysay 40536 +filleting 40533 +chiding 40532 +nevadans 40530 +camouflaging 40530 +boggled 40528 +minibike 40527 +icepick 40520 +laterite 40518 +endearingly 40517 +sturdiness 40513 +savoured 40513 +calamine 40512 +funnest 40507 +caricatured 40498 +muckraking 40493 +monarda 40493 +hypotheticals 40490 +unfreeze 40487 +sheepfold 40486 +cedis 40486 +cautery 40485 +spiciness 40479 +marvelling 40479 +plentifully 40478 +patin 40474 +monetized 40473 +wakeful 40472 +centrism 40458 +systematize 40455 +bungles 40453 +sunbursts 40451 +toreros 40441 +physiography 40440 +signalization 40439 +shearwaters 40439 +mystically 40436 +antral 40434 +masefield 40432 +homelike 40430 +deoxyribose 40430 +externalization 40428 +dracaena 40423 +creaks 40420 +preservationist 40417 +ofelia 40417 +unclog 40414 +swooned 40414 +unsociable 40412 +electroplate 40409 +kolinsky 40394 +woodchucks 40393 +indiscernible 40390 +appreciatively 40382 +helmand 40377 +drear 40377 +bridleways 40374 +broadsheets 40372 +buffoonery 40370 +fungicidal 40366 +relaunches 40363 +dnepr 40362 +antiq 40358 +underachievers 40354 +sweatsuit 40352 +practicums 40344 +cathar 40343 +courgettes 40337 +climacteric 40335 +anthesis 40329 +taxied 40327 +rashness 40327 +exhales 40327 +fakers 40325 +tantalizingly 40324 +hayloft 40321 +wogs 40320 +luxuriate 40316 +duping 40312 +aragonese 40312 +mongrels 40306 +impels 40306 +typhon 40304 +dissembling 40301 +antianxiety 40301 +comprehensions 40299 +heckled 40296 +sweetens 40294 +consistence 40290 +fledge 40289 +daff 40288 +chloramines 40284 +intimating 40278 +dkl 40276 +metalworkers 40274 +defrosted 40265 +flayer 40262 +crappies 40262 +myrica 40255 +egging 40251 +tuvaluan 40248 +catchpole 40247 +missis 40244 +lestrade 40244 +veridical 40236 +kinfolk 40234 +igniters 40232 +totalisator 40227 +mesencephalon 40222 +choctaws 40221 +flunking 40218 +missioner 40217 +buttonwood 40217 +meteoroids 40209 +auriol 40205 +impoverish 40200 +megillah 40198 +picketers 40194 +defeasance 40192 +letterer 40189 +gladioli 40186 +eritreans 40186 +prowlers 40180 +drypoint 40178 +sulphates 40177 +crusting 40169 +agrimony 40168 +slunk 40167 +doubs 40167 +digitise 40166 +coadjutor 40156 +weltanschauung 40155 +zebulun 40150 +footfalls 40149 +yelps 40144 +virga 40140 +scalds 40140 +nightwalker 40140 +enumerative 40132 +bolometer 40131 +flexors 40130 +attestations 40130 +counterweights 40125 +symbolics 40123 +lombards 40122 +capias 40118 +corporals 40117 +overcook 40116 +telecommuter 40115 +unsuitability 40109 +nonpregnant 40107 +diagnostician 40107 +foliated 40102 +webers 40100 +jewess 40092 +endued 40091 +chophouse 40090 +feininger 40087 +nilgiri 40082 +marathoners 40080 +hargeisa 40080 +underwing 40079 +texted 40079 +chthonic 40074 +revenger 40071 +toeing 40070 +slub 40069 +recouping 40069 +factorisation 40069 +bacillary 40068 +unregenerate 40067 +destructed 40066 +sorrowfully 40062 +monumentally 40060 +iniquitous 40060 +tappers 40057 +standers 40054 +tramped 40051 +ecclesiastic 40051 +troys 40050 +agriculturist 40047 +stria 40045 +dimwit 40044 +theiler 40041 +hildegarde 40037 +waylaid 40032 +parlays 40032 +blustering 40032 +terrorise 40023 +intumescent 40021 +syringomyelia 40019 +granaries 40019 +stapes 40018 +climatologists 40018 +ascomycetes 40016 +occultists 40015 +cannae 40014 +khufu 40013 +easts 40013 +myxoma 40012 +metternich 40003 +araucaria 39998 +fratricide 39988 +agonizingly 39975 +dishonourable 39974 +unprovable 39971 +cryptographers 39968 +citrines 39967 +bespeaks 39962 +smilingly 39960 +avow 39955 +conns 39954 +aubergines 39953 +cowls 39950 +horseshit 39947 +capricorns 39944 +battier 39941 +butanone 39940 +reciprocals 39936 +nucleoli 39934 +playbills 39932 +tombaugh 39928 +curare 39927 +flatirons 39924 +negligibly 39922 +quahog 39920 +intrusiveness 39920 +assize 39919 +hungers 39918 +notochord 39914 +ducat 39914 +allying 39912 +jollies 39906 +speargun 39904 +romped 39903 +foraker 39900 +epigraphy 39900 +heuristically 39894 +harasses 39894 +openwork 39891 +japheth 39889 +anole 39883 +hundredfold 39881 +lopper 39880 +etzel 39875 +unsupportable 39872 +externalized 39869 +redraft 39868 +spillways 39860 +knickerbockers 39859 +annulation 39859 +gunfighters 39858 +joinville 39856 +capybara 39856 +ephemerids 39854 +mattock 39853 +induration 39848 +guarneri 39846 +sudsy 39819 +spankers 39815 +erythritol 39813 +stonecrop 39810 +deists 39809 +slowpoke 39807 +betook 39807 +pullets 39803 +hooted 39792 +goethals 39790 +shallowly 39789 +leoncavallo 39788 +towboat 39781 +ventrally 39778 +loaches 39766 +thrombi 39765 +convulsing 39763 +quelling 39762 +instanced 39762 +waggle 39755 +mississippians 39754 +corpulent 39747 +jayawardene 39743 +abolitionism 39742 +myalgic 39741 +lxii 39740 +carloads 39739 +contrarily 39736 +dabbler 39735 +jacobites 39730 +tombola 39726 +elute 39723 +overslept 39722 +veldt 39718 +inkwells 39718 +miasmatic 39710 +tinct 39709 +banditry 39708 +moisturized 39704 +prynne 39701 +shucked 39698 +barbwire 39698 +munged 39697 +mystification 39689 +ancilla 39678 +kike 39677 +scuds 39676 +repellency 39675 +scoots 39673 +navels 39672 +recoiling 39671 +dinettes 39670 +experientially 39669 +homecomings 39666 +cashiered 39666 +bombardments 39666 +battlers 39665 +pshaw 39660 +crispi 39659 +speedboats 39656 +benedictines 39655 +disintermediation 39649 +nalchik 39647 +homogenizer 39639 +everyway 39639 +metapsychology 39632 +initialled 39632 +goyim 39630 +militantly 39622 +collarless 39619 +penderecki 39614 +esparto 39614 +traipsing 39612 +chinstrap 39612 +ashrams 39609 +capitoline 39607 +apoplectic 39605 +waterscape 39604 +hammerfest 39603 +guesstimate 39603 +fechner 39602 +boutonnieres 39600 +misters 39599 +consumptions 39598 +lipases 39593 +jalapa 39591 +redpoll 39588 +palaeontological 39581 +aperitifs 39579 +basest 39576 +bullfights 39573 +ephod 39569 +restyle 39568 +fitly 39568 +skywards 39567 +impalas 39566 +loosest 39565 +gradualism 39562 +incivility 39553 +driveshafts 39551 +flirtations 39549 +stultifying 39547 +anthelmintic 39542 +troche 39531 +viscerally 39526 +freida 39523 +regularize 39522 +erasures 39521 +astronomic 39520 +nonphysical 39515 +unctuous 39511 +ecotone 39507 +funkiest 39503 +regurgitating 39500 +enlivening 39496 +briony 39495 +calcaneus 39486 +boogies 39483 +encroaches 39476 +encyclicals 39475 +overexertion 39474 +vaporetto 39471 +meerkats 39461 +impinged 39461 +mercian 39458 +linacre 39458 +animato 39457 +mouthwashes 39456 +insignificantly 39456 +beaumarchais 39453 +infidelities 39452 +plaints 39445 +hummock 39444 +libration 39442 +manhattans 39441 +backswing 39438 +kempis 39437 +pmed 39434 +steriliser 39423 +ophiuchus 39420 +hews 39419 +finisterre 39418 +fetcher 39418 +oestrogens 39413 +oversteer 39412 +vesalius 39408 +startles 39396 +koine 39394 +dramatizes 39392 +meknes 39390 +unamended 39387 +descaling 39386 +colonnades 39386 +standee 39385 +jellicoe 39384 +theatricals 39382 +ampule 39382 +dozy 39368 +bootlegged 39364 +dragger 39362 +savouring 39361 +miscast 39361 +palembang 39360 +fandoms 39358 +recombining 39353 +raisings 39353 +enchants 39348 +amandine 39348 +deader 39343 +dustpan 39341 +expediter 39340 +devaluations 39337 +improviser 39334 +groundsman 39334 +jayapura 39332 +nonjudgmental 39329 +intimacies 39321 +krugersdorp 39319 +underglaze 39315 +redroot 39308 +remonstrated 39305 +quoter 39305 +braying 39304 +lassitude 39294 +bluet 39292 +unbinding 39279 +trichinosis 39279 +yachtsmen 39274 +reacquainted 39273 +pressers 39272 +pictograph 39271 +clothbound 39269 +relevantly 39267 +foxhunting 39267 +leibnitz 39261 +cayes 39260 +unescorted 39259 +thunderclap 39256 +plinths 39256 +americanisms 39254 +permissiveness 39253 +ambitiously 39251 +moonless 39250 +phonies 39247 +changeless 39240 +sagely 39238 +hurtled 39236 +unfavourably 39229 +edythe 39228 +wordsmiths 39222 +immortelle 39219 +valorous 39218 +payslip 39210 +reneging 39209 +bobbles 39207 +valving 39206 +endurable 39204 +reorienting 39203 +overages 39203 +lability 39201 +overlies 39196 +guillemots 39195 +spinet 39194 +lawbreakers 39190 +bowell 39183 +heddle 39182 +abortifacient 39182 +impersonated 39178 +clouet 39178 +afrikaners 39173 +prolix 39172 +eugenol 39172 +conjuncts 39169 +cotangent 39165 +curium 39163 +trespassed 39151 +tonkinese 39151 +boldfaced 39151 +liaises 39150 +individualizing 39150 +alvah 39149 +shews 39148 +petered 39144 +pantheist 39143 +sidelong 39142 +proximally 39139 +jingoism 39133 +demeaned 39128 +proaction 39126 +rollings 39125 +akkad 39124 +hornless 39122 +debugs 39118 +aveyron 39106 +urbanised 39104 +tola 39102 +propellor 39102 +chilidog 39100 +scheldt 39095 +scatterer 39095 +bermejo 39095 +deforms 39090 +rearmament 39087 +idiosyncrasy 39087 +xylophones 39084 +nebraskan 39082 +mealybug 39080 +joyrides 39080 +gamow 39078 +clucking 39075 +bagpiper 39072 +baedeker 39070 +coagulated 39064 +noninfectious 39059 +levator 39058 +gigot 39052 +deposing 39043 +codger 39043 +spital 39041 +rearrested 39041 +donjon 39035 +messieurs 39033 +gigue 39029 +halite 39026 +acclivity 39015 +misallocation 39014 +bisector 39014 +ferlinghetti 39011 +quartos 39008 +housel 39007 +carambola 39003 +traversable 38996 +pisser 38993 +workingmen 38987 +sterilising 38984 +unreduced 38983 +boneset 38979 +floggers 38978 +pouts 38976 +rollerskating 38975 +hogans 38974 +clothespin 38974 +frescobaldi 38967 +rioted 38966 +citrates 38965 +praetorius 38956 +liefer 38953 +shantytown 38946 +scrutinizes 38943 +paleness 38942 +groveling 38938 +pythias 38920 +naturalizing 38918 +gambol 38916 +tace 38915 +bigmouth 38914 +alack 38913 +wagnerian 38911 +psoas 38903 +sociopaths 38902 +trivialities 38899 +miaow 38898 +fenny 38897 +discourteous 38896 +collations 38893 +dimness 38892 +risible 38891 +antisubmarine 38887 +mainlines 38882 +dripper 38880 +accentuation 38879 +semimonthly 38872 +escheat 38871 +oxidizes 38870 +khans 38869 +inauthentic 38863 +nitroglycerine 38862 +misbehaved 38862 +goosefoot 38859 +besetting 38857 +daunt 38855 +gillie 38853 +carryovers 38851 +uncompromisingly 38848 +eskilstuna 38848 +noncombatants 38847 +temuco 38846 +freesias 38846 +zeppelins 38843 +parodying 38835 +skyros 38834 +poky 38830 +glassblower 38828 +tarim 38821 +preplanned 38821 +indisposed 38821 +extravaganzas 38820 +strategical 38808 +pedicel 38804 +thermopylae 38800 +potholder 38800 +landholdings 38798 +ixion 38796 +scramblers 38793 +tagliatelle 38790 +obovate 38790 +maniacally 38783 +blackheart 38783 +muskrats 38782 +gambrel 38778 +unguents 38775 +musset 38775 +amidships 38772 +policewomen 38771 +worrier 38770 +prejudicing 38770 +draftees 38769 +amputate 38766 +paradises 38755 +igloos 38755 +loq 38751 +deforested 38751 +pterosaurs 38747 +percepts 38746 +dustless 38746 +moneybags 38742 +charlottes 38739 +vervet 38738 +suburbanization 38737 +cinchona 38735 +champollion 38734 +varmints 38731 +serin 38729 +ballyhooed 38727 +ninny 38726 +muffling 38726 +foliations 38726 +pollutions 38725 +pleating 38722 +stupidities 38717 +orizaba 38709 +fastballs 38709 +capet 38709 +skol 38706 +typesetters 38705 +cackled 38705 +solstices 38704 +enthuses 38704 +epidermoid 38702 +somersaults 38701 +shortlisting 38696 +cimon 38695 +gater 38694 +matchplay 38692 +beeves 38691 +lucks 38688 +hypertensives 38687 +vandalizing 38686 +mounter 38685 +storerooms 38683 +cony 38683 +lymphadenitis 38677 +toper 38676 +smegma 38673 +rerelease 38665 +preternatural 38659 +indicting 38657 +mancunian 38652 +conduce 38652 +gliadin 38650 +centimes 38649 +cantors 38649 +horseless 38648 +fortifies 38645 +loping 38639 +trussing 38638 +immigrations 38636 +anatase 38636 +standbys 38633 +repudiates 38630 +xeroxed 38628 +adjourning 38624 +reclines 38622 +darner 38622 +miliary 38619 +earldom 38614 +indubitable 38613 +unprintable 38609 +assimilative 38600 +collator 38598 +sloshed 38595 +countertenor 38587 +caulks 38587 +handsomest 38584 +decorous 38583 +abadan 38580 +brahmans 38578 +oversubscription 38576 +chagrined 38574 +etalon 38567 +durably 38564 +starves 38562 +rightwards 38559 +edgings 38559 +bludgeoning 38558 +imbecility 38557 +dogsled 38557 +lubavitcher 38556 +washingtonians 38554 +vishakhapatnam 38549 +monopolists 38543 +gnomish 38542 +ectoplasm 38542 +geodes 38540 +buffeting 38539 +skinks 38537 +exorcisms 38530 +saros 38529 +doorkeeper 38522 +ineffectively 38520 +cephalonia 38514 +reconvenes 38513 +lents 38512 +sycophantic 38509 +methylamine 38506 +transitively 38502 +photorealism 38502 +linage 38501 +gingers 38497 +bounteous 38495 +underspend 38493 +kaons 38492 +deconstructs 38490 +obliterates 38488 +lulling 38485 +handsaw 38482 +drambuie 38473 +alpines 38466 +bluetongue 38465 +joesph 38453 +oleoresin 38449 +humpbacks 38447 +ideographs 38432 +ivanovo 38431 +urbanist 38429 +farmsteads 38429 +steeled 38423 +patronised 38421 +abysmally 38416 +embroiderer 38414 +whisperings 38410 +iodides 38410 +treeing 38409 +interlanguage 38406 +eyecup 38406 +panicles 38405 +humbleness 38403 +backset 38403 +liverworts 38402 +detests 38398 +oxime 38389 +legionaries 38388 +haughtiness 38387 +topcoats 38382 +intercut 38382 +aliveness 38382 +willowy 38381 +uncured 38379 +annuli 38376 +brandies 38374 +terbium 38373 +harbormaster 38373 +omentum 38366 +asmodeus 38361 +defiling 38359 +disaccharide 38356 +hydrolysed 38355 +proneness 38354 +frenchwoman 38352 +dislodging 38352 +clifftop 38350 +catalonian 38350 +belgorod 38348 +betide 38345 +rotogravure 38344 +sicilians 38339 +speleology 38335 +budged 38335 +emolument 38329 +billies 38328 +squealer 38325 +medleys 38325 +melva 38319 +oversimplify 38318 +dehydrogenation 38317 +mujahidin 38314 +unseated 38312 +terming 38307 +matzoh 38300 +lavers 38300 +germiston 38298 +rivalled 38295 +railhead 38294 +prithee 38294 +expedients 38287 +mazurkas 38285 +beautified 38285 +joeys 38283 +beeped 38281 +multiuse 38279 +serologically 38276 +encirclement 38274 +deflates 38274 +laager 38273 +hypocotyl 38271 +affiliating 38271 +precipices 38269 +biotypes 38268 +snooks 38267 +bicuspid 38267 +pentangle 38262 +monomorphic 38257 +topographically 38244 +savonarola 38233 +percheron 38233 +diffidence 38233 +barycentric 38230 +tablespoonful 38229 +swindles 38228 +bestowal 38227 +titbits 38224 +overreacted 38211 +mendacious 38209 +tingled 38194 +snipping 38186 +alagoas 38182 +demoralised 38179 +handcuffing 38177 +stinkers 38175 +pipped 38175 +flaxman 38173 +laundrette 38171 +demoed 38168 +figments 38166 +arabist 38163 +stereoscope 38162 +snowblowers 38162 +foreperson 38154 +topazes 38149 +hasidism 38145 +sifts 38137 +adhesiveness 38132 +nephrite 38130 +longinus 38130 +emotionalism 38129 +unrelieved 38125 +franklins 38124 +ostracised 38123 +flummoxed 38122 +unwinds 38121 +unimagined 38116 +maras 38116 +subliminally 38115 +scilla 38114 +ariosto 38112 +swindling 38109 +falsifies 38107 +saragossa 38104 +neoclassic 38101 +gladiatorial 38094 +inoculant 38088 +authenticators 38088 +residentially 38087 +confraternity 38087 +switchblades 38085 +flattest 38083 +cultivable 38083 +balbo 38083 +whorled 38082 +filibustered 38077 +embraceable 38076 +quiets 38073 +dependably 38072 +archipelagos 38070 +lucullus 38069 +aerobically 38069 +parthians 38064 +crystallizing 38063 +anthocyanin 38059 +anthelmintics 38059 +inadvertence 38058 +guilloche 38058 +entrenching 38055 +rasters 38049 +croplands 38040 +cantaloupes 38040 +parer 38034 +believably 38034 +weatherproofing 38032 +purees 38030 +homebody 38025 +bandaranaike 38022 +treys 38021 +stereoisomerism 38019 +tailpipes 38018 +terrifyingly 38015 +molarity 38014 +bacchanal 38014 +varistor 38013 +mellifluous 38010 +slovenes 38009 +perplexities 38005 +ablutions 38005 +pretentiousness 38004 +guzzle 38003 +diagrammed 38003 +recessionary 38000 +viols 37992 +stabled 37984 +parallelize 37984 +immortalize 37984 +erbil 37982 +devastates 37978 +sexologist 37975 +unkindly 37971 +fuzzball 37971 +outpourings 37966 +externalize 37962 +croatians 37959 +epidurals 37956 +gunplay 37952 +snitches 37949 +quadrupling 37948 +zeugma 37947 +phosphocreatine 37943 +isotopically 37942 +relight 37940 +proclus 37939 +jitney 37937 +stratagems 37932 +bellinzona 37930 +blurts 37927 +carousing 37925 +envies 37920 +hypercubes 37917 +hesperian 37916 +condescended 37914 +jiggly 37912 +verrazano 37911 +noncommittal 37909 +autarky 37905 +mascaras 37903 +inseminated 37898 +michigander 37897 +cuboid 37897 +baotou 37897 +shortlists 37892 +freighted 37889 +pinnate 37883 +glissando 37881 +stomachache 37876 +liniment 37875 +constrictions 37873 +replenisher 37870 +devourer 37870 +kublai 37866 +skyjacker 37865 +understating 37864 +sphygmomanometers 37861 +cottony 37859 +golfs 37851 +caelum 37850 +chapati 37849 +nonmagnetic 37847 +naugahyde 37840 +copyeditor 37838 +nonresponsive 37835 +eleusis 37833 +whooshing 37832 +styluses 37829 +digitalized 37829 +flounce 37828 +detoxing 37828 +strake 37825 +thutmose 37823 +pentiums 37822 +retch 37821 +towage 37819 +hobbles 37814 +elanor 37814 +candidacies 37813 +slackening 37812 +mockingbirds 37812 +amnion 37811 +limekiln 37809 +sharecropper 37807 +saudade 37805 +pardner 37804 +wondrously 37802 +zappy 37801 +savable 37798 +shimmered 37791 +dustproof 37787 +anarchistic 37787 +kalmia 37781 +corsetry 37780 +pinniped 37775 +dissidence 37774 +overrules 37771 +unquestioningly 37768 +aestheticians 37768 +decanted 37763 +handfasting 37760 +anteroom 37760 +reemergence 37749 +doorframe 37749 +agriculturists 37747 +chancroid 37741 +readjusts 37740 +floatable 37740 +flagger 37740 +cypripedium 37739 +uneaten 37738 +weepies 37736 +unready 37735 +eyesores 37734 +truants 37731 +bsds 37726 +weightlifter 37717 +careen 37712 +microdot 37709 +currying 37707 +gamesmanship 37701 +ossified 37699 +shopfitters 37697 +rebid 37691 +babushka 37690 +chirk 37688 +interlopers 37687 +blueprinting 37686 +watermen 37683 +reapplying 37681 +markkaa 37673 +leapfrogging 37673 +nestler 37672 +barnstorm 37671 +synthesisers 37660 +galangal 37658 +sluggishly 37655 +megara 37652 +mayenne 37652 +beardless 37650 +methoxychlor 37649 +abyssinians 37648 +midrib 37642 +foggiest 37642 +katydids 37640 +mensuration 37639 +cheerless 37639 +reoriented 37638 +scriber 37633 +ethmoid 37633 +urbanizing 37630 +lycanthropy 37628 +conflating 37621 +incus 37616 +dingoes 37612 +juliann 37608 +steeling 37607 +pastis 37605 +untrimmed 37604 +esterhazy 37604 +nativism 37603 +houstonian 37592 +dnieper 37590 +dredger 37579 +preciousness 37578 +moistening 37577 +predawn 37571 +excitingly 37570 +snowdrift 37569 +unprejudiced 37568 +cinches 37568 +vermonter 37567 +explications 37565 +beachcombing 37565 +arianism 37563 +reproducibly 37560 +ashikaga 37557 +otolaryngologist 37554 +cappuccinos 37553 +appraisement 37552 +tenniel 37551 +ergosterol 37551 +dissimulation 37551 +donga 37549 +biennials 37548 +glom 37546 +munches 37541 +ignorable 37540 +ladybirds 37537 +stumper 37530 +pined 37529 +scatting 37527 +pictorially 37527 +nonpaying 37522 +fondles 37522 +inculcating 37513 +toolmaking 37512 +anodize 37511 +spruces 37509 +mesmerised 37507 +filch 37497 +kabbala 37494 +gunflint 37494 +uralic 37493 +meistersinger 37493 +weeder 37488 +monazite 37488 +kohinoor 37488 +emotionality 37488 +sarre 37483 +cambogia 37481 +adamic 37479 +cinderellas 37478 +plaits 37476 +eightieth 37475 +bushcraft 37475 +purpure 37471 +gettable 37461 +anthropocentric 37459 +anodising 37453 +totemic 37449 +messiness 37449 +ghosted 37447 +bascule 37447 +woodcarvings 37446 +nonslip 37443 +anoraks 37441 +rucks 37438 +kinetically 37438 +stonewashed 37437 +underachieved 37436 +godawful 37436 +shingled 37435 +philby 37432 +leks 37425 +agrippina 37425 +corkboard 37422 +theatricality 37421 +kaunda 37421 +scouters 37419 +upmost 37417 +seleucid 37417 +blasphemer 37417 +longspur 37411 +scraggly 37407 +roil 37402 +cheekbone 37400 +bridewell 37399 +dazzlers 37396 +margay 37395 +hamsun 37395 +lumbago 37394 +chiropodist 37388 +litanies 37379 +aloneness 37376 +levantine 37370 +kilohertz 37355 +botanically 37353 +bashaw 37353 +budded 37351 +arrhythmic 37349 +plaintively 37344 +mouthparts 37344 +phalanges 37338 +threateningly 37331 +profligacy 37329 +propene 37316 +precooked 37313 +colluded 37313 +ascus 37312 +spiritism 37310 +sarangi 37307 +mows 37303 +tailless 37301 +meshach 37296 +cagliostro 37292 +demeans 37290 +newspaperman 37289 +prioress 37288 +pulsate 37283 +drayage 37281 +imprinter 37276 +goslings 37276 +revivalism 37274 +runoffs 37273 +splotches 37272 +phasis 37272 +hirudin 37271 +refreshers 37270 +perverting 37270 +carbolic 37269 +coloradans 37268 +hungered 37267 +gashes 37267 +armadas 37266 +diagnosable 37255 +biorhythmic 37255 +lyssa 37254 +oohs 37253 +paulownia 37252 +cantorial 37251 +watchtowers 37250 +yarmulke 37247 +swansong 37242 +diapause 37242 +misprinted 37240 +shored 37232 +pharmacognosy 37223 +muskellunge 37222 +redrafting 37220 +igraine 37216 +outsize 37212 +bluntness 37204 +ulcerated 37202 +escrows 37200 +gesticulating 37195 +tailstock 37194 +purls 37194 +repopulate 37193 +heterosis 37189 +zarzuela 37187 +cinquain 37187 +potshots 37184 +aromatherapists 37184 +sokoto 37177 +athwart 37177 +fluffed 37172 +literalism 37168 +declawing 37166 +navicular 37164 +gumdrop 37162 +selectric 37161 +windbreakers 37160 +piura 37160 +godhood 37160 +shambling 37159 +tunny 37154 +themistocles 37152 +preassembled 37152 +nonet 37151 +whitethorn 37148 +microtome 37148 +tenderest 37147 +vocalizing 37143 +bellbird 37141 +ordains 37139 +brancusi 37131 +choirboys 37130 +transited 37128 +skewering 37127 +gigawatt 37127 +columbarium 37126 +peppering 37122 +twinset 37120 +graziers 37120 +kharif 37119 +jimsonweed 37119 +dweebs 37116 +arafura 37112 +nannette 37109 +meritless 37109 +acquaints 37105 +blameworthy 37093 +targe 37088 +manisa 37088 +keycard 37087 +cornrows 37087 +propound 37085 +sporades 37084 +stye 37083 +cratered 37083 +arbovirus 37083 +carline 37080 +immoderate 37079 +objectify 37076 +acuteness 37075 +reassessments 37074 +fitments 37074 +hewed 37071 +pinnipeds 37070 +caricaturists 37070 +complainer 37063 +peopling 37062 +kindnesses 37062 +flunky 37058 +unaccountably 37055 +rhomboid 37047 +szymanowski 37046 +neutralising 37043 +fleetingly 37043 +plainest 37036 +redressal 37032 +stipes 37029 +branders 37028 +friulian 37025 +alcyone 37025 +gibber 37023 +fatback 37020 +snubbing 37018 +sech 37016 +articled 37016 +garbs 37010 +exobiology 37008 +cockers 37007 +subtlest 36996 +concetta 36993 +jurisprudential 36990 +partaken 36989 +sanely 36988 +gruffly 36988 +southlands 36987 +tinkerer 36986 +molas 36986 +soppy 36978 +eyer 36978 +gaffs 36976 +vlissingen 36975 +guidepost 36974 +galba 36973 +nankin 36966 +capacitated 36966 +cameroons 36963 +permissibility 36962 +snowfields 36960 +reshuffled 36957 +welkin 36948 +soothers 36945 +ionised 36943 +berceuse 36942 +sheikhs 36937 +malraux 36937 +matrilineal 36935 +orthodoxies 36929 +photostat 36928 +untraditional 36926 +kilted 36923 +daringly 36923 +grapefruits 36920 +daugavpils 36919 +fireguard 36918 +antiprotons 36911 +breviary 36910 +pedestrianised 36906 +lineaments 36902 +endgames 36901 +unburied 36896 +nucleoprotein 36896 +centralism 36892 +entertainingly 36889 +insatiate 36886 +intolerably 36885 +eulas 36885 +discomfiture 36884 +rhapsodic 36883 +articulator 36880 +wingdings 36876 +threepence 36875 +meowing 36872 +peregrines 36871 +mismatching 36868 +muskox 36867 +ovenproof 36864 +tilter 36860 +benzidine 36859 +haslet 36849 +bootes 36849 +effacement 36848 +curacy 36847 +umps 36845 +pethidine 36845 +reversions 36843 +unmercifully 36841 +milord 36841 +madwoman 36841 +velours 36834 +deodorization 36830 +chickened 36830 +titillation 36829 +sizzlers 36823 +conflictual 36821 +reintegrated 36820 +lxvi 36818 +forelegs 36815 +chanticleers 36811 +epitomises 36802 +hardtops 36801 +midship 36794 +watchbands 36793 +terpsichore 36791 +congers 36786 +seamstresses 36785 +sonograms 36782 +exorcised 36781 +vascularity 36773 +pyrites 36773 +rabbinate 36771 +mycelia 36767 +stammers 36763 +pustular 36760 +outselling 36759 +workhorses 36750 +rukeyser 36748 +boffo 36747 +overvaluation 36746 +chary 36745 +pigeonholed 36740 +stoically 36723 +mileages 36722 +latecomer 36719 +reunified 36716 +sousaphone 36715 +lardy 36712 +kisangani 36708 +disobeys 36699 +socialised 36697 +primroses 36697 +readjusting 36696 +pung 36695 +mizzen 36693 +tajiks 36685 +proles 36684 +manumission 36684 +vireos 36683 +mortifying 36683 +zappers 36679 +vindicates 36678 +subkingdom 36676 +gondoliers 36673 +vanishingly 36668 +patrimonial 36667 +blunting 36667 +unresolvable 36666 +polybius 36666 +masticatory 36666 +bleats 36666 +wigglers 36664 +yare 36656 +harpists 36656 +peppermints 36655 +furrier 36652 +divulges 36649 +fanfares 36642 +smoothening 36633 +swallower 36629 +orbiters 36621 +multigrain 36616 +shote 36612 +crisscrossing 36610 +fluting 36607 +swage 36605 +garbed 36601 +denting 36599 +abruption 36599 +kneecaps 36597 +peridotite 36589 +iblis 36588 +presbyterianism 36585 +vitric 36584 +memnon 36581 +debaser 36581 +cyclopes 36580 +copulate 36579 +basilan 36576 +insinuates 36574 +desperadoes 36572 +mitis 36570 +funafuti 36568 +czarina 36568 +maestoso 36561 +flairs 36560 +fascicles 36560 +rededicate 36556 +protectiveness 36553 +feminisation 36548 +libras 36544 +huddles 36544 +pullet 36543 +abates 36543 +dousing 36539 +benzophenone 36535 +civilize 36528 +snidely 36526 +phial 36526 +zebu 36524 +describable 36522 +contrariwise 36518 +arrant 36517 +charring 36512 +appealingly 36510 +mulligans 36508 +breadbasket 36503 +corrugation 36499 +separatrix 36497 +hothead 36495 +redecoration 36493 +meriting 36493 +slobs 36492 +wettable 36489 +piecework 36481 +declamation 36481 +antillean 36481 +markova 36480 +miscarry 36479 +tangelo 36478 +ginsu 36478 +sweatbands 36476 +xuzhou 36474 +eventuate 36474 +swamper 36470 +flashguns 36470 +karyotypes 36464 +pouf 36462 +excretions 36462 +orrery 36461 +complacently 36460 +harking 36459 +kalmyk 36456 +cordilleran 36455 +flatworms 36454 +anatomists 36452 +eyeballing 36450 +rockery 36444 +epidote 36444 +councilperson 36444 +praseodymium 36443 +hakluyt 36429 +likelier 36425 +untalented 36419 +hornier 36418 +excoriated 36418 +inflames 36415 +khazar 36414 +pitons 36410 +busload 36410 +parametrically 36408 +unmerited 36405 +insubordinate 36397 +whippoorwill 36396 +thallus 36389 +overripe 36389 +hollerith 36388 +chorister 36385 +induc 36383 +lepidopteran 36382 +jardiniere 36382 +wined 36379 +piccolos 36379 +assuaged 36379 +immunosuppressant 36378 +nonproductive 36372 +dukedom 36372 +dowitcher 36372 +passerine 36371 +ironworker 36363 +directionless 36363 +efface 36361 +hyperventilating 36360 +chimborazo 36357 +oberammergau 36354 +beerbohm 36349 +cruets 36346 +kerensky 36341 +hatted 36341 +bufflehead 36338 +dazzlingly 36337 +mendeleev 36335 +funnyman 36334 +habanera 36333 +horticulturists 36330 +minamoto 36329 +tenser 36318 +deportable 36317 +bleakness 36313 +twinkles 36310 +flails 36310 +differentiations 36309 +lyres 36304 +dulls 36301 +shintoism 36299 +whalebone 36298 +paleogene 36295 +aluminate 36279 +herpetologists 36277 +minutest 36273 +retrospection 36271 +ungovernable 36270 +fixatives 36268 +harpoons 36267 +batwing 36267 +avernus 36259 +recrystallized 36252 +cauterizing 36251 +tilers 36249 +wittily 36239 +hydrometers 36237 +soaping 36229 +calibrates 36228 +hellcats 36224 +foolery 36223 +exulting 36221 +shrewder 36220 +psychotropics 36211 +miff 36210 +professoriate 36204 +corries 36201 +deepness 36197 +culiacan 36192 +habitant 36184 +craned 36182 +copt 36182 +bocci 36179 +bedsores 36178 +spittoon 36176 +vanquishing 36173 +downswing 36169 +seitan 36164 +incompetents 36164 +saddling 36163 +nernst 36162 +videophones 36157 +limulus 36154 +impromptus 36152 +pachuca 36151 +meows 36149 +ennobled 36145 +episcopacy 36142 +tanagers 36141 +wisla 36137 +phylloxera 36135 +occiput 36135 +flesher 36134 +apically 36134 +reverser 36131 +shinier 36130 +madrasas 36129 +annotators 36129 +ocker 36128 +apuleius 36126 +goldfinches 36123 +commissars 36122 +accompanists 36121 +thunderer 36118 +andantino 36116 +recognizers 36114 +seigniorage 36112 +eiders 36110 +wantonness 36108 +caramelised 36108 +bowwow 36108 +magnetos 36106 +madrasah 36102 +grot 36102 +mergansers 36100 +mellower 36096 +akhmatova 36093 +firefights 36091 +leaches 36089 +scenting 36086 +earmuff 36085 +druidism 36085 +teasel 36074 +photocurrent 36074 +layups 36074 +calabrian 36074 +pontes 36069 +nurmi 36067 +adobes 36066 +flinty 36064 +comanches 36061 +clockmakers 36059 +porkers 36058 +reorganising 36056 +fascicule 36055 +narcoleptic 36051 +wombles 36049 +superbugs 36049 +seismologist 36049 +flatus 36044 +chiggers 36040 +snouts 36034 +proximation 36034 +delphinus 36034 +unbowed 36033 +presaged 36033 +yellowhammer 36028 +ovulated 36027 +ceremoniously 36024 +nutation 36023 +danu 36022 +dominie 36019 +ballasted 36017 +meristems 36015 +noncooperative 36007 +blouson 36007 +tensive 36003 +memling 36003 +hollowness 36003 +shirted 35996 +unvoiced 35995 +decouples 35994 +enticements 35993 +exciters 35991 +urey 35988 +hyperextension 35977 +serai 35974 +sypher 35972 +waffler 35964 +haematoma 35964 +sonority 35963 +reintroduces 35957 +contextualizing 35957 +acing 35956 +recension 35954 +teledu 35942 +snifter 35942 +fluidised 35942 +solaria 35939 +expendables 35938 +poled 35937 +scaremongering 35932 +vizard 35931 +beautifier 35930 +nonusers 35929 +fancying 35929 +ruffs 35928 +woodcarver 35927 +piggybacked 35927 +cowpeas 35927 +protuberance 35925 +underpasses 35923 +unstinting 35922 +papering 35922 +fricatives 35922 +louts 35918 +biopsied 35917 +maeterlinck 35910 +fris 35910 +dicots 35907 +beguine 35906 +shallowest 35905 +internationalists 35902 +clunker 35900 +japaneses 35899 +quatrains 35898 +didgeridoos 35894 +pilloried 35890 +bellwethers 35890 +abrading 35888 +colossi 35884 +grapplers 35881 +demark 35879 +panettone 35876 +astigmatic 35872 +hapten 35867 +nephrosis 35861 +tersely 35859 +disarms 35858 +odysseys 35856 +barbirolli 35852 +unexceptional 35851 +workmate 35850 +draconic 35848 +brownstones 35847 +deploring 35844 +disarmingly 35837 +babblers 35830 +fascistic 35827 +innuendos 35825 +containerised 35823 +uninsurable 35821 +reclassifying 35819 +folksinger 35816 +sallies 35815 +natality 35815 +jephthah 35815 +maturely 35813 +glenoid 35810 +zyuganov 35808 +teraflops 35808 +continentals 35803 +coloratura 35803 +scooting 35801 +chardonnays 35801 +hammarskjold 35800 +frontiersmen 35800 +brotherhoods 35799 +jemmy 35798 +jellied 35797 +contraries 35797 +trull 35795 +chemisorption 35794 +armful 35794 +nervy 35793 +gabonese 35793 +rumpelstiltskin 35792 +byre 35791 +stigmatised 35784 +nurseryman 35783 +thumbscrew 35782 +noria 35779 +cardamon 35778 +lexeme 35776 +extricated 35776 +inapposite 35770 +qum 35769 +tetherball 35766 +trons 35762 +dissemble 35762 +cohabit 35751 +bilinguals 35750 +utopians 35745 +impost 35742 +parabolas 35740 +absorptions 35740 +swaddle 35737 +overtopping 35737 +sniffling 35736 +countenanced 35735 +melodically 35732 +nucleonics 35731 +essayed 35731 +likeliest 35725 +diacritic 35720 +niggles 35716 +philippic 35713 +epitomised 35710 +agribusinesses 35705 +supersaturated 35700 +fauvism 35698 +pariahs 35696 +toadflax 35694 +newshound 35693 +globose 35690 +speedometers 35689 +whistlers 35686 +soissons 35683 +deadheads 35683 +vaguest 35681 +depreciates 35679 +dukas 35678 +triumphalism 35676 +liquefy 35673 +tweeds 35671 +waistlines 35667 +trippe 35663 +cumulate 35660 +schoolmasters 35657 +abrogates 35655 +gangbusters 35651 +feebleness 35650 +eyeshadows 35649 +lifeworks 35640 +tannhauser 35638 +harpsichords 35637 +ecclesiasticus 35631 +dimenhydrinate 35629 +plodded 35628 +discolorations 35628 +rachis 35623 +toyshop 35622 +swabian 35622 +villanelle 35618 +envisaging 35616 +scrumpy 35614 +cannelloni 35613 +crystallites 35612 +fiefdoms 35610 +illinoisan 35609 +documental 35608 +homogenizing 35607 +padlocked 35606 +inflaming 35603 +goldener 35603 +moshing 35602 +taipans 35600 +simplistically 35599 +reawakened 35599 +blowguns 35596 +veneering 35594 +orchitis 35590 +vinylidene 35586 +augury 35584 +pentagons 35582 +inflect 35579 +darters 35579 +threshers 35576 +rolaids 35572 +fertilising 35572 +izhevsk 35571 +receipting 35568 +revelled 35561 +blights 35553 +mayhap 35552 +tetracaine 35551 +humbles 35550 +recasts 35548 +globins 35546 +meatus 35545 +welted 35544 +platitude 35543 +stayer 35536 +dysprosium 35525 +consequentially 35523 +dismissively 35522 +somites 35508 +elision 35508 +metier 35507 +glim 35505 +saltine 35503 +demoiselle 35503 +schemers 35499 +unhampered 35498 +olympiads 35498 +newsflashes 35498 +monocots 35493 +xizang 35490 +convolved 35488 +aleichem 35486 +fluorene 35485 +indissoluble 35483 +crocket 35472 +polyandry 35470 +bushed 35470 +columned 35464 +stereotypic 35462 +glasshouses 35461 +bighead 35461 +unowned 35453 +protoplast 35453 +censorial 35451 +springtails 35449 +nicety 35448 +clydesdales 35443 +backbench 35441 +tablespoonfuls 35440 +witticisms 35439 +sportsperson 35435 +shaaban 35430 +brownouts 35427 +rigoberto 35426 +enfeebled 35426 +sharecroppers 35422 +relining 35422 +contextualised 35418 +tatry 35415 +proctoring 35414 +shippen 35413 +retreads 35412 +perisher 35411 +parrying 35411 +muscadine 35411 +enteroviruses 35411 +ampersands 35410 +ambulant 35410 +empson 35406 +ejaculates 35404 +shivaree 35401 +relinking 35401 +savate 35400 +albertan 35400 +tufting 35397 +mucilage 35396 +revolutionists 35395 +pacesetters 35394 +cozen 35392 +airglow 35385 +oscillated 35382 +gangrel 35381 +radiographically 35380 +penitents 35379 +annihilates 35374 +iritis 35373 +imprudence 35373 +fonteyn 35368 +tiptoed 35361 +collagens 35355 +spreadable 35350 +dogmatically 35349 +phenothiazine 35345 +mesial 35345 +flautist 35344 +chairlifts 35343 +oyer 35342 +magyars 35337 +myrtles 35332 +moggy 35330 +jailbird 35328 +edginess 35326 +civilities 35324 +winegrowers 35318 +diphthong 35318 +trussed 35310 +kibbutzim 35309 +scenarist 35306 +apiculture 35305 +dulcet 35298 +kohima 35297 +cavies 35297 +sirrah 35294 +crassly 35291 +malherbe 35287 +bacteriologist 35282 +sensitise 35277 +festal 35277 +ohmmeter 35269 +domesticate 35268 +prolate 35266 +wannabee 35265 +couteau 35263 +amaterasu 35263 +isthmian 35261 +sumba 35260 +interspace 35259 +heartrending 35258 +devotedly 35258 +roadworthy 35249 +roundels 35242 +gabion 35242 +hospitalisations 35238 +ethnographies 35238 +indigenously 35236 +vicariate 35235 +longan 35235 +nerva 35229 +frigidity 35226 +massasoit 35224 +tazza 35222 +dded 35222 +disciplinarians 35217 +denigrates 35212 +fluorocarbons 35211 +smallholdings 35210 +lxiv 35207 +cuckolds 35205 +squibs 35199 +monera 35199 +pintos 35198 +tippets 35189 +mainers 35188 +goldoni 35188 +itchiness 35187 +sanitising 35183 +demilitarisation 35177 +syphilitic 35175 +jaywalking 35174 +flagman 35173 +nonskid 35170 +otterburn 35169 +cravats 35167 +kerne 35166 +monotypic 35164 +perspire 35161 +uncleared 35157 +engorgement 35156 +demineralization 35156 +tillandsia 35154 +counterchanged 35152 +cervicitis 35152 +topographies 35150 +steeps 35147 +salubrious 35146 +ethnologist 35141 +timecards 35140 +aristarchus 35140 +speedways 35139 +irradiate 35136 +rejuvenator 35129 +whinger 35127 +unsystematic 35123 +whelk 35122 +shaitan 35120 +provocateurs 35118 +karaganda 35115 +toped 35112 +caernarvonshire 35106 +morava 35101 +exocet 35101 +exterminates 35100 +stridor 35098 +concretions 35097 +marriageable 35096 +pocketknife 35095 +gannets 35092 +plumbago 35091 +imposture 35087 +fanti 35084 +backbreaking 35083 +unbaked 35078 +latonya 35077 +escribe 35076 +televisual 35075 +cannas 35073 +mutinous 35071 +jabbering 35069 +descriptively 35066 +multiprogramming 35064 +raki 35060 +mastodons 35054 +pitchforks 35052 +tyrian 35051 +ingrain 35051 +peremptorily 35049 +whirlwinds 35048 +internalisation 35047 +despoiled 35046 +lugubrious 35045 +ringleaders 35041 +ginormous 35038 +listlessly 35036 +affronted 35036 +stowaways 35035 +seamy 35034 +monorails 35028 +curmudgeons 35028 +pneumococcus 35021 +ascospores 35017 +twelves 35015 +receptiveness 35015 +ringlet 35011 +altazimuth 35007 +eidetic 35006 +anthropol 34998 +souks 34993 +zoysia 34990 +scrutineers 34990 +reeler 34988 +bunghole 34984 +pericarp 34981 +sickeningly 34976 +panay 34976 +chocoholics 34976 +oxidases 34965 +vigilantly 34964 +recalculating 34964 +quangos 34964 +flapjacks 34964 +daintily 34959 +incurrence 34954 +disburses 34953 +cubing 34951 +mudflaps 34948 +pedicels 34946 +pastilles 34945 +interservice 34941 +chittering 34939 +racemes 34929 +burnable 34928 +skagerrak 34923 +iodate 34922 +enlil 34920 +pounces 34919 +exaction 34917 +unlighted 34913 +cowries 34913 +sailboard 34912 +gibeon 34912 +bodhidharma 34910 +rapiers 34906 +douma 34906 +washstand 34902 +nicias 34902 +overspread 34901 +stereogram 34900 +casandra 34899 +biltong 34899 +tumulus 34898 +derogating 34891 +phaethon 34888 +ratbag 34886 +embedment 34883 +piteously 34878 +alizarin 34874 +acquittals 34872 +loanwords 34867 +superconductive 34864 +sarthe 34864 +masochists 34862 +knickknacks 34862 +poler 34859 +toehold 34857 +prickle 34857 +whits 34854 +tyndareus 34854 +silting 34854 +crouches 34854 +synthesising 34851 +christlike 34849 +largess 34848 +weightier 34847 +sunbathers 34842 +perseveres 34842 +dimwitted 34838 +virulently 34836 +snigger 34832 +plenipotentiaries 34832 +overemphasis 34830 +insensibly 34828 +angara 34828 +zingers 34824 +transacts 34823 +reawaken 34822 +parchments 34820 +proletarians 34815 +gemsbok 34814 +meadowland 34812 +naos 34805 +colonizer 34805 +etas 34803 +godchild 34801 +obstructionism 34799 +languishes 34799 +scotchman 34797 +spanker 34796 +arcady 34793 +cutworms 34791 +upholstering 34790 +repousse 34789 +lambasting 34789 +ingratiating 34789 +bairn 34786 +veining 34785 +yawner 34784 +poisoner 34783 +milers 34779 +hetman 34776 +copperheads 34776 +reticulate 34775 +girdler 34774 +elgon 34773 +youngish 34765 +wankel 34765 +delegator 34763 +souffles 34758 +hailstone 34754 +prodigiously 34753 +langur 34753 +hypothesizes 34753 +unerringly 34747 +inconveniently 34746 +qualm 34744 +liverwort 34743 +yeasty 34740 +turbocharging 34738 +homages 34738 +pizz 34736 +nonconventional 34734 +forewarning 34731 +juiciest 34730 +oxblood 34729 +marseillaise 34728 +coxes 34726 +uncharitable 34722 +fluorspar 34721 +articulately 34720 +inchworm 34718 +hairballs 34718 +castigate 34713 +operculum 34712 +shiftless 34698 +normatively 34697 +visages 34696 +scatological 34695 +legitimization 34694 +subjoined 34690 +tradescantia 34688 +sandboxes 34686 +bluecoat 34679 +opining 34669 +notifiers 34669 +bemba 34665 +lambdas 34662 +strengthener 34656 +larrikin 34653 +mentalists 34652 +averroes 34652 +sties 34650 +mahavira 34649 +pinworm 34648 +scripturally 34646 +overfilled 34645 +akihito 34644 +cepheus 34638 +melpomene 34633 +indivisibility 34633 +doublethink 34632 +reflexologist 34623 +reshuffles 34621 +unrecognisable 34620 +runabouts 34616 +relaunching 34616 +conviviality 34615 +kazakhs 34614 +territorially 34613 +discombobulated 34613 +mannish 34610 +daubed 34609 +streamliner 34606 +crosscurrents 34606 +ostentatiously 34603 +laded 34603 +unvarying 34602 +counterpoints 34598 +ampulla 34597 +madrassa 34595 +sightseers 34593 +nitration 34589 +orgiastic 34588 +haole 34588 +whereto 34587 +placentas 34583 +impasto 34581 +cottagers 34580 +safavid 34579 +bloodroot 34579 +panellist 34572 +moneylenders 34571 +hypoth 34570 +voluble 34568 +tsimshian 34567 +cocotte 34566 +showmen 34564 +lxvii 34563 +ingratiate 34558 +huaraches 34557 +dunsany 34556 +dialectology 34555 +sukiyaki 34554 +catfishes 34553 +studding 34551 +terrorising 34546 +backfiring 34545 +nicaraguans 34544 +turenne 34542 +ingrowth 34542 +helpmate 34541 +hydrodynamical 34535 +prefabrication 34533 +kalis 34525 +abjuration 34522 +unloving 34521 +misquotes 34519 +gloaming 34518 +contingently 34517 +achaemenid 34513 +pochard 34512 +romanticize 34511 +isotopy 34511 +moonwalks 34510 +adamantine 34508 +crotchety 34503 +consignees 34502 +hysterectomies 34501 +diaghilev 34500 +politicisation 34499 +cabriole 34493 +serializes 34492 +antigenicity 34487 +toughs 34484 +mollies 34484 +intones 34484 +bleaker 34481 +musca 34480 +amnestic 34480 +overemphasize 34475 +smarten 34468 +rudest 34462 +lemaitre 34462 +churchwarden 34462 +eked 34451 +forcer 34449 +khiva 34448 +demodulators 34448 +glower 34440 +ronsard 34438 +birefringent 34431 +masturbatory 34430 +transportability 34429 +confessionals 34427 +ravager 34424 +hovercrafts 34421 +glaswegian 34420 +accessorizing 34420 +pageboy 34419 +editorializing 34408 +electroluminescence 34407 +terraform 34404 +standees 34403 +inconspicuously 34401 +hajji 34398 +hierophant 34397 +irresolute 34392 +hawkshaw 34386 +lumberyard 34383 +kerplunk 34381 +thirsts 34378 +gobblers 34376 +smartness 34371 +aardvarks 34369 +bickers 34360 +tremolite 34356 +wuhu 34352 +plumbs 34352 +strums 34351 +oculi 34351 +crazes 34351 +vulval 34347 +mauretania 34339 +etches 34335 +essentiality 34335 +swished 34334 +crippleware 34333 +uncleanly 34332 +stuffiness 34332 +multistory 34330 +localise 34329 +kulak 34328 +nirenberg 34326 +burthen 34320 +breadwinners 34319 +spirometer 34313 +drumheads 34308 +mesclun 34306 +mycelial 34303 +hiders 34303 +ulbricht 34301 +dioecious 34301 +demotic 34301 +evocations 34299 +solemnization 34297 +ethnographer 34295 +unsparing 34294 +manometers 34293 +ruwenzori 34285 +servery 34283 +interbreed 34282 +thinkable 34280 +doubter 34280 +espied 34274 +countercurrent 34270 +humdinger 34269 +effrontery 34267 +coquina 34267 +redelivery 34264 +bisecting 34256 +dinges 34254 +andalusite 34254 +trenchers 34253 +popple 34253 +vacuity 34250 +pillared 34248 +diarists 34248 +hoad 34245 +ricers 34240 +queerest 34240 +impolitic 34239 +sharpies 34238 +defiles 34238 +tierce 34237 +tactless 34236 +tidiness 34234 +hrothgar 34233 +blabbing 34232 +poorboy 34228 +lycian 34227 +comminuted 34227 +braggadocio 34224 +indubitably 34222 +sabotages 34221 +mottoes 34220 +counterbalancing 34220 +slickest 34219 +prolifically 34215 +questioningly 34213 +fends 34209 +kleptomania 34204 +generalship 34204 +debasing 34203 +betjeman 34201 +caracara 34196 +guat 34194 +zoonosis 34192 +unglamorous 34191 +prejudging 34184 +demurely 34182 +ashur 34182 +mailable 34181 +binnacle 34170 +anthraquinone 34167 +masoretic 34155 +cryptically 34155 +shoa 34154 +plebs 34153 +obb 34148 +correggio 34148 +appraises 34142 +cuttle 34141 +slaters 34139 +baches 34136 +ionize 34132 +gasman 34131 +splats 34124 +stratiform 34122 +heists 34122 +flailed 34116 +annotates 34114 +prettiness 34109 +serialised 34106 +plebeians 34104 +aerodynamically 34102 +tridentine 34101 +eyeliners 34091 +nestorian 34090 +dabbed 34086 +workaholics 34083 +ditz 34082 +altruist 34079 +groundsel 34077 +radicalization 34072 +meteoritics 34071 +greenhead 34070 +sloops 34069 +iconoclasts 34068 +coloradoan 34068 +agglomerate 34065 +trigrams 34064 +banlieue 34064 +monas 34061 +afterburners 34059 +shufflers 34055 +eradicator 34055 +prognostics 34052 +saturnine 34051 +jennet 34046 +adorably 34043 +tocantins 34040 +gunlock 34040 +librettist 34039 +attributive 34035 +homesteaded 34030 +hungering 34028 +hallucinate 34026 +springboards 34023 +segregates 34019 +reaganomics 34019 +bultmann 34018 +unreasoning 34017 +thoughtlessness 34014 +noels 34012 +minnesotan 34012 +radioactively 34009 +belittles 34009 +outgo 34007 +bloop 33990 +squelching 33989 +baiter 33988 +swats 33987 +manipulable 33983 +abrogating 33981 +canape 33980 +faizabad 33977 +replevin 33972 +nevski 33972 +rasped 33970 +tebaldi 33969 +enchanters 33969 +sideshows 33968 +flightpath 33967 +anglophile 33967 +francophile 33963 +crosshead 33960 +sellouts 33959 +reshapes 33959 +cannibalize 33959 +childishness 33949 +covets 33945 +revenged 33936 +dongola 33934 +radiantly 33932 +metalliferous 33925 +bluing 33925 +blackleg 33924 +annulling 33924 +spectroscope 33920 +pascals 33919 +patrilineal 33907 +apostleship 33907 +prohibitory 33901 +dyspnoea 33901 +misted 33900 +espadrille 33900 +pelasgian 33895 +addend 33894 +precipitators 33891 +chinquapin 33891 +tearooms 33890 +swaging 33890 +skinnier 33889 +destine 33889 +premiss 33888 +skyhook 33887 +forestalled 33881 +converses 33880 +teratogens 33874 +mikoyan 33868 +butty 33867 +purchasable 33864 +pressie 33864 +overstayed 33864 +jodo 33862 +misdemeanour 33861 +commonplaces 33853 +tyrannizing 33852 +nuzzling 33851 +waggons 33849 +duenna 33848 +nanometre 33846 +baritones 33839 +exonerates 33836 +serpens 33834 +iyar 33833 +outwitted 33828 +kievan 33827 +quadruples 33825 +summat 33823 +bespeak 33822 +mandatorily 33810 +wedgies 33809 +perming 33807 +curtails 33804 +guidon 33796 +rouault 33795 +diaconal 33793 +hellhound 33791 +winces 33790 +deviancy 33786 +reconcilable 33784 +unbranched 33781 +dungaree 33781 +silvanus 33779 +additively 33773 +wheresoever 33772 +delaine 33772 +ecstatically 33771 +pacifying 33766 +secco 33756 +saxophonists 33751 +cringes 33750 +squirmy 33748 +housemaster 33747 +witting 33746 +alow 33746 +oolitic 33744 +mommsen 33744 +verities 33740 +twerp 33740 +issus 33730 +compositors 33725 +nacelles 33724 +meddlesome 33722 +audibles 33719 +godown 33718 +studbook 33716 +bustled 33715 +microlights 33713 +floodlighting 33712 +tarty 33708 +neckerchief 33706 +penlight 33703 +yammering 33701 +ascertains 33698 +desecrating 33697 +banishes 33697 +nurser 33686 +poltergeists 33683 +elongating 33680 +misgiving 33677 +personalizes 33676 +gamp 33671 +farthings 33670 +canoeist 33670 +ministrative 33669 +autograft 33667 +disfigure 33659 +shoemaking 33657 +rostand 33653 +soporific 33650 +nordics 33650 +rancorous 33647 +agglomerated 33646 +forsakes 33644 +berates 33643 +grumblings 33642 +stellarator 33640 +potboiler 33638 +millivolts 33638 +primordium 33637 +kalisz 33637 +deneb 33633 +hillwalking 33628 +tonearms 33627 +torpid 33624 +reconfigurations 33624 +ugaritic 33623 +regimentals 33620 +depolarized 33620 +theophany 33618 +harl 33613 +melodeon 33610 +catalyses 33608 +psychometry 33607 +kippers 33607 +intendant 33607 +tangrams 33604 +mattocks 33603 +claymores 33603 +borates 33602 +yokels 33599 +yalu 33591 +asymptotes 33590 +megafauna 33589 +lacer 33587 +flumes 33586 +corm 33582 +sauger 33581 +owlish 33581 +overeducated 33578 +trollers 33576 +numerological 33576 +chromatids 33576 +overheats 33572 +medicament 33572 +exurban 33565 +flambe 33561 +gravitons 33558 +decolonisation 33555 +chequing 33554 +limescale 33553 +bahrein 33553 +peccary 33551 +sonars 33549 +ceria 33549 +dramatizing 33548 +sampan 33545 +dacha 33545 +centromeres 33544 +lutetium 33542 +bossed 33542 +stroy 33541 +cinematograph 33540 +swiftest 33539 +quodlibet 33536 +lethally 33536 +backbiting 33536 +inscribing 33535 +confidants 33533 +unwonted 33530 +epiphysis 33528 +pukes 33527 +hackery 33524 +blessedly 33518 +maidu 33517 +caracal 33516 +astonishes 33514 +wordlessly 33512 +brooklet 33510 +invigorates 33509 +winterization 33508 +clockmaker 33501 +filmstrips 33500 +sepoy 33499 +stencilling 33498 +priciest 33497 +lectureships 33497 +criminalise 33497 +selloff 33495 +initiatory 33494 +recondite 33492 +jook 33490 +microcosmic 33489 +unstack 33483 +clobbering 33483 +raunchiest 33482 +metallography 33482 +sightless 33478 +blunderbuss 33478 +skagerak 33477 +ivies 33473 +chiselled 33473 +skitter 33467 +arboricultural 33467 +unprompted 33466 +icepack 33464 +ungodliness 33456 +whiteners 33455 +fluoresce 33454 +bellerophon 33452 +wace 33449 +unconsidered 33449 +wilda 33448 +reelect 33439 +reconquest 33439 +richthofen 33438 +enamelling 33433 +dumbness 33431 +hottentot 33429 +wallah 33428 +ieyasu 33428 +spymaster 33419 +brooder 33417 +quintuplets 33416 +fraternally 33416 +charmless 33415 +beholders 33413 +numbs 33408 +uccello 33404 +cense 33401 +breathalyser 33401 +smoggy 33391 +bluegills 33390 +invitingly 33388 +sexpot 33386 +backdating 33381 +gloated 33377 +cuirasses 33376 +chocolaty 33374 +amnesties 33372 +wearying 33370 +tonus 33364 +gerunds 33363 +defaulter 33362 +straitened 33360 +itemizing 33360 +payslips 33359 +catastrophism 33358 +disdainfully 33357 +mountainsides 33356 +micromanage 33354 +eyeful 33353 +unfulfilling 33352 +sidewinders 33349 +romish 33348 +uninterpreted 33347 +servitor 33347 +hobgoblins 33346 +chocked 33345 +franchiser 33343 +temblor 33342 +splicers 33342 +newscasters 33340 +ingrate 33340 +laetrile 33337 +transgressor 33335 +autodidact 33334 +unvisited 33333 +cureless 33332 +bairns 33332 +unreasonableness 33329 +funkier 33327 +fondues 33324 +salvadorans 33320 +hooghly 33320 +cullis 33319 +fluidics 33311 +mailshot 33307 +quinze 33305 +notate 33305 +entreating 33300 +leopardi 33299 +discomforting 33294 +sanctifies 33293 +bewray 33291 +cuticular 33290 +rededicated 33288 +insensibility 33288 +barmen 33286 +washerwoman 33282 +qibla 33281 +bleeders 33281 +externalisation 33280 +thanksgivings 33278 +caldron 33278 +nigritude 33275 +reprehension 33270 +azotobacter 33268 +energiser 33267 +detonates 33256 +androsterone 33256 +claver 33255 +remanent 33254 +antipas 33251 +wens 33250 +exuberantly 33250 +chiclayo 33250 +flowerpots 33249 +alee 33245 +osteitis 33244 +oisin 33239 +noisemaker 33238 +handhold 33234 +naughtiest 33226 +awhirl 33226 +detainment 33225 +annam 33225 +basks 33223 +befuddle 33221 +swabbing 33218 +juggernauts 33218 +furriers 33218 +playbacks 33215 +declassify 33215 +pyroelectric 33207 +tarnishes 33204 +overprints 33204 +irreproachable 33199 +vaporizing 33198 +internalise 33194 +mikveh 33193 +nepenthe 33187 +fermentable 33180 +achoo 33177 +flitter 33174 +intermixing 33169 +prizewinning 33168 +hypopituitarism 33166 +unexperienced 33160 +psaltery 33158 +jetliners 33157 +sympathizes 33156 +minoring 33154 +corpuscle 33154 +sentimentalist 33153 +glauconite 33143 +shinguard 33141 +thulium 33140 +glycerides 33136 +divvy 33136 +sublimate 33134 +waterholes 33132 +pressies 33132 +cellmate 33130 +pilferage 33129 +nubbin 33127 +snoot 33126 +reverberant 33126 +escarole 33122 +inquisitions 33121 +schliemann 33117 +breastplates 33112 +incoordination 33107 +stylet 33106 +extrasensory 33105 +bowsprit 33105 +forelocks 33101 +lobules 33094 +aesir 33093 +laughingstock 33092 +interconversion 33090 +quisling 33089 +caoutchouc 33089 +pellagra 33088 +wailer 33085 +childishly 33085 +babytalk 33085 +envying 33084 +decrementing 33080 +enquirers 33078 +trumping 33075 +quern 33075 +fanciest 33075 +balata 33074 +atahualpa 33074 +austerities 33073 +spinnakers 33071 +estragon 33068 +choreographing 33066 +traumatizing 33065 +thundershowers 33065 +largeness 33065 +sandbank 33064 +granulate 33059 +ceremonially 33058 +shrimpers 33052 +hypnotically 33049 +hemlocks 33049 +stablemate 33048 +sadden 33046 +passionless 33044 +conferment 33044 +weakfish 33042 +ultrafilter 33042 +toolmaker 33041 +syllogisms 33037 +shampooers 33036 +reunify 33036 +haunch 33036 +advisedly 33035 +tangibles 33033 +bluffer 33033 +chlorinator 33031 +postlude 33030 +oligarchic 33030 +meatier 33029 +tidally 33028 +thronging 33027 +plainness 33027 +wolfish 33025 +oxtail 33025 +restorable 33021 +prising 33021 +breakfasted 33020 +abets 33014 +jongleurs 33004 +hemings 33002 +interrupters 33000 +notum 32996 +explant 32992 +dustbins 32990 +brummel 32986 +sauced 32983 +homestretch 32978 +derain 32978 +interleaf 32975 +overcompensating 32973 +spitter 32969 +ferromagnet 32968 +stenography 32967 +diatomite 32967 +squirms 32965 +gazers 32965 +macroscopically 32963 +dispiriting 32962 +thermodynamical 32960 +etymologically 32960 +asininity 32954 +intrepidity 32951 +almshouses 32950 +titch 32945 +sickert 32943 +goading 32939 +mirin 32938 +chaitin 32934 +angiograms 32934 +kalpa 32933 +wunderkinder 32929 +hardier 32927 +expediently 32926 +affectations 32926 +filthiness 32922 +coaling 32915 +absolves 32912 +sterno 32910 +jamshid 32909 +antihypertensives 32906 +blimpish 32905 +nepalis 32897 +counteroffensive 32897 +euterpe 32895 +limeade 32891 +fomented 32891 +unsporting 32888 +crosier 32883 +concupiscence 32883 +imprisons 32882 +robinia 32880 +longshoreman 32876 +woodcutting 32875 +oestrus 32873 +bloodstain 32862 +conjuncture 32854 +editorialized 32851 +docility 32847 +sensorium 32844 +idealize 32840 +electrocute 32840 +perforator 32839 +citrin 32838 +clamshells 32837 +arbours 32837 +nonpathogenic 32827 +purling 32822 +seppuku 32821 +niello 32820 +unzips 32818 +looby 32818 +snafus 32817 +riskiest 32815 +dioptric 32813 +wretchedly 32805 +vamped 32797 +chugalug 32794 +unpredicted 32793 +synergic 32792 +nosegay 32791 +serviceberry 32790 +fidgeted 32788 +jerrie 32785 +inapplicability 32785 +euphonic 32784 +snakeroot 32782 +wattled 32781 +aromatherapist 32779 +notionally 32775 +trooped 32770 +cankers 32770 +amphibolite 32765 +suellen 32762 +deadened 32760 +lorinda 32758 +carboys 32758 +brimful 32754 +wadded 32750 +sussed 32747 +warrigal 32745 +pleasured 32745 +hoxha 32745 +slurped 32744 +encumbering 32744 +birthrates 32742 +wassermann 32740 +seaways 32740 +burse 32738 +gametophyte 32737 +mocambique 32736 +viand 32735 +indecisiveness 32735 +mistrusted 32734 +fadeout 32733 +tartlets 32731 +stradivari 32731 +altercations 32730 +gaffers 32726 +thymosin 32723 +saturnian 32721 +testudo 32718 +araceli 32710 +relabel 32706 +forwardly 32704 +warpage 32703 +quinacrine 32701 +cyclorama 32699 +atomism 32696 +bedbug 32693 +standpipes 32692 +boletus 32692 +encryptions 32686 +assailing 32685 +schismatic 32683 +unseasonable 32678 +minstrelsy 32675 +expressionistic 32675 +phisher 32666 +paunch 32665 +manacles 32665 +nitpicks 32662 +sensuously 32660 +muscling 32660 +parochialism 32659 +congregationalist 32657 +desensitize 32656 +blitzing 32656 +sobriquet 32655 +philologist 32651 +zygotes 32650 +unenthusiastic 32650 +serapis 32649 +cantle 32646 +albinus 32646 +recapped 32644 +gourami 32642 +clementines 32640 +chaffing 32637 +bucaramanga 32637 +metaphysic 32632 +gerrymander 32625 +krafts 32624 +unlettered 32623 +troubleshoots 32623 +knockabout 32622 +unilateralist 32618 +pterosaur 32618 +prowled 32617 +aldol 32614 +dulse 32611 +dwaine 32610 +hierarchal 32605 +grig 32603 +gluttons 32601 +wii 32599 +reinvestigation 32596 +hormuz 32594 +uninviting 32593 +legitimizes 32593 +buttoning 32593 +superheat 32590 +sepal 32590 +arteriolar 32590 +johnnies 32586 +dicentra 32586 +photoelectrons 32581 +kazantzakis 32580 +flatfoot 32580 +anaerobically 32579 +polygraphs 32578 +dismaying 32578 +criminalizes 32577 +magnetize 32575 +litchi 32575 +desalting 32565 +lunette 32563 +dendrochronology 32562 +visayan 32561 +metanoia 32561 +diagnostically 32560 +mummery 32558 +slating 32557 +hieroglyph 32557 +bryansk 32555 +tragical 32545 +crams 32544 +patroon 32543 +firebomb 32542 +matriarchs 32540 +doughy 32536 +hostiles 32533 +vesture 32530 +privatisations 32528 +kirovograd 32528 +braise 32527 +diminishment 32516 +cheka 32509 +salver 32506 +reformulating 32501 +drawee 32499 +electrothermal 32498 +winos 32493 +gunnel 32493 +burbot 32493 +invertase 32490 +bryozoans 32488 +profoundest 32487 +reproachful 32483 +remands 32483 +sural 32482 +prefigured 32478 +petulance 32477 +transcaucasia 32474 +vernissage 32468 +succotash 32465 +vexillological 32463 +quadruplets 32462 +tektite 32459 +grovelling 32459 +yonne 32454 +gentles 32448 +companionable 32448 +kindliness 32447 +diversely 32447 +documentarian 32445 +hypocritically 32444 +puckers 32443 +makarios 32439 +convulsively 32438 +superpositions 32436 +scapulars 32436 +enlistments 32431 +bacchae 32426 +subcommission 32425 +retching 32424 +immunodeficient 32424 +laudanum 32423 +residuum 32422 +significative 32417 +filberts 32416 +aversions 32416 +messerschmidt 32413 +decontrol 32413 +servility 32408 +torsions 32406 +gujranwala 32406 +maoism 32403 +miscibility 32401 +misfiring 32397 +intensifiers 32397 +bessarabia 32397 +pylorus 32395 +sabayon 32393 +etagere 32386 +strew 32385 +mogador 32383 +lassies 32383 +isidor 32381 +payware 32380 +rarefaction 32379 +durward 32377 +bukharin 32377 +aldan 32374 +unendurable 32373 +reclaimer 32373 +caking 32373 +crecy 32368 +bradly 32367 +breezing 32366 +withy 32365 +espadrilles 32365 +protozoal 32361 +bifurcate 32360 +explicitness 32358 +medlars 32355 +noisiest 32353 +ndola 32353 +quoit 32350 +multilaterally 32349 +interrelatedness 32348 +crooned 32348 +cassock 32348 +khasi 32347 +stiffens 32343 +overdubbed 32343 +bustles 32338 +timbale 32335 +firebreak 32335 +excommunicate 32335 +remanence 32333 +mytilene 32333 +reignite 32331 +elicitor 32331 +enforcements 32330 +forewing 32328 +hypothesizing 32327 +straightjacket 32324 +layettes 32324 +stashing 32323 +antirrhinum 32322 +interments 32321 +sleepyhead 32320 +lermontov 32319 +poilu 32317 +paisano 32314 +cannonballs 32314 +disestablishment 32313 +nightsticks 32309 +preponderant 32308 +arabesques 32307 +avowal 32304 +bluebonnets 32301 +interposing 32300 +hurdler 32297 +flacks 32293 +pathless 32290 +elodea 32289 +deregulatory 32287 +divests 32286 +notus 32285 +revers 32282 +epiphyte 32282 +characterisations 32281 +hardenberg 32278 +flatted 32278 +subducted 32277 +hospitalet 32275 +snowballed 32274 +amoebas 32273 +witchgrass 32272 +baldly 32271 +asafoetida 32270 +denature 32269 +scrimmages 32268 +whitebait 32264 +hooped 32262 +testate 32260 +tapirs 32260 +outsmarting 32260 +deinstitutionalization 32260 +coxed 32256 +trooping 32255 +signorelli 32255 +dustman 32250 +beggarweed 32247 +oilskin 32245 +antagonizes 32245 +nonworking 32243 +jazzmen 32241 +ventriloquists 32237 +cyanotic 32236 +karolyn 32232 +curule 32226 +chlorofluorocarbon 32225 +potentiating 32223 +crinum 32223 +stanch 32222 +stuntmen 32220 +gluteal 32218 +roseola 32212 +perspicacity 32212 +anorexics 32208 +dehumanized 32207 +pawed 32205 +swains 32202 +afterbirth 32198 +stridently 32195 +denudation 32194 +spacecrafts 32187 +nakedly 32186 +disarrangement 32186 +ingate 32185 +preadmission 32184 +undulation 32183 +bugeye 32180 +africanist 32179 +bienne 32176 +terrorizes 32174 +rubato 32174 +costars 32173 +outweighing 32172 +labeller 32171 +scrawls 32170 +relents 32165 +antiworld 32163 +stashes 32159 +resettling 32159 +relatable 32159 +turducken 32158 +valuate 32151 +highroad 32147 +tourneur 32146 +brassieres 32143 +fulmar 32141 +castling 32135 +gondolier 32133 +eurobond 32126 +transposes 32125 +bines 32124 +agitates 32124 +flagships 32123 +etchers 32123 +ironmongers 32119 +wavebands 32117 +palmed 32112 +chugged 32110 +flamethrowers 32107 +shovelling 32100 +chaconne 32100 +hasted 32098 +valuator 32097 +malatya 32093 +mucker 32092 +manioc 32087 +aesthetician 32087 +matriculating 32081 +dins 32077 +rasher 32075 +dockyards 32075 +thylacine 32073 +vire 32072 +erzgebirge 32070 +bryophyte 32068 +calvaria 32067 +sendoff 32066 +chintzy 32066 +bringers 32066 +stupefying 32065 +sandfly 32058 +courter 32057 +stampeding 32055 +pidgins 32053 +flusher 32053 +quintic 32045 +superordinate 32044 +actinomycosis 32043 +pealed 32042 +retook 32039 +shyer 32023 +popovers 32022 +approachability 32020 +stonewalled 32019 +stets 32019 +requite 32014 +bogeyed 32014 +larges 32010 +teratogen 32007 +centaury 32006 +tancred 32005 +nonreactive 32004 +scuttles 31999 +omnibuses 31996 +unwatched 31993 +beachcombers 31991 +swerves 31990 +bloodier 31990 +windless 31988 +razzmatazz 31987 +pneumococci 31980 +sanguinary 31979 +mohammedans 31973 +shrimping 31972 +rediscovers 31972 +damselfish 31972 +diabase 31971 +concessioner 31971 +dustcover 31966 +blotto 31966 +motherwort 31965 +inhalations 31963 +aphrodisia 31961 +noncritical 31958 +falster 31954 +kopek 31953 +jetton 31952 +poohs 31951 +lexicographer 31951 +rehydrate 31950 +sleights 31945 +reify 31944 +whooper 31942 +hakes 31941 +blackhearts 31937 +gamey 31934 +tyburn 31933 +decompensation 31931 +tinning 31929 +thundercloud 31929 +lifebuoys 31924 +chugs 31923 +possessives 31920 +whitsun 31915 +triumvir 31915 +titillate 31913 +hydrator 31911 +framboise 31904 +deconstructive 31901 +firmest 31898 +archaean 31898 +customisations 31897 +tenochtitlan 31896 +dumbly 31896 +hairlines 31892 +spandrel 31891 +choirmaster 31888 +sombreros 31885 +federates 31885 +marbleized 31884 +obliques 31883 +inquisitiveness 31883 +oxymoronic 31882 +callimachus 31874 +fipple 31873 +misconstrue 31870 +satiation 31856 +bactrian 31856 +staunching 31852 +trimers 31851 +bethought 31851 +actinium 31851 +detriments 31850 +hurtles 31844 +tramples 31841 +centralising 31839 +sejong 31838 +meprobamate 31838 +botvinnik 31836 +lampooned 31835 +flyways 31834 +abscond 31834 +descenders 31831 +ruddle 31830 +gaillardia 31829 +slipshod 31828 +centenaries 31828 +cruder 31827 +foundering 31824 +disparages 31822 +defecating 31815 +euphemistic 31814 +belched 31812 +unilingual 31811 +recuperated 31810 +groins 31807 +proscribing 31805 +heeds 31805 +peruzzi 31802 +helaine 31802 +imit 31801 +angioma 31801 +doted 31799 +berberine 31799 +torqued 31798 +singable 31798 +jiggled 31794 +overmuch 31792 +sleekly 31791 +centenarian 31790 +bearberry 31784 +transoms 31783 +nosology 31782 +sexily 31781 +jaggery 31780 +crocuses 31779 +clubroom 31777 +chastening 31774 +waxen 31767 +whomp 31761 +swabia 31761 +grosbeaks 31760 +responsively 31759 +contiguously 31753 +chinch 31749 +cadaverous 31748 +maned 31747 +mandelstam 31738 +levelheaded 31737 +sculpturing 31735 +lettish 31732 +odra 31731 +contriving 31723 +colonics 31723 +viscometers 31722 +thymol 31720 +empiricists 31720 +belau 31716 +terabit 31714 +salinization 31714 +waddled 31710 +circassian 31706 +fornax 31703 +alleghenies 31701 +subantarctic 31700 +cognisant 31699 +transformable 31696 +irritatingly 31696 +intertwines 31692 +counterattacks 31690 +wiseguys 31689 +whin 31686 +boardinghouse 31682 +greediness 31681 +southeastward 31680 +psittacosis 31678 +reacquired 31677 +maund 31677 +oenophile 31673 +quinces 31671 +grazier 31669 +rebelliousness 31668 +theropods 31667 +prefabs 31667 +bingeing 31667 +preferment 31666 +constricts 31666 +lubber 31662 +bloodsucker 31654 +scabby 31650 +fakery 31646 +linnaean 31641 +diomedes 31640 +unequipped 31633 +fermata 31633 +orangery 31632 +uproariously 31628 +deriding 31628 +kirman 31627 +remounted 31626 +besmirched 31626 +abstractness 31625 +wedekind 31624 +harmonizer 31624 +gemologists 31623 +strewed 31619 +agriculturalists 31619 +tuamotu 31617 +antipyrine 31617 +hoplite 31614 +athelstan 31614 +cochineal 31613 +artifices 31610 +metabolised 31603 +scuzzy 31595 +assenting 31595 +anaxagoras 31593 +kafkaesque 31591 +usurious 31589 +rabbet 31588 +coagulate 31588 +nonemergency 31585 +planchet 31584 +sadhus 31582 +presentiment 31579 +sturdily 31577 +godparent 31577 +governmentally 31576 +contort 31576 +relegates 31563 +hyperkeratosis 31562 +bengalis 31560 +cyclopean 31556 +astatic 31554 +parthenogenesis 31553 +pylos 31549 +laming 31548 +censorious 31548 +renouncer 31547 +hypoglossal 31544 +workhouses 31543 +pulsator 31543 +mekka 31541 +kattegat 31538 +swards 31536 +statelessness 31531 +sestina 31531 +malodorous 31529 +noontide 31523 +internationalised 31523 +condyloma 31521 +avirulent 31520 +recurved 31519 +scyros 31518 +pranced 31517 +articulable 31516 +theosophists 31515 +whelped 31509 +bobbies 31509 +averts 31503 +salutatorian 31502 +argillite 31499 +sickroom 31497 +riffraff 31497 +semisolid 31495 +florilegium 31495 +roughening 31494 +pupillage 31494 +cytochemistry 31493 +croaks 31490 +braziers 31490 +brownout 31487 +acclimatisation 31485 +salsify 31484 +defeatists 31483 +weatherboard 31482 +careerist 31482 +bassets 31470 +lariats 31468 +possessiveness 31464 +emancipating 31461 +custodianship 31460 +harmsworth 31458 +sociologically 31455 +cullet 31455 +glowering 31454 +suppliants 31452 +polygamists 31451 +privies 31445 +abeles 31444 +cains 31441 +dols 31439 +suffragettes 31438 +lubricators 31437 +nekton 31436 +catchphrases 31431 +dissociating 31430 +nominalism 31428 +agaric 31427 +lathered 31421 +nival 31420 +soirees 31418 +cornflour 31418 +micrococcus 31417 +meltdowns 31416 +ihram 31412 +sweetbreads 31410 +gropes 31409 +desirably 31409 +schemed 31407 +bewrayed 31406 +coorg 31405 +allots 31401 +spicier 31394 +disentangled 31394 +vouches 31393 +drongo 31392 +triangulum 31390 +sericulture 31380 +conservancies 31374 +clappers 31372 +lyonnaise 31371 +equalizes 31371 +husbandmen 31368 +fruitlessly 31368 +unbeknown 31367 +serbians 31361 +huntsmen 31359 +photoplay 31358 +piggery 31354 +sharecropping 31353 +dotes 31347 +callboy 31347 +romancer 31346 +cucurbits 31346 +chloroformed 31343 +arkansans 31340 +crocodilians 31336 +nerval 31333 +upend 31323 +nucleate 31319 +homogenize 31315 +preussen 31314 +minuted 31309 +dextrin 31309 +outdoes 31304 +collop 31303 +overbid 31300 +duchies 31300 +tarshish 31298 +cuirass 31298 +middens 31293 +refiled 31290 +bagehot 31285 +clavering 31283 +annatto 31283 +unsearchable 31282 +headwinds 31281 +crepuscular 31281 +aphasic 31280 +exoteric 31279 +earlobes 31279 +ferments 31275 +tetragrammaton 31271 +slather 31271 +unrewarding 31270 +pinkeye 31269 +kindhearted 31269 +crossbeam 31269 +enthronement 31267 +sawhorse 31262 +adverting 31261 +hireling 31258 +overweening 31257 +cantal 31257 +corduroys 31250 +spirally 31247 +styes 31241 +junes 31239 +cholula 31237 +beatified 31237 +preterite 31229 +odontology 31225 +compartmentalize 31222 +frankfurters 31221 +dislocate 31221 +predetermine 31220 +abruptness 31216 +defrocked 31213 +misdemeanours 31210 +unhealthful 31205 +poult 31205 +cosign 31205 +miming 31204 +ecotype 31204 +maladroit 31203 +beatable 31202 +sensationalized 31197 +formalistic 31197 +warred 31196 +grittier 31196 +onsager 31192 +westing 31190 +archenemy 31190 +bolos 31187 +spellchecking 31177 +yafo 31176 +adventurism 31175 +bottrop 31174 +flibbertigibbet 31172 +irrelevancy 31171 +kshatriya 31168 +fairlead 31166 +tachograph 31163 +conformists 31160 +dibromide 31153 +micturition 31151 +jocasta 31151 +regicide 31150 +underplayed 31149 +allusive 31149 +hazed 31148 +dedans 31144 +bandmaster 31142 +semitrailers 31141 +roved 31140 +ashkenazic 31137 +gawky 31136 +centrepieces 31133 +lobule 31132 +chiefdom 31131 +polytheists 31126 +monetarist 31126 +chiasmus 31116 +mainsheet 31115 +rugger 31111 +blubbering 31109 +recuperative 31108 +reproductively 31101 +miniver 31098 +spoonfed 31095 +indecently 31094 +dodoma 31089 +touchingly 31084 +interminably 31084 +doctrinally 31081 +florine 31078 +noncommunicable 31077 +militates 31076 +crinkly 31073 +servomotors 31053 +croons 31053 +muskeg 31052 +bloodsuckers 31052 +bookstack 31050 +industriously 31047 +outstand 31046 +confusedly 31045 +eying 31044 +truncations 31043 +trypanosome 31042 +leaderless 31036 +shiniest 31035 +nosepiece 31033 +disfavoured 31030 +brutalities 31026 +nebuliser 31023 +headcheese 31023 +befit 31021 +hangnail 31020 +edified 31020 +toter 31019 +obscurities 31019 +messianism 31019 +orangewood 31018 +necklines 31014 +malignity 31011 +vaulter 31010 +jefferey 31007 +scowls 31006 +roiled 31006 +baulk 31004 +eskisehir 31001 +asterisked 31001 +chronicity 30998 +sashay 30994 +mounding 30991 +crouton 30987 +paralysing 30978 +adjudicates 30978 +rookeries 30975 +blackcap 30973 +vivisector 30972 +halloo 30970 +cicatrix 30968 +crudest 30964 +pasturage 30962 +judaeo 30962 +acquiescing 30961 +puttering 30954 +stemless 30949 +massacring 30947 +bawd 30944 +annunciators 30943 +honeycombs 30935 +cutaways 30934 +tideland 30933 +gofer 30932 +riksdag 30930 +variegation 30918 +sensationally 30917 +adjudge 30916 +smarted 30914 +pharmaceutic 30914 +dactyl 30911 +mucoid 30910 +mounded 30907 +paroxysms 30906 +unburdened 30905 +shakiness 30904 +leftwards 30900 +cartilages 30893 +mirthful 30892 +impersonates 30892 +guyed 30888 +coeval 30884 +sauropods 30883 +trochanter 30877 +reinitialized 30877 +discreteness 30876 +lacerta 30874 +quincunx 30871 +photosynthetically 30866 +fops 30864 +heatwaves 30861 +galvanometer 30861 +cataclysms 30858 +vitalize 30855 +vorlage 30853 +reformations 30851 +jotun 30849 +glasswork 30849 +anthropoid 30845 +longbows 30842 +blowgun 30841 +virally 30840 +creditability 30839 +pilfer 30838 +klaxon 30838 +vouvray 30836 +graceless 30836 +slinking 30834 +interdental 30828 +disrobe 30822 +unlikable 30818 +breastpins 30813 +windiest 30807 +overspent 30806 +inkerman 30800 +reignited 30794 +distressingly 30794 +nonporous 30793 +forcemeats 30789 +havarti 30788 +brocades 30787 +lexicographical 30786 +urbanite 30785 +novembers 30784 +slouchy 30783 +adman 30780 +legwarmers 30779 +ennobling 30777 +grapheme 30772 +carriageways 30770 +adrenocorticotropic 30770 +didache 30769 +accretionary 30768 +swaddled 30766 +jettisoning 30764 +chinwag 30764 +priapus 30762 +cellularity 30762 +pleasanter 30758 +deckchairs 30758 +chappaquiddick 30757 +tuneable 30756 +hindoo 30742 +creepiness 30742 +falseness 30740 +lederberg 30735 +patmore 30734 +whirligigs 30730 +oistrakh 30728 +betimes 30727 +badgered 30727 +spikenard 30726 +montagnard 30724 +renascence 30721 +vilifying 30719 +haricot 30719 +lysimeter 30717 +squanto 30714 +instable 30714 +consonantal 30713 +kerch 30711 +fifthly 30709 +incommensurable 30707 +procurer 30703 +actualizing 30701 +incompatibles 30699 +deglutition 30696 +malefactors 30694 +beefier 30694 +alpenglow 30694 +windstorms 30692 +lysias 30692 +reveres 30691 +transcribes 30689 +biodynamics 30687 +nonpolitical 30686 +hypocrisies 30683 +handmaids 30682 +coastguards 30681 +nincompoop 30679 +thermoses 30678 +spidery 30676 +footpad 30671 +deposes 30669 +pachisi 30666 +pressurizing 30664 +micks 30660 +dilates 30660 +cannulas 30654 +exoticism 30653 +dramatised 30652 +reacquisition 30645 +hypochondriasis 30644 +columella 30644 +bewail 30644 +illyrian 30643 +assaultive 30641 +rhenish 30640 +portioned 30637 +supergiant 30636 +catchwords 30635 +deliberates 30634 +dewdrops 30633 +anamnesis 30633 +implausibly 30631 +dogmatics 30631 +twitter 30630 +rainout 30618 +menelik 30618 +halm 30617 +mobilisations 30614 +adeptly 30608 +nuzzle 30602 +conquerer 30598 +procrastinated 30593 +irreverently 30593 +misjudge 30591 +gibbering 30585 +stiffest 30584 +prehensile 30577 +dowsers 30577 +norw 30575 +gunnels 30573 +scotsmen 30567 +protozoans 30567 +revengeful 30566 +trinomial 30556 +postmodernists 30552 +interdicted 30550 +suppliant 30549 +rerecording 30547 +monotonously 30547 +breccias 30543 +benignly 30543 +certes 30541 +vedette 30540 +boatyards 30540 +radioman 30538 +marcels 30532 +bedpan 30530 +courbevoie 30528 +phenolphthalein 30525 +gratefulness 30521 +sauntering 30520 +communitarianism 30520 +annulments 30516 +hornbills 30514 +kissers 30513 +resurrections 30511 +netherlandish 30510 +lavaliere 30510 +hackable 30509 +panhandlers 30506 +dedicatory 30498 +typographer 30488 +venules 30486 +endophyte 30481 +chlamydiae 30476 +involute 30475 +scabrous 30474 +kkt 30473 +waksman 30470 +percolates 30470 +inexpedient 30466 +verifiably 30463 +uncreative 30463 +pimply 30463 +suffragan 30462 +oceanology 30460 +mafias 30459 +disorganisation 30459 +confiscations 30459 +chateaus 30458 +burgee 30458 +heartiest 30451 +untutored 30450 +simar 30450 +snowmobiler 30449 +baptistry 30447 +pureness 30446 +izmit 30446 +souring 30442 +samoset 30441 +enshrouded 30440 +forbears 30438 +eggo 30437 +mapmakers 30435 +transnationals 30433 +exulted 30432 +expeller 30432 +genu 30431 +overlie 30428 +differentia 30428 +uninfluenced 30421 +downhills 30421 +questionably 30419 +outnumbering 30417 +tearaway 30405 +jape 30401 +guesser 30398 +reemerged 30392 +taches 30389 +pulverize 30384 +hyperon 30378 +breastpin 30378 +pealing 30377 +bramante 30374 +latently 30373 +grails 30371 +observationally 30369 +teletypewriter 30368 +reasserting 30366 +frigg 30366 +inceptions 30359 +homonymous 30358 +winching 30357 +leathern 30354 +bract 30353 +logisticians 30352 +ecclesiastics 30352 +nonnegotiable 30349 +interceded 30349 +griped 30347 +gunfights 30346 +impugning 30338 +verticality 30333 +intelligibly 30333 +teredo 30330 +enzootic 30330 +democratized 30329 +chits 30328 +mooting 30326 +garfish 30325 +craftily 30323 +housefly 30322 +peruser 30319 +purdah 30314 +familiarizes 30310 +chaplets 30310 +antipodal 30310 +petrological 30308 +heimdall 30306 +finagle 30306 +consciousnesses 30297 +mottles 30291 +radiologically 30290 +hymnody 30289 +reviver 30288 +inhabitable 30287 +servomotor 30283 +queening 30280 +disclaiming 30280 +lithographers 30279 +nerved 30278 +viviparous 30276 +togliatti 30273 +sumbawa 30266 +guffaws 30266 +extravehicular 30263 +ologies 30257 +fugal 30257 +zambians 30256 +charbroil 30256 +breves 30256 +copters 30255 +reseat 30254 +waltzed 30250 +impasses 30250 +antiterrorist 30247 +crappiest 30246 +caltanissetta 30243 +baluchi 30243 +lusher 30239 +musketry 30236 +myosotis 30233 +chemoreceptors 30228 +destabilisation 30225 +azides 30222 +moas 30219 +daguerreotypes 30214 +lodgements 30209 +caribs 30205 +hosier 30203 +sputters 30202 +decapitate 30201 +medius 30196 +counterrevolution 30195 +tameka 30194 +spattering 30194 +mesmerism 30190 +enfranchised 30190 +samhita 30189 +catling 30186 +gurnard 30182 +carrack 30181 +hairiest 30180 +noncancerous 30178 +prancer 30174 +leavings 30163 +innuendoes 30160 +casements 30159 +enshrining 30158 +clinometer 30156 +eatable 30155 +selectee 30151 +workweeks 30149 +incorporator 30149 +churchyards 30147 +meanly 30141 +bullshitting 30139 +flattener 30138 +pulverizing 30136 +caladium 30136 +boatloads 30134 +billeted 30134 +submissiveness 30129 +lionesses 30125 +foraged 30121 +disinterestedness 30117 +plebe 30111 +fleurette 30111 +ovenbird 30110 +medawar 30104 +endodontist 30100 +ideational 30098 +finks 30098 +blaspheming 30093 +monotypes 30091 +expectoration 30085 +reformism 30083 +chloropicrin 30083 +ibert 30079 +maltreats 30073 +bushbuck 30070 +massachusets 30058 +spinous 30055 +sunup 30047 +pantheistic 30047 +epaulettes 30040 +fuzzed 30036 +catapulting 30036 +tubercular 30035 +stewarding 30034 +misbehaves 30032 +franchisers 30031 +chondrules 30031 +jowls 30028 +bronchioles 30028 +symphysis 30027 +slumbered 30023 +hostler 30023 +occas 30022 +cuneate 30021 +glucosides 30020 +heartbreakingly 30018 +unsurpassable 30017 +daguerre 30016 +flagellates 30015 +cumber 30015 +ghiberti 30014 +doddle 30014 +fleshes 30010 +deducible 30006 +comptrollers 30002 +despairs 30001 +irredeemable 29999 +perseid 29997 +degauss 29997 +glop 29995 +deictic 29995 +ameliorates 29994 +psychokinetic 29992 +gumboots 29991 +hoed 29989 +waterproofed 29988 +stettin 29988 +brusquely 29987 +rankled 29982 +estremadura 29982 +phototransistor 29981 +sparred 29979 +stigmatisation 29977 +nonconformists 29977 +agglomerates 29977 +prelaunch 29976 +intonations 29975 +hardiest 29973 +equalisers 29971 +morticians 29969 +incinerating 29967 +scandalously 29965 +slickly 29964 +misfeasance 29961 +oarsman 29956 +sorrels 29954 +naut 29954 +torchbearer 29952 +shelduck 29952 +misfired 29950 +expedience 29950 +reproachfully 29946 +meteoroid 29946 +chorals 29944 +wineskins 29942 +publicizes 29942 +demonstratives 29940 +codpiece 29938 +bloodfin 29938 +portages 29935 +neman 29928 +duroc 29926 +roulade 29919 +rivalling 29913 +flatbeds 29913 +copulating 29909 +futilely 29906 +garble 29903 +inundating 29899 +unshaded 29898 +threadfin 29898 +ipad 29898 +offensiveness 29897 +artel 29896 +hydrolysates 29895 +stabilises 29892 +practicably 29892 +hygienically 29891 +sperms 29888 +crowbars 29886 +hooding 29883 +mallows 29877 +klatch 29876 +hoodwink 29876 +sadists 29875 +bbses 29875 +emulsification 29874 +lour 29872 +distrusts 29869 +antibacterials 29865 +nightstick 29861 +splurged 29846 +racoons 29841 +dumbstruck 29841 +delusive 29835 +sepulchral 29834 +criseyde 29834 +latinized 29832 +silted 29830 +reasserts 29828 +fantast 29825 +multiplexors 29824 +coaxes 29824 +mucks 29822 +subtending 29821 +reselect 29818 +cogitation 29817 +bedpost 29815 +complexly 29813 +blatz 29812 +bombards 29810 +elderberries 29808 +groundmass 29806 +silastic 29805 +parfaits 29805 +cryogenically 29802 +fourscore 29801 +tilths 29798 +accessorized 29798 +specialness 29797 +ahwaz 29797 +portulaca 29795 +intranuclear 29790 +tiresias 29789 +misdeed 29789 +droned 29781 +unamuno 29780 +divots 29779 +gesualdo 29778 +jaggies 29776 +reconfigures 29771 +auspice 29771 +dubbin 29770 +schlieren 29768 +oversimplifying 29767 +whap 29762 +samurais 29760 +fukien 29760 +justitia 29759 +characterful 29751 +mawkish 29748 +maceio 29747 +saltiness 29746 +diathesis 29746 +disabuse 29743 +falsifiability 29742 +anaximander 29740 +abler 29740 +wheelwrights 29735 +scribblers 29734 +postulation 29733 +millibar 29733 +masqueraded 29732 +wallowed 29731 +deceitfully 29731 +unrewarded 29722 +nutcases 29718 +recompensed 29717 +glints 29714 +donatus 29713 +platens 29711 +graininess 29710 +manias 29709 +nervine 29703 +correl 29703 +chamberlains 29700 +triers 29697 +gantries 29687 +balloonist 29687 +mestizos 29686 +initialises 29686 +baldwins 29679 +viaducts 29678 +rastafarians 29678 +foraminifers 29678 +disgracefully 29676 +fruitiness 29675 +rambutan 29670 +marrieds 29670 +psychokinesis 29669 +psis 29669 +grisons 29668 +scratchboard 29666 +leanest 29666 +axils 29666 +spectrographic 29657 +sadomasochistic 29657 +experimentalist 29656 +disengages 29654 +liker 29652 +lamentably 29649 +bechuanaland 29649 +achaean 29646 +segued 29645 +univalent 29642 +hellions 29642 +asexually 29639 +purgative 29637 +undulate 29633 +westerlies 29632 +tantras 29631 +lowliest 29630 +fyke 29625 +overtop 29620 +effectuating 29620 +cribbed 29620 +sunward 29619 +rerunning 29618 +murres 29617 +hogweed 29617 +autostrada 29617 +virtuosos 29616 +hierarchs 29615 +braggart 29611 +instancing 29602 +cordierite 29601 +somersetshire 29598 +felicitations 29598 +stockpots 29597 +rosendo 29595 +melisande 29593 +kiloton 29593 +woollens 29592 +earthshaking 29588 +indisposition 29587 +squints 29586 +retarders 29584 +forlornly 29583 +arsine 29581 +bael 29580 +wahoos 29577 +postdated 29573 +punker 29572 +mithridates 29572 +nutriment 29570 +furtwangler 29570 +dishcloth 29565 +oceanarium 29564 +patentees 29563 +intercedes 29563 +rampages 29562 +pupate 29562 +horrify 29561 +boneheaded 29561 +annelids 29561 +healthiness 29560 +unkindness 29554 +parachutists 29553 +fuckhead 29552 +flatulent 29551 +pipsqueak 29550 +daubers 29550 +stows 29544 +pottier 29544 +construal 29544 +sensationalistic 29541 +domiciles 29540 +multifold 29537 +undermanned 29530 +cyclopaedia 29529 +moister 29528 +dairymen 29528 +decane 29527 +hyoid 29523 +changelings 29523 +shampooer 29522 +unfurls 29521 +haunter 29515 +exudation 29515 +translocate 29513 +tabbies 29513 +chlorothiazide 29513 +rascally 29511 +ransacking 29511 +manitoban 29510 +chastises 29510 +discriminators 29506 +chersonese 29506 +tautologies 29498 +defenestration 29497 +cassirer 29497 +filthiest 29496 +redeploying 29495 +stoats 29494 +vitalizing 29488 +tamps 29488 +choiseul 29488 +printery 29487 +whippersnapper 29484 +pearling 29480 +subsuming 29479 +negativism 29479 +strumpet 29476 +genuflect 29476 +boggart 29473 +zigzags 29472 +siberians 29472 +hovhaness 29472 +venality 29467 +machinable 29464 +microcosmos 29463 +hearses 29463 +uncrossed 29460 +salines 29458 +desiccator 29458 +systematization 29455 +realigns 29453 +precariousness 29451 +discoursed 29449 +wiretapped 29448 +myrmidon 29447 +capsids 29444 +unreconstructed 29442 +flyovers 29441 +likeability 29435 +electrometer 29433 +motoneuron 29432 +dysphonia 29430 +diversifies 29428 +buildups 29428 +ratable 29427 +locatable 29427 +accost 29427 +agnosia 29426 +metrication 29424 +manoeuvred 29422 +yogini 29421 +twofer 29418 +ferrocene 29418 +regrade 29416 +itched 29416 +nihilists 29411 +libels 29411 +blighting 29407 +cayuses 29405 +lithographer 29399 +gangetic 29399 +dithers 29399 +rabbets 29398 +ricocheted 29395 +commissure 29395 +vileness 29393 +simper 29393 +bourbaki 29391 +abase 29383 +occlude 29382 +chuvash 29380 +busloads 29380 +retaliates 29379 +outcries 29378 +dehumanize 29377 +taoists 29375 +unbuckled 29374 +rubeola 29370 +winker 29363 +breadboards 29363 +stampeded 29359 +taxonomically 29357 +dressier 29356 +whippings 29355 +centrals 29355 +bithynia 29353 +unassociated 29348 +dogfights 29348 +debacles 29346 +middy 29344 +cupidity 29344 +electrosurgery 29343 +bibliophiles 29337 +ornithol 29332 +soundest 29330 +brighteners 29328 +clumpy 29327 +frivolously 29317 +limbus 29313 +absolving 29313 +risings 29311 +heatedly 29309 +serialisation 29308 +egomaniac 29308 +forelimbs 29307 +triplane 29306 +tektites 29306 +fervid 29297 +attucks 29296 +quiddity 29295 +fossilised 29293 +trundles 29290 +wethers 29289 +avoider 29288 +paraiba 29286 +truculent 29282 +wollastonite 29281 +delian 29280 +quadruplex 29278 +illimitable 29277 +burble 29265 +roomer 29263 +forbearing 29260 +mokes 29259 +saltbox 29256 +parented 29253 +marimbas 29253 +interjects 29251 +parboiled 29246 +despatching 29244 +serrations 29243 +potentates 29243 +urgings 29240 +impounds 29240 +cigarillos 29239 +osteoid 29235 +nonparticipants 29233 +swabbed 29230 +impetuosity 29225 +jutted 29223 +stonecutter 29222 +scutum 29222 +paragraphing 29220 +encomium 29220 +ahmednagar 29218 +encipherment 29212 +kermanshah 29207 +catabolite 29207 +basidiomycetes 29200 +exorcising 29199 +duple 29199 +theodolites 29198 +erse 29198 +bluejacket 29198 +tetrode 29196 +fiascos 29191 +behoves 29188 +querulous 29187 +fusilier 29187 +superfamilies 29183 +manchus 29183 +hickeys 29176 +gorki 29174 +ordinariness 29172 +pemmican 29171 +discomfited 29169 +aligners 29167 +vignola 29166 +repressions 29166 +forestalling 29162 +supplants 29160 +deadeye 29160 +pellicle 29159 +disorientated 29158 +limn 29146 +spermatids 29145 +foliate 29144 +basally 29144 +mollified 29140 +sulphurous 29139 +backplates 29139 +librettos 29137 +flashbulb 29132 +parterre 29131 +yemenis 29120 +percolated 29120 +suffragists 29117 +untypical 29116 +vulcanization 29115 +madonnas 29114 +pedicab 29112 +unwelcoming 29110 +cucurbit 29108 +pinkies 29107 +livens 29107 +dovetailing 29107 +andropov 29107 +humiliates 29105 +suer 29103 +subtile 29103 +billowed 29103 +foredeck 29097 +eparchy 29096 +enfolded 29096 +xenophobe 29093 +classificatory 29093 +burette 29090 +canneries 29088 +milker 29085 +buddleia 29085 +pule 29084 +parian 29084 +buckaroos 29082 +ashkenazim 29082 +nowise 29077 +hewer 29077 +gentrified 29077 +sculp 29076 +diagrammatically 29076 +illusionists 29074 +elephantiasis 29074 +magnetisation 29069 +capuchins 29069 +exfoliative 29068 +aggrandised 29067 +consecrating 29065 +tatted 29064 +seawalls 29061 +detestation 29061 +californium 29060 +theophrastus 29059 +disinfects 29058 +vigilantism 29055 +unbuttoning 29055 +compline 29055 +chippings 29055 +stromatolites 29052 +brambly 29051 +proscriptions 29049 +trevithick 29047 +wallchart 29045 +muzzling 29045 +fantasises 29044 +retyped 29043 +paranoiac 29043 +aspasia 29043 +rudderless 29041 +deaneries 29041 +lhotse 29038 +reauthorizing 29036 +sallied 29035 +brinkmanship 29029 +trotskyite 29026 +rondel 29026 +infinitude 29024 +carpetbaggers 29023 +ciliata 29021 +unchristian 29020 +thudding 29019 +floozy 29017 +criminologists 29017 +sifters 29015 +calendering 29010 +phlogiston 29009 +earthiness 29000 +lamella 28999 +unwaged 28996 +stabbings 28995 +leatherneck 28995 +innominate 28991 +browbeat 28989 +aquanaut 28989 +semtex 28988 +quaff 28987 +averments 28983 +kowtow 28981 +proscribes 28977 +monitory 28977 +hesperidin 28973 +nonjudicial 28967 +scuffling 28965 +prowls 28964 +polychaetes 28962 +wallachia 28961 +commotions 28959 +multiunit 28958 +laparoscope 28957 +romansch 28954 +parrs 28948 +octahedra 28948 +numidia 28948 +fumigating 28948 +demodulated 28948 +craning 28948 +palaeography 28947 +kinking 28947 +panhandler 28943 +neuters 28943 +indistinctly 28943 +lassalle 28941 +redact 28938 +kilovolt 28935 +playrooms 28932 +zaniness 28931 +romeos 28930 +itemizes 28927 +buddle 28927 +metastability 28926 +makeups 28925 +insultingly 28925 +brattain 28916 +fantasizes 28910 +preventions 28906 +keybinding 28906 +chiefest 28904 +rales 28903 +legatee 28901 +guerdons 28901 +downpipes 28901 +bise 28901 +atropos 28900 +casuistry 28898 +lovechild 28897 +crematoriums 28886 +imbuing 28885 +thrashes 28884 +headbanging 28884 +pipits 28881 +hardeners 28880 +bunin 28880 +technophobia 28877 +lachesis 28877 +supersystem 28874 +inhere 28873 +tinier 28868 +verbalized 28865 +unmarketable 28863 +decipherment 28862 +postglacial 28859 +blende 28858 +forecloses 28857 +nabob 28856 +cavort 28854 +suras 28851 +uprise 28850 +siderite 28849 +catkins 28848 +purposing 28845 +lavenders 28845 +matricides 28841 +nampula 28839 +staving 28830 +rebalanced 28828 +fricassee 28828 +weissmuller 28827 +seleucus 28827 +rotifer 28827 +justness 28827 +proteinaceous 28825 +slurps 28823 +mulberries 28822 +careened 28822 +photometers 28821 +simpering 28820 +soothsayers 28819 +eumenides 28819 +tynwald 28818 +gyratory 28816 +naseby 28814 +charwoman 28812 +dolts 28809 +hexed 28804 +premierships 28801 +blueness 28800 +ecosphere 28798 +arrowwood 28795 +nitriding 28791 +glowworm 28790 +resalable 28789 +contortionists 28789 +avellaneda 28784 +unpatented 28777 +walkaway 28776 +unquantifiable 28775 +subtribe 28775 +moisturise 28774 +listenership 28774 +flashier 28774 +maliseet 28771 +shawwal 28767 +equipotential 28767 +tucket 28766 +inspirit 28765 +electrochemically 28764 +countersign 28763 +somnambulist 28757 +prepaying 28756 +brabbles 28755 +pluperfect 28753 +smoothers 28751 +khoisan 28750 +literalist 28748 +retests 28747 +earaches 28736 +speechwriters 28733 +merozoite 28731 +cambric 28730 +catechumens 28729 +numis 28728 +messias 28728 +legitimised 28728 +autoerotic 28725 +confabulation 28724 +balladry 28721 +tattletale 28720 +recolonization 28720 +elea 28720 +procopius 28716 +spluttered 28715 +underwrote 28713 +agglutinins 28711 +stubbing 28705 +dowser 28704 +rattigan 28702 +basilicas 28700 +arhat 28698 +glinted 28695 +drumlin 28695 +corroboree 28695 +foregrounds 28694 +piddling 28691 +turfing 28688 +cashbook 28687 +maxes 28685 +supervisions 28683 +rochet 28681 +overindulgence 28678 +aesthete 28678 +spermatocytes 28675 +emptier 28675 +fallowing 28673 +lowliness 28672 +ethnographers 28670 +incongruities 28669 +shutterbugs 28668 +unaccredited 28667 +nomenclatures 28666 +papillomas 28664 +blueish 28656 +catchings 28655 +trivializing 28654 +drano 28653 +cagers 28650 +trundled 28649 +subindex 28648 +babysat 28647 +kirtles 28641 +musicologists 28639 +individuated 28635 +desolated 28635 +aitch 28626 +flagellate 28619 +cliffy 28619 +sargassum 28616 +kindles 28614 +gherkins 28612 +messalina 28609 +yugoslavs 28606 +stenotype 28603 +atomiser 28600 +condescendingly 28596 +pianissimo 28594 +stanislavsky 28591 +falchion 28590 +asperity 28588 +antipater 28583 +frangible 28582 +computerizing 28582 +republications 28580 +wends 28578 +pushup 28578 +hollandia 28574 +anacin 28573 +impalement 28569 +guanaco 28561 +effulgence 28559 +sanka 28557 +banisters 28556 +dieresis 28551 +hila 28547 +extricating 28546 +cosmopolitans 28543 +trouts 28542 +fesses 28542 +nonmetals 28539 +grum 28538 +hesitatingly 28536 +affray 28534 +pensively 28533 +craftsperson 28530 +chicle 28528 +bolide 28523 +timestamped 28522 +shambolic 28520 +pontiffs 28515 +skeg 28507 +tartness 28500 +zigzagging 28498 +shoaling 28498 +presswork 28491 +disavowal 28489 +actinolite 28489 +tarots 28483 +meretricious 28483 +layovers 28483 +aleuts 28483 +pimiento 28482 +fascinatingly 28482 +jerilyn 28478 +animistic 28476 +ternate 28474 +recalculates 28473 +reinsertion 28466 +promiscuously 28465 +gobsmacked 28465 +hipparchus 28464 +pieria 28460 +demagogic 28459 +prorating 28449 +warbeck 28447 +towery 28447 +weaponized 28444 +overset 28444 +soupcon 28443 +repetitiveness 28442 +supernovas 28431 +snowline 28431 +briquette 28429 +macerated 28424 +lathers 28423 +molter 28420 +collaterally 28419 +taine 28417 +vaginismus 28416 +pantelleria 28415 +stopcocks 28413 +alterable 28411 +larghetto 28409 +dubuffet 28408 +oatcakes 28401 +galloways 28399 +instamatic 28396 +cabalist 28393 +mileposts 28392 +wheen 28391 +professionalisation 28388 +corpsmen 28388 +chaotically 28388 +tinner 28382 +windowsills 28380 +hipness 28380 +gamekeepers 28377 +humidifying 28376 +extroversion 28374 +cinquecento 28374 +deputized 28371 +icelander 28366 +autocrats 28365 +undefinable 28361 +retraces 28361 +dishy 28360 +quacked 28357 +dunt 28357 +disparagingly 28356 +bakst 28356 +lancastrian 28354 +skuas 28353 +untestable 28349 +tarkenton 28349 +sailboards 28348 +meighen 28348 +scorning 28343 +petrodollars 28340 +incarcerating 28338 +parsis 28337 +oxygenating 28337 +boneheads 28334 +underlays 28333 +berliners 28331 +simpletons 28328 +danged 28327 +fiberglas 28326 +pestles 28325 +phycology 28321 +moneymakers 28321 +meritocratic 28318 +whippers 28317 +censers 28314 +trysts 28313 +rieslings 28313 +reciter 28312 +drainers 28308 +nembutal 28305 +trifled 28304 +headstall 28304 +abaxial 28300 +oruro 28299 +cognacs 28299 +filamentary 28298 +comped 28298 +rarebit 28295 +neuroglia 28295 +creepier 28294 +reexport 28292 +mutinies 28292 +delightedly 28290 +chimerical 28287 +glowingly 28286 +caloocan 28285 +notchback 28281 +importunate 28274 +inebriation 28271 +disgraces 28271 +brants 28271 +aestheticism 28269 +deprogramming 28265 +mistranslation 28262 +expansively 28257 +redefinitions 28256 +housetop 28256 +footholds 28250 +coiner 28244 +sundowns 28243 +flooder 28238 +sunbonnet 28237 +agitations 28237 +piratical 28236 +pointlessness 28233 +misers 28232 +dreadnoughts 28232 +pelorus 28230 +marshaller 28229 +indigence 28229 +damnedest 28229 +kex 28228 +acquirement 28227 +artifactual 28224 +bonking 28223 +bethsaida 28223 +relativists 28217 +mutely 28217 +coronagraph 28215 +billowy 28214 +repletion 28213 +swaged 28212 +suzerainty 28212 +somnus 28208 +hyrax 28208 +natron 28206 +kyats 28202 +hanker 28198 +lewisite 28192 +roans 28190 +colonising 28186 +halfhearted 28179 +asclepius 28176 +noisette 28174 +subleasing 28170 +pillager 28170 +imperturbable 28170 +caravanserai 28166 +milliners 28165 +carracci 28163 +metallised 28160 +phonation 28159 +audiometers 28158 +ruthann 28152 +scrims 28148 +fecit 28147 +mariachis 28145 +copacetic 28144 +commercializes 28139 +boated 28139 +hekate 28137 +vacillation 28131 +toilers 28130 +scaphoid 28130 +snored 28122 +argumentum 28121 +weaklings 28116 +heathenism 28116 +regimentation 28115 +gondar 28114 +ghirlandaio 28114 +twines 28110 +sixths 28110 +rancour 28110 +contrasty 28108 +thrum 28106 +unredeemed 28105 +phonologically 28104 +mesothelium 28101 +penfriend 28100 +dramatizations 28100 +folkie 28099 +singsong 28091 +netty 28089 +declawed 28088 +apercu 28088 +pugilist 28086 +punchbag 28083 +overthrows 28083 +facetiously 28080 +miniaturisation 28075 +styrax 28073 +ingathering 28072 +atlatl 28072 +balkh 28068 +beaching 28067 +riband 28065 +cesspools 28064 +teargas 28059 +sparser 28058 +marmosets 28054 +depilatories 28054 +thermotherapy 28048 +extrapolates 28048 +propositioned 28044 +deceitfulness 28044 +frisked 28043 +exfoliated 28042 +relisting 28040 +karakorum 28040 +brayer 28038 +mitigative 28037 +sardonically 28033 +sagamihara 28029 +disdains 28027 +strongbox 28023 +pediculosis 28023 +hangmen 28021 +destabilizes 28019 +misreported 28016 +hawked 28015 +desiccants 28011 +nidus 28010 +photocells 28004 +lubumbashi 28004 +amain 28001 +chokecherry 27992 +stonewalls 27990 +cheapskates 27990 +cavil 27985 +huskily 27980 +gastronomical 27980 +unwarrantable 27976 +glowered 27974 +ejectment 27973 +curates 27973 +bukovina 27972 +falconers 27970 +tidies 27969 +ndjamena 27966 +furbished 27966 +anent 27966 +geoscientific 27964 +cytolysis 27964 +demarcations 27962 +superusers 27957 +instatement 27957 +alfreda 27954 +weimaraners 27953 +unfenced 27953 +worthier 27952 +iconium 27948 +determinist 27948 +airlike 27947 +arseholes 27945 +uncork 27944 +syncretic 27944 +diverticula 27944 +individualisation 27943 +leered 27942 +icings 27942 +palmy 27941 +barraged 27941 +whelmed 27939 +shipwrights 27933 +refinisher 27933 +monck 27933 +coiffed 27930 +danaus 27929 +religieux 27928 +heterodoxy 27928 +truncheon 27926 +degeneracies 27926 +threaders 27922 +hovels 27922 +froissart 27922 +graduands 27921 +gorgas 27920 +transcendentalist 27919 +verruca 27917 +keratoses 27915 +yowling 27910 +quidnunc 27907 +sankhya 27906 +gratian 27906 +squarish 27905 +milliards 27904 +arithmetically 27902 +unlovely 27901 +abjure 27897 +alexandrine 27896 +plenteous 27895 +rushers 27893 +mealybugs 27888 +pumpkinseed 27887 +outshone 27887 +piedmontese 27886 +uncorrectable 27884 +spackle 27880 +lampooning 27880 +debauch 27880 +skimping 27877 +geminis 27875 +undecideds 27873 +cyanotype 27871 +torquing 27870 +parch 27869 +kinematically 27867 +parsecs 27864 +splotch 27860 +unrehearsed 27858 +holocausts 27856 +flamboyance 27856 +brahmas 27853 +cleek 27852 +bumbles 27852 +vegetatively 27850 +imperatively 27847 +aegir 27842 +embryological 27839 +ratites 27837 +bothnia 27837 +blanker 27837 +pennyworth 27833 +brobdingnagian 27829 +crofter 27828 +tankage 27827 +darky 27826 +aventine 27826 +idahoans 27825 +ravening 27822 +kentuckian 27822 +vexillology 27816 +corrodes 27814 +carcanet 27809 +adenoidectomy 27809 +tientsin 27807 +reflectances 27803 +gaulish 27803 +abutters 27802 +exorbitantly 27800 +superstate 27795 +appetising 27793 +methought 27792 +customhouse 27792 +foulest 27789 +rigmarole 27788 +handpicks 27787 +ferias 27787 +renominated 27785 +rills 27784 +whomping 27782 +reanimated 27782 +audibility 27779 +wised 27775 +makos 27773 +ethelred 27772 +teepees 27771 +intonational 27765 +azerbaijanis 27765 +dragoman 27763 +nightclubbing 27761 +economizing 27761 +battleaxe 27760 +cogency 27757 +mellowing 27756 +halocarbons 27751 +subheads 27749 +memorising 27749 +butterfish 27748 +belugas 27748 +exudative 27745 +tailgaters 27738 +convalescing 27738 +songster 27736 +periglacial 27733 +legitimating 27730 +kaveri 27729 +affrighted 27728 +supersession 27726 +lushness 27725 +tidier 27722 +huysmans 27715 +unsocial 27713 +vertiginous 27710 +thermae 27708 +electrocardiograph 27706 +commingle 27704 +cheapened 27703 +dejectedly 27697 +papiamento 27696 +cycleways 27696 +brisker 27696 +pictographic 27693 +crawdad 27693 +extensors 27690 +tishri 27688 +tamely 27687 +proteges 27687 +sailcloth 27682 +pinworms 27681 +suggestibility 27678 +reposing 27676 +undereducated 27675 +doubloons 27674 +safelight 27672 +lathering 27669 +vyborg 27665 +phlegmatic 27662 +keening 27662 +premolar 27661 +wringers 27660 +pyrogen 27657 +preapplication 27657 +boohoo 27657 +domicil 27654 +reschedules 27648 +leatherbacks 27648 +fracks 27647 +robbia 27645 +cohesively 27643 +prickles 27641 +dispossess 27639 +cataloguers 27636 +bimolecular 27634 +simplifier 27633 +cadette 27632 +sakis 27631 +xerographic 27626 +reprogrammable 27626 +nolde 27626 +skycap 27624 +tailpieces 27623 +harar 27622 +gibe 27622 +chavannes 27615 +hobnob 27614 +burls 27611 +lanthanides 27610 +satirists 27609 +aporia 27609 +drily 27603 +curlews 27603 +suzann 27602 +languorous 27600 +assiut 27598 +spiralled 27595 +tweezing 27592 +plutons 27588 +yoghurts 27578 +autonomist 27577 +barnstormers 27576 +wattmeter 27574 +urtext 27573 +digitiser 27572 +foulness 27571 +dicotyledons 27571 +osteoma 27566 +thermopile 27564 +slithery 27558 +schlep 27556 +cockamamie 27556 +staved 27555 +silversides 27555 +paralyse 27553 +supernaturals 27550 +sigmas 27550 +harrar 27549 +calumnies 27546 +scythes 27545 +pointillism 27545 +riverbeds 27543 +shirked 27542 +sneakily 27541 +aerodyne 27536 +rumple 27534 +weigela 27532 +hydrologically 27529 +cimabue 27529 +tarsier 27528 +haltingly 27528 +overstressed 27523 +interceding 27520 +evangelized 27520 +subdivides 27517 +prezzies 27511 +chassidim 27510 +prioritises 27509 +cheapens 27501 +overdetermined 27500 +freebee 27499 +disapprobation 27499 +tetany 27498 +propitiate 27496 +punjabis 27494 +westernised 27493 +glumly 27493 +platonist 27492 +corbie 27492 +bruisers 27491 +bejewelled 27490 +usurpers 27487 +archdeaconry 27486 +spoonbills 27485 +spencerian 27483 +undergird 27482 +scarps 27480 +epileptics 27480 +vulpine 27478 +telemetric 27476 +inspirer 27474 +reticles 27473 +dabbing 27473 +pomelo 27472 +gainsay 27471 +hepplewhite 27470 +healthfully 27467 +ambrosial 27466 +comdr 27464 +lacewing 27459 +sergipe 27458 +pinewoods 27458 +upolu 27454 +phenomenologically 27448 +salvadorian 27446 +restrictively 27446 +goalpost 27444 +carthusian 27443 +funner 27442 +maebashi 27441 +homogenisation 27440 +subjugating 27437 +waggish 27436 +kwakiutl 27432 +dullard 27432 +zookeepers 27429 +synecdoche 27429 +isocrates 27425 +zounds 27423 +phagocyte 27422 +groundsheet 27422 +dogsbody 27421 +provender 27418 +luminaria 27416 +jennies 27415 +deuterons 27404 +sourly 27403 +candelas 27401 +moonstones 27394 +infeasibility 27394 +matronly 27392 +blabbermouth 27388 +trivialization 27387 +scorchers 27387 +dolomitic 27387 +tiddler 27381 +wetware 27379 +szombathely 27379 +soakers 27379 +prognosticator 27376 +millenniums 27376 +ungracious 27374 +overawed 27374 +gnaws 27374 +clytemnestra 27373 +agger 27373 +diffusible 27371 +mothball 27370 +filleted 27370 +sportspeople 27369 +protuberances 27369 +neutralizers 27368 +holidaymaker 27364 +flippantly 27364 +limonite 27362 +rurik 27358 +straightest 27351 +reasoners 27350 +airworthy 27348 +underskirt 27347 +relenting 27347 +skittering 27344 +wittiest 27343 +shooed 27341 +squinty 27339 +linocut 27337 +sulfanilamide 27333 +understudied 27329 +negotiability 27328 +wangled 27319 +sluices 27313 +satirized 27313 +cloacae 27313 +rocaille 27310 +ludic 27306 +confiscates 27305 +lascar 27303 +christoper 27302 +vendettas 27301 +vulgarities 27295 +tesserae 27289 +nabbing 27289 +tattooist 27287 +bunts 27287 +bedevil 27285 +aureate 27285 +vespertine 27284 +aquamarines 27278 +appal 27269 +distils 27267 +menadione 27265 +balbriggan 27265 +ashing 27260 +instigates 27257 +ancon 27256 +leanness 27252 +antiphonal 27252 +trapezoids 27250 +prepuce 27248 +murkier 27248 +honks 27247 +bautzen 27246 +hartebeest 27245 +scratchcards 27237 +equalising 27237 +hessians 27234 +boxboard 27233 +undershoot 27231 +worser 27229 +undreamed 27227 +pointblank 27227 +equable 27227 +drivability 27225 +oppressively 27223 +evildoer 27217 +liquidambar 27212 +yupik 27211 +handcart 27208 +germinates 27206 +girdling 27205 +cisterna 27200 +boodle 27198 +novelistic 27197 +acidifying 27196 +scorpios 27194 +praesidium 27191 +elderflower 27191 +microbalance 27190 +anaerobe 27182 +kelt 27181 +chortled 27180 +unthinkingly 27177 +abdicating 27176 +acquits 27171 +scuffles 27166 +adsorbing 27164 +workrooms 27160 +shortsightedness 27160 +moonscape 27160 +indulgently 27155 +patronise 27153 +sulked 27151 +proximo 27146 +manizales 27146 +kerbing 27146 +quilmes 27142 +doorposts 27142 +antiparticle 27139 +describer 27132 +tolu 27130 +victimizing 27126 +foraminifer 27125 +snuffles 27123 +saponification 27123 +snowfield 27122 +unprogrammed 27119 +wundt 27118 +superfluity 27118 +tintype 27116 +decontaminating 27115 +cremate 27115 +hypertrophied 27114 +quintilian 27108 +molestations 27106 +cocooned 27105 +periosteum 27102 +penalising 27102 +tricorn 27101 +tweeze 27098 +gossiped 27096 +toul 27094 +hasidim 27092 +fixating 27091 +anabolism 27090 +tetroxide 27089 +gracile 27088 +premolars 27085 +typicality 27081 +elvia 27080 +leviable 27076 +generalissimo 27076 +coquettish 27075 +mercantilist 27074 +masbate 27073 +flavourful 27073 +corrugations 27070 +worriedly 27069 +recomputation 27065 +unenclosed 27057 +excising 27055 +elamite 27055 +vaporizes 27052 +accepter 27051 +subvariety 27048 +expiate 27047 +anticyclonic 27047 +sike 27044 +uneventfully 27041 +seasonably 27040 +whets 27039 +outcaste 27038 +downrange 27033 +fula 27032 +underinvestment 27028 +overshoots 27026 +deportee 27026 +commiseration 27026 +mechanistically 27023 +entrain 27023 +potbellied 27015 +counterpoise 27015 +inquiringly 27009 +cultish 27000 +recirculate 26998 +incriminated 26994 +romanism 26993 +apprehends 26993 +premixes 26990 +bowfin 26990 +folkmoot 26989 +northmen 26988 +marquita 26987 +lankester 26986 +mutineer 26983 +pietism 26982 +greensand 26982 +penitentiaries 26981 +sailmaker 26979 +overqualified 26978 +cellulars 26978 +erevan 26977 +commendably 26977 +androcles 26976 +fertilise 26974 +panders 26970 +maladjustment 26963 +insecurely 26962 +megachurches 26958 +romanies 26957 +tinamou 26953 +cremains 26950 +perceptively 26949 +druggies 26946 +dollops 26943 +ijssel 26942 +intersperse 26940 +sardonyx 26937 +innervate 26937 +unmeasurable 26933 +ingests 26931 +proliferates 26926 +uranian 26925 +tongans 26923 +polyploid 26923 +glumes 26914 +steelworker 26912 +mortising 26909 +leitmotif 26909 +outgrowths 26908 +jhelum 26908 +winterized 26907 +clobbers 26906 +unfeigned 26904 +impalpable 26903 +synchronizations 26902 +biospheric 26902 +murmurings 26898 +sacaton 26895 +chartists 26894 +surinamese 26892 +causalities 26890 +didactical 26889 +cottonmouth 26889 +conjointly 26889 +theosophist 26886 +digressing 26882 +milkers 26881 +excitements 26881 +dawdle 26880 +imbed 26877 +comeliness 26873 +bartholdi 26870 +theurgist 26869 +imponderables 26864 +tweedledum 26860 +liquify 26858 +symbolization 26857 +unsubtle 26851 +salmagundi 26851 +cowshed 26851 +aulos 26850 +tricyclics 26849 +scamps 26849 +mukluks 26846 +grossness 26846 +assayer 26843 +scrapheap 26841 +findable 26838 +grinner 26836 +particularism 26832 +toughens 26830 +chayote 26830 +blares 26829 +carefulness 26824 +woodcarvers 26823 +douceur 26821 +symptomatically 26819 +chaperoned 26819 +maracay 26814 +polack 26808 +krugerrand 26808 +imbedding 26805 +semiology 26803 +astatine 26803 +moralities 26799 +cryostats 26798 +cittern 26798 +shopfronts 26797 +recapitulates 26796 +hustles 26791 +robotically 26789 +implodes 26789 +escapology 26789 +alabamians 26788 +vaporous 26784 +oarsmen 26783 +shoos 26781 +seigneurs 26781 +touchwood 26776 +admixed 26776 +prevarication 26773 +nonmalignant 26770 +sourness 26769 +tartlet 26766 +stickle 26765 +toilsome 26759 +proprieties 26757 +orison 26752 +listlessness 26751 +mesencephalic 26749 +somnolent 26744 +antipyretic 26741 +chinooks 26740 +wholefoods 26738 +pities 26738 +diffusional 26737 +teakettles 26736 +stenotic 26731 +damns 26728 +dagoba 26728 +buggering 26722 +hackish 26721 +concourses 26719 +sibilant 26716 +balloted 26712 +ergative 26711 +decriminalize 26710 +mortify 26702 +holdovers 26702 +tingler 26701 +tourniquets 26700 +cabooses 26698 +signaller 26697 +azimuths 26697 +unstudied 26695 +scathingly 26695 +eking 26695 +alcestis 26695 +unhallowed 26693 +popover 26692 +injudicious 26688 +architrave 26686 +tannenberg 26685 +remonstrances 26685 +dahs 26683 +beriberi 26681 +hawkweed 26680 +uninterruptedly 26679 +reintegrating 26679 +vladikavkaz 26677 +revanche 26673 +angolans 26673 +elasmobranch 26672 +confluences 26671 +harappa 26669 +greasers 26668 +scratchcard 26667 +resurvey 26667 +dryads 26660 +arced 26654 +hagfish 26652 +unmanly 26649 +recollects 26646 +mazy 26646 +kilotons 26646 +cookhouse 26645 +responsory 26641 +forebodings 26641 +phosphatic 26639 +stippling 26637 +frats 26636 +fickleness 26636 +croppers 26636 +clacking 26636 +istrian 26631 +shortchange 26625 +disbands 26625 +flybys 26619 +satinwood 26614 +provenances 26614 +penfriends 26610 +distributee 26609 +delimits 26609 +watchwords 26607 +unsheathed 26607 +microencapsulation 26602 +anthologized 26600 +degradative 26599 +senselessly 26598 +assortative 26595 +unethically 26594 +prognosticators 26591 +headmen 26589 +stockmen 26585 +windrows 26584 +coloureds 26581 +jewfish 26580 +jataka 26580 +perfecter 26578 +pocked 26576 +flotillas 26574 +confiscatory 26573 +twirlers 26572 +unobjectionable 26570 +lychgate 26570 +indigents 26565 +dismounts 26559 +seismometers 26558 +seebeck 26555 +lockean 26555 +posteriors 26554 +operettas 26549 +climatically 26549 +cryogen 26548 +jurat 26547 +plateaued 26544 +towelette 26543 +amnio 26543 +unfussy 26540 +palest 26540 +condylar 26539 +steepening 26538 +scentless 26538 +neuroblasts 26537 +roamers 26536 +motorization 26536 +kief 26536 +impulsion 26536 +seesaws 26535 +helles 26535 +pinprick 26534 +eclairs 26533 +vicinal 26532 +sparge 26531 +archt 26531 +treasuring 26529 +triangulating 26525 +flub 26522 +consecrator 26522 +bloatware 26522 +nestorius 26520 +upsides 26519 +headrail 26516 +klansmen 26514 +incongruously 26513 +teared 26512 +skeeters 26512 +malvasia 26511 +overdid 26510 +gradus 26510 +acclimatized 26509 +microsome 26507 +poofs 26506 +sarcoid 26504 +nebulosity 26503 +agreeableness 26503 +pozzuoli 26499 +votaries 26496 +pinking 26495 +tetrapods 26492 +factious 26486 +warrantied 26484 +demoing 26482 +braw 26481 +aeschines 26480 +punchers 26473 +pantheons 26470 +sidra 26469 +nakfa 26467 +middlebrow 26466 +forewords 26463 +pearlie 26460 +provincialism 26456 +shabbily 26454 +exhume 26454 +paranoids 26451 +kamikazes 26450 +hydrometric 26449 +madams 26448 +uninstalls 26447 +palaeoclimatology 26447 +encases 26446 +exotoxin 26445 +banquettes 26445 +orthotist 26444 +turgor 26442 +pelmet 26442 +pinfold 26440 +shyster 26439 +jerkins 26434 +portably 26433 +bluepoint 26433 +causeways 26432 +sportswoman 26431 +helvetic 26431 +detractor 26431 +sundering 26429 +plops 26429 +tessin 26428 +chelonian 26428 +shortstops 26425 +externalism 26424 +audient 26424 +arbitrating 26423 +reacquire 26421 +monsoonal 26418 +unlovable 26417 +mugwump 26416 +bromoform 26412 +armlet 26409 +bossing 26407 +eyeopener 26404 +pestalozzi 26403 +counterargument 26401 +dockland 26399 +slighter 26393 +abbrevs 26393 +penumbral 26392 +epidaurus 26389 +waterlines 26384 +stupids 26384 +terceira 26383 +wagtails 26381 +gastrula 26381 +oversexed 26376 +microburst 26376 +imperfective 26375 +feedstuff 26374 +hatemonger 26370 +cogitations 26368 +tequilas 26366 +shinar 26364 +homewards 26361 +flyable 26359 +hods 26354 +dredgers 26349 +finitude 26347 +tonsillar 26344 +frugally 26341 +shako 26339 +bestrides 26339 +risorgimento 26336 +pilaster 26332 +noway 26329 +savarin 26325 +miltown 26325 +rapine 26320 +quadriga 26320 +ruthenian 26319 +lessie 26316 +palaeogeography 26314 +impoverishing 26312 +milliard 26308 +snuffing 26307 +procurators 26306 +presupposing 26305 +galvani 26305 +wittingly 26303 +tellurian 26301 +instals 26295 +traceless 26293 +solander 26291 +postscripts 26290 +fiddlesticks 26286 +tessitura 26285 +tumblebugs 26280 +rustproofing 26280 +wrangled 26279 +noncombatant 26270 +reconvening 26267 +budgerigars 26265 +abnegation 26265 +vouge 26261 +spurning 26254 +sporangia 26248 +sandwiching 26244 +crucifer 26239 +malefic 26238 +barbershops 26236 +emoting 26234 +lecher 26232 +nereus 26229 +immersions 26229 +listel 26228 +oversensitive 26227 +rale 26226 +pandarus 26224 +stepmothers 26222 +datelines 26221 +steadies 26220 +scatterbrain 26219 +betake 26216 +digitizes 26212 +mixtec 26208 +firer 26208 +forestation 26206 +wallows 26205 +demoralising 26204 +tuckers 26199 +fauve 26199 +crescendos 26191 +outspread 26188 +adiabatically 26186 +numismatist 26185 +rafted 26184 +unsafely 26182 +trematode 26179 +hawkings 26178 +chrysoberyl 26178 +brays 26177 +mindfully 26174 +elecampane 26174 +asphyxiated 26173 +psychosomatics 26170 +quietus 26168 +dharna 26165 +stael 26159 +bedcovers 26159 +sphinxes 26148 +shrouding 26141 +embryol 26139 +wharfage 26135 +aseptically 26135 +smooching 26132 +enplaned 26132 +blurting 26130 +expressionists 26128 +siple 26126 +whirr 26124 +infrequency 26119 +frogfish 26114 +carbazole 26114 +quoits 26111 +renvoi 26110 +vinous 26109 +lawanda 26109 +hereditaments 26107 +cornstalk 26103 +greasewood 26101 +chanterelles 26097 +videodiscs 26096 +candidatures 26096 +bunking 26096 +enrages 26095 +saurian 26094 +pungency 26087 +furfural 26084 +centrosomes 26081 +outport 26079 +mudflat 26078 +margarito 26078 +avuncular 26078 +hent 26076 +dniester 26076 +shivery 26071 +vantages 26069 +tramline 26068 +exarch 26068 +oystercatchers 26067 +curdle 26065 +noncontroversial 26062 +vaselines 26056 +redcoat 26056 +adlerian 26051 +anergy 26050 +bodices 26048 +chigger 26047 +disproportional 26041 +setscrew 26038 +unmerciful 26036 +beadles 26033 +soaped 26032 +parimutuel 26032 +fatimid 26029 +demoiselles 26029 +woodsmen 26028 +juicier 26025 +uncircumcision 26021 +tideway 26020 +vocalized 26019 +dhaulagiri 26017 +adaxial 26016 +tyche 26012 +deadness 26011 +reprobation 26007 +punctuates 26004 +burped 26004 +burgomaster 26003 +filarial 26002 +opalescence 25997 +patchiness 25995 +roundish 25994 +interpenetration 25994 +copulas 25988 +extravagances 25986 +pottle 25984 +desegregate 25976 +sniped 25974 +plimsoll 25974 +dagda 25973 +repositions 25971 +inducting 25970 +subdues 25968 +curtailments 25966 +untwisted 25965 +ithaki 25965 +gorgonian 25962 +milquetoast 25956 +brawlers 25954 +fellah 25953 +absentmindedly 25953 +necromantic 25952 +trainman 25950 +hydrofoils 25950 +epiglottis 25948 +abednego 25944 +yamoussoukro 25943 +noncriminal 25941 +nasally 25939 +globalists 25939 +bobsledding 25938 +ethological 25935 +tunesmith 25933 +toerag 25932 +raffinose 25931 +compatibly 25928 +subotica 25926 +wakening 25925 +vacantly 25922 +discoursing 25921 +clausius 25919 +cablegram 25918 +ammeters 25915 +superorder 25913 +incrementalism 25912 +sisyphean 25911 +squeakers 25910 +hotting 25906 +hatbox 25900 +explicating 25899 +rawest 25896 +rowdies 25894 +amphioxus 25888 +pirogue 25887 +acclimatize 25887 +reluct 25886 +obsessional 25881 +lanced 25881 +cooee 25881 +injuriously 25873 +poseurs 25870 +flophouse 25870 +debarkation 25869 +spluttering 25868 +crinoid 25867 +gigged 25866 +inducts 25863 +counterproposal 25862 +rationalizes 25858 +goncourt 25858 +recapitulated 25857 +unrepeatable 25855 +miscue 25855 +gloried 25855 +croupiers 25854 +nastily 25853 +seismographs 25852 +menisci 25842 +consanguineous 25837 +walkies 25836 +camporee 25836 +inculcation 25830 +downstage 25830 +peddles 25826 +telson 25825 +mynah 25824 +hinshelwood 25820 +parallelograms 25819 +sensitizes 25816 +reoccupied 25815 +egeria 25814 +sensitizers 25809 +placated 25806 +wardroom 25802 +saunters 25800 +shantytowns 25797 +personalty 25797 +mezuzot 25797 +caliche 25797 +satirizing 25796 +herefords 25796 +cosponsorship 25795 +misjudgment 25794 +splutter 25793 +legalising 25789 +sizzled 25785 +enlistees 25783 +promontories 25782 +unbudgeted 25778 +mignonette 25778 +supplicate 25777 +borodino 25775 +orography 25772 +pattering 25769 +kaiserin 25767 +elliptically 25765 +unromantic 25764 +sophistical 25764 +tanzanians 25763 +thisbe 25757 +jigged 25755 +sidetracks 25753 +provability 25753 +assents 25753 +fissured 25751 +crosscheck 25750 +twinges 25749 +schiedam 25749 +nobleness 25748 +vardar 25747 +sandblaster 25747 +eggbeater 25746 +intensions 25743 +yips 25742 +gravediggers 25742 +grackles 25741 +foxhounds 25741 +exploitations 25741 +appurtenance 25740 +sealskin 25739 +supernormal 25738 +emaciation 25733 +vouching 25732 +oubliette 25730 +fudges 25730 +eyebolt 25730 +wheezes 25728 +trapezes 25728 +weyden 25726 +forewarn 25726 +motorman 25724 +usurps 25719 +neurotics 25719 +commensurately 25718 +handholds 25716 +nativist 25714 +bingle 25711 +unabsorbed 25708 +monetarism 25707 +illocutionary 25707 +heinie 25702 +bilking 25702 +flinger 25701 +ophthalmoscopy 25695 +communicational 25694 +bewilder 25694 +torchbearers 25693 +myotonia 25685 +palstave 25682 +couching 25681 +yesenia 25680 +promethium 25679 +cackles 25677 +drawstrings 25676 +scoters 25675 +lipetsk 25672 +rechecking 25669 +flatcar 25668 +consulship 25664 +dotcoms 25663 +armourer 25659 +menfolk 25654 +attis 25652 +hyson 25651 +bifrost 25651 +nostalgically 25645 +trines 25644 +scission 25641 +omdurman 25640 +mauriac 25638 +menstruate 25637 +discriminants 25637 +degassed 25632 +misplacing 25626 +horsebox 25626 +bennies 25625 +misappropriating 25623 +honker 25623 +malebranche 25620 +hitchhiked 25619 +honorariums 25617 +crystallise 25617 +prayerbook 25616 +monopolise 25613 +slinks 25611 +frazzle 25611 +carbuncles 25609 +unclouded 25603 +braider 25601 +bokhara 25598 +affability 25598 +affright 25596 +magnetizing 25592 +linalool 25592 +domesticating 25592 +recantation 25590 +urnfield 25587 +threshed 25585 +hoer 25583 +cheboksary 25582 +kunlun 25581 +anouilh 25577 +chowing 25576 +kakapo 25571 +flannelette 25571 +desegregated 25571 +millilitres 25569 +calderas 25568 +waxworks 25559 +visigoth 25559 +pelota 25559 +coprophilia 25558 +outplay 25557 +southwestward 25556 +impracticality 25556 +gigantism 25556 +kasher 25553 +gladdened 25553 +kordofan 25552 +burgeon 25551 +pineta 25547 +contractive 25542 +unmasks 25539 +luganda 25539 +crudeness 25538 +cioppino 25537 +abrade 25533 +upholster 25530 +spacewalks 25529 +ruses 25529 +outran 25527 +expostulation 25519 +misspoke 25518 +lustra 25517 +cavalryman 25516 +escarpments 25513 +wheelman 25510 +hydrosol 25509 +slithers 25506 +remounting 25499 +delawares 25499 +debunker 25497 +dickheads 25494 +rusks 25492 +disrupter 25492 +grampus 25491 +iroquoian 25490 +heriberto 25490 +commandeering 25489 +neoplatonism 25488 +piques 25486 +concentricity 25486 +galled 25476 +hexapod 25471 +graupel 25471 +antiabortion 25469 +hindgut 25464 +bosanquet 25464 +gallimaufry 25458 +besmirch 25454 +apatosaurus 25454 +conventioneers 25453 +duckbill 25451 +carbonyls 25451 +dilapidation 25450 +neoteric 25448 +marginalise 25448 +unpronounceable 25446 +tiebreak 25446 +soloed 25445 +ethnographical 25445 +slaveholder 25441 +stereograph 25438 +millionairess 25437 +flacon 25437 +foreordained 25431 +scrabbling 25429 +meddled 25427 +seceding 25425 +casebound 25423 +protestation 25418 +retrench 25413 +metallurgists 25412 +deanship 25412 +patrica 25411 +feigns 25411 +pourable 25410 +hygeia 25405 +marinetti 25401 +underlayer 25400 +truncheons 25400 +sallust 25400 +castellan 25399 +cauterize 25396 +cambyses 25395 +waterspout 25394 +offloads 25391 +caulked 25390 +yahrzeit 25389 +sporozoites 25389 +ftping 25386 +frack 25385 +enmities 25384 +becalmed 25383 +siouan 25382 +certifiably 25378 +derides 25376 +specifiable 25375 +steeve 25374 +charcoals 25374 +parafoil 25373 +crapshoot 25368 +syncytium 25366 +straggler 25360 +skedaddle 25359 +gingery 25358 +greybeard 25356 +latisha 25353 +disbandment 25351 +unskillful 25350 +behaviourism 25350 +cheekily 25347 +ageratum 25346 +abutted 25341 +recurrently 25340 +bagatelles 25334 +frittered 25332 +actualisation 25332 +abbes 25330 +persnickety 25327 +ineluctable 25323 +recapitalisation 25320 +tokenism 25313 +nimrods 25313 +crinkles 25307 +ghettoisation 25304 +yest 25302 +polychromatic 25302 +scrimp 25301 +urus 25297 +waitressing 25295 +nitpickers 25291 +chatlines 25291 +explosiveness 25288 +mustachioed 25284 +tearaways 25282 +cembalo 25281 +nephelometer 25279 +aquafresh 25272 +tinware 25268 +imide 25264 +epigraphic 25263 +categorises 25262 +retrogressive 25259 +amorality 25258 +unstick 25256 +amateurism 25252 +militarisation 25251 +hobbema 25250 +hermaphroditic 25249 +outscore 25247 +leprous 25245 +deadheading 25243 +castigating 25239 +universalistic 25237 +xingu 25236 +placating 25236 +penstock 25236 +lambent 25235 +leatherjacket 25234 +thrillingly 25232 +jinzhou 25226 +asocial 25220 +rebook 25219 +sacristan 25217 +ephesian 25217 +danubian 25212 +concocts 25212 +cimex 25209 +slogged 25208 +nones 25207 +tragicomedy 25204 +reattachment 25202 +lavishing 25200 +rekindles 25197 +loiret 25196 +overprinting 25195 +wending 25194 +disquieted 25194 +salishan 25191 +ironbound 25189 +benedictions 25188 +coexistent 25186 +niggardly 25185 +warrantor 25176 +stimulative 25175 +pentode 25172 +cummerbunds 25172 +disambiguating 25169 +latakia 25165 +lorikeets 25164 +tilefish 25163 +reseaux 25156 +exempla 25154 +lebensraum 25150 +untended 25149 +prepacked 25149 +troves 25148 +zarqa 25143 +eulogized 25143 +blancmange 25137 +cablecast 25135 +benedicts 25135 +enchiridion 25134 +experimentalism 25132 +operably 25130 +libidinous 25125 +callipers 25123 +hailstorms 25119 +drunker 25115 +eversion 25114 +muscovites 25113 +slops 25111 +paraboloid 25111 +pressurise 25109 +permuting 25108 +electability 25106 +appetiser 25103 +stickier 25102 +unforgettably 25097 +inocula 25097 +postdate 25092 +actuates 25092 +orthopsychiatry 25089 +claimable 25088 +evincing 25087 +serendipitously 25086 +liriodendron 25085 +fauteuil 25084 +copyedit 25083 +veges 25082 +pockmarked 25081 +orate 25080 +proffering 25076 +ergocalciferol 25075 +cultivations 25074 +rheingau 25073 +paratyphoid 25072 +darkrooms 25071 +secessionists 25068 +greenshank 25068 +mocker 25067 +biak 25067 +kaaren 25065 +buckboard 25063 +retuning 25061 +dirtied 25059 +noisome 25045 +milieus 25044 +diabolically 25042 +bactria 25042 +saccharide 25039 +impassible 25032 +atypically 25032 +missioners 25031 +glendower 25029 +moldau 25028 +unrelentingly 25027 +incentivise 25026 +clamming 25026 +penni 25022 +homogenised 25022 +stolichnaya 25021 +oblations 25021 +bechamel 25019 +curatorship 25016 +producible 25014 +outsmarted 25012 +decamped 25011 +jumbuck 25009 +hidebound 25008 +unbanned 25006 +galbanum 25006 +typecasting 25003 +tortes 25002 +intoxicate 25002 +plopping 24999 +americanist 24997 +exasperate 24989 +curtsey 24988 +toted 24979 +fatalist 24979 +philoctetes 24974 +dribbler 24973 +lolland 24972 +trinitrotoluene 24971 +onrushing 24971 +coagulants 24970 +pilose 24967 +departmentally 24965 +serenading 24964 +conjugative 24964 +educationists 24961 +babyhood 24960 +sojourned 24959 +dooming 24958 +circumcisions 24958 +bluestocking 24958 +blackmailer 24957 +phantasms 24954 +censuring 24954 +puffery 24953 +tensity 24952 +afros 24950 +hypothesise 24949 +disrespectfully 24949 +verwoerd 24948 +mesmeric 24948 +balky 24948 +apprehensively 24947 +fieldworkers 24946 +pyrrho 24945 +gradational 24945 +angeleno 24945 +grenadian 24943 +pushpins 24941 +consummating 24939 +quadratics 24938 +wherefores 24936 +regencies 24934 +comr 24934 +anaesthetised 24934 +roofless 24933 +monistic 24933 +hefted 24932 +conflates 24930 +pappus 24929 +displacer 24929 +despoil 24929 +fogies 24927 +plunking 24923 +auricula 24923 +pasteurised 24920 +direst 24920 +barrelhouse 24919 +asphalts 24919 +inroad 24917 +locknuts 24916 +cavalierly 24916 +wireman 24912 +brigs 24912 +kilocalories 24909 +mantic 24908 +dirndl 24906 +humectant 24904 +whicker 24903 +theca 24903 +millstones 24903 +filiation 24901 +contrapositive 24900 +coerces 24900 +gangrenous 24895 +vainglorious 24888 +fearfulness 24888 +proselytes 24884 +bouffe 24884 +bailment 24884 +sphincters 24883 +embezzle 24883 +sensitising 24880 +disenchant 24879 +rebroadcasting 24877 +waterpower 24876 +autolycus 24875 +peepholes 24874 +pearled 24874 +regresses 24869 +positivistic 24868 +furring 24865 +peckers 24864 +mithraism 24864 +endomorphisms 24859 +spading 24858 +lecky 24854 +benevolently 24853 +brachiosaurus 24852 +archbishopric 24852 +mayoress 24848 +dysgraphia 24848 +cottaging 24847 +bellmen 24845 +smackers 24843 +snappier 24841 +hatchway 24839 +andrewes 24839 +savoyard 24838 +objectifying 24838 +guesting 24838 +construes 24837 +decriminalized 24836 +debilitation 24835 +federating 24833 +spacesuits 24832 +pendents 24832 +samphire 24831 +pinnace 24831 +byz 24831 +slighting 24824 +plummy 24819 +tutuila 24818 +refractoriness 24817 +coquet 24816 +moustached 24803 +greisen 24799 +relationally 24798 +allocution 24796 +agoras 24793 +sepulchres 24787 +quizmaster 24787 +extirpate 24786 +mhos 24785 +quizzer 24784 +ligamentous 24780 +excreting 24780 +adrianople 24780 +fanged 24778 +imposer 24775 +handpick 24774 +avoirdupois 24773 +piercers 24771 +preventatives 24767 +convulse 24767 +crystallite 24766 +imperiously 24765 +polymerize 24762 +slopping 24756 +conversationally 24755 +rhetorician 24754 +rehabbed 24751 +misappropriate 24751 +menderes 24751 +glowers 24747 +conciliators 24745 +consorting 24743 +tuberosity 24742 +bilked 24741 +eridanus 24735 +neuroblast 24733 +decreeing 24732 +regaling 24728 +boyar 24725 +kibosh 24723 +zaharias 24722 +unburnt 24721 +repartitioning 24721 +yean 24719 +antiguan 24718 +unconcern 24712 +foreshores 24712 +doomsayers 24711 +cebus 24710 +francium 24709 +wanks 24708 +dearness 24708 +cretans 24708 +gonfalon 24707 +requited 24705 +edibility 24703 +allelopathic 24703 +tinges 24701 +cervin 24700 +stationmaster 24699 +abdomens 24699 +rued 24698 +suretyship 24697 +blankness 24693 +squidgy 24691 +rehousing 24691 +cryobiology 24691 +gyrate 24690 +consomme 24689 +cuing 24687 +crucifying 24687 +wastrel 24683 +religiousness 24681 +rutabagas 24680 +privative 24680 +peloponnesus 24678 +postern 24676 +philosophize 24675 +grousing 24670 +supergiants 24669 +redisplayed 24669 +guadalquivir 24669 +cockaigne 24669 +neediness 24668 +undischarged 24667 +cacophonous 24667 +irremediable 24664 +hamilcar 24664 +quavering 24661 +arsis 24659 +unperceived 24658 +altocumulus 24657 +logistician 24656 +clotheslines 24655 +handier 24654 +vulcanizing 24653 +tropically 24652 +roncesvalles 24650 +styptic 24649 +cimmerian 24646 +blackmailers 24645 +pintails 24644 +redetermined 24643 +lathing 24635 +leonine 24634 +quacking 24630 +issei 24630 +plenums 24628 +haemorrhages 24626 +sudeten 24622 +haberdasher 24621 +abscission 24621 +nonviable 24619 +wonderingly 24616 +ruffing 24613 +accedes 24606 +haversack 24605 +crumpling 24599 +inaugurations 24593 +dawdling 24589 +spiritless 24586 +hypnotise 24581 +fuzzier 24580 +inutile 24578 +ballgown 24574 +signally 24573 +loitered 24573 +caterwauling 24572 +qto 24571 +expansiveness 24570 +unburden 24566 +glaciological 24565 +benefices 24562 +togged 24561 +batfish 24560 +tetanic 24559 +sonorities 24551 +lumbermen 24550 +soling 24549 +nonhomogeneous 24544 +paleography 24543 +teetered 24539 +depressors 24536 +presages 24535 +hewing 24529 +transgresses 24526 +methenamine 24525 +eradicates 24524 +wenceslaus 24523 +strafed 24523 +legatees 24522 +outflank 24518 +onslaughts 24518 +boogieman 24518 +aquileia 24517 +speediest 24512 +cheshvan 24511 +forgoes 24510 +catiline 24510 +outmost 24509 +wanked 24507 +probates 24507 +noblewoman 24505 +fossiliferous 24505 +climbdown 24502 +vicuna 24501 +speculums 24501 +catcalls 24500 +pulsates 24499 +dishwater 24499 +larking 24498 +gravities 24497 +abysses 24496 +capsizes 24495 +aspirating 24494 +anticlimax 24489 +gushy 24488 +footwall 24488 +discloser 24487 +casanovas 24485 +slovenians 24484 +pacy 24484 +creese 24481 +erewhon 24479 +retrenchments 24478 +stratifying 24473 +mouldering 24473 +everlastingly 24470 +denotations 24470 +majorettes 24469 +inseams 24469 +maguey 24468 +pushpin 24467 +osbert 24465 +descried 24463 +unshackled 24462 +refiling 24460 +homiletic 24460 +preclusive 24452 +sleepwalkers 24451 +funnelled 24448 +definiens 24447 +tintypes 24445 +geocentrism 24443 +dentelle 24440 +untranslatable 24439 +schmaltzy 24439 +unmatchable 24436 +resuscitator 24435 +spectroscopically 24434 +nagari 24432 +suffixing 24431 +cuchulain 24431 +froward 24430 +goobers 24426 +oceangoing 24424 +crumbed 24424 +irbid 24422 +dropline 24421 +uncomprehending 24419 +loused 24419 +songhai 24417 +farrago 24417 +zetas 24414 +karlsbad 24414 +reprimanding 24413 +audaciously 24410 +harrumph 24408 +keynesianism 24406 +hydantoin 24406 +dislocating 24401 +whitethroat 24399 +institutionalise 24399 +indelicate 24398 +acini 24397 +wheatgerm 24396 +venation 24395 +optimisers 24395 +cineraria 24389 +kutuzov 24383 +avestan 24382 +rangy 24374 +circumferences 24374 +remscheid 24370 +nocks 24367 +exhaustible 24366 +chiton 24364 +chinamen 24364 +prostrating 24362 +impinger 24360 +ceremonious 24360 +platonists 24359 +nereid 24359 +noxzema 24358 +seining 24355 +trollop 24353 +plods 24353 +positivists 24349 +pixilated 24348 +hemicellulose 24344 +ottar 24341 +figureheads 24341 +documenter 24338 +portamento 24337 +freyja 24337 +genista 24336 +monchengladbach 24335 +hasps 24335 +clocker 24334 +sedimented 24333 +electrologist 24332 +pyrrhotite 24330 +sups 24329 +sumeria 24325 +unworldly 24324 +ideality 24324 +sniggering 24320 +jackhammers 24319 +ultimatums 24317 +halocarbon 24317 +contextualise 24314 +unanchored 24310 +eyecups 24309 +outgrows 24308 +marylyn 24307 +enslaves 24306 +blintzes 24304 +colloquialism 24296 +showpieces 24295 +fathomed 24293 +synapsis 24290 +neptunian 24289 +kidded 24287 +maraca 24286 +valorization 24282 +tweedledee 24280 +nark 24280 +dorsetshire 24278 +hinayana 24277 +concentrically 24277 +guardhouse 24276 +labiatae 24274 +democratise 24273 +ibises 24270 +lunation 24269 +imprecisely 24268 +essequibo 24268 +pullbacks 24265 +plafond 24265 +needlecrafts 24265 +klystrons 24265 +guardedly 24265 +prohibitionist 24259 +bitterns 24257 +tranquilly 24253 +shopworn 24253 +writhes 24247 +eavesdropped 24245 +brazils 24243 +delectation 24240 +flowerbed 24234 +crones 24233 +pyrethrin 24231 +exoplanet 24230 +fenestra 24229 +bushranger 24225 +bodge 24225 +deflowered 24223 +khoikhoi 24221 +revetments 24219 +couldst 24217 +laugher 24216 +barfing 24216 +prattling 24214 +flavoursome 24214 +cryonic 24212 +bleeped 24212 +decriminalisation 24209 +urinates 24208 +indeterminable 24207 +masterstroke 24206 +hybris 24205 +doorknocker 24205 +integrality 24202 +schoolhouses 24201 +invagination 24200 +daiquiris 24200 +kegler 24199 +commandants 24198 +unsuppressed 24194 +tonalities 24194 +semipalatinsk 24190 +prate 24190 +indoctrinating 24187 +submissively 24185 +whithersoever 24184 +kokoschka 24184 +falsifications 24182 +cocksure 24182 +earthmover 24181 +donar 24178 +patinas 24174 +brutalize 24174 +kerfuffles 24171 +brutalizing 24171 +belying 24162 +knish 24159 +anoles 24159 +crammer 24158 +druggy 24156 +figurant 24154 +bibliomancy 24154 +girdled 24146 +slayed 24145 +abased 24145 +confinements 24143 +unappetizing 24141 +buryat 24141 +decoratively 24140 +unaccented 24138 +funabashi 24138 +moldboard 24137 +prokaryote 24133 +carabao 24132 +waldenburg 24131 +methaqualone 24131 +dalesman 24131 +infarcted 24130 +bughouse 24130 +drenches 24127 +piazzas 24125 +christianization 24122 +tamarins 24117 +digressed 24117 +misdirect 24115 +derailments 24114 +quadraphonic 24111 +effacer 24111 +sturgeons 24103 +acculturated 24103 +vestibules 24102 +needler 24102 +undervaluation 24100 +gaultheria 24100 +putouts 24097 +neonatologist 24097 +lipizzaner 24097 +cusk 24095 +goatherd 24094 +sulks 24093 +doubloon 24093 +dictations 24090 +thunks 24089 +despairingly 24084 +planetoid 24081 +bronchopneumonia 24081 +verbalization 24079 +vampy 24079 +incentivize 24079 +porringer 24078 +imine 24076 +zanies 24074 +francolin 24071 +expropriating 24071 +traipse 24070 +munificence 24070 +tiebreakers 24066 +juvenilia 24066 +cottier 24065 +matchsticks 24062 +eurus 24061 +incorruption 24056 +wideness 24054 +minicab 24054 +habitude 24054 +clutters 24051 +latticework 24049 +titmice 24047 +laxer 24047 +impetuously 24043 +filiform 24043 +unseating 24042 +cautiousness 24041 +imbibition 24040 +riving 24038 +hearkens 24038 +providentially 24035 +bumpkins 24035 +dysphasia 24033 +overfed 24031 +coom 24027 +electromagnetically 24025 +harangued 24021 +buret 24021 +sudetenland 24020 +gateaux 24019 +skulk 24018 +altdorf 24018 +flysheet 24017 +yakking 24012 +microloan 24011 +hatpins 24010 +whoredom 24008 +budging 24007 +baykal 24007 +cavatina 24006 +psychodynamics 24004 +burnisher 24004 +pentad 24001 +glorying 24001 +dehumidifying 24001 +cockade 24001 +jackdaws 23993 +sippers 23989 +asarum 23988 +carpels 23984 +allaying 23983 +inconstancy 23980 +kesselring 23976 +dissuading 23976 +virgos 23968 +sweepings 23965 +makhachkala 23963 +covenanting 23963 +teaberry 23962 +reciprocates 23962 +wozzeck 23959 +folium 23956 +chromogen 23950 +stalactite 23948 +byres 23946 +groggily 23941 +benison 23940 +reconversion 23939 +milkfish 23938 +suasion 23937 +zairian 23936 +gratifications 23934 +scuppered 23932 +impenitent 23932 +synchrotrons 23931 +overstretch 23929 +memorizes 23929 +puds 23928 +parturient 23928 +birdcages 23928 +moneybox 23926 +allelopathy 23926 +octagons 23925 +coordinately 23921 +reverends 23920 +laryngoscopes 23917 +jocularity 23916 +subclassification 23914 +greaseproof 23911 +colourway 23910 +fantasist 23906 +revivalists 23905 +yakut 23904 +protactinium 23902 +remunerate 23899 +blabbering 23895 +deadfall 23893 +ormolu 23891 +meths 23887 +saccharides 23885 +circumscribing 23885 +waveband 23879 +embellishes 23874 +handiest 23872 +cryptographer 23870 +valences 23867 +icefall 23865 +courland 23865 +cordons 23864 +sadistically 23862 +relinked 23862 +harmlessness 23859 +centralist 23858 +demarcating 23857 +trivializes 23855 +foreskins 23852 +detoxified 23851 +chiffchaff 23851 +vuillard 23846 +planetesimals 23843 +parries 23843 +humoresque 23842 +sternness 23841 +sarcophagi 23841 +flunkies 23841 +illegitimately 23840 +lames 23839 +brail 23839 +precess 23836 +wisecrack 23832 +gleaners 23831 +ruminator 23829 +complot 23827 +subdominant 23823 +prandial 23821 +knapsacks 23820 +hydrophones 23815 +engross 23813 +degradability 23813 +zymogen 23812 +misplacement 23808 +convolute 23807 +backslide 23804 +insufflation 23803 +polacca 23801 +oresund 23800 +hermaphroditism 23798 +gracefulness 23796 +elide 23795 +communed 23793 +solarize 23791 +upchuck 23787 +darold 23786 +tirpitz 23782 +insurgence 23780 +moluccan 23778 +interflow 23778 +slaked 23777 +nearside 23777 +intone 23777 +buckyball 23774 +megachurch 23773 +calmest 23770 +maliciousness 23767 +glutted 23766 +flamsteed 23766 +busman 23766 +budweis 23766 +movables 23763 +dallying 23763 +dirges 23762 +blockbusting 23761 +monist 23760 +desiccators 23757 +scurries 23756 +dogeared 23756 +witticism 23754 +surjection 23754 +tympanum 23753 +fatted 23752 +spherules 23751 +trophozoites 23749 +pinsk 23748 +neurasthenia 23747 +thermoluminescence 23741 +reassembles 23739 +paleface 23739 +ingoing 23739 +flatheads 23739 +disambiguated 23739 +jarlsberg 23735 +bitchiness 23733 +encrusting 23729 +wirework 23723 +tripitaka 23723 +sinistral 23722 +hottentots 23722 +plasterwork 23721 +examinable 23718 +oujda 23716 +liaised 23716 +anaglyphs 23711 +penances 23710 +catnap 23708 +cockfight 23707 +scrounged 23706 +sureness 23702 +incs 23701 +yaps 23699 +meteoritic 23699 +satirizes 23698 +achromat 23697 +bircher 23696 +laoag 23692 +monoceros 23691 +oafs 23690 +kneads 23688 +szymborska 23687 +volleyed 23685 +mappable 23685 +glimmered 23682 +bretons 23682 +servitors 23677 +backspacing 23676 +deconstructionist 23674 +propertied 23673 +monarchists 23673 +cannibalized 23673 +amygdaloid 23668 +tabards 23667 +miscommunications 23667 +prostates 23666 +arcadians 23664 +tyrannosaur 23660 +flamboyantly 23659 +coracle 23659 +cavafy 23654 +seamark 23650 +slickness 23649 +niihau 23647 +phis 23645 +ballgames 23645 +scrubland 23641 +torchwood 23639 +kleptocracy 23639 +gadabout 23639 +disproof 23638 +tootle 23636 +airily 23631 +stepsisters 23630 +ambushing 23629 +nagual 23628 +unseasoned 23627 +riels 23627 +jawbreakers 23627 +heathy 23627 +primogeniture 23625 +blastomeres 23618 +toxicosis 23611 +overfeeding 23611 +brents 23611 +congruity 23610 +valiums 23608 +reline 23605 +franconian 23605 +summable 23600 +hairbrushes 23600 +influxes 23594 +kinsfolk 23592 +cumuli 23591 +magnitogorsk 23587 +comportment 23585 +filterable 23584 +sphericity 23581 +decentralise 23580 +asthenosphere 23580 +unambitious 23576 +satirize 23576 +soundalike 23575 +essayer 23574 +distrusting 23573 +malaprop 23569 +redware 23568 +honer 23567 +tartary 23564 +homeomorphisms 23562 +stonechat 23559 +reface 23556 +restudy 23553 +curculio 23553 +meddler 23545 +cabernets 23536 +uncorking 23535 +warmhearted 23533 +droops 23533 +constrictors 23533 +psychophysiologic 23532 +cockiness 23531 +sniggers 23527 +panelboard 23524 +nonentity 23524 +blandishments 23524 +nymphal 23522 +lexemes 23520 +spectating 23516 +digestives 23516 +sisera 23514 +moabite 23513 +macadamias 23512 +streetwalker 23511 +quashes 23510 +angelita 23510 +doodler 23507 +remonstrate 23505 +occasioning 23503 +micromanaging 23497 +actomyosin 23495 +lumenal 23492 +steatite 23488 +perspicuous 23487 +riveters 23483 +getup 23481 +deductively 23480 +viceroys 23479 +improvident 23478 +polygynous 23477 +logia 23477 +handsomer 23476 +cannibalization 23473 +savouries 23472 +stolons 23470 +adverbials 23469 +resealing 23468 +fluoresceins 23468 +turbinate 23466 +blazoned 23466 +smaragd 23465 +overtimes 23463 +metrically 23462 +disassembles 23457 +tenuously 23455 +webworm 23453 +debarring 23448 +luncheonette 23444 +kazoos 23444 +picrotoxin 23443 +carrycot 23440 +revolute 23439 +rehear 23439 +geriatrician 23437 +damps 23436 +guested 23435 +sorn 23431 +indican 23429 +crookneck 23425 +mafiosi 23423 +kumquats 23423 +prescript 23419 +stepdaughters 23416 +muscularity 23414 +demotions 23413 +cohabited 23413 +bonhomie 23413 +overdressed 23412 +evacuates 23411 +thumbtack 23408 +adverted 23408 +inheres 23406 +industrialize 23405 +seethes 23404 +soldiered 23403 +toughie 23402 +illegalities 23400 +parametrize 23399 +inertness 23399 +cleome 23398 +nyaya 23396 +ataman 23396 +uncivilised 23395 +productiveness 23395 +rickover 23394 +connate 23393 +backstabber 23392 +militarists 23389 +coelenterate 23387 +newfoundlands 23386 +parodic 23385 +appetisers 23384 +disestablished 23382 +nonwhites 23380 +atonic 23379 +bookmobiles 23375 +salmonellae 23374 +irrefutably 23374 +overacting 23373 +variorum 23372 +druse 23371 +hallel 23370 +deliciousness 23369 +cherubic 23368 +antihistaminic 23367 +plasticized 23364 +congregationalists 23363 +yawp 23360 +quaver 23360 +ironclads 23360 +cordate 23359 +fulls 23358 +fiddlehead 23354 +depressurization 23350 +brasier 23346 +anxiousness 23346 +spiderwort 23345 +noninterference 23342 +birdbrain 23340 +relativized 23339 +infernos 23338 +awls 23336 +overwrote 23335 +trommel 23328 +centrefold 23328 +tenons 23326 +wetly 23325 +bialy 23321 +rotatory 23319 +metabolisms 23313 +glossolalia 23309 +millennialism 23307 +invitationals 23306 +psychosurgery 23305 +guanabara 23305 +endears 23303 +obsesses 23302 +algonkian 23301 +lapsus 23299 +erythroblastosis 23297 +deontology 23296 +colourfully 23296 +cnidarians 23294 +versification 23289 +pontianak 23287 +egotistic 23286 +ephah 23285 +creameries 23285 +sojourning 23279 +misinterprets 23279 +thomistic 23277 +gurneys 23274 +readjustments 23273 +incurably 23269 +nasturtiums 23265 +flogs 23265 +swadeshi 23260 +incontestably 23260 +sucrase 23259 +semiformal 23259 +acclamations 23257 +sloughed 23256 +griffons 23256 +unfaltering 23255 +tetrarch 23253 +defendable 23252 +trentonian 23248 +inuits 23246 +lithological 23245 +feminizing 23243 +lathi 23242 +loftiness 23239 +coursebooks 23239 +predicable 23235 +straightforwardness 23234 +snitching 23230 +scullers 23229 +geriatricians 23226 +cruses 23225 +emendation 23223 +appetitive 23220 +stonecutters 23217 +daudet 23217 +overachiever 23216 +circlets 23215 +containerization 23214 +pyrometers 23210 +hardtack 23209 +bergius 23207 +loaners 23206 +psychoanal 23205 +turreted 23200 +connotative 23200 +acrophobia 23200 +sportscasters 23192 +morganite 23191 +clownish 23191 +wolfing 23189 +overdraw 23187 +nestable 23187 +ballades 23183 +glenohumeral 23182 +childlessness 23180 +stomatology 23179 +barquisimeto 23177 +utilitarians 23175 +sterilise 23175 +bagpipers 23171 +hectoring 23169 +espousal 23169 +astrologically 23169 +imperviousness 23167 +zoogeography 23166 +detoxifies 23163 +animatedly 23163 +schwaben 23162 +carniola 23162 +catchiest 23160 +madagascan 23159 +cruzado 23158 +prehension 23155 +decoctions 23153 +graving 23152 +aardwolf 23152 +factorize 23151 +irredeemably 23148 +emendations 23146 +strutter 23142 +redound 23140 +foreshortened 23140 +informativeness 23139 +moodily 23136 +krakatau 23134 +furloughs 23134 +nonperishable 23133 +edwardo 23133 +gridlocked 23131 +solipsist 23129 +pontificator 23129 +discords 23128 +candyfloss 23128 +supination 23127 +purgation 23122 +gastronome 23122 +outworn 23119 +honeycombed 23119 +exoplanets 23119 +sambas 23118 +reselection 23116 +monopolised 23116 +snick 23113 +speedsters 23112 +deathblow 23112 +pollywog 23111 +decompresses 23110 +parapsychological 23107 +saltier 23105 +haik 23103 +reimport 23098 +quarterstaff 23098 +waldenses 23095 +biodegrade 23094 +transmittable 23093 +stinkbug 23092 +curette 23092 +participator 23090 +redcap 23089 +winepress 23088 +recitativo 23088 +rechristened 23088 +lorenzetti 23088 +polyclinics 23087 +livened 23084 +ratted 23083 +overstaying 23083 +hondurans 23083 +wigged 23081 +forepart 23080 +troja 23079 +amendable 23076 +siqueiros 23074 +hardheaded 23074 +pedagogues 23073 +leasebacks 23073 +shopaholics 23072 +ileitis 23072 +purlin 23069 +lonna 23069 +supercontinent 23062 +prickling 23061 +muckrakers 23057 +congeal 23057 +boito 23053 +tidily 23052 +crocodilian 23052 +completists 23051 +seadog 23050 +pseudepigrapha 23041 +shimming 23039 +armours 23038 +devisee 23035 +sniffled 23028 +odalisque 23028 +snappish 23027 +conferee 23027 +superannuated 23026 +poohed 23025 +photochemically 23024 +apennine 23024 +gangplank 23023 +parquetry 23022 +bankrolling 23021 +tiredly 23020 +stalkings 23015 +sniffy 23015 +accusingly 23015 +mesospheric 23009 +viands 23001 +tamped 23000 +auklet 23000 +amiability 22999 +unaccepted 22997 +shortenings 22997 +incapability 22997 +psalmody 22996 +qadi 22994 +stagnates 22993 +kaisers 22991 +apollonian 22989 +restrictiveness 22988 +deicer 22984 +significances 22980 +victualling 22979 +ideograms 22975 +casualness 22973 +tearjerkers 22971 +cushiony 22969 +sequinned 22964 +wickerwork 22961 +religieuse 22959 +incise 22957 +sloganeering 22956 +hijabs 22956 +maillol 22955 +vijayanagar 22952 +lyly 22950 +gussied 22948 +archaeologically 22948 +untouchability 22945 +nichrome 22945 +scenography 22936 +solemnize 22935 +pawning 22926 +pahari 22926 +mispronounce 22923 +maturational 22920 +gyps 22917 +cabotage 22917 +skylarks 22914 +unwearied 22910 +mercers 22910 +rehashes 22909 +sunwise 22908 +standoffish 22908 +punctilious 22906 +crays 22904 +attendings 22904 +octavos 22903 +overusing 22902 +volans 22901 +imamate 22899 +egotist 22897 +handmaidens 22896 +rehiring 22894 +normalizations 22894 +shucking 22893 +reenters 22892 +cowers 22892 +baldhead 22889 +metic 22884 +mujib 22883 +papaw 22881 +rankles 22878 +unplugs 22875 +peregrinations 22873 +nuttiness 22873 +shanny 22868 +electronegative 22867 +dismembering 22862 +overdevelopment 22859 +jiving 22858 +curbstone 22858 +overworking 22857 +squeezable 22856 +pyrope 22856 +mistyping 22854 +importunity 22854 +androgyne 22852 +imputes 22850 +privater 22849 +distractedly 22847 +gigawatts 22845 +heterochromatic 22844 +millworks 22841 +philadelphian 22840 +moil 22840 +waxwork 22838 +untarnished 22838 +mycostatin 22837 +ailanthus 22837 +autocephalous 22836 +vexations 22834 +freighting 22832 +roadsigns 22825 +piastres 22825 +mealworm 22825 +steading 22824 +donas 22823 +boche 22819 +bewitch 22818 +repurchasing 22816 +allures 22812 +frisking 22810 +commentating 22810 +volstead 22809 +rottenness 22809 +diplodocus 22803 +sentimentalism 22801 +osteoarthritic 22799 +ichor 22795 +clanged 22793 +borderers 22792 +almandine 22788 +aalesund 22786 +defoliated 22783 +manchukuo 22781 +eaglet 22781 +timbering 22777 +tinsmith 22775 +sardou 22775 +postcoital 22775 +graphitic 22775 +rastafarianism 22773 +dubber 22772 +privily 22771 +noctilucent 22768 +ungenerous 22767 +reptilians 22766 +dunnock 22763 +vertexes 22762 +fuds 22761 +spiderwebs 22759 +boondoggles 22755 +baronies 22753 +agram 22750 +dipso 22748 +overpricing 22744 +absented 22744 +intens 22741 +legislates 22737 +euboea 22736 +medlar 22735 +fiefs 22735 +rectally 22734 +sherbets 22732 +desideratum 22732 +copyists 22732 +turkmens 22730 +prestress 22729 +bildungsroman 22729 +sandhi 22727 +unicyclist 22726 +rosicrucianism 22724 +allottee 22722 +sympathised 22719 +excursus 22717 +spectrographs 22716 +sassanid 22714 +weldable 22712 +upbraided 22711 +gumma 22711 +virologists 22708 +vulpecula 22707 +thermidor 22707 +nanometres 22707 +furloughed 22703 +trimarans 22699 +ignominiously 22698 +indefeasible 22695 +burbling 22695 +appertain 22695 +infests 22691 +staleness 22690 +uncropped 22687 +teleosts 22686 +enviously 22686 +rebroadcasts 22684 +flashgun 22684 +multilane 22683 +engrafted 22682 +gurgles 22680 +hubbies 22677 +vermis 22672 +systematical 22672 +preadolescent 22672 +brummell 22671 +godmothers 22670 +succoth 22669 +cubital 22669 +bearwood 22667 +joyed 22666 +infin 22666 +kelvins 22661 +cockatrice 22661 +castanet 22661 +abducts 22659 +anecdotage 22657 +foreside 22650 +underfed 22645 +turfed 22645 +greenfinch 22643 +eccentrically 22643 +hunyadi 22641 +mastectomies 22635 +lipotropic 22628 +rearmost 22627 +overbuilt 22627 +maddest 22625 +gimmickry 22624 +coffeecake 22620 +cabalistic 22620 +spendable 22618 +legitimising 22618 +viscountess 22616 +clansmen 22615 +thuds 22613 +midnights 22612 +conventionality 22609 +anticyclone 22608 +quicklime 22604 +korzybski 22604 +pyrrolidine 22597 +dits 22597 +polariser 22591 +whiffs 22586 +headhunted 22583 +sutlej 22582 +intercalating 22582 +lychnis 22577 +forthrightness 22577 +draughtsmen 22576 +swigs 22572 +saltation 22572 +nonradioactive 22572 +firebase 22572 +uncommunicative 22570 +lycanthrope 22570 +borstal 22570 +familiarising 22568 +auspex 22565 +deselecting 22564 +sopranino 22563 +kwashiorkor 22563 +inconveniencing 22563 +pomace 22558 +manufactories 22558 +sterilisers 22553 +celestite 22553 +weeper 22552 +twelvemonth 22551 +undimmed 22548 +gabbing 22547 +broadminded 22543 +cinematically 22539 +faithlessness 22538 +effectuation 22536 +dentil 22535 +contextualism 22533 +theorised 22532 +unchartered 22527 +factorials 22526 +mannerheim 22524 +semitransparent 22523 +elusiveness 22522 +exonerating 22521 +contrives 22517 +braila 22516 +blurriness 22514 +foisting 22513 +latke 22512 +retune 22510 +wistfulness 22504 +pablum 22504 +catlike 22503 +unappreciative 22501 +woodblocks 22500 +headcase 22498 +munificent 22494 +suppertime 22491 +dovish 22490 +cesspit 22488 +reacquaint 22485 +glaive 22485 +eglantine 22485 +swoons 22481 +educable 22479 +gestating 22475 +quiberon 22474 +cuyp 22474 +greenroom 22472 +arietta 22469 +uncrowned 22466 +faddish 22466 +resynthesis 22459 +drumbeats 22451 +convoked 22451 +flunks 22450 +unreturned 22448 +threnody 22447 +motorboating 22447 +toothaches 22444 +pulverised 22441 +malefactor 22440 +anticommunist 22440 +allhallows 22440 +honeymooning 22435 +crackly 22435 +leers 22432 +oxalates 22430 +dotage 22430 +cannibalizing 22430 +palliate 22429 +euphonious 22428 +kittiwakes 22427 +burled 22427 +vacillate 22426 +metabolizes 22426 +jawline 22426 +oxyacetylene 22423 +cobbling 22422 +redoubling 22419 +oxus 22414 +teenybopper 22411 +enshrinement 22409 +pedants 22408 +quaked 22407 +athabaskan 22405 +internationality 22404 +hydrophobia 22404 +sanitizes 22403 +starwort 22400 +affronts 22399 +plexiform 22398 +emprise 22395 +depressives 22395 +folklorists 22393 +ambles 22393 +overselling 22390 +gatun 22389 +bioconversion 22385 +lusciously 22381 +outdoing 22380 +sterilizations 22379 +reproaching 22379 +jiff 22376 +bleakest 22371 +orthoclase 22367 +anarch 22360 +predetermination 22359 +holofernes 22358 +elizabethville 22357 +vocative 22355 +venturesome 22354 +burgeoned 22354 +isolationists 22350 +unremittingly 22348 +jimmies 22347 +miniaturised 22345 +washouts 22344 +plodder 22344 +redactor 22343 +muskmelon 22342 +coper 22335 +suppuration 22330 +forcefulness 22330 +unfermented 22329 +arioso 22329 +roues 22326 +diploids 22326 +amenability 22326 +radiopaque 22324 +handsaws 22323 +severer 22321 +paternally 22321 +fremd 22321 +bellay 22321 +incomprehensibly 22320 +fusillade 22320 +scrums 22319 +diagonalized 22319 +muddying 22317 +mayon 22317 +preambular 22313 +suffocates 22307 +shininess 22307 +impassively 22305 +hallstatt 22305 +ropeway 22302 +epistemically 22301 +hogback 22299 +casaubon 22298 +underclothes 22297 +folkloristic 22296 +augean 22296 +solferino 22295 +transected 22288 +axenic 22279 +sapphira 22277 +parve 22277 +hussies 22277 +lxix 22275 +transliterate 22270 +salween 22270 +tonally 22265 +overdubbing 22263 +peerages 22262 +jabot 22262 +ectropion 22262 +arrowed 22260 +hohenstaufen 22257 +preverbal 22255 +wights 22252 +unacceptability 22252 +laxness 22250 +bellhops 22249 +autopsied 22246 +bareheaded 22242 +hemstitch 22241 +balakirev 22240 +phenacetin 22239 +nikolayev 22239 +moneylender 22239 +coastland 22238 +picoseconds 22236 +girding 22235 +baffler 22231 +kopje 22229 +goral 22229 +dayflower 22229 +cowpox 22226 +fieldworker 22224 +atheroma 22222 +psychrometer 22221 +renomination 22219 +drava 22219 +desertions 22217 +babul 22216 +winnowed 22214 +infiltrations 22212 +peignoir 22206 +chomps 22205 +spaetzle 22203 +postnatally 22203 +enticingly 22201 +manichean 22200 +equestrianism 22199 +astringency 22196 +wrings 22195 +malnourishment 22192 +glacially 22191 +manhattanite 22188 +hummocks 22187 +mooching 22186 +chlortetracycline 22185 +electorally 22184 +gunge 22183 +flinches 22183 +bicyclic 22180 +dorsoventral 22179 +reship 22178 +haemolysis 22178 +tunnelled 22177 +detraction 22177 +lymphoblast 22175 +earthshine 22175 +colet 22175 +trounces 22174 +doublings 22173 +seaworthiness 22172 +rajputana 22168 +accessibly 22167 +wastefulness 22164 +angevin 22163 +insufferably 22162 +copulatory 22161 +harmfulness 22158 +aviatrix 22157 +lycanthropes 22156 +frostbitten 22155 +carbonado 22155 +preposterously 22151 +kinin 22149 +ironweed 22147 +antlions 22147 +draftee 22146 +safecracker 22145 +illumines 22142 +mimir 22138 +magneton 22138 +vegetate 22137 +snuffs 22137 +selaginella 22137 +laparoscopically 22137 +grunter 22135 +antivenom 22133 +sybaris 22132 +upends 22123 +loped 22120 +heaver 22118 +barfs 22116 +asepsis 22116 +windhover 22114 +subserve 22111 +sportswomen 22106 +quieten 22106 +mucor 22105 +parlous 22103 +pallbearer 22101 +namibians 22099 +foreleg 22094 +involutions 22090 +lenity 22088 +mawkin 22084 +acclimatise 22080 +prefacing 22079 +predestinated 22079 +fallbacks 22079 +quorums 22078 +glaciations 22077 +sabots 22076 +firetrucks 22075 +phidias 22069 +enactor 22068 +rampaged 22067 +amenorrhoea 22067 +tehuantepec 22065 +cyclotrons 22060 +bowlegs 22060 +insolently 22059 +appaloosas 22054 +criers 22053 +overfilling 22052 +muscleman 22050 +veejay 22049 +rockier 22048 +passphrases 22047 +uprightly 22046 +videoed 22045 +badmouth 22043 +antiunion 22043 +petabytes 22042 +dimpling 22041 +ansermet 22039 +ineptly 22037 +huambo 22037 +airbases 22037 +imper 22036 +invigilators 22033 +pyres 22032 +diddling 22030 +systemics 22028 +novobiocin 22028 +cuspid 22013 +glads 22012 +devilfish 22012 +chasuble 22006 +criminalised 22005 +angularity 22005 +shillelagh 22000 +nutshells 21999 +unevaluated 21998 +outvoted 21997 +littleness 21996 +stiver 21994 +fossae 21994 +nondelivery 21989 +kilogrammes 21988 +kabbalist 21988 +undrinkable 21984 +darkie 21984 +regally 21982 +vituperative 21980 +upbraid 21979 +bluffed 21977 +unsubstantial 21976 +inwardness 21976 +tentacled 21973 +bibliotherapy 21973 +southpaws 21968 +mashes 21965 +proselyte 21961 +escapements 21958 +intoning 21955 +nonexpendable 21949 +authoress 21949 +beaus 21947 +prepays 21946 +illogically 21946 +jives 21944 +starflower 21943 +katar 21937 +etiolated 21935 +kassala 21931 +grandee 21930 +snakebites 21929 +outmatched 21929 +prophylactically 21927 +pleasantry 21927 +discontinuously 21925 +squareness 21923 +saccular 21917 +bearnaise 21917 +pictor 21916 +firebombed 21916 +chequebook 21913 +wolfhounds 21911 +syllogistic 21910 +symptomless 21909 +chaldea 21909 +pontificates 21908 +suburbans 21907 +groundings 21906 +superabsorbent 21905 +karaite 21902 +theocritus 21898 +fermentative 21898 +taws 21897 +oximes 21897 +dacian 21897 +bioengineer 21897 +angriest 21897 +trabeculae 21894 +loury 21894 +denominate 21892 +prizefight 21891 +ultraconservative 21887 +pubescence 21886 +pensioned 21882 +montagnais 21875 +dhoti 21870 +considerately 21869 +fellowmen 21867 +captivation 21867 +travesties 21866 +moused 21866 +immunosuppressants 21866 +faultlessly 21865 +redbreast 21861 +dematerialised 21861 +countershaft 21859 +weightlifters 21858 +kepi 21854 +endemicity 21854 +stickles 21852 +smelted 21852 +illimani 21852 +doodled 21850 +centrifuging 21849 +teuton 21847 +pestilent 21847 +companionway 21846 +bafflement 21842 +countrified 21841 +bountifully 21841 +thebe 21840 +synergists 21840 +boringly 21837 +desisted 21836 +senghor 21835 +appreciator 21834 +granges 21833 +scrawling 21832 +plectrums 21831 +outspent 21831 +airscrew 21831 +senecas 21829 +reincarnations 21829 +kalidasa 21829 +jollity 21828 +constitutionalists 21828 +nugatory 21826 +inexpressibly 21826 +reorganisations 21824 +centralizer 21824 +abbreviating 21824 +condensations 21823 +magnetrons 21822 +likings 21819 +sunshiny 21816 +eloping 21812 +meteoritical 21811 +ioniser 21810 +kalends 21808 +coligny 21808 +cylindrically 21806 +wastefully 21799 +overburdening 21799 +porkpie 21797 +unpretty 21796 +unmemorable 21795 +atrociously 21795 +nitrifying 21793 +amanuensis 21793 +dreariness 21792 +reddest 21790 +smites 21786 +callused 21784 +oligopolies 21783 +downhearted 21783 +senselessness 21782 +manged 21782 +akhenaton 21781 +velum 21780 +chessman 21779 +areopagus 21779 +masseter 21778 +fluffing 21777 +trireme 21776 +pegu 21775 +pontification 21772 +bursars 21770 +exotically 21769 +detents 21769 +hazer 21768 +paperbark 21763 +stalagmite 21758 +fearsomely 21758 +gavels 21756 +regularised 21755 +earline 21755 +orisons 21754 +resubscribe 21752 +penetrable 21752 +improvises 21752 +histogenesis 21752 +profiteroles 21750 +younker 21747 +lollobrigida 21746 +gravitates 21746 +hermeticism 21745 +outguess 21743 +notarize 21743 +diademed 21742 +taproom 21736 +reposes 21736 +gelsemium 21733 +transmuting 21731 +phenoms 21731 +gorget 21731 +puddling 21729 +legree 21726 +socotra 21724 +mischance 21723 +belled 21718 +keynoter 21716 +infrasonic 21709 +zonally 21708 +hospitably 21707 +nucleating 21706 +dowries 21704 +nationalizing 21703 +topsides 21701 +inupiaq 21697 +metaphysician 21696 +vulgarly 21693 +femurs 21693 +palpated 21690 +invectives 21690 +bailor 21689 +ascariasis 21685 +muumuu 21683 +pathbreaking 21676 +insouciance 21675 +hoodoos 21674 +appeasers 21673 +lasciviousness 21672 +pompously 21671 +potheads 21670 +landmasses 21669 +chasten 21667 +tiptoeing 21666 +promisee 21666 +prosthodontist 21664 +discourtesy 21664 +hazarded 21663 +curtsy 21663 +borglum 21663 +unclogging 21661 +flans 21660 +fetishistic 21660 +infectiously 21658 +coked 21657 +pantaloon 21653 +velocipede 21647 +cadetships 21647 +vlasic 21644 +adsorptive 21641 +palpitating 21640 +vagary 21636 +superspy 21636 +authoritarians 21634 +professionalize 21633 +infilled 21628 +foppish 21628 +ultrasonically 21627 +cheapening 21625 +geritol 21624 +kennings 21623 +oligarchies 21622 +yardman 21620 +histamines 21617 +funking 21616 +creamier 21616 +extravascular 21614 +distributivity 21612 +grimalkin 21607 +tartrazine 21606 +walkouts 21604 +reanimate 21603 +cosponsoring 21603 +sunlamps 21602 +scoffers 21601 +hogged 21600 +sleekest 21596 +mullions 21595 +enraging 21594 +insanitary 21593 +ennoble 21592 +lucking 21591 +kusch 21590 +unsought 21586 +grabby 21581 +arrivederci 21581 +swallowtails 21580 +egomania 21579 +palsied 21578 +panegyric 21577 +coagulating 21576 +bacchanalia 21576 +profanation 21575 +perturbs 21575 +messuage 21575 +intellection 21574 +minimalists 21571 +fingerboards 21570 +uvea 21569 +pentyl 21569 +jinns 21569 +mistranslated 21565 +rectifies 21564 +dakotan 21564 +cleavable 21564 +unfitted 21563 +landgrave 21563 +intermarry 21561 +cruellest 21560 +chamfering 21556 +scrod 21554 +macassar 21553 +tepic 21552 +apeman 21550 +lesseps 21545 +behaviourist 21544 +imprecations 21543 +virtuously 21542 +prakrit 21542 +inconceivably 21542 +disunited 21539 +upas 21538 +aglet 21535 +uncataloged 21534 +bracero 21531 +ahmadabad 21530 +funkiness 21529 +colourants 21529 +arrogate 21527 +highboy 21526 +slavering 21525 +parky 21525 +melitopol 21525 +washbasins 21523 +signac 21523 +corncrake 21523 +assiduity 21521 +dictaphones 21517 +dimmest 21509 +obscurantism 21505 +carnality 21504 +unbalancing 21503 +nonsexual 21502 +expunging 21494 +tutorship 21493 +asiatics 21493 +artificers 21492 +ardabil 21492 +footlockers 21491 +concent 21490 +epaminondas 21487 +astrodynamics 21487 +lilliputian 21484 +murderess 21483 +interspersing 21482 +echovirus 21482 +emulsify 21474 +gallinule 21472 +whop 21470 +significations 21469 +wheezed 21466 +radicle 21463 +lebkuchen 21457 +aquanauts 21457 +streakers 21456 +rabbitry 21455 +fugs 21450 +carminative 21450 +horticulturalists 21448 +assayers 21443 +polymerizing 21442 +deftness 21439 +hippogriff 21437 +anginal 21437 +downscale 21436 +forded 21435 +alberich 21433 +superintended 21430 +atavism 21428 +counteraction 21426 +cutlers 21425 +emasculate 21423 +abominably 21423 +nippur 21422 +lymphoblasts 21417 +geometers 21417 +undulated 21414 +stupendously 21413 +mujaheddin 21413 +uruguayans 21407 +gawked 21405 +preindustrial 21403 +enervating 21401 +tumults 21398 +concertgoers 21398 +unlikeliest 21396 +ectoparasites 21396 +ammoniacal 21393 +interwork 21392 +projectionists 21391 +cryolite 21391 +twirly 21386 +foxgloves 21381 +spuriously 21376 +gouger 21376 +squanders 21371 +reclusion 21371 +diked 21369 +einsteinium 21363 +thiazole 21361 +reemerge 21361 +holstered 21361 +superphosphate 21355 +sulci 21352 +ranters 21349 +mideastern 21347 +televangelists 21346 +fornix 21345 +oread 21344 +forswear 21344 +whinny 21343 +astuteness 21340 +conflux 21337 +breadline 21337 +canonic 21335 +shackling 21334 +fortuneteller 21334 +kneepad 21333 +unbridgeable 21329 +darkish 21328 +wrangles 21327 +salinisation 21322 +whingeing 21320 +pigmentary 21320 +bungler 21318 +morula 21316 +gynoecium 21309 +autosomes 21309 +changeability 21305 +moistness 21303 +petrify 21299 +riata 21298 +departmentalized 21298 +pachyderms 21297 +trainmen 21295 +pedagogics 21292 +hebbel 21292 +giddily 21288 +futurology 21287 +blastoderm 21286 +industriousness 21285 +hejaz 21285 +humanization 21281 +decapolis 21280 +allopatric 21280 +kalat 21277 +ashkhabad 21275 +myxomatosis 21271 +tumbledown 21266 +dumpsite 21266 +scums 21265 +fredericka 21264 +cisternae 21262 +solenoidal 21258 +charivari 21258 +hauberk 21256 +hesperides 21253 +egomaniacal 21250 +professionalized 21249 +copyable 21249 +vicinities 21246 +chromates 21245 +unspotted 21244 +rankle 21243 +unseal 21242 +pratfalls 21241 +sweetish 21237 +intuitionism 21237 +coprocessors 21237 +biddies 21236 +abib 21235 +unreformed 21233 +undeservedly 21233 +iamb 21232 +husked 21231 +antinomian 21230 +peelings 21228 +obscurantist 21227 +airt 21227 +mateys 21222 +tightener 21221 +badmouthing 21213 +fivers 21209 +prostyle 21208 +autobuses 21208 +promisingly 21207 +misinform 21207 +demystification 21203 +gingersnap 21201 +reburied 21195 +aggravator 21194 +roves 21191 +appressed 21191 +combusting 21189 +victualler 21187 +caria 21186 +ostium 21185 +elevens 21185 +rotaries 21180 +bounden 21180 +massifs 21179 +devisees 21179 +horrifyingly 21178 +trundling 21177 +declaimed 21177 +berlins 21175 +trashcans 21173 +preciseness 21173 +plauen 21173 +fifes 21173 +filtrates 21172 +ditsy 21172 +unexampled 21170 +poppets 21168 +interpenetrating 21167 +unarticulated 21166 +serape 21165 +stylization 21164 +cockspur 21161 +leniently 21160 +seiners 21159 +reprobates 21159 +marocain 21158 +tearless 21157 +basely 21154 +giros 21152 +absoluteness 21152 +improvisatory 21147 +quarterlies 21141 +sating 21131 +reran 21130 +benzoates 21130 +icily 21127 +diphenylamine 21124 +rucking 21123 +dashers 21121 +parallelepiped 21119 +mystifies 21119 +dreg 21115 +ogled 21111 +pontic 21109 +exhuming 21107 +archimandrite 21105 +unmodifiable 21104 +teemed 21104 +cellobiose 21102 +bipeds 21102 +dupion 21097 +nitwits 21093 +vermiform 21092 +preternaturally 21092 +outrank 21088 +tackiness 21085 +cymry 21082 +provenience 21080 +shadowless 21078 +ludendorff 21074 +fornicators 21073 +dishpan 21068 +funks 21067 +solemnizing 21063 +gelbvieh 21062 +symmetrized 21061 +payt 21060 +bookstall 21059 +hipbone 21058 +negress 21057 +barbacoa 21057 +psychopathological 21056 +mauryan 21056 +adulterate 21055 +sapele 21052 +haranguing 21050 +asphyxiating 21049 +quaintness 21048 +heterogeneously 21047 +begrudging 21045 +byronic 21044 +vamoose 21042 +regisseur 21039 +kleptomaniac 21038 +stoical 21037 +liniments 21034 +estienne 21034 +alarmists 21034 +tegument 21033 +aptness 21033 +remunerations 21030 +arnulfo 21030 +interventionists 21028 +splurging 21025 +bacterially 21020 +assemblymen 21019 +malediction 21017 +discreditable 21007 +nonthreatening 21006 +brilliants 21000 +severini 20999 +refluxed 20999 +nasals 20994 +zamia 20993 +unseeing 20991 +connived 20991 +bootees 20991 +keens 20989 +urfa 20987 +ungava 20987 +hyperostosis 20987 +jellyroll 20985 +blowups 20984 +flyswatter 20983 +hims 20977 +derisory 20977 +ragi 20975 +mutualist 20970 +wristlets 20969 +portraitist 20968 +acquitting 20968 +ragman 20966 +crabbed 20965 +basutoland 20965 +clonus 20964 +milit 20961 +weedless 20960 +rewarming 20960 +titanite 20959 +rootlets 20958 +everglade 20957 +palaeontologists 20955 +fainthearted 20955 +obsequies 20953 +perverseness 20952 +scuppers 20951 +launderettes 20951 +guardi 20949 +fireboat 20949 +allays 20947 +megatons 20946 +fibular 20944 +abdicates 20944 +trapshooting 20942 +fishwives 20941 +disconcertingly 20941 +unnerve 20940 +lotze 20937 +plights 20936 +innervating 20935 +incongruence 20933 +latticed 20932 +antipope 20932 +gangue 20931 +ergonomist 20929 +parallaxes 20927 +glycines 20925 +pinery 20924 +paparazzo 20924 +pleadingly 20923 +antidrug 20922 +besiegers 20921 +piggybacks 20918 +busying 20918 +stroboscopic 20909 +jaegers 20909 +jaywalker 20905 +lanais 20897 +crocidolite 20893 +unquantified 20888 +senoritas 20884 +gaud 20884 +reassertion 20882 +unutilised 20881 +steenbok 20881 +cudgels 20879 +bottomlands 20879 +colourways 20875 +oversell 20874 +groaner 20874 +crackheads 20873 +circumnavigated 20873 +bastardization 20873 +glimpsing 20872 +chorused 20871 +upstroke 20869 +waffled 20868 +paraphilia 20866 +implausibility 20865 +peristyle 20863 +witchdoctor 20861 +limpets 20856 +microbiologically 20855 +twirler 20853 +photosensitizing 20852 +crawdads 20852 +idolater 20849 +waling 20847 +porphyritic 20844 +soldierly 20842 +ictus 20839 +resynchronize 20838 +navarino 20837 +haematite 20835 +prototypic 20832 +handclaps 20832 +kitwe 20831 +uprate 20830 +pongee 20829 +antiparticles 20828 +catalysing 20826 +warpaint 20825 +tunability 20825 +fugger 20825 +agitato 20824 +exhalations 20821 +syncom 20819 +intercalary 20819 +churchgoing 20818 +guadiana 20816 +hammerlock 20815 +foreshortening 20813 +knifing 20809 +undependable 20806 +racialism 20805 +teresina 20804 +kowtowing 20804 +perquisite 20803 +imperils 20803 +concretion 20803 +reforested 20802 +refurnished 20800 +danseuse 20799 +corking 20795 +condensable 20795 +bulling 20795 +partitive 20794 +olympias 20793 +cineaste 20793 +chillon 20792 +aftereffect 20792 +menam 20790 +verbalizing 20789 +citral 20782 +rapturously 20781 +destructs 20778 +tupi 20777 +unforgotten 20776 +defoliant 20773 +dabblers 20773 +forelock 20770 +procrustes 20766 +esteems 20766 +dispersers 20766 +sacker 20763 +assimilationist 20763 +bennets 20762 +turgot 20761 +agonised 20761 +linearised 20759 +hirelings 20759 +gormless 20759 +cadetship 20758 +anosmia 20758 +dadaism 20757 +regin 20756 +jube 20755 +kairouan 20753 +tenpenny 20750 +narratology 20750 +annuls 20749 +harems 20748 +completist 20748 +whittles 20747 +sweatsuits 20744 +jauntily 20744 +obeisances 20743 +declivity 20743 +badalona 20743 +aggravations 20742 +hertzsprung 20740 +nursemaid 20739 +pasturing 20738 +coulombs 20738 +yens 20737 +calendered 20736 +reburial 20732 +gyroplane 20732 +demister 20729 +reviling 20728 +chadic 20728 +feuchtwanger 20727 +quirt 20725 +moppet 20725 +manoeuvrable 20723 +jaunted 20723 +yodelling 20722 +affectively 20722 +brandishes 20721 +ostrogoths 20719 +nonteaching 20719 +introit 20719 +conjoin 20719 +lording 20715 +eclogite 20714 +bitingly 20714 +corollas 20711 +caucasoid 20704 +disenfranchising 20703 +ailed 20703 +tamburlaine 20701 +garlanded 20701 +blackpoll 20701 +jazzing 20700 +dizygotic 20696 +abjectly 20692 +rotters 20691 +suburbanite 20689 +churl 20686 +assonance 20685 +furbish 20684 +limburger 20679 +bridgework 20679 +forebear 20677 +aaronic 20673 +sticklebacks 20671 +bantered 20670 +sheilas 20669 +prelature 20668 +gingered 20667 +gametogenesis 20663 +khotan 20662 +clunkers 20660 +cementum 20659 +aspers 20656 +reconstructionism 20653 +pechora 20653 +abstainers 20653 +jugal 20650 +poiret 20649 +sienese 20648 +bahamians 20647 +avalokitesvara 20647 +palmier 20645 +fussiness 20645 +cavalrymen 20644 +espressos 20642 +sarky 20639 +copyholder 20639 +rhinology 20638 +demobilised 20635 +vacationland 20634 +tunisians 20632 +heartsick 20631 +buttering 20626 +starfruit 20622 +grepping 20622 +bartolommeo 20622 +plonked 20621 +locution 20621 +muffles 20620 +alveolus 20617 +yukky 20614 +hornpipes 20613 +spandrels 20612 +sherd 20612 +guenevere 20610 +telegraphing 20609 +cabezon 20609 +archly 20599 +offed 20595 +interphone 20591 +leapfrogged 20586 +bookmarker 20586 +cystocele 20584 +synfuel 20582 +newtonians 20582 +baalbek 20582 +avocets 20582 +backstopping 20579 +spirogyra 20577 +statesmanlike 20576 +judiciaries 20573 +backslider 20572 +quattrocento 20570 +strongmen 20569 +septate 20568 +luffa 20564 +bhang 20562 +besieger 20561 +claviers 20558 +butterflied 20558 +enciphered 20557 +horseboxes 20555 +bronchoscope 20554 +manuring 20553 +erythrocytic 20552 +gunwales 20551 +finessed 20547 +careens 20546 +sparker 20544 +falsities 20544 +parasitical 20543 +commonness 20538 +pyrogenic 20537 +dunghill 20536 +haberdashers 20534 +declaim 20533 +pharmacologists 20531 +galloper 20531 +distraint 20529 +coati 20528 +toyonaka 20524 +snooped 20522 +contorting 20522 +bucklers 20522 +precognitive 20520 +emigres 20520 +footbridges 20518 +triskelion 20517 +complexioned 20516 +norgay 20514 +technophobe 20508 +wefts 20506 +nitrated 20505 +laotians 20505 +boluses 20505 +undersurface 20504 +bilges 20504 +palominos 20503 +pelagian 20502 +crisped 20500 +chough 20500 +stouter 20495 +dicotyledonous 20495 +conformism 20493 +tabbouleh 20490 +wardship 20489 +ptolemies 20487 +barkeeper 20483 +businesspersons 20481 +wiling 20476 +unpractical 20475 +inures 20475 +reverenced 20473 +azania 20470 +proselytism 20469 +epiphyses 20469 +declinations 20469 +unlikeable 20468 +tailwinds 20465 +chloroprene 20465 +carbonization 20465 +pirouettes 20464 +liveried 20463 +outworking 20461 +regularizing 20460 +pandered 20460 +mafeking 20457 +congresspeople 20457 +muntjac 20454 +crudity 20453 +alertly 20453 +mudlark 20452 +hypothecated 20450 +ablate 20449 +disfavour 20448 +genially 20445 +bisectors 20444 +slipstreaming 20441 +polecats 20440 +vortexes 20439 +unlatched 20439 +peridots 20438 +modish 20438 +abusively 20437 +nonscientific 20436 +cabanatuan 20436 +balletic 20432 +oneidas 20429 +chuppah 20429 +spicebush 20428 +hybridizes 20427 +bacteriologic 20426 +indention 20425 +danker 20425 +pertinently 20424 +yeshivot 20423 +volleying 20419 +esoterically 20419 +antigovernment 20419 +prier 20417 +ricocheting 20414 +widdershins 20412 +monatomic 20412 +deigns 20412 +careering 20412 +pullouts 20409 +leaseholds 20409 +achaea 20406 +thenceforward 20405 +freethinking 20404 +firebreaks 20403 +freelances 20396 +steelmakers 20395 +aminopyrine 20395 +seborrhoeic 20393 +jiggles 20391 +trug 20390 +excisable 20390 +hasdrubal 20387 +honeymooner 20386 +chernenko 20386 +baptise 20386 +illuminants 20385 +freelanced 20382 +sutler 20378 +hempen 20375 +bornean 20374 +inexcusably 20370 +moaners 20365 +empanada 20362 +escargots 20361 +saiva 20360 +recalcitrance 20360 +miltiades 20360 +aglaia 20360 +decrepitude 20359 +intuitiveness 20357 +novenas 20356 +effluvia 20355 +shoreward 20354 +historicist 20354 +athanasian 20354 +ornithopter 20347 +icebreaking 20347 +unionisation 20344 +vexillum 20339 +analecta 20335 +heartier 20334 +shortchanging 20333 +ossicles 20333 +muddles 20330 +figurer 20329 +suggestible 20326 +deicers 20325 +frenzies 20319 +grimness 20318 +acquiescent 20318 +scatterbrained 20317 +polymorphous 20316 +wrasses 20310 +standfast 20305 +perishers 20301 +meditatively 20299 +stinginess 20298 +blasphemers 20297 +sinecure 20295 +houseflies 20293 +goys 20293 +proa 20289 +rubbished 20288 +septs 20285 +quintals 20280 +numismatists 20280 +chordate 20277 +unfed 20266 +internuclear 20265 +glossies 20258 +theremins 20257 +technophiles 20255 +compounder 20252 +yulan 20249 +fibbing 20249 +abbreviates 20247 +woolpack 20246 +mishandles 20243 +halicarnassus 20242 +sporophyte 20240 +clockworks 20240 +alchemic 20240 +spaak 20238 +mopper 20238 +dominations 20238 +hatpin 20235 +shofars 20234 +wiglets 20233 +underrate 20233 +ranee 20233 +prudes 20233 +infusers 20233 +miskito 20232 +strati 20231 +anaximenes 20228 +mussed 20226 +extralegal 20226 +merrymaking 20224 +pardonable 20211 +alongshore 20209 +postiche 20208 +ageist 20206 +kookaburras 20203 +alae 20202 +fluffier 20200 +apochromatic 20198 +pastorals 20193 +choleric 20190 +lucania 20189 +champers 20189 +incarnadine 20183 +selvedge 20170 +vends 20166 +mewling 20164 +edaphic 20161 +weekending 20158 +refocuses 20158 +figwort 20154 +flighted 20150 +unsymmetrical 20148 +tacklers 20147 +sidelining 20144 +importable 20142 +beggary 20140 +druthers 20133 +defacer 20132 +boeotia 20132 +shanghaied 20129 +parroted 20127 +liebknecht 20125 +caudillo 20125 +ameliorative 20125 +pleasantest 20123 +lamarckian 20122 +visioned 20120 +doodad 20120 +pistils 20119 +handgrips 20116 +fettle 20112 +mimed 20111 +overcompensate 20110 +extroverts 20108 +dipsticks 20108 +smoothen 20106 +karaj 20106 +unitedly 20105 +snowsuits 20104 +overachieving 20101 +ockeghem 20101 +deil 20101 +regularise 20100 +gashed 20100 +poolroom 20099 +predefine 20098 +telegu 20097 +pteranodon 20096 +festered 20096 +geochemist 20094 +coffeepots 20091 +exordium 20090 +iguanodon 20087 +conceptualism 20086 +botching 20086 +reformatories 20085 +renormalisation 20083 +chare 20082 +redcurrant 20081 +disadvantaging 20081 +cistercians 20080 +tocsin 20078 +aldabra 20078 +cuber 20073 +forecourts 20071 +spirograph 20070 +weeders 20069 +vegetational 20068 +sheqalim 20067 +dimity 20065 +disingenuously 20061 +vaporiser 20059 +cessions 20059 +sidesaddle 20054 +palpate 20054 +timelessly 20053 +reconverted 20052 +colombes 20052 +antiphons 20052 +hambletonian 20051 +subsidises 20050 +tetrads 20049 +catarrhal 20049 +mistype 20048 +absorptivity 20041 +coevolutionary 20040 +nurturer 20034 +khmers 20034 +quarterbacking 20033 +tailplane 20032 +clambakes 20031 +tevere 20029 +fedoras 20029 +broadness 20028 +rhumb 20027 +modularizing 20026 +inion 20026 +creaminess 20025 +bacchanalian 20024 +syllabary 20022 +paunchy 20021 +esquires 20017 +spitefully 20016 +warta 20015 +perking 20015 +bricking 20015 +averment 20014 +hexagrams 20013 +blebs 20013 +noumena 20011 +landowning 20008 +imprisonments 20008 +limper 20007 +bulkiness 20006 +despond 20005 +uncombined 20003 +sparer 20000 +pipistrelle 20000 +pustule 19998 +ostracize 19998 +chemoreceptor 19994 +brocaded 19993 +jamborees 19992 +suspensory 19991 +lionized 19991 +forwardness 19990 +drawling 19990 +vamping 19984 +merchandised 19984 +intuited 19984 +goatfish 19984 +weedkiller 19983 +inattentiveness 19982 +simians 19980 +arraignments 19976 +unreflective 19975 +agglomerative 19974 +laodicean 19968 +unlawfulness 19967 +tyrannize 19967 +testily 19967 +barters 19967 +multivibrator 19966 +insensitively 19962 +disapprovingly 19958 +decelerates 19958 +ratting 19949 +pardoner 19946 +unfasten 19945 +noseband 19941 +tatter 19935 +ecuadoran 19934 +preforming 19930 +closable 19929 +flays 19928 +preregistered 19927 +windflower 19925 +numbly 19924 +precocity 19923 +queering 19922 +hyperventilate 19922 +underachieve 19916 +turbocharge 19916 +resistless 19915 +harvestmen 19914 +manganites 19912 +backstay 19912 +coalesces 19910 +vogues 19908 +denaturant 19907 +idolizes 19906 +petrine 19903 +semipermeable 19902 +paperhangers 19902 +titrating 19900 +gumming 19900 +spasmodically 19899 +oersted 19899 +orthotropic 19896 +fango 19896 +integrationist 19893 +tectonically 19892 +slouches 19892 +mesdames 19890 +kanchenjunga 19886 +resignedly 19885 +frug 19883 +editorialists 19883 +dominium 19875 +hiddenite 19872 +uncapping 19871 +collocate 19871 +dneprodzerzhinsk 19869 +fornicate 19867 +wingspread 19866 +goalmouth 19866 +festoons 19864 +varlet 19860 +festively 19855 +dishcloths 19853 +rhombohedral 19846 +hybridizer 19842 +prevision 19841 +allegorically 19840 +demoting 19839 +buttressing 19839 +whatsit 19838 +landlubber 19834 +pyrazole 19833 +heatproof 19833 +pottering 19831 +familiarised 19829 +countability 19828 +prophylactics 19827 +squaws 19825 +femaleness 19825 +peke 19824 +nonviolently 19823 +lonelier 19820 +altissimo 19820 +rheostats 19817 +plunderers 19817 +freeloading 19816 +compotes 19815 +abecedarian 19814 +radiosondes 19813 +stogie 19812 +reroutes 19812 +skywriting 19811 +tibiae 19810 +millilitre 19810 +partings 19805 +enunciating 19800 +racialist 19799 +comfortless 19798 +argillaceous 19798 +wordiness 19797 +demonise 19795 +bleakly 19795 +blini 19794 +incautious 19792 +luxuriance 19790 +barnstormer 19789 +sectionally 19787 +hornbook 19785 +homosexually 19785 +millenarian 19783 +pamphylia 19780 +reactivates 19778 +inters 19776 +personifications 19775 +pantsuits 19774 +pamirs 19773 +inflowing 19772 +cathodoluminescence 19772 +sickos 19769 +chazan 19769 +walloped 19767 +kinaesthetic 19766 +strophe 19765 +hussite 19764 +resultants 19762 +kollwitz 19755 +demonised 19755 +disintegrative 19754 +ichneumon 19752 +exclave 19751 +creditably 19751 +impressiveness 19748 +cordwood 19748 +impracticability 19746 +equivocate 19746 +laths 19745 +undecipherable 19742 +murderously 19739 +gruesomely 19737 +cheyennes 19735 +outranks 19734 +deify 19734 +pullmans 19731 +presumable 19731 +bifurcating 19729 +overindulge 19727 +modularize 19727 +antidemocratic 19726 +veiny 19725 +placarded 19724 +panamanians 19724 +ebonized 19723 +unpersuaded 19720 +palsies 19716 +moratoriums 19716 +coonskin 19713 +breezily 19708 +augite 19708 +peduncles 19706 +lungi 19705 +augustinians 19704 +sculptress 19703 +superabundance 19701 +herminia 19699 +showery 19694 +babas 19694 +mainstreams 19690 +humourless 19690 +honecker 19690 +derelicts 19690 +counterarguments 19690 +incendiaries 19689 +implacably 19689 +freyr 19689 +horseweed 19688 +suffragist 19687 +glamorize 19687 +savaging 19686 +acrostics 19684 +digitoxin 19682 +dispassion 19681 +colorimeters 19680 +puppis 19679 +slipcases 19677 +baneberry 19677 +thousandfold 19675 +telophase 19673 +feints 19673 +protectionists 19670 +snivelling 19669 +commensurable 19669 +casemaker 19669 +deodorize 19667 +browband 19667 +precipitately 19665 +paralyses 19664 +buzzkill 19663 +unceremonious 19661 +sugarcoat 19653 +lustfully 19652 +chromes 19652 +gymnosperm 19648 +apparatchiks 19645 +morgues 19643 +overreached 19642 +dismantler 19642 +camiguin 19642 +compeer 19641 +mineralogists 19640 +unkept 19639 +gammer 19639 +eaglewood 19634 +avocational 19634 +anacreon 19631 +haematuria 19630 +maintenon 19629 +lisping 19627 +sugarcoated 19622 +shads 19622 +muddies 19620 +lowlifes 19619 +mellophone 19618 +kinglets 19617 +accessorise 19613 +schmucks 19609 +creepily 19609 +obliviousness 19608 +recognisably 19606 +arboretums 19603 +reworkings 19601 +expectational 19601 +honeymooned 19596 +brandied 19596 +cowhand 19595 +atomised 19595 +fumigate 19593 +hilum 19592 +skean 19591 +fowling 19590 +champignon 19588 +daugava 19583 +groaners 19580 +uncaged 19579 +clachan 19579 +shortish 19578 +wirra 19577 +vortical 19577 +foregut 19574 +libidinal 19572 +invt 19572 +enrols 19572 +cyclopropane 19571 +loges 19568 +frolicked 19568 +borsch 19568 +amylopectin 19568 +fulminate 19567 +elizabethans 19567 +hogfish 19566 +ferial 19565 +fluxing 19561 +titleholder 19560 +enigmatically 19559 +nibelung 19558 +concreted 19555 +turboprops 19552 +spectate 19552 +prig 19552 +blastula 19552 +sluicing 19551 +romes 19548 +riotously 19548 +afterglows 19547 +reinterpretations 19546 +electroacoustics 19546 +riling 19543 +oesophagitis 19542 +jiggers 19541 +azcapotzalco 19539 +commutable 19538 +yawing 19533 +passably 19532 +geod 19532 +vituperation 19531 +tiddly 19528 +lummox 19527 +backstabbers 19525 +verged 19524 +rebuffing 19524 +castrating 19522 +cabman 19515 +fawned 19513 +dockworkers 19513 +futzing 19512 +impossibles 19510 +prostituting 19509 +lineament 19509 +gerrymandered 19506 +disavows 19504 +dadaist 19504 +whitewall 19503 +pisan 19503 +barfed 19503 +uninitialised 19498 +scorches 19494 +allopathy 19494 +biocatalysts 19493 +kaftans 19490 +bodiless 19490 +accrete 19487 +pavlodar 19484 +personifying 19482 +generalises 19481 +untaught 19480 +topflight 19479 +squill 19478 +cannulae 19478 +entrepreneurism 19475 +schistosome 19470 +hiccough 19469 +extortionists 19468 +walkingsticks 19464 +pompoms 19463 +positionally 19462 +intercurrent 19462 +dermatosis 19462 +alcides 19460 +suspensive 19456 +isinglass 19453 +forsworn 19451 +bailable 19451 +birdlike 19446 +tlaloc 19445 +meataxe 19443 +imperilled 19443 +droving 19442 +governorships 19435 +thersites 19434 +synergist 19434 +supernaturalism 19434 +cataplexy 19433 +staminate 19431 +septuagenarian 19431 +clairaudience 19431 +uncouple 19430 +warrener 19429 +unelectable 19427 +plumps 19426 +slenderness 19422 +jugendstil 19419 +universalization 19418 +stramonium 19418 +promptitude 19417 +indiaman 19416 +holdups 19416 +heftier 19416 +belches 19416 +pulped 19414 +cantered 19414 +banquette 19412 +unscrambled 19410 +allurements 19409 +tiflis 19407 +mylars 19406 +displeases 19405 +pegmatites 19403 +admonishments 19403 +pronounceable 19398 +muffed 19398 +gezira 19397 +salvages 19393 +roentgenology 19392 +jinni 19391 +homeworker 19390 +peshitta 19389 +sideslip 19388 +emceed 19388 +dialectically 19387 +prospected 19386 +mastoiditis 19385 +tiddlywinks 19384 +distressful 19384 +harped 19380 +justifier 19378 +immobilisers 19377 +infuriatingly 19376 +elapsing 19374 +clanger 19374 +regroups 19370 +claros 19368 +palming 19366 +monocotyledons 19364 +pennyweight 19361 +mobilises 19359 +disputant 19358 +clucked 19353 +literates 19352 +flubbed 19351 +barozzi 19351 +tragicomic 19350 +preventives 19347 +groundspeed 19346 +persecutes 19345 +bisk 19345 +blackmails 19344 +remeasured 19343 +contango 19342 +carnally 19342 +prestidigitation 19339 +colonisers 19339 +trilled 19337 +methylnaphthalene 19337 +awned 19334 +overtired 19333 +stelae 19330 +plutocrats 19326 +foremast 19326 +xci 19322 +humbugs 19319 +flakiness 19319 +hoboes 19318 +togas 19316 +jilt 19312 +parthenogenetic 19311 +graticule 19311 +quenchers 19309 +lewdly 19308 +thirsted 19307 +hypostasis 19305 +hellbender 19304 +supplicants 19302 +progressiveness 19302 +irruption 19302 +utrillo 19301 +professedly 19299 +manky 19299 +frogging 19299 +unexcelled 19296 +finalises 19295 +sovran 19293 +dentifrices 19293 +scatterings 19292 +pastie 19292 +furrowing 19292 +pejoratively 19291 +chilblains 19291 +montgolfier 19290 +shamelessness 19285 +resiliently 19283 +felicitated 19280 +shoestrings 19279 +birls 19278 +stupefaction 19275 +lexicographers 19271 +masseuses 19268 +reinterprets 19263 +harangues 19263 +remorselessly 19261 +catechumen 19259 +arsenical 19259 +lazybones 19253 +lungwort 19250 +matchboxes 19249 +chippie 19243 +tanganyikan 19241 +hawse 19238 +smoothened 19234 +dexterously 19234 +bladderwort 19232 +dobsonflies 19230 +catkin 19230 +pledgee 19229 +unconvincingly 19224 +zugzwang 19221 +dewclaws 19220 +firehouses 19219 +meddlers 19217 +ataraxia 19217 +autographing 19216 +recitalist 19214 +extempore 19214 +ruminates 19212 +deployability 19211 +brawer 19210 +hummable 19207 +unharvested 19201 +colonoscopies 19200 +mortgagors 19199 +cyrenaica 19199 +viscid 19198 +anticommunism 19198 +penname 19195 +pessary 19194 +reefed 19193 +misjudgments 19190 +hoaxers 19190 +hardpan 19190 +abaft 19188 +bidentate 19187 +behaviourally 19187 +dodos 19185 +swamis 19184 +pantheists 19182 +korans 19181 +haftarah 19180 +simpleminded 19179 +nevelson 19179 +rehabilitates 19178 +reproving 19177 +denitrifying 19174 +avaunt 19173 +ximenes 19170 +reexamines 19169 +skivvies 19168 +stabber 19167 +reemphasize 19165 +exclosure 19162 +tortuosity 19160 +habituate 19155 +univocal 19154 +pileus 19153 +disrobed 19153 +capitulum 19153 +bilabial 19153 +fjeld 19150 +refuseniks 19146 +hawing 19142 +accelerando 19142 +guineans 19136 +pestilential 19134 +lamming 19134 +overbite 19130 +concertinas 19130 +bordelaise 19130 +incompetently 19129 +merchantmen 19128 +confiture 19128 +concision 19127 +pedology 19126 +monastics 19126 +engulfment 19126 +penalises 19120 +squawked 19119 +sponged 19118 +identifiably 19118 +elongates 19117 +disbeliever 19117 +captaining 19116 +redfin 19113 +capitulates 19113 +emblazon 19110 +bibber 19106 +kodiaks 19099 +nazarite 19098 +quaoar 19096 +beefeaters 19095 +circumlocution 19094 +aorangi 19093 +queenly 19092 +superficies 19090 +alceste 19089 +bryozoan 19088 +sassanian 19087 +preppie 19087 +samey 19085 +koel 19085 +insectivore 19082 +wonderlands 19080 +neurotically 19080 +demobilize 19079 +hoarder 19075 +reinserting 19073 +percolators 19070 +coequal 19069 +suzerain 19068 +livest 19068 +ascriptions 19068 +disembowelment 19067 +ideogram 19065 +georgics 19065 +theogony 19064 +exegete 19063 +connive 19063 +disgorged 19062 +cowing 19062 +unchaste 19060 +interpleader 19056 +exculpate 19056 +exedra 19055 +billionths 19052 +herl 19051 +broadways 19051 +crankiness 19050 +manhandling 19049 +pinkos 19048 +glamorized 19047 +orientalists 19046 +indispensability 19045 +confounder 19045 +juiciness 19044 +hydria 19042 +pliability 19041 +conked 19040 +schoolchild 19034 +doges 19033 +precipitations 19032 +extensiveness 19032 +blastoff 19031 +bilharzia 19031 +organisationally 19028 +entablature 19028 +bioko 19028 +grandees 19022 +archaeol 19018 +attorn 19017 +adjure 19014 +videlicet 19013 +empathizing 19013 +clenches 19013 +abettor 19013 +juleps 19009 +croakers 19006 +prostrations 19004 +buonaparte 19004 +blisteringly 19002 +delict 19000 +paraplegics 18999 +insouciant 18996 +piny 18995 +lotuses 18994 +vanir 18993 +hymnbook 18991 +bequeathing 18990 +hydrastis 18987 +wonderfulness 18986 +obstreperous 18986 +geber 18985 +unfaithfully 18982 +nonoperative 18981 +radicalisation 18979 +hookworms 18977 +neighbourliness 18976 +potshot 18975 +classist 18975 +espalier 18973 +azotes 18973 +hereditament 18971 +counterfeiter 18965 +selenate 18964 +stators 18959 +monteux 18956 +repaved 18955 +heedlessly 18955 +unlikelihood 18953 +fullbacks 18953 +refolded 18951 +nomadism 18951 +unalterably 18945 +oudh 18945 +corcyra 18940 +navvy 18939 +lolled 18939 +jogjakarta 18938 +flatterer 18937 +houseful 18934 +alphabetizing 18934 +undergirds 18932 +couriered 18932 +autocracies 18931 +sentimentally 18930 +daube 18929 +samarinda 18928 +fushun 18928 +adsorbs 18928 +outflanked 18927 +greylag 18920 +subgenera 18917 +lollypops 18917 +condyles 18917 +perutz 18916 +gowned 18915 +undissolved 18914 +stope 18912 +phrasings 18912 +tossup 18911 +redlines 18907 +exophthalmos 18907 +crushingly 18907 +tutelary 18905 +hindmost 18901 +samarqand 18900 +adages 18898 +patriate 18897 +gean 18895 +whingers 18894 +mopey 18894 +counterforce 18892 +nutbrown 18891 +monkish 18888 +deflowering 18887 +epicureans 18883 +commonsensical 18883 +geomancer 18881 +ineffectually 18880 +jitterbugs 18879 +multiparous 18878 +volvox 18876 +auks 18875 +shacking 18869 +surgeonfish 18868 +weaner 18867 +inventively 18866 +obligatorily 18862 +brightnesses 18860 +idealizing 18857 +winched 18855 +godowns 18855 +divinatory 18853 +propounding 18852 +angularly 18851 +nebuchadrezzar 18850 +evangelise 18849 +neoteny 18848 +kofu 18848 +turbaned 18847 +jokester 18847 +tarsi 18846 +careerists 18845 +deutschmark 18844 +comfortingly 18841 +ruching 18840 +lavishes 18839 +romanticist 18837 +guillotined 18836 +ligating 18835 +wycherley 18832 +chaperoning 18831 +joggle 18830 +cephalalgia 18830 +anabasis 18829 +bedroll 18828 +conformably 18826 +prorogued 18824 +zaftig 18822 +modernly 18822 +hydroid 18821 +crystalloid 18820 +uncaused 18818 +kilovolts 18817 +skijoring 18813 +heligoland 18813 +glanders 18813 +deucalion 18812 +aquavit 18812 +systematizing 18808 +isopod 18807 +bayadere 18807 +stepladders 18805 +soekarno 18800 +talismanic 18798 +gestate 18798 +snookered 18796 +cuke 18795 +mudflows 18794 +recons 18793 +disdaining 18792 +waterings 18789 +discontentment 18787 +telephonist 18786 +lakeisha 18780 +bhaji 18778 +pyrexia 18777 +mismanaging 18777 +sludgy 18774 +undamped 18773 +shamble 18772 +bustards 18771 +flatting 18770 +humaneness 18766 +metalinguistic 18762 +abeokuta 18759 +steamrolled 18757 +floggings 18754 +bushwhacker 18754 +adagios 18754 +stagehands 18753 +lacunar 18752 +unemancipated 18750 +lowness 18750 +bucovina 18749 +fuzzing 18748 +idiotically 18746 +sherries 18744 +chickenshit 18744 +fessed 18742 +penknives 18739 +unbaptized 18738 +unpleasing 18736 +disgracing 18735 +aleurone 18735 +preselect 18728 +lawbreaking 18725 +zoospores 18718 +scorekeepers 18718 +heteros 18718 +corrupter 18717 +sanitarians 18716 +gingersnaps 18715 +antipoverty 18715 +deflagration 18714 +yeshivas 18713 +ambulate 18711 +flageolet 18710 +picnickers 18709 +misfiled 18709 +unremarked 18706 +stonier 18704 +ventris 18702 +shoehorned 18701 +romanticizing 18701 +firkins 18701 +xebec 18700 +heartiness 18697 +decapitating 18696 +nonparticipation 18695 +bijouterie 18695 +seleucia 18694 +silvering 18688 +downwash 18685 +stroboscope 18683 +heartbreaks 18679 +outclass 18677 +bridegrooms 18675 +unreceptive 18673 +unmovable 18672 +carryon 18672 +godesberg 18670 +swedenborgian 18668 +gyrfalcon 18667 +petulantly 18666 +enticer 18662 +rhetoricians 18661 +phatic 18660 +lues 18660 +outrunning 18657 +luxuriating 18657 +flattops 18657 +kovno 18655 +malaguena 18654 +federalized 18651 +ichthyol 18647 +backdate 18646 +sulkily 18642 +pasteurisation 18641 +slopped 18640 +philanderer 18635 +minuteness 18634 +haricots 18633 +solemnities 18632 +decapod 18630 +vexes 18629 +interferer 18629 +gyres 18626 +enewetak 18623 +stigmatising 18621 +nationalise 18617 +tramper 18616 +jylland 18616 +recoilless 18615 +noncomplying 18614 +affectional 18614 +impecunious 18610 +forearmed 18610 +ontarian 18609 +vaudevillian 18607 +perspicacious 18606 +electrocautery 18601 +vendue 18598 +dissuasive 18597 +pilchards 18589 +photopia 18587 +cloudier 18587 +barrelling 18585 +hydras 18583 +geminate 18583 +deniable 18581 +snaky 18580 +presumptuously 18580 +knothole 18578 +unperformed 18577 +bathos 18577 +moocher 18576 +confessedly 18575 +stoppered 18573 +primitively 18567 +petrodollar 18567 +dauphins 18567 +wheedle 18566 +cabdriver 18566 +undermentioned 18564 +opaqueness 18564 +elagabalus 18564 +recomputing 18561 +paronychia 18558 +archilochus 18558 +hushing 18557 +allophones 18557 +lissajous 18556 +ohioan 18555 +colchicum 18552 +clunking 18552 +beechnut 18545 +piddly 18543 +principium 18542 +decani 18542 +coalitional 18539 +clathrate 18539 +superimposes 18538 +isometrically 18537 +outliving 18535 +contextualisation 18532 +seism 18530 +osmunda 18530 +apportions 18524 +repopulating 18522 +bootlicking 18518 +barsac 18518 +ungraceful 18514 +raffling 18513 +pillboxes 18512 +queerly 18511 +greenbelts 18509 +amagasaki 18508 +retroflex 18504 +pinheads 18503 +guanacos 18502 +gagger 18502 +cheesed 18502 +nonfunctioning 18501 +atmospherically 18501 +overexcited 18500 +subshrub 18499 +luxation 18498 +twizzlers 18494 +soulfully 18494 +schlepping 18494 +coercions 18493 +watusi 18489 +controvert 18489 +cloudland 18489 +straggled 18488 +refluxing 18484 +mouflon 18483 +picturesquely 18481 +cowpokes 18480 +advancer 18477 +eyeteeth 18475 +aviculture 18474 +reweigh 18472 +memorializes 18472 +gondwanaland 18472 +mainmast 18471 +tillable 18469 +oliguria 18468 +disquisition 18468 +putties 18467 +unmelted 18466 +tartly 18465 +effortful 18465 +pistillate 18463 +loganberry 18463 +tackers 18461 +mossback 18461 +acromion 18460 +unsmiling 18459 +inclinometers 18455 +datable 18454 +rhetor 18453 +chalone 18453 +tenebrous 18452 +emporiums 18452 +recrudescence 18451 +scribers 18447 +basophil 18446 +unarguably 18444 +bugleweed 18442 +pummelled 18441 +greasepaint 18440 +grunion 18438 +cofferdam 18438 +unexceptionable 18436 +creels 18436 +impassion 18433 +anthrop 18433 +lotic 18432 +syndetic 18430 +helvellyn 18430 +spiels 18421 +uhland 18419 +lablab 18419 +consigns 18418 +tenseness 18417 +recommitment 18417 +zabrze 18416 +knobbly 18413 +granulite 18413 +stroppy 18412 +trues 18411 +trendier 18411 +offish 18411 +touchbacks 18410 +pretested 18409 +kheda 18408 +marinduque 18407 +babyish 18407 +mutinied 18406 +bucketful 18406 +palanquin 18402 +moiseyev 18400 +ubangi 18398 +milesian 18397 +guffawed 18397 +takeouts 18396 +parsee 18396 +vasectomies 18395 +grumps 18392 +unserious 18391 +chassidism 18391 +arteriole 18391 +bristletails 18388 +moralising 18386 +farl 18385 +lacedaemonian 18382 +inhumanly 18382 +cheesiness 18380 +saltworks 18377 +penalization 18376 +pigeonholes 18375 +oversoul 18375 +respire 18374 +digestions 18374 +inflexion 18373 +crosspieces 18371 +epistemologically 18370 +masan 18369 +acclimating 18368 +molech 18364 +fuddle 18363 +kilobit 18360 +exercitation 18360 +dentifrice 18355 +laddering 18354 +untrammelled 18353 +stentorian 18351 +flatterers 18350 +expectorants 18349 +freezable 18348 +fortifiers 18348 +neisse 18347 +onomastics 18346 +eikon 18345 +maligning 18344 +hexoses 18340 +dissonances 18340 +dirtiness 18339 +krakau 18337 +overstimulation 18336 +cantering 18336 +gumdrops 18335 +liquidiser 18334 +theorise 18333 +minces 18332 +deliveryman 18332 +galileans 18331 +idolizing 18328 +foible 18328 +reasonability 18327 +airmobile 18325 +numen 18324 +futhark 18324 +paymasters 18323 +folkies 18322 +fastbacks 18320 +nonindustrial 18319 +constructionists 18319 +pitchman 18318 +quadripartite 18316 +popularisation 18314 +borak 18314 +whaleboat 18311 +metastasizing 18310 +hydrostatics 18309 +flaying 18307 +breakables 18307 +dubonnet 18306 +aspirins 18306 +amphitrite 18304 +eventuated 18302 +drystone 18298 +questionings 18296 +telescoped 18295 +manacled 18294 +romblon 18292 +sportsmanlike 18291 +joyfulness 18291 +facilitatory 18291 +aerofoil 18291 +ruths 18289 +defectives 18288 +stampedes 18287 +thereabout 18282 +pyrophoric 18282 +autographic 18280 +supermom 18275 +polysyllabic 18273 +unlivable 18272 +clinked 18271 +uninterpretable 18270 +invigilation 18268 +pussyfoot 18267 +doddering 18267 +brewis 18262 +messiest 18261 +flouts 18261 +logwood 18260 +fratricidal 18259 +resuscitating 18258 +rosewall 18254 +heedlessness 18253 +hedgers 18252 +waxbill 18251 +decipherable 18249 +coquetry 18247 +biafran 18245 +karstic 18243 +wended 18242 +redeposit 18239 +baldric 18239 +bloodworm 18234 +histiocytes 18230 +brashness 18230 +ropy 18229 +sanatoriums 18227 +synodic 18224 +bergama 18224 +euphoniums 18223 +irrelevancies 18220 +unsurprised 18218 +codswallop 18216 +lumbers 18215 +disavowing 18208 +pommard 18206 +cursorily 18206 +arrestable 18206 +undervaluing 18203 +mdse 18200 +antineutrino 18194 +wielders 18193 +bangka 18193 +wifely 18192 +quibbler 18191 +windsors 18189 +kafirs 18182 +corporeality 18177 +consols 18175 +yellowwood 18174 +fraternization 18171 +worthiest 18169 +superiorly 18168 +pusillanimous 18168 +graybeard 18166 +refashioned 18165 +copulations 18165 +swaggered 18164 +sharking 18162 +ladled 18159 +streambeds 18157 +legitimisation 18155 +banalities 18155 +equilibrating 18151 +bossuet 18150 +damietta 18148 +untuned 18145 +formidably 18144 +ankylosis 18142 +snugger 18141 +basicity 18138 +pianola 18135 +loanda 18133 +forbore 18132 +signets 18131 +bedevilled 18131 +trobriand 18130 +regraded 18130 +yseult 18129 +gravelled 18124 +surplusage 18123 +patisseries 18123 +bungees 18123 +opportunely 18121 +effulgent 18118 +crappier 18118 +eiderdown 18117 +odoriferous 18113 +mopier 18113 +slipperiness 18110 +hobnobbing 18110 +odets 18107 +butterfingers 18107 +sierran 18102 +rummages 18102 +rawer 18102 +quadruplicate 18102 +paperhanger 18102 +volatilize 18098 +avos 18096 +insensate 18095 +polemicist 18094 +zanthoxylum 18090 +putrescible 18090 +osculating 18090 +ilea 18090 +pediments 18089 +excisions 18087 +shovelnose 18085 +cicala 18083 +immorally 18080 +unimportance 18077 +causeless 18076 +temperamentally 18072 +scarcities 18072 +trombonists 18071 +hapsburgs 18071 +multipartite 18061 +unhealed 18060 +nondominant 18059 +muley 18053 +marathas 18050 +eurocentrism 18050 +holinshed 18048 +dextral 18048 +primmer 18047 +archipelagic 18047 +permalloy 18045 +spooking 18044 +jotters 18043 +overwinters 18042 +albinos 18042 +unsprung 18040 +skywriter 18038 +fidgets 18038 +ransoms 18036 +repass 18035 +prologues 18033 +imprudently 18031 +mutualistic 18030 +scarfing 18028 +houseboy 18028 +lawyerly 18027 +clarino 18027 +tremulant 18026 +polarizable 18022 +bastardy 18021 +drollery 18018 +nocturn 18017 +turfs 18014 +purebreds 18014 +croquette 18014 +conjoining 18011 +tigon 18010 +blackcock 18009 +easterner 18008 +slanging 18007 +medusae 18004 +breadstick 18004 +newsworthiness 18001 +mildewed 17999 +capitulating 17997 +animalism 17996 +burghs 17995 +resonantly 17993 +ebeneezer 17992 +uncongenial 17991 +manhandle 17991 +electrodialysis 17991 +columbines 17988 +junkman 17987 +irresolvable 17983 +gravamen 17983 +nymphomania 17982 +shebeen 17979 +leapers 17979 +expropriations 17978 +convolve 17978 +incomprehensibility 17977 +eustatic 17977 +greaseless 17976 +snowdrifts 17974 +infinitival 17974 +socking 17972 +weepers 17971 +talca 17971 +pinnately 17970 +brei 17967 +amerind 17963 +salep 17960 +hamburgs 17960 +outspokenness 17958 +sholapur 17957 +pilotless 17955 +moquette 17955 +dieted 17954 +vercingetorix 17953 +thorniest 17950 +garrote 17947 +plugboard 17943 +unprecedentedly 17941 +knobbed 17938 +sententious 17937 +spates 17936 +switchman 17934 +reconnoitre 17932 +eatables 17931 +ascendants 17929 +remediable 17928 +disowning 17928 +salvadorean 17927 +haggled 17927 +embalm 17924 +scherzando 17923 +propertius 17923 +philatelists 17918 +oiliness 17916 +sabines 17915 +referentially 17915 +vaguer 17913 +infectiousness 17913 +scotches 17912 +cosiness 17912 +conceptualizes 17912 +daedal 17911 +tarted 17909 +formational 17909 +sunbow 17907 +tallboy 17904 +divvied 17904 +strakes 17903 +starkness 17903 +slanderers 17903 +messily 17901 +housetops 17899 +cabretta 17898 +christens 17896 +culet 17895 +empresses 17894 +mallarme 17892 +enchantingly 17891 +descry 17891 +vignetted 17890 +refractivity 17885 +outnumbers 17885 +inseparability 17884 +restartable 17883 +soundlessly 17882 +mannerist 17881 +lambrusco 17880 +stencilled 17868 +phylloquinone 17866 +complaisance 17865 +albs 17863 +fieldfare 17861 +assegai 17861 +caucasia 17859 +tinkled 17858 +overbuilding 17857 +redeposited 17851 +moulmein 17851 +eternities 17851 +imponderable 17849 +guavas 17849 +bewailing 17844 +whishes 17843 +entrenchments 17842 +periwinkles 17835 +padauk 17829 +biassed 17828 +understandingly 17827 +misreads 17827 +sternest 17825 +plutus 17821 +cilium 17819 +impersonality 17816 +befitted 17814 +sturdiest 17813 +exclamatory 17805 +cambered 17803 +sacrificially 17800 +preeminently 17800 +chromolithograph 17799 +wriggles 17798 +powdering 17798 +hoarders 17798 +lianas 17797 +militarised 17796 +unthought 17794 +drayman 17793 +enervated 17791 +lagerkvist 17790 +forestay 17790 +zhdanov 17789 +hydroponically 17789 +wussies 17788 +disperser 17787 +cheesiest 17787 +bobbled 17787 +growlers 17784 +jumada 17783 +tantalisingly 17782 +taxons 17778 +isopods 17778 +verrazzano 17777 +twelfths 17776 +protium 17776 +flotow 17775 +fertilizes 17774 +supercharges 17772 +decelerations 17772 +dupleix 17771 +fluorescing 17770 +enfolding 17767 +rebirths 17766 +capitate 17766 +eurodollars 17763 +hypolimnion 17762 +elfish 17761 +ceremonials 17760 +sedately 17758 +rhinoceroses 17758 +educationalist 17757 +galah 17753 +disabused 17751 +bjerknes 17751 +hoofers 17748 +amphiboles 17746 +dogtooth 17744 +truckle 17741 +incubates 17741 +gabble 17739 +absentminded 17739 +firebrands 17737 +pelagianism 17736 +pectorals 17736 +ekes 17735 +terete 17734 +searchingly 17734 +sectarians 17732 +terrines 17727 +phons 17726 +overdrives 17723 +temptingly 17720 +tachyons 17717 +smokiness 17717 +tyrannous 17714 +troublemaking 17712 +emblaze 17712 +reenlist 17711 +wigwams 17708 +agalloch 17708 +pyroxenes 17706 +goliard 17706 +totalitarians 17704 +excoriating 17704 +numbat 17700 +quadrilles 17698 +mineshaft 17696 +sackings 17693 +antagonise 17693 +transcendentalists 17689 +incarcerations 17688 +guck 17683 +slanderer 17681 +hexanes 17680 +admix 17678 +acutes 17678 +adsorbates 17677 +existentialists 17674 +versos 17673 +seismographic 17671 +seedier 17671 +diagonalize 17671 +monosyllables 17670 +frays 17669 +giraudoux 17666 +reflectivities 17663 +shipways 17659 +halmahera 17658 +osmotically 17656 +anabaptism 17655 +sluggard 17653 +choirboy 17650 +winkles 17646 +empyreal 17644 +dissembled 17644 +spelter 17641 +hyoscine 17639 +shindigs 17638 +gizzards 17637 +nostrums 17633 +quagmires 17631 +impudently 17631 +conniption 17629 +amerasian 17629 +contrariety 17628 +vitrines 17626 +mentations 17624 +marrowbone 17624 +tallchief 17623 +mooing 17623 +grandiloquent 17623 +depolarisation 17619 +timeworn 17615 +assyriology 17615 +prodigals 17614 +turnpikes 17613 +supportively 17613 +conflagrations 17613 +unprovided 17610 +neurally 17605 +legnica 17605 +participial 17602 +whups 17599 +claytonia 17599 +diffract 17598 +tectrix 17597 +divulgation 17597 +catchier 17596 +beauharnais 17591 +acpt 17591 +nonadjacent 17590 +unventilated 17589 +centavo 17589 +symmetrization 17587 +coucal 17586 +reemerging 17582 +lotty 17581 +overtopped 17580 +homophone 17579 +threadlike 17578 +destabilised 17575 +participators 17573 +unessential 17572 +supping 17572 +earthward 17570 +minoans 17568 +diplomatist 17567 +emancipator 17565 +screechy 17564 +flimsiest 17564 +acicular 17562 +toothsome 17561 +subsegment 17557 +barefaced 17554 +plighted 17552 +statius 17550 +fifeshire 17548 +doorpost 17547 +seductiveness 17540 +mortared 17540 +taxonomical 17537 +maximiser 17536 +fistfights 17534 +glazers 17529 +editorialist 17529 +loutish 17527 +undesirability 17526 +hosepipe 17526 +fungibility 17525 +acquiesces 17522 +subtexts 17521 +sapid 17521 +ashcan 17521 +piastre 17520 +cherimoya 17520 +hypophysis 17519 +bleb 17519 +deports 17517 +cornball 17517 +archduchess 17517 +shiksa 17515 +melian 17513 +refashion 17510 +tautog 17509 +midwesterner 17508 +halutz 17508 +luthern 17502 +sweetbriar 17499 +thespis 17497 +unisexual 17496 +ofttimes 17495 +telluric 17494 +allochthonous 17493 +sarmatian 17492 +reallocates 17490 +outlives 17490 +steersman 17488 +reoccupation 17488 +kagera 17486 +unmyelinated 17485 +slagged 17485 +scute 17485 +obsessives 17484 +bedel 17484 +rugrat 17482 +dristan 17482 +palp 17480 +lashio 17480 +tureens 17476 +caitiff 17476 +polarizes 17474 +overextend 17474 +dextro 17472 +tuneless 17471 +cibber 17471 +thebans 17469 +scoria 17469 +grittiness 17469 +diametric 17469 +keek 17468 +toking 17465 +fastidiously 17462 +extortionist 17462 +tooted 17459 +rasht 17459 +linguas 17458 +gromyko 17458 +federalization 17457 +overvalue 17455 +insectivores 17453 +downstroke 17453 +brythonic 17453 +convulsant 17452 +anoints 17451 +thuya 17449 +jangled 17449 +interpretational 17447 +romanced 17446 +demodulate 17446 +ferricyanide 17445 +leavis 17444 +groenendael 17444 +avenges 17441 +raceme 17440 +earliness 17440 +revegetate 17439 +briquet 17439 +aspersion 17439 +brumaire 17438 +rudiment 17437 +embroil 17433 +trendiness 17432 +hartal 17430 +pennon 17429 +blackballed 17429 +athirst 17429 +outsells 17428 +mitoses 17427 +debilitate 17427 +andizhan 17427 +cutely 17426 +handcrafting 17424 +gnashed 17422 +parches 17421 +cobbers 17414 +neighing 17412 +comprador 17410 +summerwood 17409 +frangipane 17407 +hybridised 17406 +dysplasias 17405 +saprophytic 17404 +subleased 17403 +kvetching 17402 +dynamited 17402 +flodden 17400 +conjecturer 17400 +nimbleness 17397 +calendrical 17397 +nonhomologous 17395 +disrobing 17395 +soapsuds 17394 +glaces 17393 +disarranging 17390 +boozers 17389 +aerostat 17389 +rancidity 17387 +quarrier 17387 +fornicating 17387 +crinkling 17386 +foregrounding 17384 +magnanimously 17383 +anchorite 17368 +spitball 17365 +boisterously 17365 +mooned 17363 +primly 17360 +wingback 17355 +pummels 17355 +brachiopod 17352 +corrugating 17351 +placarding 17350 +kokura 17350 +chancing 17348 +galleried 17345 +convolving 17344 +meleager 17339 +samnite 17336 +reformulations 17334 +semipermanent 17330 +apocalypses 17328 +vedantic 17325 +preponderates 17321 +recommissioned 17317 +abeam 17316 +integrands 17313 +concatenations 17313 +unswervingly 17312 +martlet 17312 +cristobalite 17312 +focally 17307 +gazillions 17306 +prosecutable 17305 +mainer 17305 +consorted 17302 +scalene 17299 +exults 17299 +miry 17298 +greyness 17298 +crufty 17297 +chiastic 17296 +endocardium 17294 +renovates 17293 +recapitalize 17292 +marls 17292 +coulters 17291 +criminalist 17290 +lodes 17287 +invigoration 17283 +ithacan 17282 +guiders 17282 +fossilization 17282 +incompressibility 17281 +gloomier 17279 +trebizond 17278 +reappraise 17278 +bureaucratically 17278 +hollanders 17275 +accentor 17275 +fanlight 17273 +amphoteric 17267 +sandbagging 17266 +pepsinogen 17266 +semiprivate 17265 +mackle 17265 +nephrons 17263 +clepsydra 17263 +zika 17262 +seconal 17262 +oilmen 17261 +vitalise 17260 +tautly 17259 +connoisseurship 17256 +wavelike 17250 +villainess 17250 +positronium 17250 +malleolus 17249 +clavius 17247 +stymies 17246 +ponderously 17241 +landownership 17240 +tussles 17236 +coaming 17232 +belligerency 17227 +preassigned 17226 +tolyl 17223 +socle 17222 +provitamin 17220 +uprating 17218 +pyramiding 17218 +hospitalize 17215 +triclinic 17214 +grainfield 17214 +foregrounded 17214 +eponym 17214 +cowskin 17214 +corpulence 17214 +bullas 17213 +cosmologist 17207 +saccharose 17204 +yews 17203 +censed 17198 +chicanes 17196 +bedtimes 17196 +backpedal 17194 +proserpina 17190 +junking 17190 +punchinello 17189 +stalemated 17183 +coaxially 17183 +manically 17182 +bedsits 17180 +tremolos 17178 +dozes 17178 +implosions 17177 +mutilates 17176 +evaporite 17176 +cloy 17176 +bogeymen 17175 +windowpanes 17172 +unsoundness 17170 +vacillated 17167 +orbicular 17167 +shampooed 17166 +yappy 17161 +megadeath 17161 +dotter 17160 +explicates 17155 +feelingly 17152 +backrooms 17151 +arteriosclerotic 17151 +redistributors 17150 +noised 17149 +bondmen 17148 +phantasmal 17145 +prejudged 17143 +innovatory 17142 +nebulization 17141 +gourmands 17141 +tantalized 17140 +nightwatchman 17140 +cryptomeria 17140 +vesical 17138 +bashfulness 17138 +showboating 17137 +vaunt 17134 +stabbers 17133 +greatcoat 17133 +crannog 17132 +espial 17130 +routinized 17129 +inaudibly 17128 +antedate 17125 +hurdling 17124 +gybe 17124 +finessing 17124 +unitarily 17123 +unmeaning 17122 +hairnets 17119 +stallholders 17117 +untrodden 17116 +nerveless 17116 +horizontals 17116 +retablo 17113 +lexicology 17113 +insurrectionary 17110 +zonked 17109 +maiduguri 17107 +interrogatives 17107 +decriminalizing 17107 +armyworms 17107 +undesirably 17106 +inculpatory 17100 +ingrates 17098 +gobbledegook 17098 +presetting 17097 +unionizing 17096 +frunze 17096 +waistbands 17094 +thumbprints 17093 +scheelite 17092 +gilders 17089 +recordists 17087 +triumphalist 17085 +regnant 17085 +mudcats 17084 +lunate 17084 +frump 17084 +tuque 17083 +bakeshop 17080 +ciphered 17079 +gaberdine 17078 +quondam 17076 +ponied 17076 +impeachments 17074 +ginned 17072 +proem 17071 +fiddleheads 17069 +brakpan 17069 +accelerant 17069 +battened 17068 +raillery 17067 +restringing 17066 +haymakers 17065 +accordant 17065 +swigging 17064 +daric 17063 +repopulated 17062 +breakfront 17061 +patinated 17055 +chortling 17054 +potage 17052 +lawbreaker 17050 +pleasurably 17047 +midriffs 17047 +octan 17041 +iskenderun 17040 +episodically 17038 +babied 17037 +indissolubly 17035 +airlifts 17035 +tetrapod 17032 +codding 17032 +aciduria 17032 +methodic 17031 +modernizes 17027 +epoxied 17026 +traumatize 17023 +uraemic 17022 +medit 17021 +washtub 17019 +disseminator 17018 +asperities 17016 +oxidise 17015 +christadelphian 17009 +yenisei 17008 +rashers 17005 +extenuation 17003 +colonnaded 17003 +whatchamacallit 17001 +dumbwaiters 16998 +brainwashes 16998 +lingonberry 16997 +merriest 16991 +minored 16989 +contumacious 16986 +condemnatory 16986 +argentinians 16986 +perplexes 16983 +extrusive 16983 +sopor 16980 +outrageousness 16979 +loftily 16979 +firebombs 16979 +riffed 16976 +germicide 16972 +congruous 16972 +documentable 16971 +unmake 16970 +placidity 16969 +oxidization 16969 +carpus 16969 +satirically 16968 +armload 16968 +appassionato 16968 +philologists 16966 +riddling 16963 +doffed 16963 +transuranium 16962 +upholder 16961 +deciphers 16960 +cobber 16958 +pederasty 16954 +incarnates 16954 +chaplaincies 16954 +galoshes 16949 +economise 16949 +pikas 16945 +earthshaker 16945 +dilators 16945 +tenterhooks 16944 +frothed 16940 +epicentral 16940 +enfolds 16936 +pulmonic 16934 +woolite 16933 +paeans 16933 +pelleting 16931 +desalinization 16931 +festers 16929 +chomped 16927 +queerness 16926 +religionist 16925 +excerpting 16923 +spiracles 16919 +sodomize 16918 +girds 16916 +appendicular 16912 +hotheaded 16911 +magnetised 16910 +pontormo 16909 +flashbulbs 16908 +readmit 16906 +usurer 16904 +prophetical 16904 +scudo 16902 +ignoramuses 16902 +polarimeters 16901 +unitive 16899 +offhandedly 16898 +forsterite 16898 +cuffing 16898 +corseted 16896 +jousts 16895 +greenheart 16894 +emboldens 16894 +underdone 16892 +matchlock 16889 +kinas 16886 +oversimplifies 16885 +harpsichordist 16883 +geniality 16882 +tinkles 16880 +papular 16877 +bulrushes 16877 +sansei 16876 +liestal 16876 +twopence 16875 +irradiator 16875 +licenser 16873 +recalculations 16869 +tungstate 16867 +mochas 16864 +blennies 16864 +muhammadan 16863 +teosinte 16861 +tromping 16860 +belgae 16859 +maros 16858 +excessiveness 16854 +diaphoretic 16852 +argolis 16852 +perceptiveness 16851 +gardened 16851 +rugose 16848 +castigation 16848 +stutterers 16846 +bides 16845 +hearkening 16844 +cycloid 16844 +flippancy 16843 +pinkness 16840 +breastworks 16840 +flagstad 16837 +bidirectionally 16837 +glossa 16831 +vaudois 16828 +suctioned 16827 +palikir 16827 +lactational 16826 +surakarta 16825 +refracts 16822 +administrates 16821 +cohabitants 16819 +wrongfulness 16818 +materialises 16817 +champing 16817 +pellucid 16815 +younkers 16809 +horrifies 16809 +fulminating 16809 +kabyle 16805 +parvis 16804 +frighted 16802 +homoeroticism 16799 +symbioses 16797 +almagest 16796 +evocatively 16792 +tetravalent 16789 +whitens 16783 +vacuously 16783 +parametrisation 16780 +undernourishment 16777 +astrogeology 16775 +headstalls 16774 +foreignness 16774 +isobath 16772 +diplexers 16772 +harebrained 16770 +imprimis 16767 +sporozoite 16765 +comprehensives 16762 +coastlands 16762 +coordinative 16760 +bioethicist 16758 +lipomas 16757 +zealousness 16756 +maximalist 16754 +evaporites 16751 +moisturises 16750 +gambits 16750 +sixteenths 16748 +sniggered 16745 +oafish 16742 +lambaste 16742 +irreligion 16741 +bruits 16741 +waddles 16740 +decollete 16740 +berzelius 16740 +lymphocytosis 16738 +overgrazed 16735 +foreknew 16734 +coercer 16734 +constructivists 16733 +trenched 16732 +anticosti 16731 +prodigality 16730 +fibred 16730 +intersexual 16729 +unrolls 16727 +schismatics 16727 +dehumanising 16727 +maharajas 16726 +kludges 16726 +positiveness 16724 +reginae 16722 +adducing 16722 +tael 16721 +astrolabes 16720 +marginalizes 16719 +tragacanth 16718 +fimbria 16718 +comnenus 16718 +windigo 16717 +incommunicable 16716 +overplaying 16715 +freshet 16714 +forensically 16712 +tumorous 16710 +stoutest 16709 +punctuations 16709 +deflower 16708 +hunching 16707 +chauvinists 16706 +wadis 16705 +canvasser 16705 +altruists 16703 +roundest 16700 +edifier 16700 +livelong 16698 +scarified 16697 +kappas 16689 +pretests 16684 +poultices 16684 +synchroniser 16683 +grotesques 16683 +heavyset 16676 +snowiest 16675 +drabs 16675 +jerba 16671 +propellors 16667 +educationist 16662 +hairier 16657 +sheering 16655 +canebrake 16655 +scallywag 16654 +bunked 16650 +locutions 16649 +salesgirl 16648 +hohenlohe 16648 +sublimes 16645 +escaper 16644 +corbicula 16643 +tactual 16642 +capriciousness 16638 +nonnuclear 16635 +wordbook 16633 +pompeian 16632 +hallucinated 16629 +delegable 16627 +scutari 16625 +opprobrious 16625 +chromatics 16621 +reconfirms 16620 +aggrandize 16619 +jackboots 16618 +proprietress 16616 +precipitant 16616 +propitiatory 16612 +imbecilic 16612 +drubs 16611 +prizefighter 16607 +periodate 16607 +anuran 16607 +ceasefires 16606 +chollas 16605 +unhooking 16600 +gradualist 16600 +pomology 16598 +drearily 16598 +alights 16597 +telegenic 16595 +soldo 16595 +prescreen 16595 +inseminate 16595 +scarfed 16594 +unremunerated 16592 +hassid 16591 +hideousness 16588 +witters 16587 +podolsk 16587 +boathouses 16587 +mistimed 16586 +graphemes 16584 +souterrain 16583 +reanalyses 16583 +keijo 16582 +postured 16581 +doming 16577 +horthy 16573 +fascinator 16573 +reseeded 16572 +parashah 16569 +numerologist 16566 +snowbank 16565 +commutations 16564 +afebrile 16564 +pming 16563 +ballasting 16563 +trover 16562 +hydrazines 16562 +pianistic 16561 +liverpudlian 16559 +arbitrageurs 16558 +contretemps 16557 +reconfirming 16555 +inexpert 16555 +ningpo 16554 +unfitting 16553 +grounders 16551 +colonizes 16551 +irrigable 16550 +promotive 16549 +hieratic 16549 +evasiveness 16548 +ambry 16543 +sissified 16541 +endocrinological 16541 +dalliances 16541 +underplay 16540 +mindlessness 16539 +securer 16537 +crumples 16536 +undergirding 16534 +adduces 16534 +squeamishness 16533 +slathering 16533 +nemeses 16532 +myasthenic 16529 +machination 16529 +declensions 16529 +scrutinizer 16527 +keyholes 16527 +cromwellian 16527 +unsatisfactorily 16526 +succubi 16526 +megohm 16524 +mechlin 16522 +transmogrified 16517 +entangles 16517 +exoskeletons 16516 +malawians 16514 +aortas 16514 +snoozes 16511 +berbera 16511 +refits 16510 +squalling 16509 +recompress 16509 +mockers 16509 +carlist 16509 +snorers 16507 +requisitely 16506 +whispery 16503 +defectively 16499 +reinvigoration 16497 +quintillion 16497 +upholders 16496 +hogtie 16496 +cryptogenic 16496 +unsettles 16495 +storekeepers 16494 +plunders 16492 +phalangeal 16491 +cabals 16491 +fuselages 16490 +lysimachus 16489 +antidisestablishmentarianism 16489 +bating 16488 +horniness 16486 +sagittarian 16482 +oldsters 16482 +bloodmobile 16481 +traprock 16474 +straggly 16474 +evangelina 16474 +wolfsbane 16471 +shitfaced 16468 +brutalised 16468 +petalled 16464 +macerator 16464 +conduced 16464 +talaria 16462 +precedences 16462 +petcock 16461 +vlaminck 16458 +welshmen 16457 +mucilaginous 16456 +disordering 16455 +outlasting 16454 +plumaged 16453 +evangelic 16452 +peckish 16451 +atli 16451 +nyasa 16449 +kamerun 16447 +valses 16446 +knockdowns 16445 +superscription 16444 +localising 16444 +sough 16442 +hesitance 16442 +germicides 16442 +palatines 16441 +skunked 16440 +filched 16435 +entrepot 16433 +popularising 16431 +colchis 16431 +yevtushenko 16429 +sclerophyll 16429 +wesak 16427 +divertimenti 16424 +suffrages 16423 +prances 16423 +darkies 16423 +toddling 16421 +spoony 16420 +trudges 16419 +khedive 16418 +friesians 16418 +trichome 16415 +polydipsia 16414 +aggregative 16414 +coeducation 16410 +pabulum 16409 +swineherd 16408 +tholos 16407 +assimilable 16404 +tessellated 16403 +sinusoidally 16402 +ascham 16402 +desalinated 16401 +bureaucratization 16401 +overwintered 16399 +misapprehensions 16399 +hepper 16398 +hunkering 16396 +purposefulness 16393 +blammo 16390 +defecated 16387 +unworthily 16386 +unparliamentary 16386 +unties 16385 +disturber 16385 +tobagonian 16384 +foresaid 16382 +banjarmasin 16382 +solubles 16381 +excretes 16380 +redoubts 16379 +poncy 16378 +fumaroles 16378 +boding 16377 +shushed 16376 +photoconductivity 16376 +mozambicans 16376 +groused 16376 +shooing 16375 +enculturation 16374 +agentive 16374 +volatilized 16373 +disinter 16370 +aped 16370 +firedrake 16367 +heydays 16366 +benumbed 16366 +theatregoers 16365 +baserunners 16364 +kriemhild 16363 +mudroom 16360 +hadrosaur 16358 +entwining 16358 +arrestment 16358 +starkest 16357 +mothered 16357 +carouse 16357 +muggins 16355 +composedly 16347 +cosmically 16343 +scilicet 16342 +traduce 16341 +stablish 16340 +misstate 16340 +agonisingly 16340 +adulterants 16340 +isomorphous 16333 +ferrocyanide 16332 +heiresses 16331 +sensate 16330 +scapegoated 16330 +epenthesis 16328 +racketball 16326 +waltzer 16324 +propagandizing 16324 +harmfully 16322 +sandblasters 16318 +ambuscade 16318 +stickpin 16317 +scampers 16315 +repine 16315 +dafter 16315 +pusses 16309 +alkyne 16308 +ratel 16306 +uninstructed 16305 +birling 16305 +canella 16304 +sauteing 16303 +jingled 16302 +submaxillary 16301 +internationalise 16301 +boccioni 16301 +throwout 16299 +remarrying 16299 +churchy 16299 +breakfasting 16298 +unchallengeable 16296 +chaldee 16292 +barricading 16291 +incompletion 16286 +commiserating 16286 +refurbishes 16284 +samothrace 16278 +affricate 16278 +lastingly 16277 +gimel 16276 +shingler 16270 +propagandize 16270 +morion 16270 +amortizations 16269 +drowsily 16267 +cocooning 16266 +restoratives 16265 +purities 16262 +proctology 16261 +exabytes 16260 +bize 16260 +internalizes 16258 +dispensatory 16258 +blowpipe 16258 +capstans 16257 +pastiches 16256 +perfectibility 16255 +tomboys 16253 +swivelled 16252 +sensillum 16251 +panaceas 16250 +morphosis 16248 +mellowness 16248 +whiling 16245 +heterosexually 16245 +burgundies 16245 +benefaction 16245 +popocatepetl 16243 +unmaintainable 16241 +undersecretariat 16240 +multiplicand 16239 +elasticised 16237 +thumbtacks 16236 +draughty 16236 +aerially 16236 +calcining 16235 +chafes 16234 +unprepossessing 16233 +kosygin 16232 +defames 16232 +gaoler 16231 +sanctimony 16230 +gusted 16230 +jilting 16228 +indeterminism 16228 +reprieved 16220 +molehills 16220 +blabbed 16220 +sensationalize 16219 +depolarizations 16219 +jazzier 16216 +disproportionally 16216 +allometry 16216 +apocrine 16215 +evasively 16213 +extemporaneously 16211 +ecuadorians 16211 +pamphleteer 16209 +discolour 16207 +slippages 16206 +serialism 16206 +onrush 16206 +natterer 16205 +shirttail 16203 +noncombat 16203 +preciously 16201 +acephalous 16201 +kukri 16200 +halfheartedly 16198 +shaula 16195 +metonymic 16190 +serosa 16188 +salvias 16188 +arraying 16186 +perpetrates 16185 +noil 16185 +worriers 16181 +monocultural 16180 +brechtian 16180 +paramatta 16179 +secularity 16178 +overstress 16177 +resentfully 16176 +ataxic 16176 +lentigo 16175 +oldish 16167 +acquaintanceship 16165 +declamatory 16164 +elate 16161 +christianize 16161 +offbeats 16159 +anted 16159 +oleaginous 16158 +hanuka 16158 +gangsterism 16157 +substitutive 16155 +lycaon 16153 +judaean 16153 +riflery 16152 +alabamian 16152 +subaqueous 16149 +sriracha 16149 +gooses 16149 +granulating 16146 +praxiteles 16145 +gaullist 16142 +skulduggery 16141 +sodded 16139 +conceptualisations 16135 +clotho 16135 +loanable 16134 +catalepsy 16131 +strongroom 16130 +tunicates 16129 +unarguable 16128 +reforest 16127 +mugwumps 16127 +holarctic 16127 +nilotic 16126 +headsail 16125 +accentual 16121 +supplicating 16118 +enstatite 16118 +amphitryon 16118 +microchemistry 16117 +spraining 16115 +hedonists 16112 +paratroops 16111 +addax 16108 +reestablishes 16105 +nonvisual 16105 +lineation 16105 +obtuseness 16104 +orcus 16103 +grindelia 16102 +reincorporated 16100 +fantasise 16097 +accosting 16096 +tilsit 16093 +supervene 16093 +editorialize 16092 +adoringly 16092 +trembler 16091 +marylander 16091 +gloats 16091 +recompose 16090 +queasiness 16090 +wickedest 16088 +basilian 16083 +unwaveringly 16082 +tajo 16080 +sodomizing 16080 +scaliger 16078 +asur 16078 +trolleybuses 16075 +vagabonding 16074 +condemnable 16073 +bondman 16072 +dionysia 16071 +trifid 16067 +peaces 16062 +overabundant 16061 +castellated 16057 +entrenches 16056 +shittiest 16055 +churchgoer 16055 +oked 16054 +footpads 16051 +adroitness 16046 +inculcates 16045 +effluvium 16043 +tuckered 16040 +chenab 16040 +mispronunciation 16039 +undersheriff 16038 +bestir 16037 +instrumentalism 16035 +vernaculars 16034 +lubing 16034 +swearer 16033 +cyanate 16032 +sticklers 16029 +thrumming 16027 +earthlight 16026 +preparator 16023 +ucayali 16021 +horseshoeing 16021 +pathans 16019 +rustles 16017 +girasol 16015 +monkshood 16013 +spaatz 16012 +inapt 16009 +ninon 16007 +sprits 16006 +schoolmistress 16006 +surmountable 16003 +obloquy 16002 +procuration 15996 +adhesively 15996 +oestrous 15995 +unconventionally 15993 +profitless 15993 +coxa 15993 +bezique 15992 +bullshitted 15989 +typifying 15985 +fobbed 15984 +densitometers 15982 +chemoreception 15979 +prohibitionists 15975 +swinge 15972 +recogniser 15970 +hearties 15970 +coryza 15969 +decembers 15965 +husking 15963 +conium 15963 +twinkly 15961 +housemaids 15958 +colloquiums 15957 +acidify 15957 +neuritic 15956 +improvisors 15956 +unconcealed 15955 +stuccoed 15953 +shivas 15953 +penholder 15953 +confreres 15949 +conjecturing 15947 +stigmatic 15946 +yttria 15943 +noninfected 15943 +overcompensated 15942 +coursers 15942 +crochets 15940 +simplicities 15938 +dding 15938 +arsenopyrite 15938 +amortizable 15937 +ciceronian 15935 +uncoloured 15933 +etageres 15933 +circumspectly 15931 +mineable 15930 +criminalising 15930 +lechery 15928 +effusively 15928 +leucas 15927 +granitoid 15924 +mohammedanism 15923 +moralize 15914 +guizot 15914 +abstemious 15914 +consensually 15911 +applier 15911 +gladiolas 15909 +pelops 15907 +caudally 15907 +comestibles 15906 +codas 15903 +lindens 15901 +laconically 15901 +yoknapatawpha 15898 +friended 15898 +interdicting 15895 +rubdown 15894 +rubellite 15891 +lapps 15891 +demagogy 15890 +zamenhof 15889 +characterless 15889 +imbricate 15888 +plosives 15887 +residually 15886 +plebiscites 15885 +cannonade 15885 +ovipositor 15884 +skimped 15881 +shibboleths 15878 +fetlock 15878 +chitter 15877 +deifying 15876 +decreasingly 15874 +novokuznetsk 15871 +livonian 15870 +neral 15869 +laius 15865 +clannish 15864 +brume 15864 +backsliders 15864 +grandmamma 15862 +palmate 15861 +kipping 15861 +onega 15858 +gyrated 15858 +minicams 15850 +spatters 15848 +quavers 15847 +weeing 15845 +tediousness 15845 +hydrometallurgy 15845 +rehoused 15844 +decentralising 15840 +shitheads 15839 +goofballs 15838 +pilsudski 15835 +muser 15833 +baserunner 15831 +binomials 15828 +purger 15827 +lapdogs 15827 +copaiba 15826 +alienable 15826 +alecto 15826 +scuffled 15825 +eccrine 15824 +awes 15824 +nonpermanent 15823 +glassing 15821 +bezoar 15819 +primping 15818 +moneychangers 15818 +incisively 15818 +accessioning 15815 +scofflaws 15812 +suggestiveness 15811 +uncensured 15809 +hurter 15807 +bellyache 15806 +coinages 15803 +outranked 15800 +typographically 15797 +warbled 15792 +burnishers 15790 +pharisaic 15788 +megohms 15785 +titillated 15784 +preachings 15782 +shovelled 15781 +minims 15780 +connoting 15780 +prenup 15779 +complaisant 15778 +deferent 15777 +sanest 15775 +votary 15770 +doeskin 15770 +emboldening 15769 +linin 15768 +overproducing 15767 +coalface 15764 +subtend 15762 +pouched 15760 +reimposed 15759 +hesper 15758 +monotheist 15756 +befalling 15754 +shoddily 15752 +conchobar 15752 +averagely 15752 +flossy 15751 +eddo 15751 +pelias 15750 +unrepairable 15748 +myalgias 15746 +metatarsals 15746 +unreproducible 15745 +oestrogenic 15745 +hoaxer 15745 +biconvex 15745 +procreating 15740 +unbelted 15736 +outworkers 15735 +unreconciled 15734 +capillarity 15734 +manageress 15731 +brochette 15731 +waviness 15730 +proctologist 15728 +mattering 15727 +automatization 15727 +collotype 15725 +ichthyologists 15722 +historiographic 15722 +keyboardists 15721 +catchiness 15720 +videoing 15718 +chartism 15718 +rattrap 15712 +gelded 15711 +deltoids 15711 +disrespects 15710 +whirred 15707 +heirship 15707 +sceptred 15705 +luxuriantly 15703 +quantised 15702 +innocuously 15701 +eurocurrency 15698 +synop 15694 +percipient 15694 +siglos 15691 +reauthorizes 15691 +landlubbers 15691 +haled 15691 +fabians 15691 +chilliness 15689 +accad 15687 +limbourg 15686 +wisent 15684 +humanizes 15681 +earless 15681 +baddy 15679 +prodrome 15672 +plastically 15668 +disseminators 15667 +inharmonious 15666 +calendared 15663 +ideologists 15661 +eardrops 15661 +amatory 15657 +guarantied 15654 +frontally 15653 +disgustedly 15650 +unstamped 15644 +hindoos 15642 +contrarians 15641 +sidearms 15639 +eviscerating 15639 +countermand 15637 +bottommost 15636 +corncob 15633 +snuffling 15632 +eclogues 15632 +chador 15632 +disowns 15631 +phoenixes 15628 +telnetting 15627 +podded 15627 +cricoid 15627 +daydreamed 15626 +antinomy 15624 +democratising 15623 +pones 15620 +bucker 15619 +plateful 15616 +brookite 15613 +haemorrhaging 15612 +raffish 15611 +portended 15610 +lombroso 15609 +fellaheen 15607 +knavery 15605 +pasticcio 15604 +hairiness 15604 +situationism 15603 +anchorwoman 15603 +adulteries 15603 +impersonally 15601 +militiaman 15599 +intwine 15597 +atones 15595 +subsistent 15594 +mucosae 15593 +aksum 15593 +recluses 15586 +woebegone 15585 +suffuses 15584 +flavone 15583 +inelasticity 15580 +ritualist 15579 +besets 15578 +alewives 15578 +chitons 15577 +glagolitic 15575 +blackcurrants 15575 +hyperboloid 15574 +harrowed 15574 +anuses 15573 +synectics 15570 +micrometres 15568 +hoovering 15568 +stockrooms 15565 +anacrusis 15564 +theocracies 15563 +ascidians 15561 +tananarive 15560 +bumppo 15557 +sasin 15556 +edwardians 15554 +greuze 15553 +assuredness 15551 +mussulman 15546 +bahrainis 15546 +unhesitating 15545 +firecrest 15545 +potholed 15543 +meatmen 15542 +kolyma 15540 +dolerite 15540 +unsubscribes 15539 +sybarite 15536 +unconscionably 15534 +horselaughs 15534 +shacked 15533 +recidivists 15531 +sinkiang 15530 +cuckolded 15530 +oversleeping 15529 +mythologized 15529 +queendom 15528 +photoactive 15528 +overeager 15528 +premonitory 15525 +flocs 15523 +altruistically 15521 +spathe 15515 +providences 15515 +maskers 15513 +mitred 15512 +birded 15512 +abutter 15512 +scotopic 15509 +conspiratorially 15509 +vaulters 15505 +tangibility 15505 +yaupon 15503 +razorbill 15503 +glosser 15503 +doyenne 15501 +baeyer 15500 +irresolution 15498 +formication 15498 +denotative 15498 +epitomise 15496 +brunching 15495 +proverbially 15490 +noncooperation 15490 +bilingually 15490 +metaphases 15489 +waywardness 15488 +oxidatively 15488 +maturer 15484 +canzona 15482 +congregationalism 15476 +jovially 15475 +bicycled 15475 +helically 15474 +unexpurgated 15468 +submicroscopic 15467 +shirtsleeves 15466 +excoriate 15466 +ricochets 15465 +donees 15462 +suckering 15459 +roundheads 15459 +lymphosarcoma 15459 +bourguiba 15459 +algebraist 15458 +trued 15457 +actaeon 15456 +speckling 15454 +silverpoint 15452 +jewelweed 15450 +proselytising 15448 +preponderate 15447 +sensuousness 15444 +analogized 15444 +internalising 15443 +comradery 15443 +repriced 15442 +relearned 15442 +canonicity 15442 +spermatid 15437 +mechanician 15437 +bedrail 15436 +frenetically 15435 +antiparasitic 15435 +maurois 15434 +morphogenic 15433 +benignant 15431 +niblick 15430 +nympha 15427 +wittier 15423 +garishly 15423 +taxonomist 15422 +procurers 15422 +cockscomb 15422 +jarringly 15421 +arraign 15420 +wafd 15419 +mokpo 15416 +ineluctably 15415 +cawing 15415 +crapy 15414 +corf 15414 +superheavy 15407 +bisulfate 15407 +likeliness 15404 +waldensian 15400 +coyer 15399 +haemostatic 15398 +encipher 15398 +gilds 15396 +dithionite 15395 +cambial 15394 +wisconsinites 15393 +civilising 15392 +pyriform 15389 +layabout 15389 +inexistent 15387 +blackly 15387 +antipathies 15386 +seedbeds 15385 +purvey 15385 +whaleback 15384 +twanging 15382 +generalisable 15381 +communality 15380 +afeard 15380 +komsomol 15379 +vended 15378 +affixation 15378 +sarpedon 15377 +pronghorns 15377 +pressurising 15377 +engrams 15376 +amphorae 15373 +tenno 15372 +interpellation 15371 +totters 15370 +convoke 15370 +bishoprics 15367 +qiqihar 15366 +persecutory 15366 +fancifully 15363 +gritter 15362 +baptizes 15362 +dallapiccola 15361 +boosterism 15361 +teutons 15359 +garganey 15359 +concubinage 15359 +lifework 15358 +chillier 15357 +autografts 15357 +priding 15356 +reparable 15355 +ophthalmia 15355 +whelps 15354 +gilled 15354 +savoyards 15352 +compartmentalised 15351 +bulimics 15351 +nonrecognition 15349 +seducers 15347 +gallivanting 15346 +phyfe 15345 +solubilize 15343 +deafen 15343 +lobotomized 15342 +transsexuality 15340 +pedalo 15340 +nitrosamine 15340 +disfranchised 15338 +denticles 15338 +precolonial 15337 +abjection 15336 +discursively 15333 +whetting 15330 +unsheltered 15330 +quadratures 15325 +teleg 15324 +maricela 15323 +dichotomized 15322 +victual 15321 +twigged 15320 +ferreted 15318 +umbels 15317 +axiomatically 15317 +gaitskell 15316 +unblocks 15315 +crippler 15315 +pecten 15313 +scarcest 15311 +collaring 15311 +cryptanalytic 15309 +illyrians 15308 +saltus 15305 +komsomolsk 15305 +intellectuality 15304 +counterbalances 15304 +stomachaches 15302 +hectolitres 15302 +nepheline 15300 +heptad 15299 +predaceous 15298 +reclamations 15297 +edos 15297 +ruthenia 15295 +stickiest 15292 +nabataean 15291 +disbelieves 15288 +pulverizes 15287 +healths 15287 +lusatian 15284 +bassoonist 15284 +perfectness 15283 +molls 15283 +dissatisfying 15282 +reexports 15281 +acclimatised 15279 +trengganu 15278 +diagnosticians 15278 +scutes 15277 +pierian 15276 +tided 15272 +prognosticate 15269 +downdrafts 15269 +addle 15267 +agglutinated 15265 +benignity 15263 +uncomplimentary 15259 +immobilise 15258 +whitsuntide 15257 +ouzel 15256 +immolated 15256 +unhappiest 15255 +massachusett 15253 +rentier 15252 +idiocies 15252 +granadilla 15252 +coxcomb 15252 +shrewdest 15251 +pedestrianisation 15249 +incarnating 15248 +stroboscopes 15247 +browbeaten 15247 +upstages 15240 +pacifistic 15240 +squeezers 15239 +entrapping 15239 +lades 15236 +carcinomatosis 15236 +underquoted 15231 +floury 15231 +undistinguishable 15230 +satrap 15230 +congest 15230 +sequela 15228 +sylphs 15227 +calciferol 15226 +screamingly 15224 +fulvous 15224 +grumpiness 15222 +arrogated 15222 +stateliness 15220 +landslip 15220 +institutionalising 15219 +sevenths 15216 +delectably 15215 +parred 15213 +unbuckle 15211 +smoothbore 15211 +copses 15210 +camions 15208 +radicalize 15206 +barrault 15205 +tussocks 15204 +enate 15204 +jerkiness 15203 +emersion 15201 +foeticide 15196 +branchings 15192 +reinsure 15190 +obstructionists 15188 +subnotebook 15187 +teniers 15186 +monacan 15186 +middies 15184 +teachability 15182 +monzonite 15182 +corruptive 15181 +surmising 15178 +yonks 15177 +sahuaro 15177 +triodes 15174 +peaky 15174 +bulg 15172 +oratories 15170 +gaols 15170 +memorisation 15168 +eclosion 15167 +adown 15167 +claimer 15166 +limbless 15165 +gauhati 15165 +brokenly 15165 +idun 15164 +stagehand 15163 +overachievers 15162 +cannily 15162 +boogeymen 15162 +desman 15161 +dirtying 15159 +irrespectively 15158 +ifni 15157 +flection 15157 +centrefolds 15157 +eddying 15155 +windjammers 15154 +disjuncture 15154 +resupplied 15153 +belays 15153 +exposer 15152 +schuss 15151 +illume 15148 +aflutter 15146 +timelier 15145 +hibernates 15145 +goddaughter 15142 +battiest 15140 +expositors 15137 +plainspoken 15136 +naysayer 15136 +defoliants 15135 +catgut 15133 +obsessiveness 15130 +justiciary 15129 +asterism 15126 +underexposure 15125 +sillimanite 15125 +hawser 15125 +reflexives 15124 +plasmic 15124 +namangan 15123 +oligarchical 15122 +inhumanely 15122 +saltines 15121 +circumstanced 15120 +webfoot 15119 +bactericide 15117 +pursuivant 15116 +injurer 15116 +sycophancy 15115 +controllership 15115 +redetermine 15109 +heartlessness 15108 +foully 15104 +boors 15103 +embezzler 15102 +concussive 15102 +striction 15099 +retrocession 15099 +quailed 15097 +hackamores 15095 +orientating 15094 +rockfalls 15093 +panmunjom 15093 +outstations 15093 +stagings 15092 +starlike 15091 +athanor 15088 +herbicidal 15084 +ghostlike 15079 +drawls 15079 +cheeper 15078 +perpendicularity 15076 +broils 15074 +contenting 15072 +tsvetaeva 15067 +futz 15067 +exigence 15064 +padus 15063 +gadgeteers 15061 +inscribes 15059 +cion 15059 +troublous 15056 +rifted 15056 +revering 15056 +saransk 15055 +plebes 15054 +bipolarity 15054 +superhighways 15051 +fluster 15050 +arguer 15050 +whoredoms 15049 +suffuse 15049 +refreeze 15047 +parasitize 15046 +suribachi 15044 +kinswoman 15044 +hereditarily 15038 +sandbagged 15037 +saleslady 15034 +disorientating 15034 +transshipped 15031 +shipway 15030 +quaffed 15030 +circumnavigating 15029 +gobelin 15028 +trematodes 15025 +taximeter 15023 +reata 15023 +olecranon 15023 +imagistic 15023 +crocheters 15023 +fervency 15021 +bournes 15020 +belligerently 15019 +glyphic 15018 +hoys 15017 +unspiritual 15016 +typographers 15015 +decriminalised 15014 +refutable 15011 +internee 15007 +smelts 15004 +prefigure 15004 +bethink 15003 +adventitia 15002 +surreality 15001 +autoworkers 14998 +infundibulum 14994 +immunise 14991 +winningly 14989 +potsherds 14986 +apprenticing 14985 +priggish 14981 +wanly 14979 +serried 14979 +chickasaws 14974 +wherefrom 14973 +regales 14973 +corriedale 14973 +careworn 14973 +tourcoing 14972 +precessing 14971 +abstractedly 14971 +arcaded 14969 +trinitarians 14968 +nonmaterial 14965 +walloping 14963 +bravissimo 14963 +lacrimation 14951 +charlock 14950 +unbent 14948 +melees 14948 +sundecks 14947 +tonsure 14946 +anarchical 14945 +frolicsome 14944 +pentavalent 14942 +cyprinid 14942 +canalization 14940 +factuality 14939 +overrate 14937 +directoire 14937 +splays 14935 +borgs 14935 +jubilantly 14932 +mermen 14930 +smokejumper 14929 +polypoid 14928 +bitt 14928 +patriotically 14923 +gabbros 14921 +acarology 14921 +haziness 14919 +jeopardises 14918 +ritualism 14916 +diffracting 14913 +stolidly 14911 +activeness 14911 +tonicity 14909 +redistrict 14907 +phyletic 14906 +nooses 14906 +throned 14903 +sarges 14902 +decimates 14902 +prefigures 14900 +deodorizes 14900 +chastely 14900 +mincers 14898 +lysines 14894 +extraditing 14894 +vinegary 14893 +strangulated 14892 +affably 14890 +cinching 14888 +aristocracies 14886 +hexameter 14884 +untruthfulness 14883 +rowdiness 14883 +haemophiliacs 14880 +deputising 14879 +transmutes 14878 +joyriding 14877 +dentinal 14877 +decapitations 14877 +huffs 14876 +magistral 14875 +aggrandisement 14875 +sinuosity 14874 +lappish 14874 +seriatim 14871 +spinels 14864 +volcanically 14862 +glabella 14862 +amphitheatres 14862 +stovepipes 14860 +parricide 14856 +reattaching 14855 +ullage 14854 +estop 14849 +disembowel 14848 +checkmates 14847 +lorded 14846 +grandness 14845 +wounder 14843 +nullifier 14843 +aztecan 14843 +reproves 14839 +strewing 14837 +interleaves 14836 +duse 14836 +cocytus 14836 +fluttery 14834 +zigzagged 14832 +repatriates 14832 +presurgical 14830 +sulphonate 14829 +racier 14828 +bontebok 14828 +splotchy 14823 +prosperously 14823 +propounds 14820 +forefingers 14820 +reconquered 14818 +synchronicities 14817 +allurement 14816 +jonathans 14815 +curtsied 14815 +straggle 14812 +azobenzene 14811 +mussy 14809 +linebreeding 14809 +mither 14807 +forewings 14807 +recreant 14804 +overstimulated 14804 +kittycat 14803 +barmaids 14803 +resuscitative 14801 +gynarchy 14795 +mewing 14793 +lupercalia 14793 +mythopoeic 14791 +incontrovertibly 14791 +expiated 14791 +bionomics 14788 +blustered 14783 +whapping 14781 +palaeobotany 14780 +lambast 14780 +camelopardalis 14779 +yanqui 14778 +whorish 14778 +morrows 14777 +precancel 14776 +homograph 14774 +reportorial 14773 +outwits 14773 +imputable 14773 +prexy 14771 +normalizable 14770 +callouses 14769 +crookedness 14767 +nonself 14762 +topes 14761 +hydroplaning 14760 +evicts 14760 +remitter 14759 +unselfconscious 14758 +sanguinaria 14757 +castoffs 14757 +americanize 14757 +coarsened 14755 +manured 14751 +polyglots 14750 +annelid 14749 +candelabrum 14747 +bifid 14746 +octogenarians 14744 +bareness 14744 +novocain 14742 +brownings 14742 +shamefaced 14741 +spoilsport 14733 +turkomans 14728 +houstonia 14727 +whelks 14725 +singes 14725 +photostatic 14723 +coalmines 14722 +perspicuity 14720 +segregationists 14718 +denouncement 14717 +visitant 14715 +mirepoix 14715 +cajeput 14715 +tacticians 14714 +reenergize 14714 +voracity 14712 +tinkerers 14712 +sonatinas 14712 +odometers 14711 +obstruent 14710 +dissolvable 14706 +brecciated 14706 +telemeter 14705 +teahouses 14705 +fadeless 14703 +judder 14700 +emended 14700 +dotterel 14700 +sympathiser 14698 +unctions 14695 +kelter 14695 +chandragupta 14695 +relabelling 14692 +puckish 14691 +succinctness 14690 +permissibly 14690 +loyang 14690 +interbred 14689 +ornis 14688 +thomism 14687 +uninstallable 14686 +sovereignly 14686 +alicyclic 14683 +mikva 14682 +madisonian 14682 +hungriest 14682 +trebling 14681 +cushitic 14680 +cerebra 14680 +universalizing 14679 +jordaens 14678 +glottic 14678 +geekier 14678 +chancre 14678 +enow 14677 +dorians 14677 +dogcart 14677 +gleans 14676 +slavonian 14674 +abbesses 14674 +yellowness 14672 +unperfected 14672 +soulfulness 14672 +topdressing 14671 +jocund 14667 +unutterably 14666 +hugeness 14666 +ontic 14665 +blains 14665 +steamfitter 14664 +scariness 14661 +quemoy 14658 +covenanter 14658 +wisd 14656 +brahmanism 14654 +inextinguishable 14650 +intersperses 14649 +foregoes 14649 +esotropia 14649 +misstating 14645 +petiolate 14644 +schoolyards 14643 +cretinism 14643 +quietened 14642 +oxonian 14641 +paries 14640 +sandflies 14639 +maloti 14638 +embrocation 14638 +betokened 14634 +tenderize 14629 +siegbahn 14628 +bequeaths 14628 +pentheus 14626 +romanticised 14625 +hawed 14625 +nomarch 14620 +indefatigably 14620 +merchantman 14619 +habited 14617 +scrutinises 14614 +aristotelianism 14613 +sympathising 14611 +repatriations 14609 +peccadilloes 14604 +googolplex 14604 +luciferin 14603 +placekicker 14601 +flickertail 14601 +nuttier 14600 +faqir 14600 +outspend 14599 +masquer 14598 +categorisations 14597 +parcelled 14594 +disillusioning 14594 +cubbyhole 14594 +exiling 14592 +supercooling 14591 +industrialising 14591 +krait 14590 +graspable 14589 +zapopan 14588 +rejoicings 14588 +aretino 14588 +mariology 14587 +ahithophel 14587 +landsliding 14586 +entreats 14586 +assuaging 14584 +supportiveness 14582 +fusses 14582 +arduously 14582 +expansible 14581 +conciliated 14579 +clericalism 14578 +frisians 14577 +torahs 14575 +foeman 14575 +confute 14575 +muezzin 14574 +sideswiped 14572 +amputating 14571 +spritzers 14570 +goldeneyes 14570 +bermudians 14569 +brainier 14568 +ziska 14567 +genderless 14566 +strophic 14563 +overcompensation 14563 +deionised 14563 +redevelopments 14562 +postnasal 14562 +unexpectedness 14560 +unenforced 14558 +titlist 14558 +permutes 14557 +derogated 14556 +dumpsites 14554 +defaces 14551 +indispensably 14550 +econometrician 14548 +fusty 14545 +siree 14544 +tined 14541 +hydroids 14540 +endearments 14540 +rathskeller 14537 +floruit 14537 +tensiometer 14535 +legitimates 14535 +interj 14535 +enfranchise 14532 +wheedling 14531 +pentaprism 14530 +dolmens 14528 +queller 14525 +orontes 14525 +incertitude 14524 +requital 14521 +gantrisin 14521 +enunciates 14521 +capful 14521 +rightsizing 14519 +coyness 14519 +criminate 14517 +respray 14516 +grooviest 14514 +drub 14509 +informatively 14506 +cognomen 14504 +launderer 14503 +canonised 14503 +mantling 14502 +jackboot 14502 +unpasteurised 14501 +miscalculate 14501 +easterlies 14501 +maidservants 14499 +icaria 14499 +phytophagous 14498 +extenuate 14498 +unspecialized 14497 +rejigs 14497 +submerges 14494 +xcvi 14492 +summarisation 14489 +gorgeousness 14487 +survivalists 14486 +altdorfer 14486 +flaminius 14485 +gloomiest 14484 +corralling 14483 +weensy 14481 +embolisation 14481 +aquacade 14481 +misjudgement 14479 +nubble 14478 +overfeed 14477 +tufty 14476 +formalizations 14475 +disinherit 14475 +impermeability 14474 +wangle 14473 +tolbooth 14471 +doggedness 14471 +roughen 14470 +towline 14466 +plutocratic 14466 +verrocchio 14465 +calomel 14464 +thessalian 14459 +muddler 14459 +repossessing 14458 +titrant 14457 +itaipu 14456 +interposes 14456 +quiesce 14452 +pratincole 14452 +icecaps 14452 +decremental 14452 +camouflages 14450 +relentlessness 14448 +radiolarian 14448 +bagful 14448 +connoted 14444 +calcific 14443 +ensnaring 14442 +disquietude 14441 +summering 14440 +stingo 14440 +atomize 14439 +brutalization 14438 +summability 14431 +mousetraps 14431 +brambling 14431 +nonbasic 14430 +centrioles 14429 +patchworks 14427 +calculative 14426 +cappadocian 14425 +unnerves 14424 +bikol 14423 +enormities 14422 +vitelline 14421 +tlemcen 14421 +mudflow 14421 +kerchiefs 14421 +anorthite 14421 +shimmying 14419 +schaerbeek 14419 +purposively 14419 +dominatrices 14418 +rejoinders 14417 +vitalism 14415 +gondi 14415 +tenne 14414 +basidiomycete 14413 +careerism 14410 +eliminative 14408 +tokes 14407 +deferrable 14407 +cherepovets 14407 +bayed 14407 +nightrider 14406 +correctives 14406 +steamroll 14405 +highfalutin 14405 +pedicured 14401 +anile 14401 +uncommercial 14400 +alderwoman 14399 +pedalled 14398 +artillerymen 14398 +pessimistically 14396 +precociously 14394 +njord 14394 +miosis 14394 +ionizable 14394 +moneyboxes 14393 +shushing 14391 +parametrised 14390 +frigga 14389 +expatriated 14388 +deputise 14388 +refection 14387 +semiprofessional 14386 +reseated 14386 +bonitos 14384 +tanagra 14381 +arborescent 14380 +unfading 14378 +mismanage 14377 +bigamist 14377 +protoplasmic 14376 +innocency 14376 +countersignature 14375 +reenlisted 14374 +dight 14372 +sruti 14368 +backstops 14368 +bonked 14366 +manichaeism 14365 +geddit 14365 +vitalized 14364 +precessional 14364 +petrous 14364 +burqas 14364 +morosely 14363 +compendious 14363 +hunspell 14361 +demilune 14360 +tastefulness 14359 +precursory 14355 +botches 14355 +aleatory 14355 +waylay 14354 +manometric 14354 +freakiest 14354 +benefactions 14348 +putdown 14344 +siltstones 14339 +troat 14335 +pitilessly 14335 +guzzled 14334 +reimpose 14333 +pattered 14333 +fruiterers 14333 +browbeating 14332 +lychees 14329 +tragopan 14326 +subtends 14326 +solderers 14324 +mediocrities 14324 +shirtwaist 14323 +airlifting 14322 +chrysalid 14319 +shimmies 14317 +dimwits 14317 +turbinates 14316 +barde 14315 +homographs 14312 +binal 14312 +arbitrates 14310 +diaphoresis 14308 +incuse 14305 +copartnership 14305 +cogitate 14302 +scrams 14301 +duppy 14299 +mailshots 14297 +uncomplaining 14296 +propinquity 14296 +overproduce 14296 +unthankful 14290 +countervail 14290 +paining 14287 +jutes 14287 +airspeeds 14287 +formalises 14286 +silenus 14284 +smuggles 14283 +kilogramme 14283 +busies 14283 +backhands 14282 +balsams 14281 +anchises 14281 +molests 14276 +calisthenic 14273 +pillowed 14271 +ultracentrifuge 14270 +issuant 14270 +dentally 14270 +anorthosite 14270 +downshifts 14269 +rearrest 14267 +rampantly 14266 +chloromycetin 14264 +bxs 14264 +subjacent 14263 +isth 14263 +whiffed 14261 +spermatozoon 14260 +desexed 14260 +redrew 14255 +edenic 14255 +striation 14252 +phthisis 14251 +insolubility 14250 +archaism 14250 +spumoni 14246 +appeaser 14246 +klutzy 14243 +proselytization 14240 +overstaffed 14235 +ungoverned 14232 +shellfishing 14231 +jangles 14230 +periscopes 14228 +lacerate 14228 +kulaks 14227 +unfelt 14226 +linuxes 14226 +cottoned 14226 +circumscribes 14226 +seclude 14224 +pretentiously 14218 +institutionalizes 14215 +imploringly 14213 +breakspear 14213 +maltase 14212 +chunkier 14211 +ninefold 14206 +decomposer 14206 +wolfed 14205 +unsuspicious 14205 +picturesqueness 14204 +laconian 14204 +decamps 14204 +tutty 14203 +unresisting 14199 +footnoting 14199 +empathized 14197 +liquidates 14196 +illinoisans 14194 +expositional 14194 +castigates 14194 +horsewoman 14190 +headcounts 14190 +disentanglement 14188 +canonize 14188 +recanting 14187 +bickered 14186 +polarise 14185 +debarked 14185 +cordilleras 14185 +harijan 14183 +conservations 14183 +synthesises 14182 +nibelungenlied 14182 +tenderhearted 14180 +presaging 14180 +tophet 14178 +stellite 14178 +resoluteness 14177 +musingly 14176 +orderer 14174 +reoccupy 14172 +lepidolite 14172 +eleemosynary 14172 +unbolted 14171 +redlined 14171 +veritably 14169 +extraditable 14168 +seatmate 14167 +cantilena 14163 +protract 14162 +reappraised 14159 +freebasing 14159 +disconcert 14159 +collators 14159 +argive 14158 +undergirded 14156 +breeks 14155 +satiates 14154 +laocoon 14153 +underspending 14152 +harassers 14151 +grumpier 14150 +hominoid 14145 +coccus 14144 +choler 14144 +antitype 14144 +untidiness 14142 +militarize 14142 +flankers 14142 +repulsing 14141 +disbursal 14141 +carjacked 14141 +paraffinic 14138 +biophysicist 14138 +obfuscates 14137 +repulses 14136 +pinioned 14136 +choosiest 14136 +nunatak 14135 +skittered 14134 +euthanizing 14134 +trackways 14132 +derivatively 14132 +tarrying 14131 +trueness 14128 +saintliness 14127 +reproducer 14126 +umbel 14125 +wangler 14124 +homophonic 14123 +inefficacy 14122 +fizeau 14119 +liquored 14118 +caramelize 14116 +finnic 14114 +stagecoaches 14113 +epigrammatic 14113 +snacked 14111 +boart 14110 +whiled 14107 +jillion 14107 +exaggeratedly 14105 +coachwork 14103 +usurers 14102 +overstocking 14100 +leaser 14099 +boded 14099 +plassey 14096 +dallied 14095 +bogosity 14094 +digressive 14093 +mydriasis 14092 +cassiodorus 14092 +plexuses 14087 +dethroning 14087 +chocking 14087 +comitia 14086 +imprinters 14083 +flounced 14080 +anythings 14080 +snaggletooth 14078 +nairas 14078 +cicatrice 14078 +absolutists 14077 +granduncle 14075 +fodders 14075 +spindled 14074 +mushed 14073 +flugelhorns 14073 +overdoes 14071 +mysia 14071 +cleanthes 14071 +indwells 14069 +cetinje 14069 +thatchers 14068 +conventionalized 14068 +soused 14067 +energises 14062 +scabbed 14059 +colza 14059 +conflictive 14058 +coition 14058 +springhead 14056 +vitalizer 14050 +vassalage 14049 +scrunching 14049 +mesmerizes 14048 +pastern 14047 +delver 14044 +antiquarians 14044 +pulverization 14042 +puddled 14042 +reprieves 14040 +reproducers 14038 +cumulates 14038 +dematerialized 14035 +zilpah 14032 +macumba 14032 +symbiotically 14030 +snivel 14030 +irritative 14030 +pectic 14026 +bunted 14025 +underclothing 14024 +chairmanships 14024 +fokine 14022 +designedly 14022 +underpay 14020 +radiolucent 14020 +whensoever 14019 +catmint 14018 +toddled 14014 +croze 14014 +exhumations 14013 +engraft 14013 +fellowman 14011 +cameroonians 14011 +lemmata 14010 +conciliating 14008 +immolate 14006 +reconquer 13999 +oversteps 13999 +lazed 13999 +supraorbital 13998 +discouragements 13997 +yowl 13996 +sculpins 13995 +lamplighters 13995 +periphrastic 13994 +onanism 13993 +ugrian 13988 +semblable 13987 +inundations 13986 +siring 13985 +unknowledgeable 13982 +countermanded 13982 +acidly 13981 +reassigns 13980 +penurious 13979 +caesura 13976 +cadent 13975 +shipload 13973 +befuddlement 13973 +scandalised 13972 +unlatch 13971 +merozoites 13971 +photoflash 13970 +obbligato 13966 +catheterized 13966 +obliviously 13965 +upperclassman 13963 +digitalism 13962 +committeemen 13962 +anglicised 13962 +hengist 13961 +uncashed 13959 +shaddock 13959 +randomizes 13957 +militated 13956 +satraps 13952 +desensitisation 13952 +syllabification 13951 +ripest 13951 +interpersonally 13951 +degrease 13951 +azikiwe 13950 +microfibers 13949 +algonquins 13949 +reseating 13948 +bendwise 13948 +ortolan 13946 +clucks 13946 +stratigraphical 13945 +ebullience 13945 +comported 13944 +larded 13943 +recalibrating 13942 +undershot 13939 +luthuli 13938 +thyestes 13937 +whupped 13936 +bonzer 13935 +alienage 13934 +rendezvoused 13932 +flagellated 13932 +propitiated 13931 +cleisthenes 13930 +chondrule 13929 +catanduanes 13929 +fizzling 13928 +hogsheads 13925 +outlandishly 13923 +consecrates 13923 +protraction 13922 +contumely 13921 +capriole 13921 +intubate 13919 +repressible 13918 +liquefying 13917 +asphalted 13915 +overfly 13914 +gourdes 13913 +achenes 13913 +structureless 13909 +transistorized 13908 +flattish 13908 +emarginate 13907 +mascle 13906 +arabists 13905 +lumpiness 13904 +horridly 13904 +cogwheel 13904 +debarking 13900 +absconder 13899 +protuberant 13897 +clamoured 13897 +perfunctorily 13896 +latinate 13896 +lacedaemon 13894 +awns 13891 +sledgehammers 13890 +errorless 13889 +unenriched 13888 +outruns 13888 +stereotypy 13886 +metabolise 13886 +syndicalists 13884 +exorcists 13883 +piercingly 13881 +kibitz 13879 +jejune 13877 +warmness 13875 +thorvaldsen 13873 +sightly 13873 +pressurisation 13873 +preened 13873 +ecchymosis 13871 +sickbed 13867 +spadix 13864 +shrillness 13864 +homograft 13857 +dedifferentiation 13857 +kythera 13856 +blathers 13855 +copings 13851 +scenically 13848 +slews 13847 +bouzoukis 13847 +carboxylates 13846 +mishandle 13844 +surd 13843 +impregnates 13842 +wadge 13839 +piquancy 13835 +dilettantes 13835 +bashfully 13835 +expediters 13834 +cresset 13834 +passivate 13833 +inflexibly 13832 +coly 13831 +chuff 13831 +reemphasized 13827 +unpremeditated 13826 +benxi 13825 +benzofurans 13824 +uppercuts 13823 +godlessness 13823 +featherlight 13822 +paradisiacal 13820 +blubbered 13820 +goosenecks 13819 +portioning 13818 +cognize 13818 +discalced 13815 +tyrosines 13813 +declaiming 13810 +sermonizing 13809 +rivieras 13807 +pekinese 13806 +disaffiliation 13806 +appertains 13806 +tetrahedrons 13804 +supersizing 13804 +marchesa 13802 +congregates 13802 +lacker 13801 +forepaws 13801 +tahr 13800 +ammoniac 13800 +smacker 13798 +bigamous 13798 +manxman 13795 +pummelling 13794 +draggy 13794 +catechetics 13794 +dizzily 13793 +petain 13792 +americanisation 13792 +ablations 13788 +fornicator 13787 +servicewomen 13784 +enclitic 13784 +larkspurs 13782 +resubmits 13779 +pauperism 13779 +cascabel 13779 +roomers 13778 +samnites 13777 +whippersnappers 13775 +pigskins 13774 +apelles 13771 +quorate 13769 +waterspouts 13768 +hexahydrate 13767 +vapourware 13764 +rubenesque 13763 +eschar 13763 +asshur 13758 +waggled 13757 +schottische 13757 +ruisdael 13757 +nitrobenzenes 13755 +endlessness 13755 +unhidden 13754 +nailheads 13754 +throwaways 13753 +lavishness 13753 +unweaving 13751 +unsaleable 13747 +acquisitiveness 13746 +nettled 13743 +promotable 13740 +brunhilde 13739 +maltreat 13738 +greige 13738 +oviparous 13737 +olein 13736 +schmeer 13735 +kummel 13733 +harmonises 13731 +tetrafluoroethylene 13725 +peroration 13724 +congealing 13719 +anisette 13716 +thudded 13714 +mayapple 13713 +goatees 13712 +disfranchisement 13712 +noumenal 13710 +bistort 13710 +truces 13709 +patienter 13709 +bunged 13707 +suspiciousness 13705 +naughtier 13703 +ascribable 13700 +underutilised 13698 +unmusical 13697 +icarian 13694 +deadpanned 13694 +polytheist 13693 +wilfulness 13692 +eyespot 13690 +xanthippe 13689 +soult 13688 +enthusing 13688 +bedsprings 13686 +peatbog 13685 +cumulating 13684 +dinging 13682 +nonrigid 13676 +backpacked 13676 +sprues 13674 +waggling 13673 +sectored 13671 +predesignated 13671 +technophobes 13670 +epiphenomenon 13669 +unscrews 13668 +tailbacks 13663 +cretinous 13663 +nonlegal 13661 +hydrolysing 13661 +unfocussed 13657 +kansu 13655 +ostracods 13654 +guyenne 13653 +civets 13653 +delftware 13651 +radiophonic 13650 +dwarfish 13649 +antithetic 13648 +dodgem 13647 +bereave 13647 +uncleanliness 13645 +esteeming 13644 +ritualistically 13643 +fasciculus 13641 +misstates 13640 +airlocks 13639 +fictionalised 13637 +collectivists 13635 +bushwhacking 13633 +collaborationist 13632 +semidiurnal 13631 +hostelries 13631 +deadlocking 13628 +prevalently 13624 +biggish 13624 +leisured 13622 +quadriplegics 13621 +didrikson 13619 +toxicologically 13618 +kantar 13618 +counterstamp 13618 +prolixity 13617 +anticapitalist 13615 +allophone 13613 +incudes 13612 +canossa 13611 +nonorganic 13609 +intermit 13607 +humidify 13607 +pollards 13606 +pigeonholing 13606 +reconvert 13604 +planetesimal 13604 +sportscast 13602 +longship 13602 +alula 13600 +undersell 13599 +hydropathy 13599 +readdress 13598 +metamorphosing 13598 +subterfuges 13595 +swinges 13593 +inonu 13592 +xenophanes 13589 +invalided 13588 +concretize 13587 +visualises 13583 +formlessness 13583 +buskin 13582 +guenon 13581 +woundwort 13579 +makuta 13579 +sufficing 13575 +sazerac 13574 +illyricum 13573 +chaffer 13573 +desorb 13570 +berried 13568 +roughrider 13567 +bedmaker 13567 +coarsen 13565 +wireworks 13564 +subconsciousness 13560 +adaptiveness 13559 +trillionth 13558 +spithead 13558 +movably 13558 +undervalues 13557 +expostulated 13557 +attainted 13557 +proactivity 13556 +maritsa 13554 +dybbuk 13554 +dacoits 13553 +thromboses 13552 +staysail 13552 +tentation 13551 +hightest 13549 +clearway 13548 +barbarities 13548 +ossietzky 13546 +emissivities 13545 +perjure 13543 +crosscuts 13543 +respondence 13541 +quells 13541 +attainability 13541 +albigensian 13541 +tobolsk 13539 +nurturers 13539 +betroth 13539 +revisionary 13538 +pickiest 13535 +rectocele 13533 +patsies 13533 +ladyfingers 13531 +prudery 13529 +minuter 13529 +misspells 13528 +waistcloth 13524 +scholastically 13524 +magnetostriction 13524 +empanelled 13524 +eclectically 13524 +outdistanced 13523 +bivouacked 13521 +hofmannsthal 13517 +fusil 13517 +aromaticity 13515 +khorana 13511 +phlogopite 13508 +suprarenal 13506 +firesides 13506 +chitinous 13503 +thalweg 13502 +gametophytes 13502 +solidary 13501 +atonality 13501 +aponeurosis 13499 +posthaste 13498 +stoppable 13495 +nosecone 13494 +tunicate 13491 +vicissitude 13490 +blunter 13489 +brazenness 13488 +incitements 13487 +funnelling 13486 +gainsaid 13485 +djebel 13481 +overcooking 13479 +yenisey 13478 +scurf 13478 +savaii 13478 +underdressed 13477 +glitching 13477 +recti 13476 +larvicide 13475 +joyousness 13475 +faffing 13475 +guesstimates 13474 +mulattoes 13473 +leatherleaf 13473 +uncatalogued 13472 +safeness 13472 +malacology 13470 +guessable 13470 +extendibility 13470 +federalize 13467 +bipedalism 13465 +automatized 13465 +lepta 13460 +egocentrism 13460 +araucania 13460 +goshawks 13459 +crescentic 13457 +septembers 13454 +bugloss 13453 +popularizer 13452 +behoved 13452 +porticoes 13449 +impf 13447 +swelter 13446 +knapping 13446 +improvidently 13446 +backhander 13446 +disassociating 13444 +gluey 13442 +calibres 13442 +zingaro 13441 +baliol 13440 +auspiciously 13440 +tragedian 13439 +glossier 13438 +scotched 13437 +irtysh 13437 +pooing 13436 +hacksaws 13435 +sulfonates 13434 +epilimnion 13433 +flocculent 13432 +tensional 13431 +arpent 13431 +radicalised 13428 +flotations 13428 +communicatively 13428 +massiveness 13427 +fastnesses 13426 +emasculating 13425 +killiecrankie 13423 +tantalise 13421 +unnervingly 13420 +sideling 13420 +readerships 13420 +pressurizer 13416 +supertanker 13415 +fronde 13415 +transepts 13414 +shirring 13410 +impenetrability 13409 +misconstrues 13408 +epicycles 13407 +immodesty 13403 +sanitise 13402 +ruminated 13401 +inarguable 13401 +dissuasion 13401 +blivet 13400 +swishy 13399 +doper 13398 +chemisorbed 13397 +maims 13394 +schrieffer 13393 +mongooses 13393 +flashiest 13390 +goodhearted 13387 +apprising 13386 +commonalty 13384 +lunchrooms 13382 +fordable 13382 +distending 13382 +overcrowd 13380 +idealizations 13379 +distend 13378 +clearheaded 13378 +burundians 13378 +plasticisers 13377 +propagandized 13376 +stumpers 13375 +unmarred 13373 +tricentennial 13373 +reclaimable 13371 +stigmatise 13368 +iodised 13367 +sonorant 13365 +relativistically 13365 +flouncy 13365 +arthroscope 13365 +sluttish 13364 +demilitarised 13364 +campanulate 13361 +peonage 13360 +dishearten 13359 +shagbark 13355 +flounces 13353 +upbraiding 13350 +revenging 13350 +noncontributory 13350 +gainsaying 13350 +individuate 13349 +exurbs 13346 +marrows 13343 +feebler 13343 +soochow 13342 +reprice 13337 +exergue 13337 +stigmasterol 13336 +amasses 13336 +hyperopic 13334 +autoxidation 13333 +chagres 13331 +upturns 13330 +hydrus 13327 +oversleep 13326 +nonbeliever 13326 +murkiness 13326 +hokan 13325 +berkelium 13325 +meccas 13324 +macules 13324 +summonsed 13322 +antitheses 13320 +modernizations 13316 +hypothecate 13316 +chaffed 13316 +unitised 13315 +senegambia 13311 +reneges 13311 +overstrained 13311 +microscopist 13311 +hummocky 13311 +diaphysis 13311 +nonconfidential 13310 +albireo 13309 +consolatory 13308 +legalist 13307 +elastoplast 13306 +archpriest 13306 +architraves 13306 +refuelled 13305 +pretreat 13304 +vitta 13302 +uniformitarianism 13302 +overinflated 13300 +contemporaneity 13300 +incising 13299 +ctesiphon 13298 +unscrambling 13297 +rudds 13297 +metronomic 13295 +tosspot 13294 +eastertide 13294 +traherne 13293 +fraternizing 13293 +pikeman 13292 +reifying 13290 +epicureanism 13290 +trebly 13289 +plasmatic 13289 +allotropic 13289 +rerecorded 13288 +siskins 13287 +cohabitant 13285 +vanadates 13283 +augured 13282 +oozy 13281 +occludes 13280 +shouter 13279 +thighbone 13277 +shikari 13277 +plumpness 13277 +stirk 13276 +healthfulness 13274 +airiness 13274 +ligate 13273 +cerumen 13271 +pissers 13269 +alienist 13269 +clanked 13267 +phratry 13266 +impoverishes 13265 +halfpence 13265 +electroscope 13265 +cutlasses 13264 +splatting 13263 +traipsed 13262 +alary 13261 +drupe 13260 +fraudulence 13259 +unseasonal 13258 +cupfuls 13257 +dialysed 13256 +afforested 13256 +animists 13254 +aegyptus 13253 +tremulously 13252 +incomers 13252 +horsed 13252 +hemlines 13250 +armouring 13250 +savviest 13249 +dramaturgical 13249 +reabsorb 13247 +quavered 13247 +moonshiner 13246 +maiman 13242 +thieve 13240 +vegetating 13239 +misjudging 13239 +eulogize 13239 +problematically 13238 +tetchy 13236 +suntanning 13234 +asama 13234 +elasmobranchs 13233 +frauenfeld 13232 +cognized 13230 +folketing 13229 +paraphrasis 13227 +deaconesses 13227 +civvies 13227 +cotinga 13226 +placentation 13223 +backcrossing 13223 +retrogradely 13222 +treacly 13221 +bewilderingly 13221 +politicise 13220 +governesses 13220 +gassings 13220 +repulsions 13219 +raconteurs 13219 +venite 13218 +ophthalmoscopes 13218 +demoralisation 13218 +feuded 13216 +bireme 13216 +searingly 13215 +quirked 13215 +informatory 13215 +fluffs 13214 +phantasmagoric 13213 +tiding 13211 +aboveboard 13211 +hankow 13209 +tattling 13206 +taskmasters 13205 +edomite 13205 +backcrosses 13203 +coleoptile 13202 +circumstantially 13202 +lexers 13200 +britishers 13198 +stylize 13192 +retaliations 13192 +pugilistic 13192 +outclasses 13192 +aerobraking 13190 +irrigates 13189 +earsplitting 13189 +shakier 13188 +farmhands 13188 +demonisation 13187 +anticyclones 13185 +supervening 13183 +upending 13182 +absents 13180 +wimped 13179 +reverentially 13179 +popinjays 13179 +tesselation 13178 +longhouses 13178 +goosed 13178 +contemplatives 13177 +skulked 13175 +transfuse 13174 +veracious 13171 +hings 13170 +unsubsidised 13168 +readiest 13167 +anywise 13167 +raucously 13166 +waybills 13165 +polysemous 13165 +lobito 13164 +valedictorians 13163 +headpins 13161 +shirks 13160 +unguent 13158 +monopolizes 13157 +disconsolately 13157 +unpreparedness 13154 +overtax 13154 +loudmouthed 13154 +bolometers 13154 +squally 13153 +fizzes 13152 +unfriendliness 13149 +frontbench 13149 +rhizotomy 13148 +busywork 13146 +paratroop 13145 +synthetical 13142 +spiritualistic 13142 +sideway 13142 +mukden 13142 +speechifying 13140 +mischaracterize 13140 +tamasha 13139 +tinkertoy 13138 +levitator 13138 +semicircles 13135 +lithiasis 13133 +appositive 13133 +incorruptibility 13132 +blighters 13130 +subcontinental 13129 +razzia 13129 +nightjars 13129 +contumacy 13129 +twiddles 13126 +lambasts 13126 +brassbound 13126 +systematised 13122 +postelection 13122 +chromatically 13122 +krauts 13120 +systemized 13118 +cumbrous 13114 +palings 13113 +groynes 13111 +labium 13108 +indemnifications 13108 +attuning 13108 +penological 13107 +convected 13107 +abscessed 13107 +resumptive 13106 +alphameric 13105 +sheered 13104 +cohost 13104 +unconsumed 13101 +devoirs 13099 +bosomed 13099 +arizonan 13099 +concurrences 13096 +snakelike 13095 +emetics 13095 +countrysides 13091 +lidice 13090 +mailbombing 13089 +nontransparent 13088 +impressment 13086 +fantasising 13085 +discountable 13083 +intuitional 13082 +kedge 13079 +dissociable 13077 +spellcheckers 13076 +demonising 13076 +recessing 13075 +miamis 13075 +lempiras 13075 +superlatively 13074 +secretiveness 13074 +bursae 13072 +blastomere 13072 +dhows 13071 +durative 13070 +plonker 13068 +breeching 13068 +trimurti 13067 +sindhis 13067 +dessalines 13066 +demoniacal 13066 +bullheads 13065 +amortizes 13065 +winnebagos 13064 +oxidizable 13064 +bloodcurdling 13063 +doubleheaders 13060 +waspish 13059 +pluralities 13059 +chirurgeon 13059 +nonrefillable 13055 +unclogged 13054 +requiescat 13054 +pluralization 13051 +distempers 13050 +execration 13046 +collectivisation 13046 +rearming 13043 +yentai 13042 +nidaros 13042 +uncoiled 13041 +comestible 13041 +nauseatingly 13040 +knurling 13037 +ratiocination 13035 +prearrangement 13035 +tabooed 13034 +baulked 13034 +consubstantial 13033 +subversively 13032 +serines 13030 +bandwagons 13029 +pleuropneumonia 13027 +desalted 13024 +nigerien 13023 +kicky 13023 +equiprobable 13023 +astrograph 13023 +neritic 13022 +shorthands 13020 +suicidally 13019 +torsk 13018 +lipreading 13017 +foresighted 13016 +sleave 13015 +untempered 13013 +conceptional 13012 +capitalises 13012 +bolivianos 13011 +intrusively 13010 +fractionate 13009 +wreathes 13004 +hyoscyamus 13004 +christianism 13004 +surcharging 13003 +imposable 13003 +belike 13002 +areopagite 13002 +saltpetre 13000 +forborne 12999 +quoins 12997 +marginalising 12997 +barbels 12997 +tardily 12996 +regurgitates 12996 +smoulder 12995 +judgmentally 12995 +ensnares 12995 +downmarket 12995 +rectifiable 12993 +shimmied 12991 +depopulate 12990 +actinomycete 12989 +evenfall 12988 +revaluing 12987 +privateering 12986 +pahoehoe 12986 +fundaments 12981 +shrewish 12980 +unversed 12978 +apexes 12978 +simulcasts 12977 +oking 12976 +chroming 12975 +mezuza 12974 +countersinks 12974 +demarcates 12973 +nonaligned 12972 +superabundant 12971 +materialisation 12966 +hypercritical 12965 +deceivingly 12963 +plagiarise 12962 +matchable 12962 +theocrat 12960 +officiates 12960 +reichsmark 12957 +obduracy 12957 +quesnay 12956 +demonstratively 12951 +muskoxen 12948 +denumerable 12948 +lifebuoy 12946 +scudding 12943 +delousing 12942 +aesthetes 12942 +houseboys 12941 +anaesthesiologist 12941 +lightener 12940 +biddable 12940 +kekkonen 12937 +bludgeons 12937 +nonfeasance 12935 +ineffably 12935 +smidgeon 12934 +nonsuit 12933 +adits 12932 +torontonian 12930 +cauterized 12930 +woodcutters 12929 +photomechanical 12928 +explicative 12928 +serigraphy 12927 +newspapermen 12927 +pomander 12926 +inanely 12924 +deprecatory 12922 +defensibility 12922 +volturno 12921 +metalled 12919 +larboard 12917 +euchromatin 12915 +fraternize 12913 +christmastide 12913 +thyroids 12911 +lagger 12911 +krooni 12910 +stolon 12909 +trifoliate 12908 +melodiously 12903 +benacerraf 12903 +monotheists 12901 +dubcek 12901 +confidantes 12901 +incalculably 12896 +aegisthus 12890 +egalitarians 12888 +shrubberies 12887 +insanities 12887 +fistfuls 12886 +orchidectomy 12885 +compartmentalisation 12885 +transferal 12877 +tomboyish 12876 +stablemates 12876 +waymarked 12875 +pertinacity 12875 +kantianism 12874 +forfeitable 12874 +buffo 12874 +ionizes 12873 +hypha 12873 +marivaux 12871 +pointedness 12870 +matadi 12868 +combustibility 12868 +whydah 12866 +demulcent 12866 +rumbly 12862 +complots 12857 +feminize 12856 +counterattacked 12856 +bankrolls 12856 +topknot 12855 +paramountcy 12855 +underselling 12851 +saleroom 12850 +nonuser 12850 +undiplomatic 12848 +tackiest 12848 +phoniness 12845 +jelled 12844 +deutzia 12843 +misfeature 12842 +topmast 12841 +azote 12841 +rationalities 12839 +noncom 12839 +steradian 12837 +spalato 12837 +flurried 12835 +hunchbacked 12834 +dekko 12832 +gorgons 12831 +tameness 12829 +airburst 12828 +deferentially 12827 +resubmissions 12825 +fabulousness 12824 +retreaded 12823 +urmia 12822 +rattlehead 12821 +pestilences 12821 +skiving 12817 +areolar 12817 +germen 12815 +delaminate 12814 +combativeness 12814 +choreographs 12812 +rusticated 12811 +passiveness 12811 +unremembered 12808 +unpublicized 12806 +gloominess 12806 +amytal 12806 +moussorgsky 12805 +louisianans 12805 +aimlessness 12804 +bibliographers 12803 +mildews 12801 +litigates 12801 +commiserated 12801 +triolet 12800 +stalky 12800 +polonaises 12800 +churchillian 12800 +isoelectronic 12799 +antimissile 12799 +jobholder 12798 +tumuli 12796 +vambraces 12793 +gutbucket 12788 +overborne 12786 +jerkily 12785 +hellishly 12784 +avows 12784 +electrocutions 12783 +sexists 12779 +turmoils 12778 +greyer 12777 +suavely 12776 +overflying 12776 +engager 12775 +busboys 12775 +flouring 12774 +antedated 12771 +enthral 12770 +distributary 12770 +jocose 12769 +contentiousness 12769 +tahitians 12764 +crookedly 12763 +cachepot 12762 +shawnees 12761 +hubristic 12760 +missals 12759 +enciphering 12758 +manege 12756 +whitewashes 12755 +urga 12755 +enharmonic 12755 +caustically 12754 +reintroductions 12753 +coelom 12753 +weathertight 12752 +rebating 12750 +pleochroism 12750 +offcuts 12748 +backstories 12747 +shufu 12745 +iconostasis 12739 +hinderer 12737 +dostoevski 12737 +nybbles 12735 +deodorized 12735 +nabobs 12734 +fluorination 12734 +eminences 12734 +disconnectedness 12733 +accoutrement 12733 +vaporisation 12732 +expurgated 12732 +concussed 12732 +surveilled 12731 +fragmental 12730 +griever 12729 +cuprum 12728 +outcross 12725 +lither 12724 +forfend 12724 +tappets 12723 +fomalhaut 12721 +sibilance 12720 +synchronises 12719 +malaprops 12719 +defoliate 12718 +insatiably 12717 +rasbora 12714 +inhibitive 12714 +can't 300000 +won't 300000 +don't 300000 +couldn't 300000 +shouldn't 300000 +wouldn't 300000 +needn't 300000 +mustn't 300000 +she'll 300000 +we'll 300000 +he'll 300000 +they'll 300000 +i'll 300000 +i'm 300000 diff --git a/imageprocessing/artemis/artemis/data/wiki_art_duplicate_paintings.pkl b/imageprocessing/artemis/artemis/data/wiki_art_duplicate_paintings.pkl new file mode 100644 index 0000000000000000000000000000000000000000..54bce4348e6d865e39822bb8e75826d89ee57f06 --- /dev/null +++ b/imageprocessing/artemis/artemis/data/wiki_art_duplicate_paintings.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:487d4325d3a75f86c7a1f5fd05fc424924c182c391f8a645e81f1c0dd58e4a27 +size 233854 diff --git a/imageprocessing/artemis/artemis/data/wiki_art_genre_class.csv b/imageprocessing/artemis/artemis/data/wiki_art_genre_class.csv new file mode 100644 index 0000000000000000000000000000000000000000..5f7d1d1d937007cc9e257410fcd615984aee84ae --- /dev/null +++ b/imageprocessing/artemis/artemis/data/wiki_art_genre_class.csv @@ -0,0 +1,64996 @@ +genre,art_style,painting +religious_painting,Northern_Renaissance,hieronymus-bosch_st-jacques-and-the-magician-hermogenes +landscape,Post_Impressionism,vincent-van-gogh_ears-of-wheat-1890(1) +illustration,Symbolism,theodor-severin-kittelsen_kvitebj-rn-kong-valemon-1912-2 +portrait,Expressionism,martiros-saryan_mother-of-the-artist-1904 +sketch_and_study,Early_Renaissance,leonardo-da-vinci_study-for-the-madonna-with-the-fruit-bowl +portrait,Expressionism,jose-gutierrez-solana_old-mountain +abstract_painting,Color_Field_Painting,clyfford-still_ph-1033-1976 +genre_painting,New_Realism,john-french-sloan_helen-taylor-sketching-1916 +nude_painting,Ukiyo_e,utagawa-kunisada_not_detected_240343 +genre_painting,Naive_Art_Primitivism,marc-chagall_clown-with-the-yellow-goat-1982 +landscape,Expressionism,nikolaos-lytras_landscape-of-sounio-1919 +abstract_painting,Abstract_Expressionism,conrad-marca-relli_fortune-teller +portrait,Rococo,maurice-quentin-de-la-tour_the-cellist +portrait,Realism,william-adolphe-bouguereau_a-childhood-idyll-1900 +cityscape,Romanticism,cornelis-springer_the-town-hall-and-market-at-naarden-1864 +landscape,Post_Impressionism,grace-cossington-smith_trees-1927 +portrait,High_Renaissance,vittore-carpaccio_portrait-of-a-knight-1510 +portrait,Rococo,vladimir-borovikovsky_portrait-of-gavrila-romanovich-derzhavin-1811 +landscape,Fauvism,janos-mattis-teutsch_lonely-tree-1917 +abstract_painting,Color_Field_Painting,william-scott_blue-on-blue-1967 +religious_painting,Northern_Renaissance,albrecht-durer_temptation +portrait,Impressionism,pierre-auguste-renoir_woman-with-a-parasol-1872 +genre_painting,Northern_Renaissance,albrecht-durer_man-in-armor-on-horseback-1498 +landscape,Post_Impressionism,vincent-van-gogh_wheat-field-with-the-alpilles-foothills-in-the-background-1888 +portrait,Expressionism,akseli-gallen-kallela_portrait-of-phyllis-sj-str-m-1914 +genre_painting,Baroque,aelbert-cuyp_lady-and-gentleman-on-horseback-1655 +genre_painting,Art_Nouveau_Modern,raphael-kirchner_girls-with-good-luck-charms-1 +still_life,Post_Impressionism,panayiotis-tetsis_tables-vi-1985 +landscape,Impressionism,kimon-loghi_the-tree +genre_painting,Cubism,marc-chagall_the-fiddler-1913 +religious_painting,Northern_Renaissance,joachim-patinir_rocky-landscape-with-saint-jerome +genre_painting,Realism,vincent-van-gogh_soup-distribution-in-a-public-soup-kitchen-1883 +cityscape,Post_Impressionism,edouard-cortes_paris-evening +cityscape,Post_Impressionism,edouard-cortes_the-view-from-madeleine-la-rue-royale +abstract_painting,Abstract_Expressionism,theodoros-stamos_infinity-field-torino-series-1-1986 +abstract_painting,Abstract_Expressionism,sam-francis_untitled-sf-90-342-1990 +portrait,Realism,martin-johnson-heade_mary-rebecca-clark-1857 +landscape,Impressionism,camille-pissarro_landscape-louveciennes +portrait,Mannerism_Late_Renaissance,agnolo-bronzino_portrait-of-lucrezia-de-medici +still_life,Cubism,juan-gris_glass-and-carafe-1917 +portrait,Realism,william-adolphe-bouguereau_plums +portrait,Northern_Renaissance,lucas-cranach-the-elder_portrait-of-a-young-girl-magdalena-luther +landscape,Post_Impressionism,paul-gauguin_the-creek-le-pouldu-1889 +portrait,Romanticism,konstantin-makovsky_portrait-of-margarita-savina +sketch_and_study,Expressionism,egon-schiele_untitled +landscape,Baroque,jacob-isaakszoon-van-ruisdael_sunrise-in-a-wood +genre_painting,Realism,thomas-eakins_shad-fishing-at-gloucester-on-the-delaware-river-1881-1 +religious_painting,Northern_Renaissance,albrecht-durer_the-adoration-of-the-magi-1504 +genre_painting,New_Realism,george-luks_hitch-team-1916 +religious_painting,High_Renaissance,pinturicchio_the-annunciation-1501 +religious_painting,Early_Renaissance,piero-della-francesca_st-andrew-and-st-bernardino +genre_painting,Romanticism,gustave-moreau_shepherds-viewing-passing-soldiers +landscape,Post_Impressionism,vincent-van-gogh_three-white-cottages-in-saintes-maries-1888 +portrait,Realism,boris-kustodiev_portrait-of-i-s-zolotarevsky-1921 +genre_painting,Realism,vincent-van-gogh_woman-sewing-with-a-girl-1883 +portrait,Romanticism,francisco-goya_the-duchess-of-alba-arranging-her-hair-1796 +landscape,Impressionism,winston-churchill_winter-view-of-chartwell +nude_painting,Fauvism,walasse-ting_love-me-love-me-lady-with-red-hair-1975 +portrait,Impressionism,james-ensor_old-lady-with-blue-shawl-the-artist-s-grandmother-1881 +religious_painting,High_Renaissance,dosso-dossi_sts-john-and-bartholomew-with-donors-1527 +landscape,Post_Impressionism,vincent-van-gogh_snowy-landscape-with-arles-in-the-background-1888 +landscape,Impressionism,willard-metcalf_poppy-garden +portrait,Expressionism,balthus_princess-maria-volkonsky-at-the-age-of-twelve-1945 +genre_painting,Expressionism,edvard-munch_by-the-roulette-1892 +sketch_and_study,Realism,martiros-saryan_cliff-1945 +portrait,Realism,jean-francois-millet_portrait-of-pauline-ono-1844 +portrait,Impressionism,pierre-auguste-renoir_camille-monet-and-her-son-jean-in-the-garden-at-argenteuil-1874 +religious_painting,Baroque,caravaggio_saint-francis-in-meditation(1) +landscape,Romanticism,christen-kobke_the-garden-steps-leading-to-the-artist-s-studio-on-blegdammen-1845 +portrait,Realism,ilya-repin_portrait-of-poet-prose-writer-translator-and-dramatist-sergei-mitrofanovich-gorodetsky-with-his-1914 +genre_painting,Baroque,gerard-terborch_dispatch-1657 +still_life,Realism,henri-matisse_not-identified +religious_painting,Early_Renaissance,fra-angelico_crucified-christ-1434 +religious_painting,Northern_Renaissance,albrecht-durer_the-holy-family +cityscape,Impressionism,camille-pissarro_the-tuilleries-gardens-morning-spring-sun +landscape,Post_Impressionism,maxime-maufra_the-beach-at-morgat-finistere-1899 +portrait,Romanticism,jan-matejko_portrait-of-a-daughter-beata +abstract_painting,Color_Field_Painting,mark-rothko_untitled-red-and-orange-on-salmon-1969 +genre_painting,Baroque,rembrandt_beggar-man-and-woman-behind-a-bank +portrait,Symbolism,konstantinos-parthenis_portrait-of-p-papathanasiou +religious_painting,Northern_Renaissance,hieronymus-bosch_the-garden-of-earthly-delights-1516-12 +portrait,Pop_Art,walter-battiss_one-way-street +portrait,Expressionism,egon-schiele_seated-woman-with-her-left-hand-in-her-hair-1914 +cityscape,Art_Nouveau_Modern,mstislav-dobuzhinsky_bridge-in-london(1) +landscape,Art_Nouveau_Modern,franklin-carmichael_la-cloche-1939 +cityscape,New_Realism,edward-hopper_paris-street +cityscape,Impressionism,iosif-iser_parisian-promenade-1930 +landscape,Impressionism,alfred-sisley_banks-of-the-loing-1896 +nude_painting,Impressionism,william-james-glackens_nude-with-apple-1910 +genre_painting,Ukiyo_e,ogata-gekko_print-from-series-women-s-customs-and-manners-1895 +portrait,Romanticism,john-william-waterhouse_lady-violet-henderson-1907 +abstract_painting,Color_Field_Painting,frank-stella_untitled-1964 +abstract_painting,Color_Field_Painting,brice-marden_hydra-1981 +portrait,Realism,ilya-repin_portrait-of-the-art-critic-vladimir-stasov-1873 +portrait,Impressionism,mary-cassatt_ellen-with-bows-in-her-hair-looking-right +portrait,Realism,john-singer-sargent_isabella-stewart-gardner-1888 +landscape,Expressionism,balthus_landscape-with-oxen-1942 +still_life,Cubism,pablo-picasso_still-life-with-gobleet-1914 +landscape,Post_Impressionism,gustave-loiseau_by-the-oise-river-1892 +abstract_painting,Abstract_Expressionism,richard-pousette-dart_inbalance-of-time-1992 +religious_painting,Naive_Art_Primitivism,fernando-botero_the-dolorosa +genre_painting,Realism,pyotr-konchalovsky_volodya-by-the-river-1938 +genre_painting,Expressionism,lyonel-feininger_in-a-village-near-paris-street-in-paris-pink-sky-1909 +religious_painting,Naive_Art_Primitivism,marc-chagall_the-vision-of-moses-1968 +abstract_painting,Abstract_Expressionism,ralph-rosenborg_an-italian-landscape-with-trees-1966 +portrait,Art_Nouveau_Modern,zinaida-serebriakova_portrait-of-a-ballerina-l-a-ivanova-1921 +abstract_painting,Abstract_Expressionism,john-ferren_rock-totems-1948 +cityscape,Realism,vincent-van-gogh_view-of-het-steen-1885-1 +abstract_painting,Abstract_Expressionism,paul-jenkins_not_detected_235718 +nude_painting,Impressionism,edgar-degas_after-the-bath-2 +portrait,Impressionism,john-singer-sargent_cashmere-shawl-1910 +religious_painting,Northern_Renaissance,albrecht-durer_conversion-of-paul +genre_painting,Post_Impressionism,georges-seurat_two-horse-hitch-1883 +landscape,Impressionism,claude-monet_cliffs-at-amont +religious_painting,Naive_Art_Primitivism,marc-chagall_the-tablets-of-law-1962-1 +landscape,Realism,isaac-levitan_lake-barns-at-the-forest-edge +genre_painting,Impressionism,joaquã­n-sorolla_mending-the-sail-1896 +landscape,Impressionism,francis-picabia_bank-at-poissy +portrait,Expressionism,oskar-kokoschka_not_detected_235850 +portrait,Post_Impressionism,jacek-malczewski_portrait-of-maria-balowa +landscape,Symbolism,nicholas-roerich_place-of-mahatma-s-camp-district-kuku-nor +portrait,Rococo,benjamin-west_peter-beckford-1797 +cityscape,Realism,vasily-sadovnikov_the-mansion-of-countess-z-i-yusupova-1866 +portrait,Expressionism,pyotr-konchalovsky_spanish-woman-1910 +portrait,Romanticism,francisco-goya_manuel-godoy-duke-of-alcudia-prince-of-peace-1801 +cityscape,Expressionism,frank-auerbach_albero-di-fronte +portrait,High_Renaissance,giorgione_warrior-with-groom-1510(2) +sketch_and_study,Post_Impressionism,vincent-van-gogh_mask-of-an-egyptian-mummy-3-1889 +landscape,Impressionism,karoly-ferenczy_summertime-picnic-in-may-1906 +genre_painting,Expressionism,pablo-picasso_toilette-1906-2 +landscape,Post_Impressionism,pyotr-konchalovsky_pine-tree-1920 +portrait,Realism,thomas-eakins_portraits-2 +cityscape,Impressionism,berthe-morisot_boats-on-the-seine +portrait,Realism,john-singer-sargent_mrs-mahlon-day-sands-mary-hartpeace-1894 +portrait,Realism,william-adolphe-bouguereau_reverie-1894 +religious_painting,Northern_Renaissance,albrecht-durer_christ-crowned-with-thorns-1512 +religious_painting,Early_Renaissance,paolo-uccello_disputation-of-st-stephen +portrait,Post_Impressionism,paul-gauguin_young-breton-by-the-sea-1889 +genre_painting,Impressionism,edgar-degas_dancers-1899 +genre_painting,Romanticism,francisco-goya_brigand-murdering-a-woman-1800 +landscape,Symbolism,nicholas-roerich_tibet +religious_painting,Romanticism,gustave-dore_the-ammonite-and-moabite-armies-are-destroyed +portrait,Art_Nouveau_Modern,raphael-kirchner_erika-1 +abstract_painting,Color_Field_Painting,paul-feeley_arpa-1964 +genre_painting,Realism,vincent-van-gogh_miners-wives-carrying-sacks-of-coal-1882 +landscape,Realism,konstantin-bogaevsky_view-of-the-tarusa-surroundings +landscape,Realism,isaac-levitan_village-winter-1888 +genre_painting,Realism,vincent-van-gogh_weaver-seen-from-the-front-1884 +landscape,Northern_Renaissance,albrecht-durer_doss-trento +landscape,Romanticism,thomas-cole_landscape-the-seat-of-mr-featherstonhaugh-in-the-distance-1826 +still_life,Pop_Art,andy-warhol_hammer-and-sickle +sketch_and_study,Romanticism,john-crome_study-of-flints-1811 +landscape,Impressionism,arkhip-kuindzhi_elbrus +landscape,Impressionism,lovis-corinth_lake-lucerne-afternoon-1924 +landscape,Naive_Art_Primitivism,niko-pirosmani_arsenalskaya-mountain-at-night-1908 +sketch_and_study,Post_Impressionism,vincent-van-gogh_woman-walking-her-dog-1886 +portrait,Impressionism,james-tissot_older-sister +portrait,Romanticism,karl-bodmer_abdih-hiddisch-a-minatarre-chief-plate-24-from-volume-1-of-travels-in-the-interior-of-north-1834 +sketch_and_study,Realism,vincent-van-gogh_sketch-of-a-right-arm-and-shoulder-1886 +nude_painting,Expressionism,milton-avery_nude-combing-hair-1954 +landscape,Post_Impressionism,vincent-van-gogh_a-group-of-pine-trees-1889(1) +still_life,Post_Impressionism,pyotr-konchalovsky_still-life-1920 +sketch_and_study,Realism,thomas-eakins_studies-for-william-rush-1876-1 +landscape,Realism,vasily-polenov_mountainous-riverbank-of-oyat +abstract_painting,Abstract_Expressionism,sam-francis_blue-sky-painting-1960 +religious_painting,Symbolism,james-tissot_the-brazen-serpent +landscape,Impressionism,pieter-wenning_landscape-vanderhovensdrif-apies-river-pretoria +portrait,Realism,pyotr-konchalovsky_portrait-of-the-actress-angelina-osipovna-stepanova-1933 +portrait,Realism,valentin-serov_portrait-of-vera-repina-1881 +portrait,Pop_Art,gerard-fromanger_jean-paul-sartre-1976 +landscape,Post_Impressionism,gustave-loiseau_landscape-in-a-valley-1898 +portrait,Impressionism,pierre-auguste-renoir_woman-in-a-straw-hat-1918 +landscape,Realism,theodore-rousseau_the-pond +sketch_and_study,Naive_Art_Primitivism,marc-chagall_untitled-1973-1 +landscape,Post_Impressionism,karl-schrag_view-from-the-studio-green-table-with-palette-1985 +religious_painting,Expressionism,salvador-dali_st-george-and-the-dragon +portrait,Impressionism,philip-de-laszlo_lady-frances-gresley-1924 +genre_painting,Art_Nouveau_Modern,carl-larsson_october-the-pumpkins(1) +religious_painting,Mannerism_Late_Renaissance,parmigianino_madonna-with-saint-zacharias-1530 +religious_painting,Early_Renaissance,benozzo-gozzoli_st-dominic-reuscitates-napoleone-orsini +cityscape,Post_Impressionism,edouard-cortes_boulevard-de-la-madeleine-6 +nude_painting,Post_Impressionism,nicolae-tonitza_back-nude-abibe-1938 +religious_painting,High_Renaissance,pietro-perugino_pala-di-sant-agostino-pieta-1523 +genre_painting,Impressionism,camille-pissarro_the-market-in-gisors-1887 +still_life,Post_Impressionism,paul-cezanne_pot-of-ginger-and-fruits-on-a-table +religious_painting,High_Renaissance,lorenzo-lotto_altar-of-st-lucia-st-lucia-in-front-of-the-judges-1532 +portrait,Realism,john-everett-millais_sir-john-everett-pippa +portrait,Northern_Renaissance,albrecht-durer_portrait-of-a-man-with-cap +abstract_painting,Abstract_Expressionism,manabu-mabe_passage-de-fuego-1961 +abstract_painting,Abstract_Expressionism,vasile-dobrian_i-have-tried +landscape,Impressionism,claude-monet_the-seine-at-bougival +cityscape,Post_Impressionism,pierre-bonnard_the-port-in-cannes-1926 +genre_painting,Impressionism,pierre-auguste-renoir_girls-picking-flowers-in-a-meadow +sketch_and_study,Post_Impressionism,vincent-van-gogh_orchard-and-house-with-orange-roof-1888-1 +still_life,Realism,abraham-manievich_flowers-vase-on-a-hamper +sketch_and_study,Romanticism,alphonse-mucha_contemplation +religious_painting,Naive_Art_Primitivism,marc-chagall_rahab-and-the-spies-of-jericho-1960 +genre_painting,Naive_Art_Primitivism,grã©goire-michonze_figures-in-the-village(2) +landscape,Symbolism,ferdinand-hodler_dents-du-midi-in-clouds-1917 +still_life,Impressionism,claude-monet_still-life-with-pears-and-grapes +landscape,Impressionism,alfred-sisley_village-on-the-banks-of-the-seine-1872 +landscape,Post_Impressionism,paul-gauguin_landscape-1899 +genre_painting,Baroque,jan-steen_merry-company-on-a-terrace-1675 +abstract_painting,Color_Field_Painting,barnett-newman_moment-1946 +religious_painting,Baroque,bartolome-esteban-murillo_saint-anthony-of-padua-adore-the-child +landscape,Post_Impressionism,pierre-bonnard_the-seine-1930 +landscape,Symbolism,nicholas-roerich_hidden-treasure-1917 +sketch_and_study,Symbolism,nicholas-roerich_boundary-of-kingdoms-1915 +sketch_and_study,Realism,ivan-shishkin_deciduous-forest-1873 +landscape,Impressionism,max-kurzweil_tip-of-the-bay +genre_painting,Impressionism,giovanni-boldini_arm-with-vase-of-flowers-1910 +landscape,Contemporary_Realism,fairfield-porter_red-cables-1940 +portrait,Realism,ilya-repin_portrait-of-aleksandr-zhirkevich-1891 +cityscape,Impressionism,henri-martin_gondolas-on-the-grand-canal-in-venice +portrait,Realism,boris-kustodiev_portrait-of-a-k-mineev-1923 +portrait,Romanticism,jan-matejko_maria-maurizio +abstract_painting,Color_Field_Painting,helen-frankenthaler_shoreline-1952 +genre_painting,Expressionism,chronis-botsoglou_nekyia-1 +portrait,Realism,gustav-klimt_portrait-of-a-lady +religious_painting,Baroque,francisco-de-zurbaran_st-pierre-pascal-bishop-of-jaen +landscape,Impressionism,theodor-pallady_juan-les-pins-landscape +abstract_painting,Minimalism,pino-pinelli_pittura-b-g-1991 +abstract_painting,Abstract_Expressionism,sam-francis_untitled-dark-blue-green-1966 +religious_painting,Symbolism,william-blake_melancholy-1820 +landscape,Symbolism,nicholas-roerich_hermitage-at-the-lake-1912 +portrait,Impressionism,pierre-auguste-renoir_portrait-of-a-child-2 +still_life,Realism,gregoire-boonzaier_still-life-with-tulips-1937 +still_life,Synthetic_Cubism,juan-gris_still-life-with-guitar-1920 +portrait,Realism,leon-bonnat_portrait-of-victor-hugo +genre_painting,Realism,vasily-perov_the-old-man-on-the-bench +sketch_and_study,Romanticism,fyodor-solntsev_people-clothes-the-province-of-kiev-2 +religious_painting,Northern_Renaissance,hieronymus-bosch_the-temptation-of-st-anthony +landscape,Realism,ivan-shishkin_forest-landscape-with-stream +sketch_and_study,Realism,boris-kustodiev_seated-woman-with-a-book-1915 +abstract_painting,Color_Field_Painting,paul-feeley_minoa-1962 +landscape,Contemporary_Realism,john-miller_late-summer-landscape +landscape,Realism,ivan-shishkin_troy-village-near-prague +landscape,Impressionism,alfred-sisley_boats-at-bougival-1873 +cityscape,Impressionism,alfred-sisley_construction-site-at-saint-mammes-1880 +genre_painting,Naive_Art_Primitivism,marc-chagall_the-heart-of-the-circus-1962 +religious_painting,Mannerism_Late_Renaissance,giorgio-vasari_the-garden-of-gethsemane +illustration,Art_Nouveau_Modern,edmund-dulac_the-fisherman-the-nightingale +portrait,Symbolism,odilon-redon_profile-and-flowers-1912 +religious_painting,Mannerism_Late_Renaissance,tintoretto_the-presentation-of-the-virgin-1556 +cityscape,Impressionism,vasile-popescu_marquee-house-painter-s-wife-s-home-1934 +religious_painting,Northern_Renaissance,robert-campin_madonna-and-child-in-a-garden +genre_painting,Rococo,pietro-longhi_visit-to-a-library +cityscape,Impressionism,camille-pissarro_steamboats-in-the-port-of-rouen-1896 +abstract_painting,Expressionism,paul-klee_refuge-1930(1) +genre_painting,Expressionism,julio-pomar_sub-rbio +abstract_painting,Color_Field_Painting,gene-davis_licorice-stick-1961 +religious_painting,Baroque,bernardo-strozzi_the-charity-of-st-lawrence +religious_painting,High_Renaissance,raphael_st-john-the-baptist-in-the-desert-1520 +landscape,Impressionism,claude-monet_regatta-at-argenteuil-1 +landscape,Impressionism,john-henry-twachtman_winter-landscape-cincinnati +portrait,Rococo,fyodor-rokotov_portrait-of-princess-a-a-dolgorukaya +landscape,Impressionism,t.-c.-steele_tennessee-scene-1899 +portrait,Realism,thomas-eakins_portrait-of-george-f-barker-1886 +portrait,Realism,giovanni-boldini_henri-rochefort(1) +illustration,Expressionism,ad-reinhardt_illustration-for-the-races-of-mankind-by-ruth-benedict-and-gene-weltfish-1944 +portrait,Impressionism,gerard-sekoto_portrait-of-manuels-cousin-1944 +genre_painting,Post_Impressionism,henri-de-toulouse-lautrec_at-the-moulin-de-la-galette-1891 +cityscape,Impressionism,antoine-blanchard_grands-boulevards-1 +landscape,Symbolism,ferdinand-hodler_the-grand-muveran-1911 +religious_painting,Romanticism,gustave-dore_jacob-wrestling-with-the-angel-1866 +landscape,Impressionism,eugene-boudin_berck-the-beach-at-low-tide-1882 +cityscape,Rococo,bernardo-bellotto_dresden-seen-from-right-bank-of-the-elbe-below-the-augustus-bridge +still_life,Expressionism,dimitris-mytaras_shells +illustration,Romanticism,gustave-dore_the-inferno-canto-9-1 +portrait,Post_Impressionism,david-burliuk_marusia-by-the-sea-1949 +sketch_and_study,Symbolism,nicholas-roerich_sketch-with-trees-and-people-with-buggles-1919 +portrait,Art_Nouveau_Modern,ferdinand-hodler_portrait-of-georges-navazza-1916 +portrait,Northern_Renaissance,lucas-cranach-the-elder_portrait-of-martin-luther-1543-1 +sketch_and_study,Realism,vincent-van-gogh_snowy-landscape-with-stooping-woman-1883 +genre_painting,Art_Nouveau_Modern,henri-de-toulouse-lautrec_the-ambassadors-in-concert-cafe +sketch_and_study,Post_Impressionism,kazuo-nakamura_in-space-blue-irises-1967 +illustration,Romanticism,gustave-dore_wave-rolling-after-wave-where-way-they-found-if-steep-with-torrent-rapture +genre_painting,Naive_Art_Primitivism,grã©goire-michonze_figures-in-a-room-1981 +sketch_and_study,Realism,vincent-van-gogh_reaper-1885-1 +portrait,Baroque,rembrandt_portrait-of-nicolas-van-bambeeck-1641 +cityscape,Pointillism,georges-seurat_the-eiffel-tower-1889 +portrait,Expressionism,salvador-dali_portrait-of-anna-maria +portrait,Realism,leon-bonnat_charles-ephrussi +illustration,Romanticism,gustave-dore_don-quixote-125 +landscape,Realism,johan-hendrik-weissenbruch_forest-view-near-barbizon-1900 +sketch_and_study,Symbolism,akseli-gallen-kallela_study-1889 +abstract_painting,Abstract_Expressionism,theodoros-stamos_infinity-field-jerusalem-series-3rd-letter-1985 +abstract_painting,Minimalism,robert-ryman_rule-1991 +abstract_painting,Abstract_Expressionism,frank-lobdell_black-edge-ii-1962 +genre_painting,Cubism,henri-le-fauconnier_the-signal-1915 +abstract_painting,Abstract_Expressionism,sam-francis_blue-balls-vii-1962 +landscape,Naive_Art_Primitivism,jules-lefranc_mount-cervino +still_life,Expressionism,henri-matisse_still-life-13 +portrait,Post_Impressionism,henri-de-toulouse-lautrec_gabrielle-the-dancer-1890 +religious_painting,Early_Renaissance,sandro-botticelli_the-agony-in-the-garden(1) +landscape,Realism,camille-corot_banks-of-a-river +landscape,Impressionism,alfred-sisley_snow-effect-at-veneux +cityscape,Impressionism,konstantin-korovin_kremlin-view-from-cathedral-of-christ-the-saviour +landscape,Romanticism,caspar-david-friedrich_not-detected-6 +portrait,Early_Renaissance,piero-della-francesca_federigo-da-montefeltro-1465(1) +portrait,Post_Impressionism,gwen-john_young-woman-wearing-a-large-hat +religious_painting,High_Renaissance,pietro-perugino_pala-di-sant-agostino-baptism-of-christ-1523 +landscape,Impressionism,joaquã­n-sorolla_boat-in-albufera-1908 +landscape,Symbolism,nicholas-roerich_message-from-shambhala-1931 +portrait,Impressionism,joaquã­n-sorolla_raimundo-de-madrazo-in-his-paris-garden-1906 +landscape,Impressionism,berthe-morisot_thatched-cottage-in-normandy +still_life,Cubism,pablo-picasso_still-life-with-bull-s-skull-1939 +cityscape,Realism,vasily-sadovnikov_view-of-the-winter-palace-from-the-admiralty-1839 +genre_painting,Naive_Art_Primitivism,henri-rousseau_the-happy-quartet-1902 +illustration,Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-book-russian-school-of-painting-illustration-for-the-epic-sadko-a-rich-1907(1) +sketch_and_study,Baroque,rembrandt_overhanging-bushes-in-a-ditch +genre_painting,Baroque,rembrandt_the-star-of-the-kings-1651 +portrait,Northern_Renaissance,lucas-cranach-the-elder_portrait-of-a-young-woman-holding-grapes-and-apples-1528 +portrait,Pop_Art,andy-warhol_jackie-2 +cityscape,Art_Nouveau_Modern,nicholas-roerich_smolensk-tower-1903-2 +genre_painting,Post_Impressionism,edouard-vuillard_seated-woman-dressed-in-black +sketch_and_study,Romanticism,fyodor-solntsev_from-the-wedding-of-tsar-mikhail-fedorovich +religious_painting,Realism,salvador-dali_the-sacred-heart-of-jesus +portrait,Baroque,annibale-carracci_the-laughing-youth-1583 +genre_painting,Impressionism,edgar-degas_seated-dancer-1 +portrait,Impressionism,pierre-auguste-renoir_wilhelm-muhlfeld-1910 +portrait,Expressionism,egon-schiele_seated-child-1917 +religious_painting,High_Renaissance,titian_not_detected_224922 +genre_painting,Impressionism,nicolae-grigorescu_on-a-peak +genre_painting,Art_Nouveau_Modern,boris-kustodiev_at-the-fair-1910 +sketch_and_study,Realism,isaac-levitan_entrance-gate-of-savvinsky-monastery-near-zvenigorod-1884 +abstract_painting,Minimalism,walter-darby-bannard_sistene-1961 +abstract_painting,Color_Field_Painting,perle-fine_cool-series-no-1-red-over-white-1963 +portrait,Post_Impressionism,pierre-bonnard_striped-blouse +genre_painting,Post_Impressionism,edouard-vuillard_tennis-game-by-the-sea +nude_painting,Post_Impressionism,maurice-prendergast_fantasy +portrait,Realism,john-singer-sargent_vernon-lee-1881 +portrait,Romanticism,pierre-paul-prud'hon_giovanni-battista-sommariva +landscape,Impressionism,john-henry-twachtman_fountain-world-s-fair +portrait,Realism,camille-corot_young-boy-of-the-corot-family +nude_painting,Pop_Art,r.-b.-kitaj_synchromy-with-f-b +illustration,Naive_Art_Primitivism,constantin-brancusi_illustration-for-ilarie-voronca-s-plante-i-animale-1929 +portrait,Impressionism,joaquã­n-sorolla_portrait-of-lawyer-don-silverio-de-la-torre-y-eguia-1893 +religious_painting,Symbolism,george-frederick-watts_creation +genre_painting,Pointillism,henri-edmond-cross_the-grape-harvest +abstract_painting,Cubism,max-ernst_33-little-girls-chasing-butterflies-1958 +abstract_painting,Abstract_Expressionism,gerhard-richter_abstract-painting-610-1 +landscape,Impressionism,pierre-auguste-renoir_landscape-8 +religious_painting,High_Renaissance,cima-da-conegliano_st-jerome-in-a-landscape +religious_painting,Early_Renaissance,fra-angelico_scenes-from-the-life-of-christ-1452-1 +portrait,Realism,ilya-repin_fireman-1887 +abstract_painting,Abstract_Expressionism,sam-francis_untitled-from-pasadena-box-lembark-l62-1963 +genre_painting,Baroque,pieter-de-hooch_concert +genre_painting,Expressionism,edvard-munch_the-death-chamber-1896 +landscape,Baroque,rembrandt_a-large-landscape-with-a-mill-sail-1641 +genre_painting,Realism,mykola-yaroshenko_on-the-swing-1888 +still_life,Post_Impressionism,maurice-prendergast_flowers-in-a-vase +sketch_and_study,Realism,martiros-saryan_vartan-mamikonian-1900 +still_life,Post_Impressionism,paul-cezanne_still-life-with-oranges-1900 +portrait,Realism,edouard-manet_portrait-of-clemenceau-at-the-tribune-1880 +portrait,Pop_Art,tano-festa_da-michelangelo-1978-1 +sketch_and_study,Baroque,peter-paul-rubens_head-and-right-hand-of-a-woman +landscape,Impressionism,istvan-nagy_backyard-1911 +cityscape,Impressionism,childe-hassam_avenue-of-the-allies +religious_painting,Art_Nouveau_Modern,nicholas-roerich_pantokrator-1909 +landscape,Realism,isaac-levitan_landscape-with-pink-sunset +genre_painting,Impressionism,julian-alden-weir_the-lace-maker-1915 +sketch_and_study,Rococo,maurice-quentin-de-la-tour_portrait-of-unknown-man +religious_painting,Baroque,peter-paul-rubens_miracle-of-st-ignatius-of-loyola +abstract_painting,Minimalism,larry-bell_my-montauk-1960 +illustration,Art_Nouveau_Modern,aubrey-beardsley_the-toilet-of-salome-ii +abstract_painting,Abstract_Expressionism,theodoros-stamos_flight-of-the-spectre-1949 +portrait,Mannerism_Late_Renaissance,paolo-veronese_aristotle +portrait,Realism,john-singer-sargent_mrs-thomas-lincoln-manson-jr-mary-groot-1890 +portrait,Mannerism_Late_Renaissance,agnolo-bronzino_portrait-of-cosimo-i-de-medici-1545 +still_life,Impressionism,paul-gauguin_mandolina-and-flowers-1883 +genre_painting,Realism,thomas-eakins_pushing-for-rail-1874 +portrait,Synthetic_Cubism,pablo-picasso_head-1913 +cityscape,Impressionism,claude-monet_rio-della-salute-03 +portrait,Baroque,rembrandt_baerte-martens-wife-of-herman-doomer +portrait,Post_Impressionism,maurice-de-vlaminck_woman-in-a-pink-hat +nude_painting,Naive_Art_Primitivism,grã©goire-michonze_les-femmes-enceintes +genre_painting,Impressionism,eugene-boudin_the-beach-at-trouville-1 +genre_painting,Rococo,george-morland_buying-fish +abstract_painting,Minimalism,agnes-martin_the-harvest-1965 +landscape,Ukiyo_e,hiroshige_mountains-in-the-snow +portrait,Impressionism,childe-hassam_the-victorian-chair +still_life,Post_Impressionism,paul-gauguin_the-vase-of-nasturtiums-1886 +genre_painting,Expressionism,arturo-souto_leonel-alber-playing-the-violin +landscape,Baroque,agostino-carracci_landscape-with-bathers-1599 +portrait,Rococo,francois-boucher_young-woman-with-a-bouquet-of-roses +cityscape,Post_Impressionism,edouard-cortes_bouquinistes-de-notre-dame +landscape,Impressionism,winston-churchill_ightham-moat(1) +landscape,Impressionism,pierre-auguste-renoir_landscape-1881 +abstract_painting,Color_Field_Painting,olivier-debre_petit-vert-la-tache-rose-1976 +abstract_painting,Abstract_Expressionism,clyfford-still_ph-385-1949-no-1-1949 +genre_painting,Naive_Art_Primitivism,david-burliuk_man-on-a-yellow-horse-1950 +cityscape,Impressionism,camille-pissarro_the-inner-harbor-dpeppe-high-tide-morning-grey-weather-1902 +landscape,Post_Impressionism,edouard-vuillard_the-garden-outside-the-workshop +genre_painting,Naive_Art_Primitivism,david-burliuk_mythological-story-with-red-figures-1950 +portrait,Ukiyo_e,tsukioka-yoshitoshi_not_detected_242422 +religious_painting,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 +cityscape,Romanticism,cornelis-springer_cityhall-in-lbeck +landscape,Art_Nouveau_Modern,nicholas-roerich_hills-1915 +portrait,Expressionism,zinaida-serebriakova_water-carrier-morocco-1928 +landscape,Post_Impressionism,albert-marquet_le-jardin-du-luxembourg +genre_painting,Impressionism,william-james-glackens_parade-1912 +religious_painting,Pop_Art,andy-warhol_the-last-supper-1986-1 +genre_painting,Cubism,alekos-kontopoulos_he-wasn-t-18-1974 +cityscape,Impressionism,paul-gauguin_skaters-in-fredericksberg-park-1884 +religious_painting,High_Renaissance,pietro-perugino_virgin-enthroned-with-saints-catherine-of-alexandria-and-biagio +portrait,Fauvism,hans-hofmann_japanese-girl-1935 +genre_painting,Expressionism,edvard-munch_girl-combing-her-hair-1892 +religious_painting,Northern_Renaissance,robert-campin_blessing-christ-and-praying-virgin +sketch_and_study,Naive_Art_Primitivism,kazimir-malevich_reaping-1911 +portrait,Baroque,rembrandt_knee-length-figure-of-a-man-in-an-oriental-dress-1632 +nude_painting,Post_Impressionism,suzanne-valadon_nude-with-a-striped-blanket-1922 +religious_painting,Northern_Renaissance,pieter-bruegel-the-elder_landscape-with-christ-appearing-to-the-apostles-at-the-sea-of-tiberias-1553 +genre_painting,Cubism,pablo-picasso_breakfast-1953 +portrait,Expressionism,billy-childish_sibelius-man-with-stick-2011 +landscape,Post_Impressionism,paul-cezanne_mont-sainte-victoire-1 +landscape,Impressionism,claude-monet_pathway-in-monet-s-garden-at-giverny-1902 +landscape,Ukiyo_e,ito-shinsui_before-the-storm-1920 +portrait,Post_Impressionism,mikhail-nesterov_portrait-of-sofia-tutcheva +genre_painting,Impressionism,edgar-degas_two-dancers-in-the-studio-dance-school +landscape,Impressionism,claude-monet_tree-in-flower-near-vetheuil +portrait,Rococo,joshua-reynolds_catherine-lady-chambers +portrait,Impressionism,octav-angheluta_ivan-lipoveanul-1969 +portrait,Cubism,pablo-picasso_bust-of-a-woman-1942 +landscape,Impressionism,eugene-boudin_the-beach-berck-1882 +cityscape,Pop_Art,hiro-yamagata_balloon-race-1990 +still_life,Symbolism,kuzma-petrov-vodkin_violin-1918 +cityscape,Post_Impressionism,maurice-prendergast_campo-santa-maria-formosa-venice-1912 +religious_painting,Baroque,guido-reni_massacre-of-the-innocents-1611 +still_life,Impressionism,gustave-caillebotte_calf-in-a-butcher-shop +religious_painting,Mannerism_Late_Renaissance,jacopo-pontormo_st-matthew-the-evangelist +portrait,Fauvism,kazimir-malevich_the-man-with-the-bag +portrait,Romanticism,alexander-shilov_a-little-more-slowly-horses-a-little-more-slowly +cityscape,Impressionism,antoine-blanchard_place-de-la-concorde-4 +landscape,Post_Impressionism,maxime-maufra_the-cliffs-at-polhor-1899 +sketch_and_study,Realism,ivan-shishkin_carved-wood +nude_painting,Expressionism,lucian-freud_naked-portrait-2 +portrait,Art_Nouveau_Modern,raphael-kirchner_unknown-18 +landscape,Post_Impressionism,vincent-van-gogh_garden-with-flowers-1888-2(1) +cityscape,Post_Impressionism,edouard-cortes_boulevard-de-la-madeleine-4 +nude_painting,High_Renaissance,michelangelo_ignudo-11 +sketch_and_study,Romanticism,dante-gabriel-rossetti_annie-miller-1877-3 +portrait,Rococo,william-hogarth_untitled-dubbed-the-shrimp-girl-sometimes-the-saleswoman-of-crabs +sketch_and_study,Post_Impressionism,vincent-van-gogh_sketch-of-diggers-and-other-figures-1890 +portrait,Post_Impressionism,paul-gauguin_vairumati-1892 +religious_painting,Baroque,rembrandt_jesus-christ-entombed-1654 +genre_painting,Expressionism,candido-portinari_dead-boy-1944 +sketch_and_study,Symbolism,nicholas-roerich_sketch-for-ladoga-series-1917 +portrait,Post_Impressionism,pierre-bonnard_ambroise-vollard +portrait,Art_Nouveau_Modern,raphael-kirchner_dolly-sister +portrait,Symbolism,zinaida-serebriakova_peasant-1914 +genre_painting,Romanticism,andrei-ryabushkin_going-to-church +portrait,Impressionism,pierre-auguste-renoir_young-girl-with-a-basket-of-flowers-1888 +landscape,Impressionism,arkhip-kuindzhi_after-a-rain +religious_painting,Mannerism_Late_Renaissance,paolo-veronese_the-fainting-of-esther +portrait,Romanticism,john-hoppner_susannah-edith-lady-rawley-1785 +landscape,Realism,isaac-levitan_gray-day-forest-over-river-1888 +landscape,Realism,ivan-shishkin_edge-of-the-forest-1879 +landscape,Naive_Art_Primitivism,maurice-prendergast_village-against-purple-mountain +still_life,Expressionism,joan-ponc_untitled-1946-1 +sketch_and_study,Realism,john-singer-sargent_jack-millet-as-a-baby-1888 +portrait,Rococo,joshua-reynolds_portrait-of-rebecca-watson +portrait,Cubism,marevna-(marie-vorobieff)_portrait +portrait,Art_Nouveau_Modern,felix-vallotton_portrait-of-belgian-writer-poet-and-playwright-maurice-maeterlinck-1898 +sketch_and_study,Realism,vincent-van-gogh_sketch-of-a-knee-1886-1 +genre_painting,Realism,vincent-van-gogh_a-digger-1881(1) +landscape,Impressionism,gustave-caillebotte_landscape-study-in-yellow-and-rose +landscape,Impressionism,nikolay-bogdanov-belsky_melted-water +portrait,Northern_Renaissance,albrecht-durer_portrait-of-a-man-john-stabius +portrait,Realism,ilya-repin_a-man-in-white-jacket-1913 +landscape,Impressionism,claude-monet_small-boat-on-the-small-branch-of-the-seine-at-argenteuil +sketch_and_study,Post_Impressionism,georges-braque_nude-study-1908 +cityscape,Realism,vasily-surikov_milan-s-cathedral-1884 +landscape,Post_Impressionism,maxime-maufra_sunset-on-the-loire-1907 +nude_painting,Realism,ilya-repin_sitting-model-1866 +landscape,Impressionism,claude-monet_the-seine-at-port-villez-1883 +portrait,Romanticism,paul-cezanne_portrait-of-a-man-1864 +cityscape,New_Realism,edward-hopper_american-village +portrait,Expressionism,lucian-freud_the-painter-s-mother-reading-1975 +portrait,Expressionism,egon-schiele_portrait-of-karl-maylander-1917 +still_life,Cubism,juan-gris_carafe-and-book-1920 +landscape,Post_Impressionism,tom-thomson_sunset-1915 +sketch_and_study,Abstract_Expressionism,henri-matisse_memory-of-oceania +sketch_and_study,Expressionism,august-macke_horse-market +religious_painting,Symbolism,gustave-moreau_the-prodigal-son-1890 +religious_painting,Realism,james-tissot_barrabbas-illustration-from-the-life-of-our-lord-jesus-christ-1894 +portrait,Realism,thomas-eakins_portrait-of-francesco-romano +cityscape,Post_Impressionism,vincent-van-gogh_le-moulin-de-la-galette-4-1886 +landscape,Post_Impressionism,maurice-prendergast_idyllic-landscape +portrait,Cubism,saul-steinberg_head-1945 +portrait,Romanticism,konstantin-makovsky_portrait-of-the-artist-ivan-aivazovsky +portrait,Impressionism,pierre-auguste-renoir_portrait-of-a-woman-mme-georges-hartmann-1874 +sketch_and_study,Baroque,rembrandt_the-agony-in-the-garden-1655 +still_life,Cubism,fernand-leger_red-pot-1926 +landscape,Impressionism,alfred-sisley_the-path-from-saint-mammes-morning-1890 +religious_painting,Early_Renaissance,piero-della-francesca_death-of-adam-detail(1) +religious_painting,Early_Renaissance,paolo-uccello_scenes-of-monastic-life-1 +landscape,Symbolism,konstantin-somov_spring-martyshkino +landscape,Romanticism,johan-christian-dahl_view-of-fortundalen-1836 +landscape,Realism,efim-volkov_rural-landscape +abstract_painting,Abstract_Expressionism,conrad-marca-relli_untitled-1960 +nude_painting,Cubism,olexandr-archipenko_two-nude-female-figures +genre_painting,Impressionism,nicolae-vermont_marine-landscape-of-constanta-port +genre_painting,Ukiyo_e,katsushika-hokusai_kuwana-3 +landscape,Impressionism,pierre-auguste-renoir_cabin-with-aloe-plants +portrait,Realism,john-singer-sargent_mrs-henry-white-margaret-daisy-stuyvesant-rutherford-1883 +genre_painting,Art_Nouveau_Modern,carl-larsson_a-late-riser-s-miserable-breakfast-1900(1) +portrait,Expressionism,salvador-dali_velazquez-dying-behind-the-window-on-the-left-side-out-of-which-a-spoon-projects +religious_painting,Early_Renaissance,fra-angelico_marriage-of-the-virgin-1434 +religious_painting,Northern_Renaissance,hieronymus-bosch_the-temptation-of-st-anthony-1516-5 +genre_painting,Impressionism,john-singer-sargent_the-chess-game +religious_painting,Early_Renaissance,benozzo-gozzoli_procession-of-the-magi-detail-1461 +portrait,Mannerism_Late_Renaissance,parmigianino_portrait-of-a-young-man +religious_painting,Northern_Renaissance,albrecht-durer_st-philip-1526 +portrait,Realism,mary-cassatt_portrait-of-a-lady-of-seville-1873 +landscape,Post_Impressionism,vincent-van-gogh_apricot-trees-in-blossom-1888(1) +portrait,Romanticism,sir-lawrence-alma-tadema_gallo-roman-women-1865 +landscape,Realism,camille-corot_the-lake-1861 +portrait,Rococo,joshua-reynolds_lady-smith-and-children +nude_painting,Realism,vincent-van-gogh_seated-male-nude-seen-from-the-back +nude_painting,Expressionism,egon-schiele_female-nude-1910-1 +landscape,Cubism,paul-klee_landscape-with-sunset-1923(1) +genre_painting,Realism,ferdinand-hodler_devotion-1882 +landscape,Post_Impressionism,adam-baltatu_summer-landscape +landscape,Realism,isaac-levitan_riverbank +genre_painting,Realism,vasily-vereshchagin_trinity-sunday-village-kolomna +landscape,Post_Impressionism,henri-edmond-cross_la-donana-venice +abstract_painting,Minimalism,frank-stella_ifafa-ii-1967 +portrait,Realism,vasily-perov_girl-with-a-pitcher +sketch_and_study,Realism,boris-kustodiev_portrait-of-t-f-davydova-1912 +portrait,Realism,boris-kustodiev_merchant-1920 +portrait,Expressionism,egon-schiele_head-of-dr-fritsch-1917 +genre_painting,Realism,winslow-homer_peach-blossoms +genre_painting,Expressionism,ernst-ludwig-kirchner_sun-bath +portrait,Expressionism,egon-schiele_the-artist-s-sister-in-law-in-a-striped-dress-1917 +landscape,Impressionism,georges-seurat_corner-of-a-house-1884 +still_life,Cubism,pablo-picasso_guitar-on-pedestal-1920-2 +landscape,Symbolism,nicholas-roerich_himalayas-1945-2 +religious_painting,Realism,ilya-repin_get-away-from-me-satan +sketch_and_study,Expressionism,pyotr-konchalovsky_portrait-of-the-historian-nikolai-alexandrovich-geynike-1919-1 +cityscape,Cubism,paul-klee_red-balloon-1922(1) +cityscape,Impressionism,john-atkinson-grimshaw_gourock-near-the-clyde-shipping-docks +religious_painting,High_Renaissance,michelangelo_the-entombment +cityscape,Art_Nouveau_Modern,nicholas-roerich_resurrection-monastery-in-uglich-1904 +portrait,Expressionism,ivan-albright_josephine-and-adam-1947 +landscape,Symbolism,nicholas-roerich_view-of-everest-from-tibet-1937 +abstract_painting,Color_Field_Painting,doug-ohlson_peep-show-1993 +portrait,Impressionism,paul-cezanne_portrait-of-the-artist-s-son-1878 +still_life,Cubism,amedee-ozenfant_still-life-1921 +cityscape,Naive_Art_Primitivism,louis-vivin_le-pont-du-rialto +portrait,Pop_Art,andy-warhol_mao-6 +sketch_and_study,Expressionism,pyotr-konchalovsky_view-of-mtskheta-from-the-mountain-1927 +landscape,Symbolism,mikhail-vrubel_fantastic-landscape-1894 +cityscape,Realism,camille-corot_trinita-dei-monti-from-the-villa-medici +genre_painting,Fauvism,august-macke_children-and-sunny-trees +illustration,Art_Nouveau_Modern,aubrey-beardsley_the-coiffing-1896 +abstract_painting,Abstract_Expressionism,norman-bluhm_excalibur-1960 +portrait,High_Renaissance,lorenzo-lotto_bust-of-a-bearded-man-1541 +landscape,Impressionism,laszlo-mednyanszky_snow-melting-1899 +abstract_painting,Color_Field_Painting,frank-stella_sunset-beach-sketch-1967 +portrait,Naive_Art_Primitivism,pablo-picasso_musketeer-1970 +abstract_painting,Cubism,fernand-leger_the-level-crossing-1912 +landscape,Symbolism,nicholas-roerich_caucasus-arc-mountain-1913 +sketch_and_study,Impressionism,pierre-auguste-renoir_head-of-gabrielle-1895 +landscape,Realism,vincent-van-gogh_landscape-with-windmill-1881 +cityscape,Expressionism,max-pechstein_village-landscape-1919 +sketch_and_study,Romanticism,orest-kiprensky_ivan-krylov-and-anna-fuhrman-in-the-living-room-1816 +landscape,Naive_Art_Primitivism,arman-manookian_ala-wai-honolulu-1928 +genre_painting,Naive_Art_Primitivism,camille-bombois_la-parade +abstract_painting,Color_Field_Painting,barnett-newman_canto-xv-1964 +genre_painting,Expressionism,ernst-ludwig-kirchner_design-for-the-wall-painting-colourful-dance +portrait,Rococo,maurice-quentin-de-la-tour_georg-friedrich-schmidt +portrait,Rococo,maurice-quentin-de-la-tour_jean-monnet-director-of-the-opera-comique-in-paris +portrait,Symbolism,mikhail-vrubel_portrait-of-doctor-fiodor-usoltsev-with-an-icon-in-the-background +genre_painting,Symbolism,nicholas-roerich_wait-1917 +abstract_painting,Color_Field_Painting,helen-frankenthaler_southern-exposure-2005 +cityscape,Impressionism,claude-monet_waterloo-bridge +portrait,Art_Nouveau_Modern,boris-kustodiev_in-the-birch-forest +religious_painting,Baroque,sebastien-bourdon_the-holy-family-with-saints-elizabeth-and-the-infant-john-the-baptist-1665 +landscape,Impressionism,claude-monet_norway-sandviken-village-in-the-snow +religious_painting,Symbolism,salvador-dali_hircus-caprarum-super-faciem-terrae-1964 +portrait,Pop_Art,martial-raysse_blue-france-1962 +illustration,Symbolism,harry-clarke_tales-of-mystery-and-imagination-by-edgar-allan-poe-1923-16 +abstract_painting,Abstract_Expressionism,conrad-marca-relli_untitled-1958 +cityscape,Impressionism,john-singer-sargent_a-street-in-algiers-1880 +sketch_and_study,Realism,boris-kustodiev_portrait-of-y-e-kustodieva-1903 +nude_painting,Impressionism,pierre-auguste-renoir_standing-bather-1887 +landscape,Romanticism,ivan-aivazovsky_ayu-dag-on-a-foggy-day-1853 +portrait,Northern_Renaissance,lucas-cranach-the-elder_lucretia-1532 +still_life,Impressionism,adam-baltatu_still-life-with-green-apples +abstract_painting,Abstract_Expressionism,jimmy-ernst_hieroglyphics-1969 +portrait,Impressionism,william-merritt-chase_portrait-of-mme-e-h-bensel +portrait,Impressionism,guy-rose_my-sister-maud +sketch_and_study,Northern_Renaissance,albrecht-durer_studies-on-a-great-picture-of-the-virgin-madonna-with-child-ten-saints-and-angels +cityscape,Post_Impressionism,edouard-cortes_rue-de-la-paix +landscape,Realism,pyotr-konchalovsky_apple-trees-1922 +sketch_and_study,Realism,aleksey-savrasov_spring-landscape-1890 +portrait,Romanticism,edwin-henry-landseer_william-lamb-2nd-viscount-melbourne +religious_painting,Mannerism_Late_Renaissance,tintoretto_the-resurrection-of-christ-1565 +portrait,Romanticism,alexander-shilov_galya-1988(4) +landscape,Post_Impressionism,charles-reiffel_morning-nogales-arizona-1928 +abstract_painting,Abstract_Expressionism,alice-baber_lavender-high-1968 +portrait,Post_Impressionism,paul-cezanne_madame-cezanne-with-unbound-hair +portrait,Expressionism,yiannis-tsaroychis_dark-haired-youth-seated-with-a-topcoat-1936 +landscape,Baroque,rembrandt_stormy-landscape +portrait,Post_Impressionism,milton-avery_sally-avery-with-still-life-1926 +portrait,Realism,vincent-van-gogh_woman-in-a-dark-dress-sien-s-mother-1882 +cityscape,Cubism,pyotr-konchalovsky_san-gimignano-1912-1 +genre_painting,Realism,james-tissot_the-lost-drachma-1894 +sketch_and_study,Expressionism,george-bouzianis_ksaplwth-gunaika-1930 +portrait,Northern_Renaissance,hans-memling_portrait-of-a-young-man-1490 +genre_painting,Realism,konstantinos-volanakis_octoberfest-1876 +portrait,Realism,ilya-repin_portrait-of-maria-artsybasheva-1880 +landscape,Impressionism,camille-pissarro_setting-sun-autumn-in-eragny-1900 +cityscape,New_Realism,john-french-sloan_six-o-clock-winter-1912 +abstract_painting,Color_Field_Painting,paul-jenkins_the-color-of-light +genre_painting,Post_Impressionism,corneliu-baba_dinner +portrait,Expressionism,amedeo-modigliani_red-haired-young-man-1919 +sketch_and_study,Abstract_Expressionism,brice-marden_greece-summer-1974-2 +religious_painting,Art_Nouveau_Modern,nicholas-roerich_annunciation-virgin-mary-1907 +genre_painting,Pointillism,camille-pissarro_peasant-woman-warming-herself-1883 +nude_painting,Romanticism,george-frederick-watts_girl-with-peacock(1) +portrait,Impressionism,federico-zandomeneghi_lady-with-a-hat-1895 +still_life,Symbolism,kuzma-petrov-vodkin_still-life-with-a-female-head-1921 +portrait,Northern_Renaissance,bernhard-strigel_portrait-of-the-emperor-maximilian-i +landscape,Art_Nouveau_Modern,j.-e.-h.-macdonald_northland-hilltop-1931 +cityscape,Impressionism,john-atkinson-grimshaw_humber-docks-hull-1884 +portrait,Realism,mary-cassatt_portrait-of-madame-cordier-1874 +illustration,Art_Nouveau_Modern,edmund-dulac_the-gentleman-in-waiting-the-nightingale +portrait,Expressionism,richard-gerstl_portrait-of-a-seated-man-1908 +landscape,Realism,camille-corot_recollections-of-coubron-1872 +sketch_and_study,Ukiyo_e,katsushika-hokusai_manga-6 +portrait,Northern_Renaissance,mabuse_wings-of-a-triptych +nude_painting,Expressionism,zinaida-serebriakova_emerging-from-the-bath-1928 +portrait,Mannerism_Late_Renaissance,tintoretto_doge-alvise-mocenigo +portrait,Cubism,rufino-tamayo_the-troubadour-1945 +genre_painting,Post_Impressionism,henri-rousseau_centennial-of-independence-1892 +genre_painting,Realism,vincent-van-gogh_interior-with-peasant-woman-sitting-near-the-fireplace-1885 +sketch_and_study,Post_Impressionism,vincent-van-gogh_venus-1 +genre_painting,Ukiyo_e,katsushika-hokusai_a-merchant-making-up-the-account +portrait,Expressionism,lucian-freud_head-of-a-child-1 +portrait,Realism,john-singer-sargent_henry-lee-higginson-1903 +religious_painting,Northern_Renaissance,albrecht-altdorfer_entombment-of-christ-1518 +religious_painting,Early_Renaissance,fra-angelico_thebaid +genre_painting,Baroque,rembrandt_the-artist-in-his-studio +abstract_painting,Abstract_Expressionism,sam-francis_round-the-world-1959 +landscape,Impressionism,gustave-caillebotte_plain-of-gennevilliers +genre_painting,Naive_Art_Primitivism,marc-chagall_the-circus-1960 +genre_painting,Ukiyo_e,katsushika-hokusai_ono-shindon-in-the-suraga-province +portrait,Realism,ivan-kramskoy_portrait-of-the-painter-ivan-shishkin +portrait,Post_Impressionism,henri-de-toulouse-lautrec_young-routy-1882 +landscape,Impressionism,arkhip-kuindzhi_cloud-over-the-mountain-valley +abstract_painting,Abstract_Expressionism,mark-tobey_washington-1 +portrait,Mannerism_Late_Renaissance,sofonisba-anguissola_portrait-of-caterina-micaela-of-spain-1578 +religious_painting,Realism,ilya-repin_job-and-his-friends-1869 +still_life,Impressionism,pierre-auguste-renoir_watering-can-1905 +portrait,Rococo,joshua-reynolds_david-garrick-between-tragedy-and-comedy-1761(1) +religious_painting,Mannerism_Late_Renaissance,tintoretto_visitation +religious_painting,Symbolism,nicholas-roerich_maitreya-1932-3 +cityscape,Romanticism,richard-parkes-bonington_abbey-of-st-berlin-near-st-omer-1823 +genre_painting,Pop_Art,gerard-fromanger_tirez-tirez-boulevard-des-italiens-1971 +portrait,Realism,konstantin-makovsky_portrait-of-an-old-man +landscape,Contemporary_Realism,neil-welliver_joanna-s-marsh +portrait,Realism,ivan-kramskoy_samarin-yury-fyodorovich-1878 +abstract_painting,Minimalism,robert-mangold_column-structure-ix-2006 +landscape,Realism,ivan-shishkin_flowers-at-the-fence +religious_painting,Naive_Art_Primitivism,marc-chagall_striking-the-rock +genre_painting,Realism,julius-leblanc-stewart_reading-1884(1) +genre_painting,Naive_Art_Primitivism,david-burliuk_two-girls(1) +abstract_painting,Abstract_Expressionism,victor-pasmore_appollo-1-ascending-development-1969 +cityscape,Expressionism,oskar-kokoschka_not_detected_235881 +genre_painting,Ukiyo_e,utagawa-kuniyoshi_the-soga-brothers-practising-swordstrokes-on-a-heap-of-snow +illustration,Art_Nouveau_Modern,ivan-bilibin_illustration-for-alexander-pushkin-s-fairytale-of-the-tsar-saltan-1905-2(1) +landscape,Realism,aleksey-savrasov_evening-landscape-1861 +genre_painting,Impressionism,boris-kustodiev_lilacs-1906 +portrait,Baroque,rembrandt_woman-with-a-pink-1630 +still_life,Cubism,louis-marcoussis_still-life-with-pomegranates-and-knife-on-a-pedistal-1925 +still_life,Impressionism,paul-cezanne_still-life-with-open-drawer-1879 +illustration,Naive_Art_Primitivism,marc-chagall_revelations-of-nozdryov +landscape,Post_Impressionism,gustave-loiseau_shadows-on-the-sea +genre_painting,Baroque,pieter-de-hooch_a-woman-and-a-child-on-a-bleichwiese +abstract_painting,Abstract_Expressionism,willem-de-kooning_study-for-backdrop +genre_painting,Romanticism,miklos-barabas_romanian-family-going-to-the-fair-1844 +genre_painting,Baroque,adriaen-van-ostade_the-drinkers-1658 +still_life,Post_Impressionism,henri-matisse_not-identified-26 +portrait,Realism,boris-kustodiev_portrait-of-countess-grabowska-1917 +religious_painting,Symbolism,mikhail-nesterov_ascension-1895 +abstract_painting,Abstract_Expressionism,william-baziotes_dwarf-1947 +illustration,Romanticism,gustave-dore_st-louis-leaving-aigues-mortes-1877 +genre_painting,Impressionism,nikolay-bogdanov-belsky_at-work +illustration,Symbolism,harry-clarke_tales-of-mystery-and-imagination-by-edgar-allan-poe-1923-6 +landscape,Art_Nouveau_Modern,gustav-klimt_country-house-by-the-attersee +portrait,Rococo,allan-ramsay_robert-wood +genre_painting,Expressionism,wassily-kandinsky_group-in-crinolines-1909 +landscape,Post_Impressionism,vincent-van-gogh_undergrowth-1887-1 +landscape,Realism,isaac-levitan_at-the-summer-house-in-twilight +genre_painting,Naive_Art_Primitivism,niko-pirosmani_spree-in-the-grape-arbor +abstract_painting,Abstract_Expressionism,sam-francis_untitled-1947 +landscape,Realism,fyodor-vasilyev_landscape-with-peasant-s-huts-and-pond-near-st-petersburg-1871 +cityscape,Impressionism,claude-monet_the-doges-palace-seen-from-san-giorgio-maggiore-venice +landscape,Post_Impressionism,pyotr-konchalovsky_willows-1919 +genre_painting,Impressionism,paul-gauguin_women-bathing-dieppe-1885 +genre_painting,Realism,vincent-van-gogh_peasant-burning-weeds-1883 +landscape,Symbolism,salvador-dali_nude-figures-at-cape-creus +landscape,Romanticism,ivan-aivazovsky_view-of-the-ayu-dag-crimea-1868 +religious_painting,Baroque,guido-reni_st-sebastian-1642 +portrait,Realism,vasily-vereshchagin_warrant-officer-hassan-beck-dzhagranov-1864 +landscape,Impressionism,homer-watson_herding-sheep-1910 +genre_painting,Naive_Art_Primitivism,fernando-botero_bathing-bishops-in-a-river +portrait,Baroque,diego-velazquez_don-cristobal-suarez-de-ribera-1620 +sketch_and_study,Early_Renaissance,paolo-uccello_perspective-study-of-mazzocchio +abstract_painting,Abstract_Expressionism,cy-twombly_academy +portrait,Pointillism,georges-seurat_the-artist-s-mother-1883 +nude_painting,Impressionism,pierre-auguste-renoir_seated-bather-1912 +genre_painting,Realism,robert-brackman_r-verie-1957 +portrait,Realism,konstantin-somov_portrait-of-artist-e-zvantseva +genre_painting,Romanticism,alexander-orlowski_peasant-in-a-cart-1812 +genre_painting,Post_Impressionism,paul-gauguin_her-nami-is-vairaumati-1892 +genre_painting,Baroque,gerard-terborch_the-music-party +portrait,Pop_Art,robert-silvers_marilyn-monroe +still_life,Symbolism,kuzma-petrov-vodkin_still-life-with-samovar-1920 +landscape,Impressionism,kazimir-malevich_underwear-on-the-fence-1903 +religious_painting,Northern_Renaissance,albrecht-altdorfer_calvary-1526 +sketch_and_study,Realism,boris-kustodiev_portrait-of-n-g-aleksandrov-1914 +religious_painting,Early_Renaissance,domenico-veneziano_martyrdom-of-st-lucy +portrait,Baroque,antoine-pesne_portrait-of-jean-baptiste-gayot-dubuisson +sketch_and_study,High_Renaissance,michelangelo_study-for-the-porta-pia-a-gate-in-the-aurelian-walls-of-rome-1561 +portrait,Romanticism,orest-kiprensky_portrait-of-ivan-alexeevich-gagarin-1811 +genre_painting,Expressionism,ossip-zadkine_the-guitar-player +nude_painting,Post_Impressionism,andre-derain_back +genre_painting,Impressionism,childe-hassam_feeding-pigeons-in-the-piazza +sketch_and_study,Post_Impressionism,vincent-van-gogh_head-of-a-man-4(1) +landscape,Impressionism,abdullah-suriosubroto_bamboo-forest +genre_painting,Impressionism,berthe-morisot_studying-the-violin-1893 +portrait,Impressionism,mary-cassatt_the-sisters-1 +cityscape,Impressionism,antoine-blanchard_boulevard-de-la-madeleine-5 +sketch_and_study,Naive_Art_Primitivism,fernand-leger_lovers +portrait,Rococo,william-hogarth_william-jones-1740 +abstract_painting,Abstract_Expressionism,gene-davis_christmas-tree-1956 +portrait,Post_Impressionism,moise-kisling_ofelia +nude_painting,Cubism,theo-van-doesburg_kneeling-nude +illustration,Romanticism,gustave-dore_donkeyskin +cityscape,Realism,vasily-vereshchagin_solomon-s-wall-1885 +still_life,Cubism,adolf-fleischmann_hommage-delaunay-et-gleizes-1938 +genre_painting,Impressionism,pierre-auguste-renoir_acrobats-at-the-cirque-fernando-francisca-and-angelina-wartenberg-1879 +nude_painting,Impressionism,edgar-degas_woman-at-her-toilette-3 +landscape,Realism,vasily-polenov_at-the-foot-of-mount-hermon-1882 +still_life,Post_Impressionism,mary-fedden_fruit-2009 +portrait,Expressionism,frank-auerbach_david-landau +portrait,Romanticism,vasily-tropinin_portrait-of-prince-golitsyn-1828 +portrait,Post_Impressionism,vincent-van-gogh_portrait-of-dr-felix-rey-1889 +illustration,Art_Nouveau_Modern,eugã¨ne-grasset_un-duel-judiciaire-au-vie-si-cle-1885 +abstract_painting,Color_Field_Painting,conrad-marca-relli_cunard-l-8-62-1962 +genre_painting,Symbolism,pierre-puvis-de-chavannes_woman-by-the-sea-1887 +abstract_painting,Abstract_Expressionism,arthur-pinajian_untitled-landscape-bellport-no-347-1982 +genre_painting,Realism,vincent-van-gogh_a-girl-raking-1881(1) +portrait,Impressionism,eva-gonzales_portrait-of-jeanne-gonzales-in-profile +abstract_painting,Color_Field_Painting,mark-rothko_not_detected_242137 +landscape,Cubism,lyonel-feininger_volcano-vulkan-1919 +landscape,Realism,boris-kustodiev_forest-lake-in-the-konkol-1917 +abstract_painting,Minimalism,gene-davis_hummingbird-1978 +cityscape,Impressionism,claude-monet_twilight-venice +religious_painting,High_Renaissance,andrea-mantegna_madonna-and-child-jpg +sketch_and_study,High_Renaissance,leonardo-da-vinci_anatomical-studies +sketch_and_study,Symbolism,kuzma-petrov-vodkin_the-model-1 +landscape,Symbolism,nicholas-roerich_gompa-1932 +portrait,Expressionism,milton-avery_cello-player-1944 +sketch_and_study,Realism,boris-kustodiev_summer-1921 +abstract_painting,Abstract_Expressionism,richard-pousette-dart_the-atom-one-world-1948 +genre_painting,Impressionism,pierre-auguste-renoir_the-farm-1914 +still_life,Post_Impressionism,pyotr-konchalovsky_oranges-1908 +landscape,Romanticism,john-constable_the-white-horse-1819 +portrait,Ukiyo_e,utagawa-kuniyoshi_a-seated-woman-sewing-a-kimono +landscape,Impressionism,claude-monet_the-railway-bridge-at-argenteuil-1 +landscape,Impressionism,georges-seurat_the-riverbanks-1883 +abstract_painting,Minimalism,agnes-martin_mountain-i-1966 +landscape,Impressionism,zinaida-serebriakova_harvest +genre_painting,Rococo,pietro-longhi_lady-at-her-toilette +portrait,Baroque,william-hogarth_portrait-of-sarah-macholm-in-prison-1733 +landscape,Realism,ivan-shishkin_stones-in-the-a-forest-1865 +abstract_painting,Abstract_Expressionism,manabu-mabe_untitled-1972 +landscape,Realism,vasily-polenov_quarry-1897 +cityscape,Impressionism,claude-monet_zaandam-the-dike +religious_painting,Northern_Renaissance,hieronymus-bosch_the-conjuror +still_life,Impressionism,constantin-artachino_yellow-roses +abstract_painting,Abstract_Expressionism,john-hoyland_letter-to-chaim-10-7-06-2006 +religious_painting,Early_Renaissance,pietro-perugino_polyptych-annunziata-john-the-baptist +religious_painting,Mannerism_Late_Renaissance,paolo-veronese_coronation-of-the-virgin-1555 +genre_painting,Impressionism,mary-cassatt_mother-sara-and-the-baby +portrait,Impressionism,pierre-auguste-renoir_portrait-of-a-girl-1880 +portrait,Post_Impressionism,nicolae-tonitza_workwoman +genre_painting,Impressionism,camille-pissarro_peasant-sitting-with-infant-1881 +genre_painting,Realism,james-tissot_beating-the-retreat-in-the-tuileries-gardens +abstract_painting,Abstract_Expressionism,perle-fine_undisciplined-emotion-i-1959 +religious_painting,Realism,james-tissot_nathan-rebukes-david-as-in-2-samuel-120 +abstract_painting,Minimalism,brice-marden_grove-group-iii-1973 +portrait,Impressionism,mary-cassatt_child-with-bangs-in-a-blue-dress +landscape,Symbolism,nicholas-roerich_blue-temples-1921 +portrait,Impressionism,pierre-auguste-renoir_portrait-of-edmond-renoir-jr-1888 +cityscape,Post_Impressionism,maurice-utrillo_renoir-s-garden +genre_painting,Expressionism,kathe-kollwitz_not_detected_235983 +religious_painting,Northern_Renaissance,albrecht-durer_the-holy-family-with-joachim-and-saint-ann +nude_painting,Contemporary_Realism,neil-welliver_sarah +religious_painting,Early_Renaissance,filippo-lippi_funeral-of-st-jerome-1465 +religious_painting,Mannerism_Late_Renaissance,andrea-del-sarto_holy-family-borgherini +religious_painting,High_Renaissance,michelangelo_the-ancestors-of-christ-azor-sadoch-1512 +illustration,Symbolism,harry-clarke_the-year-s-at-the-spring-1920-12 +portrait,Cubism,paul-cezanne_the-old-gardener-1906 +still_life,Cubism,georges-braque_still-life-with-lobster-1948 +cityscape,Art_Nouveau_Modern,anna-ostroumova-lebedeva_leningrad-view-of-the-fortress-at-night-1946 +landscape,Impressionism,odilon-redon_breton-harbour +landscape,Impressionism,constantin-artachino_the-mosque-in-ada-kaleh +religious_painting,Romanticism,gustave-dore_the-vision-of-the-valley-of-dry-bones-1866 +portrait,Symbolism,kuzma-petrov-vodkin_head-of-the-boy-uzbek-1921 +portrait,Symbolism,gulacsy-lajos_slavic-fortune-teller-1912 +cityscape,Symbolism,nicholas-roerich_and-we-are-opening-the-gates-1924 +cityscape,Romanticism,john-atkinson-grimshaw_the-turn-of-the-road +portrait,Romanticism,miklos-barabas_portrait-of-j-zsef-teleki-1836 +genre_painting,Post_Impressionism,maurice-denis_woman-in-blue +sketch_and_study,Early_Renaissance,paolo-uccello_24-hours-clock +still_life,Realism,gustave-courbet_still-life +cityscape,Impressionism,camille-pissarro_square-du-vert-galant-sunny-morning-1902 +landscape,Impressionism,john-henry-twachtman_spring-morning +illustration,Realism,boris-kustodiev_screensaver-winter-street-1922 +portrait,Northern_Renaissance,lucas-cranach-the-elder_georg-spalatin-1509 +portrait,Realism,jehan-georges-vibert_young-girl-arranging-flowers-1862 +nude_painting,New_Realism,william-james-glackens_nude-with-hat-1909 +portrait,Expressionism,lovis-corinth_portrait-of-the-poet-herbert-eulenberg-1924 +landscape,Impressionism,joaquã­n-sorolla_garden-of-spanish-farmhouse-1909 +abstract_painting,Abstract_Expressionism,forrest-bess_untitled-1948 +portrait,Cubism,otto-gustav-carlsund_musician-with-accordion-blue-bar-1926 +portrait,Impressionism,giovanni-boldini_young-woman-s-head-on-a-pink-background-1912 +portrait,Symbolism,odilon-redon_false-glory-1885 +genre_painting,Post_Impressionism,constantin-piliuta_st-andrew-s-night +still_life,Post_Impressionism,william-scott_the-frying-pan-1946 +landscape,Symbolism,nicholas-roerich_ladakh-3 +religious_painting,Mannerism_Late_Renaissance,paolo-veronese_st-sebastian-1558 +portrait,Romanticism,camille-corot_italian-woman-with-a-yellow +religious_painting,High_Renaissance,lorenzo-lotto_st-catherine-of-alexandria-1522 +sketch_and_study,Realism,konstantin-bogaevsky_estate-in-kenegeze-1909 +portrait,Ukiyo_e,tsukioka-yoshitoshi_looking-refined-a-court-lady-of-the-kyowa-era +cityscape,Post_Impressionism,maurice-utrillo_bievre +religious_painting,Abstract_Expressionism,salvador-dali_religious-scene-in-particles +genre_painting,Romanticism,francisco-goya_a-prison-scene +genre_painting,Impressionism,camille-pissarro_seated-peasant-woman-crunching-an-apple +landscape,Baroque,esaias-van-de-velde_winter-landscape-with-farmhouse-1624 +portrait,Realism,john-singer-sargent_mary-turner-austin-1880 +genre_painting,Baroque,adriaen-brouwer_operation-on-foot +genre_painting,Naive_Art_Primitivism,niko-pirosmani_bake-bread +religious_painting,Romanticism,gustave-dore_rizpah-s-kindness-toward-the-dead +landscape,Realism,johan-hendrik-weissenbruch_small-road +landscape,Realism,gustave-courbet_the-cliff +genre_painting,Realism,volodymyr-orlovsky_sowing-1874 +portrait,Impressionism,pierre-auguste-renoir_portrait-of-m-and-mme-bernheim-de-villers-1910 +sketch_and_study,Romanticism,orest-kiprensky_barbara-ushakova-1810 +cityscape,Romanticism,william-turner_welsh-bridge-at-shrewsbury +genre_painting,Cubism,franz-marc_the-waterfall-1912 +genre_painting,Symbolism,mikhail-vrubel_the-fortune-teller-1895 +genre_painting,Realism,henry-herbert-la-thangue_gathering-plums-1901 +portrait,Northern_Renaissance,lucas-cranach-the-elder_portrait-of-a-young-woman-1530 +landscape,Symbolism,nicholas-roerich_om-mani-padme-hum-1932 +religious_painting,Realism,vasily-surikov_the-apostle-paul-explains-the-tenets-of-faith-in-the-presence-of-king-agrippa-his-sister-1875 +portrait,Expressionism,nikolai-ge_christand-robber +religious_painting,Northern_Renaissance,albrecht-durer_the-dresden-altarpiece-central-panel-1496 +nude_painting,Expressionism,konstantinos-parthenis_figure-from-greek-antiquity-diptych +sketch_and_study,Realism,ilya-repin_sketch-for-the-painting-ceremonial-meeting-of-the-state-council-on-may-7-1901-1903-1 +genre_painting,Realism,andrei-ryabushkin_sunday-in-the-village-study +portrait,High_Renaissance,pietro-perugino_potrait-of-don-biagio-milanesi +sketch_and_study,Naive_Art_Primitivism,fernand-leger_the-album-circus-1950-36 +portrait,Impressionism,mary-cassatt_portrait-of-mme-fontveille-1902 +nude_painting,Expressionism,egon-schiele_reclining-female-nude-1908 +cityscape,Post_Impressionism,edouard-cortes_place-de-la-republique-7 +genre_painting,Expressionism,chronis-botsoglou_gunaika-sto-xwro-tou-hliotriviou +landscape,Post_Impressionism,moise-kisling_sanary-landscape-1937 +portrait,Baroque,cornelis-de-vos_portrait-of-a-lady-with-a-fan +religious_painting,Romanticism,gustave-dore_samuel-blesses-saul +nude_painting,Art_Nouveau_Modern,raphael-kirchner_nude-drawings-4 +genre_painting,Realism,john-singer-sargent_an-interior-in-venice-1899 +landscape,Contemporary_Realism,john-miller_moroccan-kasbah +landscape,Impressionism,claude-monet_a-windmill-near-zaandam(1) +genre_painting,Art_Nouveau_Modern,raphael-kirchner_geisha-8 +religious_painting,Mannerism_Late_Renaissance,tintoretto_the-fall-of-man-1578 +abstract_painting,Abstract_Expressionism,jane-frank_untitled +cityscape,Impressionism,claude-monet_not_detected_212142 +sketch_and_study,Impressionism,mary-cassatt_sketch-for-francoise-in-a-round-backed-chair-reading-or-a-girl-in-pink +genre_painting,Naive_Art_Primitivism,niko-pirosmani_rant-1(2) +portrait,Romanticism,alfred-stevens_the-widow +still_life,Realism,pyotr-konchalovsky_apples-on-the-window-1932 +landscape,Cubism,fernand-leger_the-house-in-the-trees-1913 +genre_painting,Expressionism,chronis-botsoglou_tribute-to-byzantine-masters-1986 +sketch_and_study,Art_Nouveau_Modern,nicholas-roerich_cabin-1912 +abstract_painting,Abstract_Expressionism,howard-mehring_untitled-1960(2) +portrait,Impressionism,pierre-auguste-renoir_claude-renoir-playing-with-dominos-1905 +landscape,Naive_Art_Primitivism,grandma-moses_grandma-moses-goes-to-the-big-city-1946 +portrait,Romanticism,alexey-venetsianov_portret-of-i-v-bugaevskiy-blagodarniy +genre_painting,Art_Nouveau_Modern,frantisek-kupka_bathers-1906 +portrait,Cubism,juan-gris_woman-with-a-mandolin-after-corot-1916 +abstract_painting,Abstract_Expressionism,sam-francis_dewy-unicorn-1972 +portrait,Realism,edgar-degas_portrait-of-rene-de-gas-1855-1 +nude_painting,Expressionism,marc-chagall_nude-with-flowers-1911 +portrait,Impressionism,valentin-serov_portrait-of-yevdokia-morozova-1908 +nude_painting,Action_painting,walasse-ting_venus-1980 +portrait,Realism,pablo-picasso_olga-in-a-mantilla-1917 +cityscape,Expressionism,spyros-papaloukas_agiasos-mutilhnhs-1924-25(1) +portrait,Romanticism,george-frederick-watts_dorothy-tennant-later-lady-stanley(1) +portrait,Impressionism,mary-cassatt_mrs-robert-s-cassatt-katherine-kelson-johnston-cassatt-1889 +abstract_painting,Abstract_Expressionism,joan-mitchell_untitled-1969 +portrait,Realism,nikolai-ge_portrait-of-nikolay-ge-the-artist-s-grandson +cityscape,Impressionism,antoine-blanchard_champs-elysees-3 +genre_painting,Impressionism,eugene-boudin_the-breton-fishermen-s-wives +still_life,Rococo,jean-baptiste-simeon-chardin_still-life-with-two-rabbits +landscape,Post_Impressionism,paul-gauguin_swineherd-brittany-1888 +genre_painting,Realism,eugene-boudin_the-fisherman-low-tide +portrait,High_Renaissance,lorenzo-lotto_andrea-odoni-1527 +portrait,Romanticism,jan-matejko_peter-moszynski +genre_painting,Impressionism,edouard-manet_railway-1873 +genre_painting,Baroque,rembrandt_the-anatomy-lesson-of-dr-nicolaes-tulp-fragment-1632 +genre_painting,Expressionism,max-kurzweil_martha-kurzweil-before-an-easel-1902 +portrait,Rococo,fyodor-rokotov_portrait-of-countess-ekaterina-orlova +still_life,Post_Impressionism,theo-van-rysselberghe_vase-of-flowers-1907 +landscape,Realism,efim-volkov_in-forest-after-spring +landscape,Realism,camille-corot_marissal-path-to-the-front-of-the-church-1866 +genre_painting,Northern_Renaissance,albrecht-durer_the-small-triumphal-car-or-the-burgundian-marriage +nude_painting,Expressionism,egon-schiele_woman-undressing-1914 +religious_painting,Mannerism_Late_Renaissance,tintoretto_camerlenghi-madonna-madonna-of-the-treasurers +portrait,Baroque,peter-paul-rubens_portrait-of-a-chambermaid +landscape,Realism,ivan-shishkin_wind-fallen-trees-1887 +landscape,Expressionism,paula-modersohn-becker_gray-landscape-with-marsh-channel-1899 +illustration,Naive_Art_Primitivism,marc-chagall_illustration-to-nikolai-gogol-s-dead-souls-1 +genre_painting,Realism,ilya-repin_man-and-woman-at-the-table-the-man-who-pulls-the-glove-1873 +genre_painting,Realism,mykola-pymonenko_kiev-flower-girl +cityscape,Impressionism,childe-hassam_union-square-1893 +religious_painting,Baroque,peter-paul-rubens_esther-and-ahasverus +landscape,Post_Impressionism,vincent-van-gogh_the-park-at-arles-1889 +landscape,Realism,isaac-levitan_golden-autumn-1896 +abstract_painting,Cubism,albert-gleizes_composition-au-diapason +still_life,Post_Impressionism,constantin-piliuta_dandelions-1991 +cityscape,Post_Impressionism,david-burliuk_view-of-manhatten(1) +portrait,Rococo,allan-ramsay_john-campbell-4th-earl-of-loudoun +still_life,Symbolism,kuzma-petrov-vodkin_morning-still-life-1918 +nude_painting,Impressionism,pierre-auguste-renoir_reclining-nude-1 +portrait,Romanticism,joseph-wright_portrait-of-mrs-abney +religious_painting,Northern_Renaissance,gerard-david_mary-and-child-with-two-angels-making-music +landscape,Symbolism,konstantin-bogaevsky_after-the-rain-1938 +genre_painting,Symbolism,kuzma-petrov-vodkin_mother-1915 +landscape,Post_Impressionism,vincent-van-gogh_wheatfields-under-thunderclouds-1890 +genre_painting,Baroque,adriaen-brouwer_the-bitter-drunk +religious_painting,Symbolism,james-tissot_the-hidden-treasure-illustration-from-the-life-of-our-lord-jesus-christ +portrait,Realism,john-singer-sargent_john-d-rockefeller-1917 +portrait,Cubism,vicente-manansala_mother-and-child-1981 +genre_painting,Naive_Art_Primitivism,marc-chagall_couple-and-fish-1964 +illustration,Northern_Renaissance,jean-fouquet_decameron +landscape,Realism,isaac-levitan_draw-1899 +still_life,Impressionism,pierre-auguste-renoir_strawberries +nude_painting,Impressionism,pierre-auguste-renoir_large-bather-with-crossed-legs-1904 +portrait,Post_Impressionism,amrita-sher-gil_the-bride-1940 +landscape,Impressionism,willard-metcalf_pond-giverny +landscape,Expressionism,martiros-saryan_the-day-1917 +landscape,Romanticism,caspar-david-friedrich_elbschiff-in-early-morning-fog +portrait,Realism,george-catlin_ah-yaw-ne-tak-o-r-ron-a-warrior-1831 +landscape,Post_Impressionism,ferdinand-hodler_lake-geneva-from-the-caux-1917 +landscape,Post_Impressionism,vincent-van-gogh_arles-view-from-the-wheat-fields-1888(1) +abstract_painting,Expressionism,ramon-oviedo_persistencia-de-la-forma-en-la-materia(4) +religious_painting,Romanticism,edward-burne-jones_angel +landscape,Impressionism,camille-pissarro_snow-effect-at-eragny-1894 +portrait,Post_Impressionism,paul-gauguin_two-sisters-1892(1) +landscape,Impressionism,camille-pissarro_landscape-at-valhermeil-1878 +genre_painting,Cubism,andrã©-lhote_la-plage-1920 +portrait,Symbolism,kuzma-petrov-vodkin_portrait-of-a-boy-1913 +portrait,Realism,mihaly-munkacsy_portrait-of-l-szl-pa-l-1877 +genre_painting,Impressionism,paul-cezanne_olympia-1875 +cityscape,Expressionism,vasile-dobrian_landscape-with-bridge-1963 +portrait,Realism,vasily-vereshchagin_moslem-servant-1883 +portrait,Expressionism,carlos-saenz-de-tejada_the-village-idiot-1923 +portrait,Symbolism,leon-spilliaert_femme-en-pied-1902 +religious_painting,Realism,ilya-repin_behold-a-man-1867 +landscape,Post_Impressionism,marcel-duchamp_landscape-at-blainville-1902 +genre_painting,Post_Impressionism,le-pho_la-fleuriste-1967 +genre_painting,Expressionism,vilmos-aba-novak_musicians +religious_painting,Early_Renaissance,filippo-lippi_madonna-and-child-enthroned-with-saints +genre_painting,Baroque,jan-steen_couple-in-a-bedroom-1670 +sketch_and_study,Impressionism,pierre-auguste-renoir_nude-study-for-the-large-bathers-1887 +religious_painting,Baroque,caravaggio_entombment(1) +religious_painting,Mannerism_Late_Renaissance,paolo-veronese_rescue-of-moses-from-the-waters-of-the-nile +illustration,Art_Nouveau_Modern,koloman-moser_picture-book-for-the-niece-of-ditha-mautner-von-markhof-1904-5 +still_life,Realism,viktor-vasnetsov_sedge-1880 +landscape,Ukiyo_e,hiroshige_sudden-shower-over-shin-ohashi-bridge-at-atake-from-one-hundred-views-of-edo-1856-colour-1856(1) +portrait,Impressionism,philip-wilson-steer_mrs-violet-m-hammersley-1907 +religious_painting,Mannerism_Late_Renaissance,tintoretto_ascension-of-christ-1581 +portrait,Realism,boris-kustodiev_portrait-of-s-somov-1913 +portrait,Impressionism,pierre-auguste-renoir_head-of-a-woman-1 +portrait,Impressionism,mary-cassatt_young-girl-holding-a-loose-bouquet +abstract_painting,Color_Field_Painting,edward-corbett_washington-d-c-december-1964-10-i-1964 +religious_painting,Naive_Art_Primitivism,marc-chagall_potiphar-s-wife-tries-unsuccessfully-to-seduce-joseph-genesis-xxxix-7-9 +still_life,Cubism,pyotr-konchalovsky_still-life-table-with-the-dishes-1919 +illustration,Naive_Art_Primitivism,marc-chagall_the-deposit +genre_painting,Expressionism,corneliu-baba_fellow-citizens-1974 +landscape,Impressionism,arkhip-kuindzhi_sunset-in-the-forest +landscape,Realism,isaac-levitan_landscape-1 +religious_painting,Mannerism_Late_Renaissance,cristovao-de-figueiredo_ecce-homo-1520 +portrait,Expressionism,jan-sluyters_selling +genre_painting,Symbolism,konstantin-somov_in-the-summer +landscape,Impressionism,hoca-ali-riza_figure-landscape +still_life,Post_Impressionism,paul-cezanne_still-life-jug-and-fruit-on-a-table-1894 +cityscape,Impressionism,antoine-blanchard_place-de-la-republique-1 +portrait,Expressionism,pablo-picasso_head-of-young-man-1905 +portrait,Impressionism,t.-c.-steele_portrait-of-daisy-1891 +genre_painting,Baroque,isaac-van-ostade_interior-with-children +abstract_painting,Minimalism,walter-darby-bannard_greenstone-1960 +abstract_painting,Abstract_Expressionism,john-hoyland_survivor-man-17-08-08-2008 +abstract_painting,Color_Field_Painting,barnett-newman_onement-iii-1949 +abstract_painting,Color_Field_Painting,helen-frankenthaler_untitled-1973 +cityscape,Post_Impressionism,edouard-cortes_place-du-tertre +still_life,Pop_Art,richard-hamilton_desk-1964 +genre_painting,Northern_Renaissance,hans-baldung_resting-couple-1530 +sketch_and_study,Realism,thomas-eakins_perspective-drawing-for-baseball-players-practicing +religious_painting,High_Renaissance,andrea-del-sarto_baptism-of-the-people-1517 +portrait,Baroque,anthony-van-dyck_queen-henrietta-maria-and-her-dwarf-sir-jeffrey-hudson-1633 +cityscape,Impressionism,frits-thaulow_old-factory-on-the-somme-evening +still_life,Expressionism,georges-braque_the-pedestal-1921 +portrait,Realism,vasily-vereshchagin_bukhara-soldiers-sarbaz-1873 +genre_painting,Baroque,gabriel-metsu_the-hunter-s-present +portrait,Romanticism,orest-kiprensky_portrait-of-a-tamilov-1813 +portrait,Romanticism,orest-kiprensky_portrait-of-a-davydov-1809 +portrait,Baroque,rembrandt_the-artist-s-father +portrait,Northern_Renaissance,lucas-cranach-the-elder_katharina-von-bora-1528 +religious_painting,Romanticism,gustave-dore_christ-presented-to-the-people +landscape,Art_Nouveau_Modern,konstantin-korovin_murman-coast-pomor-crosses-1900 +portrait,Romanticism,theodore-gericault_maria-serre +cityscape,Post_Impressionism,wu-guanzhong_the-hometown-of-shakespeare-1992 +illustration,Art_Nouveau_Modern,alexandre-benois_letter-zh-1904(3) +portrait,Expressionism,vajda-lajos_girl-icon-1936 +nude_painting,Art_Nouveau_Modern,zinaida-serebriakova_india-1916 +genre_painting,Realism,vladimir-makovsky_literary-reading-1866 +portrait,Symbolism,kuzma-petrov-vodkin_portrait-of-ria-portrait-of-a-a-kholopova-1915 +abstract_painting,Minimalism,peter-busa_untitled-1964 +still_life,Impressionism,ipolit-strambu_vase-with-flowers-1909 +portrait,Romanticism,henry-raeburn_john-home +genre_painting,Naive_Art_Primitivism,radi-nedelchev_arrivalsq-1972 +genre_painting,Realism,boris-kustodiev_fist-fight-on-the-moscow-river-1897 +abstract_painting,Minimalism,genevieve-asse_blue-depth-1978 +religious_painting,Early_Renaissance,giovanni-bellini_the-virgin-and-child-with-st-peter-and-st-sebastian +portrait,Realism,william-adolphe-bouguereau_the-curtsey-1898 +cityscape,Impressionism,claude-monet_the-boardwalk-at-trouville +genre_painting,Realism,winslow-homer_girl-carrying-a-basket +portrait,Expressionism,lucian-freud_annabel-2 +still_life,Realism,gustave-courbet_still-life-apples-and-pears-1871 +landscape,Impressionism,claude-monet_view-of-ventimiglia-1884 +landscape,Impressionism,pierre-auguste-renoir_cliffs-1883 +still_life,Contemporary_Realism,janet-fish_orange-pink-green-2003 +portrait,Realism,john-singer-sargent_portrait-of-gordon-fairchild-1890 +religious_painting,Northern_Renaissance,lucas-cranach-the-elder_the-holy-family-1509 +genre_painting,Expressionism,edvard-munch_summer-night-inger-on-the-shore-1889 +genre_painting,Post_Impressionism,henri-de-toulouse-lautrec_moulin-rouge-the-departure-of-the-quadrille-1892 +nude_painting,Realism,basuki-abdullah_reclining-nude +landscape,Baroque,rembrandt_landscape +portrait,Realism,grigoriy-myasoyedov_portrait-of-old-woman +portrait,Realism,vasily-surikov_female-portrait-1902 +religious_painting,Mannerism_Late_Renaissance,maerten-van-heemskerck_the-adoration-of-the-magi +cityscape,Symbolism,mstislav-dobuzhinsky_seda-church-1933 +genre_painting,Ukiyo_e,utagawa-toyokuni_dance +portrait,Romanticism,konstantin-makovsky_by-the-toilet +portrait,Expressionism,willem-de-kooning_standing-man +landscape,Baroque,esaias-van-de-velde_frozen-river-with-skaters-near-a-farmhouse +abstract_painting,Abstract_Expressionism,julio-pomar_le-signe-1978 +portrait,Romanticism,dante-gabriel-rossetti_a-sea-spell-1877 +genre_painting,Baroque,rembrandt_four-orientals-seated-under-a-tree-ink-on-paper +landscape,Realism,isaac-levitan_village-savvinskaya-1884 +genre_painting,Post_Impressionism,mikhail-nesterov_by-a-monastery-entrance-1925 +landscape,Post_Impressionism,david-burliuk_boats +portrait,Realism,vincent-van-gogh_head-of-a-peasant-woman-with-white-cap-1885(1) +portrait,Realism,ivan-kramskoy_convalescent-1885 +landscape,Impressionism,isaac-levitan_stable +religious_painting,Early_Renaissance,domenico-ghirlandaio_slaughter-of-the-innocents-1490 +cityscape,New_Realism,edward-hopper_gloucester-mansion +landscape,Impressionism,alfred-sisley_lady-s-cove-1897 +religious_painting,Realism,ilya-repin_prophet-1890 +landscape,Post_Impressionism,pyotr-konchalovsky_bridge-1911 +landscape,Realism,ivan-shishkin_forest-1869-2 +sketch_and_study,Realism,ivan-shishkin_herd-of-sheep-under-an-oak-tree-1863 +illustration,Romanticism,gustave-dore_don-quixote-4 +sketch_and_study,Art_Nouveau_Modern,henri-de-toulouse-lautrec_mary-hamilton +abstract_painting,Minimalism,ronald-davis_zig-zag-times-two-1966 +genre_painting,Expressionism,edvard-munch_the-scream-1896 +religious_painting,High_Renaissance,giovanni-bellini_madonna-and-child-with-saints-and-a-donor-1507 +portrait,Expressionism,marevna-(marie-vorobieff)_portrait-of-girl +abstract_painting,Expressionism,paul-klee_the-rumors-1939(1) +genre_painting,Rococo,antoine-watteau_italian-comedians +landscape,Impressionism,willard-metcalf_buds-and-blossoms +genre_painting,Realism,gustave-courbet_the-rest-during-the-harvest-season-mountains-of-the-doubs-1867 +sketch_and_study,Realism,valentin-serov_dispersal-of-the-cossacks-of-demonstrators-in-1905-1905 +religious_painting,Rococo,giovanni-domenico-tiepolo_abraham-and-the-three-angels +sketch_and_study,Early_Renaissance,filippo-lippi_figure-study-1465 +nude_painting,Post_Impressionism,pyotr-konchalovsky_model-with-red-hair-in-the-mirror-1923 +sketch_and_study,Realism,vasily-surikov_boatsman-1912 +landscape,Post_Impressionism,karl-schrag_big-tree-and-distant-figures-1983 +religious_painting,Mannerism_Late_Renaissance,paolo-veronese_st-luke-1555 +landscape,Impressionism,pierre-auguste-renoir_view-of-antibes-1893 +portrait,Impressionism,giovanni-boldini_head-of-a-lady-with-yellow-sleeve-1890 +landscape,Art_Nouveau_Modern,lawren-harris_isolation-peak-rocky-mountains-1930 +landscape,Symbolism,konstantin-somov_rainbow-1 +portrait,Expressionism,oskar-kokoschka_not_detected_235871 +religious_painting,High_Renaissance,pietro-perugino_the-ascension-of-christ-1498 +religious_painting,Romanticism,gustave-dore_abraham-journeying-into-the-land-of-canaan-1866 +portrait,Impressionism,augustus-john_scottish-canadian-soldier-1940 +abstract_painting,Abstract_Expressionism,frank-stella_libertina-1995 +sketch_and_study,Post_Impressionism,vincent-van-gogh_woman-standing-1890 +landscape,Contemporary_Realism,neil-welliver_shadow-on-brigg-s-meadow +portrait,Mannerism_Late_Renaissance,maerten-van-heemskerck_portrait-of-a-young-scholar-1531 +abstract_painting,Color_Field_Painting,friedel-dzubas_velot-1971 +religious_painting,Baroque,francisco-de-zurbaran_birth-of-the-virgin-1629 +portrait,Realism,vincent-van-gogh_head-of-a-fisherman-with-a-sou-wester-1883(1) +landscape,Realism,camille-pissarro_the-froggybog-at-bougival-1869 +landscape,Realism,isaac-levitan_brisk-wind-volga-1885 +cityscape,Impressionism,antoine-blanchard_la-rue-tronchet-paris(1) +portrait,Romanticism,alfred-stevens_portrait-of-a-woman-in-white +religious_painting,Art_Nouveau_Modern,franz-stuck_salome-1906-1 +cityscape,Impressionism,childe-hassam_columbus-avenue-rainy-day +landscape,Expressionism,otto-dix_dawn +nude_painting,Symbolism,felicien-rops_gozo-hermafrodita +landscape,Fauvism,maurice-de-vlaminck_the-orchard-1905 +cityscape,Romanticism,alexey-bogolyubov_venice +nude_painting,Realism,julius-leblanc-stewart_morning(1) +genre_painting,Naive_Art_Primitivism,maurice-prendergast_the-donkey-driver +landscape,Impressionism,claude-monet_edge-of-the-cliff-at-pourville +illustration,Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-russian-fairy-story-white-duck-1902(1) +genre_painting,Art_Nouveau_Modern,sergey-solomko_moscow-in-the-xii-century +cityscape,Impressionism,raoul-dufy_parisian-bridge-1922 +landscape,Impressionism,john-singer-sargent_palmettos-florida-1917 +landscape,Romanticism,maxim-vorobiev_view-of-a-town-grodno-1833 +portrait,Impressionism,cornelis-vreedenburgh_painter-jan-bakker-at-work +landscape,Impressionism,joaquã­n-sorolla_rocks-at-javea-the-white-boat-1905 +cityscape,Impressionism,alfred-sisley_the-church-at-moret-in-morning-sun-1893 +cityscape,Post_Impressionism,albert-marquet_the-pont-saint-michel-and-notre-dame-1905 +abstract_painting,Color_Field_Painting,mark-rothko_orange-over-violet-1968 +still_life,Contemporary_Realism,jamie-wyeth_lattice-work-1967 +portrait,Impressionism,nikolay-bogdanov-belsky_portrait-of-artist-s-son-klaus-erhardt +cityscape,Post_Impressionism,corneliu-baba_landscape-from-caransebes-1932 +portrait,Baroque,frans-hals_group-of-children-detail +landscape,Impressionism,pierre-auguste-renoir_the-harvesters-1873 +portrait,Symbolism,kuzma-petrov-vodkin_the-daughter-of-an-artist-1923 +religious_painting,Baroque,rembrandt_adam-and-eve +abstract_painting,Abstract_Expressionism,walter-battiss_abstract-composition +sketch_and_study,Pointillism,henri-edmond-cross_study-for-in-the-woods-with-female-nude +abstract_painting,Abstract_Expressionism,sam-francis_untitled-1978-1 +portrait,Romanticism,sir-lawrence-alma-tadema_in-the-time-of-constantine-1878 +abstract_painting,Minimalism,brice-marden_au-centre-1969 +genre_painting,Realism,aleksey-savrasov_bivouac-in-the-desert-convoy-chumakov-1867 +portrait,Expressionism,zinaida-serebriakova_portrait-of-vera-makarova-1924 +landscape,Post_Impressionism,albert-marquet_embankments-of-the-seine-in-paris-1907 +abstract_painting,Color_Field_Painting,larry-zox_fowey-light-1974 +abstract_painting,Abstract_Expressionism,craig-kauffman_untitled-1958 +religious_painting,Northern_Renaissance,jan-van-eyck_left-panel-from-the-ghent-altarpiece-1432 +religious_painting,Northern_Renaissance,rogier-van-der-weyden_seven-sacraments-altarpiece-1450 +landscape,Impressionism,gregoire-boonzaier_lions-head-to-signal-hill-from-windmere-cape +portrait,Fauvism,max-pechstein_unknown-title +genre_painting,Cubism,marc-chagall_the-painter-to-the-moon-1917 +landscape,Ukiyo_e,katsushika-hokusai_fuji-seen-through-the-mannen-bridge-at-fukagawa +nude_painting,Post_Impressionism,moise-kisling_sitting-nude-1930 +abstract_painting,Minimalism,fernando-lanhas_0-42-69-1969 +illustration,Symbolism,konstantin-somov_book-of-the-marquise-illustration-9-1918 +illustration,Art_Nouveau_Modern,edmund-dulac_vision-the-rubaiyat-of-omar-khayyam +genre_painting,Post_Impressionism,henri-de-toulouse-lautrec_standing-dancer-1890 +nude_painting,Post_Impressionism,henri-matisse_odalisque-in-blue-or-white-slave +portrait,Romanticism,jan-matejko_jewess +genre_painting,Impressionism,konstantin-korovin_woman-with-guitar-1919 +religious_painting,Art_Nouveau_Modern,gustav-klimt_adam-and-eva-unfinished-1918 +nude_painting,Realism,boris-kustodiev_portrait-of-a-lady-model-1908 +nude_painting,Romanticism,johann-koler_eve-with-a-pomegranate-1880 +abstract_painting,Minimalism,robert-ryman_convention-2002 +sketch_and_study,Northern_Renaissance,hans-holbein-the-younger_portrait-of-lady-mary-guildford-1527 +abstract_painting,Cubism,arshile-gorky_image-in-khorkom +genre_painting,Realism,vincent-van-gogh_peat-diggers-in-the-dunes-1883 +cityscape,Symbolism,konstantin-bogaevsky_feodosia-at-winter +landscape,Impressionism,winston-churchill_trees-by-a-stream-in-norfolk +abstract_painting,Color_Field_Painting,anne-appleby_winter-1999 +portrait,Impressionism,stefan-luchian_peasant-woman-1896 +portrait,Realism,felix-vallotton_alfred-athis-pseudonym-of-alfred-natanson-1906 +genre_painting,Impressionism,pierre-auguste-renoir_man-carrying-a-boy +portrait,Baroque,diego-velazquez_portrait-of-the-infanta-maria-marguerita-1654 +landscape,Impressionism,t.-c.-steele_the-shades-1888 +still_life,Realism,pyotr-konchalovsky_still-life-basket-of-apples-on-the-floor-1932 +genre_painting,Naive_Art_Primitivism,niko-pirosmani_sona-plays-accordion(1) +portrait,Realism,vincent-van-gogh_woman-with-white-bonnet-sien-s-mother-1882 +portrait,Impressionism,joaquã­n-sorolla_the-three-errazuriz-sisters-1897 +abstract_painting,Color_Field_Painting,morris-louis_approach-1962 +still_life,Post_Impressionism,ilya-mashkov_still-life-with-brocade-1914 +abstract_painting,Color_Field_Painting,mark-rothko_no-20-1957 +portrait,Rococo,fyodor-rokotov_portrait-of-catherine-ii-repeat-version-of-a-portrait-after-1768 +landscape,Realism,ivan-shishkin_the-sun-lit-pines +genre_painting,Realism,vasily-perov_court-pugacheva-1875 +portrait,Realism,boris-kustodiev_portrait-of-sculptor-n-l-aronson-1904 +genre_painting,Cubism,marc-chagall_the-green-violinist-1924 +genre_painting,Impressionism,theodor-pallady_caf-du-dome-1928 +genre_painting,Rococo,george-morland_farmyard-scene +genre_painting,Naive_Art_Primitivism,david-burliuk_blue-horse +portrait,Realism,vincent-van-gogh_head-of-a-woman-1882 +sketch_and_study,Art_Nouveau_Modern,henri-de-toulouse-lautrec_jane-avril-dancing-1892 +religious_painting,Northern_Renaissance,albrecht-altdorfer_the-stigmatization-of-st-francis +landscape,Impressionism,alfred-sisley_road-along-the-seine-at-saint-mammes +landscape,Expressionism,spyros-papaloukas_skete-of-agios-andreas-1924(1) +abstract_painting,Minimalism,frank-stella_hampton-roads-1961 +religious_painting,Romanticism,gustave-dore_the-last-judgment +portrait,Naive_Art_Primitivism,pablo-picasso_portrait-of-d-m-1943 +sketch_and_study,Realism,isaac-levitan_landscape-at-volga-1890 +portrait,Ukiyo_e,kitagawa-utamaro_upon-my-oath +genre_painting,Impressionism,edvard-munch_street-lafayette-1891 +cityscape,Expressionism,frank-auerbach_albero-di-fronte-1 +sketch_and_study,High_Renaissance,michelangelo_design-for-julius-ii-tomb-second-version +illustration,Romanticism,gustave-dore_don-quixote-15 +sketch_and_study,Naive_Art_Primitivism,kazimir-malevich_peasant-women-in-a-church-1912 +portrait,Expressionism,martiros-saryan_portrait-of-the-poet-yeghishe-charents-1923 +genre_painting,Realism,viktor-vasnetsov_away-1871 +genre_painting,Impressionism,edgar-degas_two-dancers-with-yellow-corsages +still_life,Realism,henri-fantin-latour_basket-of-peaches +genre_painting,Expressionism,basuki-abdullah_balinese-ceremony +portrait,High_Renaissance,titian_portrait-of-giulio-romano +genre_painting,Realism,james-tissot_the-captain-and-the-mate +religious_painting,Baroque,guido-reni_saint-francis-deadened-with-an-angel-musician-1607 +still_life,Synthetic_Cubism,pablo-picasso_pedestal-1914 +portrait,Pop_Art,robert-silvers_cover-for-life +landscape,Impressionism,childe-hassam_jelly-fish +landscape,Symbolism,ferdinand-hodler_the-grindelwald-glacier-1912 +genre_painting,Realism,jean-francois-millet_shepherdesses-seated-in-the-shade +genre_painting,Baroque,david-teniers-the-younger_smoker-1645 +portrait,Impressionism,augustus-john_robin-john-1916 +genre_painting,Impressionism,walter-sickert_home-life +genre_painting,Symbolism,albert-bloch_the-blind-man-1942 +landscape,Realism,volodymyr-orlovsky_hackery +still_life,Fauvism,hans-hofmann_table-with-teakettle-green-vase-and-red-flowers-1936 +genre_painting,Expressionism,martiros-saryan_to-the-spring-1926 +portrait,Expressionism,frank-auerbach_head-of-gerda-boehm +cityscape,Impressionism,john-singer-sargent_base-of-a-palace +landscape,Realism,vasily-polenov_constantinople-1882 +abstract_painting,Color_Field_Painting,gene-davis_concord-1982 +genre_painting,Realism,edouard-manet_the-bullfight-1864 +illustration,Art_Nouveau_Modern,kay-nielsen_east-of-the-sun-and-west-of-the-moon-1914 +portrait,Impressionism,panayiotis-tetsis_portrait-of-a-man +religious_painting,Symbolism,james-tissot_rebecca-meets-isaac-by-the-way +genre_painting,Impressionism,konstantin-korovin_in-krasnokamenka-under-gurzuf +genre_painting,Symbolism,victor-borisov-musatov_harmony-1900 +portrait,Impressionism,henrique-pousao_senhora-vestida-de-negro-1882 +genre_painting,Symbolism,konstantin-somov_evening-rides +landscape,Romanticism,john-constable_fokstone-harbour +still_life,Symbolism,kuzma-petrov-vodkin_still-life-with-mirror-1919 +genre_painting,Naive_Art_Primitivism,maurice-prendergast_salem-harbor-no-1 +cityscape,Impressionism,pierre-auguste-renoir_houses-in-the-trees +genre_painting,Art_Nouveau_Modern,raphael-kirchner_little-coquette-1912 +religious_painting,High_Renaissance,titian_saint-mark-enthroned-1510 +cityscape,Impressionism,ilya-mashkov_crimea-livadia +portrait,Romanticism,jan-matejko_jadwiga +religious_painting,Mannerism_Late_Renaissance,paolo-veronese_st-sebastian-reproving-diocletian-1558 +genre_painting,Post_Impressionism,paul-gauguin_breton-fisherman-1888 +abstract_painting,Abstract_Expressionism,arshile-gorky_how-my-mother-s-embroidered-apron-unfolds-in-my-life +portrait,Cubism,jean-metzinger_portrait-of-albert-gleizes-1912 +landscape,Post_Impressionism,j.-e.-h.-macdonald_layton +landscape,Art_Nouveau_Modern,carl-larsson_old-sundborn-church(1) +cityscape,Naive_Art_Primitivism,henri-rousseau_family-fishing-1895 +sketch_and_study,Post_Impressionism,vincent-van-gogh_walking-couple-1886 +landscape,Art_Nouveau_Modern,nicholas-roerich_hills-1912-1 +portrait,Romanticism,orest-kiprensky_portrait-of-a-o-smirnova-1830 +abstract_painting,Abstract_Expressionism,john-ferren_abstract-composition-1968 +landscape,Post_Impressionism,paul-cezanne_houses-at-the-l-estaque-1880 +landscape,Baroque,claude-lorrain_view-of-the-campagna +genre_painting,Baroque,gerrit-dou_the-village-grocer-1647 +portrait,Early_Renaissance,leonardo-da-vinci_portrait-of-a-musician-1485 +genre_painting,Realism,john-singer-sargent_in-a-punt-1889 +portrait,Symbolism,mikhail-vrubel_portrait-of-a-girl-against-a-persian-carpet-1886 +landscape,Realism,isaac-levitan_fog-over-water +cityscape,Cubism,andre-masson_prison-gray +religious_painting,Naive_Art_Primitivism,marc-chagall_the-vision-of-ezekiel-ezekiel-i-4-14 +landscape,Expressionism,egon-schiele_autumn-sun-1912 +landscape,Pointillism,georges-seurat_study-for-the-channel-at-gravelines-1890 +portrait,Rococo,vladimir-borovikovsky_ekaterina-davydova-1796 +abstract_painting,Color_Field_Painting,ray-parker_untitled-1964 +genre_painting,Art_Nouveau_Modern,boris-kustodiev_merchant-s-wife-on-the-promenade-1920-1 +cityscape,Pointillism,paul-signac_collioure +landscape,Baroque,rembrandt_view-of-omval-near-amsterdam-1645 +nude_painting,Impressionism,edgar-degas_bather-by-the-water +landscape,Impressionism,pierre-auguste-renoir_landscape-with-figures-at-cagnes +landscape,Realism,isaac-levitan_tempest-rain-1899 +portrait,Impressionism,mary-cassatt_head-of-a-young-girl-1876 +landscape,Art_Nouveau_Modern,gustav-klimt_buchenhain +sketch_and_study,Early_Renaissance,pisanello_apes-1430 +still_life,Post_Impressionism,ion-pacea_crizanteme +landscape,Symbolism,konstantin-bogaevsky_trees-1935 +portrait,Realism,john-singer-sargent_caroline-de-bassano-marquise-d-espeuilles-1884 +landscape,Impressionism,abdullah-suriosubroto_indonesian-landscape-6 +religious_painting,Mannerism_Late_Renaissance,tintoretto_the-apparition-of-st-roch +cityscape,Post_Impressionism,maurice-utrillo_moutier-street-and-square-de-la-mairie +still_life,Impressionism,camille-pissarro_still-life-1867 +portrait,Expressionism,zinaida-serebriakova_alexander-in-costume-1952 +genre_painting,Post_Impressionism,pierre-bonnard_the-organ-grinder +abstract_painting,Abstract_Expressionism,geta-bratescu_the-rule-of-the-circle-the-rule-of-the-game-1985(6) +genre_painting,Romanticism,sir-lawrence-alma-tadema_a-roman-art-lover-1868 +nude_painting,Expressionism,yiannis-tsaroychis_mariner-and-reclining-nude +nude_painting,Post_Impressionism,pyotr-konchalovsky_nude-on-a-green-background-1928 +religious_painting,Northern_Renaissance,albrecht-durer_the-jabach-altarpiece-1504 +landscape,Realism,vasily-polenov_at-the-genisaret-lake-1888 +landscape,Naive_Art_Primitivism,camille-bombois_chemin-de-halage-1919 +portrait,Romanticism,david-wilkie_the-abbotsford-family-1817 +landscape,Romanticism,david-wilkie_sheepwashing-1817 +landscape,Impressionism,alfred-sisley_bridge-at-villeneuve-la-garenne-1872-1 +landscape,Naive_Art_Primitivism,jean-hugo_kew-garden +landscape,Impressionism,alfred-sisley_the-seine-at-saint-cloud-1877 +landscape,Impressionism,claude-monet_sailboat-at-le-petit-gennevilliers +still_life,Cubism,pablo-picasso_bowl-of-fruit-and-guitar-1920 +cityscape,Post_Impressionism,maxime-maufra_the-church-of-saint-nicolas-of-the-fields-saint-martin-street-1908 +genre_painting,Realism,vasily-perov_arriving-at-an-the-consequence-1857 +cityscape,Impressionism,vanessa-bell_roofs +religious_painting,Symbolism,odilon-redon_onnes-christ-and-the-serpent-1907 +abstract_painting,Abstract_Expressionism,mark-tobey_longing-for-community +genre_painting,Realism,laszlo-mednyanszky_angler-1890 +religious_painting,Baroque,guido-reni_saint-peter-1634 +portrait,Romanticism,karl-bodmer_mandan-indians-1843 +genre_painting,Romanticism,adolphe-joseph-thomas-monticelli_gallant-party +religious_painting,High_Renaissance,titian_holy-family-and-donor-1514 +cityscape,Romanticism,william-turner_venedig +genre_painting,Impressionism,william-merritt-chase_dancing-girl +still_life,Post_Impressionism,vincent-van-gogh_still-life-with-grapes-pears-and-lemons-1887-1 +landscape,Impressionism,camille-pissarro_the-saint-antoine-road-at-l-hermitage-pontoise-1875 +abstract_painting,Abstract_Expressionism,perle-fine_untitled-prescience-series-1952 +illustration,Realism,theodor-severin-kittelsen_peer-gynt-blacksmith-and-aase-smeden-og-aase-1890 +genre_painting,New_Realism,george-luks_blue-devils-on-fifth-avenue-1918 +religious_painting,High_Renaissance,luca-signorelli_madonna-and-child-with-prophets +landscape,Impressionism,john-henry-twachtman_branchville +cityscape,Post_Impressionism,edouard-cortes_rue-royale-1 +portrait,Post_Impressionism,vincent-van-gogh_old-man-in-sorrow-on-the-threshold-of-eternity-1890 +portrait,Baroque,peter-paul-rubens_isabella-1566-1633-regent-of-the-low-countries +cityscape,Realism,m.c.-escher_not_detected_204711 +religious_painting,Mannerism_Late_Renaissance,paolo-veronese_martyrdom-of-saint-justina-1575 +genre_painting,Impressionism,pierre-auguste-renoir_girl-with-a-basket-of-oranges +religious_painting,Baroque,juan-de-valdes-leal_coronation-of-san-jos +abstract_painting,Minimalism,piero-manzoni_achrome-1959-2 +portrait,Realism,ilya-repin_portrait-of-t-p-chaplygin-a-cousin-of-ilya-repin-1877 +nude_painting,Expressionism,ernst-ludwig-kirchner_bathing-women-in-a-room-1908 +abstract_painting,Minimalism,daniel-dezeuze_untitled-iv +landscape,Impressionism,eugene-boudin_cotenord +landscape,Impressionism,paul-cezanne_path-at-the-entrance-to-the-forest-1879 +portrait,High_Renaissance,giorgione_boy-with-flute-1508(2) +religious_painting,High_Renaissance,lorenzo-lotto_sts-thomas-aquinas-and-flavian-sts-peter-the-martyr-and-vitus-1508 +portrait,Romanticism,dante-gabriel-rossetti_veronica-veronese-1872 +genre_painting,Baroque,diego-velazquez_three-musicians-1618 +portrait,Pointillism,theo-van-rysselberghe_little-denise-1889 +landscape,Impressionism,theodor-pallady_eglise-de-mimizan-1937 +cityscape,Post_Impressionism,istvan-ilosvai-varga_houses-and-people-1972 +illustration,Naive_Art_Primitivism,marc-chagall_reclining-on-the-bed +religious_painting,Baroque,caravaggio_saint-jerome-writing-1607(1) +abstract_painting,Color_Field_Painting,edward-avedisian_untitled-1969 +landscape,Impressionism,claude-monet_lane-in-normandy +landscape,Romanticism,ivan-aivazovsky_misty-morning-in-italy-1864 +religious_painting,Northern_Renaissance,hieronymus-bosch_the-garden-of-earthly-delights-1515-3 +genre_painting,Impressionism,edgar-degas_three-dancers-4 +portrait,Realism,nikolay-bogdanov-belsky_leo-tolstoy-amoung-the-peasants +religious_painting,Rococo,giovanni-battista-tiepolo_madonna-of-the-goldfinch +portrait,Realism,konstantin-makovsky_portrait-14 +religious_painting,Symbolism,nicholas-roerich_boris-and-gleb-1943 +landscape,Romanticism,ferdinand-georg-waldmã¼ller_old-elms-in-prater-1831 +illustration,Art_Nouveau_Modern,ivan-bilibin_pogozero-olonets-province-pudozh-county +still_life,Realism,henri-fantin-latour_flowers-and-fruit-a-melon-1865 +still_life,Expressionism,henri-matisse_the-red-onions-1906 +abstract_painting,Color_Field_Painting,michel-carrade_unknown-title-13 +genre_painting,Impressionism,pierre-auguste-renoir_two-women-in-blue-blouses-1919 +genre_painting,Impressionism,berthe-morisot_julie-listening +genre_painting,Impressionism,nicolae-grigorescu_fairground-in-sinaia +nude_painting,Contemporary_Realism,neil-welliver_twice +landscape,Realism,vasily-surikov_isba-1873 +portrait,Northern_Renaissance,jan-van-eyck_portrait-of-jan-de-leeuw-1436 +still_life,Baroque,frans-snyders_kitchen-still-life-1610 +cityscape,Impressionism,john-henry-twachtman_view-of-venice-1 +genre_painting,Realism,vasily-polenov_fountain-of-the-virgin-mary-in-nazareth-1882 +landscape,Realism,giovanni-boldini_landscape-with-trees-1900 +portrait,Post_Impressionism,pablo-picasso_woman-dressed-in-blue-1901 +landscape,Expressionism,georges-braque_the-plow-1961 +portrait,Romanticism,jan-matejko_old-man-s-head +landscape,Realism,vincent-van-gogh_alley-bordered-by-trees-1884(1) +sketch_and_study,Rococo,maurice-quentin-de-la-tour_study-for-portrait-of-unknown-woman-4 +portrait,Realism,john-singer-sargent_the-right-honourable-joseph-chamberlain-1896 +portrait,Impressionism,pierre-auguste-renoir_bust-of-a-girl-1900 +illustration,Symbolism,harry-clarke_the-year-s-at-the-spring-1920-25 +religious_painting,Symbolism,pierre-puvis-de-chavannes_fresco-for-the-decoration-of-the-pantheon-saints +sketch_and_study,Rococo,antoine-watteau_sketch-with-two-figures-1715 +landscape,Realism,ivan-shishkin_goutweed-grass-pargolovo-1885 +cityscape,Post_Impressionism,gustave-loiseau_village-in-snow-1911 +landscape,Northern_Renaissance,albrecht-durer_linden-tree-on-a-bastion-1494 +landscape,Post_Impressionism,karl-schrag_grey-mood-deer-isle-1981 +genre_painting,Baroque,david-teniers-the-younger_interior-of-a-peasant-dwelling +abstract_painting,Abstract_Expressionism,joan-mitchell_untitled-1961 +religious_painting,Mannerism_Late_Renaissance,tintoretto_the-evangelists-luke-and-matthew-1557 +religious_painting,Mannerism_Late_Renaissance,el-greco_st-veronica-with-the-holy-shroud +illustration,Art_Nouveau_Modern,heorhiy-narbut_illustration-to-wooden-eagle-1909-7 +genre_painting,New_Realism,john-french-sloan_clown-making-up-1909 +landscape,Romanticism,alexander-ivanov_via-appia-at-sunset-1845 +landscape,Impressionism,camille-pissarro_an-apple-tree-at-eragny +portrait,Expressionism,ossip-zadkine_couple +cityscape,Impressionism,pierre-auguste-renoir_the-champs-elysees-during-the-paris-fair-of-1867-1867 +landscape,Post_Impressionism,karl-schrag_night-music-1985 +religious_painting,Early_Renaissance,giovanni-bellini_madonna-with-child-1455 +religious_painting,High_Renaissance,giovanni-bellini_deposition +nude_painting,Expressionism,ernst-ludwig-kirchner_lovers-1 +landscape,Post_Impressionism,david-burliuk_english-castle-1946 +religious_painting,Baroque,joshua-reynolds_the-calling-of-samuel +still_life,Cubism,georges-braque_still-life-with-bottle-of-bass-1914 +genre_painting,Impressionism,eugene-boudin_laundresses-on-the-banks-of-the-touques-3 +religious_painting,High_Renaissance,pietro-perugino_polyptych-albani-torlonia +landscape,Symbolism,mikalojus-ciurlionis_spring-motif-1908 +illustration,Naive_Art_Primitivism,marc-chagall_illustration-for-louis-aragon-s-work-one-who-says-things-without-saying-anything-1976-9 +religious_painting,Early_Renaissance,filippo-lippi_coronation-of-the-virgin-1447 +landscape,Cubism,ben-nicholson_3-forms-in-a-landscape-1967 +genre_painting,Naive_Art_Primitivism,henri-rousseau_the-football-players-1908 +cityscape,Realism,james-tissot_an-old-cistern-1889 +landscape,Post_Impressionism,anna-ostroumova-lebedeva_alexander-palace-in-detskoye-selo +sketch_and_study,Realism,arkhip-kuindzhi_forgotten-village-1873 +nude_painting,Impressionism,edgar-degas_the-bath-woman-from-behind-1895 +landscape,Realism,gustave-courbet_the-white-sail-1877 +portrait,Realism,ilya-repin_portrait-of-dmitri-sergueyevich-merezhkovsky +landscape,Post_Impressionism,paul-gauguin_mas-near-arles-1888 +religious_painting,Northern_Renaissance,lucas-cranach-the-elder_adam-and-eve-2 +cityscape,Expressionism,bela-czobel_szentendre-1964 +cityscape,Art_Nouveau_Modern,boris-kustodiev_autumn-1924 +religious_painting,Baroque,rembrandt_the-virgin-with-the-instruments-of-the-passion-1652 +genre_painting,Symbolism,nicholas-roerich_teacher-s-order-1947 +portrait,Romanticism,francisco-goya_two-monks-1823 +portrait,Expressionism,george-bouzianis_portrait-6 +genre_painting,Ukiyo_e,utagawa-kuniyoshi_thaishun-with-elephants +abstract_painting,Color_Field_Painting,theodoros-stamos_infinity-field-lefkada-series-1979-1 +cityscape,Post_Impressionism,abraham-manievich_paris-street +genre_painting,Symbolism,nicholas-roerich_lamas-reapers +sketch_and_study,Realism,vincent-van-gogh_four-sketches-of-a-foot-1886(1) +landscape,Symbolism,nicholas-roerich_shrines-and-strongholds-1925 +genre_painting,Baroque,le-nain-brothers_family-of-milk-seller +religious_painting,Early_Renaissance,andrea-del-castagno_eve +portrait,Impressionism,pierre-auguste-renoir_portraits-of-two-children-1895 +still_life,Post_Impressionism,pyotr-konchalovsky_silver-and-crystal-1938 +religious_painting,Baroque,rembrandt_the-apostle-bartholomew-1661 +abstract_painting,Abstract_Expressionism,conrad-marca-relli_untitled-3 +genre_painting,Rococo,george-morland_the-roadside-inn-1792 +religious_painting,High_Renaissance,cima-da-conegliano_st-peter-enthroned-with-saints +landscape,Impressionism,gustave-caillebotte_landscape-at-argenteuil +cityscape,Post_Impressionism,edouard-cortes_place-de-la-bastille-1 +illustration,Art_Nouveau_Modern,heorhiy-narbut_poetry-headpiece-to-magazine-art-1919 +landscape,Post_Impressionism,maurice-prendergast_chateaubriand-s-tomb-st-malo-also-known-as-st-malo-chateaubriand-s-tomb +portrait,Expressionism,yiannis-moralis_portrait-of-fani +still_life,Impressionism,adam-baltatu_cup-with-geraniums +portrait,Romanticism,john-hoppner_lady-louisa-manners-countess-of-dysart-1821 +portrait,Impressionism,frederic-bazille_man-with-a-pipe +abstract_painting,Abstract_Expressionism,lee-krasner_untitled-1964 +sketch_and_study,Cubism,julio-gonzalez_figure-with-balls-1938 +religious_painting,High_Renaissance,vittore-carpaccio_the-meeting-of-etherius-and-ursula-and-the-departure-of-the-pilgrims-1498 +genre_painting,Naive_Art_Primitivism,martiros-saryan_at-the-spring-1904 +still_life,Post_Impressionism,pierre-bonnard_fish-in-a-dish-1921 +sketch_and_study,Realism,boris-kustodiev_barin-laputin-and-porter-1922 +landscape,Art_Nouveau_Modern,jozsef-rippl-ronai_mansion-at-geszt-1912 +landscape,Symbolism,nicholas-roerich_karelian-landscape-1 +religious_painting,Early_Renaissance,fra-angelico_annunciation-1432 +portrait,Realism,salvador-dali_portrait-of-a-child-unfinished +cityscape,Cubism,lyonel-feininger_oberweimar-1921 +landscape,Expressionism,serge-sudeikin_lovers-in-the-field +portrait,Realism,mikhail-vrubel_portrait-of-doctor-fiodor-usoltsev-1904 +portrait,Pointillism,edouard-vuillard_my-grandmother-1892 +portrait,Post_Impressionism,francisc-sirato_lila-in-yellow +religious_painting,Romanticism,john-william-waterhouse_the-annunciation +landscape,Realism,aleksey-savrasov_winter-night-1869 +genre_painting,Impressionism,camille-pissarro_young-woman-bathing-her-feet-also-known-as-the-foot-bath-1895 +portrait,Impressionism,edgar-degas_portrait-of-princess-pauline-de-metternich +religious_painting,Romanticism,gustave-dore_achan-is-stoned-to-death +genre_painting,Baroque,adriaen-van-de-venne_a-game-of-handball-with-country-palace-in-background +cityscape,Art_Nouveau_Modern,nicholas-roerich_city-1907-1 +genre_painting,Expressionism,edvard-munch_galloping-horse-1912 +cityscape,Mannerism_Late_Renaissance,maerten-van-heemskerck_pharos-of-alexandria +sketch_and_study,Realism,isaac-levitan_summer-evening-edge-of-village-1899 +cityscape,Impressionism,john-atkinson-grimshaw_greenock +cityscape,Post_Impressionism,edouard-cortes_triumphal-arch-5 +genre_painting,Cubism,pablo-picasso_jacqueline-at-the-studio-1956 +portrait,Rococo,antoine-pesne_frederik-i-von-preu-en +genre_painting,Naive_Art_Primitivism,fernando-botero_flamenco +still_life,Naive_Art_Primitivism,marc-chagall_window-in-artist-s-studio-1976 +portrait,Impressionism,john-henry-twachtman_in-the-sunlight +landscape,Impressionism,pierre-auguste-renoir_the-seine-at-argenteuil-1888-1 +genre_painting,Naive_Art_Primitivism,david-burliuk_ferry-in-east-river +portrait,Impressionism,giovanni-boldini_scena-galante-1920 +abstract_painting,Color_Field_Painting,gene-davis_halifax-1969 +genre_painting,Realism,konstantinos-volanakis_mending-the-nets(1) +religious_painting,Mannerism_Late_Renaissance,el-greco_the-virgin-and-child-with-st-martina-and-st-agnes-1599 +landscape,Impressionism,claude-monet_the-beach-and-the-falaise-d-amont +illustration,Art_Nouveau_Modern,koloman-moser_picture-book-for-the-niece-of-ditha-mautner-von-markhof-1904-8 +genre_painting,Impressionism,joaquã­n-sorolla_on-the-rocks-at-javea-1905 +abstract_painting,Abstract_Expressionism,ralph-rosenborg_landscape-with-weeds-spain-1962 +sketch_and_study,Impressionism,pierre-auguste-renoir_landscape-3 +sketch_and_study,Realism,vincent-van-gogh_peasant-woman-head-1885-1 +religious_painting,Northern_Renaissance,martin-schongauer_madonna-and-child-in-the-couryard +illustration,Art_Nouveau_Modern,nicholas-roerich_vignette-for-book-n-k-roerich-1918-10 +landscape,Impressionism,claude-monet_apple-trees-on-the-chantemesle-hill(1) +landscape,Impressionism,gustave-caillebotte_sailing-boats-at-argenteuil +genre_painting,Expressionism,edvard-munch_dance-of-life-1900 +abstract_painting,Abstract_Expressionism,lee-ufan_from-point-1975-1 +genre_painting,Realism,alexey-bogolyubov_easter-procession-in-yaroslavl-1863 +nude_painting,Post_Impressionism,albert-marquet_nude-on-a-blue-background-1913 +nude_painting,Post_Impressionism,moise-kisling_nude-woman-with-blonde-hair-1942 +nude_painting,New_Realism,john-french-sloan_blond-nude-and-flowers-1929 +genre_painting,Art_Nouveau_Modern,boris-kustodiev_poetry-1902 +genre_painting,Impressionism,edgar-degas_group-of-dancers +portrait,New_Realism,john-french-sloan_helen-in-green-suit-1950 +genre_painting,Romanticism,adolphe-joseph-thomas-monticelli_the-terrace-of-the-chateau-de-st-germain +religious_painting,Baroque,peter-paul-rubens_virgin-and-child-1625 +portrait,Realism,ilya-repin_portrait-of-members-of-state-council-ivan-logginovich-goremykin-and-nikolai-nikolayevich-gerard-1903 +landscape,Impressionism,salvador-dali_bay-of-cadaques +landscape,Cubism,salvador-dali_late-night-dreams +genre_painting,Impressionism,pierre-auguste-renoir_the-coiffure-young-girl-combing-her-hair-1896 +portrait,Impressionism,t.-c.-steele_albert-g-porter-governor-of-indiana-1885 +landscape,Realism,pyotr-konchalovsky_bushes-1923 +genre_painting,Rococo,jean-honore-fragonard_the-bathers +genre_painting,Impressionism,berthe-morisot_the-bath-girl-arranging-her-hair +cityscape,Post_Impressionism,edouard-cortes_place-de-l-opera-1 +portrait,Expressionism,amedeo-modigliani_portrait-of-pinchus-kremenge-1916 +abstract_painting,Color_Field_Painting,morris-louis_where-1960 +cityscape,Pointillism,henri-martin_garden-of-the-artist +portrait,Cubism,otto-dix_warrior-with-a-pipe +genre_painting,Expressionism,josef-herman_field-workers-1961 +genre_painting,Expressionism,emil-nolde_the-enthusiast +cityscape,Post_Impressionism,edouard-cortes_place-de-l-opera-5 +portrait,Pointillism,henri-edmond-cross_the-hair +genre_painting,Realism,william-merritt-chase_mrs-chase-in-prospect-park +portrait,Art_Nouveau_Modern,nicholas-roerich_sorcerer-1909 +cityscape,Impressionism,paul-cezanne_orchard-in-pontoise-1877 +landscape,Expressionism,paula-modersohn-becker_worpsweder-landscape +landscape,Post_Impressionism,gustave-loiseau_etretat-1902-1 +portrait,Realism,laszlo-mednyanszky_head-of-a-tramp +genre_painting,Impressionism,camille-pissarro_bathing-goose-maidens +religious_painting,Naive_Art_Primitivism,marc-chagall_moses-receiving-the-tablets-of-law-1966 +abstract_painting,Abstract_Expressionism,ronnie-landfield_serpentine-1969 +landscape,Impressionism,konstantin-korovin_autumn-1917 +abstract_painting,Abstract_Expressionism,theodoros-stamos_home-of-the-sun-1957 +religious_painting,Northern_Renaissance,hans-memling_the-last-judgment-triptych-right-wing-casting-the-damned-into-hell-1470 +landscape,Romanticism,ivan-aivazovsky_view-of-moscow-from-sparrow-hills-1851 +genre_painting,Impressionism,philip-wilson-steer_walberswick-children-paddling-1891 +religious_painting,Realism,vasily-surikov_salome-brings-head-of-saint-john-the-baptist-to-her-mother-herodias-1872 +still_life,Realism,vincent-van-gogh_bobbin-winder-1885(1) +sketch_and_study,Cubism,fernand-leger_study-for-builders-of-feet-1950 +still_life,Expressionism,oskar-kokoschka_still-life-with-a-slaughtered-lamb +religious_painting,Symbolism,salvador-dali_spiritus-promptus-est-caro-vero-infirma-1967 +portrait,Impressionism,william-merritt-chase_a-lady-in-black-aka-the-red-shawl +sketch_and_study,Expressionism,pyotr-konchalovsky_sevilla-matador-1910 +illustration,Art_Nouveau_Modern,aubrey-beardsley_the-beale-isoud-at-joyous-gard +cityscape,Romanticism,jan-matejko_zhovkva +cityscape,Impressionism,george-luks_madison-square +portrait,High_Renaissance,dosso-dossi_portrait-of-a-man-probably-cesare-borgia-1520 +religious_painting,Baroque,juan-de-valdes-leal_carrying-the-cross-1661 +portrait,Expressionism,otto-dix_wilhelm-heinrich +portrait,Romanticism,joseph-wright_richard-cheslyn-1777 +nude_painting,Fauvism,max-weber_three-nudes-in-a-forest +genre_painting,Symbolism,james-mcneill-whistler_symphony-in-blue-and-pink +abstract_painting,Abstract_Expressionism,william-scott_composition-with-blue-and-black-1959 +abstract_painting,Minimalism,jo-baer_hiccup-1964 +religious_painting,Northern_Renaissance,lucas-cranach-the-elder_the-crucifixion-with-the-converted-centurion-1538-1 +portrait,Realism,edgar-degas_portrait-of-rene-hillaire-de-gas-1857 +portrait,Expressionism,amedeo-modigliani_portrait-de-paul-alexanders-1913 +portrait,Romanticism,karl-bryullov_male-portrait(1) +genre_painting,Pointillism,henri-martin_sewing-in-the-garden-at-marquayrol +still_life,Ukiyo_e,katsushika-hokusai_wooden-horse +illustration,Romanticism,gustave-dore_don-quixote-84 +portrait,Realism,james-mcneill-whistler_harmony-in-red-lamplight +religious_painting,Early_Renaissance,fra-angelico_king-david-playin-a-psaltery +illustration,Symbolism,william-blake_illustration-to-book-of-job-1 +landscape,Expressionism,billy-childish_north-beach-san-francisco-2003 +religious_painting,Mannerism_Late_Renaissance,tintoretto_the-descent-into-hell-1568 +still_life,Post_Impressionism,raoul-dufy_homage-to-claude-debussy-1952 +genre_painting,Naive_Art_Primitivism,grandma-moses_the-quilting-bee +religious_painting,Early_Renaissance,filippo-lippi_annunciation-right-wing-1430 +landscape,Realism,david-burliuk_a-lakeshore-1953 +cityscape,Impressionism,antoine-blanchard_notre-dame-quai-saint-michel-2 +nude_painting,Impressionism,theo-van-rysselberghe_nude-woman-1916 +genre_painting,Post_Impressionism,pierre-bonnard_la-place-clichy-1912 +sketch_and_study,Realism,ivan-shishkin_river-floods-such-as-seas-1890-1 +cityscape,Expressionism,august-macke_the-church-of-st-mary-in-bonn-in-snow-1911 +genre_painting,Impressionism,eugene-boudin_beach-at-trouville +religious_painting,Northern_Renaissance,albrecht-durer_blessing-savior +cityscape,Art_Nouveau_Modern,boris-kustodiev_blue-house-1920 +landscape,Impressionism,alfred-sisley_view-of-saint-mammes-1881 +sketch_and_study,Cubism,kazimir-malevich_in-the-field-1912 +landscape,Impressionism,alfred-sisley_flood-at-port-marly-1876-1 +portrait,Expressionism,egon-schiele_portrait-of-the-artist-s-wife-seated-holding-her-right-leg-1917 +portrait,Realism,edouard-manet_the-philosopher-1867 +cityscape,Impressionism,antoine-blanchard_l-arc-de-triomphe +religious_painting,Northern_Renaissance,hans-holbein-the-younger_the-body-of-the-dead-christ-in-the-tomb-1521 +religious_painting,Mannerism_Late_Renaissance,tintoretto_crucifixion-1565 +landscape,Realism,volodymyr-orlovsky_the-outskirts-of-kyiv-1886 +sketch_and_study,Realism,vincent-van-gogh_wheatfield-with-reaper-and-peasant-woman-binding-sheaves-1885 +genre_painting,Romanticism,arnold-bã¶cklin_autumn-thoughts +still_life,Romanticism,karl-bodmer_inside-front-cover-left +religious_painting,Romanticism,gustave-dore_christ-mocked +portrait,Expressionism,tsuguharu-foujita_two-little-friends-1918 +landscape,Impressionism,joaquã­n-sorolla_outskirts-of-seville-1914 +abstract_painting,Abstract_Expressionism,sam-francis_pioggia-d-oro-golden-rain-1988 +abstract_painting,Color_Field_Painting,paul-jenkins_phenomena-montezumas-band +cityscape,Naive_Art_Primitivism,henri-rousseau_the-dam-1893 +portrait,Post_Impressionism,salvador-dali_portrait-of-hortensia +religious_painting,Baroque,jan-steen_wedding-of-tobias-and-sarah-1668 +abstract_painting,Abstract_Expressionism,friedel-dzubas_red-flight-1957 +abstract_painting,Abstract_Expressionism,william-baziotes_the-beach-1955 +portrait,Expressionism,max-beckmann_columbine +religious_painting,Naive_Art_Primitivism,marc-chagall_three-angels-visit-abraham-genesis-xviii-1-8 +sketch_and_study,Mannerism_Late_Renaissance,jacopo-pontormo_two-nudes-compared +religious_painting,Northern_Renaissance,martin-schongauer_the-fourth-wise-virgin +genre_painting,Ukiyo_e,kitagawa-utamaro_not_detected_233124 +portrait,Art_Nouveau_Modern,zinaida-serebriakova_peasants-1914 +landscape,Impressionism,camille-pissarro_the-avenue-sydenham-1871 +nude_painting,Romanticism,francesco-hayez_badende-1832 +landscape,Naive_Art_Primitivism,grã©goire-michonze_untitled-1928 +sketch_and_study,Cubism,le-corbusier_abstract-composition-figures-in-a-landscape-1930 +landscape,Realism,aleksey-savrasov_summer-landscape-with-windmills-1859 +religious_painting,Early_Renaissance,benozzo-gozzoli_arrival-of-st-augustine-in-milan-1465 +sketch_and_study,Impressionism,pierre-auguste-renoir_earthenware-jug +nude_painting,Expressionism,ernst-ludwig-kirchner_bathing-women-and-children-1932 +landscape,Realism,ivan-shishkin_wind-fallen-trees-1888 +still_life,Realism,pyotr-konchalovsky_still-life-white-partridge-1953 +portrait,Romanticism,joseph-wright_samuel-crompton +abstract_painting,Abstract_Expressionism,bradley-walker-tomlin_number-20-1949 +genre_painting,Realism,georgios-jakobides_first-steps-1892 +portrait,Romanticism,francisco-goya_woman-with-a-fan +genre_painting,Rococo,william-hogarth_after-outdoor-scene +portrait,Rococo,john-russell_william-wilberforce-1770 +nude_painting,Impressionism,pierre-auguste-renoir_nude-seated-on-a-sofa-1876 +cityscape,Art_Nouveau_Modern,anna-ostroumova-lebedeva_gear-1917 +portrait,Realism,giovanni-boldini_count-robert-de-montesquiou-1897-1 +landscape,Romanticism,william-turner_crossing-the-brook +abstract_painting,Color_Field_Painting,gene-davis_midnight-watch-1976 +landscape,Post_Impressionism,maurice-denis_green-trees-or-the-beeches-of-kerduel +genre_painting,Realism,valentin-serov_in-winter-1898 +landscape,Impressionism,camille-pissarro_garden-at-eragny-1899 +religious_painting,High_Renaissance,titian_st-john-the-evangelist +portrait,Baroque,aleksey-antropov_archbishop-sylvester-kuliabka +genre_painting,Baroque,adriaen-brouwer_smallholders-playing-cards +portrait,Post_Impressionism,piet-mondrian_on-the-lappenbrink +genre_painting,Baroque,aelbert-cuyp_the-negro-page-1652 +abstract_painting,Abstract_Expressionism,gerhard-richter_abstraktes-bild-abstract-picture-1994 +portrait,Impressionism,mary-cassatt_susan-in-a-toque-trimmed-with-two-roses +genre_painting,Art_Nouveau_Modern,nicholas-roerich_russian-warrior-1906 +abstract_painting,Abstract_Expressionism,lee-krasner_embrace-1974 +abstract_painting,Abstract_Expressionism,victor-pasmore_harmony-of-opposites-1986 +genre_painting,Impressionism,walter-sickert_off-to-the-pub +landscape,Impressionism,maxime-maufra_the-high-island-1880 +cityscape,Realism,konstantin-makovsky_cairo +genre_painting,Expressionism,marc-chagall_butcher-1910 +abstract_painting,Minimalism,robert-mangold_ring-image-m-2010 +portrait,Impressionism,lucia-demetriade-balacescu_alvarii-galbeni +landscape,Symbolism,nicholas-roerich_rocky-peaks-himalayas +genre_painting,Baroque,jacob-jordaens_hunter-with-his-dogs-1635 +portrait,Baroque,rembrandt_full-length-portrait-of-a-standing-man-1639 +landscape,Cubism,arthur-segal_der-s-ndenfall +landscape,Impressionism,william-merritt-chase_monterey-california +sketch_and_study,Realism,vincent-van-gogh_seated-girl-and-venus +sketch_and_study,Expressionism,martiros-saryan_mountain-waves-in-armenia-1929 +landscape,Impressionism,hoca-ali-riza_unknown-title(6) +portrait,Post_Impressionism,pablo-picasso_portrait-of-fernande-olivier-in-headscarves-1906 +religious_painting,Baroque,francisco-de-zurbaran_st-anthony-of-padua +portrait,Northern_Renaissance,martin-schongauer_boy-with-scroll +abstract_painting,Color_Field_Painting,jose-guerrero_untitled-1985-1 +genre_painting,Realism,vladimir-makovsky_peasant-boys-1880 +cityscape,Symbolism,mstislav-dobuzhinsky_old-city-in-kaunas-1930 +illustration,Romanticism,gustave-dore_alichino-calcabrina +landscape,Ukiyo_e,katsushika-hokusai_ono-waterfall-at-kisokaido +genre_painting,Baroque,adriaen-brouwer_the-drinker +genre_painting,Romanticism,alexander-orlowski_a-traveler-in-a-kibitka-hooded-cart-or-sledge-1819 +portrait,Realism,ilya-repin_portrait-of-the-historian-and-archaeologist-ivan-egorovich-zabelin-1877 +sketch_and_study,Romanticism,george-stubbs_study-of-a-fowl-lateral-view-with-skin-and-underlying-fascial-layers-removed-from-a-comparative +cityscape,Post_Impressionism,vincent-van-gogh_the-church-at-auvers-1890 +still_life,Impressionism,theodor-pallady_still-life-with-hubble-bubble-and-boxes +sketch_and_study,Romanticism,fyodor-solntsev_man-in-armour-of-tsar-alex +abstract_painting,Abstract_Expressionism,helen-frankenthaler_untitled-1960 +genre_painting,Realism,vladimir-makovsky_i-will-not-1892 +portrait,Post_Impressionism,albert-huie_untitled-portrait +still_life,Impressionism,konstantin-korovin_roses-fruit-wine-1912 +portrait,Northern_Renaissance,hans-holbein-the-younger_portrait-of-henry-viii +portrait,Naive_Art_Primitivism,fernando-botero_pope-leo-x-after-raphael +cityscape,Post_Impressionism,edouard-cortes_place-de-la-concorde +portrait,Realism,edouard-manet_madame-manet-at-the-piano-1868 +portrait,Abstract_Expressionism,willem-de-kooning_seated-woman-2 +portrait,Post_Impressionism,vincent-van-gogh_portrait-of-a-man-1888 +landscape,Impressionism,claude-monet_the-coast-of-varengeville +portrait,Romanticism,john-everett-millais_clarissa +landscape,Post_Impressionism,jack-bush_view-of-lake-superior-near-thunder-bay-1941 +portrait,Expressionism,egon-schiele_portrait-of-victor-ritter-von-bauer-1918 +cityscape,Impressionism,paul-signac_the-jetty +illustration,Symbolism,harry-clarke_the-year-s-at-the-spring-1920-34 +genre_painting,Baroque,adriaen-van-ostade_happy-peasants +genre_painting,Realism,joan-miro_a-courtyard-scene +landscape,Impressionism,paul-gauguin_pere-jean-s-path-1885 +religious_painting,Baroque,bartolome-esteban-murillo_the-virgin-and-infant-jesus +cityscape,Romanticism,cornelis-springer_the-oude-waag-at-the-westerkerk +genre_painting,Expressionism,lyonel-feininger_uprising-1910 +portrait,Mannerism_Late_Renaissance,titian_portrait-of-pope-paul-iii-cardinal-alessandro-farnese-and-duke-ottavio-farnese-1546 +genre_painting,Expressionism,yiannis-moralis_funeral-composition +landscape,Realism,konstantin-makovsky_landscape-2 +still_life,Cubism,auguste-herbin_still-life-1920 +sketch_and_study,Early_Renaissance,leonardo-da-vinci_lily +landscape,Post_Impressionism,auguste-herbin_landscape-with-poplars-1907 +genre_painting,Impressionism,pierre-auguste-renoir_by-the-fireside-1875 +genre_painting,Realism,nikolay-bogdanov-belsky_new-owners-tea-drinking +landscape,Expressionism,ernst-ludwig-kirchner_house-on-fehmarn +genre_painting,Romanticism,pavel-svinyin_american-indians-in-the-boat +landscape,Impressionism,claude-monet_on-the-cliff-near-dieppe +cityscape,Romanticism,cornelis-springer_view-on-heerengracht-in-amsterdam +still_life,Cubism,gino-severini_still-life-with-violin-1964 +portrait,Expressionism,henri-matisse_sitting-woman-1919 +genre_painting,Impressionism,mary-cassatt_mother-s-goodnight-kiss-1888 +religious_painting,Mannerism_Late_Renaissance,titian_christ-carrying-the-cross-1575 +genre_painting,Baroque,david-teniers-the-younger_flemish-kermess-1640 +portrait,Post_Impressionism,arshile-gorky_the-artists-s-mother +genre_painting,Expressionism,martiros-saryan_fairy-tale-at-the-foot-of-mount-ararat-1904 +portrait,Post_Impressionism,paul-cezanne_man-in-a-room-1890 +genre_painting,Realism,vincent-van-gogh_waiting-room-1882 +genre_painting,Impressionism,konstantin-korovin_russia-festival +sketch_and_study,Romanticism,karl-bryullov_m-p-volkonskaia(1) +landscape,Realism,ivan-shishkin_deadwood-1893 +sketch_and_study,Early_Renaissance,leonardo-da-vinci_study-of-the-effect-of-light-on-a-profile-head-facsimile +portrait,Realism,john-singer-sargent_the-earle-of-comer-1902 +genre_painting,Romanticism,caspar-david-friedrich_boy-sleeping-on-a-grave +landscape,Realism,efim-volkov_autumn +religious_painting,Naive_Art_Primitivism,fernando-botero_gates-of-hell +sketch_and_study,Symbolism,kuzma-petrov-vodkin_head-of-boys-1918 +illustration,Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-russian-fairy-story-feather-of-finist-falcon-2(1) +landscape,Realism,camille-corot_on-the-banks-of-the-tiber-1826 +religious_painting,High_Renaissance,pietro-perugino_madonna-with-child-and-little-st-john +portrait,Baroque,guido-reni_portrait-of-pope-gregory-xv-1622 +landscape,Impressionism,claude-monet_ice-floes-misty-morning +portrait,Symbolism,konstantin-somov_a-young-girl-in-a-red-dress-girl-with-a-letter +portrait,Realism,john-singer-sargent_head-of-an-italian-girl +portrait,Ukiyo_e,utagawa-kuniyoshi_women-19 +portrait,Pop_Art,andy-warhol_drag-queen +nude_painting,Post_Impressionism,raoul-dufy_the-two-models-1930 +portrait,Romanticism,john-constable_ladies-from-the-family-of-mr-william-mason-of-colchester +landscape,Realism,vincent-van-gogh_the-bench-1882 +landscape,Symbolism,konstantin-bogaevsky_landscape-with-trees-1924 +religious_painting,High_Renaissance,titian_madonna-of-the-cherries-1515 +genre_painting,Realism,julius-leblanc-stewart_at-home-1897(1) +landscape,Impressionism,guy-rose_vista-from-point-lobos-1919 +cityscape,Art_Nouveau_Modern,nicholas-roerich_yaroslavl-church-of-nativity-1903 +landscape,Impressionism,claude-monet_the-garden-of-monet-at-argenteuil +still_life,Realism,odilon-redon_still-life +abstract_painting,Minimalism,henk-peeters_61-26-1961 +religious_painting,Baroque,agostino-carracci_the-last-communion-of-st-jerome-1592 +genre_painting,Realism,nicolae-vermont_two-workers-on-strike +cityscape,Post_Impressionism,vincent-van-gogh_the-seine-bridge-at-asnieres-1887 +portrait,Expressionism,pablo-picasso_head-of-dead-woman-1902 +abstract_painting,Abstract_Expressionism,joan-mitchell_untitled-1977 +landscape,Post_Impressionism,pyotr-konchalovsky_monastery-in-the-distance +portrait,Realism,nikolay-bogdanov-belsky_lady-on-a-balcony-koreiz +portrait,Realism,ilya-repin_portrait-of-maria-andreeva-1905 +landscape,Expressionism,john-marin_from-seeing-cape-split-1935 +portrait,Realism,ilya-repin_zaporizhian-colonel-1880 +genre_painting,Impressionism,gustave-caillebotte_the-parquet-planers-1875 +portrait,Impressionism,pierre-auguste-renoir_the-loge-1879 +abstract_painting,Abstract_Expressionism,richard-pousette-dart_intensive-crescent-1985 +landscape,Realism,ivan-shishkin_ferns-in-the-forest-1877 +landscape,Impressionism,paul-signac_port-en-bessin-the-beach-1883 +portrait,Art_Nouveau_Modern,raphael-kirchner_olive-thomas +portrait,Mannerism_Late_Renaissance,agnolo-bronzino_portrait-of-cosimo-i-de-medici +abstract_painting,Expressionism,paul-klee_in-the-style-of-kairouan-1914 +portrait,Realism,ilya-repin_a-fisher-girl-1874 +portrait,Romanticism,karl-bryullov_head-a-girl(1) +portrait,Baroque,jacob-jordaens_study-of-little-child-1626 +genre_painting,Expressionism,umberto-boccioni_a-futurist-evening-in-milan +religious_painting,Northern_Renaissance,hieronymus-bosch_the-temptation-of-st-anthony-1516-2 +genre_painting,Naive_Art_Primitivism,marc-chagall_wandering-musicians-1963 +cityscape,Post_Impressionism,edouard-cortes_booksellers-along-the-seine-notre-dame-view +portrait,Pointillism,marevna-(marie-vorobieff)_two-children-1942 +portrait,Post_Impressionism,henri-de-toulouse-lautrec_madame-lili-grenier-1888 +genre_painting,Impressionism,maurice-prendergast_at-the-park +illustration,Romanticism,gustave-dore_sleeping-beauty +landscape,Impressionism,camille-pissarro_flood-in-pontoise-1882 +still_life,Symbolism,kuzma-petrov-vodkin_still-life-1921-1 +cityscape,Naive_Art_Primitivism,fred-yates_my-very-own-street-sablet +religious_painting,Rococo,giovanni-domenico-tiepolo_presentation-in-the-temple-1754 +landscape,Impressionism,william-merritt-chase_the-garden-wall +portrait,Expressionism,egon-schiele_portrait-of-an-old-man-johann-harms-1916 +portrait,Impressionism,camille-pissarro_peasant-and-child +landscape,Cubism,paul-klee_hairdryer-in-marc-s-garden-1915(1) +genre_painting,Expressionism,martiros-saryan_threshing-grain-1929 +portrait,Realism,mary-cassatt_portrait-of-a-lady-miss-my-ellison-1877 +genre_painting,Impressionism,vanessa-bell_the-memoir-club-1943 +religious_painting,High_Renaissance,lorenzo-lotto_enthroned-madonna-with-angels-and-saints-st-joseph-and-st-bernard-on-the-left-st-john-the-1521 +portrait,Naive_Art_Primitivism,david-burliuk_russian-peasants-1945 +genre_painting,Baroque,rembrandt_the-mountebank-1635 +landscape,Impressionism,gustave-caillebotte_laundry-drying +portrait,Northern_Renaissance,albrecht-durer_portrait-of-a-young-woman +landscape,Realism,ivan-shishkin_near-the-monastery-1870 +landscape,Impressionism,ferdynand-ruszczyc_pejzaz-z-cyprysami +genre_painting,Post_Impressionism,henri-de-toulouse-lautrec_at-montrouge-rosa-la-rouge-1887 +abstract_painting,Color_Field_Painting,andre-pierre-arnal_pochoir-3 +landscape,Cubism,paul-cezanne_in-the-woods-1896 +landscape,Symbolism,nicholas-roerich_monhigan-hope-1922 +genre_painting,Baroque,david-teniers-the-younger_a-barn-interior +abstract_painting,Color_Field_Painting,claude-tousignant_monochrome-orang-1956 +genre_painting,Art_Nouveau_Modern,boris-kustodiev_the-harvest-1914 +cityscape,Naive_Art_Primitivism,tarsila-do-amaral_feira +portrait,Art_Nouveau_Modern,felix-vallotton_english-demographer-and-political-economist-thomas-malthus-1897 +abstract_painting,Abstract_Expressionism,helen-frankenthaler_west-wind-1997 +sketch_and_study,Realism,theodore-rousseau_sunset-on-a-plain +still_life,Post_Impressionism,vincent-van-gogh_still-life-with-basket-of-apples-1887 +sketch_and_study,Post_Impressionism,vincent-van-gogh_le-moulin-de-la-galette-1886 +genre_painting,Impressionism,berthe-morisot_before-the-mirror +portrait,Expressionism,pablo-picasso_two-acrobats-harlequin-and-his-companion-1901 +genre_painting,Impressionism,berthe-morisot_the-violin +nude_painting,Impressionism,giovanni-boldini_in-the-bath +still_life,Realism,pyotr-konchalovsky_still-life-hares-and-grouse-1951 +genre_painting,Realism,fyodor-vasilyev_horses-at-the-watering-1869 +genre_painting,Impressionism,maurice-prendergast_handkerchief-point-coastal-scene +genre_painting,Rococo,antoine-watteau_gilles +portrait,Ukiyo_e,katsushika-hokusai_basho-by-hokusai +portrait,Realism,konstantin-somov_portrait-a-somova-mikhailova +religious_painting,Romanticism,edward-burne-jones_angels-of-creation +landscape,Impressionism,basuki-abdullah_morning-sun +sketch_and_study,Mannerism_Late_Renaissance,jacopo-pontormo_study-of-nude-1518 +portrait,Rococo,allan-ramsay_portrait-of-jean-abercromby-mrs-morison +portrait,Mannerism_Late_Renaissance,sofonisba-anguissola_three-children-with-dog-1590 +cityscape,Post_Impressionism,edouard-cortes_les-grands-boulevards-1 +genre_painting,Realism,nikolay-bogdanov-belsky_child-sitting-a-table +portrait,Romanticism,orest-kiprensky_portrait-of-sergei-uvarov-1813 +abstract_painting,Action_painting,jackson-pollock_blue-poles-number-11-1 +abstract_painting,Abstract_Expressionism,blinky-palermo_blau-auf-gr-n-1965 +landscape,Impressionism,paul-gauguin_landscape-1885 +abstract_painting,Abstract_Expressionism,helen-frankenthaler_reflections-v-1995 +portrait,Romanticism,henry-raeburn_portrait-of-professor-george-joseph-bell +illustration,Expressionism,carlos-saenz-de-tejada_colombina-1950 +abstract_painting,Color_Field_Painting,mario-schifano_grande-angolo-1963 +cityscape,Expressionism,spyros-papaloukas_pantokratoros-1924 +portrait,Cubism,roger-de-la-fresnaye_seated-man-1914 +landscape,Pointillism,camille-pissarro_railroad-to-dieppe-1886 +portrait,Expressionism,pablo-picasso_celestina-1904-1 +abstract_painting,Abstract_Expressionism,mark-tobey_ancient-empires-1950 +genre_painting,Ukiyo_e,tsukioka-yoshitoshi_takatoki-tengu +genre_painting,Baroque,gerard-terborch_card-players-1650 +landscape,Post_Impressionism,raoul-dufy_view-of-sainte-adresse +still_life,Cubism,pyotr-konchalovsky_still-life-box-of-cigars-1916 +landscape,Impressionism,claude-monet_cart-on-the-snow-covered-road-with-saint-simeon-farm +religious_painting,Mannerism_Late_Renaissance,agnolo-bronzino_the-dead-christ-with-the-virgin-and-st-mary-magdalene-1530 +portrait,Realism,vasily-surikov_portrait-of-n-s-matveev-1881 +religious_painting,Mannerism_Late_Renaissance,tintoretto_christ-and-the-adulteress-1594 +abstract_painting,Minimalism,agnes-martin_untitled-1977-3 +landscape,Post_Impressionism,henri-edmond-cross_saint-clair-landscape +genre_painting,Symbolism,konstantin-vasilyev_in-another-window +portrait,Ukiyo_e,utagawa-kunisada_ohnomatsu_midorinosuke +abstract_painting,Abstract_Expressionism,joan-mitchell_bracket-1989 +landscape,Impressionism,claude-monet_pine-trees-cap-d-antibes +religious_painting,Northern_Renaissance,rogier-van-der-weyden_virgin-and-child-1454 +portrait,Cubism,kazimir-malevich_head-of-a-peasant-girl +landscape,Realism,ilya-repin_river-bank-1876 +genre_painting,Realism,georgios-jakobides_grandma-s-favourite-1893 +genre_painting,Baroque,david-teniers-the-younger_the-kitchen-1646 +portrait,Impressionism,kimon-loghi_the-rhythm-of-music +still_life,Synthetic_Cubism,pablo-picasso_glass-and-bottle-of-suze-1912 +genre_painting,Realism,winslow-homer_on-the-trail +religious_painting,Northern_Renaissance,hans-memling_the-martyrdom-of-saint-ursula-and-her-companions-at-cologne-from-the-reliquary-of-st-ursula-1489 +abstract_painting,Minimalism,enrico-castellani_untitled-striped-surface-1961 +landscape,Impressionism,pierre-auguste-renoir_the-banks-of-the-seine-1875 +portrait,Baroque,cornelis-de-vos_portrait-of-a-lady +cityscape,Cubism,pyotr-konchalovsky_cassis-1913-2 +landscape,Impressionism,alfred-sisley_the-banks-of-the-loing-1892 +landscape,Post_Impressionism,karl-schrag_white-forest-1963 +religious_painting,Baroque,guido-reni_adoration-of-the-shepherds +abstract_painting,Color_Field_Painting,gene-davis_untitled-150-1971 +genre_painting,Art_Nouveau_Modern,nicholas-roerich_spies-1900 +portrait,Impressionism,konstantin-korovin_mistress-of-the-house-1896 +genre_painting,Post_Impressionism,vincent-van-gogh_sower-after-millet-1889(1) +portrait,Baroque,anthony-van-dyck_portrait-of-a-gentleman-putting-on-his-gloves +landscape,Impressionism,john-henry-twachtman_bridge-in-winter +genre_painting,Post_Impressionism,jacques-villon_little-girl-on-a-red-staircase-1900 +genre_painting,Impressionism,james-tissot_on-the-thames +religious_painting,Early_Renaissance,andrea-mantegna_scenes-from-the-life-of-st-james-1448-2 +genre_painting,Naive_Art_Primitivism,marc-chagall_bathing-of-a-baby +landscape,Impressionism,claude-monet_weeping-willow-2-1919 +genre_painting,Expressionism,salvador-dali_san-salvador-and-antonio-gaudi-fighting-for-the-crown-of-the-virgin +religious_painting,Romanticism,gustave-dore_death-of-ananias +portrait,Romanticism,paul-delaroche_portrait-du-comte-james-alexandre-de-pourtal-s-gorgier +genre_painting,Post_Impressionism,paul-cezanne_bathers-1891 +portrait,Romanticism,konstantin-makovsky_boyaryshnya-5 +landscape,Realism,aleksey-savrasov_at-the-well-1868 +genre_painting,Baroque,jan-siberechts_shepherdess +cityscape,Naive_Art_Primitivism,raoul-dufy_the-park-of-saint-cloud-1919 +abstract_painting,Color_Field_Painting,afro_controcanto-1974 +religious_painting,Baroque,jacques-stella_jacob-s-ladder-1650 +landscape,Symbolism,martiros-saryan_apricot-tree-in-blossom-1942-1 +landscape,Post_Impressionism,paul-cezanne_bridge-and-waterfall-at-pontoise-1881 +abstract_painting,Minimalism,joan-hernandez-pijuan_homenatge-a-lucio-fontana-1971 +genre_painting,Impressionism,maurice-prendergast_maypole +landscape,Impressionism,camille-pissarro_town-garden-in-pontoise-1873 +genre_painting,Impressionism,john-singer-sargent_simplon-pass-the-lesson-1911 +genre_painting,Romanticism,konstantin-makovsky_celebration-in-ukraine +genre_painting,Realism,jean-francois-millet_a-shepherdess-and-her-flock-in-the-shade-of-trees-1855 +still_life,Cubism,joan-miro_north-south +genre_painting,Realism,james-tissot_the-prodigal-son-in-modern-life-the-fatted-calf +religious_painting,Expressionism,tivadar-kosztka-csontvary_at-the-entrance-of-the-wailing-wall-in-jerusalem-1904 +portrait,Baroque,diego-velazquez_juan-de-pareja-1650 +landscape,Realism,vasily-polenov_the-birchwood-alley-1880 +genre_painting,Ukiyo_e,kitagawa-utamaro_not_detected_233122 +abstract_painting,Abstract_Expressionism,betty-parsons_garden-in-saint-denis-1980 +religious_painting,Northern_Renaissance,albrecht-durer_christ-on-the-mount-of-olives-2 +genre_painting,Fauvism,august-macke_turkish-cafe-i +landscape,Impressionism,camille-pissarro_snow-at-montfoucault-1874 +sketch_and_study,Post_Impressionism,vincent-van-gogh_wheat-field-with-sheaves-1888-1 +still_life,Synthetic_Cubism,juan-gris_violine-and-glass-1913 +landscape,Naive_Art_Primitivism,jules-lefranc_links +landscape,Realism,charles-francois-daubigny_boat-on-a-pond +abstract_painting,Action_painting,jackson-pollock_number-8-detail(1) +sketch_and_study,Realism,boris-kustodiev_autumn-1919 +genre_painting,Impressionism,berthe-morisot_young-woman-and-child-avenue-du-bois +landscape,Romanticism,caspar-david-friedrich_graveyard-under-snow-1826 +religious_painting,Baroque,peter-paul-rubens_holy-trinity +religious_painting,Baroque,francesco-solimena_expulsion-of-heliodorus-from-the-temple +landscape,Romanticism,caspar-david-friedrich_a-northern-spring-landscape +genre_painting,Realism,constantin-guys_la-loge-de-l-op-ra +landscape,Impressionism,rudolf-schweitzer-cumpana_peisaj-de-iarn +landscape,Realism,ivan-shishkin_forest-1885 +abstract_painting,Color_Field_Painting,paul-feeley_rijo-1963 +landscape,Baroque,aelbert-cuyp_view-of-the-groote-kerk-in-dordrecht-from-the-river-maas +still_life,Post_Impressionism,pyotr-konchalovsky_still-life-grape-1929 +genre_painting,Baroque,pieter-de-hooch_two-women-with-a-child-in-court +portrait,Baroque,judith-leyster_a-youth-with-a-jug +sketch_and_study,Naive_Art_Primitivism,fernand-leger_the-dancer +portrait,Pointillism,henri-edmond-cross_mme-hector-france-nee-irma-clare-and-later +religious_painting,Baroque,peter-paul-rubens_saint-felix-of-cantalice +abstract_painting,Color_Field_Painting,maurice-esteve_corne-a-licou-1965-1 +portrait,Realism,boris-kustodiev_shoemaker-1924 +illustration,Romanticism,gustave-dore_don-quixote-137 +portrait,Realism,vasily-vereshchagin_zyrian-1894 +landscape,Symbolism,jacek-malczewski_follow-the-stream-right-wing-1910 +landscape,Fauvism,pyotr-konchalovsky_balaklava-fishing-nets-1929-1 +landscape,Impressionism,eugene-boudin_the-shores-of-sainte-adresse-at-twilight-1890 +genre_painting,Romanticism,john-william-waterhouse_woman-picking-flowers +religious_painting,Symbolism,odilon-redon_and-he-discerns-an-arid-knoll-covered-plain-plate-7-1896 +portrait,Realism,vasily-perov_fisherman-1871 +landscape,Impressionism,claude-monet_the-boats-regatta-at-argenteuil +genre_painting,New_Realism,john-french-sloan_back-room-1912 +nude_painting,Expressionism,edvard-munch_paris-nude-1896 +landscape,Realism,efim-volkov_landscape-with-a-pond +religious_painting,Northern_Renaissance,petrus-christus_our-lady-of-the-dry-tree +genre_painting,Romanticism,alexander-orlowski_horsemen-1816 +religious_painting,Mannerism_Late_Renaissance,el-greco_apostle-st-paul +still_life,Cubism,louis-marcoussis_guitar-and-pomegranates-by-a-window-1921 +genre_painting,Baroque,le-nain-brothers_the-musical-meeting +illustration,Art_Nouveau_Modern,john-french-sloan_snake-charmer-puzzle +portrait,Rococo,vladimir-borovikovsky_portrait-of-torsukov-ardalyon-1795 +portrait,Expressionism,lyubov-popova_portrait-of-the-artist-s-sister +sketch_and_study,Expressionism,pyotr-konchalovsky_still-life-with-a-tray-1919 +abstract_painting,Minimalism,richard-tuttle_what-color-how-to-make-1967 +portrait,Naive_Art_Primitivism,niko-pirosmani_porter-soso(1) +landscape,Realism,nikolay-bogdanov-belsky_winter-landscape-with-a-church +genre_painting,Expressionism,henri-matisse_odalisque-in-red-trousers-1921 +religious_painting,Mannerism_Late_Renaissance,titian_st-nicholas-1563 +religious_painting,Northern_Renaissance,lucas-cranach-the-elder_the-crucifixion-1503 +portrait,High_Renaissance,andrea-del-sarto_lucrezia-di-baccio-del-fede-the-artist-s-wife-1514 +abstract_painting,Abstract_Expressionism,john-mccracken_mandala-i-1972 +landscape,Realism,vasily-polenov_a-settlement-near-volga-1897 +cityscape,Romanticism,william-turner_the-high-street-oxford-1835 +genre_painting,Impressionism,camille-pissarro_apple-gatherers-1891 +portrait,Symbolism,odilon-redon_portrait-of-the-marquis-de-gonet-1907 +religious_painting,High_Renaissance,lorenzo-lotto_pieta +landscape,Contemporary_Realism,jamie-wyeth_brandywine-spider-1973 +landscape,Post_Impressionism,paul-gauguin_breton-landscape-fields-by-the-sea-le-pouldu-1889 +still_life,Cubism,olga-rozanova_workbox +portrait,Realism,jean-francois-millet_portrait-of-armand-ono +still_life,Expressionism,henri-matisse_still-life-with-aubergines-1911 +landscape,Realism,antã³nio-de-carvalho-da-silva-porto_na-cisterna +landscape,Post_Impressionism,vincent-van-gogh_two-cypresses-1889 +genre_painting,Romanticism,jan-matejko_gryfino-and-leszek +landscape,Romanticism,ivan-aivazovsky_lisbon-sunrise-1860 +portrait,Post_Impressionism,aristarkh-lentulov_portrait-of-m-p-lentulova +cityscape,Expressionism,martiros-saryan_in-old-yerevan-1930 +cityscape,Impressionism,claude-monet_rouen-cathedral-the-portal-at-midday +genre_painting,Realism,boris-kustodiev_may-day-parade-petrograd-mars-field-1920 +cityscape,Naive_Art_Primitivism,henri-rousseau_a-view-of-the-ile-saint-louis-from-port-saint-nicolas-evening +landscape,Realism,ivan-shishkin_forest-stream-1880 +landscape,Realism,charles-francois-daubigny_the-pond-with-a-herons-1857 +landscape,Impressionism,camille-pissarro_the-road-to-louveciennes-at-the-outskirts-of-the-forest-1871 +genre_painting,Rococo,george-morland_a-halt-of-a-soldier-and-his-family-1795 +portrait,Romanticism,francisco-goya_portrait-of-the-countess-of-chincon-1800 +landscape,Realism,ilya-repin_summer-day-in-abramtsevo-1880 +portrait,Art_Nouveau_Modern,boris-kustodiev_two-merchant-s-wifes-1913 +genre_painting,Expressionism,martiros-saryan_making-bread-1929 +portrait,Rococo,antoine-pesne_reception-of-august-the-strong-in-the-berlin-city-palaces-1729 +landscape,Impressionism,abdullah-suriosubroto_paddy-field +still_life,Impressionism,gustave-caillebotte_still-life-with-crayfish-1882 +genre_painting,Symbolism,nicholas-roerich_hunter-s-dream-1916 +still_life,Cubism,konstantinos-parthenis_still-life-with-acropolis-in-the-background-1931 +religious_painting,Symbolism,odilon-redon_jacob-wrestling-with-the-angel +genre_painting,Expressionism,edvard-munch_red-virginia-creeper-1900 +religious_painting,Baroque,peter-paul-rubens_virgin-and-child-adored-by-angels +genre_painting,Realism,james-tissot_the-sojourn-in-egypt-1894 +abstract_painting,Abstract_Expressionism,jack-tworkov_flowering-white-1949 +illustration,Art_Nouveau_Modern,edmund-dulac_the-alchemist +religious_painting,Symbolism,tivadar-kosztka-csontvary_praying-saviour-1903 +genre_painting,Impressionism,john-singer-sargent_man-seated-by-a-stream-1912 +genre_painting,Expressionism,pablo-picasso_group-of-poor-people-1903 +genre_painting,New_Realism,edward-hopper_summer-in-the-city-1950 +genre_painting,Ukiyo_e,utagawa-toyokuni-ii_woman-with-inset-depiction-of-wild-geese-at-hasu-no-ike +illustration,Romanticism,gustave-dore_don-quixote-43 +religious_painting,Early_Renaissance,sandro-botticelli_the-flight-into-egypt(1) +cityscape,Post_Impressionism,maxime-maufra_the-port-of-la-rochelle-at-twilight-1911 +landscape,Realism,volodymyr-orlovsky_ukrainian-landscape-1882 +portrait,Realism,vincent-van-gogh_head-of-a-woman-1884 +genre_painting,Post_Impressionism,paul-cezanne_bather-1887 +landscape,Realism,martiros-saryan_spring-in-my-garden-1945 +illustration,Naive_Art_Primitivism,martiros-saryan_illustration-to-armenian-folk-tales-1937-7 +cityscape,Symbolism,nicholas-roerich_taos-pueblo-new-mexico-1921 +landscape,Realism,camille-corot_field-above-the-village-marcoussis +still_life,Synthetic_Cubism,pablo-picasso_geometrical-composition-the-guitar-1913 +portrait,Impressionism,camille-pissarro_portrait-of-rodo-reading-1893 +abstract_painting,Minimalism,pierre-soulages_peinture-324-x-181-cm-19-f-vrier-2009-polyptyque-2009 +nude_painting,Pop_Art,roy-lichtenstein_nude-at-vanity(1) +sketch_and_study,Art_Nouveau_Modern,koloman-moser_figure-study-of-isolde +still_life,Realism,julius-leblanc-stewart_still-life-with-asian-objects(1) +nude_painting,Fauvism,piet-mondrian_evolution-1911 +sketch_and_study,Symbolism,kuzma-petrov-vodkin_the-model-1907 +landscape,Abstract_Expressionism,wu-guanzhong_fragrant-red-leaves-2001 +abstract_painting,Color_Field_Painting,mark-rothko_ochre-and-red-on-red-2 +abstract_painting,Action_painting,jackson-pollock_number-4-gray-and-red-1948 +landscape,Impressionism,camille-pissarro_landscape-with-small-stream-1872 +landscape,Fauvism,maurice-de-vlaminck_white-sailboat-at-chatou +landscape,Realism,ivan-shishkin_swiss-landscape-1866 +religious_painting,Northern_Renaissance,jean-hey_the-annunciation-1500 +landscape,Impressionism,auguste-herbin_after-the-rain-at-la-roche-guyon-1906 +religious_painting,Baroque,diego-velazquez_st-anthony-the-abbot-and-st-paul-the-first-hermit +landscape,Impressionism,othon-friesz_rocky-coast-1896 +landscape,Impressionism,claude-monet_customs-house +portrait,Baroque,william-hogarth_simon-fraser-11th-baron-lovat +genre_painting,Impressionism,zinaida-serebriakova_in-the-studio-paris-1906 +still_life,Realism,william-merritt-chase_the-little-red-bowl +genre_painting,Post_Impressionism,maurice-prendergast_beach-promenade +landscape,Post_Impressionism,vincent-van-gogh_the-grove-1890 +portrait,Northern_Renaissance,albrecht-durer_noble-woman-at-horses-and-lansquenet +genre_painting,Realism,henri-matisse_woman-reading-1894 +sketch_and_study,Art_Nouveau_Modern,carlos-saenz-de-tejada_sketch-of-mural-decoration-for-the-emperador-hotel-1955 +portrait,Realism,nikolai-ge_portrait-of-yakov-merkulov +abstract_painting,Color_Field_Painting,ray-parker_untitled-1962 +portrait,Rococo,jean-marc-nattier_comtesse-tessin-1741 +sketch_and_study,Northern_Renaissance,rogier-van-der-weyden_the-last-judgement +portrait,Impressionism,james-mcneill-whistler_portrait-of-charles-l-freer-1903 +genre_painting,Baroque,esaias-van-de-velde_a-frozen-river-with-skaters-1619 +abstract_painting,Abstract_Expressionism,sam-francis_untitled-sf76-175-1976 +landscape,Realism,volodymyr-orlovsky_the-sunny-day +landscape,Realism,camille-corot_little-chaville-1825 +genre_painting,Art_Nouveau_Modern,carl-larsson_an-interior-with-a-woman-reading(1) +religious_painting,Baroque,guido-reni_saint-john-the-baptist-1637 +illustration,Symbolism,william-blake_illustration-to-dante-s-divine-comedy-hell-4 +genre_painting,Symbolism,nicholas-roerich_lonely-stranger-1931-1 +cityscape,Expressionism,george-bouzianis_factory-in-munich-1927 +landscape,Impressionism,henrique-pousao_st-sauves-1881 +abstract_painting,Abstract_Expressionism,ronnie-landfield_mother-of-all-paintings-1990 +nude_painting,Expressionism,pablo-picasso_young-naked-girl-with-flower-basket-1905 +landscape,Fauvism,janos-mattis-teutsch_landscape-with-hills-and-trees-1916 +portrait,Rococo,vladimir-borovikovsky_portrait-of-ye-a-arkharova-1820 +genre_painting,Impressionism,edgar-degas_before-the-performance +landscape,Realism,homer-watson_evening-after-the-storm-1887 +abstract_painting,Color_Field_Painting,john-hoyland_blues-greens-1969 +portrait,Expressionism,max-pechstein_rauchender-schweizer-1923 +portrait,Realism,edouard-manet_portrait-of-monsieur-tillet +cityscape,Romanticism,ivan-aivazovsky_the-harbour-of-venice-the-island-of-san-georgio-1844 +sketch_and_study,Realism,aleksey-savrasov_the-old-churchyard-on-the-banks-of-the-volga-1874 +cityscape,Post_Impressionism,gustave-loiseau_winter-in-chaponival +portrait,Cubism,albert-gleizes_untitled-5 +religious_painting,Early_Renaissance,fra-angelico_the-burial-of-the-virgin-and-the-reception-of-her-soul-in-heaven-1435 +genre_painting,Expressionism,ernst-ludwig-kirchner_women-on-the-street-1915 +religious_painting,Art_Nouveau_Modern,sergey-solomko_letter-to-william-pope +landscape,Realism,vincent-van-gogh_the-parsonage-garden-at-nuenen-in-the-snow-1885-1 +abstract_painting,Abstract_Expressionism,hans-hofmann_the-gate-1960 +genre_painting,Romanticism,ivan-aivazovsky_ox-train-on-the-steppe +religious_painting,High_Renaissance,lorenzo-lotto_the-angel-of-the-annunciation-1527 +religious_painting,Early_Renaissance,fra-angelico_the-mocking-of-christ-1441 +portrait,Post_Impressionism,jacek-malczewski_portrait-of-helena-marcell +cityscape,Art_Nouveau_Modern,carlos-saenz-de-tejada_vitoria-1850-1952 +illustration,Expressionism,yiannis-moralis_10-colored-drawings-for-the-poems-of-george-seferis-1965-7 +portrait,Symbolism,kuzma-petrov-vodkin_portrait-of-a-p-petrovoy-vodkin-artist-s-mother-1909 +cityscape,Expressionism,ernst-ludwig-kirchner_staberhof-farm-on-fehmarn-i-1913 +portrait,Romanticism,jan-matejko_zygmunt-the-stary +landscape,Realism,vincent-van-gogh_the-old-tower-in-the-fields-1884 +cityscape,Realism,pyotr-konchalovsky_quay-in-ryazan-1931 +landscape,Symbolism,mikalojus-ciurlionis_winter-vii-1907 +abstract_painting,Color_Field_Painting,perle-fine_cool-series-no-26-first-love-1963 +religious_painting,Baroque,jusepe-de-ribera_st-mary-of-egypt-1641 +genre_painting,Contemporary_Realism,eric-fischl_krefeld-project-living-room-scene-4 +sketch_and_study,Realism,ivan-shishkin_zelenina-grove-1871 +portrait,High_Renaissance,lorenzo-lotto_portrait-of-a-gentleman-with-gloves +landscape,Romanticism,taras-shevchenko_mangyshlak-garden-1852-1 +religious_painting,Baroque,guido-reni_st-filippo-neri-in-ecstasy-1614 +landscape,Impressionism,t.-c.-steele_selma-in-the-garden +landscape,Realism,ivan-shishkin_forest-5 +landscape,Realism,ivan-shishkin_study-for-the-painting-noon-in-the-vicinity-of-moscow +portrait,Expressionism,frantisek-kupka_head-of-slut-1909 +religious_painting,Baroque,guido-reni_john-the-baptist-1640 +portrait,Northern_Renaissance,lucas-cranach-the-elder_philipp-melanchthon-1532 +genre_painting,Naive_Art_Primitivism,grandma-moses_christmas(2) +abstract_painting,Abstract_Expressionism,hans-hofmann_legends-of-distant-past-days-1965 +illustration,Romanticism,n.c.-wyeth_title-page-of-the-boy-s-king-arthur +cityscape,Post_Impressionism,edouard-cortes_caf-de-la-paix-paris-2 +portrait,Impressionism,giovanni-boldini_the-sisters-laskaraki +religious_painting,Mannerism_Late_Renaissance,tintoretto_christ-on-the-sea-of-galilee-1580 +landscape,Post_Impressionism,henri-edmond-cross_landscape-with-stars-1908 +landscape,Post_Impressionism,vincent-van-gogh_the-banks-of-the-seine-1887 +abstract_painting,Abstract_Expressionism,bradley-walker-tomlin_number-1-1952 +portrait,Post_Impressionism,anita-malfatti_mario-de-andrade-i-1922 +religious_painting,Naive_Art_Primitivism,marc-chagall_appearance-of-king-david-1980 +cityscape,Impressionism,federico-zandomeneghi_place-d-anvers-paris-1880 +illustration,Naive_Art_Primitivism,marc-chagall_prosecutor-s-death +landscape,Impressionism,guy-rose_laguna-rocks-low-tide-1916 +nude_painting,Cubism,juan-gris_large-reclining-nude +illustration,Romanticism,gustave-dore_the-late-repenters +cityscape,Romanticism,ivan-aivazovsky_venice-1874 +genre_painting,Expressionism,albert-bloch_passing-train +sketch_and_study,Realism,ivan-shishkin_forest-river-siverskaya-1876 +nude_painting,Post_Impressionism,moise-kisling_the-castaway-1927(2) +landscape,Cubism,paul-cezanne_mont-sainte-victoire-1897 +illustration,Art_Nouveau_Modern,boris-kustodiev_i-picked-strawberries-1927 +portrait,Art_Nouveau_Modern,heorhiy-narbut_portrait-of-b-khmelnitsky +still_life,Post_Impressionism,david-burliuk_still-life-with-a-jug-1930 +portrait,Post_Impressionism,istvan-ilosvai-varga_reading-girl-1953 +religious_painting,Baroque,rembrandt_christ-at-emmaus-1634 +abstract_painting,Cubism,louis-schanker_abstract-composition-1938 +portrait,High_Renaissance,leonardo-da-vinci_portrait-of-an-unknown-woman-la-belle-ferroniere +sketch_and_study,Northern_Renaissance,albrecht-durer_martyrdom-of-the-ten-thousand +portrait,Mannerism_Late_Renaissance,agnolo-bronzino_garcia-de-medici +genre_painting,Expressionism,ernst-ludwig-kirchner_sledge-in-the-fog-1929 +genre_painting,Post_Impressionism,paul-cezanne_bathers-at-rest-1877 +cityscape,Romanticism,fyodor-bronnikov_view-of-lake-como-1897 +religious_painting,Early_Renaissance,piero-della-francesca_st-anthony-resurrects-a-child +cityscape,Impressionism,john-singer-sargent_shady-paths-vizcaya-1917 +illustration,Art_Nouveau_Modern,nicholas-roerich_vignette-for-book-n-k-roerich-1918-8 +genre_painting,Rococo,jean-honore-fragonard_at-the-stove +landscape,Romanticism,rudolf-von-alt_view-of-bad-gastein-1888 +portrait,Rococo,antoine-watteau_arlequin-pierrot-and-scapin +cityscape,Impressionism,pieter-wenning_keerom-street-cape-town +genre_painting,Expressionism,max-pechstein_sunlight-1921 +cityscape,Realism,camille-corot_view-of-pincio-italy +still_life,Post_Impressionism,jozsef-rippl-ronai_still-life-with-oranges +landscape,Post_Impressionism,ferdinand-hodler_lake-geneva-in-chexbres-1911 +portrait,Impressionism,berthe-morisot_little-girl-with-blond-hair +abstract_painting,Abstract_Expressionism,mark-tobey_image-1970 +genre_painting,Baroque,jan-steen_love-sickness-1660 +sketch_and_study,Early_Renaissance,domenico-ghirlandaio_study-of-garments +genre_painting,Impressionism,pierre-auguste-renoir_young-boy-by-the-river-1890 +landscape,Impressionism,john-henry-twachtman_waterfall-in-yellowstone +religious_painting,Baroque,rembrandt_the-tribute-money-1635 +portrait,Romanticism,orest-kiprensky_portrait-of-sergey-vyazmitinov +genre_painting,Impressionism,james-mcneill-whistler_pink-note-the-novelette +cityscape,Post_Impressionism,henri-martin_saint-cirq-lapopie +illustration,Art_Nouveau_Modern,koloman-moser_picture-book-for-the-niece-of-ditha-mautner-von-markhof-1904-10 +sketch_and_study,Romanticism,thomas-cole_the-fountain-no-10-the-wounded-indian-slaking-his-death-thirst-1843 +landscape,Realism,isaac-levitan_quartered-in-the-village +religious_painting,Mannerism_Late_Renaissance,el-greco_apparition-of-the-virgin-to-st-lawrence +genre_painting,Realism,ivan-vladimirov_the-seizure-of-german-automobiles +portrait,Northern_Renaissance,lucas-cranach-the-elder_hans-and-magrethe-luther-1527 +portrait,Rococo,maurice-quentin-de-la-tour_portrait-of-marie-leszczy-ska-queen-of-france-1748 +still_life,Pop_Art,audrey-flack_invocation-1982 +cityscape,Post_Impressionism,maurice-prendergast_naples +sketch_and_study,Northern_Renaissance,albrecht-durer_studies-on-the-proportions-of-the-female-body-1528 +religious_painting,Northern_Renaissance,petrus-christus_annunciation-and-nativity-1452 +religious_painting,Symbolism,odilon-redon_calvary +genre_painting,Ukiyo_e,utagawa-sadatora_women-on-the-shore-at-enoshima +genre_painting,Expressionism,saul-steinberg_georgetown-cuisine-1967 +sketch_and_study,Realism,james-tissot_phoenician-capital-1889 +illustration,Naive_Art_Primitivism,marc-chagall_so-i-came-forth-of-the-sea-1948 +still_life,Cubism,juan-gris_book-and-guitar-1925 +abstract_painting,Color_Field_Painting,gene-davis_looking-glass +genre_painting,Symbolism,mikhail-nesterov_reedpipe-1931 +abstract_painting,Color_Field_Painting,claude-viallat_untitled-no-326-2001 +abstract_painting,Color_Field_Painting,richard-diebenkorn_ocean-park-no-19 +portrait,Realism,vasily-tropinin_portrait-of-a-widow-in-a-blue-povoynik-1830 +religious_painting,Northern_Renaissance,albrecht-durer_christ-and-the-disciples-at-emmaus-1511 +religious_painting,Romanticism,gustave-dore_samson-and-delilah +portrait,Baroque,anthony-van-dyck_marie-de-raet-1631 +portrait,Baroque,anthony-van-dyck_philip-4th-earl-of-pembroke-and-his-family +portrait,Baroque,jacob-jordaens_portrait-of-jordaens-family +genre_painting,Baroque,rembrandt_a-beggar-warming-his-hands-over-a-chafing-dish-1630 +abstract_painting,Color_Field_Painting,paul-reed_upstart-xxv-1966 +genre_painting,Rococo,george-morland_the-piggery-1791 +genre_painting,Realism,vladimir-makovsky_politicians-1884 +nude_painting,Realism,gustave-courbet_the-source-bather-at-the-source-1868 +sketch_and_study,Symbolism,kuzma-petrov-vodkin_sleeping-woman-1913 +illustration,Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-literary-almanac-of-publisher-rosehip-1907(1) +portrait,Romanticism,sir-lawrence-alma-tadema_a-female-figure-resting-dolce-far-niente-1882 +portrait,Mannerism_Late_Renaissance,paolo-veronese_portrait-of-johann-jakob-1580 +portrait,Realism,pavel-fedotov_portrait-of-an-architect +landscape,Post_Impressionism,martiros-saryan_flowers-a-nook-of-the-garden-1940 +sketch_and_study,Mannerism_Late_Renaissance,jacopo-pontormo_christ-the-judge-with-the-creation-of-eve +still_life,Impressionism,stefan-luchian_white-roses +portrait,Romanticism,henry-raeburn_john-playfair +cityscape,Post_Impressionism,henri-martin_at-the-pergola +still_life,Cubism,le-corbusier_still-life-filled-with-space-1924 +portrait,Romanticism,jan-matejko_casimir-the-great +cityscape,Impressionism,childe-hassam_cityscape +landscape,Impressionism,claude-monet_morning-on-the-seine-clear-weather-02 +portrait,Realism,boris-kustodiev_portrait-of-the-commandant-of-the-mariinsky-palace-major-general-pavel-shevelev-1903 +portrait,Fauvism,henri-matisse_a-woman-sitting-before-the-window +abstract_painting,Abstract_Expressionism,richard-pousette-dart_head-of-a-king-1940 +landscape,Rococo,thomas-gainsborough_rocky-wooded-landscape-with-waterfall-castle-and-mountain +genre_painting,Impressionism,mary-cassatt_auguste-reading-to-her-daughter-1910 +genre_painting,Impressionism,edgar-degas_dancers-in-pink-1885 +nude_painting,Impressionism,paul-mathiopoulos_female-nude-2 +portrait,Impressionism,pierre-auguste-renoir_girl-with-brown-hair +portrait,Symbolism,augustus-john_mrs-a-a-jack-1898 +portrait,New_Realism,george-luks_little-lore-with-her-hat +portrait,Realism,corneliu-baba_the-chess-player-1948 +genre_painting,Post_Impressionism,maurice-prendergast_the-idlers +genre_painting,Baroque,johannes-vermeer_a-young-woman-seated-at-the-virginals-a-young-woman-seated-at-the-virginal +portrait,Baroque,peter-paul-rubens_girl-with-fan +sketch_and_study,Northern_Renaissance,albrecht-durer_study-of-male-hands-and-arms +sketch_and_study,Realism,vasily-perov_head-of-a-kirghiz-sketch +portrait,Rococo,jean-honore-fragonard_a-young-scholar-1778 +abstract_painting,Color_Field_Painting,claude-viallat_untitled-2007-126-2007 +portrait,Ukiyo_e,utagawa-kuniyoshi_women-6 +portrait,Rococo,louise-elisabeth-vigee-le-brun_portrait-of-elisaveta-alexandrovna-demidova-nee-stroganova-1792 +nude_painting,Expressionism,yiannis-moralis_nude-1962 +religious_painting,High_Renaissance,raphael_the-serpent-the-cross +landscape,Impressionism,pierre-auguste-renoir_cagnes-landscape-3 +landscape,Romanticism,john-constable_brighton-beach-with-colliers-1824 +portrait,Expressionism,hedda-sterne_saul-steinberg-1950 +portrait,Expressionism,corneliu-baba_the-mad-king-1987 +genre_painting,Realism,vladimir-makovsky_a-girl-with-geese-1875 +religious_painting,Early_Renaissance,benozzo-gozzoli_stigmatization-of-st-francis +landscape,Realism,camille-corot_fishing-with-nets-1850 +sketch_and_study,Impressionism,nicolae-vermont_gypsy-woman-study-1918 +illustration,Art_Nouveau_Modern,aubrey-beardsley_the-achieving-of-the-sangreal +religious_painting,Art_Nouveau_Modern,wilhelm-kotarbinski_st-pafnuty +landscape,Symbolism,konstantin-bogaevsky_devil-s-finger +portrait,Baroque,rembrandt_alexander-the-great +genre_painting,Baroque,le-nain-brothers_country-interior-with-the-young-player-of-flageolet +landscape,Impressionism,camille-pissarro_the-seine-at-marly-1871 +illustration,Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-russian-fairy-story-maria-morevna-1900-2(1) +abstract_painting,Abstract_Expressionism,paul-jenkins_not_detected_235717 +sketch_and_study,Realism,ivan-shishkin_sketch-of-the-painting-in-1898-1898 +landscape,Post_Impressionism,vincent-van-gogh_edge-of-a-wheatfield-with-poppies-1887(1) +religious_painting,Symbolism,nicholas-roerich_the-saints-have-gone-leave-gleb-as-keeper-1920 +portrait,Mannerism_Late_Renaissance,agnolo-bronzino_portrait-of-giovanni-de-medici-1545 +genre_painting,Impressionism,georges-seurat_riverman-1884 +religious_painting,Mannerism_Late_Renaissance,tintoretto_the-circumcision +landscape,Realism,camille-corot_a-cow-grazing-beneath-a-birch-tree +nude_painting,Contemporary_Realism,neil-welliver_nude-in-striped-robe-2 +portrait,Northern_Renaissance,gerard-david_portrait-of-a-goldsmith +landscape,Realism,fyodor-vasilyev_near-krasnoye-selo +landscape,Impressionism,paul-signac_the-lighthouse-of-gatteville +sketch_and_study,Expressionism,yiannis-tsaroychis_study-for-the-four-seasons-painting-1967 +genre_painting,Impressionism,pierre-auguste-renoir_laundresses-1 +abstract_painting,Color_Field_Painting,friedel-dzubas_isis +religious_painting,Symbolism,william-blake_the-descent-of-christ-1820 +religious_painting,Early_Renaissance,antonello-da-messina_ecce-homo-1474 +religious_painting,Symbolism,salvador-dali_beati-pauperes-beati-mites-beati-psalms-1-1-1967 +nude_painting,Impressionism,pierre-auguste-renoir_bather-from-the-back +religious_painting,Art_Nouveau_Modern,sergey-solomko_joseph-and-potiphar-s-wife +sketch_and_study,Impressionism,edgar-degas_combing-the-hair +portrait,Impressionism,claude-monet_meditation-madame-monet-sitting-on-a-sofa-1871 +sketch_and_study,Baroque,rembrandt_seated-old-man-possibly-rembrandt-s-father +still_life,Cubism,louis-marcoussis_still-life-with-big-bear-1926 +illustration,Art_Nouveau_Modern,heorhiy-narbut_illustration-for-the-book-how-mice-buried-the-cat-by-zhukovsky-1910-3 +portrait,Rococo,louise-elisabeth-vigee-le-brun_hyacinthe-gabrielle-roland-1791 +genre_painting,Expressionism,edvard-munch_evening-on-karl-johan-street-1892 +portrait,Baroque,frans-hals_the-merry-drinker-detail-1630 +landscape,Expressionism,ivan-albright_road-augsburg-to-munich-germany-1975 +abstract_painting,Abstract_Expressionism,willem-de-kooning_park-rosenberg +portrait,Fauvism,rik-wouters_woman-at-the-window-1915 +portrait,Romanticism,konstantin-makovsky_portrait-of-artist-alexander-popov +portrait,Baroque,rembrandt_hendrickje-stoffels-in-velvet-beret +religious_painting,High_Renaissance,pietro-perugino_polyptych-of-st-peter-resurrection-1500 +abstract_painting,Action_painting,jackson-pollock_alchemy-1947(2) +religious_painting,Baroque,mestre-ataã­de_a-ltima-ceia-1828 +religious_painting,Baroque,peter-paul-rubens_madonna-and-child-with-the-donors-alexandre-goubeau-and-his-wife-anne-antoni +landscape,Symbolism,nicholas-roerich_tibet-himalayas +portrait,Northern_Renaissance,albrecht-durer_portrait-of-marx-ulstat-and-the-beautiful-princess-in-antwerp +portrait,Symbolism,odilon-redon_the-laureate-head +genre_painting,Impressionism,henri-martin_farmer-kneeling +religious_painting,Baroque,guido-reni_saint-luke-1621 +landscape,Impressionism,pierre-auguste-renoir_landscape-at-cagnes +landscape,Realism,aleksey-savrasov_landscape-with-wolves +cityscape,Impressionism,joaquã­n-sorolla_the-port-of-valencia-1882 +genre_painting,Symbolism,kuzma-petrov-vodkin_samarkand-1926 +religious_painting,Early_Renaissance,domenico-ghirlandaio_madonna-in-glory-with-saints +portrait,Cubism,victor-brauner_portrait-of-ilarie-voronca-1925 +abstract_painting,Color_Field_Painting,gene-davis_sweet-score-skylark-1960 +religious_painting,Symbolism,james-tissot_the-glory-of-joseph +religious_painting,Baroque,bartolome-esteban-murillo_st-leander-1655 +landscape,Impressionism,claude-monet_three-trees-autumn-effect +landscape,Post_Impressionism,ferdynand-ruszczyc_krym-brzeg-morza-1895 +sketch_and_study,Realism,john-singer-sargent_portrait-of-james-carroll-beckwith +landscape,Pointillism,samuel-mutzner_c-pi-la-giverny-1908 +illustration,Expressionism,lynd-ward_not-detected-272512 +religious_painting,High_Renaissance,raphael_solly-madonna +still_life,Cubism,auguste-herbin_the-small-boat-1927 +portrait,Art_Nouveau_Modern,felix-vallotton_british-designer-and-writer-william-morris-1896 +abstract_painting,Abstract_Expressionism,hans-hofmann_joy-sparks-of-the-gods-ii-1958 +sketch_and_study,Post_Impressionism,vincent-van-gogh_the-starry-night-1888 +abstract_painting,Abstract_Expressionism,helen-frankenthaler_untitled-1951 +sketch_and_study,Realism,vincent-van-gogh_peasant-woman-seen-against-the-window-two-heads-1885 +cityscape,Art_Nouveau_Modern,anna-ostroumova-lebedeva_french-embankment +genre_painting,Naive_Art_Primitivism,marc-chagall_the-yellow-rooster-1960 +genre_painting,Impressionism,james-mcneill-whistler_battersea-reach-from-lindsey-houses +nude_painting,Post_Impressionism,pablo-picasso_nude-with-her-hands-pressed-to-each-other-1906 +portrait,Realism,william-merritt-chase_girl-in-white-aka-portrait-of-irene-dimock +cityscape,Rococo,bernardo-bellotto_rome-view-of-the-piazza-di-san-giovanni-in-laterano +nude_painting,Post_Impressionism,pierre-bonnard_horse-hair-glove-1939 +illustration,Art_Nouveau_Modern,aubrey-beardsley_messalina-returning-home +genre_painting,New_Realism,john-french-sloan_the-cot-1907 +religious_painting,High_Renaissance,raphael_colonna-madonna +illustration,Romanticism,gustave-dore_the-slothful +landscape,Impressionism,lucia-demetriade-balacescu_lacul-fundeni-1962 +still_life,Realism,henri-fantin-latour_plums-and-peaches-1894 +landscape,Realism,aleksey-savrasov_lake-in-the-swiss-mountains-1866 +genre_painting,Romanticism,fyodor-bronnikov_entering-the-arena-1869 +landscape,Fauvism,charles-lapicque_ferme-en-bretagne +abstract_painting,Action_painting,franz-kline_c-and-o-1958 +genre_painting,Realism,theo-van-rysselberghe_moroccan-butcher-shop-1882 +portrait,Expressionism,zinaida-serebriakova_portrait-of-r-ernst-1922 +landscape,Realism,camille-corot_avignon-seen-from-villenueve-les-avignon-1836 +still_life,Impressionism,paul-cezanne_still-life-with-italian-earthenware-jar +nude_painting,Art_Nouveau_Modern,boris-kustodiev_beauty-1918 +portrait,Realism,william-merritt-chase_portrait-of-william-gurley-munson +portrait,Symbolism,odilon-redon_closed-eyes-2 +landscape,Symbolism,nicholas-roerich_everest-1937 +landscape,Realism,fyodor-vasilyev_bridge-over-a-brook +landscape,Post_Impressionism,nikola-tanev_landscape +landscape,Impressionism,egon-schiele_winding-brook-1906 +sketch_and_study,Symbolism,nicholas-roerich_monhigan-study-1922-19 +landscape,Impressionism,alfred-sisley_the-loing-at-moret-1883 +landscape,Realism,aleksey-savrasov_summer-day-1856 +landscape,Realism,theodore-rousseau_not_detected_198921 +genre_painting,Naive_Art_Primitivism,niko-pirosmani_shepherd +portrait,Art_Nouveau_Modern,felix-vallotton_portrait-of-french-writer-paul-adam-1896 +still_life,Impressionism,constantin-artachino_pink-rose +cityscape,Realism,m.c.-escher_corsica-corte +abstract_painting,Color_Field_Painting,theodoros-stamos_double-green-sun-box-1967 +religious_painting,Art_Nouveau_Modern,alphonse-mucha_salome-1897 +portrait,Realism,john-singer-sargent_mrs-charles-russell-1900 +landscape,Impressionism,claude-monet_the-pyramids-at-port-coton-1 +landscape,Expressionism,nicolae-tonitza_balcic-corner-1936 +landscape,Impressionism,alfred-sisley_on-the-cliffs-langland-bay-wales-1897 +sketch_and_study,Art_Nouveau_Modern,nicholas-roerich_coast-near-ledenets-1919 +landscape,Impressionism,georges-seurat_a-canoes-1885 +portrait,Fauvism,rik-wouters_autumn-1913 +portrait,Realism,ivan-kramskoy_portrait-of-anatoly-kramskoy-the-artist-s-son-1882 +genre_painting,Realism,jean-francois-millet_the-knitting-shepherdess-1857 +religious_painting,Post_Impressionism,ilya-mashkov_st-george-killing-the-dragon-1918 +portrait,Baroque,rembrandt_head-and-bust-full-face-1630 +landscape,Northern_Renaissance,pieter-bruegel-the-elder_the-gloomy-day-1559 +genre_painting,Romanticism,sir-lawrence-alma-tadema_unconscious-rivals-1893 +portrait,Abstract_Expressionism,willem-de-kooning_marilyn-monroe-1954 +abstract_painting,Abstract_Expressionism,brice-marden_suicide-notes-1972 +abstract_painting,Minimalism,edward-corbett_untitled-1969 +religious_painting,Mannerism_Late_Renaissance,tintoretto_the-vision-of-ezekiel-1578 +landscape,Romanticism,taras-shevchenko_aulia-tau-1851 +still_life,Cubism,pablo-picasso_vase-with-flowers-1943 +sketch_and_study,Art_Nouveau_Modern,henri-de-toulouse-lautrec_miss-may-belfort-welcoming-1895 +illustration,Art_Nouveau_Modern,edmund-dulac_stealers-of-light-by-the-queen-of-romania +landscape,Naive_Art_Primitivism,niko-pirosmani_bridge-graft-viris-hidy +sketch_and_study,Realism,john-singer-sargent_olimpio-fusco +religious_painting,Baroque,le-nain-brothers_christ-on-the-cross +landscape,Impressionism,claude-monet_cliffs-of-les-petites-dalles-2 +portrait,Realism,boris-kustodiev_portrait-of-yuri-korvin-krukovsky-1926-1 +portrait,Realism,ilya-repin_portrait-of-the-honorary-member-of-the-academy-of-sciences-and-academy-of-arts-p-p-semenov-tian +genre_painting,Realism,william-adolphe-bouguereau_her-first-jewels-1891 +genre_painting,Impressionism,childe-hassam_afternoon-in-nantucket +sketch_and_study,Symbolism,kuzma-petrov-vodkin_the-model-1924 +genre_painting,Realism,john-lewis-krimmel_merrymaking-at-a-wayside-inn +portrait,Realism,karoly-ferenczy_b-ni-and-no-mi-1908 +landscape,Baroque,jacob-isaakszoon-van-ruisdael_two-watermills-and-an-open-sluice-1653 +landscape,Realism,vasily-surikov_river-ob-1895 +cityscape,Impressionism,childe-hassam_church-at-old-lyme +religious_painting,Baroque,bartolome-esteban-murillo_liberation-of-st-peter-1667 +cityscape,Post_Impressionism,edouard-cortes_tuileries-garden-1 +landscape,Impressionism,salvador-dali_landscape-with-animals +landscape,Cubism,pablo-picasso_landscape-of-juan-les-pins-1920 +genre_painting,Baroque,jan-siberechts_delousing-scene-detail-of-a-painting-by-jan-siberechts-farmyard-1662 +abstract_painting,Abstract_Expressionism,paul-reed_20-1962 +illustration,Early_Renaissance,sandro-botticelli_paradise-canto-vi-1490(1) +sketch_and_study,Northern_Renaissance,albrecht-durer_madonna-and-child-saints-and-angels-playing +genre_painting,Cubism,marc-chagall_lovers-with-flowers-1927 +portrait,Expressionism,lucian-freud_father-and-daughter-1949 +cityscape,Expressionism,jan-sluyters_leidseplein +abstract_painting,Minimalism,pino-pinelli_pittura-gr-1975 +genre_painting,Romanticism,sir-lawrence-alma-tadema_preparation-in-the-coliseum-1912 +religious_painting,Early_Renaissance,filippo-lippi_the-vision-of-st-augustine-1465 +landscape,Impressionism,periklis-vyzantios_ydra-1959 +portrait,Impressionism,william-merritt-chase_study-of-black-against-yello +landscape,Realism,ivan-shishkin_in-the-forest-1889 +still_life,Realism,henri-fantin-latour_still-life-with-pansies-1874 +nude_painting,Realism,robert-brackman_pastel-1 +genre_painting,Impressionism,claude-monet_a-woman-reading(1) +landscape,Symbolism,nicholas-roerich_himalayas-51 +cityscape,Realism,camille-corot_dunkirk-the-fishing-docks +genre_painting,Baroque,david-teniers-the-younger_heron-hunting-with-the-archduke-leopold-wilhelm +portrait,Realism,john-singer-sargent_the-earle-of-dalhousie-1900 +abstract_painting,Abstract_Expressionism,aki-kuroda_first-night-i-1979 +religious_painting,Northern_Renaissance,bernhard-strigel_christ-taking-leave-of-his-mother +abstract_painting,Color_Field_Painting,gene-davis_diamond-jim-1972 +landscape,Realism,camille-corot_soissons-seen-from-mr-henry-s-factory-1833 +portrait,Realism,henri-fantin-latour_the-embroiderers-1895 +genre_painting,Realism,grigoriy-myasoyedov_people-burning-themselves-1884 +religious_painting,Mannerism_Late_Renaissance,el-greco_the-last-supper +still_life,Post_Impressionism,paul-cezanne_blue-pot-and-bottle-of-wine-1902 +genre_painting,Impressionism,maurice-prendergast_strolling-in-the-park-also-known-as-in-the-park +portrait,Ukiyo_e,utagawa-kuniyoshi_roshi-ensei-lifting-a-heavy-beam +still_life,Fauvism,raoul-dufy_still-life-with-bananas-1909 +landscape,Impressionism,camille-pissarro_view-of-a-farm-in-osny-1883 +portrait,Art_Nouveau_Modern,felix-vallotton_portrait-of-french-writer-auguste-villiers-de-l-isle-adam-1898 +abstract_painting,Color_Field_Painting,howard-hodgkin_bedroom-1968 +portrait,Baroque,frans-hals_portrait-of-a-man-1650 +genre_painting,Impressionism,eugene-boudin_untitled-1890 +religious_painting,Early_Renaissance,fra-angelico_the-presentation-of-christ-in-the-temple-1434 +genre_painting,Art_Nouveau_Modern,sergey-solomko_for-you-brave-soldier +genre_painting,Cubism,andrã©-lhote_l-escale-1913 +cityscape,Fauvism,raoul-dufy_flags-1906 +genre_painting,Impressionism,konstantin-korovin_in-the-boat-1888 +landscape,Baroque,esaias-van-de-velde_farm-on-a-river-between-trees +cityscape,Impressionism,konstantin-korovin_gursuf-1914 +genre_painting,Impressionism,berthe-morisot_little-girls-in-the-garden-1885 +portrait,Rococo,dmitry-levitzky_ivan-bilibin +portrait,Romanticism,franz-xaver-winterhalter_elisabeth-kaiserin-von-sterreich +portrait,Romanticism,theodore-gericault_an-italian-montagnard +abstract_painting,Abstract_Expressionism,sam-francis_firewood-1973 +portrait,Realism,ivan-kramskoy_portrait-of-sofia-nikolaevna-kramskoy-in-hat-1863 +religious_painting,Baroque,caravaggio_john-the-baptist-1602(1) +portrait,Realism,john-singer-sargent_rose-marie-ormond-1912 +landscape,Post_Impressionism,konstantinos-parthenis_landscape-with-cypress-and-pine-trees-on-a-rocky-shore +genre_painting,Rococo,william-hogarth_the-distrest-poet-1736 +genre_painting,Romanticism,ivan-aivazovsky_wedding-in-ukraine-1892 +landscape,Impressionism,robert-julian-onderdonk_a-cloudy-day-bluebonnets-near-san-antonio-texas-1918 +genre_painting,Expressionism,natalia-goncharova_peasant-women +portrait,Rococo,jean-honore-fragonard_girl-with-a-dog +portrait,Realism,konstantin-makovsky_blind-man +religious_painting,Northern_Renaissance,jan-van-eyck_the-ghent-altar-detail-1432 +genre_painting,Expressionism,pablo-picasso_young-acrobat-and-clown-1905 +genre_painting,Romanticism,francisco-goya_the-divided-arena-1825 +landscape,Impressionism,alfred-sisley_landscape-with-houses-1873 +illustration,Naive_Art_Primitivism,marc-chagall_tchitchikov-and-sobakevich-after-dinner +sketch_and_study,Art_Nouveau_Modern,alphonse-mucha_standing-figure +landscape,Impressionism,john-singer-sargent_granada-sunspots-1912 +religious_painting,Early_Renaissance,domenico-veneziano_the-stigmatization-of-st-francis +landscape,Expressionism,ernst-ludwig-kirchner_davos-in-summer +abstract_painting,Minimalism,agnes-martin_the-tree-1964 +genre_painting,Expressionism,jose-gutierrez-solana_carnival-in-a-village +religious_painting,Mannerism_Late_Renaissance,tintoretto_lamentation +portrait,Expressionism,egon-schiele_seated-woman-with-green-stockings-1918 +genre_painting,Expressionism,gerard-sekoto_the-jazz-band-1961 +religious_painting,Early_Renaissance,masaccio_adam-and-eve-banished-from-paradise +sketch_and_study,Post_Impressionism,vincent-van-gogh_head-of-a-man-1886(1) +abstract_painting,Abstract_Expressionism,craig-kauffman_still-life-1957 +landscape,Baroque,esaias-van-de-velde_path-along-a-lighthouse-on-the-beach +portrait,Realism,ilya-repin_portrait-of-e-g-mamontova-reading-1879 +landscape,Realism,theodore-rousseau_the-collier-s-hut +landscape,Realism,arkhip-kuindzhi_early-spring +sketch_and_study,Art_Nouveau_Modern,nicholas-roerich_study-to-flying-carpet-1915 +religious_painting,Northern_Renaissance,lucas-cranach-the-elder_adam-and-eve-1528 +landscape,Realism,camille-corot_passiance-in-saint-avit-1872 +cityscape,Impressionism,gregoire-boonzaier_after-the-rain-cape-town +sketch_and_study,Impressionism,mary-cassatt_mother-and-child +landscape,Impressionism,claude-monet_the-valley-of-the-scie-at-pouville +landscape,Realism,volodymyr-orlovsky_nizhny-novgorod +landscape,Post_Impressionism,grã©goire-michonze_country-landscape-1966 +cityscape,Expressionism,ossip-zadkine_the-ball-july-14 +illustration,Symbolism,harry-clarke_the-year-s-at-the-spring-1920-35 +still_life,Rococo,jean-baptiste-oudry_still-life-with-hare-duck-loaf-of-bread-cheese-and-flasks-of-wine-1742 +cityscape,Post_Impressionism,gustave-loiseau_pont-neuf-in-the-snow-1922 +portrait,Northern_Renaissance,lucas-cranach-the-elder_portrait-of-frau-reuss-1514 +portrait,Post_Impressionism,henri-de-toulouse-lautrec_rice-powder-1887 +religious_painting,Northern_Renaissance,albrecht-altdorfer_christ-on-the-cross +still_life,Rococo,jean-baptiste-simeon-chardin_still-life-with-herrings +portrait,Symbolism,odilon-redon_portrait-of-ari-redon +portrait,Post_Impressionism,pablo-picasso_portrait-of-jaime-sabartes-1901 +landscape,Baroque,rembrandt_st-anthonisgate-amsterdam-sun +landscape,Impressionism,paul-cezanne_basin-and-washing-place-in-jas-de-bouffan +genre_painting,Expressionism,henri-matisse_the-french-window-at-nice-1919 +religious_painting,Mannerism_Late_Renaissance,tintoretto_the-miracle-of-st-agnes +portrait,Romanticism,domingos-sequeira_retrato-equestre-de-carlota-joaquina-of-spain-1830 +portrait,Romanticism,jan-matejko_maria-puslowska +genre_painting,Realism,constantin-guys_the-spread +religious_painting,Northern_Renaissance,albrecht-durer_lamentation-of-christ +landscape,Symbolism,konstantin-bogaevsky_consular-tower-in-sudak-1903 +landscape,Naive_Art_Primitivism,grandma-moses_not_detected_251623(1) +portrait,Naive_Art_Primitivism,mary-fedden_on-the-shore-1988 +sketch_and_study,High_Renaissance,raphael_psyche-presenting-venus-with-water-from-the-styx-1517 +abstract_painting,Color_Field_Painting,pedro-calapez_janela-aberta-1998 +cityscape,Impressionism,konstantin-korovin_sunset-at-the-outskirt-of-the-town +landscape,Symbolism,konstantin-bogaevsky_cimmerian-twilight-1911 +genre_painting,Romanticism,andrei-ryabushkin_russian-women-of-the-xvii-century-in-church +abstract_painting,Abstract_Expressionism,theodoros-stamos_coney-island-1945 +nude_painting,Post_Impressionism,theodor-pallady_reading-nude-nu-la-lecture +portrait,Expressionism,ernst-ludwig-kirchner_dodo-and-her-son +portrait,Impressionism,ion-theodorescu-sion_scout-1917 +genre_painting,Baroque,aelbert-cuyp_flock-of-sheep-at-pasture-1655 +landscape,Post_Impressionism,pierre-daura_calafons-minorque-1927 +religious_painting,High_Renaissance,michelangelo_sistine-chapel-ceiling-the-temptation-and-expulsion-1512 +portrait,Post_Impressionism,stefan-luchian_alecu-the-literate-man +genre_painting,Realism,john-lewis-krimmel_pepper-pot-woman-at-the-philadelphia-market-1811 +religious_painting,Early_Renaissance,giovanni-bellini_virgin-and-child-1 +illustration,Expressionism,saul-steinberg_louse-point-1967 +landscape,Contemporary_Realism,john-miller_beach-goa +abstract_painting,Abstract_Expressionism,john-hoyland_vincent-s-moon-11-7-07-2007 +sketch_and_study,Art_Nouveau_Modern,henri-de-toulouse-lautrec_they-woman-looking-into-a-hand-held-mirror-1896 +cityscape,Impressionism,alfred-sisley_fete-day-at-marly-le-roi-the-fourteenth-of-july-at-marly-le-roi-1875 +genre_painting,Naive_Art_Primitivism,maria-primachenko_shepherds-1959 +genre_painting,Expressionism,jose-gutierrez-solana_procession-in-toledo +portrait,Ukiyo_e,utagawa-kuniyoshi_caga-no-chiyo-standing-beside-a-well +landscape,Expressionism,pyotr-konchalovsky_balaklava-the-landscape-1929 +cityscape,Impressionism,claude-monet_saint-lazare-station-sunlight-effect +genre_painting,Expressionism,ernst-ludwig-kirchner_farmer-milking-a-goat +religious_painting,Symbolism,wilhelm-kotarbinski_girl-with-angel +abstract_painting,Color_Field_Painting,ellsworth-kelly_white-and-black-1951 +nude_painting,Expressionism,jan-sluyters_odalisque +genre_painting,Impressionism,joaquã­n-sorolla_the-two-sisters-1909 +portrait,Realism,thomas-eakins_portrait-of-samuel-murray-1889 +landscape,Symbolism,nicholas-roerich_hidden-treasure-1947 +abstract_painting,Cubism,louis-schanker_study-in-green-and-black-1939 +landscape,Impressionism,claude-monet_cliffs-of-varengeville-gust-of-wind-1 +portrait,Ukiyo_e,keisai-eisen_seki-shiratama-of-the-sano-matsuya-1823(1) +genre_painting,Post_Impressionism,edouard-vuillard_under-the-portico-1900 +abstract_painting,Abstract_Expressionism,atsuko-tanaka_93e-1993 +portrait,Impressionism,william-merritt-chase_assyrian-girl +landscape,Realism,isaac-levitan_above-the-eternal-tranquility-1894 +illustration,Art_Nouveau_Modern,edmund-dulac_where-i-made-one-the-rubaiyat-of-omar-khayyam +genre_painting,Realism,thomas-eakins_professionals-at-rehearsal-1883 +landscape,Symbolism,konstantin-bogaevsky_morning-1910 +still_life,Cubism,juan-gris_guitar-and-music-paper-1927 +portrait,Expressionism,marc-chagall_wounded-soldier-1914 +illustration,Baroque,adriaen-van-de-venne_illustration-1 +portrait,Expressionism,zinaida-serebriakova_sandra-loris-melikov-1925 +nude_painting,Art_Nouveau_Modern,raphael-kirchner_nude-drawings-17 +religious_painting,Romanticism,gustave-dore_the-wrestle-of-jacob-1855 +religious_painting,Romanticism,gustave-dore_the-beseech-that-moses-might-report-to-them-his-will-and-terror-cease +portrait,Expressionism,amedeo-modigliani_portrait-of-leopold-zborowski-1917 +landscape,Impressionism,t.-c.-steele_haying-scene-1884 +illustration,Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-russian-fairy-story-the-frog-princess-1930(1) +abstract_painting,Cubism,mario-sironi_not-identified-1 +nude_painting,Expressionism,balthus_getting-up +landscape,Impressionism,robert-julian-onderdonk_misty-morning +portrait,Mannerism_Late_Renaissance,el-greco_portrait-of-giulio-clovio-1572 +landscape,Romanticism,joseph-wright_vesuvius-from-posillipo +landscape,Post_Impressionism,vincent-van-gogh_two-white-butterflies-1889 +landscape,Post_Impressionism,paul-gauguin_in-the-vanilla-grove-man-and-horse-the-rendezvous-1891 +religious_painting,Baroque,jacob-jordaens_the-assumption-of-the-virgin +portrait,Ukiyo_e,utagawa-kuniyoshi_man-on-a-boat +portrait,Northern_Renaissance,lucas-cranach-the-elder_joachim-i-nestor-elector-of-brandenburg-1529 +genre_painting,Expressionism,pablo-picasso_the-old-blind-guitarist-1903 +illustration,Expressionism,lynd-ward_not-detected-272531 +genre_painting,Expressionism,kathe-kollwitz_not_detected_235992 +landscape,Realism,vasily-surikov_naples-1900 +portrait,Art_Nouveau_Modern,raphael-kirchner_a-half-of-a-virgin-1901-5 +religious_painting,Northern_Renaissance,jan-van-eyck_the-rolin-madonna-la-vierge-au-chancelier-rolin-1435 +cityscape,Expressionism,bui-xuan-phai_hanoi +religious_painting,Mannerism_Late_Renaissance,paolo-veronese_the-finding-of-moses +portrait,Impressionism,pierre-auguste-renoir_jeanne-samary-1878 +portrait,Art_Nouveau_Modern,mikhail-vrubel_portrait-of-n-zabela-vrubel-on-the-edge-of-a-birch-grove-1904 +genre_painting,Northern_Renaissance,hans-baldung_aristotle-and-phyllis +religious_painting,Northern_Renaissance,albrecht-durer_mary-with-child-wound-on-the-grassy-bank +still_life,Baroque,osias-beert_dishes-with-oysters-fruit-and-wine-1625 +landscape,Post_Impressionism,vincent-van-gogh_the-fields-1890 +landscape,Impressionism,hoca-ali-riza_peyzaj(1) +genre_painting,Expressionism,ernst-ludwig-kirchner_street-scene-in-front-of-the-shop-window +landscape,Naive_Art_Primitivism,candido-portinari_hill-1933 +genre_painting,Art_Nouveau_Modern,aubrey-beardsley_a-nightpiece-1894 +cityscape,Realism,pyotr-konchalovsky_skating-rink-dynamo-1948 +religious_painting,Baroque,peter-paul-rubens_lamentation-christ-on-the-straw-1618 +illustration,Romanticism,gustave-dore_terrestrial-paradise +landscape,Post_Impressionism,vincent-van-gogh_bush-in-the-park-at-arles-1888(1) +landscape,Contemporary_Realism,gilles-aillaud_mar-e-basse-courants-ii-1986 +sketch_and_study,Realism,thomas-eakins_illustrated-letter-written-to-his-family-1866-1 +religious_painting,Early_Renaissance,andrea-del-castagno_st-jerome +religious_painting,Baroque,francisco-de-zurbaran_st-gregory-1627 +portrait,Cubism,pablo-picasso_portrait-of-sylvette-david-in-green-chair-1954 +landscape,Realism,camille-corot_cabins-with-mill-on-the-river-bank-1831 +sketch_and_study,Realism,vincent-van-gogh_peasant-lifting-potatoes-2-1885 +landscape,Impressionism,alfred-sisley_along-the-woods-in-spring-1889 +abstract_painting,Abstract_Expressionism,frank-bowling_pondlife-2010 +genre_painting,Expressionism,ernst-ludwig-kirchner_hamburg-dancers +landscape,Impressionism,alfred-sisley_the-road-from-prunay-to-bougival-1874 +genre_painting,Realism,vasily-vereshchagin_yaqui-1875 +genre_painting,Post_Impressionism,georges-seurat_ploughing +cityscape,Pop_Art,hiro-yamagata_not-detected-272402 +sketch_and_study,Romanticism,eugene-delacroix_city-wall-of-meknes-morocco-from-the-sketchbook-1832(1) +portrait,Northern_Renaissance,mabuse_portrait-of-chancellor-jean-carondelet-1517 +portrait,Romanticism,konstantin-makovsky_portrait-of-the-artist-s-wife +landscape,Realism,mihaly-munkacsy_watering-1869 +still_life,Baroque,frans-snyders_grapes-in-a-basket-and-roses-in-a-vase +landscape,Post_Impressionism,gustave-loiseau_beach-at-fecamp-1 +portrait,Baroque,frans-hals_portrait-of-a-man +portrait,Baroque,peter-paul-rubens_isabella-brandt-first-wife +landscape,Realism,aleksey-savrasov_spring-1 +religious_painting,Symbolism,james-tissot_moses-laid-amid-the-flags +portrait,Realism,william-adolphe-bouguereau_far-niente-1904 +nude_painting,Post_Impressionism,moise-kisling_eve +religious_painting,Early_Renaissance,piero-della-francesca_heraclius-restores-the-cross-to-jerusalem-1464(1) +abstract_painting,Abstract_Expressionism,hans-hofmann_nulli-secundus-1964 +portrait,Impressionism,pierre-auguste-renoir_girl-with-a-straw-hat-1 +portrait,Northern_Renaissance,rogier-van-der-weyden_miniature-from-the-first-page-of-the-chroniques-de-hainaut-1448 +still_life,Realism,henri-fantin-latour_still-life-1869 +nude_painting,Fauvism,kazimir-malevich_bathers +landscape,Impressionism,claude-monet_charing-cross-bridge-fog-on-the-themes +abstract_painting,Color_Field_Painting,gene-davis_limelight-sounds-of-grass-1960 +abstract_painting,Color_Field_Painting,morris-louis_number-1-81-1961 +cityscape,Pointillism,henri-martin_terrace-in-sun +cityscape,Post_Impressionism,edouard-cortes_st-denis-1 +genre_painting,Impressionism,john-henry-twachtman_mother-and-child +genre_painting,Baroque,adriaen-van-de-venne_mans-grief +genre_painting,Expressionism,paula-modersohn-becker_girl-with-wooden-horses +abstract_painting,Abstract_Expressionism,cy-twombly_quattro-stagioni-part-ii-estate-1994 +abstract_painting,Color_Field_Painting,theodoros-stamos_infinity-field-lefkada-series-1979-1(1) +genre_painting,Symbolism,roger-de-la-fresnaye_the-shepherdess-spring-marie-child +genre_painting,Realism,vincent-van-gogh_cradle-1882(1) +sketch_and_study,Realism,isaac-levitan_moonlit-night-at-park-1885 +religious_painting,High_Renaissance,andrea-solario_rest-during-the-flight-to-egypt-1515 +portrait,Early_Renaissance,leonardo-da-vinci_woman-s-head +illustration,Symbolism,harry-clarke_the-year-s-at-the-spring-1920-13 +nude_painting,Art_Nouveau_Modern,zinaida-serebriakova_turkey-1916 +portrait,Baroque,frans-hals_malle-babbe-1635 +illustration,Romanticism,gustave-dore_don-quixote-and-sancho-setting-out-1863 +genre_painting,Impressionism,edgar-degas_blue-dancers +portrait,Baroque,frans-hals_portrait-of-a-man-1644 +religious_painting,High_Renaissance,michelangelo_sistine-chapel-ceiling-the-persian-sibyl-1511 +religious_painting,Early_Renaissance,fra-angelico_entombment-1440 +landscape,Realism,vasily-polenov_the-river-valley-1900 +landscape,Expressionism,fred-williams_landscape-with-acacias-1974 +genre_painting,Baroque,gerrit-dou_burgomaster-hasselaar-and-his-wife +religious_painting,Naive_Art_Primitivism,marc-chagall_bathsheba-1963 +religious_painting,Symbolism,james-tissot_pharaoh-and-his-dead-son +religious_painting,Northern_Renaissance,hieronymus-bosch_the-garden-of-earthly-delights-1516-18 +religious_painting,Baroque,bartolome-esteban-murillo_rebecca-and-eliezer-1650 +genre_painting,Realism,gustave-courbet_dressing-the-dead-girl-dressing-the-bride +landscape,Realism,camille-corot_village-at-the-foot-of-a-hill-ile-de-france +landscape,Impressionism,ilya-mashkov_bakhchisaray +genre_painting,Art_Nouveau_Modern,eugã¨ne-grasset_girl-in-the-garden +genre_painting,Expressionism,balthus_lady-abdy-1935 +religious_painting,Baroque,eustache-le-sueur_presentation-of-the-virgin-in-the-temple +sketch_and_study,Cubism,fernand-leger_portrait-of-henry-viel-a-friend-of-painter-fernand-leger-1904 +cityscape,Cubism,lyonel-feininger_gelmeroda-viii-1921 +still_life,Cubism,jean-hugo_table-de-jeu-1919 +genre_painting,Impressionism,walter-sickert_miss-earhart-s-arrival-1932 +genre_painting,Impressionism,nikolay-bogdanov-belsky_first-lesson +still_life,Post_Impressionism,paul-cezanne_still-life-with-basket +landscape,Impressionism,claude-monet_road-near-giverny-02 +genre_painting,Romanticism,caspar-david-friedrich_woman-on-the-stairs +genre_painting,Rococo,george-morland_the-boatman-s-house +genre_painting,Ukiyo_e,kitagawa-utamaro_the-hour-of-the-dragon-1 +portrait,Expressionism,chronis-botsoglou_assets-large-t-420-53463739 +landscape,Impressionism,claude-monet_meadow-at-limetz +portrait,Impressionism,konstantin-makovsky_girl-in-bonnet +illustration,Expressionism,m.c.-escher_initial-a +still_life,Synthetic_Cubism,pablo-picasso_guitar-1920 +portrait,Cubism,juan-gris_portrait-of-a-man-1923 +portrait,Baroque,diego-velazquez_don-sebastian-de-morra +landscape,Romanticism,caspar-david-friedrich_bohemian-landscape-with-mount-milleschauer-1808 +portrait,Realism,john-singer-sargent_cecil-harrison +portrait,Impressionism,pierre-auguste-renoir_bust-of-a-young-girl-in-a-straw-hat-1917 +portrait,Post_Impressionism,paul-cezanne_young-girl-with-a-doll +still_life,Impressionism,pierre-auguste-renoir_bouquet-in-a-theater-box +landscape,Realism,fyodor-vasilyev_barges-near-the-bank +portrait,Expressionism,amedeo-modigliani_seated-woman-weared-in-blue-blouse-1919 +abstract_painting,Abstract_Expressionism,esteban-vicente_harriet-1984 +sketch_and_study,Realism,vincent-van-gogh_sketches-of-the-old-tower-and-figures-1885 +portrait,Expressionism,george-mavroides_pink-blouse-1971 +nude_painting,Expressionism,spyros-papaloukas_nude-1917-1 +nude_painting,Expressionism,ligia-macovei_thinking +genre_painting,Art_Nouveau_Modern,henri-de-toulouse-lautrec_dancer-adjusting-her-tights-1890 +religious_painting,Northern_Renaissance,hugo-van-der-goes_the-adoration-of-the-shepherds +landscape,Impressionism,stefan-popescu_summer-landscape +landscape,Impressionism,eugene-boudin_the-inner-port-of-trouville-at-low-tide +genre_painting,Impressionism,alfred-sisley_the-washerwomen-of-moret-1888 +religious_painting,Romanticism,edward-burne-jones_the-prioress-stale +illustration,Expressionism,saul-steinberg_federal-projects-1981 +abstract_painting,Color_Field_Painting,clyfford-still_1957-j-no-2-1957 +religious_painting,Symbolism,james-tissot_noah-s-drunkenness +genre_painting,Realism,ivan-vladimirov_cartomancy-1928 +genre_painting,Pop_Art,gerard-fromanger_violet-de-mars-1972 +still_life,Fauvism,gregoire-boonzaier_black-jug-and-samovar-1962 +portrait,Impressionism,mary-cassatt_portrait-of-madame-a-f-aude-and-her-two-daughters-1899 +religious_painting,Northern_Renaissance,albrecht-durer_crucifixion-1511 +landscape,Pointillism,henri-edmond-cross_siesta-by-the-water +genre_painting,Impressionism,camille-pissarro_resting-harvesters-montfoucault-1875 +genre_painting,Expressionism,max-beckmann_not-detected-259774 +religious_painting,High_Renaissance,raphael_the-annunciation-1503 +abstract_painting,Color_Field_Painting,barnett-newman_white-fire-i-1954 +genre_painting,Baroque,pieter-de-hooch_interior-with-two-gentleman-and-a-woman-beside-a-fire +religious_painting,Early_Renaissance,domenico-ghirlandaio_madonna-of-mercy +landscape,Realism,vincent-van-gogh_view-of-the-sea-at-scheveningen-1882 +portrait,Realism,ilya-repin_portrait-of-v-stasov-1905 +nude_painting,Realism,william-adolphe-bouguereau_beaut-romane-1904 +religious_painting,Baroque,guido-reni_virgin-of-the-annunciation +portrait,Northern_Renaissance,albrecht-durer_cardinal-albrecht-of-brandenburg-1523 +portrait,Realism,thomas-eakins_talcott-williams +portrait,Realism,john-singer-sargent_sir-david-richmond +religious_painting,Baroque,giovanni-paolo-panini_adoration-of-the-shepherds-adoration-of-the-magi-1755 +portrait,Rococo,louise-elisabeth-vigee-le-brun_the-duchess-de-polignac-1783 +landscape,Romanticism,john-crome_landscape +abstract_painting,Action_painting,jackson-pollock_number-32-1950 +genre_painting,Romanticism,konstantin-makovsky_tea-drinking +portrait,Pop_Art,peter-blake_studio-tack-board-1972 +genre_painting,Post_Impressionism,henri-de-toulouse-lautrec_the-medical-inspection +religious_painting,Mannerism_Late_Renaissance,maerten-van-heemskerck_landscape-with-st-jerome-1547 +genre_painting,Expressionism,lyonel-feininger_yellow-street-ii-1918 +genre_painting,Impressionism,edgar-degas_two-dancers-on-a-bench +cityscape,Post_Impressionism,gustave-loiseau_pont-tourant-at-dieppe-1903 +still_life,Post_Impressionism,panayiotis-tetsis_tables-xii-1988 +cityscape,Post_Impressionism,dumitru-ghiatza_village-inn-during-winter +portrait,Rococo,john-russell_susannah-walker-1760-1831-1784 +genre_painting,Realism,mykola-pymonenko_fair-1 +landscape,Impressionism,william-merritt-chase_shinnecock-hills-2 +portrait,Impressionism,santiago-rusinol_the-painter-miguel-utrillo-in-the-gardens-of-the-moulin-de-la-galette +genre_painting,Art_Nouveau_Modern,aubrey-beardsley_atalanta-in-calydon +portrait,Expressionism,amedeo-modigliani_portrait-of-leopold-zborowski-1919 +genre_painting,Analytical_Cubism,pablo-picasso_bathers-drying-themselves-1909 +portrait,Fauvism,ding-yanyong_red-lady +genre_painting,Post_Impressionism,adam-baltatu_children-on-the-alley +portrait,Impressionism,pierre-auguste-renoir_portrait-of-monsieur-germain +religious_painting,Naive_Art_Primitivism,marc-chagall_the-hebrews-adore-the-golden-calf-1931 +still_life,Post_Impressionism,pierre-bonnard_pots-1930 +landscape,Realism,camille-corot_rocks-in-a-glade +abstract_painting,Color_Field_Painting,gene-davis_homage-to-newman-1979 +landscape,Post_Impressionism,giorgio-morandi_monti-di-grizzana-1929 +genre_painting,Impressionism,pierre-auguste-renoir_the-first-outing-1876 +genre_painting,Expressionism,henri-matisse_the-dream-1935 +portrait,Expressionism,otto-dix_self-portrait-with-marcella +still_life,Cubism,louis-marcoussis_poire-verte-et-couteau-1941 +sketch_and_study,Realism,martiros-saryan_mountain-river-1971 +cityscape,Impressionism,camille-pissarro_the-carrousel-grey-weather-1899 +genre_painting,Rococo,pietro-longhi_the-arrival-of-the-nobleman +genre_painting,Ukiyo_e,utagawa-kunisada_not_detected_240359 +portrait,Ukiyo_e,tsukioka-yoshitoshi_the-appearance-of-a-fukagawa-nakamichi-geisha-of-the-tempo-era +religious_painting,Baroque,bartolome-esteban-murillo_the-vision-to-st-francis-at-porziuncola +landscape,Naive_Art_Primitivism,fred-yates_lytham-st-anne-s +landscape,Realism,ivan-shishkin_morning-in-a-pine-forest-1889 +illustration,Art_Nouveau_Modern,edmund-dulac_all-the-newspapers-in-the-world +portrait,Romanticism,jan-matejko_boleslaw-iii-of-poland-boleslaw-the-wry-mouthed +genre_painting,Impressionism,edgar-degas_laundresses-carrying-linen-in-town-1878 +illustration,Realism,boris-kustodiev_illustration-for-nikolay-nekrasov-poem-grandfather-mazay-and-the-hares-1908 +portrait,Impressionism,berthe-morisot_portrait-of-paule-gobillard +landscape,Symbolism,nicholas-roerich_himalayas-3 +portrait,Romanticism,karl-bodmer_rolled-scalp-1832 +abstract_painting,Color_Field_Painting,morris-louis_omega-i-1960 +landscape,Symbolism,nicholas-roerich_gansu +sketch_and_study,Realism,vincent-van-gogh_head-of-a-man-with-straw-hat-1885(1) +cityscape,New_Realism,george-luks_copley-square +genre_painting,Art_Nouveau_Modern,henri-de-toulouse-lautrec_the-motograph-1898 +landscape,Realism,isaac-levitan_evening-in-the-field-1883 +portrait,Impressionism,pericles-pantazis_young-girl-knitting +illustration,Art_Nouveau_Modern,edmund-dulac_daughters-of-the-stars-by-mary-crary +portrait,High_Renaissance,titian_violante-1518 +still_life,Fauvism,bela-czobel_still-life-with-oranges +abstract_painting,Minimalism,pierre-soulages_gouache-2004-b-7-2004 +portrait,Expressionism,egon-schiele_portrait-of-the-actress-marga-boerner-1917 +genre_painting,Cubism,marc-chagall_blue-lovers-1914 +landscape,Realism,johan-hendrik-weissenbruch_view-at-geestbrug +portrait,Baroque,rembrandt_portrait-of-oopjen-coppit-1634 +landscape,Impressionism,alfred-sisley_small-meadows-in-spring-1880 +landscape,Impressionism,john-singer-sargent_brook-among-rocks +genre_painting,Post_Impressionism,pierre-bonnard_young-girl-with-umbrella-1894 +portrait,Naive_Art_Primitivism,henri-rousseau_portrait-of-a-man-1905 +landscape,Post_Impressionism,maurice-prendergast_the-cove-1 +landscape,Pointillism,henri-martin_the-window-to-the-garden +cityscape,Post_Impressionism,maurice-utrillo_donjon-street +cityscape,Romanticism,cornelis-springer_springer-cornelis-figures-in-a-street-in-delft +portrait,Post_Impressionism,gwen-john_the-student-1903 +abstract_painting,Minimalism,imi-knoebel_portrait-1993 +sketch_and_study,Realism,vincent-van-gogh_peasant-woman-binding-a-sheaf-of-grain-1885 +sketch_and_study,Realism,boris-kustodiev_portrait-of-shishanovskaya-1921 +portrait,Realism,john-singer-sargent_mrs-kate-a-more-1884 +landscape,Baroque,adriaen-van-de-venne_a-summer-village-landscape-with-horse +sketch_and_study,Impressionism,pierre-auguste-renoir_the-hat-pinned +landscape,Romanticism,karl-bodmer_cutoff-river-branch-of-the-wabash-plate-8-from-volume-1-of-travels-in-the-interior-of-north-1843 +landscape,Post_Impressionism,vincent-van-gogh_lane-in-voyer-d-argenson-park-at-asnieres-1887 +genre_painting,Symbolism,arnold-bã¶cklin_girl-and-boy-picking-flowers-1866 +cityscape,Post_Impressionism,maurice-utrillo_mont-st-michel +abstract_painting,Abstract_Expressionism,hans-hofmann_august-light-1957 +religious_painting,Romanticism,jean-leon-gerome_entry-of-the-christ-in-jerusalem-1 +portrait,Realism,camille-corot_portrait-of-octavie-sennegon-1833 +landscape,Impressionism,gustave-caillebotte_landscape-banks-of-the-yerres +portrait,Realism,boris-kustodiev_portrait-of-f-f-notgaft-1921 +cityscape,Expressionism,ernst-ludwig-kirchner_leipziger-strasse-with-eletric-train +cityscape,Art_Nouveau_Modern,anna-ostroumova-lebedeva_leningrad-summer-garden-in-winter-1929 +genre_painting,Impressionism,pierre-auguste-renoir_woman-standing-by-a-tree +still_life,Post_Impressionism,paul-cezanne_flower-pot-at-a-table +landscape,Impressionism,john-singer-sargent_a-landscape-study-at-san-vigilio-lake-of-garda +cityscape,Art_Nouveau_Modern,anna-ostroumova-lebedeva_admiralty-under-the-snow-1909 +abstract_painting,Minimalism,jean-degottex_gidayu-iii-1961 +landscape,Impressionism,piet-mondrian_at-the-amstel-sun +abstract_painting,Abstract_Expressionism,sam-francis_untitled-sfp53-31-1953 +portrait,Impressionism,mary-cassatt_margaret-milligan-sloan-1893 +abstract_painting,Abstract_Expressionism,sam-francis_untitled-1984-3 +genre_painting,Fauvism,henri-matisse_interior-with-a-girl-reading-1905 +portrait,Post_Impressionism,nicolae-tonitza_girl-head +nude_painting,Impressionism,federico-zandomeneghi_the-washtub +landscape,Post_Impressionism,gustave-loiseau_by-the-eure-river-in-autumn +portrait,Rococo,maurice-quentin-de-la-tour_young-drinkers-after-murillo +genre_painting,Romanticism,francisco-goya_the-monk +abstract_painting,Abstract_Expressionism,paul-jenkins_not_detected_235688 +portrait,Realism,giovanni-boldini_girl-in-a-black-hat-1890 +portrait,Northern_Renaissance,lucas-cranach-the-elder_friedrich-iii-the-wise-elector-of-saxony-1532 +portrait,Expressionism,albert-bloch_masked-portrait-georg-trakl-1943 +cityscape,Post_Impressionism,abraham-manievich_snow-covered-street +landscape,Impressionism,john-singer-sargent_millet-s-garden-1886 +landscape,Northern_Renaissance,albrecht-durer_view-of-nuremberg-1497 +religious_painting,Northern_Renaissance,hans-memling_st-jerome-and-the-lion-1490 +landscape,Expressionism,martiros-saryan_trees-in-blossom-1901 +portrait,Realism,ilya-repin_portrait-of-a-bearded-peasant-1879 +illustration,Symbolism,harry-clarke_the-year-s-at-the-spring-1920-24 +portrait,Northern_Renaissance,albrecht-durer_an-young-and-old-woman-from-bergen-op-zoom-1520 +abstract_painting,Color_Field_Painting,jose-guerrero_untitled-1984 +religious_painting,Baroque,alonzo-cano_st-james-the-greater +genre_painting,Realism,ivan-kramskoy_inspection-of-the-old-house-1874 +sketch_and_study,High_Renaissance,leonardo-da-vinci_head-of-saint-anne +religious_painting,Northern_Renaissance,rogier-van-der-weyden_madonna-and-child-5 +abstract_painting,Abstract_Expressionism,frank-lobdell_1-january-1949-1949 +genre_painting,Romanticism,john-constable_traveller +genre_painting,Expressionism,natalia-goncharova_haycutting +landscape,Fauvism,jean-metzinger_landscape-1904 +portrait,Expressionism,mark-rothko_not_detected_242139 +sketch_and_study,Realism,vincent-van-gogh_woman-with-hat-coat-and-pleated-dress-1882 +religious_painting,Northern_Renaissance,hieronymus-bosch_death-and-the-miser +cityscape,Impressionism,boris-kustodiev_moscow-red-square +portrait,Rococo,dmitry-levitzky_portrait-of-n-y-levitsky-wife-of-the-artist +landscape,Romanticism,caspar-david-friedrich_morning-mist-in-the-mountains-1808 +landscape,Post_Impressionism,pyotr-konchalovsky_balaklava-the-port-1929 +religious_painting,High_Renaissance,andrea-del-sarto_piet-with-saints-1524 +landscape,Impressionism,claude-monet_the-promenade-at-argenteuil-02 +abstract_painting,Abstract_Expressionism,john-hoyland_green-sea-moon-2006 +portrait,Post_Impressionism,moise-kisling_not-identified-5 +religious_painting,Expressionism,frantisek-kupka_the-song-of-songs +genre_painting,Impressionism,mary-cassatt_the-chrochet-lesson-1913 +landscape,Realism,ivan-shishkin_oaks-1857 +illustration,Art_Nouveau_Modern,konstantin-somov_illustration-to-the-novel-daphnis-and-chloe-1 +landscape,Contemporary_Realism,jamie-wyeth_black-spruce-1994 +portrait,Realism,valentin-serov_portrait-of-sophia-dragomirova-lukomskaya-1889 +landscape,Romanticism,john-atkinson-grimshaw_a-wintry-moon-1886 +genre_painting,Realism,vasily-vereshchagin_two-jews-1884 +portrait,Cubism,rene-magritte_portrait-of-pierre-broodcoorens-1921(1) +portrait,Post_Impressionism,victor-borisov-musatov_lady-in-blue-1902 +abstract_painting,Abstract_Expressionism,sam-francis_green-buddha-l-l261-sf-337-g-1157-1985 +portrait,Expressionism,amedeo-modigliani_portrait-of-jeanne-hebuterne-1918-1 +genre_painting,Impressionism,franz-marc_two-women-on-the-hillside-1906 +abstract_painting,Abstract_Expressionism,joan-miro_fascinating-personage +genre_painting,Cubism,m.-h.-maxy_jews-in-snow-1943 +cityscape,Impressionism,konstantin-korovin_montmartre-in-the-evening +religious_painting,Symbolism,james-tissot_moses-and-aaron-speak-to-the-people +landscape,Post_Impressionism,emily-carr_vanquished-1931 +religious_painting,Mannerism_Late_Renaissance,hans-von-aachen_virgin-and-child-1606 +abstract_painting,Abstract_Expressionism,joan-miro_not_detected_227945 +portrait,Post_Impressionism,arshile-gorky_self-portrait-at-the-age-of-nine +genre_painting,Cubism,albert-gleizes_composition-for-jazz-1915 +genre_painting,Realism,alekos-kontopoulos_grandchild +cityscape,Romanticism,john-atkinson-grimshaw_whitby-docks-1876 +portrait,Impressionism,joaquã­n-sorolla_portrait-of-mr-taft-president-of-the-united-states-1909 +genre_painting,Impressionism,anders-zorn_a-portrait-of-a-christian-de-falbe +landscape,Impressionism,pierre-auguste-renoir_the-clearing-1895 +sketch_and_study,Symbolism,ferdinand-hodler_lake-thun-from-the-path-to-the-plate-schynigen-1908 +genre_painting,Pointillism,henri-edmond-cross_bathers-1895 +portrait,Art_Nouveau_Modern,aubrey-beardsley_by-edgar-allan-poe +genre_painting,Romanticism,francisco-goya_vagabonds-resting-in-a-cave-1800 +religious_painting,Early_Renaissance,filippo-lippi_the-feast-of-herod-salome-s-dance-1464 +portrait,Impressionism,theo-van-rysselberghe_portrait-of-octave-maus-as-dandy-1885 +nude_painting,Expressionism,lucian-freud_girl-with-fair-hair +genre_painting,Baroque,jan-steen_schoolmaster-1665 +religious_painting,Naive_Art_Primitivism,marc-chagall_delilah-cut-samson-s-hair-and-had-thus-deprived-him-his-superhuman-strength-he-has-fallen +nude_painting,Expressionism,yiannis-moralis_not-detected-11 +portrait,Art_Nouveau_Modern,sergey-solomko_apraxia-korolevichna +genre_painting,Expressionism,ernst-ludwig-kirchner_playing-naked-people +genre_painting,Post_Impressionism,pierre-bonnard_a-plate-of-figs-1921 +sketch_and_study,Realism,vasily-surikov_soldier-with-drum-1898 +portrait,Expressionism,ernst-ludwig-kirchner_female-head +portrait,Ukiyo_e,utagawa-kuniyoshi_the-actor-6 +religious_painting,Romanticism,fyodor-bronnikov_judas-1874 +sketch_and_study,Realism,nicholas-roerich_pen-drawing-in-his-letter-to-v-stasov-1897 +portrait,Art_Nouveau_Modern,zinaida-serebriakova_portrait-of-boris-serebryakov-1908 +sketch_and_study,High_Renaissance,leonardo-da-vinci_study-sheet-with-cats-dragon-and-other-animals +portrait,Impressionism,camille-pissarro_woman-sitting-on-the-floor-1890 +landscape,Symbolism,konstantin-bogaevsky_fortress-on-the-seashore-1923 +cityscape,Impressionism,antoine-blanchard_porte-st-denis-8 +still_life,Realism,edouard-manet_bouquet-of-violets-1872 +abstract_painting,Abstract_Expressionism,dan-christensen_atlantic-champagne-1979 +illustration,Romanticism,gustave-dore_the-order-of-chivalry +portrait,Impressionism,philip-wilson-steer_portrait-of-miss-scobell-in-a-bathchair-the-convalescent +genre_painting,Impressionism,berthe-morisot_lady-with-a-parasol-sitting-in-a-park +landscape,Symbolism,nicholas-roerich_sacred-island-1917 +portrait,Realism,valentin-serov_portrait-of-the-artist-isaak-ilyich-levitan-1893 +abstract_painting,Abstract_Expressionism,richard-diebenkorn_albuquerque-no-20 +religious_painting,Baroque,peter-paul-rubens_lamentation-of-christ-1618 +genre_painting,Post_Impressionism,marcel-duchamp_man-seated-by-a-window-1907 +portrait,Realism,ilya-repin_portrait-of-a-man +sketch_and_study,Realism,nicholas-roerich_sketch-of-scene-from-varangian-life +landscape,Impressionism,arkhip-kuindzhi_a-birch-grove-4 +religious_painting,Romanticism,gustave-dore_st-peterinthehouseofcornelius +portrait,Romanticism,gustave-courbet_the-vagabond-1845 +portrait,High_Renaissance,giovanni-antonio-boltraffio_francesco-sforza-count-of-pavia-1498 +still_life,Realism,pyotr-konchalovsky_still-life-with-ducks +portrait,Mannerism_Late_Renaissance,parmigianino_malatesta-baglioni +sketch_and_study,Post_Impressionism,henri-de-toulouse-lautrec_in-bed +abstract_painting,Color_Field_Painting,frank-bowling_head-1974 +landscape,Impressionism,salvador-dali_cadaques-2 +portrait,Romanticism,john-constable_portrait-of-mary-freer-1809 +cityscape,Impressionism,claude-monet_rouen-cathedral +landscape,Realism,gustave-courbet_the-german-huntsman-1859 +portrait,Northern_Renaissance,lucas-cranach-the-elder_johannes-reuss-1503 +genre_painting,Expressionism,arturo-souto_ball-1931 +genre_painting,Impressionism,konstantin-korovin_summertime-1895 +sketch_and_study,Art_Nouveau_Modern,koloman-moser_character-study-of-venus-in-the-grotto +cityscape,Romanticism,ivan-aivazovsky_lunar-night-at-the-sea-1875 +nude_painting,Art_Nouveau_Modern,raphael-kirchner_nude-drawings-9 +landscape,Impressionism,lucian-grigorescu_potec-prin-p-durea-mogo-oaia-1952 +cityscape,Expressionism,pablo-picasso_untitled-1937-3 +cityscape,Pop_Art,r.-b.-kitaj_cecil-ct-london-wc2-the-refugees +genre_painting,Impressionism,edgar-degas_dancer-adjusting-her-slipper-1885 +portrait,Realism,ilya-repin_portrait-of-sergei-witte-minister-of-finance-1903 +illustration,Symbolism,harry-clarke_the-year-s-at-the-spring-1920-32 +portrait,Realism,nikolay-bogdanov-belsky_portrait-of-a-peasant +landscape,Pointillism,henri-martin_the-pergola +religious_painting,High_Renaissance,titian_assumption-of-the-virgin-1518 +genre_painting,New_Realism,william-james-glackens_bal-bullier-1895 +abstract_painting,Color_Field_Painting,michel-carrade_unknown-title-5 +abstract_painting,Color_Field_Painting,clyfford-still_ph-104-1952 +abstract_painting,Color_Field_Painting,anne-truitt_7-nov-62-1962 +religious_painting,Romanticism,francisco-goya_sketch-for-the-death-of-saint-joseph +cityscape,Impressionism,childe-hassam_italian-day-may +portrait,Northern_Renaissance,albrecht-durer_head-of-a-boy +cityscape,Post_Impressionism,edouard-cortes_rue-royale-concorde-1 +landscape,Symbolism,martiros-saryan_blossoming-mountains-1905 +cityscape,Art_Nouveau_Modern,anna-ostroumova-lebedeva_neva-early-in-the-morning-1922 +still_life,Analytical_Cubism,georges-braque_the-pitcher-1909 +sketch_and_study,Realism,vasily-perov_the-head-of-pugachev-sketch +still_life,Expressionism,ligia-macovei_still-life +landscape,Symbolism,nicholas-roerich_sanga-chelling-1924 +religious_painting,High_Renaissance,dosso-dossi_ascension-of-christ +sketch_and_study,Impressionism,edgar-degas_study-for-the-fourteen-year-old-little-dancer-1881 +still_life,Fauvism,andre-derain_still-life-on-the-red-table-1904 +abstract_painting,Minimalism,robert-ryman_classico-5-1968 +religious_painting,Northern_Renaissance,albrecht-durer_the-last-judgment-1511 +still_life,Impressionism,pierre-auguste-renoir_still-life-with-melon +abstract_painting,Minimalism,pierre-soulages_peinture-227-x-306-cm-2-mars-2009-2009 +abstract_painting,Color_Field_Painting,piero-dorazio_untitled-1998 +genre_painting,Expressionism,edvard-munch_ashes-1894 +landscape,Post_Impressionism,vincent-van-gogh_the-gully-peiroulets-1889-1 +portrait,Contemporary_Realism,jamie-wyeth_twins-1990 +landscape,Impressionism,claude-monet_the-cote-sauvate +genre_painting,Baroque,jan-steen_feast-of-st-nicholas-1665 +sketch_and_study,Realism,vincent-van-gogh_torso-of-venus-1887 +abstract_painting,Cubism,franz-marc_small-composition-ii-1914 +landscape,Symbolism,constantine-maleas_view-of-acropolis +genre_painting,Realism,antã³nio-de-carvalho-da-silva-porto_a-apanha-do-sarga-o-1884 +illustration,Ukiyo_e,katsushika-hokusai_title-page-is-decorated-with-a-lot-of-flowers +portrait,Impressionism,mary-cassatt_master-robert-kelso-cassatt +genre_painting,Art_Nouveau_Modern,boris-kustodiev_shrovetide-1920-1 +cityscape,Symbolism,kuzma-petrov-vodkin_shah-i-zinda-1921 +cityscape,Art_Nouveau_Modern,gustav-klimt_houses-at-unterach-on-the-attersee +sketch_and_study,Northern_Renaissance,hieronymus-bosch_beggars +cityscape,Impressionism,ilya-mashkov_crimea-park-in-alupka-1923 +cityscape,Expressionism,rafael-zabaleta_the-quesada-garden +still_life,Post_Impressionism,ilya-mashkov_still-life-with-pineapples-1938 +cityscape,Impressionism,john-singer-sargent_ponte-della-canonica +portrait,Realism,nikolai-ge_portrait-of-m-v-alekhin +sketch_and_study,Rococo,francois-boucher_pygmalion-and-galatea +sketch_and_study,Realism,vincent-van-gogh_orphan-man-with-cap-eating-1882 +religious_painting,Symbolism,nicholas-roerich_kuan-yin-1933 +portrait,Expressionism,richard-diebenkorn_girl-smoking +landscape,Expressionism,anita-malfatti_o-caminho-da-vida +still_life,Synthetic_Cubism,pablo-picasso_guitar-sheet-music-and-wine-glass-1912 +portrait,Expressionism,paul-klee_forest-witch-1938(1) +landscape,Contemporary_Realism,john-miller_anjuna-beach-goa +portrait,Impressionism,roger-fry_nina-hamnett-1917 +landscape,Impressionism,pierre-auguste-renoir_the-laundress-1 +illustration,Romanticism,n.c.-wyeth_though-these-folks-were-evidently-amusing-themselves-yet-they-maintained-the-gravest-faces-the +religious_painting,Baroque,jacob-jordaens_the-fall-of-man +portrait,Romanticism,john-hoppner_the-bowden-children-1803 +landscape,Post_Impressionism,pierre-bonnard_the-terraces-1941 +genre_painting,Impressionism,camille-pissarro_wash-house-at-bougival-1872 +abstract_painting,Color_Field_Painting,theodoros-stamos_infinity-fields-lefkada-series-1980 +religious_painting,Symbolism,nicholas-roerich_issa-and-giant-s-head-1932-3 +landscape,Impressionism,ilya-mashkov_bank-of-the-neva-evening-1923 +landscape,Post_Impressionism,vincent-van-gogh_the-park-at-arles-with-the-entrance-seen-through-the-trees-1888 +landscape,Baroque,rembrandt_an-arched-landscape-with-a-flock-of-sheep-1650 +religious_painting,Romanticism,eugene-delacroix_saint-george-fighting-the-dragon-perseus-delivering-andromeda-1847(1) +religious_painting,Northern_Renaissance,lucas-cranach-the-elder_the-annunciation-to-joachim-1518 +portrait,Art_Nouveau_Modern,max-kurzweil_bettina-bauer-1908 +still_life,Cubism,corneliu-michailescu_still-life-with-grapes-and-carafe +religious_painting,Romanticism,gustave-dore_heliodorus-is-cast-down +nude_painting,Pop_Art,r.-b.-kitaj_the-ohio-gang +religious_painting,Naive_Art_Primitivism,marc-chagall_solomon-is-proclaimed-a-king-of-israel-i-kings-i-32-40 +illustration,Romanticism,gustave-dore_the-innocent-souls(1) +abstract_painting,Abstract_Expressionism,julio-pomar_belle-isle-en-mer-1976 +genre_painting,Romanticism,francisco-goya_the-maja-and-the-masked-men-1777 +genre_painting,Romanticism,sir-lawrence-alma-tadema_my-studio-1867 +genre_painting,Impressionism,eugene-boudin_laundresses-on-the-banks-of-the-touques-1886 +genre_painting,Expressionism,rafael-zabaleta_model-and-painter-with-easel-1945 +sketch_and_study,Realism,theodore-rousseau_long-rock-in-the-forest-of-fontainebleau +portrait,Symbolism,kimon-loghi_the-oriental-woman-1898 +sketch_and_study,Post_Impressionism,vincent-van-gogh_wheat-field-with-sheaves-and-arles-in-the-background-1888 +religious_painting,Northern_Renaissance,hans-memling_five-angels-playing-musical-instruments-left-hand-panel-from-a-triptych-from-the-church-of-1490 +genre_painting,Post_Impressionism,henri-de-toulouse-lautrec_a-l-elysee-montmartre-1888 +landscape,Impressionism,konstantin-korovin_on-the-beach-in-the-crimea-1909 +landscape,Impressionism,alfred-sisley_the-tugboat-1883 +cityscape,Post_Impressionism,albert-marquet_the-apse-of-notre-dame-1901 +portrait,Rococo,fyodor-rokotov_portrait-of-countess-elizaveta-santi +portrait,Symbolism,mikhail-nesterov_portrait-of-victor-vasnetsov-1925 +sketch_and_study,High_Renaissance,leonardo-da-vinci_drawing-of-the-uterus-of-a-pregnant-cow-1508 +genre_painting,Symbolism,jan-toorop_female-employees-in-the-candle-factory-in-gouda-1905 +portrait,Expressionism,amedeo-modigliani_dark-young-woman-seated-by-a-bed-1918 +genre_painting,Expressionism,josef-herman_the-washerwomen-1954 +portrait,Realism,ivan-kramskoy_portrait-a-i-kuindzhi-1872 +genre_painting,Expressionism,kathe-kollwitz_revolt-by-the-gates-of-a-park-1897 +cityscape,Impressionism,alfred-sisley_courtyard-at-les-sablons-1885 +portrait,Impressionism,mary-cassatt_portrait-of-madame-alfred-lavergne-born-magdalena-mellon-1905 +abstract_painting,Abstract_Expressionism,frank-stella_brazilian-merganser +genre_painting,Baroque,jan-steen_village-school +portrait,Rococo,allan-ramsay_john-manners-marquess-of-granby-1745 +landscape,Impressionism,frits-thaulow_at-quimperle +abstract_painting,Abstract_Expressionism,hans-hofmann_golden-splendor-1957 +still_life,Post_Impressionism,pierre-bonnard_fruit-on-the-red-carpet +landscape,Realism,johan-hendrik-weissenbruch_the-washing-place +portrait,Impressionism,william-merritt-chase_portrait-of-mrs-chase +genre_painting,Expressionism,william-h.-johnson_cotton-pickers-1940 +sketch_and_study,Post_Impressionism,vincent-van-gogh_cottages-with-thatched-roofs-and-figures-1890(1) +illustration,Symbolism,odilon-redon_lenor-appears-in-front-of-the-black-sun-of-melancholy-1882 +cityscape,Post_Impressionism,edouard-cortes_st-martin-winter +portrait,Realism,anders-zorn_portrait-of-fru-lisen-samson-nee-hirsch-arranging-flowers-at-a-window-1881 +abstract_painting,Minimalism,genevieve-asse_unknown-title-triptych +genre_painting,Romanticism,alfred-stevens_young-woman-with-the-red-umbrella-by-the-sea +illustration,Art_Nouveau_Modern,edmund-dulac_such-stuff-as-dreams-are-made-on-from-the-tempest +sketch_and_study,Symbolism,konstantin-somov_girl-olia-2 +religious_painting,Northern_Renaissance,martin-schongauer_virgin-in-the-bush-colmar +religious_painting,Northern_Renaissance,jan-provoost_virgin-giving-breast +illustration,Art_Nouveau_Modern,aubrey-beardsley_merlin-taketh-the-child-arthur-into-his-keeping +landscape,Art_Nouveau_Modern,boris-kustodiev_horses-in-the-storm-1918 +illustration,Art_Nouveau_Modern,theodor-severin-kittelsen_slagsmaal-mellem-to-skarnbasser-1894 +abstract_painting,Abstract_Expressionism,jane-frank_ledge-of-light-1974 +portrait,Expressionism,marie-laurencin_young-girl-with-guitar-1940 +portrait,Impressionism,childe-hassam_the-flag-outside-her-window-april-aka-boys-marching-by +abstract_painting,Color_Field_Painting,paul-jenkins_phenomenon-prism-yield(1) +cityscape,Art_Nouveau_Modern,anna-ostroumova-lebedeva_view-from-the-tuchkov-bridge-1922 +religious_painting,Early_Renaissance,piero-della-francesca_the-resurrection(1) +portrait,Post_Impressionism,vincent-van-gogh_portrait-of-the-art-dealer-alexander-reid-sitting-in-an-easy-chair +landscape,Symbolism,nicholas-roerich_himalayas-1942-1 +sketch_and_study,Post_Impressionism,vincent-van-gogh_sketch-of-a-lady-with-striped-dress-and-hat-and-of-another-lady-half-figure-1890 +landscape,Post_Impressionism,vincent-van-gogh_garden-with-weeping-willow-1888(1) +portrait,Impressionism,ipolit-strambu_woman-with-umbrella +landscape,Expressionism,ernst-ludwig-kirchner_mountain-forest-1920 +religious_painting,High_Renaissance,raphael_adam-and-eve-from-the-stanza-della-segnatura-1511 +cityscape,Impressionism,stefan-dimitrescu_street-in-ia-i +portrait,Mannerism_Late_Renaissance,titian_portrait-of-the-great-elector-john-frederick-of-saxony +cityscape,Impressionism,alfred-sisley_the-machine-at-marly-1873 +cityscape,Romanticism,cornelis-springer_janskerk-gouda-1863 +portrait,Impressionism,santiago-rusinol_portrait-of-eric-satie +genre_painting,Realism,john-everett-millais_message-from-the-sea +nude_painting,Impressionism,anders-zorn_sensitive-to-cold-1894 +landscape,Realism,camille-corot_mantes-view-of-the-cathedral-and-town-through-the-trees-1869 +landscape,Impressionism,william-merritt-chase_shinnecock-hills-02 +portrait,Post_Impressionism,paul-cezanne_portrait-of-joachim-1896 +sketch_and_study,Romanticism,thomas-cole_campagna-di-roma-study-for-aqueduct-near-rome-1832 +portrait,Rococo,joshua-reynolds_portrait-of-mrs-stanhope +genre_painting,Expressionism,dimitris-mytaras_two-forms +cityscape,Impressionism,claude-monet_saint-lazare-station-exterior-view-1 +sketch_and_study,Northern_Renaissance,albrecht-durer_christ-boy +genre_painting,Baroque,gerard-terborch_messenger +portrait,Impressionism,pierre-auguste-renoir_coco +cityscape,Expressionism,martiros-saryan_a-nook-of-old-yerevan-1928 +landscape,Impressionism,t.-c.-steele_munich-haying +portrait,Impressionism,federico-zandomeneghi_woman-with-bouquet +abstract_painting,Action_painting,jackson-pollock_number-7-out-of-the-web-1949 +portrait,Realism,mikhail-vrubel_artist-s-wife-nadezhda-zabela-1905 +portrait,Fauvism,kazimir-malevich_head-of-peasant-1 +portrait,Realism,gustave-courbet_juliette-courbet-1874 +religious_painting,Northern_Renaissance,jan-van-hemessen_the-prodigal-son-1536 +nude_painting,Post_Impressionism,ilya-mashkov_nudes-in-the-studio-1916 +portrait,Mannerism_Late_Renaissance,titian_man-in-military-costume-1552 +genre_painting,Symbolism,konstantin-somov_lady-with-the-dog-relaxing-on-the-lawn +genre_painting,Art_Nouveau_Modern,valentin-serov_soldiers-oldiers-heroes-every-one-1905 +portrait,Pop_Art,robert-silvers_mona-lisa-remastered-2002 +sketch_and_study,Rococo,maurice-quentin-de-la-tour_study-of-a-young-man +sketch_and_study,Realism,martiros-saryan_mountain-landscape-1972 +portrait,Northern_Renaissance,albrecht-durer_portrait-of-barent-van-orley +religious_painting,Baroque,guido-reni_assumption-of-mary-1642 +cityscape,Impressionism,edgar-degas_view-of-naples-1860 +landscape,Realism,ivan-shishkin_in-the-fir-forest +landscape,Pop_Art,edward-ruscha_standard-study-3-1963 +cityscape,Post_Impressionism,edouard-cortes_place-de-la-bastille-4 +landscape,Realism,nicholas-roerich_springs-in-izvara-1893 +religious_painting,Northern_Renaissance,albrecht-durer_the-holy-kinship-and-two-musical-angels +genre_painting,Romanticism,jan-matejko_empress-rejtan +religious_painting,Mannerism_Late_Renaissance,cristovao-de-figueiredo_mart-rio-de-santo-andr-1530 +landscape,Realism,gustave-courbet_the-stream +landscape,Impressionism,pierre-auguste-renoir_landscape-with-cabin-1916 +abstract_painting,Color_Field_Painting,angelo-de-sousa_pintura-1974 +landscape,Romanticism,ivan-aivazovsky_night-at-the-rodos-island-1850 +genre_painting,Symbolism,konstantin-somov_on-the-grass +abstract_painting,Color_Field_Painting,ronnie-landfield_trains-and-oceans-1973 +religious_painting,Early_Renaissance,domenico-ghirlandaio_the-nativity-1 +genre_painting,Romanticism,sir-lawrence-alma-tadema_joseph-overseer-of-pharaoh-s-graneries-1874 +genre_painting,Realism,mykola-pymonenko_meeting-with-fellow +landscape,Northern_Renaissance,joachim-patinir_landscape-with-the-flight-into-egypt +cityscape,Rococo,bernardo-bellotto_church-of-the-holy-sacrament-in-the-new-town-1778 +genre_painting,Romanticism,sir-lawrence-alma-tadema_the-oleander +religious_painting,Naive_Art_Primitivism,marc-chagall_peace-and-the-further-reign-of-jerusalem-in-prophecy-of-isaiah-isaiah-ii-1-5 +landscape,Impressionism,camille-pissarro_the-thaw-eragny-1893 +nude_painting,Post_Impressionism,maurice-prendergast_bathers-2 +religious_painting,Northern_Renaissance,hieronymus-bosch_not_detected_195350 +portrait,Northern_Renaissance,hans-memling_man-with-a-black-cap +sketch_and_study,Realism,jean-francois-millet_shepherdess-with-the-distaff-in-auvergne +portrait,Art_Nouveau_Modern,ferdinand-hodler_portrait-of-willy-russ-1911 +portrait,Rococo,louise-elisabeth-vigee-le-brun_marie-antoinette-and-her-children-1787 +abstract_painting,Abstract_Expressionism,richard-diebenkorn_untitled-1 +landscape,Realism,isaac-levitan_sunset-over-a-forest-lake-study +landscape,Realism,pyotr-konchalovsky_at-the-window-1939 +landscape,Impressionism,joaquã­n-sorolla_generalife-granada-1910 +landscape,Cubism,pyotr-konchalovsky_a-pond-1920 +sketch_and_study,Symbolism,mstislav-dobuzhinsky_church-in-vilnius +portrait,Rococo,john-russell_philip-stanhope-1769 +genre_painting,Art_Nouveau_Modern,sergey-solomko_the-wreckage-1914 +religious_painting,Early_Renaissance,benozzo-gozzoli_st-augustine-reading-the-epistle-of-st-paul-1465 +genre_painting,Baroque,jan-steen_fat-kitchen +portrait,Romanticism,karl-bryullov_portrait-of-the-architect-a-bolotov +sketch_and_study,Realism,ivan-shishkin_suuch-khan-crimea-1879 +cityscape,Rococo,bernardo-bellotto_ruins-of-dresden-s-kreuzkirche-1765 +portrait,Expressionism,amedeo-modigliani_portrait-of-blaise-cendrars-1917 +religious_painting,Symbolism,james-tissot_balaam-and-the-ass-as-in-numbers-1900 +genre_painting,Northern_Renaissance,albrecht-durer_the-ill-assorted-couple-1495 +portrait,Romanticism,konstantin-makovsky_portrait-of-the-count-nikolay-muravyov-amursky +landscape,Expressionism,albert-bloch_winter-in-the-dead-wood-1938 +genre_painting,Romanticism,karl-bryullov_an-interrupted-date-1827(1) +landscape,Realism,efim-volkov_marsh-in-autumn +cityscape,Post_Impressionism,gustave-loiseau_village-on-the-hill +religious_painting,Symbolism,pierre-puvis-de-chavannes_st-genevieve-as-a-child-in-prayer +landscape,Romanticism,albert-bierstadt_snow-capped-moutain +religious_painting,Romanticism,gustave-dore_daniel-in-the-den-of-lions +genre_painting,Realism,vladimir-makovsky_they-listen-the-gramophone-1910 +religious_painting,High_Renaissance,andrea-del-sarto_stories-of-joseph-1 +sketch_and_study,Symbolism,kazimir-malevich_sketch-for-fresco-1907 +religious_painting,Northern_Renaissance,albrecht-durer_the-rest-during-the-flight-to-egypt-1505 +genre_painting,Impressionism,frederic-bazille_woman-in-moorish-costume +portrait,Expressionism,frank-auerbach_david-landau-2 +landscape,Expressionism,george-bouzianis_topio-sto-aixenaou-1928 +portrait,Post_Impressionism,andre-derain_portrait-of-a-woman-1913 +landscape,Romanticism,john-crome_a-thistle-1812 +portrait,Romanticism,joseph-wright_christopher-heath +portrait,Expressionism,lucian-freud_a-woman-painter +portrait,Northern_Renaissance,albrecht-durer_portrait-of-a-man-sebastian-brant +sketch_and_study,Post_Impressionism,paul-gauguin_bretons-and-cows-1889 +portrait,Mannerism_Late_Renaissance,giorgio-vasari_boccaccio-dante-petrarca +portrait,Expressionism,amedeo-modigliani_the-jewish-woman-1908 +cityscape,Cubism,vajda-lajos_spotty-house-1936 +portrait,Romanticism,orest-kiprensky_cher-de-angelis-1822 +cityscape,Impressionism,john-singer-sargent_rio-de-santa-maria-formosa-1905 +nude_painting,High_Renaissance,pietro-perugino_four-naked +genre_painting,Romanticism,sir-lawrence-alma-tadema_not-at-home-sir-1879 +portrait,Post_Impressionism,mikhail-nesterov_portrait-of-alexey-severtsov-1934 +genre_painting,Post_Impressionism,francisc-sirato_halt-1916 +cityscape,Impressionism,camille-pissarro_boats-sunset-rouen-1898 +landscape,Symbolism,nicholas-roerich_ladakh-1938 +portrait,Northern_Renaissance,hans-memling_portrait-of-maria-maddalena-portinari +portrait,Baroque,joshua-reynolds_kitty-fisher-1759 +portrait,Realism,ilya-repin_portrait-of-the-artist-vasily-surikov-1885 +sketch_and_study,Realism,vasily-surikov_shooting-cossack-1893 +landscape,Realism,vasily-surikov_view-of-krasnoyarsk-1887 +portrait,Realism,vincent-van-gogh_man-with-pipe-and-eye-bandage-1882 +portrait,Impressionism,william-merritt-chase_portrait-of-helen-daughter-of-the-artist +genre_painting,Post_Impressionism,paul-cezanne_bathers-1906 +sketch_and_study,Romanticism,fyodor-solntsev_people-clothes-the-province-of-kiev-1 +sketch_and_study,Realism,boris-kustodiev_portrait-of-p-a-vlasov-1925 +genre_painting,Impressionism,pierre-auguste-renoir_woman-with-a-mandolin-1919 +cityscape,Romanticism,rudolf-von-alt_jewish-temple-in-the-city-leopold-1860 +abstract_painting,Color_Field_Painting,ellsworth-kelly_broadway-1958 +genre_painting,Expressionism,marcel-duchamp_after-love-1968 +cityscape,Cubism,john-marin_city-movement-1940 +portrait,Symbolism,odilon-redon_maurice-denis-1903 +cityscape,Impressionism,claude-monet_the-grand-canal-and-santa-maria-della-salute +portrait,Baroque,agostino-carracci_portrait-of-christine-of-lorraine-grand-duchess-of-tuscany-1589 +landscape,Romanticism,ivan-aivazovsky_towers-on-the-rock-near-bosporus-1853 +still_life,Baroque,francisco-de-zurbaran_still-life-with-dish-of-quince-1664 +sketch_and_study,Baroque,rembrandt_diana-at-the-bath-1631-1 +sketch_and_study,Northern_Renaissance,albrecht-durer_madonna-and-child-with-bagpipers +religious_painting,Baroque,ivan-rutkovych_icon-savior-nerukotvornyi-saviour-not-made-by-hands-from-the-zhovkva-iconostasis-1699-1(1) +abstract_painting,Abstract_Expressionism,frank-lobdell_27-october-1949-1949 +landscape,Impressionism,piet-mondrian_evening-at-weesperzijde-sun +landscape,Symbolism,nicholas-roerich_holy-cave-1931 +cityscape,Romanticism,william-turner_kilchern-castle-with-the-cruchan-ben-mountains-scotland-noon +still_life,Impressionism,georges-seurat_vase-of-flowers-1879 +genre_painting,Realism,ivan-kramskoy_books-got-her-1872 +religious_painting,Northern_Renaissance,hans-memling_st-christopher-1480 +cityscape,Post_Impressionism,edouard-cortes_notre-dame-paris +portrait,Romanticism,alexander-orlowski_portrait-of-petr-shalikov-1809 +portrait,Post_Impressionism,henri-de-toulouse-lautrec_jane-avril-enter-the-moulin-rouge-1892 +sketch_and_study,Impressionism,edgar-degas_the-violist-1880 +cityscape,Impressionism,claude-monet_waterloo-bridge-1902 +genre_painting,Romanticism,henryk-siemiradzki_not-detected-278800 +cityscape,New_Realism,edward-hopper_new-york-office +landscape,Symbolism,nicholas-roerich_sacred-himalayas-1933-2 +portrait,Impressionism,piet-mondrian_woman-and-child-in-front-of-a-farm +portrait,Realism,james-tissot_portrait-of-mlle-l-l-young-lady-in-a-red-jacket-1864 +landscape,Realism,gustave-courbet_entering-the-forest +illustration,Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-poem-the-tale-of-the-fisherman-and-the-fish-by-alexander-pushkin-1(1) +genre_painting,Post_Impressionism,pablo-picasso_a-spanish-couple-in-front-of-inn-1900 +abstract_painting,Color_Field_Painting,natalia-dumitresco_fleurs-1971 +landscape,Realism,gustave-courbet_after-the-storm-1872 +portrait,Fauvism,raoul-dufy_the-duke-of-reichstadt +still_life,Cubism,salvador-dali_still-life-7 +sketch_and_study,Realism,vincent-van-gogh_peasant-woman-stooping-with-spade-possibly-digging-up-carrots +nude_painting,Expressionism,ligia-macovei_reverie +landscape,Realism,gustave-courbet_the-giants-cave-from-saillon-switzerland-1873 +portrait,Romanticism,orest-kiprensky_portrait-of-ekaterina-avdulina +landscape,Symbolism,nicholas-roerich_pir-panjal-1925 +sketch_and_study,Impressionism,james-mcneill-whistler_palaces-brussels +landscape,Expressionism,horia-bernea_the-big-column +portrait,Cubism,juan-gris_woman-with-basket-1927 +still_life,Impressionism,pierre-auguste-renoir_pears-and-apples-1890 +landscape,Romanticism,alexander-ivanov_chigi-palace-on-the-park +genre_painting,Rococo,antoine-watteau_the-italian-comedy +landscape,Post_Impressionism,gustave-loiseau_port-joie-at-the-seine-1889 +still_life,Realism,salvador-dali_eucharistic-still-life +portrait,Romanticism,joseph-wright_self-portrait-1 +sketch_and_study,Cubism,theo-van-doesburg_composition-the-cow-3 +portrait,Romanticism,theodore-gericault_portrait-of-mustapha +illustration,Romanticism,gustave-dore_heaven-be-praised-they-are-my-brothers +portrait,Impressionism,gustave-caillebotte_portrait-of-madame-x +abstract_painting,Cubism,auguste-herbin_composition-monumentale-1919 +cityscape,Post_Impressionism,dumitru-ghiatza_landscape-from-balcic-1929 +portrait,High_Renaissance,titian_isabella-d-este-duchess-of-mantua-1536 +genre_painting,Impressionism,edgar-degas_riders-on-a-road-1868 +genre_painting,Expressionism,august-macke_tightrope-walker +nude_painting,Expressionism,pyotr-konchalovsky_seated-nude-1918 +sketch_and_study,Impressionism,pierre-auguste-renoir_woman-with-bag-1906 +still_life,Fauvism,mary-fedden_fruit2009 +landscape,Impressionism,frits-thaulow_the-dordogne +abstract_painting,Abstract_Expressionism,milton-resnick_untitled-1960-1 +sketch_and_study,Symbolism,nicholas-roerich_study-to-ienno-guio-dia-friend-of-travelers-1925 +nude_painting,Realism,paul-mathiopoulos_male-nude-1897 +landscape,Impressionism,john-singer-sargent_the-dead-sea-1905 +genre_painting,Impressionism,mary-cassatt_by-the-pond-1898 +portrait,Realism,ilya-repin_v-a-repina-1876 +religious_painting,Mannerism_Late_Renaissance,tintoretto_probatica-piscina-1581 +religious_painting,Northern_Renaissance,gerard-david_the-baptism-of-christ-central-section-of-the-triptych +genre_painting,Impressionism,berthe-morisot_young-woman-picking-oranges +portrait,Impressionism,mary-cassatt_woman-in-a-black-hat-and-a-raspberry-pink-costume-1900 +religious_painting,Baroque,bartolome-esteban-murillo_st-leander-and-st-bonaventure +portrait,Romanticism,vasily-tropinin_portrait-of-d-p-voyeikov-with-his-daughter-and-the-governess-miss-sorock-1842 +landscape,Symbolism,nicholas-roerich_koksar-camp-1932 +religious_painting,Northern_Renaissance,albrecht-durer_illustration-to-revelationes-sancte-birgitte-1500-2 +landscape,Symbolism,mikhail-vrubel_morning-1897 +sketch_and_study,Realism,vincent-van-gogh_peasant-with-a-stick-1881 +genre_painting,Impressionism,edmund-charles-tarbell_mother-and-mary-1922 +religious_painting,High_Renaissance,lorenzo-lotto_virgin-annunciated-1527 +genre_painting,Impressionism,eva-gonzales_the-donkey-ride-1880 +portrait,Realism,james-mcneill-whistler_mother-of-pearl-and-silver-the-andalusian-1890 +portrait,Expressionism,rafael-zabaleta_family-of-puppeteers-1934 +genre_painting,Post_Impressionism,francisc-sirato_la-oglind +illustration,Art_Nouveau_Modern,raphael-kirchner_pipe-of-peace-hearst-s-sunday-american-1917 +landscape,Impressionism,paul-gauguin_blue-barge-1882 +portrait,Ukiyo_e,keisai-eisen_toyooka-of-the-okamotoya +portrait,Impressionism,gustave-caillebotte_portrait-of-jean-daurelle +portrait,Ukiyo_e,utagawa-kuniyoshi_benkei-holdin-a-halberd +portrait,Expressionism,edvard-munch_the-four-sons-of-dr-linde-1903 +genre_painting,Symbolism,nicholas-roerich_daughter-of-viking-1918 +portrait,Realism,constantin-stahi_portrait-of-vasile-alecsandri-1892 +cityscape,Post_Impressionism,gustave-loiseau_pont-aven-rain +cityscape,Expressionism,oskar-kokoschka_the-elbe-near-dresden +religious_painting,Baroque,francisco-de-zurbaran_st-anthony-dispirited-1640 +genre_painting,Rococo,george-morland_the-sportsman-resting-1790 +religious_painting,Northern_Renaissance,albrecht-durer_resurrection-1510 +genre_painting,Northern_Renaissance,pieter-bruegel-the-elder_two-chained-monkeys-1562 +genre_painting,Art_Nouveau_Modern,henri-de-toulouse-lautrec_your-mouth +religious_painting,Romanticism,gustave-dore_baruch-writes-jeremiah-s-prophecies +landscape,Impressionism,alfred-sisley_bougival-1878 +portrait,Realism,john-everett-millais_leisure-hours +abstract_painting,Minimalism,ruth-vollmer_untitled-1977 +still_life,Realism,william-merritt-chase_still-life-with-fish-1915 +abstract_painting,Color_Field_Painting,helen-frankenthaler_sanguine-mood-1971 +portrait,Rococo,maurice-quentin-de-la-tour_portrait-of-king-louis-xv-1748 +genre_painting,Naive_Art_Primitivism,maria-primachenko_ukrainian-milkmaids-work-hard-like-miners-1970 +sketch_and_study,Expressionism,ernst-ludwig-kirchner_the-french-are-sitting-on-the-couch +landscape,Post_Impressionism,henri-matisse_not-identified-11 +religious_painting,High_Renaissance,vittore-carpaccio_arrival-of-st-ursula-during-the-siege-of-cologne-1498 +portrait,Fauvism,bela-czobel_boy-holding-a-ball-1916 +cityscape,Naive_Art_Primitivism,radi-nedelchev_at-dawn-1975 +sketch_and_study,Realism,thomas-eakins_william-rush-carving-the-allegorical-figure-of-the-schuylkill +religious_painting,Northern_Renaissance,gerard-david_an-augustinian-friar-praying +cityscape,Cubism,jean-david_jaffa +landscape,Impressionism,john-henry-twachtman_etang-also-known-as-the-pond +portrait,Cubism,juan-gris_pierrot-with-book-1924 +genre_painting,Impressionism,edouard-manet_monet-in-his-floating-studio-1874 +genre_painting,Romanticism,eugene-delacroix_the-natchez-1825(1) +genre_painting,Naive_Art_Primitivism,raoul-dufy_the-bullfight-1949 +genre_painting,Realism,gustave-courbet_the-homecoming +religious_painting,Naive_Art_Primitivism,marc-chagall_noah-s-cloak-1931 +landscape,Post_Impressionism,constantine-maleas_maleas-konstantinos-kammeni-santorinis(1) +cityscape,Expressionism,franz-kline_chatham-square-1948 +landscape,Impressionism,winston-churchill_view-near-vence-in-the-alpes-maritimes +landscape,Impressionism,pierre-auguste-renoir_view-of-the-normandy-coast-near-wargemont-1880 +landscape,Impressionism,alfred-sisley_the-island-of-saint-denis-1872 +portrait,Pointillism,georges-lemmen_portrait-of-the-artist-s-sister-1891 +genre_painting,Realism,nikolaos-gyzis_step-mother-1883(6) +landscape,Expressionism,martiros-saryan_sunrise-over-ararat-1923 +portrait,Pop_Art,andy-warhol_princess-caroline-of-monaco +portrait,Baroque,diego-velazquez_philip-iv-1624 +religious_painting,Early_Renaissance,fra-angelico_death-of-the-virgin-1434 +cityscape,Realism,johan-hendrik-weissenbruch_house-of-millet-at-barbizon +cityscape,Realism,vasily-surikov_colosseum-1900 +religious_painting,Baroque,jan-steen_worship-of-golden-calf-1677 +landscape,Impressionism,willard-metcalf_prelude +landscape,Realism,isaac-levitan_huts-after-sunset-1899 +genre_painting,Symbolism,franz-stuck_wild-chase-1889 +portrait,Expressionism,ernst-ludwig-kirchner_female-artist +abstract_painting,Color_Field_Painting,friedel-dzubas_lotus-1962 +religious_painting,Baroque,caravaggio_crowning-with-thorns-1603(1) +illustration,Romanticism,gustave-dore_beatrice-virgil +still_life,Synthetic_Cubism,juan-gris_musician-s-table-1914 +sketch_and_study,Post_Impressionism,vincent-van-gogh_cypresses-with-four-people-working-in-the-field-1890(1) +landscape,Impressionism,claude-monet_the-banks-of-the-seine-lavacourt +abstract_painting,Minimalism,brice-marden_marble-10-1981 +still_life,Fauvism,bela-czobel_large-still-life-with-fruits-1929 +portrait,Post_Impressionism,theo-van-rysselberghe_andre-gide-at-jersey-1907 +still_life,Pop_Art,alex-hay_egg-on-plate-with-knife-fork-and-spoon-1964 +nude_painting,Impressionism,pierre-auguste-renoir_sleeping-nude-with-hat-repose +cityscape,Post_Impressionism,vincent-van-gogh_the-allotments-at-montmartre-1887 +landscape,Impressionism,camille-pissarro_chestnut-orchard-in-winter-1872 +portrait,Impressionism,edouard-manet_a-young-girl-1880 +religious_painting,Early_Renaissance,filippo-lippi_the-funeral-of-st-stephen-detail +illustration,Romanticism,gustave-dore_godfrey-enters-jerusalem-1877 +landscape,New_Realism,edward-hopper_burly-cobb-hen-coop-and-barn +still_life,Post_Impressionism,mary-fedden_irish-lillies +religious_painting,Northern_Renaissance,albrecht-altdorfer_florian-result-scenes-for-legend-of-st-florian-1518 +genre_painting,Impressionism,gustave-caillebotte_the-canoe +religious_painting,Early_Renaissance,benozzo-gozzoli_st-fortunatus-enthroned +portrait,Early_Renaissance,paolo-uccello_portrait-of-man-in-profile +cityscape,Post_Impressionism,maurice-utrillo_place-pigalle +genre_painting,Art_Nouveau_Modern,raphael-kirchner_couples-between-red-borders-1901 +portrait,Baroque,diego-velazquez_portrait-of-philip-iv-of-spain-1656 +portrait,Impressionism,john-singer-sargent_violet-sargent-1 +religious_painting,Early_Renaissance,fra-angelico_a-bishop-saint +cityscape,Realism,konstantin-makovsky_cairo-2 +landscape,Impressionism,john-henry-twachtman_waterfall-in-yellowstone-1 +sketch_and_study,Baroque,rembrandt_woman-standing-with-raised-hands +landscape,Realism,isaac-levitan_sheaves-and-a-village-beyond-the-river +genre_painting,Baroque,jan-steen_peasants-before-an-inn-1653 +landscape,Post_Impressionism,asgrimur-jonsson_mt-str-tur-w-iceland-a-storm-approaching-1915 +cityscape,Cubism,marc-chagall_snow-covered-church-1927 +landscape,Romanticism,thomas-cole_view-on-the-catskill-early-autunm-1837 +abstract_painting,Color_Field_Painting,gene-davis_joy-ride-1981 +portrait,Art_Nouveau_Modern,felix-vallotton_portrait-of-french-politician-l-on-blum-1900 +landscape,Expressionism,saul-steinberg_japanese-sunset-16-1971 +landscape,Impressionism,childe-hassam_canterbury +landscape,Realism,theodore-rousseau_landscape-in-the-auvergne-1830-2 +landscape,Naive_Art_Primitivism,salvador-dali_fishermen-in-cadaques +portrait,Art_Nouveau_Modern,valentin-serov_portrait-of-ida-lvovna-rubinstein-1910 +genre_painting,Realism,viktor-vasnetsov_headed-duck-hunter-1889 +abstract_painting,Abstract_Expressionism,lee-krasner_hieroglyphs-no-12-1969 +landscape,Fauvism,maurice-de-vlaminck_barges-in-chatou-1905 +genre_painting,Impressionism,camille-pissarro_shepherdess-and-sheep-1887 +genre_painting,Impressionism,camille-pissarro_the-chou-quarries-pontoise-1882 +portrait,Expressionism,zinaida-serebriakova_portrait-of-a-b-serebryakov-1938 +religious_painting,Northern_Renaissance,albrecht-durer_agony-in-the-garden-1515 +nude_painting,Realism,thomas-eakins_nude-woman-standing +genre_painting,Baroque,jan-steen_court +portrait,Realism,vincent-van-gogh_head-of-a-young-man-with-a-pipe +cityscape,Impressionism,claude-monet_rouen-cathedral-sunlight-effect +landscape,Impressionism,claude-monet_woman-sitting-under-the-willows +genre_painting,Impressionism,claude-monet_the-promenade-woman-with-a-parasol +portrait,Romanticism,karl-bryullov_portrait-of-a-n-lvov(1) +religious_painting,Early_Renaissance,andrea-mantegna_calvary-central-predella-panel-from-the-st-zeno-of-verona-altarpiece-1459 +illustration,Art_Nouveau_Modern,kay-nielsen_elder-mother-tree +sketch_and_study,Realism,jean-francois-millet_landscape-vichy-1866-1 +portrait,Mannerism_Late_Renaissance,tintoretto_portrait-of-sebastiano-venier-with-a-page +cityscape,Impressionism,claude-monet_waterloo-bridge-sunlight-in-the-fog +landscape,Romanticism,ivan-aivazovsky_columbus-sailing-from-palos-1892 +still_life,Impressionism,gustave-caillebotte_display-of-chickens-and-game-birds +sketch_and_study,Romanticism,orest-kiprensky_portrait-of-a-young-woman-girl-reading-a-book-1807 +religious_painting,High_Renaissance,leonardo-da-vinci_the-virgin-of-the-rocks +abstract_painting,Minimalism,park-seo-bo_ecriture-no-051128-2005 +abstract_painting,Abstract_Expressionism,brett-whiteley_untitled-red-painting-1960 +portrait,Impressionism,claude-monet_madame-monet-on-the-divan +portrait,Art_Nouveau_Modern,paul-mathiopoulos_nea-in-a-national-costume +portrait,Realism,boris-kustodiev_portrait-of-l-s-bakst-1910 +genre_painting,Expressionism,ernst-ludwig-kirchner_view-into-a-cafe +illustration,Romanticism,gustave-dore_hop-o-my-thumb +still_life,Cubism,georges-braque_the-studio-1939 +landscape,Post_Impressionism,rafael-zabaleta_quesada-cemetery +landscape,Impressionism,willard-metcalf_the-picnic +landscape,Impressionism,willard-metcalf_late-afternoon-in-october +portrait,Rococo,benjamin-west_charles-wilson-peale-1769 +cityscape,Realism,vincent-van-gogh_city-view(1) +landscape,Impressionism,arkhip-kuindzhi_forest-glade-1887 +portrait,Romanticism,ivan-aivazovsky_katolikos-hrimyan-near-emiadzin-1895 +sketch_and_study,Realism,thomas-eakins_sketch-for-the-chess-players +landscape,Romanticism,ivan-aivazovsky_view-of-the-sea-from-the-mountains-at-sunset-crimea-1864 +portrait,Art_Nouveau_Modern,wilhelm-kotarbinski_a-lady-on-a-marble-bench-in-ancient-rome +abstract_painting,Color_Field_Painting,gene-davis_niagara-1979 +sketch_and_study,Romanticism,joseph-wright_study-of-john-staveley-s-head +portrait,Baroque,peter-paul-rubens_isabella-brant +genre_painting,Realism,nikolay-bogdanov-belsky_sunday-reading-at-country-school +genre_painting,Art_Nouveau_Modern,filipp-malyavin_farandole-1926 +genre_painting,Cubism,marc-chagall_the-drunkard-1912 +landscape,Expressionism,paula-modersohn-becker_marsh-channel-with-peat-barges +nude_painting,Expressionism,henri-matisse_odalisque-harmony-in-red-1926 +genre_painting,Realism,winslow-homer_ile-malin +genre_painting,Romanticism,ferdinand-georg-waldmã¼ller_at-the-ruins-of-the-fire-1847 +portrait,Northern_Renaissance,jan-van-eyck_portrait-of-margaret-van-eyck-1439 +still_life,Cubism,pyotr-konchalovsky_still-life-scales-1916 +religious_painting,Baroque,diego-velazquez_temptation-of-st-thomas-aquinas +abstract_painting,Abstract_Expressionism,paul-jenkins_not_detected_235681 +sketch_and_study,Symbolism,mikhail-nesterov_the-raising-of-lazarus +landscape,Romanticism,ferdinand-georg-waldmã¼ller_der-wolfgangsee-1835 +religious_painting,Art_Nouveau_Modern,aubrey-beardsley_the-litany-of-mary-magdalen +portrait,Ukiyo_e,utagawa-toyokuni_seki-sanjuro +nude_painting,Expressionism,ernst-ludwig-kirchner_nude-in-orange-and-yellow-1930 +portrait,Romanticism,karl-bryullov_portrait-of-maria-kikina-as-a-child +landscape,Post_Impressionism,pyotr-konchalovsky_shosse-at-maloyaroslavets-1938 +landscape,Impressionism,stefan-luchian_inn-without-clients +genre_painting,Impressionism,childe-hassam_rainy-day-on-fifth-avenue +genre_painting,Art_Nouveau_Modern,alphonse-mucha_dusk +genre_painting,Impressionism,gustave-caillebotte_boating-on-the-yerres +nude_painting,Expressionism,ernst-ludwig-kirchner_three-nudes-and-reclining-man +genre_painting,Baroque,le-nain-brothers_the-cart-1641 +genre_painting,Realism,vasily-vereshchagin_spy-1879 +landscape,Cubism,paul-cezanne_river-at-the-bridge-of-the-three-sources-1906 +religious_painting,Baroque,bartolome-esteban-murillo_the-two-trinities-1682 +abstract_painting,Abstract_Expressionism,dan-christensen_shale-1974 +portrait,Art_Nouveau_Modern,felix-vallotton_portrait-of-english-writer-and-illustrator-aubrey-beardsley-1898 +religious_painting,Naive_Art_Primitivism,marc-chagall_the-ark-of-the-covenant-transported-to-jerusalem-preceded-by-david-dancing-and-playing-the-harp +religious_painting,Mannerism_Late_Renaissance,tintoretto_the-birth-of-john-the-baptist +genre_painting,Contemporary_Realism,eric-fischl_corrida-in-ronda-no-1 +genre_painting,Impressionism,edgar-degas_dancers-resting-1879 +landscape,Impressionism,laszlo-mednyanszky_ruins-of-a-castle +landscape,Post_Impressionism,vincent-van-gogh_wheat-field-1888-1 +landscape,Impressionism,maxime-maufra_the-old-bridge-in-ancenis-1884 +portrait,Romanticism,konstantin-makovsky_priest-and-boyarynia +landscape,Cubism,salvador-dali_cadaques-1 +genre_painting,Post_Impressionism,henri-de-toulouse-lautrec_woman-in-a-chemise-standing-by-a-bed-madame-poupoule-1899 +genre_painting,Naive_Art_Primitivism,camille-bombois_l-abri-des-lavandi-res-1930 +landscape,Realism,isaac-levitan_road-in-a-wood-1881 +landscape,Impressionism,john-henry-twachtman_falls-in-january +portrait,Realism,thomas-eakins_billy-smith +landscape,Impressionism,alfred-sisley_houses-on-the-banks-of-the-loing-1889 +portrait,Realism,mykola-yaroshenko_portrait-of-alexander-gerd +still_life,Cubism,pablo-picasso_untitled-1920 +portrait,Expressionism,andre-derain_portrait-of-a-young-girl-in-black +abstract_painting,Color_Field_Painting,paul-jenkins_phenomena-compass-bearing +religious_painting,Northern_Renaissance,albrecht-durer_christ-before-annas-1511 +still_life,Realism,pablo-picasso_apple-1914 +genre_painting,Rococo,antoine-watteau_not_detected_229435-1717 +landscape,Realism,theodore-rousseau_paysage-in-auvergne +genre_painting,Romanticism,sir-lawrence-alma-tadema_who-is-it-1884 +illustration,Art_Nouveau_Modern,thomas-theodor-heine_simplicissimus-magazine-1896 +portrait,Baroque,diego-velazquez_portrait-of-don-luis-de-gongora-y-argote-1622 +genre_painting,Art_Nouveau_Modern,michel-simonidy_the-ball-1899 +landscape,Pointillism,theo-van-rysselberghe_canal-in-flanders-1894-1 +still_life,Expressionism,ligia-macovei_still-life-1 +landscape,Naive_Art_Primitivism,henri-rousseau_alleyway-in-the-park-of-saint-cloud-1908 +genre_painting,Romanticism,john-william-waterhouse_gathering-almond-blossoms-1916 +religious_painting,Early_Renaissance,benozzo-gozzoli_madonna-and-child-1485 +portrait,Realism,boris-kustodiev_portrait-of-vsevolod-voinov-1924 +genre_painting,Impressionism,georges-seurat_the-bank-of-the-seine-1884 +landscape,Impressionism,stefan-popescu_winter-landscape +landscape,Impressionism,john-henry-twachtman_wild-cherry-tree +cityscape,Impressionism,pierre-auguste-renoir_white-house +landscape,Romanticism,ivan-aivazovsky_darial-gorge-1891 +abstract_painting,Color_Field_Painting,olivier-debre_forme-1998 +portrait,Baroque,peter-paul-rubens_portrait-of-a-man +genre_painting,Expressionism,yiannis-tsaroychis_asleep-beneath-the-fig-tree-and-a-chimney-1965 +portrait,Post_Impressionism,richard-gerstl_johann-georg-prillinger-1907 +landscape,Impressionism,konstantin-korovin_in-the-south-of-france-1908 +religious_painting,Baroque,peter-paul-rubens_the-road-to-calvary-1637 +landscape,Realism,vasily-polenov_the-ruins-of-tiberias +genre_painting,Romanticism,francisco-goya_the-swing-1779 +sketch_and_study,Northern_Renaissance,albrecht-durer_study-sheet-with-madonna-and-child-hand-and-sleeve +genre_painting,Baroque,rembrandt_bathing-river +still_life,Impressionism,claude-monet_branch-of-lemons-1 +portrait,Expressionism,amedeo-modigliani_portrait-of-a-woman-1907 +landscape,Impressionism,claude-monet_fishing-boats-by-the-beach-and-the-cliffs-of-pourville +abstract_painting,Color_Field_Painting,edward-avedisian_untitled-1969-2 +landscape,Post_Impressionism,paul-gauguin_upstream-of-pont-aven-1888 +religious_painting,Mannerism_Late_Renaissance,titian_mary-with-the-christ-child-1561 +genre_painting,Art_Nouveau_Modern,carl-larsson_my-friends-the-carpenter-and-the-painter-1909(1) +abstract_painting,Abstract_Expressionism,richard-pousette-dart_blue-prescence-1970 +still_life,Analytical_Cubism,georges-braque_still-life-with-harp-and-violin-1911 +landscape,Impressionism,eugene-boudin_on-the-banks-of-the-touques +religious_painting,Baroque,caravaggio_supper-at-emmaus-1606(1) +abstract_painting,Abstract_Expressionism,mark-tobey_edge-of-august +abstract_painting,Abstract_Expressionism,paul-jenkins_untitled-1 +abstract_painting,Abstract_Expressionism,sam-francis_red-again-1972 +religious_painting,Mannerism_Late_Renaissance,paolo-veronese_saints-mark-and-marcellinus-being-led-to-martyrdom +genre_painting,High_Renaissance,titian_the-vicious-husband-1511 +religious_painting,Baroque,annibale-carracci_the-virgin-appears-to-st-luke-and-catherine-1592 +nude_painting,Post_Impressionism,maurice-prendergast_distance-hills-maine +portrait,Cubism,fernand-leger_the-mechanic-1920 +genre_painting,Realism,jean-francois-millet_young-girl-playing-mandolin-1845 +landscape,Impressionism,salvador-dali_view-of-portdogue-port-aluger +portrait,Realism,boris-kustodiev_portrait-of-n-v-muraviev-1903 +cityscape,Expressionism,wassily-kandinsky_murnau-with-rainbow-1909 +sketch_and_study,Realism,ivan-shishkin_uprooted-stumps-under-the-snow +portrait,Impressionism,henri-martin_sketch-of-a-young-girl-1888 +nude_painting,Expressionism,ernst-ludwig-kirchner_sleeping-nilly +genre_painting,Realism,vincent-van-gogh_miners-1880 +nude_painting,Art_Nouveau_Modern,michel-simonidy_nude +religious_painting,Symbolism,henri-fantin-latour_golgotha-copy-after-veronese +landscape,Realism,m.c.-escher_caltavuturo-in-the-madonie-mountains-sicily +religious_painting,Baroque,bartolome-esteban-murillo_christ-in-the-garden-of-olives +landscape,Post_Impressionism,pyotr-konchalovsky_corkwood-1935 +portrait,Realism,martiros-saryan_lusik-saryan-1941 +landscape,Realism,ivan-shishkin_park-in-pavlovsk-1889 +portrait,Expressionism,amedeo-modigliani_women-with-red-hair-1917 +cityscape,Impressionism,alfred-sisley_the-watering-place-at-marly-le-roi-hoarfrost-1875 +still_life,Synthetic_Cubism,juan-gris_bottle-and-glass-on-a-table-1914 +abstract_painting,Minimalism,frank-stella_casa-cornu-first-version-1969 +religious_painting,Symbolism,gustave-moreau_the-suitors +portrait,Mannerism_Late_Renaissance,tintoretto_doge-alvise-i-mocenigo-and-family-before-the-madonna +landscape,Romanticism,john-constable_east-bergholt-church-1811-1 +portrait,Realism,thomas-eakins_portrait-of-professor-benjamin-h-rand-1874 +portrait,Expressionism,chronis-botsoglou_the-artist-s-mother +genre_painting,Expressionism,mark-tobey_bahai-scene +cityscape,Romanticism,william-holman-hunt_distant-view-of-nazareth-1861 +cityscape,Post_Impressionism,raoul-dufy_sailboat-at-sainte-adresse-1912 +genre_painting,Impressionism,camille-pissarro_the-picnic +genre_painting,Cubism,miriam-schapiro_i-m-dancin-as-fast-as-i-can-1984 +portrait,Realism,john-singer-sargent_mr-and-mrs-john-w-field-1882 +abstract_painting,Abstract_Expressionism,sam-francis_another-disappearance-1963 +landscape,Impressionism,arkhip-kuindzhi_sunset +genre_painting,Rococo,thomas-gainsborough_the-woodcutter-s-house-1773 +genre_painting,Impressionism,joaquã­n-sorolla_monte-ullia-san-sebastian-1909 +religious_painting,High_Renaissance,giovanni-bellini_baptism-of-christ-st-john-altarpiece-1502-2 +portrait,Realism,ilya-repin_pilgrim +nude_painting,Impressionism,paul-mathiopoulos_female-nude-1898 +genre_painting,Realism,nikolay-bogdanov-belsky_on-a-visit-to-the-teacher +religious_painting,Art_Nouveau_Modern,wilhelm-kotarbinski_last-supper +landscape,Impressionism,arthur-lowe_clifton-grove-clifton-hall-nottingham-1 +religious_painting,Baroque,sebastien-bourdon_solomon-making-a-sacrifice-to-the-idols +landscape,Post_Impressionism,maxime-maufra_fog-on-the-seine-the-andelys-1902 +abstract_painting,Color_Field_Painting,doug-ohlson_stop-gap-1995 +landscape,Impressionism,hoca-ali-riza_unknown-title(2) +still_life,Baroque,frans-snyders_fruits-in-a-bowl-on-a-red-tablecloth +abstract_painting,Minimalism,pino-pinelli_pittura-r-bl-1986 +religious_painting,Northern_Renaissance,albrecht-altdorfer_crucifixion-scene-christ-on-the-cross-with-mary-and-john-1516 +abstract_painting,Abstract_Expressionism,brice-marden_bridge-study-1991 +landscape,Post_Impressionism,vincent-van-gogh_path-through-a-field-with-willows-1888 +portrait,Expressionism,george-mavroides_red-hair-1976 +portrait,Realism,ivan-kramskoy_russian-girl-in-a-blue-shawl-1882 +sketch_and_study,Post_Impressionism,andre-derain_chinese-boxers +genre_painting,Baroque,le-nain-brothers_the-artist-s-studio +genre_painting,Realism,charles-hermans_the-onion-sellers +genre_painting,Expressionism,jose-gutierrez-solana_cupletista-or-makeup-1930 +portrait,Realism,vincent-van-gogh_head-of-an-old-peasant-woman-with-white-cap-1884-1 +portrait,Ukiyo_e,utagawa-kuniyoshi_women-4 +genre_painting,Impressionism,maurice-prendergast_treport-beach-also-known-as-a-very-sunny-day-treport-1892 +genre_painting,Realism,peder-severin-kroyer_women-and-fishermen-of-hornbaek-1875 +sketch_and_study,Post_Impressionism,pablo-picasso_two-naked-women-1906 +portrait,Romanticism,henry-raeburn_the-drummond-children +portrait,Expressionism,amedeo-modigliani_leopold-zborowski-with-a-walking-stick-1917 +abstract_painting,Minimalism,ralph-hotere_white-drip +portrait,Expressionism,amedeo-modigliani_the-servant-1916 +genre_painting,Impressionism,konstantin-korovin_in-conjunction-1886 +still_life,Impressionism,paul-gauguin_bouquet-of-peonies-on-a-musical-score-1876 +genre_painting,Impressionism,edgar-degas_the-dance-class-1873 +cityscape,Post_Impressionism,edouard-cortes_place-de-clichy-in-winter-1 +cityscape,Impressionism,camille-pissarro_the-louvre-1901 +landscape,Realism,efim-volkov_field-of-daisies +portrait,Realism,thomas-eakins_portrait-of-harrison-s-morris-1896 +cityscape,Romanticism,rudolf-von-alt_view-of-the-stephansdom-from-stock-im-eisen-platz-1832 +still_life,Expressionism,pierre-tal-coat_still-life +landscape,Cubism,andrã©-lhote_mirmande-jaune-1956 +illustration,Art_Nouveau_Modern,aubrey-beardsley_the-fall-of-the-house-of-usher +abstract_painting,Color_Field_Painting,morris-louis_aurora-1958 +portrait,Realism,vasily-perov_blind-1878 +cityscape,Realism,james-tissot_a-part-of-the-ancient-arch-called-ecce-homo-1889 +nude_painting,Impressionism,pierre-auguste-renoir_small-nude-in-blue-1879 +portrait,Impressionism,edgar-degas_criminal-physiognomies-1881 +religious_painting,Mannerism_Late_Renaissance,titian_madonna-and-child-1570 +landscape,Impressionism,t.-c.-steele_the-grist-mill-1901 +landscape,Realism,camille-corot_ville-d-avray-cowherd-in-a-clearing-near-a-pond-1872 +landscape,Impressionism,paul-signac_the-look-at-montauban-in-rain +religious_painting,Early_Renaissance,piero-della-francesca_queen-of-sheba(1) +portrait,Realism,georgios-jakobides_girl-with-distaff-and-spindle-1876 +religious_painting,Northern_Renaissance,hans-memling_passion-greverade-altarpiece-first-closed-position-1491 +portrait,Expressionism,august-macke_woman-in-park +genre_painting,Baroque,johannes-vermeer_youg-woman-playing-a-guitar +cityscape,Symbolism,konstantin-bogaevsky_the-industrial-building +landscape,Ukiyo_e,katsushika-hokusai_dawn-at-isawa-in-the-kai-province +abstract_painting,Action_painting,franz-kline_buttress-1956 +portrait,Fauvism,joan-miro_portrait-of-a-young-girl +genre_painting,Realism,winslow-homer_hudson-river-logging +sketch_and_study,Post_Impressionism,vincent-van-gogh_sketch-of-a-tree-against-clouds-with-colour-annotations-1890 +sketch_and_study,Realism,ilya-repin_boots-of-the-prince-1883 +landscape,Post_Impressionism,gustave-loiseau_cliffs-in-normandy-evening-1909 +genre_painting,Realism,john-everett-millais_winter-fuel-1873 +cityscape,Realism,nikolai-ge_vineyard-at-vico +abstract_painting,Abstract_Expressionism,julio-pomar_maio-68-crs-ss-ii-1968 +landscape,Impressionism,willard-metcalf_autumn-festival +landscape,Impressionism,leon-dabo_along-the-lake +landscape,Impressionism,childe-hassam_east-hampton-l-i-aka-old-mumford-house +landscape,Cubism,auguste-herbin_the-oise-at-vadencourt-1912 +religious_painting,Northern_Renaissance,albrecht-durer_the-entombment +genre_painting,Northern_Renaissance,pieter-bruegel-the-elder_peasant-and-birdnester-1568 +cityscape,Romanticism,william-turner_kenilworth-castle +landscape,Post_Impressionism,paul-gauguin_landscape-with-black-pigs-and-a-crouching-tahitian-1891 +religious_painting,Early_Renaissance,andrea-mantegna_madonna-of-the-cave +sketch_and_study,Early_Renaissance,filippo-lippi_head-of-a-woman-1452 +portrait,Northern_Renaissance,hans-baldung_count-philip-1517 +abstract_painting,Minimalism,richard-tuttle_20-pearls-2-2003 +abstract_painting,Minimalism,dadamaino_il-mondo-di-platone-1981 +religious_painting,Northern_Renaissance,albrecht-durer_man-of-sorrows-seated-1515 +portrait,Romanticism,orest-kiprensky_portrait-of-ekaterina-semenova-1815-1 +sketch_and_study,Symbolism,konstantin-somov_lady +religious_painting,Mannerism_Late_Renaissance,tintoretto_ecce-homo-1567 +sketch_and_study,Cubism,pablo-picasso_a-girl-from-avignon-1907 +landscape,Realism,isaac-levitan_oak-1880 +genre_painting,Naive_Art_Primitivism,henri-rousseau_old-man-junier-s-trap-1908 +landscape,Impressionism,t.-c.-steele_the-old-mills-1903 +religious_painting,Northern_Renaissance,martin-schongauer_the-first-foolish-virgin +landscape,Impressionism,willard-metcalf_hillside-pasture +abstract_painting,Color_Field_Painting,claude-viallat_untitled-2007-235-2007 +cityscape,Impressionism,theo-van-rysselberghe_holy-cross-church-at-ixelles-at-night-1886 +sketch_and_study,Expressionism,salvador-dali_study-for-woman-undressing +cityscape,Impressionism,claude-monet_waterloo-bridge-effect-of-the-sun +abstract_painting,Minimalism,fred-sandback_untitled-1986 +religious_painting,Northern_Renaissance,albrecht-durer_christ-before-herod-1509 +landscape,Impressionism,isaac-levitan_gray-day-1888 +landscape,Symbolism,nicholas-roerich_black-gobi-1928 +sketch_and_study,Realism,vincent-van-gogh_studies-of-the-interior-of-a-cottage-and-a-sketch-of-the-potato-eaters-1885 +sketch_and_study,Rococo,antoine-watteau_studies-of-women-s-heads +landscape,Romanticism,thomas-cole_dimensions-and-material-of-painting-1828 +religious_painting,Early_Renaissance,benozzo-gozzoli_dream-of-innocent-iii-and-the-confirmation-of-the-rule-detail +portrait,Expressionism,amedeo-modigliani_jean-alexandre-1909 +illustration,Art_Nouveau_Modern,heorhiy-narbut_illustration-for-the-book-of-b-dix-toys-1911 +genre_painting,Expressionism,franz-marc_sleeping-shepherdness-1912 +genre_painting,Romanticism,pavel-svinyin_black-methodists-holding-a-prayer-meeting +landscape,Symbolism,ferdinand-hodler_lake-geneva-with-mont-blanc-at-dawn-1918-2 +cityscape,Art_Nouveau_Modern,anna-ostroumova-lebedeva_fontanka-near-the-summer-garden-1922 +landscape,Post_Impressionism,georges-seurat_on-the-road-1882 +landscape,Symbolism,nicholas-roerich_sharugen-monastery-1932 +illustration,Realism,boris-kustodiev_cover-for-the-novel-by-alexander-pushkin-dubrovsky-1919 +landscape,Symbolism,nicholas-roerich_himalayas-varicoloured-snows-1937 +genre_painting,Impressionism,eugene-boudin_laundresses-near-a-bridge +sketch_and_study,Impressionism,gustave-caillebotte_study-for-the-parquet-planers-1875 +landscape,Romanticism,john-constable_sunset-study-of-hampstead-looking-towards-harrow-1 +landscape,Impressionism,camille-pissarro_chestnut-trees-louveciennes-winter-1872 +still_life,Cubism,amedee-ozenfant_still-life-1926 +sketch_and_study,Post_Impressionism,vincent-van-gogh_man-with-scythe-in-wheat-field-1890 +portrait,Baroque,frans-hals_portrait-of-a-member-of-the-haarlem-civic-guard +abstract_painting,Minimalism,robert-mangold_split-ring-image-1-2009 +abstract_painting,Color_Field_Painting,anne-appleby_winter-aspen-2000 +portrait,Baroque,peter-paul-rubens_agrippina-and-germanicus +portrait,Realism,camille-corot_girl-with-mandolin-1865 +genre_painting,Rococo,joshua-reynolds_the-infant-academy +genre_painting,Art_Nouveau_Modern,carl-larsson_model-writing-postcards-1906(1) +abstract_painting,Abstract_Expressionism,hans-hofmann_genius-logic-1963 +abstract_painting,Minimalism,pino-pinelli_pittura-r-1986 +religious_painting,High_Renaissance,andrea-solario_salome-with-the-head-of-st-john-the-baptist-1507 +nude_painting,Impressionism,pierre-auguste-renoir_after-the-bath-1912 +portrait,Baroque,ivan-nikitin_a-malorossian-hetman-probably-pavlo-polubotok-1720 +abstract_painting,Color_Field_Painting,maurice-esteve_loxos-1 +landscape,Impressionism,robert-julian-onderdonk_blue-bonnets-at-twilight-1922 +religious_painting,Baroque,peter-paul-rubens_miracles-of-st-ignatius +abstract_painting,Color_Field_Painting,pedro-calapez_composi-o-04-2004 +landscape,Expressionism,max-pechstein_meadow-at-the-moritzburg-1910 +abstract_painting,Minimalism,anne-truitt_arundel-xxxiv-1975 +portrait,Impressionism,pierre-auguste-renoir_coco-holding-a-orange-1904 +illustration,Art_Nouveau_Modern,koloman-moser_picture-book-for-the-niece-of-ditha-mautner-von-markhof-1904 +landscape,Realism,theodore-rousseau_mountainous-landscape-in-cantal-1830 +portrait,Realism,vasily-perov_portrait-of-vasily-bezsonov-1869 +genre_painting,Expressionism,lyonel-feininger_werther-i-1916 +abstract_painting,Abstract_Expressionism,paul-reed_28-1963 +genre_painting,Post_Impressionism,pierre-bonnard_child-and-cats +genre_painting,Baroque,gerrit-dou_the-old-schoolmaster-1671 +portrait,Realism,ilya-repin_head-of-a-man-1885 +sketch_and_study,Realism,jean-francois-millet_water-mill-near-vichy-1866 +genre_painting,Symbolism,nicholas-roerich_song-of-waterfall-1920 +nude_painting,Romanticism,francisco-goya_naked-girl-looking-in-the-mirror +cityscape,Romanticism,john-atkinson-grimshaw_tree-shadows-on-the-park-wall-roundhay-park-leeds +landscape,Symbolism,nicholas-roerich_frosty-mongolia +genre_painting,Expressionism,edvard-munch_the-ladies-on-the-bridge-1903 +portrait,Impressionism,william-merritt-chase_the-black-kimono-1 +genre_painting,Ukiyo_e,kitagawa-utamaro_washing-clothes +sketch_and_study,Realism,vasily-polenov_types-of-people-on-lake-tiberias-1881 +still_life,Baroque,jean-baptiste-simeon-chardin_pears-walnuts-and-glass-of-wine +genre_painting,Impressionism,anders-zorn_misses-solomon +landscape,Impressionism,laszlo-mednyanszky_camp +portrait,Impressionism,edouard-manet_head-of-a-man-claude-monet-1874 +portrait,Ukiyo_e,utagawa-kuniyoshi_kuroda-ukinaga-japanese-actor-1816 +religious_painting,Baroque,rembrandt_christ-preaching-1652 +genre_painting,Impressionism,edgar-degas_dancers-in-a-studio-1 +landscape,Realism,camille-corot_an-orchard-at-harvest-time +landscape,Post_Impressionism,georges-seurat_rue-st-vincent-in-spring-1884 +cityscape,Impressionism,claude-monet_waterloo-bridge-fog +landscape,Post_Impressionism,gustave-loiseau_willows-banks-of-the-oise-1908 +landscape,Realism,camille-corot_ville-d-avray-the-boat-leaving-the-shore +portrait,Realism,ilya-repin_leo-tolstoy-in-the-forest-1891 +landscape,Impressionism,claude-monet_the-promenade-at-argenteuil +landscape,Impressionism,eva-gonzales_dieppe-beach-view-from-the-cliff-west +portrait,Impressionism,pierre-auguste-renoir_woman-in-blue-1919 +sketch_and_study,Realism,vincent-van-gogh_peasant-with-sickle-seen-from-the-back-1885-4 +portrait,Expressionism,henri-matisse_portrait-of-saul-stein-1916 +portrait,Realism,gustave-courbet_portrait-of-paul-ansout +genre_painting,Impressionism,berthe-morisot_julie-manet-reading-in-a-chaise-lounge +cityscape,Post_Impressionism,jan-sluyters_houses-in-the-snow-print +abstract_painting,Abstract_Expressionism,richard-pousette-dart_night-landscape-1971 +abstract_painting,Color_Field_Painting,edward-corbett_white-provincetown-1959 +portrait,Expressionism,iosif-iser_seated-woman-with-yellow-jacket +abstract_painting,Abstract_Expressionism,william-baziotes_the-room-1945 +religious_painting,Rococo,giovanni-battista-tiepolo_the-gathering-of-manna-1742 +sketch_and_study,Realism,isaac-levitan_winter-path-in-the-forest +landscape,Naive_Art_Primitivism,maurice-prendergast_landing-stage +cityscape,Naive_Art_Primitivism,raoul-dufy_houses-in-trouville-1933 +landscape,Realism,ivan-shishkin_landscape-1898 +sketch_and_study,Realism,vasily-perov_court-pugacheva-1875-1 +religious_painting,Romanticism,thomas-cole_landscape-composition-st-john-in-the-wilderness-1827 +cityscape,Art_Nouveau_Modern,egon-schiele_house-on-a-river-old-house-i-1915 +landscape,Impressionism,guy-rose_study-for-the-cathedral-tours +genre_painting,Realism,fyodor-vasilyev_peasant-s-courtyard-1869 +portrait,Realism,john-singer-sargent_winifred-duchess-of-portland-1902 +portrait,Post_Impressionism,henri-rousseau_portrait-of-jules-roc-1890 +genre_painting,Impressionism,childe-hassam_old-bottle-man +nude_painting,Expressionism,lucian-freud_annie-and-alice-1975 +sketch_and_study,Realism,vasily-surikov_cossacks-1891-1 +cityscape,Romanticism,ivan-aivazovsky_ka-d-ordo-palace-in-venice-by-moonlight-1878 +portrait,Romanticism,konstantin-makovsky_portrait-of-artist-s-daughter-olya +religious_painting,Early_Renaissance,sandro-botticelli_the-miracle-of-st-eligius-predella-panel-from-the-altarpiece-of-st-mark-1492(1) +sketch_and_study,Post_Impressionism,vincent-van-gogh_the-tarascon-stagecoach-1888 +religious_painting,Mannerism_Late_Renaissance,el-greco_st-francis-receiving-the-stigmata-2 +nude_painting,Romanticism,eugene-delacroix_male-academy-figure-1821(1) +genre_painting,Art_Nouveau_Modern,felix-vallotton_street-scene-1895-1 +cityscape,Post_Impressionism,edouard-cortes_place-de-la-madeleine +genre_painting,Symbolism,victor-borisov-musatov_the-pool-1902 +portrait,Symbolism,konstantin-somov_young-woman-asleep +portrait,Realism,edouard-manet_madame-brunet +landscape,Impressionism,childe-hassam_harney-desert-02 +religious_painting,Northern_Renaissance,gerard-david_altar-of-archangel-michael-1 +portrait,Pop_Art,andy-warhol_marilyn +religious_painting,Baroque,sebastien-bourdon_le-crucifiement-de-saint-pierre-1643 +abstract_painting,Cubism,jacques-villon_l-acrobate-1913 +landscape,Symbolism,nicholas-roerich_himalayas-1938-1 +landscape,Art_Nouveau_Modern,mstislav-dobuzhinsky_sobstvenny-garden +landscape,Baroque,rembrandt_two-thatched-cottages-with-figures-at-the-window +landscape,Post_Impressionism,salvador-dali_the-three-pines +genre_painting,Impressionism,theophrastos-triantafyllidis_the-dinner-guests-1935 +religious_painting,Northern_Renaissance,albrecht-durer_christ-on-the-cross +landscape,Post_Impressionism,pyotr-konchalovsky_hamlet-sheep-1931 +genre_painting,Realism,john-singer-sargent_padre-sebastiano +landscape,Romanticism,gheorghe-tattarescu_landscape-from-italy +landscape,Symbolism,konstantin-bogaevsky_acropolis-1908 +portrait,Impressionism,paul-gauguin_aube-the-sculptor-and-his-son-1882 +genre_painting,Impressionism,amrita-sher-gil_young-girls-1932 +still_life,Cubism,m.-h.-maxy_still-life(1) +genre_painting,Naive_Art_Primitivism,niko-pirosmani_celebration-in-bolnisi-khachini +abstract_painting,Action_painting,franz-kline_palladio-1961 +nude_painting,Impressionism,pierre-auguste-renoir_nude-on-a-couch +genre_painting,Impressionism,edgar-degas_at-the-stock-exchange-1879 +landscape,Symbolism,nicholas-roerich_cliff-dwellings-arizona-1921 +abstract_painting,Abstract_Expressionism,hans-hofmann_the-lark-1960 +abstract_painting,Abstract_Expressionism,howard-hodgkin_strictly-personal-2001 +abstract_painting,Abstract_Expressionism,ralph-rosenborg_autumn-landscape-1974 +abstract_painting,Color_Field_Painting,morris-louis_pillar-of-hope-1961 +landscape,Romanticism,caspar-david-friedrich_monastery-ruins-in-the-snow +illustration,Expressionism,m.c.-escher_emblemata-buoy +landscape,Romanticism,thomas-cole_the-vale-and-temple-of-segeste-sicily-1844 +landscape,Impressionism,adam-baltatu_at-the-brickyard +portrait,Northern_Renaissance,albrecht-durer_portrait-of-a-twenty-four-men-and-a-view-of-st-michael-in-antwerp +portrait,Post_Impressionism,henri-le-fauconnier_portrait-of-jules-romains-1922 +abstract_painting,Abstract_Expressionism,paul-jenkins_phenomena-tibetan-clay-offering-1990 +genre_painting,Pop_Art,richard-hamilton_a-dedicated-follower-of-fashion-1980 +portrait,Symbolism,mikhail-vrubel_nadezhda-zabela-vrubel-as-princess-volkhova-1898 +landscape,Post_Impressionism,gustave-loiseau_port-pinche-at-the-turn-of-the-seine-1900 +religious_painting,Northern_Renaissance,jean-fouquet_job-and-his-false-comforters +genre_painting,Rococo,william-hogarth_the-banquet-1755 +cityscape,Impressionism,childe-hassam_little-old-cottage-egypt-lane-east-hampton +still_life,Synthetic_Cubism,juan-gris_photograph-of-violin-and-checkerboard-1913 +sketch_and_study,Impressionism,pierre-auguste-renoir_young-peasant-eating-an-apple +religious_painting,Early_Renaissance,giovanni-bellini_saint-jerome-reading-1490 +abstract_painting,Abstract_Expressionism,mark-tobey_forest-fire-1956 +genre_painting,Post_Impressionism,salvador-dali_character-masquerading-in-pinning-up-a-butterfly +genre_painting,Impressionism,joaquã­n-sorolla_strolling-along-the-seashore-1909 +genre_painting,Impressionism,carl-larsson_november-1882(1) +religious_painting,Baroque,anthony-van-dyck_apostle-jude-1621 +cityscape,Romanticism,john-atkinson-grimshaw_in-peril-the-harbour-flare-1879 +landscape,Pointillism,theo-van-rysselberghe_mortula-at-grimaldi +genre_painting,Naive_Art_Primitivism,fernando-botero_the-musicians +landscape,Contemporary_Realism,mostafa-dashti_untitled-1992 +religious_painting,Northern_Renaissance,martin-schongauer_nativity-and-st-anthony +religious_painting,Northern_Renaissance,martin-schongauer_the-man-of-sorrows-with-the-virgin-mary-and-st-john-the-evangelist-1475 +portrait,Rococo,jean-marc-nattier_madame-ad-la-de-de-france-tying-knots-1756 +religious_painting,Early_Renaissance,fra-angelico_st-peter-martyr-1442 +abstract_painting,Color_Field_Painting,sam-francis_untitled-1989-2 +landscape,Expressionism,ernst-ludwig-kirchner_farmers-driving-cattle-to-a-alpine-pasture +genre_painting,Romanticism,gustave-moreau_horseman +still_life,Impressionism,pierre-auguste-renoir_still-life-with-peaches-1916 +genre_painting,Realism,anders-zorn_walk-1908 +sketch_and_study,Romanticism,dante-gabriel-rossetti_the-blessed-damozel-study-1873 +portrait,Post_Impressionism,pyotr-konchalovsky_portrait-of-a-doctor-maxim-petrovich-konchalovsky-1934 +genre_painting,Impressionism,gustave-caillebotte_boaters-on-the-yerres +portrait,Realism,ilya-repin_ortrait-of-vice-minister-of-the-interior-cavalry-general-and-member-of-state-council-count-1902 +landscape,Post_Impressionism,pyotr-konchalovsky_landscape-against-the-sun-1935 +genre_painting,Art_Nouveau_Modern,raphael-kirchner_boys-and-girls-at-sea-4 +landscape,Romanticism,karl-bryullov_delphi-valley-1(1) +religious_painting,Baroque,jacques-stella_infant-st-john-the-baptist +genre_painting,High_Renaissance,correggio_putto-with-hunting-trophy-1519(2) +religious_painting,High_Renaissance,raphael_the-grand-duke-s-madonna-1505 +sketch_and_study,Symbolism,mikhail-nesterov_study-to-harmony-concord +landscape,Post_Impressionism,paul-cezanne_in-the-woods-1885 +cityscape,Realism,camille-corot_the-belfry-of-douai-1871 +illustration,Romanticism,gustave-dore_the-tree +portrait,Contemporary_Realism,chuck-close_agnes-1998 +illustration,Symbolism,konstantin-somov_book-of-the-marquise-illustration-7 +abstract_painting,Abstract_Expressionism,manabu-mabe_dever +portrait,Impressionism,pierre-auguste-renoir_young-woman-in-a-straw-hat-1877 +abstract_painting,Abstract_Expressionism,kenzo-okada_decision-1956 +cityscape,Impressionism,antoine-blanchard_caf-de-la-paix-opera-1 +genre_painting,Impressionism,edgar-degas_two-dancers-entering-the-stage +genre_painting,Realism,william-adolphe-bouguereau_assault-1898 +genre_painting,Realism,vincent-van-gogh_sien-sewing-half-figure-1883 +portrait,Mannerism_Late_Renaissance,rosso-fiorentino_san-giovannino-1521 +cityscape,Romanticism,taras-shevchenko_all-saints-church-at-kiev-pechersk-lavra-1846 +landscape,Romanticism,albert-bierstadt_fishing-station-watch-hill +landscape,Symbolism,franklin-carmichael_mirror-lake-1929 +still_life,Cubism,gosta-adrian-nilsson_still-life-1923 +portrait,Rococo,louise-elisabeth-vigee-le-brun_louise-marie-ad-la-de-de-bourbon-penthi-vre +portrait,Romanticism,camille-corot_the-young-woman-of-albano +sketch_and_study,Fauvism,pyotr-konchalovsky_picture-of-the-carpet-study-for-portrait-of-director-vsevolod-meyerhold-1938 +abstract_painting,Abstract_Expressionism,hans-hofmann_shapes-in-black-1944 +abstract_painting,Minimalism,peter-busa_valspar-1977 +landscape,Expressionism,paul-klee_little-tree-amid-shrubbery-1919(1) +sketch_and_study,Realism,vasily-surikov_head-of-cossack-1879 +portrait,Cubism,miriam-schapiro_shrine-homage-to-c-zanne-1963 +still_life,Cubism,gino-severini_still-life-centrifugal-expansion-of-colors-1916 +genre_painting,Northern_Renaissance,albrecht-durer_the-great-courier-1495 +portrait,Realism,boris-kustodiev_portrait-of-a-k-kashparova-1911 +nude_painting,Expressionism,lucian-freud_two-men-in-the-studio-1989 +portrait,Northern_Renaissance,lucas-cranach-the-elder_portrait-of-rudolph-agricola +religious_painting,Mannerism_Late_Renaissance,jacopo-pontormo_visitation +genre_painting,Impressionism,pierre-auguste-renoir_scene-antique-femmes-aux-peplums-1895 +genre_painting,Impressionism,joaquã­n-sorolla_valencian-fiesin-an-orange-grove-1898 +landscape,Impressionism,paul-gauguin_by-the-stream-autumn-1885 +landscape,Post_Impressionism,a.y.-jackson_march-storm-georgian-bay-1920 +portrait,Post_Impressionism,irma-stern_banana-carrier-1946 +abstract_painting,Abstract_Expressionism,john-ferren_the-witch-doctor-1963 +abstract_painting,Abstract_Expressionism,dan-christensen_bajo-sexto-1984 +abstract_painting,Abstract_Expressionism,sam-francis_untitled-1950 +landscape,Romanticism,thomas-cole_mount-aetna-from-taormina-1843 +portrait,Post_Impressionism,panayiotis-tetsis_portrait-of-a-g-1954 +portrait,Realism,john-singer-sargent_mrs-daniel-sargent-curtis-1882 +landscape,Impressionism,camille-pissarro_the-barn-morning-eragny-1893 +portrait,Romanticism,dante-gabriel-rossetti_alexa-wilding-1877-1 +still_life,Naive_Art_Primitivism,henri-rousseau_the-pink-candle-1910 +portrait,Impressionism,maurice-prendergast_lady-in-a-pink-skirt +genre_painting,Realism,theodor-severin-kittelsen_huldra +nude_painting,Cubism,otto-gustav-carlsund_sitting-cubist-woman-1927 +genre_painting,Realism,john-lewis-krimmel_members-of-the-city-troup-and-other-philadelphia-soldiery +portrait,Naive_Art_Primitivism,fernando-botero_woman-with-flowers +religious_painting,Symbolism,nicholas-roerich_tsong-kha-pa-1924 +portrait,Romanticism,orest-kiprensky_readers-of-newspapers-in-naples-1831 +genre_painting,Art_Nouveau_Modern,raphael-kirchner_behind-the-scenes-1900-4 +abstract_painting,Abstract_Expressionism,joan-snyder_smashed-strokes-hope-1971 +landscape,Post_Impressionism,j.-e.-h.-macdonald_lupines-high-park-1910 +landscape,Romanticism,john-atkinson-grimshaw_sixty-years-ago +genre_painting,Impressionism,mary-cassatt_mother-and-child-1890 +genre_painting,Impressionism,claude-monet_the-garden-hollyhocks +landscape,Impressionism,childe-hassam_oregon-coast +genre_painting,Romanticism,francisco-goya_couple-with-parasol-on-the-paseo-1797 +genre_painting,Naive_Art_Primitivism,maurice-prendergast_figures-and-donkeys-also-known-as-fantasy-with-horse +still_life,Expressionism,henri-matisse_still-life-12 +illustration,Romanticism,gustave-dore_don-quixote-59 +portrait,Baroque,frans-hals_portrait-of-a-man-possibly-nicolaes-hasselaer-1635 +still_life,Cubism,georges-braque_a-red-pedestal-1942 +genre_painting,Baroque,jacob-jordaens_the-bean-king-the-king-drinks-1638 +portrait,Baroque,aleksey-antropov_portrait-of-fyodor-dubyansky-1761 +religious_painting,Early_Renaissance,benozzo-gozzoli_st-augustine-at-the-university-of-carthage-1465 +landscape,Symbolism,nicholas-roerich_mountain-luton-1922 +portrait,Baroque,ivan-nikitin_portrait-of-andrei-nartov +religious_painting,High_Renaissance,andrea-mantegna_the-virgin-of-victory-the-madonna-and-child-enthroned-with-six-saints-and-adored-by-gian-1496 +genre_painting,Rococo,pietro-longhi_a-fortune-teller-at-venice +landscape,Realism,isaac-levitan_noon +landscape,Art_Nouveau_Modern,j.-e.-h.-macdonald_the-solemn-land-1921 +portrait,Expressionism,nikolaos-lytras_woman-with-rose +landscape,Post_Impressionism,paul-cezanne_in-the-forest-of-fontainbleau-1882 +landscape,Impressionism,eugene-boudin_deauville-the-beach-low-tide +religious_painting,Mannerism_Late_Renaissance,el-greco_christ-1585 +portrait,Northern_Renaissance,rogier-van-der-weyden_portrait-of-philippe-de-croy-1460 +portrait,Expressionism,george-bouzianis_portrait-of-a-woman-1917 +genre_painting,Impressionism,pierre-auguste-renoir_young-women-talking-confidences-1878 +religious_painting,Baroque,rembrandt_the-stoning-of-st-stephen-1625 +religious_painting,Northern_Renaissance,jan-van-eyck_god-the-father-1432 +landscape,Impressionism,john-henry-twachtman_winter-2 +portrait,Impressionism,peder-severin-kroyer_marie-in-the-garden-1893 +portrait,Post_Impressionism,francisc-sirato_femeie-ez-nd +cityscape,Realism,john-singer-sargent_alhambra-patio-de-la-reja-1879 +abstract_painting,Abstract_Expressionism,hans-hofmann_wild-vine-1961 +landscape,Realism,camille-corot_richmond-near-london-1862 +landscape,Post_Impressionism,pyotr-konchalovsky_pond-sun-and-snow-1936 +cityscape,Impressionism,childe-hassam_brelevenez-lannion-cote-du-nord-france +religious_painting,Art_Nouveau_Modern,nicholas-roerich_annunciation-archangel-gabriel-1907 +portrait,Realism,vasily-tropinin_portrait-of-morkov +cityscape,Realism,vasily-surikov_view-of-kremlin-at-winter-1876 +landscape,Impressionism,claude-monet_under-the-pine-trees-at-the-end-of-the-day +nude_painting,Impressionism,william-james-glackens_back-of-nude +landscape,Post_Impressionism,rafael-zabaleta_museum-garden-1957 +portrait,Baroque,frans-hals_portrait-of-jacob-pietersz-olycan +nude_painting,Naive_Art_Primitivism,fernando-botero_woman-sitting +portrait,Baroque,adriaen-van-de-venne_portrait-of-maurice-prince-of-orange +sketch_and_study,Realism,nicholas-roerich_study-of-walls +cityscape,Impressionism,claude-monet_parliament-reflections-on-the-thames-1905 +religious_painting,Naive_Art_Primitivism,marc-chagall_meeting-of-jacob-and-rachel-at-the-well-genesis-xxix-7-10 +portrait,Impressionism,giovanni-boldini_chez-maxim-s +abstract_painting,Abstract_Expressionism,betty-parsons_aspen-colorado-1967 +landscape,Pointillism,georges-seurat_port-en-bessin-the-semaphore-and-cliffs-1888 +portrait,Ukiyo_e,utagawa-kuniyoshi_women-26 +sketch_and_study,Realism,vasily-surikov_study-to-boyarynya-morozova +portrait,Art_Nouveau_Modern,filipp-malyavin_portrait-of-alexandra-balashova-1924 +landscape,Impressionism,ivan-albright_and-the-day-ran-into-the-night-memories-1937(1) +portrait,Mannerism_Late_Renaissance,agnolo-bronzino_portrait-of-a-lady-with-a-puppy +abstract_painting,Abstract_Expressionism,vasile-dobrian_the-salamander-1984 +cityscape,New_Realism,edward-hopper_the-quaid-grands-augustins +portrait,Rococo,louise-elisabeth-vigee-le-brun_baroness-anna-sergeevna-stroganova-and-her-son-sergey-1793 +nude_painting,Post_Impressionism,moise-kisling_seated-nude-woman +landscape,Impressionism,william-merritt-chase_first-touch-of-autumn +portrait,Baroque,peter-paul-rubens_nicolas-rubens +portrait,Impressionism,mary-cassatt_little-girl-in-a-blue-armchair-1878 +sketch_and_study,Expressionism,rafael-zabaleta_seated-boy +cityscape,Impressionism,camille-pissarro_the-port-of-le-havre-1903 +genre_painting,Romanticism,dante-gabriel-rossetti_the-beautiful-hand-1875 +genre_painting,Ukiyo_e,utagawa-sadatora_women-visiting-a-shrine +abstract_painting,Expressionism,hedda-sterne_composition-drawing +portrait,Realism,boris-kustodiev_portrait-of-count-v-n-kokovtsev-1913 +portrait,Realism,william-adolphe-bouguereau_meditation-1885 +cityscape,Expressionism,chaim-soutine_houses-with-pointed-roofs +landscape,Pointillism,salvador-dali_untitled-landscape-near-madrid +sketch_and_study,Romanticism,dante-gabriel-rossetti_aggie-1877 +genre_painting,Expressionism,jose-gutierrez-solana_the-chorus-girls +portrait,Rococo,benjamin-west_francis-osborne-5th-duke-of-leeds +sketch_and_study,Realism,vincent-van-gogh_orphan-man-with-top-hat-standing-near-the-stove-seen-from-the-back-1882 +portrait,Expressionism,henri-matisse_the-rumanian-blouse-1940 +landscape,Post_Impressionism,vincent-van-gogh_houses-in-auvers-2-1890 +cityscape,Pop_Art,hiro-yamagata_not-detected-272393 +religious_painting,Mannerism_Late_Renaissance,paolo-veronese_mystic-marriage-of-st-catherine-1547 +cityscape,Symbolism,frantisek-kupka_the-way-of-silence +sketch_and_study,Post_Impressionism,vincent-van-gogh_three-peasants-at-a-meal-1890 +landscape,Romanticism,ferdinand-georg-waldmã¼ller_ruins-of-the-temple-of-juno-at-girgenti-lancinia-1845 +portrait,Naive_Art_Primitivism,fernando-botero_woman-with-a-parrot +landscape,Impressionism,t.-c.-steele_an-indiana-road-1889 +portrait,Fauvism,pyotr-konchalovsky_portrait-of-o-konchalovskaya-1909 +genre_painting,Impressionism,edouard-manet_bathers-on-seine +sketch_and_study,Expressionism,martiros-saryan_peasants-1932 +landscape,Realism,fyodor-vasilyev_wet-meadow +abstract_painting,Color_Field_Painting,jack-bush_purple-drops-1971 +genre_painting,Naive_Art_Primitivism,fernando-botero_the-card-player +portrait,Romanticism,konstantin-makovsky_portrait-of-s-hudenkov +cityscape,Impressionism,konstantin-korovin_bridge-in-saint-cloud-1936 +genre_painting,Post_Impressionism,maurice-prendergast_the-holiday-also-known-as-figures-by-the-sea-or-promenade-by-the-sea +sketch_and_study,Realism,vasily-surikov_russian-troops-under-suvorov-crossing-the-alps-study-1899 +sketch_and_study,Symbolism,kuzma-petrov-vodkin_landscape-1915 +religious_painting,Mannerism_Late_Renaissance,tintoretto_the-passover-1578 +genre_painting,Post_Impressionism,pablo-picasso_spouses-sisley-after-the-the-betrothed-by-auguste-renoir-1919 +portrait,Realism,john-singer-sargent_mrs-ian-hamilton-jean-muir +genre_painting,Impressionism,emmanuel-zairis_girl-sitting-in-the-grass +portrait,Expressionism,pablo-picasso_portrait-of-jaime-sabartes-the-bock-1901 +genre_painting,Realism,albert-bierstadt_seaweed-harvesting +landscape,Romanticism,homer-watson_the-stone-road-1881 +religious_painting,Symbolism,akseli-gallen-kallela_the-hand-of-christ-the-palm-of-peace-1897 +genre_painting,Impressionism,william-merritt-chase_the-fairy-tale +religious_painting,Early_Renaissance,pietro-perugino_christ-in-the-sarcophagus-1473 +landscape,Post_Impressionism,asgrimur-jonsson_lava-gorge-at-thingvellir-autumn-1947 +illustration,Romanticism,arthur-hughes_ophelia-1852 +landscape,Romanticism,john-crome_a-sandy-hollow-1812 +portrait,Northern_Renaissance,hans-holbein-the-younger_christina-of-denmark +landscape,Impressionism,nikolay-bogdanov-belsky_lake-and-gardens-with-statuary-landscape +still_life,Cubism,man-ray_electro-magie +landscape,Romanticism,rudolf-von-alt_the-heathens +genre_painting,Northern_Renaissance,albrecht-durer_irish-soldiers-and-peasants +portrait,Cubism,marevna-(marie-vorobieff)_portrait-of-a-stylist-germinal-rangel +portrait,Expressionism,martiros-saryan_portrait-of-poet-anna-akhmatova-1946 +landscape,Symbolism,nicholas-roerich_lake-ladoga-1919 +genre_painting,Impressionism,nicolae-grigorescu_girls-working-by-the-gate-1885 +landscape,Expressionism,max-beckmann_not-detected-259776 +portrait,Symbolism,odilon-redon_woman-with-a-yellow-bodice +portrait,Realism,john-singer-sargent_the-tramp +portrait,Impressionism,konstantin-korovin_portrait-of-chaliapin-1921 +sketch_and_study,Art_Nouveau_Modern,akseli-gallen-kallela_study-for-the-fresco-ilmarinen-ploughing-the-viper-field-1900 +nude_painting,Expressionism,albert-bloch_two-seated-nudes +portrait,Realism,james-mcneill-whistler_arrangement-in-black-no-3-sir-henry-irving-as-philip-ii-of-spain +religious_painting,Early_Renaissance,carlo-crivelli_saint-mary-magdalene +landscape,Realism,valentin-serov_haystack-1901 +illustration,Art_Nouveau_Modern,ivan-bilibin_red-rider-illustration-for-the-fairy-tale-vasilisa-the-beautiful-1899 +portrait,Impressionism,camille-pissarro_young-woman-and-child-at-the-well-1882 +abstract_painting,Abstract_Expressionism,sam-gilliam_toward-a-red-1975 +landscape,Art_Nouveau_Modern,tom-thomson_woodland-waterfall-1916 +religious_painting,Northern_Renaissance,lucas-cranach-the-elder_saint-christopher +sketch_and_study,Post_Impressionism,vincent-van-gogh_field-with-flowers-1888(1) +illustration,Expressionism,oskar-kokoschka_not_detected_235840 +genre_painting,Romanticism,fyodor-bronnikov_backstage-of-the-circus-1859 +genre_painting,Art_Nouveau_Modern,jacques-villon_the-parisian-1902 +abstract_painting,Minimalism,jiro-yoshihara_untitled +illustration,Romanticism,gustave-dore_the-inferno-canto-5 +landscape,Realism,isaac-levitan_high-waters-1885-2 +genre_painting,Analytical_Cubism,pablo-picasso_dance-of-the-veils-1907 +cityscape,Art_Nouveau_Modern,egon-schiele_stein-on-the-danube-1913 +portrait,Realism,john-everett-millais_my-second-sermon-1864 +illustration,Romanticism,gustave-dore_don-quixote-13 +landscape,Impressionism,konstantinos-volanakis_1876(1) +portrait,Expressionism,zinaida-serebriakova_portrait-of-a-ballerina-muriel-belmondo-1962 +religious_painting,Naive_Art_Primitivism,marc-chagall_striking-the-rock-2 +landscape,Impressionism,abdullah-suriosubroto_landscape-of-paddy-field +religious_painting,Northern_Renaissance,albrecht-durer_twelve-year-old-jesus-in-the-temple-1497 +sketch_and_study,Realism,isaac-levitan_monastery-gate-and-wall-1885 +cityscape,Realism,vasily-surikov_saint-peter-s-cathedral-in-rome-1884 +portrait,Realism,william-adolphe-bouguereau_portrait-of-a-young-girl-crocheting-1889 +abstract_painting,Minimalism,mark-rothko_no-8-1964 +abstract_painting,Color_Field_Painting,theodoros-stamos_infinity-field-sunion-1-1972 +cityscape,Post_Impressionism,wassily-kandinsky_old-town-ii-1902 +genre_painting,Romanticism,konstantin-makovsky_matchmaker +nude_painting,Expressionism,amedeo-modigliani_caryatid-3 +religious_painting,Impressionism,edgar-degas_the-crucifixion-after-mantegna-1861 +abstract_painting,Color_Field_Painting,sam-francis_untitled-sf78-233-1978 +still_life,Cubism,jean-david_still-life-on-a-white-tablecloth +portrait,Impressionism,pierre-auguste-renoir_gabrielle-with-bare-breasts-1907 +religious_painting,Northern_Renaissance,pieter-bruegel-the-elder_running-away-the-mother-of-god-into-egypt +religious_painting,Mannerism_Late_Renaissance,paolo-veronese_st-matthew-1555 +genre_painting,Impressionism,camille-pissarro_market-at-pontoise +cityscape,New_Realism,edward-hopper_the-el-station +abstract_painting,Abstract_Expressionism,joan-mitchell_mooring-1971 +landscape,Fauvism,henri-matisse_landscape-with-brook-brook-with-aloes-1907 +genre_painting,Romanticism,john-everett-millais_the-boyhood-of-raleigh +abstract_painting,Abstract_Expressionism,jackson-pollock_circumcision-january(1) +religious_painting,Early_Renaissance,fra-angelico_adoration-of-the-magi-1442 +genre_painting,Romanticism,william-shayer_the-start-of-the-day +religious_painting,Romanticism,gustave-dore_the-escape-of-david-through-the-window-1866 +portrait,Realism,pyotr-konchalovsky_portrait-of-writer-vsevolod-vyacheslavovich-ivanov-1951 +portrait,Realism,ivan-kramskoy_woodsman-1874 +portrait,Impressionism,pierre-auguste-renoir_girl-reading-1890 +portrait,Impressionism,ipolit-strambu_summer-afternoon-1918 +portrait,New_Realism,william-james-glackens_portrait-of-charles-fitzgerald-1903 +portrait,Baroque,anthony-van-dyck_nicolaes-van-der-borght-merchant-of-antwerp +landscape,Realism,gustave-courbet_the-cliffs-at-etretat-1869 +sketch_and_study,Realism,vincent-van-gogh_carpenter-seen-from-the-back-1882(1) +genre_painting,Impressionism,berthe-morisot_young-woman-and-child-on-an-isle +religious_painting,Early_Renaissance,luca-signorelli_madonna-and-child-with-saints-2 +religious_painting,Naive_Art_Primitivism,marc-chagall_abraham-and-three-angels-1966 +portrait,Northern_Renaissance,albrecht-durer_portrait-of-a-man-konrad-peutinger +portrait,Romanticism,dante-gabriel-rossetti_jane-morris-the-blue-silk-dress-1868 +genre_painting,Expressionism,david-alfaro-siqueiros_portrait-of-jose-clemente-orozco-1883-1949-1947-oil-on-canvas-1947 +portrait,Naive_Art_Primitivism,fernando-botero_tour-of-the-volcano +portrait,Realism,edouard-manet_the-tragedian-actor-1866 +abstract_painting,Abstract_Expressionism,brice-marden_first-letter-2009 +abstract_painting,Abstract_Expressionism,dan-christensen_pavo-1968 +genre_painting,Romanticism,eugene-delacroix_king-rodrigo-1833(1) +portrait,Symbolism,ferdinand-hodler_the-halberdier-1895 +abstract_painting,Abstract_Expressionism,perle-fine_prescience-no-11-1951 +genre_painting,Expressionism,henri-matisse_dancer-and-rocaille-armchair-on-a-black-background-1942 +sketch_and_study,Post_Impressionism,vincent-van-gogh_wheat-field-with-cypresses +genre_painting,Romanticism,albert-bierstadt_fishing-from-a-canoe-1859 +portrait,Northern_Renaissance,lucas-cranach-the-elder_johannes-bugenhagen-1537 +sketch_and_study,Post_Impressionism,vincent-van-gogh_male-torso-and-study-for-portrait-of-a-woman-with-flowers-1887 +sketch_and_study,Northern_Renaissance,albrecht-durer_three-studies-from-nature-for-adam-s-arms-1504 +landscape,Romanticism,thomas-cole_autumn-in-the-catskills-1827 +religious_painting,Early_Renaissance,fra-angelico_saint-cosmas-and-saint-damian-before-lisius-1440 +genre_painting,Impressionism,edgar-degas_mlle-fiocre-in-the-ballet-the-source-1868 +religious_painting,Northern_Renaissance,albrecht-durer_the-harrowing-of-hell-or-christ-in-limbo-from-the-large-passion-1510 +landscape,Romanticism,paul-cezanne_view-of-bonnieres-1866 +portrait,Romanticism,paul-cezanne_portrait-of-achille-emperaire-1868 +abstract_painting,Color_Field_Painting,john-hoyland_untitled-iii-1974 +landscape,Realism,camille-corot_ville-d-avray-the-heights-peasants-working-in-a-field +portrait,Rococo,louise-elisabeth-vigee-le-brun_portrait-of-countess-catherine-skavronskaya +cityscape,Baroque,francesco-guardi_the-doge-at-the-basilica-of-la-salute-1770 +nude_painting,Cubism,rene-magritte_nude-1919(1) +landscape,Impressionism,pierre-auguste-renoir_the-hills-of-trouville +portrait,Romanticism,karl-bryullov_portrait-of-princess-ye-p-saltykova +abstract_painting,Color_Field_Painting,theodoros-stamos_infinity-field-lefkada-series-11-1978 +abstract_painting,Abstract_Expressionism,william-congdon_piazza-san-marco-no-25-white-piazza-1957 +portrait,Rococo,maurice-quentin-de-la-tour_the-marshal-de-belle-isle +landscape,Impressionism,ilya-mashkov_georgia-kazbek-day-georgian-military-road-mountain-and-village +landscape,Impressionism,eugene-boudin_camaret-the-toulinguet-1871 +abstract_painting,Color_Field_Painting,morris-louis_beth-rash-1959 +portrait,Romanticism,franz-xaver-winterhalter_princess-pauline-de-metternich +landscape,Impressionism,istvan-nagy_bald-trees-with-houses-1911 +genre_painting,Impressionism,edgar-degas_three-dancers-in-an-exercise-hall +cityscape,Baroque,diego-velazquez_view-of-zaragoza-1647 +religious_painting,Naive_Art_Primitivism,marc-chagall_moses-spreads-the-darkness-over-egypt +religious_painting,Baroque,guido-reni_repentant-peter-1637 +landscape,Contemporary_Realism,john-miller_porthkidney-beach +genre_painting,Naive_Art_Primitivism,marc-chagall_lovers-near-bridge-1948 +portrait,Post_Impressionism,paul-cezanne_portrait-of-ambroise-vollard-1899 +landscape,Symbolism,albert-bloch_jordan-1946 +portrait,Baroque,diego-velazquez_prince-balthasar-carlos +portrait,Post_Impressionism,mikhail-nesterov_portrait-of-elizaveta-kruglikova-1939 +still_life,Cubism,marcel-janco_still-life +abstract_painting,Color_Field_Painting,gene-davis_adam-s-rib-1980 +landscape,Impressionism,paul-gauguin_haymaking-near-dieppe-1885 +nude_painting,Abstract_Expressionism,henri-matisse_blue-nude +genre_painting,Impressionism,stefan-popescu_harvesting +portrait,High_Renaissance,lorenzo-lotto_portrait-of-a-bearded-man-giorgione-barbarelli +landscape,Realism,ferdinand-hodler_at-the-foot-of-the-petit-saleve-1890 +religious_painting,Romanticism,gustave-dore_the-death-of-korah-dathan-and-abiram +sketch_and_study,Post_Impressionism,vincent-van-gogh_mantelpiece-with-chair-1890 +portrait,Post_Impressionism,pablo-picasso_the-suicide-casagemas-1901 +portrait,Romanticism,camille-corot_gypsy-with-a-basque-tamborine +religious_painting,Realism,vasily-surikov_belshazzar-s-feast-1874 +cityscape,Expressionism,zinaida-serebriakova_alps-village-in-the-savoie-1933 +religious_painting,Early_Renaissance,andrea-mantegna_st-james-the-great-on-his-way-to-execution-1448 +landscape,Realism,ivan-shishkin_forest-1897 +portrait,Realism,ivan-kramskoy_portrait-of-alexander-iii-1886 +religious_painting,Early_Renaissance,domenico-ghirlandaio_annunciation-closeup-1490 +abstract_painting,Color_Field_Painting,edward-avedisian_beach-ball-1960 +genre_painting,Impressionism,mary-cassatt_louise-nursing-her-child-1898 +abstract_painting,Color_Field_Painting,gene-davis_meandering-1979 +portrait,Realism,nikolay-bogdanov-belsky_country-boys +genre_painting,Impressionism,gustave-caillebotte_roses-in-the-garden-at-petit-gennevilliers +landscape,Expressionism,max-pechstein_a-yellow-house +religious_painting,Northern_Renaissance,rogier-van-der-weyden_abegg-triptych +genre_painting,Symbolism,kuzma-petrov-vodkin_first-steps-1925 +genre_painting,Impressionism,joaquã­n-sorolla_fisherman-in-valencia-1904 +portrait,Expressionism,ligia-macovei_unknown-title-3 +cityscape,Impressionism,claude-monet_bennecourt +landscape,Pointillism,theo-van-rysselberghe_sailboats-on-the-river-scheldt-1892 +genre_painting,Realism,fyodor-vasilyev_near-a-watering-place +portrait,Romanticism,konstantin-makovsky_girl-in-oriental-dress +nude_painting,Expressionism,ernst-ludwig-kirchner_two-yellow-knots-with-bunch-of-flowers +nude_painting,Realism,anders-zorn_my-model-and-my-boat-1894 +genre_painting,Impressionism,maurice-prendergast_rocky-shore-nantasket +sketch_and_study,Romanticism,william-turner_waves-breaking-on-a-beach-1845 +still_life,Post_Impressionism,pyotr-konchalovsky_still-life-table-with-a-hat-1929 +sketch_and_study,Post_Impressionism,vincent-van-gogh_two-women-working-in-wheat-field-1890 +portrait,Rococo,vladimir-borovikovsky_portrait-of-martha-arbeneva-1798 +genre_painting,Post_Impressionism,edouard-vuillard_painting-of-a-tennis-court-castle-guernon-ranville +portrait,Early_Renaissance,andrea-del-castagno_petrarch +abstract_painting,Color_Field_Painting,theodoros-stamos_infinity-field-lefkada-series-1981 +landscape,Impressionism,claude-monet_the-beach-at-honfleux +sketch_and_study,Realism,vincent-van-gogh_the-spire-of-the-church-of-our-lady-1885 +portrait,Baroque,frans-hals_maritge-voogt-claesdr +cityscape,Impressionism,claude-monet_rouen-cathedral-the-portal-and-the-tour-d-albene-grey-weather +portrait,High_Renaissance,giorgione_double-portrait-1502(2) +illustration,Realism,valentin-serov_trishka-s-coat +genre_painting,Post_Impressionism,maurice-denis_the-meeting +portrait,Post_Impressionism,kazimir-malevich_flowergirl-1930 +landscape,Impressionism,alfred-sisley_the-barge-port-and-saint-mammes-1884 +abstract_painting,Color_Field_Painting,gene-davis_equinox-1965 +portrait,Symbolism,odilon-redon_woman-among-the-flowers +genre_painting,Impressionism,edgar-degas_at-the-mirror +genre_painting,Romanticism,mikhail-vrubel_italian-fisherman +genre_painting,Realism,jean-francois-millet_woman-baking-bread-1854 +abstract_painting,Abstract_Expressionism,paul-reed_ckw-2002 +genre_painting,Expressionism,pyotr-konchalovsky_two-guitarists-and-singer-1910 +religious_painting,Mannerism_Late_Renaissance,titian_st-john-the-almsgiver-1550 +religious_painting,High_Renaissance,giovanni-bellini_madonna-and-child-1490 +cityscape,Impressionism,alfred-sisley_the-watering-place-at-marly-le-roi-in-winter-1875 +abstract_painting,Abstract_Expressionism,willem-de-kooning_landscape-of-a-woman +sketch_and_study,Mannerism_Late_Renaissance,jacopo-pontormo_study-of-a-woman-possibly-maria-salviati +abstract_painting,Color_Field_Painting,helen-frankenthaler_weather-change-1963 +landscape,Impressionism,joaquã­n-sorolla_gardens-at-san-ildefonso-1907 +sketch_and_study,Realism,vincent-van-gogh_orphan-man-standing-1882 +portrait,Rococo,vladimir-borovikovsky_portrait-of-e-n-arsenyeva +nude_painting,Post_Impressionism,paul-gauguin_tahitian-eve-1892 +genre_painting,Post_Impressionism,georges-seurat_the-black-horse-1883 +portrait,Rococo,joshua-reynolds_robert-ramsden +cityscape,Romanticism,caspar-david-friedrich_wc-city-at-moonrise-by-caspar-david-friedrich +genre_painting,Impressionism,mary-cassatt_matertiny-1897 +sketch_and_study,Post_Impressionism,paul-gauguin_the-queen-of-beauty +abstract_painting,Abstract_Expressionism,taro-yamamoto_untitled-1972-2 +portrait,Expressionism,thalia-flora-karavia_portrait-of-maria-kalfopoulou-professor-of-chant +cityscape,Post_Impressionism,vincent-van-gogh_a-house-at-auvers-1890(1) +religious_painting,Baroque,bartolome-esteban-murillo_angel-carrying-the-cross-1660 +genre_painting,Romanticism,konstantin-makovsky_conversation-near-the-spring +landscape,Realism,nikolay-bogdanov-belsky_toadstools-under-the-tree +abstract_painting,Abstract_Expressionism,adnan-coker_unknown-title(10) +portrait,Realism,ivan-kramskoy_inconsolable-grief-1884 +portrait,Expressionism,chronis-botsoglou_1 +portrait,Romanticism,eugene-delacroix_woman-from-algiers-with-windhund-1854(1) +landscape,Cubism,yiannis-tsaroychis_landscape-of-olympia-1934 +landscape,Expressionism,chaim-soutine_ceret-landscape +portrait,Expressionism,amedeo-modigliani_big-red-buste-leopold-ii-1913 +genre_painting,Romanticism,john-william-waterhouse_a-roman-offering +religious_painting,Baroque,caravaggio_rest-on-the-flight-into-egypt(1) +cityscape,Impressionism,antoine-blanchard_champs-elysees-arc-de-triomphe +landscape,Realism,camille-corot_ville-d-avray-1870-1 +still_life,Realism,arthur-segal_still-life-with-vegetables +landscape,Symbolism,nicholas-roerich_the-hunt-1937 +illustration,Art_Nouveau_Modern,aubrey-beardsley_volpone-adoring-his-treasures +genre_painting,Romanticism,konstantin-makovsky_reading +genre_painting,Romanticism,karl-bryullov_ascension-baron-shieling(1) +landscape,Impressionism,paul-gauguin_banks-of-the-oise-1881 +still_life,Contemporary_Realism,janet-fish_evian-bottles-1976 +genre_painting,Post_Impressionism,edouard-vuillard_mother-and-child +nude_painting,Pointillism,marevna-(marie-vorobieff)_not-identified-3 +portrait,Impressionism,edgar-degas_elena-carafa +portrait,Romanticism,francisco-goya_cardinal-luis-maria-de-borbon-y-vallabriga-1800 +landscape,Post_Impressionism,henri-martin_the-cirque +religious_painting,Realism,william-adolphe-bouguereau_the-virgin-lamb-1903 +genre_painting,Romanticism,karl-bodmer_capture-of-the-daughters-of-d-boone-and-callaway-by-the-indians-1852 +genre_painting,Impressionism,nikolay-bogdanov-belsky_trout-fishing +portrait,Romanticism,jan-matejko_henryk-pobozny +genre_painting,Realism,boris-kustodiev_country-fair-1926 +landscape,Post_Impressionism,karl-schrag_full-moon-silence-1980 +illustration,Art_Nouveau_Modern,aubrey-beardsley_illustration-to-siegfried-act-ii +abstract_painting,Abstract_Expressionism,louis-schanker_green-forms-1957 +portrait,Cubism,marc-chagall_portrait-of-sister-maryasinka-1914 +genre_painting,Impressionism,claude-monet_landscape-at-giverny +landscape,Romanticism,akseli-gallen-kallela_imatra-in-winter-1893 +genre_painting,Post_Impressionism,paul-gauguin_around-the-huts-1887 +religious_painting,Baroque,rembrandt_christ-resurected-1634 +portrait,Rococo,thomas-gainsborough_portrait-of-prince-edward-later-duke-of-kent-1782 +religious_painting,Early_Renaissance,benozzo-gozzoli_st-gimignano-1465 +portrait,New_Realism,edward-hopper_self-portrait-1 +portrait,Expressionism,amedeo-modigliani_almaisa-1916 +still_life,Naive_Art_Primitivism,fernando-botero_still-life-with-orange-falling +portrait,Northern_Renaissance,hans-memling_mater-dolorosa +landscape,Pointillism,theo-van-rysselberghe_the-point-of-rossignol-1904 +genre_painting,Impressionism,claude-monet_relaxing-in-the-garden-argenteuil +cityscape,Art_Nouveau_Modern,anna-ostroumova-lebedeva_alley-in-tsarskoe-selo-1905 +sketch_and_study,Symbolism,william-blake_elisha-in-the-chamber-on-the-wall-1820 +sketch_and_study,Mannerism_Late_Renaissance,parmigianino_circe-and-the-companions-of-ulysses +portrait,Pop_Art,peter-max_untitled-bob-dylan-1967 +genre_painting,Post_Impressionism,pyotr-konchalovsky_sawyers-1932 +abstract_painting,Minimalism,alighiero-boetti_aeb +genre_painting,Romanticism,francisco-goya_fight-with-a-young-bull +portrait,Realism,vasily-surikov_portrait-of-khakasy-1909 +illustration,Symbolism,harry-clarke_the-year-s-at-the-spring-1920-4 +landscape,Fauvism,maurice-de-vlaminck_sailboats-at-chatou +genre_painting,Post_Impressionism,jacques-villon_the-game-of-backgammon-1903 +genre_painting,Art_Nouveau_Modern,boris-kustodiev_meeting-on-the-corner-1920 +illustration,Cubism,henri-laurens_untitled-from-dialogues(1) +cityscape,Impressionism,claude-monet_waterloo-bridge-overcast-weather-1 +landscape,Symbolism,nicholas-roerich_snowy-lift-1924 +portrait,Realism,pavel-fedotov_portrait-of-p-v-zhdanovich-1847 +cityscape,Realism,vasily-vereshchagin_sukhum-kale +genre_painting,Baroque,gerrit-dou_anna-and-blind-tobit +portrait,Post_Impressionism,raoul-dufy_marie-max-1927 +landscape,Post_Impressionism,vincent-van-gogh_orchard-in-blossom-plum-trees-1888 +portrait,Pop_Art,andy-warhol_time-magazine-cover +cityscape,Realism,james-mcneill-whistler_the-little-mast-1880 +landscape,Realism,vasily-polenov_dead-sea-1882 +genre_painting,Baroque,adriaen-brouwer_the-smokers-1 +sketch_and_study,Baroque,peter-paul-rubens_the-triumphal-car-of-kallo-sketch +landscape,Impressionism,camille-pissarro_the-court-house-pontoise-1873 +landscape,Post_Impressionism,vincent-van-gogh_olive-trees-bright-blue-sky-1889 +religious_painting,Baroque,rembrandt_jacob-caressing-benjamin-1637 +landscape,Impressionism,claude-monet_floating-ice-on-the-seine-02 +sketch_and_study,Post_Impressionism,vincent-van-gogh_wheat-fields-1890 +genre_painting,Realism,winslow-homer_the-blue-boat-1892 +portrait,Romanticism,theodore-gericault_a-portrait-of-a-young-man +religious_painting,Baroque,jan-steen_supper-at-emmaus-1668 +cityscape,Impressionism,armand-guillaumin_the-seine-1867 +landscape,Impressionism,claude-monet_the-seine-at-vetheuil +genre_painting,Romanticism,francisco-goya_prison-scene +cityscape,New_Realism,edward-hopper_the-bridge-of-art +landscape,Impressionism,ilya-mashkov_alupka-resort-park +genre_painting,Realism,nikolay-bogdanov-belsky_reading-the-newspaper-war-news +portrait,Northern_Renaissance,lucas-cranach-the-elder_dr-johannes-cuspinian +nude_painting,Impressionism,philip-wilson-steer_the-black-hat +genre_painting,Rococo,thomas-gainsborough_the-harvest-wagon +religious_painting,High_Renaissance,raphael_the-transfiguration-detail-1520-1 +genre_painting,Impressionism,camille-pissarro_peasant-donning-her-marmotte-1882 +landscape,Post_Impressionism,jan-sluyters_landscape-with-full-moon +portrait,Fauvism,maurice-de-vlaminck_the-girl-at-rat-mort-1905 +abstract_painting,Abstract_Expressionism,myron-stout_untitled-1946 +genre_painting,Impressionism,isaac-levitan_at-the-lake-fishermen +genre_painting,Naive_Art_Primitivism,edith-vonnegut_goddess-in-the-freezer +sketch_and_study,High_Renaissance,leonardo-da-vinci_profile-of-an-old-man +genre_painting,Realism,volodymyr-orlovsky_bonfire-at-the-field +portrait,Rococo,thomas-gainsborough_mrs-richard-brinsley-sheridan-1786 +sketch_and_study,High_Renaissance,andrea-mantegna_soldiers +landscape,Impressionism,john-henry-twachtman_fish-sheds-and-schooner-gloucester +genre_painting,Expressionism,august-macke_dealer-with-jugs +still_life,Analytical_Cubism,georges-braque_glasses-and-bottle-1912 +portrait,Realism,ilya-repin_portrait-of-a-young-man-in-a-turban +portrait,Realism,anton-azbe_portrait-of-a-girl-1885-1 +portrait,Impressionism,thalia-flora-karavia_young-girl +portrait,Baroque,peter-paul-rubens_portrait-of-isabella-brandt-1 +genre_painting,Art_Nouveau_Modern,max-kurzweil_the-fisherman +genre_painting,Ukiyo_e,kitagawa-utamaro_pearl-divers-1802 +sketch_and_study,Symbolism,nicholas-roerich_study-of-women-carrying-goods-1919 +landscape,Impressionism,salvador-dali_festival-of-st-lucia-at-villamalla +landscape,Romanticism,caspar-david-friedrich_peaks-with-clouds +portrait,Ukiyo_e,keisai-eisen_goyu-nanahito-of-the-sugata-ebiya-1823 +genre_painting,Expressionism,august-macke_three-women-at-the-table-by-the-lamp +still_life,Realism,henri-fantin-latour_still-life-glass-silver-goblet-and-cup-of-champagn-1871 +sketch_and_study,Realism,georgios-jakobides_old-age +nude_painting,Romanticism,francesco-hayez_fellatio-or-oral-sex-performed-on-a-man +genre_painting,Impressionism,berthe-morisot_woman-hanging-out-the-wash +portrait,Impressionism,william-merritt-chase_portrait-of-fra-dana +abstract_painting,Minimalism,robert-ryman_untitled-from-bam-iii-1993 +landscape,Realism,theodore-rousseau_not_detected_198929 +genre_painting,Cubism,rene-magritte_modern-1923(1) +landscape,Impressionism,claude-monet_the-towpath-at-granval +genre_painting,Baroque,jan-steen_tavern-scene +cityscape,Art_Nouveau_Modern,ivan-bilibin_a-street-in-cairo-1921(1) +religious_painting,Baroque,peter-paul-rubens_the-nativity-of-the-virgin-mary +sketch_and_study,Post_Impressionism,henri-de-toulouse-lautrec_portrait-of-misia-natanson-sert-1895 +religious_painting,Baroque,rembrandt_the-adoration-of-the-sheperds-1652 +illustration,Romanticism,gustave-dore_an-angel-leading-the-crusaders-to-jerusalem +genre_painting,Impressionism,mary-cassatt_baby-reaching-for-an-apple-1893 +portrait,Romanticism,pierre-paul-prud'hon_louise-antoinette-lannes-duchess-of-montebello +sketch_and_study,Art_Nouveau_Modern,gustav-klimt_kneeling-male-nude-with-sprawled-out-arms-male-torso +genre_painting,Realism,vincent-van-gogh_orphan-man-with-top-hat-drinking-coffee-1882-1 +abstract_painting,Abstract_Expressionism,sam-francis_for-the-blue-sons-of-the-air-1990 +portrait,Northern_Renaissance,jan-van-eyck_portrait-of-a-man-with-carnation +sketch_and_study,Cubism,arshile-gorky_untitled-abstract-landscape +cityscape,Pointillism,henri-martin_port-collioure-3 +portrait,Pointillism,theo-van-rysselberghe_portrait-of-alice-sethe-1888 +portrait,Romanticism,johann-koler_portrait-of-dr-philipp-karell-emperor-s-physician-1886 +nude_painting,Expressionism,george-mavroides_seated-nude +sketch_and_study,Impressionism,paul-gauguin_tree-in-the-farm-yard-1874-1 +cityscape,Impressionism,samuel-mutzner_vedere-din-balcic +portrait,Ukiyo_e,keisai-eisen_susaki-benten(1) +portrait,Mannerism_Late_Renaissance,giorgio-vasari_cosimo-i-de-medici-surrounded-by-his-architects-engineers-and-sculptors-1555 +portrait,Art_Nouveau_Modern,felix-vallotton_french-writer-henry-gauthier-villars-aka-willy-1859-1931-by-f-lix-valloton-1865-1925-1896 +still_life,Cubism,georges-braque_a-pumpkin-1944 +portrait,Rococo,thomas-gainsborough_john-1st-viscount-kilmorey +landscape,Cubism,albert-gleizes_serrieres +portrait,Expressionism,carlos-orozco-romero_two-women +genre_painting,Realism,nicolae-grigorescu_breton-beggar +genre_painting,Impressionism,pierre-auguste-renoir_gondola-1881 +religious_painting,Northern_Renaissance,hieronymus-bosch_the-marriage-feast-at-cana +still_life,Post_Impressionism,henri-catargi_still-life-with-seashell-1972 +genre_painting,Post_Impressionism,henri-de-toulouse-lautrec_at-the-circus-dressage-1899 +landscape,Realism,theodore-rousseau_not_detected_198917(2) +landscape,Romanticism,ivan-aivazovsky_pushkin-at-the-top-of-the-ai-petri-mountain-at-sunrise-1899 +landscape,Symbolism,nicholas-roerich_himalayas-1937 +genre_painting,Impressionism,pierre-auguste-renoir_at-the-cafe-1877 +religious_painting,Northern_Renaissance,albrecht-durer_man-of-sorrows-by-the-column-engraved-passion-1509 +landscape,Art_Nouveau_Modern,koloman-moser_pine-forest-in-winter +illustration,Baroque,adriaen-van-de-venne_emblem-from-cats-monita-amoris-virginei +genre_painting,Impressionism,theo-van-rysselberghe_fantasia-arabe-1884 +still_life,Naive_Art_Primitivism,kateryna-bilokur_still-life-with-spikes-and-jug-1959 +landscape,Impressionism,childe-hassam_east-hampton-1 +portrait,Post_Impressionism,henri-de-toulouse-lautrec_portrait-of-miss-may-belfort-1890 +cityscape,Post_Impressionism,paul-cezanne_houses-along-a-road +religious_painting,Rococo,william-hogarth_moses-brought-before-pharaoh-s-daughter-1746 +sketch_and_study,Realism,vincent-van-gogh_peasant-woman-digging-1885-1 +genre_painting,Impressionism,john-singer-sargent_marionettes-1903 +portrait,Symbolism,konstantin-somov_natalia-pavlovna +nude_painting,Expressionism,egon-schiele_fighter-1913 +abstract_painting,Color_Field_Painting,patrick-heron_horizontal-stripe-painting-november-1957-january-1958-1958 +landscape,Romanticism,miklos-barabas_quay-of-the-danube-with-greek-church-in-1843-1843 +still_life,Realism,edouard-manet_roses-in-a-champagne-glass +portrait,Realism,john-singer-sargent_mrs-frederick-roller-1895 +cityscape,Impressionism,micaela-eleutheriade_peisaj-din-suhumi-1965 +genre_painting,Naive_Art_Primitivism,raoul-dufy_storm-at-sainte-adresse-1909 +cityscape,Pop_Art,hiro-yamagata_moulin-rouge-1977 +still_life,Post_Impressionism,karl-schrag_anemones-1975 +portrait,Realism,james-tissot_mavourneen-portrait-of-kathleen-newton-1877 +portrait,Naive_Art_Primitivism,fernand-leger_portrait-of-nadia +genre_painting,Impressionism,edgar-degas_jokeys-training +cityscape,Impressionism,camille-pissarro_the-fishmarket-dieppe-1902 +genre_painting,Expressionism,august-macke_sailing-boat-on-the-tegernsee +cityscape,Art_Nouveau_Modern,anna-ostroumova-lebedeva_bridge-with-griffins-1922 +portrait,Art_Nouveau_Modern,gustav-klimt_portrait-of-baroness-elisabeth-bachofen-echt-1916 +abstract_painting,Color_Field_Painting,helen-frankenthaler_tahiti-1989 +portrait,Rococo,maurice-quentin-de-la-tour_portrait-of-alexandre-jean-joseph-le-riche-de-la-pouplini-re-1 +landscape,Impressionism,giovanni-fattori_der-heuhaufen-1870 +portrait,Pop_Art,andy-warhol_cagney-1964 +religious_painting,Baroque,aleksey-antropov_the-last-supper +portrait,Expressionism,lucian-freud_head-of-bruce-bernard-1985 +abstract_painting,Color_Field_Painting,gene-davis_cannonball-1969 +landscape,New_Realism,edward-hopper_road-in-maine +genre_painting,Expressionism,edvard-munch_three-girls-on-the-jetty-1903 +religious_painting,Realism,ilya-repin_raising-of-jairus-daughter-1870 +landscape,Realism,theodor-severin-kittelsen_fra-mitt-vindu-i-schwanthalerstrasse +illustration,Art_Nouveau_Modern,kay-nielsen_goosegirl +sketch_and_study,Northern_Renaissance,rogier-van-der-weyden_portrait-of-a-young-woman-1440 +landscape,Impressionism,camille-pissarro_riverbanks-in-pontoise-1872 +portrait,Expressionism,martiros-saryan_komitas-1969 +portrait,Art_Nouveau_Modern,sergey-solomko_russian-beauty-with-the-traditional-headdress +landscape,Art_Nouveau_Modern,franklin-carmichael_autumn-in-orillia-1924 +genre_painting,Impressionism,john-singer-sargent_the-little-fruit-seller-1879 +portrait,Romanticism,alexey-venetsianov_young-man-in-spanish-dress +portrait,Realism,alexey-venetsianov_panaevs-children +genre_painting,Symbolism,henri-fantin-latour_bathers-by-the-sea-1898 +genre_painting,Romanticism,adolphe-joseph-thomas-monticelli_gathering-of-elegant-women +sketch_and_study,Realism,vincent-van-gogh_hands-with-a-stick-1885(1) +landscape,Impressionism,childe-hassam_cat-boats-newport +cityscape,Impressionism,stefan-dimitrescu_in-front-of-the-house +cityscape,Realism,vasily-vereshchagin_triumph-1872 +portrait,Rococo,joshua-reynolds_portrait-of-lord-john-townshend +still_life,Post_Impressionism,gregoire-boonzaier_bosveldpeule-met-koperpan +abstract_painting,Abstract_Expressionism,raoul-ubac_terre-brulee-1976 +genre_painting,Expressionism,pablo-picasso_family-of-acrobats-with-monkey-1905 +landscape,Post_Impressionism,ferdinand-hodler_landscape-on-lake-geneva-1906 +abstract_painting,Abstract_Expressionism,paul-jenkins_not_detected_235693 +portrait,Impressionism,paul-gauguin_ingeborg-thaulow-1883 +religious_painting,Naive_Art_Primitivism,marc-chagall_near-gibeon-joshua-to-give-his-troops-time-to-gain-the-victory-stops-the-sun-joshua-x-12-14 +abstract_painting,Abstract_Expressionism,terry-frost_thamar-and-amnon-1989 +still_life,Realism,alfred-sisley_still-life-heron-with-spread-wings-1867 +portrait,Realism,ilya-repin_portrait-of-ivan-mikhaylovich-sechenov-russian-physiologist-1889 +landscape,Realism,charles-francois-daubigny_river-landscape-with-barge-moored +abstract_painting,Color_Field_Painting,ellsworth-kelly_black-1951 +portrait,Synthetic_Cubism,pablo-picasso_portrait-of-young-girl-1914 +abstract_painting,Abstract_Expressionism,hans-hofmann_memoria-in-aeternum-1962 +genre_painting,Impressionism,henri-de-toulouse-lautrec_horse-fighting-his-groom-1881 +religious_painting,High_Renaissance,giorgione_the-adoration-of-the-kings +portrait,Baroque,guido-reni_portrait-of-old-woman-1630 +genre_painting,Realism,nicholas-roerich_issuance-of-head +portrait,Post_Impressionism,moise-kisling_not-identified +abstract_painting,Minimalism,daniel-dezeuze_untitled-1979 +genre_painting,Art_Nouveau_Modern,raphael-kirchner_attack +genre_painting,Realism,ilya-repin_cavalcade-in-abramtzevo-1879 +landscape,Fauvism,othon-friesz_the-cottage-1901 +landscape,Contemporary_Realism,neil-welliver_briggs-meadow-1977 +genre_painting,Romanticism,victor-meirelles_moema-1866 +religious_painting,Mannerism_Late_Renaissance,tintoretto_the-brazen-serpent-1576 +landscape,Post_Impressionism,paul-gauguin_landscape-near-arles-1888 +sketch_and_study,Realism,vincent-van-gogh_peasant-woman-tossing-hay-seen-from-the-back-1885 +genre_painting,New_Realism,john-french-sloan_sunday-women-drying-their-hair-1912 +genre_painting,Post_Impressionism,maurice-prendergast_the-inlet-1 +still_life,Post_Impressionism,le-pho_composition-2 +sketch_and_study,Northern_Renaissance,hieronymus-bosch_mary-and-john-mary-and-john-at-the-foot-of-the-cross-1516 +illustration,Art_Nouveau_Modern,carlos-saenz-de-tejada_illustration-for-the-living-forest-1957 +cityscape,Art_Nouveau_Modern,anna-ostroumova-lebedeva_school-house-of-peter-i-1922 +landscape,Art_Nouveau_Modern,heorhiy-narbut_landscape-with-a-comet-1910 +religious_painting,Symbolism,james-tissot_michal-despises-david +sketch_and_study,Realism,boris-kustodiev_portrait-of-k-b-kustodiev-1921 +nude_painting,Post_Impressionism,maurice-denis_two-studies-of-a-nude-outdoors +abstract_painting,Minimalism,ruth-vollmer_untitled-swirls-1977 +abstract_painting,Minimalism,agnes-martin_homage-to-greece-1959 +landscape,Realism,camille-corot_the-evaux-mill-at-chiery-near-chateau-thierry +sketch_and_study,Baroque,rembrandt_hendrickje-sleeping +genre_painting,Romanticism,william-shayer_a-rest-by-the-roadside +sketch_and_study,Romanticism,george-stubbs_study-of-the-human-figure-anterior-view-from-a-comparative-anatomical-exposition-of-the +religious_painting,Romanticism,ford-madox-brown_elijah-restoring-the-widow-s-son +genre_painting,Impressionism,eugene-boudin_women-fishing-for-shrimp-at-kerhor-1880 +genre_painting,Baroque,isaac-van-ostade_a-barn-interior-with-a-slaughtered-pig-children-playing-beyond +genre_painting,Realism,alexey-venetsianov_in-the-fields-spring +sketch_and_study,Baroque,rembrandt_a-ragged-peasant-with-his-hands-behind-him-1635 +genre_painting,Realism,john-singer-sargent_judith-gautier-also-known-as-by-the-river-or-resting-by-a-spring-1885 +landscape,Realism,ivan-shishkin_landscape-with-walking-people-1869 +landscape,Naive_Art_Primitivism,martiros-saryan_aparan-1939 +abstract_painting,Color_Field_Painting,morris-louis_spawn-1960 +genre_painting,Post_Impressionism,maurice-prendergast_fantasy-also-known-as-landscape-with-figures +landscape,Expressionism,pyotr-konchalovsky_gurzuf-1929 +abstract_painting,Color_Field_Painting,paul-feeley_untitled-color-radiation-from-blue-center-1964 +landscape,Realism,aleksey-savrasov_monastery-gates-1875 +religious_painting,Northern_Renaissance,albrecht-durer_holy-family-1509 +portrait,Post_Impressionism,salvador-dali_portrait-of-my-father-1921 +landscape,Post_Impressionism,karl-schrag_evening-sun-low-tide-1976 +portrait,Rococo,dmitry-levitzky_anna-dorothea-louise-schmidt-n-e-baroness-klossen +genre_painting,Baroque,esaias-van-de-velde_merry-company-banqueting-on-a-terrace +religious_painting,High_Renaissance,pinturicchio_the-glory-of-st-bernardino-1486 +sketch_and_study,Impressionism,edgar-degas_project-for-portraits-in-a-frieze-three-women-1879 +religious_painting,Symbolism,george-frederick-watts_denunciation-of-cain +portrait,Impressionism,berthe-morisot_choir-boy +religious_painting,Baroque,caravaggio_salome-with-the-head-of-john-the-baptist(1) +religious_painting,Early_Renaissance,andrea-del-castagno_deposition-of-christ +illustration,Art_Nouveau_Modern,alexandre-benois_letter-u-1904(3) +genre_painting,Baroque,jan-steen_dancing-couple-detail-1663-11 +sketch_and_study,Realism,vincent-van-gogh_man-sitting-with-a-glass-in-his-hand-1882 +portrait,Realism,john-singer-sargent_mrs-gardiner-greene-hammond-esther-fiske-hammond-1903 +sketch_and_study,Art_Nouveau_Modern,sergey-solomko_to-the-light-of-science +genre_painting,Expressionism,lucian-freud_bella-and-esther-1988 +genre_painting,Impressionism,emmanuel-zairis_sewing-nets +religious_painting,Art_Nouveau_Modern,nicholas-roerich_the-painting-of-the-southern-wall-of-the-chapel-of-st-anastasia-1913 +illustration,Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-russian-fairy-story-white-duck-1902-2(1) +genre_painting,Expressionism,jose-gutierrez-solana_the-hairdresser +nude_painting,Expressionism,otto-dix_prostitute-girl-with-red-bow +landscape,Symbolism,nicholas-roerich_himalayas-33 +portrait,Cubism,georges-braque_figure-double +religious_painting,Early_Renaissance,fra-angelico_madonna-and-child +genre_painting,Art_Nouveau_Modern,henri-de-toulouse-lautrec_first-comunion-1888 +portrait,Post_Impressionism,henri-matisse_head-of-lorette-1917 +cityscape,Post_Impressionism,maurice-utrillo_basilica-of-st-denis +religious_painting,Baroque,francisco-de-zurbaran_st-apollonia-1636 +abstract_painting,Color_Field_Painting,morris-louis_bellatrix-1961 +portrait,Romanticism,sir-lawrence-alma-tadema_thou-rose-of-all-the-roses +landscape,Post_Impressionism,vincent-van-gogh_lilac-bush-1889 +landscape,Symbolism,ferdinand-hodler_lake-geneva-with-mont-blanc-before-sunrise-1918 +genre_painting,Expressionism,edvard-munch_young-man-and-prostitute-1893 +landscape,Impressionism,kazimir-malevich_birkenhain-1905 +illustration,Romanticism,gustave-dore_this-greeting-on-thy-impious-crest-receive +landscape,Realism,theodore-rousseau_plain +landscape,Post_Impressionism,paul-cezanne_woodland-with-boulders-1893 +landscape,Realism,fyodor-vasilyev_early-morning +religious_painting,Baroque,anthony-van-dyck_the-capture-of-christ-1620 +genre_painting,Romanticism,edwin-henry-landseer_the-otter-hunt +abstract_painting,Abstract_Expressionism,blinky-palermo_ohne-titel-1977 +landscape,Impressionism,claude-monet_the-sea-at-fecamp +still_life,Cubism,piet-mondrian_still-life-with-gingerpot-1-1911 +cityscape,Impressionism,paul-cezanne_the-halle-aux-vins-seen-from-the-rue-de-jussieu-1872 +landscape,Impressionism,claude-monet_the-seine-seen-from-the-heights-chantemesle +abstract_painting,Abstract_Expressionism,morris-louis_drawing-d182-1950 +abstract_painting,Color_Field_Painting,doug-ohlson_paris-green-1990 +nude_painting,Impressionism,theo-van-rysselberghe_seated-nude-1905 +still_life,Post_Impressionism,maurice-prendergast_still-life-with-apples +sketch_and_study,Naive_Art_Primitivism,fernand-leger_the-album-circus-1950-10 +portrait,Pop_Art,tano-festa_dei-coniugi-arnolfini-1976 +cityscape,Romanticism,rudolf-von-alt_rush-hour-traffic-on-the-national-road-1850 +still_life,Post_Impressionism,vincent-van-gogh_still-life-with-a-basket-of-crocuses-1887 +portrait,Impressionism,mary-cassatt_girl-in-large-hat +genre_painting,Mannerism_Late_Renaissance,paolo-veronese_aged-oriental-with-a-young-woman-1556 +landscape,Realism,viktor-vasnetsov_bajarmaland +landscape,Impressionism,alfred-sisley_banks-of-the-loing-at-moret-1892 +landscape,Post_Impressionism,maxime-maufra_autumn-landscape-at-goulazon-1900 +sketch_and_study,Northern_Renaissance,albrecht-durer_robe-study +portrait,Impressionism,walter-sickert_jacques-emile-blanche +portrait,Ukiyo_e,tsukioka-yoshitoshi_the-appearance-of-a-town-geisha-a-bargirl-in-the-ansei-era +abstract_painting,Abstract_Expressionism,mostafa-dashti_untitled-2008 +still_life,Post_Impressionism,paul-gauguin_fruits-1888 +portrait,Baroque,rembrandt_portrait-of-margeretha-de-geer-1661 +portrait,Expressionism,lucian-freud_evacuee-boy +sketch_and_study,Baroque,rembrandt_a-cavalry-fight-1632 +portrait,Cubism,amadeo-de-souza-cardoso_a-mongol +religious_painting,Northern_Renaissance,joachim-wtewael_the-tribute-money-1616 +still_life,Cubism,patrick-caulfield_two-fish-on-a-plate-1999 +portrait,Baroque,peter-paul-rubens_portrait-of-nicolas-de-respaigne-1618 +landscape,Romanticism,ivan-aivazovsky_constantinople-1880 +still_life,Post_Impressionism,moise-kisling_still-life-with-lemons-1917 +genre_painting,Realism,vladimir-makovsky_hunters-at-rest-1887 +abstract_painting,Minimalism,angelo-de-sousa_sem-titulo-1993 +cityscape,Impressionism,zinaida-serebriakova_capri-1903 +portrait,Realism,peder-severin-kroyer_georg-brandes-1902 +portrait,Realism,basuki-abdullah_wanita-berkebaya-hijau +cityscape,Naive_Art_Primitivism,jules-lefranc_peille +abstract_painting,Abstract_Expressionism,frank-lobdell_dance-i-1969 +genre_painting,Art_Nouveau_Modern,wilhelm-kotarbinski_daughter-of-cairo +abstract_painting,Abstract_Expressionism,mark-tobey_la-resille-1961 +genre_painting,Realism,jean-francois-millet_a-shepherdess-and-her-flock +abstract_painting,Abstract_Expressionism,hans-hofmann_indian-summer-1959 +portrait,Romanticism,viktor-vasnetsov_portrait-of-v-mamontova-1884 +landscape,Impressionism,robert-julian-onderdonk_untitled +landscape,Impressionism,joaquã­n-sorolla_on-the-coast-of-valencia-1898 +genre_painting,Baroque,rembrandt_the-rich-man-from-the-parable-1627 +still_life,Cubism,georges-braque_the-wash-stand-1942 +portrait,Expressionism,richard-diebenkorn_woman-outside +genre_painting,Romanticism,konstantin-makovsky_dervishes-in-cairo-1875 +portrait,Realism,ilya-repin_portrait-of-k-b-boleslavova-1913 +genre_painting,Naive_Art_Primitivism,henri-rousseau_the-artist-painting-his-wife-1905 +portrait,Rococo,louise-elisabeth-vigee-le-brun_marie-antoinette-in-a-muslin-dress-1783 +portrait,Post_Impressionism,augustus-john_the-blue-pool-1910 +genre_painting,Impressionism,nicolae-grigorescu_pesc-ri-la-grandville-1884 +portrait,Realism,hugo-simberg_boy-from-sakkijarvi-1897 +landscape,Naive_Art_Primitivism,marc-chagall_peonies-and-lilacs-1926 +abstract_painting,Minimalism,andre-pierre-arnal_pliage-folded-painting-1971-1 +religious_painting,Baroque,ivan-rutkovych_icon-sermon-of-saint-john-the-baptist-1699-1(1) +abstract_painting,Color_Field_Painting,leon-berkowitz_big-bend-v-1976 +abstract_painting,Abstract_Expressionism,sam-francis_blue-frame-1976 +genre_painting,Rococo,george-morland_herdsman-with-cattle-crossing-bridge +portrait,Baroque,diego-velazquez_portrait-of-a-man-1628 +portrait,Mannerism_Late_Renaissance,jacopo-pontormo_portrait-of-maria-salviati +landscape,Impressionism,camille-pissarro_view-of-bazincourt-flood-morning-effect-1892 +sketch_and_study,Expressionism,lucian-freud_lawrence-gowing +still_life,Cubism,pyotr-konchalovsky_still-life-samovar-1917 +genre_painting,Art_Nouveau_Modern,sergey-solomko_at-the-fair +genre_painting,Impressionism,pablo-picasso_flower-seller-1901 +genre_painting,Expressionism,theo-van-doesburg_beggar-1914 +genre_painting,Ukiyo_e,utagawa-kuniyoshi_otsu-e-paintings-coming-alive-triptych +sketch_and_study,Post_Impressionism,vincent-van-gogh_two-heads-of-men +landscape,Realism,mikhail-lebedev_landscape-1833 +cityscape,Art_Nouveau_Modern,nicholas-roerich_city-1907-2 +landscape,Impressionism,pierre-auguste-renoir_the-field-1873 +genre_painting,Expressionism,chronis-botsoglou_tehn-30-1-10 +cityscape,Impressionism,childe-hassam_the-manhattan-club +portrait,Impressionism,edgar-degas_jeantaud-linet-and-laine-1871 +landscape,Impressionism,camille-pissarro_field-at-eragny-1885 +abstract_painting,Minimalism,martin-barre_59-140-130-a-1959 +illustration,Expressionism,m.c.-escher_not_detected_204655 +nude_painting,Expressionism,george-segal_untitled-1968 +still_life,Cubism,georges-braque_lemon-walnuts-and-pot-with-tobacco +genre_painting,Impressionism,joaquã­n-sorolla_under-the-sawning-at-zarauz-beach-1910 +abstract_painting,Minimalism,frank-stella_kay-bearman-from-the-purple-series-1972 +nude_painting,Post_Impressionism,paul-cezanne_nude-female-with-attendants-1880 +cityscape,Post_Impressionism,arturo-souto_church-and-gardens-acolm-n-mexico-1951 +religious_painting,Baroque,francisco-de-zurbaran_the-holy-face +landscape,Ukiyo_e,hiroshige_hakone-kosuizu +portrait,Expressionism,iosif-iser_portrait +landscape,Pointillism,henri-martin_view-of-the-terrasse-de-marquayrol-labastide-du-vert-1935 +portrait,Baroque,rembrandt_portrait-of-haesje-van-cleyburgh-1634 +abstract_painting,Abstract_Expressionism,jimmy-ernst_science-fiction-1948 +nude_painting,Impressionism,edgar-degas_nude-in-a-tub-1884 +portrait,Impressionism,pierre-auguste-renoir_woman-and-child +portrait,Impressionism,pierre-auguste-renoir_gabrielle-reading-1906 +genre_painting,Post_Impressionism,henri-de-toulouse-lautrec_monsieur-louis-pascal-from-the-rear-1893 +portrait,Post_Impressionism,le-pho_portrait-of-a-beauty-among-peonies-1958 +illustration,Art_Nouveau_Modern,kay-nielsen_in-powder-and-crinoline-1912-1 +portrait,Romanticism,konstantin-makovsky_portrait-of-artist-s-wife +landscape,Pointillism,arthur-segal_weg-nach-kynwasser-riesengebirge-1908 +sketch_and_study,Northern_Renaissance,hans-holbein-the-younger_henry-viii-and-henry-vii-cartoon-for-wall-painting-in-whitehall-1537 +religious_painting,High_Renaissance,lorenzo-lotto_christ-and-the-adulteress +genre_painting,Realism,mykola-pymonenko_buying-out-the-bride +religious_painting,Northern_Renaissance,albrecht-durer_christ-crowned-with-thorns +genre_painting,Post_Impressionism,vincent-van-gogh_the-outskirts-of-paris-1886 +abstract_painting,Minimalism,jean-degottex_depli-blanc-i +religious_painting,Romanticism,gustave-dore_daniel-confounds-the-priests-of-bel +illustration,Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-russian-fairy-story-feather-of-finist-falcon(1) +religious_painting,High_Renaissance,pietro-perugino_christ-on-the-sarcophagus +illustration,Romanticism,gustave-dore_don-quixote-135 +still_life,Impressionism,adam-baltatu_still-life-with-travel-props +genre_painting,Expressionism,ernst-ludwig-kirchner_street-scene-in-front-of-a-barbershop +portrait,Realism,ferdinand-hodler_portrait-of-miss-lina-kyburz +landscape,Realism,isaac-levitan_the-istra-river-1886 +landscape,Post_Impressionism,vincent-van-gogh_wheat-field-with-reaper-and-sun-1889 +nude_painting,Pointillism,georges-seurat_the-models-1888 +cityscape,Cubism,pablo-picasso_el-paseo-de-colon-1917 +genre_painting,Naive_Art_Primitivism,marc-chagall_acrobatics-1963 +landscape,Impressionism,alfred-sisley_the-seine-at-bougival-1876 +abstract_painting,Abstract_Expressionism,basil-beattie_jarrow-wine-1985 +landscape,Symbolism,nicholas-roerich_himalayas-46 +landscape,Impressionism,william-merritt-chase_view-of-fiesole +landscape,Post_Impressionism,vincent-van-gogh_vineyards-with-a-view-of-auvers-1890 +religious_painting,Baroque,annibale-carracci_christ-in-glory-1598 +portrait,Art_Nouveau_Modern,felix-vallotton_portrait-of-fortun-henry-1897 +landscape,Romanticism,gustave-dore_a-canyon-1878 +religious_painting,Early_Renaissance,filippo-lippi_st-john-the-evangelist-1454 +cityscape,Impressionism,camille-pissarro_the-saint-sever-bridge-at-rouen-fog-1896 +cityscape,Post_Impressionism,pyotr-konchalovsky_novgorod-the-church-1925 +genre_painting,Realism,vladimir-makovsky_the-artist-selling-old-stuff-to-tatar-artist-s-studio-1865 +cityscape,Expressionism,bui-xuan-phai_unknown-title(2) +portrait,High_Renaissance,andrea-solario_portrait-of-a-man +religious_painting,Baroque,rembrandt_christ-returning-from-the-temple-with-his-parents-1654 +portrait,Baroque,anthony-van-dyck_portrait-of-isabella-van-assche-wife-of-justus-van-meerstraten-d-1639-1634-35-oil-on-canvas-1635 +genre_painting,Baroque,gerrit-dou_old-woman-with-a-candle +religious_painting,Symbolism,salvador-dali_pieta +nude_painting,Realism,alexey-venetsianov_bathers-2 +religious_painting,Northern_Renaissance,albrecht-durer_madonna-with-the-siskin-1506 +landscape,Impressionism,willard-metcalf_the-poppy-field +cityscape,Impressionism,camille-pissarro_view-of-paris-rue-d-amsterdam-1897 +landscape,Impressionism,alfred-sisley_countryside-near-moret-1885 +religious_painting,Early_Renaissance,benozzo-gozzoli_angels-worshipping-1461 +sketch_and_study,Post_Impressionism,vincent-van-gogh_blossoming-branches(1) +portrait,Romanticism,joseph-wright_portrait-of-mrs-catherine-swindell-1772 +abstract_painting,Abstract_Expressionism,dan-christensen_jivaro-i +landscape,Pointillism,georges-seurat_harbour-at-port-en-bessin-at-high-tide-1888 +abstract_painting,Color_Field_Painting,frederick-hammersley_middle-east-1964 +portrait,Mannerism_Late_Renaissance,jacopo-pontormo_alessandro-de-medici +landscape,Post_Impressionism,vincent-van-gogh_blossoming-acacia-branches-1890(1) +portrait,Expressionism,elaine-de-kooning_john-f-kennedy-1962 +portrait,Symbolism,odilon-redon_woman-in-profile-under-a-gothic-arch +landscape,Post_Impressionism,gustave-loiseau_by-the-river-eure +nude_painting,Post_Impressionism,henri-matisse_body-of-a-girl-1918 +portrait,Baroque,frans-hals_portrait-of-tyman-oosdorp-1656 +cityscape,Realism,theodore-rousseau_not_detected_198955 +landscape,Art_Nouveau_Modern,j.-e.-h.-macdonald_the-wild-river-1919 +religious_painting,Romanticism,gustave-dore_the-levite-carries-the-woman-s-body-away +genre_painting,Realism,felix-vallotton_felix-jasinski-in-his-printmaking-studio-1887 +landscape,Realism,johan-hendrik-weissenbruch_canal-at-rijswijk +landscape,Impressionism,octav-angheluta_copii-pe-ulita +genre_painting,Ukiyo_e,utagawa-kunisada_moonlight-view-of-tsukuda-with-lady-on-a-balcony +portrait,Impressionism,pierre-auguste-renoir_young-woman-in-a-hat +portrait,Impressionism,philip-de-laszlo_the-duchess-of-york-1925 +portrait,Realism,ilya-repin_portrait-of-s-a-repina +genre_painting,Baroque,annibale-carracci_butcher-s-shop +still_life,Contemporary_Realism,janet-fish_kraft-salad-dressing-1973 +abstract_painting,Color_Field_Painting,barnett-newman_canto-xvii-1964 +cityscape,Naive_Art_Primitivism,henri-rousseau_the-chair-factory-at-alfortville +religious_painting,High_Renaissance,raphael_the-blinding-of-elymas-cartoon-for-the-sistine-chapel +landscape,Impressionism,pierre-auguste-renoir_landscape-at-wargemont-1879 +cityscape,Post_Impressionism,henri-matisse_parade-platanes-1917 +abstract_painting,Minimalism,ronnie-landfield_series-painting-2-1966 +portrait,Impressionism,pierre-auguste-renoir_study-of-a-woman-in-a-yellow-hat +religious_painting,Northern_Renaissance,hans-memling_the-virgin-and-child-with-saints-and-donors-the-donne-triptych +portrait,Ukiyo_e,utagawa-toyokuni_the-heian-courtier +genre_painting,Rococo,giovanni-domenico-tiepolo_minuet-1756 +sketch_and_study,Realism,nicholas-roerich_wolves +portrait,Baroque,guido-reni_portrait-of-cardinal-bernardino-spada-1631 +landscape,Post_Impressionism,piet-mondrian_triangulated-farmhouse-facade-with-polder-in-blue +nude_painting,Expressionism,sa-nogueira_figure +sketch_and_study,Northern_Renaissance,hieronymus-bosch_a-peasant-and-three-bustlength-figures-1515 +abstract_painting,Color_Field_Painting,mario-cesariny_linha-d-agua +portrait,Impressionism,edgar-degas_portrait-of-a-young-woman +nude_painting,Impressionism,karoly-ferenczy_sleeping-woman-1912 +landscape,Romanticism,thomas-cole_a-view-of-the-mountain-pass-called-the-notch-of-the-white-mountains-crawford-notch-1839 +portrait,Expressionism,egon-schiele_the-art-dealer-guido-arnot-1918 +genre_painting,Impressionism,henri-martin_young-girl-in-the-fields +portrait,Realism,nikolaos-gyzis_wishbone-1878 +genre_painting,Expressionism,zinaida-serebriakova_market-in-marrakesh-1928 +genre_painting,Impressionism,maurice-prendergast_side-show +genre_painting,Realism,boris-kustodiev_bather-1917 +still_life,Cubism,olga-rozanova_sideboard-with-dishes +abstract_painting,Abstract_Expressionism,esteban-vicente_untitled-1959 +abstract_painting,Color_Field_Painting,mark-rothko_no-14-1960 +illustration,Art_Nouveau_Modern,koloman-moser_head-strips-1896 +landscape,Impressionism,camille-pissarro_meadow-at-bazincourt-1895 +religious_painting,Romanticism,john-roddam-spencer-stanhope_why-seek-ye-the-living-among-the-dread-st-luke-chapter-xiv-verse-5-1896 +sketch_and_study,Romanticism,viktor-vasnetsov_after-the-carnage-igor-svyatoslavich-with-polovtsy-sketch-1878 +still_life,Cubism,pyotr-konchalovsky_bread-on-the-blue-1913 +landscape,Impressionism,camille-pissarro_family-garden +sketch_and_study,Post_Impressionism,vincent-van-gogh_the-raising-of-lazarus-1890 +religious_painting,Early_Renaissance,filippo-lippi_the-feast-of-herod-salome-s-dance-detail-1464-2 +portrait,Realism,ilya-repin_portrait-of-painter-viktor-mikhailovich-vasnetsov-study-for-the-picture-sadko-in-the-underwater-1875 +religious_painting,Northern_Renaissance,hans-memling_st-ursula-and-the-holy-virgins-from-the-reliquary-of-st-ursula-1489 +sketch_and_study,Art_Nouveau_Modern,henri-de-toulouse-lautrec_yvette-guilbert-1893 +portrait,Expressionism,amedeo-modigliani_little-girl-in-blue-1918 +landscape,Post_Impressionism,vincent-van-gogh_a-field-of-yellow-flowers-1889(1) +abstract_painting,Color_Field_Painting,maurice-esteve_broucl-1973-1 +sketch_and_study,Naive_Art_Primitivism,fernand-leger_study-for-the-circus-1949 +religious_painting,Mannerism_Late_Renaissance,jacopo-pontormo_scene-with-cherubs-on-papal-coat-of-arms-1515 +genre_painting,Early_Renaissance,andrea-mantegna_scene-waitingservant-with-dogs-fragment-1474 +landscape,Post_Impressionism,bertalan-por_landscape-by-a-brook-1908 +abstract_painting,Abstract_Expressionism,mark-tobey_coming-and-going-1970 +nude_painting,Symbolism,eliseu-visconti_esperan-a-sonho-mistico +cityscape,Symbolism,mstislav-dobuzhinsky_old-city-in-kaunas-1923-1 +illustration,Romanticism,gustave-dore_pantagruel +sketch_and_study,Realism,jean-francois-millet_water-mill-1866 +genre_painting,Cubism,jean-metzinger_woman-with-a-coffee-pot-1919 +abstract_painting,Abstract_Expressionism,howard-mehring_untitled-1958 +portrait,Expressionism,lucian-freud_donegal-man +cityscape,Realism,vasily-vereshchagin_a-garden-gate-in-chuguchak-1870 +landscape,Impressionism,robert-julian-onderdonk_bluebonnets-in-texas-1915 +genre_painting,Impressionism,mary-cassatt_mother-and-child-1898 +genre_painting,Impressionism,childe-hassam_summer-porch-at-mr-and-mrs-c-e-s-wood-s +landscape,Symbolism,mikhail-nesterov_autumn-landscape-1934 +portrait,Impressionism,john-henry-twachtman_figure-in-a-landscape +religious_painting,Northern_Renaissance,hans-holbein-the-younger_noli-me-tangere +landscape,Realism,efim-volkov_sunset-over-the-lake +religious_painting,Early_Renaissance,benozzo-gozzoli_madonna-and-child-with-st-francis-and-the-donor-fra-jacopo-da-montefalco-left-and-st-bernardino-1452 +religious_painting,Symbolism,odilon-redon_and-on-every-side-are-columns-of-basalt-the-light-falls-from-the-vaulted-roof-plate-3-1896 +genre_painting,Ukiyo_e,keisai-eisen_evening-bell-at-mii-dera-temple +religious_painting,Romanticism,gustave-dore_slaughter-of-the-sons-of-zedekiah-before-their-father-1866 +still_life,Ukiyo_e,keisai-eisen_decoration-of-three-treasures-and-a-mask-of-otafuku-1823 +sketch_and_study,Art_Nouveau_Modern,nicholas-roerich_ledenets-1919 +portrait,Post_Impressionism,paul-cezanne_seated-woman-1879 +portrait,Rococo,william-hogarth_the-shrimp-girl +portrait,Ukiyo_e,utagawa-kuniyoshi_the-female-demond-1 +portrait,Impressionism,henri-martin_child-in-red-jacket-1891 +abstract_painting,Abstract_Expressionism,robert-goodnough_k-b-2-1992 +genre_painting,Realism,boris-kustodiev_statement-of-the-model-in-the-studio-of-ilya-repin-academy-of-arts-1899 +abstract_painting,Abstract_Expressionism,salvador-dali_arabs-1 +landscape,Impressionism,vasily-polenov_tancred-castle-in-tiberias +genre_painting,Art_Nouveau_Modern,wilhelm-kotarbinski_wave +landscape,Post_Impressionism,paul-gauguin_les-alyscamps-1888 +abstract_painting,Minimalism,blinky-palermo_untitled-stoffbild-1969 +religious_painting,Early_Renaissance,fra-angelico_archangel-gabriel-annunciate-1433 +landscape,Expressionism,martiros-saryan_yard-in-yerevan-1928 +portrait,Expressionism,francis-picabia_guillaume-apollinaire-in-1913 +genre_painting,Symbolism,konstantin-somov_russian-ballet +religious_painting,Early_Renaissance,filippo-lippi_madonna-of-humility-with-angels-and-donor +religious_painting,Northern_Renaissance,albrecht-durer_saint-eustace +abstract_painting,Color_Field_Painting,morris-louis_alpha-1960 +portrait,Symbolism,kazimir-malevich_portrait-of-ivan-kliun-1933 +portrait,Impressionism,pierre-auguste-renoir_woman-with-a-fan-1906 +abstract_painting,Abstract_Expressionism,sam-francis_green-ring-1970 +portrait,Realism,james-tissot_a-dandy-1873 +abstract_painting,Minimalism,brice-marden_nebraska-1966 +portrait,Romanticism,orest-kiprensky_neapolitan-boys-fishermen-1829 +landscape,Post_Impressionism,gustave-loiseau_spring-1906 +abstract_painting,Minimalism,joan-hernandez-pijuan_limite-2000 +landscape,Romanticism,thomas-cole_landscape-1845 +portrait,Impressionism,nikolay-bogdanov-belsky_country-children-1 +portrait,Romanticism,dante-gabriel-rossetti_woman-combing-her-hair-1864 +genre_painting,Expressionism,albert-bloch_veranda +genre_painting,Impressionism,edgar-degas_dancer-s-dressing-room +portrait,Ukiyo_e,utagawa-kuniyoshi_at-first-glance-he-looks-very-fiarce-but-he-s-really-a-nice-person +landscape,Expressionism,francis-picabia_not_detected_236830 +sketch_and_study,Rococo,maurice-quentin-de-la-tour_portrait-of-madame-de-pompadour-1752 +portrait,Impressionism,william-merritt-chase_portrait-of-mrs-julius-erson +landscape,Impressionism,paul-gauguin_a-henhouse-1884 +sketch_and_study,High_Renaissance,leonardo-da-vinci_study-for-st-anne +genre_painting,Contemporary_Realism,eric-fischl_untitled-8 +religious_painting,Early_Renaissance,sandro-botticelli_virgin-and-child-with-saints-from-the-altarpiece-of-san-barnabas-1488(1) +cityscape,Realism,aristarkh-lentulov_the-st-sergius-posad-1922 +genre_painting,Post_Impressionism,david-burliuk_ukrainian-peasants +religious_painting,Mannerism_Late_Renaissance,el-greco_st-francis-praying +portrait,Expressionism,lasar-segall_m-e-morta-1940 +landscape,Naive_Art_Primitivism,tarsila-do-amaral_floresta +abstract_painting,Abstract_Expressionism,john-hoyland_rankin-1979 +religious_painting,Romanticism,henryk-siemiradzki_baptism-of-chris +religious_painting,Northern_Renaissance,albrecht-durer_jabach-altarpiece-piper-and-drummer-1504 +abstract_painting,Color_Field_Painting,paul-feeley_tenos-1956 +genre_painting,Analytical_Cubism,pablo-picasso_woman-with-a-mandolin-1909 +landscape,Romanticism,ivan-aivazovsky_view-of-the-bosporus-1874 +landscape,Art_Nouveau_Modern,nicholas-roerich_from-beyond +still_life,Impressionism,ion-andreescu_still-life +genre_painting,Cubism,pablo-picasso_las-meninas-velazquez-1957-4 +landscape,Realism,camille-corot_quarry-of-the-chaise-mre-at-fontainebleau +still_life,Baroque,josefa-de-obidos_cesta-com-cerejas-queijos-e-barros +genre_painting,Post_Impressionism,vincent-van-gogh_the-drinkers-after-daumier-1890 +portrait,Impressionism,pierre-auguste-renoir_mlle-irene-cahen-d-anvers-1880 +landscape,Realism,ivan-shishkin_coniferous-forest-sunny-day-1895 +abstract_painting,Minimalism,brice-marden_untitled-from-ten-days-1971 +portrait,Contemporary_Realism,jamie-wyeth_lincoln-kirstein-1965 +illustration,Symbolism,felicien-rops_illustration-of-les-diaboliques-1 +portrait,Realism,ilya-repin_hunchback-2-1881 +portrait,Impressionism,pierre-auguste-renoir_head-of-a-young-girl-1878 +religious_painting,Symbolism,gustave-moreau_st-elisabeth-of-hungary-the-miracle-of-the-roses-1879 +landscape,Post_Impressionism,gustave-loiseau_small-farm-at-vaudreuil +landscape,Post_Impressionism,jack-bush_dead-trees-1943 +abstract_painting,Minimalism,sol-lewitt_vertical-lines-not-touching-1970 +landscape,Romanticism,john-atkinson-grimshaw_a-moonlit-lane-1874 +landscape,Post_Impressionism,gustave-loiseau_spring-1920 +sketch_and_study,Baroque,jacob-jordaens_study-of-three-women-and-child-1623 +cityscape,Baroque,francesco-guardi_campo-santi-giovanni-e-paolo-1763 +abstract_painting,Minimalism,daniel-buren_peinture-acrylique-blanche-sur-tissu-ray-blanc-et-rouge-1970 +abstract_painting,Color_Field_Painting,pedro-calapez_cena-10-x-4-a-2000 +religious_painting,High_Renaissance,andrea-mantegna_the-holy-family-with-saint-mary-magdalen-1500 +genre_painting,Impressionism,edgar-degas_before-the-start-1878 +portrait,Realism,ivan-kramskoy_portrait-of-the-poet-nikolai-nekrasov-1877 +abstract_painting,Color_Field_Painting,paul-jenkins_phenomena-solstice-encounter +portrait,Romanticism,karl-bryullov_portrait-of-the-archeologist-michelangelo-lanci +genre_painting,Impressionism,pierre-auguste-renoir_the-canoeist-s-luncheon-1880 +portrait,Expressionism,dimitris-mytaras_portrat-of-n-l-1975 +portrait,Pop_Art,patrick-procktor_john-in-wales-1979 +sketch_and_study,Early_Renaissance,paolo-uccello_naked-child-since-mid-body-arms-crossed +portrait,Impressionism,james-mcneill-whistler_rose-and-silver-portrait-of-mrs-whibley-1895 +religious_painting,Northern_Renaissance,jean-fouquet_david-learning-of-the-death-of-saul +landscape,Impressionism,henri-martin_sunset-at-sea +sketch_and_study,Symbolism,kuzma-petrov-vodkin_the-first-sketch-for-the-painting-in-1919-1925 +still_life,Realism,guy-rose_still-life-jug-with-fruit-1888 +portrait,Northern_Renaissance,lucas-cranach-the-elder_johannes-bugenhagen-1532 +religious_painting,Romanticism,john-everett-millais_the-tribe-of-benjamin-seizing-the-daughter-of-shiloh +genre_painting,Naive_Art_Primitivism,marc-chagall_solitude-1933 +still_life,Romanticism,konstantin-makovsky_still-life +religious_painting,Baroque,rembrandt_the-raising-of-lazarus-1630-1 +religious_painting,Mannerism_Late_Renaissance,tintoretto_sts-helen-and-barbara-adoring-the-cross +religious_painting,High_Renaissance,pietro-perugino_pala-di-fano-presentation-in-the-temple +sketch_and_study,Symbolism,nicholas-roerich_monhigan-study-1922-5 +genre_painting,Realism,vincent-van-gogh_weaver-near-an-open-window-1884 +genre_painting,Post_Impressionism,ion-theodorescu-sion_compozi-ie-cu-r-nci +illustration,Art_Nouveau_Modern,aubrey-beardsley_juvenal-scourging-woman +cityscape,Post_Impressionism,francisc-sirato_houses-in-mangalia +illustration,Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-russian-fairy-story-maria-morevna-1900-1(1) +portrait,Romanticism,henry-raeburn_portrait-of-the-reverend-john-thomson-minister-of-duddingston +religious_painting,High_Renaissance,pietro-perugino_archangel-raphael-with-tobias +abstract_painting,Color_Field_Painting,friedel-dzubas_hot-morning-1966 +landscape,Cubism,john-marin_tunk-mountains-autumn-maine-1945 +illustration,Romanticism,gustave-dore_the-inferno-canto-24 +landscape,Impressionism,claude-monet_the-pool-seen-from-the-bridge-argenteuil +portrait,Pop_Art,billy-apple_the-presidential-suite-johnson-humphrey-at-l-b-j-barbecue-1964 +cityscape,Impressionism,claude-monet_waterloo-bridge-hazy-sunshine-1903 +cityscape,Expressionism,martiros-saryan_ashtarak-1933 +still_life,Cubism,juan-gris_still-life-1922 +portrait,Post_Impressionism,henri-matisse_laurette-with-long-locks-1916 +still_life,Cubism,pyotr-konchalovsky_still-life-with-jug-1919 +religious_painting,Early_Renaissance,sandro-botticelli_adoration-of-the-child(1) +landscape,Impressionism,john-singer-sargent_dugout-1918 +sketch_and_study,Post_Impressionism,vincent-van-gogh_head-of-a-man-with-a-top-hat-1887(1) +landscape,Impressionism,stefan-popescu_landscape-with-houses-1929 +cityscape,Impressionism,claude-monet_snow-effect-with-setting-sun-1875 +cityscape,Art_Nouveau_Modern,nicholas-roerich_yuryev-polsky-study-of-temple-1903 +landscape,Impressionism,guy-rose_late-afternoon-giverny-1910-1 +landscape,Impressionism,henri-martin_fishing-boats-at-collioure +landscape,Impressionism,claude-monet_winter-at-giverny-1 +religious_painting,Expressionism,lynd-ward_not-detected-272471 +religious_painting,Northern_Renaissance,martin-schongauer_virgin-and-the-infant-holding-an-apple +genre_painting,Impressionism,camille-pissarro_les-mathurins-pontoise-1877 +portrait,Rococo,antoine-watteau_standing-man +genre_painting,Romanticism,francisco-goya_war-scene-1812 +abstract_painting,Color_Field_Painting,barnett-newman_who-s-afraid-of-red-yellow-and-blue-ii +landscape,Realism,johan-hendrik-weissenbruch_shelf-carts +landscape,Realism,efim-volkov_october +sketch_and_study,Naive_Art_Primitivism,fernand-leger_portrait-of-nadia-1950 +religious_painting,Naive_Art_Primitivism,marc-chagall_striking-the-rock-1 +landscape,Post_Impressionism,vincent-van-gogh_field-of-spring-wheat-at-sunrise-1889(1) +genre_painting,Realism,vincent-van-gogh_churchyard-in-the-rain-1883-1(1) +cityscape,Naive_Art_Primitivism,david-burliuk_vineyard-haven-massachusetts-1929 +genre_painting,Expressionism,laszlo-mednyanszky_old-tramp-1880 +cityscape,Rococo,bernardo-bellotto_san-marco-square-from-the-clock-tower-facing-the-procuratie-nuove +religious_painting,Symbolism,nicholas-roerich_mohammed-on-mount-hira-1925 +abstract_painting,Color_Field_Painting,paul-feeley_germanicus-1960 +genre_painting,Realism,edouard-manet_beach-at-boulogne-1869 +landscape,Cubism,paul-cezanne_jourdan-s-cottage-1906-1 +landscape,Realism,ivan-shishkin_at-the-edge-of-the-forest-1885 +portrait,Post_Impressionism,henri-de-toulouse-lautrec_girl-with-lovelock-1889 +landscape,Impressionism,william-merritt-chase_the-common-central-park +landscape,Romanticism,john-atkinson-grimshaw_forge-valley-scarborough +illustration,Art_Nouveau_Modern,nicholas-roerich_vignette-for-book-n-k-roerich-1918 +landscape,Impressionism,childe-hassam_home-of-the-hummingbird +religious_painting,Naive_Art_Primitivism,marc-chagall_joshua-moses-successor-as-head-of-israel-is-preparing-to-cross-the-jordan-at-the-behest-of-the +portrait,Impressionism,theodor-pallady_woman-with-fan +cityscape,Impressionism,antoine-blanchard_rue-royal-madeleine-3 +abstract_painting,Abstract_Expressionism,theodoros-stamos_untitled-columns-of-fire-1956 +portrait,Post_Impressionism,ion-theodorescu-sion_dou-r-nci-1923 +portrait,Rococo,thomas-gainsborough_portrait-of-george-venables-vernon-2nd-lord-vernon-1767 +nude_painting,Impressionism,joaquã­n-sorolla_bacchante-1886 +abstract_painting,Minimalism,conrad-marca-relli_untitled-collage-1965 +still_life,Impressionism,paul-gauguin_still-life-with-a-mandolin-1885 +portrait,Post_Impressionism,edouard-vuillard_valloton-in-natanson +cityscape,Romanticism,rudolf-von-alt_michaelerplatz-and-carbon-market-in-vienna-1844 +portrait,Realism,anders-zorn_paul-verlaine-1895 +abstract_painting,Color_Field_Painting,gotthard-graubner_farbwanne-1984 +landscape,Fauvism,jan-sluyters_forest-trail-1910 +portrait,Symbolism,lovis-corinth_portrait-of-the-poet-peter-hille-1902 +genre_painting,Impressionism,nikolay-bogdanov-belsky_visitors +portrait,Impressionism,max-liebermann_franz-adickes-1910 +landscape,Impressionism,kazimir-malevich_spring-1929 +portrait,Expressionism,anita-malfatti_o-homem-amarelo-1917 +cityscape,Impressionism,alfred-sisley_street-scene-in-marly-1876 +still_life,Impressionism,abraham-manievich_flowers +portrait,Realism,valentin-serov_by-the-window-portrait-of-olga-trubnikova-1885 +sketch_and_study,Impressionism,pierre-auguste-renoir_dancer-with-castenets-1895 +religious_painting,Symbolism,nicholas-roerich_saint-nicholas-nicola-mozhaisky-1920 +portrait,Baroque,frans-hals_young-man-with-a-skull +genre_painting,Cubism,pablo-picasso_a-bullfight-1934 +illustration,Romanticism,gustave-dore_traitors-bocca-degli-abati(1) +landscape,Realism,gustave-courbet_the-waves-1869 +genre_painting,Realism,alexey-venetsianov_threshing-floor-1822 +genre_painting,Realism,anders-zorn_our-daily-bread-1886 +nude_painting,Symbolism,salvador-dali_les-clemolselles-d-avignon-the-girls-of-avignon +portrait,Realism,ilya-repin_portrait-of-nikolai-evreinov-1915 +portrait,Realism,vasily-surikov_portrait-of-t-k-domozhilova-1891 +landscape,Symbolism,nicholas-roerich_tibet-monastery +portrait,Baroque,diego-velazquez_a-young-lady +portrait,Northern_Renaissance,jan-van-hemessen_woman-weighing-gold +genre_painting,Expressionism,lucian-freud_two-men-1988 +landscape,Impressionism,peder-severin-kroyer_artist-s-house-in-skagen-plantation-1908 +portrait,Impressionism,john-singer-sargent_a-parisian-beggar-girl-1880 +nude_painting,Impressionism,edgar-degas_the-tub-1886-1 +abstract_painting,Abstract_Expressionism,jimmy-ernst_untitled-1957 +genre_painting,Impressionism,childe-hassam_a-venetian-regatta +portrait,Ukiyo_e,utagawa-toyokuni-ii_matsumoto-kinsho-aka-matsumoto-koshiro-v +sketch_and_study,Romanticism,cornelis-springer_study-for-view-on-den-haag +nude_painting,Fauvism,jean-metzinger_nu-nude-1906 +portrait,Expressionism,henri-matisse_spanish-woman-with-a-tamborine-1909 +landscape,Art_Nouveau_Modern,j.-e.-h.-macdonald_young-canada-1922 +still_life,Synthetic_Cubism,juan-gris_bottle +genre_painting,Impressionism,stefan-luchian_female +portrait,Impressionism,augustus-john_the-right-honourable-david-lloyd-george-1916 +genre_painting,Realism,anders-zorn_opal-1891 +genre_painting,Ukiyo_e,kitagawa-utamaro_the-widow +genre_painting,Post_Impressionism,maurice-prendergast_picnic-1923 +portrait,Rococo,maurice-quentin-de-la-tour_portrait-of-abbot +landscape,Impressionism,isaac-levitan_autumn-forest-1899 +abstract_painting,Abstract_Expressionism,sam-francis_untitled-1990-1 +sketch_and_study,Realism,vincent-van-gogh_reaper-1885 +still_life,Post_Impressionism,ilya-mashkov_game-fish-pickles-still-life-with-pheasant-1916 +genre_painting,Post_Impressionism,vincent-van-gogh_rowing-boats-on-the-banks-of-the-oise-1890 +abstract_painting,Color_Field_Painting,sam-francis_from-tokyo-3-1970 +genre_painting,Impressionism,eugene-boudin_beach-scene-4 +portrait,Post_Impressionism,le-pho_elegant-lady-pouring-tea +portrait,Impressionism,pierre-auguste-renoir_boating-couple-aline-charigot-and-renoir-1881 +cityscape,Post_Impressionism,abraham-manievich_cloudy-day-bridgeport-connecticut-1939 +religious_painting,Northern_Renaissance,dirk-bouts_third-appearance-of-christ +nude_painting,Post_Impressionism,moise-kisling_reclining-nude-1917 +genre_painting,Art_Nouveau_Modern,raphael-kirchner_expiation +portrait,Romanticism,alexey-venetsianov_portret-of-a-l-venetsianova-artist-s-mother +portrait,Expressionism,lucian-freud_frances-costelloe-1 +portrait,Expressionism,ernst-ludwig-kirchner_portrait-of-a-woman +portrait,Impressionism,berthe-morisot_portrait-of-two-children-1893 +portrait,Expressionism,chaim-soutine_le-rouquin +portrait,Realism,vincent-van-gogh_head-of-a-woman-11 +portrait,Post_Impressionism,henri-matisse_the-black-table-1919 +portrait,Art_Nouveau_Modern,zinaida-serebriakova_portrait-of-ekaterina-cavos-hunter-the-artist-s-cousin +religious_painting,Early_Renaissance,piero-della-francesca_virgin-and-child +portrait,Romanticism,polychronis-lembesis_portrait-of-maria-dragoumi +portrait,Ukiyo_e,utagawa-kuniyoshi_saitogo-kunitake-japanese-actor-1816 +portrait,Baroque,rembrandt_portrait-of-lieven-willemsz-van-coppenol-1653 +genre_painting,Rococo,george-morland_breaking-the-ice-1792 +portrait,Mannerism_Late_Renaissance,tintoretto_portrait-of-a-young-gentleman +landscape,Impressionism,eugene-boudin_the-garden-1869 +genre_painting,Symbolism,kuzma-petrov-vodkin_bathing-the-red-horse-1912 +portrait,Rococo,dmitry-levitzky_portrait-of-g-i-alymova-1773 +cityscape,Post_Impressionism,gustave-loiseau_les-martigues +religious_painting,Northern_Renaissance,bernhard-strigel_st-mary-salome-and-zebedee-with-john-the-evangelist-and-james-the-great +landscape,Impressionism,alfred-sisley_windy-day-at-veneux-1882 +religious_painting,Mannerism_Late_Renaissance,el-greco_opening-of-the-fifth-seal-the-vision-of-saint-john-the-divine(1) +genre_painting,Cubism,fernand-leger_fishermen-1921 +still_life,Impressionism,walter-sickert_roquefort +sketch_and_study,Impressionism,james-mcneill-whistler_the-balcony-1880 +portrait,Northern_Renaissance,hans-holbein-the-younger_portrait-of-sir-nicholas-poyntz-1535 +portrait,Pointillism,camille-pissarro_portrait-of-jeanne +portrait,Realism,william-adolphe-bouguereau_youth-1893 +sketch_and_study,Realism,vincent-van-gogh_sower-with-hand-in-sack-1881 +landscape,Impressionism,eugene-boudin_beach-at-trouville-1893 +portrait,Expressionism,zinaida-serebriakova_a-nun-of-cassis-1928 +landscape,Realism,ivan-shishkin_on-the-shore-of-the-gulf-of-finland-udrias-near-narva-1888 +portrait,Realism,john-singer-sargent_portrait-of-louis-alexander-fagan-1893 +genre_painting,Impressionism,john-singer-sargent_granada-the-weavers-1912 +landscape,Art_Nouveau_Modern,tom-thomson_maple-saplings-1917 +landscape,Impressionism,claude-monet_view-on-village-of-giverny +landscape,Impressionism,claude-monet_the-manneport-cliff-at-etretat-sunset +abstract_painting,Color_Field_Painting,frank-stella_untitled-black-and-orange-1958 +genre_painting,Realism,anders-zorn_hins-anders-1904 +still_life,Post_Impressionism,pyotr-konchalovsky_still-life-oranges-and-crumpled-paper-1946 +portrait,Realism,boris-kustodiev_portrait-of-l-p-albrecht +landscape,Impressionism,claude-monet_the-japanese-bridge-the-water-lily-pond-and-path-by-the-water-1 +landscape,Contemporary_Realism,neil-welliver_blueberries-in-fissures +abstract_painting,Abstract_Expressionism,victor-pasmore_the-passion-flower-1986 +genre_painting,Romanticism,ivan-aivazovsky_the-vow-before-avaraisk-battle-1892 +landscape,Romanticism,alexander-shilov_our-land-1972 +religious_painting,Mannerism_Late_Renaissance,giorgio-vasari_madonna +religious_painting,Baroque,jacob-jordaens_christ-driving-the-merchants-from-the-temple +portrait,Romanticism,konstantin-makovsky_russian-beauty-1 +abstract_painting,Color_Field_Painting,maurice-esteve_les-goudes-1954-1 +abstract_painting,Abstract_Expressionism,betty-parsons_untitled-abstraction(5) +portrait,Romanticism,vasily-tropinin_panin +religious_painting,Baroque,giovanni-paolo-panini_the-adoration-of-the-magi-1757 +portrait,Realism,vincent-van-gogh_the-bookseller-blok-1882(1) +genre_painting,Impressionism,gustave-caillebotte_the-pont-de-europe-study +landscape,Impressionism,claude-monet_the-sea-at-fecamp-1881 +landscape,Impressionism,claude-monet_morning-on-the-seine-at-giverny-02 +landscape,Impressionism,edgar-degas_olive-trees-against-a-mountainous-background +genre_painting,Cubism,arthur-segal_schneeschipper-snow-shovellers-1919 +cityscape,Romanticism,fyodor-bronnikov_italian-courtyard-1 +abstract_painting,Abstract_Expressionism,esteban-vicente_untitled-1988 +cityscape,Impressionism,matej-sternen_a-street-in-munich +landscape,Impressionism,mihaly-munkacsy_grazing-cows-1882 +religious_painting,Northern_Renaissance,hans-memling_the-last-judgment-triptych-right-wing-praying-donor-catherine-tanagli-with-archangel-michael-1471 +portrait,Mannerism_Late_Renaissance,titian_portrait-of-marcantonio-trevisani-1554 +genre_painting,Expressionism,balthus_katia-reading-1974 +portrait,Impressionism,max-liebermann_portrait-of-professor-sauerbruch +cityscape,Impressionism,antoine-blanchard_rue-royal-madeleine-6 +abstract_painting,Action_painting,jackson-pollock_number-23(1) +still_life,Post_Impressionism,pyotr-konchalovsky_still-life-with-a-red-tray-1916 +abstract_painting,Abstract_Expressionism,barnett-newman_abstract-composition-in-green-and-red +landscape,Impressionism,claude-monet_the-seine-at-vetheuil-2-1 +sketch_and_study,Realism,aleksey-savrasov_fern-leaves-and-burdock-1854 +still_life,Realism,felix-vallotton_the-ham-1918 +genre_painting,Cubism,miriam-schapiro_master-of-ceremonies-1985 +sketch_and_study,Realism,william-adolphe-bouguereau_study-of-the-head-of-elize-1896 +portrait,Naive_Art_Primitivism,pablo-picasso_plat-ovale-1953 +nude_painting,Impressionism,edgar-degas_woman-at-her-bath +landscape,Realism,camille-corot_the-goatherds-of-castel-gandolfo-1866 +abstract_painting,Abstract_Expressionism,friedel-dzubas_untitled-1959(1) +illustration,Art_Nouveau_Modern,ivan-bilibin_russian-folk-art-illustration-for-the-magazine-world-of-art-1904-1 +cityscape,Impressionism,claude-monet_frost +portrait,Post_Impressionism,pyotr-konchalovsky_margot-is-dancing-1949 +landscape,Impressionism,arkhip-kuindzhi_lake-evening +still_life,Post_Impressionism,maurice-prendergast_still-life-apples-vase-1915 +portrait,Northern_Renaissance,lucas-cranach-the-elder_martin-luther-1526 +landscape,New_Realism,william-james-glackens_summer-hotel-1909 +cityscape,Realism,andrei-ryabushkin_novgorod-church +genre_painting,Romanticism,paul-cezanne_preparation-for-the-funeral-1869 +genre_painting,Naive_Art_Primitivism,ivan-generalic_-1 +landscape,Impressionism,theo-van-rysselberghe_encampment-near-a-moroccan-village-1888 +abstract_painting,Abstract_Expressionism,mark-tobey_aerial-centers-1967 +sketch_and_study,Romanticism,fyodor-solntsev_people-clothes-the-province-of-kiev +landscape,Realism,aleksey-savrasov_before-the-storm-1850 +landscape,Symbolism,william-holman-hunt_asparagus-island +sketch_and_study,Realism,isaac-levitan_landscape-near-bordiguera-1890 +landscape,Impressionism,robert-julian-onderdonk_on-long-island-sound-near-shelter-island +genre_painting,Romanticism,william-shayer_village-politicians +genre_painting,Realism,anders-zorn_a-musical-family-1905 +landscape,Cubism,pyotr-konchalovsky_cassis-sea-1913 +landscape,Fauvism,henri-matisse_collioure-landscape-1906 +genre_painting,Baroque,adriaen-brouwer_peasant-inn +genre_painting,Impressionism,arthur-verona_gipsy-tent +religious_painting,High_Renaissance,luca-signorelli_virgin-and-child-with-sts-jerome-and-bernard-of-clairvaux-1493 +portrait,Romanticism,miklos-barabas_portrait-of-a-woman-1831 +religious_painting,Early_Renaissance,andrea-del-castagno_stories-of-christ-s-passion-1447-2 +abstract_painting,Minimalism,robert-ryman_untitled +portrait,Expressionism,amedeo-modigliani_man-with-a-pipe-the-notary-of-nice-1918 +portrait,Realism,vasily-tropinin_portrait-of-a-p-i-sapozhnikova-1826 +abstract_painting,Abstract_Expressionism,bui-xuan-phai_abstract(6) +abstract_painting,Abstract_Expressionism,paul-jenkins_not_detected_235698 +genre_painting,Impressionism,kazimir-malevich_boulevard +portrait,Northern_Renaissance,hans-holbein-the-younger_portrait-of-sir-henry-guildford-1527 +genre_painting,Romanticism,eugene-delacroix_two-views-of-costumes-souliotes-1825(1) +portrait,Impressionism,augustus-john_portrait-of-a-chinese-woman +genre_painting,Realism,james-tissot_women-of-paris-the-circus-lover-1885 +portrait,Realism,ilya-repin_portrait-of-v-d-ratov-s-m-muratov-1910 +religious_painting,Mannerism_Late_Renaissance,tintoretto_st-jerome +portrait,Impressionism,edouard-manet_on-the-bench-1879 +landscape,Impressionism,alfred-sisley_grand-jatte-1873 +portrait,Realism,boris-kustodiev_portrait-of-m-v-dobuzhinsky-1913 +landscape,Realism,aleksey-savrasov_spring-landscape-1890-1 +landscape,Realism,isaac-levitan_golden-autumn-1895 +religious_painting,Early_Renaissance,sandro-botticelli_last-communion-of-st-jerome(1) +religious_painting,High_Renaissance,andrea-mantegna_woman-and-old-man-1502 +abstract_painting,Expressionism,ilka-gedo_artificial-flower-with-inscriptions-1975 +genre_painting,Impressionism,gustave-caillebotte_place-saint-augustin-misty-weather +cityscape,Impressionism,camille-pissarro_boats-at-dock +landscape,Impressionism,paul-gauguin_gratte-roosters-path-1882 +cityscape,Impressionism,camille-pissarro_the-louvre-gray-weather-afternoon-1902 +cityscape,Expressionism,bui-xuan-phai_hanoi-street +portrait,Early_Renaissance,paolo-uccello_portrait-of-a-lady-1450 +sketch_and_study,High_Renaissance,leonardo-da-vinci_drawing-of-an-equestrian-monument +portrait,Expressionism,pyotr-konchalovsky_portrait-of-a-son +genre_painting,Realism,vladimir-makovsky_waiting-1875 +abstract_painting,Abstract_Expressionism,brice-marden_6-red-rock-1-2002 +portrait,Realism,vladimir-makovsky_a-peasant-1897 +religious_painting,Mannerism_Late_Renaissance,el-greco_adoration-of-the-shepherds +abstract_painting,Minimalism,mario-schifano_segnaletico-n-2-1961 +genre_painting,Post_Impressionism,tivadar-kosztka-csontvary_young-painter-1898 +portrait,Impressionism,giovanni-boldini_red-feather +portrait,Expressionism,albert-bloch_portrait-of-a-boy +landscape,Impressionism,john-henry-twachtman_bridgeport +cityscape,Romanticism,franz-richard-unterberger_rio-santa-barnaba-venice-2 +portrait,Impressionism,pierre-auguste-renoir_young-roumanian-1914 +genre_painting,Impressionism,edouard-manet_races-at-longchamp +abstract_painting,Abstract_Expressionism,cy-twombly_quattro-stagioni-primavera-1995 +religious_painting,Northern_Renaissance,petrus-christus_the-annunciation-1452 +genre_painting,Expressionism,mark-rothko_rural-scene +landscape,Realism,isaac-levitan_footpath-in-a-forest-ferns +portrait,Romanticism,dante-gabriel-rossetti_blanzifiore-snowdrops-1880 +genre_painting,Impressionism,joaquã­n-sorolla_fishing-nets-1893 +genre_painting,Impressionism,berthe-morisot_the-lesson-in-the-garden +sketch_and_study,Realism,boris-kustodiev_portrait-of-n-d-milioti-1916 +religious_painting,Naive_Art_Primitivism,marc-chagall_the-mosaic-the-prophet-elijah-in-the-garden-of-marc-chagall-museum-in-nice-1970 +sketch_and_study,Realism,julius-leblanc-stewart_carolina(1) +portrait,Expressionism,amedeo-modigliani_leopold-zborowski-1918 +cityscape,Impressionism,claude-monet_san-giorgio-maggiore-twilight +religious_painting,Baroque,josefa-de-obidos_vis-o-de-s-o-jo-o-da-cruz +genre_painting,Naive_Art_Primitivism,marc-chagall_the-soul-of-circus-1980 +portrait,Rococo,joshua-reynolds_mrs-john-parker-1772 +sketch_and_study,Romanticism,vasily-tropinin_not_detected_241125 +sketch_and_study,Realism,vincent-van-gogh_hands-1885-1(1) +genre_painting,Pointillism,maurice-prendergast_the-shore +landscape,Impressionism,camille-pissarro_misty-morning-at-creil-1873 +abstract_painting,Color_Field_Painting,theodoros-stamos_morning-24c-1979 +cityscape,Naive_Art_Primitivism,henri-rousseau_the-chair-factory-at-alfortville-1 +landscape,Ukiyo_e,hiroshige_a-bridge-across-a-deep-gorge +cityscape,Romanticism,william-turner_the-burning-of-the-houses-of-parliament-1 +landscape,Impressionism,camille-pissarro_the-village-of-eragny-1885 +genre_painting,Realism,winslow-homer_long-branch-new-jersey +portrait,Northern_Renaissance,lucas-cranach-the-elder_reformators +cityscape,Art_Nouveau_Modern,boris-kustodiev_square-at-the-exit-of-the-city-1911 +religious_painting,Early_Renaissance,carlo-crivelli_annunciation-angel-gabriel-1468 +nude_painting,Realism,anders-zorn_out-1888 +religious_painting,Mannerism_Late_Renaissance,correggio_adoration-of-the-shepherds-the-holy-night-1522(2) +abstract_painting,Abstract_Expressionism,helen-frankenthaler_moving-day-1961 +landscape,Expressionism,fred-williams_landscape-with-goose-1974 +cityscape,Romanticism,albert-bierstadt_sunlight-and-shadow-1862 +landscape,Impressionism,joaquã­n-sorolla_isla-del-cap-marti-javea-1905 +still_life,Post_Impressionism,moise-kisling_still-life-with-white-pitcher-1917 +landscape,Impressionism,guy-rose_twin-lakes-high-sierra +landscape,Pointillism,jean-metzinger_le-chateau-de-clisson-1905 +portrait,Realism,camille-corot_the-woman-with-a-pearl-1870 +portrait,Impressionism,theo-van-rysselberghe_portrait-of-a-woman-1918 +cityscape,Impressionism,giuseppe-de-nittis_the-victoria-embankment-london +religious_painting,High_Renaissance,titian_madonna-and-child-with-sts-dorothy-and-george-1520 +cityscape,Realism,vasily-surikov_florence-walk-1884 +abstract_painting,Minimalism,tano-festa_rosso-n-29 +portrait,Baroque,anthony-van-dyck_charles-i-king-of-england-at-the-hunt +sketch_and_study,Realism,edouard-manet_study-of-trees-1859 +landscape,Expressionism,viorel-marginean_unknown-title-6 +portrait,Romanticism,alexander-shilov_alone-1980(1) +genre_painting,Expressionism,wassily-kandinsky_colorful-life-1907 +landscape,Realism,ivan-shishkin_last-rays-1865 +landscape,Impressionism,claude-monet_boats-on-the-thames-fog-effect +portrait,Art_Nouveau_Modern,boris-kustodiev_children-of-the-artist-1913 +portrait,Baroque,anthony-van-dyck_porrtrait-of-the-sculptor-duquesnoy-1629 +portrait,Realism,fyodor-bronnikov_the-old-beggar-1869 +portrait,Baroque,juan-de-valdes-leal_head-of-a-woman +portrait,Art_Nouveau_Modern,boris-kustodiev_portrait-of-the-artist-s-wife-1909 +cityscape,Impressionism,john-singer-sargent_villa-torlonia-frascati-1907 +illustration,Expressionism,m.c.-escher_flor-de-pascua-la-pensee +religious_painting,Northern_Renaissance,mabuse_the-carondelet-diptych-jean-carondelet-left-panel-virgin-and-child-right-panel-1517 +religious_painting,Northern_Renaissance,hans-memling_the-mourning-virgin-with-st-john-and-the-pious-women-from-galilee-1485 +portrait,Baroque,peter-paul-rubens_head-of-a-franciscan-friar-1617 +portrait,Expressionism,martiros-saryan_portrait-of-mathematics-artashes-shahinyan-1960 +genre_painting,Naive_Art_Primitivism,fernando-botero_the-musicians-1 +religious_painting,Baroque,peter-paul-rubens_the-holy-family-with-st-elizabeth-1615-1 +portrait,Realism,pierre-auguste-renoir_pierre-henri-renoir-1870 +genre_painting,Impressionism,konstantin-korovin_breakfast-time +landscape,Contemporary_Realism,neil-welliver_synthetic-blue-st-john +landscape,Realism,ivan-shishkin_summer-landscape-with-birch +landscape,Realism,konstantin-makovsky_desert +abstract_painting,Color_Field_Painting,friedel-dzubas_lone-blue-1962 +religious_painting,Early_Renaissance,andrea-mantegna_christ-of-pity-supported-by-a-cherub-and-a-seraph-1490 +portrait,Baroque,rembrandt_bust-of-a-young-woman-in-a-cap-1632 +portrait,Realism,peder-severin-kroyer_marie-kroyer-1889 +portrait,Expressionism,pablo-picasso_sabartes-as-decadent-poet +portrait,Art_Nouveau_Modern,zinaida-serebriakova_portrait-of-e-m-edwards-1912 +nude_painting,Romanticism,konstantin-makovsky_model +nude_painting,Contemporary_Realism,philip-pearlstein_lying-female-nude-on-purple-drape-1968 +religious_painting,Northern_Renaissance,lucas-cranach-the-elder_saints-dorothea-agnes-and-kunigunde-1506 +illustration,Art_Nouveau_Modern,konstantin-somov_illustration-to-the-novel-daphnis-and-chloe-4 +landscape,Impressionism,claude-monet_the-sailing-boat +religious_painting,Northern_Renaissance,hans-memling_bathsheba-in-the-bath-1480 +landscape,Art_Nouveau_Modern,gustav-klimt_poppy-field +landscape,Impressionism,camille-pissarro_pontoise-les-mathurins-1873 +landscape,Romanticism,lev-lagorio_moonlit-night-by-the-sea-1886 +religious_painting,Baroque,pietro-da-cortona_piet-1625 +genre_painting,Expressionism,max-kurzweil_despair(1) +landscape,Impressionism,claude-monet_the-manneport +religious_painting,Northern_Renaissance,hieronymus-bosch_the-ascent-into-the-empyrean-or-highest-heaven +cityscape,Naive_Art_Primitivism,david-burliuk_a-street-scene +landscape,Impressionism,alfred-sisley_the-seine-near-by +portrait,Realism,vasily-tropinin_the-lacemaker +genre_painting,Expressionism,dimitris-mytaras_untitled +landscape,Expressionism,jean-paul-lemieux_qu-bec-vue-de-l-le-d-orl-ans-1963 +landscape,Realism,m.c.-escher_cloister-near-rocca-imperiale-calabria +religious_painting,Northern_Renaissance,martin-schongauer_crusifixion +religious_painting,Romanticism,eugene-delacroix_the-expulsion-of-heliodorus-1861(1) +still_life,Post_Impressionism,paul-cezanne_blue-flowerpot-1885 +abstract_painting,Abstract_Expressionism,kenzo-okada_untitled +landscape,Realism,konstantinos-volanakis_bay-with-boats +sketch_and_study,Early_Renaissance,jacopo-bellini_ross-and-rider +landscape,Impressionism,constantin-artachino_dobrujan-landscape +landscape,Post_Impressionism,david-burliuk_vladivostok-1920 +genre_painting,Impressionism,john-singer-sargent_peter-harrison-asleep +cityscape,Expressionism,carlos-botelho_lisboa-e-o-tejo-domingo-1935 +portrait,Expressionism,henri-matisse_moroccan-amido-1911 +religious_painting,Northern_Renaissance,albrecht-durer_the-four-horsemen-of-the-apocalypse-death-famine-pestilence-and-war-1498 +portrait,Realism,valentin-serov_portrait-of-an-unknown-1895 +landscape,Impressionism,eugene-boudin_beach-scene-2 +landscape,Impressionism,claude-monet_grainstacks-white-frost-effect +genre_painting,Baroque,adriaen-van-de-venne_emblem +abstract_painting,Color_Field_Painting,gotthard-graubner_untitled-farbraumk-rper-1978 +nude_painting,Post_Impressionism,pablo-picasso_female-nude-in-profile-1906 +religious_painting,Mannerism_Late_Renaissance,titian_crowning-with-thorns +landscape,Romanticism,john-atkinson-grimshaw_a-golden-country-road +portrait,Realism,boris-kustodiev_portrait-of-a-n-protasova-1900 +genre_painting,Realism,vasily-perov_botanist-1874 +sketch_and_study,Post_Impressionism,vincent-van-gogh_haystacks-near-a-farm-1888(1) +religious_painting,Northern_Renaissance,hugo-van-der-goes_the-adoration-of-the-kings-monforte-altar +sketch_and_study,Post_Impressionism,vincent-van-gogh_head-of-a-man(1) +religious_painting,Early_Renaissance,fra-angelico_noli-me-tangere-1442 +nude_painting,Expressionism,amedeo-modigliani_reclining-nude-1917-2 +sketch_and_study,Realism,vincent-van-gogh_stooks-and-a-peasant-stacking-sheaves-1885 +landscape,Realism,boris-kustodiev_arable-1917 +genre_painting,Romanticism,karl-bodmer_pehriska-ruhpa-minatarre-warrior-in-the-costume-of-the-dog-dance-plate-23-from-volume-2-of-1844 +genre_painting,Post_Impressionism,vincent-van-gogh_the-man-is-at-sea-after-demont-breton-1889 +sketch_and_study,Post_Impressionism,vincent-van-gogh_wheat-fields-1890-1 +landscape,Post_Impressionism,gustave-loiseau_the-seine-at-port-marly +landscape,Impressionism,paul-gauguin_the-market-gardens-of-vaugirard-1879 +landscape,Impressionism,paul-cezanne_the-bay-of-l-estaque-and-saint-henri-1879 +religious_painting,Naive_Art_Primitivism,marc-chagall_the-monument-on-the-tomb-of-rachel-on-the-path-ephra-genesis-xxxv-19-20 +portrait,Impressionism,kazimir-malevich_unemployed-girl +portrait,Ukiyo_e,tsukioka-yoshitoshi_looking-eager-to-meet-someone-the-appearance-of-a-courtesan-of-the-kaei-period +abstract_painting,Abstract_Expressionism,aki-kuroda_untitled-1987 +religious_painting,Mannerism_Late_Renaissance,paolo-veronese_do-not-touch-me +abstract_painting,Abstract_Expressionism,rafa-nasiri_untitled-2008 +portrait,Expressionism,amedeo-modigliani_portrait-of-diego-rivera-1914-1 +portrait,Art_Nouveau_Modern,raphael-kirchner_greek-virgins-1900-3 +religious_painting,Northern_Renaissance,robert-campin_virgin-and-child-before-a-firescreen +genre_painting,Ukiyo_e,katsushika-hokusai_kuwana-1 +portrait,Baroque,jacob-jordaens_portrait-of-magdalena-de-cuyper-1636 +landscape,Romanticism,ivan-aivazovsky_downpour-in-sudak-1897 +abstract_painting,Color_Field_Painting,karl-benjamin_14-1965 +religious_painting,Northern_Renaissance,pieter-bruegel-the-elder_go-ye-into-the-emmaus +cityscape,Pop_Art,robert-silvers_not-detected-275031 +cityscape,Expressionism,jan-sluyters_townview-amsterdam-het-rokin +portrait,Ukiyo_e,utagawa-kuniyoshi_the-actor-22 +portrait,Art_Nouveau_Modern,carl-larsson_my-mother-1893(1) +nude_painting,Post_Impressionism,henri-matisse_moorish-woman-with-upheld-arms-1923 +landscape,Post_Impressionism,maxime-maufra_powdery-sunshine-1900 +religious_painting,High_Renaissance,raphael_jacob-s-encounter-with-rachel-1519 +landscape,Post_Impressionism,alberto-magnelli_tuscan-landscape-1922 +landscape,Realism,ivan-shishkin_oaks-1886 +landscape,Realism,vasily-polenov_great-pyramids-of-cheops-and-chephren-1899 +genre_painting,Post_Impressionism,maurice-denis_regata-at-perros +portrait,Baroque,frans-hals_portrait-of-willem-coymans-1645 +landscape,Symbolism,nicholas-roerich_sanctuaries-and-citadels-1925-6 +religious_painting,Baroque,bartolome-esteban-murillo_mary-and-child-with-angels-playing-music-1675 +landscape,Symbolism,nicholas-roerich_himalayas-31 +religious_painting,Northern_Renaissance,mabuse_christ-on-the-mount-of-olives +portrait,Expressionism,lucian-freud_sally-clarke +landscape,Expressionism,ernst-ludwig-kirchner_forest-gorge +still_life,Expressionism,dimitris-mytaras_still-life-with-figure-1961 +genre_painting,Romanticism,alfred-stevens_widow +landscape,Romanticism,ivan-aivazovsky_moonlit-night-on-the-crimea-gurzuf-1839 +still_life,Impressionism,stefan-luchian_interior-cu-garoafe +landscape,Romanticism,ivan-aivazovsky_the-nice-at-night +portrait,Realism,ilya-repin_portrait-of-poet-grand-prince-konstantin-konstantinovich-romanov-1891 +illustration,Romanticism,gustave-dore_cinderella +genre_painting,Romanticism,sir-lawrence-alma-tadema_between-hope-and-fear-1876 +genre_painting,Impressionism,edgar-degas_two-dancers-at-rest-dancers-in-blue +illustration,Romanticism,gustave-dore_buonconte-da-montefeltro +genre_painting,Romanticism,alfred-stevens_india-in-paris +illustration,Romanticism,gustave-dore_crucified-man +portrait,Rococo,maurice-quentin-de-la-tour_jeanne-antoinette-poisson-marquise-de-pompadour +genre_painting,Impressionism,claude-monet_in-the-woods-at-giverny-blanche-hoschede +illustration,Expressionism,vasile-kazar_window-towards-insomnia-2-1987 +landscape,Expressionism,salvador-dali_the-swimming-pool-in-port-lligat-1970 +portrait,Art_Nouveau_Modern,pavel-filonov_portrait-of-arman-frantsevich-aziber-and-his-son-1915 +abstract_painting,Color_Field_Painting,louis-cane_papier-d-coup-1967 +portrait,Art_Nouveau_Modern,paul-mathiopoulos_portrait-of-a-child +landscape,Impressionism,alfred-sisley_abandoned-house +landscape,Romanticism,thomas-cole_catskill-mountain-house-the-four-elements-1844 +landscape,Realism,salvador-dali_rocks-of-liane-first-version +abstract_painting,Color_Field_Painting,jack-youngerman_changes-5-1970 +cityscape,Impressionism,claude-monet_charing-cross-bridge-study-1901 +religious_painting,High_Renaissance,vittore-carpaccio_vision-of-st-augustine-1507 +landscape,Impressionism,camille-pissarro_kitchen-gardens-at-l-hermitage-pontoise-1873 +genre_painting,Realism,winslow-homer_the-portage +still_life,Post_Impressionism,paula-modersohn-becker_still-life-with-lemon-orange-and-tomato-1903 +landscape,Impressionism,john-henry-twachtman_brook-in-winter +genre_painting,Cubism,pablo-picasso_las-meninas-velazquez-1957-1 +genre_painting,Expressionism,vasile-dobrian_death-of-the-striker-1932 +portrait,Pop_Art,andy-warhol_liz-taylor +portrait,Realism,vincent-van-gogh_head-of-a-peasant-woman-with-white-cap-1885-3(1) +sketch_and_study,Realism,vincent-van-gogh_sower-1881 +portrait,Baroque,diego-velazquez_portrait-of-don-diego-de-corral-y-arellano-1632 +landscape,Realism,charles-francois-daubigny_sand-quarries-near-valmondois +abstract_painting,Abstract_Expressionism,esteban-vicente_diptych-1987 +genre_painting,Realism,vasily-perov_dispute-about-faith-a-scene-in-the-car-1880 +landscape,Impressionism,john-henry-twachtman_winter-landscape-1900 +portrait,Baroque,anthony-van-dyck_nicholas-lanier-1630 +landscape,Realism,isaac-levitan_twilight-1900 +abstract_painting,Minimalism,agnes-martin_untitled-4-1989 +genre_painting,Realism,peder-severin-kroyer_fishermen-at-skagen-1894 +portrait,Romanticism,konstantin-makovsky_portrait-11 +landscape,Impressionism,konstantin-korovin_moonlit-night-winter-1913 +sketch_and_study,Post_Impressionism,vincent-van-gogh_kneeling-ecorche-1887 +cityscape,Impressionism,antoine-blanchard_notre-dame-1 +landscape,Realism,m.c.-escher_coast-of-amalfi +landscape,Impressionism,ilya-mashkov_view-of-the-valley-ararat +landscape,Post_Impressionism,salvador-dali_vilabertrin-church-tower-1919 +genre_painting,Impressionism,james-ensor_russian-music-1881 +portrait,Expressionism,lucian-freud_fred-1985 +portrait,Baroque,diego-velazquez_head-of-a-man +genre_painting,Impressionism,constantin-artachino_scene-from-dobruja +landscape,Cubism,paul-cezanne_turning-road-at-montgeroult-1899 +religious_painting,Baroque,le-nain-brothers_mary-magdalene-in-meditation +portrait,Realism,camille-corot_monk-in-white-seated-reading +sketch_and_study,Realism,john-singer-sargent_drawing-4 +landscape,Impressionism,claude-monet_the-seine-near-vetheuil +portrait,Romanticism,jan-matejko_king-stefan-batory +abstract_painting,Minimalism,robert-mangold_104-perimeter-series +landscape,Realism,gustave-courbet_valley-of-the-loue-1836 +landscape,Realism,isaac-levitan_lake-como-1894-2 +genre_painting,Realism,pavel-fedotov_officer-and-his-orderly-1851 +portrait,Realism,constantin-stahi_self-portrait-1871 +abstract_painting,Minimalism,brice-marden_hydra-group-x-1981 +landscape,Impressionism,guy-rose_rocks-point-reamer +still_life,Cubism,juan-gris_still-life-with-lamp-1919 +genre_painting,Impressionism,asgrimur-jonsson_children-at-play-1920 +landscape,Ukiyo_e,ito-shinsui_evening-scene-at-ishiyama-temple-1917 +sketch_and_study,Romanticism,george-frederick-watts_portrait-of-ellen-terry(1) +landscape,Impressionism,camille-pissarro_landscape-with-rocks-montfoucault-1874 +portrait,Art_Nouveau_Modern,wilhelm-kotarbinski_portrait-of-young-woman +abstract_painting,Abstract_Expressionism,frank-bowling_rush-green-1977 +genre_painting,Post_Impressionism,paul-gauguin_breton-boy-by-the-aven-river-1888 +genre_painting,Expressionism,franz-marc_woodcutter-1911 +portrait,Naive_Art_Primitivism,fernando-botero_the-family-of-the-president +landscape,Realism,martiros-saryan_april-landscape-1944 +portrait,Post_Impressionism,gwen-john_mother-marie-poussepin +sketch_and_study,Realism,giovanni-boldini_study-of-a-table +landscape,Symbolism,j.-e.-h.-macdonald_mount-lefroy-1932 +landscape,Post_Impressionism,maurice-de-vlaminck_landscape-from-beyond-the-river +genre_painting,Expressionism,zinaida-serebriakova_two-dancers-1924 +genre_painting,Rococo,jean-honore-fragonard_the-sermon-of-love +portrait,Art_Nouveau_Modern,boris-kustodiev_waiter-1920 +cityscape,Art_Nouveau_Modern,mstislav-dobuzhinsky_city-types-city-grimaces-1908 +abstract_painting,Abstract_Expressionism,sam-francis_untitled-1992 +genre_painting,Expressionism,pablo-picasso_woman-in-the-studio-1956 +religious_painting,Early_Renaissance,pietro-perugino_the-pazzi-crucifixion-detail-2 +portrait,Expressionism,amedeo-modigliani_portrait-of-jeanne-hebuterne-in-a-blue-chair-1918 +still_life,Impressionism,pierre-auguste-renoir_still-life-with-fruit-3 +landscape,Impressionism,john-henry-twachtman_niagara-falls +abstract_painting,Color_Field_Painting,piero-dorazio_k-kkora-1987 +religious_painting,Northern_Renaissance,jean-hey_meeting-at-the-golden-gate +illustration,Art_Nouveau_Modern,jose-de-almada-negreiros_figurines-for-cunha-taylors-1913 +landscape,Realism,vasily-polenov_fishing-boat-etretat-normandy-1874 +genre_painting,Expressionism,pablo-picasso_the-absinthe-drinker-1901-1 +nude_painting,Naive_Art_Primitivism,david-burliuk_reclining-nude-in-a-landscape(1) +religious_painting,Early_Renaissance,sandro-botticelli_the-virgin-and-child-with-the-infant-st-john(1) +genre_painting,Romanticism,karl-bryullov_italian-woman-blowing-a-kiss(1) +illustration,Romanticism,gustave-dore_hospitality-of-barbarians-to-pilgrims +landscape,Symbolism,nicholas-roerich_himalayas-66 +portrait,Expressionism,amedeo-modigliani_head-of-a-young-woman-1908-1 +landscape,Impressionism,childe-hassam_woodboats-and-dogana +still_life,Post_Impressionism,gregoire-boonzaier_three-pomegranates +sketch_and_study,Cubism,theo-van-doesburg_composition-the-cow-5 +abstract_painting,Color_Field_Painting,howard-mehring_segwehce-1965 +abstract_painting,Minimalism,brice-marden_etchings-to-rexroth-1-1986 +genre_painting,Realism,vladimir-makovsky_in-the-hall-1884 +genre_painting,Post_Impressionism,maurice-prendergast_st-malo-1 +illustration,Art_Nouveau_Modern,thomas-theodor-heine_the-flowers-of-evil-1895 +portrait,Realism,david-burliuk_male-portrait-1929 +genre_painting,Realism,john-singer-sargent_a-street-in-venice +cityscape,Impressionism,henri-martin_view-of-venice +genre_painting,Rococo,thomas-gainsborough_river-landscape-with-rustic-lovers-1781 +genre_painting,Cubism,amadeo-de-souza-cardoso_life-of-instruments-1916 +cityscape,Realism,m.c.-escher_les-eyzies-france +genre_painting,Impressionism,mykola-pymonenko_at-the-well +portrait,Expressionism,lucian-freud_head-of-a-man-1982 +genre_painting,Impressionism,childe-hassam_skating +religious_painting,Baroque,agostino-carracci_st-agatha-from-the-episode-holy-women-1578 +genre_painting,Pop_Art,r.-b.-kitaj_the-autumn-of-central-paris +religious_painting,Northern_Renaissance,hans-memling_triptych-of-willem-moreel-right-wing-the-founder-barbara-van-vlaenderbergh-wife-of-willem-1484 +still_life,Fauvism,mary-fedden_feather-and-two-stones-2008 +landscape,Realism,vasily-polenov_voria-1882 +portrait,Ukiyo_e,keisai-eisen_portrait-of-the-courtesan-kamoen-of-ebiya-relaxing-on-folded-futon-1825(1) +nude_painting,Realism,anders-zorn_bed-on-the-loft +portrait,Contemporary_Realism,jamie-wyeth_katie-on-southern-1998 +sketch_and_study,Baroque,rembrandt_elsje-christiaens-1664 +religious_painting,Baroque,caravaggio_martyrdom-of-saint-ursula-1610(1) +cityscape,Realism,eugene-boudin_le-havre-the-town-hotel-and-the-francois-i-tower-1859 +cityscape,Impressionism,joaquã­n-sorolla_view-of-toledo-1912 +portrait,Early_Renaissance,benozzo-gozzoli_procession-of-the-magus-caspar-detail-1461-6 +landscape,Impressionism,claude-monet_morning-on-the-seine-3 +landscape,Realism,m.c.-escher_not_detected_204681 +portrait,Impressionism,james-tissot_in-the-greenhouse +portrait,Romanticism,konstantin-makovsky_girl-with-dog +genre_painting,Cubism,andre-masson_card-trick +portrait,Romanticism,sir-lawrence-alma-tadema_dr-washington-epps-my-doctor-1885 +portrait,Art_Nouveau_Modern,raphael-kirchner_unknown-1916-3 +sketch_and_study,Northern_Renaissance,hieronymus-bosch_turtle-and-a-winged-demon +religious_painting,Realism,nikolai-ge_not_detected_252984 +portrait,Realism,james-mcneill-whistler_old-mother-gerard-1859 +cityscape,Impressionism,camille-pissarro_the-fair-dieppe-sunny-afternoon-1901 +portrait,Baroque,william-hogarth_portrait-of-madam-salter-1744 +portrait,Art_Nouveau_Modern,egon-schiele_crouching-figure-valerie-neuzil-1913 +sketch_and_study,Symbolism,konstantin-somov_sketch-of-the-illustrations-to-gogol-s-nevsky-prospect +portrait,Realism,james-tissot_the-two-sisters-portrait +portrait,Romanticism,joseph-wright_susannah-hurt-with-her-daughter-mary-anne +sketch_and_study,Realism,vincent-van-gogh_peasant-woman-lifting-potatoes-3-1885 +sketch_and_study,Realism,thomas-eakins_study-of-a-leg-1869 +portrait,Realism,ivan-kramskoy_portrait-of-the-painter-ivan-shishkin-1873 +portrait,Rococo,vladimir-borovikovsky_countess-vera-zavadovskaya +abstract_painting,Color_Field_Painting,lorser-feitelson_dichotomic-organization-stripes-1959 +abstract_painting,Abstract_Expressionism,hans-hofmann_to-j-f-k-a-thousand-roots-did-die-with-thee-1963 +sketch_and_study,Romanticism,vasily-tropinin_schepkina-yelena-1826 +landscape,Impressionism,hoca-ali-riza_untitled +religious_painting,Northern_Renaissance,hans-memling_the-virgin-and-child-with-st-james-and-st-dominic-presenting-the-donors-and-their-family-known +landscape,Naive_Art_Primitivism,niki-de-sainte-phalle_red-sun-1990 +illustration,Expressionism,lynd-ward_not-detected-272505 +landscape,Post_Impressionism,emily-carr_forest-british-columbia-1932 +religious_painting,Northern_Renaissance,pieter-bruegel-the-elder_the-adoration-of-the-kings-1564 +illustration,Romanticism,gustave-dore_a-voyage-to-the-moon +landscape,Ukiyo_e,hiroshige_drum-bridge-and-setting-sun-hill-meguro +landscape,Symbolism,kimon-loghi_winter +cityscape,Impressionism,rudolf-schweitzer-cumpana_turnul-sighi-oarei-1930 +abstract_painting,Color_Field_Painting,dan-christensen_nathans-diamond-1987 +genre_painting,Cubism,kazimir-malevich_reaper-1929 +portrait,Impressionism,pierre-auguste-renoir_portrait-of-a-young-woman-1887 +cityscape,Realism,johan-hendrik-weissenbruch_the-goilberdingenpoort-in-culemborg-su +portrait,Romanticism,francisco-goya_duchess-countess-of-benavente-1785 +nude_painting,Post_Impressionism,moise-kisling_large-reclining-nude-kiki-1924 +landscape,Impressionism,mikhail-nesterov_autumn-in-a-village-1942 +religious_painting,Early_Renaissance,pietro-perugino_polyptych-annunziata-st-philip-benizi +religious_painting,Early_Renaissance,fra-angelico_perugia-altarpiece-central-panel-1448 +nude_painting,Expressionism,balthus_girl-on-a-bed +abstract_painting,Abstract_Expressionism,cy-twombly_ferragosto-iv +still_life,Post_Impressionism,william-scott_five-pears-1976 +genre_painting,Impressionism,pablo-picasso_fairground-1900 +religious_painting,High_Renaissance,titian_mary-magdalen-repentant-1531 +genre_painting,Fauvism,august-macke_at-the-garden-table-1914 +genre_painting,Post_Impressionism,pierre-bonnard_at-the-circus-1897 +genre_painting,Rococo,william-hogarth_the-heir-1735 +abstract_painting,Minimalism,conrad-marca-relli_m-4-66-1966 +sketch_and_study,Realism,vincent-van-gogh_peasant-woman-head-1885-4 +sketch_and_study,Baroque,rembrandt_st-peter-in-penitence-1645 +portrait,Realism,mikhail-vrubel_portrait-of-a-businessman-k-artsybushev +portrait,Baroque,peter-paul-rubens_albert-and-nicolaas-rubens-1627 +genre_painting,Romanticism,karl-bryullov_mountain-hunters(1) +landscape,Realism,vincent-van-gogh_cottage-with-peasant-woman-digging-1885(1) +abstract_painting,Abstract_Expressionism,norman-bluhm_gronk-1964 +portrait,Northern_Renaissance,albrecht-durer_burkhard-of-speyer-1506 +cityscape,Post_Impressionism,konstantinos-parthenis_vuew-of-kavala-1904 +landscape,Realism,gustave-courbet_in-the-woods +cityscape,Romanticism,ivan-aivazovsky_palace-rains-in-venice-by-moonlight-1878 +cityscape,Impressionism,alfred-sisley_view-in-moret-1892 +abstract_painting,Pointillism,umberto-boccioni_plastic-dynamism-horse-house-1914 +landscape,Symbolism,martiros-saryan_apricot-trees-in-blossom-1929 +genre_painting,Symbolism,nicholas-roerich_sage-1918 +landscape,Cubism,louis-marcoussis_kerity-landscape-1927 +portrait,Realism,mikhail-nesterov_portrait-of-elizaveta-kruglikova-1938 +portrait,Impressionism,francisc-sirato_peasant-women-from-dolj-1926 +religious_painting,Northern_Renaissance,hans-baldung_crucifixion-1511 +genre_painting,Art_Nouveau_Modern,boris-kustodiev_at-the-fair-1906 +nude_painting,Cubism,salvador-dali_soft-nude-nude-watch +still_life,Impressionism,pierre-auguste-renoir_still-life-with-cup-and-sugar-bowl-1904 +portrait,Expressionism,yiannis-tsaroychis_portrait-of-a-young-aviator-1954 +portrait,Realism,konstantin-makovsky_female-portrait-2 +landscape,Impressionism,arkhip-kuindzhi_sunlight-in-the-park +landscape,Realism,eugene-boudin_park-cordieres-a-trouville-1873 +sketch_and_study,Realism,vincent-van-gogh_peasant-walking-with-a-wheelbarrow-1885 +genre_painting,Expressionism,arturo-souto_parisians-1951 +genre_painting,Realism,gustave-courbet_the-quarry-1857 +landscape,Impressionism,claude-monet_park-monceau-paris +genre_painting,Symbolism,henri-martin_mystic-scene-1895 +religious_painting,Early_Renaissance,luca-signorelli_the-apostles-peter-and-john-the-evangelist-1482 +illustration,Art_Nouveau_Modern,koloman-moser_animal-motif-for-a-picture-book +sketch_and_study,Realism,john-singer-sargent_study-of-a-young-man +landscape,Romanticism,ivan-aivazovsky_sunrise-on-the-coast-of-yalta +landscape,Realism,aleksey-savrasov_summer-landscape-pines +religious_painting,Baroque,guido-reni_st-joseph-1 +portrait,Ukiyo_e,utagawa-kuniyoshi_woman-in-a-boat-on-the-sumida-river +landscape,Impressionism,armand-guillaumin_neige-crozant-1898 +abstract_painting,Abstract_Expressionism,milton-resnick_cargo-1957 +genre_painting,Baroque,rembrandt_the-spanish-gypsy-1644 +landscape,Impressionism,eugene-boudin_atlantic-coast-near-benerville-1897 +landscape,Post_Impressionism,david-burliuk_my-idol-long-island-1944 +nude_painting,Impressionism,pierre-auguste-renoir_nude-in-the-water +portrait,Mannerism_Late_Renaissance,agnolo-bronzino_a-portrait-of-giuliano-di-piero-de-medici +portrait,Naive_Art_Primitivism,pablo-picasso_las-meninas-velazquez +cityscape,Expressionism,ernst-ludwig-kirchner_frauenkirche +sketch_and_study,Post_Impressionism,vincent-van-gogh_row-of-cottages-in-saintes-maries-1888 +genre_painting,Expressionism,paula-modersohn-becker_two-children-sit-on-a-meadow +illustration,Expressionism,vasile-kazar_the-song-1972 +portrait,Impressionism,mary-cassatt_woman-with-a-red-zinnia-1891 +portrait,Expressionism,salvador-dali_portrait-of-jaume-miravidles-as-a-footballer-1922 +sketch_and_study,Early_Renaissance,sandro-botticelli_inferno-canto-xxxi-1480(1) +nude_painting,Symbolism,felicien-rops_not-detected-282445 +landscape,Symbolism,nicholas-roerich_ladoga-1918 +portrait,Northern_Renaissance,hans-holbein-the-younger_portrait-of-derich-born-1533 +genre_painting,Impressionism,pierre-auguste-renoir_a-girl-reading-1891 +abstract_painting,Minimalism,ellsworth-kelly_vertical-lines-from-the-series-line-form-color-1951 +nude_painting,Expressionism,pablo-picasso_two-friends-1904 +portrait,Impressionism,claude-monet_blanche-hoschede +portrait,Naive_Art_Primitivism,henri-rousseau_portrait-of-a-woman-1895 +religious_painting,Early_Renaissance,piero-della-francesca_baptism-of-christ-1450(1) +religious_painting,Northern_Renaissance,jan-van-eyck_donor-and-st-john-the-baptist-1432 +landscape,Impressionism,arkhip-kuindzhi_after-a-rain-1 +religious_painting,Mannerism_Late_Renaissance,el-greco_st-jacobus +portrait,Realism,vasily-surikov_townswoman-portrait-of-alexandra-i-yemelyanova-nee-schrader-1902 +portrait,Fauvism,rik-wouters_woman-in-white-1915 +sketch_and_study,Realism,vasily-perov_the-arrival-of-a-governess-in-a-merchant-s-house-1866 +landscape,Rococo,thomas-gainsborough_open-landscape-with-shepherd-and-sheep +landscape,Ukiyo_e,hiroshige_kyobashi-bridge-1858 +portrait,Realism,vasily-polenov_vasily-petrovich-schegolenok-schegolenkov-narrator-1879 +portrait,Romanticism,orest-kiprensky_portrait-of-m-a-kikina-1816 +sketch_and_study,Realism,boris-kustodiev_merchant-festivities +landscape,Expressionism,m.c.-escher_not_detected_204664 +genre_painting,Naive_Art_Primitivism,david-burliuk_children-of-stalingrad-1944 +landscape,Symbolism,nicholas-roerich_monhigan-fairytale-1922 +portrait,Realism,ilya-repin_portrait-of-t-s-repina-mother-of-the-artist-1879 +portrait,Northern_Renaissance,mabuse_a-man-with-a-rosary +portrait,Romanticism,alfred-stevens_all-happiness +abstract_painting,Minimalism,edward-corbett_mt-holyoke-45-1956 +genre_painting,Post_Impressionism,vincent-van-gogh_sheep-shearers-the-after-millet-1889 +landscape,Impressionism,edgar-degas_landscape +genre_painting,Impressionism,guy-rose_marguerite-1918 +portrait,Romanticism,john-william-waterhouse_the-bouquet +portrait,Expressionism,egon-schiele_the-daydreamer-gerti-schiele-1911 +cityscape,Romanticism,john-atkinson-grimshaw_the-trysting-tree +landscape,Expressionism,m.c.-escher_not_detected_204675 +abstract_painting,Color_Field_Painting,anne-truitt_untitled-1967 +religious_painting,Romanticism,john-william-waterhouse_saint-eulalia-1885 +abstract_painting,Abstract_Expressionism,richard-tuttle_two-with-any-2-1-1999 +abstract_painting,Expressionism,pierre-alechinsky_stars-and-disasters-astres-et-d-sastres +religious_painting,Romanticism,jan-matejko_angel-ii +portrait,Realism,john-singer-sargent_hylda-daughter-of-asher-and-mrs-wertheimer-1901 +nude_painting,Impressionism,james-mcneill-whistler_nude-girl-with-a-bowl +still_life,Post_Impressionism,pyotr-konchalovsky_still-life-candlestick-and-the-tube-on-a-red-background-1947 +landscape,Naive_Art_Primitivism,arman-manookian_hawaiian-landscape-1928 +cityscape,Pointillism,henri-martin_july-14-in-collioure +abstract_painting,Abstract_Expressionism,brice-marden_polke-letter-2011 +portrait,Realism,john-singer-sargent_miss-frances-sherborne-ridley-watts-1877 +religious_painting,Baroque,anthony-van-dyck_virgin-with-donors +landscape,Contemporary_Realism,john-miller_figure-on-beach +landscape,Symbolism,nicholas-roerich_the-glory-of-himalayas +religious_painting,Northern_Renaissance,hans-memling_virgin-and-child-in-a-landscape +genre_painting,Naive_Art_Primitivism,marc-chagall_a-couple-in-twilight-1980 +genre_painting,Expressionism,edvard-munch_the-day-after-1895 +landscape,Symbolism,leon-spilliaert_de-witte-hoeve-1930 +portrait,Expressionism,pablo-picasso_la-chata-1899 +nude_painting,Cubism,pablo-picasso_two-seated-women-1958 +cityscape,Expressionism,hans-hofmann_untitled-1928 +religious_painting,Romanticism,gustave-dore_babylon-fallen +abstract_painting,Minimalism,rodolfo-arico_anomalia-1969 +portrait,Realism,vincent-van-gogh_man-with-top-hat-1882 +illustration,Romanticism,gustave-dore_don-quixote-68 +portrait,Realism,john-singer-sargent_mrs-alice-mason-1885 +landscape,Realism,ivan-shishkin_landscape-1896 +landscape,Realism,ivan-shishkin_cape-ai-todor-crimea-1879 +religious_painting,Baroque,francisco-de-zurbaran_appearance-of-st-peter-to-st-peter-nolasco-1629 +religious_painting,Mannerism_Late_Renaissance,el-greco_adoration-of-the-shepherds-2 +genre_painting,Art_Nouveau_Modern,jacek-malczewski_tobiah-and-the-fates +religious_painting,Northern_Renaissance,hans-memling_christ-blessing-central-panel-from-a-triptych-from-the-church-of-santa-maria-la-real-najera-1490 +portrait,New_Realism,john-french-sloan_carol-with-red-curls-1913 +genre_painting,Realism,emile-claus_the-beet-harvest-1890 +landscape,Impressionism,claude-monet_haystacks-overcast-day +religious_painting,Early_Renaissance,benozzo-gozzoli_tabernacle-of-the-madonna-delle-tosse-maria-lactans-detail +religious_painting,Early_Renaissance,carlo-crivelli_madonna-1486 +genre_painting,Art_Nouveau_Modern,nicholas-roerich_sorcerers-1905 +portrait,Ukiyo_e,utagawa-kuniyoshi_station-38 +nude_painting,Post_Impressionism,ilya-mashkov_on-the-beach-gurzuf-1926 +cityscape,Post_Impressionism,walter-sickert_the-front-at-hove-turpe-senex-miles-turpe-senilis-amor-1930 +portrait,Cubism,kazimir-malevich_aviator +religious_painting,High_Renaissance,titian_st-augustine +abstract_painting,Abstract_Expressionism,helen-frankenthaler_untitled-1984 +religious_painting,Baroque,bartolome-esteban-murillo_mother-of-sorrows +portrait,Ukiyo_e,utagawa-kuniyoshi_homing-geese-at-kanagawa +genre_painting,Rococo,pietro-longhi_the-hunters-and-the-farmers +landscape,Baroque,paul-bril_landscape +portrait,Post_Impressionism,pablo-picasso_portrait-of-maya-1938 +genre_painting,Baroque,willem-kalf_peasant-interior-with-woman-at-a-well +landscape,Romanticism,marcus-larson_waterfall-in-sm-land-1856 +religious_painting,Mannerism_Late_Renaissance,correggio_coronation-scene-1521(2) +still_life,Impressionism,pierre-auguste-renoir_still-life-with-orange-and-sugar-bowl +religious_painting,Early_Renaissance,jacopo-bellini_the-crucifixion +portrait,Post_Impressionism,irma-stern_zanzibar-woman-with-chicken-1957 +sketch_and_study,Baroque,rembrandt_seated-saskia-with-a-letter-in-her-left-hand-1635 +religious_painting,Symbolism,nicholas-roerich_maitreya-1932-1 +portrait,Romanticism,konstantin-makovsky_man-head +religious_painting,Romanticism,pierre-paul-prud'hon_assumption-of-the-virgin +landscape,Romanticism,pavel-svinyin_new-york-city-and-harbor-from-weehawken +landscape,Impressionism,winston-churchill_view-of-the-weald-of-kent +portrait,Impressionism,lovis-corinth_portrait-of-sophie-cassirer-1906 +religious_painting,Northern_Renaissance,hieronymus-bosch_adoration-of-the-magi +religious_painting,Rococo,william-hogarth_central-panel-of-the-altar-triptych-w-st-nicholas-bristol +illustration,Naive_Art_Primitivism,marc-chagall_illustration-for-louis-aragon-s-work-one-who-says-things-without-saying-anything-1976-21 +genre_painting,Expressionism,zinaida-serebriakova_two-moroccan-1932 +sketch_and_study,Realism,thomas-eakins_sketch-of-an-interior +sketch_and_study,Realism,aleksey-savrasov_twilight +portrait,Expressionism,henri-matisse_portrait-of-pierre-matisse-1909 +genre_painting,Post_Impressionism,paul-gauguin_washerwomen-1888 +religious_painting,Early_Renaissance,benozzo-gozzoli_tobias-and-the-fish-1465 +landscape,Cubism,albert-gleizes_tarrytown +sketch_and_study,Romanticism,dante-gabriel-rossetti_portrait-of-fanny-cornforth-1869 +landscape,Realism,charles-francois-daubigny_the-bush +abstract_painting,Color_Field_Painting,helen-frankenthaler_living-edge-1973 +cityscape,Post_Impressionism,paul-cezanne_cottaages +genre_painting,Naive_Art_Primitivism,niko-pirosmani_family-feast-1907 +abstract_painting,Color_Field_Painting,ronnie-landfield_green-mountain-man-1975 +cityscape,Art_Nouveau_Modern,egon-schiele_houses-by-the-river-the-old-city-1914 +landscape,Impressionism,amadeo-de-souza-cardoso_house-manhufe-1910 +landscape,Impressionism,john-henry-twachtman_woodland-stream +religious_painting,Romanticism,francisco-goya_the-annunciation +portrait,Baroque,rembrandt_the-standard-bearer-1636 +landscape,Expressionism,george-mavroides_church-mykonos-1971 +landscape,Impressionism,camille-pissarro_lower-norwood-1871 +landscape,Impressionism,claude-monet_the-manneport-at-high-tide +landscape,Impressionism,samuel-mutzner_prim-var-la-kyoto-1915-1 +genre_painting,Realism,ilya-repin_barge-haulers-by-campfire-1870 +abstract_painting,Abstract_Expressionism,willem-de-kooning_with-love +landscape,Romanticism,lev-lagorio_a-fisherman +genre_painting,Realism,thomas-eakins_max-schmitt-in-a-single-scull-1871 +genre_painting,Realism,vladimir-makovsky_tobacco-taster-1918 +abstract_painting,Color_Field_Painting,bridget-riley_dominance-portfolio-blue-1977 +sketch_and_study,Realism,ivan-shishkin_sawn-tree +nude_painting,Expressionism,pablo-picasso_two-nude-women-1906 +portrait,Realism,james-tissot_prehistoric-women-1 +landscape,Realism,camille-corot_landscape-1 +landscape,Romanticism,caspar-david-friedrich_evening-1(4) +landscape,Impressionism,claude-monet_morning-on-the-seine-2 +portrait,Realism,boris-kustodiev_portrait-of-l-p-albrecht-1905 +portrait,Romanticism,theodore-gericault_marie-de-medici-at-pont-de-ce +landscape,Romanticism,ivan-aivazovsky_ships-at-the-feodosiya-raid-1897 +religious_painting,Mannerism_Late_Renaissance,paolo-veronese_christ-in-the-garden-of-gethsemane-1584 +genre_painting,Expressionism,salvador-dali_young-women +portrait,Realism,boris-kustodiev_portrait-of-y-e-kustodieva-1925 +nude_painting,Impressionism,john-singer-sargent_the-bathers-1917 +religious_painting,Early_Renaissance,antonello-da-messina_st-augustine +portrait,Rococo,dmitry-levitzky_portrait-of-director-of-capella-mark-fedorovich-poltoratsky-1780 +genre_painting,Baroque,rembrandt_an-artist-drawing-from-the-model-1648 +religious_painting,Mannerism_Late_Renaissance,tintoretto_the-apotheosis-of-st-roch-1564 +genre_painting,Realism,jean-francois-millet_norman-milkmaid +portrait,Impressionism,pierre-auguste-renoir_child-with-a-hoop +religious_painting,Northern_Renaissance,albrecht-altdorfer_communion-of-the-apostles-1518 +landscape,Contemporary_Realism,jamie-wyeth_man-reading-monhegan-1974 +genre_painting,Impressionism,childe-hassam_old-dutch-building-fishkill-new-york +still_life,Cubism,pablo-picasso_pedestal-glasses-cups-mandolin-1911 +religious_painting,Symbolism,odilon-redon_christ +portrait,Realism,ilya-repin_portrait-of-v-gudovich-1913 +illustration,Romanticism,gustave-dore_don-quixote-61 +genre_painting,Art_Nouveau_Modern,max-kurzweil_the-farrier(1) +landscape,Realism,aleksey-savrasov_rural-cemetery-in-the-moonlight-1887 +landscape,Expressionism,horia-bernea_marina +landscape,Impressionism,pierre-auguste-renoir_landscape-1900 +abstract_painting,Abstract_Expressionism,paul-reed_gij-2004 +religious_painting,Northern_Renaissance,martin-schongauer_madonna-of-the-rose-bower-1473 +portrait,Symbolism,odilon-redon_small-bust-of-a-young-girl +landscape,Rococo,george-morland_a-country-inn-1784 +landscape,Impressionism,henri-edmond-cross_shepherd-and-sheep +illustration,Romanticism,gustave-dore_the-inferno-canto-33 +portrait,Baroque,aleksey-antropov_portrait-of-empress-elizaveta-petrovna +portrait,Realism,vasily-polenov_head-of-red-headed-man-with-yellow-cap +genre_painting,Expressionism,marc-chagall_mother-by-the-oven-1914 +landscape,Symbolism,konstantin-bogaevsky_the-sun-1906 +sketch_and_study,Northern_Renaissance,rogier-van-der-weyden_christ-carried-to-the-tomb-1 +religious_painting,Symbolism,james-tissot_the-seven-trumpets-of-jericho +landscape,Realism,ivan-shishkin_misty-morning-1885 +still_life,Synthetic_Cubism,juan-gris_fruit-dish-glass-and-lemon-still-life-with-nerwspape +genre_painting,Expressionism,dimitris-mytaras_the-white-and-red-mask +portrait,Impressionism,edgar-degas_portrait-of-zacherie-zacharian-1886 +sketch_and_study,Realism,vasily-perov_fedot-and-arina-1873 +portrait,Post_Impressionism,paul-gauguin_the-cellist-portrait-of-upaupa-scheklud-1894 +nude_painting,Art_Nouveau_Modern,raphael-kirchner_deadly-sins +portrait,Impressionism,pierre-auguste-renoir_berthe-morisot-and-her-daughter-julie-manet-1894 +illustration,Romanticism,gustave-dore_paradise-lost-6 +landscape,Post_Impressionism,martiros-saryan_bjni-fort-1946 +landscape,Impressionism,childe-hassam_new-england-headlands +cityscape,Post_Impressionism,maxime-maufra_the-descending-street-at-locronan-1906 +abstract_painting,Color_Field_Painting,claude-viallat_untitled-no-223-2001 +genre_painting,Rococo,thomas-gainsborough_river-landscape-with-rustic-lovers +landscape,Impressionism,winston-churchill_racecourse-nice-1921(1) +landscape,Impressionism,alfred-sisley_winter-morning-veneux-1881 +sketch_and_study,High_Renaissance,michelangelo_study-for-an-ignudo +still_life,Analytical_Cubism,pablo-picasso_the-chess-1911 +cityscape,Art_Nouveau_Modern,konstantin-korovin_pier-at-the-factory-in-murmansk +cityscape,Impressionism,camille-pissarro_boulevard-montmartre-mardi-gras-1897 +abstract_painting,Color_Field_Painting,pedro-calapez_campo-de-sombras-muro-02-1996 +genre_painting,Impressionism,edgar-degas_ballet-scene-2 +landscape,Realism,theodore-rousseau_cows-in-the-mare-1855 +portrait,Pop_Art,leroy-neiman_shaq +landscape,Romanticism,john-atkinson-grimshaw_the-heron-s-haunt +portrait,Expressionism,billy-childish_in-5-minits-you-ll-know-me-sic-1996 +portrait,Impressionism,federico-zandomeneghi_the-flower-seller +portrait,Post_Impressionism,vincent-van-gogh_l-arlesienne-portrait-of-madame-ginoux-1888-1 +illustration,Expressionism,m.c.-escher_emblemata-balance +genre_painting,Post_Impressionism,paul-gauguin_four-breton-women-1886 +abstract_painting,Abstract_Expressionism,joan-mitchell_posted-1977 +portrait,Romanticism,eugene-delacroix_portrait-of-baron-schwiter-1827(1) +genre_painting,Post_Impressionism,paul-gauguin_in-brittany-1889 +cityscape,Naive_Art_Primitivism,louis-vivin_le-peintre-montmartre +sketch_and_study,Expressionism,pablo-picasso_portrait-of-madame-patri-1918 +portrait,Rococo,thomas-gainsborough_benjamin-truman +portrait,Impressionism,edouard-manet_young-woman-in-a-round-hat-1877 +portrait,Impressionism,stefan-luchian_peasant-woman-with-yellow-headscarf-1905 +abstract_painting,Color_Field_Painting,mark-rothko_no-16-1957 +landscape,Realism,camille-corot_souvenir-of-the-lake-nemi-region-1865 +portrait,Realism,henri-fantin-latour_marie-yolande-de-fitz-james-1867 +cityscape,Naive_Art_Primitivism,fernando-botero_the-street-1987 +sketch_and_study,Impressionism,edgar-degas_bust-of-a-woman +religious_painting,Northern_Renaissance,hans-memling_diptych-with-the-deposition-1494 +landscape,Post_Impressionism,henri-catargi_provensal-landscape-1929 +landscape,Romanticism,ivan-aivazovsky_lunar-night-on-the-black-sea-1859 +abstract_painting,Color_Field_Painting,sean-scully_coloured-wall-2003 +abstract_painting,Abstract_Expressionism,bradley-walker-tomlin_number-15-1953 +sketch_and_study,Symbolism,kuzma-petrov-vodkin_study-for-painting-sleep-1910 +portrait,Art_Nouveau_Modern,zinaida-serebriakova_farmer-spread-out-on-canvas-1917 +still_life,Post_Impressionism,vincent-van-gogh_plaster-statuette-of-a-female-torso-1886-5 +landscape,Romanticism,ferdinand-hodler_at-the-jonction +genre_painting,Expressionism,alberto-burri_procession-of-the-dead-christ-1946 +abstract_painting,Abstract_Expressionism,mark-tobey_advance-of-history-1964 +landscape,Naive_Art_Primitivism,henri-rousseau_view-of-the-fortifications +landscape,Post_Impressionism,paul-gauguin_landscape-at-le-pouldu-the-isolated-house-1889 +genre_painting,Art_Nouveau_Modern,henri-de-toulouse-lautrec_the-ballet-papa-chrysanthemem-1892 +cityscape,Post_Impressionism,maurice-utrillo_church-and-street-in-montmagny +landscape,Naive_Art_Primitivism,tarsila-do-amaral_postcard-1928 +abstract_painting,Abstract_Expressionism,jane-frank_aerial-series-ploughed-fields-maryland-1974 +illustration,Expressionism,arthur-segal_vom-strande-page-3-1913 +abstract_painting,Abstract_Expressionism,sam-francis_untitled-from-pasadena-box-lembark-l60-1963 +portrait,Baroque,joshua-reynolds_david-garrick +illustration,Expressionism,ernst-ludwig-kirchner_peter-schemihls-miraculous-story +illustration,Art_Nouveau_Modern,edmund-dulac_the-potter-the-rubaiyat-of-omar-khayyam +nude_painting,Expressionism,costas-niarchos_iphigenia +portrait,Rococo,fyodor-rokotov_portrait-of-varvara-nikolaevna-surovceva +cityscape,Impressionism,childe-hassam_newport-waterfront +abstract_painting,Minimalism,alvaro-lapa_criminals-and-their-properties-1974 +still_life,Expressionism,patrick-heron_the-long-table-with-fruit-1949 +portrait,Impressionism,nicolae-vermont_gypsy-woman-with-yellow-headscarf-1912 +cityscape,Impressionism,maurice-prendergast_venetian-scene +landscape,Baroque,rembrandt_a-river-with-a-sailing-boat-on-nieuwe-meer +illustration,Romanticism,gustave-dore_don-quixote-152 +portrait,Impressionism,pierre-auguste-renoir_the-little-fishergirl-1879 +religious_painting,High_Renaissance,lorenzo-lotto_virgin-and-child-with-saints-jerome-peter-clare-and-francis-1505 +portrait,Expressionism,lucian-freud_annie-1962 +genre_painting,Impressionism,edgar-degas_gentlemen-jockeys-before-the-start-1862 +genre_painting,Northern_Renaissance,jan-van-hemessen_risky-society +genre_painting,Impressionism,carl-larsson_oto-o-1884(1) +abstract_painting,Minimalism,robert-ryman_untitled-orange-painting-1955 +cityscape,Post_Impressionism,maurice-utrillo_church-sacre-couer +genre_painting,Cubism,pablo-picasso_painter-and-his-model-1963 +genre_painting,Baroque,adriaen-van-ostade_scene-in-the-tavern +portrait,Baroque,diego-velazquez_portrait-of-the-count-duke-of-olivares-1624 +religious_painting,Northern_Renaissance,lucas-cranach-the-elder_david-and-bathsheba-1526 +genre_painting,Impressionism,maurice-prendergast_franklin-park-boston-1 +cityscape,New_Realism,edward-hopper_not_detected_235602(1) +portrait,Romanticism,jan-matejko_augustus-iii +abstract_painting,Color_Field_Painting,john-hoyland_april-1961-1961 +portrait,Rococo,thomas-gainsborough_portrait-of-james-christie-1778 +landscape,Symbolism,nicholas-roerich_landscape-1 +landscape,Cubism,paul-cezanne_the-garden-at-les-lauves-1906 +portrait,Baroque,caravaggio_portrait-of-a-courtesan(2) +abstract_painting,Minimalism,ellsworth-kelly_study-for-white-plaque-bridge-arch-and-reflection-1951 +abstract_painting,Color_Field_Painting,walter-darby-bannard_cherokee-blanket-1964 +genre_painting,Impressionism,edgar-degas_cafe-concert-at-les-ambassadeurs-1877 +genre_painting,Expressionism,arturo-souto_pair-1951 +portrait,Baroque,rembrandt_a-franciscan-friar-1659 +religious_painting,Northern_Renaissance,albrecht-durer_the-cross-of-christ-with-saint-veronica +genre_painting,Expressionism,george-bouzianis_female-dancers-1936 +abstract_painting,Minimalism,ellsworth-kelly_horizontal-band-1951 +genre_painting,Ukiyo_e,utagawa-kunisada_fifty-three-stages-of-the-tokaido-tokaido-gojusan +genre_painting,Baroque,joseph-wright_the-iron-forge-1772 +genre_painting,Contemporary_Realism,eric-fischl_untitled-brice-in-pink-shirt +genre_painting,Romanticism,william-shayer_at-the-bell-inn-cadnam-new-forest +nude_painting,Post_Impressionism,henri-matisse_draped-nude +landscape,Impressionism,santiago-rusinol_jardines-de-aranjuez +genre_painting,Impressionism,pierre-auguste-renoir_the-hatpin-1898 +genre_painting,Realism,julius-leblanc-stewart_end-of-summertime-the-ride-form-the-cover-of-soleil-du-dimanche-sunday-20th-of-october-1901-1901(1) +abstract_painting,Minimalism,piero-manzoni_achrome-1958 +landscape,Realism,konstantin-makovsky_landscape-with-lake +portrait,Romanticism,alphonse-mucha_jaroslava-and-jiri-the-artist-s-children-1919 +portrait,Baroque,frans-hals_portrait-of-a-woman-1640 +landscape,Impressionism,claude-monet_haystacks-at-giverny-the-evening-sun +portrait,Expressionism,carlos-orozco-romero_woman +genre_painting,Expressionism,lyonel-feininger_the-white-man-1907 +sketch_and_study,High_Renaissance,leonardo-da-vinci_studies-of-water +still_life,Realism,gregoire-boonzaier_still-life-with-teapot-1930 +still_life,Cubism,vajda-lajos_table-still-life-with-armchair-1934 +religious_painting,Mannerism_Late_Renaissance,paolo-veronese_iseppo-and-adriano-da-porto-1552 +portrait,Realism,john-singer-sargent_mrs-edmond-kelly-1889 +cityscape,Naive_Art_Primitivism,jules-lefranc_les-bouquinistes-devant-notre-dame-1935 +nude_painting,Impressionism,william-merritt-chase_back-of-a-nude +still_life,Post_Impressionism,irma-stern_still-lfie-with-coral-tree-flowers-1935 +genre_painting,Realism,sergey-solomko_declaration-of-love +abstract_painting,Abstract_Expressionism,sam-francis_dream-it-is-1963 +portrait,Realism,henri-fantin-latour_not-identified-2 +genre_painting,Expressionism,marcel-duchamp_play-1902 +genre_painting,Naive_Art_Primitivism,marc-chagall_couple-and-basket-with-fruits +portrait,Naive_Art_Primitivism,marc-chagall_portrait-of-vava +genre_painting,Expressionism,lucian-freud_leigh-on-a-green-sofa +portrait,Post_Impressionism,theo-van-rysselberghe_madame-theo-van-rysselberghe-1907 +portrait,Romanticism,konstantin-makovsky_female-portrait-1 +portrait,Romanticism,jan-matejko_wladyslaw-white-in-dijon-1867 +genre_painting,Synthetic_Cubism,georges-braque_woman-with-a-guitar-1913 +landscape,Realism,john-singer-sargent_val-d-aosta-purtud-1907 +portrait,Rococo,vladimir-borovikovsky_portrait-of-a-and-v-gagarin-1802 +still_life,Contemporary_Realism,janet-fish_peaches-1971 +nude_painting,Expressionism,pablo-picasso_untitled-1971-3 +landscape,Impressionism,camille-pissarro_the-road-from-versalles-to-saint-germain-at-louveciennes-1872 +portrait,Expressionism,lucian-freud_portrait-of-ib-1990 +still_life,Impressionism,pieter-wenning_buddha-with-two-vases +landscape,New_Realism,edward-hopper_south-truro-church +portrait,Post_Impressionism,henri-matisse_portrait-of-michael-stein-1916 +religious_painting,Mannerism_Late_Renaissance,paolo-veronese_martyrdom-of-saint-sebastian +religious_painting,Northern_Renaissance,hieronymus-bosch_adoration-of-the-child +religious_painting,Romanticism,gustave-dore_isaiah-s-vision-of-the-destruction-of-babylon +religious_painting,Early_Renaissance,fra-angelico_scenes-from-the-lives-of-sts-lawrence-and-stephen-1449 +genre_painting,Impressionism,joaquã­n-sorolla_boxing-raisins-javea-1901 +still_life,Contemporary_Realism,janet-fish_coffee-cake-2003 +landscape,Impressionism,karoly-ferenczy_beech-forest-1908 +portrait,Realism,anders-zorn_a-portrait-of-jean-baptiste-faure-1891 +landscape,Symbolism,nicholas-roerich_treasure-1919 +abstract_painting,Abstract_Expressionism,raoul-ubac_crucifixion +portrait,Expressionism,thalia-flora-karavia_the-patriarch-of-alexandria +landscape,Post_Impressionism,pyotr-konchalovsky_sorrento-garden-1924 +portrait,Impressionism,berthe-morisot_profile-of-a-seated-young-woman-1879 +religious_painting,Northern_Renaissance,hans-memling_virgin-with-the-child-reaching-for-his-toe-1490 +abstract_painting,Abstract_Expressionism,joan-miro_not_detected_227948 +genre_painting,Baroque,jacob-jordaens_the-bean-king-1 +genre_painting,Post_Impressionism,alekos-kontopoulos_theokriteio-romance-1951 +sketch_and_study,Realism,vincent-van-gogh_gardener-near-a-gnarled-apple-tree-1883(1) +landscape,Impressionism,armand-guillaumin_caves-prunal-near-pontgibaud-auvergne +religious_painting,Early_Renaissance,sandro-botticelli_portrait-of-a-young-man-with-red-cap(1) +genre_painting,Impressionism,childe-hassam_a-rainy-day-new-york +portrait,Symbolism,fernand-khnopff_incens-1898 +sketch_and_study,Realism,john-singer-sargent_male-nudes-wrestling +portrait,Romanticism,ivan-aivazovsky_portrait-of-loris-melikov-1888 +genre_painting,Art_Nouveau_Modern,raphael-kirchner_greek-virgins-1900-5 +religious_painting,Symbolism,gustave-moreau_salom-dancing-before-herod-1876 +portrait,Art_Nouveau_Modern,raphael-kirchner_marcelle-earle-1 +religious_painting,Mannerism_Late_Renaissance,el-greco_ascension-of-jesus +portrait,Rococo,vladimir-borovikovsky_sofia-vera-nadezda-i-lubov +nude_painting,Post_Impressionism,henri-matisse_odalisque-in-a-gauze-skirt +cityscape,Symbolism,mstislav-dobuzhinsky_kaunas-old-house-1932 +sketch_and_study,Northern_Renaissance,albrecht-durer_side-and-frontal-view-of-the-female-head-1528 +religious_painting,Early_Renaissance,benozzo-gozzoli_preaching-to-the-birds-and-blessing-montefalco-detail +portrait,Realism,ivan-kramskoy_portrait-of-the-doctor-sergey-botkin-1882 +genre_painting,Romanticism,alfred-stevens_the-japanese-mask +portrait,Rococo,joshua-reynolds_mrs-peter-beckford-1782 +portrait,Expressionism,pyotr-konchalovsky_spanish-boy-1910 +sketch_and_study,Naive_Art_Primitivism,fernand-leger_study-for-a-portrait +landscape,Symbolism,nicholas-roerich_white-himalayas-1931 +genre_painting,Ukiyo_e,kitagawa-utamaro_the-hussy +genre_painting,Symbolism,konstantin-somov_lady-with-a-spring-landscape +still_life,Post_Impressionism,pyotr-konchalovsky_still-life-with-lilac-and-orange-1927 +landscape,Romanticism,ivan-aivazovsky_moonlit-night-near-yalta-1863 +portrait,Impressionism,claude-monet_young-girl-in-the-garden-at-giverny +religious_painting,Early_Renaissance,andrea-del-castagno_dormition-of-the-virgin +portrait,Impressionism,ipolit-strambu_portrait-of-a-peasant +abstract_painting,Color_Field_Painting,theodoros-stamos_double-aegean-sun-box-1968 +nude_painting,Post_Impressionism,paul-gauguin_crouching-tahitian-woman-1902 +abstract_painting,Minimalism,judy-chicago_pasadena-lifesavers-blue-series-2-1970 +landscape,Realism,winslow-homer_homosassa-jungle-florida +genre_painting,Rococo,william-hogarth_times-of-the-day-evening +nude_painting,Impressionism,giovanni-boldini_reclining-nude +portrait,Baroque,antoine-pesne_ernst-friedrich-baron-of-the-inn-and-knyphausen-royal-prussian-minister-1707 +religious_painting,Mannerism_Late_Renaissance,rosso-fiorentino_assumption-of-the-virgin-1517 +genre_painting,Symbolism,pablo-picasso_ascet-1903 +landscape,Impressionism,claude-monet_the-rock-needle-seen-through-the-porte-d-aumont +genre_painting,Baroque,gerrit-dou_an-old-man-lighting-his-pipe-in-a-study +religious_painting,Early_Renaissance,antonello-da-messina_polyptych-with-st-gregory-1473 +religious_painting,Symbolism,nicholas-roerich_maitreya-the-conqueror-1926 +portrait,High_Renaissance,lorenzo-lotto_portrait-of-a-young-man +genre_painting,Post_Impressionism,pierre-bonnard_girl-playing-with-a-dog-vivette-terrasse-1913 +genre_painting,Impressionism,edgar-degas_two-laundresses-and-a-horse-1902 +landscape,Realism,vincent-van-gogh_meadows-near-rijswijk-and-the-schenkweg-1882 +abstract_painting,Color_Field_Painting,helen-frankenthaler_nepenthe-1972 +religious_painting,Early_Renaissance,giovanni-bellini_presentation-at-the-temple-1464 +illustration,Abstract_Expressionism,henri-matisse_cut-outs-3 +portrait,Ukiyo_e,keisai-eisen_woman-by-plum-tree-at-night-1847 +portrait,Art_Nouveau_Modern,boris-kustodiev_mercahnt-s-wife-1919 +landscape,Symbolism,ferdinand-hodler_the-gantrisch-1898 +portrait,Romanticism,edwin-henry-landseer_queen-victoria-and-prince-albert-at-the-bal-costume +genre_painting,New_Realism,william-james-glackens_merry-christmas-1910 +landscape,Impressionism,camille-pissarro_valhermeil-near-oise-rain-effect-1881 +landscape,Impressionism,john-henry-twachtman_gloucester +genre_painting,Naive_Art_Primitivism,marc-chagall_acrobat-with-bouquet-1963 +genre_painting,Impressionism,iosif-iser_bretania-port-1930 +religious_painting,Romanticism,gustave-dore_artaxerxes-granting-liberty-to-the-jews +portrait,Northern_Renaissance,albrecht-durer_albrech-durer-the-elder +religious_painting,Baroque,bartolome-esteban-murillo_saint-augustine-in-meditation +landscape,Realism,ivan-shishkin_pine-1892 +abstract_painting,Color_Field_Painting,mario-cesariny_linha-d-gua-1 +religious_painting,Romanticism,gustave-dore_the-judas-kiss +portrait,Art_Nouveau_Modern,koloman-moser_girl-in-rose-1898 +still_life,Synthetic_Cubism,juan-gris_tea-cups-1914 +landscape,Impressionism,arkhip-kuindzhi_a-birch-grove-1879-2 +landscape,Realism,ivan-shishkin_on-the-shore-of-the-gulf-of-finland-udrias-near-narva-1889 +religious_painting,Early_Renaissance,domenico-ghirlandaio_st-barbara +religious_painting,High_Renaissance,raphael_miraculous-draught-of-fishes +cityscape,Impressionism,konstantin-korovin_cafe-in-yalta-1905 +sketch_and_study,Mannerism_Late_Renaissance,jacopo-pontormo_seated-nude-with-raised-arm +illustration,Art_Nouveau_Modern,heorhiy-narbut_illustration-to-wooden-eagle-1909 +landscape,Impressionism,salvador-dali_cadaques-3 +abstract_painting,Color_Field_Painting,morris-louis_claustral-1961 +genre_painting,Impressionism,nikolay-bogdanov-belsky_two-girls-on-a-footbridge +portrait,High_Renaissance,lorenzo-lotto_husband-and-wife-1523 +genre_painting,Impressionism,lucia-demetriade-balacescu_unknown-title-6 +sketch_and_study,Post_Impressionism,vincent-van-gogh_public-garden-with-vincent-s-house-in-the-background-1888 +cityscape,Post_Impressionism,carlos-botelho_lisbon-s-cristov-o-1937 +landscape,Expressionism,carlos-saenz-de-tejada_rio-lozoya-the-passage-by-the-paular +religious_painting,Realism,mihaly-munkacsy_christ-before-pilate-1881 +abstract_painting,Abstract_Expressionism,joan-miro_carota +genre_painting,Romanticism,paul-cezanne_the-robbers-and-the-donkey +religious_painting,Northern_Renaissance,jan-van-hemessen_the-descent-from-the-cross +sketch_and_study,Realism,vincent-van-gogh_peasant-woman-digging-seen-from-the-side-1885 +religious_painting,Baroque,le-nain-brothers_adoration-of-the-shepherds +genre_painting,Impressionism,emile-claus_hay-stacks-1905 +religious_painting,Baroque,guido-reni_st-mary-magdalene-1632 +portrait,Realism,salvador-dali_portrait-of-mrs-ruth-daponte +portrait,Mannerism_Late_Renaissance,piero-di-cosimo_magdalena-reading-1500 +still_life,Post_Impressionism,paul-cezanne_apples-on-a-sheet +landscape,Impressionism,adam-baltatu_noon-at-br-ne-ti +abstract_painting,Color_Field_Painting,sam-francis_veiled-sail-1969 +sketch_and_study,Post_Impressionism,vincent-van-gogh_snow-covered-cottages-a-couple-with-a-child-and-other-walkers-1890 +sketch_and_study,Northern_Renaissance,albrecht-durer_studies-by-two-riders +cityscape,Impressionism,gregoire-boonzaier_district-six-1971 +still_life,Pop_Art,andy-warhol_campbell-s-soup-can-beef +genre_painting,Expressionism,marc-chagall_the-street-performers-in-the-night-1957 +illustration,Art_Nouveau_Modern,aubrey-beardsley_yellow-book-poster-1894 +portrait,Realism,mykola-yaroshenko_terrorist-1881 +cityscape,Post_Impressionism,vincent-van-gogh_montmartre-the-quarry-and-windmills-1886 +genre_painting,Naive_Art_Primitivism,david-burliuk_black-horse +genre_painting,Impressionism,nikolay-bogdanov-belsky_three-boys-in-the-wood +nude_painting,Expressionism,henri-matisse_nude-in-a-chair +sketch_and_study,Rococo,maurice-quentin-de-la-tour_study-for-portrait-of-unknown-woman-6 +still_life,Post_Impressionism,pyotr-konchalovsky_still-life-candlestick-and-pear-1946 +illustration,Naive_Art_Primitivism,marc-chagall_tchitchikov-on-his-bed +genre_painting,Expressionism,max-beckmann_patriotic-song +landscape,Impressionism,nikolay-bogdanov-belsky_a-provincial-town-on-a-river +nude_painting,Impressionism,pierre-auguste-renoir_study-of-a-nude +abstract_painting,Abstract_Expressionism,raoul-ubac_rythme-rose-et-gris-endormi-1972 +portrait,Baroque,diego-velazquez_prince-balthasar-carlos-on-horseback-1635 +still_life,Naive_Art_Primitivism,henri-rousseau_still-life-with-teapot-and-fruit +cityscape,Post_Impressionism,walter-sickert_london-street-bath +religious_painting,Mannerism_Late_Renaissance,giorgio-vasari_the-annunciation-1571-1 +genre_painting,Post_Impressionism,henri-de-toulouse-lautrec_at-the-circus-fernando-the-rider-1888 +portrait,Pointillism,kazimir-malevich_portrait-of-a-member-of-the-artist-s-family +illustration,Romanticism,gustave-dore_don-quixote-57 +abstract_painting,Abstract_Expressionism,frank-stella_counterpane-from-the-waves-series-1989 +genre_painting,Expressionism,jean-paul-lemieux_le-cheval-blanc-1984 +landscape,Impressionism,octav-angheluta_gr-nar +landscape,Impressionism,claude-monet_the-road-to-the-farm-of-saint-simeon-1 +cityscape,Impressionism,camille-pissarro_the-louvre-march-mist-1903 +religious_painting,Mannerism_Late_Renaissance,el-greco_stigmatisation-of-st-francis +genre_painting,Art_Nouveau_Modern,raphael-kirchner_behind-the-scenes-1900-2 +genre_painting,Post_Impressionism,pierre-bonnard_at-sea-1924 +landscape,Contemporary_Realism,jamie-wyeth_the-red-house-1972 +portrait,Impressionism,max-liebermann_portrait-of-richard-strauss-1918 +portrait,Expressionism,nicolae-tonitza_little-tatar-girl-1937 +genre_painting,Pointillism,georges-seurat_study-for-chahut-1890 +genre_painting,Impressionism,gustave-caillebotte_the-painter-under-his-parasol +portrait,Rococo,vladimir-borovikovsky_portrait-of-paul-i-1796 +portrait,Northern_Renaissance,hans-baldung_portrait-of-a-young-man-1509 +portrait,Rococo,dmitry-levitzky_portrait-of-ivan-ivanovich-shuvalov +genre_painting,Symbolism,jacek-malczewski_back-in-the-homeland-back-from-siberia-1911 +portrait,Impressionism,octav-angheluta_getu-a-1945 +portrait,Northern_Renaissance,mabuse_a-young-princess-dorothea-of-denmark0 +religious_painting,Baroque,francesco-solimena_diedci +portrait,Realism,john-collier_charles-robert-darwin-1883 +religious_painting,Rococo,giovanni-domenico-tiepolo_dying-jacob-is-blessing-his-sons +religious_painting,Northern_Renaissance,albrecht-durer_st-james-the-apostle-1516 +genre_painting,Romanticism,karl-bodmer_the-great-traveller-charles-alexandre-lesueur-in-the-forest +landscape,Impressionism,maxime-maufra_a-cottage-with-thatched-roof-in-douarnenez-1898 +landscape,Realism,camille-corot_morning-fog-effect-1853 +abstract_painting,Color_Field_Painting,gene-davis_lincoln-center-1971 +nude_painting,Post_Impressionism,moise-kisling_nude-on-red-couch +landscape,Post_Impressionism,constantine-maleas_castle-at-monemvasia +landscape,Impressionism,laszlo-mednyanszky_view-of-dunajec-1895 +landscape,Pop_Art,andy-warhol_vesuvius +nude_painting,Expressionism,yiannis-tsaroychis_italian-nude-sitting-1937 +portrait,Baroque,rembrandt_portrait-of-a-man-with-a-golden-helmet-1648 +religious_painting,Baroque,annibale-carracci_triptych-1605 +sketch_and_study,Early_Renaissance,leonardo-da-vinci_siege-defenses +still_life,Abstract_Expressionism,walasse-ting_abstract-still-life-1950 +abstract_painting,Abstract_Expressionism,conrad-marca-relli_untitled +religious_painting,Baroque,rembrandt_joseph-s-coat-brought-to-jacob-1633 +portrait,Romanticism,jean-leon-gerome_portrait-of-eduoard-delessert +landscape,Impressionism,henri-martin_view-of-puy-l-eveque +sketch_and_study,Realism,ilya-repin_sketch-with-the-icon-of-saviour +portrait,Realism,wilhelm-leibl_portr-t-der-rosine-fischler-gr-fin-treuberg-1878 +religious_painting,Northern_Renaissance,albrecht-durer_apostle +abstract_painting,Abstract_Expressionism,theodoros-stamos_infinity-field-jerusalem-series-1984 +portrait,Romanticism,orest-kiprensky_portrait-of-alexander-chelishchev +genre_painting,Cubism,georges-braque_not_detected_193676 +religious_painting,Symbolism,james-tissot_the-animals-enter-the-ark +sketch_and_study,Realism,boris-kustodiev_street-of-city-b-1905 +sketch_and_study,Cubism,pyotr-konchalovsky_cassis-the-ship-1913 +landscape,Impressionism,claude-monet_the-seine-near-giverny-2 +portrait,Romanticism,orest-kiprensky_peasant-boy-moska-1814 +portrait,Northern_Renaissance,albrecht-durer_head-of-a-suffering-man +portrait,Impressionism,edgar-degas_tuileries-the-woman-with-a-parasol-1877 +genre_painting,Baroque,le-nain-brothers_smokers-in-an-interior-1643 +genre_painting,Naive_Art_Primitivism,william-h.-johnson_lift-up-thy-voice-and-sing-1944(1) +nude_painting,Expressionism,lucian-freud_david-and-eli-2004 +sketch_and_study,Post_Impressionism,vincent-van-gogh_houses-among-trees-1890 +landscape,Impressionism,claude-monet_meadows-in-giverny-1888 +landscape,Symbolism,nicholas-roerich_himalayas-34 +portrait,Romanticism,polychronis-lembesis_girl-with-distaff-and-spindle +genre_painting,Post_Impressionism,pyotr-konchalovsky_mikhail-petrovich-konchalovsky-the-son-of-the-artist-s-on-etudes-1936 +religious_painting,Baroque,caravaggio_adoration-of-the-shepherds-1609 +landscape,Symbolism,konstantin-somov_the-road-to-sekerin +portrait,Realism,vasily-perov_portrait-of-the-author-feodor-dostoyevsky-1872 +genre_painting,Pointillism,theo-van-rysselberghe_female-bathers-under-the-pines-at-cavaliere-1905 +genre_painting,Pop_Art,richard-hamilton_i-m-dreaming-of-a-black-christmas-1971 +genre_painting,Romanticism,sir-lawrence-alma-tadema_not_detected_214561 +portrait,Baroque,frans-hals_dorothea-berck-1644 +genre_painting,Impressionism,camille-pissarro_the-harvest-1882 +portrait,Expressionism,milton-avery_reclining-reader-1950 +landscape,Romanticism,taras-shevchenko_bohdan-s-ruins-in-subotiv-1845 +landscape,Romanticism,john-constable_hampstead-stormy-sky-1814-1 +portrait,Impressionism,pierre-auguste-renoir_the-rambler +genre_painting,Cubism,ernst-ludwig-kirchner_traber-team +genre_painting,Impressionism,edgar-degas_race-horses +landscape,Post_Impressionism,ferdynand-ruszczyc_forest-creek-1900 +cityscape,Rococo,bernardo-bellotto_the-old-market-square-in-dresden +cityscape,Realism,vasily-polenov_the-temple-of-isis-on-philae-island-1882 +landscape,Expressionism,nikolaos-lytras_tinos-agios-markos-1923 +landscape,Expressionism,ernst-ludwig-kirchner_mountains-and-houses-in-the-snow +portrait,Romanticism,pierre-paul-prud'hon_family-portrait-of-madame-anthony-and-her-children-1785 +landscape,Realism,gustave-courbet_chateau-de-chillon-1873 +portrait,Post_Impressionism,moise-kisling_female-portrait-1 +cityscape,Romanticism,ivan-aivazovsky_the-bay-golden-horn-1845 +portrait,Realism,ilya-repin_portrait-of-count-k-n-palen-1903 +illustration,Romanticism,gustave-dore_paradiso +abstract_painting,Abstract_Expressionism,robert-goodnough_untitled-2 +landscape,Expressionism,horia-bernea_hills-1965 +religious_painting,Baroque,jusepe-de-ribera_communion-of-the-apostles-1651 +landscape,Impressionism,john-singer-sargent_cottage-at-fairford-gloucestershire-1892 +cityscape,Post_Impressionism,vincent-van-gogh_the-restaurant-de-la-sirene-at-asnieres-1887 +genre_painting,Art_Nouveau_Modern,eugã¨ne-grasset_the-art-of-drawing-1894 +landscape,Impressionism,cornelis-vreedenburgh_ships-on-a-puddle +illustration,Symbolism,felicien-rops_the-best-love-of-don-juan +portrait,Post_Impressionism,bela-czobel_girl-with-red-shawl-1934 +portrait,Fauvism,francis-picabia_portrait-of-jeanne-marie-bourgeois-1917 +portrait,Realism,thomas-eakins_weda-cook-1891 +genre_painting,Ukiyo_e,katsushika-hokusai_scene-light-district-of-yoshiwara +landscape,Realism,ivan-shishkin_lakeshore-1884 +portrait,Impressionism,karoly-ferenczy_birdsong-1893 +portrait,Post_Impressionism,henri-de-toulouse-lautrec_madame-misian-nathanson-1897 +portrait,Romanticism,konstantin-makovsky_portrait-6 +still_life,Realism,theodore-gericault_heads-of-torture-victims-study-for-the-raft-of-the-medusa +genre_painting,Realism,vincent-van-gogh_baby-crawling(1) +religious_painting,Early_Renaissance,andrea-mantegna_the-virgin-and-child-with-saint-jerome-and-louis-of-toulouse-1455 +genre_painting,Symbolism,konstantin-somov_lovers-evening-1910 +portrait,Realism,alexey-venetsianov_portrait-of-a-peasant-girl +portrait,Realism,valentin-serov_portrait-of-vladimir-girshman-1911 +landscape,Post_Impressionism,henri-martin_fountain-in-marquayrol +nude_painting,Impressionism,edgar-degas_the-toilette +landscape,Impressionism,claude-monet_bordighera-italy +abstract_painting,Color_Field_Painting,charles-hinman_mobius-1965 +abstract_painting,Minimalism,richard-tuttle_20-pearls-e-2007 +abstract_painting,Color_Field_Painting,morris-louis_red-go-1961 +sketch_and_study,Symbolism,nicholas-roerich_birbe-mountain-from-keylong +illustration,Romanticism,gustave-dore_apocalyptic-procession +landscape,Ukiyo_e,utagawa-toyokuni-ii_view-of-oshima-from-atami-beach +genre_painting,Naive_Art_Primitivism,grandma-moses_apple-butter-making-1947(1) +cityscape,Impressionism,claude-monet_the-basin-at-argenteuil +cityscape,Art_Nouveau_Modern,felix-vallotton_night-1897 +landscape,Symbolism,nicholas-roerich_castles-of-king-gesar +religious_painting,Baroque,anthony-van-dyck_maria-and-child-and-saints +abstract_painting,Action_painting,franz-kline_new-york-1953 +landscape,Romanticism,caspar-david-friedrich_giant-mountains-landscape-with-rising-fog-1820 +landscape,Expressionism,ernst-ludwig-kirchner_trains-gorge-near-monstein-1920 +abstract_painting,Color_Field_Painting,mark-rothko_untitled-blue-divided-by-blue-1966 +landscape,Impressionism,willard-metcalf_the-frozen-pool-march +sketch_and_study,Post_Impressionism,vincent-van-gogh_people-walking-on-a-street-in-the-evening-1886 +portrait,Baroque,antoine-pesne_portrait-of-a-man +genre_painting,Romanticism,alphonse-mucha_heraldic-chivalry +abstract_painting,Minimalism,pierre-soulages_peinture-324-x-362-cm-1985-polyptyque-c-1985 +genre_painting,Impressionism,pierre-auguste-renoir_three-young-girls-sitting-in-the-grass-1897 +sketch_and_study,Post_Impressionism,vincent-van-gogh_restaurant-menu-1886 +sketch_and_study,Expressionism,salvador-dali_study-for-a-portrait-unfinished +portrait,Post_Impressionism,irma-stern_portrait-of-a-young-girl-1939 +landscape,Romanticism,ivan-aivazovsky_malakhov-hill-1893 +landscape,Impressionism,willard-metcalf_autum-glory +landscape,Post_Impressionism,charles-reiffel_road-in-the-cuyamacas-1934 +still_life,Impressionism,constantin-artachino_plums +portrait,Impressionism,joaquã­n-sorolla_portrait-of-a-woman +sketch_and_study,Expressionism,paula-modersohn-becker_seated-peasant-woman-1903 +portrait,Pop_Art,andy-warhol_dracula +portrait,Impressionism,edgar-degas_edouard-manet-standing +portrait,Expressionism,helene-schjerfbeck_circus-girl-1916 +genre_painting,Expressionism,jose-gutierrez-solana_people-1933 +genre_painting,Romanticism,francisco-goya_the-swing-1787 +religious_painting,Mannerism_Late_Renaissance,jacopo-pontormo_st-quintinus +still_life,Realism,william-merritt-chase_still-life-with-watermelon +landscape,Impressionism,claude-monet_fields-of-tulip-with-the-rijnsburg-windmill +landscape,Impressionism,odilon-redon_peyrlebade-1888 +genre_painting,Expressionism,pyotr-konchalovsky_bullfight-study-1910-1 +portrait,Art_Nouveau_Modern,carl-larsson_a-young-girl-with-a-doll(1) +sketch_and_study,Impressionism,walter-sickert_dieppe-study-no-2-facade-of-st-jacques +genre_painting,Impressionism,nikolay-bogdanov-belsky_children-on-a-fence +landscape,Post_Impressionism,vincent-van-gogh_road-with-cypresses-1890 +religious_painting,Northern_Renaissance,albrecht-durer_christ-appears-to-his-mother-1511 +portrait,Expressionism,amadeo-de-souza-cardoso_portrait-of-francisco-cardoso-1912 +illustration,Naive_Art_Primitivism,el-lissitzky_illustration-to-chad-gadya-1919 +sketch_and_study,Cubism,pyotr-konchalovsky_figure-in-a-collection-of-poems-autographs-1920 +religious_painting,Northern_Renaissance,albrecht-durer_illustration-to-revelationes-sancte-birgitte-1500 +portrait,Romanticism,alexey-venetsianov_portrait-of-k-i-golovachevsky-and-the-younger-pupils-of-the-academy +nude_painting,Post_Impressionism,pierre-bonnard_the-grey-nude-1929 +abstract_painting,Minimalism,ronnie-landfield_yellow-ochre-1967 +genre_painting,Cubism,ernst-ludwig-kirchner_two-acrobats-1933 +landscape,Impressionism,claude-monet_windmills-near-zaandam +landscape,Impressionism,claude-monet_grainstacks-in-the-morning-snow-effect +nude_painting,Northern_Renaissance,albrecht-durer_nude-woman-with-the-zodiac +portrait,Ukiyo_e,utagawa-kuniyoshi_yada-gorosaemon +genre_painting,Impressionism,karoly-ferenczy_morning-sunshine-1905 +cityscape,Realism,ioannis-altamouras_evening-in-the-harbour +portrait,Baroque,frans-hals_portrait-of-a-man-1 +abstract_painting,Color_Field_Painting,paul-reed_upstart-18f-1965 +landscape,Impressionism,william-james-glackens_mahone-bay-1911 +genre_painting,Impressionism,edgar-degas_cotton-merchants-in-new-orleans-1873 +nude_painting,Romanticism,francesco-hayez_ballerina-carlotta-chabert-as-venus-1830 +sketch_and_study,Realism,vincent-van-gogh_peasant-woman-head-8 +landscape,Contemporary_Realism,lucian-freud_two-plants-1980 +religious_painting,Baroque,bartolome-esteban-murillo_jacob-s-dream-1665 +religious_painting,Romanticism,william-turner_the-morning-after-the-deluge +landscape,Romanticism,john-crome_slate-quarries-1805 +religious_painting,Mannerism_Late_Renaissance,paolo-veronese_annunciation +landscape,Realism,gustave-courbet_the-chateau-d-ornans +abstract_painting,Minimalism,rodolfo-arico_progetto-b-v-1973 +religious_painting,Early_Renaissance,sandro-botticelli_salome-with-the-head-of-st-john-the-baptist(1) +religious_painting,High_Renaissance,leonardo-da-vinci_madonna-litta-madonna-and-the-child(1) +religious_painting,Early_Renaissance,benozzo-gozzoli_overall-view-of-the-tabernacle-of-the-madonna-delle-tosse +abstract_painting,Abstract_Expressionism,ad-reinhardt_number-107-1950 +religious_painting,Early_Renaissance,fra-angelico_st-stephen-distributing-alms-1449 +portrait,Romanticism,arnold-bã¶cklin_portrait-of-angela-b-cklin-in-red-fishnet +still_life,Cubism,juan-gris_the-table-in-front-of-the-picture-1926 +genre_painting,Post_Impressionism,henri-de-toulouse-lautrec_the-jockey-1899 +illustration,Naive_Art_Primitivism,martiros-saryan_illustration-to-armenian-folk-tales-1937-6 +genre_painting,Realism,edouard-manet_the-dead-toreador-1865(1) +abstract_painting,Abstract_Expressionism,andy-warhol_oxidation-painting-1978 +landscape,Post_Impressionism,vincent-van-gogh_wooden-sheds-1889 +portrait,Naive_Art_Primitivism,tarsila-do-amaral_second-class +landscape,Realism,konstantin-makovsky_landscape-sea-and-flowers +portrait,Impressionism,pierre-auguste-renoir_child-with-a-whip-1885 +illustration,Symbolism,harry-clarke_tales-of-mystery-and-imagination-by-edgar-allan-poe-1923-10 +portrait,Naive_Art_Primitivism,william-h.-johnson_maternal-1944(1) +portrait,High_Renaissance,giorgione_portrait-of-francesco-maria-della-rovere-1502(2) +genre_painting,Contemporary_Realism,eric-fischl_corrida-in-ronda-no-6 +sketch_and_study,Romanticism,orest-kiprensky_a-girl-with-flowing-hair-baby-s-head-1807 +genre_painting,Impressionism,childe-hassam_a-familiar-tune +still_life,Post_Impressionism,paul-cezanne_still-life-with-apples-1894 +still_life,Impressionism,stefan-luchian_springtime-flowers +portrait,Pop_Art,peter-max_toulouse-lautrec-1966 +landscape,Impressionism,claude-monet_the-big-blue-at-antibes +portrait,Romanticism,henry-raeburn_rear-admiral-charles-inglis +landscape,Realism,charles-francois-daubigny_the-water-s-edge +genre_painting,Post_Impressionism,pierre-bonnard_on-the-track-1895 +nude_painting,Expressionism,ossip-zadkine_three-personages +religious_painting,Symbolism,kuzma-petrov-vodkin_trinity-1915 +genre_painting,Expressionism,henri-matisse_the-painting-lesson-1919 +genre_painting,Expressionism,ernst-ludwig-kirchner_artist-begging-for-applause +illustration,Art_Nouveau_Modern,carlos-saenz-de-tejada_don-juan-tenorio-1 +portrait,Romanticism,vasily-tropinin_portrait-of-an-unknown-1823 +landscape,Symbolism,zinaida-serebriakova_brittany-beach-at-mosquito-1926 +sketch_and_study,High_Renaissance,leonardo-da-vinci_study-for-the-kneeling-leda +portrait,Realism,ilya-repin_moonlight-1896 +religious_painting,Romanticism,gustave-dore_st-peter-and-st-john-at-beautiful-gate +genre_painting,Expressionism,ernst-ludwig-kirchner_two-women-at-the-sea +abstract_painting,Color_Field_Painting,ad-reinhardt_abstract-painting-1966 +illustration,Romanticism,gustave-dore_don-quixote-60 +still_life,Post_Impressionism,pyotr-konchalovsky_still-life-tashkent-1916 +abstract_painting,Abstract_Expressionism,jimmy-ernst_abstraction-in-green-and-black-1946 +abstract_painting,Minimalism,yves-klein_monochrome-red-untitled +genre_painting,Naive_Art_Primitivism,marc-chagall_a-green-tree-1984 +sketch_and_study,Symbolism,kuzma-petrov-vodkin_figure-of-s-f-petrova-vodkin-the-artist-s-father-on-his-knees-from-the-back-1909 +cityscape,Realism,james-tissot_trafalgar-tavern-1878 +abstract_painting,Abstract_Expressionism,sam-francis_untitled-sf27s-1975 +sketch_and_study,Realism,vincent-van-gogh_peasant-woman-head-3 +cityscape,Impressionism,john-singer-sargent_spanish-fountain-1912 +genre_painting,Realism,boris-kustodiev_holiday-in-the-countryside-1907 +landscape,Realism,isaac-levitan_village-early-spring-1888 +landscape,Romanticism,jean-leon-gerome_souvenir-of-ach-res +nude_painting,Symbolism,pierre-puvis-de-chavannes_tamaris-detail +portrait,Realism,andrei-ryabushkin_head-of-boy +landscape,Impressionism,camille-pissarro_mother-lucien-s-yard-1895 +landscape,Realism,isaac-levitan_landscape-with-buildings +illustration,Naive_Art_Primitivism,constantin-piliuta_illustration-for-tudor-arghezi-s-good-morning-springtime +genre_painting,Romanticism,sir-lawrence-alma-tadema_vespasian-hearing-from-one-of-his-generals-of-the-taking-of-jerusalem-by-titus-the-dispatch +landscape,Fauvism,louis-valtat_field-of-corn-1917 +religious_painting,Northern_Renaissance,albrecht-durer_flagellation-of-christ +still_life,Post_Impressionism,pyotr-konchalovsky_still-life-gold-and-silver-in-japanese-cloth-1928 +portrait,Rococo,fyodor-rokotov_portrait-of-v-a-obreskova +landscape,Expressionism,ernst-ludwig-kirchner_stafelalp-at-moon-light +cityscape,Art_Nouveau_Modern,gustav-klimt_chruch-in-unterach-on-the-attersee +genre_painting,Ukiyo_e,katsushika-hokusai_sazai-hall-500-rakan-temples +sketch_and_study,Mannerism_Late_Renaissance,giorgio-vasari_the-annunciation-1571 +genre_painting,Impressionism,mary-cassatt_sara-and-her-mother-with-the-baby +genre_painting,Realism,henri-de-toulouse-lautrec_woman-in-prayer-1882 +genre_painting,Realism,ilya-repin_returning-from-the-war-1877 +abstract_painting,Abstract_Expressionism,dan-christensen_metal-yellow-1982 +genre_painting,Synthetic_Cubism,pablo-picasso_man-with-guitar-1913 +sketch_and_study,Realism,james-tissot_an-armenian-1889 +portrait,High_Renaissance,leonardo-da-vinci_head-of-a-man +portrait,Northern_Renaissance,lucas-cranach-the-elder_portrait-of-philipp-melanchthon-1543 +genre_painting,Impressionism,joaquã­n-sorolla_seville-the-dance-1915 +portrait,Expressionism,ernst-ludwig-kirchner_japanese +genre_painting,Impressionism,frederic-bazille_bathers-summer-scene-1869 +landscape,Realism,volodymyr-orlovsky_landscape-with-river-in-ukraine +portrait,Realism,nicholas-roerich_artilleryman-1894 +cityscape,Cubism,lyonel-feininger_the-dome-in-halle-1930 +landscape,Realism,johan-hendrik-weissenbruch_a-cow-standing-by-the-waterside-in-a-polder +landscape,Realism,aleksey-savrasov_thaw-yaroslavl-1874 +landscape,Symbolism,nicholas-roerich_tibet-3 +genre_painting,Cubism,marc-chagall_purim +abstract_painting,Color_Field_Painting,maurice-esteve_trigourec-1972-1 +portrait,Mannerism_Late_Renaissance,lavinia-fontana_portrait-of-a-lady-of-the-court-1590 +cityscape,Romanticism,rudolf-von-alt_the-landing-site-in-stein-an-der-donau-1844 +landscape,Post_Impressionism,paul-cezanne_castle-of-marines-1890 +portrait,Expressionism,lucian-freud_large-head +portrait,Art_Nouveau_Modern,zinaida-serebriakova_portrait-of-e-e-zelenkova-nee-lancere-1913 +genre_painting,Expressionism,jose-gutierrez-solana_murga-cadiz +portrait,Expressionism,dimitris-mytaras_untitled(3) +genre_painting,Analytical_Cubism,pablo-picasso_harlequinesque-personage-1913 +cityscape,Romanticism,cornelis-springer_figures-on-the-bank-in-deventer-1888 +still_life,Pop_Art,roy-lichtenstein_standing-rib-1962 +landscape,Realism,aleksey-savrasov_by-late-summer-on-the-volga-1873 +landscape,Impressionism,alfred-sisley_haystacks-in-moret-in-october-1890 +portrait,Realism,ilya-repin_portrait-of-the-art-critic-vladimir-stasov-1883 +sketch_and_study,Northern_Renaissance,hieronymus-bosch_studies-of-monsters +sketch_and_study,Expressionism,jean-david_le-menage-hereux +illustration,Romanticism,gustave-dore_paradise-lost-10 +genre_painting,Romanticism,william-turner_ploughing-up-turnips-near-slough +landscape,Post_Impressionism,vincent-van-gogh_wheat-field-with-cypresses-1889 +landscape,Impressionism,robert-julian-onderdonk_sunlit-hillside-1909 +portrait,Art_Nouveau_Modern,jozsef-rippl-ronai_merse-portrait-1911 +portrait,Fauvism,rik-wouters_afternoon-in-amsterdam-1915 +landscape,Romanticism,ivan-aivazovsky_view-of-the-bosporus-1864 +genre_painting,Impressionism,eugene-boudin_market-at-trouville-1876 +religious_painting,Naive_Art_Primitivism,marc-chagall_the-creation-of-world-1972 +still_life,Realism,william-merritt-chase_still-life-with-fish-3 +landscape,Impressionism,guy-rose_august-noon +landscape,Post_Impressionism,pyotr-konchalovsky_at-the-barn-1921 +portrait,Expressionism,emil-nolde_bonnichsen-family-1915 +genre_painting,Post_Impressionism,victor-borisov-musatov_lady-in-a-garden +portrait,Ukiyo_e,katsushika-hokusai_the-poet-li-po +illustration,Art_Nouveau_Modern,aubrey-beardsley_excalibur-in-the-lake +portrait,Impressionism,mary-cassatt_somone-in-a-white-bonnet-1901 +landscape,Impressionism,john-henry-twachtman_snow-scene +genre_painting,Ukiyo_e,katsushika-hokusai_street-scenes-newly-pubished-7 +portrait,Realism,konstantin-makovsky_piper +religious_painting,Baroque,yov-kondzelevych_icon-of-the-mother-of-god-from-the-maniava-hermitage-iconostasis-1705 +nude_painting,Pop_Art,evelyne-axell_la-tch-que-1969 +landscape,Realism,camille-corot_uphill-road-in-courbon +portrait,Romanticism,karl-bryullov_portrait-of-grand-duchess-elena-pavlovna-and-her-daughter-maria +landscape,Post_Impressionism,vincent-van-gogh_the-green-vinyard-1888 +genre_painting,Pointillism,camille-pissarro_the-apple-pickers-1886 +genre_painting,Realism,fyodor-vasilyev_winter +sketch_and_study,Impressionism,pierre-auguste-renoir_woman-and-child-in-a-garden-1880 +cityscape,Impressionism,konstantin-korovin_vichy-1 +portrait,Impressionism,walter-sickert_portrait-of-israel-zangwill +portrait,Northern_Renaissance,hans-holbein-the-younger_portrait-of-34-year-old-woman-1516 +landscape,Ukiyo_e,hiroshige_evening-snow-on-the-asuka-mountain-1841 +landscape,Impressionism,winston-churchill_view-of-the-fortified-village-of-eze +sketch_and_study,Realism,vincent-van-gogh_sorrow-1882-1 +landscape,Impressionism,pierre-auguste-renoir_the-palm-tree-1902 +religious_painting,Mannerism_Late_Renaissance,paolo-veronese_rebecca-at-the-well-1585 +landscape,Symbolism,nicholas-roerich_castle-the-doomed-city-1914 +genre_painting,Post_Impressionism,charles-cottet_four-breton-women-at-the-seashore-1893 +genre_painting,Symbolism,james-mcneill-whistler_annabel-lee +genre_painting,Expressionism,louay-kayyali_fisherman-in-arwad-1976 +portrait,Rococo,fyodor-rokotov_portrait-of-an-unknown-lady-in-a-pink-dress +religious_painting,High_Renaissance,titian_madonna-and-child-with-sts-anthony-of-padua-and-roch(1) +religious_painting,Baroque,rembrandt_the-holy-family-fragment-1645 +portrait,Impressionism,pierre-auguste-renoir_portrait-of-a-young-girl +landscape,Realism,david-burliuk_anna-maria-island-florida-1948 +illustration,Art_Nouveau_Modern,edmund-dulac_the-face-of-wretched-man-the-rubaiyat-of-omar-khayyam +abstract_painting,Abstract_Expressionism,joan-mitchell_untitled-1958 +nude_painting,Post_Impressionism,henri-matisse_carmelina-1903 +portrait,Impressionism,valentin-serov_portrait-of-praskovya-mamontova-1889 +landscape,Impressionism,childe-hassam_old-long-island-landscape +still_life,Impressionism,stefan-luchian_summertime-flowers +portrait,Realism,john-everett-millais_miss-eveleen-tennant +landscape,Impressionism,marianne-north_gate-of-rajah-s-palace-benares-india-1880 +portrait,Realism,john-singer-sargent_mrs-thomas-wodehouse-legh-1884 +landscape,Impressionism,john-singer-sargent_the-olive-grove +portrait,Baroque,rembrandt_portrait-of-an-old-man +genre_painting,Naive_Art_Primitivism,maria-primachenko_may-i-give-this-ukrainian-bread-to-all-people-in-this-big-wide-world-1982 +sketch_and_study,Northern_Renaissance,hans-baldung_male-head +landscape,Cubism,andrã©-lhote_route-la-cadi-re-1957 +landscape,Ukiyo_e,katsushika-hokusai_the-fuji-from-kanaya-on-the-tokaido +abstract_painting,Abstract_Expressionism,mostafa-dashti_untitled-2009 +portrait,Rococo,joshua-reynolds_the-marlborough-family-1778 +cityscape,Post_Impressionism,maurice-utrillo_rue-lepic +religious_painting,Early_Renaissance,fra-angelico_st-roche-1440 +genre_painting,Naive_Art_Primitivism,niko-pirosmani_company-bego-2(1) +still_life,Post_Impressionism,paul-cezanne_still-life-with-fruits-1880 +portrait,Realism,mary-cassatt_portrait-of-madame-x-dressed-for-the-matinee-1878 +abstract_painting,Color_Field_Painting,sam-francis_untitled-bright-ring-1-sfp68-55-1968 +landscape,Romanticism,karl-bryullov_delphi-valley(1) +portrait,Post_Impressionism,irma-stern_the-initiate-1935 +religious_painting,Baroque,rembrandt_st-jerome-in-a-dark-chamber +cityscape,Realism,nicholas-roerich_wenden-ruins-of-chapel-1903 +abstract_painting,Color_Field_Painting,olivier-debre_ocre-jaune-d-automne +religious_painting,Mannerism_Late_Renaissance,parmigianino_madonna-and-child +genre_painting,Romanticism,sir-lawrence-alma-tadema_a-world-of-their-own-1905 +portrait,Impressionism,edvard-munch_portrait-of-the-painter-jensen-hjell-1885 +abstract_painting,Abstract_Expressionism,louis-schanker_abstraction +abstract_painting,Color_Field_Painting,maurice-esteve_l-toile-polaire-1954 +portrait,Expressionism,amedeo-modigliani_girl-in-the-shirt-red-haired-girl-1918 +landscape,Realism,vasily-polenov_erechtheion-the-portico-of-caryatids-1882 +landscape,Impressionism,eugene-boudin_etaples-la-canache-low-tide-1890 +sketch_and_study,Realism,vasily-surikov_study-to-boyarynya-morozova-9 +religious_painting,Northern_Renaissance,hans-holbein-the-younger_head-of-a-female-saint +still_life,Realism,pyotr-konchalovsky_still-life-with-basket-and-woodcock-1946 +religious_painting,Baroque,josefa-de-obidos_o-menino-jesus-salvador-do-mundo +nude_painting,Expressionism,lucian-freud_girl-with-closed-eyes-1987 +portrait,Realism,ilya-repin_portrait-of-pianist-m-k-benoit-1887 +landscape,Romanticism,ivan-aivazovsky_view-on-rocky-coast-1845 +abstract_painting,Color_Field_Painting,mark-rothko_untitled-1955 +landscape,Realism,ivan-shishkin_herd-on-the-river-bank +portrait,Baroque,frans-hals_johannes-hoornbeek +portrait,Romanticism,orest-kiprensky_portrait-of-ekaterina-aleksandrovna-telesheva-1828-1 +sketch_and_study,Realism,vincent-van-gogh_plowman-with-two-women-1883 +genre_painting,Baroque,gerard-terborch_the-reading-lesson +abstract_painting,Color_Field_Painting,theodoros-stamos_delphic-sun-box-2-1968 +still_life,Baroque,mario-nuzzi_natura-morta-di-fiori-in-un-vaso +portrait,Post_Impressionism,paul-gauguin_the-boss-s-daughter-1886 +genre_painting,Realism,vincent-van-gogh_peasant-woman-with-a-child-in-her-lap-1885 +genre_painting,Baroque,gabriel-metsu_vegetable-market-in-amsterdam-1662 +genre_painting,Romanticism,sir-lawrence-alma-tadema_in-my-studio-1893 +illustration,Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-russian-fairy-story-sister-alyonushka-and-brother-ivanushka-1901-2(1) +portrait,Expressionism,iosif-iser_odalisque-with-red-scarf +abstract_painting,Action_painting,jackson-pollock_number-12-1949 +cityscape,Realism,vasily-vereshchagin_taj-mahal-mausoleum-1876-1 +genre_painting,Expressionism,frank-auerbach_figure-on-a-bed-1970 +abstract_painting,Action_painting,norman-bluhm_untitled-1957 +still_life,Synthetic_Cubism,georges-braque_violin-and-pipe-le-quotidien-1913 +landscape,Impressionism,john-henry-twachtman_dark-trees-cincinnati +landscape,Romanticism,albert-bierstadt_nebraska-on-the-plain +landscape,Realism,camille-corot_near-arras-the-banks-of-the-scarpe +landscape,Impressionism,john-singer-sargent_the-tyrol-1914 +genre_painting,Cubism,pablo-picasso_painter-and-his-model-1963-1 +religious_painting,Romanticism,karl-bryullov_bathsheba(1) +portrait,Impressionism,camille-pissarro_jeanne-coushant-1900 +portrait,Romanticism,konstantin-makovsky_female-portrait-7 +still_life,Realism,georgios-jakobides_platter-with-seashells-roses-pearls-and-earrings-1920 +genre_painting,Romanticism,francisco-goya_the-dog +religious_painting,Baroque,guido-reni_ecce-homo +genre_painting,Realism,vincent-van-gogh_woman-with-shawl-sewing-1883 +portrait,Baroque,francesco-solimena_portrait-of-aurora-sanseverino +landscape,Realism,winslow-homer_spanish-moss-at-tampa +sketch_and_study,Symbolism,odilon-redon_sketch +portrait,Post_Impressionism,moise-kisling_kiki-de-montparnasse-in-a-red-jumper-and-a-blue-scarf-1925 +abstract_painting,Abstract_Expressionism,sam-francis_untitled-2 +portrait,Romanticism,karl-bryullov_portrait-of-the-professor-of-the-moscow-medical-academy-k-a-janish +genre_painting,Romanticism,jan-matejko_to-stanczyk +portrait,Rococo,louise-elisabeth-vigee-le-brun_portrait-of-madame-du-barry-1782 +still_life,Post_Impressionism,henri-matisse_bouquet-of-dahlias-and-white-book-1923 +portrait,Pop_Art,martial-raysse_bad-taste-1965 +portrait,Realism,john-singer-sargent_isabel-valle-1882 +genre_painting,Post_Impressionism,paul-gauguin_mysterious-water-1893 +abstract_painting,Abstract_Expressionism,brice-marden_untitled +landscape,Impressionism,robert-julian-onderdonk_path-through-a-field-of-bluebonnets +landscape,Impressionism,john-singer-sargent_cypress-trees-at-san-vigilio-1913 +portrait,Romanticism,orest-kiprensky_portrait-of-the-abbot-skarpellini-1821 +cityscape,Romanticism,william-turner_hafod +landscape,Romanticism,camille-corot_landscape-composition-italian-scenery-1832 +genre_painting,Impressionism,pierre-auguste-renoir_young-girl-reading-1904 +genre_painting,Symbolism,kuzma-petrov-vodkin_boys-on-the-background-of-the-city-1921 +portrait,Realism,ivan-kramskoy_portrait-of-feodor-petrushevsky-1882 +landscape,Romanticism,john-atkinson-grimshaw_roundhay-lake +religious_painting,Northern_Renaissance,jean-fouquet_the-dormition-of-the-virgin-1460 +landscape,Realism,isaac-levitan_spring-white-lilacs +religious_painting,High_Renaissance,raphael_the-aldobrandini-madonna-or-the-garvagh-madonna-1510 +genre_painting,Naive_Art_Primitivism,david-burliuk_ploughing-the-field(1) +portrait,Impressionism,pierre-auguste-renoir_genevieve-bernheim-de-villers-1910 +sketch_and_study,Expressionism,pyotr-konchalovsky_sleeping-model-model-on-th-carpet-1918 +sketch_and_study,Baroque,rembrandt_the-flight-into-egypt-a-sketch-1627 +nude_painting,Expressionism,edvard-munch_nude-1896 +landscape,Post_Impressionism,pyotr-konchalovsky_bridge-1920 +abstract_painting,Abstract_Expressionism,esteban-vicente_untitled-1958 +landscape,Art_Nouveau_Modern,anna-ostroumova-lebedeva_night-1923 +religious_painting,High_Renaissance,michelangelo_sistine-chapel-ceiling-the-flood-1512-1 +landscape,Impressionism,fern-coppedge_stone-house +portrait,Realism,viktor-vasnetsov_portrait-of-mikhail-nesterov-1926 +illustration,Romanticism,louis-janmot_po-me-de-l-me-12-l-chelle-d-or +landscape,Realism,gustave-courbet_chateau-de-chillon +portrait,Romanticism,henry-raeburn_catherine-vorontsova +portrait,Baroque,frans-hals_isabella-coymans +portrait,Art_Nouveau_Modern,aladar-korosfoi-kriesch_lady-with-tiara +portrait,Romanticism,joseph-wright_self-portrait-at-the-age-of-about-fifty +portrait,Romanticism,maxim-vorobiev_visiting-two-arabian-sheikhs +abstract_painting,Color_Field_Painting,morris-louis_beth-zayin-1959 +portrait,Baroque,frans-hals_portrait-of-a-woman-1633 +landscape,Ukiyo_e,utagawa-kuniyoshi_the-fifty-three-stations-of-the-tokaido +portrait,Naive_Art_Primitivism,niko-pirosmani_a-boy-on-a-donkey +portrait,Mannerism_Late_Renaissance,parmigianino_portrait-of-gentleman-g-b-castaldi +religious_painting,High_Renaissance,vittore-carpaccio_the-crucifixion-and-the-glorification-the-ten-thousand-martyrs-on-mount-ararat-1515 +religious_painting,Northern_Renaissance,hugo-van-der-goes_portinari-triptych-detail-1478-4 +portrait,Post_Impressionism,arshile-gorky_portrait-of-myself-and-my-imaginary-wife +genre_painting,Early_Renaissance,benozzo-gozzoli_the-school-of-tagaste-1465 +landscape,Impressionism,cornelis-vreedenburgh_trees-at-the-waal +genre_painting,Impressionism,giovanni-boldini_sewing-hands-of-a-woman +landscape,Realism,volodymyr-orlovsky_storm-in-the-field +religious_painting,Realism,vasily-surikov_holy-face-1872 +portrait,Northern_Renaissance,lucas-cranach-the-elder_portrait-of-duke-johann-der-bestandige-of-saxony-1509 +portrait,Mannerism_Late_Renaissance,titian_painting-of-daniele-barbaro-1545 +still_life,Post_Impressionism,francisc-sirato_flori-galbene +genre_painting,Realism,vasily-perov_children-sleeping-1870 +landscape,Impressionism,claude-monet_geese-in-the-creek +portrait,Mannerism_Late_Renaissance,hans-von-aachen_portrait-of-anna-of-austria-1585-1618-1604 +sketch_and_study,Naive_Art_Primitivism,fernand-leger_fuel-pump +landscape,Expressionism,salvador-dali_tower +genre_painting,Impressionism,gustave-caillebotte_man-on-a-balcony +genre_painting,Impressionism,william-james-glackens_washington-square-1910 +portrait,Mannerism_Late_Renaissance,agnolo-bronzino_eleonora-da-toledo-1543 +portrait,Pop_Art,r.-b.-kitaj_the-orientalist +genre_painting,Baroque,adriaen-van-ostade_tavern-scene +still_life,Post_Impressionism,william-scott_kitchen-still-life-1948 +religious_painting,Naive_Art_Primitivism,marc-chagall_jerusalem-has-been-freed-from-babylon-according-to-the-prophecy-of-isaiah-isaiah-xiv-1-7 +genre_painting,Romanticism,arthur-hughes_asleep-in-the-woods +sketch_and_study,Post_Impressionism,pyotr-konchalovsky_forging-of-buffalo-study-1927-1 +abstract_painting,Abstract_Expressionism,john-hoyland_jade-buddha-23-07-08-2008 +abstract_painting,Color_Field_Painting,helen-frankenthaler_green-likes-mauve-1970 +illustration,Romanticism,gustave-dore_don-quixote-112 +still_life,Impressionism,paul-gauguin_bouquet-of-flowers-1882 +portrait,Impressionism,william-merritt-chase_the-red-gown +genre_painting,Post_Impressionism,maurice-prendergast_the-point-gloucester +illustration,Romanticism,pavel-svinyin_indian-s-entertainment +abstract_painting,Abstract_Expressionism,mark-tobey_komposition-rot-1972 +portrait,Impressionism,pierre-auguste-renoir_portrait-of-a-woman-with-hair-bun +portrait,Expressionism,pyotr-konchalovsky_portrait-of-the-painter-g-b-yakulov-1910 +landscape,Ukiyo_e,katsushika-hokusai_umegawa-in-sagami-province +abstract_painting,Color_Field_Painting,mark-rothko_untitled-blue-green-and-brown-1952 +genre_painting,Art_Nouveau_Modern,zinaida-serebriakova_girls-sylphides-ballet-chopiniana-1924 +landscape,Impressionism,claude-monet_the-small-arm-of-the-seine-at-mosseaux-evening +cityscape,Impressionism,armand-guillaumin_quai-de-bercy-effets-de-neige-1874 +portrait,Art_Nouveau_Modern,jacek-malczewski_portrait-of-the-artist-s-fiance +religious_painting,Mannerism_Late_Renaissance,paolo-veronese_madonna-enthroned-with-child-st-john-the-baptist-st-louis-of-toulouse-and-donors-1548 +genre_painting,Art_Nouveau_Modern,boris-kustodiev_holiday-in-the-countryside-1917 +still_life,Baroque,jean-baptiste-simeon-chardin_the-attributes-of-art-1766 +landscape,Romanticism,thomas-cole_view-of-the-arno-1838 +genre_painting,Realism,james-tissot_marguerite-in-church +portrait,Art_Nouveau_Modern,raphael-kirchner_justine-johnstone +portrait,Early_Renaissance,antonello-da-messina_portrait-of-an-unknown-man +religious_painting,Early_Renaissance,sandro-botticelli_st-augustine-in-his-study-predella-panel-from-the-altarpiece-of-st-mark-1490(1) +genre_painting,Impressionism,gustave-caillebotte_interior-woman-at-the-window-1880 +landscape,Symbolism,konstantin-bogaevsky_valley-1929 +portrait,Expressionism,george-pemba_zulu-woman-unfinished-symphony-1941 +portrait,Realism,vincent-van-gogh_head-of-a-woman-14 +genre_painting,Art_Nouveau_Modern,raphael-kirchner_boys-and-girls-at-sea +portrait,Realism,ilya-repin_portrait-of-the-artist-isaak-brodskiy-1910 +portrait,Rococo,vladimir-borovikovsky_portrait-of-s-a-rayevskaya-1813 +portrait,Rococo,dmitry-levitzky_portrait-of-anna-stepanovna-protassova-the-former-maid-of-honor-of-catherine-ii-1800 +genre_painting,Impressionism,henri-martin_landscape-with-the-goat +genre_painting,Impressionism,giovanni-boldini_the-woman-in-red +genre_painting,Baroque,paul-bril_a-wooded-landscape-with-a-bridge-and-sportsmen-at-the-edge-of-the-river-1590 +genre_painting,Expressionism,henri-matisse_young-woman-in-white-red-background-1946 +abstract_painting,Minimalism,fred-sandback_untitled-1974 +cityscape,Post_Impressionism,edouard-cortes_boulevard-de-la-madeleine-1 +landscape,Realism,ivan-shishkin_near-yelabuga-1886 +landscape,Impressionism,camille-pissarro_sunset-at-valhermeil-near-pontoise-1880 +cityscape,Impressionism,lucian-grigorescu_vedere-din-atelier-acoperi-uri-din-bucure-ti +portrait,Symbolism,konstantin-somov_lady-at-the-mirror-1898 +landscape,Realism,george-catlin_a-village-of-the-hidatsa-tribe-at-knife-river-1832 +portrait,Baroque,diego-velazquez_the-buffoon-juan-de-calabazas-calabacillas +religious_painting,Northern_Renaissance,lucas-cranach-the-elder_adam-and-eve-1 +portrait,Expressionism,paul-klee_possessed-girl-1924(1) +landscape,Post_Impressionism,giorgio-morandi_passage-1913 +portrait,Post_Impressionism,vincent-van-gogh_zouave-1888(1) +religious_painting,Northern_Renaissance,jan-van-hemessen_parable-of-the-prodigal-son-1 +landscape,Symbolism,nicholas-roerich_the-church-in-the-name-of-st-sergius-in-america-1931 +religious_painting,Baroque,francisco-de-zurbaran_st-dorothy +portrait,Ukiyo_e,tsukioka-yoshitoshi_not_detected_242419 +portrait,Romanticism,konstantin-makovsky_boyaryshnya-6 +abstract_painting,Minimalism,jo-baer_rook-1962 +portrait,Realism,vincent-van-gogh_head-of-a-woman-3 +portrait,Rococo,dmitry-levitzky_portrait-of-praskovia-vorontsova +portrait,Symbolism,jozsef-rippl-ronai_portrait-of-lorinc-szabo-1923 +portrait,Baroque,diego-velazquez_pablo-de-valladolid-1637 +religious_painting,Realism,vasily-polenov_what-people-think-about-me-1 +portrait,Mannerism_Late_Renaissance,sofonisba-anguissola_portrait-of-massimiliano-stampa-1557 +cityscape,Abstract_Expressionism,william-congdon_naples-church-1950 +portrait,Northern_Renaissance,albrecht-durer_portrait-of-a-young-man-1 +landscape,Impressionism,charles-reiffel_the-mill-in-winter +portrait,Expressionism,amedeo-modigliani_red-headed-girl-in-evening-dress-1918 +portrait,Impressionism,konstantin-korovin_portrait-of-chaliapin-1911 +portrait,Romanticism,konstantin-makovsky_boyaryshnya-9 +abstract_painting,Abstract_Expressionism,cy-twombly_untitled-1956 +landscape,Post_Impressionism,gustave-loiseau_winter-1913 +religious_painting,Northern_Renaissance,rogier-van-der-weyden_lamentation-1441 +abstract_painting,Abstract_Expressionism,helen-frankenthaler_aerie-2009 +sketch_and_study,High_Renaissance,leonardo-da-vinci_studies-of-the-arm-showing-the-movements-made-by-the-biceps +portrait,Realism,thomas-eakins_portrait-of-adam-s-bare-1903 +portrait,Baroque,francesco-solimena_count-alois-thomas-raimund-harrach-viceroy-of-naples +landscape,Impressionism,pierre-auguste-renoir_the-little-house +abstract_painting,Abstract_Expressionism,william-baziotes_jungle-night-1953 +genre_painting,Symbolism,nicholas-roerich_untitled +portrait,Rococo,joshua-reynolds_the-countess-of-dartmouth +genre_painting,Realism,james-tissot_the-tailor +sketch_and_study,Post_Impressionism,vincent-van-gogh_mountain-landscape-seen-across-the-walls-2-1889 +landscape,Romanticism,thomas-cole_sunrise-in-the-catskill-mountains-1826 +genre_painting,Realism,mary-cassatt_child-drinking-milk +genre_painting,Impressionism,anders-zorn_a-woman-in-a-forest-1907 +genre_painting,Realism,jean-francois-millet_not_detected_189995 +landscape,Impressionism,berthe-morisot_farm-in-normandy +landscape,Impressionism,camille-pissarro_the-stage-on-the-road-from-ennery-to-l-hermigate-pontoise +nude_painting,Cubism,fernand-leger_nudes-in-the-forest-1910 +abstract_painting,Color_Field_Painting,ellsworth-kelly_blue-green-yellow-orange-red-1966 +sketch_and_study,Romanticism,william-turner_sunset-seen-from-a-beach-with-breakwater-1845 +portrait,Baroque,frans-hals_peeckelhaering-the-jolly-reveller-1643 +portrait,High_Renaissance,lorenzo-lotto_portrait-of-fra-gregorio-belo-di-vicenza-1548 +genre_painting,Romanticism,gheorghe-tattarescu_maternity +landscape,Impressionism,konstantinos-volanakis_the-river(7) +nude_painting,Expressionism,lucian-freud_small-naked-portrait-1974 +landscape,Impressionism,william-merritt-chase_harbor-scene-brooklyn-docks +religious_painting,Early_Renaissance,andrea-del-castagno_crucifixion-and-saints +portrait,Expressionism,pyotr-konchalovsky_portrait-of-director-vsevolod-emilievich-meyerhold-1938 +landscape,Expressionism,spyros-papaloukas_landscape-3 +portrait,Realism,vincent-van-gogh_head-of-a-fisherman-with-a-fringe-of-beard-and-a-sou-wester(1) +landscape,Realism,pyotr-konchalovsky_herd-1947 +religious_painting,Northern_Renaissance,albrecht-durer_st-eustace +portrait,Romanticism,francisco-goya_el-lazarillo-de-tormes-1819 +sketch_and_study,New_Realism,edward-hopper_study-of-a-standing-woman +abstract_painting,Color_Field_Painting,gene-davis_untitled-pink-stripes-gray-box-1976 +portrait,Impressionism,pierre-auguste-renoir_study-of-a-woman-1 +cityscape,Realism,ivan-kramskoy_village-yard-in-france-1876 +illustration,Symbolism,odilon-redon_lenore +landscape,Impressionism,claude-monet_morning-on-the-seine-near-vetheuil +landscape,Realism,vasily-polenov_first-snow-1891 +landscape,Impressionism,rudolf-schweitzer-cumpana_drum-de-iarn-prin-p-dure-1960 +portrait,Expressionism,lucian-freud_girl-in-a-dark-dress-1951 +genre_painting,Symbolism,john-atkinson-grimshaw_the-lotus-gatherers-1874 +portrait,Expressionism,henri-matisse_zorah-standing-1912 +illustration,Naive_Art_Primitivism,el-lissitzky_illustration-for-jewish-folk-tale-the-goat-1919 +still_life,Realism,charles-demuth_red-cabbages-rhubarb-and-orange-1929 +genre_painting,Impressionism,camille-pissarro_the-gardener-afternoon-sun-eragny-1899 +portrait,Realism,vincent-van-gogh_orphan-man-with-top-hat-and-umbrella-looking-at-his-watch-1882 +portrait,Fauvism,abraham-manievich_artist-s-wife-1937 +religious_painting,Baroque,bartolome-esteban-murillo_adoration-of-the-shepherds-1650 +portrait,Art_Nouveau_Modern,alphonse-mucha_cow-slip +cityscape,Impressionism,camille-pissarro_the-pont-neuf-2-1901 +sketch_and_study,High_Renaissance,michelangelo_study-for-a-risen-christ-1533 +landscape,Expressionism,sidney-nolan_inland-australia-1950 +landscape,Impressionism,alfred-sisley_banks-of-rivers-the-thames-hampton-court-first-week-of-october-1874 +portrait,Realism,paul-feeley_portrait-of-samuel-l-m-barlow-1932 +portrait,Northern_Renaissance,albrecht-durer_portrait-of-christian-ii-king-of-denmark +landscape,Impressionism,eugene-boudin_quillebeuf-surroundings-tray-of-mailleraye-1893 +genre_painting,Post_Impressionism,pyotr-konchalovsky_the-woman-in-front-of-a-mirror-1923 +landscape,Art_Nouveau_Modern,j.-e.-h.-macdonald_september-snow-on-mount-schaffer-1929 +genre_painting,Impressionism,giovanni-boldini_not-identified-1 +abstract_painting,Abstract_Expressionism,forrest-bess_untitled-no-21-1947 +portrait,Ukiyo_e,utagawa-kuniyoshi_the-actor-4 +portrait,Pop_Art,martial-raysse_high-voltage-painting-1965 +religious_painting,High_Renaissance,michelangelo_sistine-chapel-ceiling-god-dividing-land-and-water-1512 +landscape,Realism,ivan-shishkin_slums-view-on-the-island-of-valaam-1860 +portrait,Realism,henri-fantin-latour_portrait-of-sonia-1890 +genre_painting,Romanticism,konstantin-makovsky_street-in-cairo +religious_painting,Mannerism_Late_Renaissance,giorgio-vasari_dinner-of-st-gregory-the-great-clement-vii +genre_painting,Impressionism,eliseu-visconti_maternidade-1906(1) +portrait,Realism,nikolai-ge_portrait-of-p-a-kostichev +landscape,Impressionism,t.-c.-steele_evening-poplars-and-roadway-near-schleissheim-1884 +still_life,Post_Impressionism,paul-cezanne_still-life-tulips-and-apples-1894 +landscape,Naive_Art_Primitivism,kateryna-bilokur_in-the-village-1956 +portrait,Realism,boris-kustodiev_portrait-of-k-b-kustodiev-1922 +genre_painting,Realism,vincent-van-gogh_french-peasant-woman-suckling-her-baby-after-dalou(1) +illustration,Symbolism,franz-stuck_illustration-for-magazine-die-gartenlaube-1892 +illustration,Romanticism,gustave-dore_the-panther(1) +landscape,Post_Impressionism,constantine-maleas_church-with-trees-1920 +portrait,Realism,john-singer-sargent_mrs-henry-white-1883 +genre_painting,Impressionism,mary-cassatt_mother-and-child-1889 +still_life,Cubism,jean-metzinger_still-life-playing-cards-coffee-cup-and-apples-1917-1 +landscape,Romanticism,john-atkinson-grimshaw_the-chill-of-autumn-1881 +still_life,Post_Impressionism,ilya-mashkov_still-life-with-fish-and-capercaillie-1917 +landscape,Symbolism,jacek-malczewski_my-life-childhood +nude_painting,Baroque,joseph-wright_an-academy-by-lamplight +still_life,Synthetic_Cubism,juan-gris_the-packet-of-coffee-1914 +religious_painting,Northern_Renaissance,martin-schongauer_our-saviour-appearing-to-mary-magdalene-in-the-garden +portrait,Romanticism,paul-cezanne_the-artist-s-father-reading-his-newspaper-1866 +still_life,Baroque,jean-baptiste-simeon-chardin_the-butler-s-table-1756 +landscape,Realism,constantin-artachino_boats-on-the-shore-of-danube +landscape,Post_Impressionism,gustave-loiseau_landscape-near-auxerre-1908 +sketch_and_study,Realism,vincent-van-gogh_peasant-with-sickle-1885 +portrait,Romanticism,jan-matejko_leszek-i-the-white-1 +religious_painting,Early_Renaissance,fra-angelico_the-story-of-st-nicholas-the-death-of-the-saint-1448 +genre_painting,Northern_Renaissance,pieter-bruegel-the-elder_village-street +religious_painting,Mannerism_Late_Renaissance,tintoretto_susanna-and-the-elders +genre_painting,Expressionism,m.c.-escher_not_detected_204654 +portrait,Realism,vasily-surikov_portrait-of-e-k-deryagina-1879 +portrait,Impressionism,pericles-pantazis_girl +still_life,Synthetic_Cubism,georges-braque_violin-and-sheet-music-on-a-table-petit-oiseau-1913 +abstract_painting,Minimalism,pino-pinelli_pittura-r-1998 +religious_painting,Mannerism_Late_Renaissance,el-greco_st-sebastian +portrait,Impressionism,pierre-auguste-renoir_captain-edouard-bernier-1871 +abstract_painting,Color_Field_Painting,ronnie-landfield_red-night-1973 +genre_painting,Realism,nikolay-bogdanov-belsky_boys +portrait,Realism,ivan-kramskoy_portrait-of-the-author-mikhail-saltykov-shchedrin-1879 +landscape,Post_Impressionism,pyotr-konchalovsky_mtsyri-chance-of-rain-1927 +landscape,Post_Impressionism,maxime-maufra_semaphore-of-the-beg-meil-brittany-1904 +genre_painting,Impressionism,claude-monet_park-monceau-1 +genre_painting,Art_Nouveau_Modern,boris-kustodiev_night-celebration-on-the-neva-1923 +portrait,Romanticism,ivan-aivazovsky_portrait-of-i-lazarev-1851 +landscape,Post_Impressionism,samuel-mutzner_efect-de-nserare-pe-lac +portrait,Impressionism,camille-pissarro_portrait-of-jeanne-1872 +portrait,Expressionism,chaim-soutine_little-girl-in-blue +portrait,Realism,ivan-kramskoy_portarait-of-philosopher-vladimir-solovyov-1885 +landscape,Impressionism,claude-monet_the-willows-on-the-river +sketch_and_study,Realism,boris-kustodiev_portrait-of-p-i-neradovsky-1922 +landscape,Realism,vasily-surikov_siberian-landscape-torgoshyno-1873 +cityscape,Naive_Art_Primitivism,henri-rousseau_the-poultry-yard-1898 +portrait,Realism,james-tissot_portrait-of-m-b +cityscape,Impressionism,john-singer-sargent_escutcheon-of-charles-v-1912 +landscape,Impressionism,claude-monet_the-manneport-cliff-at-etretat +landscape,Pointillism,georges-seurat_beach-at-bas-butin-honfleur-1886 +still_life,Post_Impressionism,helene-schjerfbeck_three-pears-in-a-vase-1945 +still_life,Realism,horia-bernea_still-life-with-apples-food-1985 +still_life,Post_Impressionism,vincent-van-gogh_absinthe-1887(1) +portrait,Expressionism,zinaida-serebriakova_portrait-of-s-m-lifar-1961 +religious_painting,High_Renaissance,andrea-del-sarto_archangel-raphael-with-tobias-st-lawrence-and-the-donor-leonardo-di-lorenzo-morelli-1512 +portrait,Romanticism,konstantin-makovsky_boyaryshnya-by-the-window +landscape,Symbolism,odilon-redon_tree-against-a-yellow-background-1901 +landscape,Impressionism,winston-churchill_scenery-in-southern-france(1) +genre_painting,Impressionism,eugene-boudin_laundresses-on-the-beach +sketch_and_study,Symbolism,nicholas-roerich_magi-procession-1912 +landscape,Post_Impressionism,georges-seurat_study-for-la-grande-jatte-1885 +sketch_and_study,Baroque,rembrandt_two-women-teaching-a-child-to-walk +landscape,Impressionism,claude-monet_the-pave-de-chailly-in-the-forest +illustration,Romanticism,gustave-dore_thieves(1) +sketch_and_study,Realism,viktor-vasnetsov_merchant-family-in-the-theater-1869 +portrait,Ukiyo_e,utagawa-kuniyoshi_senkaji-chao-wringing-out-his-loincloth +genre_painting,Romanticism,fyodor-bronnikov_street-in-italian-town +abstract_painting,Color_Field_Painting,antonio-palolo_untitled-1974 +landscape,Art_Nouveau_Modern,ivan-bilibin_olive-trees-1929 +landscape,Realism,theodore-rousseau_view-of-the-plain-of-montmartre-x-effect-of-storm-1848 +nude_painting,Cubism,m.-h.-maxy_nude-on-green-sofa-1928 +genre_painting,Realism,john-lewis-krimmel_country-wedding-1820 +abstract_painting,Abstract_Expressionism,perle-fine_a-near-distance-1961 +religious_painting,Northern_Renaissance,dirk-bouts_martyrdom-of-st-erasmus-left-wing +genre_painting,Art_Nouveau_Modern,raphael-kirchner_april-fool +abstract_painting,Minimalism,joan-hernandez-pijuan_untitled-1969 +genre_painting,Expressionism,otto-dix_lustmurder +cityscape,Romanticism,ivan-aivazovsky_view-of-the-big-cascade-in-petergof-and-the-great-palace-of-petergof-1837 +genre_painting,Impressionism,edgar-degas_mary-cassatt-at-the-louvre +genre_painting,Rococo,giovanni-domenico-tiepolo_the-declaration-of-love-1757 +genre_painting,Naive_Art_Primitivism,maurice-prendergast_hillside-village +portrait,Romanticism,francisco-goya_ferdinand-vii +cityscape,Impressionism,konstantin-korovin_venice-1894 +religious_painting,Northern_Renaissance,hieronymus-bosch_saint-christopher +still_life,Synthetic_Cubism,pablo-picasso_guitar-1926 +cityscape,Post_Impressionism,vincent-van-gogh_the-garden-of-saint-paul-hospital-1889-2 +landscape,Art_Nouveau_Modern,gustav-klimt_schloss-kammer-am-attersee-ii-1909 +religious_painting,Baroque,hendrick-terbrugghen_jacob-reproaching-laban-1627 +cityscape,Pointillism,henri-martin_garden-of-labastide-du-ver-in-marquayrol +cityscape,Impressionism,alfred-sisley_moret-sur-loing-the-porte-de-bourgogne-1891 +religious_painting,Cubism,marc-chagall_the-praying-jew-rabbi-of-vitebsk-1914 +genre_painting,Art_Nouveau_Modern,boris-kustodiev_painter-of-signboards-1920 +genre_painting,Baroque,adriaen-van-ostade_drinking-peasant-in-an-inn +religious_painting,Naive_Art_Primitivism,marc-chagall_the-hebrews-adore-the-golden-calf-exodus-xxxii-7-10 +landscape,Impressionism,claude-monet_path-under-the-rose-trellises-giverny-1922 +sketch_and_study,Post_Impressionism,vincent-van-gogh_the-cafe-terrace-on-the-place-du-forum-arles-at-night-1888 +illustration,Art_Nouveau_Modern,heorhiy-narbut_illustration-for-aeneid-by-i-kotlyarevsky-1919 +portrait,Realism,thomas-eakins_portrait-of-sarah-ward-brinton-1878 +still_life,Expressionism,george-bouzianis_still-life-with-fruit-and-pans-1929 +genre_painting,Romanticism,francisco-goya_powder-factory-in-the-sierra +portrait,Expressionism,willem-de-kooning_seated-figure-male-classical-1939 +portrait,Realism,vasily-surikov_portrait-of-a-a-dobrinskaya-1911 +landscape,Impressionism,valentin-serov_open-window-lilacs-1886 +religious_painting,Symbolism,jacek-malczewski_reconciliation +sketch_and_study,Expressionism,egon-schiele_man-with-blue-headband-and-hand-on-cheek-1909 +genre_painting,Art_Nouveau_Modern,sergey-solomko_who +landscape,Contemporary_Realism,neil-welliver_new-dams-in-meadow +religious_painting,Baroque,bartolome-esteban-murillo_virgin-with-child +genre_painting,Impressionism,mary-cassatt_mother-combing-her-child-s-hair-1879 +portrait,Realism,thomas-eakins_portrait-of-professor-william-d-marks +cityscape,Post_Impressionism,vincent-van-gogh_chestnut-trees-in-blossom-1890(1) +cityscape,Mannerism_Late_Renaissance,maerten-van-heemskerck_st-peter-s-basilica-under-construction +landscape,Symbolism,nicholas-roerich_guru-kambala-1940 +religious_painting,Early_Renaissance,paolo-uccello_madonna-1452 +cityscape,Cubism,jean-david_jerusalem-1950 +portrait,Baroque,frans-hals_willem-van-heythuyzen +sketch_and_study,Expressionism,paula-modersohn-becker_infant-in-seat-1902 +religious_painting,Rococo,francisco-bayeu-y-subias_la-predicaci-n-de-san-eugenio-1784 +genre_painting,Impressionism,camille-pissarro_potato-harvest-1893 +genre_painting,Art_Nouveau_Modern,wilhelm-kotarbinski_wave-1 +landscape,Realism,camille-corot_old-bridge-at-limay-on-the-seine +sketch_and_study,Realism,vincent-van-gogh_two-women-kneeling-1883 +religious_painting,Northern_Renaissance,dirk-bouts_st-hippolytus-triptych-1475 +still_life,Expressionism,georges-braque_oysters-1950 +genre_painting,Baroque,isaac-van-ostade_cutting-pork-carcass +cityscape,Northern_Renaissance,albrecht-durer_the-citadel-of-arco-in-the-south-tyrol +sketch_and_study,Northern_Renaissance,albrecht-durer_the-holy-family-in-the-arbor +landscape,Symbolism,nicholas-roerich_tibet-1937 +cityscape,Post_Impressionism,gustave-loiseau_fish-market-at-the-port-of-dieppe-1903-1 +genre_painting,Impressionism,berthe-morisot_julie-with-pasie-in-the-garden-at-bougival +landscape,Impressionism,pierre-auguste-renoir_landscape-banks-of-the-river +landscape,New_Realism,john-french-sloan_country-road-1908 +abstract_painting,Minimalism,fernando-lanhas_untitled +landscape,Post_Impressionism,paul-cezanne_reflections-in-the-water +still_life,Cubism,patrick-caulfield_vessel-1987 +abstract_painting,Abstract_Expressionism,joan-miro_not_detected_227946 +nude_painting,Post_Impressionism,augustus-john_brigit-macnamara-1937 +sketch_and_study,Symbolism,kuzma-petrov-vodkin_boy-rider-1912 +portrait,Art_Nouveau_Modern,egon-schiele_woman-with-black-hat-1909 +portrait,Impressionism,pierre-auguste-renoir_man-on-a-staircase +religious_painting,Northern_Renaissance,lucas-cranach-the-elder_fall-of-man +sketch_and_study,Ukiyo_e,katsushika-hokusai_a-depiction-of-sun-wukong-wielding-his-staff +portrait,Romanticism,alexander-shilov_violet-with-the-cat-1980(4) +landscape,Impressionism,claude-monet_weeping-willow-1919 +religious_painting,Northern_Renaissance,albrecht-durer_body-of-christ +sketch_and_study,Northern_Renaissance,hieronymus-bosch_the-temptation-of-eve-by-the-serpent-1490 +portrait,Rococo,francois-boucher_portrait-of-madame-boucher-1745 +genre_painting,Impressionism,pierre-auguste-renoir_girl-wearing-a-straw-hat +genre_painting,Expressionism,henri-matisse_not-identified-19 +abstract_painting,Minimalism,ellsworth-kelly_vertical-line-from-the-series-line-form-color-1951 +landscape,Impressionism,john-henry-twachtman_artist-s-home-seen-from-the-back +genre_painting,Impressionism,pierre-auguste-renoir_the-luncheon +genre_painting,Impressionism,edgar-degas_jockeys-1895-1 +landscape,Expressionism,betty-parsons_sailboat-rockport +portrait,Expressionism,tia-peltz_girl-aglow +portrait,Impressionism,william-merritt-chase_lydia-field-emmet +cityscape,Rococo,bernardo-bellotto_new-market-square-in-dresden-1750 +landscape,Symbolism,nicholas-roerich_nanda-devi-1941 +genre_painting,Naive_Art_Primitivism,david-burliuk_woman-with-a-duck-1964 +illustration,Romanticism,gustave-dore_don-quixote-120 +genre_painting,Symbolism,mikhail-nesterov_wayfarer-1921 +landscape,Expressionism,lynd-ward_not-detected-272475 +cityscape,Cubism,nikos-hadjikyriakos-ghikas_london-roofs-i-1945 +portrait,Realism,ivan-kramskoy_portrait-of-sculptor-mark-matveevitch-antokolsky-1876 +portrait,Symbolism,jan-toorop_portrait-of-theo-neuhuys +abstract_painting,Abstract_Expressionism,helen-frankenthaler_provincetown-1964 +religious_painting,Symbolism,konstantinos-parthenis_christ-1900 +landscape,Rococo,george-morland_landscape-with-ruined-castle +portrait,Cubism,nikos-hadjikyriakos-ghikas_two-friends-1959 +religious_painting,Northern_Renaissance,hans-baldung_eve-the-serpent-and-death-1510 +landscape,Impressionism,eugene-boudin_trouville-the-jettys-low-tide-1894 +landscape,Cubism,nikos-hadjikyriakos-ghikas_wild-garden-1959 +genre_painting,Art_Nouveau_Modern,nicholas-roerich_pomeranians-evening-1907 +sketch_and_study,Symbolism,kuzma-petrov-vodkin_portrait-of-professor-beloborodov-1922 +genre_painting,Impressionism,william-merritt-chase_the-pet-canary +genre_painting,Ukiyo_e,keisai-eisen_yabai-with-two-women-1840 +portrait,Impressionism,giovanni-boldini_portrait-of-a-man-in-church-1900 +portrait,Expressionism,boris-grigoriev_girl-with-a-milk-can-1917 +abstract_painting,Abstract_Expressionism,sam-francis_untitled-sfe-046 +portrait,Impressionism,pierre-auguste-renoir_woman-with-a-corset-1914 +genre_painting,Baroque,jan-steen_cat-family +sketch_and_study,High_Renaissance,leonardo-da-vinci_view-of-a-skull-1 +genre_painting,Naive_Art_Primitivism,grã©goire-michonze_family-1960(1) +portrait,Impressionism,mary-cassatt_portrait-of-master-st-pierre +portrait,Expressionism,nicolae-tonitza_girl +genre_painting,Impressionism,childe-hassam_new-york-hod-carriers +religious_painting,Symbolism,james-tissot_moses +landscape,Post_Impressionism,istvan-ilosvai-varga_view-towards-the-danube-1933 +abstract_painting,Abstract_Expressionism,hassel-smith_sebastopol-autumn-1961 +illustration,Naive_Art_Primitivism,marc-chagall_on-the-way-to-sobakevich +portrait,Realism,constantin-artachino_white-headscarf +portrait,Romanticism,karl-bryullov_juliet-tittoni-as-jeanna-d-ark-1852(1) +portrait,Fauvism,sonia-delaunay_portrait-of-philomene +cityscape,Impressionism,frits-thaulow_beaulieu +genre_painting,Realism,constant-troyon_pastoral-scene +illustration,Romanticism,n.c.-wyeth_launcelot-and-guenevere +religious_painting,Northern_Renaissance,hans-memling_the-annunciation +portrait,Cubism,fernand-leger_the-face-face-and-hands +cityscape,Impressionism,eugene-boudin_quay-at-villefranche-1892 +portrait,Expressionism,oswaldo-guayasamin_el-presidente-1967 +portrait,Pop_Art,roy-lichtenstein_collage-for-reflections-on-hair-1989(1) +portrait,Romanticism,konstantin-makovsky_female-portrait +landscape,Impressionism,eugene-boudin_dutch-windmills-1884 +sketch_and_study,Northern_Renaissance,hans-holbein-the-younger_head-of-a-woman-1522 +genre_painting,Realism,octav-bancila_evrei-de-vorb-n-t-rgu-cucu +landscape,Post_Impressionism,ferdinand-hodler_lake-geneva-in-chexbres-1904 +landscape,Impressionism,childe-hassam_mt-beacon-at-newburgh +abstract_painting,Color_Field_Painting,sean-scully_wait-1986 +illustration,Romanticism,n.c.-wyeth_cover-of-the-boy-s-king-arthur +sketch_and_study,Realism,isaac-levitan_cypress-trees-at-the-mosque-1886 +abstract_painting,Minimalism,henk-peeters_pyrographie-both-sides-flames-1959 +illustration,Art_Nouveau_Modern,theodor-severin-kittelsen_innfoedte-av-majoristammen-1894 +landscape,Realism,johan-hendrik-weissenbruch_summer-day +genre_painting,Impressionism,maurice-prendergast_low-tide-nantucket +portrait,Expressionism,yiannis-tsaroychis_kid-with-white-short-trousers-1938 +portrait,Expressionism,rafael-zabaleta_the-old-woman-and-the-girl-1957 +landscape,Naive_Art_Primitivism,radi-nedelchev_winter-village-1969 +abstract_painting,Color_Field_Painting,morris-louis_saf-aleph-1959 +religious_painting,Mannerism_Late_Renaissance,paolo-veronese_the-holy-family +cityscape,Impressionism,konstantin-korovin_paris-boulevard-des-capucines-1911 +sketch_and_study,Naive_Art_Primitivism,marc-chagall_untitled-1973-2 +still_life,Post_Impressionism,maurice-prendergast_still-life-with-apples-1915 +genre_painting,Realism,vincent-van-gogh_a-girl-in-the-street-two-coaches-in-the-background-1882(1) +abstract_painting,Abstract_Expressionism,frank-stella_limanora-1994 +religious_painting,Mannerism_Late_Renaissance,el-greco_the-holy-trinity-1577 +cityscape,Impressionism,cornelis-vreedenburgh_canal-at-loenen-aan-de-vecht +landscape,Impressionism,claude-monet_the-bay-of-antibes +portrait,Post_Impressionism,vincent-van-gogh_portrait-of-madame-augustine-roulin-1888 +illustration,Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-epic-volga-and-mikula-1913(1) +portrait,Mannerism_Late_Renaissance,el-greco_portrait-of-cardinal-tavera +portrait,Impressionism,pierre-auguste-renoir_adele-besson-1918 +religious_painting,Northern_Renaissance,joachim-patinir_landscape-with-the-penitent-saint-jerome +sketch_and_study,Realism,vincent-van-gogh_man-pulling-a-harrow-1883 +cityscape,Post_Impressionism,mily-possoz_vista-de-lisboa-jardim-da-estrela-signed-possoz-but-attributed-to-eduardo-viana +landscape,Pointillism,henri-edmond-cross_les-petits-montagnes-mauresques +portrait,Realism,ilya-repin_leo-tolstoy-working-at-the-round-table-1891 +genre_painting,Post_Impressionism,pablo-picasso_the-corrida-1901 +cityscape,Impressionism,john-atkinson-grimshaw_greenock-dock +abstract_painting,Color_Field_Painting,helen-frankenthaler_royal-fireworks-1975 +landscape,Realism,ivan-shishkin_view-of-the-beach +genre_painting,Art_Nouveau_Modern,raphael-kirchner_geisha-7 +sketch_and_study,Realism,fyodor-vasilyev_mountains-in-the-clouds +landscape,Romanticism,ivan-aivazovsky_lunar-night-in-the-constantinople-1862 +genre_painting,Pointillism,camille-pissarro_working-at-eragny +cityscape,Impressionism,childe-hassam_telegraph-hill-san-fraicisco +genre_painting,Romanticism,francisco-goya_boys-playing-soldiers-1779 +portrait,Romanticism,vasily-tropinin_portrait-of-k-g-ravich-1823 +sketch_and_study,Symbolism,kuzma-petrov-vodkin_leg-1909 +landscape,Realism,theodore-rousseau_not_detected_198956 +landscape,Post_Impressionism,piet-mondrian_small-farm-on-nistelrode-1904 +genre_painting,Realism,pavel-fedotov_the-aristocrat-s-breakfast-1850 +nude_painting,Post_Impressionism,suzanne-valadon_nude-woman-with-drapery-1919 +religious_painting,Symbolism,nicholas-roerich_krishna-1936 +sketch_and_study,Baroque,rembrandt_boas-und-ruth-1640 +abstract_painting,Abstract_Expressionism,julio-pomar_chantilly-i-1965 +cityscape,Art_Nouveau_Modern,nicholas-roerich_old-town +sketch_and_study,Realism,thomas-eakins_anatomical-studies +landscape,Expressionism,horia-bernea_hills-1966 +landscape,Impressionism,eugene-boudin_trouville-the-jettys-at-low-tide +landscape,Post_Impressionism,maxime-maufra_the-bay-of-saint-tropez +still_life,Expressionism,lucian-freud_four-eggs-on-a-plate +abstract_painting,Abstract_Expressionism,william-congdon_subiaco-1963 +sketch_and_study,Realism,vincent-van-gogh_lane-with-trees-and-one-figure-1884 +portrait,Realism,john-singer-sargent_mrs-elliott-fitch-shepard-also-known-as-margaret-louise-vanderbilt-1888 +abstract_painting,Color_Field_Painting,gene-davis_lemon-ice-1965 +landscape,Pointillism,henri-martin_the-gloriette +abstract_painting,Cubism,hans-hofmann_the-window-1950 +genre_painting,Post_Impressionism,georges-seurat_white-dog-1885 +religious_painting,High_Renaissance,raphael_st-george-and-the-dragon-1506 +landscape,Romanticism,thomas-moran_on-the-wissahickon-near-chestnut-hill-1870 +portrait,Ukiyo_e,utagawa-kunisada-ii_unryu +landscape,Realism,m.c.-escher_not_detected_204667 +landscape,Impressionism,childe-hassam_dragon-cloud-old-lyme +abstract_painting,Color_Field_Painting,mark-rothko_not_detected_242125 +genre_painting,Impressionism,henri-de-toulouse-lautrec_assembly-of-hunters-1879 +religious_painting,Early_Renaissance,sandro-botticelli_the-virgin-and-child-with-two-angels-and-st-john-the-baptist(1) +genre_painting,Pointillism,maurice-prendergast_a-day-in-the-country +genre_painting,Impressionism,joaquã­n-sorolla_skipping-rope-at-la-granja-1907 +still_life,Post_Impressionism,le-pho_les-poppies +landscape,Symbolism,nicholas-roerich_star-of-the-hero-1932-1 +religious_painting,High_Renaissance,raphael_madonna-with-child-and-st-john-the-baptist +landscape,Post_Impressionism,rafael-zabaleta_the-threshing +landscape,Cubism,pablo-picasso_on-the-beach-dinard-1928 +genre_painting,Symbolism,nicholas-roerich_and-we-labor-1922 +landscape,Ukiyo_e,hiroshige_otori-shrine +portrait,Cubism,wifredo-lam_madame-lumumba-1938 +cityscape,Cubism,andre-derain_baker-s-hotel +portrait,Realism,valentin-serov_alexander-pushkin-in-a-park-1899 +genre_painting,Impressionism,childe-hassam_mrs-hassam-in-the-garden +nude_painting,Expressionism,pablo-picasso_sleeping-man-and-sitting-woman +cityscape,Realism,vincent-van-gogh_coalmine-in-the-borinage-1879(1) +landscape,Symbolism,nicholas-roerich_tent-mountain-1933 +portrait,Northern_Renaissance,dirk-bouts_portrait-of-a-man-1 +still_life,Expressionism,richard-diebenkorn_poppies +still_life,Cubism,amadeo-de-souza-cardoso_title-unknown-coty-1917 +cityscape,Cubism,andrã©-lhote_le-nile-1952 +genre_painting,Expressionism,henri-matisse_arabian-coffee-house-1913 +portrait,Northern_Renaissance,albrecht-durer_portrait-of-a-young-man-1506 +landscape,Fauvism,georges-braque_estaque-the-harbour-1906 +genre_painting,Symbolism,pierre-puvis-de-chavannes_meditation +genre_painting,Naive_Art_Primitivism,antonio-ligabue_horses-with-storm +genre_painting,Realism,ilya-repin_a-bemused-momen +genre_painting,Romanticism,william-shayer_scene-near-zeldkirch-in-the-tyrol-1845 +portrait,Impressionism,maurice-prendergast_lady-with-red-cape-and-muff +landscape,Abstract_Expressionism,myron-stout_untitled-dunes-with-peaked-brush-1953 +portrait,Expressionism,billy-childish_drunk-1997 +portrait,Expressionism,tsuguharu-foujita_portrait-of-a-little-girl-1918 +cityscape,Expressionism,oskar-kokoschka_stockholm-harbour +portrait,Realism,ilya-repin_portrait-of-e-l-prahova-and-painter-r-s-levitsky-1879 +landscape,Realism,ivan-shishkin_landscape-1886 +abstract_painting,Color_Field_Painting,pedro-calapez_escala-de-cor-05-2009 +portrait,Realism,william-adolphe-bouguereau_little-beggar-1890 +cityscape,Realism,vasily-polenov_atrium-1879 +portrait,Rococo,vladimir-borovikovsky_portrait-of-elena-alexandrovna-naryshkina-1799 +portrait,Rococo,william-hogarth_the-strode-family +landscape,Impressionism,salvador-dali_cadaques-seen-from-behind +abstract_painting,Abstract_Expressionism,romare-bearden_untitled-1959-1 +genre_painting,Romanticism,francisco-goya_the-swing +landscape,Realism,eugene-boudin_the-port-portrieux-at-low-tide +abstract_painting,Color_Field_Painting,ronnie-landfield_yellow-prairie-1972 +genre_painting,Realism,ilya-repin_in-the-hut-1895 +portrait,Mannerism_Late_Renaissance,titian_portrait-of-doge-andrea-gritti-1545 +sketch_and_study,Realism,vincent-van-gogh_studies-for-figures-carrying-bundles-of-wood-1885 +landscape,Impressionism,pierre-auguste-renoir_the-farm-at-collettes-1915 +portrait,Northern_Renaissance,hans-holbein-the-younger_portrait-of-a-member-of-the-wedigh-family-1532 +landscape,Impressionism,childe-hassam_at-sunset +sketch_and_study,Northern_Renaissance,albrecht-durer_arm-of-lucretia +landscape,Symbolism,nicholas-roerich_abode-of-the-spirit +genre_painting,Rococo,jean-honore-fragonard_the-music-lesson +landscape,Symbolism,nicholas-roerich_ice-sphinx-1938 +genre_painting,New_Realism,william-james-glackens_christmas-shoppers-1912 +religious_painting,Baroque,rembrandt_the-return-of-the-prodigal-son-1669 +genre_painting,Romanticism,william-shayer_near-the-new-forest +genre_painting,Symbolism,mikhail-vrubel_eastern-dance-1887 +illustration,Art_Nouveau_Modern,edmund-dulac_miranda-from-the-tempest +abstract_painting,Abstract_Expressionism,helen-frankenthaler_tales-of-genji-iv-1998 +genre_painting,Impressionism,edgar-degas_the-nurse-1873 +landscape,Art_Nouveau_Modern,nicholas-roerich_birches-1905 +cityscape,Art_Nouveau_Modern,nicholas-roerich_kremlin-tower-in-novgorod-1903 +religious_painting,Mannerism_Late_Renaissance,tintoretto_baptism-of-christ +portrait,Realism,henri-fantin-latour_portrait-of-manet-1867 +portrait,Realism,anders-zorn_emma-zorn-reading +portrait,Northern_Renaissance,lucas-cranach-the-elder_martin-luther-1 +cityscape,Post_Impressionism,georges-seurat_snow-effect-winter-in-the-suburbs-1883 +illustration,Art_Nouveau_Modern,aubrey-beardsley_seated-lady +still_life,Synthetic_Cubism,georges-braque_still-life-with-a-guitar-1919 +landscape,Naive_Art_Primitivism,kateryna-bilokur_everything-goes-everything-passes-1950 +portrait,Contemporary_Realism,neil-welliver_edwin-before-osprey-nest +landscape,Baroque,claude-lorrain_view-of-tivoli +genre_painting,Realism,nikolaos-gyzis_the-orphans-1871(1) +abstract_painting,Color_Field_Painting,theodoros-stamos_infinity-field-nemea-series-4-1973 +abstract_painting,Abstract_Expressionism,helen-frankenthaler_acres-1959 +religious_painting,Romanticism,edward-burne-jones_days-of-creation-the-3rd-day +genre_painting,Post_Impressionism,kazimir-malevich_the-wedding-1907 +landscape,Symbolism,gustav-klimt_the-big-poplar-ii-1903 +genre_painting,Impressionism,max-liebermann_road-in-dutch-village-1885 +landscape,Pointillism,henri-edmond-cross_the-pink-house-1905 +portrait,Post_Impressionism,henri-de-toulouse-lautrec_woman-with-an-umbrella-1889 +landscape,Symbolism,nicholas-roerich_study-of-mountains-10 +portrait,Expressionism,paula-modersohn-becker_portrait-of-hedwig-hagemann-1903 +landscape,Fauvism,ilya-mashkov_landscape-1911 +genre_painting,Baroque,pieter-de-hooch_woman-with-basket-of-beans-in-the-kitchen-garden-1651 +landscape,Romanticism,ferdinand-hodler_a-morning-in-interlaken-1875 +portrait,Baroque,gabriel-metsu_the-apothecary-the-chemist +religious_painting,Symbolism,james-tissot_moses-speaks-to-pharaoh +genre_painting,Realism,nikolay-bogdanov-belsky_inspiration +landscape,Impressionism,eugene-boudin_fervaques-garden-and-house-of-monsieur-jacuette-1877 +landscape,Impressionism,claude-monet_poplars +cityscape,Impressionism,claude-monet_the-boulevard-heloise-in-argenteuil +genre_painting,Impressionism,edouard-manet_at-the-cafe-concert +landscape,Post_Impressionism,william-h.-johnson_mountain-blossoms-volda-1937(1) +landscape,Realism,camille-pissarro_a-village-through-the-trees +portrait,Baroque,peter-paul-rubens_infanta-isabella-the-ruler-of-the-netherlands +landscape,Realism,john-henry-twachtman_tuscan-landscape +portrait,Expressionism,elaine-de-kooning_al-lazar-man-in-a-hotel-room-1954 +landscape,Impressionism,robert-julian-onderdonk_sunlight-after-rain-1921 +abstract_painting,Minimalism,yves-gaucher_traces-2000 +portrait,Expressionism,theo-van-doesburg_portrait-of-louis-peter-milius +genre_painting,Baroque,jan-steen_country-wedding-1666 +abstract_painting,Action_painting,henri-michaux_untitled-1 +landscape,Impressionism,pieter-wenning_at-claremont-cape-province +still_life,Fauvism,ilya-mashkov_still-life-with-plants-and-fruit +portrait,Baroque,peter-paul-rubens_bathsheba-at-the-fountain +sketch_and_study,Realism,vincent-van-gogh_peasant-woman-pitching-wheat-or-hay-1885-1 +religious_painting,Northern_Renaissance,jean-fouquet_the-ascension-of-the-holy-spirit +abstract_painting,Minimalism,brice-marden_study-for-stander-1967 +landscape,Expressionism,max-pechstein_sunset-over-the-blue-bridge-1922 +still_life,Realism,henri-fantin-latour_the-bethrothal-still-life-1869 +religious_painting,Early_Renaissance,carlo-crivelli_virgin-annunciation-1468 +landscape,Romanticism,frederic-edwin-church_parthenon-1869 +illustration,Romanticism,gustave-dore_the-moon +genre_painting,Baroque,rembrandt_beggar-woman-leaning-on-a-stick-1630 +still_life,Cubism,pyotr-konchalovsky_dry-paints-1913 +genre_painting,Baroque,isaac-van-ostade_traveller-at-a-cottage-door +portrait,Impressionism,edgar-degas_portrait-of-madame-ernest-may-1882 +cityscape,New_Realism,george-luks_roundhouse-at-high-bridge +portrait,Mannerism_Late_Renaissance,titian_filippo-archinto +nude_painting,Impressionism,pierre-auguste-renoir_bather-with-a-rock +portrait,Impressionism,max-slevogt_portrait-of-nina-and-wolfgang-slevogt-children-in-the-forest +landscape,Realism,camille-corot_gisors-river-bordered-by-trees +religious_painting,Symbolism,james-tissot_pharaoh-and-the-midwives-1902 +genre_painting,Realism,pyotr-konchalovsky_a-boy-with-a-cock-1933 +genre_painting,Impressionism,john-singer-sargent_by-the-river-1885 +nude_painting,Expressionism,ernst-ludwig-kirchner_reclining-nude-in-a-bathtub-with-pulled-on-legs +sketch_and_study,Romanticism,john-constable_salisbury-cathedral +abstract_painting,Abstract_Expressionism,geta-bratescu_the-rule-of-the-circle-the-rule-of-the-game-1985(8) +cityscape,Pop_Art,hiro-yamagata_untitled-river-landscape-1989 +landscape,Symbolism,konstantin-bogaevsky_tropical-landscape-1906 +nude_painting,Realism,pyotr-konchalovsky_woman-on-sofa-1930 +portrait,Romanticism,konstantin-makovsky_flirt +illustration,Romanticism,gustave-dore_paradise-lost-11 +sketch_and_study,Realism,thomas-eakins_sketch-for-the-crucifixion-1880 +portrait,Baroque,anthony-van-dyck_portrait-of-cornelis-van-der-geest +landscape,Post_Impressionism,edouard-vuillard_garden-in-cannes +abstract_painting,Minimalism,brice-marden_i-1986 +still_life,Post_Impressionism,pierre-bonnard_still-life-with-lemons +portrait,Impressionism,edgar-degas_helene-rouart-in-her-father-s-study-1886 +sketch_and_study,Art_Nouveau_Modern,sergey-solomko_two-sketches-of-costumes +portrait,Abstract_Expressionism,willem-de-kooning_woman-i +genre_painting,Realism,mary-cassatt_the-flirtation-a-balcony-in-seville-1872 +sketch_and_study,Naive_Art_Primitivism,marc-chagall_noah-s-ark-5 +portrait,Rococo,jean-marc-nattier_die-liebenden-1744 +genre_painting,Realism,paul-serusier_the-breton-weaver-1888 +portrait,Romanticism,francisco-goya_the-duke-of-wellington +cityscape,Impressionism,camille-pissarro_boulevard-montmartre-sunset-1897 +genre_painting,Art_Nouveau_Modern,boris-kustodiev_province +religious_painting,Mannerism_Late_Renaissance,piero-di-cosimo_st-john-the-evangelist-1504 +religious_painting,Romanticism,dante-gabriel-rossetti_the-seed-of-david-1858 +cityscape,Naive_Art_Primitivism,radi-nedelchev_winter-day-in-the-city-1975 +sketch_and_study,Realism,boris-kustodiev_portrait-of-the-poet-sergey-gorodetsky-1907 +nude_painting,Impressionism,edgar-degas_kneeling-nude +genre_painting,Naive_Art_Primitivism,david-burliuk_red-and-green-horses-in-a-stable-1956(1) +genre_painting,Impressionism,eugene-boudin_market-at-trouville-1883 +genre_painting,Ukiyo_e,katsushika-hokusai_spring-scene-along-the-sumida +sketch_and_study,Realism,theodore-rousseau_sketch-for-the-alley-chesnut +portrait,Romanticism,karl-bodmer_noapeh-an-assiniboin-indian-and-psihdja-sahpa-a-yanktonan-indian-plate-12-from-volume-2-of-1844 +cityscape,Symbolism,mstislav-dobuzhinsky_garden-in-the-city-1905 +landscape,Realism,aleksey-savrasov_sea-shore-in-the-vicinity-oranienbaum-1854 +still_life,Cubism,georges-braque_brown-still-life-1932 +landscape,Romanticism,john-atkinson-grimshaw_under-the-moonbeams-knostrop-hall +nude_painting,Realism,julius-leblanc-stewart_half-naked-woman-1877(1) +cityscape,Impressionism,john-henry-twachtman_end-of-the-pier-new-york-harbor +cityscape,Post_Impressionism,maurice-utrillo_chaudoin-house +illustration,Romanticism,gustave-dore_the-avariscious-and-prodigal(1) +nude_painting,Symbolism,kuzma-petrov-vodkin_boys-on-top-1925 +sketch_and_study,Art_Nouveau_Modern,zinaida-serebriakova_in-the-nursery-neskuchnoye-1913 +landscape,Romanticism,camille-corot_landscape-with-three-figures +sketch_and_study,Ukiyo_e,katsushika-hokusai_manga-3 +religious_painting,Northern_Renaissance,albrecht-durer_the-flight-into-egypt-1511 +portrait,Pop_Art,roy-lichtenstein_world-s-fair-mural-1964 +religious_painting,Symbolism,salvador-dali_asperges-me-hyssopo-et-mundabor-1967 +sketch_and_study,High_Renaissance,leonardo-da-vinci_studies-for-the-heads-of-two-soldiers-in-the-battle-of-anghiari +religious_painting,Baroque,francisco-de-zurbaran_st-francis-1660 +religious_painting,Northern_Renaissance,robert-campin_werl-altarpiece-st-john-the-baptist-and-the-donor-heinrich-von-wer-1438 +illustration,Art_Nouveau_Modern,aubrey-beardsley_the-death-of-pierrot +religious_painting,Naive_Art_Primitivism,marc-chagall_david-and-bathsheba-1952 +genre_painting,Cubism,roger-de-la-fresnaye_the-conquest-of-the-air +portrait,Realism,boris-kustodiev_portrait-of-composer-dmitri-shostakovich-in-adolescence-1923 +portrait,Romanticism,paul-cezanne_portrait-of-uncle-dominique-in-a-turban-1866 +religious_painting,Early_Renaissance,carlo-crivelli_saint-dominic-1476 +landscape,Romanticism,ivan-aivazovsky_the-bay-of-naples-at-night-1895 +portrait,Symbolism,mikhail-vrubel_sappho +genre_painting,Baroque,pieter-de-hooch_soldiers-playing-cards +genre_painting,Impressionism,octav-bancila_lec-ia-de-muzic-1914 +religious_painting,Baroque,guido-reni_saint-matthew-1621 +religious_painting,High_Renaissance,andrea-del-sarto_disputation-on-the-trinity +landscape,Northern_Renaissance,joachim-patinir_landscape-with-st-jerome +portrait,Northern_Renaissance,mabuse_portrait-of-a-man +landscape,Realism,isaac-levitan_autumn-1896-1 +abstract_painting,Abstract_Expressionism,frank-bowling_rockintored-2011 +nude_painting,Impressionism,pierre-auguste-renoir_seated-bather-1913 +portrait,Romanticism,osman-hamdi_girl-with-yellow-ribbon +genre_painting,Baroque,jan-steen_merry-couple +cityscape,Romanticism,rudolf-von-alt_view-of-arsenal-museum-1857 +religious_painting,High_Renaissance,pietro-perugino_god-the-creator-and-angels-1508 +religious_painting,Romanticism,gustave-dore_foreign-nations-are-slain-by-lions-in-samaria +landscape,Impressionism,claude-monet_argenteuil-late-afternoon(1) +still_life,Post_Impressionism,vincent-van-gogh_bloaters-on-a-piece-of-yellow-paper-1889(1) +cityscape,Impressionism,giacomo-balla_luna-park-par-s-1900 +landscape,Romanticism,thomas-cole_a-wild-scene-1832 +religious_painting,High_Renaissance,vittore-carpaccio_the-annunciation-1504 +genre_painting,Impressionism,childe-hassam_street-of-the-great-captain-cordoba +portrait,Rococo,joshua-reynolds_lady-caroline-howard +illustration,Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-russian-fairy-story-feather-of-finist-falcon-1(1) +landscape,Baroque,hercules-seghers_a-river-valley-with-a-group-of-houses-1625 +genre_painting,Impressionism,edgar-degas_rehearsal-1879 +landscape,Naive_Art_Primitivism,marc-chagall_window-vitebsk-1908 +sketch_and_study,Realism,ivan-shishkin_at-the-top-of-the-ai-petri-1879 +portrait,Realism,vincent-van-gogh_head-of-a-young-peasant-in-a-peaked-cap-1885 +landscape,Symbolism,nicholas-roerich_tibetian-lakes-1933 +landscape,Romanticism,karl-bodmer_fort-union-on-the-missouri +still_life,Impressionism,pierre-auguste-renoir_apples-and-manderines-1901 +portrait,Symbolism,kuzma-petrov-vodkin_fecteau-1915 +sketch_and_study,Baroque,rembrandt_child-in-a-tantrum +nude_painting,Expressionism,amedeo-modigliani_caryatid-1911 +portrait,Rococo,joshua-reynolds_clotworthy-skeffington-later-1st-earl-of-massereene-1746 +religious_painting,Symbolism,salvador-dali_angel +genre_painting,Impressionism,edgar-degas_ballet-scene +portrait,Early_Renaissance,andrea-mantegna_portrait-of-francesco-gonzaga +genre_painting,Impressionism,camille-pissarro_bathers-seated-on-the-banks-of-a-river-1901 +genre_painting,Impressionism,eugene-boudin_berck-the-beach-1882 +genre_painting,Realism,mykola-pymonenko_easter-morning-prayer-in-malorosia-1891 +portrait,Baroque,frans-hals_married-couple-in-a-garden-detail +religious_painting,Naive_Art_Primitivism,marc-chagall_arrival-of-queen-sheba-to-jerusalem-i-kings-x-1-5 +portrait,Post_Impressionism,henri-matisse_the-ballet-dancer +sketch_and_study,Post_Impressionism,vincent-van-gogh_sheet-with-sketches-of-working-people-1890-1 +abstract_painting,Abstract_Expressionism,eva-hesse_untitled +genre_painting,Romanticism,paul-cezanne_the-fountain-1872 +landscape,Realism,gustave-courbet_chateau-du-chillon-1874 +portrait,Mannerism_Late_Renaissance,hans-von-aachen_a-couple-at-a-guesthouse-1596 +portrait,Baroque,rembrandt_bust-of-an-old-man-in-a-fur-cap +illustration,Romanticism,gustave-dore_the-childhood-of-gargantua +genre_painting,Impressionism,william-merritt-chase_at-play +abstract_painting,Color_Field_Painting,ronnie-landfield_loves-power-1982 +sketch_and_study,Romanticism,thomas-cole_study-for-the-cross-and-the-world-1847 +cityscape,Impressionism,camille-pissarro_place-du-theatre-francais-spring-1898 +religious_painting,Expressionism,emil-nolde_mocking-of-christ-1909 +genre_painting,Naive_Art_Primitivism,camille-bombois_in-the-park-1937 +landscape,Impressionism,childe-hassam_the-two-hickory-trees-aka-golf-player +genre_painting,Impressionism,julian-alden-weir_idle-hours-1888 +portrait,Impressionism,william-james-glackens_lenna-the-artist-s-daughter-in-a-chinese-costume-1918 +genre_painting,Expressionism,walter-battiss_a-gathering +portrait,Early_Renaissance,piero-della-francesca_sigismondo-malatesta-1451(1) +landscape,Pointillism,henri-edmond-cross_the-wreck +landscape,Impressionism,willard-metcalf_icebound-brook-aka-winter-s-mantle +landscape,Symbolism,konstantin-bogaevsky_romantic-landscape-1908 +religious_painting,Rococo,giovanni-battista-tiepolo_christ-on-the-road-to-calvary-1749 +still_life,Realism,henri-fantin-latour_a-carafe-of-wine-and-plate-of-fruit-on-a-white-tablecloth-1865 +portrait,Realism,john-singer-sargent_dr-pozzi-at-home-1881 +abstract_painting,Abstract_Expressionism,jean-paul-riopelle_jute-iv-1967 +cityscape,Impressionism,claude-monet_by-the-river-at-vernon +abstract_painting,Cubism,carlos-merida_plano-complejo +landscape,Expressionism,george-luks_lower-ausable-lake-adirondacks +genre_painting,Romanticism,william-shayer_travelers-resting +cityscape,Post_Impressionism,gustave-loiseau_the-auxerre-cathedral-1907-1 +genre_painting,Expressionism,albert-bloch_procession-with-the-cross +landscape,Romanticism,arnold-bã¶cklin_tavern-in-ancient-rome-1867 +nude_painting,Impressionism,carlos-saenz-de-tejada_nude-model-1918 +portrait,Impressionism,mary-cassatt_madame-meerson-and-her-daughter +religious_painting,High_Renaissance,giovanni-bellini_madonna-and-child-in-a-landscape +portrait,Realism,henri-fantin-latour_the-corner-of-the-table-1872 +nude_painting,Impressionism,octav-angheluta_first-day-at-the-beach +cityscape,Post_Impressionism,edouard-cortes_flower-seller-at-la-madeleine +cityscape,Realism,isaac-levitan_canal-in-venice-1890 +abstract_painting,Abstract_Expressionism,dan-christensen_american-archer-2001 +genre_painting,Romanticism,jacek-malczewski_washing-of-feet-1887 +landscape,Impressionism,camille-pissarro_hampton-court-green-1890 +portrait,Ukiyo_e,utagawa-kuniyoshi_women-23 +genre_painting,Cubism,nikos-hadjikyriakos-ghikas_night-ceremony +genre_painting,Expressionism,ligia-macovei_sicilian-fisherman-s-family +cityscape,Impressionism,ilya-mashkov_bakhchisarai-khan-s-palace-1925 +landscape,Impressionism,arkhip-kuindzhi_a-birch-grove +illustration,Naive_Art_Primitivism,marc-chagall_coachman-feeds-a-horses +portrait,Post_Impressionism,theo-van-rysselberghe_portrait-of-elizabeth-van-rysselberghe-1926 +portrait,Baroque,anthony-van-dyck_queen-henrietta-maria-1635 +portrait,Realism,alexey-venetsianov_a-herd-boy-with-a-pipe-1 +sketch_and_study,Symbolism,nicholas-roerich_himalayas-study-2 +landscape,Symbolism,konstantin-bogaevsky_koktebel-house-of-maximilian-voloshin-1905 +illustration,Romanticism,gustave-dore_battle-of-lepanto-in-1571-1877 +portrait,Expressionism,lucian-freud_albie-2004 +sketch_and_study,Post_Impressionism,vincent-van-gogh_farmhouse-with-wheat-field-along-a-road-and-field-with-flowers-1888(1) +genre_painting,Rococo,francois-boucher_lady-with-an-umbrella +portrait,Early_Renaissance,sandro-botticelli_portrait-of-a-young-woman-1(1) +portrait,Expressionism,boris-grigoriev_german-butcher +nude_painting,Expressionism,jan-sluyters_reclining-nude-with-black-stockings-greet +abstract_painting,Minimalism,ronald-davis_green-skew-1966 +landscape,Expressionism,ernst-ludwig-kirchner_davos-in-snow +landscape,Realism,ivan-shishkin_the-road-in-forest-1869 +genre_painting,Ukiyo_e,utagawa-kuniyoshi_woman-selling-decorative-bowls +landscape,Symbolism,nicholas-roerich_himalayas-52 +portrait,Rococo,jean-honore-fragonard_a-boy-as-pierrot +landscape,Baroque,aelbert-cuyp_river-landscape-with-horseman-and-peasants-1660 +landscape,Post_Impressionism,vladimir-dimitrov_unknown-title-7 +landscape,Realism,aleksey-savrasov_view-in-the-neighbourhood-of-oranienbaum-1854 +portrait,Rococo,joshua-reynolds_miss-elizabeth-ingram +cityscape,Post_Impressionism,maurice-utrillo_bistros-in-a-suburb +religious_painting,Realism,ilya-repin_temptation-of-christ-1896 +nude_painting,Realism,giovanni-boldini_nude +cityscape,Post_Impressionism,david-burliuk_windmill-in-rotterdam-1955 +landscape,Impressionism,claude-monet_the-old-fort-at-antibes +portrait,Symbolism,kuzma-petrov-vodkin_portrait-s-n-andronikova-1925 +landscape,Impressionism,childe-hassam_harney-desert-landscape +religious_painting,Northern_Renaissance,dirk-bouts_christ-in-the-house-of-simon +landscape,Impressionism,claude-monet_windmill-at-zaandam-1 +abstract_painting,Color_Field_Painting,mark-rothko_red +abstract_painting,Color_Field_Painting,ron-gorchov_thersites-chastened-2012 +abstract_painting,Abstract_Expressionism,endre-balint_smoking-1969 +landscape,Realism,vasily-polenov_troas +landscape,Impressionism,gustave-caillebotte_boat-at-anchor-on-the-seine +religious_painting,Northern_Renaissance,lucas-cranach-the-elder_madonna-and-child-with-a-bunch-of-grapes-1525 +portrait,Pointillism,marevna-(marie-vorobieff)_marika-with-a-bouquet-of-flowers-1970 +landscape,Expressionism,max-pechstein_tree-at-the-water +illustration,Art_Nouveau_Modern,aubrey-beardsley_das-rheingold +portrait,Realism,ilya-repin_portrait-of-the-architect-philip-dmitrievich-hloboschin-1868 +genre_painting,Naive_Art_Primitivism,william-h.-johnson_deep-south-1941 +sketch_and_study,Realism,vincent-van-gogh_landscape-with-a-church-1883-1 +still_life,Rococo,jean-baptiste-simeon-chardin_the-instruments-of-military-music-1767 +portrait,Realism,winslow-homer_the-red-school-house +genre_painting,Impressionism,childe-hassam_morning-light +genre_painting,Naive_Art_Primitivism,raoul-dufy_regatta-at-cowes-1934 +portrait,Expressionism,jean-david_head-portrait +abstract_painting,Abstract_Expressionism,paul-reed_turkoman-1998 +landscape,Impressionism,camille-pissarro_landscape-near-louveciennes-2-1870 +landscape,Impressionism,robert-julian-onderdonk_landscape-1 +sketch_and_study,Realism,martiros-saryan_landscape-of-armenia-1972 +still_life,Post_Impressionism,roger-bissiã¨re_still-life-with-glass-and-grapes-1923 +cityscape,Impressionism,giovanni-boldini_ships-in-venice +landscape,Realism,grigoriy-myasoyedov_fountain +genre_painting,Baroque,adriaen-van-de-velde_seated-woman +landscape,Symbolism,nicholas-roerich_himalayas-13 +genre_painting,Ukiyo_e,kitagawa-utamaro_a-woman-watches-two-children +portrait,Post_Impressionism,moise-kisling_not-identified-4 +landscape,Contemporary_Realism,john-miller_beach(5) +portrait,Baroque,rembrandt_portrait-of-an-old-woman +portrait,Rococo,louise-elisabeth-vigee-le-brun_princess-louise-of-prussia-1801 +nude_painting,Cubism,fernand-leger_the-two-women-in-blue-vase-1935 +landscape,Impressionism,camille-pissarro_view-of-eragny-1895 +portrait,Realism,vincent-van-gogh_head-of-a-peasant-woman-with-dark-cap-1885-7(1) +landscape,Impressionism,paul-cezanne_the-oise-valley +portrait,Mannerism_Late_Renaissance,piero-di-cosimo_maria-magdalena-1510 +cityscape,Impressionism,john-singer-sargent_the-entrance-to-the-grand-canal-venice +landscape,Expressionism,max-pechstein_waldweg-1919 +landscape,Symbolism,ferdinand-hodler_rising-mist-over-the-savoy-alps-1917 +portrait,Pop_Art,evelyne-axell_angela-davis-ii-1972 +landscape,Romanticism,caspar-david-friedrich_plowed-field +genre_painting,Expressionism,marc-chagall_vitebsk-1915 +sketch_and_study,Expressionism,ernst-ludwig-kirchner_two-female-nudes +portrait,Impressionism,edgar-degas_woman-with-the-oriental-vase-1872 +sketch_and_study,High_Renaissance,leonardo-da-vinci_study-of-a-figure-for-the-battle-of-anghiari +sketch_and_study,Cubism,pablo-picasso_the-girls-of-avignon-study-1907 +landscape,Impressionism,alfred-sisley_road-from-hampton-court-1874 +sketch_and_study,Symbolism,serge-sudeikin_study-for-eugene-onegin +religious_painting,Romanticism,gustave-dore_the-descent-from-thecross +abstract_painting,Minimalism,kazuo-nakamura_infinite-waves-1957 +landscape,Impressionism,arkhip-kuindzhi_a-birch-grove-1 +religious_painting,Mannerism_Late_Renaissance,jacopo-pontormo_deposition-from-the-cross +landscape,Romanticism,caspar-david-friedrich_evening-1824 +landscape,Impressionism,armand-guillaumin_moulin-bouchardon-crozant-1895 +landscape,Expressionism,horia-bernea_the-column(1) +sketch_and_study,Cubism,pyotr-konchalovsky_still-life-crystal-1916 +abstract_painting,Minimalism,paolo-scheggi_trasposizione-grafica-1967 +genre_painting,Realism,vincent-van-gogh_sower-1884 +still_life,Expressionism,jean-helion_la-citrouille-et-son-reflet-1958 +genre_painting,Impressionism,eugene-boudin_on-the-beach-1863 +genre_painting,Impressionism,childe-hassam_conversation-on-the-avenue +landscape,Impressionism,egon-schiele_village-with-mountains-1907 +landscape,Impressionism,berthe-morisot_roses-tremieres-hollyhocks-1884 +religious_painting,Northern_Renaissance,jean-hey_the-annunciation +portrait,Cubism,amadeo-de-souza-cardoso_green-eye-mask-1915 +genre_painting,Art_Nouveau_Modern,boris-kustodiev_summer-holiday-1922 +portrait,Romanticism,konstantin-makovsky_portrait-of-count-sergei-grigoriyevich-stroganov +religious_painting,Naive_Art_Primitivism,marc-chagall_abraham-prostrated-himself-front-of-three-angels +abstract_painting,Color_Field_Painting,frank-stella_polar-co-ordinates-variant-iiia-1980 +landscape,Impressionism,childe-hassam_villers-le-bel-aka-the-enchanted-hour +portrait,Impressionism,pierre-auguste-renoir_woman-s-head-the-thinker +landscape,Post_Impressionism,maxime-maufra_morning-in-the-oasis-of-alkantra-1913 +sketch_and_study,Northern_Renaissance,albrecht-durer_perspectivist-study +religious_painting,Early_Renaissance,fra-angelico_the-sermon-of-st-stephen-1449 +genre_painting,Post_Impressionism,georges-seurat_the-cart-or-the-horse-hauler +genre_painting,Realism,winslow-homer_the-turtle-pound-1898 +portrait,Expressionism,george-bouzianis_actress-1954 +religious_painting,Naive_Art_Primitivism,marc-chagall_isaiah-under-divine-inspiration-1956 +genre_painting,Baroque,pieter-de-hooch_woman-hands-over-money-to-her-servant-1670 +still_life,Romanticism,adolphe-joseph-thomas-monticelli_bouquet-of-flowers-1 +religious_painting,High_Renaissance,titian_christ-and-the-adulteress-1510 +landscape,Expressionism,lucian-freud_the-painter-s-garden-2004 +portrait,Art_Nouveau_Modern,felix-vallotton_portrait-of-berlioz-1902 +landscape,Impressionism,gregoire-boonzaier_study-of-bluegum-trees-1979 +landscape,Post_Impressionism,gustave-loiseau_village-in-spring-1916 +cityscape,Romanticism,john-atkinson-grimshaw_park-row-leeds-1882 +portrait,Symbolism,jozsef-rippl-ronai_portrait-of-mrs-pataki-1892 +nude_painting,Cubism,ernst-ludwig-kirchner_naked-women-on-meadow +religious_painting,Early_Renaissance,filippo-lippi_the-doctors-of-the-church-1437 +portrait,Pop_Art,andy-warhol_muhammad-ali-2 +religious_painting,Northern_Renaissance,gerard-david_the-adoration-of-the-magi +landscape,Post_Impressionism,theophrastos-triantafyllidis_cypresses +landscape,Romanticism,william-turner_pope-s-villa-at-twickenham +landscape,Impressionism,camille-pissarro_hoarfrost-1873 +still_life,Impressionism,stefan-luchian_peonies +genre_painting,Romanticism,karl-bodmer_ischoh-kakoschochat-dance-of-the-mandan-indians-plate-25-from-volume-2-of-travels-in-the-1843 +portrait,Realism,boris-kustodiev_portrait-of-ivan-bilibin-1914 +portrait,Post_Impressionism,bertalan-por_woman-with-a-hat-1905 +religious_painting,Naive_Art_Primitivism,marc-chagall_ahasuerus-sends-vasthi-away-1960 +abstract_painting,Minimalism,john-mclaughlin_number-27-1964 +landscape,Symbolism,konstantin-somov_after-the-storm +landscape,Realism,arkhip-kuindzhi_the-sea-the-crimea +genre_painting,Impressionism,edgar-degas_dancer-putting-on-her-slipper-1896 +portrait,Baroque,rembrandt_a-young-man-at-a-table-possibly-govaert-flinck-1660 +genre_painting,Impressionism,giovanni-boldini_the-boy-with-the-circle +genre_painting,Romanticism,francisco-goya_the-old-woman-with-a-mirror +cityscape,Realism,vasily-vereshchagin_moti-masjid-pearl-mosque-agra-1876 +genre_painting,Naive_Art_Primitivism,marc-chagall_circumcision-1909 +sketch_and_study,Baroque,rembrandt_a-nurse-and-an-eating-child +still_life,High_Renaissance,giorgione_arithmetic-1510(2) +portrait,Expressionism,salvador-dali_untitled-head-of-a-woman-unfinished +portrait,Baroque,frans-hals_two-boys-singing-detail +genre_painting,Romanticism,konstantin-makovsky_boyar-1 +landscape,Impressionism,vasile-popescu_towards-balchik-1937 +genre_painting,Impressionism,john-singer-sargent_violet-fishing-1889 +illustration,Art_Nouveau_Modern,kay-nielsen_six-swans +cityscape,Pop_Art,hiro-yamagata_not-detected-272416 +illustration,Symbolism,konstantin-somov_book-of-the-marquise-illustration-6 +religious_painting,Mannerism_Late_Renaissance,el-greco_st-francis-receiving-the-stigmata-3 +portrait,Early_Renaissance,giovanni-bellini_portrait-of-a-venetian-gentleman +religious_painting,Baroque,bartolome-esteban-murillo_angel-holding-the-lantern-and-the-sword-that-was-used-to-cut-the-ear-of-malchus-1660 +nude_painting,Expressionism,william-h.-johnson_seated-female-nude-1940(1) +genre_painting,Impressionism,pierre-auguste-renoir_dance-in-the-city-1883 +portrait,Rococo,william-hogarth_david-garrick-and-his-wife-1757 +religious_painting,Baroque,peter-paul-rubens_the-circumcision-of-christ +cityscape,Post_Impressionism,istvan-ilosvai-varga_street-at-szentendre-in-stormy-weather-1933 +illustration,Art_Nouveau_Modern,heorhiy-narbut_sheet-m-from-the-album-ukrainian-alphabet-1917 +landscape,Impressionism,ilya-mashkov_georgia-kazbek-view-of-the-gorge-darial +portrait,Expressionism,amedeo-modigliani_bust-of-young-girl +genre_painting,Baroque,jacob-jordaens_kitchen-scene +portrait,Baroque,rembrandt_jacob-tripp +religious_painting,Naive_Art_Primitivism,marc-chagall_moses-1972 +genre_painting,Impressionism,mary-cassatt_in-the-garden +portrait,Baroque,jacob-jordaens_the-artist-with-the-family-of-his-father-in-law-adam-van-noort +landscape,Realism,gustave-courbet_rocks-at-mouthier +abstract_painting,Abstract_Expressionism,willem-de-kooning_secretary +landscape,Impressionism,john-henry-twachtman_winter-landscape-with-barn +abstract_painting,Minimalism,imi-knoebel_alte-liebe-g-1-2010 +landscape,Post_Impressionism,vincent-van-gogh_green-wheat-fields-1890(1) +landscape,Realism,vincent-van-gogh_straw-hats-at-dusk-1885 +still_life,Naive_Art_Primitivism,fernando-botero_still-life-with-watermelon +genre_painting,New_Realism,william-james-glackens_the-shoppers-1907 +illustration,Art_Nouveau_Modern,boris-kustodiev_illustration-for-nikolay-nekrasov-poem-uncle-jacob-1921 +cityscape,Post_Impressionism,maurice-utrillo_church-of-sacre-coeur +genre_painting,Naive_Art_Primitivism,fernand-leger_dancer-the-dog-the-dog-on-the-ball-study-for-the-grande-parade-1952 +landscape,Impressionism,alfred-sisley_on-the-banks-of-the-river-loing +genre_painting,Impressionism,camille-pissarro_potato-harvest-1885 +portrait,Romanticism,konstantin-makovsky_cairene-1 +religious_painting,Symbolism,james-tissot_the-pharisee-and-the-publican-1894 +still_life,Realism,pyotr-konchalovsky_still-life-with-bittern-and-woodpecker-1934 +cityscape,Pop_Art,hiro-yamagata_not-detected-272406 +genre_painting,Art_Nouveau_Modern,ferdinand-hodler_jena-students-depart-for-the-war-of-liberation-1813-1908 +genre_painting,Romanticism,francisco-goya_the-picnic-1788 +portrait,Pop_Art,robert-silvers_george-washington +religious_painting,Symbolism,william-blake_archangel-raphael-with-adam-and-eve-1808 +portrait,Rococo,benjamin-west_portrait-of-george-prince-of-wales-and-prince-frederick-later-duke-of-york-1778 +genre_painting,Realism,william-adolphe-bouguereau_work-interrupted-1891 +landscape,Post_Impressionism,henri-matisse_sailboats +portrait,Ukiyo_e,keisai-eisen_hanamurasaki-of-the-tamaya-from-the-series-eight-views-of-the-pleasure-quarters-kuruwa-hakkei +sketch_and_study,Romanticism,viktor-vasnetsov_rough-sketches-for-the-painting-on-a-knights-at-the-crossroad +landscape,Expressionism,lovis-corinth_the-walchensee-in-the-moonlight-1920 +landscape,Impressionism,claude-monet_the-studio-boat-1876 +genre_painting,Impressionism,pierre-auguste-renoir_nude-boys-on-the-rocks-at-guernsey-1883 +genre_painting,Baroque,francesco-guardi_audience-granted-by-the-doge-1770 +cityscape,Impressionism,joaquã­n-sorolla_surtidor-1899 +nude_painting,Impressionism,pierre-auguste-renoir_nude-reclining-on-the-grass-1890 +landscape,Art_Nouveau_Modern,nicholas-roerich_viking-s-triumph-1908 +cityscape,Fauvism,carlos-botelho_vista-de-lisboa-tejo-e-topo-do-arco-da-rua-augusta +illustration,Art_Nouveau_Modern,nicholas-roerich_vignette-for-book-n-k-roerich-1918-20 +landscape,Romanticism,vasily-polenov_old-gates-normandy-1874 +landscape,Symbolism,nicholas-roerich_sunset +abstract_painting,Abstract_Expressionism,joan-miro_catalan-peasant-in-the-moonlight +genre_painting,Symbolism,nicholas-roerich_warrior +illustration,Art_Nouveau_Modern,heorhiy-narbut_illustration-to-the-crane-and-heron-bear-1906-3 +religious_painting,Baroque,diego-velazquez_adoration-of-the-kings-1619 +portrait,Art_Nouveau_Modern,aubrey-beardsley_hail-mary-pencil +landscape,Impressionism,lucian-grigorescu_balcic +abstract_painting,Color_Field_Painting,john-hoyland_15-10-67-1967 +landscape,Impressionism,eugene-boudin_women-on-the-beach-rough-seas-1870 +sketch_and_study,Baroque,rembrandt_sitting-syndic-jacob-van-loon +abstract_painting,Color_Field_Painting,karl-benjamin_black-gray-curves-with-purple-1960 +portrait,Ukiyo_e,utagawa-kuniyoshi_the-actor-11 +landscape,Impressionism,salvador-dali_llaner-beach-in-cadaques +genre_painting,Realism,john-lewis-krimmel_wordly-folk-questioning-chimney-sweeps-and-their-master-before-christ-church-in-philadelphia-1813 +genre_painting,Realism,thomas-eakins_mending-the-net-1882 +portrait,Early_Renaissance,piero-della-francesca_portrait-of-a-boy +religious_painting,Early_Renaissance,sandro-botticelli_lamentation-over-the-dead-christ-1490(1) +genre_painting,Ukiyo_e,utagawa-kuniyoshi_osho-catching-a-carp +portrait,Romanticism,arthur-hughes_lucy-hill +genre_painting,Pointillism,georges-seurat_chahut-1890 +portrait,Impressionism,berthe-morisot_young-girl-with-cat-1892 +portrait,Post_Impressionism,henri-de-toulouse-lautrec_the-redhead-with-a-white-blouse-1888 +portrait,Expressionism,martiros-saryan_portrait-of-victoria-alabyan-1931 +genre_painting,Northern_Renaissance,pieter-bruegel-the-elder_children-s-games-1560 +sketch_and_study,Northern_Renaissance,albrecht-durer_study-of-drapery-1521 +landscape,Post_Impressionism,salvador-dali_the-patio-of-port-lligat +portrait,Romanticism,konstantin-makovsky_portrait-13 +landscape,Realism,camille-corot_a-road-in-the-countryside-near-lake-leman-1855 +landscape,Naive_Art_Primitivism,horace-pippin_cabin-in-the-cotton-iii-1944 +genre_painting,Post_Impressionism,pablo-picasso_embrace-1900 +genre_painting,Realism,volodymyr-orlovsky_reaping-hiok +still_life,Synthetic_Cubism,gino-severini_still-life-with-marsala-bottle-1917 +landscape,Expressionism,edvard-munch_red-creeper-1900 +landscape,Symbolism,nicholas-roerich_himalayas-15 +sketch_and_study,Northern_Renaissance,albrecht-durer_standing-apostle-1508 +portrait,Mannerism_Late_Renaissance,titian_portrait-of-fabrizio-salvaresio-1558 +portrait,Romanticism,francesco-hayez_portrait-of-matilde-juva-branca-1851 +landscape,Impressionism,thalia-flora-karavia_cypress-house +landscape,Symbolism,nicholas-roerich_lahaul-1932-1 +portrait,Realism,helene-schjerfbeck_portrait-of-a-girl-1886 +abstract_painting,Abstract_Expressionism,atsuko-tanaka_77r-84-1984 +portrait,Expressionism,amedeo-modigliani_beatrice-hastings-seated-1915 +abstract_painting,Color_Field_Painting,clyfford-still_ph-21-1962 +landscape,Post_Impressionism,vincent-van-gogh_field-with-poppies-1889(1) +landscape,Impressionism,eugene-boudin_the-rocks-at-saint-vaast-la-hougue-1892 +portrait,Impressionism,camille-pissarro_jeanne-reading-1899 +portrait,Expressionism,spyros-papaloukas_boy-wearing-suspenders-1925 +portrait,Impressionism,mary-cassatt_sara-with-her-dog-1901 +landscape,Realism,pyotr-konchalovsky_autumn-road-1953 +portrait,Impressionism,giovanni-boldini_the-pianist-a-rey-colaco +landscape,Rococo,jean-honore-fragonard_the-storm +landscape,Impressionism,konstantin-korovin_winter-1894 +portrait,Northern_Renaissance,lucas-cranach-the-elder_katharina-luther-1529 +cityscape,Post_Impressionism,panayiotis-tetsis_the-view-from-xenokratous-street-in-athens +landscape,Impressionism,alfred-sisley_alley-of-chestnut-trees +cityscape,Post_Impressionism,edouard-cortes_st-denis-4 +portrait,Baroque,anthony-van-dyck_portrait-of-marguerite-of-lorraine-duchess-of-orleans-1634 +portrait,Expressionism,chronis-botsoglou_assets-large-t-420-54038443 +religious_painting,Romanticism,gustave-dore_st-paulpreachingtothethessalonians +sketch_and_study,Realism,boris-kustodiev_etude-of-peasant-for-unpreserved-picture-from-church-1905 +illustration,Symbolism,william-blake_illustration-to-milton-s-paradise-lost-1807-6 +landscape,Impressionism,claude-monet_the-wheat-field +genre_painting,Impressionism,edgar-degas_dancer-2 +genre_painting,Ukiyo_e,katsushika-hokusai_kuwana-4 +portrait,Realism,edouard-manet_young-man-in-the-costume-of-a-majo-1863 +landscape,Impressionism,alfred-sisley_normandy-the-water-path-in-the-evening-at-sahurs-1894 +genre_painting,Impressionism,panayiotis-tetsis_market +sketch_and_study,Symbolism,kuzma-petrov-vodkin_female-model-1910 +landscape,Rococo,thomas-gainsborough_figures-with-cattle-in-a-landscape +landscape,Realism,konstantin-bogaevsky_birch-grove +abstract_painting,Color_Field_Painting,morris-louis_third-element-1961 +landscape,Impressionism,medi-wechsler-dinu_untitled-balchik +abstract_painting,Expressionism,ion-pacea_composition-en-rouge +landscape,Romanticism,william-turner_totnes-in-the-river-dart +landscape,Impressionism,guy-rose_late-afternoon-giverny-1910 +landscape,Impressionism,edgar-degas_rue-quesnoy-saint-valery-sur-somme +portrait,Realism,vasily-perov_bent-figure-of-a-woman +genre_painting,Symbolism,kuzma-petrov-vodkin_coast-1908 +portrait,Impressionism,pierre-auguste-renoir_christine-lerolle-1897 +portrait,Northern_Renaissance,albrecht-durer_one-of-the-wise-virgins +genre_painting,Impressionism,john-singer-sargent_a-siesta-1907 +landscape,Symbolism,nicholas-roerich_strongholds-of-tibet-study-1932 +landscape,Contemporary_Realism,richard-whitney_burst-of-autumn +landscape,Impressionism,guy-rose_carmel-coast-1919 +portrait,Romanticism,konstantin-makovsky_portrait-21 +portrait,Expressionism,lucian-freud_man-in-a-sports-shirt-1982 +landscape,Impressionism,childe-hassam_late-afternoon-aka-sunset +abstract_painting,Abstract_Expressionism,paul-jenkins_not_detected_235690 +portrait,Post_Impressionism,istvan-ilosvai-varga_zsuzsanna-with-cactus-1959 +landscape,New_Realism,edward-hopper_first-branch-of-the-white-river-vermont +landscape,Impressionism,isaac-levitan_landscape-with-a-convent +portrait,Impressionism,willard-metcalf_self-portrait +landscape,Impressionism,robert-julian-onderdonk_springtime-1901 +portrait,Mannerism_Late_Renaissance,paolo-veronese_iseppo-and-adriano-da-porto +sketch_and_study,High_Renaissance,titian_studies-of-saint-sebastian-1520 +landscape,Realism,ivan-shishkin_rye-1892 +sketch_and_study,Naive_Art_Primitivism,fernand-leger_characters-in-the-truck +religious_painting,Baroque,rembrandt_madonna-and-child-in-the-clouds-1641 +landscape,Pointillism,paul-signac_cap-d-antibes-1919 +nude_painting,Expressionism,lucian-freud_naked-girl-with-egg-1981 +religious_painting,Art_Nouveau_Modern,jacek-malczewski_christ-and-samaritan-woman +portrait,Ukiyo_e,keisai-eisen_miya-yashio-of-the-giya-1823(1) +portrait,Expressionism,amedeo-modigliani_woman-with-a-fan-lunia-czechowska-1919 +landscape,Impressionism,alfred-sisley_lady-s-cove-1897-1 +portrait,Baroque,frans-hals_marriage-portrait-of-isaac-massa-and-beatrix-van-der-laen +abstract_painting,Color_Field_Painting,ad-reinhardt_abstract-painting-1961 +landscape,Impressionism,robert-julian-onderdonk_snow-scene-1916 +portrait,Impressionism,william-merritt-chase_my-daughter-dorothy +portrait,Realism,basuki-abdullah_an-indonesian-beauty +genre_painting,Expressionism,gerard-sekoto_dancing-senegalese-figures-1967 +nude_painting,Impressionism,lovis-corinth_italian-woman-in-a-yellow-chair-1912 +still_life,Expressionism,jose-gutierrez-solana_fish-and-crab +cityscape,Impressionism,vasily-polenov_venice-pipes +genre_painting,Impressionism,pierre-auguste-renoir_boating-at-argenteuil-1873 +religious_painting,Baroque,rembrandt_christ-on-the-cross-1631 +landscape,Impressionism,gregoire-boonzaier_farmhouse-with-bare-oaks-1942 +portrait,Northern_Renaissance,albrecht-durer_portrait-of-elsbeth-tucher-1499 +landscape,Realism,isaac-levitan_plyos +genre_painting,Art_Nouveau_Modern,sergey-solomko_pledge-of-love +landscape,Impressionism,henri-matisse_landscape-of-corsica +illustration,Art_Nouveau_Modern,raphael-kirchner_grace-darling-hearst-s-sunday-american-1917 +cityscape,Post_Impressionism,paul-cezanne_gardanne-1886 +portrait,Impressionism,mary-cassatt_portrait-of-alexander-j-cassat-and-his-son-robert-kelso-cassatt-1885 +portrait,Northern_Renaissance,hans-memling_portrait-of-a-young-woman-1480 +landscape,Realism,camille-pissarro_landscape-with-figures-by-a-river +still_life,Post_Impressionism,meijer-de-haan_nature-morte-pichet-et-oignons-1890 +religious_painting,Expressionism,kathe-kollwitz_not_detected_235990 +cityscape,Realism,pyotr-konchalovsky_spring-view-from-the-window-on-konyushkovskaya-1944 +portrait,Baroque,anthony-van-dyck_queen-henrietta-maria +sketch_and_study,Realism,camille-pissarro_study-for-the-banks-of-marne-in-winter-1866 +landscape,Realism,mykola-yaroshenko_sat-mount-mount-elbrus-1884 +portrait,Post_Impressionism,wassily-kandinsky_gabriele-munter-painting-1903 +cityscape,Post_Impressionism,edouard-cortes_the-place-de-la-republique-paris +genre_painting,Baroque,francisco-de-zurbaran_funeral +nude_painting,Impressionism,edgar-degas_after-bathing-woman-drying-herself +religious_painting,Northern_Renaissance,hans-memling_view-of-the-last-judgement-with-its-panels-closed-depicting-the-donors-angelo-di-jacopo-tani-1473 +landscape,Impressionism,camille-pissarro_the-diligence-1877 +landscape,Realism,vincent-van-gogh_avenue-of-poplars-1884(1) +portrait,Realism,john-singer-sargent_miss-ellen-terry-as-lady-macbeth-1889 +landscape,Art_Nouveau_Modern,nicholas-roerich_vilno-ruins-of-castle-1903 +landscape,Abstract_Expressionism,jimmy-ernst_sea-of-grass-1982 +portrait,Rococo,benjamin-west_general-thaddeus-kosciusko-1797 +portrait,Impressionism,pierre-auguste-renoir_head-of-a-young-woman-yellow-hat-1894 +cityscape,Realism,vasily-sadovnikov_view-of-palace-square-and-winter-palace-in-st-petersburg +abstract_painting,Abstract_Expressionism,ronnie-landfield_for-sara-teasdale-1992 +sketch_and_study,Realism,vasily-surikov_thoughtful-teenager-1885 +religious_painting,Northern_Renaissance,lucas-cranach-the-elder_the-martyrdom-of-st-catherine-1506 +still_life,Post_Impressionism,kazuo-nakamura_three-plants +landscape,Expressionism,spyros-papaloukas_landscape-2 +abstract_painting,Color_Field_Painting,olivier-debre_red-xian-1990 +sketch_and_study,Realism,vincent-van-gogh_three-people-sharing-a-meal-1885 +portrait,Impressionism,pierre-auguste-renoir_madame-marie-octavie-bernier-1871 +still_life,Cubism,leopold-survage_homme-dans-la-ville-1917 +landscape,Realism,pyotr-konchalovsky_twilight-apples-1930 +abstract_painting,Color_Field_Painting,morris-louis_gamma-omicron-1960 +nude_painting,Art_Nouveau_Modern,raphael-kirchner_premiere-veil +genre_painting,Romanticism,francisco-goya_procession-of-monks +religious_painting,High_Renaissance,michelangelo_madonna-child-and-st-john-the-baptist +abstract_painting,Color_Field_Painting,olivier-debre_nauplie +genre_painting,Expressionism,jose-gutierrez-solana_the-fallen +landscape,Expressionism,martiros-saryan_yerevan-1923 +landscape,Art_Nouveau_Modern,wilhelm-kotarbinski_arcadia +portrait,Romanticism,konstantin-makovsky_girl-with-a-yoke +landscape,Symbolism,ferdinand-hodler_niesen-1910 +portrait,Rococo,dmitry-levitzky_portrait-of-maria-palovna-narychkina-1773 +genre_painting,Impressionism,edgar-degas_dancer-posing-1878 +still_life,Impressionism,edmund-charles-tarbell_still-life-with-oriental-statue +genre_painting,Expressionism,frantisek-kupka_women-in-the-tavern +landscape,Impressionism,maxime-maufra_the-old-bridge-in-barbin-1884 +abstract_painting,Abstract_Expressionism,sam-francis_untitled-sf-357 +genre_painting,Ukiyo_e,katsushika-hokusai_senju-in-the-musachi-provimce +nude_painting,Expressionism,pablo-picasso_lying-naked-woman-1955 +religious_painting,Baroque,eustache-le-sueur_st-gervase-and-st-protase-brought-before-anastasius +portrait,Impressionism,pierre-auguste-renoir_head-of-a-little-girl-in-profile-1901 +genre_painting,Impressionism,edouard-manet_the-horsewoman-1875 +cityscape,Post_Impressionism,edouard-cortes_flower-market-at-la-madeleine +sketch_and_study,Northern_Renaissance,hieronymus-bosch_studies +nude_painting,Expressionism,ernst-ludwig-kirchner_nudes-in-a-meadow +genre_painting,Realism,winslow-homer_two-girls-on-the-beach-tynemouth-1891 +portrait,Expressionism,george-bouzianis_portrait-of-a-man +religious_painting,Mannerism_Late_Renaissance,correggio_the-assumption-of-the-virgin-detail-1530-2(3) +landscape,Romanticism,john-crome_mousehold-heath +genre_painting,Impressionism,pierre-auguste-renoir_young-girl-seated-in-a-meadow-1916 +sketch_and_study,Post_Impressionism,suzanne-valadon_female-nude-washing-herself +illustration,Romanticism,gustave-dore_ugolino(1) +religious_painting,Rococo,benjamin-west_the-angel-of-the-lord-announcing-the-resurrection-1805 +cityscape,Impressionism,john-singer-sargent_san-vigilio-lake-garda-1913 +cityscape,Realism,nikolay-bogdanov-belsky_pechersky-monastery +religious_painting,Romanticism,gustave-dore_esther-before-the-king +abstract_painting,Color_Field_Painting,william-scott_painting-1959 +religious_painting,Romanticism,william-turner_the-fifth-plague-of-egypt +landscape,Realism,isaac-levitan_autumn-1895 +portrait,Realism,john-singer-sargent_mrs-william-playfair-1887 +still_life,Pop_Art,roy-lichtenstein_cape-cod-still-life-1972(1) +portrait,Romanticism,caspar-david-friedrich_basel +abstract_painting,Abstract_Expressionism,jackson-pollock_the-key(1) +still_life,Baroque,osias-beert_oysters-and-glasses +portrait,Realism,ilya-repin_portrait-of-savva-mamontov-1880 +landscape,Impressionism,william-merritt-chase_gravesend-bay-aka-the-lower-bay +landscape,Romanticism,thomas-cole_the-course-of-empire-desolation-1836 +landscape,Impressionism,winston-churchill_view-of-eze-in-the-alpes-maritimes +portrait,Mannerism_Late_Renaissance,titian_emperor-charles-1548 +landscape,Impressionism,alfred-sisley_flooded-field-1879 +illustration,Romanticism,gustave-dore_don-quixote-76 +nude_painting,Abstract_Expressionism,willem-de-kooning_two-woman-iv +genre_painting,Rococo,george-morland_a-visit-to-the-boarding-school-1788 +sketch_and_study,Romanticism,john-constable_selfportrait +genre_painting,Expressionism,kathe-kollwitz_not_detected_235989 +abstract_painting,Minimalism,david-batchelor_untitled-drawing-2006 +religious_painting,Baroque,guido-reni_assumption-1617 +still_life,Art_Nouveau_Modern,boris-kustodiev_blanket-1915 +sketch_and_study,Baroque,peter-paul-rubens_head-of-woman-2 +genre_painting,Ukiyo_e,kitagawa-utamaro_not_detected_233131 +abstract_painting,Color_Field_Painting,helen-frankenthaler_contentment-island-2004 +cityscape,Impressionism,john-singer-sargent_grand-canal-venice-1907 +landscape,Impressionism,emile-claus_the-caving-in-bank +landscape,Impressionism,claude-monet_bend-in-the-river-epte +religious_painting,Northern_Renaissance,hans-memling_st-stephen +abstract_painting,Abstract_Expressionism,raoul-ubac_le-champ-a-l-arbre-1964 +still_life,Realism,william-merritt-chase_still-life-with-vegetable +genre_painting,Post_Impressionism,paul-gauguin_breton-girls-dancing-1888 +portrait,Realism,ilya-repin_portrait-of-a-bocharova-artist-s-aunts-1859 +cityscape,Post_Impressionism,theo-van-rysselberghe_garden-with-villa-and-fountain-1924 +sketch_and_study,Post_Impressionism,paul-cezanne_almond-trees-in-provence-1900 +sketch_and_study,Realism,boris-kustodiev_generals-1926 +genre_painting,Impressionism,mary-cassatt_bathing-the-young-heir +landscape,Fauvism,janos-mattis-teutsch_landscape-with-hills-1916 +genre_painting,Expressionism,edvard-munch_bathing-man-1918 +abstract_painting,Color_Field_Painting,piero-dorazio_untitled-1990 +landscape,Impressionism,camille-pissarro_the-forest-1870 +still_life,Synthetic_Cubism,juan-gris_still-life-with-bottle-and-cigars-1912 +landscape,Contemporary_Realism,john-miller_tropical-beach +portrait,Romanticism,jan-matejko_casimir-jagiellonian +landscape,Realism,jean-francois-millet_puy-de-d-me +genre_painting,Impressionism,willard-metcalf_summer-at-hadlyme +portrait,Symbolism,gustave-moreau_sappho-1893 +genre_painting,Art_Nouveau_Modern,carl-larsson_the-yard-and-wash-house(1) +portrait,Impressionism,mary-cassatt_elsie-in-a-blue-chair-1880 +genre_painting,Baroque,esaias-van-de-velde_spring +sketch_and_study,Post_Impressionism,henri-de-toulouse-lautrec_woman-lying-on-her-back-both-arms-raised-1895 +landscape,Impressionism,childe-hassam_california +portrait,Symbolism,gustave-moreau_giotto +abstract_painting,Abstract_Expressionism,esteban-vicente_untitled-8-1997 +portrait,Rococo,joshua-reynolds_mrs-susanna-hoare-and-child-1764 +landscape,Impressionism,john-henry-twachtman_haystacksat-edge-of-woods +genre_painting,Art_Nouveau_Modern,boris-kustodiev_festive-gathering-1910 +cityscape,Naive_Art_Primitivism,louis-vivin_le-ch-teau-de-versailles +landscape,Realism,isaac-levitan_early-spring-1892 +cityscape,Impressionism,claude-monet_rouen-cathedral-study-of-the-portal +landscape,Impressionism,claude-monet_ice-floes-on-siene +abstract_painting,Abstract_Expressionism,perle-fine_line-and-color-interwoven-1950 +portrait,Expressionism,ernst-ludwig-kirchner_two-cocottes +abstract_painting,Color_Field_Painting,anne-appleby_jasmine-2000 +genre_painting,Post_Impressionism,raoul-dufy_treading-the-blue-sky-1949 +cityscape,Pop_Art,hiro-yamagata_vacance-1980 +illustration,Romanticism,gustave-dore_the-inferno-canto-12-1 +sketch_and_study,Northern_Renaissance,albrecht-durer_female-nude-1 +abstract_painting,Minimalism,ellsworth-kelly_diagonal-with-curve-ix-1979 +portrait,Romanticism,karl-bryullov_portrait-of-count-c-a-pozzo-di-borgo-1835-1(1) +landscape,Pointillism,henri-martin_my-house +cityscape,Art_Nouveau_Modern,boris-kustodiev_autumn-1918 +landscape,Post_Impressionism,nikola-tanev_red-house-karlovo-1932 +landscape,Impressionism,alfred-sisley_canal-du-loing-chemin-de-halage-1882 +genre_painting,Romanticism,william-holman-hunt_the-lantern-maker-s-courtship +portrait,Pointillism,salvador-dali_motherhood +religious_painting,Symbolism,salvador-dali_peccatum-originis-1967 +landscape,Symbolism,nicholas-roerich_everest-1938 +landscape,Impressionism,valentin-serov_sheds-1901 +portrait,Impressionism,pierre-auguste-renoir_woman-leaning-on-her-elbow-1918 +abstract_painting,Abstract_Expressionism,blinky-palermo_komposition-blau-rot-auf-weiss-1965 +portrait,Impressionism,pierre-auguste-renoir_portrait-of-a-child-1 +landscape,Impressionism,konstantin-korovin_crimea-gursuf-1917 +portrait,Rococo,joshua-reynolds_admiral-sir-edward-hughes +landscape,Naive_Art_Primitivism,maurice-prendergast_edge-of-the-park +sketch_and_study,Realism,boris-kustodiev_portrait-of-v-zamirailo-1919 +genre_painting,Post_Impressionism,henri-de-toulouse-lautrec_at-gennelle-absinthe-drinker-1886 +portrait,Realism,david-burliuk_portrait-of-marussia-burliuk-1956 +landscape,Realism,vincent-van-gogh_the-houses-on-schenkweg-where-van-gogh-lived-1882 +abstract_painting,Minimalism,edward-corbett_washington-d-c-january-1964-number-4-1964 +portrait,Pop_Art,billy-apple_the-man-in-the-hathaway-suit-1-4-1964 +nude_painting,Impressionism,pierre-auguste-renoir_a-seating-bather-1906 +genre_painting,Naive_Art_Primitivism,marc-chagall_bouquet-and-full-moon-1957 +genre_painting,Pop_Art,richard-hamilton_picasso-s-meninas-1973 +portrait,Romanticism,edward-burne-jones_fatima-1862 +cityscape,Impressionism,alfred-sisley_the-blocked-seine-at-port-marly-1876 +illustration,Art_Nouveau_Modern,aubrey-beardsley_how-sir-launcelot-was-known-by-dame-elaine-ii +abstract_painting,Color_Field_Painting,sam-francis_silvio-set-one-1963 +religious_painting,Baroque,guido-reni_the-archangel-michael-defeating-satan-1635 +abstract_painting,Color_Field_Painting,leon-berkowitz_i-thou-1985 +genre_painting,Art_Nouveau_Modern,nicholas-roerich_daning-horovod-1903 +religious_painting,High_Renaissance,andrea-mantegna_adoration-of-the-magi-1500 +religious_painting,Early_Renaissance,domenico-ghirlandaio_zacharias-writes-down-the-name-of-his-son +genre_painting,Impressionism,willard-metcalf_tea-on-the-porch +genre_painting,Realism,vincent-van-gogh_scheveningen-woman-knitting-1881 +portrait,Realism,vincent-van-gogh_orphan-man-holding-top-hat-in-his-hand-1882 +genre_painting,Cubism,tarsila-do-amaral_a-caipirinha +nude_painting,Cubism,m.c.-escher_seated-female-nude-i +landscape,Symbolism,nicholas-roerich_study-of-belukha-1926 +portrait,Rococo,joshua-reynolds_lady-jane-halliday +sketch_and_study,Realism,vincent-van-gogh_peasant-woman-pitching-wheat-or-hay-1885 +religious_painting,Northern_Renaissance,hieronymus-bosch_triptych-of-temptation-of-st-anthony-1506-1 +portrait,Expressionism,chaim-soutine_portrait-of-the-sculptor-oscar-miestchaninoff +abstract_painting,Minimalism,richard-tuttle_theme-with-yellow-and-green-for-a-vertical-wall-1990 +sketch_and_study,Post_Impressionism,vincent-van-gogh_pine-trees-seen-against-the-wall-of-the-asylum-1889-2 +nude_painting,Realism,robert-brackman_pastel +genre_painting,Art_Nouveau_Modern,raphael-kirchner_geisha-1 +genre_painting,Expressionism,max-pechstein_dialogue-1920 +genre_painting,Romanticism,domingos-sequeira_fam-lia-barros +sketch_and_study,Realism,camille-corot_clump-of-trees-at-civita-castellana-1826 +genre_painting,Impressionism,edgar-degas_three-dancers-before-exercise +religious_painting,Baroque,guido-reni_mary-magadalen +religious_painting,Symbolism,kazimir-malevich_veil-1908 +landscape,Impressionism,john-singer-sargent_landscape-with-rose-trellis-1886 +still_life,Expressionism,pyotr-konchalovsky_still-life-table-books-and-the-pipes-1929 +genre_painting,Art_Nouveau_Modern,eugã¨ne-grasset_tentation +genre_painting,Realism,vincent-van-gogh_funeral-in-the-snow-near-the-old-tower-1883(1) +genre_painting,Realism,jean-francois-millet_woman-carding-wool +portrait,Impressionism,william-merritt-chase_portrait-of-clara-stephens-wearing-a-hat-with-an-orange-ribbon +landscape,Impressionism,childe-hassam_poppies-isles-of-shoals-03 +abstract_painting,Cubism,fernand-leger_contrast-of-forms-1913 +portrait,Baroque,rembrandt_portrait-of-a-woman-wearing-a-gold-chain +landscape,Symbolism,georges-lacombeâ _rams-blacks-the-year +landscape,Symbolism,nicholas-roerich_three-jewels-1932 +genre_painting,Symbolism,mikhail-nesterov_thought-1900 +portrait,Realism,ilya-repin_portrait-of-professor-emeritus-of-the-imperial-military-academy-infantry-general-and-member-of-1903 +genre_painting,Ukiyo_e,keisai-eisen_kanbara-kaoyo-of-the-tamaya-from-the-series-a-t-kaid-board-game-of-courtesans-1823 +genre_painting,Romanticism,francisco-goya_three-men-digging-1819 +cityscape,Realism,boris-kustodiev_autumn-1918-1 +still_life,Cubism,vicente-manansala_still-life +genre_painting,Impressionism,pierre-auguste-renoir_dance-at-bougival-1883 +portrait,Early_Renaissance,antonello-da-messina_portrait-of-a-young-man-1478 +portrait,Northern_Renaissance,albrecht-durer_portrait-of-an-unknown-man-1520 +portrait,Mannerism_Late_Renaissance,agnolo-bronzino_portrait-of-a-sculptor +religious_painting,Mannerism_Late_Renaissance,el-greco_st-antony-of-padua +landscape,Realism,theodore-rousseau_the-board-of-bellecroix-1848 +landscape,Romanticism,camille-corot_the-roman-campagna-la-cervara +religious_painting,Northern_Renaissance,gerard-david_the-virgin-of-the-annunciation-1 +religious_painting,Early_Renaissance,carlo-crivelli_enthroned-madonna-1473 +landscape,Expressionism,marc-chagall_the-house-on-the-forest-edge-1914 +religious_painting,Early_Renaissance,carlo-crivelli_lamentation-over-the-dead-christ +illustration,Romanticism,gustave-dore_don-quixote-56 +cityscape,Impressionism,alfred-sisley_langland-bay-1872 +abstract_painting,Abstract_Expressionism,mostafa-dashti_untitled-2007(2) +abstract_painting,Abstract_Expressionism,brice-marden_study-for-the-virgins-1990 +portrait,Realism,ilya-repin_portrait-of-the-narratorb-of-the-folk-tales-v-tschegolionkov-1879 +illustration,Romanticism,gustave-dore_richard-i-the-lionheart-massacres-captives-in-reprisal-1877 +portrait,Expressionism,ligia-macovei_unknown-title-29 +portrait,Symbolism,leon-spilliaert_the-absinthe-drinker-1907 +portrait,Synthetic_Cubism,pablo-picasso_head-of-a-man-1 +portrait,Realism,john-singer-sargent_violet-sargent +still_life,Realism,henri-fantin-latour_two-peaches-and-two-plums-1899 +abstract_painting,Color_Field_Painting,maurice-esteve_arizovert-1972-1 +landscape,Realism,ivan-shishkin_forest-mounds-1888 +landscape,Realism,camille-corot_ville-d-avray-edge-of-the-woods-with-a-female-cowherd +landscape,Symbolism,nicholas-roerich_study-of-mountains +landscape,Post_Impressionism,vincent-van-gogh_enclosed-field-with-rising-sun-1889(1) +abstract_painting,Abstract_Expressionism,perle-fine_untitled-1951 +cityscape,Realism,vincent-van-gogh_fish-drying-barn-1882(1) +landscape,Post_Impressionism,emily-carr_gitwangak-queen-charlotte-islands-1912 +genre_painting,Expressionism,paul-klee_veil-dance-1920(1) +landscape,Post_Impressionism,paul-cezanne_sea-at-l-estaque-1885 +abstract_painting,Abstract_Expressionism,gerhard-richter_abstract-painting-no-809-3 +landscape,Impressionism,willard-metcalf_by-the-shore-walberswick +abstract_painting,Cubism,jacques-villon_man-sitting-1958 +genre_painting,Realism,vincent-van-gogh_man-with-winnow-1881 +sketch_and_study,High_Renaissance,michelangelo_study-for-a-holy-family-with-the-infant-st-john-1534 +landscape,Art_Nouveau_Modern,nicholas-roerich_idols +sketch_and_study,Romanticism,dante-gabriel-rossetti_elizabeth-siddall-plaiting-her-hair +landscape,Post_Impressionism,gustave-loiseau_quay-of-the-hotel-deville-in-paris +nude_painting,Pop_Art,evelyne-axell_auto-stop-1966 +landscape,Symbolism,franz-stuck_trout-pond-1890 +genre_painting,Romanticism,sir-lawrence-alma-tadema_a-roman-studio-1877 +religious_painting,Northern_Renaissance,jan-van-eyck_eve-from-the-right-wing-of-the-ghent-altarpiece-1429 +abstract_painting,Abstract_Expressionism,philip-guston_red-painting-1950 +landscape,Romanticism,caspar-david-friedrich_mountain-peak-with-drifting-clouds +sketch_and_study,Northern_Renaissance,hans-holbein-the-younger_portrait-of-jakob-meyer-zum-hasen-mayor-of-basel-1528 +genre_painting,Cubism,max-ernst_untitled-1913 +religious_painting,Early_Renaissance,sandro-botticelli_the-coronation-of-the-virgin-altarpiece-of-st-mark(1) +sketch_and_study,Post_Impressionism,vincent-van-gogh_woman-with-hat-half-length-1886 +sketch_and_study,Post_Impressionism,vincent-van-gogh_study-of-a-fruit-tree-1890 +landscape,Impressionism,alfred-sisley_the-route-to-mantes-1874 +landscape,Expressionism,jacoba-van-heemskerck_forest-track-1918 +landscape,Realism,vincent-van-gogh_autumn-landscape-1885(1) +genre_painting,Art_Nouveau_Modern,boris-kustodiev_in-the-living-room-in-moscow-in-1840-s-1912 +portrait,Realism,john-singer-sargent_the-marchioness-curzon-of-kedleston-1925 +religious_painting,Naive_Art_Primitivism,marc-chagall_aaron-in-front-of-the-golden-candlestick-with-seven-branches-executed-as-prescribed-by-lord +genre_painting,Baroque,jan-siberechts_pastoral-scene +sketch_and_study,Baroque,peter-paul-rubens_study-for-an-equestrian-portrait-of-the-duke-of-lerma-1603 +landscape,Impressionism,claude-monet_the-pointe-du-petit-ailly +nude_painting,Post_Impressionism,ilya-mashkov_russian-venus-1914 +portrait,Romanticism,francisco-goya_leocadia-1823 +abstract_painting,Abstract_Expressionism,brett-whiteley_listening-to-nature-1964 +landscape,Realism,fyodor-vasilyev_bay +portrait,Realism,john-collier_sir-george-biddell-airy-1801-1892-1883 +abstract_painting,Color_Field_Painting,mark-rothko_untitled-10 +nude_painting,Expressionism,chronis-botsoglou_untitled-1980 +portrait,Romanticism,david-wilkie_queen-victoria-detail-1840 +portrait,Synthetic_Cubism,juan-gris_the-bull-fighter-1913 +landscape,Symbolism,nicholas-roerich_border-of-tibet-tsaidam-1936 +landscape,Realism,ivan-shishkin_mast-tree-forest-1891 +abstract_painting,Color_Field_Painting,sam-francis_untitled-1965 +cityscape,Impressionism,konstantin-korovin_sebastopol-winter-1916 +portrait,Fauvism,walasse-ting_pink-and-orange-lady-with-flowers +portrait,High_Renaissance,titian_giorgio-cornaro-with-a-falcon-1537 +cityscape,Post_Impressionism,bela-czobel_view-of-a-street-at-hatvan-1937 +abstract_painting,Color_Field_Painting,sam-francis_untitled-1965(1) +illustration,Romanticism,n.c.-wyeth_tam-on-the-craig-face +landscape,Impressionism,camille-pissarro_the-siesin-the-fields-1893 +genre_painting,Impressionism,willard-metcalf_pottery-shop-at-tunis +still_life,Expressionism,max-beckmann_floral-still-life-with-mirror-1927 +nude_painting,Symbolism,franz-stuck_female-nude +genre_painting,Romanticism,sir-lawrence-alma-tadema_pottery-painting-1871 +religious_painting,Baroque,le-nain-brothers_saint-michael-dedicating-his-weapons-to-the-virgin +nude_painting,Impressionism,childe-hassam_nude-in-sunlilt-wood +landscape,Impressionism,periklis-vyzantios_acropolis-1955 +genre_painting,Post_Impressionism,paul-cezanne_three-bathers +portrait,Pop_Art,andy-warhol_mick-jagger-2 +sketch_and_study,Realism,vasily-polenov_right-hand-keeping-the-staff +religious_painting,Baroque,guido-reni_saint-paul-1634 +portrait,Symbolism,odilon-redon_joan-of-arc +genre_painting,Impressionism,eva-gonzales_secretly-1878 +landscape,Impressionism,t.-c.-steele_white-water-river-brookville +still_life,Fauvism,pyotr-konchalovsky_still-life-beer-and-roach-1912 +landscape,Post_Impressionism,gustave-loiseau_veslez-1906 +genre_painting,Realism,andrei-ryabushkin_in-the-village-girl-with-a-bucket +religious_painting,Art_Nouveau_Modern,nicholas-roerich_st-michael-arhistratig-1906 +religious_painting,Romanticism,viktor-vasnetsov_crucifixion-1902 +landscape,Post_Impressionism,paul-cezanne_the-great-pine-1889 +portrait,Realism,pyotr-konchalovsky_lermontov-1943 +landscape,Impressionism,guy-rose_monterey-cypress +religious_painting,Realism,william-adolphe-bouguereau_the-madonna-of-the-lilies-1899 +religious_painting,Northern_Renaissance,pieter-bruegel-the-elder_the-death-of-the-virgin +landscape,Impressionism,eugene-boudin_trouville-black-rocks +religious_painting,Northern_Renaissance,hans-memling_virgin-and-child-with-musician-angels +genre_painting,Impressionism,joaquã­n-sorolla_painters-on-the-beach +religious_painting,Baroque,bartolome-esteban-murillo_the-immaculate-conception-oil-on-canvas +still_life,Post_Impressionism,suzanne-valadon_still-life +portrait,Rococo,dmitry-levitzky_countess-maria-vorontsova +cityscape,Cubism,andrã©-lhote_l-atelier-sur-la-terrasse-de-mirmande-1957 +cityscape,Post_Impressionism,maurice-utrillo_winter-scene +genre_painting,Realism,nikolaos-gyzis_old-man-that-sew +religious_painting,Symbolism,nicholas-roerich_zarathustra-1931 +religious_painting,Mannerism_Late_Renaissance,tintoretto_the-miracle-of-the-loaves-and-fishes-1581 +cityscape,Romanticism,ivan-aivazovsky_venice-1842-1 +portrait,Realism,theo-van-rysselberghe_portrait-of-mr-camille-laurent-1884 +sketch_and_study,Realism,vincent-van-gogh_torso-of-venus-1887-1 +illustration,Romanticism,louis-janmot_po-me-de-l-me-3-l-ange-et-la-m-re +cityscape,Romanticism,richard-parkes-bonington_the-rialto-venice-1826 +portrait,Impressionism,frederic-remington_the-outlier-1909 +portrait,Realism,ilya-repin_portrait-of-the-artist-valentin-serov-1901 +portrait,Baroque,peter-paul-rubens_the-abbot-of-st-michael-s +abstract_painting,Minimalism,robert-ryman_untitled-from-seven-aquatints +portrait,Post_Impressionism,victor-borisov-musatov_lady-seated-with-a-tapestry-in-the-background-1903 +landscape,Post_Impressionism,maxime-maufra_the-coast-at-fort-penthievre-quiberon-peninsula +portrait,Romanticism,domingos-sequeira_manuel-in-cio-martins-pamplona-corte-real-count-of-subserra +abstract_painting,Cubism,kazimir-malevich_green-and-black-1913 +portrait,Rococo,maurice-quentin-de-la-tour_jean-nicolas-vernezobre +genre_painting,Expressionism,paula-modersohn-becker_elizabeth-with-hens-under-an-apple-tree-1902 +sketch_and_study,Art_Nouveau_Modern,nicholas-roerich_sorcerer-1905 +religious_painting,High_Renaissance,andrea-del-sarto_the-birth-of-the-virgin +portrait,Realism,gustave-courbet_the-village-girl-with-a-goatling-1860 +still_life,Cubism,eduardo-viana_k4-quadrado-azul-1916 +portrait,Impressionism,berthe-morisot_child-in-bed +religious_painting,Symbolism,james-tissot_the-daughter-of-herodias-dancing-1896 +genre_painting,Post_Impressionism,salvador-dali_fishermen-at-cadaques +illustration,Expressionism,carlos-saenz-de-tejada_attorneys-1950 +landscape,Northern_Renaissance,albrecht-durer_quarry-1 +religious_painting,Early_Renaissance,carlo-crivelli_apostles-1473-1 +genre_painting,Romanticism,polychronis-lembesis_a-young-girl-1910 +genre_painting,Impressionism,max-liebermann_sewing-school +portrait,Romanticism,theodore-gericault_alfred-dedreux-as-a-child +landscape,Impressionism,claude-monet_the-entrance-to-giverny-under-the-snow +genre_painting,Realism,boris-kustodiev_at-the-window-portrait-of-i-b-kustodieva-1910 +genre_painting,Ukiyo_e,katsushika-hokusai_fuji-from-the-platform-of-sasayedo +religious_painting,Realism,jacek-malczewski_our-lady +landscape,Impressionism,william-merritt-chase_shinnecock-landscape-2 +genre_painting,Post_Impressionism,serge-sudeikin_carousel-1910 +genre_painting,Symbolism,kuzma-petrov-vodkin_boys-game-boy-1911(1) +portrait,Expressionism,chronis-botsoglou_the-embalmer +landscape,Symbolism,nicholas-roerich_finnish-landscape-tulolansaari-island-1918 +still_life,Impressionism,gustave-caillebotte_three-partridges-on-a-table +landscape,Realism,vasily-polenov_the-river-valley-in-bulgaria-1883 +still_life,Realism,henri-fantin-latour_still-life-peach-and-grapes-1870 +religious_painting,Romanticism,gustave-dore_the-deluge +sketch_and_study,Realism,vincent-van-gogh_peasant-lifting-beet-1885 +religious_painting,Early_Renaissance,giovanni-bellini_st-jerome-in-the-desert +cityscape,Romanticism,william-turner_valley-of-the-brook-kedron +still_life,Impressionism,pierre-auguste-renoir_pitcher-1919 +illustration,Romanticism,gustave-dore_don-quixote-46 +landscape,Impressionism,robert-julian-onderdonk_bluebonnets-at-late-afternoon +portrait,Northern_Renaissance,lucas-cranach-the-elder_portrait-of-a-saxon-noblewoman-1534 +sketch_and_study,Romanticism,theodore-chasseriau_study-of-negro-1838 +genre_painting,Post_Impressionism,pierre-bonnard_young-woman-before-the-window-1898 +illustration,Expressionism,lynd-ward_not-detected-272493 +religious_painting,Northern_Renaissance,joachim-wtewael_martyrdom-of-st-sebastian-1600 +portrait,Realism,constantin-artachino_almond-bargainer +portrait,Baroque,frans-hals_sara-wolphaerts +nude_painting,Impressionism,theodor-pallady_odalisque +landscape,Post_Impressionism,vincent-van-gogh_the-rocks-with-oak-tree-1888 +portrait,Expressionism,george-bouzianis_portrait-1927(2) +genre_painting,Post_Impressionism,henri-rousseau_rendez-vous-in-the-forest-1886 +landscape,Post_Impressionism,moise-kisling_eucalyptus-and-palm-1935 +landscape,Impressionism,nicolae-vermont_summer-day-1895 +genre_painting,Cubism,fernand-leger_propellers-2nd-state-1918 +abstract_painting,Abstract_Expressionism,jay-defeo_untitled-shoetree-series-1977 +sketch_and_study,Romanticism,frederic-edwin-church_cotopaxi-seen-from-ambato-ecuador-1853 +landscape,Impressionism,claude-monet_orchard-in-bloom +landscape,Realism,camille-corot_the-facade-of-the-villa-d-este-at-tivoli-view-from-the-gardens-1843 +portrait,Expressionism,amedeo-modigliani_portrait-of-frank-burty-haviland-1914 +landscape,Romanticism,richard-parkes-bonington_a-boat-beached-in-a-port-at-low-tide-1825 +portrait,Impressionism,pierre-auguste-renoir_dedee-in-spanish-dress-1917 +landscape,Post_Impressionism,vincent-van-gogh_daubigny-s-garden-1890-2(1) +abstract_painting,Cubism,arshile-gorky_painting-1937 +landscape,Romanticism,john-constable_salisbury-cathedral-from-lower-marsh-close-1820 +sketch_and_study,Baroque,rembrandt_a-woman-with-a-little-child-on-her-lap +genre_painting,Impressionism,kazimir-malevich_three-women-on-the-road +cityscape,Romanticism,franz-richard-unterberger_motio-of-lake-garda +portrait,Baroque,cornelis-de-vos_portrait-of-a-dutch-master +landscape,Romanticism,caspar-david-friedrich_landscape-with-oak-trees-and-a-hunter +landscape,New_Realism,edward-hopper_coast-guard-station +portrait,Expressionism,esteban-vicente_portrait-of-his-sister-sagrario-1925 +landscape,Expressionism,john-marin_weehawken-sequence-1916 +genre_painting,Baroque,jan-steen_dancing-couple-detail-1663-10 +religious_painting,Art_Nouveau_Modern,nicholas-roerich_kneeling-warriors-study-of-murals-for-the-chapel-in-pskov-1914-1 +landscape,Realism,aleksey-savrasov_spring-village-view-1867 +landscape,Realism,arkhip-kuindzhi_seashore-1887 +cityscape,Impressionism,alfred-sisley_street-in-marly-1876 +genre_painting,Impressionism,childe-hassam_promenade-at-sunset-paris-1889 +religious_painting,Baroque,guido-reni_david-with-the-head-of-goliath-1606 +cityscape,Impressionism,antoine-blanchard_porte-st-martin-2 +abstract_painting,Abstract_Expressionism,dan-christensen_untitled-1967 +cityscape,Symbolism,mstislav-dobuzhinsky_the-district-court-1923 +landscape,Expressionism,horia-bernea_the-column-ii +genre_painting,Impressionism,childe-hassam_hackney-carriage-rue-bonaparte-also-known-as-fiacre-rue-bonaparte +genre_painting,Romanticism,david-wilkie_village-politicians +sketch_and_study,Naive_Art_Primitivism,marc-chagall_abraham-and-three-angels +portrait,Art_Nouveau_Modern,felix-vallotton_leo-tolstoy-1895 +portrait,Romanticism,orest-kiprensky_portrait-of-ivan-krylov-1816 +landscape,Post_Impressionism,pierre-bonnard_view-from-the-artist-s-studio-le-cannet-1945 +genre_painting,Post_Impressionism,le-pho_reading-in-the-garden +landscape,Romanticism,thomas-cole_river-in-the-catskills-1843 +genre_painting,Impressionism,william-merritt-chase_good-friends-1 +genre_painting,Impressionism,berthe-morisot_young-girls-at-the-window-1892 +genre_painting,Pointillism,camille-pissarro_picking-peas +landscape,Impressionism,julian-alden-weir_the-farmer-s-lawn +portrait,Baroque,peter-paul-rubens_helena-fourment-with-her-son-francis +landscape,Post_Impressionism,martiros-saryan_ararat-valley-1952 +genre_painting,Romanticism,george-stubbs_park-phaeton-with-a-pair-of-cream-pontes-in-charge-of-a-stable-lad-with-a-dog-1785 +abstract_painting,Color_Field_Painting,helen-frankenthaler_ponti-1973 +still_life,Realism,henri-fantin-latour_apples-and-grapes-1870 +religious_painting,Cubism,salvador-dali_microphysical-madonna +portrait,Realism,ilya-repin_burlak-1873 +portrait,Expressionism,henri-matisse_figure-in-scutari-carpet-1922(1) +landscape,Post_Impressionism,pierre-bonnard_landing-stage-1939 +genre_painting,Realism,vasily-vereshchagin_the-doors-of-tamerlane-1872 +abstract_painting,Action_painting,franz-kline_untitled +portrait,Symbolism,mikhail-nesterov_portrait-of-o-nesterova-the-artist-daughter +portrait,Realism,vasily-vereshchagin_burlak-with-the-cap-in-his-hand-1866 +landscape,Realism,ivan-shishkin_bee-families-1892 +nude_painting,Expressionism,amedeo-modigliani_large-seated-nude +sketch_and_study,Expressionism,egon-schiele_sleeping-child-1910 +genre_painting,Impressionism,eugene-boudin_trouville-the-beach-at-low-tide-1878 +cityscape,Impressionism,camille-pissarro_the-port-of-rouen-1883 +genre_painting,Ukiyo_e,kitagawa-utamaro_flower-patterned-cotton +cityscape,Impressionism,konstantin-korovin_paris-seine-1902 +genre_painting,Romanticism,francisco-goya_village-procession-1787 +genre_painting,Impressionism,nicolae-vermont_at-the-market-1912 +genre_painting,Realism,gustave-courbet_hunter-on-horseback-redcovering-the-trail-1864 +nude_painting,Post_Impressionism,nicolae-tonitza_back-nude-1934 +portrait,Post_Impressionism,anita-malfatti_uma-estudante-1916 +cityscape,Post_Impressionism,edouard-cortes_tuileries-garden +portrait,Art_Nouveau_Modern,felix-vallotton_portrait-of-jean-mor-as-1898 +genre_painting,Impressionism,nicolae-grigorescu_returning-from-the-fair +cityscape,Art_Nouveau_Modern,egon-schiele_stein-on-the-danube-seen-from-the-south-1913 +cityscape,Impressionism,claude-monet_saint-lazare-gare-normandy-train +portrait,Realism,john-singer-sargent_elizabeth-sprague-coolidge-1923 +sketch_and_study,Baroque,peter-paul-rubens_nicolas-rubens-1 +genre_painting,Post_Impressionism,paul-cezanne_bathers-1890 +portrait,Rococo,thomas-gainsborough_philip-james-de-loutherbourg-1778 +religious_painting,Mannerism_Late_Renaissance,paolo-veronese_the-holy-family-with-the-infant-st-john-the-baptist +abstract_painting,Color_Field_Painting,ron-gorchov_old-flame-1974 +religious_painting,Early_Renaissance,paolo-uccello_tobias-and-the-angel +religious_painting,Early_Renaissance,piero-della-francesca_st-augustine-and-st-michael(1) +abstract_painting,Color_Field_Painting,julio-pomar_odalisca-com-escrava-ii-segundo-ingres-1969 +nude_painting,Romanticism,theodore-gericault_naked-man-reversed-on-the-ground +portrait,Naive_Art_Primitivism,fred-yates_john +religious_painting,Early_Renaissance,filippo-lippi_annunciation-1469 +portrait,Expressionism,paul-delvaux_naked-at-dawn-1932 +landscape,Impressionism,camille-pissarro_gardens-at-kew-sunset-1892 +abstract_painting,Abstract_Expressionism,sam-gilliam_remembering-girls-ajar-2009 +landscape,Romanticism,paul-cezanne_landscape-1867-1 +religious_painting,High_Renaissance,raphael_st-michael-1505 +genre_painting,Realism,boris-kustodiev_japanese-doll-1908 +sketch_and_study,Impressionism,pierre-auguste-renoir_woman-in-the-garden-at-collettes-1919 +nude_painting,Expressionism,egon-schiele_standing-male-nude-with-a-red-loincloth-1914 +portrait,Romanticism,francisco-goya_portrait-of-don-francisco-de-borja-tellez-giron +still_life,Fauvism,ding-yanyong_vase-with-chung-kuel +religious_painting,Baroque,caravaggio_david-with-the-head-of-goliath-1610(1) +landscape,Post_Impressionism,kazuo-nakamura_reflection-1989 +portrait,Romanticism,alexander-shilov_rosemary-flowered-1980(4) +portrait,Realism,giovanni-boldini_diego-martielli-in-castiglioncello +genre_painting,Realism,julius-leblanc-stewart_a-toast-1896(1) +sketch_and_study,Symbolism,kuzma-petrov-vodkin_sitter-1913 +religious_painting,Early_Renaissance,piero-della-francesca_saint-mary-magdalen-1460(1) +genre_painting,Ukiyo_e,kitagawa-utamaro_a-geisha-in-her-lover-s-room-1 +landscape,Impressionism,alfred-sisley_willows-in-a-field-afternoon +portrait,Realism,ilya-repin_portrait-of-a-s-matveev-1881 +cityscape,Realism,boris-kustodiev_paris-at-night-1909 +portrait,Symbolism,gustave-moreau_sappho-on-the-rocks-1872 +genre_painting,Rococo,pietro-longhi_women-sewing +genre_painting,Baroque,rembrandt_the-monk-in-the-cornfield-1646 +portrait,Impressionism,edouard-manet_portrait-of-george-moore-1879 +portrait,Romanticism,francisco-goya_don-ramon-satue-1823 +abstract_painting,Abstract_Expressionism,robert-goodnough_untitled-1951 +genre_painting,Romanticism,alphonse-mucha_the-coronation-of-the-serbian-tsar-stepan-dusan-as-east-roman-emperor-1926 +abstract_painting,Abstract_Expressionism,mark-tobey_untitled-1957 +landscape,Realism,camille-pissarro_mountain-landscape-at-saint-thomas-antilles-unfinished +portrait,Impressionism,john-singer-sargent_madame-roger-jourdain +cityscape,Impressionism,antoine-blanchard_porte-st-denis-9 +portrait,Baroque,rembrandt_portrait-of-a-man-in-military-costume-1650 +abstract_painting,Minimalism,robert-mangold_untitled-from-skowhegan-suite-1992 +genre_painting,Symbolism,jacek-malczewski_poisoned-well +still_life,Impressionism,pieter-wenning_still-life-1 +portrait,Art_Nouveau_Modern,raphael-kirchner_unknown +abstract_painting,Color_Field_Painting,dan-christensen_mo-blues-1991 +portrait,Realism,john-singer-sargent_katherine-lewis-1906 +portrait,Baroque,aleksey-antropov_portrait-of-grand-duchess-catherine-alekseevna-future-empress-catherine-ii-the-great-1770 +portrait,Northern_Renaissance,lucas-cranach-the-elder_johann-friedrich-von-sachsen-1532-1 +portrait,Expressionism,zinaida-serebriakova_portrait-of-a-man-1932 +genre_painting,Impressionism,childe-hassam_connecticut-hunting-scene +portrait,Romanticism,francisco-goya_juan-bautista-de-muguiro-1827 +cityscape,Impressionism,nutzi-acontz_old-street-in-pont-aven +portrait,Expressionism,lucian-freud_the-painter-s-mother-resting-i-1976 +portrait,Realism,boris-kustodiev_portrait-of-the-opera-singer-feodor-ivanovich-chaliapin-1921 +sketch_and_study,Post_Impressionism,henri-matisse_still-life-with-two-vases-1940 +portrait,Expressionism,amedeo-modigliani_portrait-of-elena-pavlowski-1917 +genre_painting,Baroque,bartolome-esteban-murillo_child-sitting +abstract_painting,Color_Field_Painting,basil-beattie_reds-1973 +nude_painting,Expressionism,lucian-freud_naked-woman-on-a-sofa-1985 +genre_painting,Realism,constantin-guys_the-croatian-potentate-narguile +landscape,Contemporary_Realism,jamie-wyeth_tin-woodsman-1968 +illustration,Art_Nouveau_Modern,kay-nielsen_the-nightingale +nude_painting,Impressionism,mary-cassatt_the-coiffure-study-1891 +landscape,Impressionism,camille-pissarro_berneval-meadows-morning-1900 +religious_painting,High_Renaissance,raphael_the-virgin-and-child-with-saint-john-the-baptist-1507 +landscape,Realism,isaac-levitan_in-the-forest-at-autumn-1894 +sketch_and_study,Expressionism,pyotr-konchalovsky_sienna-the-urban-landscape-1912 +portrait,Impressionism,camille-pissarro_portrait-of-eugenie-estruc-1876 +nude_painting,Expressionism,henri-matisse_female-toilets-1907 +genre_painting,Naive_Art_Primitivism,edith-vonnegut_time-to-come-out +genre_painting,Realism,konstantin-makovsky_after-the-market +portrait,Realism,camille-corot_the-curious-little-girl-1860 +landscape,Impressionism,claude-monet_at-val-saint-nicolas-near-dieppe +genre_painting,Baroque,jan-steen_drunk-woman +portrait,Post_Impressionism,paul-cezanne_victor-chocquet-1882 +cityscape,Impressionism,claude-monet_geldersekade-of-amsterdam-invierno-1874 +portrait,Realism,vasily-surikov_cossack-dmitry-sokol-1893 +religious_painting,Baroque,rembrandt_simeon-with-the-christ-child-in-the-temple +landscape,Impressionism,camille-pissarro_sunset-bazincourt-steeple +genre_painting,Romanticism,john-william-waterhouse_its-sweet-doing-nothing-1879 +sketch_and_study,Post_Impressionism,vincent-van-gogh_joseph-roulin-sitting-in-a-cane-chair-three-quarter-length-1888 +portrait,Cubism,johannes-itten_der-bachs-nger-helge-lindberg-1916 +portrait,Pointillism,henri-martin_landscape-with-couple +still_life,Impressionism,pierre-auguste-renoir_peaches +portrait,Baroque,francisco-de-zurbaran_portrait-of-fra-zumel-francisco +portrait,High_Renaissance,raphael_tommaso-fedra-inghrami +portrait,Romanticism,theodore-gericault_a-man-1819 +landscape,Impressionism,pierre-auguste-renoir_cagnes-landscape-4 +portrait,Expressionism,helene-schjerfbeck_the-gipsy-woman-1919 +genre_painting,Romanticism,william-shayer_fisherfolk-sorting-the-catch-1837 +landscape,Impressionism,alfred-sisley_the-fields-1874 +portrait,Baroque,frans-hals_portrait-of-a-man-4 +nude_painting,Post_Impressionism,pablo-picasso_nude-woman-naked-face-and-nude-woman-profile-1906 +genre_painting,Romanticism,william-turner_kirby-londsale-churchyard +portrait,Realism,ilya-repin_portrait-of-l-p-steinheil-1895 +genre_painting,Impressionism,childe-hassam_scene-in-holland +portrait,Impressionism,berthe-morisot_julie-manet-with-a-straw-hat-1892 +genre_painting,New_Realism,john-french-sloan_fifth-avenue-new-york-1911 +cityscape,Impressionism,paul-gauguin_the-seine-opposite-the-wharf-de-passy-1875 +abstract_painting,Abstract_Expressionism,frank-bowling_37528-2008 +genre_painting,Romanticism,ferdinand-georg-waldmã¼ller_the-request-of-the-child-the-old-chest-1860 +portrait,Rococo,dmitry-levitzky_melgunov-alexei-petrovich-governor-general-yaroslavl-and-vologda +landscape,Romanticism,william-turner_the-passage-of-the-st-gothard +portrait,Expressionism,andre-derain_the-two-sisters-1913 +sketch_and_study,Post_Impressionism,vincent-van-gogh_orchard-in-blossom-with-two-figures-spring-1888 +illustration,Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-russian-fairy-story-feather-of-finist-falcon-6(1) +landscape,Realism,fyodor-vasilyev_the-thaw +religious_painting,Baroque,bartolome-esteban-murillo_the-holy-family +cityscape,Post_Impressionism,edouard-cortes_boulevard-de-la-madeleine-3 +genre_painting,Northern_Renaissance,albrecht-durer_soldiers +sketch_and_study,Expressionism,lucian-freud_annabel-1 +genre_painting,Romanticism,eliseu-visconti_the-charte +still_life,Post_Impressionism,pyotr-konchalovsky_chest-and-pottery-1919 +sketch_and_study,Symbolism,nicholas-roerich_monhigan-study-1922-26 +genre_painting,Impressionism,berthe-morisot_girl-gathering-cherries-1891 +religious_painting,Naive_Art_Primitivism,fernando-botero_adam-and-eve-adam +cityscape,Realism,vasily-polenov_bethlehem-1882 +sketch_and_study,High_Renaissance,raphael_nude-study +illustration,Art_Nouveau_Modern,thomas-theodor-heine_hunger-1900 +genre_painting,Expressionism,tsuguharu-foujita_friends +cityscape,Impressionism,frits-thaulow_riverside-view-of-abbeville +portrait,Expressionism,zinaida-serebriakova_portrait-of-a-young-fisherman-1934 +abstract_painting,Abstract_Expressionism,alice-baber_red-passage-1966 +portrait,Realism,vladimir-makovsky_a-deacon-1871 +nude_painting,Impressionism,pierre-auguste-renoir_the-large-bathers-1887 +still_life,Cubism,roger-de-la-fresnaye_still-life-tin-of-tea-and-pot-of-tobacco-1913 +portrait,Romanticism,john-atkinson-grimshaw_portrait-of-the-artist-s-wife-theodosia-as-ophelia-1863 +landscape,Post_Impressionism,stanley-pinker_ons-land-1957 +landscape,Realism,david-burliuk_countryside-at-summer-1946 +landscape,Impressionism,konstantin-korovin_gurzuf-1915 +abstract_painting,Action_painting,franz-kline_horizontal-rust-1960 +abstract_painting,Minimalism,brice-marden_return-i-1965 +portrait,Northern_Renaissance,jan-van-eyck_isabella-borluut-panel-from-the-ghent-altarpiece-1432 +sketch_and_study,Realism,felix-vallotton_reclining-female-nude +abstract_painting,Minimalism,alighiero-boetti_dieciundicidodici-1980 +genre_painting,Expressionism,ernst-ludwig-kirchner_female-dancer +portrait,Realism,thomas-eakins_portrait-of-mary-adeline-williams +landscape,Realism,pyotr-konchalovsky_the-river-leafless-trees-1938 +landscape,Impressionism,max-liebermann_dune-near-nordwijk-with-child-1906 +still_life,Romanticism,adolphe-joseph-thomas-monticelli_still-life-with-white-pitcher +landscape,Realism,camille-corot_the-road-at-the-river-bank +landscape,Expressionism,paul-klee_tropical-twilight-1921(1) +portrait,Baroque,diego-velazquez_the-infanta-maria-theresa-daughter-of-philip-iv-of-spain-1654 +portrait,Expressionism,pablo-picasso_portrait-of-pierre-auguste-renoir-1919 +landscape,Post_Impressionism,pyotr-konchalovsky_mounds-the-park-1948 +landscape,Impressionism,paul-gauguin_stabble-near-dieppe-1885 +landscape,Rococo,thomas-gainsborough_an-extensive-landscape-with-cattle-and-a-drover +landscape,Symbolism,nicholas-roerich_lahaul-kardang-1932 +genre_painting,Baroque,rembrandt_the-pancake-woman-1635 +portrait,Baroque,rembrandt_old-man-sleeping-1629 +religious_painting,Northern_Renaissance,dirk-bouts_passion-altarpiece-central-panel +abstract_painting,Color_Field_Painting,gene-davis_circus-1979 +religious_painting,Naive_Art_Primitivism,marc-chagall_josue-and-the-stone-of-sichem +landscape,Cubism,natalia-goncharova_forest-red-green-1914 +genre_painting,Impressionism,max-liebermann_the-artist-s-granddaughter-at-the-table-1923 +illustration,Symbolism,harry-clarke_tales-of-mystery-and-imagination-by-edgar-allan-poe-1923-20 +portrait,Contemporary_Realism,chuck-close_phil-1976 +landscape,Realism,ivan-shishkin_forest-glade-1889 +portrait,Impressionism,mary-cassatt_the-cup-of-tea-1879 +portrait,Impressionism,julian-alden-weir_little-lizie-lynch +portrait,Rococo,joshua-reynolds_lady-cornewall +genre_painting,Impressionism,pierre-auguste-renoir_mussel-fisherman-1879 +cityscape,Impressionism,childe-hassam_lower-fifth-avenue-1890 +cityscape,Impressionism,claude-monet_the-la-rue-bavolle-at-honfleur +sketch_and_study,Symbolism,mikhail-vrubel_head-of-angel-1887 +portrait,Realism,vasily-vereshchagin_bania-trader-bombay-1876 +genre_painting,Expressionism,ernst-ludwig-kirchner_street-scenes +genre_painting,Naive_Art_Primitivism,fernand-leger_manufacturers-with-aloe-1951 +abstract_painting,Abstract_Expressionism,jimmy-ernst_synapse-1950 +portrait,Symbolism,mikhail-nesterov_novice-with-a-cross +cityscape,Pop_Art,hiro-yamagata_not-detected-272394 +nude_painting,Naive_Art_Primitivism,tarsila-do-amaral_antropofagia-1929 +genre_painting,Art_Nouveau_Modern,eliseu-visconti_a-m-sica-1898 +abstract_painting,Color_Field_Painting,mark-rothko_number-24-untitled-1951 +genre_painting,Naive_Art_Primitivism,fred-yates_swimming-in-the-river +genre_painting,Naive_Art_Primitivism,david-burliuk_peasant-and-horse-1910 +genre_painting,Impressionism,john-singer-sargent_group-with-parasols +genre_painting,Art_Nouveau_Modern,sergey-solomko_idyll +portrait,Baroque,frans-hals_lesender-knabe +portrait,Expressionism,george-bouzianis_portrait-2 +illustration,Ukiyo_e,utagawa-kunisada_genji +religious_painting,Baroque,rembrandt_the-ascension-of-christ-1636 +cityscape,Impressionism,claude-monet_houses-of-parlilament-fog-effect +landscape,Art_Nouveau_Modern,lawren-harris_pic-island-lake-superior-1924 +portrait,Romanticism,nikolai-ge_leila-and-khaji-abrek +portrait,Romanticism,paul-cezanne_portrait-of-anthony-valabregue-1866 +landscape,Post_Impressionism,suzanne-valadon_view-from-my-window-in-genets-brittany-1922 +portrait,Rococo,thomas-gainsborough_portrait-of-the-jonathan-buttall-1770 +nude_painting,Expressionism,ernst-ludwig-kirchner_nude-woman-combing-her-hair-1913 +religious_painting,Northern_Renaissance,joachim-wtewael_adoration-of-the-shepherds-detail +religious_painting,Romanticism,taras-shevchenko_holy-family-1858 +cityscape,Impressionism,eugene-boudin_street-antibes-1893 +portrait,Realism,thomas-eakins_portrait-of-florence-einstein-1905 +religious_painting,High_Renaissance,andrea-del-sarto_madonna-and-child-with-st-john-the-baptist-1 +abstract_painting,Abstract_Expressionism,alice-baber_wheel-of-day-1971 +genre_painting,Realism,nikolai-ge_boys-at-the-beach-study +genre_painting,Realism,nikolaos-gyzis_peek-a-boo-1882(1) +cityscape,Impressionism,childe-hassam_gondoliers +genre_painting,Baroque,pieter-de-hooch_woman-weighing-gold-coins +portrait,Naive_Art_Primitivism,niko-pirosmani_portrait-of-ilya-zdanevich-1913 +landscape,Post_Impressionism,maxime-maufra_frost-at-morgat-1901 +portrait,Mannerism_Late_Renaissance,agnolo-bronzino_portrait-of-lorenzo-lenzi +genre_painting,Romanticism,ivan-aivazovsky_in-cairo-1881 +landscape,Impressionism,eugene-boudin_the-port-at-saint-vaast-la-houghe-1892 +religious_painting,Early_Renaissance,domenico-veneziano_st-john-the-baptist-and-st-francis-of-assisi +nude_painting,Expressionism,lucian-freud_naked-girl-1966 +genre_painting,Impressionism,lovis-corinth_the-artist-and-his-family-1909 +cityscape,Impressionism,claude-monet_canal-in-amsterdam +landscape,Realism,isaac-levitan_early-spring +religious_painting,Northern_Renaissance,albrecht-altdorfer_the-massacre-of-the-innocents +abstract_painting,Color_Field_Painting,theodoros-stamos_infinity-field-lefkada-series-1980 +religious_painting,Northern_Renaissance,hieronymus-bosch_haywain-1500-1 +genre_painting,Impressionism,childe-hassam_the-sonata +nude_painting,Impressionism,ilya-mashkov_gurzuf-1925 +sketch_and_study,Impressionism,joaquã­n-sorolla_ibiza-house-1919 +landscape,Impressionism,joaquã­n-sorolla_the-waterwheel-javea-1900 +landscape,Impressionism,gustave-caillebotte_boats-on-the-seine +sketch_and_study,Realism,vincent-van-gogh_vincent-s-boarding-house-in-hackford-road-brixton-london +landscape,Realism,fyodor-vasilyev_clouds-over-hills-study +religious_painting,High_Renaissance,luca-signorelli_the-birth-of-the-virgin +still_life,Post_Impressionism,ilya-mashkov_still-life-with-peaches-1939 +religious_painting,Realism,ilya-repin_christ +religious_painting,Northern_Renaissance,konrad-witz_st-christopher +religious_painting,Baroque,bartolome-esteban-murillo_jesus-among-doctors-1630 +landscape,Symbolism,nicholas-roerich_giants-of-lahaul-1931 +genre_painting,Impressionism,mary-cassatt_young-mother-and-two-children-1905 +landscape,Symbolism,mikalojus-ciurlionis_sorrow-i-1907 +religious_painting,High_Renaissance,raphael_st-sebastian-1502 +landscape,Post_Impressionism,martiros-saryan_anticipation-of-the-fall +landscape,Pointillism,camille-pissarro_frost-view-fom-bazincourt-1891 +abstract_painting,Minimalism,brice-marden_focus-ii-1980 +cityscape,Impressionism,t.-c.-steele_street-scene-with-carriage +portrait,Impressionism,irma-stern_arab-priest-1945 +cityscape,Post_Impressionism,pyotr-konchalovsky_novgorod-kremlin-detinets-1925 +abstract_painting,Abstract_Expressionism,betty-parsons_untitled(1) +abstract_painting,Color_Field_Painting,alma-woodsey-thomas_sky-light-1973 +cityscape,Impressionism,pierre-auguste-renoir_mount-vesuvius-in-the-morning-1881 +cityscape,Realism,m.c.-escher_not_detected_204714 +landscape,Realism,volodymyr-orlovsky_landscape-1882 +portrait,Expressionism,salvador-dali_portrait-of-my-cousin-ana-maria-domenech +abstract_painting,Color_Field_Painting,victor-pasmore_the-green-earth-1980 +still_life,Impressionism,gregoire-boonzaier_mixed-flowers-in-a-porcelain-vase +sketch_and_study,Ukiyo_e,katsushika-hokusai_manga-9 +still_life,Realism,ilya-mashkov_still-life-with-strawberries-cherry-and-blue-pitcher-1923 +landscape,Realism,homer-watson_horse-and-cart-with-cottage-under-stormy-sky +still_life,Impressionism,pierre-auguste-renoir_flowers-and-fruit-1889 +portrait,Mannerism_Late_Renaissance,el-greco_portrait-of-a-man +landscape,Impressionism,john-singer-sargent_jerusalem +abstract_painting,Abstract_Expressionism,forrest-bess_tab-tied-to-the-moon-film-1957 +nude_painting,Post_Impressionism,pyotr-konchalovsky_the-woman-on-the-bank-of-the-river-1922 +landscape,Romanticism,frederic-edwin-church_el-r-o-de-luz-the-river-of-light-1877 +portrait,Mannerism_Late_Renaissance,agnolo-bronzino_eleonora-da-toledo +religious_painting,Romanticism,orest-kiprensky_madonna-with-the-child-1809 +still_life,Fauvism,kazimir-malevich_still-life +religious_painting,Romanticism,gustave-dore_the-annunciation +cityscape,Post_Impressionism,edouard-cortes_bouquinistes +landscape,Realism,charles-francois-daubigny_sunset-lower-meudon-1869 +religious_painting,Symbolism,james-tissot_saul-meets-with-samuel-1900 +portrait,Realism,salvador-dali_they-were-there +sketch_and_study,Art_Nouveau_Modern,nicholas-roerich_berendey-s-sloboda-1912 +religious_painting,Art_Nouveau_Modern,wilhelm-kotarbinski_agony-in-the-garden +genre_painting,Realism,ivan-vladimirov_arresting-generals-during-the-revolution-in-february-1917 +nude_painting,Analytical_Cubism,pablo-picasso_seated-female-nude-1910 +religious_painting,Symbolism,odilon-redon_saint-george +landscape,Contemporary_Realism,john-miller_west-penwith-summer-landscape +landscape,Romanticism,ivan-aivazovsky_crimea-1852 +genre_painting,Realism,jean-francois-millet_hirtin-1864 +still_life,Impressionism,vanessa-bell_still-life-at-a-window-1922 +portrait,Rococo,william-hogarth_portrait-of-augusta-of-saxe-gotha +portrait,Expressionism,pablo-picasso_portrait-of-la-scala-master-of-ballet-1925 +nude_painting,Baroque,agostino-carracci_ovid-and-corine +portrait,Expressionism,amedeo-modigliani_girl-in-blue-1919 +genre_painting,Post_Impressionism,maurice-prendergast_grey-day +nude_painting,Expressionism,amedeo-modigliani_standing-nude-with-garden-background-1913 +portrait,Realism,vincent-van-gogh_orphan-man-with-top-hat-and-umbrella-under-his-arm-1882 +still_life,Realism,konstantin-korovin_still-life-1916-1 +portrait,Rococo,antoine-watteau_sylvia-portrait-of-jeanne-rose-guyonne-benozzi +genre_painting,Art_Nouveau_Modern,raphael-kirchner_maid-of-athens-1900-7 +landscape,Impressionism,alfred-sisley_riverbank-at-veneux-1881 +landscape,Post_Impressionism,tivadar-kosztka-csontvary_waterfall-at-jajce-1903 +sketch_and_study,Realism,vincent-van-gogh_potato-harvest-with-two-figures-1884 +cityscape,Expressionism,wassily-kandinsky_arab-town-1905 +cityscape,Expressionism,vasile-dobrian_crop-of-the-autumn-1969 +abstract_painting,Abstract_Expressionism,jean-paul-riopelle_leaves-iii-1967 +genre_painting,Realism,anders-zorn_wallpaper-factory-1884 +landscape,Realism,aleksey-savrasov_evening-1880 +portrait,Impressionism,mary-cassatt_lady-at-the-tea-table-1885 +religious_painting,Northern_Renaissance,albrecht-durer_head-of-the-twelve-year-old-christ +abstract_painting,Minimalism,brice-marden_green-study-1982 +portrait,Realism,nicolae-grigorescu_head-of-a-young-farmer +portrait,Art_Nouveau_Modern,ivan-milev_portrait-of-anna-kamenova-1924 +portrait,Realism,giovanni-boldini_portrait-of-a-lady-mrs-lionel-phillips-1903 +religious_painting,Naive_Art_Primitivism,marc-chagall_abraham-is-going-to-sacrifice-his-son-1931 +portrait,Romanticism,george-frederick-watts_portrait-of-william-morris-1870(2) +still_life,Fauvism,ronnie-landfield_pink-flower-painting-1973 +still_life,Realism,edouard-manet_still-life-with-melon-and-peaches-1866 +landscape,Realism,basuki-abdullah_flamboyant-in-the-village +nude_painting,Post_Impressionism,bertalan-por_longing-for-pure-love-1910 +portrait,Expressionism,nicolae-tonitza_mourner +portrait,Early_Renaissance,andrea-del-castagno_portrait-of-a-gentleman +sketch_and_study,Realism,salvador-dali_study-for-the-battle-of-tetuan-1 +portrait,Realism,william-merritt-chase_carmencita +genre_painting,Impressionism,claude-monet_woman-with-a-parasol-in-the-garden-in-argenteuil +still_life,Realism,vincent-van-gogh_still-life-with-clogs-and-pots-1884 +genre_painting,Baroque,gabriel-metsu_a-soldier-visiting-a-young-lady-1661 +illustration,Naive_Art_Primitivism,marc-chagall_the-procession +abstract_painting,Color_Field_Painting,frank-stella_bonne-bay-1971 +religious_painting,Romanticism,francisco-goya_saint-ambrose-1799 +landscape,Symbolism,nicholas-roerich_himalayas-nearly-sandahpu-1936 +landscape,Realism,pyotr-konchalovsky_apples-against-the-blue-sky-1930-1 +illustration,Art_Nouveau_Modern,kay-nielsen_the-princess-and-the-pea +landscape,Impressionism,gregoire-boonzaier_hougenhout-farm-1942 +landscape,Realism,james-mcneill-whistler_sketch-for-nocturne-in-blue-and-gold-valparaiso-bay +landscape,Post_Impressionism,paul-cezanne_mont-sainte-victoire-1898 +cityscape,Impressionism,eugene-boudin_dordrecht-the-great-church-from-the-canal +abstract_painting,Color_Field_Painting,mark-rothko_not_detected_242128 +genre_painting,Rococo,william-hogarth_the-gaols-committee-of-the-house-of-commons +genre_painting,Impressionism,alfred-stevens_elegant-on-the-boulevards +portrait,Baroque,sebastien-bourdon_bourgmestre-hollandais-1650 +cityscape,Expressionism,antonio-carneiro_rua-bret-1899 +portrait,Impressionism,konstantin-korovin_portrait-of-a-woman-1922 +landscape,Cubism,georges-braque_viaduct-at-estaque +portrait,Rococo,dmitry-levitzky_portrait-of-catherine-pavlovna +portrait,Impressionism,berthe-morisot_young-woman-in-a-hat-henriette-patte +religious_painting,Mannerism_Late_Renaissance,correggio_madonna-della-scodella-1530 +landscape,Baroque,esaias-van-de-velde_riding-on-the-road-next-to-a-farm +landscape,Art_Nouveau_Modern,frank-johnston_moose-pond-1918 +still_life,Impressionism,stefan-dimitrescu_still-life-with-ripe-fruits +landscape,Symbolism,nicholas-roerich_shekar-dzong-1933 +portrait,Expressionism,egon-schiele_portrait-of-johann-harms-1916 +landscape,Impressionism,laszlo-mednyanszky_at-the-iron-gate-1895 +still_life,Impressionism,gustave-caillebotte_peaches-apples-and-grapes-on-a-vine-leaf +landscape,Impressionism,john-henry-twachtman_in-the-garden +portrait,Northern_Renaissance,lucas-cranach-the-elder_anna-cuspinian +portrait,Realism,giovanni-boldini_donna-franca-florio-1921 +cityscape,Cubism,leopold-survage_la-ville-1911 +sketch_and_study,Realism,jean-francois-millet_wooded-hillside-near-vichy +sketch_and_study,Naive_Art_Primitivism,marc-chagall_the-sacrifice-of-isaac-2 +landscape,Impressionism,alfred-sisley_the-seine-at-saint-mammes-1888 +landscape,Impressionism,pierre-auguste-renoir_near-berneval-1898 +genre_painting,Impressionism,eugene-boudin_fishermen-s-wives-at-the-seaside-1872 +genre_painting,Baroque,gerrit-dou_old-woman-cutting-bread +landscape,Cubism,paul-cezanne_bibemus-quarry-1898-1 +landscape,Expressionism,roger-de-la-fresnaye_cows-in-a-meadow-1909 +portrait,Expressionism,henri-matisse_not-identified-20 +still_life,Realism,boris-kustodiev_shells-1918 +landscape,Romanticism,william-turner_prudhoe-castle-northumberland +landscape,Realism,aleksey-savrasov_spassky-backwater-on-the-volga-1893 +illustration,Romanticism,gustave-dore_sordello-and-virgil +portrait,Cubism,raoul-dufy_large-bather-1914 +portrait,Post_Impressionism,albert-marquet_the-artist-s-mother-1906 +genre_painting,Realism,ilya-repin_slavic-composers-1872 +portrait,Symbolism,kuzma-petrov-vodkin_garson-parisian-cafe-1924 +landscape,Romanticism,ivan-aivazovsky_darial-gorge-1862 +landscape,Impressionism,john-henry-twachtman_spring-landscape-also-known-as-spring-in-marin-county +portrait,Romanticism,dante-gabriel-rossetti_portrait-of-mrs-georgin-a-fernandez-1874 +landscape,Impressionism,childe-hassam_central-park +genre_painting,Post_Impressionism,henri-de-toulouse-lautrec_the-grand-tier-1897 +portrait,Art_Nouveau_Modern,michel-simonidy_sarah-bernhardt-in-teodora-bizan-ului-1903 +religious_painting,Early_Renaissance,benozzo-gozzoli_procession-of-the-magus-caspar-detail-1461-3 +portrait,Expressionism,kathe-kollwitz_not_detected_235969 +genre_painting,Romanticism,sir-lawrence-alma-tadema_a-family-group-1896 +genre_painting,Naive_Art_Primitivism,marc-chagall_the-circus-1964 +portrait,Post_Impressionism,henri-de-toulouse-lautrec_emile-davoust-1889 +portrait,Northern_Renaissance,albrecht-durer_willibald-pirckheimer-1524 +sketch_and_study,Art_Nouveau_Modern,sergey-solomko_sketch-of-the-costume +portrait,Symbolism,william-blake_study-of-a-classical-maiden +cityscape,Realism,vasily-vereshchagin_buddhist-temple-in-darjeeling-sikkim-1874 +genre_painting,Post_Impressionism,maurice-prendergast_central-park-1 +landscape,Impressionism,guy-rose_carmel-shore-1919 +portrait,Impressionism,mary-cassatt_study-for-augusta-reading-to-her-daughter +cityscape,Post_Impressionism,maurice-de-vlaminck_the-bridge +portrait,Impressionism,nicolae-grigorescu_portrait-of-alexandrina-filionescu +religious_painting,High_Renaissance,dosso-dossi_st-sebastian +genre_painting,Art_Nouveau_Modern,boris-kustodiev_show-booths-1917 +still_life,Expressionism,henri-matisse_still-life-with-a-pewter-jug-and-pink-statuette-1910 +religious_painting,Mannerism_Late_Renaissance,correggio_madonna-with-st-jerome-the-day +landscape,Expressionism,zinaida-serebriakova_swiss-landscape-near-geneva-1951 +portrait,Realism,ilya-repin_hunchback-study-1880 +nude_painting,Expressionism,henri-matisse_nude-2 +portrait,Romanticism,konstantin-makovsky_gipsy-2 +genre_painting,Romanticism,jan-matejko_sigmund-and-barbara +still_life,Post_Impressionism,ilya-mashkov_still-life-with-bananas +abstract_painting,Abstract_Expressionism,sam-gilliam_water-surface-1993 +genre_painting,Impressionism,rudolf-schweitzer-cumpana_la-sc-ldat-cu-caii-la-r-u-1923 +sketch_and_study,Expressionism,carlos-saenz-de-tejada_sketch-of-mural-decoration-for-the-institute-of-agronomic-research-madird-1949 +landscape,Realism,ivan-shishkin_edge-of-the-forest-1873 +landscape,Symbolism,nicholas-roerich_mountains-soshing-1924 +abstract_painting,Abstract_Expressionism,jay-defeo_untitled-1979 +religious_painting,Symbolism,salvador-dali_seduxisti-me-domine-1967 +nude_painting,Symbolism,salvador-dali_double-sided-verso-studio-scene +religious_painting,Realism,nikolai-ge_christ-and-his-disciples-entered-the-garden-of-gethsemane +cityscape,Impressionism,konstantin-korovin_paris-venice-street-1927 +landscape,Post_Impressionism,vincent-van-gogh_red-vineyards-at-arles-1888 +portrait,Pop_Art,claudio-tozzi_astronautas-1969 +cityscape,Impressionism,alfred-sisley_church-of-moret-1893-1 +landscape,Impressionism,claude-monet_cap-martin-2 +cityscape,Post_Impressionism,gustave-loiseau_the-road-to-dieppe +nude_painting,Contemporary_Realism,eric-fischl_the-start-of-a-fairy-tale +cityscape,Impressionism,joaquã­n-sorolla_retirement-madrid +landscape,Pointillism,samuel-mutzner_peisaj-din-giverny +landscape,Impressionism,willard-metcalf_the-landing-place +landscape,Romanticism,camille-corot_landscape-with-a-lake-1873 +cityscape,Impressionism,william-james-glackens_portsmouth-harbor-new-hampshire-1909 +abstract_painting,Minimalism,jean-degottex_media-vii +genre_painting,Impressionism,mary-cassatt_mother-holding-her-baby +nude_painting,Contemporary_Realism,eric-fischl_krefeld-project-bathroom-scene-2 +portrait,Ukiyo_e,kitagawa-utamaro_large-head-and-bust-portrait-of-beauty-1797 +landscape,Expressionism,ernst-ludwig-kirchner_landscape-in-the-spring +portrait,Impressionism,pierre-auguste-renoir_portrait-of-a-woman-1877 +abstract_painting,Abstract_Expressionism,brice-marden_epitaph-painting-5-2001 +religious_painting,High_Renaissance,lorenzo-lotto_angel-collecting-blood-from-the-wounds-of-christ-1543 +portrait,Rococo,vladimir-borovikovsky_portrait-of-ekaterina-aleksandrovna-novosiltseva +sketch_and_study,Post_Impressionism,vincent-van-gogh_woman-near-a-window-twice-man-with-winnow-sower-and-woman-with-broom +illustration,Symbolism,mstislav-dobuzhinsky_white-nights-1922-1(1) +portrait,Art_Nouveau_Modern,wilhelm-kotarbinski_roman-beauty-with-doves +portrait,Mannerism_Late_Renaissance,tintoretto_portrait-of-a-doge +portrait,Realism,boris-kustodiev_portrait-of-n-i-zelenskaya-1912 +abstract_painting,Color_Field_Painting,friedel-dzubas_antigua-1971 +genre_painting,Ukiyo_e,hiroshige_the-miya-station +illustration,Romanticism,gustave-dore_pluto-and-virgil(1) +genre_painting,Impressionism,william-merritt-chase_wash-day-a-back-yard-reminiscence-of-brooklyn +landscape,Impressionism,alfred-sisley_confluence-of-the-seine-and-the-loing-1885 +landscape,Realism,camille-corot_windmill-on-the-cote-de-picardie-near-versailles +portrait,Early_Renaissance,domenico-ghirlandaio_portrait-of-a-young-woman +genre_painting,Impressionism,pierre-auguste-renoir_sweeper-1889 +religious_painting,High_Renaissance,vittore-carpaccio_the-departure-of-the-english-ambassadors-1498 +landscape,Cubism,andrã©-lhote_sur-la-terrasse-1945 +portrait,Art_Nouveau_Modern,raphael-kirchner_fanny-brice-1916 +landscape,Cubism,paul-cezanne_mont-sainte-victoire-8 +portrait,Baroque,anthony-van-dyck_wife-of-an-aristocratic-genoese-1626 +religious_painting,Northern_Renaissance,jean-hey_anne-of-france-lady-of-beaujeu-duchess-of-bourbon-presented-by-st-john-the-evangelist-right-1492 +landscape,Fauvism,endre-bartos_autumn-forest-1978 +religious_painting,Early_Renaissance,domenico-ghirlandaio_st-jerome +genre_painting,Romanticism,eugene-delacroix_two-greek-warriors-dancing-study-costumes-souliotes-1825(1) +genre_painting,Baroque,gerrit-dou_the-cook-1665 +abstract_painting,Abstract_Expressionism,helen-frankenthaler_madam-butterfly-2000 +genre_painting,Impressionism,joaquã­n-sorolla_on-the-beach +portrait,Rococo,thomas-gainsborough_the-earl-of-darnley-1785 +portrait,Baroque,rembrandt_portrait-of-princess-amalia-van-solms-1632 +landscape,Impressionism,childe-hassam_central-park-1 +religious_painting,Mannerism_Late_Renaissance,paolo-veronese_the-annunciation-1578 +religious_painting,Baroque,gian-lorenzo-bernini_saint-andrew-and-saint-thomas(1) +still_life,Realism,felix-vallotton_meat-and-eggs-1918 +genre_painting,Post_Impressionism,amrita-sher-gil_bride-s-toilet-1937 +still_life,Post_Impressionism,nicolae-tonitza_still-life-with-fruit +nude_painting,Impressionism,pierre-auguste-renoir_bather-1 +religious_painting,Naive_Art_Primitivism,marc-chagall_moses-receiving-the-tablets-of-law-1 +cityscape,Post_Impressionism,gustave-loiseau_village-street +nude_painting,Fauvism,henri-matisse_the-lying-nude-1906 +sketch_and_study,Early_Renaissance,pisanello_study-of-horse-heads-1433 +landscape,Impressionism,claude-monet_sailing-at-sainte-adresse +sketch_and_study,Romanticism,gustave-moreau_male-nude-1860 +genre_painting,Expressionism,jules-pascin_siesta-1913 +cityscape,Post_Impressionism,edouard-cortes_place-pigalle +portrait,Post_Impressionism,jan-sluyters_portrait-of-the-painter-s-granddaughter-anne +landscape,Romanticism,john-crome_mousehold-heath-norwich-1820 +genre_painting,Expressionism,egon-schiele_agony-1912 +genre_painting,Cubism,carlos-merida_native-couple-1939 +cityscape,Post_Impressionism,nicolae-tonitza_geamie-la-balcic +portrait,Rococo,maurice-quentin-de-la-tour_father-emmanuel +genre_painting,Impressionism,childe-hassam_lumbering +abstract_painting,Abstract_Expressionism,joan-snyder_mamilla-immortalis-2004 +landscape,Post_Impressionism,paul-cezanne_ile-de-france-landscape-1880-1 +portrait,Impressionism,edgar-degas_mademoiselle-malo-1877 +landscape,Expressionism,martiros-saryan_kirovakan-village-1948 +landscape,Realism,johan-hendrik-weissenbruch_along-the-canal +sketch_and_study,Realism,vincent-van-gogh_man-writing-facing-left-1881 +landscape,Realism,ivan-shishkin_pine-merikyul-1894 +still_life,Impressionism,julian-alden-weir_vase-and-roses-1889 +religious_painting,Early_Renaissance,sandro-botticelli_madonna-in-glory-with-seraphim-1470(1) +landscape,Impressionism,camille-pissarro_the-church-and-farm-of-eragny-1895 +abstract_painting,Cubism,arshile-gorky_portrait-head +landscape,New_Realism,john-french-sloan_sunlit-peak-santa-fe-canyon-1920 +abstract_painting,Minimalism,luciano-bartolini_asterione-1979 +landscape,Realism,gustave-courbet_the-beach-at-palavas-1854 +still_life,Realism,ilya-mashkov_still-life-4 +religious_painting,Romanticism,viktor-vasnetsov_bogomater-1 +portrait,High_Renaissance,titian_man-with-a-glove +landscape,Realism,gustave-courbet_landscape-with-tree +genre_painting,Post_Impressionism,maurice-prendergast_landscape-figures-cottages-and-boats +genre_painting,Art_Nouveau_Modern,boris-kustodiev_moscow-tavern-1916 +abstract_painting,Minimalism,robert-mangold_pages-10-1989 +portrait,Romanticism,john-collier_angela-mcinnes-1914 +landscape,Post_Impressionism,paul-cezanne_blue-landscape +landscape,Symbolism,nicholas-roerich_vision-1923 +religious_painting,Expressionism,konstantinos-parthenis_the-resurrection +illustration,Art_Nouveau_Modern,edmund-dulac_the-angel-of-the-drink-of-darkness-the-rubaiyat-of-omar-khayyam +genre_painting,Post_Impressionism,le-pho_fruit-picking +portrait,Realism,ivan-kramskoy_contemplator-1876 +landscape,Romanticism,richard-parkes-bonington_french-river-scene-with-fishing-boats-1824 +genre_painting,Northern_Renaissance,pieter-bruegel-the-elder_the-penitent-magdalene +religious_painting,Naive_Art_Primitivism,marc-chagall_moses-spreads-death-among-the-egyptians-1931 +portrait,Realism,john-singer-sargent_madame-x-also-known-as-madame-pierre-gautreau-1884 +landscape,Post_Impressionism,felix-vallotton_the-port-of-pully-1891 +portrait,Rococo,thomas-gainsborough_portrait-of-the-artist-s-daughters +portrait,Expressionism,amedeo-modigliani_study-of-a-head-1913 +landscape,Romanticism,john-constable_branch-hill-pond-hampstead-1819 +sketch_and_study,Expressionism,pablo-picasso_portrait-of-nude-casagemas-1904 +genre_painting,Expressionism,tsuguharu-foujita_jeune-femme-assise-1917 +sketch_and_study,Realism,boris-kustodiev_portrait-of-the-writer-a-m-remizov-1907 +cityscape,Impressionism,frits-thaulow_the-pier-dordrecht +portrait,Mannerism_Late_Renaissance,paolo-veronese_plato +religious_painting,Northern_Renaissance,jean-hey_peter-ii-de-beaujeu-of-bourbon-with-st-peter-left-wing-of-the-bourbon-altarpiece-1498 +genre_painting,Realism,john-everett-millais_once-a-week +landscape,Post_Impressionism,alexandre-benois_versailles-mirror-at-trianon(2) +landscape,Impressionism,stefan-luchian_moine-ti +still_life,Impressionism,lovis-corinth_orchids-1923 +genre_painting,Romanticism,eugene-delacroix_the-death-of-laras-1858(1) +landscape,Impressionism,childe-hassam_newfields-new-hampshire +landscape,Romanticism,thomas-cole_autumn-twilight-view-of-copway-peak-mount-chocorua-new-hampshire-1834 +genre_painting,Realism,vasily-polenov_s-i-mamontov-p-a-spiro-at-the-piano-1882 +genre_painting,Post_Impressionism,georges-seurat_seated-man-study-for-bathers-at-asnieres-1883 +landscape,Impressionism,andre-dunoyer-de-segonzac_la-campagne-de-grimaud +religious_painting,Northern_Renaissance,albrecht-durer_the-crucifixion-1498 +landscape,Symbolism,nicholas-roerich_himalayas-1941-3 +religious_painting,Romanticism,dante-gabriel-rossetti_saint-george-and-the-princess-sabra-1862 +genre_painting,Romanticism,sir-lawrence-alma-tadema_a-coign-of-vantage-1895 +landscape,Realism,isaac-levitan_autumn-1899 +portrait,Rococo,maurice-quentin-de-la-tour_marie-leszczy-ska +landscape,Cubism,lyonel-feininger_storm-brewing-1939 +portrait,Impressionism,frederic-remington_the-trooper-1892 +abstract_painting,Abstract_Expressionism,joan-mitchell_george-went-swimming-at-barnes-hole-but-it-got-too-cold-1957 +sketch_and_study,Realism,vincent-van-gogh_peasant-woman-picking-up-a-sheaf-of-grain-1885 +cityscape,Expressionism,oskar-kokoschka_not_detected_235891 +portrait,Baroque,rembrandt_portrait-of-the-artist-s-mother +genre_painting,Impressionism,nicolae-vermont_inn-1915 +portrait,High_Renaissance,titian_gian-giacomo-bartolotti-da-parma-1518 +landscape,Romanticism,william-turner_view-of-saint-germain-ea-laye-and-its-chateau +landscape,Impressionism,paul-gauguin_near-rouen-1884-1 +portrait,Romanticism,john-everett-millais_louise-jopling +landscape,Realism,vasily-polenov_soars-swamp-1892 +portrait,Realism,thomas-eakins_portrait-of-dr-albert-c-getchell-1907 +portrait,Expressionism,serge-sudeikin_portrait-of-leonide-massine-in-the-legend-of-joseph-1914 +portrait,Realism,giovanni-boldini_miss-bell-1903 +portrait,Realism,ilya-repin_head-of-hunchback-1881 +sketch_and_study,Romanticism,orest-kiprensky_pagan-priests-killing-the-first-kiev-christians-in-the-temple-of-perun-1803 +abstract_painting,Abstract_Expressionism,perle-fine_pure-myth-1949 +abstract_painting,Color_Field_Painting,frank-stella_untitled-1960 +still_life,Post_Impressionism,gustave-loiseau_vase-of-flowers-1921 +religious_painting,Early_Renaissance,filippo-lippi_madonna-and-child-4 +illustration,Naive_Art_Primitivism,martiros-saryan_illustration-to-armenian-folk-tales-1937-10 +portrait,Realism,john-singer-sargent_peter-a-b-widener-1902 +portrait,Contemporary_Realism,jamie-wyeth_orca-1990 +religious_painting,High_Renaissance,lorenzo-lotto_altar-polyptych-of-san-bartolomeo-bergamo-foot-plate-entombment-1516 +abstract_painting,Color_Field_Painting,helen-frankenthaler_springscape-1975 +genre_painting,Symbolism,odilon-redon_the-servant +portrait,Northern_Renaissance,albrecht-durer_frederick-the-wise-elector-of-saxony-1524 +abstract_painting,Abstract_Expressionism,dan-christensen_crossbreed-ii-1981 +abstract_painting,Minimalism,brice-marden_4-1-for-david-novros-1966 +abstract_painting,Abstract_Expressionism,hans-hofmann_olive-grove-1960 +genre_painting,High_Renaissance,giorgione_homage-to-a-poet(1) +portrait,Realism,vincent-van-gogh_head-of-a-woman-7(1) +sketch_and_study,Ukiyo_e,katsushika-hokusai_manga-8 +portrait,Northern_Renaissance,albrecht-durer_man-of-sorrow-1522 +landscape,Post_Impressionism,istvan-ilosvai-varga_flowery-garden-1957 +sketch_and_study,Early_Renaissance,domenico-ghirlandaio_study-of-two-women +genre_painting,Baroque,bernardo-strozzi_old-coquette +genre_painting,Realism,henry-herbert-la-thangue_the-boat-builder-s-yard-cancale-brittany-1881 +religious_painting,Symbolism,james-tissot_moses-slays-an-egyptian +landscape,Pointillism,camille-pissarro_meadows-at-eragny-1886 +portrait,Realism,ilya-repin_cossack-s-head +religious_painting,High_Renaissance,lorenzo-lotto_altar-of-santa-cristina-al-tiverone-main-board-madonna-enthroned-st-peter-and-st-christina-of-1505 +landscape,Romanticism,thomas-moran_autumn-on-the-wissahickon-1864 +portrait,Impressionism,pierre-auguste-renoir_portrait-of-a-young-woman-in-white-1901 +cityscape,Expressionism,yiannis-tsaroychis_mavrokephalos-coffee-house-1966 +landscape,Impressionism,henri-martin_view-of-the-labastide-du-vert-below-to-marquayrol +landscape,Realism,arkhip-kuindzhi_steppe-1875 +abstract_painting,Color_Field_Painting,frank-stella_double-gray-scramble-1973 +still_life,Cubism,georges-braque_the-pink-napkin-1933 +landscape,Expressionism,edvard-munch_the-wave-1921 +genre_painting,Impressionism,eva-gonzales_nanny-with-a-child +genre_painting,Baroque,diego-velazquez_breakfast +genre_painting,Post_Impressionism,anita-malfatti_la-rentr-e-1927 +landscape,Post_Impressionism,ferdynand-ruszczyc_krajobraz +landscape,Realism,camille-corot_ville-d-avray-the-large-pond-and-villas +landscape,Realism,maxime-lalanne_arreau-vue-de-la-route-du-col-d-aspin +landscape,Fauvism,georges-braque_landscape-at-la-ciotat-1907 +genre_painting,Northern_Renaissance,hans-baldung_departing-for-the-sabbath +genre_painting,Realism,jean-francois-millet_study-for-a-woman-feeding-chickens-1859 +portrait,Romanticism,paul-cezanne_head-of-an-old-man +landscape,Expressionism,emil-nolde_flower-garden-marigolds-1919 +portrait,Post_Impressionism,irma-stern_berber-girl-1945 +nude_painting,Expressionism,mario-eloy_nude-1932 +portrait,High_Renaissance,titian_a-knight-of-malta-1515 +portrait,Realism,valentin-serov_portrait-of-maria-morozova-1897 +landscape,Impressionism,gregoire-boonzaier_rainy-day +nude_painting,Impressionism,pierre-auguste-renoir_reclining-nude-1860 +genre_painting,Post_Impressionism,henri-de-toulouse-lautrec_la-goulue-arriving-at-the-moulin-rouge-with-two-women-1892 +landscape,Impressionism,claude-monet_flood-waters +religious_painting,Mannerism_Late_Renaissance,paolo-veronese_end-wall-of-the-stanza-del-cane-1561 +landscape,Impressionism,willard-metcalf_buttercup-time +nude_painting,Post_Impressionism,raoul-dufy_naked-1928 +abstract_painting,Abstract_Expressionism,joan-mitchell_low-water-1969 +landscape,Romanticism,pavel-svinyin_steamboat-travel-on-the-hudson-river-1 +portrait,Romanticism,alexander-shilov_where-is-the-realm-of-sound-julia-volchenkova-1996 +genre_painting,Expressionism,david-alfaro-siqueiros_george-gershwin +landscape,Impressionism,joaquã­n-sorolla_the-los-adarves-gardens-the-alhambra-granada +portrait,Rococo,maurice-quentin-de-la-tour_marie-josephe-of-saxony-dauphine-and-a-son +genre_painting,Expressionism,zinaida-serebriakova_market-with-their-camels-marrakesh-1932 +religious_painting,Naive_Art_Primitivism,marc-chagall_moses-with-the-tablets-of-the-law-1963 +portrait,Realism,ilya-repin_portrait-of-the-author-ieronim-yasinsky-1910 +landscape,Expressionism,george-mavroides_island-landscape +landscape,Pop_Art,patrick-procktor_mount-abu-rowli-mountains-rajastan-from-the-india-mother-suite-of-7-aquatints-1970 +portrait,New_Realism,john-french-sloan_juanita-1930 +religious_painting,Northern_Renaissance,hans-memling_portinari-triptych-central-panel-1487 +sketch_and_study,Post_Impressionism,ilya-mashkov_nude-2 +portrait,Mannerism_Late_Renaissance,giorgio-vasari_clemenet-vii-and-francis-i-of-france +religious_painting,Rococo,giovanni-battista-tiepolo_apparition-of-the-virgin-to-st-simon-stock-1749-1 +portrait,Rococo,louise-elisabeth-vigee-le-brun_portrait-of-a-young-woman +genre_painting,Realism,john-lewis-krimmel_the-quilting-frolic-1813 +landscape,Impressionism,paul-gauguin_tree-linen-road-rouen-1885 +cityscape,Impressionism,claude-monet_houses-of-parliament-effect-of-sunlight-in-the-fog +landscape,Symbolism,nicholas-roerich_himalayas-1940-1 +portrait,Cubism,marevna-(marie-vorobieff)_not-identified-1 +religious_painting,Post_Impressionism,maurice-denis_bathsheeba-blue-background +portrait,Realism,vincent-van-gogh_portrait-possibly-of-willemien-van-gogh-1881 +landscape,Impressionism,stefan-dimitrescu_balchik-corner-1926 +portrait,Impressionism,micaela-eleutheriade_the-little-gardener +abstract_painting,Color_Field_Painting,anne-appleby_sweet-pine-1997 +genre_painting,Post_Impressionism,wassily-kandinsky_couple-riding-1906 +landscape,Symbolism,nicholas-roerich_ashram-1933 +religious_painting,Northern_Renaissance,hans-memling_the-nativity-left-wing-of-a-triptych-of-the-adoration-of-the-magi-1472 +still_life,Post_Impressionism,paul-cezanne_apples-and-a-napkin-1880 +abstract_painting,Abstract_Expressionism,sam-francis_the-white-line-1960 +cityscape,Cubism,otto-gustav-carlsund_staden-p-berget-1947 +landscape,Pointillism,georges-lacombeâ _oaks-and-blueberry-bushes-1905 +genre_painting,Impressionism,edgar-degas_seated-woman-in-a-white-dress +religious_painting,Romanticism,jean-leon-gerome_entry-of-the-christ-in-jerusalem +landscape,Romanticism,ivan-aivazovsky_windmill-on-the-sea-coast-1837 +genre_painting,Cubism,pablo-picasso_punchinello-with-guitar-1920 +cityscape,Impressionism,joaquã­n-sorolla_entrance-to-central-park +nude_painting,Contemporary_Realism,eric-fischl_untitled +abstract_painting,Minimalism,conrad-marca-relli_summer-suite-c-1969 +landscape,Post_Impressionism,gustave-loiseau_river-bend-in-normandy-1910 +cityscape,Realism,pyotr-konchalovsky_the-tree-in-frost-1933 +still_life,Impressionism,hoca-ali-riza_yemi-ler +landscape,Post_Impressionism,paul-cezanne_woods-with-millstone-1894 +abstract_painting,Abstract_Expressionism,sam-francis_untitled-sfp89-105-1989 +cityscape,Expressionism,ernst-ludwig-kirchner_frankfurter-westhafen +genre_painting,Impressionism,henri-de-toulouse-lautrec_souvenir-of-auteuil-1881 +landscape,Realism,camille-corot_rocks-at-civita-castellana +sketch_and_study,Naive_Art_Primitivism,fernand-leger_street +religious_painting,Northern_Renaissance,hieronymus-bosch_haywain-3 +portrait,Expressionism,zinaida-serebriakova_portrait-of-his-son-alexander-1925 +sketch_and_study,Realism,ilya-repin_refusal-of-confession-1 +landscape,Realism,isaac-levitan_at-the-park-1880 +religious_painting,Mannerism_Late_Renaissance,el-greco_st-john-the-baptist-1579 +genre_painting,Post_Impressionism,vincent-van-gogh_peasants-lifting-potatoes-1890 +still_life,Synthetic_Cubism,juan-gris_pears-and-grapes-on-a-table-1913 +landscape,Symbolism,nicholas-roerich_landscape-with-chapel-1915 +sketch_and_study,Northern_Renaissance,albrecht-durer_the-cross-of-christ-4 +still_life,Romanticism,francisco-goya_dead-birds-1812 +portrait,Realism,ilya-repin_pushkin-at-karl-bryullov-s-1912 +portrait,Rococo,dmitry-levitzky_nikolai-lvov +landscape,Romanticism,caspar-david-friedrich_woman-on-the-beach-of-rugen +abstract_painting,Minimalism,angelo-de-sousa_sem-titulo-1983 +abstract_painting,Color_Field_Painting,gene-davis_firecracker-1968 +genre_painting,Impressionism,emmanuel-zairis_figure-in-a-rowing-boat +landscape,Realism,m.c.-escher_alfedena-abruzzi +still_life,Realism,vincent-van-gogh_still-life-with-a-basket-of-apples-1885 +still_life,Realism,henri-matisse_still-life-with-books-and-candle-1890 +landscape,Impressionism,pierre-auguste-renoir_trees-by-the-water +portrait,Romanticism,vasily-tropinin_portrait-of-s-k-sukhanov-1823 +portrait,Post_Impressionism,pablo-picasso_portrait-of-petrus-manach-1901 +portrait,Realism,john-singer-sargent_joseph-jefferson-1890 +abstract_painting,Color_Field_Painting,richard-diebenkorn_ocean-park-no-30 +genre_painting,Expressionism,jean-paul-lemieux_la-r-cr-ation-1961 +cityscape,Post_Impressionism,vasile-dobrian_houses-1932 +landscape,Impressionism,alfred-sisley_high-wind-1897 +landscape,Post_Impressionism,vincent-van-gogh_peach-trees-in-blossom-1889 +still_life,Realism,edouard-manet_artist-s-atelier +abstract_painting,Color_Field_Painting,olivier-debre_ocre-rose-la-trace-bleu-p-le +landscape,Impressionism,maurice-prendergast_small-fishing-boats-treport-france-1894 +abstract_painting,Minimalism,jiro-yoshihara_untitled(1) +portrait,Rococo,john-russell_lieutenant-colonel-thomas-lloyd-1751-1828-colonel-of-the-leeds-volunteers-1801 +genre_painting,Expressionism,josef-herman_vineyards-in-the-autumn-1957 +illustration,Art_Nouveau_Modern,raphael-kirchner_legendes-1903-3 +landscape,Realism,volodymyr-orlovsky_evening +cityscape,Impressionism,john-singer-sargent_santa-maria-della-salute-1 +religious_painting,Baroque,peter-paul-rubens_the-madonna-della-vallicella-adored-by-seraphim-and-cherubim +genre_painting,Art_Nouveau_Modern,wilhelm-kotarbinski_fever +genre_painting,Ukiyo_e,kitagawa-utamaro_the-hour-of-the-ramin +genre_painting,Realism,volodymyr-orlovsky_evening-seashore-1874 +landscape,Realism,arkhip-kuindzhi_autumn-impassability-of-roads-1872 +landscape,Impressionism,guy-rose_country-landscape +still_life,Post_Impressionism,constantin-piliuta_still-life-with-grapes-and-flowers +abstract_painting,Color_Field_Painting,theodoros-stamos_transparent-green-sun-box-1970 +portrait,Post_Impressionism,paul-gauguin_tahitian-woman-with-flower-in-her-hair +portrait,Art_Nouveau_Modern,zinaida-serebriakova_eugene-portrait-of-the-artist-s-son-1917 +portrait,Realism,thomas-eakins_portrait-of-letitia-wilson-jordan-1888 +cityscape,Impressionism,valentin-serov_portico-with-a-balustrade-arkhangelsk-1903 +landscape,Impressionism,claude-monet_the-pond-with-ducks-in-autumn +landscape,Post_Impressionism,pyotr-konchalovsky_house-in-abramtsevo-1920 +abstract_painting,Minimalism,jean-degottex_sans-titre-m-tasph-re-1966 +landscape,Symbolism,nicholas-roerich_himalayas-10 +abstract_painting,Color_Field_Painting,ray-parker_love-denise-glad-you-like-it-1960 +sketch_and_study,Cubism,juan-gris_still-life-with-newspaper-1916 +landscape,Realism,peder-severin-kroyer_the-artist-s-house-1893 +religious_painting,High_Renaissance,pinturicchio_madonna-with-writing-child-1498 +cityscape,Realism,mikhail-vrubel_odessa-harbour-1885 +landscape,Impressionism,ilya-mashkov_georgia-kazbek-view-of-the-mountain-kabardzhino-and-village +portrait,Romanticism,paul-delaroche_portrait-of-henrietta-sontag +genre_painting,Impressionism,berthe-morisot_the-cradle-1872 +nude_painting,Naive_Art_Primitivism,raoul-dufy_indian-woman-1928 +genre_painting,Naive_Art_Primitivism,fernand-leger_woman-with-parrot-1941 +portrait,Realism,mikhail-vrubel_lady-in-furs +landscape,Realism,john-singer-sargent_landscape-near-grasse +cityscape,Impressionism,camille-pissarro_rue-saint-lazare-1897 +portrait,Realism,vincent-van-gogh_girl-with-shawl-half-figure-1883(1) +religious_painting,Northern_Renaissance,jan-van-eyck_the-ghent-altar-detail-1432-6 +cityscape,Impressionism,giovanni-boldini_the-collonade-in-versailles +sketch_and_study,Baroque,rembrandt_man-in-a-coat-and-fur-cap-leaning-against-a-bank-1630 +genre_painting,Post_Impressionism,pierre-bonnard_woman-washing-her-feet-1894 +portrait,Fauvism,ilya-mashkov_still-life-with-female-figure-1918 +cityscape,Cubism,mario-sironi_the-truck +cityscape,Post_Impressionism,henri-martin_garden-of-luxembourg-1931 +religious_painting,Baroque,jacques-stella_st-cecilia +nude_painting,Impressionism,pierre-auguste-renoir_bather-admiring-herself-in-the-water +cityscape,Art_Nouveau_Modern,nicholas-roerich_rostov-veliky-hierarch-s-towers-1903 +landscape,Impressionism,konstantin-korovin_cell-1912 +sketch_and_study,Post_Impressionism,vincent-van-gogh_a-pine-tree-and-cypresses-in-the-garden-of-the-asylum-1889(1) +portrait,Baroque,frans-hals_portrait-of-aletta-hanemans-1625 +religious_painting,Early_Renaissance,masaccio_baptism-of-the-neophytes-1427 +portrait,Expressionism,egon-schiele_three-girls-1911 +religious_painting,High_Renaissance,lorenzo-lotto_susanna-and-the-elders-1517 +sketch_and_study,Post_Impressionism,vincent-van-gogh_tree-with-ivy-in-the-asylum-garden-1889 +genre_painting,Rococo,william-hogarth_beer-street-1751 +landscape,Realism,viktor-vasnetsov_oak-grove-at-abramtsevo-1883 +genre_painting,Expressionism,albert-bloch_untitled-infernal-figures +landscape,Impressionism,paul-cezanne_landscape-study-after-nature-1876 +genre_painting,Expressionism,max-weber_woman-reading +still_life,Analytical_Cubism,georges-braque_clarinet-and-bottle-of-rum-on-a-mantelpiece-1911 +genre_painting,Realism,vincent-van-gogh_digger-1881(1) +landscape,Impressionism,camille-pissarro_village-street-auvers-sur-oise-1873 +cityscape,Impressionism,camille-pissarro_quai-malaquais-morning-1903 +cityscape,Post_Impressionism,david-burliuk_rooftops-in-siberia-1920 +still_life,Pop_Art,andy-warhol_old-fashioned-vegetable +sketch_and_study,Post_Impressionism,vincent-van-gogh_street-in-saintes-maries-1888-1 +portrait,Expressionism,marie-laurencin_girl-with-a-bow-1920 +religious_painting,High_Renaissance,luca-signorelli_holy-family-with-st-catherine-1492 +portrait,Impressionism,pierre-auguste-renoir_young-girl-in-a-blue-hat-1881 +portrait,Cubism,albert-gleizes_femme-au-fauteuil-1923 +landscape,Impressionism,julian-alden-weir_the-road-to-no-where-1889 +genre_painting,Baroque,rembrandt_the-baptism-of-the-eunuch-1641 +landscape,Impressionism,claude-monet_grainstacks-in-the-sunlight-midday-1891 +landscape,Realism,aleksey-savrasov_savvinskaya-sloboda +genre_painting,Post_Impressionism,henri-de-toulouse-lautrec_corner-in-the-moulin-de-la-galette-1892 +religious_painting,Early_Renaissance,andrea-del-verrocchio_tobias-and-the-angel +religious_painting,Early_Renaissance,carlo-crivelli_saint-jerome-1477 +religious_painting,Baroque,guido-reni_st-francis +cityscape,Impressionism,konstantin-korovin_vichy +abstract_painting,Color_Field_Painting,sam-francis_angel-trails-1970 +portrait,Expressionism,amedeo-modigliani_the-zouave-1918 +religious_painting,High_Renaissance,lorenzo-lotto_st-jerome-meditating-in-the-desert-1506 +landscape,Realism,ivan-shishkin_thickets-1881 +illustration,Art_Nouveau_Modern,nicholas-roerich_vignette-for-book-n-k-roerich-1918-6 +portrait,Cubism,konstantinos-parthenis_pink-figure-wizard +religious_painting,Early_Renaissance,benozzo-gozzoli_tabernacle-of-the-visitation-expultion-of-joachim-from-the-temple +portrait,Rococo,joshua-reynolds_lord-heathfield-governor-of-gibraltar-1787 +cityscape,Impressionism,childe-hassam_november-cos-cob +still_life,Impressionism,panayiotis-tetsis_composition-with-girl-and-still-life(1) +still_life,Cubism,m.-h.-maxy_still-life +portrait,Realism,ilya-repin_portrait-of-a-e-arkhipov-1862 +landscape,Early_Renaissance,leonardo-da-vinci_landscape-drawing-for-santa-maria-della-neve-1473 +portrait,Realism,pyotr-konchalovsky_portrait-of-albina-feliksovna-zhukova-1954 +genre_painting,Realism,vasily-perov_scene-on-a-grave-1859 +abstract_painting,Abstract_Expressionism,vasile-dobrian_with-the-ferocity-with-which-the-man-is-eating-his-shadow-from-the-archways-series +abstract_painting,Color_Field_Painting,ad-reinhardt_untitled-from-the-portfolio-ten-works-x-ten-painters-1964 +portrait,Realism,ilya-repin_portrait-of-ivan-stepanovich-panov-1867 +sketch_and_study,Expressionism,egon-schiele_reclining-girl-on-a-pillow-1910 +landscape,Romanticism,joseph-wright_vesuvius-in-eruption +abstract_painting,Color_Field_Painting,sam-francis_red-and-pink-1951 +religious_painting,Early_Renaissance,pietro-perugino_polyptych-annunziata-assumption-of-mary +genre_painting,Expressionism,ernst-ludwig-kirchner_nervous-people-eating +genre_painting,Expressionism,pablo-picasso_a-simple-meal-1904 +landscape,Impressionism,stefan-luchian_village-church +religious_painting,Northern_Renaissance,mabuse_madonna-and-child-2 +religious_painting,Romanticism,edward-burne-jones_daniel-1873 +sketch_and_study,Expressionism,hans-bellmer_portrait-of-jean-arp-1957 +landscape,Romanticism,jan-matejko_view-of-bebek-near-constantinople-1872 +nude_painting,Post_Impressionism,moise-kisling_large-nude-josan-on-red-couch-1953 +cityscape,Realism,nikolay-bogdanov-belsky_cityscape +cityscape,Expressionism,pablo-picasso_the-roofs-of-barcelona-1903 +portrait,Realism,emile-claus_portrait-de-madame-claus-1900 +abstract_painting,Abstract_Expressionism,sam-francis_evergreen-licks-1987 +genre_painting,Impressionism,walter-sickert_girl-at-a-window-little-rachel-1907 +portrait,Post_Impressionism,vladimir-dimitrov_unknown-title-6 +landscape,Romanticism,caspar-david-friedrich_largeness +religious_painting,Early_Renaissance,domenico-ghirlandaio_last-supper-1 +abstract_painting,Color_Field_Painting,barnett-newman_canto-i-1963 +portrait,Baroque,pietro-da-cortona_pope-urbanus-viii-maffeo-barberini +landscape,Post_Impressionism,pyotr-konchalovsky_sorrento-mount-vesuvius-two-olive-trees-1924 +religious_painting,Early_Renaissance,carlo-crivelli_mary-magdalene-1490 +portrait,Impressionism,pierre-auguste-renoir_girl-with-a-letter-1894 +portrait,Romanticism,eugene-delacroix_portrait-of-paganini-1832(1) +landscape,Impressionism,claude-monet_path-in-the-fog +genre_painting,Art_Nouveau_Modern,wilhelm-kotarbinski_two-beauties +landscape,Realism,arkhip-kuindzhi_lake-ladoga-1873 +abstract_painting,Minimalism,judy-chicago_dome-drawing-3a-1968 +illustration,Art_Nouveau_Modern,ivan-bilibin_russian-folk-art-illustration-for-the-magazine-world-of-art-1904 +landscape,Impressionism,eugene-boudin_the-trouville-chanel-low-tide +still_life,Cubism,juan-gris_fruit-with-bowl-1926 +abstract_painting,Color_Field_Painting,gene-davis_untitled-1964 +genre_painting,Expressionism,edvard-munch_children-in-the-street-1915 +religious_painting,Naive_Art_Primitivism,marc-chagall_tamar-beautiful-daughter-of-judah-1960 +genre_painting,Cubism,marcel-duchamp_about-young-sister-1911 +landscape,Pointillism,paul-signac_chateau-de-comblat +portrait,Cubism,pablo-picasso_portrait-of-jacqueline-roque-with-her-hands-crossed-1954 +genre_painting,Post_Impressionism,maurice-denis_the-seasons-series-september +portrait,Post_Impressionism,maurice-prendergast_le-rouge-portrait-of-miss-edith-king +illustration,Abstract_Expressionism,henri-matisse_the-knife-thrower-1947 +portrait,Romanticism,arnold-bã¶cklin_portrait-of-actress-fanny-janauscher +religious_painting,Northern_Renaissance,albrecht-durer_the-lady-of-the-festival-du-rosaire-fragment-1 +still_life,Post_Impressionism,ion-pacea_still-life +religious_painting,Early_Renaissance,pietro-perugino_st-jerome-who-attends-two-unfairly-hanged-1473 +cityscape,Post_Impressionism,vincent-van-gogh_le-moulin-de-la-gallette-1887 +landscape,Impressionism,john-henry-twachtman_winter +sketch_and_study,Mannerism_Late_Renaissance,titian_cavalier-over-a-fallen-adversary-1564 +sketch_and_study,Northern_Renaissance,albrecht-durer_study-of-drapery-1508-1 +landscape,Impressionism,alfred-sisley_barge-garage-at-saint-mammes-1885 +landscape,Realism,camille-corot_fisherman-boating-along-a-wooded-landscape +portrait,Realism,john-singer-sargent_mrs-george-swinton-1897 +sketch_and_study,Realism,vincent-van-gogh_woman-with-a-broom-1882-1 +landscape,Impressionism,camille-pissarro_the-house-of-monsieur-musy-louveciennes-1870 +landscape,Symbolism,nicholas-roerich_gumran-1932 +genre_painting,Realism,thomas-eakins_seventy-years-ago-1877 +abstract_painting,Minimalism,brice-marden_d-apr-s-la-marquise-de-la-solana-1969 +portrait,Contemporary_Realism,jamie-wyeth_portrait-of-andrew-wyeth-1969 +religious_painting,Naive_Art_Primitivism,marc-chagall_christ-family-1959 +nude_painting,Post_Impressionism,william-scott_reclining-nude-red-nude-1956 +religious_painting,Baroque,rembrandt_the-lamentation-over-the-dead-christ +portrait,Art_Nouveau_Modern,ferdinand-hodler_portrait-of-sculptor-james-vibert +nude_painting,Symbolism,fernand-khnopff_nu-aux-cheveux-noirs-1922 +genre_painting,Rococo,william-hogarth_strolling-actresses-dressing-in-barn-1738 +abstract_painting,Minimalism,robert-mangold_a-curved-line-within-two-distorted-rectangles-1978 +portrait,Pointillism,theo-van-rysselberghe_portrait-of-daisy-weber-1907 +genre_painting,Romanticism,william-turner_departure-of-the-fleet +cityscape,Fauvism,jan-sluyters_sawmill-het-luipaard +religious_painting,Baroque,diego-velazquez_the-immaculate-conception +genre_painting,Art_Nouveau_Modern,boris-kustodiev_merchant-s-wife-on-the-balcony-1920 +portrait,Impressionism,pierre-auguste-renoir_woman-in-a-red-blouse +portrait,Impressionism,marie-bracquemond_pierre-bracquemond-painting-a-bouquet-of-flowers-1887 +illustration,Romanticism,gustave-dore_orlando-furioso-2 +portrait,Realism,edgar-degas_portrait-of-rene-de-gas-1855 +portrait,High_Renaissance,giorgione_portrait-of-a-man-terris-1510(2) +portrait,Impressionism,pierre-auguste-renoir_head-of-a-young-woman-1 +illustration,Art_Nouveau_Modern,edmund-dulac_venus-in-her-chariot-from-edmund-dulac-s-illustrations-to-the-tempest +illustration,Romanticism,n.c.-wyeth_the-children-were-playing-at-marriage-by-capture +cityscape,Expressionism,henri-matisse_landscape-viewed-from-a-window-1913 +genre_painting,Impressionism,edvard-munch_at-the-coffee-table-1883 +cityscape,Impressionism,claude-monet_boulevard-of-capucines +cityscape,Realism,ivan-shishkin_blagoveschensky-cathedral-and-province-gymnasia-on-blagoveschenskaya-square-in-nyzhny-novgorod-1870 +portrait,Expressionism,zinaida-serebriakova_thoughtful-men-in-blue-marrakesh-1932 +genre_painting,Realism,winslow-homer_answering-the-horn +religious_painting,Symbolism,nicholas-roerich_saint-nicholas-1914-1 +illustration,Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-fairytale-sinbad-the-sailor(1) +portrait,Realism,pyotr-konchalovsky_portrait-of-angelina-borisovna-kemenova-1946 +landscape,Romanticism,ivan-aivazovsky_sea-bay-1842 +sketch_and_study,Realism,vasily-perov_seller-singers-sketch-1863 +cityscape,Cubism,m.-h.-maxy_st-george-place-in-crotches-1935 +still_life,Synthetic_Cubism,pablo-picasso_the-guitar-1913 +landscape,Realism,vasily-polenov_at-the-foot-of-the-mountain +still_life,Cubism,marcel-duchamp_chocolate-grinder-1914-1 +portrait,Expressionism,amedeo-modigliani_portrait-of-jeanne-hebuterne-1918 +abstract_painting,Abstract_Expressionism,roberto-matta_to-give-painless-light-1955 +landscape,Expressionism,ivan-albright_inland-sea-japan-1967 +genre_painting,Impressionism,childe-hassam_figures-in-sunlight +portrait,Impressionism,edouard-manet_woman-with-a-cat +portrait,Rococo,antoine-pesne_louise-eleonore-von-wreech-1737 +genre_painting,Art_Nouveau_Modern,nicholas-roerich_scarlet-sails-overseas-guests +genre_painting,Expressionism,otto-dix_lovers +landscape,Pop_Art,peter-max_freedom-1980 +sketch_and_study,Post_Impressionism,henri-de-toulouse-lautrec_the-chestnut-1897 +genre_painting,Romanticism,sir-lawrence-alma-tadema_sculptors-in-ancient-rome-1877 +landscape,Romanticism,ivan-aivazovsky_seaside-city-view-of-yalta-1866 +religious_painting,Realism,nikolai-ge_conscience-judas +portrait,Realism,vasily-surikov_neapolitan-girl-with-flowers-in-her-hair +landscape,Realism,theodore-rousseau_mills-of-thiers +landscape,Impressionism,camille-pissarro_road-in-port-maryl-1872 +genre_painting,Impressionism,edouard-manet_the-races +portrait,Baroque,peter-paul-rubens_helena-fourment-1 +landscape,Realism,camille-corot_morvan-the-little-mill +religious_painting,Northern_Renaissance,albrecht-durer_christ-on-the-mount-of-olives-3 +landscape,Impressionism,robert-julian-onderdonk_bluffs-on-the-guadalupe-riiver-17-miles-above-kerryville-texas-1921 +portrait,Romanticism,jan-matejko_anna-jagiellon +portrait,Expressionism,istvan-farkas_the-lunatic-at-syracuse-1930 +genre_painting,Impressionism,pierre-auguste-renoir_child-s-head +portrait,Art_Nouveau_Modern,paul-mathiopoulos_portrait-of-sotiris-papastratos +landscape,Realism,theodore-rousseau_landscape-at-vigerie-valley-santoire-auvergne-1830 +genre_painting,Post_Impressionism,constantin-piliuta_musicians +landscape,Impressionism,eugene-boudin_the-laundresses-of-etretat-1890 +portrait,Romanticism,konstantin-makovsky_in-from-a-stroll +portrait,Rococo,dmitry-levitzky_grand-duchess-alexandra-pavlovna-of-russia-1791 +genre_painting,Post_Impressionism,david-burliuk_quick-frozen-fish-florida-1959 +genre_painting,Symbolism,pierre-puvis-de-chavannes_winter-1896 +landscape,Impressionism,robert-julian-onderdonk_autumn-sunset-1908 +landscape,Realism,vasily-polenov_the-river-svinka +portrait,Expressionism,toyen_two-friends-1932 +abstract_painting,Abstract_Expressionism,sam-francis_happy-death-stone-1960 +landscape,Impressionism,pierre-auguste-renoir_the-garden +genre_painting,Naive_Art_Primitivism,niko-pirosmani_chariot-near-eatery +portrait,Realism,boris-kustodiev_portrait-of-i-s-kulikov +religious_painting,Rococo,pietro-longhi_fresco-in-san-pantalon-in-venice-scene-holy-martyr-fragment-1745 +portrait,Romanticism,konstantin-makovsky_presser-1 +landscape,Rococo,bernardo-bellotto_view-of-gazzada-nevarese-1744 +religious_painting,Northern_Renaissance,jean-fouquet_martyrdom-of-saint-apollonia-detail-1456 +sketch_and_study,Post_Impressionism,vincent-van-gogh_cottages-with-a-woman-working-in-the-foreground-1890(1) +cityscape,Post_Impressionism,maurice-utrillo_st-germain-church +illustration,Romanticism,gustave-dore_don-quixote-34 +portrait,Art_Nouveau_Modern,ivan-milev_ahinora-1925 +portrait,Realism,nikolay-bogdanov-belsky_ma-dchen-in-russian-costume +genre_painting,Romanticism,george-stubbs_pumpkin-with-a-stable-lad +portrait,Baroque,rembrandt_man-in-a-golden-helmet-1669 +cityscape,New_Realism,edward-hopper_the-mansard-roof-1923 +nude_painting,Ukiyo_e,utagawa-kunisada_not_detected_240353 +genre_painting,Romanticism,ivan-aivazovsky_chumaks-leisure-1885 +landscape,Impressionism,giovanni-boldini_trees-in-the-bois-de-boulogne +still_life,Post_Impressionism,ilya-mashkov_still-life-with-melons-and-pumpkins-1916 +nude_painting,Pop_Art,walter-battiss_nudes +genre_painting,Realism,edouard-manet_the-port-of-bordeaux-1871 +genre_painting,Naive_Art_Primitivism,fred-yates_the-beach-1992 +religious_painting,Cubism,amadeo-de-souza-cardoso_zinc-1917 +abstract_painting,Minimalism,jean-degottex_unknown-title-3 +landscape,Post_Impressionism,tom-thomson_round-lake-mud-bay-1915 +landscape,Romanticism,christen-kobke_view-from-a-window-in-toldbodvej-looking-towards-the-citadel-in-copenhagen-1833 +portrait,Realism,ilya-repin_portrait-of-v-repin-musician-brother-of-the-artist-1876 +portrait,Expressionism,amedeo-modigliani_young-woman-1910 +landscape,Romanticism,ivan-aivazovsky_sunrise-in-feodosia-1855 +landscape,Pointillism,camille-pissarro_haystack-eragny-1885 +sketch_and_study,Realism,vasily-surikov_head-baptized-soldier-1897 +abstract_painting,Abstract_Expressionism,bradley-walker-tomlin_all-souls-night-1947 +genre_painting,Impressionism,basuki-abdullah_the-fruit-market +abstract_painting,Minimalism,robert-mangold_blue-black-five-panel-zone-painting-1998 +nude_painting,Impressionism,lovis-corinth_mother-and-child-1906 +landscape,Post_Impressionism,ferdynand-ruszczyc_sobotki +cityscape,Romanticism,william-turner_perspective-view-of-fonthill-abbey-from-the-south-west +cityscape,Romanticism,rudolf-von-alt_the-josef-square-in-vienna-1831 +landscape,Realism,gustave-courbet_locks-on-the-loue-1865 +genre_painting,Romanticism,francisco-goya_autumn-or-the-grape-harvest-1787 +portrait,Rococo,allan-ramsay_mary-digges-1737-1829-lady-robert-manners +portrait,Impressionism,konstantin-korovin_autumn-young-woman-in-a-garden-1891 +portrait,Impressionism,john-singer-sargent_eleanora-duse +portrait,Realism,vasily-polenov_head-of-jewish-man-1884 +genre_painting,Ukiyo_e,katsushika-hokusai_fishing-in-the-river-kinu +nude_painting,Pop_Art,robert-silvers_young-male-nude +genre_painting,Art_Nouveau_Modern,eugã¨ne-grasset_la-morphiniste-1897 +portrait,Rococo,dmitry-levitzky_portrait-of-e-n-khruschova-and-princess-e-n-khovanskaya-1773 +nude_painting,Impressionism,eliseu-visconti_mother-and-son +abstract_painting,Color_Field_Painting,barnett-newman_the-voice-1950 +cityscape,Realism,vincent-van-gogh_water-wheels-of-mill-at-gennep-1884 +portrait,Rococo,jean-honore-fragonard_marie-madeleine-guimard +abstract_painting,Abstract_Expressionism,perle-fine_lair-1948 +landscape,Realism,aleksey-savrasov_trees-by-the-river-1861 +cityscape,Impressionism,camille-pissarro_the-pont-royal-and-the-pavillion-de-flore-1903 +landscape,Symbolism,nicholas-roerich_lake-of-the-nagas-1932 +landscape,Romanticism,joseph-wright_a-cottage-on-fire +nude_painting,Impressionism,giovanni-boldini_nude-1 +genre_painting,Post_Impressionism,vincent-van-gogh_evening-the-end-of-the-day-after-millet-1889(1) +illustration,Art_Nouveau_Modern,eugã¨ne-grasset_la-belle-jardiniere-august-1896 +genre_painting,Realism,peder-severin-kroyer_the-hirschsprung-family-1881 +genre_painting,Baroque,gerard-terborch_the-music-lesson +sketch_and_study,Naive_Art_Primitivism,fernand-leger_the-album-circus-1950-34 +landscape,Impressionism,nicolae-darascu_summer-at-balcic +portrait,Baroque,adriaen-brouwer_jan-davidszoon-de-heem +portrait,Impressionism,william-merritt-chase_portrait-of-the-artist-s-sister-in-law +cityscape,Analytical_Cubism,georges-braque_houses-at-estaque-1908 +abstract_painting,Color_Field_Painting,mark-rothko_no-11 +genre_painting,Realism,thomas-eakins_the-biglin-brothers-turning-the-stake-boat-1873 +religious_painting,Northern_Renaissance,bernhard-strigel_mary-and-joseph-with-jesus +landscape,Fauvism,piet-mondrian_the-red-mill-1911 +sketch_and_study,Post_Impressionism,vincent-van-gogh_wheat-field-with-sheaves-1888 +abstract_painting,Minimalism,paul-brach_the-negative-way-4-1964 +portrait,Expressionism,helene-schjerfbeck_nurse-i-kaija-lahtinen-1943 +landscape,Post_Impressionism,oleksandr-bogomazov_flowers +landscape,Post_Impressionism,pyotr-konchalovsky_state-farm-in-balaclava-1929 +landscape,Post_Impressionism,piet-mondrian_farm-at-duivendrecht +landscape,Expressionism,fred-williams_sapling-forest-1958 +genre_painting,Baroque,bartolome-esteban-murillo_four-figures-on-a-step-1660 +religious_painting,Symbolism,james-ensor_christ-s-entry-into-brussels-in-1889-1888 +abstract_painting,Color_Field_Painting,anne-appleby_snow-2011 +religious_painting,Baroque,annibale-carracci_holy-women-at-christ-s-tomb +portrait,Impressionism,edgar-degas_portrait-of-madame-edmondo-morbilli-born-therese-de-gas +genre_painting,Romanticism,eugene-delacroix_the-italian-theatre-1821(1) +portrait,Realism,ilya-repin_privy-councillor +portrait,New_Realism,edward-hopper_elizabeth-griffiths-smith-hopper-the-artist-s-mother-1916 +landscape,Impressionism,guy-rose_october-morning +still_life,Synthetic_Cubism,pablo-picasso_guitar-and-bottle-1913 +landscape,Post_Impressionism,vincent-van-gogh_orchard-in-blossom-bordered-by-cypresses-1888 +cityscape,Post_Impressionism,edouard-cortes_effect-of-sunlight-on-notre-dame +portrait,Romanticism,ford-madox-brown_the-bromley-children-1843 +religious_painting,Naive_Art_Primitivism,horace-pippin_christ-before-pilate-1941 +landscape,Realism,ivan-shishkin_pine-in-the-snow-1890 +portrait,Post_Impressionism,vladimir-dimitrov_unknown-title-30 +sketch_and_study,Baroque,peter-paul-rubens_head-of-woman +genre_painting,Impressionism,mary-cassatt_the-conversation-1896 +genre_painting,Impressionism,berthe-morisot_young-woman-at-the-mirror +genre_painting,Cubism,ernst-ludwig-kirchner_lovers-the-hembusses +nude_painting,Expressionism,balthus_the-cat-in-the-mirror +genre_painting,Realism,vincent-van-gogh_orphan-man-with-long-overcoat-cleaning-boots-1882 +landscape,Realism,claude-monet_view-at-rouelles-le-havre +religious_painting,Baroque,caravaggio_john-the-baptist-1608(1) +illustration,Art_Nouveau_Modern,aubrey-beardsley_et-in-arcadio-ego-1896 +still_life,Impressionism,pierre-auguste-renoir_still-life-pomegranate-figs-and-apples-1915 +religious_painting,Baroque,guido-reni_st-peter-and-st-paul +landscape,Impressionism,alfred-sisley_the-seine-at-bougival-1872 +portrait,Abstract_Expressionism,willem-de-kooning_woman-v-1952-53-oil-charcoal-on-canvas-1953 +cityscape,Realism,ilya-repin_admiralty-1869 +sketch_and_study,Baroque,rembrandt_three-peasants-travelling-1652 +cityscape,Romanticism,cornelis-springer_a-view-of-a-town-along-the-rhine-1841 +religious_painting,Mannerism_Late_Renaissance,rosso-fiorentino_risen-christ-1530 +religious_painting,Mannerism_Late_Renaissance,el-greco_the-holy-family +genre_painting,Expressionism,max-pechstein_day-of-steel-1911 +genre_painting,Expressionism,edvard-munch_girls-on-a-bridge-1900 +genre_painting,Cubism,rafael-zabaleta_self-portrait-with-model-and-the-still-life-1955 +religious_painting,High_Renaissance,michelangelo_holy-family-with-st-john-the-baptist +portrait,Pop_Art,andy-warhol_ted-turner-1986 +landscape,Impressionism,philip-wilson-steer_beach-at-etaples-1887 +portrait,Expressionism,jury-annenkov_eisenstein +portrait,Ukiyo_e,utagawa-kuniyoshi_portrait-of-daruma +genre_painting,Realism,vasily-surikov_the-old-gardener-1882 +abstract_painting,Abstract_Expressionism,richard-pousette-dart_figure-1945 +landscape,Realism,arkhip-kuindzhi_ukrainian-night-1876 +cityscape,Mannerism_Late_Renaissance,maerten-van-heemskerck_garden-of-the-casa-galli +sketch_and_study,High_Renaissance,leonardo-da-vinci_study-of-an-old-man +sketch_and_study,Rococo,maurice-quentin-de-la-tour_study-of-the-portrait-4 +portrait,Expressionism,george-bouzianis_kefali-andra-1915 +genre_painting,Romanticism,george-stubbs_soldiers-of-the-10th-dragoon-regiment +religious_painting,Baroque,gabriel-metsu_lazarus-and-the-rich-man +genre_painting,Symbolism,nicholas-roerich_patrol-of-himalayas-1925 +landscape,Post_Impressionism,pierre-daura_corn-shocks-and-jump-mountain-1950 +landscape,Realism,volodymyr-orlovsky_sunset-over-the-river-1890 +genre_painting,Art_Nouveau_Modern,raphael-kirchner_girls-with-good-luck-charms +cityscape,Symbolism,mstislav-dobuzhinsky_glassmakers-street-in-vilno-1906-1 +cityscape,Impressionism,gustave-caillebotte_le-pont-de-l-europe-1877 +illustration,Art_Nouveau_Modern,edmund-dulac_alone +landscape,Expressionism,nikolaos-lytras_landscape-of-athens +nude_painting,Expressionism,william-h.-johnson_male-nude-portrait-bust-1940(1) +sketch_and_study,Realism,boris-kustodiev_v-a-kastalsky-tree-sketches-1919 +genre_painting,Impressionism,victor-borisov-musatov_may-flowers-1894 +sketch_and_study,High_Renaissance,leonardo-da-vinci_equestrian-monument +abstract_painting,Abstract_Expressionism,howard-hodgkin_seafood-2001 +genre_painting,Realism,vladimir-makovsky_arrival-of-a-school-mistress-in-the-countryside-1897 +sketch_and_study,Realism,vincent-van-gogh_sale-of-building-scrap-1885 +landscape,Realism,pyotr-konchalovsky_a-path-in-the-fall-1935 +cityscape,Romanticism,ivan-aivazovsky_kerch-1839 +portrait,Expressionism,william-h.-johnson_refugee-1935(1) +portrait,Realism,james-mcneill-whistler_annie-haden-1860 +portrait,Impressionism,valentin-serov_portrait-of-the-poet-konstantin-balmont-1905 +landscape,Impressionism,jean-alexandru-steriadi_cherhana-1929 +nude_painting,Realism,thomas-eakins_nude-woman-reclining-on-a-couch-1863 +landscape,Impressionism,paul-gauguin_the-road-up-1884 +religious_painting,Early_Renaissance,domenico-ghirlandaio_lamentation-over-the-dead-christ +landscape,Realism,camille-corot_peasant-from-ville-d-avray-and-her-child-among-two-trees-at-the-bank-of-a-pond +religious_painting,Early_Renaissance,giovanni-bellini_pieta-with-the-virgin-and-st-john +portrait,Rococo,carl-ludwig-johann-christineck_alexandr-viazemsky +genre_painting,Impressionism,berthe-morisot_cottage-interior-also-known-as-interior-at-jersey +landscape,Analytical_Cubism,georges-braque_harbor-in-normandy-1909 +portrait,Impressionism,giovanni-boldini_signorina-concha-de-ossa-1888 +landscape,Post_Impressionism,gustave-loiseau_cliffs-of-puy-1901 +religious_painting,High_Renaissance,cima-da-conegliano_sacred-conversation +cityscape,Post_Impressionism,edouard-cortes_boulevard-de-la-madeleine-winter +portrait,Fauvism,ilya-mashkov_portrait-of-a-lady-in-a-chair-1915 +genre_painting,Realism,constantin-guys_in-the-street +nude_painting,Impressionism,pierre-auguste-renoir_nude-reclining-on-cushions-1907 +genre_painting,Pointillism,theo-van-rysselberghe_moroccan-market +cityscape,Post_Impressionism,maurice-utrillo_gate-saint-martin-in-paris +landscape,Impressionism,pierre-auguste-renoir_landscape-15 +abstract_painting,Cubism,lyubov-popova_relief +religious_painting,Early_Renaissance,pietro-perugino_baptism-of-christ-1 +cityscape,Realism,winslow-homer_santiago-de-cuba-street-scene +religious_painting,Northern_Renaissance,albrecht-durer_the-battle-of-the-angels-1498 +genre_painting,Impressionism,winston-churchill_mary-s-first-speech(1) +nude_painting,Mannerism_Late_Renaissance,hans-von-aachen_david-and-bathsheba-1615 +landscape,Northern_Renaissance,pieter-bruegel-the-elder_alpine-landscape-1556 +still_life,Fauvism,louis-valtat_flowers-and-fruit-1899 +cityscape,Impressionism,john-atkinson-grimshaw_old-chelsea-1 +religious_painting,Early_Renaissance,sandro-botticelli_virgin-and-child-with-two-angels-1469(1) +landscape,Impressionism,t.-c.-steele_weekly-wash +abstract_painting,Abstract_Expressionism,paul-reed_glm-2005 +religious_painting,Mannerism_Late_Renaissance,paolo-veronese_deposition-of-christ-1549 +religious_painting,Northern_Renaissance,hans-memling_diptych-of-john-the-baptist-and-st-veronica-st-john-the-baptist-the-left-wing +still_life,Post_Impressionism,pyotr-konchalovsky_fruit-piece-1912 +religious_painting,Mannerism_Late_Renaissance,tintoretto_st-christopher +cityscape,Post_Impressionism,maurice-utrillo_moulin-de-la-galette-under-the-snow-1 +genre_painting,Art_Nouveau_Modern,carl-larsson_christmas-morning-1894(1) +religious_painting,Realism,vasily-polenov_and-he-returned-to-galilee-in-the-power-of-the-spirit +still_life,Cubism,juan-gris_the-open-window-1921 +abstract_painting,Abstract_Expressionism,basil-beattie_picture-1974 +landscape,Expressionism,margareta-sterian_park-descending-towards-harlem-new-york-1932 +cityscape,Post_Impressionism,edouard-cortes_triumphal-arch-4 +landscape,Realism,maxime-lalanne_route-du-lima-on +genre_painting,Realism,giovanni-boldini_in-garden +landscape,Realism,isaac-levitan_at-the-seashore +portrait,Romanticism,francesco-hayez_portrait-of-teresa-borri +portrait,Impressionism,pierre-auguste-renoir_portrait-of-a-woman-1 +portrait,Realism,david-burliuk_portrait-of-a-man-1960 +portrait,Art_Nouveau_Modern,paul-mathiopoulos_portrait-of-a-woman-1 +portrait,Realism,john-singer-sargent_helen-brice-1907 +religious_painting,Baroque,anthony-van-dyck_saint-john-the-baptist-in-the-wilderness +sketch_and_study,Expressionism,paula-modersohn-becker_nude-girl-sitting-on-the-floor-1904 +landscape,Contemporary_Realism,john-miller_algarve-landscape +landscape,Realism,isaac-levitan_quiet-cloister-1890-2 +portrait,Romanticism,konstantin-makovsky_portrait-of-countess-maria-mikhailovna-volkonskaya +portrait,Realism,camille-corot_octave-chamouillet-pushing-a-wheelbarrow-in-a-garden +portrait,Expressionism,lucian-freud_susanna-1 +sketch_and_study,Post_Impressionism,vincent-van-gogh_pine-trees-in-front-of-the-wall-of-the-asylum-1889-1 +landscape,Contemporary_Realism,neil-welliver_osprey-s-nest-1980 +landscape,Symbolism,nicholas-roerich_tibet-1929 +cityscape,Realism,vasily-vereshchagin_entrance-to-a-temple-in-nikko +illustration,Expressionism,saul-steinberg_passport-1951 +religious_painting,Symbolism,james-tissot_the-grotto-of-the-agony-1894 +cityscape,Expressionism,william-h.-johnson_cagnes-sur-mer-1929 +landscape,Post_Impressionism,le-pho_the-arrival-of-summer +landscape,Romanticism,ivan-aivazovsky_first-train-in-feodosia-1892 +landscape,Realism,ivan-shishkin_peasant-woman-with-cows-1873 +genre_painting,Romanticism,sir-lawrence-alma-tadema_a-roman-artist-1874 +cityscape,Expressionism,saul-steinberg_wyoming-1985 +genre_painting,Cubism,kazimir-malevich_reaper +religious_painting,Early_Renaissance,antonello-da-messina_christ-blessing-1465 +religious_painting,Northern_Renaissance,albrecht-durer_madonna-with-the-many-animals-1503 +landscape,Impressionism,alfred-sisley_a-cardiff-shipping-lane-1897 +still_life,Realism,pyotr-konchalovsky_still-life-meat-and-poultry-1936 +genre_painting,Impressionism,camille-pissarro_elderly-woman-mending-old-clothes-moret-1902 +illustration,Art_Nouveau_Modern,aubrey-beardsley_a-devil-in-woman-s-likeness-1 +portrait,Romanticism,edward-burne-jones_portrait-of-a-young-boy +landscape,Symbolism,martiros-saryan_landscape-turkmenistan-1934 +nude_painting,Post_Impressionism,victor-pasmore_the-studio-of-ingres-1947 +portrait,Impressionism,philip-de-laszlo_crown-princess-cecilie-of-prussia-1906 +portrait,Realism,vasily-surikov_portrait-of-a-s-matveev-in-childhood-1881 +religious_painting,Early_Renaissance,antonello-da-messina_ecce-homo-1470 +genre_painting,New_Realism,edward-hopper_automat-1927 +genre_painting,Fauvism,john-duncan-fergusson_before-a-caf-paris-1907 +sketch_and_study,Impressionism,eugene-boudin_figures-on-beach-in-front-of-bathing-huts +portrait,Realism,valentin-serov_portrait-of-p-d-antipova-1890 +landscape,Impressionism,childe-hassam_hollyhocks-isles-of-shoals +portrait,Impressionism,edgar-degas_six-friends-of-the-artist-1885 +illustration,Expressionism,m.c.-escher_not_detected_204679 +cityscape,Post_Impressionism,edouard-cortes_place-saint-michel-notre-dame +genre_painting,Realism,anders-zorn_spetssom-1894 +sketch_and_study,Post_Impressionism,vincent-van-gogh_a-corner-of-the-asylum-and-the-garden-with-a-heavy-sawn-off-tree-1889(1) +genre_painting,Naive_Art_Primitivism,david-burliuk_refugees-the-horrors-of-the-war +genre_painting,Ukiyo_e,utagawa-kuniyoshi_pilgrims-in-the-waterfall +cityscape,Expressionism,margareta-sterian_sunday-in-breaza +landscape,Realism,boris-kustodiev_winter-1926 +genre_painting,Realism,thomas-eakins_baseball-players-practicing-1875 +religious_painting,Mannerism_Late_Renaissance,maerten-van-heemskerck_lamentation-of-christ +genre_painting,Realism,julius-leblanc-stewart_the-baptism-1892(1) +religious_painting,Northern_Renaissance,albrecht-durer_the-four-apostles-left-part-st-john-s-and-st-peter-1526 +religious_painting,Romanticism,sir-lawrence-alma-tadema_maria-magdalena-1854 +religious_painting,High_Renaissance,michelangelo_the-ancestors-of-christ-jesse-1509 +genre_painting,Cubism,salvador-dali_cabaret-scene +religious_painting,Northern_Renaissance,jan-van-hemessen_christ-1540 +abstract_painting,Abstract_Expressionism,peter-busa_untitled-1957 +landscape,Impressionism,john-henry-twachtman_winter-landscape-1 +religious_painting,Romanticism,eugene-delacroix_frescoes-on-the-west-wall-1837(1) +landscape,Art_Nouveau_Modern,ivan-bilibin_big-pine-1929(1) +sketch_and_study,Realism,james-tissot_metal-ornament-taken-from-the-mosque-of-es-sakra-2 +illustration,Romanticism,gustave-dore_the-inferno-canto-8 +cityscape,Post_Impressionism,spyros-papaloukas_view +sketch_and_study,Symbolism,nicholas-roerich_guri-guri-dhar-ridge-1931 +religious_painting,Baroque,annibale-carracci_st-magdalene-in-the-desert-1591 +illustration,Romanticism,gustave-dore_the-cross +religious_painting,Northern_Renaissance,hans-memling_praying-donor-with-st-william-of-maleval-1470 +religious_painting,Early_Renaissance,paolo-uccello_flood +genre_painting,Baroque,gabriel-metsu_a-young-woman-composing-music +genre_painting,Realism,james-tissot_kathleen-newton-at-the-piano +portrait,Realism,salvador-dali_equestrian-fantasy-portrait-of-lady-dunn +cityscape,Pointillism,henri-edmond-cross_san-giorgio-maggiore-venice-1904 +landscape,Impressionism,boris-kustodiev_in-the-bois-de-boulogne-1909 +genre_painting,Expressionism,josef-herman_men-at-table-1987 +cityscape,Post_Impressionism,vincent-van-gogh_entrance-to-the-voyer-d-argenson-park-at-asnieres-1887(1) +genre_painting,Naive_Art_Primitivism,marc-chagall_barber-s-shop-uncle-zusman-1914 +portrait,Baroque,frans-hals_portrait-of-a-man-1633-2 +portrait,Romanticism,vasily-tropinin_woman-at-the-window-1841 +religious_painting,Early_Renaissance,paolo-uccello_st-george-and-the-dragon +cityscape,Impressionism,nicolae-grigorescu_case-la-vitre +abstract_painting,Color_Field_Painting,barnett-newman_jericho-1969 +genre_painting,Expressionism,laszlo-mednyanszky_absinth-drinker-1898 +genre_painting,Impressionism,peder-severin-kroyer_a-summer-s-day-at-skagen-south-beach-1884 +still_life,Expressionism,damien-hirst_the-meek-shall-inherit-the-earth +cityscape,Impressionism,camille-pissarro_the-treasury-and-the-academy-gray-weather-1903 +abstract_painting,Minimalism,park-seo-bo_ecriture-no-070201-2007 +genre_painting,Naive_Art_Primitivism,grã©goire-michonze_family-and-animals +genre_painting,Impressionism,joaquã­n-sorolla_the-net-1893 +nude_painting,Symbolism,james-mcneill-whistler_dancing-girl-1890 +portrait,Art_Nouveau_Modern,felix-vallotton_portrait-of-belgian-symbolist-poet-max-elskamp-1898 +cityscape,Post_Impressionism,gustave-loiseau_the-auxerre-cathedral +portrait,Realism,john-singer-sargent_portrait-of-albert-spencer-7th-earl-spencer-1915 +genre_painting,Cubism,pablo-picasso_painter-and-his-model-1927 +portrait,Realism,ilya-repin_portrait-of-a-kalmyk-1871 +abstract_painting,Abstract_Expressionism,arshile-gorky_water-of-the-flowery-mill +sketch_and_study,Post_Impressionism,pyotr-konchalovsky_the-horse-in-harness-sketch-for-painting-the-return-from-the-fair-1926 +portrait,Romanticism,fyodor-bronnikov_italian-woman-with-a-basket-of-flowers +landscape,Pop_Art,radi-nedelchev_balloons-2004 +religious_painting,Symbolism,james-tissot_micah-the-prophet +cityscape,Impressionism,henri-martin_the-terrace-1 +portrait,Fauvism,kazimir-malevich_gardener-1911 +portrait,Rococo,maurice-quentin-de-la-tour_prince-charles-edward-stewart +illustration,Romanticism,gustave-dore_purgatorio-canto-30 +landscape,Post_Impressionism,pyotr-konchalovsky_lake-ilmen-1925 +cityscape,Impressionism,claude-monet_the-grand-dock-at-le-havre-1872 +cityscape,Realism,boris-kustodiev_hang-the-signboard-1922 +nude_painting,Expressionism,lucian-freud_naked-solicitor +sketch_and_study,Realism,vincent-van-gogh_two-women-1882 +genre_painting,Realism,william-merritt-chase_mrs-meigs-at-the-piano-organ +portrait,Impressionism,konstantin-korovin_portrait-of-an-officer-1916 +landscape,Romanticism,ivan-aivazovsky_the-niagara-waterfall-1894 +still_life,Post_Impressionism,paul-cezanne_still-life-with-flowers-and-fruit-1890 +landscape,Art_Nouveau_Modern,franklin-carmichael_autumn +genre_painting,Impressionism,eugene-boudin_laundresses-on-the-banks-of-the-touques-9 +landscape,Art_Nouveau_Modern,zinaida-serebriakova_apple-tree +portrait,Naive_Art_Primitivism,fernando-botero_louis-xvi-on-a-visit-to-medellin +cityscape,Impressionism,childe-hassam_the-fourth-of-july-1916 +portrait,Expressionism,ernst-ludwig-kirchner_blond-woman-in-a-red-dress-portrait-of-elisabeth-hembus +genre_painting,Post_Impressionism,maurice-prendergast_beach-scene-new-england +genre_painting,Realism,vasily-vereshchagin_samarkand-zindan-underground-prison-1873 +sketch_and_study,Post_Impressionism,vincent-van-gogh_harvest-landscape-1888-1(1) +cityscape,Rococo,bernardo-bellotto_view-of-the-new-market-place-in-dresden-from-the-moritzstrasse-1751 +genre_painting,Symbolism,konstantin-somov_the-lady-behind-the-desk-anonymous-letter +portrait,Romanticism,francesco-hayez_portrait-of-antoniet-negroni-prati-morosini-as-child-1858 +sketch_and_study,Realism,isaac-levitan_quiet-cloister-1890-1 +sketch_and_study,Post_Impressionism,vincent-van-gogh_view-of-saintes-maries-with-church-and-ramparts-1888 +abstract_painting,Abstract_Expressionism,jane-frank_crags-and-crevices-1961 +religious_painting,Symbolism,lovis-corinth_the-temptation-of-saint-anthony-1897 +landscape,Impressionism,claude-monet_antibes-seen-from-the-salis-gardens-02(1) +landscape,Impressionism,konstantin-korovin_autumn-on-bridge +portrait,Expressionism,ernst-ludwig-kirchner_walking-man-in-the-meadow +religious_painting,Northern_Renaissance,bernhard-strigel_margaret-of-antioch +cityscape,Impressionism,childe-hassam_houses-of-parliament-early-evening +portrait,Pop_Art,roy-lichtenstein_hopeless-1963 +landscape,Impressionism,salvador-dali_playa-port-alguer-from-riba-d-en-pitxo +portrait,Romanticism,william-holman-hunt_amaryllis +portrait,Early_Renaissance,paolo-uccello_portrait-of-a-man +landscape,Impressionism,alfred-sisley_the-forest-at-boulogne +landscape,Contemporary_Realism,richard-whitney_walpole-meadow +landscape,Impressionism,t.-c.-steele_november-morning-1904 +landscape,Realism,m.c.-escher_cave-dwellings-near-sperlinga-sicily +abstract_painting,Color_Field_Painting,jose-guerrero_intervalos-azules-1971 +portrait,Impressionism,mary-cassatt_portrait-of-mie-louise-durand-ruel-1911 +religious_painting,High_Renaissance,pietro-perugino_pala-di-corciano-nativity +landscape,Symbolism,nicholas-roerich_lake-vular-1925 +portrait,Realism,ilya-repin_portrait-of-kryuchkov-1908 +landscape,Romanticism,thomas-cole_corway-peak-new-hamshire-1844 +landscape,Symbolism,konstantin-bogaevsky_memories-of-mantegna-1910-1 +portrait,Expressionism,paula-modersohn-becker_old-woman-with-a-bonnet-in-profile-to-the-left +landscape,Post_Impressionism,alekos-kontopoulos_the-forest-1938 +portrait,Realism,ilya-repin_portrait-of-g-i-shoofs-1907 +cityscape,Symbolism,mstislav-dobuzhinsky_perugia-lion-and-gryphon +portrait,Cubism,eduardo-viana_as-tr-s-ab-boras +portrait,Rococo,jean-honore-fragonard_portrait-of-a-young-artist-presumed-to-be-jacques-andre-naigeon +portrait,Cubism,pablo-picasso_matador-1970 +portrait,Post_Impressionism,irma-stern_the-bride-1943 +religious_painting,Northern_Renaissance,albrecht-durer_all-saints-picture-1511 +landscape,Realism,gustave-courbet_snow-1874 +sketch_and_study,Realism,nicholas-roerich_study-1901-2 +landscape,Realism,theodore-rousseau_twilight-in-sologne-1867 +religious_painting,Early_Renaissance,sandro-botticelli_madonna-with-child-and-three-angels(1) +genre_painting,Realism,nicholas-roerich_water-paternoster-1905 +portrait,Post_Impressionism,pierre-bonnard_misia-with-a-pink-corsage-1908 +genre_painting,Realism,vasily-perov_last-tavern-at-town-gate-1868 +genre_painting,Romanticism,alexander-orlowski_town-carriage-droshky-1820 +genre_painting,Post_Impressionism,le-pho_lecture-lesson +religious_painting,Early_Renaissance,paolo-uccello_maria-birth-scene-1440 +genre_painting,Realism,thomas-eakins_a-may-morning-in-the-park-the-fairman-robers-four-in-hand-1880 +cityscape,Art_Nouveau_Modern,nicholas-roerich_untitled-1904 +genre_painting,Impressionism,giovanni-fattori_berittener-hirte-und-k-he-1880 +still_life,Fauvism,jan-sluyters_still-life-with-fruit +sketch_and_study,Naive_Art_Primitivism,fernand-leger_study-for-a-portrait-1945-1 +genre_painting,Romanticism,jan-matejko_sigmund-and-barbara-1 +portrait,Post_Impressionism,paul-cezanne_boy-in-a-red-vest-1890-2 +abstract_painting,Abstract_Expressionism,sam-francis_light-violet-lembark-l20-1963 +genre_painting,Baroque,antoine-pesne_fortune-teller +genre_painting,Romanticism,theodore-gericault_entrance-to-the-adelphi-wharf +religious_painting,Baroque,peter-paul-rubens_st-sebastian +portrait,Realism,edouard-manet_portrait-of-irma-brunner +religious_painting,Symbolism,salvador-dali_vir-et-mulier-in-paradiso-voluptatis-1967 +religious_painting,High_Renaissance,luca-signorelli_view-of-the-frescoes-in-the-chapel-of-san-brizio-1502 +portrait,Early_Renaissance,giovanni-bellini_portrait-of-a-condottiere +portrait,Baroque,peter-paul-rubens_the-cardinal-infante +landscape,Post_Impressionism,vincent-van-gogh_trunk-of-an-old-yew-tree-1888 +genre_painting,Post_Impressionism,david-burliuk_the-artist-s-wife-with-a-still-life-of-flowers +portrait,Impressionism,mary-cassatt_young-girl-with-brown-hair-1886 +portrait,Baroque,frans-hals_portrait-of-a-young-woman-1655 +landscape,Art_Nouveau_Modern,ferdinand-hodler_hilly-landscape-with-ravens-in-the-bernese-oberland-1910 +genre_painting,Impressionism,camille-pissarro_woman-hanging-up-the-washing-1887 +genre_painting,Impressionism,william-james-glackens_sledding-in-central-park-1912 +cityscape,Impressionism,childe-hassam_the-flag-fifth-avenue +landscape,Ukiyo_e,utagawa-kuniyoshi_nichiren-going-into-exile-on-the-island-of-sado +religious_painting,Mannerism_Late_Renaissance,el-greco_the-agony-in-the-garden +still_life,Rococo,jean-baptiste-simeon-chardin_still-life-with-porcelain-teapot-1763 +portrait,Realism,vasily-perov_portrait-of-an-unknown-1875 +genre_painting,Post_Impressionism,maurice-prendergast_holiday-headlands +still_life,Cubism,le-corbusier_still-life-1920 +portrait,Impressionism,james-mcneill-whistler_the-little-red-cap-1899 +portrait,Art_Nouveau_Modern,gustav-klimt_portrait-of-eugenia-primavesi +sketch_and_study,Symbolism,nicholas-roerich_tunde-village-in-lahaul +landscape,Realism,camille-corot_cowherd-and-her-child +landscape,Impressionism,alfred-sisley_loing-canal-at-saint-mammes-1885 +sketch_and_study,High_Renaissance,michelangelo_study-of-three-male-figures-after-raphael +genre_painting,Impressionism,mary-cassatt_mother-and-child-2 +landscape,Naive_Art_Primitivism,georges-ribemont-dessaignes_untitled-river-and-hills +portrait,Ukiyo_e,utagawa-kuniyoshi_the-actor-13 +landscape,Impressionism,joaquã­n-sorolla_cave-at-san-antonio-javea-1905 +genre_painting,Realism,nikolay-bogdanov-belsky_schoolgirls +religious_painting,Cubism,m.-h.-maxy_madonna +portrait,Pop_Art,martial-raysse_last-year-in-capri-exotic-title-1962 +cityscape,Symbolism,mstislav-dobuzhinsky_saint-isaac-s-cathedral-under-the-snow-1922 +abstract_painting,Cubism,carlos-merida_el-abuelo-ixmucan-1966 +genre_painting,Expressionism,arturo-souto_artist-and-model-1950 +genre_painting,Naive_Art_Primitivism,fernando-botero_the-great-feast +genre_painting,Impressionism,philip-wilson-steer_girl-seated-on-a-pier +sketch_and_study,Realism,vincent-van-gogh_scheveningen-woman-sewing-2-1881 +abstract_painting,Minimalism,gotthard-graubner_untitled-1965 +portrait,Impressionism,claude-monet_madame-monet-embroidering-1875 +cityscape,Post_Impressionism,vincent-van-gogh_coal-barges-1888(1) +landscape,Impressionism,john-henry-twachtman_winter-in-cincinnati +portrait,Baroque,frans-hals_feyntje-van-steenkiste +landscape,Impressionism,pierre-auguste-renoir_pines-in-the-vicinity-of-cagnes-1910 +portrait,Rococo,thomas-gainsborough_the-artist-s-daughter-margaret-1772 +religious_painting,Mannerism_Late_Renaissance,agnolo-bronzino_deposition-from-the-cross-1545 +genre_painting,Ukiyo_e,utagawa-kunisada_not_detected_240330 +landscape,Romanticism,john-constable_a-lane-near-flatford-1811 +genre_painting,Impressionism,edgar-degas_at-the-milliner-s-1882 +sketch_and_study,Realism,valentin-serov_misha-serov +cityscape,Art_Nouveau_Modern,anna-ostroumova-lebedeva_lions-and-castle-ice-drifts-and-fortress +portrait,Cubism,marie-laurencin_apollinaire-and-his-friends-1909 +sketch_and_study,Impressionism,paul-gauguin_in-the-forest-saint-cloud-1873 +portrait,Post_Impressionism,pyotr-konchalovsky_pasha-on-flowers-1909 +landscape,Post_Impressionism,paul-gauguin_tahitian-landscape-1897 +illustration,Abstract_Expressionism,henri-matisse_cut-outs-2 +religious_painting,Symbolism,james-tissot_isaac-feels-jacob-as-rebekah +portrait,Baroque,anthony-van-dyck_arthur-goodwin-m-p-oil-on-canvas +landscape,Post_Impressionism,pyotr-konchalovsky_san-angelo-1924 +landscape,Impressionism,frederic-bazille_the-little-gardener +landscape,Impressionism,claude-monet_the-summer-poppy-field +cityscape,Realism,edouard-manet_a-corner-of-the-garden-in-rueil-1882 +portrait,Baroque,frans-hals_portrait-of-stephanus-geeraerdts-alderman-of-haarlem +landscape,Expressionism,antonio-carneiro_contempla-o-1911 +religious_painting,Early_Renaissance,sandro-botticelli_annunciation-1500(1) +genre_painting,Impressionism,stefan-luchian_in-atelier +illustration,Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-russian-fairy-story-sister-alyonushka-and-brother-ivanushka-1901-3(1) +portrait,Pop_Art,robert-silvers_mona-lisa-remastered +religious_painting,Northern_Renaissance,albrecht-durer_sudarium-spread-out-by-an-angel-1516 +landscape,Naive_Art_Primitivism,ivan-generalic_landscape-1954 +genre_painting,Naive_Art_Primitivism,fernand-leger_three-musicians-1930 +portrait,Realism,ivan-kramskoy_portrait-of-art-critic-pavel-kovalevsky-1886 +landscape,Contemporary_Realism,neil-welliver_old-windfall-1982 +genre_painting,Art_Nouveau_Modern,sergey-solomko_the-admired-beauty +abstract_painting,Abstract_Expressionism,frank-lobdell_summer-1962 +landscape,Impressionism,konstantin-korovin_creek +religious_painting,Naive_Art_Primitivism,marc-chagall_creation-of-eve-1931 +abstract_painting,Minimalism,martin-barre_59-80-75-c-1959 +landscape,Impressionism,claude-monet_sunset-on-the-seine-in-winter +portrait,Impressionism,philip-de-laszlo_empress-elisabeth-of-austria-1898 +cityscape,Impressionism,john-singer-sargent_view-from-a-window-genoa +portrait,Symbolism,gustav-klimt_portrait-of-a-lady-2 +landscape,Impressionism,claude-monet_ice-on-the-siene-at-bennecourt +portrait,Expressionism,lucian-freud_woman-in-a-white-shirt-1957 +landscape,Realism,ivan-shishkin_winter-in-a-forest-rime-1877 +genre_painting,Realism,pyotr-konchalovsky_volodya-by-the-water-1938 +religious_painting,Early_Renaissance,andrea-del-castagno_st-julian-and-the-redeemer +illustration,Romanticism,gustave-dore_the-inferno-canto-5-1 +genre_painting,Realism,winslow-homer_the-carnival +abstract_painting,Abstract_Expressionism,lee-krasner_summer-play-1962 +landscape,Impressionism,paul-gauguin_mountain-landscape-1882 +portrait,Impressionism,pierre-auguste-renoir_portrait-of-henri-lerolle +genre_painting,Art_Nouveau_Modern,sergey-solomko_parting +religious_painting,High_Renaissance,andrea-mantegna_the-judgment-of-solomon +illustration,Art_Nouveau_Modern,koloman-moser_picture-book-for-the-niece-of-ditha-mautner-von-markhof-1904-4 +landscape,Realism,ivan-shishkin_forest-landscape-with-herons-1870 +abstract_painting,Abstract_Expressionism,sam-francis_untitled-sf-297-l-l274-1987 +religious_painting,Mannerism_Late_Renaissance,tintoretto_the-virgin-and-child-with-four-senators +portrait,Baroque,diego-velazquez_equestrian-portrait-of-philip-iv-1635 +portrait,Rococo,joseph-wright_peter-perez-burdett-and-his-first-wife-hannah +portrait,Post_Impressionism,edouard-vuillard_woman-with-hat +portrait,Realism,thomas-eakins_the-artist-s-wife-and-his-setter-dog-1889 +sketch_and_study,High_Renaissance,michelangelo_study-to-battle-of-cascina-1504 +genre_painting,Impressionism,edgar-degas_dancers-5 +landscape,Romanticism,ferdinand-georg-waldmã¼ller_view-of-the-dachstein-with-the-hallst-ttersee-from-the-h-tteneckalpe-at-ischl-1838 +landscape,Realism,charles-francois-daubigny_daybreak-the-oise-ile-de-vaux-1869 +portrait,Cubism,pablo-picasso_standing-woman-1946 +genre_painting,Realism,pyotr-konchalovsky_katya-on-the-lap-a-nurse-1932 +genre_painting,Impressionism,lovis-corinth_butcher-shop-1897 +sketch_and_study,Expressionism,henri-matisse_not-identified-27 +sketch_and_study,High_Renaissance,leonardo-da-vinci_anatomical-studies-larynx-and-leg-1510 +genre_painting,Baroque,jacob-jordaens_the-king-drinks-1640 +portrait,Post_Impressionism,gwen-john_girl-with-a-blue-scarf +landscape,Symbolism,ferdinand-hodler_evening-mist-on-lake-thun-1908 +portrait,Realism,john-singer-sargent_mrs-joseph-chamberlain-1902 +cityscape,Cubism,fernand-leger_a-disc-in-the-city-1919 +landscape,Contemporary_Realism,jamie-wyeth_summer-house-winter-house-1975 +portrait,Cubism,leopold-survage_femmes-de-san-giminiano-1950 +religious_painting,Northern_Renaissance,dirk-bouts_the-middle-panel-of-the-pearl-of-brabant-adoration-of-the-magi +landscape,Impressionism,frantisek-kupka_the-chestnut-tree-in-blossom-1906 +nude_painting,Impressionism,ipolit-strambu_reverie-1920 +still_life,Synthetic_Cubism,georges-braque_the-violin-1914 +genre_painting,Baroque,jan-steen_burgher-of-delft-and-his-daughter-1655 +still_life,Impressionism,lucia-demetriade-balacescu_natur-static-cu-ciclamene-stampe-i-evantai-1923 +landscape,Impressionism,santiago-rusinol_jard-n-abandonado-1898 +genre_painting,Baroque,diego-velazquez_the-lunch-1620 +abstract_painting,Color_Field_Painting,helen-frankenthaler_untitled +religious_painting,Early_Renaissance,paolo-uccello_scenes-of-monastic-life-2 +portrait,Impressionism,camille-pissarro_portrait-of-paul-cezanne-1874 +portrait,Realism,valentin-serov_portrait-of-the-artist-vasily-surikov +religious_painting,Early_Renaissance,giovanni-bellini_st-francis-in-ecstasy-1485 +religious_painting,Northern_Renaissance,mabuse_holy-family-with-st-catherine-and-st-barbara +abstract_painting,Cubism,fernand-leger_the-disc-1918 +genre_painting,Rococo,william-hogarth_lame-theater +religious_painting,Symbolism,mikhail-nesterov_christ-blesses-bartholomew +landscape,Realism,konstantin-bogaevsky_view-of-sudak +abstract_painting,Color_Field_Painting,richard-diebenkorn_ocean-park-no-129 +genre_painting,Naive_Art_Primitivism,marc-chagall_the-bouquet-of-roses-1980 +nude_painting,Post_Impressionism,henri-catargi_nude +religious_painting,Mannerism_Late_Renaissance,tintoretto_moses-drawing-water-from-the-rock-1577 +genre_painting,Impressionism,lucia-demetriade-balacescu_promenad-prin-ia-i +landscape,Impressionism,claude-monet_red-boats-argenteuil-1875-oil-on-canvas-1875 +cityscape,Cubism,marc-chagall_paris-through-the-window-1913 +genre_painting,Post_Impressionism,pablo-picasso_gypsy-in-front-of-musca-1900 +portrait,Art_Nouveau_Modern,felix-vallotton_portrait-of-french-poet-saint-pol-roux-1898 +portrait,Realism,georgios-jakobides_nikolaos-politis-student-in-munich-1880 +genre_painting,Realism,nikolay-bogdanov-belsky_talant-and-admirer +portrait,Impressionism,william-merritt-chase_elsie-leslie-lyde-as-little-lord-fauntleroy +illustration,Art_Nouveau_Modern,edmund-dulac_a-new-marriage-the-rubaiyat-of-omar-khayyam +genre_painting,Impressionism,camille-pissarro_three-women-cutting-grass-1886 +landscape,Expressionism,martiros-saryan_armenia-1922 +landscape,Symbolism,nicholas-roerich_evening-1924 +landscape,Realism,nicholas-roerich_view-of-izvara-estate-1893 +landscape,Realism,efim-volkov_quiet-river +portrait,Fauvism,john-duncan-fergusson_woman-in-hat-1950 +religious_painting,Mannerism_Late_Renaissance,tintoretto_the-last-supper-1594 +portrait,Mannerism_Late_Renaissance,agnolo-bronzino_portrait-of-a-young-man-with-book +portrait,Mannerism_Late_Renaissance,agnolo-bronzino_portrait-of-cosimo-i-de-medici-1 +religious_painting,Romanticism,jan-matejko_cyril-and-methodius +landscape,Impressionism,santiago-rusinol_the-cemetery-montmartre +landscape,Impressionism,samuel-mutzner_strad-din-sevilla-1920 +portrait,Realism,james-mcneill-whistler_arrangement-in-black-portrait-of-f-r-leyland-1873 +landscape,Post_Impressionism,vincent-van-gogh_plain-near-auvers-1890 +portrait,Ukiyo_e,tsukioka-yoshitoshi_not_detected_242421 +genre_painting,Realism,jean-francois-millet_going-to-work-1853 +portrait,Expressionism,kees-van-dongen_the-corn-poppy-1919 +genre_painting,Rococo,pietro-longhi_the-venetian-ladys-morning +genre_painting,Impressionism,gustave-caillebotte_the-gardeners-1877 +religious_painting,Northern_Renaissance,hans-baldung_adam-and-eve-1524 +portrait,Rococo,carl-ludwig-johann-christineck_portrait-of-adam-vasilevich-olsufyev-1773 +portrait,Impressionism,stefan-luchian_peasant-girl +abstract_painting,Abstract_Expressionism,blinky-palermo_who-knows-the-beginning-and-who-knows-the-end-ii-1976 +cityscape,Cubism,paul-klee_in-the-houses-of-st-germain-1914(1) +abstract_painting,Color_Field_Painting,helen-frankenthaler_cameo-1980 +still_life,Impressionism,james-ensor_self-portrait-with-flowered-hat-1883 +landscape,Impressionism,t.-c.-steele_flower-garden-at-brookville-1901 +landscape,Romanticism,karl-bodmer_stolzenfels-castle-in-the-background-lahneck-castle-1836 +landscape,Cubism,albert-gleizes_paysage-1914 +landscape,Impressionism,camille-pissarro_landscape-1890 +genre_painting,Realism,winslow-homer_camp-fire +landscape,Expressionism,fred-williams_saplings-mittagong-ii-1961 +still_life,Realism,octav-bancila_natur-static-cu-mere +portrait,Post_Impressionism,grace-cossington-smith_figure-through-flowers-1935 +sketch_and_study,Romanticism,john-everett-millais_elgiva-seized-byorder-of-odo-archbishop-of-canterbury +religious_painting,Symbolism,alphonse-mucha_holy-mount-athos-1926 +religious_painting,Baroque,bartolome-esteban-murillo_the-marriage-feast-at-cana +abstract_painting,Abstract_Expressionism,william-baziotes_the-flesh-eaters-1952 +genre_painting,Baroque,jan-steen_revelry-at-an-inn-1674 +abstract_painting,Abstract_Expressionism,esteban-vicente_number-6-1956 +religious_painting,Early_Renaissance,paolo-uccello_christ-on-cross-1438 +portrait,Impressionism,joaquã­n-sorolla_portrait-of-don-aureliano-de-beruete-1902 +cityscape,Post_Impressionism,moise-kisling_port-at-saint-tropez-1918 +genre_painting,Realism,andrei-ryabushkin_village-wedding-in-the-tambov-province +sketch_and_study,Northern_Renaissance,albrecht-durer_study-to-a-large-fortune +portrait,Impressionism,max-liebermann_bethmann-hollweg +sketch_and_study,Post_Impressionism,henri-de-toulouse-lautrec_henri-gabriel-ibels-1893 +sketch_and_study,Post_Impressionism,vincent-van-gogh_landscape-with-olive-tree-and-mountains-in-the-background-1888 +religious_painting,Romanticism,francisco-goya_the-adoration-of-the-name-of-the-lord-1772 +nude_painting,Expressionism,marcelle-cahn_nu-allonge-1927 +genre_painting,Realism,james-mcneill-whistler_old-woman-with-rags +religious_painting,Mannerism_Late_Renaissance,el-greco_st-peter +abstract_painting,Color_Field_Painting,paul-jenkins_not_detected_235704 +cityscape,Impressionism,antoine-blanchard_place-saint-michel-notre-dame +genre_painting,Impressionism,mary-cassatt_baby-bill-in-cap-and-shift-1890 +portrait,Pointillism,richard-gerstl_woman-with-feathered-hat-1906 +portrait,Baroque,anthony-van-dyck_maria-bosschaerts-wife-of-adriaen-stevens +genre_painting,Cubism,marc-chagall_the-soldier-drinks-1912 +portrait,Rococo,maurice-quentin-de-la-tour_charles-louis-fouquet-duke-of-belle-isle +landscape,Realism,boris-kustodiev_field-with-sheaves-1905 +abstract_painting,Abstract_Expressionism,sam-francis_blue-balls-viii-1962 +landscape,Post_Impressionism,constantine-maleas_olympia +cityscape,Romanticism,william-turner_rome-the-forum-with-a-rainbow +sketch_and_study,Expressionism,johannes-itten_bewegungsstudie-ii-1935 +landscape,Realism,aleksey-savrasov_autumn-village-near-the-stream +sketch_and_study,Baroque,peter-paul-rubens_sketches-1625 +landscape,Romanticism,george-frederick-watts_alpine-landscape(1) +portrait,Romanticism,alexander-orlowski_portrait-of-k-i-seidel-1820 +landscape,Realism,boris-kustodiev_winter-1919 +portrait,Rococo,benjamin-west_elizabeth-calvert +landscape,Impressionism,pierre-auguste-renoir_medlar-trees-cagnes-1908 +nude_painting,Impressionism,pierre-auguste-renoir_nude-sitting-in-the-forest +portrait,Realism,john-singer-sargent_gondolier-1905 +genre_painting,Expressionism,jose-gutierrez-solana_woman-in-the-mirror +portrait,Impressionism,pierre-auguste-renoir_madame-leon-clapisson-marie-henriette-valentine-billet-1883 +landscape,Impressionism,victor-borisov-musatov_a-tree +still_life,Baroque,hercules-seghers_piles-of-books +religious_painting,Early_Renaissance,domenico-ghirlandaio_last-supper-2 +genre_painting,Expressionism,franz-marc_shepherds +abstract_painting,Color_Field_Painting,victor-pasmore_a-tree-full-of-birds-2-1979 +cityscape,Expressionism,zinaida-serebriakova_collioure-street-with-the-palm-1930 +abstract_painting,Minimalism,pierre-soulages_peinture-243-x-181-cm-26-juin-1999-1999 +genre_painting,Romanticism,alfred-stevens_a-doll +landscape,Realism,ferdinand-hodler_the-mill-of-sous-terre-in-geneva-1878 +landscape,Impressionism,robert-julian-onderdonk_morning-in-spring-1913 +genre_painting,Expressionism,ernst-ludwig-kirchner_design-for-the-banquet-hall-in-essen-1933 +landscape,Realism,ivan-shishkin_polesye +portrait,Realism,pablo-picasso_portrait-of-casagemas +religious_painting,Symbolism,mikhail-nesterov_tsarevich-dimitry-1899 +portrait,Romanticism,sir-lawrence-alma-tadema_portrait-of-mme-bonnefoy-and-m-puttemans-1867 +religious_painting,Early_Renaissance,andrea-mantegna_the-resurrection-right-hand-predella-panel-from-the-altarpiece-of-st-zeno-of-verona-1459 +cityscape,Symbolism,nicholas-roerich_sanctuaries-1924 +landscape,Romanticism,karl-bodmer_winter-village-of-the-minatarres-1843 +genre_painting,Post_Impressionism,henri-de-toulouse-lautrec_messaline-1901 +abstract_painting,Minimalism,frank-stella_carl-andre-from-the-purple-series-1972 +portrait,Expressionism,ernst-ludwig-kirchner_nacked-female-dancer +landscape,Post_Impressionism,pyotr-konchalovsky_autumn-landscape-1923 +landscape,Pointillism,henri-edmond-cross_the-canal-near-st-tropez +portrait,Romanticism,konstantin-makovsky_portrait-19 +illustration,Symbolism,mikhail-vrubel_tamara-and-demon-1891 +landscape,Romanticism,karl-bodmer_along-the-wabash-right-1834 +still_life,Cubism,juan-gris_lemon +cityscape,Expressionism,zinaida-serebriakova_marrakech-view-from-the-terrace-at-the-atlas-mountains-1928 +landscape,Realism,gustave-courbet_la-ferme-de-bonnevaux +religious_painting,Northern_Renaissance,hans-memling_adoration-of-the-magi-whole-triptych +religious_painting,Naive_Art_Primitivism,william-h.-johnson_ezekiel-saw-the-wheel-1945 +portrait,Rococo,joshua-reynolds_francis-seymour-conway-1st-marquess-of-hertford +landscape,Impressionism,laszlo-mednyanszky_tarn-in-the-tatra +portrait,Baroque,diego-velazquez_portrait-of-the-buffoon-redbeard-cristobal-de-castaneda-1640 +portrait,Expressionism,amedeo-modigliani_lunia-czechowska-1919 +cityscape,Symbolism,kuzma-petrov-vodkin_roofs-1923 +landscape,Realism,isaac-levitan_view-of-volga-from-the-high-bank-1887 +landscape,Expressionism,georges-rouault_trois-personnages-dans-un-paysage-de-bretagne-1915 +genre_painting,Impressionism,edgar-degas_dancers-in-a-box +genre_painting,Romanticism,francisco-goya_time-of-the-old-women-1820 +portrait,High_Renaissance,giorgione_portrait-of-a-venetian-gentleman-1510(2) +still_life,Post_Impressionism,paul-cezanne_still-life-with-apples-1 +still_life,Romanticism,paul-cezanne_the-black-marble-clock +abstract_painting,Abstract_Expressionism,mark-tobey_untitled-sumi-1957 +landscape,Naive_Art_Primitivism,martiros-saryan_a-tree-1972 +illustration,Romanticism,gustave-dore_geraint-and-enid-ride-away +portrait,Baroque,anthony-van-dyck_prince-rupert-von-der-pfalz-1632 +landscape,Post_Impressionism,constantin-piliuta_springtime-1978 +portrait,Romanticism,karl-bryullov_portrait-of-the-artist-sylvester-shchedrin +portrait,Fauvism,maurice-de-vlaminck_at-the-bar +abstract_painting,Abstract_Expressionism,joan-miro_may-1973 +landscape,Impressionism,alfred-sisley_a-ponte +religious_painting,Early_Renaissance,domenico-ghirlandaio_coronation-of-the-virgin-1490 +religious_painting,Symbolism,james-tissot_bezalel-as-in-exodus-31 +cityscape,Impressionism,rudolf-schweitzer-cumpana_tr-suri-pe-cheiul-d-mbovi-ei-1930 +genre_painting,Expressionism,lyonel-feininger_woodblock-for-fishing-boats-fischerboote-1918 +landscape,Symbolism,konstantin-somov_in-the-forrest-1 +portrait,Romanticism,francesco-hayez_count-camillo-cavour +illustration,Romanticism,gustave-dore_don-quixote-25 +landscape,Realism,ivan-shishkin_clearing-in-the-forest-1889 +cityscape,Naive_Art_Primitivism,jules-lefranc_rue-des-chantres +landscape,Symbolism,mikalojus-ciurlionis_mists-1906 +landscape,Expressionism,irma-stern_umgababa-1922 +landscape,Impressionism,julian-alden-weir_landscape-with-steeple-wyndham +abstract_painting,Pop_Art,tsuruko-yamazaki_untitled-1965 +cityscape,Romanticism,rudolf-von-alt_the-capitol-in-rome-1835 +landscape,Impressionism,eugene-boudin_le-havre-heavy-winds-off-of-frascati-1896 +portrait,Impressionism,pierre-auguste-renoir_portrait-of-marie-lestringuez-1912 +nude_painting,Romanticism,alexander-shilov_awakening-1982 +portrait,Romanticism,orest-kiprensky_portrait-of-sophie-rostopchine-1823 +landscape,Symbolism,nicholas-roerich_lake-of-gennesaret +genre_painting,Realism,thomas-eakins_the-oarsmen-the-schreiber-brothers-1874 +religious_painting,Baroque,yov-kondzelevych_icon-of-st-john-chrysostom-and-st-basil-the-great-from-the-village-of-horodyshche-in-volhynia +nude_painting,Impressionism,william-merritt-chase_nude +abstract_painting,Abstract_Expressionism,sam-francis_untitled-sf-61-012-1961 +religious_painting,Romanticism,viktor-vasnetsov_savior-1901 +genre_painting,Realism,vincent-van-gogh_churchyard-in-the-rain-1883(1) +religious_painting,Northern_Renaissance,gerard-david_the-judgement-of-cambyses-1498-1 +sketch_and_study,Realism,vincent-van-gogh_peasant-girl-half-figure-2-1885 +portrait,Cubism,ernst-ludwig-kirchner_sad-female-head-1929 +religious_painting,High_Renaissance,giovanni-bellini_st-jerome-st-christopher-and-st-augustine-1513 +religious_painting,Expressionism,max-beckmann_christ-and-the-woman-taken-in-adultery +cityscape,Naive_Art_Primitivism,tarsila-do-amaral_o-mamoeiro-1925 +genre_painting,Ukiyo_e,katsushika-hokusai_street-scenes-newly-pubished-9 +portrait,Romanticism,alexander-orlowski_portrait-of-artamon-denisov-1806 +portrait,Impressionism,pierre-auguste-renoir_seated-woman +portrait,Realism,mykola-yaroshenko_portrait-of-the-sculptor-l-v-posen-1885 +religious_painting,Symbolism,salvador-dali_plange-virgo-accincta-sacco-1967 +still_life,Naive_Art_Primitivism,fernand-leger_still-life-with-chair +abstract_painting,Color_Field_Painting,frank-stella_fez-2-1964 +nude_painting,Mannerism_Late_Renaissance,rosso-fiorentino_death-of-cleopatra-1525 +nude_painting,Expressionism,yiannis-moralis_figure-1951-1 +portrait,Realism,ilya-repin_zaporozhets +landscape,Impressionism,claude-monet_grainstacks-white-frost-effect-1891 +abstract_painting,Abstract_Expressionism,guido-molinari_untitled-1954-1 +illustration,Expressionism,lynd-ward_not-detected-272510 +abstract_painting,Abstract_Expressionism,sam-francis_untitled-1950-1 +genre_painting,Art_Nouveau_Modern,sergey-solomko_the-pursuit-of-happyness +abstract_painting,Color_Field_Painting,sam-francis_toward-disappearance-iii-1958 +portrait,Impressionism,konstantin-korovin_portrait-of-sofia-golitsyna-1886 +genre_painting,Impressionism,jacek-malczewski_respite +portrait,Rococo,thomas-gainsborough_thomas-pennant-1776 +religious_painting,Expressionism,natalia-goncharova_the-evangelists-in-four-parts +landscape,Impressionism,claude-monet_an-orchard-in-spring(1) +landscape,Realism,fyodor-vasilyev_before-a-thunderstorm-1869 +religious_painting,Romanticism,viktor-vasnetsov_god-son +landscape,Romanticism,lev-lagorio_haystacks-1878 +landscape,Realism,camille-corot_roman-countryside-rocky-valley-with-a-herd-of-pigs-1828 +genre_painting,Romanticism,jean-leon-gerome_a-japanese-imploring-a-divinity +cityscape,Post_Impressionism,maurice-utrillo_military-hospital +portrait,Realism,thomas-eakins_kathrin-1872 +still_life,Cubism,serge-charchoune_red-still-life-n2-1926 +illustration,Romanticism,gustave-dore_don-quixote-3 +landscape,Impressionism,claude-monet_the-riverbank-at-petit-gennevilliers +still_life,Contemporary_Realism,janet-fish_monkey-business-2005 +religious_painting,Early_Renaissance,fra-angelico_virgin-and-child-with-sts-dominic-and-thomas-aquinas +portrait,Expressionism,nicolae-tonitza_unknown-title +sketch_and_study,Post_Impressionism,vincent-van-gogh_landscape-with-a-tree-in-the-foreground-1888-1 +portrait,Pop_Art,r.-b.-kitaj_the-man-of-the-woods-and-the-cat-of-the-mountains +portrait,Realism,john-singer-sargent_auguste-rodin-1884 +landscape,Impressionism,john-henry-twachtman_the-rapids-yellowstone +portrait,Romanticism,david-wilkie_abraham-raimbach +cityscape,Fauvism,auguste-herbin_a-street-in-bastia +abstract_painting,Minimalism,jiro-yoshihara_work-1965 +sketch_and_study,Post_Impressionism,vincent-van-gogh_hind-legs-of-a-horse-1890 +portrait,Rococo,louise-elisabeth-vigee-le-brun_portrait-of-madame-de-stael-as-corinne-1808 +genre_painting,Expressionism,ernst-ludwig-kirchner_dancing-couple-of-the-variety +sketch_and_study,Naive_Art_Primitivism,pablo-picasso_man-with-lamb-man-eating-watermelon-and-flutist-1967 +religious_painting,Baroque,peter-paul-rubens_the-meeting-of-david-and-abigail +cityscape,Impressionism,antoine-blanchard_champs-elysees-arc-de-triomphe-2 +landscape,Impressionism,alfred-sisley_approach-to-the-railway-station-1888 +cityscape,Impressionism,claude-monet_zuiderkerk-in-amsterdam +genre_painting,Impressionism,pierre-auguste-renoir_the-reader-1877 +religious_painting,High_Renaissance,giovanni-bellini_the-crucifixion-1503 +genre_painting,Expressionism,louay-kayyali_motherhood-1974 +religious_painting,Early_Renaissance,benozzo-gozzoli_renunciation-of-worldly-goods-and-the-bishop-of-assisi-dresses-st-francis +portrait,Northern_Renaissance,lucas-cranach-the-elder_portrait-of-a-man-1514 +landscape,Post_Impressionism,gustave-loiseau_coast-at-chaponival-1901 +illustration,Art_Nouveau_Modern,aubrey-beardsley_the-landslip +portrait,Pop_Art,tano-festa_da-michelangelo-1978 +cityscape,Art_Nouveau_Modern,nicholas-roerich_city-1907 +portrait,Art_Nouveau_Modern,filipp-malyavin_verka-1913 +landscape,Rococo,thomas-gainsborough_landscape-in-suffolk +landscape,Post_Impressionism,vincent-van-gogh_pollard-willows-and-setting-sun-1888 +abstract_painting,Abstract_Expressionism,gene-davis_untitled-1979(3) +portrait,Cubism,pablo-picasso_farm-woman-1908-1 +still_life,Post_Impressionism,maurice-de-vlaminck_still-life-with-basket-of-fruit +genre_painting,Post_Impressionism,pablo-picasso_a-boy-with-pipe-1905 +landscape,Symbolism,nicholas-roerich_monhigan-shining-of-night-1922 +landscape,Contemporary_Realism,neil-welliver_two-canoes +religious_painting,Realism,ilya-repin_temptation-1891 +portrait,Romanticism,gustave-courbet_the-happy-lovers-1844 +abstract_painting,Abstract_Expressionism,cy-twombly_untitled-part-vii +portrait,Realism,william-adolphe-bouguereau_girl-bouquet-1896 +landscape,Impressionism,eugene-boudin_a-squall-from-northwest-1895 +still_life,Post_Impressionism,martiros-saryan_autumn-still-life-1961 +landscape,Post_Impressionism,abraham-manievich_country-landscape +landscape,Impressionism,lucia-demetriade-balacescu_n-parc-1966 +cityscape,Impressionism,camille-pissarro_cour-du-havre-gare-st-lazare-1893 +sketch_and_study,Impressionism,paul-cezanne_guillaumin-with-the-hanged-man-1873 +religious_painting,Baroque,rembrandt_abraham-entertaining-the-angels-1656 +landscape,Impressionism,robert-julian-onderdonk_in-the-hills-southwest-texas-1912 +genre_painting,Ukiyo_e,utagawa-kunisada_not_detected_240368 +landscape,Impressionism,maxime-maufra_cottages-in-the-snow-1891 +genre_painting,Naive_Art_Primitivism,maria-primachenko_ukrainian-wedding-1966 +portrait,Realism,vasily-perov_portrait-of-the-author-ivan-turgenev-1872 +genre_painting,Synthetic_Cubism,gino-severini_the-accordion-player-1919 +landscape,Impressionism,robert-julian-onderdonk_late-afternoon-in-the-bluebonnets-s-w-texas-1913 +sketch_and_study,Art_Nouveau_Modern,henri-de-toulouse-lautrec_gala-at-the-moulin-rouge-1894 +religious_painting,Northern_Renaissance,albrecht-durer_the-four-apostles-1526 +religious_painting,Early_Renaissance,fra-angelico_last-judgment +cityscape,Impressionism,camille-pissarro_boulevard-des-italiens-morning-sunlight-1897 +portrait,Expressionism,edvard-munch_albert-kollmann-1902 +landscape,Impressionism,camille-pissarro_the-road-to-l-hermitage-in-snow +sketch_and_study,Baroque,rembrandt_joseph-recounting-his-dreams +landscape,Impressionism,camille-pissarro_farm-at-montfoucault-2-1874 +portrait,Expressionism,paula-modersohn-becker_infant-with-her-mother-s-hand +portrait,Realism,henry-herbert-la-thangue_portrait-of-a-young-girl-1880 +illustration,Symbolism,william-blake_the-temptation-and-fall-of-eve-1808 +genre_painting,Realism,ivan-vladimirov_the-revolt-of-the-peasants-on-the-estate-of-prince-shahovskoy +portrait,Northern_Renaissance,albrecht-durer_portrait-of-a-young-f-rleger-with-her-hair-done-up-1497 +portrait,Naive_Art_Primitivism,fernando-botero_nuncio +landscape,Impressionism,charles-reiffel_mountains-1935 +landscape,Post_Impressionism,gustave-loiseau_port-joie-1901 +landscape,Realism,camille-corot_papigno-buildings-overlooking-the-valley-1826 +portrait,Realism,vasily-tropinin_portrait-of-countess-n-a-zubova-1834 +cityscape,Romanticism,alexey-bogolyubov_palermo-1850 +portrait,Impressionism,edgar-degas_henri-de-gas-and-his-neice-lucie-degas +genre_painting,Baroque,adriaen-van-ostade_dancing-couple-and-merry-company-in-an-interior +portrait,Symbolism,franz-stuck_fighting-amazons +genre_painting,Impressionism,rudolf-schweitzer-cumpana_odihna-cailor-1930 +abstract_painting,Abstract_Expressionism,horia-bernea_prapor-1987 +genre_painting,Impressionism,mary-cassatt_baby-smiling-up-at-her-mother +religious_painting,Early_Renaissance,benozzo-gozzoli_scenes-from-the-life-of-st-francis-north-wall +landscape,Realism,gustave-courbet_the-stream-of-the-puits-noir-at-ornans-1868 +religious_painting,Romanticism,gustave-dore_queen-vashti-refuses-to-obey-ahasuerus-command +landscape,Symbolism,nicholas-roerich_mists +nude_painting,Expressionism,jean-fautrier_nu-noir-1926 +landscape,Impressionism,claude-monet_small-branch-of-the-seine-1878 +genre_painting,Baroque,rembrandt_wittenboogaert-the-gold-weigher-1639 +landscape,Romanticism,thomas-cole_the-cascatelli-tivoli-looking-towards-rome-view-of-rome-from-tivoli +portrait,Northern_Renaissance,hans-holbein-the-younger_thomas-godsalve-of-norwich-and-his-son-john-1528 +portrait,Rococo,joshua-reynolds_elizabeth-kerr-marchioness-of-lothian-1769 +abstract_painting,Minimalism,richard-tuttle_12th-wire-octagonal-1971 +cityscape,Realism,vasily-sadovnikov_view-of-the-neva-and-the-peter-and-paul-fortress-1847 +portrait,Realism,vasily-vereshchagin_kokand-soldier-1870 +genre_painting,Impressionism,nikolay-bogdanov-belsky_talant-and-admirer-1 +landscape,Art_Nouveau_Modern,gustav-klimt_horticultural-landscape-with-a-hilltop +still_life,Expressionism,max-weber_still-life +abstract_painting,Color_Field_Painting,mario-schifano_untitled-1978 +genre_painting,Expressionism,balthus_the-cardgame-1950 +abstract_painting,Color_Field_Painting,anne-appleby_highline-cottonwoods-2008 +portrait,Expressionism,amedeo-modigliani_frans-hellens-1919 +cityscape,Pointillism,georges-seurat_the-port-of-honfleur-1886 +illustration,Romanticism,gustave-dore_the-holy-sepulcher +portrait,Expressionism,lucian-freud_bruce-bernard-seated +landscape,Impressionism,camille-pissarro_twilight-eragny-1889 +landscape,Ukiyo_e,katsushika-hokusai_fuji-mountains-in-clear-weather-1831 +landscape,Fauvism,georges-braque_the-port-of-antwerp-the-mast-1906 +portrait,Mannerism_Late_Renaissance,titian_not_detected_224924-1542 +still_life,Cubism,pyotr-konchalovsky_still-life-1911 +genre_painting,Expressionism,corneliu-baba_maternity-1979 +nude_painting,Symbolism,james-mcneill-whistler_purple-and-gold-phryne-the-superb-builder-of-temples-1901 +abstract_painting,Minimalism,joan-hernandez-pijuan_triptych-of-montargull +genre_painting,Realism,jean-francois-millet_house-birthplace-millet +landscape,Impressionism,pierre-auguste-renoir_mediterranean-landscape-1891 +cityscape,Art_Nouveau_Modern,anna-ostroumova-lebedeva_linden-avenue-and-the-monument-to-paul-i-1922 +portrait,Expressionism,egon-schiele_girl-with-green-pinafore-1910 +illustration,Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-tale-of-prince-ivan-the-firebird-and-the-grey-wolf-1899-7 +nude_painting,Expressionism,henri-matisse_standing-odalisque-reflected-in-a-mirror-1923 +portrait,Expressionism,chaim-soutine_young-woman +cityscape,Romanticism,richard-parkes-bonington_view-of-venice +sketch_and_study,Symbolism,felicien-rops_study-for-the-temptation-of-saint-anthony +portrait,New_Realism,george-luks_girl-with-doll +genre_painting,Romanticism,theodore-gericault_coal-cars-1822 +landscape,Post_Impressionism,mary-fedden_desert-1989 +abstract_painting,Cubism,fernand-leger_discs-1918 +genre_painting,Realism,vincent-van-gogh_woman-mending-stockings-1881 +landscape,Impressionism,maxime-maufra_the-coastline-in-brittany +sketch_and_study,High_Renaissance,michelangelo_study-of-nude-man +genre_painting,Post_Impressionism,pyotr-konchalovsky_novgorodians-1925 +landscape,Realism,ivan-shishkin_amanita-1879 +cityscape,Post_Impressionism,pyotr-konchalovsky_novgorod-sophia-1925 +nude_painting,Cubism,m.-h.-maxy_nude-1924 +still_life,Post_Impressionism,helene-schjerfbeck_still-life-in-green-1930 +sketch_and_study,Expressionism,august-macke_under-the-arcades +landscape,Realism,ivan-shishkin_deciduous-forest-1897 +nude_painting,Post_Impressionism,maurice-prendergast_bathers-3 +religious_painting,Early_Renaissance,carlo-crivelli_saint-george +nude_painting,Expressionism,lucian-freud_irish-woman-on-a-bed-2004 +sketch_and_study,Art_Nouveau_Modern,ferdinand-hodler_swearing-to-the-right +portrait,Realism,ilya-repin_portrait-of-v-k-pleve-1902 +nude_painting,Expressionism,tsuguharu-foujita_dream-1947 +genre_painting,Naive_Art_Primitivism,niko-pirosmani_woman-inspector-of-market-hygiene-1916 +genre_painting,Rococo,antoine-watteau_the-hardships-of-war +portrait,Rococo,maurice-quentin-de-la-tour_study-of-the-portrait +sketch_and_study,Romanticism,caspar-david-friedrich_wc-cdfluisesponholz +abstract_painting,Color_Field_Painting,mark-rothko_not_detected_242132 +portrait,High_Renaissance,titian_cosimo-de-medici-later-grand-duke-of-tuscany +landscape,Impressionism,winston-churchill_a-view-at-mimizan(1) +illustration,Symbolism,mikhail-vrubel_the-flying-demon +landscape,Post_Impressionism,augustus-john_irish-coast +portrait,Realism,istvan-nagy_soldier-head-1915 +genre_painting,Art_Nouveau_Modern,konstantin-somov_the-girl-with-the-mushroom-under-the-rainbow +genre_painting,Post_Impressionism,felix-vallotton_the-bistro +landscape,Realism,charles-francois-daubigny_the-banks-of-the-oise-1877 +religious_painting,Early_Renaissance,benozzo-gozzoli_view-of-the-apsidal-chapel-of-sant-agostino-cycle-of-st-augustine-1465 +still_life,Post_Impressionism,pyotr-konchalovsky_fruit-piece-1911 +landscape,Post_Impressionism,constantine-maleas_landscape-of-nile-aswan +genre_painting,Impressionism,edouard-manet_on-the-beach-1873 +genre_painting,Impressionism,lucian-grigorescu_munci-de-prim-var +abstract_painting,Color_Field_Painting,ronnie-landfield_golden-harvest-1981 +abstract_painting,Abstract_Expressionism,sam-francis_yellow-speck-1963 +cityscape,Realism,vasily-polenov_cityscape-1875 +sketch_and_study,Impressionism,pierre-auguste-renoir_studies-of-the-children-of-paul-berard-1881 +portrait,Romanticism,orest-kiprensky_portrait-of-the-artist-s-father-adam-karlovich-schwalbe-1804 +genre_painting,Post_Impressionism,theophrastos-triantafyllidis_nannies-in-the-park +sketch_and_study,Symbolism,nicholas-roerich_sketch-for-moving-the-boats +portrait,Post_Impressionism,augustus-john_david-and-dorelia-in-normandy-1908 +genre_painting,Baroque,le-nain-brothers_small-card-players-1 +portrait,Realism,pyotr-konchalovsky_not-taken-married-portrait-of-natalia-petrovna-konchalovsky-the-artist-s-daughter-1925 +abstract_painting,Color_Field_Painting,dan-christensen_kaitos-1968 +landscape,Impressionism,childe-hassam_the-holly-farm +religious_painting,High_Renaissance,pietro-perugino_the-madonna-between-st-john-the-baptist-and-st-sebastian-detail-1 +sketch_and_study,Realism,vincent-van-gogh_reaper-with-sickle-after-millet-1881 +religious_painting,Mannerism_Late_Renaissance,tintoretto_christ-washing-the-feet-of-his-disciples +illustration,Symbolism,william-blake_a-negro-hung-alive-by-the-ribs-to-a-gallows-1796 +abstract_painting,Color_Field_Painting,barnett-newman_ninth-station-964 +cityscape,Pointillism,henri-edmond-cross_ponte-san-trovaso-1905 +abstract_painting,Color_Field_Painting,ian-davenport_poured-reversal-painting-light-blue-blue-1999 +sketch_and_study,High_Renaissance,andrea-del-sarto_study-for-the-baptism-of-the-people +portrait,Realism,vladimir-makovsky_empress-maria-feodorovna +abstract_painting,Symbolism,victor-hugo_silhouette-fantastique-1854 +genre_painting,Cubism,marc-chagall_wounded-soldier-1914-1 +portrait,Expressionism,ligia-macovei_unknown-title-30 +cityscape,Post_Impressionism,edouard-cortes_quay-du-louvre +portrait,Post_Impressionism,nicolae-tonitza_reading +sketch_and_study,Symbolism,koloman-moser_study-for-venus-in-the-grotto +genre_painting,Baroque,gerard-terborch_a-woman-spinning +landscape,Realism,vincent-van-gogh_cottages-1883(1) +landscape,Realism,charles-francois-daubigny_the-graves-of-villerville-nemed-also-meadow-with-a-view-on-the-sea-1859 +cityscape,Post_Impressionism,francisc-sirato_city-outskirts-1933 +genre_painting,Rococo,jean-baptiste-simeon-chardin_the-house-of-cards +landscape,Impressionism,william-merritt-chase_shinnecock-landscape-03 +genre_painting,Symbolism,odilon-redon_meditation +landscape,Impressionism,pierre-auguste-renoir_landscape-with-river-1917 +genre_painting,Romanticism,john-everett-millais_swallow-swallow +abstract_painting,Abstract_Expressionism,cy-twombly_untitled-17 +abstract_painting,Color_Field_Painting,kenzo-okada_red-and-orange-1968 +religious_painting,Northern_Renaissance,lucas-cranach-the-elder_christ-carrying-the-cross-1538 +genre_painting,Naive_Art_Primitivism,fernand-leger_swimming +nude_painting,Art_Nouveau_Modern,carl-larsson_the-model-on-the-table-1906(1) +portrait,Expressionism,kees-van-dongen_woman-with-blue-eyes-1908 +genre_painting,Romanticism,sir-lawrence-alma-tadema_the-roman-potter-1884 +portrait,Art_Nouveau_Modern,egon-schiele_portrait-of-marga-boerner-1917 +genre_painting,Art_Nouveau_Modern,raphael-kirchner_marionettes-4 +still_life,Post_Impressionism,constantin-piliuta_vase-with-white-flowers-1996 +landscape,Realism,camille-corot_mountainous-landscape +landscape,Impressionism,childe-hassam_listening-to-the-orchard-oriole +genre_painting,Rococo,pietro-longhi_the-masked-visitor-1760 +portrait,Realism,john-everett-millais_emily-patmore-1851 +landscape,Symbolism,nicholas-roerich_view-of-kangchenjunga-from-turpindar +cityscape,Naive_Art_Primitivism,pavel-filonov_a-small-house-in-moscow-1894 +portrait,Romanticism,francesco-hayez_portrait-of-gioacchino-rossini-1870 +landscape,Realism,konstantinos-volanakis_the-fisherman-s-home-on-the-beach(2) +cityscape,Post_Impressionism,spyros-papaloukas_holy-mountain-1924 +landscape,Symbolism,martiros-saryan_aragats-in-clouds-1923 +landscape,Symbolism,kimon-loghi_springtime +abstract_painting,Color_Field_Painting,ad-reinhardt_abstract-painting-blue-1953 +portrait,Impressionism,ipolit-strambu_reading-in-the-garden-1910 +genre_painting,Realism,viktor-vasnetsov_reaper-1867 +landscape,Impressionism,paul-cezanne_the-bridge-at-maincy-1879 +portrait,Romanticism,eduard-von-gebhardt_man-reading-1922 +cityscape,Post_Impressionism,edouard-cortes_place-de-la-republique-1 +nude_painting,Art_Nouveau_Modern,pablo-picasso_the-cries-of-virgins-1900 +religious_painting,Mannerism_Late_Renaissance,giorgio-vasari_coronation-of-the-virgin +genre_painting,Cubism,rene-magritte_georgette-at-the-piano-1923(1) +landscape,Expressionism,balthus_pastoral-1960 +nude_painting,Post_Impressionism,pyotr-konchalovsky_the-woman-in-front-of-a-mirror-1921 +portrait,Impressionism,john-singer-sargent_charles-deering-1917 +genre_painting,Symbolism,mikhail-vrubel_venice-1893 +portrait,Realism,vasily-surikov_portrait-of-girl-with-red-dress +portrait,Expressionism,egon-schiele_boy-in-a-sailor-suit-1913 +religious_painting,Symbolism,mikhail-nesterov_saint-barbara +sketch_and_study,Northern_Renaissance,albrecht-durer_study-sheet-with-fools-faun-phoenix-and-deer-hunting +sketch_and_study,Art_Nouveau_Modern,nicholas-roerich_tmutarakan-1919-1 +abstract_painting,Abstract_Expressionism,friedel-dzubas_gtw-14 +religious_painting,Northern_Renaissance,hans-baldung_the-dead-christ-1507 +still_life,Cubism,salvador-dali_puristic-still-life +sketch_and_study,Realism,john-singer-sargent_study-for-two-heads-for-boston-mural-the-prophets +landscape,Symbolism,martiros-saryan_ararat-and-saint-hripsime-church-1945 +landscape,Realism,nicholas-roerich_river-landscape-1892 +sketch_and_study,Symbolism,kuzma-petrov-vodkin_in-the-1920 +genre_painting,Impressionism,medi-wechsler-dinu_balchik-caf +religious_painting,Early_Renaissance,filippo-lippi_the-beheading-of-john-the-baptis-1465 +genre_painting,Northern_Renaissance,albrecht-altdorfer_crusade +portrait,Rococo,jean-marc-nattier_mademoiselle-de-clermont-as-a-sultana-1733 +landscape,Impressionism,stefan-popescu_houses-at-bonnieux +portrait,Realism,valentin-serov_portrait-of-grand-duke-paul-alexandrovich-1897 +sketch_and_study,Symbolism,ferdinand-hodler_the-german-students-in-the-war-of-liberation-of-1813-1908 +genre_painting,Ukiyo_e,kitagawa-utamaro_shower +sketch_and_study,Expressionism,thalia-flora-karavia_man-smoking +portrait,Pop_Art,andy-warhol_madonna-and-self-portrait-with-skeleton-s-arm-after-munch +landscape,Symbolism,ferdinand-hodler_grand-muveran-1912-2 +portrait,Rococo,thomas-gainsborough_henry-frederick-duke-of-cumberland-1777 +genre_painting,Symbolism,nicholas-roerich_lonely-wanderer-1944 +portrait,Realism,john-everett-millais_a-jersey-lily-portrait-of-lillie-langtry +landscape,Realism,camille-corot_the-road-to-sevres +landscape,Realism,isaac-levitan_winter-landscape-with-mill-1884 +landscape,Realism,maxime-lalanne_vall-e-du-lys +genre_painting,Realism,vladimir-makovsky_at-the-kitchen-1913 +portrait,Rococo,dmitry-levitzky_portrait-of-priest-peter-levitzky-1812 +landscape,Realism,efim-volkov_ukrainian-landscape +abstract_painting,Abstract_Expressionism,joan-mitchell_ladybug-1957 +genre_painting,Art_Nouveau_Modern,raphael-kirchner_modern-girls-1901-1 +landscape,Impressionism,camille-pissarro_landscape-1 +cityscape,Art_Nouveau_Modern,anna-ostroumova-lebedeva_leningrad-fontanka-and-the-summer-garden-in-frost-1929 +genre_painting,Post_Impressionism,pierre-bonnard_children-and-kid +cityscape,Post_Impressionism,pyotr-konchalovsky_moika-three-arch-bridge-1931 +portrait,Baroque,frans-hals_family-portrait +landscape,Realism,theodore-rousseau_landscape-4 +landscape,Realism,ivan-shishkin_pine-forest-2 +landscape,Impressionism,pierre-auguste-renoir_the-edge-of-the-forest-in-brittany-1893 +landscape,New_Realism,edward-hopper_cape-cod-evening +genre_painting,Realism,mikhail-nesterov_the-korin-brothers-1930 +illustration,Naive_Art_Primitivism,martiros-saryan_illustration-to-armenian-folk-tales-1937-9 +still_life,Cubism,corneliu-michailescu_still-life-with-fruits +cityscape,Post_Impressionism,edouard-cortes_quai-de-montebello-notre-dame +portrait,Baroque,judith-leyster_the-serenade-1629 +portrait,Post_Impressionism,le-pho_two-women +religious_painting,Northern_Renaissance,gerard-david_the-adoration-of-the-magi-1 +genre_painting,Impressionism,james-mcneill-whistler_sketch-for-the-balcony-1870 +portrait,Impressionism,william-merritt-chase_portrait-of-mrs-c-1 +landscape,Realism,isaac-levitan_birch-grove-1878 +abstract_painting,Abstract_Expressionism,sam-francis_sulfur-water-1967 +landscape,Impressionism,adam-baltatu_village-boundary-1 +landscape,Impressionism,stefan-popescu_houses-in-provence +abstract_painting,Minimalism,robert-ryman_untitled(1) +landscape,Realism,fyodor-vasilyev_barges-on-volga +sketch_and_study,Impressionism,edgar-degas_the-daughter-of-jephtha-study-1860 +landscape,Impressionism,claude-monet_the-banks-of-the-seine +religious_painting,Northern_Renaissance,robert-campin_the-annunciation +genre_painting,Impressionism,georges-seurat_stone-breakers-le-raincy-1881 +genre_painting,Realism,winslow-homer_snap-the-whip +sketch_and_study,Realism,vincent-van-gogh_peasant-woman-head-4 +religious_painting,Mannerism_Late_Renaissance,parmigianino_madonna-and-child-with-saints +sketch_and_study,Realism,vincent-van-gogh_seated-woman-3-1885 +genre_painting,Impressionism,claude-monet_in-the-garden-1 +illustration,Symbolism,harry-clarke_tales-of-mystery-and-imagination-by-edgar-allan-poe-1923-15 +genre_painting,Art_Nouveau_Modern,wilhelm-kotarbinski_resting-by-the-shore +landscape,Impressionism,william-merritt-chase_shinnecock-landscape +portrait,Symbolism,odilon-redon_portrait-of-genevieve-de-gonet-as-a-child-1907 +portrait,Realism,ilya-repin_portrait-of-the-composer-anatoly-konstantinovich-lyadov-1902 +portrait,Romanticism,theodore-gericault_head-of-a-horseman +portrait,Realism,pavel-fedotov_portrait-of-amalia-legrand-1847 +abstract_painting,Abstract_Expressionism,vasile-dobrian_hourglass-i-1973 +religious_painting,Symbolism,pierre-puvis-de-chavannes_st-genevieve-makes-confidence-and-calm-to-frightened-parisians-of-the-approach-of-attila +genre_painting,Art_Nouveau_Modern,henri-de-toulouse-lautrec_is-it-enough-to-want-something-passionately-the-good-jockey-1895 +genre_painting,Impressionism,edgar-degas_ballerina-and-lady-with-a-fan-1885 +landscape,Impressionism,john-henry-twachtman_snow-scene-at-utica +religious_painting,Realism,nikolai-ge_christ-and-the-disciples-going-out-into-the-garden-of-gethsemane-after-the-last-supper +portrait,Cubism,jean-metzinger_la-plume-jaune-1912 +abstract_painting,Abstract_Expressionism,helen-frankenthaler_mountains-and-sea-1962 +landscape,Realism,isaac-levitan_abramtsevo +cityscape,Expressionism,margareta-sterian_balcic +portrait,Romanticism,dante-gabriel-rossetti_portrait-of-william-rossetti-orange-1853 +abstract_painting,Abstract_Expressionism,forrest-bess_burning-bush-1953 +genre_painting,Realism,vasily-perov_wandering-in-a-field-1879 +still_life,Impressionism,pierre-auguste-renoir_still-life-with-peaches +cityscape,Impressionism,camille-pissarro_unloading-wood-at-rouen-1896 +cityscape,Impressionism,camille-pissarro_the-louvre-1902 +landscape,Impressionism,john-singer-sargent_a-waterfall-1910 +sketch_and_study,Minimalism,ralph-hotere_towards-aramoana-drawing-for-a-black-window-1981 +landscape,Impressionism,claude-monet_grainstacks-at-sunset-snow-effect-1891 +cityscape,Impressionism,konstantin-korovin_paris-1907 +landscape,Impressionism,claude-monet_low-tide-at-pourville-misty-weather +portrait,Naive_Art_Primitivism,niko-pirosmani_karachoheli-with-a-horn-of-wine +nude_painting,Expressionism,salvador-dali_two-adolescents +religious_painting,Baroque,guido-reni_angel-of-the-annunciation +genre_painting,Art_Nouveau_Modern,sergey-solomko_meeting-1 +landscape,Post_Impressionism,gustave-loiseau_small-arm-of-the-seine-near-connelle-1921 +illustration,Naive_Art_Primitivism,marc-chagall_tchitchikov-s-father-educates-him +portrait,Realism,john-singer-sargent_portrait-of-grace-elvina-marchioness-curzon-of-kedleston-1925 +portrait,Romanticism,orest-kiprensky_nikolay-ivanovich-gnedich +portrait,Pop_Art,peter-blake_ebony-tarzan-1972 +abstract_painting,Color_Field_Painting,gene-davis_jack-in-the-box-1969 +genre_painting,Expressionism,periklis-vyzantios_bistro +religious_painting,Northern_Renaissance,hans-memling_nativity-1 +nude_painting,Realism,edouard-manet_olympia-1863 +sketch_and_study,Impressionism,pierre-auguste-renoir_guernsey-landscape +genre_painting,Naive_Art_Primitivism,grã©goire-michonze_scene-villageoise +nude_painting,Expressionism,ernst-ludwig-kirchner_three-nudes-in-the-forest-2 +genre_painting,Realism,camille-corot_the-artist-s-studio-1870 +portrait,Realism,vasily-vereshchagin_japanese-woman +landscape,Impressionism,berthe-morisot_boulogne-wood +genre_painting,Mannerism_Late_Renaissance,tintoretto_aretino-in-the-studio-of-tintoretto +genre_painting,Ukiyo_e,katsushika-hokusai_seated-woman-with-shamisen +portrait,Impressionism,zinaida-serebriakova_family-portrait +abstract_painting,Abstract_Expressionism,mark-tobey_totem-series-abstraction +portrait,Realism,nicolae-grigorescu_turkish-prisoners +landscape,Impressionism,leon-dabo_on-the-hillside +landscape,Symbolism,mikalojus-ciurlionis_seashore-1905 +genre_painting,Expressionism,otto-dix_man-and-woman-nocturnal-scene +cityscape,Post_Impressionism,gustave-loiseau_pont-aven +genre_painting,Ukiyo_e,katsushika-hokusai_the-fields-of-sekiya-by-the-sumida-river-1831 +portrait,Ukiyo_e,utagawa-kuniyoshi_the-actor-7 +portrait,Romanticism,franz-xaver-winterhalter_adelina-patti +portrait,Contemporary_Realism,chuck-close_john-1998 +genre_painting,Romanticism,paul-cezanne_promenade-1866 +nude_painting,Symbolism,felicien-rops_coquette-in-front-of-a-mirror +portrait,Realism,john-everett-millais_caller-herrin +sketch_and_study,High_Renaissance,leonardo-da-vinci_studies-of-the-sexual-act-and-male-sexual-organ +portrait,Realism,john-singer-sargent_the-acheson-sisters-1902 +nude_painting,Post_Impressionism,henri-matisse_odalisque-1926 +landscape,Impressionism,max-liebermann_birch-grow +genre_painting,Impressionism,pericles-pantazis_knitting-woman +genre_painting,Impressionism,berthe-morisot_boating-on-the-lake +illustration,Romanticism,gustave-dore_don-quixote-31 +genre_painting,Symbolism,nicholas-roerich_wanderer-from-the-resplendent-city-1933 +cityscape,Rococo,bernardo-bellotto_vienna-the-lobkowitzplatz +landscape,Impressionism,alfred-sisley_moret-sur-loing-1888 +cityscape,Naive_Art_Primitivism,marc-chagall_old-vitebsk-1914 +genre_painting,Romanticism,george-stubbs_william-anderson-with-two-saddle-horses-1793 +landscape,Realism,isaac-levitan_apple-trees-in-blossom-1896-1 +religious_painting,High_Renaissance,lorenzo-lotto_the-angel-of-the-annunciation +landscape,Symbolism,nicholas-roerich_himalayas-24 +landscape,Impressionism,claude-monet_the-mount-riboudet-in-rouen-at-spring +cityscape,Symbolism,mstislav-dobuzhinsky_courtyard-in-palanga-1932 +still_life,Fauvism,mary-fedden_aubergine-and-flowers-1968 +religious_painting,Mannerism_Late_Renaissance,jacopo-pontormo_ten-thousand-martyrs-1529 +genre_painting,Impressionism,mary-cassatt_a-kiss-for-baby-anne +still_life,Cubism,georges-braque_fruit-dish +abstract_painting,Abstract_Expressionism,gerhard-richter_grey +cityscape,Post_Impressionism,edouard-vuillard_boulevard-of-battignolles +religious_painting,High_Renaissance,raphael_the-marriage-of-the-virgin-1504 +cityscape,Post_Impressionism,pyotr-konchalovsky_murmansk-promenade-on-the-seafront-at-white-night-1937 +portrait,Baroque,rembrandt_a-bearded-man-in-a-cap-1657 +landscape,Romanticism,lev-lagorio_country-house-1892 +portrait,Expressionism,marc-chagall_portrait-of-artist-s-sister-aniuta-1910 +genre_painting,Impressionism,claude-monet_the-artist-s-house-at-argenteuil +genre_painting,Romanticism,francisco-goya_spanish-entertainment-1825 +landscape,Realism,ion-andreescu_the-oak +religious_painting,Symbolism,james-tissot_the-dead-bodies-carried-away +cityscape,Impressionism,joaquã­n-sorolla_fountain-of-neptune-la-granja-1907 +cityscape,Post_Impressionism,arturo-souto_roofs-of-madrid-1955 +genre_painting,Realism,vasily-perov_drowned-1867 +landscape,Post_Impressionism,henri-edmond-cross_landscape-4 +cityscape,Post_Impressionism,giorgio-morandi_cortile-di-via-fondazza-1956 +religious_painting,Early_Renaissance,piero-della-francesca_madonna-and-child +portrait,Realism,ilya-repin_portrait-of-s-a-repina-1878 +landscape,Impressionism,konstantin-korovin_in-the-south-1906 +cityscape,Impressionism,hoca-ali-riza_karda-sk-dar +abstract_painting,Minimalism,frank-stella_ifafa-i-from-the-v-series-1968 +genre_painting,Symbolism,nicholas-roerich_thoughts-of-fire-1934 +genre_painting,Realism,alexey-venetsianov_meeting-at-the-well +portrait,Rococo,joshua-reynolds_portrait-of-bridget-moris-in-a-white-silk-dress +still_life,Realism,arthur-segal_still-life-and-a-window-1935 +genre_painting,Impressionism,eugene-boudin_leaving-mass-in-brittany +genre_painting,Realism,john-everett-millais_a-winter-s-tale +genre_painting,Realism,vasily-perov_caretaker-letting-an-apartment-to-a-lady +genre_painting,Impressionism,pierre-auguste-renoir_figures-in-a-garden +genre_painting,Romanticism,edward-burne-jones_the-council-chamber-1890 +portrait,Mannerism_Late_Renaissance,tintoretto_portrait-of-jacopo-soranzo +landscape,Symbolism,mstislav-dobuzhinsky_farm-in-new-england-1940 +portrait,Romanticism,john-hoppner_portrait-of-harriet-viscountess-duncannon-with-her-sons-1787 +portrait,Ukiyo_e,tsukioka-yoshitoshi_lady-getting-tattooed +religious_painting,Romanticism,gustave-dore_the-conversion-of-st-paul-1866 +still_life,Realism,james-ensor_shells-and-shellfish-1889 +illustration,Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-russian-fairy-story-salt-1900(1) +abstract_painting,Minimalism,yves-klein_monochrome-vert +landscape,Baroque,peter-paul-rubens_forest-landscape-at-the-sunrise +landscape,Realism,volodymyr-orlovsky_sunset-1896 +genre_painting,Impressionism,childe-hassam_bricklayers +portrait,Symbolism,kuzma-petrov-vodkin_portrait-of-the-artist-s-daughter-1935 +genre_painting,Expressionism,paula-modersohn-becker_girl-with-stork-1907 +portrait,Realism,fyodor-bronnikov_portrait-of-the-artist-s-father-1871 +portrait,Northern_Renaissance,albrecht-durer_hans-tucher-1499 +abstract_painting,Abstract_Expressionism,mostafa-dashti_untitled-2007(1) +abstract_painting,Color_Field_Painting,anne-truitt_truitt-86-1986 +sketch_and_study,Post_Impressionism,vincent-van-gogh_road-with-trees-1888 +religious_painting,Baroque,caravaggio_supper-at-emmaus-1602(1) +landscape,Expressionism,amedeo-modigliani_the-tuscan-road-1899 +portrait,Realism,george-catlin_a-choctaw-woman-1834 +portrait,Symbolism,fernand-khnopff_baroness-fernand-van-der-bruggen-1900 +sketch_and_study,Realism,vincent-van-gogh_stocky-man-1885-1 +genre_painting,Impressionism,joaquã­n-sorolla_end-of-the-day-javea-1900 +illustration,Realism,boris-kustodiev_fire-in-kistenevka-1919 +portrait,Cubism,diego-rivera_portrait-of-ramon-gomez-de-la-serna-1915 +landscape,Realism,camille-corot_honfleur-calvary-on-the-cote-de-grace +genre_painting,Art_Nouveau_Modern,henri-de-toulouse-lautrec_dancing-at-the-moulin-rouge-1897 +landscape,Symbolism,nicholas-roerich_town-monastery-on-hills +illustration,Art_Nouveau_Modern,aubrey-beardsley_salome-with-her-mother-1894 +genre_painting,Realism,vasily-perov_in-the-pawnshop-1867 +landscape,Realism,jean-francois-millet_the-rock-of-castel-vendon-1848 +portrait,Post_Impressionism,pierre-bonnard_joseph-bernheim-jeune-and-gaston-bernheim-de-villers-1920 +landscape,Post_Impressionism,kazuo-nakamura_pine-forest-1956 +landscape,Impressionism,camille-pissarro_carriage-on-a-country-road-winter-outskirts-of-louveciennes-1872 +abstract_painting,Color_Field_Painting,angelo-de-sousa_sem-titulo-1988 +illustration,Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-fairy-tale-vasilisa-the-beautiful-2(1) +genre_painting,Impressionism,emmanuel-zairis_the-lovers +genre_painting,Art_Nouveau_Modern,raphael-kirchner_behind-the-scenes-1900-1 +portrait,Naive_Art_Primitivism,maria-primachenko_my-dear-has-fallen-in-love-with-brigadier-1972 +portrait,Baroque,ivan-nikitin_portrait-of-peter-the-great +portrait,Baroque,frans-hals_portrait-of-theodorus-schrevelius-1617 +portrait,Impressionism,mary-cassatt_contemplation-1891 +sketch_and_study,Realism,vasily-surikov_young-lady-with-his-arms-folded-study-to-boyarynya-morozova +landscape,Impressionism,alfred-sisley_the-bridge-at-saint-cloud-1877 +genre_painting,Romanticism,nikolaos-gyzis_carnival-in-athens +portrait,Baroque,rembrandt_a-young-man-seated-turned-to-the-left-1637 +landscape,Realism,volodymyr-orlovsky_landscape-with-mountain-creek +religious_painting,Baroque,jacob-jordaens_the-four-latin-fathers-of-the-church +landscape,Symbolism,nicholas-roerich_himalayas-30 +landscape,Realism,ivan-shishkin_children-in-the-forest +landscape,Romanticism,thomas-cole_the-clove-catskills-double-impact-1827 +landscape,Realism,gustave-courbet_landscape-near-puits-noir-near-ornans-1865 +portrait,Realism,nikolay-bogdanov-belsky_children-at-the-window +still_life,Impressionism,pierre-auguste-renoir_still-life-with-pears-and-grapes +illustration,Romanticism,gustave-dore_idylls-of-the-king-11 +portrait,Rococo,joshua-reynolds_elizabeth-duchess-of-hamilton-and-argyll-1759 +landscape,Expressionism,martiros-saryan_trees-in-blossom-1910 +portrait,Realism,ilya-repin_portrait-of-war-minister-infantry-general-and-member-of-state-council-state-aleksei-1903 +nude_painting,Post_Impressionism,pablo-picasso_nudes-interlaces-1905 +portrait,Realism,edouard-manet_portrait-of-suzanne-manet-1870 +sketch_and_study,Early_Renaissance,jacopo-bellini_the-three-dead-and-three-loud +religious_painting,Symbolism,salvador-dali_jesus-carrying-the-cross-1967 +sketch_and_study,High_Renaissance,leonardo-da-vinci_study-for-st-john-in-the-wilderness +abstract_painting,Abstract_Expressionism,craig-kauffman_untitled-number-drawing-1988 +illustration,Romanticism,gustave-dore_the-departure +portrait,Realism,vincent-van-gogh_head-of-a-peasant-woman-with-greenish-lace-cap-1885(1) +sketch_and_study,Symbolism,nicholas-roerich_sketch-for-light-conquers-darkness-1933 +genre_painting,Northern_Renaissance,lucas-cranach-the-elder_old-man-and-young-woman +landscape,Post_Impressionism,raoul-dufy_landscape-in-falaise-1902 +genre_painting,Pointillism,henri-edmond-cross_ranelagh +portrait,Impressionism,pierre-auguste-renoir_woman-wearing-a-rose-andree-1919 +illustration,Realism,n.c.-wyeth_billy-bones +abstract_painting,Minimalism,joan-hernandez-pijuan_rediscovering-a-known-landscape-2004 +genre_painting,Impressionism,carl-larsson_in-the-kitchen-garden-1883(1) +religious_painting,Northern_Renaissance,robert-campin_madonna-and-child-before-a-fireplace-1430 +cityscape,Post_Impressionism,vincent-van-gogh_village-street-and-steps-in-auvers-with-figures-1890 +cityscape,Pointillism,paul-signac_antibes-the-towers-1911 +nude_painting,Symbolism,felicien-rops_tranformism +nude_painting,Realism,anders-zorn_the-bedroom +portrait,Baroque,anthony-van-dyck_marchesa-geronima-spinola-1626 +portrait,Realism,gustave-courbet_head-of-a-woman-with-flowers-1871 +landscape,Realism,aleksey-savrasov_landscape-with-a-river-and-an-angler-1859 +sketch_and_study,Symbolism,nicholas-roerich_monhigan-study-1922-4 +still_life,Rococo,jean-baptiste-simeon-chardin_the-attributes-of-painting-and-sculpture +landscape,Impressionism,guy-rose_november-twilight-1908 +genre_painting,Realism,nicolae-vermont_noon-in-the-village-1923 +genre_painting,Post_Impressionism,maurice-prendergast_summer-day-also-known-as-st-cloud +still_life,Cubism,juan-gris_the-glass-1914 +portrait,Baroque,frans-hals_portrait-of-a-seated-woman-1650 +still_life,Expressionism,martiros-saryan_blue-flowers-1914 +portrait,Realism,james-mcneill-whistler_arrangement-in-grey-and-black-no-1-portrait-of-the-artist-s-mother-1871 +portrait,Post_Impressionism,gwen-john_young-woman-holding-a-black-cat +portrait,Ukiyo_e,kitagawa-utamaro_the-geisha-kamekichi +still_life,Baroque,isaac-van-ostade_the-cut-pig +still_life,Rococo,jean-baptiste-simeon-chardin_still-life-with-brioche-1763 +genre_painting,Art_Nouveau_Modern,jacek-malczewski_country-1903 +landscape,Cubism,paul-cezanne_in-the-park-of-chateau-noir-1900 +cityscape,Pop_Art,hiro-yamagata_ouverture-d-un-cafe-1979 +portrait,Realism,ilya-repin_portrait-of-writer-vsevolod-mikhailovich-garshin-study-1883 +still_life,Post_Impressionism,vincent-van-gogh_plaster-statuette-of-a-kneeling-man-1886 +nude_painting,Expressionism,pablo-picasso_girl-and-goat-1906 +genre_painting,Naive_Art_Primitivism,david-burliuk_winter-walk(1) +cityscape,Baroque,rembrandt_view-of-amsterdam-1640 +portrait,Cubism,albert-gleizes_the-schoolboy-1924 +sketch_and_study,Symbolism,fernand-khnopff_aktstudie-1912 +still_life,Post_Impressionism,paula-modersohn-becker_still-life-with-jug-1907 +portrait,Impressionism,mary-cassatt_woman-by-a-window-feeding-her-dog +portrait,Expressionism,martiros-saryan_poet-onoprios-anopyan-1915 +still_life,Post_Impressionism,paul-cezanne_apples-and-oranges +landscape,Impressionism,alfred-sisley_may-afternoon-on-the-loing-1888 +nude_painting,Expressionism,lucian-freud_eight-months-gone +landscape,Post_Impressionism,vincent-van-gogh_landscape-with-path-and-pollard-trees-1888 +still_life,Expressionism,martiros-saryan_october-in-yerevan-1961 +nude_painting,Baroque,agostino-carracci_alcibiade-and-glycere +illustration,Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-tale-of-three-royal-divah-and-the-ivashko-priest-s-son-1911(1) +abstract_painting,Color_Field_Painting,barnett-newman_canto-viii-1964 +portrait,Post_Impressionism,paul-gauguin_tahitian-woman-1894 +portrait,Realism,ilya-repin_portrait-of-v-a-zhirkevich-1891 +religious_painting,Early_Renaissance,benozzo-gozzoli_st-francis-giving-away-his-clothes-vision-of-the-church-militant-and-triumphant-detail +landscape,Romanticism,henryk-siemiradzki_road-from-rome-to-albano +portrait,Impressionism,augustus-john_w-b-yeats-1907 +genre_painting,Northern_Renaissance,joachim-wtewael_kitchen-scene-1605 +portrait,High_Renaissance,titian_portrait-of-federico-ii-gonzaga +landscape,Post_Impressionism,henri-catargi_landscape-in-arges-valley-1932 +religious_painting,Expressionism,egon-schiele_the-holy-family-1913 +genre_painting,Post_Impressionism,maurice-denis_the-sacred-wood +landscape,Impressionism,camille-pissarro_landscape-near-pontoise-1880 +genre_painting,Impressionism,edgar-degas_on-the-racecourse +abstract_painting,Abstract_Expressionism,raoul-ubac_corps-endormi-1972 +landscape,Symbolism,martiros-saryan_landscape-shirak-1962 +landscape,Impressionism,william-merritt-chase_the-pot-hunter +sketch_and_study,Romanticism,viktor-vasnetsov_alyonushka-study-1881 +portrait,Expressionism,martiros-saryan_akop-gukasyan-1962 +portrait,Realism,john-singer-sargent_lady-fauden-phillips-helen-levy-1898 +landscape,Realism,ivan-shishkin_after-the-rain-etude-of-the-forest-1881 +sketch_and_study,Symbolism,nicholas-roerich_boundary-of-sword-study-1933 +nude_painting,Expressionism,ernst-ludwig-kirchner_nudes-in-the-sun +landscape,Realism,aleksey-savrasov_landscape-with-hut-1866 +religious_painting,Northern_Renaissance,gerard-david_the-rest-on-the-flight-into-egypt-1 +landscape,Symbolism,gustav-klimt_pine-forest-ii +nude_painting,Contemporary_Realism,eric-fischl_birthday-boy +landscape,Post_Impressionism,david-burliuk_long-island-summer-landscape-with-a-river-1944 +portrait,Expressionism,lucian-freud_child-reading-ii +genre_painting,Expressionism,max-beckmann_party-in-paris-1947 +landscape,Cubism,roy-lichtenstein_landscape-with-figures-and-rainbow-1980(1) +cityscape,Post_Impressionism,maurice-utrillo_belle-gabrielle +portrait,Realism,giovanni-boldini_portrait-of-mary-donegan-1869 +cityscape,Impressionism,camille-pissarro_the-pont-neuf-snow-1902 +landscape,Realism,camille-corot_the-boatmen-of-mortefontaine-1870 +portrait,Baroque,anthony-van-dyck_portrait-of-queen-henrietta-maria +genre_painting,Ukiyo_e,katsushika-hokusai_yoshida-at-tokaido +still_life,Post_Impressionism,paul-cezanne_still-life-plate-and-fruit +genre_painting,Baroque,isaac-van-ostade_a-winter-scene +portrait,Realism,ilya-repin_portrait-of-yuriy-repin-the-artist-s-son-1882 +genre_painting,Realism,vasily-perov_orphans-in-the-cemetery-1864 +portrait,Expressionism,lucian-freud_john-richardson +religious_painting,Northern_Renaissance,hans-memling_st-jerome-1490 +portrait,Post_Impressionism,henri-de-toulouse-lautrec_woman-with-a-black-boa-1892 +religious_painting,Mannerism_Late_Renaissance,gregorio-lopes_visita-o-1527 +portrait,High_Renaissance,luca-signorelli_portrait-of-vitellozzo-vitelli +abstract_painting,Color_Field_Painting,jack-bush_down-and-across-1967 +landscape,Impressionism,claude-monet_the-voorzaan +portrait,Realism,thomas-eakins_portrait-of-frank-lindsay-greenwalt-1903 +landscape,Realism,theodore-rousseau_the-forest-of-fontainebleau-1867 +still_life,Pop_Art,roy-lichtenstein_glass-iv-1977(1) +landscape,Impressionism,stefan-luchian_house-in-oltenia +religious_painting,Mannerism_Late_Renaissance,tintoretto_solomon-and-the-queen-of-sheba +landscape,Post_Impressionism,gustave-loiseau_landscape-with-house-1910 +sketch_and_study,Romanticism,george-frederick-watts_four-studies-of-a-draped-female-figure(1) +portrait,Impressionism,pierre-auguste-renoir_maurice-gangnat-1916 +genre_painting,Naive_Art_Primitivism,david-burliuk_in-the-bathhouse +genre_painting,Symbolism,nicholas-roerich_the-unspilling-vessel-1927 +genre_painting,Impressionism,joaquã­n-sorolla_on-the-sand-valencia-beach-1908 +landscape,Realism,gustave-courbet_view-of-ornans-and-its-church-steeple +landscape,Impressionism,salvador-dali_landscape-cadaques +abstract_painting,Color_Field_Painting,frank-bowling_late-blue-1974 +religious_painting,Naive_Art_Primitivism,marc-chagall_crucifixion-1964 +landscape,Impressionism,camille-pissarro_lane-of-apple-trees-near-osny-pontoise-1874 +abstract_painting,Minimalism,john-mclaughlin_untitled-composition-1953 +landscape,Impressionism,claude-monet_landscape-on-the-ile-saint-martin +religious_painting,Northern_Renaissance,hugo-van-der-goes_portinari-triptych-detail-1478 +portrait,Impressionism,pierre-auguste-renoir_head-of-a-young-woman-1902 +genre_painting,Impressionism,julian-alden-weir_on-the-shore +portrait,Realism,peder-severin-kroyer_portrait-of-a-gentleman-1898 +landscape,Symbolism,nicholas-roerich_kangchenjunga-1924-2 +landscape,Impressionism,alfred-sisley_the-loing-at-high-water-1889 +illustration,Art_Nouveau_Modern,edmund-dulac_elves-and-fairies-illustration-for-the-tempest +nude_painting,Expressionism,amedeo-modigliani_venus-standing-nude-1917 +portrait,Realism,wilhelm-leibl_die-alte-pariserin-1870 +portrait,Northern_Renaissance,albrecht-durer_portrait-of-captain-felix-hungersperg-kneeling +religious_painting,High_Renaissance,vittore-carpaccio_the-repatriation-of-the-english-ambassadors-1500 +religious_painting,Realism,ilya-repin_jesus-christ-in-the-garden-of-gethsemane +religious_painting,Early_Renaissance,domenico-ghirlandaio_vaulting-of-the-sassetti-chapel +landscape,New_Realism,edward-hopper_the-camel-s-hump +nude_painting,Expressionism,lucian-freud_naked-man-with-his-friend +portrait,Northern_Renaissance,lucas-cranach-the-elder_portrait-of-duchess-katharina-von-mecklenburg-1514 +religious_painting,Northern_Renaissance,dirk-bouts_altarpiece-of-the-holy-sacrament +portrait,Romanticism,camille-corot_meditation +landscape,Impressionism,antã³nio-de-carvalho-da-silva-porto_canoas-set-bal-1883 +landscape,Expressionism,margareta-sterian_landscape-with-water +portrait,Rococo,thomas-gainsborough_giovanna-baccelli-1782 +landscape,Romanticism,maxim-vorobiev_landscape-with-a-cross-lithuania +portrait,Naive_Art_Primitivism,miriam-schapiro_goncharova-1992 +genre_painting,Impressionism,claude-monet_the-blue-row-boat +genre_painting,Realism,winslow-homer_song-of-the-lark-also-known-as-in-the-field +landscape,Post_Impressionism,lovis-corinth_punt-in-the-reeds-at-muritzsee-1915 +genre_painting,Symbolism,nicholas-roerich_patrol-1905 +illustration,Art_Nouveau_Modern,aubrey-beardsley_lucians-strange-creatures +genre_painting,Impressionism,john-singer-sargent_washerwomen +cityscape,Symbolism,mstislav-dobuzhinsky_vision-of-the-city +abstract_painting,Abstract_Expressionism,betty-parsons_untitled-abstraction(3) +still_life,Post_Impressionism,vladimir-tatlin_meat +landscape,Impressionism,john-henry-twachtman_snow-scene-2 +genre_painting,Romanticism,joseph-wright_three-persons-viewing-the-gladiator-by-candlelight +sketch_and_study,Post_Impressionism,pierre-bonnard_my-companions +religious_painting,High_Renaissance,vittore-carpaccio_lamentation-of-christ +sketch_and_study,Mannerism_Late_Renaissance,maerten-van-heemskerck_rome-old-saint-peter-s-basilica-and-the-vatican-palace +sketch_and_study,Realism,boris-kustodiev_portrait-of-alexander-golovin-1907 +illustration,Art_Nouveau_Modern,aubrey-beardsley_pierrot-of-the-minute-1897 +portrait,High_Renaissance,titian_portrait-of-emperor-charles-v-with-dog-1533 +portrait,Realism,thomas-eakins_portrait-of-general-e-burd-grubb +sketch_and_study,Romanticism,dante-gabriel-rossetti_the-rainbow-1876 +portrait,Baroque,rembrandt_portrait-of-an-old-jew-1654 +religious_painting,Baroque,bartolome-esteban-murillo_crucifixion-1682 +genre_painting,Baroque,gerard-terborch_the-concert +sketch_and_study,Symbolism,nicholas-roerich_st-mercurius-of-smolensk-1918 +cityscape,Realism,theodor-severin-kittelsen_fra-krageroe(2) +portrait,Expressionism,frantisek-kupka_the-guy-1910 +religious_painting,Baroque,aleksey-antropov_apostol-st-peter +genre_painting,Pointillism,theo-van-rysselberghe_the-man-at-the-tiller-1892 +landscape,Romanticism,karl-bryullov_the-road-in-the-sinai-after-the-storm +portrait,Northern_Renaissance,albrecht-altdorfer_portrait-of-a-woman-1530 +portrait,Expressionism,amedeo-modigliani_woman-s-head-rosalia +genre_painting,Realism,vincent-van-gogh_man-stooping-with-stick-or-spade-1882 +still_life,Cubism,pierre-tal-coat_nature-morte-sur-la-table-1944 +abstract_painting,Abstract_Expressionism,sam-francis_untitled-sf57-008-1957 +landscape,Realism,isaac-levitan_autumn-1896 +genre_painting,Impressionism,henry-herbert-la-thangue_packing-cherries-in-provence-france-1923 +landscape,Impressionism,t.-c.-steele_cows-by-the-stream-1895 +illustration,Art_Nouveau_Modern,koloman-moser_reproduction-template-for-the-right-part-of-the-leaf-for-gerlach-s-love-allegories-new-series +genre_painting,Impressionism,pierre-auguste-renoir_seated-young-girl-with-hat +landscape,Expressionism,candido-portinari_dep-sito-de-leo +portrait,Realism,vladimir-makovsky_a-portrait-of-e-s-sorokin-1891 +genre_painting,Post_Impressionism,maurice-prendergast_bathing-tents-st-malo-1907 +portrait,Romanticism,camille-corot_woman-in-a-toque-with-a-mandolin +landscape,Romanticism,thomas-cole_the-fountain-of-vaucluse-1841 +religious_painting,High_Renaissance,lorenzo-lotto_st-nicholas-in-glory-with-st-john-the-baptist-st-lucy-and-below-st-george-slaying-the-dragon-1529 +still_life,Post_Impressionism,constantin-blendea_still-life +sketch_and_study,Art_Nouveau_Modern,sergey-solomko_age-at-the-turn-of-xx-century +landscape,Realism,ivan-shishkin_oaks-of-peter-the-great-in-sestroretsk-1886 +cityscape,Expressionism,martiros-saryan_surb-zoravor-church-blooming-apricot-tree-1934 +religious_painting,High_Renaissance,pietro-perugino_polyptych-of-st-peter-san-mauro-1500 +still_life,Realism,pyotr-konchalovsky_hare-1926 +genre_painting,Expressionism,laszlo-mednyanszky_fallen-russian-soldier-1917 +genre_painting,Art_Nouveau_Modern,wilhelm-kotarbinski_evening +landscape,Realism,arkhip-kuindzhi_elbrus-in-the-evening +landscape,Realism,vasily-polenov_getting-cold-autumn-on-the-oka-river-near-tarusa-1893 +portrait,Impressionism,pierre-auguste-renoir_gabrielle-1 +cityscape,Art_Nouveau_Modern,mstislav-dobuzhinsky_vilna-under-the-snow(1) +illustration,Expressionism,martiros-saryan_illustration-1934 +landscape,Symbolism,nicholas-roerich_himalayas-rain-1933 +sketch_and_study,Northern_Renaissance,hieronymus-bosch_witches +genre_painting,Romanticism,sir-lawrence-alma-tadema_courtship +portrait,Realism,martiros-saryan_portrait-of-sanduht-1898 +genre_painting,Expressionism,henri-matisse_woman-at-tbe-piano +landscape,Realism,ivan-shishkin_cave-in-caves-volcanoes-1879 +landscape,Impressionism,winston-churchill_storm-over-a-bridge-in-southern-france(1) +landscape,Impressionism,paul-cezanne_the-orchard-1877 +illustration,Romanticism,gustave-dore_the-inferno-canto-18-1 +portrait,Expressionism,zinaida-serebriakova_yevgeny-lanceray-in-a-shako-1915 +landscape,Romanticism,ferdinand-georg-waldmã¼ller_trees-in-the-prater-with-seated-figures-1833 +illustration,Art_Nouveau_Modern,nicholas-roerich_vignette-for-book-n-k-roerich-1918-3 +cityscape,Impressionism,claude-monet_the-marina-at-argenteuil-1872 +genre_painting,Romanticism,jean-leon-gerome_the-entry-of-the-bull +genre_painting,Impressionism,eugene-boudin_trouville +sketch_and_study,Northern_Renaissance,albrecht-durer_assumption-and-coronation-of-the-virgin +cityscape,Impressionism,william-james-glackens_29-washington-square-1 +genre_painting,Romanticism,mykola-pymonenko_meeting-at-the-well +portrait,Romanticism,jan-matejko_richensa-of-lotharingia +landscape,Realism,gustave-courbet_the-young-shepherdess +landscape,Realism,ivan-shishkin_the-path-through-the-woods-1880-oil-on-canvas-1880 +abstract_painting,Abstract_Expressionism,romare-bearden_untitled-1959 +genre_painting,Realism,vasily-perov_incorrigible-one-1873 +portrait,Realism,pyotr-konchalovsky_portrait-of-the-artist-v-g-dulova-1945 +landscape,Symbolism,nicholas-roerich_himalayas-pink-peaks-1947 +portrait,Expressionism,georges-braque_night-1951 +religious_painting,Romanticism,gustave-dore_arrival-of-the-good-samaritan-at-the-inn +landscape,Impressionism,claude-monet_weeping-willow-1 +portrait,Realism,ilya-repin_portrait-of-j-m-vengerov-1915 +portrait,Ukiyo_e,utagawa-toyokuni_nakamura-utaemon-1 +portrait,Realism,david-burliuk_portrait-of-nicholas-roerich-1929-1 +still_life,Post_Impressionism,panayiotis-tetsis_still-life-named-the-afternoon-sun +genre_painting,Expressionism,jose-gutierrez-solana_the-return-of-the-indian +religious_painting,Romanticism,francisco-goya_christ-on-the-mount-of-olives-1819 +genre_painting,Realism,mykola-pymonenko_young-woman +abstract_painting,Minimalism,yves-klein_expression-of-the-universe-of-the-color-lead-orange-1955 +genre_painting,Baroque,rembrandt_beggar-leaning-on-a-stick-facing-left-1630 +portrait,High_Renaissance,titian_french-cardinal-georges-d-armagnac-and-his-secretary-g-philandrier +sketch_and_study,Post_Impressionism,vincent-van-gogh_mask-of-an-egyptian-mummy-4-1889 +portrait,Realism,vasily-surikov_alexander-n-pestunov-1890 +abstract_painting,Naive_Art_Primitivism,max-ernst_homage-to-marcel-duchamp-1970 +landscape,Impressionism,james-mcneill-whistler_study-for-mouth-of-the-river-1877 +abstract_painting,Abstract_Expressionism,hedda-sterne_tondo-22-1953 +landscape,Impressionism,mihaly-munkacsy_landscape-with-river-1880 +portrait,Post_Impressionism,richard-gerstl_frauenkopf-ca-1902-1902 +landscape,Impressionism,constantin-artachino_house-on-capri-island-1899 +religious_painting,Mannerism_Late_Renaissance,paolo-veronese_st-lucy-and-a-donor +religious_painting,High_Renaissance,lorenzo-lotto_madonna-with-a-bishop-and-st-onuphrius-1508 +portrait,Impressionism,giovanni-boldini_portrait-of-madame-e-l-doyen-1910 +genre_painting,Impressionism,claude-monet_the-garden +nude_painting,Naive_Art_Primitivism,fernando-botero_lovers +nude_painting,Expressionism,lucian-freud_night-portrait +landscape,Impressionism,claude-monet_grainstack-2 +portrait,Symbolism,zinaida-serebriakova_portrait-of-a-nurse-1903 +genre_painting,Expressionism,edvard-munch_the-lumberjack-1913 +cityscape,Romanticism,john-atkinson-grimshaw_battersea-bridge-1885 +portrait,Impressionism,claude-monet_portrait-of-eugenie-graff-madame-paul-1882 +portrait,Northern_Renaissance,hans-memling_portrait-of-a-man-1480 +nude_painting,Expressionism,zinaida-serebriakova_the-model-based-on-elbow-1940 +sketch_and_study,Romanticism,william-turner_figures-on-a-beach-1845 +illustration,Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-magazine-golden-fleece-1906-2(1) +nude_painting,Expressionism,ernst-ludwig-kirchner_lovers +landscape,Post_Impressionism,gustave-loiseau_cliffs-in-gray-weather +illustration,Romanticism,andrei-ryabushkin_sadko-a-wealthy-guest-of-novgorod-illustration-for-the-book-russian-epic-heroes +landscape,Impressionism,william-merritt-chase_reflections-aka-canal-scene +abstract_painting,Abstract_Expressionism,cy-twombly_sunset +cityscape,Art_Nouveau_Modern,mstislav-dobuzhinsky_courtyard-in-st-petersburg-1920 +landscape,Realism,camille-corot_two-figures-working-in-the-fields +portrait,Baroque,anthony-van-dyck_portrait-of-a-young-general-1627 +sketch_and_study,Expressionism,henri-matisse_woman-with-a-madras-hat-1930 +genre_painting,New_Realism,edward-hopper_summertime +portrait,Expressionism,oswaldo-guayasamin_homenaje-a-tania-n-1-1969 +genre_painting,Romanticism,alexander-orlowski_polish-insurgents-in-the-forrest-at-night +landscape,Impressionism,pierre-auguste-renoir_chestnut-tree-blooming-1881 +cityscape,Expressionism,egon-schiele_krumau-on-the-molde-1912 +portrait,Realism,giovanni-boldini_portrait-of-giuseppe-abbati-1865 +landscape,Impressionism,odilon-redon_the-port-of-morgat-1882 +religious_painting,Realism,vasily-polenov_john-and-james +genre_painting,Naive_Art_Primitivism,ivan-generalic_village-dance +landscape,Realism,ivan-shishkin_at-small-nevka-1886 +religious_painting,Baroque,rembrandt_christ-and-st-mary-magdalene-at-the-tomb-1638 +genre_painting,Expressionism,max-pechstein_dancer-pair-of-dancers-1909(1) +landscape,Art_Nouveau_Modern,franklin-carmichael_north-shore-lake-superior-1927 +portrait,Impressionism,pierre-auguste-renoir_portrait-of-eugene-pierre-lestringuez-1878 +landscape,Expressionism,akseli-gallen-kallela_stockflotte-1908 +religious_painting,Northern_Renaissance,martin-schongauer_a-foolish-virgin +still_life,Cubism,louis-marcoussis_composition-cubiste-au-portrait-poisson-et-clair-de-lune-1926 +religious_painting,Early_Renaissance,pietro-perugino_baptism-of-christ-1483 +portrait,Romanticism,sir-lawrence-alma-tadema_lady-laura-teresa-gathering +genre_painting,Symbolism,konstantin-somov_walking-in-winter +landscape,Realism,martiros-saryan_april-1947 +still_life,Analytical_Cubism,juan-gris_bottles-and-knife-1912 +portrait,Impressionism,camille-pissarro_portrait-of-jeanne-1 +genre_painting,Expressionism,lyonel-feininger_people-on-the-jetty-leute-auf-see-steg-1918 +genre_painting,Expressionism,ernst-ludwig-kirchner_street-scene-at-night +genre_painting,Baroque,adriaen-van-ostade_the-fishwife +genre_painting,Cubism,marc-chagall_lovers-in-green-1917 +still_life,Cubism,juan-gris_the-mountain-le-canigou-1921 +landscape,Impressionism,claude-monet_misty-morning-on-the-seine-in-bue +landscape,Impressionism,hoca-ali-riza_peyzaj +portrait,Symbolism,kimon-loghi_woman-in-green +cityscape,Post_Impressionism,edouard-cortes_place-de-la-republique-4 +religious_painting,High_Renaissance,andrea-solario_st-ursula +still_life,Realism,pericles-pantazis_still-life-with-cakes-and-a-silver-teapot +landscape,Expressionism,andre-derain_not-detected-256142 +religious_painting,Northern_Renaissance,hieronymus-bosch_the-garden-of-earthly-delights-1516-1 +illustration,Art_Nouveau_Modern,aubrey-beardsley_pierrot-2 +nude_painting,Cubism,yiannis-moralis_girl-untying-her-sandal-1973 +religious_painting,Impressionism,joaquã­n-sorolla_virgin-mary-1887 +cityscape,Post_Impressionism,francisc-sirato_houses-in-balcic-1933 +illustration,Romanticism,gustave-dore_don-quixote-38 +religious_painting,Naive_Art_Primitivism,marc-chagall_boaz-wakes-up-and-see-ruth-at-his-feet-1960 +genre_painting,Art_Nouveau_Modern,raphael-kirchner_lollotte_02-1916 +sketch_and_study,Realism,ivan-shishkin_valaam-forest-on-the-rocks-1859 +still_life,Cubism,salvador-dali_still-life-8 +illustration,Symbolism,harry-clarke_the-year-s-at-the-spring-1920-18 +landscape,Naive_Art_Primitivism,fred-yates_river-landscape +landscape,Cubism,arthur-dove_clouds-and-water-1930 +landscape,Post_Impressionism,vincent-van-gogh_moulin-de-la-galette-1886 +abstract_painting,Cubism,paul-klee_dream-city-1921(1) +genre_painting,Art_Nouveau_Modern,sergey-solomko_a-serious-question +genre_painting,Rococo,george-morland_the-smugglers-1792 +abstract_painting,Abstract_Expressionism,mark-tobey_rhythms +cityscape,Post_Impressionism,pyotr-konchalovsky_rome-column-of-trajan-1924 +abstract_painting,Abstract_Expressionism,joe-goode_black-drawing-6-1977 +portrait,Expressionism,august-macke_portrait-of-dr-ludwig-deubner-writing +genre_painting,Romanticism,william-shayer_carting-timber-in-the-new-forest +still_life,Cubism,aldemir-martins_vase-of-flowers-1949 +landscape,Synthetic_Cubism,juan-gris_landscape-with-house-at-ceret-1913 +cityscape,Cubism,conrad-marca-relli_la-citt-1951 +abstract_painting,Abstract_Expressionism,gerhard-richter_abstract-picture-1 +religious_painting,High_Renaissance,vittore-carpaccio_the-flight-into-egypt-1500 +abstract_painting,Color_Field_Painting,ronnie-landfield_oriole-sky-1972 +landscape,Impressionism,claude-monet_the-banks-of-the-seine-lavacourt-02 +landscape,Impressionism,william-merritt-chase_shinnecock-hills-aka-shinnecock-hills-autumn +illustration,Symbolism,william-blake_illustration-to-milton-s-paradise-lost-1807 +genre_painting,Realism,anton-azbe_the-village-choir-1900 +portrait,Rococo,louise-elisabeth-vigee-le-brun_lady-hamilton +genre_painting,Realism,edouard-manet_the-burial +cityscape,Baroque,hendrick-cornelisz-vroom_view-of-delft-from-the-southwest-1615 +portrait,Impressionism,pierre-auguste-renoir_young-woman-in-bright-blue-at-the-conservatory-1877 +landscape,Realism,isaac-levitan_river-in-the-forest-1886 +cityscape,Impressionism,claude-monet_waterloo-bridge-misty-morning-1901 +sketch_and_study,Realism,john-singer-sargent_nude-2 +religious_painting,Symbolism,salvador-dali_mulier-amicta-sole-1967 +abstract_painting,Cubism,arshile-gorky_still-life-red-and-yellow +genre_painting,Baroque,pieter-de-hooch_mother-at-the-cradle +landscape,Expressionism,martiros-saryan_bulls-1903 +religious_painting,Northern_Renaissance,hieronymus-bosch_the-temptation-of-st-anthony-1516-3 +abstract_painting,Abstract_Expressionism,richard-pousette-dart_serpentine-saffron-1969 +cityscape,Romanticism,theodore-gericault_man-on-the-street +religious_painting,Romanticism,gustave-dore_the-death-of-ahab +religious_painting,High_Renaissance,vittore-carpaccio_the-miracle-of-the-relic-of-the-true-cross-on-the-rialto-bridge-1494 +landscape,Impressionism,pierre-auguste-renoir_landscape-with-fence +cityscape,Expressionism,ernst-ludwig-kirchner_pfortensteg-in-chemnitz +religious_painting,Northern_Renaissance,albrecht-durer_st-george-on-horseback-1505 +religious_painting,Baroque,rembrandt_the-holy-family-1632 +still_life,Expressionism,martiros-saryan_big-eastern-still-life-1915 +portrait,Romanticism,jan-matejko_artur-potocki +genre_painting,Romanticism,pavel-svinyin_a-philadelphia-anabaptist-immersion-during-a-storm +landscape,Realism,camille-corot_forest-clearing-in-the-limousin +landscape,Post_Impressionism,vincent-van-gogh_wheatfield-with-sheaves-1888 +genre_painting,Ukiyo_e,kitagawa-utamaro_japanese-domestic-scene +genre_painting,Symbolism,konstantin-somov_two-ladies-in-the-park +genre_painting,Symbolism,kuzma-petrov-vodkin_two-girls-1915 +portrait,Realism,john-singer-sargent_flora-priestley-also-known-as-lamplight-study +landscape,Symbolism,konstantin-bogaevsky_evening-sun-1922 +genre_painting,Impressionism,eugene-boudin_laundresses-on-the-banks-of-the-touques-8 +genre_painting,Naive_Art_Primitivism,marc-chagall_clown-in-love-1963 +cityscape,Pop_Art,hiro-yamagata_magician-1986 +cityscape,Realism,pyotr-konchalovsky_mtskheta-sandro-sakla-1927 +cityscape,Impressionism,camille-pissarro_the-fishmarket-dieppe-2-1902 +religious_painting,Early_Renaissance,benozzo-gozzoli_procession-of-the-magus-caspar-detail-1461-1 +portrait,Cubism,fernand-leger_two-women-and-still-life-1st-state-1920 +landscape,Realism,ivan-shishkin_grove-by-the-pond-preobrazhenskoye-1896 +portrait,Post_Impressionism,edouard-vuillard_black-dress +religious_painting,Northern_Renaissance,hieronymus-bosch_the-garden-of-earthly-delights-1515-1 +illustration,Romanticism,gustave-dore_don-quixote-17 +religious_painting,Early_Renaissance,fra-angelico_virgin-mary-annunciate-1433 +portrait,Baroque,rembrandt_the-persian-1632 +portrait,Impressionism,pierre-auguste-renoir_portrait-of-margot-portrait-of-a-model-1877 +genre_painting,Expressionism,edvard-munch_the-artist-and-his-model-1921 +still_life,Synthetic_Cubism,juan-gris_pipe-and-fruit-dish-with-grapes-1918 +cityscape,Impressionism,claude-monet_leicester-square-at-night +abstract_painting,Minimalism,perle-fine_an-accordment-80-1974 +portrait,Naive_Art_Primitivism,fernando-botero_frank-lloyd-and-his-family-in-paradise-island +abstract_painting,Abstract_Expressionism,bradley-walker-tomlin_number-9-in-praise-of-gertrude-stein-1950 +genre_painting,Ukiyo_e,katsushika-hokusai_street-scenes-newly-pubished-6 +cityscape,Impressionism,alfred-sisley_a-village-street-in-winter-1893 +landscape,Impressionism,claude-monet_the-red-road-at-cap-martin-near-menton +portrait,Naive_Art_Primitivism,fernando-botero_president +still_life,Baroque,osias-beert_still-life-of-a-roast-chicken-a-ham-and-olives-on-pewter-plates-with-a-bread-roll-an-orange +landscape,Impressionism,willard-metcalf_thawing-brook-winter-shadows-1911 +landscape,Romanticism,thomas-cole_morning-mist-rising-in-plymouth-new-hampshire-1830 +portrait,Rococo,joshua-reynolds_mr-james-bourdieu +portrait,Impressionism,claude-monet_portrait-of-suzanne-hoschede-with-sunflowers +religious_painting,Expressionism,natalia-goncharova_icon-painting-motifs +cityscape,Post_Impressionism,periklis-vyzantios_studio +sketch_and_study,Pointillism,georges-seurat_study-for-the-circus-1891 +genre_painting,Impressionism,pierre-auguste-renoir_seated-woman-in-blue +illustration,Baroque,adriaen-van-de-venne_frontispiece +cityscape,Post_Impressionism,maurice-utrillo_snow-over-montmartre +landscape,Realism,aleksey-savrasov_view-of-the-kremlin-from-the-krimsky-bridge-in-inclement-weather-1851 +portrait,Post_Impressionism,paul-cezanne_madame-cezanne-in-a-yellow-chair +illustration,Naive_Art_Primitivism,marc-chagall_the-emaciated-officials +nude_painting,Expressionism,lucian-freud_esther +religious_painting,Early_Renaissance,jacopo-bellini_triptych-of-the-nativity-1470 +portrait,Expressionism,nicolae-tonitza_miner +cityscape,Romanticism,richard-parkes-bonington_paris-quai-du-louvre-1828 +religious_painting,Realism,berthe-morisot_calvary-after-veronese +genre_painting,Romanticism,karl-bryullov_nuns-convent-of-the-sacred-heart-in-rome(1) +religious_painting,Early_Renaissance,carlo-crivelli_saint-paul-1473 +landscape,Realism,gustave-courbet_paysage-guyere-1876 +portrait,Rococo,antoine-pesne_the-actress-babette-cochois-1750 +portrait,Cubism,pyotr-konchalovsky_portrait-of-p-denike-yuriev-and-a-pokrovsky-1913 +genre_painting,Impressionism,joaquã­n-sorolla_they-still-say-that-fish-is-expensive-1894 +religious_painting,Northern_Renaissance,martin-schongauer_the-holy-family-1 +landscape,Expressionism,horia-bernea_alms +portrait,Symbolism,gustav-klimt_portrait-of-a-lady-1 +nude_painting,Expressionism,ernst-ludwig-kirchner_three-nudes-1 +genre_painting,Contemporary_Realism,jamie-wyeth_looking-south +genre_painting,Impressionism,giovanni-fattori_cowboys-and-herds-in-the-maremma-1894 +genre_painting,Naive_Art_Primitivism,david-burliuk_peasant-woman-with-a-goat +cityscape,Post_Impressionism,vincent-van-gogh_boulevard-de-clichy-1887(1) +landscape,Impressionism,alfred-sisley_garden-path-in-louveciennes-chemin-de-l-etarch-1873 +nude_painting,Post_Impressionism,maurice-prendergast_bathers-1 +illustration,Realism,n.c.-wyeth_louise-loved-to-climb-to-the-summit-on-one-of-the-barren-hills-flanking-the-river-and-stand +landscape,New_Realism,john-french-sloan_humoresque-1915 +cityscape,Post_Impressionism,pierre-bonnard_parisian-boulevard-1896 +portrait,Cubism,juan-gris_pierrot-1919 +landscape,Fauvism,janos-mattis-teutsch_yellow-blue-landscape-1916 +cityscape,Naive_Art_Primitivism,marc-chagall_over-vitebesk-1914 +illustration,Art_Nouveau_Modern,aubrey-beardsley_a-devil-in-woman-s-likeness +genre_painting,Realism,john-singer-sargent_the-sulphur-match-1882 +portrait,Romanticism,eduard-von-gebhardt_estonian-peasant-1867 +portrait,Romanticism,orest-kiprensky_portrait-of-an-unknown-man +genre_painting,Impressionism,childe-hassam_pont-aven-noon-day +illustration,Naive_Art_Primitivism,marc-chagall_illustration-for-louis-aragon-s-work-one-who-says-things-without-saying-anything-1976-13 +genre_painting,Pointillism,camille-pissarro_the-harvest-of-hay-in-eragny-1887 +genre_painting,Realism,georgios-jakobides_the-toilette-1893 +abstract_painting,Color_Field_Painting,clyfford-still_1950-k-no-1-1950 +still_life,Rococo,jean-baptiste-simeon-chardin_strawberry-basket-canasta-de-fresas +landscape,Realism,camille-pissarro_entering-the-forest-of-marly-snow-effect +portrait,Realism,salvador-dali_portrait-of-dr-brian-mercer +still_life,Post_Impressionism,ion-pacea_still-life-with-tazza-and-jar +genre_painting,Art_Nouveau_Modern,nicholas-roerich_glad-visitors-1914 +genre_painting,Expressionism,jose-gutierrez-solana_the-scavengers +landscape,Expressionism,ernst-ludwig-kirchner_forest-cemetery +portrait,Expressionism,lucian-freud_annabel +religious_painting,Early_Renaissance,fra-angelico_the-story-of-st-nicholas-giving-dowry-to-three-poor-girls-1448 +portrait,Post_Impressionism,pyotr-konchalovsky_portrait-of-natalia-petrovna-konchalovsky-the-artist-s-daughter-in-pink-dress-1925 +genre_painting,Cubism,jean-metzinger_la-tricoteuse-1919 +portrait,Realism,john-singer-sargent_mrs-leopold-hirsch-1902 +genre_painting,New_Realism,john-french-sloan_yeats-at-petitpas-1910 +genre_painting,Impressionism,pierre-auguste-renoir_girls-putting-flowers-on-their-hats-1894 +portrait,Expressionism,oskar-kokoschka_not_detected_235848 +landscape,Symbolism,konstantin-bogaevsky_composition-1940 +cityscape,Impressionism,claude-monet_zaandam +religious_painting,Mannerism_Late_Renaissance,el-greco_apostle-st-james-the-less +abstract_painting,Abstract_Expressionism,guido-molinari_a-next-amitie-1958 +landscape,Impressionism,james-mcneill-whistler_beach-scene-1 +portrait,Northern_Renaissance,hans-holbein-the-younger_henry-howard-earl-of-surrey +religious_painting,Northern_Renaissance,jean-fouquet_enthronement-of-the-virgin-or-the-trinity-in-its-glory +landscape,Realism,vincent-van-gogh_landscape-with-woman-walking-1883 +portrait,Impressionism,pierre-auguste-renoir_madame-victor-chocquet-1875 +portrait,Impressionism,edouard-manet_young-woman-with-a-pink-shoe-portrait-of-berthe-morisot-1868 +abstract_painting,Abstract_Expressionism,hans-hofmann_the-clash-1964 +sketch_and_study,Baroque,rembrandt_rembrandt-s-wife-dying-1642 +still_life,Realism,vincent-van-gogh_still-life-with-cabbage-and-clogs-1881 +cityscape,Realism,vasily-vereshchagin_indian-motif-1875 +religious_painting,Realism,james-tissot_the-cup-found +abstract_painting,Abstract_Expressionism,esteban-vicente_untitled-1998 +genre_painting,Baroque,adriaen-van-ostade_children-playing-in-a-barn +sketch_and_study,Post_Impressionism,vincent-van-gogh_field-of-grass-with-dandelions-and-tree-trunks(1) +portrait,Pop_Art,roy-lichtenstein_girl-with-ball-1961(1) +genre_painting,New_Realism,john-french-sloan_spring-grammercy-park-1912 +cityscape,Impressionism,camille-pissarro_primrose-hill-regent-s-park-1892 +genre_painting,Symbolism,kuzma-petrov-vodkin_spring-1935 +landscape,Symbolism,nicholas-roerich_kangchenjunga-2 +sketch_and_study,Symbolism,ferdinand-hodler_female-nude-study-for-truth-1896 +sketch_and_study,Impressionism,edgar-degas_study-for-a-portrait-1904 +abstract_painting,Abstract_Expressionism,joan-miro_bird-s-flight-in-moonlight +religious_painting,High_Renaissance,titian_madonna-and-child-with-sts-catherine-and-dominic-and-a-donor-1516 +landscape,Romanticism,john-crome_woodland-landscape-near-norwich-1812 +sketch_and_study,Post_Impressionism,vincent-van-gogh_view-of-saintes-maries-with-cemetery-1888 +landscape,Contemporary_Realism,neil-welliver_study-for-falls-jam-brook +portrait,Post_Impressionism,vanessa-bell_roger-fry-1912 +landscape,Baroque,jacob-isaakszoon-van-ruisdael_tower-mill-at-wijk-bij-duurstede-netherlands-1670 +portrait,Symbolism,odilon-redon_portrait-of-violette-heymann-1910 +portrait,Realism,john-singer-sargent_portrait-of-miss-dorothy-vickers +landscape,Romanticism,joseph-wright_the-eruption-of-vesuvius +sketch_and_study,Naive_Art_Primitivism,fernand-leger_study-for-the-two-lovers-1955 +religious_painting,Mannerism_Late_Renaissance,maerten-van-heemskerck_the-man-of-sorrows-1532 +abstract_painting,Abstract_Expressionism,hans-hofmann_the-vanquished-1959 +landscape,Realism,vasily-polenov_palestine-study +illustration,Romanticism,gustave-dore_don-quixote-67 +landscape,Symbolism,ferdinand-hodler_lake-thun-with-stockhornkette-in-winter +landscape,Impressionism,pierre-auguste-renoir_on-the-path-1872 +landscape,Impressionism,henri-martin_valle-du-vert-with-shepherdess +portrait,Expressionism,lucian-freud_francis-bacon-1 +religious_painting,High_Renaissance,andrea-solario_the-virgin-of-the-green-cushion-1510 +landscape,Romanticism,caspar-david-friedrich_the-riesengbirge +landscape,Impressionism,eugene-boudin_camaret-the-jetty-1873 +landscape,Post_Impressionism,periklis-vyzantios_landscape-delphi-1942 +genre_painting,Impressionism,joaquã­n-sorolla_in-the-racing-shell-1910 +landscape,Impressionism,claude-monet_receding-waves +landscape,Expressionism,ernst-ludwig-kirchner_staffelalp-by-moonlight +landscape,Impressionism,arkhip-kuindzhi_view-on-moscow-from-sparrow-hills-1882 +landscape,Baroque,rembrandt_the-goldweigher-s-field-1651 +sketch_and_study,Romanticism,orest-kiprensky_portrait-of-ivan-dmitrevsky-1814 +portrait,Realism,ilya-repin_portrait-of-ivan-timofeevich-savenkov-in-his-st-petersburg-university-student +portrait,Impressionism,victor-borisov-musatov_boy-seated-1901 +portrait,Rococo,maurice-quentin-de-la-tour_manelli +landscape,Baroque,david-teniers-the-younger_landscape-in-the-suburbs-of-brussels +illustration,Romanticism,mikhail-vrubel_farewell-of-zara-with-ismail-1890 +religious_painting,Northern_Renaissance,pieter-bruegel-the-elder_christ-and-the-woman-taken-in-adultery-1565-1 +sketch_and_study,Realism,boris-kustodiev_portrait-of-elizabeth-mikhailovna-botkina-1912 +genre_painting,Expressionism,louay-kayyali_mother-and-child-1960 +portrait,Realism,thomas-eakins_portrait-of-mrs-w-h-bowden-1906 +sketch_and_study,Naive_Art_Primitivism,fernand-leger_the-album-circus-1950-11 +sketch_and_study,High_Renaissance,michelangelo_the-risen-christ +still_life,Cubism,albert-gleizes_untitled-3 +abstract_painting,Abstract_Expressionism,willem-de-kooning_woman +portrait,Art_Nouveau_Modern,valentin-serov_portrait-of-maria-akimova-1908 +portrait,Realism,henri-fantin-latour_portrait-of-young-woman-1873 +religious_painting,Northern_Renaissance,albrecht-altdorfer_the-departure-of-saint-florain +landscape,Realism,vasily-vereshchagin_the-northern-dvina-1894 +still_life,Post_Impressionism,periklis-vyzantios_still-life +sketch_and_study,Expressionism,egon-schiele_sitting-child-1916 +cityscape,Cubism,marc-chagall_house-at-vitebsk-1917 +religious_painting,High_Renaissance,pietro-perugino_the-ceiling-with-four-medallions-1508 +landscape,Realism,john-singer-sargent_glacier-streams +portrait,Impressionism,stefan-luchian_portrait-of-a-woman-1901 +portrait,Romanticism,orest-kiprensky_anna-de-sagyur +portrait,Realism,giovanni-boldini_portrait-of-the-artist-ernest-ange-duez-1896 +religious_painting,Early_Renaissance,antonello-da-messina_virgin-of-the-annunciation-1473 +genre_painting,Impressionism,federico-zandomeneghi_in-bed +religious_painting,Romanticism,gustave-dore_the-army-appears-in-the-heavens +religious_painting,Mannerism_Late_Renaissance,el-greco_st-jerome +portrait,Realism,giovanni-boldini_countess-de-rasty-seated-in-an-armchair +illustration,Art_Nouveau_Modern,koloman-moser_picture-book-for-the-niece-of-ditha-mautner-von-markhof-1904-11 +genre_painting,Post_Impressionism,vincent-van-gogh_the-shepherdess-after-millet-1889 +portrait,Symbolism,viktor-vasnetsov_portrait-of-zinaida-median-1909 +genre_painting,Realism,vasily-perov_the-farmer-in-the-field-1876 +landscape,Post_Impressionism,maxime-maufra_dusk-1899 +landscape,Post_Impressionism,theo-van-doesburg_river-landscape-with-mill-1931 +landscape,Post_Impressionism,felix-vallotton_undergrowth-1904 +genre_painting,Naive_Art_Primitivism,marc-chagall_newlyweds-and-violinist-1956 +nude_painting,Naive_Art_Primitivism,tarsila-do-amaral_a-negra-1923 +genre_painting,Cubism,louis-marcoussis_couple-1922 +cityscape,Impressionism,claude-monet_charing-cross-bridge-the-thames-02 +portrait,Northern_Renaissance,albrecht-durer_portrait-of-barbara-1490 +landscape,Post_Impressionism,david-burliuk_landscape-with-trees +genre_painting,Pointillism,georges-seurat_women-by-the-water-1886 +landscape,Ukiyo_e,katsushika-hokusai_shore-of-tago-bay-ejiri-at-tokaido +sketch_and_study,High_Renaissance,andrea-del-sarto_study-of-drapery +landscape,Impressionism,john-henry-twachtman_arques-battle +landscape,Impressionism,eugene-boudin_near-antibes-1893-1 +landscape,Realism,isaac-levitan_autumn-1891 +landscape,Expressionism,august-macke_landscape-near-hammamet +portrait,Romanticism,orest-kiprensky_portrait-of-athanasius-shishmarev-1826 +genre_painting,Art_Nouveau_Modern,henri-de-toulouse-lautrec_the-coastal-bus-company-1888 +sketch_and_study,Romanticism,edward-burne-jones_study-for-masque-of-cupid +sketch_and_study,Expressionism,periklis-vyzantios_coach +nude_painting,Expressionism,jean-fautrier_nu-feminin-allong-1937 +illustration,Romanticism,gustave-dore_the-dishonorable-truce +genre_painting,Art_Nouveau_Modern,raphael-kirchner_all-healing-6 +sketch_and_study,Realism,vladimir-makovsky_a-party-1875 +portrait,Expressionism,chaim-soutine_mother-and-child +landscape,Pointillism,henri-edmond-cross_the-flowered-terrace +portrait,Realism,james-tissot_portrait-of-m-n +portrait,Cubism,juan-gris_harlequin-with-guitar-1919 +cityscape,Realism,eugene-boudin_le-havre-francais-tower +cityscape,Impressionism,piet-mondrian_mill-of-heeswijk-sun +abstract_painting,Pop_Art,antonio-palolo_untitled-1968 +genre_painting,Symbolism,jacek-malczewski_the-story-of-a-song-portrait-of-adam-asnyk-1899 +portrait,Rococo,maurice-quentin-de-la-tour_portrait-of-madame-de-pompadour +still_life,Realism,constantin-stahi_still-life-with-fruit-1915 +portrait,Rococo,joshua-reynolds_the-children-of-john-julius-angerstein-1783 +genre_painting,Expressionism,lucian-freud_double-portrait-1986 +landscape,Impressionism,pierre-auguste-renoir_landscape-12 +portrait,Romanticism,john-hoppner_portrait-of-a-young-lady +religious_painting,Symbolism,antonio-carneiro_ecce-homo-1901 +portrait,Romanticism,vasily-tropinin_portrait-of-sergei-nechaev-d +portrait,Impressionism,mary-cassatt_woman-reading-in-a-garden-1880 +landscape,Impressionism,claude-monet_the-esterel-mountains +portrait,Realism,john-singer-sargent_a-portrait-of-violet-1889 +sketch_and_study,Romanticism,fyodor-solntsev_clothing-woman-from-kiev-province-1 +landscape,Symbolism,alfred-kubin_the-white-house-1906 +cityscape,Impressionism,camille-pissarro_quai-malaquais-in-the-afternoon-sunshine-1903 +genre_painting,Art_Nouveau_Modern,zinaida-serebriakova_tata-and-katia-in-the-mirror-1917 +genre_painting,Art_Nouveau_Modern,wilhelm-kotarbinski_silence +cityscape,Naive_Art_Primitivism,william-h.-johnson_new-york-skyline-at-night-1943(1) +abstract_painting,Cubism,auguste-herbin_composition-1928 +religious_painting,Early_Renaissance,pietro-perugino_the-adoration-of-the-magi-1473 +genre_painting,Expressionism,marc-chagall_the-drunkard-1914 +genre_painting,Impressionism,john-atkinson-grimshaw_summer +landscape,Realism,david-burliuk_landscape-with-a-flowerbed-1906 +landscape,Impressionism,joaquã­n-sorolla_garden-of-italy +abstract_painting,Abstract_Expressionism,hans-hofmann_deep-within-the-ravine-1965 +illustration,Expressionism,jury-annenkov_illustration-to-aleksander-blok-s-poem-the-twelve-1918-4 +sketch_and_study,Realism,vincent-van-gogh_seated-man-with-a-beard-1886 +illustration,Art_Nouveau_Modern,heorhiy-narbut_illustration-to-three-fables-of-krylov-1911-2 +religious_painting,Mannerism_Late_Renaissance,paolo-veronese_susanna-in-the-bath +genre_painting,Baroque,david-teniers-the-younger_return-from-the-hunt-1670 +portrait,Realism,salvador-dali_untitled-portrait-of-a-woman +landscape,Impressionism,gustave-caillebotte_villas-at-villers-sur-mer +abstract_painting,Color_Field_Painting,paul-jenkins_phenomena-calling +cityscape,Realism,m.c.-escher_not_detected_204703 +religious_painting,Northern_Renaissance,albrecht-durer_the-entombment-1511 +landscape,Romanticism,johan-christian-dahl_der-watzmann-1825 +genre_painting,Impressionism,theophrastos-triantafyllidis_the-artist +abstract_painting,Color_Field_Painting,barnett-newman_first-station-1958 +nude_painting,Cubism,pablo-picasso_a-driade-nude-in-the-forest-1908 +portrait,Post_Impressionism,albert-huie_the-water-carrier +still_life,Impressionism,pierre-auguste-renoir_still-life-with-fruit +landscape,Realism,jean-francois-millet_garden +portrait,Realism,fernand-khnopff_mary-von-stuck-1916 +genre_painting,Romanticism,francisco-goya_the-forge +landscape,Baroque,esaias-van-de-velde_farm-in-landscape +genre_painting,Baroque,gerrit-dou_the-grocery-shop-1672 +religious_painting,Baroque,bartolome-esteban-murillo_moses-and-the-water-from-the-rock-of-horeb-1670 +genre_painting,Cubism,andre-masson_the-sleeper +sketch_and_study,Early_Renaissance,pisanello_hanged-men-and-two-portraits-1430 +genre_painting,Art_Nouveau_Modern,henri-de-toulouse-lautrec_at-the-music-hall-loie-fuller-1892 +landscape,Romanticism,alexander-ivanov_on-the-shore-of-the-bay-of-naples +cityscape,Post_Impressionism,edouard-cortes_opera-paris +portrait,Realism,thomas-eakins_maybelle-1898 +genre_painting,Impressionism,john-singer-sargent_girl-fishing-1913 +landscape,Symbolism,nicholas-roerich_by-the-brahmaputra-1926 +portrait,Expressionism,egon-schiele_boy-with-hand-to-face-1910 +genre_painting,Ukiyo_e,kitagawa-utamaro_upper-class +portrait,Expressionism,paul-delvaux_before-bathing-1933 +landscape,Symbolism,nicholas-roerich_kangchenjunga-1944 +cityscape,Impressionism,camille-pissarro_the-inner-harbor-havre-1903 +cityscape,Art_Nouveau_Modern,nicholas-roerich_untitled-1916 +abstract_painting,Color_Field_Painting,jack-bush_pink-moon-1974 +abstract_painting,Minimalism,jean-degottex_untitled-1972 +sketch_and_study,Realism,arkhip-kuindzhi_view-of-moscow +religious_painting,Northern_Renaissance,albrecht-durer_the-last-supper +landscape,Expressionism,nicolae-tonitza_morning-at-balcic +genre_painting,Impressionism,william-merritt-chase_interior-young-woman-at-a-table +abstract_painting,Abstract_Expressionism,philip-guston_untitled-3 +cityscape,Symbolism,mstislav-dobuzhinsky_vilno-old-wall-1907 +religious_painting,Rococo,giovanni-battista-tiepolo_the-education-of-the-virgin-1732 +genre_painting,Realism,pavel-fedotov_it-is-cholera-to-blame +landscape,Realism,gustave-courbet_the-river-plaisir-fontaine-1865 +religious_painting,Symbolism,maurice-denis_the-gathering +sketch_and_study,Symbolism,mikalojus-ciurlionis_village-under-the-snow-1908 +genre_painting,Impressionism,samuel-mutzner_n-gr-din +portrait,Realism,ilya-repin_portrait-of-the-art-critic-vladimir-stasov-1900 +portrait,Realism,ilya-repin_general-in-the-form-of-royal-guards-p-a-cherevin-1885 +abstract_painting,Color_Field_Painting,ray-parker_untitled-1959 +landscape,Realism,ivan-shishkin_on-the-shore-of-the-gulf-of-finland-udrias-near-narva-1888-1 +landscape,Impressionism,pericles-pantazis_by-the-stream +genre_painting,Art_Nouveau_Modern,nicholas-roerich_young-men-successors-1914-1 +cityscape,Post_Impressionism,maurice-utrillo_the-bernot-s-house +abstract_painting,Abstract_Expressionism,forrest-bess_prophecy-1946 +genre_painting,Baroque,jan-siberechts_a-horse-drawn-cart-with-two-women-travelling-down-a-flooded-road-at-the-edge-of-a-wood-1692 +landscape,Impressionism,adam-baltatu_birch-woods +landscape,Expressionism,albert-bloch_windy-night-sky-1944 +landscape,Expressionism,saul-steinberg_six-sunsets-1971 +genre_painting,Post_Impressionism,vincent-van-gogh_the-reaper-after-millet-1889 +sketch_and_study,Realism,vincent-van-gogh_snowy-landscape-with-the-old-tower-1883 +landscape,Impressionism,willard-metcalf_a-family-of-birches +genre_painting,Romanticism,mykola-pymonenko_yuletide-fortune-tellers-1888 +sketch_and_study,Cubism,julio-gonzalez_fantastic-figure-1937 +portrait,Impressionism,william-merritt-chase_portrait-of-the-artist-s-daughter-dorothy +genre_painting,Realism,jean-francois-millet_narcissi-and-violets +landscape,Impressionism,giovanni-fattori_heuschober-1880 +genre_painting,Romanticism,sir-lawrence-alma-tadema_flora-spring-in-the-gardens-of-the-villa-borghese-1877 +landscape,Fauvism,maurice-de-vlaminck_the-gardener +portrait,Baroque,adriaen-van-ostade_the-de-goyer-family-and-the-painter +religious_painting,High_Renaissance,dosso-dossi_the-rest-on-the-flight-into-egypt +genre_painting,Expressionism,theophrastos-triantafyllidis_girl-with-turkeys +abstract_painting,Minimalism,tano-festa_interno-scuro-1962 +cityscape,Impressionism,camille-pissarro_the-cours-la-reine-at-rouen-morning-sunlight-1898 +sketch_and_study,Post_Impressionism,vincent-van-gogh_head-of-a-man-with-cap-lithographer-s-shade-1886(1) +abstract_painting,Color_Field_Painting,doug-ohlson_lost-twin-one-1995 +landscape,Post_Impressionism,frank-johnston_camp-borden-1919 +portrait,Romanticism,edward-burne-jones_clara-von-bork-1860 +genre_painting,Romanticism,francisco-goya_picador-caught-by-the-bull-1793 +landscape,Impressionism,childe-hassam_new-england-road +genre_painting,Realism,vincent-van-gogh_an-old-man-putting-dry-rice-on-the-hearth-1881(1) +religious_painting,High_Renaissance,titian_the-death-of-st-peter-martyr-1529 +cityscape,Impressionism,paul-signac_study-for-venice-morning +portrait,Expressionism,amedeo-modigliani_girl-in-a-sailor-s-blouse-1918 +genre_painting,Impressionism,edgar-degas_racehorses-before-the-stands-1872 +portrait,Pop_Art,robert-silvers_vincent-van-gogh +genre_painting,Romanticism,jan-matejko_gamrat-and-stanczyk-1878 +religious_painting,Expressionism,yiannis-tsaroychis_st-sebastian +abstract_painting,Color_Field_Painting,paul-feeley_untitled-1964 +landscape,Realism,camille-corot_view-of-chalet-de-chenes-bellvue-geneva-1857 +genre_painting,Realism,julius-leblanc-stewart_an-enthralling-novel-1885(1) +abstract_painting,Abstract_Expressionism,hans-hofmann_pompeii-1959 +sketch_and_study,Realism,ilya-repin_men-s-heads +genre_painting,Post_Impressionism,paul-cezanne_four-bathers-1 +genre_painting,Art_Nouveau_Modern,nicholas-roerich_foreign-lords-1907 +landscape,Impressionism,konstantin-korovin_river-in-menshov-1885 +landscape,Impressionism,john-henry-twachtman_windmills-dordrecht +landscape,Impressionism,claude-monet_the-japanese-bridge-6-1924 +portrait,Baroque,rembrandt_flora +still_life,Impressionism,abraham-manievich_still-life-with-fruits +religious_painting,Northern_Renaissance,albrecht-durer_st-fridolin +cityscape,Impressionism,eugene-boudin_dunkirk-the-holland-basin-1889 +genre_painting,Realism,boris-kustodiev_school-in-moscow-russia-1907 +genre_painting,Impressionism,philip-wilson-steer_the-bridge +landscape,Realism,john-everett-millais_blow-blow-thou-winter-wind +genre_painting,Impressionism,konstantin-korovin_an-artist-s-studio-1894 +landscape,Realism,john-singer-sargent_the-moraine-1908 +landscape,Impressionism,samuel-mutzner_dealuri-la-balcic +abstract_painting,Abstract_Expressionism,helen-frankenthaler_eve-1995 +sketch_and_study,Realism,valentin-serov_portrait-of-konstantin-stanislavski-1911 +portrait,Cubism,marevna-(marie-vorobieff)_portrait-of-pablo-picasso-1956 +illustration,Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-magazine-golden-fleece-1906(1) +portrait,Realism,giovanni-boldini_mademoiselle-de-nemidoff +portrait,Realism,antonio-carneiro_retrato-de-cl-udio-carneiro-de-chap-u +abstract_painting,Color_Field_Painting,helen-frankenthaler_persian-garden-1966 +genre_painting,Naive_Art_Primitivism,grandma-moses_a-tramp-on-christmas-day-1946 +portrait,Baroque,gabriel-metsu_the-cook +abstract_painting,Abstract_Expressionism,conrad-marca-relli_untitled-4 +sketch_and_study,Expressionism,paula-modersohn-becker_figures-with-his-dog-on-a-bridge-in-paris-1906 +still_life,Post_Impressionism,istvan-ilosvai-varga_red-still-life-1956 +portrait,Romanticism,francisco-goya_don-pedro-duke-of-osuna +genre_painting,Rococo,george-morland_woman-child-and-dog-on-a-road +still_life,Post_Impressionism,pyotr-konchalovsky_still-life-the-green-glass-1933 +portrait,Romanticism,pierre-paul-prud'hon_josephine-bonaparte-study +portrait,Art_Nouveau_Modern,felix-vallotton_portrait-of-french-writer-henri-mazel-1898 +cityscape,Impressionism,antoine-blanchard_bouquinistes-de-notre-dame-1 +genre_painting,Impressionism,berthe-morisot_by-the-water +genre_painting,Expressionism,carlos-saenz-de-tejada_the-groves-of-mallorca +cityscape,Pop_Art,hiro-yamagata_stargazer-1989 +landscape,Symbolism,martiros-saryan_ararat-at-spring-1945 +landscape,Contemporary_Realism,john-miller_yacht-passing-the-terrace +landscape,Expressionism,egon-schiele_a-tree-in-late-autumn-1911 +landscape,Impressionism,alfred-sisley_regata-at-hampton-court-1874 +sketch_and_study,Mannerism_Late_Renaissance,maerten-van-heemskerck_colossus-of-rhodes-1570 +landscape,Romanticism,ivan-aivazovsky_tempest-1850 +portrait,Expressionism,chronis-botsoglou_untitled-1 +genre_painting,Impressionism,childe-hassam_on-the-deck +nude_painting,Realism,william-merritt-chase_a-study-in-curves +portrait,Rococo,thomas-gainsborough_portrait-of-thomas-linley +portrait,Realism,john-everett-millais_cherry-ripe +landscape,Realism,theodore-rousseau_exit-drill-fontainebleau-sunset-1849 +cityscape,Impressionism,antoine-blanchard_place-de-la-republic-1 +cityscape,Impressionism,claude-monet_boats-lying-at-low-tide-at-facamp +portrait,Art_Nouveau_Modern,felix-vallotton_british-poet-alfred-douglas-1896 +landscape,Realism,theodore-rousseau_not_detected_198923 +abstract_painting,Abstract_Expressionism,jack-tworkov_crossfield-i-1968 +religious_painting,Baroque,francisco-de-zurbaran_scene-from-the-life-of-saint-pierre-theophile +genre_painting,Romanticism,fyodor-bronnikov_a-boy-on-a-donkey-1855 +landscape,Impressionism,childe-hassam_bridge-at-posilippo +landscape,Post_Impressionism,paul-gauguin_view-of-the-beach-at-bellangenai-1889 +still_life,Expressionism,martiros-saryan_grapes-1943 +cityscape,Impressionism,childe-hassam_view-of-broadway-and-fifth-avenue-1 +sketch_and_study,Romanticism,orest-kiprensky_knitting-two-women-at-the-table-1816 +nude_painting,Realism,boris-kustodiev_lying-nude-1915 +abstract_painting,Abstract_Expressionism,sam-francis_untitled-1988-1 +cityscape,Impressionism,camille-pissarro_the-boulevard-montmartre-at-night-1897 +sketch_and_study,Baroque,adriaen-van-de-velde_reclining-herdsman +sketch_and_study,Realism,vincent-van-gogh_the-cave-of-machpelah-1877 +sketch_and_study,High_Renaissance,michelangelo_study-of-figure-to-battle-of-cascina-1505 +genre_painting,Baroque,annibale-carracci_hunting-1588 +religious_painting,Symbolism,gustave-moreau_pieta +religious_painting,Symbolism,ivan-milev_the-cross-1923 +portrait,Rococo,joshua-reynolds_jane-countess-of-harrington-1775 +landscape,Impressionism,childe-hassam_flower-garden +genre_painting,Post_Impressionism,henri-matisse_woman-with-violin-1923 +portrait,Romanticism,alphonse-mucha_the-red-cape-1902 +portrait,Impressionism,augustus-john_jane-ellen-harrison-newnham-college +abstract_painting,Abstract_Expressionism,joe-goode_san-bernadino-1997 +sketch_and_study,Northern_Renaissance,albrecht-durer_head-of-the-mark-1526 +landscape,Post_Impressionism,dumitru-ghiatza_cape-caliacra +cityscape,Symbolism,konstantin-bogaevsky_the-industrial-landscape +portrait,Cubism,vladimir-tatlin_portrait-of-the-artist +portrait,Expressionism,jules-pascin_lady-wearing-a-turban-1907 +landscape,Symbolism,nicholas-roerich_glacier +illustration,Expressionism,vasile-kazar_window-towards-insomnia-5-1987 +cityscape,Expressionism,bui-xuan-phai_unknown-title(1) +portrait,Realism,vasily-perov_portrait-avdotya-kuznetsova-1870 +abstract_painting,Color_Field_Painting,leon-berkowitz_cathedral-11-1968 +landscape,Post_Impressionism,constantine-maleas_house-at-santorini +abstract_painting,Abstract_Expressionism,john-ferren_new-york-summer-landscape-1953 +religious_painting,Early_Renaissance,piero-della-francesca_victory-of-constantine-at-the-battle-of-the-milvian-bridge-1464(1) +genre_painting,Realism,ilya-repin_female-figure-in-a-landscape-1883 +portrait,Post_Impressionism,paul-gauguin_portrait-of-madelaine-bernard-1888 +illustration,Art_Nouveau_Modern,heorhiy-narbut_illustration-fairy-tales-teremok-mizgir-1910 +portrait,Art_Nouveau_Modern,carl-larsson_hakon-daga-and-edgar-1902(1) +portrait,Expressionism,rafael-zabaleta_tiscar-rosemary +portrait,Ukiyo_e,kitagawa-utamaro_midori-of-the-hinataka-from-the-hour-of-the-rat +sketch_and_study,Symbolism,nicholas-roerich_monhigan-study-1922-15 +sketch_and_study,Realism,theodore-rousseau_the-forest-in-winter +landscape,Realism,aleksey-savrasov_spring-thaw +abstract_painting,Abstract_Expressionism,william-congdon_positano-no-6-night-1956 +genre_painting,Impressionism,henry-herbert-la-thangue_going-out-with-the-cows-1924 +genre_painting,Baroque,jan-steen_twelfth-night +abstract_painting,Abstract_Expressionism,willem-de-kooning_untitled-iii +religious_painting,Northern_Renaissance,dirk-bouts_virgin-and-child-1460 +cityscape,Impressionism,childe-hassam_notre-dame-cathedral-paris +landscape,Romanticism,taras-shevchenko_a-gate-in-gustynia-church-of-st-nicholas-1845 +landscape,Post_Impressionism,henri-edmond-cross_landscape-2 +landscape,Impressionism,octav-angheluta_versailles +landscape,Impressionism,william-merritt-chase_olive-trees-florence +illustration,Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-poem-the-tale-of-the-fisherman-and-the-fish-by-alexander-pushkin(1) +sketch_and_study,Symbolism,ferdinand-hodler_overall-study-of-the-life-of-weary +still_life,Impressionism,konstantin-korovin_still-life-1912 +abstract_painting,Abstract_Expressionism,joan-miro_not_detected_227976 +portrait,Baroque,rembrandt_ephraim-bonus-the-jew-with-the-banister-1647 +abstract_painting,Minimalism,john-mclaughlin_jmd-3-1962 +still_life,Impressionism,childe-hassam_marechal-niel-roses +religious_painting,Baroque,francisco-de-zurbaran_st-lawrence-1639 +landscape,Impressionism,hoca-ali-riza_unknown-title(10) +genre_painting,Realism,eugene-boudin_the-fish-market-rotterdam-1876 +religious_painting,Early_Renaissance,luca-signorelli_christ-and-the-doubting-thomas-1482 +landscape,Post_Impressionism,vincent-van-gogh_the-stone-bench-in-the-garden-at-saint-paul-hospital-1889 +portrait,Post_Impressionism,mily-possoz_a-la-plage-1920 +landscape,Romanticism,edwin-henry-landseer_a-lake-scene-effect-of-a-storm +portrait,Mannerism_Late_Renaissance,giorgio-vasari_monument-to-michelangelo-1570 +cityscape,Impressionism,claude-monet_houses-of-parlilament-sunlight-effect-1901 +portrait,Expressionism,dimitris-mytaras_figures +portrait,Romanticism,sir-lawrence-alma-tadema_spring-flowers +portrait,Expressionism,pyotr-konchalovsky_portrait-of-anna-kondratyevna-reyhshtadt-against-the-background-of-a-winter-landscape-1935 +abstract_painting,Abstract_Expressionism,jack-tworkov_weatherman +nude_painting,Expressionism,willem-de-kooning_untitled-6 +portrait,Realism,edouard-manet_portrait-of-eva-gonzales-1870 +sketch_and_study,Realism,vasily-perov_celebration-in-the-outskirts-of-paris-1864 +cityscape,Expressionism,zinaida-serebriakova_versailles-the-roofs-of-the-city-1924 +nude_painting,Naive_Art_Primitivism,maurice-prendergast_bathers-4 +portrait,Mannerism_Late_Renaissance,el-greco_portrait-of-an-elder-nobleman +abstract_painting,Abstract_Expressionism,john-ferren_untitled-1963 +portrait,Realism,andrei-ryabushkin_moscow-girl-of-xvii-century +genre_painting,Post_Impressionism,serge-sudeikin_russian-ballet-pavlova-and-nijinsky-in-pavillon-d-armide-1907 +cityscape,Realism,m.c.-escher_not_detected_204717 +portrait,Expressionism,willem-de-kooning_the-glazier +landscape,Impressionism,camille-pissarro_apple-blossoms-eragny +religious_painting,Northern_Renaissance,hieronymus-bosch_this-is-a-human-ecce-homo +landscape,Impressionism,andre-dunoyer-de-segonzac_paysage +portrait,Ukiyo_e,kitagawa-utamaro_pensive-love +religious_painting,Northern_Renaissance,petrus-christus_madonna-with-the-child-1460 +landscape,Realism,vincent-van-gogh_farmhouse-with-barn-and-trees-1883(1) +abstract_painting,Color_Field_Painting,helen-frankenthaler_east-and-beyond-1973 +religious_painting,Romanticism,wilhelm-kotarbinski_construction-of-the-cross +portrait,Contemporary_Realism,konstantin-vasilyev_provincial-teacher +abstract_painting,Abstract_Expressionism,hassel-smith_the-houston-scene-1959 +landscape,Romanticism,john-crome_back-of-the-new-mills-norfolk-1817 +religious_painting,Northern_Renaissance,albrecht-durer_the-penance-of-st-john-chrysostom-1496 +genre_painting,Art_Nouveau_Modern,nicholas-roerich_human-ancestors-1913 +still_life,Impressionism,pierre-auguste-renoir_still-life-with-fruit-2 +landscape,Impressionism,claude-monet_antibes-in-the-morning(1) +religious_painting,Baroque,bartolome-esteban-murillo_saint-john-of-god-1672 +landscape,Realism,charles-francois-daubigny_washerwomen-at-the-oise-river-near-valmondois-1865 +abstract_painting,Abstract_Expressionism,sam-francis_composition-blue-balls-1990 +portrait,Expressionism,henri-matisse_reader-on-a-black-background-1918 +genre_painting,Cubism,georges-braque_the-patience-1942 +portrait,Realism,boris-kustodiev_portrait-of-v-shishkov-1926 +portrait,Art_Nouveau_Modern,jozsef-rippl-ronai_aunt-manci-1913 +portrait,Symbolism,odilon-redon_not_detected_248078 +genre_painting,Rococo,giovanni-domenico-tiepolo_the-new-world-from-the-foresteria-guesthouse-1757 +landscape,Romanticism,john-crome_the-beaters-1810 +portrait,Impressionism,mary-cassatt_child-with-red-hat +abstract_painting,Abstract_Expressionism,jimmy-ernst_dialogue-ii-1954 +abstract_painting,Abstract_Expressionism,kenzo-okada_points-no-19-1954 +still_life,Rococo,jean-baptiste-simeon-chardin_the-water-tank +genre_painting,Impressionism,maurice-prendergast_children-at-play-1895 +landscape,Art_Nouveau_Modern,michel-simonidy_marine-landscape-1900 +landscape,Realism,aleksey-savrasov_landscape-with-a-rainbow-1881 +genre_painting,Impressionism,guy-rose_the-potato-gatherers-1891 +still_life,Synthetic_Cubism,juan-gris_flowers-1914 +sketch_and_study,Post_Impressionism,henri-matisse_woman-in-profile-turned-to-the-left-1935 +genre_painting,Realism,vincent-van-gogh_women-mending-nets-in-the-dunes-1882 +landscape,Impressionism,camille-pissarro_the-garden-in-spring-eragny-1894 +still_life,Post_Impressionism,gregoire-boonzaier_still-life-with-fruit-1979 +portrait,Baroque,artemisia-gentileschi_woman-playing-a-lute +landscape,Baroque,hercules-seghers_the-great-tree +sketch_and_study,Post_Impressionism,vincent-van-gogh_women-working-in-wheat-field-1890 +still_life,Post_Impressionism,ilya-mashkov_still-life-with-porcelain-figures-1922 +abstract_painting,Abstract_Expressionism,ad-reinhardt_yellow-painting-1949 +portrait,Realism,thomas-eakins_william-h-macdowell +landscape,Impressionism,robert-julian-onderdonk_bluebonnet-scene +landscape,Realism,ivan-shishkin_stream-1883 +abstract_painting,Color_Field_Painting,barnett-newman_the-station-of-the-cross-fourth-station-1967 +landscape,Realism,isaac-levitan_sunny-day-near-the-isba-1899 +genre_painting,Impressionism,julian-alden-weir_mother-and-child-1 +cityscape,Cubism,aristarkh-lentulov_landscape-with-dry-trees-sergiev-posad +sketch_and_study,High_Renaissance,leonardo-da-vinci_study-of-five-grotesque-heads +portrait,Rococo,benjamin-west_portrait-of-prince-octavius-1783 +portrait,Romanticism,orest-kiprensky_portrait-of-prince-georgy-petrovich-oldenburgsky-1811 +abstract_painting,Abstract_Expressionism,robert-goodnough_abstract-in-blue-1950 +abstract_painting,Abstract_Expressionism,cy-twombly_solon-i +sketch_and_study,Realism,vincent-van-gogh_the-potato-eaters-1885 +sketch_and_study,Naive_Art_Primitivism,fernand-leger_the-album-circus-1950-12 +still_life,Cubism,albert-gleizes_untitled-2 +portrait,Baroque,diego-velazquez_portrait-of-the-infanta-margarita-1660 +sketch_and_study,Realism,ivan-shishkin_fir +still_life,Realism,vasily-surikov_samovar-1876 +genre_painting,Realism,john-singer-sargent_venetian-bead-stringers-1882 +landscape,Impressionism,claude-monet_tulip-fields-at-sassenheim-near-leiden-1886 +portrait,Art_Nouveau_Modern,leon-bakst_portrait-of-russian-painter-filipp-andreevich-maljawin +abstract_painting,Pop_Art,nicholas-krushenick_greenwood-1979 +portrait,Realism,henri-fantin-latour_madame-ditte-1867 +landscape,New_Realism,john-french-sloan_our-home-in-fort-washington-pennsylvania-1908 +genre_painting,Naive_Art_Primitivism,raoul-dufy_indian-model-in-the-studio-at-l-impasse-guelman-1928 +portrait,Realism,octav-bancila_portret +portrait,Impressionism,william-merritt-chase_contemplation +illustration,Romanticism,louis-janmot_po-me-de-l-me-6-le-toit-paternel +portrait,Rococo,joshua-reynolds_frederick-howard-5th-earl-of-carlisle +landscape,Ukiyo_e,hiroshige_whirlpools-on-a-rocky-coast +sketch_and_study,Impressionism,camille-pissarro_study-for-all-saints-church-upper-norwood-1871 +genre_painting,Symbolism,felicien-rops_father-muck +religious_painting,Baroque,pietro-da-cortona_the-alliance-of-jacob-and-laban-1635 +portrait,Symbolism,gulacsy-lajos_the-mulatto-and-the-sculpturesque-white-woman-1913 +portrait,Post_Impressionism,vincent-van-gogh_young-peasant-girl-in-a-straw-hat-sitting-in-front-of-a-wheatfield-1890 +nude_painting,Expressionism,pablo-picasso_man-and-woman-1902 +landscape,Impressionism,kazimir-malevich_spring-landscape +genre_painting,Symbolism,nicholas-roerich_song-of-the-morning-1920 +genre_painting,Expressionism,salvador-dali_the-servant-of-the-disciples-at-emmaus +cityscape,Impressionism,claude-monet_zaandam-canal +portrait,Baroque,peter-paul-rubens_portrait-of-helene-fourment-with-a-coach +portrait,Symbolism,gustav-klimt_portrait-of-rose-von-rosthorn-friedmann-1901 +portrait,Realism,viktor-vasnetsov_portrait-of-tatjana-a-mamontowa-1884 +sketch_and_study,Northern_Renaissance,albrecht-durer_the-port-of-antwerp-during-scheldetor-1520 +landscape,Impressionism,john-henry-twachtman_afternoon-shadows-1900 +portrait,Expressionism,pablo-picasso_woman-with-a-fan-1905 +genre_painting,Art_Nouveau_Modern,carl-larsson_abuelo-with-esborjn-1902(1) +portrait,Post_Impressionism,paul-cezanne_child-in-a-straw-hat-1902 +cityscape,Romanticism,william-turner_approach-to-venice +portrait,Art_Nouveau_Modern,felix-vallotton_portrait-of-french-writer-douard-dujardin-1898 +genre_painting,Baroque,jan-steen_twelfth-night-1668 +portrait,Ukiyo_e,utagawa-kuniyoshi_hatakeyama-shigetada +landscape,Impressionism,claude-monet_the-japanese-bridge-2 +portrait,Realism,ilya-repin_deserter-1917 +abstract_painting,Color_Field_Painting,edward-avedisian_untitled-203-watercolor-ball-1965 +genre_painting,Baroque,rembrandt_the-shipbuilder-and-his-wife-1633 +cityscape,Impressionism,edgar-degas_view-of-saint-valery-sur-somme +landscape,Impressionism,eugene-boudin_river-near-abbeville-1894 +portrait,Romanticism,konstantin-makovsky_boyaryshnya-7 +still_life,Impressionism,edouard-manet_peaches-1882 +genre_painting,Post_Impressionism,charles-cottet_femmes-de-plougastel-au-pardon-de-sainte-anne-la-palud-1903 +portrait,Cubism,fernand-leger_the-woman-and-the-child-1922 +landscape,Romanticism,gheorghe-tattarescu_french-landscape +genre_painting,Impressionism,nikolay-bogdanov-belsky_country-girls +illustration,Romanticism,gustave-dore_the-way-to-the-upper-world +abstract_painting,Abstract_Expressionism,hans-hofmann_ecstasy-1947 +genre_painting,Art_Nouveau_Modern,carl-larsson_required-reading-1900(1) +portrait,Realism,boris-kustodiev_portrait-of-v-zamirailo-1922-1 +genre_painting,Realism,vasily-perov_regular-pool-1865 +genre_painting,Symbolism,arnold-bã¶cklin_the-adventurer-1882 +portrait,Impressionism,pierre-auguste-renoir_portrait-of-a-girl +sketch_and_study,Realism,vasily-surikov_stepan-razin-1910 +portrait,Baroque,anthony-van-dyck_the-wife-and-daughter-of-colyn-de-nole +portrait,Rococo,carl-ludwig-johann-christineck_portrait-of-alexandra-perfilyeva-n-e-countess-tolstaya +landscape,Impressionism,eugene-boudin_saint-valery-sur-somme-the-bridge-on-the-lock-1891 +portrait,Baroque,frans-hals_the-laughing-cavalier-1624 +illustration,Expressionism,lynd-ward_not-detected-272511 +portrait,Realism,john-everett-millais_not_detected_236479 +portrait,Pop_Art,martial-raysse_seventeen-titre-journalistique-1962 +abstract_painting,Minimalism,robert-ryman_surface-veil-1970 +landscape,Realism,charles-francois-daubigny_the-isles-vierges-a-bezons-1855 +landscape,Fauvism,albert-marquet_unloading-sand-1902 +landscape,Realism,nicholas-roerich_gryzovo-church-1893 +portrait,Romanticism,karl-bryullov_head-of-an-abbot(1) +landscape,Post_Impressionism,henri-matisse_the-olive +landscape,Impressionism,vasile-popescu_houses-in-prahova-valley-1942 +landscape,Realism,camille-corot_forest-entrance-at-ville-d-avray +genre_painting,Impressionism,pierre-auguste-renoir_young-girl-combing-her-hair-1892 +cityscape,Post_Impressionism,vincent-van-gogh_the-seine-with-the-pont-de-clichy-1887-1 +genre_painting,Baroque,rembrandt_beggar-man-and-woman-1631 +portrait,Romanticism,john-hoppner_the-little-gardener +religious_painting,Realism,james-tissot_joseph-sold-into-egypt +portrait,Impressionism,paul-cezanne_bather-with-outstreched-arms +genre_painting,Impressionism,max-kurzweil_good-bay +portrait,Realism,nikolai-ge_portrait-of-joseph-daumang +landscape,Romanticism,joseph-wright_an-eruption-of-vesuvius-seen-from-portici +sketch_and_study,Baroque,rembrandt_the-little-polander-1631 +religious_painting,Romanticism,gustave-dore_ezra-reads-the-law-to-the-people +cityscape,Impressionism,santiago-rusinol_view-of-granada +portrait,Romanticism,fyodor-bronnikov_rebel-1885 +portrait,Expressionism,salvador-dali_saltimbanques-1921 +landscape,Realism,mykola-yaroshenko_lake-teberdinsky-caucasus-1894 +nude_painting,Baroque,agostino-carracci_hercules-and-deianira +genre_painting,Realism,ferdinand-hodler_the-turner-banquet-1878 +portrait,Cubism,olga-rozanova_the-portrait-of-a-rozanov-1912 +genre_painting,Impressionism,childe-hassam_the-artist-s-wife-in-a-garden-villiers-le-bel +portrait,Expressionism,amedeo-modigliani_woman-s-head-in-profile-1907 +religious_painting,Baroque,alonzo-cano_the-crucifixion-1638 +portrait,Impressionism,augustus-john_richard-hughes-1937 +abstract_painting,Color_Field_Painting,claude-viallat_untitled-116 +genre_painting,Ukiyo_e,hiroshige_the-road-connecting-edo-tokyo-and-kyoto-1 +cityscape,Post_Impressionism,edouard-cortes_flower-stalls-at-la-madeleine +cityscape,Realism,vasily-vereshchagin_throne-hall-of-the-great-mughal-shah-jahan-and-aurang-zeb-in-delhi-fort-1875 +cityscape,Pointillism,georges-seurat_the-bridge-at-courbevoie-1887 +landscape,Realism,eugene-boudin_the-seashore +religious_painting,Northern_Renaissance,hans-baldung_maria-with-the-sleeping-child +landscape,Realism,camille-corot_fountainebleau-with-georges-d-apremont +abstract_painting,Color_Field_Painting,gene-davis_powwow-1969 +religious_painting,Mannerism_Late_Renaissance,el-greco_st-bartholomew +abstract_painting,Minimalism,brice-marden_untitled-1962 +abstract_painting,Abstract_Expressionism,sam-gilliam_elegy-2-1980 +religious_painting,Naive_Art_Primitivism,marc-chagall_cain-and-abel-1911 +abstract_painting,Color_Field_Painting,sam-francis_untitled-sketch-sf66-048-1966 +abstract_painting,Abstract_Expressionism,perle-fine_encounter-aka-brouhaha-3-1959 +sketch_and_study,Post_Impressionism,vincent-van-gogh_peasant-woman-digging-1890 +portrait,Pointillism,theo-van-rysselberghe_portrait-of-laure-fle-1898 +sketch_and_study,Post_Impressionism,vincent-van-gogh_venus-in-a-top-hat +religious_painting,Naive_Art_Primitivism,marc-chagall_the-people-of-israel-leaving-egypt-exiode-xiii-18-22 +cityscape,Realism,nicholas-roerich_porch-of-ancient-wooden-church-in-ladoga-1899 +portrait,Romanticism,francisco-goya_portrait-of-ferdinand-guillemardet-1798 +portrait,Romanticism,orest-kiprensky_portrait-of-a-dmitriyev-mamonov-1815 +religious_painting,Early_Renaissance,pietro-perugino_birth-of-the-virgin-1473 +abstract_painting,Color_Field_Painting,ellsworth-kelly_red-blue-yellow-1951 +religious_painting,Early_Renaissance,benozzo-gozzoli_raphael-and-tobias-1465 +landscape,Post_Impressionism,maxime-maufra_saint-michel-s-church-1916 +genre_painting,Art_Nouveau_Modern,nicholas-roerich_building-the-ships-1903 +portrait,Expressionism,m.c.-escher_seated-old-woman +illustration,Romanticism,gustave-dore_paradise-lost-5 +portrait,Cubism,georges-ribemont-dessaignes_untitled-portrait-1 +cityscape,Cubism,lyonel-feininger_market-church-in-halle-1930 +religious_painting,Baroque,jusepe-de-ribera_the-assumption-of-mary-magdalene-1636 +landscape,Impressionism,andre-dunoyer-de-segonzac_vall-e-du-morin-en-juin-ferme-de-tigeaux +abstract_painting,Color_Field_Painting,ron-gorchov_promenade-1985 +portrait,Romanticism,george-frederick-watts_choosing(1) +genre_painting,Realism,arthur-segal_the-artist-in-the-studio +landscape,Expressionism,jean-paul-lemieux_les-champs-blancs-1956 +landscape,Realism,isaac-levitan_evening-path-1882 +landscape,Romanticism,john-atkinson-grimshaw_the-sere-and-yellow-leaf +portrait,Impressionism,pierre-auguste-renoir_the-little-algerian-girl +genre_painting,Expressionism,edvard-munch_the-storm-1893 +landscape,Symbolism,konstantin-somov_the-tree-in-the-field +landscape,Symbolism,konstantin-somov_grove-on-the-seashore-sillamyagi +abstract_painting,Abstract_Expressionism,john-hoyland_saracen-1977 +portrait,Romanticism,camille-corot_agostina-1866 +landscape,Symbolism,nicholas-roerich_ajanta-the-rock-temples-1938 +portrait,Romanticism,karl-bryullov_portrait-of-i-a-krylov +nude_painting,Symbolism,felicien-rops_sex-is-like-god +portrait,Impressionism,pierre-auguste-renoir_portrait-of-madeleine-adam-1887 +portrait,Realism,leon-bonnat_portrait-of-george-aloysius-lucas-1885 +portrait,Impressionism,mary-cassatt_the-long-gloves-1889 +sketch_and_study,High_Renaissance,michelangelo_the-resurrection-of-christ +genre_painting,Realism,vladimir-makovsky_guitar-player-1879 +genre_painting,Impressionism,valentin-serov_peter-ii-and-princess-elizabeth-petrovna-riding-to-hounds-1900 +portrait,Realism,pyotr-konchalovsky_katya-with-grains-1933 +genre_painting,Cubism,ernst-ludwig-kirchner_woman-is-walking-over-a-nighty-street-1929 +landscape,Realism,pyotr-konchalovsky_horse-at-the-gate-1930 +religious_painting,Baroque,diego-velazquez_supper-at-emmaus-1620 +portrait,Northern_Renaissance,albrecht-durer_young-man-1507 +landscape,Romanticism,rudolf-von-alt_lake-traun-1840 +genre_painting,Rococo,pietro-longhi_the-hairdresser(1) +illustration,Romanticism,gustave-dore_don-quixote +genre_painting,High_Renaissance,titian_vanitas-1515 +landscape,Realism,mikhail-lebedev_ariccia-near-rome-1836 +landscape,Post_Impressionism,vincent-van-gogh_canal(1) +sketch_and_study,Realism,ioannis-altamouras_study-on-the-ship-esmeralda +landscape,Expressionism,henri-matisse_landscape +landscape,Symbolism,nicholas-roerich_enlightenment +abstract_painting,Color_Field_Painting,julio-pomar_maio-68-crs-ss-1969 +religious_painting,Baroque,peter-paul-rubens_susanna-and-the-elders +genre_painting,Impressionism,camille-pissarro_summer-fishing +landscape,Realism,isaac-levitan_autumn-landscape-1 +landscape,Impressionism,gustave-caillebotte_the-garden +religious_painting,Baroque,rembrandt_christ-taken-down +portrait,Northern_Renaissance,hans-holbein-the-younger_portrait-of-simon-george-of-quocote +landscape,Symbolism,theodor-severin-kittelsen_svelgfoss-norsk-hydro-1908 +religious_painting,Baroque,bartolome-esteban-murillo_the-infant-jesus-distributing-bread-to-pilgrims-1678 +landscape,Realism,ivan-kramskoy_bois-de-boulogne-near-paris-1876 +genre_painting,Cubism,olexandr-archipenko_woman-with-umbrella-1919 +landscape,Fauvism,louis-valtat_river-banks-in-choisel +genre_painting,Naive_Art_Primitivism,william-h.-johnson_ski-jump-1946 +genre_painting,New_Realism,edward-hopper_bistro +landscape,Impressionism,willard-metcalf_the-white-veil-1909 +portrait,Expressionism,yiannis-moralis_portrait-of-a-girl-detail(1) +sketch_and_study,Realism,vasily-perov_arrival-schoolgirl-to-a-blind-father-1870 +cityscape,Impressionism,claude-monet_white-frost +portrait,Romanticism,konstantin-makovsky_a-young-boyarynia +portrait,Ukiyo_e,tsukioka-yoshitoshi_looking-sleepy-the-appearance-of-a-courtesan-of-the-meiji-era +sketch_and_study,Realism,martiros-saryan_armenia-1972 +abstract_painting,Abstract_Expressionism,esteban-vicente_red-across-1996 +cityscape,Cubism,pyotr-konchalovsky_crimea-alupka-1916-1 +abstract_painting,Abstract_Expressionism,kenzo-okada_white-and-brown-1972 +sketch_and_study,Northern_Renaissance,rogier-van-der-weyden_triptych-of-st-eloi +landscape,Realism,charles-francois-daubigny_summer-morning-on-the-oise-1869 +portrait,Romanticism,karl-bryullov_portrait-of-u-m-smirnova-1840 +portrait,Mannerism_Late_Renaissance,titian_a-monk-with-a-book +landscape,Impressionism,claude-monet_not_detected_212152(1) +religious_painting,Romanticism,edward-burne-jones_last-judgement-1896 +portrait,Expressionism,egon-schiele_the-family-1918 +landscape,Impressionism,alfred-sisley_a-road-in-seine-et-marne-1875 +still_life,Post_Impressionism,constantin-piliuta_pears-and-grapes +sketch_and_study,Symbolism,nicholas-roerich_arhat +cityscape,Realism,vasily-vereshchagin_evening-on-the-lake-one-of-the-pavilions-on-the-marble-promenade-in-radzhnagar-principality-of-1874 +genre_painting,Impressionism,camille-pissarro_woman-putting-on-her-stockings-1895 +nude_painting,Post_Impressionism,henri-matisse_dancer-or-nymph-1907 +genre_painting,Contemporary_Realism,eric-fischl_scarsdale +portrait,Impressionism,santiago-rusinol_senyor-quer-in-the-garden-1889 +genre_painting,Impressionism,gustave-caillebotte_a-road-in-naples +religious_painting,Symbolism,nicholas-roerich_dorje-the-daring-one-1925 +cityscape,Art_Nouveau_Modern,nicholas-roerich_pskov-churchyard-1904 +genre_painting,Expressionism,arturo-souto_composition-mulattos-with-pitchers-1933 +portrait,Expressionism,lucian-freud_david-dawson +religious_painting,High_Renaissance,dosso-dossi_the-virgin-appearing-to-saints-john-the-baptist-and-john-the-evangelist-1520 +cityscape,Impressionism,armand-guillaumin_neige-1876 +sketch_and_study,High_Renaissance,michelangelo_study-to-pieta-1 +still_life,Impressionism,gregoire-boonzaier_still-life-with-hibiscus-1962 +sketch_and_study,Expressionism,martiros-saryan_at-sambek-1908 +landscape,Impressionism,claude-monet_road-near-giverny +portrait,Expressionism,paula-modersohn-becker_portrait-of-a-young-woman-with-red-hat-1900 +nude_painting,Impressionism,pierre-auguste-renoir_nude-bather-seated-by-the-sea-1882 +landscape,Impressionism,pierre-auguste-renoir_landscape-with-mimosas-1912 +portrait,Post_Impressionism,pyotr-konchalovsky_female-portrait-voronova-1898 +religious_painting,Early_Renaissance,benozzo-gozzoli_view-of-the-vaults-1465 +genre_painting,Realism,mihaly-munkacsy_drifters-in-the-night-1873 +cityscape,Romanticism,franz-richard-unterberger_the-monreale-road-palermo-1884 +genre_painting,Naive_Art_Primitivism,fernando-botero_the-death-of-luis-chalet +portrait,Expressionism,marc-chagall_newspaper-seller-1914 +cityscape,Art_Nouveau_Modern,konstantin-korovin_the-aragva-bank-1902 +cityscape,New_Realism,john-french-sloan_sunset-west-twenty-third-street-1906 +portrait,Impressionism,pierre-auguste-renoir_madame-gaston-bernheim-de-villers-nee-suzanne-adler +cityscape,Romanticism,alexey-bogolyubov_smolny-as-seen-from-bolshaya-okhta-1851 +genre_painting,Northern_Renaissance,lucas-cranach-the-elder_the-old-man-in-love +sketch_and_study,Realism,john-singer-sargent_drawing-8 +landscape,Realism,ivan-shishkin_woods-behind-the-fence-1898 +genre_painting,Realism,ivan-vladimirov_the-revolt-of-the-soldiers-and-workers-in-the-days-of-february-1917 +nude_painting,Realism,gustave-courbet_reclining-nude +landscape,Expressionism,martiros-saryan_in-armenia-1923 +abstract_painting,Abstract_Expressionism,richard-pousette-dart_golden-dawn-1952 +nude_painting,Post_Impressionism,vincent-van-gogh_standing-female-nude-seen-from-the-side-1886 +genre_painting,Naive_Art_Primitivism,marc-chagall_lovers-in-the-sky-of-nice-1964 +religious_painting,Baroque,alonzo-cano_immaculate-conception-2 +cityscape,Impressionism,konstantin-korovin_village-in-northern-russia +sketch_and_study,Realism,thomas-eakins_drawing-of-girard-avenue-bridge +religious_painting,Baroque,david-teniers-the-younger_the-temptation-of-st-anthony-1640 +religious_painting,Mannerism_Late_Renaissance,tintoretto_prophet-1567-1 +sketch_and_study,Realism,vasily-surikov_cossack-with-red-shirt +genre_painting,Romanticism,william-holman-hunt_the-hireling-shepherd +genre_painting,Post_Impressionism,pablo-picasso_motherhood-1901-1 +cityscape,Impressionism,claude-monet_charing-cross-bridge-overcast-weather +landscape,Realism,gustave-courbet_the-gorge +portrait,Realism,vladimir-makovsky_zaporizhzhya-cossack-1884 +portrait,Realism,pyotr-konchalovsky_portrait-of-constantin-andreyevich-trenev-1941 +portrait,Expressionism,yiannis-tsaroychis_sailor-dressed-up-as-cupid-with-dragonfly-wings +illustration,Art_Nouveau_Modern,eugã¨ne-grasset_la-belle-jardiniere-octobre-1896 +genre_painting,Post_Impressionism,maurice-prendergast_low-tide-revere-beach +landscape,Impressionism,eugene-boudin_etretat-beached-boats-and-the-cliff-of-aval +sketch_and_study,Expressionism,alekos-kontopoulos_naked-female-form +genre_painting,Cubism,paul-cezanne_study-of-bathers +genre_painting,Impressionism,camille-pissarro_pere-melon-sawing-wood-pontoise-1879 +sketch_and_study,Realism,ivan-shishkin_forest-with-a-seated-figure +genre_painting,Naive_Art_Primitivism,david-burliuk_cowboy-in-the-organ-mountains-new-mexico-1949(1) +portrait,Impressionism,edmund-charles-tarbell_portrait-of-elanor-hyde-phillips +landscape,Realism,adolf-hitler_the-castle-on-the-donau +illustration,Art_Nouveau_Modern,aubrey-beardsley_the-scarlet-pastorale +portrait,Romanticism,nikolai-ge_portrait-of-shestova-with-daughter +landscape,Impressionism,john-henry-twachtman_landscape-6 +nude_painting,Cubism,oscar-dominguez_les-odalisques-1945 +landscape,Realism,nicholas-roerich_ozertitsy-lakes-1893 +portrait,Impressionism,pierre-auguste-renoir_bust-of-a-woman-in-a-red-blouse +genre_painting,Post_Impressionism,henri-de-toulouse-lautrec_the-ambassadors-people-chics-1893 +cityscape,Impressionism,childe-hassam_church-at-old-lyme-1 +sketch_and_study,Post_Impressionism,vincent-van-gogh_view-of-paris-with-notre-dame-and-the-pantheon-1886 +landscape,Romanticism,john-constable_the-low-lighthouse-and-beacon-hill +religious_painting,Mannerism_Late_Renaissance,el-greco_st-john-the-evangelist-1579 +religious_painting,Mannerism_Late_Renaissance,tintoretto_the-evangelists-mark-and-john-1557 +portrait,Symbolism,roger-de-la-fresnaye_a-romanian +genre_painting,Realism,peder-severin-kroyer_italian-village-workers-making-hats-1880 +nude_painting,Impressionism,childe-hassam_nude-on-the-cliffs +landscape,Post_Impressionism,maurice-prendergast_girls-on-the-riverbank +genre_painting,Realism,winslow-homer_the-country-school +cityscape,Expressionism,paul-klee_to-the-parnassus-1932(2) +cityscape,Expressionism,frank-auerbach_maples-demo +still_life,Analytical_Cubism,pablo-picasso_souvenir-from-havre-1912 +portrait,Realism,ilya-repin_study-of-an-old-man-1878 +portrait,Pop_Art,robert-silvers_birth-of-venus-2006 +portrait,Cubism,vicente-manansala_madonna-of-the-slums-1950 +genre_painting,Impressionism,julian-alden-weir_girl-knitting +sketch_and_study,Realism,vincent-van-gogh_st-martin-s-church-at-tongelre-1885 +landscape,Impressionism,fern-coppedge_autumn +portrait,Rococo,thomas-gainsborough_mr-and-mrs-andrews-1749 +portrait,Art_Nouveau_Modern,felix-vallotton_portrait-de-gabrielle-vallotton-1908 +still_life,Expressionism,henri-matisse_spanish-still-life-seville-ii-1911 +landscape,Post_Impressionism,kazuo-nakamura_blue-reflections-1963 +genre_painting,Impressionism,william-merritt-chase_a-sunny-day-at-shinnecock-bay +landscape,Romanticism,william-turner_ariccia-sunset +genre_painting,Baroque,frans-snyders_fish-shop +sketch_and_study,Realism,boris-kustodiev_portrait-of-f-i-chaliapin-1921-1 +genre_painting,Realism,vasily-vereshchagin_beggars-in-samarkand-1870 +sketch_and_study,High_Renaissance,leonardo-da-vinci_landscape-near-pisa +portrait,Naive_Art_Primitivism,kazimir-malevich_carpenter +portrait,Pop_Art,andy-warhol_black-lenin +religious_painting,Naive_Art_Primitivism,marc-chagall_prophet-and-angel-1979 +landscape,Impressionism,claude-monet_snow-at-argenteuil-02 +genre_painting,Impressionism,edgar-degas_the-star-dancer-on-stage +religious_painting,Mannerism_Late_Renaissance,tintoretto_the-miracle-of-st-mark-freeing-the-slave-1548 +abstract_painting,Color_Field_Painting,frank-stella_polar-co-ordinates-v-1980 +genre_painting,Realism,winslow-homer_old-mill-the-morning-bell +landscape,Realism,ivan-shishkin_at-the-church-fence-balaam-1867 +abstract_painting,Abstract_Expressionism,frank-stella_eskimo-curlew-1976 +genre_painting,Expressionism,arturo-souto_inn-at-port-1932 +sketch_and_study,Realism,james-tissot_jew-and-armenian-1889 +portrait,Romanticism,konstantin-makovsky_the-girl-in-pearl-necklace +portrait,Realism,ilya-repin_portrait-of-m-p-shevtsova-wife-of-a-shevtsov-1876 +landscape,Romanticism,john-atkinson-grimshaw_under-the-harvest-moon-1872 +genre_painting,Northern_Renaissance,hans-baldung_marquard-von-lindau-ask-and-answer-the-ten-commandments-1516 +religious_painting,Northern_Renaissance,albrecht-durer_st-sebastian-at-the-column-1499 +portrait,Impressionism,joaquã­n-sorolla_portrait-of-a-caballero-1884 +landscape,Cubism,albert-gleizes_landscape-with-mill +landscape,Romanticism,franz-richard-unterberger_the-bay-of-naples +landscape,Realism,theodore-rousseau_a-town-thiers-1830 +landscape,Impressionism,camille-pissarro_the-garden-at-pontoise-1877 +genre_painting,Impressionism,camille-pissarro_haymakers-at-eragny-1889 +landscape,Post_Impressionism,kimon-loghi_springtime-1930 +cityscape,Post_Impressionism,maurice-utrillo_the-castle +abstract_painting,Color_Field_Painting,louis-cane_toile-tamponn-e-1967-3 +sketch_and_study,High_Renaissance,vittore-carpaccio_three-studies-of-a-cavalier-in-armor +religious_painting,Naive_Art_Primitivism,marc-chagall_moses-and-the-burning-bush-1966 +abstract_painting,Color_Field_Painting,piero-dorazio_in-croce-iii-1969 +portrait,Expressionism,paul-klee_women-in-their-sunday-best-1928(1) +landscape,Romanticism,joseph-wright_an-italian-landscape-with-mountains-and-a-river +sketch_and_study,High_Renaissance,leonardo-da-vinci_drawings-of-a-bird-in-flight +abstract_painting,Abstract_Expressionism,sam-francis_dark-egg-lembark-l22-1963 +sketch_and_study,Symbolism,frantisek-kupka_the-man-and-the-earth-1904 +religious_painting,Early_Renaissance,sandro-botticelli_three-miracles-of-st-zenobius-1505-1(1) +landscape,Northern_Renaissance,pieter-bruegel-the-elder_landscape-with-the-flight-into-egypt-1563 +landscape,Romanticism,arthur-hughes_perran-point-cornwall +still_life,Impressionism,childe-hassam_still-life-fruits-1 +landscape,Impressionism,lucian-grigorescu_peisaj-din-balcic +landscape,Expressionism,nikolaos-lytras_cobs(1) +portrait,Realism,william-adolphe-bouguereau_thirst-1886 +genre_painting,Impressionism,childe-hassam_the-fishermen-cos-cob +portrait,Expressionism,theo-van-doesburg_portrait-of-nelly-van-doesburg +nude_painting,Post_Impressionism,moise-kisling_reclining-nude-1923(1) +genre_painting,Post_Impressionism,henri-de-toulouse-lautrec_the-tatooed-woman-1894 +cityscape,Pop_Art,hiro-yamagata_telephone-1987 +still_life,Impressionism,gregoire-boonzaier_still-life-with-fruit-1956 +landscape,Impressionism,childe-hassam_bedford-hills +portrait,Impressionism,frederic-bazille_view-of-the-village-of-castelnau-le-lez-1868 +landscape,Realism,isaac-levitan_in-the-park-1895 +portrait,Romanticism,orest-kiprensky_portrait-of-feodor-rostopchin-1809 +cityscape,Impressionism,john-singer-sargent_tyrolese-crucifix +genre_painting,Realism,james-tissot_emigrants +portrait,Impressionism,rudolf-schweitzer-cumpana_t-t-roaic-venind-de-la-f-nt-n-1929 +religious_painting,Northern_Renaissance,rogier-van-der-weyden_the-last-judgement-1450 +genre_painting,Impressionism,joaquã­n-sorolla_on-the-beach-at-valencia-1910 +genre_painting,New_Realism,edward-hopper_sunday +religious_painting,Northern_Renaissance,albrecht-durer_the-woman-clothed-with-the-sun-and-the-seven-headed-dragon-1511 +still_life,Realism,william-merritt-chase_still-life-with-fruit +cityscape,Impressionism,childe-hassam_charles-river-and-beacon-hill-1892 +portrait,Baroque,caravaggio_portrait-of-maffeo-barberini(1) +sketch_and_study,Realism,vincent-van-gogh_study-of-three-peasants-one-sitting-1885 +portrait,Realism,mykola-yaroshenko_portrait-of-p-strepetova-1886 +portrait,Post_Impressionism,nicolae-tonitza_ecaterina-tonitza +sketch_and_study,Early_Renaissance,paolo-uccello_standing-man +abstract_painting,Abstract_Expressionism,mark-rothko_not_detected_242115 +still_life,Naive_Art_Primitivism,fernando-botero_still-life-with-the-head-of-pork +portrait,Realism,alexey-venetsianov_spinner +religious_painting,Symbolism,nicholas-roerich_nagarjuna-conqueror-of-the-serpent-1925 +landscape,Realism,isaac-levitan_a-river-1897 +abstract_painting,Color_Field_Painting,gene-davis_raspberry-icicle-1967 +landscape,Symbolism,jozsef-rippl-ronai_romantic-landscape-1899 +cityscape,Impressionism,childe-hassam_view-of-florence-from-san-miniato-1 +sketch_and_study,Realism,vincent-van-gogh_cemetery-1883(1) +abstract_painting,Abstract_Expressionism,sam-francis_untitled-from-papierski-portfolio-sf-351-1992 +sketch_and_study,Romanticism,edward-burne-jones_paderewski +genre_painting,Baroque,jan-steen_sick-woman +landscape,Impressionism,paul-gauguin_abandoned-garden-in-rouen +illustration,Naive_Art_Primitivism,marc-chagall_asking-the-way +landscape,Impressionism,claude-monet_garden-in-bordighera-impression-of-morning-1884 +sketch_and_study,Early_Renaissance,leonardo-da-vinci_study-of-the-hanged-bernardo-di-bandino-baroncelli-assassin-of-giuliano-de-medici-1479 +cityscape,Post_Impressionism,moise-kisling_contrasting-sounds-1918 +illustration,Art_Nouveau_Modern,edmund-dulac_the-snow-queen-flies-through-the-winter-s-night +cityscape,Realism,vasily-surikov_illumination-of-moscow-1882 +landscape,Impressionism,octav-bancila_valea-agapiei-1915 +landscape,Romanticism,frederic-edwin-church_moonrise-1889 +religious_painting,Romanticism,orest-kiprensky_tobias-and-his-blind-father-1800 +genre_painting,Romanticism,george-stubbs_hay-makers +portrait,Symbolism,franz-stuck_portrait-of-prof-dr-josef-amann-albert-jr-a-gynecologist-a-university-professor-and-art +cityscape,Impressionism,claude-monet_the-seine-at-vetheuil-3 +genre_painting,Post_Impressionism,paul-gauguin_little-breton-bather-1888 +sketch_and_study,Naive_Art_Primitivism,kazimir-malevich_study-for-portrait-of-a-peasant +landscape,Romanticism,john-constable_old-sarum-1829 +sketch_and_study,Art_Nouveau_Modern,filipp-malyavin_turks +abstract_painting,Color_Field_Painting,ronnie-landfield_blue-line-painting-1969 +portrait,Art_Nouveau_Modern,mikhail-vrubel_portrait-of-n-zabela-1904 +still_life,Fauvism,mary-fedden_still-life-1981 +portrait,Art_Nouveau_Modern,raphael-kirchner_portraits-of-viennese-ladies-1901-1 +cityscape,Romanticism,cornelis-springer_cityview +portrait,Romanticism,karl-bryullov_ortrait-of-count-a-a-perovsky-the-writer-anton-pogorelsky(1) +portrait,Impressionism,childe-hassam_brittany-peasant-at-the-pardon +cityscape,Expressionism,chaim-soutine_landscape-of-cagnes +nude_painting,Post_Impressionism,ion-theodorescu-sion_nudes-in-a-landscape-1914 +portrait,Romanticism,theodore-gericault_young-painter-at-his-easel +portrait,Rococo,louise-elisabeth-vigee-le-brun_portrait-of-baron-grigory-alexandrovich-stroganoff-1793 +portrait,Expressionism,amedeo-modigliani_head-of-red-haired-woman-1915 +sketch_and_study,Impressionism,edgar-degas_study-for-la-la-at-the-cirque-fernando-1879 +genre_painting,Rococo,pietro-longhi_the-perfume-seller +nude_painting,Cubism,fernand-leger_naked-model-in-the-workshop-1913 +genre_painting,Impressionism,berthe-morisot_girl-playing-the-mandolin +portrait,Realism,vincent-van-gogh_head-of-a-peasant-woman-with-white-cap-1885-4(1) +cityscape,Pointillism,theo-van-rysselberghe_view-of-meknes +nude_painting,Symbolism,koloman-moser_female-nude +landscape,Post_Impressionism,marsden-hartley_valley-road-1920 +genre_painting,Impressionism,edgar-degas_orchestra-of-the-opera-1869 +landscape,Realism,winslow-homer_high-cliff-coast-of-maine +portrait,Art_Nouveau_Modern,boris-kustodiev_merchant-1923 +nude_painting,Post_Impressionism,henri-matisse_nude-spanish-carpet-1919 +sketch_and_study,Romanticism,orest-kiprensky_portrait-of-ekaterina-aleksandrovna-telesheva-1828 +landscape,Realism,aleksey-savrasov_rooks-have-returned-1871(1) +genre_painting,Impressionism,henry-herbert-la-thangue_a-ligurian-flower-girl +genre_painting,Expressionism,jose-gutierrez-solana_the-carnival +still_life,Realism,henri-fantin-latour_white-roses-and-cherries-1865 +illustration,Baroque,adriaen-van-de-venne_illustration +genre_painting,Impressionism,pierre-auguste-renoir_children-on-the-seashore-1883 +portrait,Expressionism,george-bouzianis_liza-kottou-1947 +portrait,Post_Impressionism,arshile-gorky_self-portrait +cityscape,Art_Nouveau_Modern,anna-ostroumova-lebedeva_petersburg-rostral-column-and-exchange-1908 +abstract_painting,Color_Field_Painting,richard-diebenkorn_ocean-park-no-54 +illustration,Art_Nouveau_Modern,alexandre-benois_letter-s-1904(3) +sketch_and_study,Realism,isaac-levitan_fountain-1886 +landscape,Ukiyo_e,utagawa-kuniyoshi_priest-nichiren-praying-under-the-storm +genre_painting,Expressionism,marc-chagall_vitebsk-1914 +portrait,Post_Impressionism,henrique-pousao_rapariga-deitada-no-tronco-de-uma-rvore-1883 +landscape,Realism,arkhip-kuindzhi_on-a-valaam-island-1873 +cityscape,Impressionism,paul-signac_the-house-of-van-gogh-arles-place-lamartine-1933 +cityscape,Pop_Art,hiro-yamagata_centieme-anniversaire-1980 +landscape,Realism,camille-corot_fishing-boars-beached-in-the-chanel +portrait,Naive_Art_Primitivism,niko-pirosmani_rich-merchant +genre_painting,Expressionism,edvard-munch_kiss-1897 +genre_painting,Expressionism,pablo-picasso_the-greedy-1901 +religious_painting,High_Renaissance,lorenzo-lotto_the-legend-of-st-barbara-1524 +abstract_painting,Minimalism,alex-hay_chicken-wire-1963 +genre_painting,Rococo,william-hogarth_the-ball +sketch_and_study,Realism,vincent-van-gogh_torso-of-venus-1887-3 +sketch_and_study,Post_Impressionism,vincent-van-gogh_head-of-a-young-man-bareheaded +portrait,Art_Nouveau_Modern,boris-kustodiev_masha-the-daughter-of-merchant-1924 +landscape,Realism,charles-francois-daubigny_the-crossroads-at-the-eagle-nest-forest-of-fontainebleau +still_life,Post_Impressionism,horace-pippin_roses-with-red-chair-1940 +genre_painting,Art_Nouveau_Modern,filipp-malyavin_demonstration-of-a-newborn +genre_painting,Impressionism,edgar-degas_ballet-class-the-dance-hall-1880 +portrait,Romanticism,vasily-tropinin_portrait-of-d-p-tatishchev-1838 +portrait,Baroque,rembrandt_a-turk +landscape,Impressionism,claude-monet_the-ball-shaped-tree-argenteuil +religious_painting,Symbolism,nicholas-roerich_moses-the-leader-1926 +portrait,Expressionism,chronis-botsoglou_helen +landscape,Symbolism,ferdinand-hodler_sunset-on-lake-geneva-from-the-caux-1917 +genre_painting,Impressionism,edgar-degas_bowing-dancer +genre_painting,Realism,jean-francois-millet_in-the-garden-1862 +portrait,Rococo,louise-elisabeth-vigee-le-brun_countess-bucquoi +cityscape,Impressionism,alfred-sisley_eglise-de-moret +portrait,Ukiyo_e,tsukioka-yoshitoshi_delighted-the-appearance-of-a-geisha-today-during-the-meiji-era +genre_painting,Realism,julius-leblanc-stewart_the-seine-at-bougival-1885(1) +genre_painting,Symbolism,felicien-rops_the-row +landscape,Symbolism,nicholas-roerich_view-of-jelar-la +portrait,Romanticism,karl-bryullov_the-model-1822 +sketch_and_study,Early_Renaissance,jacopo-bellini_st-michael-defeating-satan +sketch_and_study,Post_Impressionism,vincent-van-gogh_the-langlois-bridge-at-arles-1888 +illustration,Art_Nouveau_Modern,heorhiy-narbut_illustration-to-nightingale-by-hans-christian-andersen-1912 +portrait,Mannerism_Late_Renaissance,parmigianino_portrait-of-gian-galeazzo-sanvitale-1529 +nude_painting,Impressionism,theo-van-rysselberghe_standing-nude-1919 +landscape,Cubism,andre-masson_no-name-1(3) +genre_painting,Impressionism,pierre-auguste-renoir_picking-flowers-in-the-field +religious_painting,Realism,vasily-perov_first-christians-in-kiev-1880 +portrait,Realism,john-singer-sargent_madame-helleu +portrait,Impressionism,pierre-auguste-renoir_head-of-a-woman-in-red +landscape,Expressionism,john-marin_sunset-1922 +religious_painting,Early_Renaissance,sandro-botticelli_st-john-on-patmos-1492(1) +landscape,Impressionism,konstantinos-volanakis_1870-1875 +portrait,Early_Renaissance,andrea-del-castagno_dante-alighieri +landscape,Impressionism,gustave-caillebotte_harvest-landscape-with-five-haystacks +religious_painting,Baroque,alonzo-cano_san-francisco-de-borja-saint-francis-borgia-1624 +landscape,Impressionism,arkhip-kuindzhi_a-birch-grove-1879-1 +nude_painting,Impressionism,paul-cezanne_reclining-nude +religious_painting,Northern_Renaissance,albrecht-durer_the-conversion-of-st-paul-1495 +abstract_painting,Abstract_Expressionism,richard-diebenkorn_urbana-no-4 +landscape,Post_Impressionism,henri-martin_the-arbour +abstract_painting,Expressionism,pierre-alechinsky_stars-and-disasters-astres-et-d-sastres-1969-1(6) +religious_painting,Art_Nouveau_Modern,mikhail-vrubel_christ-1885 +genre_painting,Ukiyo_e,katsushika-hokusai_woman-looking-at-herself-in-a-mirror +abstract_painting,Minimalism,rodolfo-arico_lotto-di-tre-opere +portrait,Romanticism,john-hoppner_jane-elizabeth-countess-of-oxford-1797 +religious_painting,Baroque,guido-reni_martyrdom-of-saint-catherine-of-alexandria-1607 +portrait,Art_Nouveau_Modern,felix-vallotton_portrait-of-french-bishop-georges-darboy-1897 +genre_painting,Expressionism,paula-modersohn-becker_two-women-in-the-garden-with-fountain-1 +sketch_and_study,Early_Renaissance,leonardo-da-vinci_study-of-nursing-madonna-and-profile-heads +cityscape,Impressionism,antoine-blanchard_place-de-la-republique-2 +religious_painting,Early_Renaissance,benozzo-gozzoli_scenes-with-st-ambrose-1465 +landscape,Impressionism,camille-pissarro_little-bridge-on-the-voisne-osny-1883 +genre_painting,Baroque,jean-baptiste-simeon-chardin_the-canary +landscape,Realism,pyotr-konchalovsky_twilight-1939 +landscape,Realism,ivan-shishkin_edge-of-the-deciduous-forest-1895 +abstract_painting,Abstract_Expressionism,mark-tobey_mon-1959 +still_life,Synthetic_Cubism,juan-gris_still-life-dedicated-to-andre-salmon-1915 +genre_painting,Symbolism,konstantin-somov_how-dressed-in-the-old-days-lady-and-cavalier +portrait,Cubism,pablo-picasso_bust-of-woman-1936 +genre_painting,Impressionism,berthe-morisot_young-girl-putting-on-her-stockings +landscape,Impressionism,giuseppe-de-nittis_lungo-l-ofanto +landscape,Realism,nicholas-roerich_second-bridge-on-road-to-threshing-floor-in-state-forest-1893 +cityscape,Realism,james-tissot_fountain-of-the-virgin-at-ain-karim-1889 +sketch_and_study,Northern_Renaissance,albrecht-durer_feet-of-a-kneeling-man-1508 +landscape,Impressionism,gustave-caillebotte_the-kitchen-garden-yerres +religious_painting,Northern_Renaissance,albrecht-durer_the-good-thief +illustration,Romanticism,gustave-dore_don-quixote-49 +cityscape,Impressionism,camille-pissarro_avenue-de-l-opera-effect-of-snow-1898 +portrait,Realism,valentin-serov_portrait-of-grand-duke-georgy-mikhailovich-1901 +landscape,Impressionism,abdullah-suriosubroto_suburnya-negeriku +genre_painting,Cubism,fã©lix-del-marle_the-port-1914-1 +illustration,Romanticism,gustave-dore_don-quixote-77 +portrait,Realism,vasily-vereshchagin_coolie-porter-1875 +sketch_and_study,Post_Impressionism,vincent-van-gogh_garden-of-the-asylum-1889(1) +abstract_painting,Color_Field_Painting,theodoros-stamos_infinity-field-lefkada-series-1977 +landscape,Impressionism,camille-pissarro_landscape-at-bazincourt +genre_painting,Art_Nouveau_Modern,raphael-kirchner_love-flowers-1903-5 +landscape,Ukiyo_e,hiroshige_alighting-geese-at-massaki-1825 +genre_painting,Expressionism,ernst-ludwig-kirchner_dancing-couple +religious_painting,Rococo,giovanni-battista-tiepolo_the-glory-of-st-dominic-1739 +portrait,Art_Nouveau_Modern,paul-mathiopoulos_lady-with-a-long-coat +nude_painting,Realism,gustave-courbet_female-nude-with-a-dog-portrait-of-leotine-renaude +portrait,Expressionism,lucian-freud_the-painter-s-mother-1 +still_life,Post_Impressionism,morris-graves_homemade-painting-of-a-homemade-bouquet-of-sand-dune-daisies-in-a-homemade-vase-1982 +genre_painting,Expressionism,august-macke_girl-in-the-greenery +landscape,Realism,vasily-polenov_russian-village-1889 +landscape,Romanticism,thomas-cole_the-course-of-empire-1836(1) +sketch_and_study,Post_Impressionism,pyotr-konchalovsky_spinner-drawing-for-the-painting-spinner-1926 +portrait,Realism,john-singer-sargent_garden-study-of-the-vickers-children-1884 +still_life,Cubism,pablo-picasso_guitar-bottle-and-fruit-bowl-1921 +portrait,Romanticism,david-wilkie_portrait-of-sotiri +genre_painting,Expressionism,rafael-zabaleta_a-kiss +cityscape,Post_Impressionism,maurice-prendergast_venice-the-little-bridge +portrait,Impressionism,frederic-bazille_portrait-of-douard-blau +still_life,Post_Impressionism,maxime-maufra_dessert-1904 +cityscape,Expressionism,jean-david_jerusalem +religious_painting,Baroque,peter-paul-rubens_christ-resurrected +genre_painting,New_Realism,edward-hopper_compartment-car +religious_painting,Naive_Art_Primitivism,marc-chagall_in-rage-which-he-felt-to-the-idolatry-of-the-chosen-people-of-god-moses-broken-the-tablets-of +landscape,Contemporary_Realism,jamie-wyeth_twin-houses-1969 +landscape,Post_Impressionism,gustave-loiseau_by-the-eure-river-hoarfrost-1915 +illustration,Art_Nouveau_Modern,aubrey-beardsley_how-four-queens-found-launcelot-sleeping +portrait,Analytical_Cubism,pablo-picasso_the-aficionado-the-torero-1912 +landscape,Post_Impressionism,maurice-utrillo_view-of-montmagny +landscape,Realism,ivan-shishkin_pines-1892 +landscape,Realism,isaac-levitan_spring-has-come +landscape,Impressionism,arkhip-kuindzhi_sunset-2 +still_life,Post_Impressionism,william-scott_frying-pan-and-basket-1948 +portrait,Northern_Renaissance,jan-van-eyck_portrait-of-baudouin-de-lannoy-1435 +portrait,Impressionism,lovis-corinth_donna-gravida-1909 +genre_painting,Ukiyo_e,katsushika-hokusai_the-fire-fighters-in-the-mountains +religious_painting,High_Renaissance,andrea-mantegna_st-jacques-leads-to-martyrdom +genre_painting,Realism,nikolay-bogdanov-belsky_young-host +portrait,Realism,ivan-kramskoy_beekeeper-1872 +portrait,Impressionism,henri-martin_woman-washing-clothes-in-river +landscape,Realism,fyodor-vasilyev_crimean-landscape-1873 +genre_painting,Impressionism,paul-gauguin_young-woman-lying-in-a-grass-1884 +portrait,Mannerism_Late_Renaissance,tintoretto_portrait-of-a-woman-revealing-her-breasts +genre_painting,Expressionism,candido-portinari_coffee-harvest-1958 +cityscape,Baroque,canaletto_the-punta-della-dogana-1730 +nude_painting,Realism,gustave-courbet_woman-with-a-parrot-1866 +landscape,Realism,volodymyr-orlovsky_landscape-1 +portrait,Romanticism,eduard-von-gebhardt_portrait-of-a-bearded-man-head-of-an-apostle +genre_painting,Symbolism,nicholas-roerich_and-we-not-afraid-1922 +still_life,Synthetic_Cubism,juan-gris_still-life-before-an-open-window-place-ravignan-1915 +religious_painting,High_Renaissance,giovanni-bellini_the-feast-of-the-gods-1514 +religious_painting,Early_Renaissance,luca-signorelli_madonna-and-child +abstract_painting,Color_Field_Painting,barnett-newman_title-page-from-18-cantos-1964 +landscape,Expressionism,balthus_landscape-in-morvan-1955 +landscape,Expressionism,edvard-munch_winter-kragero-1912 +landscape,Symbolism,ivan-milev_the-maglizh-monastery-1924 +portrait,Realism,vasily-vereshchagin_japanese-priest-1904 +genre_painting,Post_Impressionism,maurice-prendergast_children-in-the-park +landscape,Art_Nouveau_Modern,wilhelm-kotarbinski_water-lilies +cityscape,Impressionism,john-singer-sargent_campo-san-agnese-venise +sketch_and_study,Realism,vincent-van-gogh_peasant-woman-bending-over-1885 +portrait,Art_Nouveau_Modern,jozsef-rippl-ronai_shivering-girl-with-a-blue-ring +illustration,Art_Nouveau_Modern,aubrey-beardsley_woman-in-a-bookshop +genre_painting,Romanticism,sir-lawrence-alma-tadema_autumn-vintage-festival-1877 +landscape,Post_Impressionism,karl-schrag_road-into-the-sanctuary-sanibel +portrait,Expressionism,nikolaos-lytras_boy +religious_painting,Mannerism_Late_Renaissance,giorgio-vasari_the-temptation-of-st-jerome +landscape,Impressionism,james-mcneill-whistler_grey-and-silver-mist-lifeboat +landscape,Pop_Art,roy-lichtenstein_arctic-landscape-1964(1) +landscape,Impressionism,john-henry-twachtman_the-shore +portrait,Rococo,joshua-reynolds_john-manners-marquess-of-granby-1765 +abstract_painting,Color_Field_Painting,piero-dorazio_cercles-du-matin-1992 +cityscape,Post_Impressionism,gustave-loiseau_the-house-1906 +genre_painting,Post_Impressionism,constantin-piliuta_ballet-dancers +landscape,Impressionism,alfred-sisley_a-may-morning-in-moret-1886 +portrait,Realism,alexey-venetsianov_peasant-girl-with-butterflies +genre_painting,Expressionism,edvard-munch_workers-on-their-way-home-i-1920 +cityscape,Art_Nouveau_Modern,mstislav-dobuzhinsky_alexandrinsky-theatre-1903 +genre_painting,Art_Nouveau_Modern,jacek-malczewski_poisoned-well-iii +genre_painting,Symbolism,pierre-puvis-de-chavannes_the-village-firemen +abstract_painting,Abstract_Expressionism,sam-francis_untitled-1981 +sketch_and_study,Art_Nouveau_Modern,nicholas-roerich_sketch-of-sofa-for-workshop-1904 +landscape,Impressionism,laszlo-mednyanszky_edge-of-a-forest-with-crosses-1918 +abstract_painting,Abstract_Expressionism,helen-frankenthaler_snow-pines-2004 +abstract_painting,Abstract_Expressionism,joan-snyder_purple-passion-2012 +landscape,Impressionism,claude-monet_the-banks-of-the-river-epte-in-springtime +religious_painting,Baroque,juan-de-valdes-leal_st-jerome-1657 +religious_painting,Naive_Art_Primitivism,marc-chagall_jacob-leaves-his-country-and-his-family-to-go-to-egypt-genesis-xlvi-5-7 +landscape,Impressionism,winston-churchill_trees-at-mimizan +still_life,Impressionism,pieter-wenning_still-life-with-hibiscus-and-fuchsias +still_life,Impressionism,pierre-auguste-renoir_sugar-bowl-1909 +abstract_painting,Color_Field_Painting,gene-davis_night-rider-1983 +landscape,Realism,charles-francois-daubigny_fisherman-on-river-with-ducks +landscape,Realism,isaac-levitan_three-pines-1886 +genre_painting,Post_Impressionism,pyotr-konchalovsky_forging-of-buffalo-1927-1 +genre_painting,Ukiyo_e,katsushika-hokusai_concert-under-the-wisteria +portrait,Post_Impressionism,martiros-saryan_female-portrait-1952 +cityscape,Rococo,bernardo-bellotto_view-of-pirna-from-the-sonnenstein-castle +illustration,Art_Nouveau_Modern,ivan-bilibin_magazine-russian-opera-in-paris-1930 +cityscape,Impressionism,john-singer-sargent_florence-torre-galli-1910 +abstract_painting,Minimalism,robert-ryman_enter +abstract_painting,Color_Field_Painting,luis-feito_untitled-1965 +cityscape,Symbolism,mstislav-dobuzhinsky_lions-bridge-1923 +genre_painting,Naive_Art_Primitivism,niko-pirosmani_scene-from-the-play-brother-and-sister-by-v-guniya +genre_painting,Symbolism,nicholas-roerich_voice-of-mongolia-1937 +genre_painting,Symbolism,odilon-redon_a-funeral-mask-tolls-bell-1882 +portrait,Realism,valentin-serov_portrait-of-adelaida-simonovich-1889 +portrait,Realism,hugo-simberg_man-with-red-moustache-1903 +portrait,Realism,john-singer-sargent_edmond-gosse-1886 +genre_painting,Ukiyo_e,utagawa-kuniyoshi_station-hodogaya-through-hiratsuka +religious_painting,High_Renaissance,michelangelo_sistine-chapel-ceiling-god-dividing-light-from-darkness-1512 +religious_painting,Mannerism_Late_Renaissance,maerten-van-heemskerck_triptych-of-the-entombment-closed +genre_painting,Symbolism,nicholas-roerich_holy-lake-1917 +religious_painting,Art_Nouveau_Modern,nicholas-roerich_kneeling-warriors-study-of-murals-for-the-chapel-in-pskov-1914 +portrait,Impressionism,joaquã­n-sorolla_portrait-of-a-gentleman +portrait,Expressionism,tia-peltz_the-tamer +portrait,Ukiyo_e,utagawa-kuniyoshi_ishiyakushi +portrait,Realism,boris-kustodiev_portrait-of-dr-s-y-lyubimov-with-dog-1905 +religious_painting,Baroque,peter-paul-rubens_descent-from-the-cross-1614 +sketch_and_study,Naive_Art_Primitivism,marc-chagall_moses-receiving-the-tablets-of-law +nude_painting,Fauvism,henri-matisse_standing-model +portrait,Art_Nouveau_Modern,raphael-kirchner_olive-thomas-the-pittsburgh-press-1917 +genre_painting,Impressionism,camille-pissarro_woman-in-an-orchard-spring-sunshine-in-a-field-eragny-1887 +portrait,Realism,ilya-repin_portrait-of-a-woman +religious_painting,Baroque,francesco-solimena_the-assumption-and-coronation-of-the-virgin +portrait,Realism,boris-kustodiev_portrait-of-r-i-notgaft-1909 +landscape,Symbolism,nicholas-roerich_maulbek-1937 +religious_painting,Mannerism_Late_Renaissance,titian_pentecost +portrait,Romanticism,vasily-tropinin_karamzin +sketch_and_study,Northern_Renaissance,albrecht-durer_the-cross-of-christ +genre_painting,Expressionism,ernst-ludwig-kirchner_colourful-dance-1 +illustration,Romanticism,gustave-dore_idylls-of-the-king-9 +still_life,Post_Impressionism,lovis-corinth_cat-s-breakfast-1913 +abstract_painting,Action_painting,jackson-pollock_summertime-number-9a-1948 +portrait,Rococo,dmitry-levitzky_portrait-of-an-unknown-man-from-saltykov-family +landscape,Impressionism,eugene-boudin_fishing-boats-aground-and-at-sea-1880 +nude_painting,Expressionism,lucian-freud_seated-nude-1991 +sketch_and_study,Realism,vincent-van-gogh_reaper-1885-2 +landscape,Impressionism,robert-julian-onderdonk_october-day-1908 +portrait,Impressionism,pierre-auguste-renoir_child-with-cat-julie-manet-1887 +genre_painting,Northern_Renaissance,albrecht-durer_society-on-horseback +genre_painting,Realism,jean-francois-millet_the-young-seamstress +landscape,Impressionism,willard-metcalf_closing-autumn +landscape,Impressionism,eugene-boudin_camaret-the-bay-1873 +landscape,Realism,ivan-shishkin_mountain-river-1886 +cityscape,Cubism,pyotr-konchalovsky_siena-1912-2 +genre_painting,Impressionism,santiago-rusinol_a-romance-1894 +portrait,Romanticism,vasily-tropinin_spinner +portrait,Romanticism,orest-kiprensky_portrait-of-an-officer-1813 +religious_painting,Northern_Renaissance,albrecht-durer_harrowing-of-hell-1512 +portrait,Mannerism_Late_Renaissance,hans-von-aachen_portrait-of-jacopo-biliverti-1585 +abstract_painting,Color_Field_Painting,dan-christensen_nexx-central-revisited-1996 +cityscape,Impressionism,camille-pissarro_the-fair-by-the-church-of-saint-jacques-dieppe-1901 +abstract_painting,Minimalism,agnes-martin_untitled-1965 +religious_painting,Symbolism,mikhail-nesterov_holy-equal-to-the-apostles-olga-1927 +genre_painting,Art_Nouveau_Modern,wilhelm-kotarbinski_over-the-dead-gladiator +portrait,Pop_Art,robert-silvers_bob-marley +sketch_and_study,Art_Nouveau_Modern,koloman-moser_a-crouching-woman +portrait,Realism,ilya-repin_portrait-of-the-chairman-of-the-azov-don-commercial-bank-in-st-petersburg-a-b-nenttsel-1908 +portrait,Ukiyo_e,keisai-eisen_otonashis-tsukuda-shinchi-no-irifune-from-the-series-twelve-views-of-modern-beauties-imay-bijin +landscape,Realism,isaac-levitan_the-vladimir-s-road-1892-1 +landscape,Symbolism,nicholas-roerich_himalayas-1941-1 +nude_painting,Pointillism,marevna-(marie-vorobieff)_not-identified-6 +portrait,Naive_Art_Primitivism,fernand-leger_mother-and-child-1955 +genre_painting,Impressionism,paul-signac_red-silk-stockings-1935 +portrait,Impressionism,william-merritt-chase_a-study-aka-the-artist-s-wife +landscape,Impressionism,zinaida-serebriakova_neskuchnoye-field-1912 +landscape,Impressionism,camille-pissarro_snow-at-the-hermitage-pontoise-1874 +cityscape,Post_Impressionism,istvan-ilosvai-varga_houses-with-crippled-man-1939 +genre_painting,Realism,vincent-van-gogh_four-people-on-a-bench-1882(1) +abstract_painting,Abstract_Expressionism,william-scott_angle-1963 +portrait,Romanticism,camille-corot_italian-woman-jewish-algerian-woman +cityscape,Impressionism,camille-pissarro_boulevard-des-italiens-afternoon-1897 +genre_painting,Realism,james-tissot_unaccepted +abstract_painting,Color_Field_Painting,leon-berkowitz_cathedral-16-1968 +abstract_painting,Minimalism,richard-tuttle_white-wind-1972 +sketch_and_study,Symbolism,kuzma-petrov-vodkin_drawing-hands +genre_painting,Impressionism,edgar-degas_woman-ironing-1 +abstract_painting,Color_Field_Painting,claude-viallat_unknown-title +portrait,Post_Impressionism,arturo-souto_portrait-of-a-man-1945 +genre_painting,Realism,vasily-vereshchagin_kalmyk-lama-1870 +religious_painting,Baroque,peter-paul-rubens_christ-and-st-john-with-angels +portrait,Baroque,gian-lorenzo-bernini_portrait-of-a-young-man-1630(1) +portrait,Realism,ilya-repin_portrait-of-an-unknown-woman +landscape,Realism,vasily-surikov_krasnoyarsk-vicinities +portrait,Expressionism,egon-schiele_hindering-the-artist-is-a-crime-it-is-murdering-life-in-the-bud-1912 +landscape,Expressionism,jean-paul-lemieux_le-pr-1979 +portrait,Pop_Art,andy-warhol_mao-5 +portrait,Impressionism,edgar-degas_woman-combing-her-hair-1 +genre_painting,Post_Impressionism,henri-de-toulouse-lautrec_the-kiss-1893 +landscape,Realism,aleksey-savrasov_early-spring +cityscape,Expressionism,paul-delvaux_for-auderghem-1923 +portrait,Expressionism,paul-delvaux_girls-by-the-sea-1928 +sketch_and_study,Art_Nouveau_Modern,ferdinand-hodler_pulling-soldiers-1908 +sketch_and_study,Post_Impressionism,pyotr-konchalovsky_female-nude +genre_painting,Impressionism,henri-de-toulouse-lautrec_the-general-at-the-river-1882 +genre_painting,New_Realism,john-french-sloan_a-window-on-the-street-1912 +still_life,Pop_Art,patrick-caulfield_cross-1968 +still_life,Cubism,georges-braque_plate-and-fruit-dish-1908 +landscape,Post_Impressionism,maurice-prendergast_new-england-village +portrait,Impressionism,pierre-auguste-renoir_portrait-of-a-young-girl-elizabeth-maitre-1879 +still_life,Post_Impressionism,pyotr-konchalovsky_still-life-pipe-with-smoke-1929 +religious_painting,Baroque,guido-reni_saint-mark-1621 +portrait,Impressionism,jacek-malczewski_returning-from-the-fields +sketch_and_study,Realism,henri-de-toulouse-lautrec_study-of-a-nude-1882 +landscape,Realism,fyodor-vasilyev_in-the-crimea-after-a-rain-1873 +genre_painting,Impressionism,rudolf-schweitzer-cumpana_la-o-m-m-lig +genre_painting,Rococo,antoine-watteau_savoyard-with-a-marmot-1715 +portrait,Art_Nouveau_Modern,carl-larsson_children-of-the-carpenter-helberg-1906(1) +genre_painting,Impressionism,edgar-degas_musicians-in-the-orchestra-1870 +genre_painting,Romanticism,edwin-henry-landseer_princess-alice +landscape,Expressionism,egon-schiele_mountain-torrent-1918 +landscape,Impressionism,marianne-north_view-of-both-falls-of-niagara-1871 +religious_painting,Baroque,jusepe-de-ribera_baptism-of-jesus-1643 +genre_painting,Ukiyo_e,utagawa-kuniyoshi_the-chushingura +portrait,Northern_Renaissance,hans-memling_portrait-of-a-man-holding-a-coin-of-the-emperor-nero-1474 +portrait,Impressionism,ion-andreescu_head-of-a-young-man +genre_painting,Art_Nouveau_Modern,raphael-kirchner_geisha-orange +portrait,Romanticism,orest-kiprensky_portrait-of-lieutenant-commander-nikolay-epanchin-1829 +abstract_painting,Abstract_Expressionism,geta-bratescu_medeic-callisthetic-moves-ii-1981 +still_life,Realism,henri-fantin-latour_still-life-1866 +religious_painting,Symbolism,salvador-dali_da-mihi-bibere-ecclesiastes-12-1-1967 +landscape,Post_Impressionism,martiros-saryan_landscape +genre_painting,Realism,boris-kustodiev_by-window-1921 +landscape,Realism,gustave-courbet_the-source-of-the-loue-1864 +cityscape,Post_Impressionism,maurice-utrillo_mont-cenis-street-in-the-snow +sketch_and_study,Symbolism,kuzma-petrov-vodkin_drawing-a-picture-of-the-witch-1908 +landscape,Impressionism,john-singer-sargent_landscape-near-florence-1907 +portrait,Realism,john-singer-sargent_sir-frank-swettenham-1904 +portrait,Expressionism,lucian-freud_man-in-a-mackintosh-1958 +religious_painting,Northern_Renaissance,lucas-cranach-the-elder_adam-and-eve-1531-1 +genre_painting,Baroque,david-teniers-the-younger_the-village-feast-1646 +genre_painting,Ukiyo_e,hiroshige_seki-early-departure-from-the-daimyos-inn +portrait,Naive_Art_Primitivism,diego-rivera_my-godfather-s-sons-portrait-of-modesto-and-jesus-sanchez-1930 +landscape,Symbolism,nicholas-roerich_tarbagatai +landscape,Realism,aleksey-savrasov_landscape-with-a-farm-near-lake +portrait,Fauvism,max-pechstein_junges-madchen-1908 +genre_painting,Baroque,pieter-de-hooch_a-woman-with-a-baby-in-her-lap-and-a-small-child-1658 +cityscape,Impressionism,raoul-dufy_the-port-of-martigues +abstract_painting,Color_Field_Painting,ellsworth-kelly_white-1951 +genre_painting,Realism,ivan-vladimirov_famine +sketch_and_study,Realism,vincent-van-gogh_sorrow-1882 +portrait,Romanticism,vasily-tropinin_portrait-of-a-a-sannikov-1823 +genre_painting,Expressionism,ossip-zadkine_masquerade +portrait,Expressionism,zinaida-serebriakova_girl-with-a-doll-1921 +genre_painting,Symbolism,theodor-severin-kittelsen_jomfru-maria-og-svalen +portrait,Rococo,vladimir-borovikovsky_portrait-of-a-g-and-a-a-lobanov-rostovsky-1814 +genre_painting,Expressionism,m.c.-escher_in-mesquitas-classroom +genre_painting,Realism,vasily-polenov_the-ill-woman +religious_painting,Symbolism,gustave-moreau_salome-in-the-garden-1878 +illustration,Expressionism,m.c.-escher_emblemata-beehive +portrait,Romanticism,konstantin-makovsky_portrait-of-maria-feodorovna-dagmar-of-denmark +portrait,Realism,ilya-repin_portrait-of-actress-eleonora-duse-1891 +portrait,Realism,alexey-venetsianov_a-peasant-woman-with-scythe-and-rake +sketch_and_study,Realism,vincent-van-gogh_lange-vijverberg-hague-1883 +religious_painting,Baroque,guido-reni_rosary-madonna-1598 +abstract_painting,Abstract_Expressionism,joan-miro_the-red-disk +abstract_painting,Abstract_Expressionism,willem-de-kooning_gotham-news +genre_painting,Pointillism,camille-pissarro_shepherd-and-sheep-1888 +portrait,Impressionism,philip-de-laszlo_john-loader-maffey-1st-baron-rugby-1923 +landscape,Fauvism,armand-guillaumin_la-campagne-1895 +landscape,Pointillism,henri-martin_terrace-in-the-rain-in-marquayrol +genre_painting,Pop_Art,conrad-marca-relli_the-sunday-caller-1982 +portrait,Cubism,pablo-picasso_portrait-of-sylvette-david-1954 +cityscape,Fauvism,charles-lapicque_le-mont-palatin-1958 +religious_painting,Early_Renaissance,carlo-crivelli_madonna-of-the-passion +landscape,Cubism,paul-cezanne_chateau-noir-3 +portrait,Realism,vasily-vereshchagin_uzbek-the-foreman-elder-village-hodzhagent-1868 +abstract_painting,Abstract_Expressionism,elaine-de-kooning_abstract-1970 +portrait,Romanticism,camille-corot_dreamer-at-the-fountain +cityscape,Romanticism,karl-bodmer_the-church-of-new-harmony-1832 +portrait,Mannerism_Late_Renaissance,agnolo-bronzino_portrait-of-bia-de-medici-1542 +landscape,Realism,gustave-courbet_the-wave-1869 +landscape,Post_Impressionism,nicolae-darascu_seaside-houses-1933 +illustration,Expressionism,arthur-segal_vom-strande-page-11-1913 +genre_painting,Symbolism,odilon-redon_woman-and-child-against-a-stained-glass-background +landscape,Post_Impressionism,david-burliuk_in-a-park +genre_painting,Impressionism,john-singer-sargent_the-model-1876 +religious_painting,Baroque,jacob-jordaens_christ-comes-as-a-gardener-to-three-marys +cityscape,Symbolism,mstislav-dobuzhinsky_street-in-munich-1901 +portrait,Expressionism,mario-eloy_retrato-de-matilde-pereira-1923 +abstract_painting,Color_Field_Painting,jose-guerrero_red-1987 +landscape,Symbolism,nicholas-roerich_suburgan-of-tashiding-1924 +cityscape,Fauvism,piet-mondrian_mill-in-sunlight-the-winkel-mill-1908 +portrait,Realism,pyotr-konchalovsky_portrait-of-a-spanish-girl-blasphemes-hulita-perikaccho-1939 +landscape,Impressionism,camille-pissarro_the-climbing-path-l-hermitage-1877 +landscape,Impressionism,william-merritt-chase_the-big-oleander +portrait,Realism,john-everett-millais_portrait-of-mrs-james-wyatt +religious_painting,Romanticism,gustave-dore_abraham-god-and-two-angels-png-1852 +portrait,Baroque,frans-hals_the-merry-drinker-1630 +still_life,Impressionism,stefan-luchian_cornflowers-2 +landscape,Realism,camille-corot_in-the-woods-at-ville-d-avray +illustration,Romanticism,gustave-dore_the-poets-emerge-from-hell +genre_painting,Romanticism,pavel-svinyin_at-the-plantation +genre_painting,Expressionism,edvard-munch_from-thuringewald-1905 +still_life,Post_Impressionism,paul-cezanne_still-life-with-flower-holder-1905 +illustration,Expressionism,yiannis-moralis_10-colored-drawings-for-the-poems-of-george-seferis-1965-5 +landscape,Expressionism,egon-schiele_winter-trees-1912 +landscape,Realism,johan-hendrik-weissenbruch_ships-on-a-quay +illustration,Romanticism,gustave-dore_don-quixote-85 +still_life,Cubism,andre-derain_still-life-1914 +abstract_painting,Abstract_Expressionism,sam-francis_la-notte-1988(1) +landscape,Impressionism,pierre-auguste-renoir_the-sea-at-cagnes +genre_painting,Rococo,jean-honore-fragonard_the-happy-lovers-1765 +landscape,Symbolism,mikalojus-ciurlionis_andante-sonata-of-the-pyramids-1909(1) +landscape,Naive_Art_Primitivism,jean-hugo_les-deux-vaches-et-la-paysanne-1970 +illustration,Naive_Art_Primitivism,marc-chagall_madame-moineau-the-sparrow-woman +religious_painting,Northern_Renaissance,hans-memling_virgin-and-child-with-st-anthony-the-abbot-and-a-donor-1472 +portrait,Symbolism,mikhail-vrubel_portrait-of-nadezhda-zabela-vrubel-1904 +landscape,Impressionism,arkhip-kuindzhi_after-the-thunderstorm-1879 +portrait,Rococo,joshua-reynolds_mrs-mary-nesbitt +portrait,Impressionism,camille-pissarro_portrait-of-paulemile-1 +landscape,Baroque,francesco-guardi_landscape +landscape,Ukiyo_e,keisai-eisen_no-44-magome-station(1) +genre_painting,Expressionism,ernst-ludwig-kirchner_colourful-dance-1932 +portrait,Realism,mykola-yaroshenko_gypsy-woman-1886 +religious_painting,Early_Renaissance,giovanni-bellini_christ-blessing +sketch_and_study,High_Renaissance,leonardo-da-vinci_drawing-of-lilies-for-an-annunciation +landscape,Post_Impressionism,charles-reiffel_autumn-design-1922 +landscape,Romanticism,frederic-edwin-church_aurora-borealis-mt-desert-island-from-bar-harbor-maine-1860 +landscape,Impressionism,kazimir-malevich_spring-garden-in-blossom-1904 +genre_painting,High_Renaissance,andrea-mantegna_the-court-of-mantua +landscape,Impressionism,claude-monet_floating-ice-on-the-seine +genre_painting,Realism,thomas-eakins_between-rounds-1899 +genre_painting,Symbolism,konstantin-somov_asleep-on-the-grass-young-woman +portrait,Impressionism,anders-zorn_castles-in-the-air-1885 +religious_painting,Romanticism,gustave-dore_the-marriage-in-cana +religious_painting,Symbolism,mikhail-vrubel_resurrection-1887-1 +sketch_and_study,Realism,thomas-eakins_perspective-drawing-for-the-biglin-brothers-turning-the-stake +sketch_and_study,Post_Impressionism,maxime-maufra_belle-ile-en-mer-evening-cote-sauvage-1909 +genre_painting,Impressionism,edgar-degas_jockeys-at-epsom-1862 +religious_painting,Early_Renaissance,masaccio_st-andrew-1426 +genre_painting,Impressionism,joaquã­n-sorolla_arrival-of-the-boats-1898 +landscape,Realism,volodymyr-orlovsky_vicinity-of-kiev-over-the-dnieper-1884 +portrait,Rococo,louise-elisabeth-vigee-le-brun_portrait-of-hubert-robert-1788 +abstract_painting,Color_Field_Painting,barnett-newman_canto-vii-1963 +religious_painting,Northern_Renaissance,albrecht-durer_the-descent-of-the-holy-spirit-1511 +landscape,Romanticism,john-crome_the-fish-market-boulogne-france-1820 +cityscape,Pop_Art,hiro-yamagata_perrier-1986 +landscape,Impressionism,john-miller_corfu +portrait,Impressionism,william-merritt-chase_a-study-in-pink-aka-portrait-of-mrs-robert-p-mcdougal +portrait,Romanticism,paul-cezanne_portrait-of-marie-cezanne-the-artist-s-sister-1867 +genre_painting,Baroque,rembrandt_the-concert-of-the-state +religious_painting,Baroque,rembrandt_the-blindness-of-tobit-1629 +sketch_and_study,Impressionism,pierre-auguste-renoir_sitting-girl-1917 +religious_painting,Symbolism,salvador-dali_ieremiae-prophetia-contra-regem-ioachin-2-kings-24-12-1964 +nude_painting,New_Realism,john-french-sloan_blond-nude-with-orange-blue-couch-1925 +still_life,Impressionism,henri-catargi_pansies-1974 +portrait,Impressionism,philip-de-laszlo_portrait-of-a-lady-1920 +still_life,Contemporary_Realism,janet-fish_4-glasses-1974 +portrait,Ukiyo_e,tsukioka-yoshitoshi_akashi +religious_painting,Northern_Renaissance,lucas-cranach-the-elder_sinking-of-the-pharaoh-in-the-red-sea-1530 +portrait,Realism,john-singer-sargent_lady-agnew-of-lochnaw +portrait,Art_Nouveau_Modern,raphael-kirchner_portraits-of-viennese-ladies-1901-2 +genre_painting,Impressionism,john-singer-sargent_a-boating-party +religious_painting,Early_Renaissance,masaccio_maria-and-child-1426 +sketch_and_study,Early_Renaissance,leonardo-da-vinci_designs-for-a-boat +landscape,Cubism,henri-le-fauconnier_the-tree-1912 +portrait,Romanticism,john-everett-millais_not_detected_236478 +portrait,Baroque,adriaen-van-ostade_peasant-at-a-window-1662 +landscape,Symbolism,mikalojus-ciurlionis_winter-motif-1907 +landscape,Symbolism,nicholas-roerich_kuluta-1937 +portrait,Baroque,gerard-terborch_portrait-of-a-lady +sketch_and_study,Symbolism,kuzma-petrov-vodkin_the-model +still_life,Fauvism,ilya-mashkov_still-life-with-wreaths-apples-and-plums-1914 +genre_painting,Realism,mykola-pymonenko_onversation-1912 +religious_painting,Early_Renaissance,carlo-crivelli_depiction-of-saint-saintephen +portrait,Expressionism,jacques-villon_l-italienne-after-modigliani-1927 +portrait,Impressionism,othon-friesz_dufy-in-the-studio-1900 +cityscape,Post_Impressionism,vincent-van-gogh_church-in-nuenen-with-one-figure(1) +sketch_and_study,Art_Nouveau_Modern,ferdinand-hodler_swearing-to-the-right-2 +landscape,Symbolism,konstantin-bogaevsky_the-crimean-landscape-1930 +portrait,Romanticism,konstantin-makovsky_portrait-of-princess-e-sheremetiyeva +landscape,Post_Impressionism,paul-cezanne_mont-sainte-victoire-seen-from-les-lauves-2 +illustration,Art_Nouveau_Modern,heorhiy-narbut_illustration-to-volodymyr-narbut-s-poem-before-the-easter-1919 +religious_painting,Northern_Renaissance,dirk-bouts_resurrection +still_life,Post_Impressionism,paul-cezanne_jacket-on-a-chair-1892 +genre_painting,Romanticism,francisco-goya_triple-generation-1769 +portrait,Expressionism,frank-auerbach_head-of-e-o-w-iv +religious_painting,Baroque,yov-kondzelevych_icon-of-the-mother-of-god-from-the-bilostok-monastery-iconostasis +religious_painting,Romanticism,john-everett-millais_christ-in-the-house-of-his-parents +portrait,Baroque,rembrandt_study-of-saskia-called-the-great-jewish-bride-1635 +abstract_painting,Minimalism,ralph-hotere_black-painting-1964 +religious_painting,Baroque,anthony-van-dyck_the-assumption-of-the-virgin-1627 +portrait,Realism,mykola-pymonenko_a-girl +illustration,Art_Nouveau_Modern,heorhiy-narbut_illustration-to-nightingale-by-hans-christian-andersen-1912-1 +illustration,Art_Nouveau_Modern,eugã¨ne-grasset_affiche-pour-the-century-magazine-napol-on +cityscape,Impressionism,claude-monet_palazzo-contarini-2 +abstract_painting,Color_Field_Painting,doug-ohlson_capriglia-2005 +genre_painting,Rococo,george-morland_cowherd-and-milkmaid-1792 +genre_painting,Impressionism,william-merritt-chase_the-park +genre_painting,Impressionism,arthur-verona_field-festivity +genre_painting,Ukiyo_e,kitagawa-utamaro_amorous-couple-1803-1 +landscape,Post_Impressionism,maurice-prendergast_study-st-malo-no-11 +nude_painting,Expressionism,lucian-freud_david-pluto-and-eli +cityscape,Impressionism,antoine-blanchard_arc-de-triomphe-1 +abstract_painting,Abstract_Expressionism,sam-francis_untitled-1985 +nude_painting,Romanticism,eugene-delacroix_study-of-a-reclining-nude-1824(1) +religious_painting,Realism,ilya-repin_taking-christ-into-custody-1886 +portrait,Post_Impressionism,henri-de-toulouse-lautrec_jane-avril-1892 +portrait,Realism,john-singer-sargent_mrs-edward-goetz +portrait,Baroque,peter-paul-rubens_portrait-of-anne-of-austria-1622 +genre_painting,Expressionism,max-pechstein_am-ufer-at-the-riverbank-1920 +still_life,Post_Impressionism,paul-gauguin_still-life-with-white-bowl-1886 +illustration,Romanticism,gustave-dore_don-quixote-69 +portrait,Baroque,joseph-wright_mrs-sarah-clayton +religious_painting,Early_Renaissance,domenico-ghirlandaio_altarpiece-of-st-vincent-ferrer +religious_painting,Romanticism,eugene-delacroix_adam-and-eve(1) +nude_painting,Expressionism,bela-kadar_three-nudes-1916 +sketch_and_study,Realism,isaac-levitan_church-with-belfry-in-reshma-1890 +landscape,Expressionism,konstantinos-parthenis_landscape-with-cypresses-1920 +landscape,Impressionism,victor-borisov-musatov_window-1886 +genre_painting,Post_Impressionism,kees-van-dongen_dimanche-la-plage-1900 +sketch_and_study,Post_Impressionism,vincent-van-gogh_head-of-an-old-man +portrait,Ukiyo_e,utagawa-kuniyoshi_fusehime-saving-inue-shimbyoe-masahi-from-a-thunderboit +still_life,Synthetic_Cubism,pablo-picasso_violin-1 +genre_painting,Realism,james-tissot_the-return-of-the-prodigal-son-1862 +abstract_painting,Minimalism,robert-mangold_tudy-attic-series-xiv-1991 +landscape,Romanticism,ivan-aivazovsky_trebizond-from-the-sea-1875 +landscape,Impressionism,guy-rose_carmel-beach +portrait,Ukiyo_e,tsukioka-yoshitoshi_the-appearance-of-a-concubine-of-the-bunka-era +religious_painting,Early_Renaissance,piero-della-francesca_view-of-the-cappella-maggiore-1466(1) +genre_painting,Ukiyo_e,kitagawa-utamaro_hour-of-the-snake-1794 +still_life,Cubism,fernand-leger_still-life-1922 +genre_painting,Art_Nouveau_Modern,nicholas-roerich_young-men-successors-1914-2 +abstract_painting,Action_painting,jackson-pollock_number-3(3) +genre_painting,Symbolism,salvador-dali_fiesta-in-figueres-1916 +sketch_and_study,Romanticism,orest-kiprensky_athena-1810 +religious_painting,Northern_Renaissance,joachim-patinir_landscape-with-st-christopher +landscape,Romanticism,lev-lagorio_normandy-beach-1859 +cityscape,Impressionism,childe-hassam_perros-guire-cotes-du-nord-france +religious_painting,Early_Renaissance,carlo-crivelli_piet-2 +still_life,Post_Impressionism,ilya-mashkov_still-life-1936 +portrait,Fauvism,alberto-magnelli_decorative-panel-woman-no-2-1910 +genre_painting,Impressionism,john-singer-sargent_violet-sargent-1887 +abstract_painting,Abstract_Expressionism,conrad-marca-relli_the-surge-1958 +genre_painting,Post_Impressionism,pyotr-konchalovsky_bathers +genre_painting,Naive_Art_Primitivism,david-burliuk_going-to-the-market-a-green-cow(1) +portrait,Realism,boris-kustodiev_the-priest-near-the-clock-1922 +genre_painting,Naive_Art_Primitivism,marc-chagall_lovers-under-lilies-1925 +religious_painting,Mannerism_Late_Renaissance,el-greco_st-luke +abstract_painting,Post_Impressionism,karl-schrag_night-scents-of-foreign-gardens-1964 +landscape,Fauvism,charles-lapicque_l-orage-sur-br-h-t-1956 +sketch_and_study,Naive_Art_Primitivism,marc-chagall_the-creation-of-man-5 +portrait,Naive_Art_Primitivism,fernando-botero_the-palace-2 +abstract_painting,Minimalism,anne-truitt_sumi-drawing-1966(2) +abstract_painting,Abstract_Expressionism,sam-francis_untitled-1973 +portrait,Rococo,john-russell_samuel-wesley-1766-1837-1777 +abstract_painting,Abstract_Expressionism,william-baziotes_dusk-1958 +landscape,Impressionism,willard-metcalf_sunlight-and-shadow-1888 +cityscape,Expressionism,ivan-albright_view-from-hotel-window-prinsenstraat-amsterdam-holland +abstract_painting,Color_Field_Painting,mark-rothko_earth-green +cityscape,Impressionism,claude-monet_villas-at-bordighera-1884 +genre_painting,Romanticism,konstantin-makovsky_the-scene-on-the-outskirts-of-the-city +genre_painting,Romanticism,joseph-wright_a-girl-reading-a-letter-with-an-old-man-reading-over-her-shoulder +landscape,Impressionism,claude-monet_poppies-at-giverny +genre_painting,Art_Nouveau_Modern,henri-de-toulouse-lautrec_la-charrette-anglaise-the-english-dog-cart-1897 +genre_painting,Impressionism,camille-pissarro_picking-apples +portrait,Romanticism,franz-xaver-winterhalter_portrait-of-a-lady +portrait,High_Renaissance,leonardo-da-vinci_female-head +portrait,Rococo,louise-elisabeth-vigee-le-brun_countess-skavronskaia-1796 +cityscape,Symbolism,nicholas-roerich_glow-1914 +landscape,Naive_Art_Primitivism,henri-rousseau_the-banks-of-the-oise-1905 +portrait,Impressionism,pierre-auguste-renoir_woman-in-a-hat-with-flowers-1917 +genre_painting,Impressionism,edgar-degas_in-the-dance-studio +genre_painting,Impressionism,joaquã­n-sorolla_after-the-bath-valencia-1916 +religious_painting,Mannerism_Late_Renaissance,tintoretto_joseph-and-potiphar-s-wife +sketch_and_study,Symbolism,konstantin-somov_models-2 +landscape,Realism,johan-hendrik-weissenbruch_autumn-landscape +genre_painting,Impressionism,joaquã­n-sorolla_fisherwomen-1911 +landscape,Impressionism,john-henry-twachtman_hayrick-1900 +landscape,Rococo,jean-honore-fragonard_the-small-park-1763 +illustration,Romanticism,gustave-dore_they-plunged-their-swords-through-his-body +portrait,Baroque,joshua-reynolds_man-in-a-brown-coat +religious_painting,Symbolism,nicholas-roerich_krishna-magic-flute-1938 +landscape,Realism,camille-corot_the-bay-of-somme +illustration,Art_Nouveau_Modern,theodor-severin-kittelsen_billenes-sankthansfest-1894 +still_life,Post_Impressionism,mary-fedden_winter-still-life-with-candle-1950 +landscape,Post_Impressionism,vincent-van-gogh_the-alpilles-with-olive-trees-in-the-foreground-1889 +genre_painting,Expressionism,henri-matisse_the-dance-1933-2 +portrait,Romanticism,konstantin-makovsky_head +portrait,Post_Impressionism,gwen-john_portrait-of-chloe-boughton-leigh +nude_painting,Cubism,rafael-zabaleta_the-three-graces +landscape,Expressionism,horia-bernea_hills-at-poiana-m-rului-1966 +cityscape,Expressionism,spyros-papaloukas_view-from-karyes-of-holy-mountain-1924 +landscape,Realism,ivan-shishkin_hut-in-the-the-forest +portrait,Impressionism,childe-hassam_the-ash-blond +portrait,Realism,viktor-vasnetsov_portrait-of-natalia-anatolevna-mammoth-1883 +illustration,Romanticism,gustave-dore_battle-of-antioch +abstract_painting,Color_Field_Painting,sam-francis_untitled-blue-green-1958 +landscape,Impressionism,willard-metcalf_mountain-laurel +portrait,Impressionism,giovanni-fattori_frau-martelli-in-castiglioncello-1870 +genre_painting,Art_Nouveau_Modern,egon-schiele_reclining-semi-nude-with-red-hat-1910 +religious_painting,Baroque,bartolome-esteban-murillo_isaac-blessing-jacob-1670 +cityscape,Post_Impressionism,vincent-van-gogh_view-of-the-church-of-saint-paul-de-mausole-1889 +portrait,Rococo,john-russell_two-small-girls-with-bonnets +cityscape,Realism,vincent-van-gogh_view-on-the-singel-in-amsterdam-1885 +genre_painting,Cubism,salvador-dali_pierrot-and-guitar +landscape,Symbolism,nicholas-roerich_tibet-sacred-stones-mongolia +landscape,Impressionism,claude-monet_the-pyramids-of-port-coton-belle-ile-en-mer +landscape,Post_Impressionism,vincent-van-gogh_bank-of-the-rhone-at-arles-1888(1) +cityscape,Realism,vasily-surikov_view-of-moscow-1908 +landscape,Art_Nouveau_Modern,nicholas-roerich_idols-pagan-rus-1910 +illustration,Art_Nouveau_Modern,raphael-kirchner_legendes-1903-2 +abstract_painting,Color_Field_Painting,morris-louis_para-iii-1959 +abstract_painting,Abstract_Expressionism,ad-reinhardt_number-22-1949 +landscape,Impressionism,constantine-maleas_sur-le-nile-1911 +landscape,Symbolism,nicholas-roerich_tibet-monastery-gelug-pa-1936 +landscape,Symbolism,konstantin-somov_stream +abstract_painting,Cubism,ossip-zadkine_conversation +portrait,Impressionism,camille-pissarro_two-peasants +religious_painting,Northern_Renaissance,pieter-bruegel-the-elder_envy +genre_painting,Romanticism,dante-gabriel-rossetti_the-laboratory-1849 +sketch_and_study,Baroque,rembrandt_seated-old-man-1630 +cityscape,Baroque,francesco-guardi_town-with-a-bridge +portrait,Baroque,frans-hals_boy-holding-a-flute-hearing-1628 +genre_painting,Romanticism,francesco-hayez_odalisque-with-book-1866 +cityscape,Realism,isaac-levitan_italian-landscape-1890 +landscape,Romanticism,john-atkinson-grimshaw_still-life-of-birds-nest-with-primulas-and-blossom-1869 +sketch_and_study,Art_Nouveau_Modern,nicholas-roerich_scenery-sketch-for-mussorgsky-s-opera-boris-godunov +portrait,Romanticism,paul-cezanne_marion-and-valabregue-posing-for-a-picture-1866 +portrait,Realism,giovanni-boldini_portrait-of-a-lady-1889 +landscape,Impressionism,camille-pissarro_white-horse-on-a-farm +still_life,Baroque,josefa-de-obidos_pears-and-marasca-cherries-in-a-basket +portrait,Impressionism,pierre-auguste-renoir_girl-with-a-pink-feather-1876 +abstract_painting,Abstract_Expressionism,taro-yamamoto_untitled +landscape,Baroque,paul-bril_mountain-scene-1599 +religious_painting,Mannerism_Late_Renaissance,cristovao-de-figueiredo_b-n-o-de-santa-auta-em-lisboa-1520 +still_life,Realism,edouard-manet_eel-and-red-mullet-1864 +landscape,Symbolism,nicholas-roerich_ridge-approaches-to-everest-1936 +portrait,Baroque,rembrandt_head-of-an-old-man +still_life,Post_Impressionism,christo-coetzee_still-life-with-fruit-bowl +religious_painting,Northern_Renaissance,jan-van-hemessen_isaac-blessing-jacob +abstract_painting,Abstract_Expressionism,georgia-o'keeffe_it-was-yellow-and-pink-ii +cityscape,Cubism,paul-klee_hammamet-with-mosque-1914(1) +religious_painting,High_Renaissance,vittore-carpaccio_virgin-mary-and-john-the-baptist-praying-to-the-child-christ +landscape,Romanticism,william-holman-hunt_cornfield-at-ewell +portrait,Cubism,juan-gris_portrait-of-madame-josette-gris-1916 +landscape,Expressionism,paul-klee_stage-landscape-1922(1) +landscape,Naive_Art_Primitivism,kateryna-bilokur_september-in-the-bohdanivka-village-on-the-dam-1956 +cityscape,Post_Impressionism,gustave-loiseau_port-of-dieppe-1 +religious_painting,High_Renaissance,correggio_the-mystic-marriage-of-st-catherine-of-alexandria-1518 +portrait,Expressionism,lucian-freud_girl-in-a-white-dress-1947 +religious_painting,Expressionism,nicolae-tonitza_calvary +landscape,Impressionism,joaquã­n-sorolla_the-waves +portrait,High_Renaissance,raphael_portrait-of-pope-julius-ii +portrait,Post_Impressionism,jacques-villon_the-violinist-le-violoniste-supervielle-1899 +landscape,Romanticism,john-atkinson-grimshaw_snow-and-mist +illustration,Art_Nouveau_Modern,edmund-dulac_the-bells +religious_painting,High_Renaissance,pietro-perugino_madonna-enthroned-with-st-john-the-tufer-and-st-sebastian-detail +landscape,Impressionism,amadeo-de-souza-cardoso_landscape +religious_painting,Baroque,guido-reni_st-peter-penitent +portrait,Symbolism,mikhail-vrubel_a-man-in-a-russian-old-style-costume-1886 +landscape,Realism,ivan-shishkin_edge-of-the-forest-1892 +portrait,Impressionism,berthe-morisot_young-woman-leaning-on-her-elbows +genre_painting,Expressionism,ernst-ludwig-kirchner_girl-with-cat-franzi +genre_painting,Realism,ilya-repin_the-concert-in-the-assembly-of-nobility-1888 +landscape,Realism,camille-pissarro_the-banks-of-the-marne-at-cennevieres +portrait,Realism,james-mcneill-whistler_symphony-in-white-no-10-the-white-girl-portrait-of-joanna-hiffernan +still_life,Baroque,frans-snyders_hunting-still-life +landscape,Expressionism,m.-h.-maxy_landscape-resita-1942 +religious_painting,Early_Renaissance,sandro-botticelli_madonna-with-two-angels(1) +abstract_painting,Abstract_Expressionism,sam-francis_untitled-sfe-090-1993 +cityscape,Post_Impressionism,gustave-loiseau_pothius-quay-in-pontoise-1907 +religious_painting,Northern_Renaissance,hans-baldung_three-kings-altarpiece-closed-1507 +portrait,Romanticism,pierre-paul-prud'hon_russian-general-a-i-osterman-tolstoi +portrait,Realism,ivan-kramskoy_portrait-of-ivan-aleksandrovich-goncharov-1874 +genre_painting,Naive_Art_Primitivism,grandma-moses_sugaring-off-1943 +landscape,Symbolism,nicholas-roerich_ladakh-2 +portrait,Baroque,frans-hals_family-group-in-a-landscape +sketch_and_study,Realism,ivan-shishkin_wind-fallen-trees-1890 +still_life,Cubism,pablo-picasso_still-life-with-the-mandolin-1924 +religious_painting,High_Renaissance,lorenzo-lotto_madonna-and-child-with-st-jerome-st-joseph-and-st-anne-1534 +genre_painting,Naive_Art_Primitivism,niko-pirosmani_the-feast-of-five-princes-1906 +cityscape,Realism,john-singer-sargent_venetian-canal-scene +religious_painting,Baroque,rembrandt_peter-and-john-healing-the-cripple-at-the-gate-of-the-temple-1659 +portrait,Post_Impressionism,henri-de-toulouse-lautrec_woman-with-gloves-honorine-platzer-1891 +landscape,Impressionism,claude-monet_the-house-seen-through-the-roses +landscape,Post_Impressionism,grace-cossington-smith_govett-s-leap-1933 +landscape,Symbolism,konstantin-somov_green-slope-on-the-road-martyshkino +abstract_painting,Minimalism,yves-gaucher_signal-1991 +portrait,Expressionism,amedeo-modigliani_a-red-bust-1913 +sketch_and_study,Realism,ilya-repin_sketch-for-the-painting-ceremonial-meeting-of-the-state-council-on-may-7-1901-1903 +genre_painting,Cubism,salvador-dali_the-voyeur +cityscape,Impressionism,eugene-boudin_the-commerce-basin-le-havre-1892 +sketch_and_study,Realism,vincent-van-gogh_plaster-torso-of-a-woman-1886 +cityscape,Impressionism,alfred-sisley_sunset-at-port-marly-1876 +landscape,Baroque,rembrandt_a-landscape-of-irregular-form-1652 +religious_painting,Romanticism,gustave-dore_susanna-in-the-bath +cityscape,Impressionism,antoine-blanchard_rue-de-la-paix-place-vendome-1 +landscape,Post_Impressionism,salvador-dali_summer-night +still_life,Impressionism,berthe-morisot_tureen-and-apple +landscape,Impressionism,amadeo-de-souza-cardoso_pont-l-albb-1907 +landscape,Impressionism,claude-monet_the-manneport-etretat-in-the-rain-1886 +portrait,Expressionism,theo-van-doesburg_portrait-of-lena-milius +cityscape,Symbolism,nicholas-roerich_island-of-rest-1937 +abstract_painting,Abstract_Expressionism,mark-tobey_travel-tobey-1959 +genre_painting,Post_Impressionism,pyotr-konchalovsky_novgorod-returning-from-the-fair-1926 +abstract_painting,Minimalism,rodolfo-arico_progetto-a-x-1975 +still_life,Naive_Art_Primitivism,kateryna-bilokur_still-life-breakfast-1950 +genre_painting,Impressionism,henri-martin_young-peasant-girl-and-her-dog +sketch_and_study,Realism,isaac-levitan_at-the-field-twilight +religious_painting,Early_Renaissance,carlo-crivelli_saint-james-1473 +landscape,Realism,ivan-shishkin_the-mordvinovo-oaks-1891 +landscape,Expressionism,ernst-ludwig-kirchner_mountain-top +genre_painting,Romanticism,william-turner_salon +religious_painting,High_Renaissance,leonardo-da-vinci_heads-of-sts-thomas-and-james-the-greater +landscape,Impressionism,william-merritt-chase_near-the-sea-aka-shinnecock +sketch_and_study,Romanticism,edward-burne-jones_head-study-for-the-masque-of-cupid +landscape,Impressionism,john-henry-twachtman_windmills +landscape,Post_Impressionism,david-burliuk_rural-landscape +genre_painting,Realism,berthe-morisot_a-young-girl-with-cat +sketch_and_study,High_Renaissance,michelangelo_annunciation-study-1547 +landscape,Romanticism,ferdinand-georg-waldmã¼ller_the-sch-nberg-seen-from-hoisernradalpe-1833 +religious_painting,Mannerism_Late_Renaissance,paolo-veronese_the-angel-appears-to-hagar-in-the-desert +landscape,Post_Impressionism,pyotr-konchalovsky_kislovodsk-the-bridge-in-the-park-1938 +portrait,Impressionism,camille-pissarro_jeanne-holding-a-fan +portrait,Cubism,natalia-goncharova_spanish-dancers +portrait,Baroque,frans-hals_family-group-in-a-landscape-detail +genre_painting,Cubism,carlos-saenz-de-tejada_at-the-bar +sketch_and_study,Symbolism,nicholas-roerich_lahaul-mountains-1931 +cityscape,Realism,camille-corot_island-of-san-bartolommeo-1828 +landscape,Romanticism,ivan-aivazovsky_field-sunset-1861 +portrait,Rococo,dmitry-levitzky_portrait-of-i-i-dmitriyev +portrait,Rococo,john-russell_joshua-walker-1750-1815-of-clifton-house-1784 +landscape,Impressionism,camille-pissarro_the-backwoods-of-st-antony-pontoise-1876 +genre_painting,Expressionism,oskar-kokoschka_not_detected_235896 +religious_painting,Mannerism_Late_Renaissance,maerten-van-heemskerck_ecce-homo-central-panel-1560 +religious_painting,Symbolism,james-tissot_the-sabbath-breaker-stoned +landscape,Impressionism,eugene-boudin_oiseme-landscape-near-chartres-1891 +portrait,Fauvism,william-h.-johnson_seated-woman-in-pink-blouse-1939(1) +portrait,Cubism,joan-miro_portrait-of-a-spanish-dancer +portrait,Baroque,diego-velazquez_portrait-of-the-infanta-margarita-aged-five-1656 +landscape,Impressionism,claude-monet_cliff-at-pourville-in-the-morning +portrait,Impressionism,giovanni-boldini_female-figure-1920 +sketch_and_study,Early_Renaissance,jacopo-bellini_unknown(2) +genre_painting,Baroque,bartolome-esteban-murillo_peasant-woman-and-a-boy +landscape,Post_Impressionism,henri-martin_the-bridge-in-labastide-du-vert-1 +cityscape,Realism,pyotr-konchalovsky_fire-1930 +landscape,Realism,laszlo-mednyanszky_watering-1880 +cityscape,Romanticism,joseph-wright_a-view-of-mount-etna-and-a-nearby-town +cityscape,Symbolism,nicholas-roerich_rostov-veliky-kremlin-1922 +portrait,Romanticism,konstantin-makovsky_boyar-with-the-cup-1 +genre_painting,Expressionism,max-pechstein_der-tanz-tanzende-und-badende-am-waldteich-1912 +nude_painting,Post_Impressionism,raoul-dufy_nude-1909 +cityscape,Rococo,bernardo-bellotto_entry-into-rome-of-jerzy-ossolinski-emissary-of-wladyslaw-iv-of-poland-with-pope-urban-viii-1778 +abstract_painting,Color_Field_Painting,ray-parker_like-you-like-it-denise-1960 +portrait,Art_Nouveau_Modern,felix-vallotton_italian-poet-and-philosopher-giacomo-leopardi-1895 +cityscape,Realism,camille-pissarro_the-telegraph-tower-at-montmartre-1863 +landscape,Symbolism,nicholas-roerich_pemaianze-1924 +portrait,Realism,vladimir-makovsky_portrait-of-i-e-tsvetkov-1890 +cityscape,Post_Impressionism,bela-czobel_bank-of-the-seine-in-paris-1925 +landscape,Symbolism,nicholas-roerich_guardians-of-the-night-1940 +portrait,Post_Impressionism,paul-cezanne_portrait-of-madame-cezanne-1 +genre_painting,Expressionism,ernst-ludwig-kirchner_dancing-couple-1914 +portrait,Romanticism,karl-bryullov_portrait-of-alexander-bruloff-1827(1) +landscape,Expressionism,franz-marc_haystacks-in-the-snow-1911 +portrait,Baroque,rembrandt_joris-de-caullery-1632 +cityscape,Baroque,francesco-guardi_bridge-at-dolo +sketch_and_study,Realism,vincent-van-gogh_road-with-pollard-willows-and-man-with-broom-1881 +sketch_and_study,Art_Nouveau_Modern,henri-de-toulouse-lautrec_yvette-guilbert-taking-a-curtain-call-1894 +religious_painting,Early_Renaissance,jacopo-bellini_virgin-and-child +nude_painting,Post_Impressionism,henri-matisse_male-model-1900 +portrait,Impressionism,theo-van-rysselberghe_portrait-of-camille-van-mons-1886 +nude_painting,Symbolism,lovis-corinth_perseus-and-andromeda-1900 +abstract_painting,Color_Field_Painting,claude-tousignant_verticales-1971 +abstract_painting,Color_Field_Painting,sam-francis_untitled-1954-1 +genre_painting,Impressionism,joaquã­n-sorolla_mending-nets-1901 +genre_painting,Realism,viktor-vasnetsov_beggars-singer-pilgrims-1873 +nude_painting,Fauvism,walasse-ting_i-ll-show-it-all-so-come-soon-1995 +religious_painting,Northern_Renaissance,jan-van-eyck_the-ghent-altar-detail-1432-2 +illustration,Art_Nouveau_Modern,nicholas-roerich_vignette-for-book-n-k-roerich-1918-25 +portrait,Expressionism,amedeo-modigliani_woman-with-a-green-necklace-madame-menier-1918 +genre_painting,Fauvism,louis-valtat_woman-at-the-seaside +still_life,Expressionism,rafael-zabaleta_still-life-table-figs-jar-bottle-of-anise +cityscape,Impressionism,eugene-boudin_venice-1895 +cityscape,Realism,pyotr-konchalovsky_moscow-pharmacy-in-sadovaya-1931 +nude_painting,Art_Nouveau_Modern,zinaida-serebriakova_bather-1911 +portrait,Baroque,rembrandt_bust-of-an-old-woman-rembrandt-s-mother-1628 +portrait,Realism,nicolae-grigorescu_the-little-girl-with-red-headscarf +cityscape,Art_Nouveau_Modern,mstislav-dobuzhinsky_winter-in-tsarskoye-selo-1904 +cityscape,Symbolism,frantisek-kupka_sphinx +illustration,Romanticism,gustave-dore_don-quixote-87 +portrait,Rococo,john-russell_alexander-turner-1793 +genre_painting,Post_Impressionism,vincent-van-gogh_a-pork-butcher-s-shop-seen-from-a-window-1888(1) +landscape,Naive_Art_Primitivism,niko-pirosmani_batumi(1) +sketch_and_study,Realism,valentin-serov_portrait-of-konstantin-stanislavski-1908 +portrait,Ukiyo_e,utagawa-toyokuni_nakamura-utaemon +sketch_and_study,Realism,vincent-van-gogh_sand-diggers-in-dekkersduin-near-the-hague-2-1883 +portrait,Realism,ivan-kramskoy_the-miller-1873 +portrait,Impressionism,frederic-bazille_young-woman-with-lowered-eyes +genre_painting,Cubism,marc-chagall_listening-to-the-cock-1944 +landscape,Realism,ivan-shishkin_pine-forest-1 +genre_painting,Symbolism,odilon-redon_girl-with-chrysanthemums +landscape,Contemporary_Realism,neil-welliver_study-for-little-spruce +landscape,Post_Impressionism,gustave-loiseau_cliffs-at-fecamp-1902 +cityscape,Post_Impressionism,edouard-cortes_la-madeleine-winter +abstract_painting,Abstract_Expressionism,milton-resnick_untitled-6-1959 +sketch_and_study,Northern_Renaissance,albrecht-durer_three-studies-of-a-helmet +portrait,Rococo,vladimir-borovikovsky_princess-lopukhina +portrait,Realism,alekos-kontopoulos_mother-and-child-1943 +cityscape,Realism,camille-corot_venice-gondola-on-grand-canal +genre_painting,Impressionism,childe-hassam_in-brittany-bay +abstract_painting,Abstract_Expressionism,aki-kuroda_untitled-1998 +genre_painting,Baroque,gerrit-dou_the-dutch-housewife-or-the-woman-hanging-a-cockerel-in-the-window-1650 +nude_painting,Cubism,yiannis-moralis_woman +genre_painting,Post_Impressionism,paul-cezanne_the-card-players-1896 +portrait,Post_Impressionism,jan-sluyters_woman +portrait,Romanticism,francisco-goya_josefa-bayeu-1805 +landscape,Realism,isaac-levitan_by-the-wall-of-church-1885 +religious_painting,Northern_Renaissance,hans-memling_triptych-of-jan-crabbe-1470 +landscape,Symbolism,nicholas-roerich_chahar-caravan-in-the-desert-1937 +portrait,Realism,vincent-van-gogh_head-of-a-peasant-woman-with-dark-cap-1885-3(1) +illustration,Romanticism,gustave-dore_don-quixote-45 +abstract_painting,Action_painting,franz-kline_blueberry-eyes-1960 +illustration,Art_Nouveau_Modern,carlos-saenz-de-tejada_a-spanish-church +portrait,Northern_Renaissance,lucas-cranach-the-elder_portraits-of-johann-i-and-frederick-iii-the-wise-electors-of-saxony-1533 +cityscape,Impressionism,childe-hassam_pont-royal-paris +still_life,Symbolism,kuzma-petrov-vodkin_fruit-on-a-blue-tablecloth-1921 +portrait,Realism,vasily-perov_portrait-of-nikolai-rubinstein-1870 +portrait,Romanticism,louis-janmot_portrait-du-r-v-rend-p-re-henri-lacordaire(1) +landscape,Realism,aleksey-savrasov_country-road-1873 +cityscape,Impressionism,emile-claus_canal-in-zeeland-1899 +religious_painting,Baroque,francisco-de-zurbaran_beato-serapio-1628 +still_life,Synthetic_Cubism,georges-braque_aria-de-bach-1913 +nude_painting,Realism,jean-francois-millet_nymph-in-the-reeds +still_life,Synthetic_Cubism,juan-gris_bottle-and-fruit-dish +genre_painting,Symbolism,odilon-redon_a-figure +abstract_painting,Minimalism,brice-marden_untitled-1969 +genre_painting,Impressionism,camille-pissarro_the-market +abstract_painting,Abstract_Expressionism,william-baziotes_eclipse-1950 +landscape,Impressionism,lovis-corinth_walchensee-im-herbst +landscape,Realism,aleksey-savrasov_landscape-with-pines +religious_painting,Symbolism,edward-burne-jones_not_detected_205445 +religious_painting,Mannerism_Late_Renaissance,gregorio-lopes_mart-rio-de-s-o-sebasti-o-1536 +portrait,Realism,boris-kustodiev_portrait-of-d-kardovsky-1921 +landscape,Post_Impressionism,vincent-van-gogh_summer-evening-wheatfield-with-setting-sun-1888 +portrait,Baroque,frans-hals_the-regentesses-of-the-old-men-s-almhouse-haarlem-detail-1664 +cityscape,Expressionism,mstislav-dobuzhinsky_vitebsk-the-staircase-1923 +cityscape,Art_Nouveau_Modern,alexandre-benois_peterhof-palace-lion-cascade-and-colonnade(2) +nude_painting,Impressionism,edgar-degas_nude-woman-pulling-on-her-clothes-1885 +genre_painting,Expressionism,martiros-saryan_gathering-of-grapes-1935 +landscape,Impressionism,eugene-boudin_antibes-the-rocks-of-the-islet +abstract_painting,Minimalism,myron-stout_untitled-1979(1) +religious_painting,Northern_Renaissance,albrecht-durer_madonna-and-child-with-john-the-baptist +illustration,Romanticism,gustave-dore_don-quixote-29 +landscape,Impressionism,john-henry-twachtman_snow-scene-1 +genre_painting,Realism,vincent-van-gogh_beach-with-people-walking-and-boats-1882(1) +sketch_and_study,Impressionism,iosif-iser_odalisque-1926 +landscape,Impressionism,eugene-boudin_deauville-the-dunes +landscape,Impressionism,claude-monet_clifftop-walk-at-pourville +portrait,Expressionism,iosif-iser_ballerina-1930 +landscape,Romanticism,taras-shevchenko_askold-s-grave-1846 +portrait,Expressionism,paula-modersohn-becker_girl-with-black-hat-1903 +landscape,Impressionism,claude-monet_the-castle-in-antibes +landscape,Impressionism,ilya-mashkov_artek-september-morning-in-artek-1929 +abstract_painting,Minimalism,mark-rothko_no-2-1964 +genre_painting,Post_Impressionism,maurice-prendergast_under-the-trees +portrait,Impressionism,paul-gauguin_portrait-of-aline-1884 +portrait,Realism,anders-zorn_portrait-of-agusholzer-1879 +religious_painting,Realism,ilya-repin_follow-me-satan-1891 +landscape,Romanticism,taras-shevchenko_stone-crosses-in-subotiv-1845 +genre_painting,Rococo,william-hogarth_the-beggar-s-opera-1729 +landscape,Impressionism,berthe-morisot_haystack +nude_painting,Cubism,jean-metzinger_nude-in-front-of-a-mirror-1912 +genre_painting,Realism,ilya-repin_maxim-gorky-reading-in-the-penates-his-drama-children-of-the-sun-1905 +genre_painting,Post_Impressionism,maurice-prendergast_along-the-shore +still_life,Post_Impressionism,ilya-mashkov_still-life-1 +illustration,Symbolism,william-blake_job-and-his-daughters-1800 +landscape,Cubism,pyotr-konchalovsky_a-tree-1916 +cityscape,Expressionism,saul-steinberg_view-of-the-world-from-9th-avenue-1976 +landscape,Realism,ferdinand-hodler_autumn-evening-1892 +portrait,Symbolism,franz-stuck_female-portrait +still_life,Cubism,georges-braque_guitar-fruit-and-pitcher-1927 +genre_painting,Expressionism,jean-paul-lemieux_montr-al-il-y-a-longtemps-1966 +portrait,Symbolism,mikhail-nesterov_thinker-portrait-of-philisopher-ivan-ilyin-1921 +genre_painting,Baroque,gabriel-metsu_woman-at-the-virginals +genre_painting,Naive_Art_Primitivism,maurice-prendergast_summer-day-1 +landscape,Romanticism,john-constable_wooded-landscape-1802 +landscape,Realism,ferdinand-hodler_spanish-landscape-1878 +genre_painting,Baroque,isaac-van-ostade_amusement-on-the-ice-1645 +sketch_and_study,Impressionism,anton-azbe_the-harem-sketch-1903 +cityscape,Romanticism,christen-kobke_view-of-a-street-in-sterbro-outside-copenhagen-morning-light-1836 +landscape,Fauvism,endre-bartos_transdanubian-village-1981 +landscape,Realism,vincent-van-gogh_meadows-near-rijswijk-1882 +landscape,Impressionism,guy-rose_carmel-dunes-1 +portrait,Post_Impressionism,maurice-denis_young-girl-wearing-an-apron +cityscape,Realism,ilya-repin_nevsky-avenue-1887 +sketch_and_study,Symbolism,kuzma-petrov-vodkin_drawing-for-the-painting-s-dream-1910 +abstract_painting,Abstract_Expressionism,cy-twombly_ritual +genre_painting,Ukiyo_e,utagawa-toyokuni_the-promenade +portrait,Symbolism,konstantin-somov_portrait-of-g-hirschman-1911 +landscape,Symbolism,nicholas-roerich_bogdo-ul-1927 +landscape,Realism,isaac-levitan_dull-day +illustration,Symbolism,william-blake_christ-refusing-the-banquet-offered-by-satan-1820 +sketch_and_study,Realism,vasily-surikov_italian-women-1884 +portrait,Pop_Art,roy-lichtenstein_man-with-folded-arms-1962 +abstract_painting,Color_Field_Painting,anne-appleby_gem-2003 +genre_painting,Naive_Art_Primitivism,grã©goire-michonze_village-street +landscape,Impressionism,childe-hassam_the-rose-garden +still_life,Cubism,henri-matisse_still-life-after-jan-davidsz-de-heem-s-la-desserte-1915 +genre_painting,Post_Impressionism,walter-sickert_the-seducer +nude_painting,Art_Nouveau_Modern,zinaida-serebriakova_india-1916-1 +portrait,Rococo,thomas-gainsborough_the-three-eldest-daughters-of-george-iii-princesses-charlotte-augusta-and-elizabeth-1784 +genre_painting,Impressionism,claude-monet_young-girls-in-a-row-boat +landscape,Post_Impressionism,maxime-maufra_flood-joinville-le-pont-1910 +portrait,Romanticism,konstantin-makovsky_peasant-children-at-rest +genre_painting,Naive_Art_Primitivism,fernando-botero_the-murder-of-anna-rosa-caderonne-2 +sketch_and_study,Naive_Art_Primitivism,fernand-leger_the-rider-the-juggler-the-acrobat-1953 +genre_painting,Realism,james-mcneill-whistler_at-the-piano-1859 +illustration,Romanticism,joseph-wright_maria-from-sterne-a-companion-to-the-picture-of-edwin +still_life,Contemporary_Realism,janet-fish_plastic-boxes-2007 +still_life,Cubism,pablo-picasso_still-life-school-of-paris-1936 +abstract_painting,Expressionism,wassily-kandinsky_improvisation-7-1910 +landscape,Romanticism,ivan-aivazovsky_windmill-on-the-sea-coast-1851 +landscape,Post_Impressionism,paul-cezanne_melting-snow-fontainbleau-1880 +landscape,Realism,vincent-van-gogh_the-vicarage-at-nuenen-1885 +portrait,Ukiyo_e,kitagawa-utamaro_the-hour-of-the-cock +cityscape,Impressionism,claude-monet_houses-of-parliament-sunset-02 +landscape,Post_Impressionism,paul-gauguin_fisherman-and-bathers-on-the-aven-1888 +genre_painting,Symbolism,nicholas-roerich_chenrezig-1931 +cityscape,Impressionism,william-james-glackens_north-beach-swimming-pool-1916 +genre_painting,Baroque,joseph-wright_a-philosopher-by-lamp-light-1769 +nude_painting,Expressionism,jean-dubuffet_walk-in-the-forest +portrait,Baroque,joseph-wright_mrs-samuel-crompton +landscape,Realism,camille-corot_a-road-through-the-trees-1870 +cityscape,Impressionism,francis-picabia_notre-dame-the-effect-of-sunlight +religious_painting,Romanticism,edward-burne-jones_faith-hope-and-charity +landscape,Fauvism,othon-friesz_sainte-victoire-mountain-1906 +portrait,Expressionism,lucian-freud_stephen-spender +portrait,Romanticism,pierre-paul-prud'hon_monsieur-lavallee-1809 +cityscape,Impressionism,claude-monet_zaandam-1 +sketch_and_study,Romanticism,william-turner_riders-on-a-beach-1835 +genre_painting,Impressionism,max-liebermann_rider-on-the-beach-1904 +landscape,Impressionism,claude-monet_haystack +genre_painting,Baroque,aelbert-cuyp_landscape-with-shepherds-and-flock-near-rhenen +abstract_painting,Minimalism,frederick-hammersley_again-is-a-gain-6-1971 +portrait,Impressionism,octav-angheluta_cap-de-trengar-1943 +landscape,Post_Impressionism,pierre-bonnard_tree-by-the-river-1909 +portrait,Expressionism,corneliu-baba_george-enescu +landscape,Impressionism,claude-monet_entering-the-village-of-vetheuil-in-winter +genre_painting,Baroque,gabriel-metsu_old-woman-meditating +genre_painting,Contemporary_Realism,eric-fischl_the-empress-of-sorrow +portrait,Art_Nouveau_Modern,carl-larsson_lisbeth-at-the-birch-grove-1910(1) +sketch_and_study,Romanticism,edwin-henry-landseer_general-phipps-mrs-norton-and-2nd-baron-alvanley-at-the-theatre +genre_painting,Realism,thomas-eakins_the-agnew-clinic-1889 +portrait,Expressionism,george-bouzianis_portrait-of-vasileios-hatzis-1913(2) +religious_painting,Northern_Renaissance,gerard-david_the-judgement-of-cambyses-1498 +religious_painting,Baroque,bartolome-esteban-murillo_saint-francis-and-angels +genre_painting,Realism,konstantin-makovsky_hide-and-seek +sketch_and_study,Baroque,rembrandt_a-seated-woman-naked-to-the-waste +illustration,Romanticism,arthur-hughes_the-eve-of-st-agnes-1856 +portrait,Impressionism,william-merritt-chase_miss-l-aka-isabella-lathrop +nude_painting,Fauvism,albert-marquet_life-class-at-the-cole-des-beaux-arts-fauvist-nude-1898 +religious_painting,Naive_Art_Primitivism,marc-chagall_moses-is-saved-from-the-water-by-pharaoh-s-daughter +portrait,Romanticism,konstantin-makovsky_portrait-of-princess-m-orlova-davydova +genre_painting,Realism,thomas-eakins_the-cello-player-1896 +religious_painting,Symbolism,james-tissot_the-dove-returns-to-noah +portrait,Realism,alexey-venetsianov_portrait-of-nastya-havskaya +sketch_and_study,Symbolism,zinaida-serebriakova_a-peasant-woman-with-a-child-1916 +sketch_and_study,Realism,jean-francois-millet_road-from-malavaux-near-cusset-1867 +cityscape,Expressionism,zinaida-serebriakova_thes-morocco-1932 +portrait,Rococo,joseph-wright_cornet-sir-george-cooke +religious_painting,Realism,nikolai-ge_return-of-tobias +portrait,High_Renaissance,andrea-del-sarto_portrait-of-baccio-bandinelli +abstract_painting,Minimalism,agnes-martin_happy-holiday-1999 +portrait,Expressionism,billy-childish_sibelius-amongst-saplings-2010 +genre_painting,Romanticism,alfred-stevens_the-final-look-1906 +portrait,Impressionism,berthe-morisot_portrait-of-berthe-morisot-and-her-daughter +abstract_painting,Minimalism,joan-hernandez-pijuan_ornamental-en-siena-i-2004 +portrait,Romanticism,orest-kiprensky_portrait-of-m-m-cherkasov-1827 +sketch_and_study,Rococo,maurice-quentin-de-la-tour_preparation-tothe-portrait-of-marie-catherine-dufloquet-reals-wife-of-rene-masse-nicolas +landscape,Naive_Art_Primitivism,henri-rousseau_the-bievre-at-gentilly-1895 +landscape,Post_Impressionism,martiros-saryan_eastern-landscape-1924 +abstract_painting,Abstract_Expressionism,mark-tobey_geography-of-phantasy-1948 +portrait,Rococo,allan-ramsay_general-sir-james-abercromby-also-spelled-abercrombie +portrait,Northern_Renaissance,lucas-cranach-the-elder_lucretia-1538 +portrait,Romanticism,karl-bodmer_woman-of-the-snake-tribe-and-woman-of-the-cree-tribe-plate-33-from-volume-1-of-travels-in-the-1832 +religious_painting,Mannerism_Late_Renaissance,el-greco_st-sebastian-1 +portrait,Romanticism,konstantin-makovsky_portrait-9 +genre_painting,Art_Nouveau_Modern,raphael-kirchner_fan-1916 +portrait,Rococo,maurice-quentin-de-la-tour_the-president-of-rieux-in-prom-dress +portrait,Expressionism,amedeo-modigliani_a-young-girl-1918 +still_life,Synthetic_Cubism,juan-gris_breakfast-1915 +portrait,Realism,ilya-repin_ukranian-girl-1875 +portrait,Realism,giovanni-boldini_self-portrait-while-looking-at-a-painting-1865 +portrait,High_Renaissance,giorgione_the-old-woman-1505(2) +portrait,Baroque,joshua-reynolds_portrait-of-robert-shafto-called-bonnie-bobbie-shafto +sketch_and_study,Realism,isaac-levitan_quiet-cloister-1890 +portrait,Post_Impressionism,salvador-dali_portrait-of-the-cellist-ricard-pichot +portrait,Expressionism,lucian-freud_frances-costelloe +landscape,Impressionism,claude-monet_cliffs-and-sailboats-at-pourville-1882 +portrait,Realism,ilya-repin_portrait-of-the-physiologist-ivan-petrovich-pavlov-1924 +landscape,Post_Impressionism,vincent-van-gogh_roadway-with-underpass-the-viaduct-1887 +sketch_and_study,Expressionism,egon-schiele_study-of-hands-1913 +sketch_and_study,Rococo,antoine-watteau_sitting-couple +portrait,Northern_Renaissance,albrecht-durer_hans-the-elder-portrait-burgkmair +portrait,Romanticism,konstantin-makovsky_boyarynia +abstract_painting,Abstract_Expressionism,gene-davis_homage-to-dubuffet-i-1952 +genre_painting,Impressionism,pierre-auguste-renoir_the-reader-seated-young-woman-1887 +portrait,Realism,ivan-kramskoy_grand-duke-mikhail-pavlovich +abstract_painting,Abstract_Expressionism,joan-mitchell_untitled-1981 +illustration,Art_Nouveau_Modern,theodor-severin-kittelsen_fra-lofoten-cover-page-1891 +religious_painting,Early_Renaissance,sandro-botticelli_st-augustine(1) +portrait,Impressionism,mary-cassatt_margot-lux-with-a-wide-hat +still_life,Baroque,frans-snyders_a-fruit-stall-1 +sketch_and_study,Post_Impressionism,maurice-prendergast_green-dress-1894 +portrait,Art_Nouveau_Modern,raphael-kirchner_love-thoughts-1900-3 +religious_painting,Naive_Art_Primitivism,marc-chagall_striking-the-rock-5 +illustration,Art_Nouveau_Modern,ivan-bilibin_princess-in-the-prison-tower-illustration-of-the-russian-fairy-tale-the-white-duck-1902 +religious_painting,Baroque,jacob-jordaens_madonna-and-child-wreathed-with-flowers-1618 +landscape,Fauvism,david-burliuk_fauvist-landscape +landscape,Post_Impressionism,vladimir-dimitrov_unknown-title-11 +religious_painting,Symbolism,nicholas-roerich_issa-and-giant-s-head-1932-2 +portrait,Romanticism,alfred-stevens_woman-in-a-straw-hat +landscape,Impressionism,pierre-auguste-renoir_landscape-with-bridge +religious_painting,Early_Renaissance,andrea-del-castagno_st-john-the-baptist-1442 +abstract_painting,Abstract_Expressionism,kazuo-nakamura_composition-10-51-1951 +portrait,Impressionism,berthe-morisot_woman-with-a-fan-aka-head-of-a-girl +portrait,Baroque,rembrandt_portrait-of-the-dortrecht-merchant-jacob-trip +illustration,Expressionism,lynd-ward_not-detected-272497 +abstract_painting,Abstract_Expressionism,frank-stella_talladega-three-ii-from-the-circuits-series-1982 +portrait,Rococo,giovanni-domenico-tiepolo_portrait-of-a-page-boy-1760 +nude_painting,Ukiyo_e,tsukioka-yoshitoshi_the-appearance-of-a-kept-woman-of-the-kaei-era +religious_painting,Northern_Renaissance,albrecht-durer_christ-before-pilate-1512 +portrait,Ukiyo_e,keisai-eisen_beauty-and-sumida-river-edo-meisho-bijin-awase-1820 +sketch_and_study,Romanticism,ivan-aivazovsky_the-ninth-wave-1857 +religious_painting,Romanticism,gustave-dore_elijah-raises-the-son-of-the-widow-of-zarephath +religious_painting,Baroque,bartolome-esteban-murillo_daniel-in-the-lions-den +portrait,Rococo,allan-ramsay_portrait-of-augusta-of-saxe-gotha-princess-of-wales-1 +landscape,Impressionism,camille-pissarro_june-morning-view-over-the-hills-over-pontoise-1873 +abstract_painting,Color_Field_Painting,ron-gorchov_lure-ii-1976 +landscape,Contemporary_Realism,john-miller_estuary +religious_painting,Early_Renaissance,carlo-crivelli_virgin-and-child +genre_painting,Baroque,rembrandt_a-man-in-a-room-1630 +cityscape,Post_Impressionism,edouard-cortes_rue-de-la-paix-1 +sketch_and_study,Naive_Art_Primitivism,marc-chagall_the-creation-of-man +illustration,Art_Nouveau_Modern,raphael-kirchner_new-york-tribune-1916 +religious_painting,Early_Renaissance,giovanni-bellini_virgin-and-child-1488 +abstract_painting,Abstract_Expressionism,morris-louis_airborn-1959 +landscape,Pointillism,kazimir-malevich_landscape-1908 +nude_painting,Art_Nouveau_Modern,raphael-kirchner_nude-drawings-5 +landscape,Impressionism,nicolae-vermont_the-way-home-1919 +landscape,Impressionism,ivan-grohar_kapelica-1907 +abstract_painting,Minimalism,ronnie-landfield_series-painting-7-1966 +illustration,Naive_Art_Primitivism,boris-kustodiev_illustration-for-nikolay-nekrasov-poem-bees-1921 +sketch_and_study,Post_Impressionism,vincent-van-gogh_field-with-a-sower-1890(1) +portrait,Rococo,dmitry-levitzky_portrait-of-countess-praskovya-vorontsova-as-a-child +sketch_and_study,Expressionism,martiros-saryan_on-the-street-1927 +genre_painting,Baroque,diego-velazquez_an-old-woman-cooking-eggs-1618 +genre_painting,Art_Nouveau_Modern,raphael-kirchner_milkmaid +landscape,Realism,camille-corot_mount-soracte-1827 +portrait,Cubism,juan-gris_pierrot-with-guitar-1925 +landscape,Ukiyo_e,katsushika-hokusai_minister-toru +still_life,Synthetic_Cubism,juan-gris_still-life-with-fruit-bowl-and-mandolin-1919 +genre_painting,Symbolism,mikhail-nesterov_to-blagovest-1895 +nude_painting,Impressionism,andre-dunoyer-de-segonzac_baigneuses-1905 +sketch_and_study,Rococo,william-hogarth_not_detected_235340 +still_life,Realism,constantin-stahi_plums-1911 +landscape,Impressionism,nicolae-tonitza_the-field +genre_painting,Impressionism,john-lavery_the-glasgow-exhibition-1888 +sketch_and_study,Baroque,rembrandt_lot-and-his-family-leaving-sodom-1655 +landscape,Realism,isaac-levitan_autumn-1877 +cityscape,Realism,vasily-surikov_rooftops-in-winter +genre_painting,Expressionism,ernst-ludwig-kirchner_czardas-dancers-1920 +genre_painting,Naive_Art_Primitivism,pavel-filonov_easter-1913 +landscape,Symbolism,nicholas-roerich_santa-fe-1921 +cityscape,Impressionism,antoine-blanchard_caf-de-la-paix-opera-4 +genre_painting,Ukiyo_e,utagawa-kunisada_sumo +illustration,Art_Nouveau_Modern,koloman-moser_reproduction-template-for-the-leaf-for-gerlach-s-love-allegories-new-series-plate-35 +genre_painting,Expressionism,jose-gutierrez-solana_the-ramp-at-puerto-chico +cityscape,Impressionism,giovanni-boldini_san-marco-in-venice-1895 +landscape,Romanticism,albert-bierstadt_campfire-yosemite-valley +landscape,Realism,vincent-van-gogh_landscape-with-a-stack-of-peat-and-farmhouses-1883 +still_life,Naive_Art_Primitivism,fernando-botero_guitar-and-chair +portrait,Post_Impressionism,paul-serusier_louise-the-breton-servant-1890 +genre_painting,Symbolism,nicholas-roerich_compassion-1936 +abstract_painting,Color_Field_Painting,mark-rothko_cat-newyork +portrait,Pop_Art,andy-warhol_fter-marylin-pink +portrait,Cubism,pyotr-konchalovsky_portrait-of-actress-vizarova-1917 +genre_painting,Art_Nouveau_Modern,theodor-severin-kittelsen_store-eken-utenfor-kongsgaarden-den(1) +portrait,Baroque,cornelis-de-vos_portrait-of-the-artist-s-daughter +genre_painting,Impressionism,pablo-picasso_portrait-of-josep-cardona-1899 +portrait,Impressionism,james-mcneill-whistler_the-little-rose-of-lyme-regis +nude_painting,Baroque,rembrandt_a-woman-at-the-bath-with-a-hat-beside-her-1658 +sketch_and_study,Art_Nouveau_Modern,koloman-moser_sketch-for-a-poster-of-the-vienna-workshop +religious_painting,Romanticism,viktor-vasnetsov_crucifixion-1904 +genre_painting,Baroque,jan-steen_life-of-man-1665 +genre_painting,Post_Impressionism,maurice-prendergast_a-dark-day +still_life,Expressionism,zinaida-serebriakova_fruit-piece-1931 +portrait,Post_Impressionism,bela-czobel_the-priest-at-bergen-1918 +sketch_and_study,Realism,vincent-van-gogh_scheveningen-road-1882 +portrait,Realism,giovanni-boldini_portrait-of-cecilia-de-madrazo +genre_painting,Realism,vladimir-makovsky_at-noon-1879 +landscape,Realism,gustave-courbet_the-wave-1871 +cityscape,Realism,vasily-surikov_bit-of-moscow-1880 +landscape,Impressionism,camille-pissarro_road-along-the-loing-canal +landscape,Realism,camille-corot_view-of-the-roman-compagna-1826 +genre_painting,Art_Nouveau_Modern,raphael-kirchner_viennese +genre_painting,Impressionism,henri-martin_woman-sitting-in-a-port-1 +cityscape,Post_Impressionism,edouard-cortes_place-de-l-opera-2 +landscape,Rococo,george-morland_the-gravel-diggers +landscape,Realism,camille-corot_houses-near-orleans-1830 +abstract_painting,Abstract_Expressionism,milton-resnick_untitled-1963 +genre_painting,Impressionism,joaquã­n-sorolla_the-fish-catalonia-1915 +portrait,Romanticism,edward-burne-jones_sidonia-von-bork-1849 +sketch_and_study,Realism,nicholas-roerich_cursory-sketch-of-three-figures-by-bonfire +landscape,Impressionism,childe-hassam_outskirts-of-east-gloucester +landscape,Realism,volodymyr-orlovsky_landscape-near-alushta-1870 +landscape,Realism,arkhip-kuindzhi_a-birch-grove-1901 +portrait,Ukiyo_e,utagawa-kuniyoshi_women-8 +abstract_painting,Color_Field_Painting,ronnie-landfield_edge-of-autumn-1989 +sketch_and_study,Realism,vincent-van-gogh_peasant-woman-stooping-and-gleaning-1885-1 +abstract_painting,Abstract_Expressionism,joan-snyder_rose-garden-2010 +portrait,Realism,nikolay-bogdanov-belsky_balalaika-player +portrait,Baroque,ivan-nikitin_peter-i +religious_painting,Symbolism,nicholas-roerich_maitreya-1933 +portrait,Expressionism,kathe-kollwitz_whetting-the-scythe +genre_painting,Realism,ilya-repin_barge-haulers-at-the-fire-1872 +abstract_painting,Color_Field_Painting,barnett-newman_untitled-etching-1-1969 +cityscape,Rococo,bernardo-bellotto_rio-dei-mendicanti-and-the-scuola-di-san-marco-1738 +landscape,Fauvism,georges-braque_landscape-near-antwerp-1906 +landscape,Symbolism,mikalojus-ciurlionis_mountain-1906 +portrait,Symbolism,konstantin-somov_alexander-pushkin-at-work-1899 +sketch_and_study,Post_Impressionism,vincent-van-gogh_people-walking-in-front-of-the-palais-du-luxembourg-1886 +portrait,Baroque,rembrandt_bust-of-a-laughing-young-man +cityscape,Impressionism,camille-pissarro_the-raised-terrace-of-the-pont-neuf-1902 +landscape,Post_Impressionism,gustave-loiseau_by-the-oise-river +landscape,Expressionism,paul-klee_historic-ground-1939(1) +cityscape,Impressionism,armand-guillaumin_la-place-valhubert-1875 +religious_painting,Northern_Renaissance,hieronymus-bosch_the-ship-of-fools-in-flames +illustration,Romanticism,gustave-dore_st-francis-of-assisi-1877 +landscape,Realism,camille-pissarro_hill-of-jallais-at-pontoise +portrait,Post_Impressionism,vladimir-dimitrov_unknown-title-22 +landscape,Northern_Renaissance,joachim-patinir_miracle-of-st-catherine +nude_painting,Impressionism,childe-hassam_morning-old-lyme +landscape,Impressionism,william-merritt-chase_the-back-yard-shinnecock-long-island-new-york +portrait,Realism,vincent-van-gogh_head-of-a-peasant-woman(1) +portrait,Expressionism,amedeo-modigliani_max-jacob +genre_painting,Realism,vincent-van-gogh_woman-churning-butter-1881 +genre_painting,Post_Impressionism,maurice-prendergast_acadia +genre_painting,Impressionism,joaquã­n-sorolla_women-on-the-beach-in-san-sebastian +landscape,Impressionism,childe-hassam_in-the-park-paris +portrait,Romanticism,dante-gabriel-rossetti_portrait-of-maria-leathart-1862 +abstract_painting,Color_Field_Painting,alma-woodsey-thomas_red-sunset-old-pond-concerto-1972 +genre_painting,Expressionism,carlos-saenz-de-tejada_the-olive-groves-of-mallorca-1938 +religious_painting,Early_Renaissance,paolo-uccello_creation-of-adam-1445 +cityscape,Expressionism,chaim-soutine_suburban-landscape-with-red-houses +abstract_painting,Color_Field_Painting,terry-frost_moonship-1972 +portrait,Impressionism,giovanni-boldini_mlle-laure-1910 +genre_painting,Impressionism,pierre-auguste-renoir_dance-in-the-country-1883-1 +landscape,Realism,nicholas-roerich_part-of-izvara-lake-1893 +genre_painting,Naive_Art_Primitivism,marc-chagall_coronated-nude-1984 +portrait,Impressionism,edgar-degas_estelle-musson-balfour +landscape,Expressionism,egon-schiele_old-brick-house-in-carinthia-1913 +sketch_and_study,Realism,valentin-serov_portrait-of-ballet-dancer-t-karsavina-1909 +religious_painting,Symbolism,nicholas-roerich_maitreya-the-conqueror +abstract_painting,Abstract_Expressionism,cy-twombly_panorama +nude_painting,Expressionism,iosif-iser_nude-with-book-1909 +sketch_and_study,Realism,vincent-van-gogh_peasant-with-sickle-seen-from-the-back-1885-5 +abstract_painting,Minimalism,martin-barre_67-f2-1967 +genre_painting,Analytical_Cubism,pablo-picasso_woman-with-mandolin-1909 +abstract_painting,Abstract_Expressionism,sam-francis_around-the-blues-1962 +nude_painting,Cubism,yiannis-moralis_not-detected-13(1) +landscape,Post_Impressionism,pierre-bonnard_the-garden-steps-1940 +portrait,Realism,john-singer-sargent_alice-wernher-born-alice-sedgwick-mankiewicz-1902 +religious_painting,Northern_Renaissance,konrad-witz_angel-of-annunciation-1435 +religious_painting,Northern_Renaissance,albrecht-durer_st-christopher-carrying-the-infant-christ-1511 +religious_painting,Mannerism_Late_Renaissance,el-greco_the-virgin-of-the-immaculate-conception +cityscape,Realism,vasily-polenov_the-uspensky-cathedral-south-gates-1877 +religious_painting,Baroque,francisco-de-zurbaran_st-francis-contemplating-a-skull +religious_painting,Baroque,bartolome-esteban-murillo_the-holy-family-with-the-little-bird +sketch_and_study,Impressionism,henri-edmond-cross_cabasson-landscape-study-1899 +still_life,Impressionism,lucian-grigorescu_natur-static-cu-fructe +genre_painting,Northern_Renaissance,albrecht-altdorfer_lovers-1511 +genre_painting,Impressionism,john-singer-sargent_stringing-onions +still_life,Post_Impressionism,aldemir-martins_vase-with-flowers-1968 +landscape,Impressionism,winston-churchill_moat-at-breccles(1) +genre_painting,Symbolism,dante-gabriel-rossetti_the-boat-of-love-1874 +religious_painting,Northern_Renaissance,gerard-david_virgin-and-child-with-four-angels +nude_painting,Expressionism,andre-derain_bathers-1907 +cityscape,Realism,johan-hendrik-weissenbruch_a-sunlit-townview-with-figures-conversing +genre_painting,Expressionism,marc-chagall_the-couple-a-holy-family-1909 +landscape,Impressionism,claude-monet_misty-morning-on-the-seine-sunrise +genre_painting,Naive_Art_Primitivism,jules-lefranc_liberation-1944 +landscape,Art_Nouveau_Modern,gustav-klimt_apple-tree-ii +still_life,Post_Impressionism,paul-gauguin_still-life-with-apples-and-green-vase-1890 +sketch_and_study,Realism,fyodor-vasilyev_in-the-mountain-of-the-crimea-brook-1873 +genre_painting,Ukiyo_e,utagawa-kuniyoshi_the-hundred-and-eight-heroes-of-the-popular-suikoden-1 +landscape,Realism,vasily-polenov_early-snow-1891 +landscape,Realism,boris-kustodiev_blooming-wisteria-1912 +cityscape,Impressionism,antoine-blanchard_flower-market-madeleine +illustration,Art_Nouveau_Modern,eugã¨ne-grasset_esclarmonde +abstract_painting,Abstract_Expressionism,jean-paul-riopelle_perspectives-1956 +nude_painting,Impressionism,auguste-rodin_untitled(6) +nude_painting,Impressionism,pierre-auguste-renoir_bather-drying-her-feet-1907 +nude_painting,Romanticism,konstantin-makovsky_model-1 +landscape,Post_Impressionism,vincent-van-gogh_haystack-under-a-rainy-sky-1890(1) +nude_painting,Cubism,anita-malfatti_nu-cubista +landscape,Realism,ilya-repin_alley-in-the-park-kachanovka-1880 +religious_painting,Baroque,peter-paul-rubens_christ-at-simon-the-pharisee-1620 +genre_painting,Impressionism,edouard-manet_woman-in-a-tub +sketch_and_study,Realism,boris-kustodiev_irina-kustodieva-1906 +sketch_and_study,Realism,thomas-eakins_eakins-perspective-study-of-boy-viewing-object-1910 +portrait,Post_Impressionism,moise-kisling_young-brunette-woman-in-headscarf +illustration,Art_Nouveau_Modern,ivan-bilibin_cover-of-art-of-printing-1900(1) +cityscape,Impressionism,antoine-blanchard_place-de-la-madeleine-1 +still_life,Realism,pyotr-konchalovsky_still-life-currants-on-a-sieve-1955 +landscape,Realism,isaac-levitan_springtime-the-last-snow-1895 +genre_painting,Baroque,adriaen-van-ostade_the-painter-in-his-workshop +religious_painting,Baroque,annibale-carracci_mocking-of-christ +abstract_painting,Abstract_Expressionism,mark-tobey_untitled-4 +genre_painting,Realism,edouard-manet_a-boy-with-a-dog-1861 +landscape,Impressionism,claude-monet_the-grande-creuse-by-the-bridge-at-vervy +landscape,Impressionism,alfred-sisley_the-banks-of-the-oise-1878 +religious_painting,Northern_Renaissance,hugo-van-der-goes_virgin-and-child-with-st-anne-and-a-franciscan-donor +abstract_painting,Abstract_Expressionism,robert-goodnough_untitled-1 +still_life,Post_Impressionism,moise-kisling_still-life +portrait,Expressionism,amedeo-modigliani_young-girl-in-a-striped-shirt-1917 +landscape,Realism,vasily-vereshchagin_church-of-god-of-war-shrine-buddhist-temple +illustration,Romanticism,louis-janmot_po-me-de-l-me-9-le-grain-de-bl +abstract_painting,Abstract_Expressionism,miriam-schapiro_fanfare-1968 +landscape,Realism,johan-hendrik-weissenbruch_road-near-noorden +portrait,Impressionism,pierre-auguste-renoir_portrait-of-a-young-woman-1876 +landscape,Impressionism,childe-hassam_bridge-at-old-lyme +religious_painting,Early_Renaissance,sandro-botticelli_madonna-with-child-and-singing-angels(1) +portrait,Romanticism,george-stubbs_portrait-of-john-nelthorpe-as-a-child +sketch_and_study,Romanticism,dante-gabriel-rossetti_elizabeth-siddal-seated-at-an-easel-1852 +still_life,Realism,pyotr-konchalovsky_still-life-1947 +genre_painting,Expressionism,max-beckmann_the-little-fish-1933 +portrait,Romanticism,orest-kiprensky_portrait-of-m-lansky-1813 +landscape,Post_Impressionism,istvan-nagy_fences-1927 +sketch_and_study,High_Renaissance,titian_apostles-group +landscape,Impressionism,alfred-sisley_between-veneux-and-by-december-morning-1882 +landscape,Realism,pyotr-konchalovsky_traction-1927 +illustration,Art_Nouveau_Modern,edmund-dulac_gerda-and-the-reindeer +sketch_and_study,Realism,vincent-van-gogh_lap-with-hands-and-a-bowl +still_life,Cubism,louis-marcoussis_la-table-1927 +landscape,Impressionism,winston-churchill_view-of-the-loggia-at-chartwell +portrait,High_Renaissance,titian_portrait-of-jacopo-giacomo-dolfin +still_life,Impressionism,leon-dabo_flowers-in-a-green-vase +abstract_painting,Abstract_Expressionism,cy-twombly_untitled-16 +portrait,Impressionism,konstantin-makovsky_portrait-of-a-kuzhetsov +portrait,Baroque,rembrandt_portrait-of-nicolaes-ruts-1631 +still_life,Impressionism,pierre-auguste-renoir_rainbow-trout +cityscape,Expressionism,zinaida-serebriakova_annecy-1933 +genre_painting,Romanticism,joseph-wright_brooke-boothby +landscape,Baroque,le-nain-brothers_landscape-with-peasants-and-a-chapel +landscape,Post_Impressionism,pyotr-konchalovsky_gurzuf-mountain-landscape-1929 +landscape,Impressionism,alfred-sisley_bougival-1876 +landscape,Expressionism,emil-nolde_maruchbrucke +portrait,Rococo,dmitry-levitzky_portrait-of-countess-n-f-vorontsova +genre_painting,Baroque,adriaen-van-ostade_interior-of-a-tavern +cityscape,Impressionism,maurice-prendergast_st-mark-s-lion-venice +still_life,Expressionism,henri-matisse_pineapple-and-anemones-1940 +portrait,Rococo,vladimir-borovikovsky_portrait-of-princess-margarita-ivanovna-dolgorukaya +landscape,Impressionism,pierre-auguste-renoir_spring-at-catou-1873 +portrait,Impressionism,helene-schjerfbeck_portrait-of-a-girl +landscape,Symbolism,konstantin-bogaevsky_ancient-fortress-1902 +landscape,Expressionism,marcel-duchamp_landscape-study-for-paradise-1911 +sketch_and_study,Northern_Renaissance,rogier-van-der-weyden_the-virgin-kneeling-and-praying-behind-st-peter +portrait,Romanticism,domingos-sequeira_retrato-de-d-jo-o-vi-rei-de-portugal-1806 +abstract_painting,Abstract_Expressionism,mostafa-dashti_untitled-1993(1) +portrait,Post_Impressionism,corneliu-baba_portrait-of-a-woman-elena-hascke +cityscape,Post_Impressionism,maurice-prendergast_the-mall-central-park-also-known-as-steps-central-park-or-the-terrace-bridge-central-park-1901 +sketch_and_study,High_Renaissance,titian_study-for-the-duke-of-urbino +genre_painting,Impressionism,nikolay-bogdanov-belsky_in-the-cattails +portrait,Art_Nouveau_Modern,ivan-milev_ahinora-1922 +sketch_and_study,Symbolism,koloman-moser_study-of-clouds +abstract_painting,Abstract_Expressionism,raoul-ubac_130-1972 +cityscape,Realism,ivan-shishkin_city-roofs-in-winter +nude_painting,Expressionism,henri-matisse_the-hindu-pose-1923 +genre_painting,Ukiyo_e,katsushika-hokusai_teahouse-umeyashiki +religious_painting,Northern_Renaissance,gerard-david_a-rest-during-the-flight-to-egypt +abstract_painting,Abstract_Expressionism,dan-christensen_sabu-1980 +landscape,Post_Impressionism,gustave-loiseau_rock-cliffs-by-the-sea-in-britain-1906 +cityscape,Impressionism,pierre-auguste-renoir_villa-de-la-poste-at-cagnes-1903 +landscape,Realism,ivan-shishkin_cows-under-the-oak-1863 +genre_painting,Naive_Art_Primitivism,marc-chagall_on-two-banks-1956 +portrait,Rococo,william-hogarth_gerard-anne-edwards-in-his-cradle-1733 +landscape,Post_Impressionism,gregoire-boonzaier_waenhuiskrans-1966 +religious_painting,Rococo,giovanni-battista-tiepolo_the-institution-of-the-rosary-1739 +portrait,Romanticism,joseph-wright_benjamin-franklin-1782 +portrait,Expressionism,spyros-papaloukas_portrait-of-a-boy-1922 +portrait,Romanticism,caspar-david-friedrich_carl-vogelvon-vogelstein-1823 +sketch_and_study,Rococo,maurice-quentin-de-la-tour_study-to-portrait-of-unknown-woman +genre_painting,Impressionism,camille-pissarro_seated-and-kneeling-peasants-1893 +abstract_painting,Color_Field_Painting,ron-gorchov_baton-1986 +religious_painting,Symbolism,nicholas-roerich_lama-1945 +abstract_painting,Color_Field_Painting,mark-rothko_red-and-orange +landscape,Symbolism,nicholas-roerich_monhigan-vagueness-1922-1 +landscape,Romanticism,camille-corot_landscape-with-figures-1859 +portrait,Expressionism,jury-annenkov_portrait-of-maxim-gorky-1920 +landscape,Cubism,rene-magritte_landscape-1920(1) +portrait,Expressionism,amedeo-modigliani_young-woman-of-the-people-1918 +portrait,Expressionism,amedeo-modigliani_portrait-of-margarita-1916 +abstract_painting,Abstract_Expressionism,howard-hodgkin_lotus-1980 +genre_painting,Realism,vasily-perov_hunting-for-wild-boar +portrait,Mannerism_Late_Renaissance,tintoretto_portrait-of-a-distinguished-man +genre_painting,Realism,alexey-venetsianov_morning-of-the-landlady +landscape,Post_Impressionism,gustave-loiseau_the-belon-river +genre_painting,Realism,basuki-abdullah_kampung-scene +portrait,Expressionism,chronis-botsoglou_tribute-to-whistler-1986 +genre_painting,Impressionism,karoly-ferenczy_boys-throwing-pebbles-into-the-river-1890 +still_life,Realism,claude-monet_still-life-with-bottles-1863 +genre_painting,Impressionism,nikolay-bogdanov-belsky_skating-from-mountain +portrait,Impressionism,edgar-degas_portrait-of-a-man +cityscape,Art_Nouveau_Modern,anna-ostroumova-lebedeva_colonnade-of-exchange-and-peter-and-paul-fortress-1907 +portrait,Rococo,vladimir-borovikovsky_lopukhin-ekaterina +sketch_and_study,Symbolism,nicholas-roerich_monhigan-study-1922-28 +nude_painting,Impressionism,pierre-auguste-renoir_reclining-nude-gabrielle-1903 +landscape,Post_Impressionism,pierre-bonnard_garden-at-midday-1943 +landscape,Realism,aleksey-savrasov_landscape-with-hut +genre_painting,Cubism,pablo-picasso_harlequin-with-violin +portrait,Baroque,peter-paul-rubens_hagar-in-the-desert +portrait,Cubism,pablo-picasso_barselona-harlequin-1917 +landscape,Impressionism,robert-julian-onderdonk_sunlit-hillside-1913 +portrait,Post_Impressionism,augustus-john_edwin-and-romilly-1912 +landscape,Contemporary_Realism,john-miller_beach(2) +abstract_painting,Minimalism,jean-degottex_d-bris-xxii +landscape,Impressionism,robert-julian-onderdonk_landscape-with-wagon +abstract_painting,Color_Field_Painting,mark-rothko_white-center +genre_painting,Romanticism,konstantin-makovsky_models-waiting-for-artist-basking-italians +portrait,Cubism,saul-steinberg_head-1929 +still_life,Cubism,pyotr-konchalovsky_still-life-beer-and-roach-1912-1 +cityscape,Impressionism,john-singer-sargent_campo-dei-gesuiti +genre_painting,Art_Nouveau_Modern,alexandre-benois_chinese-pavilion-jealous(1) +landscape,Impressionism,alfred-sisley_cabins-along-the-loing-canal-sunlight-effect-1896 +portrait,Baroque,rembrandt_portrait-of-a-man-in-oriental-garment-1635 +abstract_painting,Abstract_Expressionism,arthur-pinajian_untitled-landscape-woodstock-no-42-1970 +landscape,Realism,theodor-severin-kittelsen_st-hans-paa-lauvlia +sketch_and_study,Realism,ivan-shishkin_view-of-the-yelabuga-1861 +genre_painting,Symbolism,konstantin-vasilyev_expectation +religious_painting,Symbolism,nicholas-roerich_armageddon-1940 +portrait,Impressionism,giovanni-boldini_princesse-de-caraman-chimay-later-madame-jourdan-1889 +landscape,Realism,taras-shevchenko_kazakh-on-a-horseback-1849 +illustration,Romanticism,gustave-dore_the-inferno-canto-32-1 +landscape,Symbolism,mikalojus-ciurlionis_serenity-1905 +genre_painting,Realism,mykola-yaroshenko_in-the-warm-land-1890 +illustration,Naive_Art_Primitivism,marc-chagall_illustration-for-louis-aragon-s-work-one-who-says-things-without-saying-anything-1976-14 +still_life,Cubism,man-ray_the-black-tray +religious_painting,Baroque,annibale-carracci_angel-announcing-the-resurrection-of-christ-to-the-three-marys-1609 +abstract_painting,Abstract_Expressionism,conrad-marca-relli_22-february-1960-1960 +genre_painting,Romanticism,konstantin-makovsky_children-running-from-the-storm +landscape,Impressionism,philip-wilson-steer_richmond-yorkshire +sketch_and_study,Post_Impressionism,vincent-van-gogh_village-street-1890 +cityscape,Naive_Art_Primitivism,mstislav-dobuzhinsky_the-spring-in-kaunas-1923 +cityscape,Post_Impressionism,edouard-cortes_rue-de-la-paix-rain +portrait,Impressionism,konstantin-korovin_at-the-balcony-spanish-women-leonora-and-ampara-1889 +landscape,Romanticism,john-crome_landscape-with-a-river +sketch_and_study,Post_Impressionism,henri-de-toulouse-lautrec_yahne-et-antoine-dans-l0age-difficile +genre_painting,Romanticism,ivan-aivazovsky_winter-scene-in-little-russia-1868 +landscape,Post_Impressionism,paul-gauguin_huts-under-trees-1887 +portrait,Impressionism,konstantin-korovin_portrait-of-nadezhda-komarovskaya-1910 +landscape,Realism,charles-francois-daubigny_by-the-sea +landscape,Post_Impressionism,tom-thomson_snow-in-the-woods-1916 +portrait,Romanticism,konstantin-makovsky_portrait-of-e-gilechenko +portrait,Impressionism,nicolae-vermont_thinking-1924 +sketch_and_study,Early_Renaissance,jacopo-bellini_view-of-a-fortification-of-jerusalem(1) +religious_painting,Baroque,francisco-de-zurbaran_saint-lucy-1630 +nude_painting,Post_Impressionism,henri-matisse_reclining-nude-the-painter-and-his-model-1935 +landscape,Realism,theodore-rousseau_study-of-rocks-1829 +abstract_painting,Expressionism,ligia-macovei_unknown-title-20 +landscape,Impressionism,hoca-ali-riza_suluboya +portrait,Cubism,pyotr-konchalovsky_portrait-of-artist-herman-vasilyevich-fyodorov-1919 +landscape,Realism,theodore-rousseau_not_detected_198950 +cityscape,Cubism,tarsila-do-amaral_s-o-paulo +portrait,Romanticism,sir-lawrence-alma-tadema_a-listner-1899 +landscape,Pointillism,jean-metzinger_paysage-1904 +religious_painting,Baroque,peter-paul-rubens_st-george-slaying-the-dragon +portrait,Post_Impressionism,pablo-picasso_woman-with-necklace-of-gems-1901 +landscape,Realism,ivan-shishkin_in-the-fir-forest-1 +nude_painting,Art_Nouveau_Modern,raphael-kirchner_deadly-sins-6 +sketch_and_study,Realism,vincent-van-gogh_peasant-with-sickle-seen-from-the-back-1885-3 +portrait,Expressionism,martiros-saryan_portrait-of-i-shchukin-1911 +landscape,Symbolism,konstantin-somov_white-night-sergievo +portrait,Baroque,caravaggio_narcissus(1) +still_life,Fauvism,jean-hugo_nature-morte-aux-l-gumes-1965 +genre_painting,Impressionism,nicolae-grigorescu_hard-road +genre_painting,Romanticism,jan-matejko_dimitri-from-goraj +abstract_painting,Color_Field_Painting,sam-francis_untitled-sf67-016-1967 +landscape,Realism,isaac-levitan_snowbound-garden +genre_painting,Realism,camille-corot_the-artist-s-studio-1 +landscape,Post_Impressionism,albert-marquet_the-beach-at-sainte-adresse-1906 +still_life,Post_Impressionism,henri-matisse_dishes-and-fruit-on-a-red-and-black-carpet-1901 +still_life,Cubism,ben-nicholson_july-27-53-ivory-1953 +genre_painting,Impressionism,edouard-manet_young-woman-among-the-flowers-1879 +landscape,Impressionism,childe-hassam_white-barn +landscape,Post_Impressionism,moise-kisling_not-identified-1913 +illustration,Naive_Art_Primitivism,martiros-saryan_illustration-to-armenian-folk-tales-1937-12 +genre_painting,Impressionism,pierre-auguste-renoir_two-young-women-in-a-landscape +landscape,Realism,homer-watson_grand-river-valley +sketch_and_study,Naive_Art_Primitivism,marc-chagall_noah-s-ark-2 +genre_painting,Pop_Art,leroy-neiman_hunt-field-1967 +portrait,Art_Nouveau_Modern,felix-vallotton_portrait-of-french-writer-andr-gide-1898 +illustration,Naive_Art_Primitivism,marc-chagall_a-man-without-passport-with-policeman +nude_painting,Expressionism,august-macke_reclining-female-nude +landscape,Expressionism,ernst-ludwig-kirchner_firs +religious_painting,Northern_Renaissance,hans-baldung_the-creation-of-the-men-and-animals-1532 +abstract_painting,Color_Field_Painting,mark-rothko_no-7-dark-over-light-1954 +illustration,Art_Nouveau_Modern,edmund-dulac_came-shining-through-the-dusk-an-angel-shape-the-rubaiyat-of-omar-khayyam +landscape,Realism,gustave-courbet_cliffs-by-the-sea-in-the-snow-1870 +abstract_painting,Abstract_Expressionism,william-congdon_india-temples-no-2-sri-ranganathaswamy-temple-tiruchirapalli-1954 +genre_painting,Realism,vincent-van-gogh_coal-shoveler-1879(1) +landscape,Impressionism,rudolf-schweitzer-cumpana_uli-iarna-1934 +genre_painting,Post_Impressionism,maurice-prendergast_autumn-in-new-england +abstract_painting,Abstract_Expressionism,paul-jenkins_phenomena-point-swing-and-flank +nude_painting,Baroque,agostino-carracci_polyenos-and-chrisis +cityscape,Impressionism,frits-thaulow_on-the-grand-canal-venice +sketch_and_study,Art_Nouveau_Modern,nicholas-roerich_man-with-a-horn-1900 +cityscape,Impressionism,john-marin_brooklyn-bridge-1912 +portrait,Realism,jean-francois-millet_leconte-de-lisle +portrait,Art_Nouveau_Modern,sergey-solomko_venetian-sketch +illustration,Romanticism,gustave-dore_the-return +portrait,Rococo,carl-ludwig-johann-christineck_portrait-of-major-of-army-corps-1766 +landscape,Realism,efim-volkov_cell +landscape,Impressionism,claude-monet_winter-at-giverny +genre_painting,Impressionism,william-merritt-chase_on-the-lake-central-park(1) +abstract_painting,Abstract_Expressionism,ralph-hotere_untitled-1988 +portrait,Baroque,sebastien-bourdon_king-charles-x-gustav-of-sweden-1653 +nude_painting,New_Realism,john-french-sloan_nude-red-hair-standing-1928 +sketch_and_study,Impressionism,stefan-popescu_roofs-under-snow-1927 +landscape,Naive_Art_Primitivism,henri-rousseau_view-of-the-banks-of-the-oise-1906 +landscape,Symbolism,franz-stuck_landscape-with-storm +religious_painting,Realism,ferdinand-hodler_the-good-samaritan-1885 +genre_painting,Impressionism,william-merritt-chase_the-kimono +portrait,Expressionism,elaine-de-kooning_thomas-b-hess-1956 +landscape,Impressionism,isaac-levitan_aspen-forest +cityscape,Impressionism,joaquã­n-sorolla_excerpts +abstract_painting,Abstract_Expressionism,salvador-dali_arabs-the-death-of-raymond-lulle +portrait,Romanticism,paul-delaroche_peter-the-great-1838 +genre_painting,Impressionism,edgar-degas_dancers-climbing-the-stairs +cityscape,Realism,camille-corot_la-rochelle-quarry-near-the-port-entrance-1851 +portrait,Baroque,rembrandt_a-bust-of-an-old-man-1633 +landscape,Contemporary_Realism,neil-welliver_blueberry-burn-morey-s-hill +landscape,Realism,vasily-polenov_normandy-beach-1874 +landscape,Post_Impressionism,felix-vallotton_the-ball-1899 +abstract_painting,Color_Field_Painting,mario-cesariny_as-grandes-viagens +abstract_painting,Abstract_Expressionism,hassel-smith_psychoseismorama-ii-1960 +landscape,New_Realism,edward-hopper_seven-a-m +portrait,Expressionism,oskar-kokoschka_not_detected_235869 +religious_painting,Romanticism,edward-burne-jones_saint-george-and-the-dragon-the-princess-tied-to-the-tree-1866 +portrait,Rococo,dmitry-levitzky_natalia-melgunova +landscape,Symbolism,arnold-bã¶cklin_the-moorish-cavaliers +landscape,Impressionism,william-merritt-chase_at-the-boat-landing +sketch_and_study,Realism,vincent-van-gogh_sower-with-hand-in-sack-1881-1 +religious_painting,Northern_Renaissance,hieronymus-bosch_temptation-of-st-anthony-1506 +cityscape,Romanticism,cornelis-springer_weeshuis-in-kampen +landscape,Expressionism,george-luks_house-on-the-point +sketch_and_study,Post_Impressionism,vincent-van-gogh_farmhouse-in-a-wheat-field-1888(1) +portrait,Cubism,pablo-picasso_woman-with-yellow-shirt-1907 +still_life,Expressionism,pierre-tal-coat_blue-vase +sketch_and_study,Symbolism,odilon-redon_immediately-three-goddesses-arise-plate-11-1896 +landscape,Post_Impressionism,gustave-loiseau_cliffs-at-saint-jouin-1908 +abstract_painting,Minimalism,robert-mangold_split-ring-image-2008 +portrait,Baroque,rembrandt_portrait-of-a-young-man-1663 +genre_painting,Impressionism,rudolf-schweitzer-cumpana_la-un-pahar-1935 +genre_painting,Realism,pierre-auguste-renoir_skaters-in-the-bois-de-boulogne-1868 +cityscape,Impressionism,john-singer-sargent_scuola-di-san-rocco +landscape,Impressionism,laszlo-mednyanszky_sunrise-in-the-snowy-riverside +portrait,Realism,pavel-fedotov_portrait-of-olga-ivanovna-demonkala-1851 +cityscape,Realism,vasily-sadovnikov_konjushennyj-museum +sketch_and_study,Realism,nikolaos-gyzis_table-with-cake +portrait,Rococo,joshua-reynolds_diana-sackville +genre_painting,Impressionism,eliseu-visconti_jardim-de-luxemburgo-1905 +landscape,Post_Impressionism,david-burliuk_blossoming-branch-in-a-vase-1960 +still_life,Synthetic_Cubism,georges-braque_glass-and-card +landscape,Impressionism,philip-wilson-steer_the-beach-at-walberswick +landscape,Impressionism,claude-monet_the-thaw-at-vetheuil +still_life,Cubism,louis-marcoussis_nimes-1928 +landscape,Impressionism,eugene-boudin_the-toques-at-saint-arnoult-1891-1 +religious_painting,Northern_Renaissance,albrecht-altdorfer_susanna-in-the-bath-1526 +nude_painting,Expressionism,paula-modersohn-becker_female-nude-on-the-grass +landscape,Impressionism,camille-pissarro_the-pond-at-montfoucault-1875 +religious_painting,Cubism,jean-david_biblical-scene +portrait,Realism,george-catlin_kee-o-kuk-the-running-fox-1839 +landscape,Realism,ivan-shishkin_the-field-of-wheat-1878 +portrait,Naive_Art_Primitivism,fernando-botero_prioress +religious_painting,Early_Renaissance,benozzo-gozzoli_the-vintage-and-drunkenness-of-noah-1484 +portrait,Post_Impressionism,anita-malfatti_a-mulher-de-cabelos-verdes-1916 +religious_painting,High_Renaissance,pinturicchio_the-resurrection +portrait,Symbolism,odilon-redon_woman-with-flowers +landscape,Realism,gustave-courbet_the-beach-at-trouville-at-low-tide-1865-1 +portrait,Realism,vasily-surikov_portrait-of-natalia-f-matveeva-1909 +portrait,Realism,camille-corot_young-man-with-naked-shoulder +genre_painting,Expressionism,frantisek-kupka_report +cityscape,Realism,camille-corot_jimieges-1831 +portrait,Realism,john-singer-sargent_the-candelabrum-also-known-as-lady-with-cancelabra-or-the-cigarette-1885 +sketch_and_study,Northern_Renaissance,albrecht-durer_left-arm +portrait,Post_Impressionism,theo-van-rysselberghe_madame-van-rysselberghe-in-a-chedkered-bow-tie-1918 +landscape,Realism,isaac-levitan_in-alps-1897 +landscape,Post_Impressionism,andre-derain_landscape-near-chatou-1904 +sketch_and_study,Romanticism,ford-madox-brown_the-expulsion-from-eden +illustration,Symbolism,felicien-rops_dinner-with-atheists +portrait,Expressionism,zinaida-serebriakova_portrait-of-a-young-moroccan-1928 +religious_painting,High_Renaissance,raphael_st-catherine-of-alexandria-1508 +religious_painting,Mannerism_Late_Renaissance,maerten-van-heemskerck_adam-and-eve +religious_painting,Romanticism,vasily-polenov_prodigal-son-1874-1 +landscape,Romanticism,orest-kiprensky_landscape-with-a-river-on-a-moonlit-night-1810 +portrait,Impressionism,augustus-john_vera-fearing-1931 +illustration,Art_Nouveau_Modern,ivan-bilibin_andrew-shooter-and-strelchiha-1900(1) +portrait,Romanticism,alexander-shilov_young-gypsy-1990(4) +abstract_painting,Color_Field_Painting,ion-nicodim_untitled-1987 +portrait,Pointillism,theo-van-rysselberghe_paul-signac-at-the-helm-of-olympia-1896 +illustration,Art_Nouveau_Modern,koloman-moser_early-spring-illustration-to-a-poem-by-rainer-maria-rilke-1901-1 +still_life,Realism,ilya-mashkov_still-life-decanter-and-peaches +nude_painting,Post_Impressionism,felix-vallotton_the-bath-summer-evening-1892 +portrait,Realism,boris-kustodiev_portrait-of-a-man-1922 +portrait,Realism,john-singer-sargent_portrait-of-jacques-emile-blanche +genre_painting,Impressionism,camille-pissarro_peasant-trimming-the-lawn-1882 +portrait,Rococo,antoine-pesne_portrait-of-charlota-fredrika-sparre +portrait,Post_Impressionism,moise-kisling_children-of-dr-tas-1930 +abstract_painting,Minimalism,jean-degottex_bris-signe +portrait,Realism,ivan-kramskoy_portrait-of-an-agronomist-m-e-vyunnikov-1868 +sketch_and_study,Realism,ivan-shishkin_herd-near-a-stream +landscape,Impressionism,claude-monet_section-of-the-seine-near-giverny +portrait,Realism,henri-fantin-latour_head-of-a-young-girl-1870 +portrait,Realism,john-singer-sargent_the-duchess-of-sutherland-1904 +nude_painting,Contemporary_Realism,eric-fischl_daddy-s-girl +portrait,Baroque,antoine-pesne_portrait-of-henriette-von-zerbsten-1726 +religious_painting,Symbolism,james-tissot_moses-smiteth-the-rock-in-the-desert +abstract_painting,Minimalism,pierre-soulages_a-walnut-stain-2004 +religious_painting,Baroque,jan-steen_samson-and-delilah-1668 +landscape,Art_Nouveau_Modern,j.-e.-h.-macdonald_batchawana-rapid-1920 +cityscape,Expressionism,m.c.-escher_nocturnal-rome-5 +portrait,Northern_Renaissance,hieronymus-bosch_head-of-an-old-woman +landscape,Impressionism,berthe-morisot_carriage-in-the-bois-de-boulogne +landscape,Post_Impressionism,roger-fry_river-with-poplars-1912 +genre_painting,Realism,james-mcneill-whistler_the-kitchen-1 +religious_painting,Romanticism,eugene-delacroix_christ-on-the-cross-1856-1(1) +landscape,Realism,maxime-lalanne_luchon-vue-prise-de-bellevue +genre_painting,Rococo,jean-honore-fragonard_the-progress-of-love +cityscape,Realism,volodymyr-orlovsky_in-italy-1876 +portrait,Northern_Renaissance,albrecht-durer_johannes-kleberger-1526 +portrait,Art_Nouveau_Modern,sergey-solomko_parisian +landscape,Romanticism,richard-parkes-bonington_the-norman-coast +cityscape,Impressionism,camille-pissarro_the-tuileries-gardens-2-1900 +landscape,Impressionism,gustave-caillebotte_yerres-path-through-the-woods-in-the-park +sketch_and_study,Mannerism_Late_Renaissance,agnolo-bronzino_study-for-a-resurrection +landscape,Post_Impressionism,vincent-van-gogh_landscape-with-three-trees-and-a-house-1890 +still_life,Impressionism,paul-cezanne_still-life-with-seven-apples-1878 +illustration,Romanticism,gustave-dore_don-quixote-5 +abstract_painting,Abstract_Expressionism,geta-bratescu_medeic-callisthetic-moves-i-1981 +landscape,Impressionism,alfred-sisley_watermill-near-moret-by-alfred-sisley +portrait,Impressionism,william-merritt-chase_the-blue-kimono-aka-girl-in-blue-kimono +genre_painting,Expressionism,marevna-(marie-vorobieff)_the-atelier-of-diego-rivera-in-rue-du-d-part-diego-rivera-ehrenbourg-and-juan-gris-paris-in +landscape,Realism,ivan-kramskoy_forest-path +landscape,Post_Impressionism,henri-martin_sous-bois +portrait,Expressionism,amedeo-modigliani_sitting-man-on-orange-background-1918 +genre_painting,Naive_Art_Primitivism,william-h.-johnson_sowing-1940 +portrait,Expressionism,m.c.-escher_escher-s-father +religious_painting,Early_Renaissance,carlo-crivelli_saint-catherine-of-alexandria-1473 +cityscape,Post_Impressionism,tivadar-kosztka-csontvary_pompeji-have-house-of-the-chirurgus-with-the-vesuv-1898 +sketch_and_study,Post_Impressionism,vincent-van-gogh_sketch-of-two-women-1890 +illustration,Romanticism,gustave-dore_orlando-furioso-7 +genre_painting,Art_Nouveau_Modern,aubrey-beardsley_ballet-of-marionettes-i +landscape,Art_Nouveau_Modern,tom-thomson_the-jack-pine-1917 +abstract_painting,Minimalism,doug-ohlson_black-and-white-form-1962 +still_life,Fauvism,aldemir-martins_jar-with-flowers-2001 +nude_painting,Symbolism,pierre-puvis-de-chavannes_the-toilette +landscape,Romanticism,thomas-cole_catskill-scenery +landscape,Impressionism,ivan-grohar_pomlad-1903 +portrait,Post_Impressionism,henri-de-toulouse-lautrec_portrait-of-m-paul-sescau-portrait-de-m-paul-sescau +abstract_painting,Abstract_Expressionism,cy-twombly_untitled-11 +still_life,Post_Impressionism,vincent-van-gogh_still-life-french-novels-and-rose +still_life,Realism,vincent-van-gogh_clock-clog-with-cutlery-and-a-spoon-rack-1885(1) +portrait,Northern_Renaissance,lucas-cranach-the-elder_wife-of-dr-johann-stephan-reuss-1503 +abstract_painting,Color_Field_Painting,ray-parker_untitled-1963 +still_life,Expressionism,toyen_two-masks +landscape,Post_Impressionism,istvan-nagy_ricks +landscape,Romanticism,john-constable_landscape-with-a-double-rainbow-1812 +genre_painting,Realism,william-adolphe-bouguereau_leveil-heart-1892 +cityscape,Impressionism,childe-hassam_piazza-di-spagna-rome +religious_painting,Northern_Renaissance,gerard-david_roman-soldiers-and-jewish-judges-left-wing-from-the-triptych-of-the-crucifixion +abstract_painting,Abstract_Expressionism,walter-darby-bannard_colorossi-9 +abstract_painting,Color_Field_Painting,walter-darby-bannard_lemon-cards-1-1963 +religious_painting,Northern_Renaissance,hans-holbein-the-younger_diptych-with-christ-and-the-mater-dolorosa +portrait,Expressionism,billy-childish_billy-and-dolli-1996 +portrait,Symbolism,konstantin-somov_echo-of-bygone-days +religious_painting,Romanticism,gustave-dore_the-midianites-are-routed +landscape,Impressionism,eugene-boudin_le-havre-sunset-at-low-tide-1884 +portrait,Rococo,maurice-quentin-de-la-tour_beautiful-girl-from-zuylen +landscape,Post_Impressionism,vincent-van-gogh_oleanders-the-hospital-garden-at-saint-remy-1889 +genre_painting,Impressionism,theophrastos-triantafyllidis_photographer +genre_painting,Rococo,jean-honore-fragonard_the-confession-of-love-1771 +religious_painting,Northern_Renaissance,konrad-witz_the-miraculous-draught-of-fishes-peter-s-altar-table-1444 +sketch_and_study,Northern_Renaissance,albrecht-durer_hand-of-god-the-father +abstract_painting,Minimalism,yves-klein_untitled-blue-monochrome-1955 +cityscape,Impressionism,claude-monet_snow-effect-the-road-to-louveciennes +portrait,Expressionism,chaim-soutine_woman-with-arms-folded +genre_painting,Expressionism,iosif-iser_turci-din-mangalia +abstract_painting,Abstract_Expressionism,hans-hofmann_to-miz-pax-vobiscum-1964 +landscape,Impressionism,claude-monet_the-garden-at-vetheuil-1881 +cityscape,Mannerism_Late_Renaissance,maerten-van-heemskerck_great-pyramid-of-giza +genre_painting,Baroque,gerard-terborch_the-message +sketch_and_study,Realism,vincent-van-gogh_torso-of-venus-5 +nude_painting,Expressionism,david-bomberg_lilian-1932 +religious_painting,Northern_Renaissance,jean-hey_peter-ii-duke-of-bourbon-presented-by-st-peter-left-hand-wing-of-a-triptych-1498 +religious_painting,Northern_Renaissance,rogier-van-der-weyden_lamentation +genre_painting,Romanticism,alfred-stevens_the-glass-sphere +genre_painting,Rococo,george-morland_the-deserter-pardoned-1702 +landscape,Impressionism,john-henry-twachtman_the-rainbow-s-source-1900 +portrait,Romanticism,alexander-ivanov_a-girl-from-albano-standing-in-the-doorway +landscape,Impressionism,vasile-popescu_comana-landscape-1928 +cityscape,Realism,alexey-bogolyubov_winter-in-borisoglebsk +abstract_painting,Minimalism,lee-ufan_from-line-1978 +still_life,Realism,vincent-van-gogh_still-life-with-yellow-hat-1885 +abstract_painting,Action_painting,jackson-pollock_not_detected_185311 +portrait,Realism,claude-monet_portrait-of-madame-gaudibert +religious_painting,Romanticism,gustave-dore_david-attacks-the-ammonites +portrait,Impressionism,irma-stern_portrait-of-irma-stern-s-mother +nude_painting,Impressionism,stefan-luchian_nude +genre_painting,Expressionism,periklis-vyzantios_sightseeing-tour +abstract_painting,Abstract_Expressionism,sam-francis_untitled-1979 +landscape,Expressionism,paul-klee_place-signs-1926(1) +religious_painting,Northern_Renaissance,jan-van-hemessen_virgin-and-child-1 +landscape,Symbolism,nicholas-roerich_himalayas-1941-4 +landscape,Realism,camille-corot_souvenir-of-ville-d-avray-1872 +abstract_painting,Abstract_Expressionism,frank-bowling_old-altar-piece-2010 +sketch_and_study,Expressionism,lucian-freud_head-of-boy-with-a-book +genre_painting,Naive_Art_Primitivism,camille-bombois_the-white-horse-1920 +genre_painting,Realism,eugene-boudin_laundresses-on-the-banks-of-the-touques-11 +genre_painting,Art_Nouveau_Modern,aubrey-beardsley_bathyllus-in-the-swan-dance +genre_painting,Impressionism,mary-cassatt_the-gden-reading-1898 +landscape,Impressionism,childe-hassam_waydise-inn-sudbury-mass +landscape,Post_Impressionism,victor-borisov-musatov_a-walk-in-the-park-1904 +genre_painting,Realism,vasily-vereshchagin_in-the-hospital-1901 +abstract_painting,Color_Field_Painting,frank-stella_fort-n-de-las-flores-1967 +religious_painting,High_Renaissance,raphael_the-madonna-of-loreto-1509 +portrait,Baroque,anthony-van-dyck_portrait-of-anna-van-craesbecke-1635 +landscape,Impressionism,francis-picabia_barges-on-the-loing-morning-effect +sketch_and_study,Romanticism,fyodor-solntsev_from-nereditskaya-church +cityscape,Pointillism,henri-matisse_notre-dame +landscape,Symbolism,konstantin-bogaevsky_corona-astralis-1908 +landscape,Rococo,thomas-gainsborough_the-mall-in-st-james-s-park-1783 +sketch_and_study,Post_Impressionism,pyotr-konchalovsky_the-woman-in-front-of-a-mirror-1921-1 +landscape,Realism,ivan-shishkin_forest-stream-4 +portrait,Realism,alexey-venetsianov_a-peasant-woman-with-a-child +portrait,Baroque,peter-paul-rubens_portrait-of-ambrogio-spinola-1628 +landscape,Impressionism,pierre-auguste-renoir_woman-in-white-in-the-garden-at-colettes-1915 +nude_painting,Expressionism,jean-paul-lemieux_nu-sur-fond-bleu-1963 +cityscape,Expressionism,lynd-ward_not-detected-272553 +genre_painting,Expressionism,august-macke_the-hat-shop-1913 +landscape,Post_Impressionism,ferdynand-ruszczyc_bajka-zimowa-1904 +genre_painting,Expressionism,marc-chagall_not_detected_202865 +sketch_and_study,Realism,boris-kustodiev_portrait-of-k-n-sapunov-1915 +portrait,Impressionism,valentin-serov_portrait-of-prince-felix-yussupov-1903 +sketch_and_study,Naive_Art_Primitivism,marc-chagall_study-to-the-jacob-s-dream-2 +still_life,Realism,ilya-mashkov_still-life-grape-lemon-and-cancer-1924 +genre_painting,Art_Nouveau_Modern,boris-kustodiev_meeting-easter-day-1917 +genre_painting,Ukiyo_e,utagawa-kuniyoshi_woman-doing-her-laundry-in-the-river +still_life,Contemporary_Realism,janet-fish_cut-peach-blue-vase-1993 +abstract_painting,Abstract_Expressionism,pat-lipsky_sun-ray-1980 +landscape,Realism,ivan-shishkin_study-for-the-painting-chopping-wood-1867 +still_life,Post_Impressionism,periklis-vyzantios_still-life-with-brushes +genre_painting,Impressionism,camille-pissarro_haymaking-1874 +landscape,Realism,camille-corot_ville-d-avray-the-pond-and-the-cabassud-house +sketch_and_study,Northern_Renaissance,hans-baldung_muscle-man-standing-1541 +nude_painting,Symbolism,felicien-rops_the-shower +landscape,Romanticism,william-turner_raby-castle-residence-of-the-earl-of-darlington +portrait,Romanticism,orest-kiprensky_portrait-of-countess-ekaterina-petrovna-rostopchina-1809 +genre_painting,Cubism,paul-cezanne_large-bathers-1906 +religious_painting,Baroque,rembrandt_the-apostle-simon-1661 +landscape,Realism,fyodor-vasilyev_morning-1873 +portrait,Realism,theo-van-rysselberghe_woman-in-a-green-dress +illustration,Expressionism,yiannis-moralis_10-colored-drawings-for-the-poems-of-george-seferis-1965(13) +landscape,Impressionism,stefan-luchian_landscape +religious_painting,Northern_Renaissance,gerard-david_madonna-with-the-milk-soup +genre_painting,Realism,nicolae-vermont_nchinarea-p-storilor-cu-motivele-satului-rom-nesc-1903 +genre_painting,Naive_Art_Primitivism,niko-pirosmani_farmer-with-a-bull-1916 +landscape,Impressionism,georges-seurat_forest-of-barbizon-1883 +cityscape,Realism,james-tissot_the-first-man-i-saw +abstract_painting,Color_Field_Painting,ad-reinhardt_abstract-painting-1957 +landscape,Romanticism,nikolai-ge_sorrento +portrait,Cubism,marevna-(marie-vorobieff)_peasant-farmer-with-his-goat-1953 +landscape,Realism,camille-corot_bologne-sur-mer-view-from-the-high-cliffs-1860 +portrait,Baroque,rembrandt_portrait-of-joris-de-caullery-1632 +genre_painting,Realism,anders-zorn_vicke-1918 +religious_painting,Symbolism,james-ensor_christ-rising-up-to-heaven-1885 +genre_painting,Art_Nouveau_Modern,jacques-villon_la-parisienne-1904 +still_life,Realism,ilya-mashkov_still-life-1923 +portrait,Romanticism,konstantin-makovsky_portrait-22 +genre_painting,Rococo,thomas-gainsborough_the-watering-place-1777 +abstract_painting,Abstract_Expressionism,esteban-vicente_collage-with-yellow-blue-and-orange-1963 +religious_painting,Baroque,caravaggio_resurrection-of-lazarus-1609(1) +abstract_painting,Abstract_Expressionism,theodoros-stamos_moon-garden-1946 +religious_painting,Mannerism_Late_Renaissance,jacopo-pontormo_madonna-and-child-with-the-young-saint-john +abstract_painting,Minimalism,john-mclaughlin_untitled-1974(1) +landscape,Realism,franz-marc_cottages-on-the-dachau-marsh-1902 +cityscape,Impressionism,cornelis-vreedenburgh_the-flowermarket-on-the-singel-amsterdam-with-the-munttoren-beyond-1927 +portrait,Realism,vasily-perov_portrait-of-the-composer-anton-rubinstein-1870 +abstract_painting,Abstract_Expressionism,mostafa-dashti_untitled-2002 +portrait,Realism,konstantin-somov_portrait-of-baroness-alexandra-nolde +religious_painting,Northern_Renaissance,hans-memling_deposition-left-wing-of-a-diptych-1490 +sketch_and_study,High_Renaissance,michelangelo_the-study-of-adam-1 +cityscape,Post_Impressionism,maurice-prendergast_canal +landscape,Impressionism,claude-monet_poplars-on-the-banks-of-the-river-epte-overcast-weather +religious_painting,Naive_Art_Primitivism,marc-chagall_king-david-ii-samuel-vi-4-5 +landscape,Ukiyo_e,utagawa-kuniyoshi_sailing-boat +landscape,Symbolism,konstantin-somov_garden +landscape,Rococo,thomas-gainsborough_mountain-landscape-with-peasants-crossing-a-bridge-1784 +landscape,Symbolism,nicholas-roerich_sacred-himalayas-1933-1 +landscape,New_Realism,john-french-sloan_gloucester-inlet-1914 +abstract_painting,Abstract_Expressionism,louis-schanker_circle-image +cityscape,Pointillism,paul-signac_venice-the-pink-cloud-1909(1) +portrait,Baroque,rembrandt_portrait-of-a-man-possibly-the-poet-jan-harmensz-krul-1633 +religious_painting,Symbolism,salvador-dali_space-eve +abstract_painting,Color_Field_Painting,ian-davenport_untitled-circle-painting-12-multicoloured-panels-no-1-2003 +landscape,Post_Impressionism,pierre-bonnard_the-pony-1913 +portrait,Baroque,frans-hals_the-company-of-captain-reinier-reael-and-lieutenant-cornelis-michielsz-blaeuw-known-as-the-1637 +genre_painting,Symbolism,odilon-redon_homage-to-leonardo-da-vinci-1908 +portrait,Impressionism,mary-cassatt_lydia-cassatt-leaning-on-her-arms-seated-in-a-loge-1880 +genre_painting,Realism,ivan-vladimirov_the-revolt-of-the-peasants-in-the-village-sorochintsy +landscape,Romanticism,thomas-moran_children-of-the-mountain-1867 +landscape,Realism,ivan-shishkin_distance +cityscape,Post_Impressionism,gustave-loiseau_near-the-seine +religious_painting,Baroque,francisco-de-zurbaran_sainte-marine +genre_painting,Post_Impressionism,pierre-bonnard_the-terrace-at-vernon-1939 +portrait,Art_Nouveau_Modern,zinaida-serebriakova_portrait-of-a-peasant-woman-1910 +portrait,Impressionism,pierre-auguste-renoir_madame-claude-monet-1872 +religious_painting,Baroque,bernardo-strozzi_st-augustine-washing-the-feet-of-christ-1629 +genre_painting,Impressionism,mary-cassatt_sara-handing-a-toy-to-the-baby-1901 +religious_painting,Early_Renaissance,andrea-mantegna_judith-1475 +landscape,Post_Impressionism,theo-van-rysselberghe_pines-of-rayol-1912 +religious_painting,High_Renaissance,pietro-perugino_lady-in-throne-with-child-between-the-saints-and-john-augustine +portrait,Romanticism,sir-lawrence-alma-tadema_midday-slumbers +portrait,Cubism,kazimir-malevich_mower-1912 +landscape,Impressionism,t.-c.-steele_whitewater-river +portrait,Baroque,jacob-jordaens_portrait-of-a-young-lady-1638 +portrait,Rococo,louise-elisabeth-vigee-le-brun_bacchante-1785-1 +genre_painting,Impressionism,john-singer-sargent_venetian-interior-1 +landscape,Romanticism,john-atkinson-grimshaw_lovers-in-a-wood-1873 +abstract_painting,Color_Field_Painting,helen-frankenthaler_bilbao-1998 +genre_painting,Impressionism,maurice-prendergast_pincian-hill-rome-also-known-as-afternoon-pincian-hill-1898 +abstract_painting,Abstract_Expressionism,william-scott_message-obscure-i-1965 +genre_painting,Art_Nouveau_Modern,raphael-kirchner_girl-cyclists-1899 +genre_painting,Romanticism,ford-madox-brown_john-kay-inventor-of-the-fly-shuttle +portrait,Rococo,maurice-quentin-de-la-tour_nymph-followed-by-apollo +landscape,Realism,vasily-surikov_borjomi-1899 +abstract_painting,Abstract_Expressionism,willem-de-kooning_untitled-1 +portrait,Impressionism,pierre-auguste-renoir_young-girl-1905 +religious_painting,Symbolism,edward-burne-jones_the-vision-of-saint-catherine +genre_painting,Impressionism,camille-pissarro_september-fete-pontoise-1872 +landscape,Impressionism,claude-monet_morning-by-the-sea +landscape,Pointillism,henri-martin_playing-pipes-to-the-setting-sun-1898 +sketch_and_study,Expressionism,martiros-saryan_fantasy-1904 +abstract_painting,Color_Field_Painting,paul-jenkins_phenomena-french-west-indies +sketch_and_study,Realism,boris-kustodiev_portrait-of-ivan-moskvin-1914 +genre_painting,Cubism,vicente-manansala_candle-vendors-1976 +religious_painting,Northern_Renaissance,gerard-david_polyptych-of-cervara-st-mauro +landscape,Symbolism,nicholas-roerich_mount-m-1931 +religious_painting,Mannerism_Late_Renaissance,tintoretto_finding-of-the-body-of-st-mark +landscape,Realism,camille-corot_rocks-at-civita-castellana-1827 +genre_painting,Realism,giovanni-boldini_the-laundry-1874 +religious_painting,Baroque,francisco-de-zurbaran_saint-ursula-1650 +religious_painting,Romanticism,gustave-dore_the-new-jerusalem +religious_painting,Mannerism_Late_Renaissance,tintoretto_the-annunciation-to-manoah-s-wife-1558 +sketch_and_study,Expressionism,pablo-picasso_celestina-1904 +portrait,Rococo,thomas-gainsborough_georgiana-duchess-of-devonshire-1783 +portrait,Art_Nouveau_Modern,boris-kustodiev_a-merchant-in-a-fur-coat-1920 +genre_painting,Expressionism,jose-gutierrez-solana_chinese-torture +portrait,Mannerism_Late_Renaissance,titian_portrait-of-a-lady-in-white-1555 +cityscape,Rococo,bernardo-bellotto_arno-in-florence +genre_painting,Romanticism,francisco-goya_maja-and-celestina-on-a-balcony-1812 +landscape,Contemporary_Realism,john-miller_morjim-beach-goa +genre_painting,Impressionism,arthur-verona_harvest-1907 +still_life,Symbolism,kuzma-petrov-vodkin_still-life-with-inkwell-1934 +still_life,Pop_Art,patrick-caulfield_pottery-1969 +cityscape,New_Realism,edward-hopper_house-at-the-fort-gloucester +landscape,Pop_Art,patrick-procktor_lion-rocks-garden-soochow-1980 +portrait,Expressionism,amedeo-modigliani_jeanne-hebuterne-1918 +landscape,Romanticism,joseph-wright_lake-with-castle-on-a-hill +portrait,Expressionism,salvador-dali_toreo-noir +religious_painting,Romanticism,francisco-goya_the-arrest-of-christ-1798 +portrait,Romanticism,ivan-aivazovsky_portrait-of-senator-alexander-ivanovich-kaznacheyev-1848 +sketch_and_study,Realism,ivan-shishkin_study-for-the-trunks +still_life,Impressionism,camille-pissarro_still-life-with-apples-and-pitcher-1872 +genre_painting,Art_Nouveau_Modern,eugã¨ne-grasset_m-ditation-1897 +religious_painting,Northern_Renaissance,hans-memling_crucifixion +cityscape,Cubism,pablo-picasso_square-du-vert-galant-1943 +genre_painting,Impressionism,john-singer-sargent_the-hermit-1908 +religious_painting,Early_Renaissance,andrea-mantegna_scenes-from-the-life-of-st-christopher-1448-1 +portrait,Romanticism,dante-gabriel-rossetti_portrait-of-jane-morris +landscape,Post_Impressionism,david-burliuk_autumn-pond +religious_painting,Rococo,giovanni-battista-tiepolo_the-prophet-isaiah-1729 +landscape,Impressionism,armand-guillaumin_mountain-landscape-pontgibaud-village-in-peschadoire-1895 +landscape,Rococo,thomas-gainsborough_forest-landsape-with-mountain +genre_painting,Pointillism,georges-seurat_the-scene-in-the-theater +landscape,Impressionism,john-henry-twachtman_winter-harmony +cityscape,Expressionism,martiros-saryan_in-the-caucasus-tiflis-1907 +landscape,Impressionism,claude-monet_woodbearers-in-fontainebleau-forest +religious_painting,Symbolism,gustave-moreau_jacob-and-the-angel +portrait,Art_Nouveau_Modern,egon-schiele_seated-girl-with-bare-torso-and-light-blue-skirt-1911 +portrait,Naive_Art_Primitivism,fernando-botero_matador-1 +genre_painting,Realism,constantin-guys_deux-grisettes-et-deux-soldats +landscape,Impressionism,winston-churchill_distant-view-of-the-pyramids-1921-1(1) +sketch_and_study,Northern_Renaissance,rogier-van-der-weyden_head-of-the-virgin +sketch_and_study,Post_Impressionism,vincent-van-gogh_cypresses-1889-3(1) +portrait,Post_Impressionism,henri-matisse_auguste-pellerin-ii-1916 +abstract_painting,Color_Field_Painting,mark-rothko_untitled-8 +genre_painting,Realism,vincent-van-gogh_melancholy-1883 +portrait,Expressionism,amedeo-modigliani_pierre-edouard-baranowski-1918 +landscape,Post_Impressionism,victor-pasmore_the-park-1947 +abstract_painting,Abstract_Expressionism,bui-xuan-phai_abstract(2) +portrait,Impressionism,claude-monet_portrait-of-jean-monet-wearing-a-hat-with-a-pompom +abstract_painting,Abstract_Expressionism,brice-marden_couplet-iii-1989 +landscape,Post_Impressionism,pyotr-konchalovsky_apple-tree-in-blossom-1907 +landscape,Post_Impressionism,pyotr-konchalovsky_kazbek-1927 +cityscape,Expressionism,amadeo-de-souza-cardoso_a-clear-house-1916 +illustration,Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-fairy-tale-vasilisa-the-beautiful-1(1) +portrait,Impressionism,pierre-auguste-renoir_portrait-of-coco +sketch_and_study,Realism,valentin-serov_portrait-of-v-i-kachalov-1908 +sketch_and_study,Post_Impressionism,vincent-van-gogh_sheaves-of-wheat-1890 +still_life,Impressionism,pierre-auguste-renoir_three-partridges +cityscape,Naive_Art_Primitivism,louis-vivin_street-market +landscape,Impressionism,piet-mondrian_geinrust-farm-with-isolated-tree +cityscape,Rococo,bernardo-bellotto_freyung-in-vienna-view-from-the-southeast-1758 +cityscape,Realism,claude-monet_pont-of-honfleur-sun +abstract_painting,Abstract_Expressionism,john-hoyland_life-and-love +portrait,Impressionism,edouard-manet_parisienne-study-of-ellen-andree-1874 +illustration,Romanticism,gustave-dore_don-quixote-7 +portrait,Baroque,rembrandt_bust-of-a-young-woman-1632 +religious_painting,Early_Renaissance,fra-angelico_perugia-altarpiece-1448 +landscape,Naive_Art_Primitivism,henri-rousseau_landscape-with-farmer-1896 +sketch_and_study,High_Renaissance,michelangelo_design-for-julius-ii-tomb-first-version +portrait,Post_Impressionism,walter-sickert_sir-alec-martin-1935 +abstract_painting,Abstract_Expressionism,gene-davis_eskimo-map-1976 +landscape,Post_Impressionism,auguste-herbin_house-at-the-water-1905 +sketch_and_study,Realism,isaac-levitan_coast-of-the-lagoon-1896 +religious_painting,Symbolism,gustave-moreau_salome +landscape,Realism,homer-watson_near-the-close-of-a-stormy-day-1884 +nude_painting,Expressionism,edvard-munch_the-hands-1893 +sketch_and_study,Post_Impressionism,vincent-van-gogh_standing-female-nude-seen-from-the-back-1 +landscape,Impressionism,walter-battiss_landscape-with-houses +abstract_painting,Color_Field_Painting,morris-louis_buskin-1959 +landscape,Post_Impressionism,adam-baltatu_olt-river-at-cozia +genre_painting,Naive_Art_Primitivism,william-h.-johnson_breakdown-1941 +sketch_and_study,Impressionism,joaquã­n-sorolla_washerwomen-sketch +landscape,Baroque,adriaen-van-de-velde_beach-scene +portrait,Romanticism,george-frederick-watts_lady-margaret-beaumont-and-her-daughter-1862(1) +genre_painting,Art_Nouveau_Modern,carl-larsson_a-lady-reading-a-newspaper(1) +genre_painting,Baroque,gerard-terborch_the-lute-player-1668 +abstract_painting,Minimalism,yves-gaucher_untitled-2000 +genre_painting,Expressionism,arturo-souto_stamp-1929 +religious_painting,Symbolism,james-tissot_abraham-sees-sodom-in-flames +cityscape,Impressionism,kazimir-malevich_on-the-boulevard-1 +religious_painting,Baroque,josefa-de-obidos_nativity-of-jesus-1669 +cityscape,Expressionism,horia-bernea_ancient-romanian-landscape-ii-1999 +landscape,Post_Impressionism,pierre-bonnard_girl-with-a-dog-in-the-park-at-grand-lemps-also-known-as-dauphine-1900 +landscape,Impressionism,vasile-popescu_bridge-over-sabar-1942 +portrait,Romanticism,paul-cezanne_portrait-of-a-man-1864-1 +sketch_and_study,Post_Impressionism,vincent-van-gogh_sheet-with-sketches-of-figures-1890 +portrait,New_Realism,edward-hopper_self-portrait +genre_painting,Impressionism,lovis-corinth_bowling-alley-1913 +illustration,Romanticism,gustave-dore_a-friendly-tournament-during-the-third-crusade-in-1189-1877 +landscape,Realism,konstantin-makovsky_summer-day +religious_painting,Baroque,rembrandt_presentation-in-the-temple-1654 +genre_painting,Baroque,adriaen-van-ostade_a-fight-1 +cityscape,Romanticism,cornelis-springer_street-scene +landscape,Post_Impressionism,theo-van-rysselberghe_the-bay-of-st-clair-1923 +landscape,Romanticism,john-atkinson-grimshaw_blea-tarn-at-first-light-langdale-pikes-in-the-distance-1865 +cityscape,Impressionism,camille-pissarro_boulevard-montmartre-winter-morning-1897 +portrait,Post_Impressionism,paul-cezanne_portrait-of-madame-cezanne-in-a-red-dress +portrait,Rococo,carl-ludwig-johann-christineck_portrait-of-anna-muravyova-1768 +landscape,Art_Nouveau_Modern,nicholas-roerich_fortress-1909 +sketch_and_study,Romanticism,dante-gabriel-rossetti_the-beloved-study-the-bride-study-1865 +landscape,Expressionism,george-bouzianis_topio-sto-aixenaou-1925 +landscape,Impressionism,claude-monet_haystacks-at-sunset-frosty-weather-1891 +genre_painting,Realism,camille-corot_two-cowherds-in-a-meadow-by-the-water +landscape,Post_Impressionism,gustave-loiseau_by-the-eure-river-mist-effect-1905 +landscape,Impressionism,willard-metcalf_budding-oak +portrait,Realism,george-catlin_mah-to-toh-pe-four-bears-mandan-chief-1833 +genre_painting,Romanticism,arthur-hughes_home-from-the-sea-1862 +abstract_painting,Color_Field_Painting,victor-pasmore_blue-mandala-1978 +sketch_and_study,Post_Impressionism,vincent-van-gogh_orchard-with-blossoming-plum-trees-the-white-orchard-1888 +cityscape,Impressionism,childe-hassam_victory-day-may +nude_painting,Expressionism,edvard-munch_puberty-1894 +portrait,Art_Nouveau_Modern,gustav-klimt_the-women-friends-1917 +landscape,Symbolism,nicholas-roerich_karakoram +landscape,Post_Impressionism,karl-schrag_orange-earth-yellow-trees +portrait,Art_Nouveau_Modern,jacek-malczewski_portrait-of-jan-kasprowicz-1903 +portrait,Post_Impressionism,felix-vallotton_portrait-of-workshop-with-figure-my-wife-1902 +landscape,Realism,vasily-polenov_oka-summer +genre_painting,Realism,vasily-polenov_a-soldier-with-a-bundle-of-firewood-1883 +abstract_painting,Post_Impressionism,karl-schrag_nocturne-with-apple-tree-1966 +sketch_and_study,Symbolism,kuzma-petrov-vodkin_motherhood-1928 +religious_painting,High_Renaissance,pietro-perugino_resurrection-1500 +religious_painting,Baroque,rembrandt_anna-and-the-blind-tobit +portrait,Mannerism_Late_Renaissance,lavinia-fontana_portrait-of-gerolamo-mercuriale-1589 +portrait,Realism,john-singer-sargent_ruth-sears-bacon-1887 +landscape,Cubism,roger-de-la-fresnaye_landscape-at-ferte-soud-jouarre-1911 +nude_painting,Expressionism,amedeo-modigliani_reclining-nude-from-the-back-1917 +religious_painting,Baroque,jacob-jordaens_pieta +still_life,Post_Impressionism,ilya-mashkov_still-life-with-vegetables +genre_painting,Impressionism,childe-hassam_carriage-rue-bonaparte +still_life,Cubism,pablo-picasso_still-life-with-lemons-1907 +landscape,Romanticism,henryk-siemiradzki_landscape +religious_painting,Northern_Renaissance,dirk-bouts_the-lamentation-of-christ +abstract_painting,Cubism,fernand-leger_two-discs-in-the-city-1918 +illustration,Romanticism,gustave-dore_the-children-s-crusade-in-1212-1877 +abstract_painting,Abstract_Expressionism,raoul-ubac_zurich-1974 +cityscape,Pop_Art,hiro-yamagata_father-and-sons-1987 +landscape,Realism,charles-francois-daubigny_young-corn(1) +landscape,Romanticism,ivan-aivazovsky_roads-of-mljet-to-gudauri-1868 +religious_painting,Baroque,annibale-carracci_crucifixion-1583 +portrait,Rococo,dmitry-levitzky_portrait-of-f-p-makerovskiy-in-masquerade-costume-1789 +religious_painting,Mannerism_Late_Renaissance,el-greco_deposition-in-the-tomb +genre_painting,Impressionism,paul-cezanne_the-obstpfluckerin-1877 +genre_painting,Baroque,johannes-vermeer_a-maid-asleep +genre_painting,Romanticism,pavel-svinyin_fishmen +portrait,Romanticism,konstantin-makovsky_prince-oscar-bernadotte-duke-of-ostgotlandiya-1870 +landscape,Impressionism,claude-monet_rocks-at-port-coton-the-lion-rock-1886 +religious_painting,High_Renaissance,pietro-perugino_vallombrosa-altar-detail +abstract_painting,Color_Field_Painting,ray-parker_untitled-1961 +landscape,Impressionism,eugene-boudin_small-canal-at-quilleboeuf-1893 +portrait,Romanticism,jan-matejko_portrait-of-sister +landscape,Realism,vladimir-makovsky_summer-1896-2 +portrait,Impressionism,pierre-auguste-renoir_mademoiselle-georgette-charpentier +portrait,Expressionism,jan-sluyters_the-daughter-of-sormani-1917 +religious_painting,Northern_Renaissance,hieronymus-bosch_the-last-judgment-1516 +portrait,Realism,ilya-repin_portrait-of-l-n-yakovleva-1888 +cityscape,Post_Impressionism,maurice-utrillo_norvins-street-near-montmartre +religious_painting,Early_Renaissance,piero-della-francesca_annunciation-1464(1) +nude_painting,Baroque,agostino-carracci_jupiter-and-juno +religious_painting,Northern_Renaissance,hans-baldung_dagger-madonna +genre_painting,Impressionism,camille-pissarro_the-market-at-gisors-1899 +portrait,Realism,john-singer-sargent_mrs-wilton-phipps +genre_painting,Art_Nouveau_Modern,boris-kustodiev_frosty-morning-1913 +sketch_and_study,Naive_Art_Primitivism,david-burliuk_scientist-1952 +portrait,Impressionism,mary-cassatt_francoise-wearing-a-big-white-hat +still_life,Post_Impressionism,vincent-van-gogh_still-life-with-lemons-on-a-plate-1887 +nude_painting,Symbolism,wilhelm-kotarbinski_nude-in-the-reeds +sketch_and_study,Expressionism,paula-modersohn-becker_nude-girl-standing-arms-folded-behind-his-head +landscape,Post_Impressionism,maurice-prendergast_new-england +portrait,Rococo,jean-honore-fragonard_portrait-of-monsieur-de-la-breteche-brother-of-the-abbot-of-saint-non-1769 +illustration,Symbolism,william-blake_a-sunshine-holiday-1820(1) +landscape,Symbolism,nicholas-roerich_sanctuaries-and-citadels-1925-2 +portrait,Impressionism,pierre-auguste-renoir_portrait-of-a-woman-1892 +sketch_and_study,Realism,isaac-levitan_peasant-s-hut +landscape,Post_Impressionism,vincent-van-gogh_landscape-near-montmajour-with-train-1888 +landscape,Impressionism,isaac-levitan_springtime-in-the-crimea-1900 +religious_painting,Early_Renaissance,carlo-crivelli_flagellation-of-christ-1468 +portrait,Realism,ilya-repin_portrait-of-composer-and-journalist-pavel-ivanovich-blaramberg-1884 +sketch_and_study,Realism,vincent-van-gogh_seated-woman-2-1885 +genre_painting,Naive_Art_Primitivism,marc-chagall_musicians-on-a-green-background-1964 +genre_painting,New_Realism,john-french-sloan_movies-five-cents-1907 +genre_painting,Impressionism,jacek-malczewski_idyll +illustration,Art_Nouveau_Modern,kay-nielsen_east-of-the-sun-and-west-of-the-moon-1914-2 +portrait,Impressionism,pierre-auguste-renoir_vera-sertine-renoir-1914 +genre_painting,Naive_Art_Primitivism,pablo-picasso_dutchwoman-beside-the-canal-1905 +portrait,Romanticism,sir-lawrence-alma-tadema_cherries-1873 +religious_painting,Northern_Renaissance,mabuse_madonna-and-child-playing-with-the-veil +genre_painting,Naive_Art_Primitivism,raoul-dufy_the-surrender-of-the-frigate-1934 +nude_painting,Expressionism,ernst-ludwig-kirchner_standing-female-nude-in-frot-of-a-tent +portrait,Realism,octav-bancila_r-ncu-cu-ulcior-1910 +genre_painting,Realism,jean-francois-millet_the-sower-1850(1) +landscape,Impressionism,childe-hassam_the-sea +cityscape,Realism,boris-kustodiev_staraya-russa-1921 +portrait,Impressionism,edgar-degas_singer-with-a-glove-1878 +religious_painting,Northern_Renaissance,albrecht-durer_resurrection-1512 +portrait,Art_Nouveau_Modern,zinaida-serebriakova_portrait-of-a-ballerina-a-d-danilova-in-costume-for-the-ballet-armida-s-pavilion-1922 +landscape,Post_Impressionism,paul-cezanne_large-pine-and-red-earth-1895 +genre_painting,Rococo,william-hogarth_a-harlot-s-progress-plate-4 +landscape,Symbolism,martiros-saryan_sunrise-in-tumanyan-1952 +landscape,Impressionism,childe-hassam_hill-of-the-sun-san-anselmo-california +landscape,Realism,camille-corot_by-the-sea +religious_painting,High_Renaissance,pinturicchio_the-crucifixion-with-sts-jerome-and-christopher-1471 +portrait,Cubism,kazimir-malevich_the-reaper-on-red-1913 +landscape,Impressionism,joaquã­n-sorolla_field-in-asturias-1903 +landscape,Impressionism,claude-monet_the-rock-needle-and-the-porte-d-aval-1 +landscape,Realism,camille-corot_return-of-the-hayers-to-marcoussis +portrait,Baroque,diego-velazquez_queen-mariana-of-austria-1653 +portrait,Realism,nikolai-ge_portrait-of-v-n-rostovtseva +genre_painting,Impressionism,gustave-caillebotte_loaded-haycart +landscape,Post_Impressionism,maxime-maufra_morning-in-winter-1905 +abstract_painting,Color_Field_Painting,perle-fine_cool-series-no-29-cool-blue-cold-green-1963 +illustration,Romanticism,gustave-dore_the-two-goats +landscape,Impressionism,guy-rose_fig-trees-antibes-1910 +religious_painting,Romanticism,gustave-dore_a-famine-in-samaria +religious_painting,Baroque,yov-kondzelevych_icon-the-descent-of-the-holy-spirit-from-the-bilostok-monastery-iconostasis-early-18th-century +portrait,Impressionism,mary-cassatt_head-of-simone-in-a-large-plumes-hat-looking-left-1903 +landscape,Naive_Art_Primitivism,marc-chagall_summer-house-backyard-1918 +portrait,Ukiyo_e,utagawa-kuniyoshi_the-actor-1 +landscape,Realism,ivan-shishkin_cloudy-day +landscape,Pointillism,camille-pissarro_pear-trees-and-flowers-at-eragny-morning-1886 +still_life,Cubism,pablo-picasso_still-life-with-skull-on-an-armchair-1946 +genre_painting,Rococo,jean-baptiste-simeon-chardin_a-lady-who-takes-tea +landscape,Realism,mikhail-lebedev_in-giji-park-1837 +nude_painting,Pop_Art,pauline-boty_nude-woman-in-a-coastal-landscape +cityscape,Fauvism,pyotr-konchalovsky_bakhchisaray-1930 +landscape,Impressionism,pierre-auguste-renoir_strong-wind-gust-of-wind +portrait,Baroque,rembrandt_portrait-of-an-old-man-in-red-1654-1 +landscape,Realism,charles-francois-daubigny_a-corner-of-normandy +religious_painting,Symbolism,william-blake_the-angels-appearing-to-the-shepherds-1809 +landscape,Realism,vincent-van-gogh_quayside-with-ships-in-antwerp-1885 +abstract_painting,Minimalism,ralph-hotere_black-painting-indigo-violet-vi-1969 +genre_painting,Impressionism,edgar-degas_dancers-in-foyer-1890 +cityscape,Impressionism,camille-pissarro_the-pont-royal-and-the-pavillion-de-flore +abstract_painting,Abstract_Expressionism,robert-goodnough_pale-colors-on-runs +abstract_painting,Abstract_Expressionism,arthur-pinajian_untitled-landscape-woodstock-no-d153-1962 +genre_painting,Realism,vincent-van-gogh_scheveningen-woman-sewing-1882 +genre_painting,Baroque,bartolome-esteban-murillo_two-peasant-boys-1670 +portrait,Cubism,eduardo-viana_la-petite-1916 +landscape,Post_Impressionism,david-burliuk_spring-on-long-island(1) +portrait,Expressionism,johannes-itten_sitting-woman-1919 +illustration,Romanticism,gustave-dore_don-quixote-81 +cityscape,Post_Impressionism,edouard-cortes_place-from-a-knoll-sacred-heart +cityscape,Realism,theodore-rousseau_not_detected_198944 +portrait,Realism,vincent-van-gogh_fisherman-with-sou-wester-pipe-and-coal-pan-1883(1) +portrait,Romanticism,orest-kiprensky_portrait-of-ivan-petrovich-wolfe-1811 +landscape,Romanticism,richard-parkes-bonington_river-scene-in-france +cityscape,Expressionism,martiros-saryan_street-of-the-eastern-town-1909 +abstract_painting,Color_Field_Painting,barnett-newman_twelfh-station-1965 +genre_painting,Impressionism,henri-de-toulouse-lautrec_artilleryman-saddling-his-horse-1879 +sketch_and_study,Realism,vincent-van-gogh_women-working-in-the-peat-1883 +landscape,Impressionism,paul-signac_antibes-1917 +portrait,Post_Impressionism,lovis-corinth_carmencita-1924 +abstract_painting,Abstract_Expressionism,philip-guston_to-fellini-1958 +landscape,Expressionism,m.c.-escher_palm-tree +cityscape,Post_Impressionism,maurice-de-vlaminck_the-bridge-at-chatou-1906 +landscape,Impressionism,joaquã­n-sorolla_aim-of-ibiza +landscape,Realism,isaac-levitan_autumn-road-in-a-village-1877 +genre_painting,Expressionism,rafael-zabaleta_tiscar-pilgrimage +portrait,Post_Impressionism,vincent-van-gogh_woman-sitting-in-the-grass-1887 +sketch_and_study,Expressionism,pyotr-konchalovsky_leningrad-bank-bridge-1931 +abstract_painting,Color_Field_Painting,mark-rothko_black-on-maroon-3 +landscape,Post_Impressionism,constantine-maleas_thermos-of-itoloakarnania-1921 +portrait,Impressionism,pierre-auguste-renoir_girl-with-a-pink-ribbon +cityscape,Impressionism,konstantin-korovin_paris-boulevard-1939 +religious_painting,Rococo,giovanni-domenico-tiepolo_madonna-and-child-with-three-saints +still_life,Baroque,francisco-de-zurbaran_still-life-1633 +landscape,Realism,gustave-courbet_the-source-of-the-lison-1866 +genre_painting,Impressionism,childe-hassam_a-rainy-day-in-boston-1885 +illustration,Pop_Art,jorge-martins_os-sonetos-de-shakespeare +landscape,Baroque,hercules-seghers_landscape-with-armed-men-1635 +landscape,Impressionism,ivan-albright_near-eromsoe-norway +religious_painting,Rococo,benjamin-west_epponia-giving-bread-to-her-husband-sabinus-in-concealment +abstract_painting,Abstract_Expressionism,dan-christensen_tour-de-france-1989 +portrait,Impressionism,pierre-auguste-renoir_portrait-of-claude-monet-1875 +illustration,Art_Nouveau_Modern,ivan-bilibin_illustration-for-alexander-pushkin-s-fairytale-of-the-tsar-saltan-1905-4(1) +landscape,Symbolism,nicholas-roerich_ellora-1938 +still_life,Cubism,amedee-ozenfant_nacres-1926 +nude_painting,Cubism,pablo-picasso_nude-1909 +religious_painting,Northern_Renaissance,albrecht-durer_the-dead-christ-with-the-crown-of-thorns +portrait,Expressionism,amedeo-modigliani_head-of-a-woman +landscape,Realism,viktor-vasnetsov_pond-in-ochtir-1880 +genre_painting,Baroque,adriaen-van-de-venne_an-amorous-peasant-couple-conversing +genre_painting,Post_Impressionism,david-burliuk_peasant-working-in-a-field +portrait,Post_Impressionism,pyotr-konchalovsky_esther-1926 +religious_painting,Mannerism_Late_Renaissance,jacopo-pontormo_lamentation(1) +portrait,Realism,william-merritt-chase_a-young-roman +genre_painting,Impressionism,rudolf-schweitzer-cumpana_n-fa-a-vetrei-1927 +portrait,Pop_Art,andy-warhol_beethoven +portrait,Expressionism,amedeo-modigliani_the-typographer-pedro +abstract_painting,Pop_Art,burhan-dogancay_walls-v-2-1969 +landscape,Symbolism,konstantin-bogaevsky_star-light +landscape,Impressionism,isaac-levitan_a-village +nude_painting,Expressionism,jules-pascin_seated-nude-with-black-stockings-1906 +portrait,Northern_Renaissance,albrecht-durer_head-of-a-child +still_life,Realism,constantin-stahi_plums-at-the-edge-of-the-table-1905 +genre_painting,Cubism,roger-de-la-fresnaye_married-life-1913 +landscape,Realism,nikolai-ge_the-road-into-the-forest +landscape,Contemporary_Realism,jamie-wyeth_lifeline-1968 +portrait,Realism,vincent-van-gogh_peasant-girl-standing-1881 +portrait,Expressionism,zinaida-serebriakova_the-jewish-girl-from-sefrou-1932 +genre_painting,Impressionism,edouard-manet_the-laundry-1875 +still_life,Baroque,osias-beert_still-life-1 +genre_painting,Rococo,george-morland_skating-1792 +genre_painting,Expressionism,salvador-dali_the-two-on-the-cross +landscape,Impressionism,camille-pissarro_la-sente-du-chou-near-pontoise-1878 +abstract_painting,Abstract_Expressionism,jackson-pollock_the-tea-cup(1) +portrait,Post_Impressionism,william-h.-johnson_african-woman-study-in-tunis-1932 +portrait,Realism,gustave-courbet_portrait-of-amand-gautier-1867 +landscape,Impressionism,claude-monet_stormy-seascape-1 +portrait,Romanticism,theodore-gericault_portrait-of-rifleman +religious_painting,Mannerism_Late_Renaissance,paolo-veronese_mystic-marriage-of-st-catherine +landscape,Realism,vasily-polenov_house-porch-1870 +landscape,Impressionism,asgrimur-jonsson_scene-from-flj-tsdalsh-ra-in-east-iceland-1951 +genre_painting,Naive_Art_Primitivism,marc-chagall_return-from-the-synagogue +still_life,Expressionism,pyotr-konchalovsky_still-life-pink-notebook-and-handset-1929 +sketch_and_study,High_Renaissance,leonardo-da-vinci_drawing-of-locks-on-a-river +genre_painting,Naive_Art_Primitivism,tarsila-do-amaral_morro-da-favela-1945 +genre_painting,Romanticism,william-shayer_harvest-time +religious_painting,High_Renaissance,pietro-perugino_madonna-and-child-with-st-john-the-baptist-and-st-sebastian-1493 +portrait,Romanticism,konstantin-makovsky_woman-head +portrait,Romanticism,sir-lawrence-alma-tadema_miss-alice-lewis-1884 +portrait,Post_Impressionism,pyotr-konchalovsky_a-young-poser-from-the-village-samokrazhi-1928 +portrait,Realism,ilya-repin_student-nihilist-1883 +religious_painting,Northern_Renaissance,konrad-witz_madonna-and-saints-in-a-church +religious_painting,Romanticism,alfred-stevens_salome-1888 +religious_painting,Romanticism,dante-gabriel-rossetti_the-annunciation-1859 +sketch_and_study,Symbolism,kuzma-petrov-vodkin_portrait-of-m-f-petrova-vodkina +portrait,Post_Impressionism,ferdinand-hodler_portrait-of-helene-weigle +landscape,Fauvism,louis-valtat_antheor-bay-1907 +portrait,Pop_Art,howard-finster_florence-nightingale +cityscape,Impressionism,john-atkinson-grimshaw_canny-glasgow-1887 +landscape,Realism,volodymyr-orlovsky_landscape +landscape,Symbolism,nicholas-roerich_ashram-ceylon-1931 +religious_painting,Early_Renaissance,filippo-lippi_vision-of-st-augustine +sketch_and_study,Expressionism,tia-peltz_synagogue-entrance +portrait,Realism,leon-bonnat_portrait-de-madame-dot-zac-1902 +portrait,Post_Impressionism,henri-matisse_mlle-matisse-in-a-scotch-plaid-coat-1918 +illustration,Romanticism,gustave-dore_don-quixote-133 +genre_painting,Baroque,esaias-van-de-velde_flask-skaters-and-players-on-the-ice-in-the-farmyards +landscape,Contemporary_Realism,richard-whitney_spring-thaw +landscape,Impressionism,giuseppe-de-nittis_a-winter-s-landscape +landscape,Realism,volodymyr-orlovsky_lake-in-gatchina-park-1881 +portrait,Contemporary_Realism,konstantin-vasilyev_not-detected-272815 +portrait,Post_Impressionism,ding-yanyong_portrait-of-a-lady-1940 +landscape,Realism,fyodor-vasilyev_view-from-eriklik-study +cityscape,Impressionism,konstantin-korovin_on-the-square-1912 +religious_painting,High_Renaissance,leonardo-da-vinci_st-john-the-baptist +landscape,Post_Impressionism,vincent-van-gogh_harvest-in-provence-1888(1) +religious_painting,High_Renaissance,giorgione_virgin-and-child-the-tallard-madonna(2) +landscape,Expressionism,richard-diebenkorn_horizon-ocean-view +portrait,Impressionism,max-liebermann_ulrich-von-wilamowitz-moellendorff-1915 +landscape,Symbolism,ferdinand-hodler_saleve-in-autumn-1891 +genre_painting,Rococo,jean-honore-fragonard_the-prize-of-a-kiss-1760 +cityscape,Northern_Renaissance,jean-fouquet_guerre-entre-girard-de-cazaubon-et-le-comte-de-foix-reddition-de-roger-bernard-iii +portrait,Realism,william-merritt-chase_portrait-of-a-woman-1 +sketch_and_study,Rococo,joshua-reynolds_study-for-king-lear +landscape,Post_Impressionism,bertalan-por_landscape-in-krahovice-1914 +landscape,Impressionism,claude-monet_wooded-path-1865 +portrait,Baroque,rembrandt_portrait-of-rembrandt-van-rijn +portrait,Realism,alexey-venetsianov_the-farmer-with-folded-arms +portrait,Romanticism,john-constable_mrs-james-pulham-sr-1818 +religious_painting,Baroque,peter-paul-rubens_the-discovery-of-the-child-erichthonius +genre_painting,Baroque,johannes-vermeer_the-lacemaker +sketch_and_study,Realism,boris-kustodiev_portrait-of-i-v-ershov-1922 +religious_painting,Symbolism,gustave-moreau_susanna-and-the-elders +cityscape,Expressionism,ernst-ludwig-kirchner_railway-underpass-in-dresden-1926 +landscape,Impressionism,claude-monet_boats-at-rest-at-petit-gennevilliers +abstract_painting,Abstract_Expressionism,jean-paul-riopelle_forestine-1954 +genre_painting,Post_Impressionism,constantin-piliuta_the-backgammon-players +sketch_and_study,Romanticism,fyodor-bronnikov_the-head-of-judas-1874 +cityscape,Post_Impressionism,edouard-cortes_railway-ballast +genre_painting,Post_Impressionism,paul-gauguin_christmas-night-1894 +genre_painting,Baroque,gerrit-dou_the-night-school-1665 +portrait,Rococo,thomas-gainsborough_the-duke-and-duchess-of-cumberland-1785 +landscape,Realism,camille-corot_arleux-du-nord-the-drocourt-mill-on-the-sensee-1871 +still_life,Post_Impressionism,ion-pacea_natur-static-cu-sticl-albastr +cityscape,Impressionism,john-singer-sargent_under-the-rialto-bridge +sketch_and_study,Post_Impressionism,vincent-van-gogh_zouave-half-figure-1888 +landscape,Impressionism,pierre-auguste-renoir_landscape-1893 +genre_painting,Realism,constantin-guys_four-women-on-a-sofa +portrait,Northern_Renaissance,albrecht-durer_head-of-an-african +landscape,Post_Impressionism,vincent-van-gogh_landscape-with-snow-1888 +portrait,Art_Nouveau_Modern,jozsef-rippl-ronai_woman-with-a-chinese-cup-1920 +portrait,Rococo,benjamin-west_portrait-of-the-drummond-family-1781 +genre_painting,Symbolism,tivadar-kosztka-csontvary_pilgrimage-to-the-cedars-in-lebanon-1907 +portrait,Naive_Art_Primitivism,henri-rousseau_portrait-of-a-woman-1905 +religious_painting,Early_Renaissance,domenico-ghirlandaio_martyrdom-of-st-peter-martyr-1490 +genre_painting,Pop_Art,r.-b.-kitaj_if-not-not +portrait,Baroque,anthony-van-dyck_portrait-of-prince-charles-louis-elector-palatine-1641 +nude_painting,Impressionism,philip-wilson-steer_a-summer-s-evening +landscape,Impressionism,childe-hassam_amagansett-long-island +sketch_and_study,High_Renaissance,leonardo-da-vinci_the-anatomy-of-a-male-nude-and-a-battle-scene +religious_painting,Northern_Renaissance,albrecht-altdorfer_nativity-1525 +genre_painting,Impressionism,mary-cassatt_at-the-window-1889 +sketch_and_study,Baroque,bartolome-esteban-murillo_saint-isidore +cityscape,Post_Impressionism,pierre-bonnard_street-in-eragny-sur-oise-or-dogs-in-eragny-1893 +portrait,Realism,giovanni-boldini_a-portrait-of-emiliana-concha-de-ossa +portrait,Impressionism,pierre-auguste-renoir_coco-in-a-red-ribbon-1905 +illustration,Romanticism,gustave-dore_the-inferno-canto-32-2 +portrait,Post_Impressionism,paul-cezanne_seated-peasant-1900 +genre_painting,Impressionism,camille-pissarro_haymaker +landscape,Realism,james-tissot_behold-he-standeth-behind-our-wall-1894 +genre_painting,Impressionism,eugene-boudin_the-beach-at-trouville +portrait,Rococo,antoine-pesne_joanna-elisabeth-of-holstein-gottorp +portrait,Romanticism,henry-raeburn_the-archers +landscape,Impressionism,claude-monet_vetheuil-in-the-fog-1879 +still_life,Post_Impressionism,martiros-saryan_bouquet-of-flowers-1946 +cityscape,Post_Impressionism,tivadar-kosztka-csontvary_street-in-athen-1904 +religious_painting,Mannerism_Late_Renaissance,paolo-veronese_crucifixion +portrait,Realism,alexey-venetsianov_portrait-of-the-merchant-s-wife-obraztsova +landscape,Impressionism,gustave-caillebotte_the-garden-of-petit-gennevillers-the-pink-roofs +genre_painting,Baroque,jan-steen_doctor-s-visit-1665 +illustration,Romanticism,gustave-dore_puss-in-boots +sketch_and_study,Post_Impressionism,vincent-van-gogh_peasant +cityscape,Impressionism,giuseppe-de-nittis_the-place-des-pyramides-paris-1875 +religious_painting,Northern_Renaissance,jean-fouquet_the-funeral-of-the-virgin-1460 +portrait,Post_Impressionism,theo-van-rysselberghe_portrait-of-madame-goldner-max-and-her-daughter-juliette +portrait,Realism,alexey-venetsianov_a-peasant-girl-with-embroidery +genre_painting,Realism,nicolae-grigorescu_farmhouse-yard +portrait,High_Renaissance,giorgione_portrait-of-a-youth-antonio-broccardo-1500(2) +religious_painting,Baroque,rembrandt_the-crucifixion-an-oval-plate-1640 +still_life,Expressionism,nikolaos-lytras_seville-oranges +landscape,Fauvism,jan-sluyters_sunrise-1910 +religious_painting,Northern_Renaissance,hugo-van-der-goes_death-of-the-virgin +abstract_painting,Color_Field_Painting,sam-francis_composition +genre_painting,Realism,winslow-homer_inside-the-bar +religious_painting,Northern_Renaissance,hieronymus-bosch_death-and-the-miser-1490-1 +religious_painting,Mannerism_Late_Renaissance,titian_mocking-of-christ-1575 +religious_painting,Early_Renaissance,jacopo-bellini_saint-anthony-abbot-and-saint-bernardino-da-siena-1460 +landscape,Symbolism,roger-de-la-fresnaye_the-entrance-to-the-village +genre_painting,Cubism,pablo-picasso_lovers-1919 +landscape,Romanticism,vasily-tropinin_not_detected_241133 +still_life,Realism,henri-fantin-latour_peaches-and-grapes-1896 +genre_painting,Baroque,jan-steen_doctor-s-visit-1 +genre_painting,Symbolism,henri-fantin-latour_bathers-i +landscape,Realism,ferdinand-hodler_the-road-to-a-particular-interest-1890 +portrait,Post_Impressionism,maurice-denis_sleeping-woman-1892 +landscape,Expressionism,jack-bush_woods-in-autumn-1944 +illustration,Romanticism,gustave-dore_don-quixote-123 +landscape,Post_Impressionism,vincent-van-gogh_wheat-field-behind-saint-paul-hospital-with-a-reaper-1889 +religious_painting,Symbolism,james-tissot_jesus-unrolls-the-book-in-the-synagogue-1894 +landscape,Impressionism,childe-hassam_norman-s-woe-gloucester-massachusetts +landscape,Realism,camille-corot_view-at-riva-italian-tyrol-1834 +portrait,Expressionism,ernst-ludwig-kirchner_head-of-dr-bauer-1 +landscape,Impressionism,alfred-sisley_saint-mammes-dam-1885-1 +religious_painting,Symbolism,gustave-moreau_st-sebastian-and-the-angel-1876 +genre_painting,Impressionism,childe-hassam_park-monceau-paris +abstract_painting,Abstract_Expressionism,esteban-vicente_orange-red-black-1962 +landscape,Contemporary_Realism,gilles-aillaud_delta-1992 +landscape,Post_Impressionism,constantine-maleas_landscape-of-attica-1920 +landscape,Romanticism,john-atkinson-grimshaw_an-autumn-lane +portrait,Romanticism,pierre-paul-prud'hon_louis-antoine-de-saint-just-1793 +genre_painting,Romanticism,paul-cezanne_the-rum-punch-1867 +genre_painting,Realism,vladimir-makovsky_at-the-doctor-s-1900 +landscape,Realism,isaac-levitan_water-margin-a-pond +landscape,Post_Impressionism,vincent-van-gogh_trees-in-the-asylum-garden-1889 +portrait,Art_Nouveau_Modern,gustav-klimt_not_detected_191524-1918 +portrait,Expressionism,pyotr-konchalovsky_portrait-of-an-italian-pianist-and-conductor-carlo-tsekki-1930 +sketch_and_study,Symbolism,nicholas-roerich_study-cry-of-the-serpent-1914 +genre_painting,Impressionism,edgar-degas_women-on-a-cafe-terrace-in-the-evening-1877 +landscape,Impressionism,claude-monet_apple-trees-in-bloom-at-giverny-1901(1) +sketch_and_study,Northern_Renaissance,albrecht-durer_anna-selbdritt +abstract_painting,Abstract_Expressionism,paul-jenkins_phenomena-astral-tundra-1986 +portrait,Expressionism,george-mavroides_effie-1959 +genre_painting,Impressionism,john-singer-sargent_the-fountain-villa-torlonia-frascati-italy-1907 +genre_painting,Impressionism,maurice-prendergast_picnic-with-red-umbrella +religious_painting,Symbolism,gustave-moreau_the-wicked-rich-and-the-poor-lazarus-1878 +religious_painting,Northern_Renaissance,jan-van-hemessen_st-jerome-1 +still_life,Cubism,georges-braque_fruit-on-a-tablecloth-with-a-fruitdish-1925 +abstract_painting,Color_Field_Painting,gene-davis_cold-turkey-1973 +landscape,Post_Impressionism,charles-reiffel_foggy-morning-no-2-1895 +portrait,Realism,columbano-bordalo-pinheiro_retrato-de-te-filo-braga-1917 +portrait,Romanticism,karl-bryullov_portrait-of-v-a-kornilov-on-board-the-brig-themistocles +cityscape,Realism,eugene-boudin_the-port-portrieux-1873 +abstract_painting,Cubism,albert-gleizes_untitled-4 +cityscape,Post_Impressionism,gustave-loiseau_quay-at-dieppe-1902 +landscape,Impressionism,arkhip-kuindzhi_rainbow-1 +still_life,Synthetic_Cubism,juan-gris_pedistal-table-in-front-of-the-window-1921 +abstract_painting,Minimalism,richard-serra_untitled-1972 +religious_painting,Northern_Renaissance,jan-van-eyck_st-jerome-in-his-study-1432 +religious_painting,Early_Renaissance,antonello-da-messina_st-sebastian-1477 +religious_painting,Romanticism,dante-gabriel-rossetti_the-passover-in-the-holy-family-gathering-bitter-herbs-1856 +religious_painting,Northern_Renaissance,hieronymus-bosch_the-garden-of-earthly-delights-1 +cityscape,Impressionism,rudolf-schweitzer-cumpana_peisaj-din-balcic-1938 +landscape,Impressionism,john-singer-sargent_villa-torlonia-fountain-1907-2 +abstract_painting,Color_Field_Painting,sam-gilliam_blue-line-2004 +portrait,Rococo,francois-boucher_head-of-a-woman-from-behind +genre_painting,Baroque,adriaen-van-de-velde_milking-a-cow-1666 +religious_painting,High_Renaissance,raphael_isaac-and-rebecca-spied-upon-by-abimelech-1519 +portrait,Baroque,anthony-van-dyck_portrait-of-jacques-le-roy-1631 +cityscape,Symbolism,nicholas-roerich_church-of-assumption-in-pskov +abstract_painting,Abstract_Expressionism,sam-francis_emblem-8-1-1959 +abstract_painting,Abstract_Expressionism,sam-francis_middle-blue-iii-1959 +portrait,Realism,leon-bonnat_pierre-bienvenu-noailles-1899 +landscape,Impressionism,childe-hassam_sailing-ship-locked-in-ice +abstract_painting,Color_Field_Painting,barnett-newman_achilles-1952 +portrait,Realism,ilya-repin_portrait-of-sophia-dragomirova-1889 +genre_painting,Impressionism,eugene-boudin_trouville-the-fish-market-1884 +cityscape,Impressionism,william-merritt-chase_after-the-rain +genre_painting,Expressionism,ernst-ludwig-kirchner_postdamerplatz +abstract_painting,Abstract_Expressionism,abidin-dino_unknown-title-8 +nude_painting,Cubism,henri-laurens_femme-tendue-1936 +religious_painting,Northern_Renaissance,gerard-david_the-marriage-at-cana +landscape,Post_Impressionism,rafael-zabaleta_fique-landscape +landscape,Impressionism,alfred-sisley_the-seine-at-suresnes-1877 +abstract_painting,Abstract_Expressionism,sam-francis_ammonite-sfm-82-063-1982(1) +genre_painting,Fauvism,henri-matisse_woman +landscape,Impressionism,konstantin-korovin_the-bridge-at-the-mill-1908 +portrait,Realism,giovanni-boldini_portrait-of-guiseppe-verdi-1813-1901-1886 +portrait,Romanticism,francisco-goya_pepito-costa-and-bonells-1813 +portrait,Expressionism,pyotr-konchalovsky_family-portrait-siena-1912 +cityscape,Impressionism,eugene-boudin_dunkirk-festival-day-1889 +nude_painting,Romanticism,sir-lawrence-alma-tadema_a-sculptor-s-model-venus-esquilina +religious_painting,Mannerism_Late_Renaissance,paolo-veronese_the-dream-of-saint-helena +landscape,Realism,ivan-shishkin_forest-landscape-1874 +landscape,Romanticism,pavel-svinyin_niagara-falls +genre_painting,Realism,vincent-van-gogh_woman-sien-with-baby-on-her-lap-half-figure-1882 +portrait,Impressionism,theo-van-rysselberghe_portrait-of-marguerite-van-mons-1886 +portrait,Pop_Art,howard-finster_leonardo-da-vinci-1991 +portrait,Expressionism,amedeo-modigliani_portrait-of-madame-survage-1918 +abstract_painting,Color_Field_Painting,theodoros-stamos_infinity-field-lefkada-series-1982 +cityscape,Realism,alexey-bogolyubov_baku-embankment-1861 +genre_painting,Romanticism,konstantin-makovsky_reaper +landscape,Realism,mihaly-munkacsy_corn-field-1874 +cityscape,Art_Nouveau_Modern,nicholas-roerich_towns-1914-1 +religious_painting,Baroque,francisco-de-zurbaran_the-immaculate-conception-with-saint-joachim-and-saint-anne-1640 +still_life,Impressionism,ion-theodorescu-sion_still-life-with-grapes-and-apples-1934 +religious_painting,Early_Renaissance,benozzo-gozzoli_view-of-the-main-apsidal-chapel-1452 +cityscape,Realism,alexey-bogolyubov_pisa-view-of-the-baptistery-and-the-cathedral-1863 +illustration,Symbolism,william-blake_illustration-to-milton-s-paradise-lost-1807-3 +genre_painting,Post_Impressionism,henri-matisse_reading-woman-with-parasol-1921 +sketch_and_study,High_Renaissance,michelangelo_study-of-christ-on-the-cross-between-the-virgin-and-st-john-the-evangelist +abstract_painting,Color_Field_Painting,paul-feeley_thera-or-pompeia-1957 +genre_painting,Post_Impressionism,pierre-bonnard_race-at-bologne-1910 +portrait,Realism,thomas-eakins_portrait-of-dr-edward-anthony-spitzka +cityscape,Romanticism,william-turner_carisbrook-castle-isle-of-wight +portrait,Northern_Renaissance,hans-holbein-the-younger_portrait-of-jane-seymour +abstract_painting,Minimalism,robert-mangold_green-column-figure-2003 +landscape,Symbolism,nicholas-roerich_tulola-1918 +landscape,Expressionism,wassily-kandinsky_blue-mountain-1908 +sketch_and_study,Realism,vincent-van-gogh_a-girl-in-a-wood-1882(1) +genre_painting,Realism,vincent-van-gogh_old-man-reeling-yarn-1884 +abstract_painting,Color_Field_Painting,barnett-newman_the-third-1964 +sketch_and_study,Realism,vincent-van-gogh_three-studies-of-a-woman-with-a-shawl-1885 +sketch_and_study,Realism,ilya-repin_zaporozhtsy-1878 +portrait,Post_Impressionism,vanessa-bell_virginia-woolf-1912 +landscape,Impressionism,alfred-sisley_the-seine-at-bougival-1876-1 +genre_painting,Realism,vincent-van-gogh_woman-with-white-shawl-in-a-wood-1882 +abstract_painting,Color_Field_Painting,guido-molinari_untitled-1953 +abstract_painting,Color_Field_Painting,piero-dorazio_composite +cityscape,Fauvism,ilya-mashkov_view-of-moscow-myasnitsky-district-1913 +religious_painting,Art_Nouveau_Modern,mikhail-vrubel_descent-of-holy-spirit-on-the-apostles-1885 +genre_painting,Romanticism,sir-lawrence-alma-tadema_preparations-for-the-festivities-1866 +portrait,Ukiyo_e,utagawa-kuniyoshi_woman-seated-under-a-cherry-blossoms +landscape,Baroque,hercules-seghers_river-valley +portrait,Rococo,maurice-quentin-de-la-tour_honore-armand-duke-of-villars +sketch_and_study,Realism,james-tissot_judaic-ornament-1889 +genre_painting,Realism,ilya-repin_the-surgeon-e-pavlov-in-the-operating-theater-1888 +portrait,Expressionism,iosif-iser_baletist-1930 +abstract_painting,Abstract_Expressionism,sam-francis_untitled-l-i112-1990 +cityscape,Expressionism,frank-auerbach_to-the-studios-1991 +genre_painting,Realism,henri-matisse_the-maid-1896 +landscape,Symbolism,nicholas-roerich_himalayas-6 +still_life,Analytical_Cubism,georges-braque_violin-and-jug-1910 +genre_painting,Expressionism,lucian-freud_red-haired-man-on-a-chair-1963 +landscape,Impressionism,georges-seurat_a-house-between-trees-1883 +religious_painting,Symbolism,mikhail-nesterov_the-vision-of-the-young-bartholomew-1890 +portrait,Realism,columbano-bordalo-pinheiro_a-locandeira-1897 +portrait,Baroque,pieter-de-hooch_dutch-family +portrait,Realism,ivan-kramskoy_portrait-of-dr-karl-a-rauhfus-1887 +cityscape,Symbolism,kazimir-malevich_town-1910 +portrait,Realism,pierre-auguste-renoir_the-painter-alfred-sisley-1868 +genre_painting,Realism,nikolay-bogdanov-belsky_reading-the-letter +landscape,Romanticism,john-atkinson-grimshaw_forge-valley-scarborough-1875 +abstract_painting,Minimalism,li-yuan-chia_folding-scroll-1963 +portrait,Impressionism,camille-pissarro_seated-peasant-woman +genre_painting,Expressionism,gerard-sekoto_three-men-walking-1940 +genre_painting,Impressionism,joaquã­n-sorolla_mother-1895 +still_life,Cubism,georges-braque_a-black-pedestal-1919 +landscape,Impressionism,john-henry-twachtman_winter-1 +still_life,Impressionism,pierre-auguste-renoir_melon-and-tomatos +genre_painting,Post_Impressionism,maurice-prendergast_st-malo-4 +portrait,Realism,john-everett-millais_portrait-of-lord-alfred-tennyson +cityscape,Romanticism,ivan-aivazovsky_view-of-constantinople-by-evening-light-1846 +nude_painting,Romanticism,polychronis-lembesis_nude-1877 +genre_painting,Impressionism,mary-cassatt_a-kiss-for-baby-anne-no-2-1897 +portrait,Baroque,agostino-carracci_portrait-of-annibale-ludovico-and-agostino-carracci +cityscape,Impressionism,pierre-auguste-renoir_bathers-on-the-banks-of-the-thone-in-avignon-1910 +portrait,Impressionism,konstantin-korovin_portrait-of-a-woman-1917 +genre_painting,Impressionism,william-merritt-chase_the-moorish-warrior-1876 +abstract_painting,Minimalism,pino-pinelli_pittura-gr-1979 +landscape,Impressionism,alfred-sisley_the-lane-of-poplars-at-moret-sur-loing-1890 +abstract_painting,Abstract_Expressionism,joan-miro_the-flight-of-the-dragonfly-in-front-of-the-sun +sketch_and_study,Post_Impressionism,vincent-van-gogh_two-men-on-a-road-with-pine-trees-1890 +genre_painting,Baroque,jan-steen_little-collector-1665 +landscape,Post_Impressionism,paul-cezanne_village-in-the-provence +abstract_painting,Minimalism,andre-pierre-arnal_pliage-folded-painting-1973 +nude_painting,Realism,julius-leblanc-stewart_nude-in-an-interior-1914(1) +landscape,Impressionism,konstantin-korovin_at-the-pool-1917 +portrait,Expressionism,henri-matisse_seated-figure-striped-carpet-1920 +portrait,Realism,ilya-repin_head-of-a-man +abstract_painting,Abstract_Expressionism,geta-bratescu_medeic-callisthetic-moves-iii-1981 +genre_painting,Impressionism,eliseu-visconti_in-the-summer +genre_painting,Romanticism,karl-bryullov_italian-woman-lightning-a-lamp-in-front-of-the-image-of-madonna(1) +landscape,Post_Impressionism,paul-cezanne_the-brook-1900 +genre_painting,Post_Impressionism,gwen-john_girl-reading-at-the-window-1911 +portrait,Baroque,diego-velazquez_cardinal-camillo-massimi-1650 +religious_painting,Rococo,francisco-bayeu-y-subias_asunci-n-de-la-virgen-1760 +genre_painting,Realism,fernand-khnopff_listening-to-schumann-1883 +genre_painting,Ukiyo_e,utagawa-kuniyoshi_suikoden-series-2 +portrait,Expressionism,zinaida-serebriakova_dancer-1924 +cityscape,Pointillism,georges-seurat_suburb-1882 +religious_painting,Early_Renaissance,piero-della-francesca_the-dream-of-constantine-1464(1) +genre_painting,Baroque,gabriel-metsu_woman-reading-a-letter +genre_painting,Impressionism,pierre-auguste-renoir_mother-and-child +sketch_and_study,Expressionism,amedeo-modigliani_redhead-girl-1915 +genre_painting,Baroque,adriaen-van-ostade_three-peasants-at-an-inn +cityscape,Post_Impressionism,vincent-van-gogh_exterior-of-a-restaurant-at-asnieres-1887(1) +abstract_painting,Color_Field_Painting,mark-rothko_not_detected_242124 +landscape,Post_Impressionism,gustave-loiseau_cliffs-at-cape-frehel-1905-1 +landscape,Impressionism,camille-pissarro_the-lock-at-pontoise +still_life,Baroque,josefa-de-obidos_natureza-morta-caixa-com-potes-1660 +portrait,Northern_Renaissance,hans-baldung_count-christoph-i-of-baden-1515 +genre_painting,Impressionism,mary-cassatt_woman-and-child-1888 +religious_painting,Northern_Renaissance,hieronymus-bosch_death-and-the-miser-1516 +portrait,Naive_Art_Primitivism,diego-rivera_portrait-of-the-young-girl-elenita-carrillo-flores-1952 +portrait,Realism,edouard-manet_portrait-of-ernest-cabaner-1880 +genre_painting,Impressionism,edgar-degas_racehorses-in-a-landscape-1894 +portrait,Impressionism,lovis-corinth_woman-in-a-deck-chair-by-the-window-1913 +illustration,Symbolism,william-blake_illustration-to-book-of-job-2 +genre_painting,Impressionism,william-merritt-chase_child-on-a-garden-walk +portrait,Impressionism,pierre-auguste-renoir_woman-s-head-5 +cityscape,Romanticism,cornelis-springer_city-view-with-figures +portrait,Northern_Renaissance,hans-holbein-the-younger_the-ambassadors-1533 +sketch_and_study,Realism,vasily-surikov_head-of-boyarynya-morozova-study-1886 +genre_painting,Impressionism,claude-monet_boaters-at-argenteuil +portrait,Impressionism,pierre-auguste-renoir_head-of-a-young-woman-wearing-a-blue-scarf-madame-henriot-1876 +portrait,Impressionism,pierre-auguste-renoir_jean-renoir-as-a-hunter-1910 +portrait,Romanticism,alexander-shilov_olga-leznik-1996 +landscape,Realism,pyotr-konchalovsky_cottages +cityscape,Baroque,canaletto_san-cristoforo-san-michele-murano +landscape,Realism,alfred-sisley_dorfstrasse-in-marlotte-1866 +sketch_and_study,Realism,vasily-perov_executed-by-pugachev-1878 +sketch_and_study,Impressionism,arthur-verona_neagoe-basarab-study +landscape,Baroque,hercules-seghers_town-with-four-towers +genre_painting,New_Realism,yiannis-tsaroychis_the-forgoten-guards +landscape,Impressionism,claude-monet_valley-of-the-creuse-sunset-2 +abstract_painting,Abstract_Expressionism,milton-resnick_dark-forest-1975 +illustration,Art_Nouveau_Modern,aubrey-beardsley_the-climax-1893 +landscape,Symbolism,martiros-saryan_armenia-1957 +portrait,Post_Impressionism,henri-de-toulouse-lautrec_gustave-lucien-dennery-1883 +genre_painting,Baroque,anthony-van-dyck_emperor-theodosius-forbidden-by-st-ambrose-to-enter-milan-cathedral-1620 +portrait,Impressionism,pierre-auguste-renoir_serving-girl-from-duval-1874 +portrait,Symbolism,edward-burne-jones_margaret +religious_painting,Naive_Art_Primitivism,marc-chagall_moses-1966 +landscape,Impressionism,winston-churchill_winter-sunshine-chartwell +cityscape,Naive_Art_Primitivism,raoul-dufy_the-square-in-hyeres +genre_painting,Romanticism,karl-bryullov_mother-awoken-by-her-crying-child(1) +religious_painting,High_Renaissance,correggio_the-vision-of-st-john-in-patmos(2) +portrait,Northern_Renaissance,hans-memling_portrait-of-an-old-woman-1472 +portrait,Post_Impressionism,pierre-bonnard_ice-palace +abstract_painting,Color_Field_Painting,brice-marden_elements-v +religious_painting,Romanticism,gustave-dore_all-dwellings-else-flood-overwhelmed-and-them-with-all-their-pomp-deep-under-water-rolled +genre_painting,Symbolism,gustave-moreau_death-offers-crowns-to-the-winner-of-the-tournament +landscape,Realism,vasily-polenov_the-river-oyat-1880-1 +portrait,Realism,john-singer-sargent_olga-baroness-de-meyer-1907 +religious_painting,High_Renaissance,lorenzo-lotto_wings-of-a-triptych-st-sebastian-st-christopher-1531 +sketch_and_study,Post_Impressionism,vincent-van-gogh_fishing-boats-on-the-beach-at-les-saintes-maries-de-la-mer-1888-1(1) +still_life,Baroque,willem-kalf_still-life-with-fruit-glassware-and-a-wanli-bowl-1659 +portrait,Pop_Art,andy-warhol_ingrid +genre_painting,Pointillism,umberto-boccioni_riot-in-the-galleria-1909 +landscape,Art_Nouveau_Modern,anna-ostroumova-lebedeva_view-of-the-alcazar-segovia +landscape,Realism,david-burliuk_florida-1948 +abstract_painting,Color_Field_Painting,ronnie-landfield_jubilant-blue-1972 +nude_painting,Expressionism,bela-czobel_nude-with-red-turban-1926 +portrait,Realism,isaac-levitan_portrait-of-writer-anton-chekhov-1886 +landscape,Expressionism,martiros-saryan_fellah-village-1911-3 +religious_painting,Romanticism,gustave-dore_conversion-of-saul +portrait,Romanticism,theodore-gericault_colin-alexander-painter +sketch_and_study,Baroque,rembrandt_self-portrait-10 +portrait,Impressionism,camille-pissarro_turkey-girl-1884 +portrait,Post_Impressionism,theophrastos-triantafyllidis_woman-in-white +portrait,Baroque,francesco-solimena_portrait-of-charles-vi-holy-roman-emperor-1685-1740 +abstract_painting,Minimalism,richard-tuttle_20-pearls-d-2007 +religious_painting,Northern_Renaissance,albrecht-altdorfer_christ-taking-leave-of-his-mother-1520 +landscape,Impressionism,pierre-auguste-renoir_young-woman-in-a-landscape-cagnes +sketch_and_study,Romanticism,ferdinand-georg-waldmã¼ller_tree-studies-from-rome-1846 +portrait,Impressionism,guy-rose_five-o-clock-1910 +landscape,Impressionism,pierre-auguste-renoir_rocky-craggs-at-l-estaque-1882 +religious_painting,Baroque,alonzo-cano_education-of-the-virgin +genre_painting,Impressionism,willard-metcalf_the-ballet-dancers-aka-the-dressing-room +landscape,Post_Impressionism,moise-kisling_not-identified-15 +genre_painting,New_Realism,john-french-sloan_gray-and-brass-1907 +religious_painting,Baroque,peter-paul-rubens_the-fall-of-the-damned +portrait,Mannerism_Late_Renaissance,tintoretto_portrait-of-a-venetian-senator +genre_painting,Post_Impressionism,pablo-picasso_child-with-dove-1901 +landscape,Post_Impressionism,pyotr-konchalovsky_essentuki-1948 +abstract_painting,Abstract_Expressionism,sam-francis_green-buddha-1977 +landscape,Realism,camille-pissarro_the-versailles-road-at-louveciennes-1869 +religious_painting,Symbolism,nicholas-roerich_mother-of-the-world-1924 +genre_painting,High_Renaissance,raphael_the-fire-in-the-borgo-1514 +portrait,Rococo,william-hogarth_inigo-jones +sketch_and_study,Romanticism,dante-gabriel-rossetti_image-of-artist-and-his-exotic-pet-1871 +portrait,Contemporary_Realism,richard-whitney_norma-safford +landscape,Realism,theodore-rousseau_not_detected_198953 +genre_painting,Baroque,gerrit-dou_woman-eating-porridge +sketch_and_study,High_Renaissance,leonardo-da-vinci_studies-for-a-nativity +landscape,Baroque,rembrandt_small-gray-landscape-a-house-and-trees-beside-a-pool-1640 +abstract_painting,Abstract_Expressionism,sam-francis_falling-star-l-l249-1981 +sketch_and_study,Northern_Renaissance,albrecht-durer_arrest-of-christ-1 +nude_painting,Realism,john-singer-sargent_seated-model-with-drapery +landscape,Post_Impressionism,vincent-van-gogh_thistles-1888 +genre_painting,Impressionism,edgar-degas_three-dancers-in-pink +still_life,Impressionism,vanessa-bell_pheasants-1931 +landscape,Impressionism,paul-cezanne_etude-paysage-a-auvers-1873 +genre_painting,Expressionism,albert-bloch_prize-fight +portrait,Cubism,julio-gonzalez_femme-tendue-lisant-1929 +religious_painting,Baroque,anthony-van-dyck_golgotha-1630 +abstract_painting,Minimalism,john-mclaughlin_number-12-1970 +abstract_painting,Color_Field_Painting,luis-feito_471 +sketch_and_study,Mannerism_Late_Renaissance,jacopo-pontormo_group-of-the-dead +genre_painting,Romanticism,dante-gabriel-rossetti_the-day-dream-1880 +genre_painting,Romanticism,theodore-gericault_a-hitched-wagon +portrait,Realism,boris-kustodiev_portrait-of-i-m-markov-1921 +religious_painting,Symbolism,salvador-dali_rubus-incombustus-exodus-3-2-1967 +genre_painting,Post_Impressionism,henri-matisse_woman-with-mandolin-1922 +abstract_painting,Color_Field_Painting,ellsworth-kelly_spectrum-1973 +religious_painting,Baroque,jacques-stella_sainte-cecile-playing-the-organ +nude_painting,Impressionism,pierre-auguste-renoir_reclining-model-1906 +portrait,Baroque,aleksey-antropov_portrait-of-brigadier-michael-dmitrievich-buturlin +religious_painting,Mannerism_Late_Renaissance,paolo-veronese_martyrdom-of-st-justina-1556 +genre_painting,Impressionism,camille-pissarro_poultry-market-at-gisors-1889 +religious_painting,Romanticism,eduard-von-gebhardt_christus-und-die-j-nger-von-emmaus-1914 +portrait,Expressionism,egon-schiele_portrait-of-dr-viktor-ritter-von-bauer-1917 +abstract_painting,Abstract_Expressionism,sam-francis_taches-untitled-1972 +sketch_and_study,Expressionism,chronis-botsoglou_study-for-portrait-1964 +portrait,Post_Impressionism,mikhail-nesterov_girl-by-a-pond-portrait-of-natalia-nesterova-1923 +genre_painting,Impressionism,camille-pissarro_peasant-gathering-grass-1881 +portrait,Baroque,guido-reni_the-brussels-goldsmith-jean-jacobs +genre_painting,Contemporary_Realism,eric-fischl_untitled-7 +portrait,Impressionism,gustave-caillebotte_portrait-of-jules-richemont +cityscape,Post_Impressionism,martiros-saryan_eastern-tale-1903 +genre_painting,Impressionism,eva-gonzales_women-in-white +genre_painting,Art_Nouveau_Modern,aubrey-beardsley_a-nocturne-of-chopin +genre_painting,Realism,jean-francois-millet_winter-the-faggot-gatherers-1875 +landscape,Symbolism,nicholas-roerich_himalayas-44 +still_life,Cubism,georges-braque_under-the-lamp-1952 +sketch_and_study,Baroque,rembrandt_female-nude-seated-suzanne-1634 +abstract_painting,Pop_Art,aki-kuroda_cosmogarden-2011 +landscape,Pop_Art,andy-warhol_vesuvius-1 +still_life,Realism,ilya-mashkov_breakfast-still-life-1924 +landscape,Impressionism,claude-monet_olive-trees-in-bordigher +portrait,Post_Impressionism,moise-kisling_the-boy-1948 +portrait,Symbolism,gustav-klimt_portrait-of-helene-klimt +abstract_painting,Color_Field_Painting,sean-scully_backs-fronts-windows-1993 +abstract_painting,Action_painting,jackson-pollock_mural-on-indian-red-ground-1950 +portrait,Expressionism,tsuguharu-foujita_les-deux-amies-brune-et-blonde-detail +sketch_and_study,Northern_Renaissance,albrecht-durer_kneeling-apostle +genre_painting,Art_Nouveau_Modern,serge-sudeikin_lady-horseman-1918 +genre_painting,Baroque,peter-paul-rubens_dance-of-italian-villagers +landscape,Realism,ivan-shishkin_forest-landscape-with-figures-1880 +sketch_and_study,Baroque,anthony-van-dyck_sheet-of-studies-1635 +portrait,Expressionism,m.c.-escher_roosje-ingen-housz +religious_painting,Symbolism,james-tissot_jacob-mourns-his-son-joseph +still_life,Impressionism,constantin-artachino_still-life +abstract_painting,Abstract_Expressionism,sam-gilliam_red-linger-1972 +still_life,Synthetic_Cubism,juan-gris_newspaper-and-fruit-dish-1916 +genre_painting,Impressionism,willard-metcalf_arab-encampment-biskra +landscape,Impressionism,robert-julian-onderdonk_a-january-day-in-the-brush-country-1922 +cityscape,Cubism,raoul-dufy_fountain-in-avignon-1913 +still_life,Cubism,andre-derain_still-life-1912 +genre_painting,Naive_Art_Primitivism,edith-vonnegut_dust-balls +genre_painting,Post_Impressionism,henri-de-toulouse-lautrec_in-bed-1892 +still_life,Cubism,roger-de-la-fresnaye_the-table-louis-philippe +genre_painting,Symbolism,nicholas-roerich_traces-mountain-wanderer-1917 +landscape,Impressionism,robert-julian-onderdonk_cliffs-on-the-guadalupe +landscape,Impressionism,claude-monet_wheatstacks-end-of-summer-1891 +landscape,Post_Impressionism,maxime-maufra_farm-in-the-trees +portrait,Romanticism,dante-gabriel-rossetti_a-vision-of-fiammetta-1878 +cityscape,Impressionism,john-singer-sargent_san-vigilio-a-boat-with-golden-sail-1913 +genre_painting,Post_Impressionism,pyotr-konchalovsky_mother-and-child-1929 +sketch_and_study,Expressionism,paula-modersohn-becker_seated-child-in-an-armchair-1902 +genre_painting,Impressionism,childe-hassam_under-the-lilacs +genre_painting,Realism,fyodor-vasilyev_peasant-s-house +abstract_painting,Abstract_Expressionism,jimmy-ernst_dusklight-1980 +portrait,Impressionism,augustus-john_the-white-feather-boa-lady-elizabeth-asquith-1919 +portrait,Realism,felix-vallotton_f-lix-stanislas-jasinski-1887 +landscape,Expressionism,horia-bernea_the-column-1999 +abstract_painting,Minimalism,lee-ufan_with-winds-1990 +genre_painting,Impressionism,stefan-luchian_the-mounted-red-hussar +genre_painting,Cubism,ernst-ludwig-kirchner_dancing-female-nude-gret-palucca +landscape,Post_Impressionism,maxime-maufra_low-tide-baie-de-quiberon-1910 +religious_painting,Early_Renaissance,fra-angelico_the-stoning-of-stephen-1449 +still_life,Post_Impressionism,vincent-van-gogh_still-life-with-plaster-statuette-a-rose-and-two-novels-1887 +genre_painting,Impressionism,eugene-boudin_beach-scene-at-trouville-1866 +cityscape,Impressionism,camille-pissarro_dulwich-college-london-1871 +genre_painting,Impressionism,childe-hassam_provincetown-grocery-store +abstract_painting,Pop_Art,burhan-dogancay_walls-v-4-1969 +landscape,Impressionism,eugene-boudin_breton-shoreline +landscape,Symbolism,nicholas-roerich_himalayas-68 +portrait,Northern_Renaissance,martin-schongauer_woman-with-a-turban +cityscape,Ukiyo_e,hiroshige_kinryuzan-temple-at-asakusa +religious_painting,Baroque,agostino-carracci_the-holy-family-with-sts-anthony-abbot-catherine-and-the-infant-st-john-1582 +religious_painting,Baroque,bartolome-esteban-murillo_the-annunciation-1680 +abstract_painting,Abstract_Expressionism,hassel-smith_untitled-1987 +genre_painting,Impressionism,william-james-glackens_lenna-painting-the-artist-s-daughter-1918 +portrait,Impressionism,pierre-auguste-renoir_lucienne-1918 +landscape,Impressionism,kazimir-malevich_river-in-forest-1908 +illustration,Romanticism,gustave-dore_paolo-and-francesca +religious_painting,Naive_Art_Primitivism,marc-chagall_aaron-in-front-of-the-golden-candlestick-with-seven-branches-executed-as-prescribed-by-lord-1 +portrait,Realism,ilya-repin_a-young-man-in-military-uniform-1873 +abstract_painting,Color_Field_Painting,maurice-esteve_iounpas-1985-1 +sketch_and_study,Cubism,kazimir-malevich_sportsman-1913 +abstract_painting,Abstract_Expressionism,jack-tworkov_nightfall-1961 +portrait,Northern_Renaissance,hans-memling_portrait-of-jacques-of-savoy-1470 +abstract_painting,Abstract_Expressionism,sam-gilliam_pretty-boxes-1993 +landscape,Post_Impressionism,vincent-van-gogh_daubigny-s-garden-1890-1(1) +genre_painting,Ukiyo_e,kitagawa-utamaro_beauty-at-toilet +portrait,Expressionism,yiannis-tsaroychis_gendarmerie-sitting-on-bed-with-a-fallen-rose-1948 +portrait,Romanticism,orest-kiprensky_portrait-of-a-tamilov-1828 +sketch_and_study,High_Renaissance,michelangelo_study-of-a-seated-woman +abstract_painting,Color_Field_Painting,gene-davis_graf-zeppelin-1969 +landscape,Expressionism,zinaida-serebriakova_mown-field-1934 +landscape,Symbolism,nicholas-roerich_remember-1945 +genre_painting,Impressionism,camille-pissarro_the-cowherd-1892 +portrait,Baroque,diego-velazquez_queen-isabella-of-spain-wife-of-philip-iv-1632 +illustration,Art_Nouveau_Modern,heorhiy-narbut_illustration-to-the-fairy-tale-the-war-of-mushrooms-1909-1 +sketch_and_study,Abstract_Expressionism,brice-marden_greece-summer-1974-1 +landscape,Realism,ivan-vladimirov_crimea-the-cliffs-1940 +religious_painting,Northern_Renaissance,hans-memling_diptych-of-jean-de-cellier-detail +nude_painting,Post_Impressionism,moise-kisling_bust-of-blonde-girl-1948 +abstract_painting,Color_Field_Painting,gene-davis_ferris-wheel-1980(1) +portrait,Realism,john-singer-sargent_young-girl-wearing-a-white-muslin-blouse-1885 +religious_painting,Early_Renaissance,andrea-del-castagno_resurrection +portrait,Baroque,peter-paul-rubens_anna-of-austria-queen-of-france-mother-of-king-louis-xiv-1625 +landscape,Impressionism,alfred-sisley_the-aqueduct-at-marly-1874 +abstract_painting,Minimalism,lee-ufan_with-winds-1991 +portrait,Art_Nouveau_Modern,egon-schiele_sarena-lederer-1917 +nude_painting,Romanticism,alexander-shilov_spring-1992 +landscape,Realism,pyotr-konchalovsky_noon-1933 +abstract_painting,Abstract_Expressionism,brice-marden_third-letter-2009 +abstract_painting,Color_Field_Painting,pedro-calapez_escala-de-cor-16-2008 +landscape,Impressionism,gustave-caillebotte_woods-at-la-grange +sketch_and_study,Post_Impressionism,vincent-van-gogh_wheat-field-with-sun-and-cloud-1889 +sketch_and_study,High_Renaissance,leonardo-da-vinci_anatomical-studies-of-the-shoulder +abstract_painting,Abstract_Expressionism,paul-jenkins_phenomena-merlins-mantle +portrait,Romanticism,constantin-daniel-rosenthal_anica-manu-with-her-child +still_life,Romanticism,polychronis-lembesis_basket-with-fruits-1878 +genre_painting,Impressionism,ivan-grohar_krompir-1910 +portrait,Expressionism,andre-derain_the-offering-1913 +landscape,Impressionism,adam-baltatu_mangalia-houses +genre_painting,Ukiyo_e,kitagawa-utamaro_mother-and-child-gazing-at-a-hand-mirror-1805 +religious_painting,Early_Renaissance,filippo-lippi_coronation-of-the-virgin-1445 +still_life,Expressionism,zinaida-serebriakova_fruit-piece-1935 +cityscape,Impressionism,iosif-iser_parisian-park +portrait,Art_Nouveau_Modern,michel-simonidy_maternitate-1928 +cityscape,Post_Impressionism,gustave-loiseau_road-to-versailles-1910 +religious_painting,Baroque,rembrandt_jesus-christ-s-body-carried-to-the-tomb-1645 +abstract_painting,Cubism,ben-nicholson_rafael-1967 +sketch_and_study,Realism,vasily-surikov_cossack-rower-1892 +landscape,Post_Impressionism,oleksandr-bogomazov_landscape-with-palm-tree-and-blooming-flowerbed +genre_painting,Impressionism,edgar-degas_dancer-seated-study-1872 +landscape,Impressionism,childe-hassam_mill-site-and-old-todal-dam-cos-cob +landscape,Post_Impressionism,constantin-piliuta_prim-var +portrait,Naive_Art_Primitivism,kateryna-bilokur_portrait-of-nadia-bilokur-1941 +illustration,Symbolism,mikhail-vrubel_karibeevich +religious_painting,High_Renaissance,vittore-carpaccio_saviour-blesses-the-four-apostles +landscape,Expressionism,sa-nogueira_paisagem-1984 +still_life,Fauvism,mary-fedden_the-white-hyacinth-1984 +abstract_painting,Abstract_Expressionism,jimmy-ernst_mombosa-1975 +cityscape,Cubism,lyubov-popova_cubist-landscape-city-1914 +portrait,Naive_Art_Primitivism,fernando-botero_the-poet +still_life,Cubism,olga-rozanova_still-life-1913 +portrait,Expressionism,egon-schiele_child-in-black-1911 +portrait,Realism,john-singer-sargent_mrs-charles-huntington-1898 +abstract_painting,Color_Field_Painting,gene-davis_untitled-1978 +genre_painting,Realism,james-tissot_croquet +still_life,Impressionism,lovis-corinth_pink-roses-1924 +nude_painting,Expressionism,henri-matisse_pink-nude-or-seated-nude-1909 +genre_painting,Expressionism,henri-matisse_the-red-table-1939 +religious_painting,Early_Renaissance,piero-della-francesca_the-flagellation-of-christ-detail-1(1) +landscape,Impressionism,camille-pissarro_mirbeau-s-garden-the-terrace +religious_painting,Mannerism_Late_Renaissance,el-greco_st-francis-and-brother-leo-meditating-on-death +landscape,Baroque,esaias-van-de-velde_ancient-ruins-by-a-river +genre_painting,Impressionism,john-singer-sargent_fishing-for-oysters-at-cancale-1878 +landscape,Post_Impressionism,ferdynand-ruszczyc_wies-nad-rzeka +religious_painting,Realism,ivan-kramskoy_laughter-hail-king-of-judah-1882 +landscape,Realism,charles-francois-daubigny_spring-1857 +portrait,Romanticism,orest-kiprensky_blind-musician-1809 +portrait,Romanticism,francisco-goya_portrait-of-charle-iv-of-spain-1789 +landscape,High_Renaissance,giorgione_the-sunset-1510(1) +genre_painting,Romanticism,sir-lawrence-alma-tadema_boating-1868 +abstract_painting,Color_Field_Painting,morris-louis_untitled-1954 +genre_painting,Naive_Art_Primitivism,fernand-leger_the-outing-in-the-country-1954 +religious_painting,Symbolism,gustave-moreau_dalila +genre_painting,Impressionism,ipolit-strambu_in-the-garden-1930 +landscape,Symbolism,nicholas-roerich_pass-tempest-secret-path-1936 +religious_painting,High_Renaissance,correggio_the-mystic-marriage-of-st-catherine +still_life,Impressionism,camille-pissarro_still-life-with-a-coffee-pot-1900 +genre_painting,Baroque,gerard-terborch_woman-playing-the-lute +portrait,Contemporary_Realism,eric-fischl_portrait-of-a-couple-steve-and-anne-in-la +genre_painting,New_Realism,edward-hopper_intermission-also-known-as-intermedio +illustration,Naive_Art_Primitivism,david-burliuk_russian-peasant-1928(1) +cityscape,Romanticism,ivan-aivazovsky_view-of-constantinople-1851 +illustration,Art_Nouveau_Modern,aubrey-beardsley_don-juan-sganarelle-and-the-beggar-1896 +religious_painting,Northern_Renaissance,lucas-cranach-the-elder_the-crucifixion-with-the-converted-centurion-1536 +landscape,Impressionism,eugene-boudin_fishermen-and-sailboats-near-trouville-1892 +portrait,Mannerism_Late_Renaissance,giorgio-vasari_lorenzo-de-medici-the-magnificent +portrait,Post_Impressionism,vincent-van-gogh_postman-joseph-roulin-1888 +portrait,Analytical_Cubism,juan-gris_portrait-of-pablo-picasso-1912 +genre_painting,Impressionism,rudolf-schweitzer-cumpana_mp-r-irea-gr-ului-batoza-lui-malaxa +abstract_painting,Color_Field_Painting,morris-louis_dalet-chet-1958 +portrait,Impressionism,periklis-vyzantios_portrait-of-a-woman +cityscape,Post_Impressionism,gustave-loiseau_the-arc-de-triomphe-friedland-avenue +landscape,Fauvism,henri-matisse_the-luxembourg-gardens-1901 +portrait,Ukiyo_e,utagawa-kuniyoshi_a-man +genre_painting,Impressionism,konstantin-korovin_in-the-boat-1915 +landscape,Realism,nicholas-roerich_approach-to-gryzovo-village-1893 +landscape,Realism,theodore-rousseau_the-end-of-autumn +portrait,Northern_Renaissance,rogier-van-der-weyden_portrait-of-antoine-bastard-of-burgundy-1460 +abstract_painting,Color_Field_Painting,helen-frankenthaler_untitled-1967 +genre_painting,Expressionism,max-pechstein_the-big-indian-1910 +landscape,Romanticism,caspar-david-friedrich_view-from-the-small-warmbrunn-sturmhaube +sketch_and_study,Synthetic_Cubism,pablo-picasso_still-life-with-guitar-1914 +landscape,Impressionism,joaquã­n-sorolla_farmhouse-in-valencia +landscape,Realism,isaac-levitan_landscape-with-moon +sketch_and_study,Expressionism,jean-david_untitled +landscape,Naive_Art_Primitivism,raoul-dufy_aubusson-tapestry-1941 +landscape,Impressionism,guy-rose_sunset-glow-aka-sunset-in-the-high-sierras +landscape,Romanticism,orest-kiprensky_landscape-with-barge-haulers-1810 +genre_painting,Naive_Art_Primitivism,antonio-ligabue_planting-with-horses +genre_painting,Analytical_Cubism,georges-braque_man-with-a-violin-1912 +landscape,Impressionism,berthe-morisot_the-tuileries +still_life,Cubism,le-corbusier_still-life-1958 +landscape,Impressionism,claude-monet_the-japanis-bridge-footbridge-over-the-water-lily-pond-1924 +portrait,Impressionism,francisc-sirato_the-cobza-player-from-balchik-1926 +landscape,Realism,isaac-levitan_aspen-spinny-a-gray-day-1884 +landscape,Realism,theodore-rousseau_alley-chestnut-from-the-castle-shoes +still_life,Naive_Art_Primitivism,fernando-botero_still-life-with-watermelon-1 +genre_painting,Realism,henry-herbert-la-thangue_the-last-furro-1895 +abstract_painting,Color_Field_Painting,sam-gilliam_tempo-1965 +abstract_painting,Cubism,arshile-gorky_still-life-composition-no-7 +landscape,Impressionism,arkhip-kuindzhi_snow-tops-1 +abstract_painting,Abstract_Expressionism,walasse-ting_milky-way-1966 +genre_painting,Baroque,pieter-de-hooch_company-in-garden +cityscape,Expressionism,mstislav-dobuzhinsky_poland-station-destroyed-by-germans +portrait,Art_Nouveau_Modern,zinaida-serebriakova_portrait-of-a-ballerina-e-a-svekis-1923 +sketch_and_study,Expressionism,theo-van-doesburg_composition-the-cow +portrait,Fauvism,rik-wouters_woman-on-the-bedside-1912 +religious_painting,Romanticism,dante-gabriel-rossetti_the-wedding-of-saint-george-and-princess-sabra-1857 +landscape,Realism,camille-corot_landscape-of-royat-study-of-trees-1839 +portrait,Baroque,peter-paul-rubens_portrait-of-clara-serena-rubens +religious_painting,Symbolism,james-tissot_god-renews-his-promises-to-abraham +cityscape,Impressionism,childe-hassam_horse-drawn-cabs-at-evening-new-york +genre_painting,Baroque,bernardo-strozzi_sleeping-child +abstract_painting,Abstract_Expressionism,dan-christensen_shoxa-2000 +landscape,Pointillism,theo-van-rysselberghe_pines-and-eucalyptus-at-cavelieri-1905 +abstract_painting,Abstract_Expressionism,william-baziotes_night-landscape-1947 +genre_painting,Realism,vincent-van-gogh_dunes-with-figures-1882(1) +sketch_and_study,Realism,thomas-eakins_study-of-a-horse-s-leg-for-the-fairman-rogers-four-in-hand +religious_painting,Northern_Renaissance,hans-baldung_saint-catherine-of-alexandria +landscape,Impressionism,pierre-auguste-renoir_the-duck-pond-1873 +landscape,Impressionism,childe-hassam_in-the-park-at-st-cloud +portrait,Mannerism_Late_Renaissance,el-greco_portrait-of-a-man-andrea-palladio-1575 +landscape,Symbolism,jacek-malczewski_landscape-with-tobiah +abstract_painting,Abstract_Expressionism,willem-de-kooning_untitled-4 +genre_painting,Art_Nouveau_Modern,boris-kustodiev_in-the-market-day-1922 +landscape,Impressionism,pierre-auguste-renoir_cros-de-cagnes-1905 +portrait,Post_Impressionism,pablo-picasso_portrait-of-a-tailor-soler-1903 +nude_painting,Cubism,pablo-picasso_nude-with-drapery-study-for-the-great-dancer-1907 +genre_painting,Impressionism,adam-baltatu_grange +portrait,Post_Impressionism,tivadar-kosztka-csontvary_old-woman-peeliing-apple-1894 +genre_painting,Impressionism,edgar-degas_dancer-leaving-her-dressing-room +landscape,Impressionism,claude-monet_bordighera-the-house-of-gardener +sketch_and_study,Post_Impressionism,vincent-van-gogh_sketches-of-peasant-plowing-with-horses-1890 +portrait,Baroque,adriaen-van-ostade_portrait-of-a-family +abstract_painting,Color_Field_Painting,paul-jenkins_phenomena-lands-end +sketch_and_study,Ukiyo_e,katsushika-hokusai_manga-2 +genre_painting,Impressionism,berthe-morisot_young-girl-with-a-fan-1893 +abstract_painting,Minimalism,brice-marden_avrutun-1971 +landscape,Romanticism,john-atkinson-grimshaw_the-heron-s-haunt-1874 +landscape,Post_Impressionism,paul-gauguin_landscape-at-pont-aven-1886 +landscape,Realism,arkhip-kuindzhi_elbrus-in-the-evening-1 +cityscape,Post_Impressionism,maurice-utrillo_lapin-agile-2 +cityscape,Romanticism,lev-lagorio_view-of-the-town-from-the-riverside-1887 +landscape,Romanticism,rudolf-von-alt_the-large-pine-in-gastein-1895 +genre_painting,Expressionism,ernst-ludwig-kirchner_colourful-dance +portrait,Expressionism,marevna-(marie-vorobieff)_diego-modi-ehrenburg +portrait,Northern_Renaissance,hans-holbein-the-younger_portrait-of-an-old-man +landscape,Symbolism,nicholas-roerich_guardians-of-the-snow-1922 +sketch_and_study,Realism,vasily-polenov_tarusa-1920 +abstract_painting,Abstract_Expressionism,kazuo-nakamura_inner-structure-1955 +landscape,Impressionism,kimon-loghi_blooming-apple-trees +genre_painting,Cubism,jose-de-almada-negreiros_the-fisherman-tapestry +portrait,Northern_Renaissance,albrecht-durer_portrait-of-a-girl +landscape,Art_Nouveau_Modern,franklin-carmichael_waterfalls-on-the-way-into-nellie-lake +cityscape,Impressionism,paul-gauguin_pissarro-s-garden-pontoise-1881 +genre_painting,Realism,julius-leblanc-stewart_repose-1888(1) +sketch_and_study,Symbolism,nicholas-roerich_sketch-for-ladoga-series-1918 +genre_painting,Impressionism,maurice-prendergast_the-orange-market +landscape,Post_Impressionism,vincent-van-gogh_banks-of-the-seine-in-the-spring-1887(1) +portrait,Realism,ivan-kramskoy_the-portrait-of-a-peasant-1868 +landscape,Naive_Art_Primitivism,fernando-botero_a-stroll-by-the-lakeside +portrait,Realism,giovanni-boldini_portrait-of-mme-lina-cavalieri-1901 +landscape,Romanticism,ivan-aivazovsky_icebergs-in-the-atlantic-1870 +cityscape,Impressionism,cornelis-vreedenburgh_bridge-over-river +religious_painting,Naive_Art_Primitivism,marc-chagall_jacob-leaves-his-country-and-his-family-to-go-to-egypt-genesis-xlvi-5-7-1931 +genre_painting,Impressionism,berthe-morisot_young-woman-sewing-in-the-garden +abstract_painting,Abstract_Expressionism,paul-reed_16f-1963 +genre_painting,Naive_Art_Primitivism,david-burliuk_village-scene +landscape,Impressionism,gustave-caillebotte_view-of-the-sea-from-villerville +portrait,Early_Renaissance,piero-della-francesca_portraits-federico-da-montefeltro-and-battista-sforza-1465(1) +landscape,Impressionism,john-henry-twachtman_november-haze-aka-upland-pastures-1899 +landscape,Realism,ivan-shishkin_landscape-with-lake-1886 +religious_painting,Early_Renaissance,sandro-botticelli_saint-jean-baptiste-1490(1) +landscape,Impressionism,stefan-popescu_at-the-shadow-of-walnut-trees +nude_painting,Naive_Art_Primitivism,fernando-botero_tribute-to-bonnard +sketch_and_study,Expressionism,paula-modersohn-becker_study-for-portrait-of-clara-rilke-westhoff-1905 +cityscape,Expressionism,henri-matisse_notre-dame-1914 +abstract_painting,Minimalism,john-mclaughlin_number-4 +cityscape,Art_Nouveau_Modern,anna-ostroumova-lebedeva_academy-of-arts +cityscape,Cubism,m.-h.-maxy_urban-landscape +landscape,Baroque,jacob-isaakszoon-van-ruisdael_bentheim-castle-1653 +portrait,Romanticism,konstantin-makovsky_dervish +nude_painting,Expressionism,ernst-ludwig-kirchner_japanese-parasol +portrait,Realism,ilya-repin_portrait-of-yurkevich-1879 +sketch_and_study,Cubism,jacques-villon_4e-bucolique-pollion-from-les-bucoliques +portrait,Romanticism,orest-kiprensky_portrait-of-a-young-girl-1829 +landscape,Impressionism,claude-monet_isleets-at-port-villez +religious_painting,Baroque,rembrandt_david-offering-the-head-of-goliath-to-king-saul-1627 +cityscape,Expressionism,margareta-sterian_city-lights +religious_painting,Realism,nikolai-ge_the-head-of-john-the-apostle +genre_painting,Expressionism,salvador-dali_satirical-composition-the-dance-by-matisse +portrait,Expressionism,otto-dix_from-the-catacombs-in-palermo-ii +genre_painting,Romanticism,william-holman-hunt_morning-hunt +landscape,Expressionism,martiros-saryan_landscape-with-mountains-surb-khach-rocks-gohtan-1914 +religious_painting,Baroque,rembrandt_moses-smashing-the-tablets-of-the-law-1659 +genre_painting,Post_Impressionism,anita-malfatti_p-de-jabuticaba +cityscape,Impressionism,camille-pissarro_the-tuileries-gardens-snow-effect-1900 +still_life,Post_Impressionism,pyotr-konchalovsky_still-life-burbot-in-the-ground-1928 +portrait,Baroque,rembrandt_samuel-menasseh-ben-israel-1636 +genre_painting,Baroque,le-nain-brothers_small-card-players +portrait,Post_Impressionism,anita-malfatti_fernanda-de-castro-1922 +landscape,Realism,camille-corot_the-verdant-bank +illustration,Art_Nouveau_Modern,aubrey-beardsley_the-wagnerites +still_life,Cubism,juan-gris_the-bunch-of-grapes-1924 +genre_painting,Realism,giovanni-boldini_theater +genre_painting,Expressionism,ernst-ludwig-kirchner_rotating-dancer +religious_painting,Northern_Renaissance,hieronymus-bosch_cripples +cityscape,Impressionism,antoine-blanchard_porte-st-martin-1 +illustration,Romanticism,n.c.-wyeth_i-am-sir-launcelot-du-lake-king-ban-s-son-of-benwick-and-knight-of-the-round-table +cityscape,Realism,ioannis-altamouras_port-of-elsinore +genre_painting,Northern_Renaissance,albrecht-durer_the-bagpiper-1514 +cityscape,Expressionism,frank-auerbach_the-awning +still_life,Impressionism,petre-abrudan_red-eggs +landscape,Realism,camille-pissarro_antilian-landscape-st-thomas-1856 +still_life,Realism,vincent-van-gogh_still-life-with-a-basket-of-vegetables-1885 +landscape,Impressionism,eugene-boudin_bay-of-plougastel +genre_painting,Impressionism,eugene-boudin_brussels-the-old-fish-market +portrait,Impressionism,marie-bracquemond_three-ladies-with-parasol-aka-three-graces-1880 +abstract_painting,Abstract_Expressionism,frank-lobdell_3-october-1962-1962 +genre_painting,Art_Nouveau_Modern,raphael-kirchner_couples-between-red-borders-1901-1 +religious_painting,Northern_Renaissance,hans-holbein-the-younger_the-agony-in-the-garden +portrait,Romanticism,edwin-henry-landseer_queen-victoria-on-horseback +cityscape,Impressionism,konstantin-korovin_a-boulevard-in-paris-1939 +portrait,Art_Nouveau_Modern,felix-vallotton_portrait-of-communard-auguste-vermorel-1897 +sketch_and_study,Symbolism,fernand-khnopff_tude-de-femme-1891 +cityscape,Impressionism,alfred-sisley_street-in-moret-sur-loing-1892 +abstract_painting,Abstract_Expressionism,walasse-ting_raindrops-keep-falling-on-my-head-1973 +portrait,Impressionism,julian-alden-weir_girl-in-black +sketch_and_study,Art_Nouveau_Modern,zinaida-serebriakova_study-for-painting-canvas-whitening-1917 +landscape,Impressionism,john-singer-sargent_brenva-glacier +portrait,Impressionism,max-liebermann_portrait-of-constantin-meunier +abstract_painting,Color_Field_Painting,pedro-calapez_shaped-combi-02-2008 +landscape,Realism,vasily-polenov_river-voria-1881 +cityscape,Fauvism,pyotr-konchalovsky_bakhchisaray-1930-1 +genre_painting,Romanticism,sir-lawrence-alma-tadema_a-silent-greeting-1889 +religious_painting,Northern_Renaissance,hieronymus-bosch_not_detected_195354 +portrait,Romanticism,francisco-goya_portrait-of-mariano-goya-1814 +illustration,Romanticism,gustave-dore_idylls-of-the-king-10 +religious_painting,Northern_Renaissance,jan-van-eyck_the-lucca-madonna-1436 +religious_painting,Northern_Renaissance,albrecht-durer_lamentation-for-christ-1503 +genre_painting,Impressionism,walter-sickert_the-tottenham-distillery +portrait,Art_Nouveau_Modern,richard-gerstl_portrait-of-henryka-cohn-1908 +landscape,Realism,theodore-rousseau_landscape-7 +portrait,Rococo,joshua-reynolds_the-ladies-waldegrave-1780 +portrait,Baroque,rembrandt_a-man-playing-cards-1641 +portrait,Expressionism,egon-schiele_young-boy-1918 +portrait,Romanticism,dante-gabriel-rossetti_jane-morris-1857 +genre_painting,Impressionism,childe-hassam_rainy-day-paris +landscape,Impressionism,childe-hassam_ecola-beach-oregon +religious_painting,Expressionism,ligia-macovei_unknown-title +nude_painting,Expressionism,georges-braque_nude-woman-with-basket-of-fruit-canephorus-1926 +portrait,Romanticism,orest-kiprensky_alexander-pushkin +religious_painting,Naive_Art_Primitivism,niko-pirosmani_easter +landscape,Post_Impressionism,gustave-loiseau_trees-in-bloom-1 +landscape,Romanticism,thomas-cole_indian-pass-tahawus-1847 +genre_painting,Symbolism,dante-gabriel-rossetti_carlisle-wall-the-lovers-1853 +sketch_and_study,Northern_Renaissance,albrecht-durer_head-of-an-apostle-1 +illustration,Art_Nouveau_Modern,raphael-kirchner_legendes-1903-1 +genre_painting,Impressionism,henri-de-toulouse-lautrec_fishing-boat-1880 +religious_painting,Naive_Art_Primitivism,fernando-botero_the-archangel-gabriel +genre_painting,Impressionism,joaquã­n-sorolla_pulling-the-boat-1916 +abstract_painting,Color_Field_Painting,clyfford-still_1952-a-1952 +religious_painting,High_Renaissance,leonardo-da-vinci_head-of-st-james-the-less +still_life,Cubism,louis-marcoussis_lulli-1919 +religious_painting,Northern_Renaissance,jan-van-eyck_the-virgin-of-the-chancellor-rolin-detail-1436-2 +genre_painting,Post_Impressionism,marcel-duchamp_baptism-1911 +sketch_and_study,Art_Nouveau_Modern,henri-de-toulouse-lautrec_in-the-wings-at-the-folies-berg-re-1896 +portrait,Impressionism,pierre-auguste-renoir_albert-cahen-d-anvers-1881 +cityscape,Impressionism,antoine-blanchard_place-de-la-republic-10 +nude_painting,Symbolism,pierre-puvis-de-chavannes_the-bathers +landscape,Impressionism,claude-monet_the-avenue +portrait,Expressionism,yiannis-tsaroychis_head-of-a-youth-1941 +religious_painting,High_Renaissance,dosso-dossi_the-holy-family +sketch_and_study,High_Renaissance,michelangelo_two-figures +religious_painting,Romanticism,gustave-dore_the-testing-of-abraham-s-faith +abstract_painting,Minimalism,jean-degottex_depli-bleu-ii-1979 +portrait,Rococo,allan-ramsay_portrait-of-anne-bruce-mrs-bruce-of-arnot +landscape,Realism,pyotr-konchalovsky_willows-1947 +abstract_painting,Abstract_Expressionism,mark-rothko_not_detected_242117 +religious_painting,Early_Renaissance,filippo-lippi_the-feast-of-herod-salome-s-dance-detail-1464-1 +portrait,Expressionism,rafael-zabaleta_portrait-of-two-girls-1933 +genre_painting,Impressionism,maurice-prendergast_evening-on-a-pleasure-boat-1898 +religious_painting,Naive_Art_Primitivism,marc-chagall_david-1956-1 +portrait,Realism,vladimir-makovsky_a-portrait-of-e-i-makovsky-1880 +abstract_painting,Abstract_Expressionism,rafa-nasiri_untitled-019-1974 +religious_painting,Early_Renaissance,andrea-mantegna_the-resurrected-christ-between-st-andrew-and-longinus-1475 +nude_painting,Cubism,georges-braque_big-nude-1908 +portrait,Realism,ivan-kramskoy_outraged-jewish-boy-1874 +cityscape,Expressionism,vasile-dobrian_towards-the-dam-1963 +portrait,Realism,mary-cassatt_the-sailor-boy-gardener-cassatt-1892 +portrait,Expressionism,lucian-freud_the-painter-s-brother-stephen-1986 +nude_painting,Impressionism,childe-hassam_nymph-on-a-rocky-ledge +nude_painting,Expressionism,roger-de-la-fresnaye_seated-bearded-man +abstract_painting,Color_Field_Painting,frank-stella_oak-tree-1970 +landscape,Realism,camille-corot_volterra-1834 +genre_painting,Impressionism,berthe-morisot_eugene-manet-with-his-daughter-at-bougival +abstract_painting,Action_painting,jackson-pollock_number-10-1949 +abstract_painting,Abstract_Expressionism,ralph-rosenborg_landscape-summer-flowers-1969 +abstract_painting,Abstract_Expressionism,miriam-schapiro_facade +genre_painting,Baroque,adriaen-van-ostade_buying-fish-1669 +portrait,Impressionism,walter-sickert_mrs-barrett +genre_painting,Impressionism,giovanni-boldini_in-the-garden +genre_painting,Pop_Art,richard-hamilton_patricia-knight-ii-1982 +genre_painting,Realism,pablo-picasso_first-communion-1896 +genre_painting,Rococo,antoine-watteau_love-in-the-french-theather-1716 +genre_painting,Naive_Art_Primitivism,niko-pirosmani_easter-festival +landscape,Impressionism,camille-pissarro_landscape +genre_painting,Post_Impressionism,paul-cezanne_four-bathers-1878 +genre_painting,Realism,mykola-pymonenko_jealousy-1901 +landscape,Impressionism,willard-metcalf_the-fire-of-autumn +genre_painting,Symbolism,mikhail-nesterov_girls-on-the-bank-of-the-river +portrait,Romanticism,konstantin-makovsky_boyaryshnya +sketch_and_study,Romanticism,franz-xaver-winterhalter_study-of-a-girl-in-profile-1 +landscape,Realism,fyodor-vasilyev_logs-by-the-road-1869 +landscape,Impressionism,claude-monet_view-over-the-sea-1882 +abstract_painting,Color_Field_Painting,gene-davis_banjo-1981 +portrait,Realism,constantin-guys_portrait-2-1865 +portrait,Expressionism,jean-dubuffet_lecciones-botanica +cityscape,Post_Impressionism,paul-cezanne_church-of-saint-pierre-in-avon +portrait,Rococo,joshua-reynolds_anne-countess-of-albemarle +sketch_and_study,Post_Impressionism,vincent-van-gogh_the-starry-night-1888-1 +landscape,Impressionism,william-merritt-chase_beach-scene-morning-at-canoe-place +abstract_painting,Abstract_Expressionism,jane-frank_aerial-series-dorado-no-2-1970 +portrait,Realism,boris-kustodiev_state-secretary-general-mikhail-galkin-vrasky-1903 +landscape,Early_Renaissance,benozzo-gozzoli_procession-of-the-magus-balthazar-detail-1461-1 +cityscape,Pop_Art,hiro-yamagata_not-detected-272395 +still_life,Realism,edgar-degas_still-life-with-lizard-1860 +portrait,Baroque,rembrandt_portrait-of-maertgen-van-bilderbeecq-1633 +abstract_painting,Color_Field_Painting,morris-louis_alpha-upsilon-1960 +landscape,Post_Impressionism,tom-thomson_early-spring-1917 +genre_painting,Naive_Art_Primitivism,marc-chagall_the-deceased-the-death-1908 +religious_painting,Early_Renaissance,fra-angelico_nailing-of-christ-to-the-cross-1442 +genre_painting,Impressionism,edgar-degas_the-entrance-of-the-masked-dancers +abstract_painting,Color_Field_Painting,jack-bush_mabel-s-release-5-1966 +genre_painting,Impressionism,camille-pissarro_two-young-peasants-chatting-under-the-trees-1881 +nude_painting,Impressionism,pierre-auguste-renoir_seated-nude-with-a-bouquet-1915 +landscape,Realism,frits-thaulow_a-factory-building-near-an-icy-river-in-winter +genre_painting,Impressionism,claude-monet_camille-and-jean-monet-in-the-garden-at-argenteuil +landscape,Impressionism,john-henry-twachtman_niagara-falls-2 +portrait,Impressionism,james-tissot_portrait-of-a-lady-with-a-fan +genre_painting,Expressionism,edvard-munch_red-and-white-1900 +landscape,Impressionism,alfred-sisley_path-in-the-country-1876 +landscape,Impressionism,claude-monet_trees-by-the-seashore-at-antibes +religious_painting,Mannerism_Late_Renaissance,paolo-veronese_adoration-of-the-magi-1573 +sketch_and_study,Early_Renaissance,jacopo-bellini_profile-of-a-man +genre_painting,Realism,vincent-van-gogh_weed-burner-sitting-on-a-wheelbarrow-with-his-wife-1883 +nude_painting,Symbolism,felicien-rops_women +genre_painting,Expressionism,arturo-souto_composition-rapture-1943 +landscape,Impressionism,claude-monet_the-village-of-la-roche-blond-sunset +abstract_painting,Color_Field_Painting,anne-truitt_untitled-1971 +genre_painting,Impressionism,camille-pissarro_female-peasant-carding-wool-1875 +still_life,Expressionism,pyotr-konchalovsky_still-life-melon-1912 +landscape,Expressionism,pyotr-konchalovsky_bakhchisarai-view-from-the-tower-of-falconry-1930 +religious_painting,Northern_Renaissance,albrecht-durer_st-martin +landscape,Realism,vincent-van-gogh_cottage-and-woman-with-goat-1885(1) +religious_painting,Romanticism,gustave-dore_began-to-build-a-vessel-of-huge-bulk +landscape,Symbolism,konstantin-bogaevsky_rocky-seashore-1926 +landscape,Impressionism,pierre-auguste-renoir_view-of-treboul +genre_painting,Impressionism,philip-de-laszlo_in-the-hofbr-uhaus-in-munich-1892 +portrait,Impressionism,mary-cassatt_margot-in-blue-1902 +portrait,Post_Impressionism,moise-kisling_young-girl-with-long-hair-1942 +still_life,Cubism,roger-bissiã¨re_composition-avec-mandoline-1925 +cityscape,Impressionism,joaquã­n-sorolla_the-breackwater-san-sebastian +portrait,Post_Impressionism,rene-magritte_portrait-of-pierre-bourgeois-1920(1) +genre_painting,Realism,james-tissot_the-signs-on-the-door +genre_painting,Romanticism,ivan-aivazovsky_byron-visiting-mhitarists-on-island-of-st-lazarus-in-venice-1899 +portrait,Post_Impressionism,gwen-john_dorelia-in-a-black-dres +abstract_painting,Color_Field_Painting,jack-bush_colour-column-on-suede-1965 +cityscape,Impressionism,maurice-prendergast_venetian-palaces-on-the-grand-canal-1899 +landscape,Impressionism,john-henry-twachtman_summer-late +landscape,Impressionism,alfred-sisley_bank-in-the-autumn-1879 +cityscape,Romanticism,rudolf-von-alt_trautson-palace-in-vienna-1845 +landscape,Post_Impressionism,henri-matisse_the-artist-s-garden-at-issy-les-moulineaux-1918 +sketch_and_study,Post_Impressionism,vincent-van-gogh_la-crau-with-peach-trees-in-bloom-1888 +illustration,Realism,n.c.-wyeth_the-death-of-guenever +portrait,Impressionism,joaquã­n-sorolla_fisherwoman-from-valencia-1916 +sketch_and_study,Realism,thomas-eakins_sketch-for-cowboys-in-the-badlands-1888-1 +portrait,Realism,helene-schjerfbeck_picking-bluebells +portrait,Post_Impressionism,paul-cezanne_portrait-of-the-artist-s-son +religious_painting,Northern_Renaissance,hieronymus-bosch_triptych-of-temptation-of-st-anthony-1506 +abstract_painting,Abstract_Expressionism,jane-frank_aerial-view-no-1-1968 +landscape,Impressionism,julian-alden-weir_the-inlet +landscape,Romanticism,ferdinand-georg-waldmã¼ller_the-roman-ruins-in-schoenbrunn-1832 +sketch_and_study,Abstract_Expressionism,salvador-dali_study-for-christ-of-st-john-of-the-cross-1951 +abstract_painting,Abstract_Expressionism,audrey-flack_abstract-landscape-1950 +portrait,Pop_Art,andy-warhol_queen-beatrix-of-the-netherlands-from-reigning-queens-1985 +cityscape,Pointillism,andre-derain_westminster-1905 +landscape,Impressionism,camille-pissarro_autunm-in-eragny-1899 +portrait,Pop_Art,andy-warhol_marylin-red +portrait,Realism,john-singer-sargent_frederick-law-olmsted-1895 +genre_painting,Impressionism,camille-pissarro_old-woman-with-ducks-at-montfoucault +illustration,Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-tale-of-prince-ivan-the-firebird-and-the-grey-wolf-1899-3 +landscape,Symbolism,gustav-klimt_beech-grove-i +portrait,Expressionism,david-alfaro-siqueiros_portrait-of-angelica-1947 +abstract_painting,Color_Field_Painting,perle-fine_cool-series-no-22-wide-u-1963 +cityscape,Symbolism,mstislav-dobuzhinsky_vilno-zamkovaya-street-1906 +genre_painting,Impressionism,james-mcneill-whistler_convalescent-aka-petit-dejeuner-note-in-opal-1884 +landscape,Realism,john-singer-sargent_gourds +landscape,Romanticism,thomas-moran_shepherdess-watching-her-flock-1867 +genre_painting,Fauvism,august-macke_in-the-temple-hall +genre_painting,Ukiyo_e,utagawa-toyokuni-ii_courtesan +cityscape,Symbolism,mstislav-dobuzhinsky_street-in-vilno-1910(1) +portrait,Contemporary_Realism,eric-fischl_four-generations-of-dickie-men +nude_painting,Cubism,pyotr-konchalovsky_sleeping-woman-1917 +religious_painting,Realism,ilya-repin_praying-of-the-cup +landscape,Realism,isaac-levitan_on-the-river-volga-1888 +genre_painting,Impressionism,henry-herbert-la-thangue_the-watersplash-1900 +portrait,Realism,vincent-van-gogh_woman-with-dark-cap-sien-s-mother-1882 +abstract_painting,Abstract_Expressionism,john-hoyland_north-sound-1979 +still_life,Fauvism,mary-fedden_zebra-2007 +religious_painting,Romanticism,john-william-waterhouse_saint-cecilia-1895 +genre_painting,Baroque,gerard-terborch_music-lesson +portrait,Expressionism,grã©goire-michonze_picasso-1971 +portrait,Romanticism,henry-raeburn_portrait-of-john-tait-and-his-grandson +abstract_painting,Cubism,albert-gleizes_figure-cubiste-1921 +genre_painting,Art_Nouveau_Modern,boris-kustodiev_trinity-day-1920 +still_life,Post_Impressionism,henri-matisse_still-life-16 +abstract_painting,Abstract_Expressionism,hedda-sterne_vertical-horizontal-i-1963 +landscape,Post_Impressionism,vincent-van-gogh_beach-sea-and-fishing-boats-1888(1) +landscape,Impressionism,claude-monet_the-beach-at-pourville +nude_painting,Expressionism,lucian-freud_after-cezanne-2000 +portrait,Realism,boris-kustodiev_portrait-of-a-governor-general-of-finland-n-i-bobrikov-1903 +religious_painting,Early_Renaissance,filippo-lippi_disputation-in-the-synagogue-1465 +portrait,Impressionism,william-merritt-chase_a-lady-in-brown +abstract_painting,Cubism,lyubov-popova_dramatic-architecture +still_life,Fauvism,ilya-mashkov_still-life-with-a-tray-white-jug-and-fruit-1910 +religious_painting,Symbolism,nicholas-roerich_confucius-the-fair-1925 +religious_painting,Early_Renaissance,filippo-lippi_the-martyrdom-of-st-stephen-1460 +illustration,Art_Nouveau_Modern,kay-nielsen_the-wolf-is-waiting +portrait,Naive_Art_Primitivism,fernand-leger_people-framework-manufacturers +genre_painting,Naive_Art_Primitivism,niko-pirosmani_healer-on-a-donkey +illustration,Art_Nouveau_Modern,heorhiy-narbut_illustration-to-three-fables-of-krylov-1911-1 +religious_painting,Northern_Renaissance,albrecht-durer_the-adoration-of-the-shepherds-1505 +cityscape,Impressionism,eva-gonzales_the-front-port +landscape,Naive_Art_Primitivism,tarsila-do-amaral_rio-de-janeiro +still_life,Impressionism,childe-hassam_still-life-fruits +portrait,Impressionism,joaquã­n-sorolla_three-studies-of-head-1887 +genre_painting,Post_Impressionism,paul-gauguin_flight-1901 +portrait,Symbolism,kuzma-petrov-vodkin_portrait-of-m-f-petrova-vodkina-1913 +portrait,Realism,boris-kustodiev_portrait-of-maria-ryazantseva-1922 +sketch_and_study,Expressionism,egon-schiele_sitting-woman-1914 +portrait,Art_Nouveau_Modern,zinaida-serebriakova_katya-1923 +abstract_painting,Abstract_Expressionism,taro-yamamoto_untitled-triptych-1961 +cityscape,Post_Impressionism,tivadar-kosztka-csontvary_view-of-the-dead-sea-from-the-temple-square-in-jerusalem-1905 +landscape,Romanticism,john-constable_landscape-evening +portrait,Symbolism,odilon-redon_the-druidess-1893 +landscape,Realism,isaac-levitan_small-hut-in-a-meadow +religious_painting,Romanticism,gustave-dore_ezra-kneels-in-prayer +religious_painting,Symbolism,william-blake_christ-in-the-sepulchre +still_life,Post_Impressionism,ilya-mashkov_still-life-with-a-horse-skull-1914 +cityscape,Impressionism,camille-pissarro_place-du-theatre-francais-afternoon-sun-in-winter-1898 +landscape,Baroque,hercules-seghers_landscape-with-overhanging-fir +portrait,Romanticism,william-holman-hunt_portrait-of-john-everett-millais +illustration,Expressionism,lynd-ward_not-detected-272539 +cityscape,Impressionism,claude-monet_the-bridge-over-the-seine +genre_painting,Post_Impressionism,pyotr-konchalovsky_stovemaker-sumkin-from-maloyaroslavets-1954 +landscape,Impressionism,arkhip-kuindzhi_red-sunset-2 +genre_painting,Post_Impressionism,franz-marc_two-bathing-girls-1909 +landscape,Impressionism,armand-guillaumin_les-rapides-a-genetin-1900 +religious_painting,Baroque,guido-reni_adoration-of-the-shepherds-1642 +portrait,Ukiyo_e,katsushika-hokusai_portrait-of-a-woman-holding-a-fan +landscape,Realism,eugene-boudin_the-honfleur-lighthouse +genre_painting,Impressionism,maurice-prendergast_the-breezy-common-1897 +portrait,Rococo,thomas-gainsborough_robert-price +portrait,Pop_Art,tano-festa_da-michelangelo-1966 +landscape,Realism,charles-francois-daubigny_le-ru-de-valmondois +religious_painting,Northern_Renaissance,martin-schongauer_christ-bearing-his-cross +portrait,Impressionism,camille-pissarro_three-peasant-women-1890 +portrait,Rococo,carl-ludwig-johann-christineck_samuil-greig-1775 +landscape,Expressionism,sidney-nolan_camel-and-figure-1966 +landscape,Realism,johan-hendrik-weissenbruch_at-elshout-sun-1854 +religious_painting,Early_Renaissance,pietro-perugino_the-pazzi-crucifixion-detail-1 +cityscape,Post_Impressionism,maurice-utrillo_church-in-suburbs +still_life,Cubism,pablo-picasso_guitar-on-pedestal-1920-1 +abstract_painting,Color_Field_Painting,esteban-vicente_afternoon-1971 +portrait,Impressionism,william-merritt-chase_the-golden-lady +landscape,Realism,martiros-saryan_a-nook-of-the-peach-garden +portrait,Rococo,carl-ludwig-johann-christineck_heinrich-friedrich-wilhelm-von-ploets +cityscape,Impressionism,camille-pissarro_boulevard-montmartre-afternoon-in-the-rain-1897 +landscape,Symbolism,konstantin-bogaevsky_genoese-fortress-1907 +religious_painting,Romanticism,camille-corot_saint-sebastian-1851 +sketch_and_study,Post_Impressionism,vincent-van-gogh_ruins-of-montmajour-1888-1 +genre_painting,Impressionism,berthe-morisot_the-banks-of-the-seine +cityscape,Impressionism,antoine-blanchard_place-de-la-madeleine-4 +cityscape,Post_Impressionism,edouard-cortes_place-de-la-republique-2 +landscape,Impressionism,willard-metcalf_early-spring-afternoon-central-park +portrait,Impressionism,camille-pissarro_portrait-of-monsieur-louis-estruc +portrait,Expressionism,serge-sudeikin_vera-stravinsky +still_life,Expressionism,martiros-saryan_still-life-1925 +landscape,Expressionism,max-pechstein_schneeschmelze-melting-snow-1922 +nude_painting,Romanticism,akseli-gallen-kallela_d-masqu-e-1888 +abstract_painting,Abstract_Expressionism,paul-jenkins_lotus +sketch_and_study,Art_Nouveau_Modern,gustav-klimt_adele-bloch-bauer +landscape,Expressionism,ernst-ludwig-kirchner_mountains-in-winter-1919 +genre_painting,Ukiyo_e,kitagawa-utamaro_women-gathering-for-tooth-blackening-ceremony +illustration,Art_Nouveau_Modern,edmund-dulac_the-pearl-of-the-talisman-from-the-kingdom-of-the-pearl +genre_painting,Naive_Art_Primitivism,edith-vonnegut_garden-hose +cityscape,Romanticism,rudolf-von-alt_the-parish-church-in-ofen +religious_painting,High_Renaissance,raphael_the-prophet-isaiah-1512 +cityscape,Impressionism,samuel-mutzner_prim-var-la-kyoto-1915 +still_life,Expressionism,ernst-ludwig-kirchner_still-life-with-sculpture-1 +landscape,Impressionism,konstantin-korovin_hollyhocks-in-the-saratov-region-1889 +religious_painting,Symbolism,salvador-dali_cherub-super-limen-domus-ezekiel-9-3-1967 +portrait,Contemporary_Realism,eric-fischl_willie-and-liz +genre_painting,Ukiyo_e,utagawa-kuniyoshi_woman-making-a-wig +portrait,Impressionism,pierre-auguste-renoir_portrait-of-claude-renoir-1903 +cityscape,Impressionism,childe-hassam_champs-elysees-paris +portrait,Romanticism,fyodor-bronnikov_martyr-on-a-circus-ring-1869 +landscape,Synthetic_Cubism,juan-gris_landscape-at-ceret-1913 +religious_painting,Northern_Renaissance,hans-baldung_madonna-and-child +portrait,Realism,columbano-bordalo-pinheiro_retrato-do-professor-jo-o-barreira-1900 +genre_painting,Realism,vasily-surikov_on-boat-study-to-the-conquest-of-siberia-by-yermak +portrait,Expressionism,francis-picabia_face-of-a-woman +cityscape,Impressionism,claude-monet_the-port-at-zaandam +genre_painting,Impressionism,gustave-caillebotte_interior-woman-reading-1880 +landscape,Impressionism,william-merritt-chase_a-sunny-afternoon-shinnecock-hills +genre_painting,Realism,frederic-remington_a-misdeal-1897 +genre_painting,Realism,thomas-eakins_peasants-crossing-a-stream-1858 +genre_painting,Realism,james-tissot_the-departure-platform-victoria-station +portrait,Realism,ivan-kramskoy_portrait-of-singer-elizabeth-andreevny-lavrovsky-on-stage-at-the-assembly-of-nobility-1879 +genre_painting,Realism,boris-kustodiev_fair-in-the-village-1927 +landscape,Post_Impressionism,pyotr-konchalovsky_sorrento-vesuvius-in-the-evening-1924 +nude_painting,Expressionism,pablo-picasso_untitled-1971 +portrait,Cubism,fernand-leger_the-man-with-the-pipe-1918 +sketch_and_study,Northern_Renaissance,hieronymus-bosch_study-of-monsters +genre_painting,Realism,konstantin-makovsky_meal-of-pilgrims-in-the-trinity-lavra-of-st-sergius +religious_painting,Mannerism_Late_Renaissance,tintoretto_birth-of-st-john-the-baptist +still_life,Realism,vincent-van-gogh_still-life-with-earthenware-bottle-and-clogs-1885 +landscape,Impressionism,claude-monet_three-trees-in-summer +abstract_painting,Abstract_Expressionism,esteban-vicente_numero-10-1983 +religious_painting,Early_Renaissance,giovanni-bellini_madonna-enthroned-cherishing-the-sleeping-child-1475 +abstract_painting,Minimalism,yves-gaucher_thg-n-d-68-1968 +landscape,Post_Impressionism,karl-schrag_woods-and-open-sea-1962 +portrait,Impressionism,pierre-auguste-renoir_dancer-with-tambourne-gabrielle-renard-1909 +landscape,Impressionism,camille-pissarro_winter-at-montfoucault-2-1875 +portrait,Realism,gustave-courbet_the-trellis-young-woman-arranging-flowers-1862 +landscape,Art_Nouveau_Modern,egon-schiele_four-trees-1917 +cityscape,Cubism,lyonel-feininger_gaberndorf-ii-1924 +still_life,Contemporary_Realism,janet-fish_turkish-delight-2003 +religious_painting,Mannerism_Late_Renaissance,tintoretto_esther-before-ahasuerus-1548 +genre_painting,Symbolism,arnold-bã¶cklin_returning-home-1887 +landscape,Impressionism,claude-monet_cliffs-walk-at-pourville +portrait,Romanticism,jan-matejko_mieszko-the-old +landscape,Baroque,rembrandt_the-three-cottages-1650 +abstract_painting,Abstract_Expressionism,forrest-bess_untitled-the-void-no-ii-1952 +portrait,Realism,edouard-manet_portrait-of-monsieur-and-madame-auguste-manet-1860 +still_life,Impressionism,paul-gauguin_still-life-with-oranges-1881 +genre_painting,Post_Impressionism,maurice-prendergast_sunset +portrait,Pointillism,camille-pissarro_young-peasant-at-her-toilette-1888 +sketch_and_study,Post_Impressionism,vincent-van-gogh_pine-trees-along-a-road-to-a-house-1889 +religious_painting,Northern_Renaissance,hugo-van-der-goes_the-portinari-altarpiece-st-mary-magdalen-and-st-margaret-with-maria-baroncelli-and-daughter +nude_painting,Contemporary_Realism,eric-fischl_master-bedroom +portrait,Baroque,rembrandt_portrait-of-johannes-elison-1634 +illustration,Realism,mikhail-vrubel_anna-karenina-meets-her-son-1878 +religious_painting,Realism,vasily-polenov_lord-s-supper +genre_painting,Realism,vasily-perov_naushnitsa-before-the-storm-1874 +sketch_and_study,Expressionism,martiros-saryan_khor-virap-1914 +portrait,Realism,constantin-artachino_turk-bargainer +illustration,Romanticism,n.c.-wyeth_the-lady-lyoness-had-the-dwarf-in-examination +landscape,Impressionism,frits-thaulow_from-dieppe-to-arques-river +cityscape,Expressionism,zinaida-serebriakova_collioure-bridge-with-goats-1930 +landscape,Romanticism,ivan-aivazovsky_moonlight-in-feodosia-1852 +sketch_and_study,Early_Renaissance,paolo-uccello_the-battle-of-san-romano +genre_painting,Post_Impressionism,andre-derain_ball-of-soldiers-in-suresnes-1903 +abstract_painting,Abstract_Expressionism,joan-mitchell_untitled-1956 +still_life,Synthetic_Cubism,juan-gris_the-coffee-grinder-1916 +portrait,Realism,ilya-repin_portrait-of-the-military-engineer-andrey-delvig-1882 +portrait,Impressionism,ion-theodorescu-sion_the-artist-1927 +landscape,New_Realism,edward-hopper_blackhead-monhegan-1919 +portrait,Impressionism,pierre-auguste-renoir_claude-and-renee-claude-1903 +genre_painting,Impressionism,pierre-auguste-renoir_near-lake +religious_painting,Early_Renaissance,domenico-ghirlandaio_st-mark-the-evangelist-1490 +portrait,Post_Impressionism,paul-gauguin_portrait-of-william-molard-1894 +religious_painting,Mannerism_Late_Renaissance,jacopo-pontormo_christ-before-pilate(1) +portrait,Baroque,alonzo-cano_kings-of-the-visigoths +abstract_painting,Minimalism,agnes-martin_untitled-1978 +portrait,Naive_Art_Primitivism,henri-rousseau_child-with-a-puppet +landscape,Symbolism,nicholas-roerich_barrows-1915 +genre_painting,Impressionism,childe-hassam_the-old-fairbanks-house-dedham-massachusetts +genre_painting,Impressionism,eugene-boudin_the-manet-family-picnicking-1866 +portrait,Northern_Renaissance,hans-holbein-the-younger_portrait-of-henry-brandon +portrait,High_Renaissance,raphael_portraits-of-leo-x-cardinal-luigi-de-rossi-and-giulio-de-medici-1518 +genre_painting,Expressionism,ernst-ludwig-kirchner_dancer-and-audience-1917 +genre_painting,Pop_Art,r.-b.-kitaj_america-baseball +landscape,Pointillism,georges-seurat_mouth-of-the-seine-at-honfleur-evening-1886 +landscape,Post_Impressionism,pierre-bonnard_cagnes-landscape-1916 +religious_painting,Mannerism_Late_Renaissance,rosso-fiorentino_madonna-and-child-with-putti-1522 +still_life,Cubism,georges-braque_piano-and-mandolin +abstract_painting,Abstract_Expressionism,paul-jenkins_not_detected_235687 +landscape,Symbolism,nicholas-roerich_twilight +genre_painting,Romanticism,david-wilkie_the-cotter-s-saturday-night +genre_painting,Post_Impressionism,georges-seurat_gardener-1882 +abstract_painting,Abstract_Expressionism,richard-pousette-dart_window-of-unknowing-1976 +abstract_painting,Abstract_Expressionism,manabu-mabe_alvorada-da-industria-1966 +sketch_and_study,Realism,vincent-van-gogh_the-public-soup-kitchen-1883 +landscape,Impressionism,piet-mondrian_alberi-1908 +genre_painting,Realism,winslow-homer_mending-the-nets +abstract_painting,Minimalism,richard-tuttle_waferboard-3-1996 +landscape,Realism,pierre-auguste-renoir_the-fairies-pond-1866 +landscape,Impressionism,stefan-luchian_the-well-on-clucerului-street-1904 +portrait,Cubism,paul-klee_senecio-1922(1) +genre_painting,Impressionism,william-merritt-chase_in-the-park-paris +landscape,Realism,john-everett-millais_christmas-eve +portrait,Realism,giovanni-boldini_adolf-friedrich-erdmann-von-menzel +landscape,Realism,vasily-surikov_crimea-ai-petri-1908 +cityscape,Post_Impressionism,vincent-van-gogh_the-garden-of-st-paul-s-hospital-at-st-remy-1889 +landscape,Realism,isaac-levitan_landscape-with-an-isba-1899 +still_life,Contemporary_Realism,janet-fish_dishes-from-japan-2003 +cityscape,Impressionism,alfred-sisley_the-loing-at-moret-1885 +abstract_painting,Abstract_Expressionism,bradley-walker-tomlin_number-13-1949 +cityscape,Realism,vasily-vereshchagin_main-street-in-samarkand-from-the-height-of-the-citadel-in-the-early-morning-1870 +portrait,Baroque,rembrandt_a-seated-man +portrait,Baroque,rembrandt_the-card-player-1641 +landscape,Post_Impressionism,paul-cezanne_rocks-at-fountainebleau-1893 +genre_painting,Impressionism,mary-cassatt_the-befooted-child-1898 +religious_painting,Northern_Renaissance,bernhard-strigel_holy-family +landscape,Romanticism,karl-bodmer_landscape-with-buffalo-on-the-upper-missouri-1833 +sketch_and_study,Symbolism,konstantin-somov_portrait-of-s-zvantseva +portrait,Impressionism,camille-pissarro_portrait-of-ludovic-rodo-pissarro +landscape,Impressionism,salvador-dali_landscape-near-figueras +religious_painting,Baroque,anthony-van-dyck_susanna-and-the-elders-1622 +portrait,Pop_Art,pauline-boty_colour-her-gone-1962 +portrait,Post_Impressionism,henri-catargi_interior-with-girl-1949 +portrait,Symbolism,fernand-khnopff_portrait-of-yvonne-seys-1890 +landscape,Impressionism,frederic-bazille_saint-saveur +landscape,Realism,gustave-courbet_rocky-river-valley-1865 +genre_painting,Impressionism,boris-kustodiev_a-dancer-in-a-cabaret-1904 +genre_painting,Impressionism,james-tissot_a-declaration-of-love +nude_painting,Romanticism,francesco-hayez_mutual-masturbation +genre_painting,Symbolism,arnold-bã¶cklin_under-the-arbor-1891 +sketch_and_study,Impressionism,leon-dabo_a-study-of-talloires-1939 +portrait,Impressionism,john-singer-sargent_charles-stuart-forbes-1883 +landscape,Art_Nouveau_Modern,j.-e.-h.-macdonald_algoma-waterfall-1920 +abstract_painting,Color_Field_Painting,ronnie-landfield_village-in-the-moon-1985 +landscape,Post_Impressionism,paul-gauguin_brittany-landscape-with-women-carrying-sack-1889 +still_life,Rococo,jean-baptiste-oudry_still-life-with-dead-game-and-peaches-in-a-landscape-1727 +religious_painting,Northern_Renaissance,hans-memling_christ-at-the-column-1490 +abstract_painting,Color_Field_Painting,afro_abstract-composition-1975 +landscape,Naive_Art_Primitivism,david-burliuk_mount-zion-israel(1) +illustration,Romanticism,gustave-dore_eastward-amoung-those-trees-what-glorious-shape-comes-this-way-moving +nude_painting,Realism,felix-vallotton_woman-with-a-black-hat-1908 +still_life,Post_Impressionism,vincent-van-gogh_still-life-with-apples-pears-lemons-and-grapes-1887 +sketch_and_study,Realism,vincent-van-gogh_saw-mill-1882 +illustration,Art_Nouveau_Modern,eugã¨ne-grasset_joan-of-arc-1894 +genre_painting,Baroque,rembrandt_beggar-with-his-left-hand-extended-1631 +nude_painting,Impressionism,pierre-auguste-renoir_woman-at-the-chest-1919 +landscape,Symbolism,nicholas-roerich_rocks-cliffs-1919 +illustration,Art_Nouveau_Modern,kay-nielsen_in-powder-and-crinoline-1912-2 +sketch_and_study,Post_Impressionism,vincent-van-gogh_standing-male-nude-seen-from-the-front-2 +portrait,Romanticism,joseph-wright_portrait-of-the-revd-samuel-rastall-dean-of-killaloe-ireland +genre_painting,Art_Nouveau_Modern,raphael-kirchner_on-the-dressing-table-1904 +sketch_and_study,Realism,aleksey-savrasov_trees +portrait,High_Renaissance,raphael_portrait-of-a-man-holding-an-apple-1500 +religious_painting,Mannerism_Late_Renaissance,el-greco_the-disrobing-of-christ-1579 +landscape,Impressionism,eugene-boudin_the-ferry-to-deauville +genre_painting,Impressionism,gustave-caillebotte_man-at-his-bath +still_life,Expressionism,henri-matisse_still-life-with-oysters-1940 +portrait,Romanticism,dante-gabriel-rossetti_aurelia-1879 +still_life,Synthetic_Cubism,juan-gris_still-life-1914 +sketch_and_study,High_Renaissance,leonardo-da-vinci_codex-on-the-flight-of-birds +genre_painting,Expressionism,natalia-goncharova_woodcutters +religious_painting,Mannerism_Late_Renaissance,tintoretto_elisha-multiplies-the-bread-1578 +nude_painting,Realism,pablo-picasso_academical-study +religious_painting,Baroque,alonzo-cano_the-virgin-and-child-1643 +sketch_and_study,High_Renaissance,michelangelo_studies-for-a-double-tomb-wall +genre_painting,Romanticism,william-turner_windsor-castle-from-the-thames +portrait,Romanticism,orest-kiprensky_portrait-of-ekaterina-semenova-1816 +cityscape,Post_Impressionism,raoul-dufy_pier-of-le-havre-in-the-evening-1901 +religious_painting,Northern_Renaissance,jan-van-hemessen_christ-driving-merchants-from-the-temple +genre_painting,Baroque,le-nain-brothers_four-figures-at-table +religious_painting,Early_Renaissance,antonello-da-messina_the-dead-christ-supported-by-an-angel-1478(1) +landscape,Impressionism,joaquã­n-sorolla_landscape +abstract_painting,Abstract_Expressionism,sam-gilliam_sea-color-2011 +genre_painting,Impressionism,edgar-degas_the-rehearsal +sketch_and_study,Fauvism,martiros-saryan_arzni-1942 +portrait,Rococo,thomas-gainsborough_charles-howard-11th-duke-of-norfolk +still_life,Realism,henri-fantin-latour_still-life-fisheries-in-a-glass-cup-a-dark-pink-with-leaf-right +genre_painting,Pointillism,camille-pissarro_paysanne-couchant-1882 +landscape,Impressionism,childe-hassam_evening +genre_painting,Expressionism,henri-matisse_tea-in-the-garden-1919 +genre_painting,Impressionism,edgar-degas_a-visit-to-the-museum +landscape,Art_Nouveau_Modern,ivan-bilibin_egypt-pyramids-1924(1) +still_life,Impressionism,gregoire-boonzaier_still-life-flowers-1938 +nude_painting,Post_Impressionism,paul-gauguin_nevermore-1897 +genre_painting,Impressionism,joaquã­n-sorolla_valencian-scene-1893 +landscape,Impressionism,alfred-sisley_his-at-suresne-1874 +abstract_painting,Color_Field_Painting,gotthard-graubner_untitled-1991-1 +cityscape,Expressionism,paul-klee_two-country-houses-1918(1) +genre_painting,Naive_Art_Primitivism,pablo-picasso_las-meninas-velazquez-1957-2 +portrait,Romanticism,konstantin-makovsky_portrait-of-hudenkova-1 +sketch_and_study,Northern_Renaissance,jan-van-eyck_st-barbara-1437-1 +portrait,Early_Renaissance,andrea-del-castagno_niccol-acciaioli +portrait,Expressionism,george-bouzianis_portrait-3 +abstract_painting,Abstract_Expressionism,jack-youngerman_august-31-1966 +cityscape,Post_Impressionism,paul-cezanne_roofs-in-l-estaque-1882 +genre_painting,Cubism,william-h.-johnson_jitterbugs-iv-1941(1) +cityscape,Impressionism,eugene-boudin_abbeville-street-and-the-church-of-saint-folfran-1884 +portrait,Expressionism,martiros-saryan_portrait-of-the-pianist-konstantin-igumnov-1934 +portrait,Romanticism,henry-raeburn_nathaniel-spens +portrait,Realism,david-burliuk_portrait-by-the-castle-under-moonlight-1951 +genre_painting,Naive_Art_Primitivism,david-burliuk_in-a-russian-village-1926 +nude_painting,Impressionism,edgar-degas_bathers-on-the-grass-1890 +landscape,Realism,charles-francois-daubigny_the-pond-1870 +cityscape,Impressionism,eugene-boudin_fervaques-the-main-street +portrait,Realism,ilya-repin_the-courtyard-of-petrovsky-palace-1885 +abstract_painting,Minimalism,walter-darby-bannard_camellia-same-1962 +portrait,Baroque,rembrandt_the-artist-s-wife-saskia +sketch_and_study,Post_Impressionism,vincent-van-gogh_a-group-of-figures-on-the-beach(1) +landscape,Impressionism,paul-cezanne_auvers-view-from-nearby +landscape,Symbolism,nicholas-roerich_house-of-spirit-1915 +genre_painting,Realism,julius-leblanc-stewart_an-interesting-letter-1890(1) +landscape,Symbolism,martiros-saryan_apricot-tree-in-blossom-1942 +religious_painting,Mannerism_Late_Renaissance,el-greco_st-bernardino-of-siena-1604 +genre_painting,Cubism,fernand-leger_trouville-1911 +genre_painting,Impressionism,pierre-auguste-renoir_woman-in-a-straw-hat +portrait,High_Renaissance,vittore-carpaccio_portrait-of-a-woman-1498 +still_life,Realism,robert-brackman_sold +illustration,Romanticism,gustave-dore_the-inferno-canto-21 +genre_painting,Art_Nouveau_Modern,boris-kustodiev_shostakovich-museum-of-art +religious_painting,Mannerism_Late_Renaissance,gregorio-lopes_adora-o-dos-pastores-1539 +cityscape,Impressionism,alfred-sisley_street-in-veneux-1883 +portrait,Impressionism,vanessa-bell_aldous-huxley-1931 +abstract_painting,Color_Field_Painting,sam-gilliam_bowling-2001 +cityscape,Realism,boris-kustodiev_venice-memory-1918 +genre_painting,Romanticism,adolphe-joseph-thomas-monticelli_the-offering +illustration,Realism,n.c.-wyeth_what-is-your-name-my-boy +portrait,High_Renaissance,lorenzo-lotto_portrait-of-a-man +portrait,Art_Nouveau_Modern,felix-vallotton_portrait-of-the-artist-s-brother-with-hat-1888 +genre_painting,Impressionism,berthe-morisot_young-girl-lying +portrait,Mannerism_Late_Renaissance,titian_not_detected_224925 +still_life,Impressionism,nikolay-bogdanov-belsky_still-life-with-a-bottle-of-vine +cityscape,Expressionism,carlos-botelho_barcos-no-rio-1930 +illustration,Expressionism,lynd-ward_not-detected-272534 +portrait,Symbolism,jan-toorop_portrait-of-emma-bellwidt-on-the-beach-at-domburg-1905 +genre_painting,Impressionism,edgar-degas_the-jockey +portrait,Realism,ilya-repin_girl-with-flowers-daughter-of-the-artist-1878 +portrait,Realism,john-lewis-krimmel_portrait-of-jacob-ritter-sr +genre_painting,Impressionism,philip-wilson-steer_girl-at-the-beach +landscape,Expressionism,francis-picabia_viareggio +landscape,Impressionism,gustave-caillebotte_the-garden-at-petit-gennevilliers +genre_painting,Analytical_Cubism,pablo-picasso_woman-with-guitar-and-piano-1911 +portrait,Romanticism,francisco-goya_portrait-of-maria-teresa-de-vallabriga-on-horseback-1783 +religious_painting,Symbolism,james-tissot_the-death-of-aaron +landscape,Contemporary_Realism,neil-welliver_the-blue-pool +portrait,Mannerism_Late_Renaissance,jacopo-pontormo_portrait-of-a-lady-in-red-dress +portrait,Impressionism,pierre-auguste-renoir_gabrielle-seated +religious_painting,Baroque,francisco-de-zurbaran_apostle-st-andrew-1631 +cityscape,Impressionism,vasily-polenov_venice-1896 +sketch_and_study,Realism,john-singer-sargent_nude-1 +illustration,New_Realism,john-french-sloan_cover-of-the-june-1914-issue-of-the-masses +portrait,Expressionism,pyotr-konchalovsky_spanish-woman-1910-1 +landscape,Realism,ivan-shishkin_bee-families-1882 +landscape,Realism,john-singer-sargent_olive-trees-at-corfu-1909 +illustration,Expressionism,oskar-kokoschka_not_detected_235841 +nude_painting,Post_Impressionism,david-burliuk_nude +portrait,Impressionism,gustave-caillebotte_portrait-of-a-man-writing-in-his-study +genre_painting,Realism,aleksey-savrasov_fishermen-on-the-volga-1872 +portrait,Baroque,rembrandt_self-portrait-at-the-age-of-34-1640 +portrait,Impressionism,maurice-prendergast_lady-with-a-red-sash +portrait,Impressionism,pierre-auguste-renoir_study-of-a-woman +landscape,Realism,gustave-courbet_the-source-among-the-rocks-of-the-doubs-1871 +nude_painting,Ukiyo_e,utagawa-kunisada_not_detected_240333 +cityscape,Realism,vasily-polenov_terem-palace-exterior-1877 +sketch_and_study,Realism,vasily-surikov_a-i-surikov-with-fur-coat-study-to-taking-the-snow-town +genre_painting,Naive_Art_Primitivism,william-h.-johnson_operation-room-1942(1) +landscape,Impressionism,paul-cezanne_the-pond-of-the-jas-de-bouffan-1878 +landscape,Impressionism,camille-pissarro_boulevard-des-fosses-pontoise +landscape,Romanticism,paul-cezanne_the-manor-house-at-jas-de-bouffan-1870 +portrait,Rococo,joshua-reynolds_mrs-joseph-martin-and-her-son-charles-1760 +genre_painting,Realism,boris-kustodiev_petrograd-on-february-1917 +landscape,Realism,andrei-ryabushkin_road +portrait,Art_Nouveau_Modern,jacek-malczewski_portrait +religious_painting,Symbolism,kazimir-malevich_triumph-of-the-skies-1907 +genre_painting,Post_Impressionism,maurice-prendergast_landscape-with-figures +sketch_and_study,Early_Renaissance,filippo-brunelleschi_sketches-of-the-machines-1(1) +sketch_and_study,Early_Renaissance,jacopo-bellini_tomb-of-a-prince(2) +abstract_painting,Color_Field_Painting,jack-youngerman_red-vermillion-1961 +abstract_painting,Abstract_Expressionism,paul-jenkins_phenomena-waiting-gables +genre_painting,Art_Nouveau_Modern,eugã¨ne-grasset_froideur +portrait,Mannerism_Late_Renaissance,agnolo-bronzino_portrait-of-a-lady-in-green +portrait,Early_Renaissance,masaccio_portrait-of-a-young-man-1425 +genre_painting,Romanticism,francisco-goya_pilgrimage-to-the-church-of-san-isidro-1788 +sketch_and_study,Romanticism,fyodor-solntsev_from-svyatoslav-s-snornik +religious_painting,Early_Renaissance,andrea-del-castagno_stories-of-christ-s-passion-1447 +abstract_painting,Color_Field_Painting,joe-goode_environmental-impact-1981 +genre_painting,Symbolism,nicholas-roerich_one-who-safeguards +genre_painting,Impressionism,georges-seurat_rainbow-1883 +portrait,Realism,vincent-van-gogh_head-of-a-woman +religious_painting,Mannerism_Late_Renaissance,el-greco_coronation-of-the-virgin +religious_painting,Symbolism,salvador-dali_muliere-peccatrici-remittuntur-peccata-multa-1967 +portrait,Early_Renaissance,sandro-botticelli_portrait-of-a-young-man-1483(1) +cityscape,Pointillism,theo-van-rysselberghe_moonlight-night-in-boulogne +abstract_painting,Color_Field_Painting,morris-louis_phi-1961 +portrait,Realism,james-tissot_the-comedian +genre_painting,Expressionism,nikolaos-lytras_the-donkey +landscape,Fauvism,jan-sluyters_landscape +cityscape,Expressionism,arturo-souto_classical-ruins-view-of-rome-1935 +genre_painting,Rococo,pietro-longhi_the-fortune-teller(1) +landscape,Impressionism,willard-metcalf_winter-afternoon +genre_painting,Naive_Art_Primitivism,marc-chagall_lovers +portrait,Realism,mikhail-nesterov_portrait-of-elena-rasumova-1936 +genre_painting,Expressionism,marevna-(marie-vorobieff)_the-march-down-rue-de-la-gatti-in-paris +nude_painting,Expressionism,filipp-malyavin_nude +landscape,Realism,johan-hendrik-weissenbruch_landscape-with-mills +genre_painting,Impressionism,william-merritt-chase_interior-of-the-artist-s-studio-aka-the-tenth-street-studio +portrait,Romanticism,camille-corot_mlle-leotine-desavary-holding-a-turtledove-1872 +portrait,Romanticism,orest-kiprensky_family-portrait-1815 +genre_painting,Realism,vincent-van-gogh_man-feeding-chickens-or-sowing-1883 +abstract_painting,Minimalism,frank-stella_the-marriage-of-reason-and-squalor-1959 +portrait,Rococo,william-hogarth_portrait-of-en-francis-dashwood-15th-baron-of-despencer +landscape,Impressionism,eugene-boudin_plougastel-the-ferry-passage-1870-1 +genre_painting,Baroque,le-nain-brothers_the-old-player-of-flageolet +sketch_and_study,Early_Renaissance,andrea-mantegna_two-studies-for-christ-at-the-column-1459 +portrait,Expressionism,henri-matisse_the-reader-marguerite-matisse-1906 +still_life,Impressionism,pierre-auguste-renoir_sugar-bowl-and-lemon +still_life,Impressionism,stefan-popescu_still-life-with-flowers +still_life,Realism,henri-fantin-latour_still-life-corner-of-a-table-1873 +portrait,Romanticism,dante-gabriel-rossetti_sibylla-palmifera +genre_painting,Realism,william-merritt-chase_the-king-s-jester +sketch_and_study,Realism,thomas-eakins_sketch-for-the-pathetic-song +genre_painting,Romanticism,karl-bryullov_grape-harvest-celebration(1) +religious_painting,Mannerism_Late_Renaissance,el-greco_st-john-the-evangelist +landscape,Post_Impressionism,vincent-van-gogh_wheat-fields-with-auvers-in-the-background-1890 +sketch_and_study,Symbolism,kuzma-petrov-vodkin_mother-child-saving-1932 +religious_painting,Mannerism_Late_Renaissance,tintoretto_the-adoration-of-the-magi-1582 +portrait,Rococo,jean-baptiste-simeon-chardin_young-man-with-a-violin-portrait-of-charles-theodose-godefroy +nude_painting,Expressionism,chronis-botsoglou_erotica-1 +cityscape,Impressionism,armand-guillaumin_winter-in-saint-sauves-auvergne-1900 +portrait,Rococo,jean-honore-fragonard_girl-with-a-marmot-1790 +cityscape,Post_Impressionism,edouard-cortes_booksellers-of-notre-dame +religious_painting,Early_Renaissance,pietro-perugino_angels-detail +portrait,Expressionism,nicolae-tonitza_scherzzo +religious_painting,Early_Renaissance,paolo-uccello_scene-of-peace-offerings-noah-s-drunkenness-and-shame-1448 +portrait,Art_Nouveau_Modern,paul-mathiopoulos_lady-with-a-dog-1899 +religious_painting,Northern_Renaissance,albrecht-durer_virgin-and-child-before-an-archway +landscape,Romanticism,caspar-david-friedrich_the-abbey-in-the-oakwood +landscape,Impressionism,claude-monet_plums-blossom +sketch_and_study,Realism,vincent-van-gogh_man-and-woman-seen-from-the-back-1882 +landscape,Impressionism,gregoire-boonzaier_a-view-of-the-ocean-1948 +portrait,Baroque,anthony-van-dyck_young-woman-with-a-child-1618 +portrait,Expressionism,paul-delvaux_reclining-nude-1934 +cityscape,Romanticism,cornelis-springer_a-cathedral-on-a-townsquare-in-summer-1846 +landscape,Art_Nouveau_Modern,ivan-bilibin_winter-1917 +religious_painting,Symbolism,arnold-bã¶cklin_the-lamentations-of-mary-magdalene-on-the-body-of-christ-1868 +portrait,Expressionism,arturo-souto_portrait-of-georgina-xenia-alber +sketch_and_study,Cubism,pyotr-konchalovsky_portrait-of-a-e-goncz-1918 +portrait,Realism,ilya-repin_portrait-of-the-author-alexey-pisemsky-1880 +landscape,Post_Impressionism,paul-cezanne_landscape-at-midday-1887 +landscape,Realism,nikolai-ge_bay-in-livorno +religious_painting,Early_Renaissance,fra-angelico_crucifixion-and-saints-1442 +still_life,Realism,vincent-van-gogh_still-life-with-two-sacks-and-a-bottle-1884 +landscape,Impressionism,henry-herbert-la-thangue_a-mountain-frontier-1910 +portrait,Art_Nouveau_Modern,felix-vallotton_portrait-of-french-writer-andr-fontainas-1898 +still_life,Symbolism,konstantin-somov_porcelain-figurines-on-a-stone-shelf +illustration,Naive_Art_Primitivism,oskar-kokoschka_not_detected_235925 +sketch_and_study,Post_Impressionism,vincent-van-gogh_silhouette-of-a-peasant-woman-digging-carrots +still_life,Synthetic_Cubism,juan-gris_still-life-with-white-tablecloth-1916 +landscape,Realism,john-henry-twachtman_landscape +cityscape,Expressionism,wassily-kandinsky_houses-at-murnau-1909 +portrait,Expressionism,oskar-kokoschka_not_detected_235854 +genre_painting,Impressionism,william-merritt-chase_bath-beach-a-sketch +landscape,Impressionism,joaquã­n-sorolla_almond-trees-in-asis +sketch_and_study,Realism,john-singer-sargent_henry-tonks-1918 +portrait,Expressionism,ernst-ludwig-kirchner_two-women-at-the-street +landscape,Romanticism,taras-shevchenko_turkmen-abas-at-kara-tau-1857 +genre_painting,Post_Impressionism,theo-van-rysselberghe_the-garden-of-felicien-rops-at-essone-1910 +cityscape,Post_Impressionism,edouard-cortes_caf-de-la-paix-paris-4 +landscape,Impressionism,maurice-prendergast_at-the-shore-capri +religious_painting,High_Renaissance,dosso-dossi_sacra-conversazione-1520 +genre_painting,Cubism,fernand-leger_the-bathers-the-dancers +religious_painting,Early_Renaissance,carlo-crivelli_saint-peter +portrait,Expressionism,nicolae-tonitza_unknown-title-2 +portrait,Mannerism_Late_Renaissance,tintoretto_portrait-of-vincenzo-morosini-1580 +landscape,Post_Impressionism,karl-schrag_treetops-autumn-moon-1972 +portrait,Realism,boris-kustodiev_portrait-of-irina-kustodiev-with-the-dog-shumka-1907 +genre_painting,Realism,vasily-perov_court-pugacheva +landscape,Art_Nouveau_Modern,a.y.-jackson_algoma-in-november-1935 +portrait,High_Renaissance,giorgione_youth-holding-an-arrow-1505(2) +landscape,Fauvism,raoul-dufy_cubist-landscape-with-haystacks +cityscape,Impressionism,gustave-caillebotte_rue-halevy-seen-from-the-sixth-floor +religious_painting,Early_Renaissance,benozzo-gozzoli_the-dance-of-salome-detail-1462-3 +genre_painting,Art_Nouveau_Modern,felix-vallotton_the-anarchist-1892 +abstract_painting,Abstract_Expressionism,sam-francis_foot-print-1960 +landscape,Post_Impressionism,pyotr-konchalovsky_bridge-1919 +cityscape,Impressionism,camille-pissarro_the-tuileries-gardens-afternoon-sun-1900 +portrait,Northern_Renaissance,lucas-cranach-the-elder_portrait-of-cardinal-albrecht-of-brandenburg-1526-1 +genre_painting,Impressionism,edgar-degas_dancer-adjusting-her-sandel +religious_painting,Expressionism,arthur-segal_eliyahu +genre_painting,Romanticism,theodore-gericault_the-asleep-fishmonger +portrait,Baroque,anthony-van-dyck_portrait-of-the-prefect-raphael-racius-1625 +abstract_painting,Abstract_Expressionism,joan-mitchell_untitled-1992 +genre_painting,Impressionism,pierre-auguste-renoir_girls-on-the-seashore-1894 +genre_painting,Post_Impressionism,henri-de-toulouse-lautrec_in-bed-1893 +genre_painting,Impressionism,anders-zorn_christmas-morning-service-1908 +nude_painting,Impressionism,pierre-auguste-renoir_standing-nude-1889 +landscape,Post_Impressionism,anita-malfatti_pedras-na-praia +illustration,Romanticism,joseph-wright_romeo-and-juliet-the-tomb-scene-noise-again-then-i-ll-be-brief-1790 +genre_painting,New_Realism,george-luks_allen-street-1905 +religious_painting,Baroque,rembrandt_daniel-and-king-cyrus-in-front-of-the-idol-of-bel-1633 +cityscape,Impressionism,claude-monet_rouen-cathedral-the-portal-and-the-tour-d-albane-at-dawn +abstract_painting,Color_Field_Painting,morris-louis_untitled-1960 +genre_painting,Impressionism,joaquã­n-sorolla_fisherwomen-on-the-beach-valencia-1903 +landscape,Ukiyo_e,hiroshige_komokata-hall-and-azuma-bridge-1857 +portrait,Post_Impressionism,paul-cezanne_peasant-in-a-straw-hat-1906 +landscape,Pointillism,camille-pissarro_meadow-at-bazincourt +landscape,Impressionism,robert-julian-onderdonk_crashing-surf +landscape,Impressionism,pierre-auguste-renoir_the-garden-collettes-1909 +portrait,Romanticism,joseph-wright_harriet-wright-the-artist-s-daughter +portrait,Naive_Art_Primitivism,pablo-picasso_sebastia-junyer-vidal-as-matador-1903 +religious_painting,High_Renaissance,raphael_the-holy-family-with-a-lamb-1507 +portrait,Impressionism,william-merritt-chase_portrait-of-erla-howell-aka-little-miss-h +portrait,Realism,alexey-venetsianov_peasant-boy-putting-on-bast-sandals-1827 +genre_painting,Post_Impressionism,paul-gauguin_three-tahitian-women-against-a-yellow-background-1899-oil-on-canvas-1899 +landscape,Impressionism,camille-pissarro_chestnut-trees-louveciennes-spring-1870 +abstract_painting,Color_Field_Painting,sam-francis_untitled-1974 +portrait,Impressionism,gustave-caillebotte_portrait-of-a-young-woman-in-an-interior +nude_painting,Impressionism,edgar-degas_after-the-bath-7 +portrait,Art_Nouveau_Modern,boris-kustodiev_portrait-of-natalia-orshanskaya-1925 +genre_painting,Expressionism,arturo-souto_still-life-with-harlequin-1960 +cityscape,New_Realism,edward-hopper_light-at-two-lights +sketch_and_study,Romanticism,thomas-cole_the-ruins-of-taormina-1842 +landscape,Post_Impressionism,charles-cottet_petit-village-au-pied-de-la-falaise-1905 +sketch_and_study,Northern_Renaissance,albrecht-durer_studies-on-a-great-picture-of-mary-head-of-a-young-girl +landscape,Fauvism,charles-lapicque_lagune-bretonne-1959-1 +cityscape,Romanticism,franz-richard-unterberger_procession-in-naples +portrait,Impressionism,pierre-auguste-renoir_portrait-of-a-woman-3 +genre_painting,Art_Nouveau_Modern,nicholas-roerich_song-of-the-viking-1907 +illustration,Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-poem-the-tale-of-the-golden-cockerel-by-alexander-pushkin-1906-3(1) +landscape,Realism,isaac-levitan_early-spring-1899 +portrait,Impressionism,edgar-degas_the-invalid +illustration,Romanticism,gustave-dore_don-quixote-2 +landscape,Art_Nouveau_Modern,franklin-carmichael_cranberry-lake-1938 +illustration,Pop_Art,jorge-martins_os-sonetos-de-shakespeare-1 +genre_painting,Rococo,pietro-longhi_the-sacrament-of-marriage +landscape,Romanticism,thomas-cole_a-view-near-tivoli-morning-1832 +portrait,Expressionism,paul-klee_head-of-a-child-1939(1) +cityscape,Realism,adolf-hitler_the-old-building-in-stand-of-trees-1909 +genre_painting,Post_Impressionism,pablo-picasso_the-good-derain-1910 +cityscape,Rococo,bernardo-bellotto_dresden-the-ruins-of-the-pirnaische-vorstadt-1766 +genre_painting,Expressionism,pablo-picasso_an-actor-1904 +portrait,Impressionism,mary-cassatt_the-visitor +genre_painting,Art_Nouveau_Modern,filipp-malyavin_three-women-1902 +portrait,Realism,mikhail-vrubel_portrait-of-valentina-usoltseva-wife-of-the-doctor-usoltsev-1905 +portrait,Impressionism,pierre-auguste-renoir_woman-with-a-white-jabot-1880 +genre_painting,Expressionism,candido-portinari_corn-harvest-1959 +religious_painting,Early_Renaissance,carlo-crivelli_saint-ursula-1473 +still_life,Realism,henri-fantin-latour_apples-in-a-basket-on-a-table-1888 +genre_painting,Rococo,george-morland_visit-to-the-child-at-nurse-1788 +nude_painting,Art_Nouveau_Modern,paul-mathiopoulos_male-nude-1897-1 +genre_painting,Impressionism,federico-zandomeneghi_the-good-book-1897 +nude_painting,Impressionism,pierre-auguste-renoir_reclining-nude-1883 +genre_painting,Expressionism,paula-modersohn-becker_girls-at-the-birch-tree-and-flock-of-sheep-in-the-background-1903 +landscape,Impressionism,childe-hassam_sailing-ship-locked-in-ice-1 +landscape,Ukiyo_e,utagawa-toyokuni-ii_wild-geese-at-miho-kiyomi-temple-suruga-yoshiwara +portrait,Pop_Art,andy-warhol_rebel-without-a-cause +portrait,Impressionism,pierre-auguste-renoir_young-woman-with-crane-1886 +sketch_and_study,Realism,vincent-van-gogh_hand-with-bowl-and-a-cat-1885(1) +landscape,Impressionism,nutzi-acontz_unknown-title +landscape,Impressionism,john-henry-twachtman_landscape-with-houses-and-stream +genre_painting,Baroque,rembrandt_the-synagogue-1648 +religious_painting,Baroque,mestre-ataã­de_a-virgem-entrega-o-menino-jesus-a-santo-ant-nio-de-p-dua-detail-1810 +landscape,Symbolism,nicholas-roerich_himalayas-2 +genre_painting,Ukiyo_e,keisai-eisen_love-boat-1838(1) +portrait,Impressionism,winston-churchill_diana-churchill-in-the-dining-room-at-chartwell(1) +landscape,Impressionism,julian-alden-weir_landscape-with-seated-figure +religious_painting,High_Renaissance,raphael_the-liberation-of-st-peter-in-the-stanza-d-eliodoro-1514 +landscape,Symbolism,konstantin-bogaevsky_stars-1922 +religious_painting,Expressionism,lovis-corinth_red-christ-1922 +landscape,Impressionism,fern-coppedge_winter-sunlight +sketch_and_study,Post_Impressionism,vincent-van-gogh_violinist-seen-from-the-back-1887 +still_life,Expressionism,paul-klee_still-life-with-thistle-bloom-1919(1) +portrait,Impressionism,paul-gauguin_portrait-of-claude-antoine-charles-favre-1877 +portrait,Expressionism,milton-avery_bicycle-rider-by-the-loire-1954 +still_life,Post_Impressionism,paul-cezanne_still-life-pitcher-and-fruit-1894 +illustration,Expressionism,jury-annenkov_illustration-to-aleksander-blok-s-poem-the-twelve-1918-1 +sketch_and_study,Realism,vasily-perov_wayfarer-1873 +portrait,Impressionism,valentin-serov_portrait-of-helena-ivanovna-roerich-1909 +abstract_painting,Abstract_Expressionism,richard-pousette-dart_symphony-no-1-the-transcendental-1942 +religious_painting,Naive_Art_Primitivism,marc-chagall_david-killed-a-lion-that-threatened-his-flock-i-samuel-xvii-34-36 +genre_painting,Impressionism,camille-pissarro_the-clearing +landscape,Impressionism,roger-fry_carpentras-provence-1930 +landscape,Romanticism,thomas-cole_view-on-the-schoharie-1826 +religious_painting,Baroque,guido-reni_the-glory-of-st-dominic-1613 +still_life,Expressionism,balthus_still-life-with-lamp-1958-1 +religious_painting,Romanticism,viktor-vasnetsov_georgy-victorious-1919 +genre_painting,Realism,camille-pissarro_woman-carrying-a-pitcher-on-her-head +portrait,Romanticism,orest-kiprensky_portrait-of-ekaterina-semenova-1815 +landscape,Post_Impressionism,gustave-loiseau_trees +portrait,Fauvism,andre-derain_portrait-of-a-man-1915 +religious_painting,Early_Renaissance,benozzo-gozzoli_saint-ursula-with-angels-and-donor-detail-4 +portrait,Symbolism,odilon-redon_portrait-of-yseult-fayet-1908 +genre_painting,Realism,jean-francois-millet_the-man-with-the-hoe-1862 +portrait,Post_Impressionism,moise-kisling_girl-with-green-shawl-1919 +landscape,Expressionism,richard-gerstl_meadow-with-houses-in-background +illustration,Realism,n.c.-wyeth_the-unwrit-dogma +genre_painting,Post_Impressionism,pierre-bonnard_cherry-pie-1908 +landscape,Romanticism,paul-cezanne_landscape-1867 +cityscape,Romanticism,lev-lagorio_moonlit-night-at-neva-1898 +genre_painting,Post_Impressionism,paul-cezanne_bathers-1905 +portrait,Expressionism,zinaida-serebriakova_portrait-of-geraldine-cobb-1947 +religious_painting,Northern_Renaissance,hans-memling_the-arrival-of-st-ursula-and-her-companions-in-rome-to-meet-pope-cyriacus-from-the-reliquary-of-1489 +abstract_painting,Pop_Art,burhan-dogancay_walls-v-6-1969 +cityscape,Post_Impressionism,vincent-van-gogh_montmartre-the-quarry-and-windmills-1886-1 +portrait,Expressionism,amedeo-modigliani_portrait-of-picasso-1915-1 +nude_painting,Expressionism,ernst-ludwig-kirchner_bathers-at-sea +religious_painting,Realism,james-tissot_healing-of-the-lepers-at-capernaum-1894 +sketch_and_study,High_Renaissance,leonardo-da-vinci_studies-of-leda-and-a-horse +portrait,Realism,john-singer-sargent_the-misses-hunter-1902 +sketch_and_study,Realism,aleksey-savrasov_spruce +genre_painting,Expressionism,pyotr-konchalovsky_triptych-cossack-with-a-saber +genre_painting,Post_Impressionism,paul-gauguin_fire-dance-1891 +portrait,Romanticism,camille-corot_young-algerian-woman-lying-on-the-grass-1873 +cityscape,Impressionism,childe-hassam_early-evening-after-snowfall +genre_painting,Baroque,gerrit-dou_a-hermit-praying-1670 +genre_painting,Impressionism,pierre-auguste-renoir_nini-in-the-garden-1876 +genre_painting,Impressionism,joaquã­n-sorolla_return-from-fishing-1894 +religious_painting,Early_Renaissance,giovanni-bellini_frari-triptych-1488 +landscape,Realism,ivan-shishkin_autumn-landscape-park-in-pavlovsk-1888 +abstract_painting,Abstract_Expressionism,helen-frankenthaler_mary-mary-1987 +genre_painting,Expressionism,ernst-ludwig-kirchner_mother-and-children +genre_painting,Post_Impressionism,maurice-denis_the-muses-1893 +landscape,Realism,ivan-shishkin_edge-of-the-forest-1884 +genre_painting,Realism,thomas-eakins_the-swimming-hole +genre_painting,Fauvism,endre-bartos_hungarian-gipsies-1972 +still_life,Cubism,amadeo-de-souza-cardoso_composition-with-violin +portrait,Romanticism,john-william-waterhouse_esther-kenworthy +landscape,Romanticism,caspar-david-friedrich_riesengebirge +religious_painting,High_Renaissance,andrea-del-sarto_holy-family +portrait,Rococo,joshua-reynolds_jane-fleming-later-countess-of-harrington-1779 +portrait,Pop_Art,martial-raysse_nissa-bella-1964 +genre_painting,Impressionism,edgar-degas_dancers-relaxing +genre_painting,Impressionism,childe-hassam_woman-sellillng-flowers-1889 +sketch_and_study,Baroque,rembrandt_maria-trip-1639-1 +portrait,Romanticism,henry-raeburn_portrait-of-alexander-keith-of-ravelston-midlothian +genre_painting,Northern_Renaissance,jan-van-hemessen_a-merry-company +genre_painting,Realism,viktor-vasnetsov_grave-digger-1871 +genre_painting,Post_Impressionism,maurice-prendergast_the-sunday-scene +landscape,Realism,nikolai-ge_marble-quarry-at-carrara +portrait,Ukiyo_e,tsukioka-yoshitoshi_looking-as-if-she-is-enjoying-herself-a-teacher-of-the-keisei-era +religious_painting,Post_Impressionism,vincent-van-gogh_head-of-an-angel-after-rembrandt-1889 +portrait,Baroque,peter-paul-rubens_portrait-of-marie-de-medici-1 +landscape,Impressionism,claude-monet_the-big-blue-sea-in-antibes +still_life,Synthetic_Cubism,juan-gris_not_detected_207833 +cityscape,Romanticism,cornelis-springer_view-at-culemborg +cityscape,Realism,arkhip-kuindzhi_view-of-the-moskvoretsky-bridge-the-kremlin-and-the-pokrovsky-cathedral-1882 +illustration,Naive_Art_Primitivism,martiros-saryan_illustration-to-armenian-folk-tales +abstract_painting,Abstract_Expressionism,howard-hodgkin_girl-at-night-1966 +portrait,Impressionism,pierre-auguste-renoir_christine-lerolle-embroidering-1897 +genre_painting,Impressionism,john-singer-sargent_mending-a-sail-1905 +portrait,Romanticism,john-hoppner_richard-bache +portrait,Realism,alexey-venetsianov_portrait-of-a-a-venetsianova-1826 +landscape,Impressionism,petro-kholodny-(elder)_khutir-hamlet-in-the-wood-1919 +religious_painting,Baroque,annibale-carracci_susanna-and-the-elders +landscape,Expressionism,zinaida-serebriakova_auvergne-town-esteng-1935 +genre_painting,Impressionism,pierre-auguste-renoir_in-the-garden +portrait,Realism,theodore-gericault_the-insane-1823 +cityscape,Art_Nouveau_Modern,anna-ostroumova-lebedeva_willows-near-novosilviysky-bridge-1923 +cityscape,Cubism,arthur-segal_stra-e-mit-kirchturm-1924 +portrait,Realism,william-adolphe-bouguereau_elpieglerie-1895 +landscape,Expressionism,martiros-saryan_wisteria-1910 +portrait,Realism,ilya-repin_portrait-of-p-schindler +illustration,Expressionism,andre-derain_not-detected-256149 +landscape,Symbolism,nicholas-roerich_lahaul-himalayas-1932 +religious_painting,Early_Renaissance,filippo-lippi_adoration-of-the-child-with-saints +portrait,Romanticism,orest-kiprensky_apprentice +landscape,Expressionism,ernst-ludwig-kirchner_bridge-in-wiesen +portrait,Realism,mikhail-nesterov_portrait-of-m-nesterova-the-first-wife-of-the-artist-1886 +portrait,Realism,anton-azbe_portrait-of-a-dalmatian-girl-1885 +landscape,Realism,vincent-van-gogh_watermill-at-gennep-1884 +portrait,Expressionism,salvador-dali_family-portrait +landscape,Impressionism,camille-pissarro_by-the-water-1881 +landscape,Post_Impressionism,david-burliuk_spring-in-countryside-1917 +landscape,Romanticism,ivan-aivazovsky_the-bay-of-naples-view-of-vesuvius-1879 +genre_painting,Romanticism,john-william-waterhouse_the-unwelcome-companion-a-street-scene-in-cairo +landscape,Impressionism,camille-pissarro_landscape-at-pontoise +portrait,Baroque,frans-hals_portrait-of-a-young-man-1 +landscape,Pointillism,theo-van-rysselberghe_the-pointe-de-per-kiridec-at-roscoff +landscape,Impressionism,claude-monet_the-japanese-bridge-the-water-lily-pond +abstract_painting,Abstract_Expressionism,joan-mitchell_tournesols-1976 +landscape,Impressionism,alfred-sisley_banks-of-the-loing-saint-mammes-1885 +landscape,Realism,isaac-levitan_october-autumn-1891 +cityscape,New_Realism,john-french-sloan_spring-washington-square-1928 +religious_painting,Art_Nouveau_Modern,wilhelm-kotarbinski_small-dome-seraphs +sketch_and_study,Post_Impressionism,vincent-van-gogh_park-at-arles-1889 +religious_painting,Early_Renaissance,pietro-perugino_the-adoration-of-the-magi +genre_painting,Baroque,adriaen-van-ostade_an-alchemist +still_life,Post_Impressionism,mary-fedden_peacock-feather-still-life-2009 +religious_painting,Symbolism,gustave-moreau_saint-sebastian-being-tended-by-saintly-women +landscape,Pop_Art,patrick-procktor_cataract-aswan-1985 +religious_painting,Naive_Art_Primitivism,marc-chagall_joshua-receives-the-blessing-of-moses-deuteronomy-xxxiv-9 +landscape,Romanticism,ivan-aivazovsky_lunar-night-in-the-crimea-1862 +portrait,Expressionism,frank-auerbach_head-of-paula-eyles +landscape,Impressionism,claude-monet_path-at-giverny +illustration,Art_Nouveau_Modern,ivan-bilibin_father-frost-and-the-step-daughter(1) +cityscape,Post_Impressionism,edouard-cortes_st-denis-3 +still_life,Realism,gustave-courbet_red-apples-1871 +landscape,Realism,theodore-rousseau_not_detected_198951 +religious_painting,Naive_Art_Primitivism,marc-chagall_the-adoration-of-the-golden-calf-1966 +landscape,Realism,konstantinos-volanakis_sunset-at-the-seashore(1) +genre_painting,Expressionism,kathe-kollwitz_bread-1924 +landscape,Expressionism,andre-derain_forest-at-martigues +illustration,Expressionism,yiannis-moralis_10-colored-drawings-for-the-poems-of-george-seferis-1965-2 +still_life,Impressionism,piet-mondrian_nature-died-with-sunflower-1907 +portrait,Expressionism,helene-schjerfbeck_smiling-girl-1921 +abstract_painting,Abstract_Expressionism,william-congdon_india-temples-no-1-sri-ranganathaswamy-temple-tiruchirapalli-1954 +landscape,Realism,vasily-polenov_a-boat-1880 +still_life,Ukiyo_e,keisai-eisen_cards-fukujuso-flowers-and-screen +landscape,Contemporary_Realism,john-miller_summer-haze +genre_painting,Impressionism,eugene-boudin_beach-scene-1879 +abstract_painting,Color_Field_Painting,friedel-dzubas_cassia-1964 +sketch_and_study,Realism,fyodor-vasilyev_peasants-hut +abstract_painting,Abstract_Expressionism,taro-yamamoto_untitled-1972 +landscape,Naive_Art_Primitivism,fernando-botero_man-at-the-street +illustration,Romanticism,gustave-dore_orlando-furioso +genre_painting,Realism,boris-kustodiev_merchant-1918 +portrait,Realism,ivan-kramskoy_portrait-of-the-astronomer-otto-struve-vasilyevich-1886 +nude_painting,New_Realism,edward-hopper_morning-in-a-city +genre_painting,Expressionism,edvard-munch_the-lonely-ones-1935 +portrait,Post_Impressionism,suzanne-valadon_miss-lily-walton-1922 +portrait,Romanticism,vasily-tropinin_portrait-of-p-n-zubov-1839 +portrait,Cubism,juan-gris_the-three-masks-1923 +portrait,Post_Impressionism,arshile-gorky_untitled-self-portrait +genre_painting,Baroque,jan-steen_celebrating-the-birth-1664 +portrait,Expressionism,george-bouzianis_proswpografia-neou-andra-1930 +portrait,Art_Nouveau_Modern,ivan-bilibin_boy-fellah-1923(1) +religious_painting,Baroque,josefa-de-obidos_s-o-jos-e-o-menino +religious_painting,Northern_Renaissance,jean-fouquet_mary-holding-the-christ-child +abstract_painting,Color_Field_Painting,john-hoyland_28-5-66-1966 +genre_painting,Symbolism,mikhail-nesterov_by-volga-1906 +abstract_painting,Color_Field_Painting,leon-berkowitz_untitled-1975 +genre_painting,High_Renaissance,andrea-mantegna_trumpeters-carrying-flags-and-banners-1500 +genre_painting,Romanticism,sir-lawrence-alma-tadema_unwelcome-confidences-1902 +portrait,Realism,john-singer-sargent_francis-j-h-jenkinson-1915 +portrait,Expressionism,costas-niarchos_portrait-of-a-woman-with-black-cat +abstract_painting,Color_Field_Painting,morris-louis_while-series-ii-1960 +cityscape,Impressionism,paul-gauguin_vaugirard-church-1879 +landscape,Post_Impressionism,pierre-bonnard_view-of-le-cannet-roofs-1942 +portrait,Romanticism,david-wilkie_sir-robert-liston-diplomat-1811 +religious_painting,Early_Renaissance,masaccio_distribution-of-alms-and-death-of-ananias-1425 +cityscape,Post_Impressionism,edouard-cortes_boulevard-de-la-madeleine +landscape,Realism,isaac-levitan_railroad-tracks +landscape,Impressionism,pierre-auguste-renoir_the-vineyards-of-cagnes +genre_painting,Ukiyo_e,utagawa-kuniyoshi_caulking-boats +abstract_painting,Minimalism,anne-truitt_untitled-1962 +portrait,Realism,john-singer-sargent_portrait-of-mrs-john-joseph-townsend-catherine-rebecca-bronson-1881 +landscape,Realism,theodore-rousseau_landscape-study-1830 +portrait,Realism,ivan-kramskoy_reading-1863 +landscape,Impressionism,camille-pissarro_cagnes-landscape +genre_painting,Expressionism,salvador-dali_woman-at-the-window-in-figueras-1926 +portrait,Realism,ivan-kramskoy_portrait-of-prince-pavel-ivanovich-lieven-1879 +sketch_and_study,Northern_Renaissance,jan-van-eyck_copy-drawing-of-madonna-by-the-fountain +genre_painting,Expressionism,jose-gutierrez-solana_cape-in-a-village-1930 +portrait,Mannerism_Late_Renaissance,paolo-veronese_girl-in-the-doorway-1561 +portrait,Impressionism,maurice-prendergast_woman-on-ship-deck-looking-out-to-sea-also-known-as-girl-at-ship-s-rail +portrait,Rococo,dmitry-levitzky_portrait-of-countess-ursula-mniszek-1782 +religious_painting,Northern_Renaissance,albrecht-durer_madonna-and-child-haller-madonna-1498 +landscape,Symbolism,nicholas-roerich_himalayas-study-4 +abstract_painting,Color_Field_Painting,richard-diebenkorn_ocean-park +landscape,Impressionism,willard-metcalf_flying-shadows-1 +abstract_painting,Abstract_Expressionism,richard-pousette-dart_golden-presence +landscape,Post_Impressionism,maxime-maufra_cliffs +genre_painting,Impressionism,mary-cassatt_jules-standing-by-his-mother +genre_painting,Expressionism,ernst-ludwig-kirchner_street-berlin +cityscape,Post_Impressionism,maurice-utrillo_house-of-mimi-pinson-1 +sketch_and_study,Symbolism,kuzma-petrov-vodkin_a-woman-in-a-chiton-1910 +portrait,Baroque,alexey-zubov_portrait-of-i-m-golovin-1720 +portrait,Romanticism,jan-matejko_boleslaw-iv-the-curly +landscape,Romanticism,john-constable_foord-rd-mill-folkestone-1833 +portrait,Expressionism,henri-matisse_the-young-sailor-ii-1906 +religious_painting,Early_Renaissance,paolo-uccello_saints-and-two-children-1445 +landscape,Impressionism,armand-guillaumin_cottages-in-a-landscape +still_life,Cubism,pierre-tal-coat_untitled(1) +portrait,Realism,ilya-repin_the-piano-portrait-of-s-v-tarnovskaya-1880 +portrait,Post_Impressionism,victor-borisov-musatov_woman-in-a-yellow-shawl-1904 +cityscape,Impressionism,antoine-blanchard_boulevard-des-capucines-3 +portrait,Expressionism,jean-david_figure(1) +landscape,Impressionism,john-henry-twachtman_ship-and-dock-venice +portrait,Art_Nouveau_Modern,aladar-korosfoi-kriesch_portrait-of-the-artist-s-wife-1896 +landscape,Impressionism,mikhail-nesterov_peonies-1908 +landscape,Realism,pyotr-konchalovsky_apple-tree-by-the-fence-1949 +landscape,Realism,ivan-shishkin_forest-into-the-frost +portrait,Expressionism,zinaida-serebriakova_alexander-serebryakov-1948 +landscape,Romanticism,camille-corot_the-roman-campagna-la-cervara-1827 +landscape,Impressionism,john-henry-twachtman_connecticut-landscape-1891 +genre_painting,Realism,eugene-boudin_approaching-storm-1864 +landscape,Post_Impressionism,jack-bush_untitled-red-house-1943 +genre_painting,Post_Impressionism,maurice-prendergast_the-promenade-1 +portrait,Art_Nouveau_Modern,constantin-artachino_eros +genre_painting,New_Realism,george-luks_cafe-scene-a-study-of-a-young-woman +cityscape,Cubism,paul-klee_summer-houses-1919(1) +landscape,Impressionism,camille-pissarro_the-countryside-in-the-vicinity-of-conflans-saint-honorine-1874 +landscape,Post_Impressionism,paul-gauguin_seaside-harvest-1890 +genre_painting,Post_Impressionism,raoul-dufy_riders-1909 +nude_painting,Impressionism,pierre-auguste-renoir_nude-woman-on-gree-cushions-1909 +genre_painting,Romanticism,william-shayer_afternoon-rest +portrait,Impressionism,theo-van-rysselberghe_portrait-of-madame-monnon-1908 +genre_painting,Ukiyo_e,katsushika-hokusai_an-older-woman-hits-another-woman-with-her-shoe +portrait,Ukiyo_e,keisai-eisen_courtesan-and-riddle-1830 +cityscape,Impressionism,frits-thaulow_a-snowy-harbor-view +portrait,Realism,john-singer-sargent_the-archbishop-of-canterbury-randall-thomas-davidson-1910 +religious_painting,High_Renaissance,lorenzo-lotto_altar-polyptych-of-san-bartolomeo-bergamo-foot-plate-martyrdom-of-st-stephen-1516 +landscape,Romanticism,albert-bierstadt_storm-among-the-alps +landscape,Romanticism,caspar-david-friedrich_morning-in-the-sudeten-mountains +genre_painting,Impressionism,edgar-degas_three-dancers-3 +sketch_and_study,Post_Impressionism,pyotr-konchalovsky_a-man-with-a-guitar-1913 +landscape,Impressionism,philip-wilson-steer_a-classic-landscape-richmond +cityscape,Impressionism,nicolae-darascu_turks-in-tulcea +sketch_and_study,Realism,boris-kustodiev_village-boys-1905 +landscape,Impressionism,alfred-sisley_a-turn-of-the-river-loing-summer-1896 +portrait,Realism,henri-fantin-latour_portrait-of-ruth-edwards-1864 +sketch_and_study,Realism,ilya-repin_in-repins-studio-drawing-evening-1882 +portrait,Realism,boris-kustodiev_portrait-of-i-zolotarevsky-1922 +nude_painting,Post_Impressionism,moise-kisling_sitting-nude-1923 +portrait,Expressionism,george-segal_woman-in-red-kimono-1985 +landscape,Post_Impressionism,pyotr-konchalovsky_essentuki-the-park-1948 +genre_painting,Realism,peder-severin-kroyer_marie-in-the-garden-1895 +landscape,Realism,aleksey-savrasov_dimensions-and-material-of-painting-1868 +cityscape,Cubism,pyotr-konchalovsky_siena-1912-1 +portrait,Rococo,antoine-watteau_mezzetin-1719 +illustration,Romanticism,gustave-dore_don-quixote-10 +still_life,Impressionism,andre-dunoyer-de-segonzac_vase-de-fleurs-assiette-de-peches-ombrelle-et-le-figaro-1960 +sketch_and_study,Realism,vincent-van-gogh_peasant-chopping-1885-1 +nude_painting,Romanticism,eugene-delacroix_academy-of-young-woman-1838(1) +landscape,Symbolism,nicholas-roerich_grand-canyon-arizona +religious_painting,Baroque,anthony-van-dyck_crowning-with-thorns-1620 +genre_painting,Romanticism,sir-lawrence-alma-tadema_between-venus-and-bacchus-1882 +still_life,Post_Impressionism,ding-yanyong_fish-and-frogs-1965 +sketch_and_study,Symbolism,nicholas-roerich_himalayas-study-1934 +genre_painting,Realism,fyodor-bronnikov_abandoned-1873 +landscape,Post_Impressionism,ferdynand-ruszczyc_pejzaz-ze-stogami +sketch_and_study,Realism,vincent-van-gogh_the-old-tower-in-the-snow-1885 +nude_painting,Fauvism,alberto-magnelli_nude-no-1-1914 +landscape,Romanticism,karl-bodmer_idols-of-the-mandan-indians-plate-25-from-volume-2-of-travels-in-the-interior-of-north-america-1844 +abstract_painting,Abstract_Expressionism,hans-hofmann_dew-and-dusk-1957 +religious_painting,Rococo,giovanni-battista-tiepolo_st-anne-s-vision-1759 +landscape,Realism,john-henry-twachtman_twachtman-s-home-avondale-ohio +illustration,Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-russian-fairy-story-white-duck-1902-1(1) +cityscape,Romanticism,richard-parkes-bonington_st-mark-s-column-in-venice +religious_painting,Northern_Renaissance,martin-schongauer_the-second-wise-virgin +portrait,Romanticism,viktor-vasnetsov_prince-andrey-bogolyubsky-1896 +portrait,Expressionism,carlos-orozco-romero_woman-with-hat +religious_painting,Baroque,caravaggio_nativity-with-st-francis-and-st-lawrence-1609(1) +still_life,Naive_Art_Primitivism,martiros-saryan_bouquet-in-blue-vase-1916 +religious_painting,Symbolism,odilon-redon_the-martyrdom-of-saint-sebastian-1910 +portrait,Cubism,diego-rivera_portrait-de-martin-luis-guzman-1915 +genre_painting,Rococo,giovanni-domenico-tiepolo_the-textile-merchant-from-the-chinese-room-in-the-foresteria-1757 +portrait,Rococo,allan-ramsay_norman-the-red-man-22nd-chief-of-macleod +portrait,Ukiyo_e,utagawa-kuniyoshi_the-actor-16 +cityscape,Impressionism,eugene-boudin_trouville-the-port-1864 +landscape,Pointillism,camille-pissarro_wallnut-and-apple-trees-in-bloom-at-eragny +genre_painting,Art_Nouveau_Modern,raphael-kirchner_zeppelins-in-paris +portrait,Mannerism_Late_Renaissance,el-greco_portrait-of-pope-pius-v +religious_painting,Early_Renaissance,andrea-mantegna_st-george-1467 +portrait,Romanticism,john-everett-millais_mariana-in-the-moated-grange-1851 +portrait,Rococo,william-hogarth_portrait-of-lady-mary-grey-and-lord-george-grey-1740 +landscape,Realism,camille-corot_rouen-seen-from-hills-overlooking-the-city +portrait,Rococo,joshua-reynolds_george-grenville-earl-temple-mary-countess-temple-and-their-son-richard-1782 +genre_painting,Rococo,francois-boucher_the-toilet +landscape,Impressionism,alfred-sisley_saint-cloud-1877 +still_life,Post_Impressionism,henri-matisse_still-life-7 +landscape,Post_Impressionism,panayiotis-tetsis_landscape +religious_painting,Mannerism_Late_Renaissance,tintoretto_moses-receiving-the-tables-of-the-law-1562 +genre_painting,Baroque,adriaen-van-de-venne_where-there-are-people-money-may-be-made +still_life,Post_Impressionism,ion-pacea_vas-cu-flori +portrait,Realism,john-singer-sargent_venetian-onion-seller-1882 +still_life,Post_Impressionism,william-scott_grey-still-life-1969 +nude_painting,Realism,yiannis-moralis_portrait-of-a-girl +sketch_and_study,High_Renaissance,leonardo-da-vinci_study-sheet-with-horses +genre_painting,Impressionism,amadeo-de-souza-cardoso_at-bistrot +genre_painting,Art_Nouveau_Modern,carl-larsson_correspondence-1912(1) +cityscape,Post_Impressionism,maurice-prendergast_the-west-church-also-known-as-fountain-at-the-west-church-boston +cityscape,Impressionism,camille-pissarro_the-inner-harbor-dieppe-1902 +genre_painting,Realism,nikolay-bogdanov-belsky_new-fairy-tale +genre_painting,Art_Nouveau_Modern,sergey-solomko_visiting +still_life,Cubism,louis-marcoussis_a-slice-of-watermelon-1927 +portrait,Impressionism,nikolay-bogdanov-belsky_cowboy-proshka +genre_painting,Baroque,adriaen-van-ostade_the-peasant-settling-his-debt +cityscape,Romanticism,john-constable_somerset-house-terrace-and-the-thames-a-view-from-the-north-end-of-waterloo-bridge-with-st-paul +illustration,Romanticism,n.c.-wyeth_merlin-taking-away-the-infant-arthur +genre_painting,Realism,nikolay-bogdanov-belsky_children-carrying-the-wood-in-the-snow-winter +sketch_and_study,Realism,boris-kustodiev_portrait-of-vsevolod-voinov-1921-1 +portrait,Expressionism,oskar-kokoschka_not_detected_235884 +abstract_painting,Abstract_Expressionism,john-ferren_untitled-i-1957 +genre_painting,Baroque,adriaen-van-ostade_in-a-tavern +genre_painting,Art_Nouveau_Modern,sergey-solomko_wedding-ceremony-middle-ages-1909 +portrait,Romanticism,camille-corot_louise-harduin-in-mourning-1831 +religious_painting,Early_Renaissance,paolo-uccello_the-adoration-of-the-child-1463 +religious_painting,Early_Renaissance,pietro-perugino_polyptych-annunziata-st-helena +landscape,Impressionism,berthe-morisot_the-garden-at-bougival-1884 +cityscape,Post_Impressionism,maurice-prendergast_central-park +landscape,Realism,ivan-shishkin_winte-1890 +portrait,Impressionism,mary-cassatt_sarah-in-a-green-bonnet-1901 +landscape,Impressionism,claude-monet_mediteranian-coast-grey-day +landscape,Pointillism,paul-signac_fecamp-sunshine-1886 +landscape,Post_Impressionism,albert-marquet_banks-of-the-seine-paris-1896 +cityscape,Expressionism,oskar-kokoschka_not_detected_235890 +portrait,Ukiyo_e,utagawa-kuniyoshi_women-1 +landscape,Expressionism,amedeo-modigliani_tree-and-house-1919 +religious_painting,Naive_Art_Primitivism,marc-chagall_before-the-death-blind-isaac-bless-his-second-son-jacob-rebecca-told-him-to-make-it-for-his-1956 +still_life,Naive_Art_Primitivism,fernando-botero_still-life-with-orangeade +still_life,Analytical_Cubism,pablo-picasso_table-in-a-cafe-bottle-of-pernod-1912 +landscape,Post_Impressionism,ferdinand-hodler_landscape-near-champery-1913 +cityscape,Impressionism,eugene-boudin_untitled-1889 +genre_painting,Post_Impressionism,henri-de-toulouse-lautrec_monsieur-madame-and-the-dog-coupled-brothel-keepers +genre_painting,Realism,vincent-van-gogh_near-the-hearth-1881 +sketch_and_study,Impressionism,pierre-auguste-renoir_seated-young-woman-1890 +religious_painting,Early_Renaissance,pietro-perugino_virgin-and-st-jerome-and-st-augustine +portrait,Realism,james-tissot_dilke-charles-wentworth +landscape,Symbolism,konstantin-somov_forest +religious_painting,Romanticism,dante-gabriel-rossetti_the-annunciation-1 +religious_painting,Mannerism_Late_Renaissance,rosso-fiorentino_dead-christ-with-angels-1526 +cityscape,Expressionism,chaim-soutine_chartres-cathedral +portrait,Baroque,anthony-van-dyck_portrait-of-a-noblewoman-1622 +genre_painting,Realism,charles-hermans_monks-playing-bowls-1867 +landscape,Realism,ivan-shishkin_flowers-on-the-forest-edge-1893 +landscape,Expressionism,johannes-sveinsson-kjarval_bleikdalsa-1967 +nude_painting,Post_Impressionism,theo-van-rysselberghe_woman-in-red-peignoir-1910 +portrait,Symbolism,viktor-vasnetsov_not_detected_237588-1901 +portrait,Romanticism,konstantin-makovsky_portrait-4 +religious_painting,Symbolism,jan-toorop_veronica-1916 +portrait,Pop_Art,andy-warhol_jackie-3 +landscape,Impressionism,alfred-sisley_the-moret-bridge-and-mills-under-snow-1890 +genre_painting,Post_Impressionism,periklis-vyzantios_a-horse-drawn-carriage +landscape,Impressionism,camille-pissarro_a-path-across-the-fields-1879 +genre_painting,Realism,jean-francois-millet_the-winnower-1848 +portrait,Ukiyo_e,utagawa-kuniyoshi_homing-geese-at-the-northern-capital +portrait,Art_Nouveau_Modern,felix-vallotton_otto-von-bismarck-1895 +genre_painting,Realism,theodor-severin-kittelsen_taterslagsmaal +sketch_and_study,Impressionism,pierre-auguste-renoir_venetian-gondola-1881 +sketch_and_study,Post_Impressionism,vincent-van-gogh_restaurant-de-la-sirene-at-asnieres-1887 +abstract_painting,Color_Field_Painting,jack-bush_takeoff-1974 +genre_painting,Realism,jacek-malczewski_death-on-deportees-route-to-siberia +cityscape,Impressionism,childe-hassam_union-square-in-spring +portrait,Ukiyo_e,utagawa-kuniyoshi_the-actor-10 +landscape,Impressionism,gregoire-boonzaier_bare-oaks-newlands-late-autumn-1968 +cityscape,Post_Impressionism,edouard-cortes_triumphal-arch-view +religious_painting,Romanticism,gustave-dore_the-christian-martyrs +still_life,Impressionism,pierre-auguste-renoir_still-life-with-melon-1882 +landscape,Rococo,thomas-gainsborough_pesants-returning-from-market +illustration,Naive_Art_Primitivism,marc-chagall_tchitchikov-triumphant +genre_painting,Romanticism,john-william-waterhouse_two-little-italian-girls-by-a-village +landscape,Impressionism,guy-rose_out-to-sea +genre_painting,Cubism,pablo-picasso_milliners-workshop-of-the-milliner-1926 +portrait,Post_Impressionism,moise-kisling_not-identified-1948 +landscape,Realism,ivan-shishkin_willows-lit-up-by-the-sun +cityscape,New_Realism,edward-hopper_night-windows +portrait,Expressionism,chaim-soutine_servant-girl-in-blue +sketch_and_study,New_Realism,edward-hopper_east-side-interior +sketch_and_study,Impressionism,pierre-auguste-renoir_young-blond-girl-1890 +sketch_and_study,Ukiyo_e,katsushika-hokusai_mount-fuji-as-seen-from-the-island-tsuku-dajima +still_life,Realism,pyotr-konchalovsky_still-life-apples-on-a-table-near-the-stove-1947 +portrait,Baroque,jacob-jordaens_head-of-an-old-woman +portrait,Romanticism,karl-bryullov_giuseppina-ronzi-de-begnis-1835(1) +landscape,Post_Impressionism,adam-baltatu_spring-landscape +landscape,Romanticism,thomas-cole_sunny-morning-on-the-hudson-river-1827 +portrait,Romanticism,caspar-david-friedrich_adolf-gottlieb-friedrich-reading-1802 +religious_painting,Northern_Renaissance,mabuse_saint-luke-painting-the-virgin +portrait,Romanticism,orest-kiprensky_poor-lisa-1827 +nude_painting,Cubism,roger-de-la-fresnaye_nudes-in-landscape-1910 +sketch_and_study,Post_Impressionism,vincent-van-gogh_sheet-with-sketches-of-diggers-and-other-figures-1890 +illustration,Art_Nouveau_Modern,edmund-dulac_a-brave-heart-from-beauty-and-the-beast +portrait,Expressionism,richard-gerstl_alexander-von-zemlinsky-1907(1) +nude_painting,Impressionism,edgar-degas_seated-bather-1899 +landscape,Romanticism,ivan-aivazovsky_seascape-1870-1 +landscape,Realism,vasily-polenov_tiberias-gennesaret-lake +portrait,Expressionism,henri-matisse_the-red-madras-headdress-1907 +genre_painting,Art_Nouveau_Modern,aubrey-beardsley_a-child-at-its-mother-s-bed +portrait,Expressionism,oskar-kokoschka_not_detected_235868 +portrait,Realism,james-mcneill-whistler_arrangement-in-grey-and-black-no-2-portrait-of-thomas-carlyle-1873 +genre_painting,Pointillism,theo-van-rysselberghe_the-burning-time-1897 +sketch_and_study,Rococo,allan-ramsay_nude-study-of-a-striding-man-with-stone-sling +genre_painting,Realism,vincent-van-gogh_girl-kneeling-by-a-cradle-1883(1) +sketch_and_study,Realism,vasily-perov_teatime-in-mytischi-near-moscow-1862 +portrait,Realism,vasily-surikov_portrait-of-l-t-matorina-cossack-woman-1892 +landscape,Realism,maxime-lalanne_innenansicht-der-b-rse-handelsbeurs-von-antwerpen +still_life,Expressionism,george-bouzianis_still-life-1927-28 +genre_painting,Romanticism,william-turner_arundel-castle-with-rainbow +landscape,Realism,aleksey-savrasov_lell-1883 +portrait,Post_Impressionism,constantine-maleas_black-man +portrait,Baroque,diego-velazquez_queen-mariana-1656 +portrait,Romanticism,miklos-barabas_the-artist-s-wife-1844 +portrait,Pop_Art,andy-warhol_botticelli-dettaglio +landscape,Symbolism,mikalojus-ciurlionis_the-worlds-of-mars-1905 +cityscape,Expressionism,louay-kayyali_maaloula-1972 +genre_painting,Analytical_Cubism,jean-metzinger_l-oiseau-bleu-the-blue-bird-1913 +landscape,Impressionism,alfred-sisley_lady-s-cove-before-the-storm-hastings-1897 +landscape,Post_Impressionism,abraham-manievich_fall-scene +genre_painting,Romanticism,edwin-henry-landseer_scene-in-the-olden-time-at-bolton-abbey +portrait,Romanticism,viktor-vasnetsov_tsar-ivan-iv-the-terrible-1897 +genre_painting,Realism,james-tissot_in-the-louvre-1885 +genre_painting,Impressionism,claude-monet_promenade-near-argenteuil-1873 +portrait,Expressionism,lucian-freud_head-of-a-woman-portrait-of-lady-elizabeth-cavendish-1950 +religious_painting,Mannerism_Late_Renaissance,tintoretto_christ-before-pilate-1567 +sketch_and_study,Cubism,ossip-zadkine_the-dream +portrait,Symbolism,kuzma-petrov-vodkin_boy-uzbek-1921 +portrait,Expressionism,marie-laurencin_woman-with-turban-1941 +abstract_painting,Minimalism,robert-ryman_manual +abstract_painting,Action_painting,franz-kline_accent-grave-1955 +portrait,Realism,edouard-manet_victorine-meurent-in-the-costume-of-an-espada-1862 +landscape,Impressionism,pierre-auguste-renoir_orange-trees +religious_painting,Early_Renaissance,sandro-botticelli_madonna-and-child(1) +cityscape,Romanticism,william-turner_conway-castle +landscape,Realism,gustave-courbet_solitude-1866 +genre_painting,Art_Nouveau_Modern,wilhelm-kotarbinski_sphinx +genre_painting,Impressionism,pierre-auguste-renoir_at-the-milliner-s +portrait,Realism,camille-corot_fernand-corot-the-painter-s-grand-nephew-at-the-age-of-4-and-a-half-years-1863 +landscape,Symbolism,nicholas-roerich_shadows-1916 +portrait,Romanticism,jan-matejko_helena-sparrowhawk +landscape,Symbolism,nicholas-roerich_novgorod-spas-nereditsky-1899 +cityscape,Expressionism,pablo-picasso_a-blue-house +genre_painting,Romanticism,paul-cezanne_the-murder +abstract_painting,Minimalism,paul-brach_the-negative-way-9-1964 +religious_painting,Rococo,giovanni-battista-tiepolo_the-martyrdom-of-st-agatha-1750 +cityscape,Expressionism,paul-klee_women-s-pavilion-1921(1) +landscape,Symbolism,nicholas-roerich_temple-in-naggar-1929 +landscape,Ukiyo_e,kitagawa-utamaro_flowers-1806 +portrait,Realism,vasily-tropinin_ustim-karmaluk +cityscape,Impressionism,frits-thaulow_seine +portrait,Pop_Art,patrick-caulfield_portrait-of-juan-gris-1963 +sketch_and_study,Expressionism,jean-fautrier_nu-couch-1944 +portrait,New_Realism,yiannis-tsaroychis_winter-1979 +portrait,Expressionism,amedeo-modigliani_the-amazon-1909 +genre_painting,Post_Impressionism,vincent-van-gogh_the-thresher-after-millet-1889 +sketch_and_study,Fauvism,martiros-saryan_ararat-a-study-for-armenia-1964 +landscape,Realism,fyodor-vasilyev_volga-lagoon +religious_painting,Realism,edouard-manet_the-head-of-christ +landscape,Impressionism,andre-dunoyer-de-segonzac_le-village +portrait,Art_Nouveau_Modern,richard-gerstl_idealized-portrait-of-a-young-woman-1906 +landscape,Symbolism,nicholas-roerich_glaciers-of-himalayas-1937 +portrait,Post_Impressionism,nicolae-tonitza_good-night-1920 +sketch_and_study,Expressionism,martiros-saryan_three-trees-1971 +sketch_and_study,Northern_Renaissance,albrecht-durer_head-of-a-pope +landscape,Impressionism,gregoire-boonzaier_windswept-trees-1945 +landscape,Cubism,andrã©-lhote_les-palmiers-th-bes-1950 +landscape,Contemporary_Realism,john-miller_majorcan-house +landscape,Post_Impressionism,pyotr-konchalovsky_versailles-ivy-1908 +genre_painting,Naive_Art_Primitivism,marc-chagall_circus-woman-1960 +sketch_and_study,New_Realism,edward-hopper_evening-wind +landscape,Realism,pyotr-konchalovsky_winter-the-mill-on-the-ker-island-1903 +genre_painting,Art_Nouveau_Modern,zinaida-serebriakova_ballet-washroom-1924 +illustration,Symbolism,harry-clarke_the-year-s-at-the-spring-1920-14 +portrait,Expressionism,corneliu-baba_lucia-sturdza-bulandra-1953 +nude_painting,Pointillism,georges-seurat_poseur-standing-front-view-study-for-les-poseuses-1887 +landscape,Impressionism,francis-picabia_autumn-effect +genre_painting,Rococo,jean-honore-fragonard_the-fight-unnecessary +landscape,Impressionism,maxime-maufra_meadow-1888 +genre_painting,Expressionism,balthus_japanese-girl-with-by-the-red-table-1967 +portrait,Contemporary_Realism,fairfield-porter_jane-and-elizabeth +landscape,Post_Impressionism,pyotr-konchalovsky_lermontov-s-place-vicinity-of-kislovodsk-the-road-to-rock-lermontov-1938 +cityscape,Impressionism,william-james-glackens_f-te-de-suquet-1932 +portrait,Realism,valentin-serov_portrait-of-italian-singer-francesco-tamano-1893 +landscape,Impressionism,constantin-artachino_winter-end +genre_painting,Expressionism,yiannis-moralis_erotic-2(6) +illustration,Expressionism,martiros-saryan_gazelles-near-the-tree-1907 +landscape,Impressionism,william-merritt-chase_shinnecock-hills-1 +portrait,Mannerism_Late_Renaissance,agnolo-bronzino_lucrezia-di-cosimo +still_life,Impressionism,pierre-auguste-renoir_dead-pheasant-in-the-snow-1879 +abstract_painting,Abstract_Expressionism,helen-frankenthaler_round-trip-1957 +religious_painting,Symbolism,jan-toorop_crucifixion +landscape,Impressionism,isaac-levitan_lake-autumn-1 +genre_painting,Post_Impressionism,henri-de-toulouse-lautrec_observation-fabre-reserve-officer-1901 +portrait,Expressionism,oskar-kokoschka_portrait-of-carl-moll +landscape,Baroque,paul-bril_landscape-with-stag-hunt-1595 +landscape,Impressionism,constantin-artachino_landscape-with-ruins +genre_painting,Impressionism,claude-monet_gare-st-lazare +sketch_and_study,Realism,theodore-rousseau_snowy-path-through-a-wood-in-the-forest-of-fontainebleau +religious_painting,Baroque,peter-paul-rubens_the-virgin-and-child-in-a-garland-of-flower +genre_painting,Realism,taras-shevchenko_barracks-1857 +portrait,Post_Impressionism,gwen-john_girl-with-cat +religious_painting,Northern_Renaissance,lucas-cranach-the-elder_trinity +cityscape,Impressionism,claude-monet_the-jetty-at-le-havre-bad-weather-1870 +landscape,Baroque,jacob-isaakszoon-van-ruisdael_the-waterfall-1670 +abstract_painting,Abstract_Expressionism,ralph-hotere_drawing-for-ian-wedde-pathway-to-the-sea-1975 +landscape,Impressionism,nicolae-darascu_balcic-hills +genre_painting,Romanticism,alexander-ivanov_a-bridegroom-buying-a-ring-for-his-fiancee-1839 +portrait,Romanticism,francesco-hayez_portrait-of-felicina-caglio-perego-di-cremnago-1842 +landscape,Symbolism,ferdinand-hodler_peaks-in-the-morning-1915 +abstract_painting,Abstract_Expressionism,elaine-de-kooning_untitled-1965 +sketch_and_study,Symbolism,nicholas-roerich_giantess-krimgerd +genre_painting,Ukiyo_e,katsushika-hokusai_hodogaya-on-the-tokaido +portrait,Realism,ilya-repin_portrait-of-the-artist-v-s-svarog-1915 +religious_painting,Northern_Renaissance,robert-campin_the-crucified-thief +genre_painting,Naive_Art_Primitivism,marc-chagall_red-maternity +portrait,Romanticism,konstantin-makovsky_female-portrait-4 +genre_painting,Naive_Art_Primitivism,marc-chagall_rest-1975 +portrait,Romanticism,orest-kiprensky_portrait-of-anna-olenina-1828 +cityscape,Art_Nouveau_Modern,boris-kustodiev_in-the-monastery-1907 +genre_painting,Ukiyo_e,utagawa-toyokuni-ii_segawa-kiku-no-jo-okiwa-1825 +still_life,Fauvism,mary-fedden_the-teapot-1984 +landscape,Symbolism,nicholas-roerich_rocks-of-ladakh-1933 +portrait,Impressionism,john-lavery_a-da-a-moorish-maid +abstract_painting,Minimalism,yves-gaucher_trinome-6-2-c-31-1996 +still_life,Realism,martin-johnson-heade_magnolias-on-gold-velvet-cloth-1890 +landscape,Realism,camille-corot_waterfall-on-the-romagnes-1872 +religious_painting,Mannerism_Late_Renaissance,tintoretto_the-flight-into-egypt-1587 +nude_painting,Expressionism,lucian-freud_naked-girl-asleep-i-1967 +landscape,Impressionism,camille-pissarro_louveciennes-road-snow-effect-1872 +genre_painting,Symbolism,jacek-malczewski_my-life-return +landscape,Impressionism,willard-metcalf_east-boothbay-harbor +genre_painting,Romanticism,alfred-stevens_woman-with-a-fan +landscape,Impressionism,joaquã­n-sorolla_chumberas-study +landscape,Expressionism,lynd-ward_not-detected-272465 +abstract_painting,Abstract_Expressionism,ronnie-landfield_abstract-painting-with-boxes-2-1963 +sketch_and_study,Realism,vasily-surikov_young-lady-1886 +religious_painting,Mannerism_Late_Renaissance,titian_st-jerome-1560 +landscape,Post_Impressionism,janos-tornyai_farm-on-the-great-hungarian-plain-1910 +cityscape,Post_Impressionism,gustave-loiseau_port-at-dieppe-1 +genre_painting,Impressionism,pierre-auguste-renoir_the-letter-1900 +genre_painting,Art_Nouveau_Modern,carl-larsson_lisbeth-fishing-1898(1) +sketch_and_study,Fauvism,kazimir-malevich_bathers-1911 +genre_painting,Realism,fyodor-bronnikov_cursed-field-the-place-of-execution-in-ancient-rome-crucified-slave-1878 +landscape,Ukiyo_e,katsushika-hokusai_the-tea-plantation-of-katakura-in-the-suruga-province +abstract_painting,Abstract_Expressionism,richard-pousette-dart_undulation-1942 +genre_painting,Impressionism,cornelis-vreedenburgh_fair-in-laren +cityscape,Impressionism,camille-pissarro_sunlight-afternoon-la-rue-de-l-epicerie-rouen-1898 +portrait,Art_Nouveau_Modern,zinaida-serebriakova_katya-at-the-kitchen-table-1923 +portrait,Romanticism,george-frederick-watts_augusta-lady-castletown(1) +genre_painting,Post_Impressionism,marcel-duchamp_chess-game-1910 +landscape,Impressionism,laszlo-mednyanszky_lake-in-the-mountains-1899 +portrait,Realism,thomas-eakins_portraits-1 +religious_painting,High_Renaissance,raphael_the-madonna-and-child-with-st-john-the-baptist-and-st-nicholas-of-bari-1505 +religious_painting,Early_Renaissance,filippo-lippi_coronation-of-the-virgin-1469 +nude_painting,Pointillism,henri-edmond-cross_the-forest-1907 +sketch_and_study,Impressionism,edgar-degas_study-for-the-medieval-war-scene-1865 +religious_painting,Baroque,yov-kondzelevych_fragment-of-the-icon-the-elevation-of-christ-into-heaven-from-the-maniava-hermitage-iconostasis-1705 +landscape,Symbolism,zinaida-serebriakova_churchyard-1912 +landscape,Baroque,aelbert-cuyp_view-of-dordrecht-1655 +portrait,Expressionism,pablo-picasso_the-woman-with-the-edge-1902 +religious_painting,High_Renaissance,raphael_the-creation-of-the-animals-1519 +sketch_and_study,Art_Nouveau_Modern,nicholas-roerich_old-king-1910 +portrait,Baroque,rembrandt_portrait-of-rembrandt-s-brother-andrien-van-rijn +landscape,Post_Impressionism,gustave-loiseau_hoarfrost-near-pontoise-1906 +landscape,Impressionism,john-henry-twachtman_summer-afternoon +abstract_painting,Minimalism,rodolfo-arico_figura-informe-1987 +genre_painting,Realism,vasily-polenov_headquarters-of-commander-of-ruschuksk-detachment-in-brestovets-1883 +cityscape,Expressionism,zinaida-serebriakova_fresnel-the-peasant-farm-1926 +religious_painting,Symbolism,james-tissot_moses-forbids-the-people-to-follow-him +cityscape,Post_Impressionism,henri-martin_versailles +portrait,Post_Impressionism,moise-kisling_not-identified-3 +portrait,Realism,john-everett-millais_portrait-of-wilkie-collins +genre_painting,Impressionism,gustave-caillebotte_pere-magloire-on-the-road-to-saint-clair-etretat-1884 +landscape,Romanticism,william-turner_landscape-with-a-river-and-a-bay-in-the-background +sketch_and_study,Early_Renaissance,leonardo-da-vinci_study-of-hands +portrait,Post_Impressionism,henri-de-toulouse-lautrec_the-policeman-s-daughter-1890 +religious_painting,Early_Renaissance,giovanni-bellini_pesaro-altarpiece-predella-1474 +landscape,Realism,vincent-van-gogh_watermill-in-kollen-near-nuenen-1884 +sketch_and_study,Realism,boris-kustodiev_portrait-of-vladimir-nemirovich-danchenko-1915 +illustration,Naive_Art_Primitivism,marc-chagall_nozdryov-and-tchitchikov +landscape,Impressionism,claude-monet_mount-kolsaas-rose-reflection +sketch_and_study,Realism,thomas-eakins_study-for-an-arcadian-1910 +illustration,Romanticism,gustave-dore_shepherd-wolf +abstract_painting,Abstract_Expressionism,sam-francis_and-pink-1973 +portrait,Pointillism,theo-van-rysselberghe_anna-boch-in-her-studio +landscape,Romanticism,caspar-david-friedrich_chalk-cliffs-on-r-gen +portrait,Expressionism,lucian-freud_girl-in-a-fur-coat-1967 +abstract_painting,Abstract_Expressionism,wu-guanzhong_spring-breeze-2001-1 +still_life,Realism,pyotr-konchalovsky_still-life-meat-poultry-and-brussels-sprouts-against-the-window-1937 +illustration,Expressionism,m.c.-escher_emblemata-anvil +religious_painting,Mannerism_Late_Renaissance,agnolo-bronzino_martyrdom-of-st-lawrence-1569 +abstract_painting,Pop_Art,robert-indiana_ahava-1993 +sketch_and_study,Realism,vincent-van-gogh_studies-of-donkey-carts-1882 +genre_painting,Realism,vasily-perov_amateur-1862 +cityscape,Romanticism,taras-shevchenko_in-pereiaslav-the-church-of-the-intercession-1845 +religious_painting,Northern_Renaissance,bernhard-strigel_lamentation-of-christ +sketch_and_study,Early_Renaissance,leonardo-da-vinci_head-of-a-girl +still_life,Fauvism,mary-fedden_ben-s-box-1994 +nude_painting,Post_Impressionism,edouard-vuillard_seated-nude +abstract_painting,Minimalism,sol-lewitt_nine-sided-figure-1989 +nude_painting,Expressionism,lucian-freud_blond-girl-night-portrait-1985 +still_life,Fauvism,ilya-mashkov_still-life-of-fruit-1913 +portrait,Romanticism,jan-matejko_young-woman +still_life,Post_Impressionism,vincent-van-gogh_still-life-with-bloaters-1886 +genre_painting,Romanticism,sir-lawrence-alma-tadema_in-the-temple-1871 +religious_painting,Baroque,francisco-de-zurbaran_meditation-of-st-francis-1632 +still_life,Impressionism,paul-gauguin_still-life-of-onions-and-pigeons-and-room-interior-copenhagen-1885 +religious_painting,Early_Renaissance,piero-della-francesca_archangel-gabriel +sketch_and_study,Post_Impressionism,vincent-van-gogh_study-for-woman-sitting-by-a-cradle-1887 +landscape,Symbolism,konstantin-somov_landscape-with-pavillion +abstract_painting,Abstract_Expressionism,richard-diebenkorn_berkeley-no-32 +portrait,Mannerism_Late_Renaissance,el-greco_portrait-of-a-doctor-rodrigo-de-la-fuente +portrait,High_Renaissance,raphael_portrait-of-andrea-navagero-and-agostino-beazzano +cityscape,Romanticism,adolphe-joseph-thomas-monticelli_port-of-cassis-1884 +landscape,Impressionism,alfred-sisley_saint-mammes-1885 +genre_painting,Post_Impressionism,raoul-dufy_the-fisherman-with-net-1914 +cityscape,Post_Impressionism,edouard-cortes_boulevard-de-la-madeleine-5 +portrait,Cubism,marevna-(marie-vorobieff)_peasant-woman-with-chicken-1948 +religious_painting,Baroque,josefa-de-obidos_the-annunciation +sketch_and_study,Expressionism,amadeo-de-souza-cardoso_dancer-1910 +religious_painting,Mannerism_Late_Renaissance,tintoretto_the-assumption-1555 +portrait,Baroque,rembrandt_the-syndics +portrait,Realism,vasily-surikov_blackbearded-old-man-1879 +genre_painting,Realism,vasily-perov_lent-monday-1866 +genre_painting,Expressionism,franz-marc_the-shepherdness-1912 +cityscape,Post_Impressionism,maurice-de-vlaminck_the-seine-and-the-chatou-bridge +landscape,Realism,ivan-shishkin_mast-tree-grove-1898 +genre_painting,Romanticism,sir-lawrence-alma-tadema_the-baths-of-caracalla-1899 +sketch_and_study,Romanticism,john-constable_a-windmill-near-brighton +sketch_and_study,Impressionism,edgar-degas_woman-tying-the-ribbons-of-her-hat +landscape,Realism,ivan-shishkin_forest-road-1897 +portrait,Realism,vasily-perov_portrait-of-a-f-pysems-kogo-1869 +landscape,Expressionism,roy-lichtenstein_sailboats-through-the-trees-1984 +landscape,Post_Impressionism,gustave-loiseau_by-the-eure-river-1910 +portrait,Cubism,pablo-picasso_girl-in-chair-1952 +genre_painting,Impressionism,ilya-repin_what-a-freedom-1903 +cityscape,Impressionism,marianne-north_the-street-of-blood-delhi-1880 +cityscape,Impressionism,antoine-blanchard_les-grands-boulevards +portrait,Baroque,cornelis-de-vos_portrait-of-an-eleven-year-old-girl-with-a-dog-dressed-in-spanish-fashion +religious_painting,Northern_Renaissance,albrecht-durer_ecce-homo-1 +religious_painting,Baroque,annibale-carracci_the-samaritan-woman-at-the-well +religious_painting,Early_Renaissance,fra-angelico_st-peter-martyr-altarpiece-1428 +sketch_and_study,Realism,james-tissot_type-of-jew-1889-4 +sketch_and_study,Post_Impressionism,vincent-van-gogh_vincent-s-bedroom-in-arles-1888-1 +portrait,Romanticism,henry-raeburn_portrait-of-lord-newton +landscape,Symbolism,nicholas-roerich_himalayas-chain-of-mountains-1942 +portrait,Rococo,louise-elisabeth-vigee-le-brun_portrait-of-mme-d-aguesseau +portrait,High_Renaissance,lorenzo-lotto_portrait-of-a-man-in-black-silk-cloak +religious_painting,High_Renaissance,lorenzo-lotto_madonna-with-st-roch-and-st-sebastian +landscape,Cubism,pyotr-konchalovsky_kuntsevo-cottage-1919 +portrait,Rococo,thomas-gainsborough_the-hon-frances-duncombe +landscape,Impressionism,arkhip-kuindzhi_winter-4 +abstract_painting,Cubism,ben-nicholson_aegean-1967 +portrait,Early_Renaissance,antonello-da-messina_portrait-of-a-man-3 +landscape,Realism,aleksey-savrasov_winter-landscape-moscow-1873 +portrait,Romanticism,dante-gabriel-rossetti_mrs-burne-jones-1860 +landscape,Romanticism,john-atkinson-grimshaw_woman-on-a-path-by-a-cottage +abstract_painting,Minimalism,ruth-vollmer_sunflower-head-series-1973 +abstract_painting,Abstract_Expressionism,gerhard-richter_passage +landscape,Impressionism,adam-baltatu_houses-in-bretania-1 +portrait,Baroque,frans-hals_herman-langelius +portrait,Baroque,rembrandt_portrait-of-an-old-woman-1 +portrait,High_Renaissance,leonardo-da-vinci_mona-lisa +landscape,Art_Nouveau_Modern,ferdinand-hodler_the-breithorn +landscape,Ukiyo_e,hiroshige_folio-from-the-upright-gojusan-tsuji-tokaido-1858 +genre_painting,Impressionism,adam-baltatu_after-bath +landscape,Ukiyo_e,utagawa-kuniyoshi_autumn +still_life,Analytical_Cubism,pablo-picasso_clarinet-1911 +genre_painting,Impressionism,berthe-morisot_young-woman-in-grey-reclining +portrait,Baroque,jacob-jordaens_portrait-of-an-old-man +still_life,Pop_Art,patrick-caulfield_coloured-still-life-1967 +still_life,Synthetic_Cubism,juan-gris_glass-cup-and-newspaper-1913 +genre_painting,Realism,vasily-perov_the-girl-thrown-into-the-water-1879 +portrait,Realism,grigoriy-myasoyedov_reaper +religious_painting,Mannerism_Late_Renaissance,el-greco_annunciation-1 +genre_painting,Art_Nouveau_Modern,carl-larsson_breakfast-under-the-big-birch(1) +genre_painting,Rococo,jean-honore-fragonard_burn-my-shirt +portrait,Ukiyo_e,keisai-eisen_shinagawa-wakana-of-the-wakanaya-1823(1) +genre_painting,Pop_Art,roy-lichtenstein_jet-pilot-1962 +cityscape,Impressionism,camille-pissarro_avenue-de-l-opera-place-du-theatre-francais-misty +genre_painting,Impressionism,paul-gauguin_garden-in-rue-carcel +abstract_painting,Minimalism,robert-ryman_untitled-from-seven-aquatints(1) +portrait,Expressionism,lucian-freud_new-yorker +landscape,Realism,vasily-surikov_zubovsky-boulevard-in-winter-1 +portrait,Northern_Renaissance,pieter-bruegel-the-elder_religionist +portrait,Realism,boris-kustodiev_portrait-of-m-a-voloshin-1924 +landscape,Impressionism,maxime-maufra_the-cove-at-cape-suzon-1898 +landscape,Impressionism,periklis-vyzantios_libyan-sea +portrait,Expressionism,egon-schiele_girl-with-hood-1910 +portrait,Rococo,joshua-reynolds_miss-bowles +portrait,High_Renaissance,lorenzo-lotto_portrait-of-giovanni-della-volta-with-his-wife-and-children-1547 +still_life,Impressionism,pierre-auguste-renoir_cauliflower-and-pomegranates +portrait,Impressionism,pierre-auguste-renoir_portrait-of-mademoiselle-sicotg-1865 +portrait,Post_Impressionism,david-burliuk_portrait-of-naomi-harris-saffer-1957 +cityscape,Realism,konstantin-makovsky_cairo-court +portrait,Cubism,jacques-villon_yvonne-d-in-profile-yvonne-d-de-profil-1913 +still_life,Post_Impressionism,paul-cezanne_still-life-with-apples-a-bottle-and-a-milk-pot +landscape,Realism,camille-corot_fontainebleau-black-oaks-of-bas-breau +landscape,Realism,camille-corot_the-valley-1871 +genre_painting,Impressionism,ilya-repin_sleeping-cossack-1914 +nude_painting,Romanticism,francisco-goya_nude-maja-1800 +landscape,Romanticism,albert-bierstadt_forest-stream +portrait,Realism,john-singer-sargent_my-friend-chadwick-1880 +religious_painting,Symbolism,mikhail-vrubel_piet-1887 +abstract_painting,Color_Field_Painting,morris-louis_gamma-1960 +landscape,Realism,camille-corot_the-paver-of-the-chailly-1835 +religious_painting,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 +portrait,Expressionism,arturo-souto_black +genre_painting,Post_Impressionism,henri-de-toulouse-lautrec_amazone-1899 +religious_painting,Baroque,peter-paul-rubens_christ-on-the-cross +abstract_painting,Cubism,arshile-gorky_enigmatic-combat-1937 +portrait,Rococo,thomas-gainsborough_portrait-of-george-iii-1781 +genre_painting,Ukiyo_e,hiroshige_mariko-mabutsu-chaya +sketch_and_study,Symbolism,pablo-picasso_right-profile-of-clown-1905 +nude_painting,Expressionism,henri-matisse_the-maiden-and-the-vase-of-flowers-or-pink-nude +landscape,Realism,isaac-levitan_landscape-with-a-steamboat +landscape,Realism,isaac-levitan_spring-in-the-village +landscape,Rococo,george-morland_a-windy-day +religious_painting,Early_Renaissance,luca-signorelli_st-jerome-detail-from-virgin-enthroned-with-saints +cityscape,Realism,boris-kustodiev_lebedyan-1926 +religious_painting,Mannerism_Late_Renaissance,agnolo-bronzino_the-israelites-crossing-the-red-sea +portrait,Realism,nikolaos-lytras_portrait-of-a-man +still_life,Impressionism,gregoire-boonzaier_arum-lilies-in-a-vase-1940 +abstract_painting,Abstract_Expressionism,sam-gilliam_pearlie +landscape,Romanticism,thomas-cole_sketch-for-dream-of-arcadia-1838 +still_life,Post_Impressionism,ilya-mashkov_fruits-and-berries-1916 +cityscape,Post_Impressionism,vincent-van-gogh_view-of-paris-from-vincent-s-room-in-the-rue-lepic-1887 +genre_painting,Pointillism,theo-van-rysselberghe_the-violinist-1903 +cityscape,Realism,camille-corot_view-from-the-farnese-gardens-rome-1826 +landscape,Impressionism,alfred-sisley_the-fields-and-hills-of-veneux-nadon-1881 +genre_painting,Post_Impressionism,paul-gauguin_breton-boys-wrestling-1888 +sketch_and_study,Realism,ivan-shishkin_forest-cutting +portrait,Impressionism,william-james-glackens_caf-lafayette-portrait-of-kay-laurel-1914 +sketch_and_study,Realism,konstantin-bogaevsky_study-of-boats-and-cows-1890 +religious_painting,High_Renaissance,pietro-perugino_martyrdom-of-st-sebastian +genre_painting,Romanticism,polychronis-lembesis_childs-with-rabbits-1879 +nude_painting,Expressionism,ernst-ludwig-kirchner_female-nude-with-black-hat-2 +landscape,Impressionism,camille-pissarro_rue-saint-honore-sun-effect-afternoon-1898 +abstract_painting,Abstract_Expressionism,helen-frankenthaler_playa-1950 +landscape,Realism,ivan-shishkin_rowan-1892 +religious_painting,Art_Nouveau_Modern,jacek-malczewski_angel-i-will-follow-you-1901 +portrait,Rococo,thomas-gainsborough_mrs-mary-robinson-perdita-1781 +portrait,Impressionism,gustave-caillebotte_by-the-sea +still_life,Post_Impressionism,gwen-john_the-japanese-doll +landscape,Realism,charles-francois-daubigny_morning-1858 +portrait,Art_Nouveau_Modern,felix-vallotton_portrait-of-danish-writer-peter-nansen-1897 +landscape,Naive_Art_Primitivism,andre-bauchant_figures-in-landscape-1949 +sketch_and_study,Symbolism,nicholas-roerich_monhigan-study-1922-23 +portrait,Realism,ivan-kramskoy_portrait-of-nikolay-kramskoy-the-artist-s-son-1882 +illustration,Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-epic-dobrynya-nikitich-and-zmey-gorynych-1941(1) +landscape,Impressionism,gustave-caillebotte_apple-tree-in-blossom +sketch_and_study,Impressionism,john-singer-sargent_paul-helleu +landscape,Cubism,paul-cezanne_jourdan-s-cottage-1906 +genre_painting,Rococo,william-hogarth_the-theft-of-a-watch +genre_painting,Impressionism,berthe-morisot_the-hairdresser +sketch_and_study,Realism,charles-francois-daubigny_the-dinner-in-boat +still_life,Rococo,jean-baptiste-simeon-chardin_still-life-with-dead-pheasant-and-hunting-bag-1760 +sketch_and_study,Realism,ivan-shishkin_oak-grove-of-peter-the-great-on-the-coast-of-the-gulf-in-sestroretsk-1885 +abstract_painting,Color_Field_Painting,antonio-palolo_untitled-1973-1 +portrait,Realism,nikolay-bogdanov-belsky_portrait-of-m-sheremetova +portrait,Romanticism,dante-gabriel-rossetti_portrait-of-elizabeth-siddal-1854 +portrait,Naive_Art_Primitivism,fernando-botero_a-general +landscape,Realism,ivan-shishkin_view-in-the-vicinity-of-st-petersburg-1856 +genre_painting,Pop_Art,gerard-fromanger_violet-d-egypte +landscape,Post_Impressionism,vincent-van-gogh_gardens-on-montmartre-and-the-blute-fin-windmill-1887(1) +sketch_and_study,Realism,laszlo-mednyanszky_peasant-boy-with-hat-study +religious_painting,Naive_Art_Primitivism,marc-chagall_joseph-being-seventeen-years-old-goes-with-his-brothers-and-the-flocks-genesis-xxxvii-2 +portrait,Realism,konstantin-somov_portrait-of-eugine-lanceray +portrait,Abstract_Expressionism,willem-de-kooning_woman-1950 +sketch_and_study,Realism,vincent-van-gogh_weaver-arranging-threads-1884 +still_life,Realism,henri-fantin-latour_plate-of-peaches-1862 +landscape,Cubism,gosta-adrian-nilsson_house-at-the-beach-1919 +sketch_and_study,Symbolism,gustave-moreau_four-studies-of-snakes +genre_painting,Baroque,johannes-vermeer_the-concert +genre_painting,Realism,edvard-munch_girl-kindling-a-stove-1883 +sketch_and_study,Post_Impressionism,vincent-van-gogh_standing-man-seen-from-the-back-1886 +abstract_painting,Abstract_Expressionism,frank-stella_riallaro-1995 +landscape,Impressionism,claude-monet_the-needle-of-etretat-low-tide +landscape,Impressionism,gustave-caillebotte_garten-in-trouville +portrait,Impressionism,giovanni-boldini_princes-radziwill-with-red-rbbon-1904 +portrait,Realism,ilya-repin_portrait-of-vladimir-aleksandrovich-1910 +religious_painting,Expressionism,tsuguharu-foujita_birth-of-jesus-christ +cityscape,Impressionism,childe-hassam_new-york-landscape +illustration,Romanticism,gustave-dore_idylls-of-the-king-13 +landscape,Realism,vasily-vereshchagin_tamerlan-s-gate-1871 +portrait,Realism,ivan-kramskoy_portrait-of-a-woman-1867 +portrait,Realism,julius-leblanc-stewart_woman-in-a-garden-1888(1) +landscape,Realism,camille-pissarro_banks-of-the-river-marne-in-winter-1866 +landscape,Realism,aleksey-savrasov_landscape-with-boat +landscape,Impressionism,arkhip-kuindzhi_sunset-in-the-forest-1 +religious_painting,Early_Renaissance,domenico-ghirlandaio_the-miracle-of-a-child-1486 +still_life,Realism,edouard-manet_bundle-of-aspargus-1880 +genre_painting,Realism,nicolae-grigorescu_two-drunks +landscape,Symbolism,nicholas-roerich_study-of-mountains-2 +portrait,Post_Impressionism,moise-kisling_portrait-of-andre-salmon-1912 +genre_painting,Baroque,adriaen-brouwer_scene-at-the-inn +portrait,Realism,ivan-kramskoy_portrait-of-the-artist-konstantin-savitsky-1871 +abstract_painting,Abstract_Expressionism,endre-balint_in-memoriam-bart-k-1973 +portrait,Early_Renaissance,sandro-botticelli_portrait-of-simonetta-vespucci(1) +sketch_and_study,Baroque,rembrandt_elsje-christiaens-1664-1 +genre_painting,Impressionism,edgar-degas_dance-rehearsal-in-the-studio-of-the-opera-1895 +portrait,Rococo,thomas-gainsborough_isaac-henrique-sequeira +still_life,Impressionism,pierre-auguste-renoir_still-life-with-figs +religious_painting,Northern_Renaissance,jan-van-hemessen_parable-of-the-prodigal-son-2 +portrait,Romanticism,theodor-aman_tudor-vladimirescu +genre_painting,Art_Nouveau_Modern,sergey-solomko_reading +religious_painting,Symbolism,nicholas-roerich_saint-guests-1923 +genre_painting,Cubism,pablo-picasso_drawing-woman-surrounded-by-her-children-1950 +landscape,Realism,camille-corot_landscape +landscape,Post_Impressionism,asgrimur-jonsson_autumn-at-thingvellir-1949 +illustration,Art_Nouveau_Modern,ivan-bilibin_illustration-for-alexander-pushkin-s-fairytale-of-the-tsar-saltan-1905(1) +abstract_painting,Minimalism,walter-darby-bannard_hopewell-valley-sun-1959 +genre_painting,Romanticism,gustave-dore_estocade +landscape,Impressionism,othon-friesz_le-haver-the-port-entrance-1897 +religious_painting,High_Renaissance,andrea-solario_the-lamentation-of-christ +landscape,Impressionism,george-luks_coaltown +religious_painting,Romanticism,eduard-von-gebhardt_let-the-little-children-come-unto-me-1908 +portrait,Mannerism_Late_Renaissance,agnolo-bronzino_portrait-of-francesco-i-de-medici-1551-1 +nude_painting,Impressionism,paul-gauguin_suzanne-sewing-study-of-a-nude-1880 +landscape,Impressionism,maxime-maufra_bridge-over-the-loire-1892 +sketch_and_study,Realism,vincent-van-gogh_seated-man-with-a-beard-1886-1 +genre_painting,Impressionism,joaquã­n-sorolla_game-of-skittles-1914 +genre_painting,Romanticism,gustave-moreau_alice-1855 +abstract_painting,Color_Field_Painting,louis-cane_toile-d-coup-e-1970 +landscape,Realism,theodore-rousseau_edge-of-river-1849 +landscape,Post_Impressionism,a.y.-jackson_early-spring-quebec-1923 +abstract_painting,Minimalism,robert-ryman_untitled-1965(1) +religious_painting,Northern_Renaissance,hieronymus-bosch_haywain +abstract_painting,Abstract_Expressionism,hans-hofmann_veluti-in-speculum-1962 +cityscape,Realism,ilya-repin_street-in-tiflis-1881 +portrait,Baroque,frans-hals_portrait-of-a-woman-1644 +landscape,Symbolism,nicholas-roerich_tibet-stronghold-1932 +nude_painting,Romanticism,eliseu-visconti_giovent +portrait,Rococo,thomas-gainsborough_edward-2nd-viscount-ligonier-1770 +genre_painting,Symbolism,nicholas-roerich_on-himalayan-peaks-1933 +cityscape,Naive_Art_Primitivism,david-burliuk_the-edge-of-city-bronx +portrait,Impressionism,valentin-serov_portrait-of-count-feliks-feliksovich-sumarokov-yelstov-later-prince-yusupov-1903 +genre_painting,Romanticism,sir-lawrence-alma-tadema_bluebells +landscape,Realism,ion-andreescu_mestecanis +portrait,Baroque,frans-hals_portrait-of-jean-de-la-chambre-at-the-age-of-33-1638 +nude_painting,Impressionism,pierre-auguste-renoir_reclining-nude-the-baker-s-wife-1902 +still_life,Fauvism,mary-fedden_still-life-with-bottle-and-shells-2006 +landscape,Art_Nouveau_Modern,boris-kustodiev_ukrainian-landscape-1925 +abstract_painting,Abstract_Expressionism,vasile-dobrian_a-perfumed-gale-of-the-autumn-is-all-that-s-left-in-my-memory-from-the-autumn-series +landscape,Pointillism,paul-signac_the-jetty-at-cassis-opus-198-1889 +portrait,Northern_Renaissance,mabuse_portrait-of-francisco-de-los-cobos +portrait,Realism,thomas-eakins_portrait-of-asburyh-w-lee-1905 +religious_painting,Northern_Renaissance,dirk-bouts_the-meeting-of-abraham-and-melchizedek +landscape,Post_Impressionism,pierre-bonnard_landscape-in-normady-1920 +portrait,Romanticism,jan-matejko_kazimierz-iii-wielki +portrait,Realism,isaac-levitan_portrait-of-nikolay-panafidin-1891 +portrait,Pop_Art,richard-hamilton_portrait-of-dieter-roth-1998 +portrait,Pop_Art,gerard-fromanger_michel-foucault-1976 +abstract_painting,Abstract_Expressionism,sam-francis_untitled-exp-sf-58-08-82-1982 +portrait,Expressionism,zinaida-serebriakova_portrait-of-e-shapiro-1940 +landscape,Realism,camille-corot_view-of-saint-lo-with-the-river-vire-in-the-foreground +landscape,Symbolism,nicholas-roerich_himalayas-56 +genre_painting,Expressionism,edvard-munch_the-murderess-1906 +portrait,Realism,david-burliuk_portrait-of-artist-s-wife-1929 +landscape,Cubism,salvador-dali_landscape-of-cadaques +sketch_and_study,Pop_Art,richard-hamilton_study-for-a-fashion-plate-1969 +religious_painting,Mannerism_Late_Renaissance,jacopo-pontormo_madonna-with-st-anne-st-sebastian-st-peter-st-benedict-and-st-filippus-1529 +portrait,Rococo,fyodor-rokotov_portrait-of-count-ivan-shuvalov +religious_painting,Baroque,joshua-reynolds_st-john-the-baptist-in-the-wilderness +portrait,Realism,john-singer-sargent_frederick-sleigh-roberts-1st-earl-roberts-1906 +religious_painting,Symbolism,odilon-redon_eve-1904 +genre_painting,Symbolism,james-mcneill-whistler_red-and-black +religious_painting,Northern_Renaissance,robert-campin_madonna-and-child-1430 +portrait,Expressionism,pablo-picasso_portrait-of-sebastia-junyer-vidal +landscape,Post_Impressionism,henri-martin_the-village-among-the-trees +portrait,Early_Renaissance,antonello-da-messina_portrait-of-a-man-trivulzio-portrait-1476 +landscape,Impressionism,paul-cezanne_poplars-1880 +genre_painting,Romanticism,fyodor-bronnikov_sick-artist-1861 +landscape,Cubism,georges-braque_viaduct-at-estaque-1908 +cityscape,Impressionism,konstantin-korovin_bastille-1928 +portrait,Ukiyo_e,utagawa-kuniyoshi_neve-the-moon-is-chilling-1845 +genre_painting,Post_Impressionism,georges-seurat_the-tree-trunk +sketch_and_study,Romanticism,fyodor-solntsev_burgher-from-zhitomir-in-the-cloak +portrait,Expressionism,egon-schiele_the-artist-s-mother-sleeping-1911 +sketch_and_study,Baroque,jacob-jordaens_two-studies-of-the-head-of-abraham-grapheus-1621 +nude_painting,Impressionism,octav-angheluta_nud-ghemuit +abstract_painting,Abstract_Expressionism,arthur-pinajian_untitled-landscape-bellport-no-1137-1984 +genre_painting,Realism,james-tissot_the-last-evening +portrait,Realism,john-singer-sargent_elizabeth-garrett-anderson-1900 +landscape,Realism,theodore-rousseau_the-passer-1855 +portrait,Art_Nouveau_Modern,wilhelm-kotarbinski_study-models +portrait,Contemporary_Realism,fairfield-porter_the-mirror-1966 +landscape,Post_Impressionism,vladimir-dimitrov_unknown-title-28 +portrait,Realism,james-mcneill-whistler_symphony-in-white-no-2-the-little-white-girl +cityscape,Post_Impressionism,anna-ostroumova-lebedeva_amsterdam-the-old-warehouses-1913 +portrait,Realism,john-singer-sargent_young-man-in-reverie-1876 +abstract_painting,Abstract_Expressionism,sam-francis_blue-1962 +religious_painting,Early_Renaissance,benozzo-gozzoli_angel-gathering-flowers-in-a-heavenly-landscape-detail +cityscape,Naive_Art_Primitivism,henri-rousseau_landscape-with-factory-1906 +genre_painting,Post_Impressionism,vincent-van-gogh_undergrowth-with-two-figures-1890 +portrait,Realism,ferdinand-hodler_the-pastor-1879 +portrait,Cubism,fernand-leger_the-two-sailors +landscape,Impressionism,frederic-bazille_mall-of-aigues-mortes +nude_painting,Realism,anton-azbe_study-of-a-man-1886-1 +portrait,Contemporary_Realism,jamie-wyeth_automaton-1979 +illustration,Art_Nouveau_Modern,edmund-dulac_lone-dove-the-rubaiyat-of-omar-khayyam +genre_painting,Rococo,jean-baptiste-simeon-chardin_the-signatories +sketch_and_study,Post_Impressionism,vincent-van-gogh_woman-in-dark-dress-walking-1886 +portrait,Realism,winslow-homer_woman-and-elephant +landscape,Symbolism,mikalojus-ciurlionis_sparks-i-1906 +portrait,Realism,camille-corot_sibylle +landscape,Impressionism,robert-julian-onderdonk_autumn-landscape +portrait,Mannerism_Late_Renaissance,jacopo-pontormo_portrait-of-a-youth +religious_painting,Baroque,mestre-ataã­de_crucifixion-of-christ +sketch_and_study,Realism,isaac-levitan_forest-edge-rising-of-the-moon-forest-edge-sun-behind-the-clouds-1896 +portrait,Realism,nicolae-grigorescu_jew-with-goose +portrait,Rococo,joshua-reynolds_the-brummell-children-1782 +religious_painting,Symbolism,salvador-dali_de-cruce-depositio-1967 +cityscape,Impressionism,claude-monet_the-red-house +genre_painting,Impressionism,berthe-morisot_beneath-the-lilac-at-maurecourt-1874 +portrait,High_Renaissance,leonardo-da-vinci_heads-of-an-old-man-and-a-youth +illustration,Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-poem-ruslan-and-lyudmila-by-alexander-pushkin-1917(1) +abstract_painting,Color_Field_Painting,leon-berkowitz_cup-7-1975 +portrait,Realism,vasily-vereshchagin_afghan-1870 +landscape,Impressionism,guy-rose_the-distant-town-1910 +portrait,Cubism,fernand-leger_three-characters-1924 +landscape,Impressionism,paul-cezanne_landscape-with-watermill-1871 +landscape,Symbolism,nicholas-roerich_kangchenjunga-1936 +landscape,Symbolism,konstantin-bogaevsky_sketch-for-a-mural-crimea-1921 +religious_painting,High_Renaissance,pietro-perugino_sepulcrum-christi +portrait,Rococo,allan-ramsay_portrait-of-david-hume +landscape,Art_Nouveau_Modern,ivan-bilibin_spring-1900 +cityscape,Impressionism,camille-pissarro_morning-overcast-day-rouen-1896 +nude_painting,High_Renaissance,michelangelo_ignudo-9 +landscape,Symbolism,martiros-saryan_caravan-1926 +religious_painting,Early_Renaissance,fra-angelico_view-of-east-wall-of-the-chapel-1449 +genre_painting,Realism,thomas-eakins_elizabeth-crowell-with-a-dog-1874 +genre_painting,Naive_Art_Primitivism,grã©goire-michonze_village-with-figures-1931 +cityscape,Impressionism,claude-monet_palazzo-da-mulla +abstract_painting,Abstract_Expressionism,richard-pousette-dart_number-1-1951 +landscape,Northern_Renaissance,albrecht-durer_willow-mill-1498 +portrait,Impressionism,pierre-auguste-renoir_girl-in-a-red-hat-1913 +portrait,Art_Nouveau_Modern,felix-vallotton_portrait-of-french-poet-phra-m-mikha-l-1898 +portrait,Cubism,pyotr-konchalovsky_portrait-of-the-artist-vladimir-rozhdestvensky-1912 +religious_painting,Symbolism,kuzma-petrov-vodkin_madonna-and-child-1923 +genre_painting,Romanticism,ivan-aivazovsky_mhitarists-on-island-of-st-lazarus-1843 +portrait,Impressionism,pierre-auguste-renoir_woman-with-a-basket-of-flowers +landscape,Impressionism,pierre-auguste-renoir_landscape-with-figures +cityscape,Naive_Art_Primitivism,louis-vivin_paris-montmartre-cirque-medrano +landscape,Realism,arkhip-kuindzhi_the-north-1879 +religious_painting,Naive_Art_Primitivism,marc-chagall_rachel-hides-her-father-s-household-gods-1960 +religious_painting,Northern_Renaissance,rogier-van-der-weyden_lamentation-1 +nude_painting,Romanticism,william-turner_two-recumbent-nude +landscape,Impressionism,camille-pissarro_the-meadow-at-eragny-1894 +landscape,Expressionism,nikolaos-lytras_landscape-mountain-ymmitos +genre_painting,Romanticism,edwin-henry-landseer_the-hunting-of-chevy-chase-1826 +genre_painting,Realism,konstantin-makovsky_grandfather-stories +genre_painting,Cubism,henri-matisse_the-moraccans-1916 +portrait,Realism,ivan-kramskoy_portrait-of-alexei-suvorin-1881 +abstract_painting,Color_Field_Painting,mark-rothko_no-3-no-13 +landscape,Expressionism,george-mavroides_landscape +religious_painting,Mannerism_Late_Renaissance,parmigianino_rest-on-the-flight-to-egypt-1524 +still_life,Baroque,josefa-de-obidos_natureza-morta-com-frutos-e-flores-1670 +sketch_and_study,Realism,vincent-van-gogh_three-hands-2 +sketch_and_study,Post_Impressionism,vincent-van-gogh_the-courtyard-of-the-hospital-at-arles-1889(1) +genre_painting,Art_Nouveau_Modern,boris-kustodiev_shrove-tide-1919 +genre_painting,Impressionism,joaquã­n-sorolla_the-happy-day-1892 +landscape,Contemporary_Realism,jamie-wyeth_dandelions +genre_painting,Cubism,max-weber_the-cellist +religious_painting,Mannerism_Late_Renaissance,giorgio-vasari_st-luke-painting-the-virgin +genre_painting,Expressionism,pablo-picasso_harlequin-with-guitar-1918 +landscape,Realism,taras-shevchenko_andrushi-1845 +sketch_and_study,Realism,theodore-rousseau_boat-on-a-river-lined-with-trees +abstract_painting,Abstract_Expressionism,jack-tworkov_pink-mississippi-1954 +still_life,Synthetic_Cubism,juan-gris_the-guitar-1913 +landscape,Romanticism,john-constable_the-grove-or-admiral-s-house-1822 +portrait,Post_Impressionism,paul-cezanne_portrait-of-the-artist-s-son-1885-1 +still_life,Baroque,cornelis-norbertus-gysbrechts_still-life-with-self-portrait-1663 +sketch_and_study,Northern_Renaissance,rogier-van-der-weyden_saint-mary-magdalene +landscape,Post_Impressionism,roger-fry_view-on-the-cote-d-azur-menton-1916 +portrait,Realism,fyodor-bronnikov_servant-of-cardinal-1869 +abstract_painting,Abstract_Expressionism,ronnie-landfield_untitled-1969(1) +landscape,Realism,pyotr-konchalovsky_village-karzamanovo-the-snow-has-gone-1934 +abstract_painting,Abstract_Expressionism,paul-jenkins_phenomena-astral-blue +portrait,Northern_Renaissance,albrecht-durer_portrait-of-a-man-2 +sketch_and_study,Naive_Art_Primitivism,kazimir-malevich_plowman-1911 +genre_painting,New_Realism,george-luks_havana-cuba-1896 +sketch_and_study,Cubism,kazimir-malevich_the-athlete-of-the-future-1913 +landscape,Realism,ivan-shishkin_forest-river-1893 +genre_painting,Art_Nouveau_Modern,wilhelm-kotarbinski_a-roman-bacchanal +portrait,High_Renaissance,giovanni-antonio-boltraffio_portrait-of-a-youth-holding-an-arrow-1510 +genre_painting,Baroque,adriaen-brouwer_smokers-in-an-inn +sketch_and_study,Realism,vasily-surikov_pugachev-1911 +landscape,Post_Impressionism,pyotr-konchalovsky_crimea-evening-landscape-yayla-1930 +religious_painting,Early_Renaissance,piero-della-francesca_polyptych-of-st-anthony(1) +portrait,Baroque,cornelis-de-vos_the-family-of-the-artist-1635 +genre_painting,Realism,helene-schjerfbeck_mother-and-child +portrait,Post_Impressionism,gwen-john_portrait-of-mrs-atkinson +genre_painting,Baroque,david-teniers-the-younger_two-drunkards +landscape,Symbolism,konstantin-somov_ploughland +genre_painting,Art_Nouveau_Modern,stefan-luchian_composition +landscape,Romanticism,paul-cezanne_near-aix-en-provence +landscape,Post_Impressionism,stefan-luchian_lakeshore-grove-1898 +genre_painting,Impressionism,konstantin-korovin_on-a-terrace-evening-in-the-coutry-1901 +cityscape,Impressionism,pierre-auguste-renoir_maison-de-la-poste-1907 +genre_painting,Naive_Art_Primitivism,william-h.-johnson_jitterbugs-ii-1941(1) +sketch_and_study,Romanticism,nikolai-ge_death-of-virginia-study-2 +religious_painting,Mannerism_Late_Renaissance,el-greco_st-andrew-and-st-francis-1604 +cityscape,Impressionism,edouard-manet_the-road-menders-rue-de-berne-1878 +sketch_and_study,Realism,vincent-van-gogh_orphans-1882 +landscape,Impressionism,odilon-redon_landscape-in-brittany-peyrelebade +cityscape,Romanticism,cornelis-springer_lombard-voorburgwal-amsterdam +sketch_and_study,Art_Nouveau_Modern,nicholas-roerich_ilya-muromets-1910-1 +portrait,Impressionism,augustus-john_mrs-randolph-schwabe-1917 +portrait,Realism,jose-malhoa_portrait-of-queen-d-leonor-1926 +genre_painting,Romanticism,sir-lawrence-alma-tadema_architecture-in-ancient-rome-1877 +sketch_and_study,Art_Nouveau_Modern,nicholas-roerich_varangian-warrior-1911 +portrait,Expressionism,lucian-freud_man-in-a-white-shirt-2003 +landscape,Impressionism,pierre-auguste-renoir_the-painter-taking-a-stroll-at-cagnes +abstract_painting,Minimalism,robert-mangold_circle-in-and-out-of-a-polygon-2-1973 +abstract_painting,Color_Field_Painting,antonio-palolo_lisbon-1973 +genre_painting,Impressionism,edgar-degas_dancer-1874 +landscape,Impressionism,felix-vallotton_outskirts-of-lausanne-1893 +still_life,Realism,columbano-bordalo-pinheiro_repolho-1911 +genre_painting,Cubism,henri-matisse_woman-at-the-fountain-1917 +landscape,Impressionism,cornelis-vreedenburgh_farm-next-to-canal +sketch_and_study,Realism,david-burliuk_june-g-1950 +religious_painting,Early_Renaissance,domenico-ghirlandaio_the-birth-of-st-john-the-baptist-1490 +genre_painting,Romanticism,sir-lawrence-alma-tadema_strigils-and-sponges-1879 +portrait,Impressionism,camille-pissarro_young-woman-mending-her-stockings-1895 +cityscape,Cubism,leopold-survage_untitled +abstract_painting,Color_Field_Painting,jack-bush_white-flip-1974 +genre_painting,Impressionism,maurice-prendergast_skipping-rope-1895 +cityscape,Impressionism,gregoire-boonzaier_cape-street-scene-1970 +abstract_painting,Abstract_Expressionism,audrey-flack_abstract-force-homage-to-franz-kline-1952 +cityscape,Symbolism,tivadar-kosztka-csontvary_electric-station-at-jajce-at-night-1903 +portrait,Impressionism,ipolit-strambu_the-red-headscarf-1926 +cityscape,Impressionism,gregoire-boonzaier_cape-town-harbour-1958 +genre_painting,Romanticism,richard-parkes-bonington_a-venetian-scene-1828 +religious_painting,Mannerism_Late_Renaissance,giorgio-vasari_palazzo-ramirez-de-montalvo-graffiti +landscape,Fauvism,henri-matisse_copse-of-the-banks-of-the-garonne-1900 +illustration,Art_Nouveau_Modern,aubrey-beardsley_creation +landscape,Pointillism,kazimir-malevich_landscape-1906 +landscape,Impressionism,robert-julian-onderdonk_october-landscape +portrait,Expressionism,bui-xuan-phai_portrait(1) +cityscape,Impressionism,lajos-tihanyi_nagyb-nya-view-1909 +portrait,Impressionism,pierre-auguste-renoir_portrait-of-an-anonymous-sitter-1875 +portrait,Mannerism_Late_Renaissance,titian_emperor-charles-1548-1 +sketch_and_study,Post_Impressionism,vincent-van-gogh_a-woman-picking-up-a-stick-in-front-of-trees-1890(1) +portrait,Expressionism,pyotr-konchalovsky_matador-manuel-gartha-1910-1 +cityscape,Romanticism,cornelis-springer_village-view +portrait,Impressionism,camille-pissarro_a-servant-seated-in-the-garden-at-eragny-1884 +still_life,Impressionism,pierre-auguste-renoir_still-life-with-apples-and-oranges-1 +portrait,High_Renaissance,titian_portrait-of-francesco-maria-della-rovere-1538 +landscape,Impressionism,claude-monet_belle-ile-rocks-at-port-goulphar +genre_painting,Impressionism,max-liebermann_the-farmer-1894 +illustration,Art_Nouveau_Modern,aubrey-beardsley_the-eyes-of-herod-1894 +sketch_and_study,Realism,vasily-surikov_yermak-s-conquest-of-siberia-study-3 +cityscape,Post_Impressionism,nikola-tanev_karlovsko-palace-1932 +landscape,Realism,isaac-levitan_landscape-with-fencing +portrait,Realism,john-singer-sargent_mrs-harry-vane-vilbank +genre_painting,Impressionism,berthe-morisot_woman-and-child-seated-in-a-meadow +genre_painting,Naive_Art_Primitivism,marc-chagall_arlequins-playing-1968 +cityscape,Impressionism,claude-monet_windmill-on-the-onbekende-canal-amsterdam +genre_painting,Expressionism,edvard-munch_bathing-men-1907 +nude_painting,Romanticism,theodore-gericault_study-of-a-male-nude +portrait,Expressionism,george-bouzianis_old-woman-with-red-scarf(2) +landscape,Realism,ivan-shishkin_young-pines +portrait,Analytical_Cubism,juan-gris_portrait-of-germaine-raynal-1912 +genre_painting,Post_Impressionism,pierre-bonnard_the-palm-1926 +portrait,Art_Nouveau_Modern,felix-vallotton_portrait-of-french-writers-jules-et-edmond-de-goncourt-1898 +landscape,Cubism,paul-cezanne_montagne-sainte-victoire-from-lauves +religious_painting,High_Renaissance,raphael_the-crowning-of-the-virgin-1503 +portrait,Rococo,dmitry-levitzky_prince-mikhail-shcherbatov-1781 +religious_painting,Mannerism_Late_Renaissance,tintoretto_marriage-at-cana-1561 +landscape,Impressionism,camille-pissarro_houses-of-l-hermitage-pontoise-1879 +portrait,Pop_Art,jim-dine_drag-johnson-and-mao-1967 +genre_painting,Impressionism,edgar-degas_four-dancers-1900 +genre_painting,Naive_Art_Primitivism,maria-primachenko_this-man-does-not-know-how-to-please-a-woman-1978 +religious_painting,Northern_Renaissance,bernhard-strigel_the-announcement-to-anne-and-joachim-1510 +genre_painting,New_Realism,john-french-sloan_mcsorley-s-bar-1912 +abstract_painting,Abstract_Expressionism,perle-fine_the-roaring-wind-1958 +portrait,Baroque,ivan-nikitin_peter-i-on-his-deathbed-1725-1 +portrait,Art_Nouveau_Modern,zinaida-serebriakova_portrait-of-boris-serebryakov +landscape,Impressionism,claude-monet_antibes-seen-from-the-cape-mistral-wind(1) +landscape,Realism,efim-volkov_first-snow +landscape,Naive_Art_Primitivism,andre-bauchant_la-chute-d-eau-1929 +landscape,Impressionism,claude-monet_morning-on-the-seine-1 +religious_painting,Early_Renaissance,andrea-mantegna_prayer-in-the-garden-1459 +landscape,Post_Impressionism,viorel-marginean_iarn-la-cenade-1979 +cityscape,Cubism,max-beckmann_the-iron-footbridge-1922 +portrait,Expressionism,edvard-munch_thorvald-stang-1909 +portrait,Impressionism,edgar-degas_leon-bonnat-1863 +abstract_painting,Abstract_Expressionism,theodoros-stamos_infinity-field-jerusalem-series-iv-1984 +genre_painting,Romanticism,john-constable_the-leaping-horse-1 +portrait,Impressionism,edgar-degas_violinist-and-young-woman +portrait,Impressionism,pierre-auguste-renoir_madeline-wearing-a-rose-1916 +landscape,Post_Impressionism,kuzma-petrov-vodkin_khvalynsk +landscape,Realism,winslow-homer_the-turkey-buzzard +portrait,Northern_Renaissance,lucas-cranach-the-elder_christoph-von-scheurl-1509 +portrait,Romanticism,paul-cezanne_man-in-a-straw-hat-1871 +illustration,Art_Nouveau_Modern,aubrey-beardsley_pierrot +genre_painting,Northern_Renaissance,albrecht-durer_young-couple +genre_painting,Impressionism,joaquã­n-sorolla_lunch-on-the-boat-1898 +religious_painting,Symbolism,william-blake_christ-nailed-to-the-cross-the-third-hour +sketch_and_study,Expressionism,paula-modersohn-becker_composition-sketch-for-seated-old-1898 +religious_painting,Northern_Renaissance,rogier-van-der-weyden_the-magdalene-reading-1445 +nude_painting,Expressionism,pablo-picasso_portrait-de-femme-en-buste-1924 +religious_painting,Northern_Renaissance,rogier-van-der-weyden_madonna-and-child-2 +landscape,Post_Impressionism,vincent-van-gogh_harvest-in-provence-at-the-left-montmajour-1888(1) +landscape,Impressionism,konstantin-korovin_spring-1917 +portrait,Baroque,peter-paul-rubens_the-straw-hat +genre_painting,Impressionism,cornelis-vreedenburgh_fisher-on-the-ice +landscape,Impressionism,claude-monet_haystacks-sun-in-the-mist +portrait,Rococo,giovanni-battista-tiepolo_portrait-of-the-procurator-dolfin +portrait,Expressionism,amedeo-modigliani_woman-with-white-coat-1917 +religious_painting,Romanticism,jan-matejko_christ +abstract_painting,Abstract_Expressionism,ronnie-landfield_brown-line-painting-1968 +genre_painting,Northern_Renaissance,martin-schongauer_peasant-family-going-to-the-market-1475 +illustration,Naive_Art_Primitivism,marc-chagall_proshka +genre_painting,Realism,winslow-homer_end-of-the-portage-1897 +sketch_and_study,Realism,vincent-van-gogh_two-hands-and-a-woman-s-head +abstract_painting,Abstract_Expressionism,frank-lobdell_summer-1962-1 +landscape,Impressionism,claude-monet_garden-at-vetheuil +landscape,Impressionism,winston-churchill_distant-view-of-the-pyramids-1921(1) +portrait,Realism,pablo-picasso_head-of-a-man-in-el-greco-style-1899 +portrait,Romanticism,miklos-barabas_portrait-of-emil-desseweffy-1866 +religious_painting,High_Renaissance,giorgione_the-adulteress-brought-before-christ(2) +cityscape,Expressionism,max-pechstein_untitled-1920 +sketch_and_study,Symbolism,mikhail-nesterov_at-the-council-sketch +portrait,Realism,ilya-repin_academic-keeper-efimov-1870 +sketch_and_study,Impressionism,edgar-degas_study-of-hands +portrait,Ukiyo_e,keisai-eisen_the-courtesan-tamagawa-of-the-maruebiya-house(1) +landscape,Impressionism,georges-seurat_landscape-with-figure-study-for-la-grande-jatte-1885 +portrait,Mannerism_Late_Renaissance,giorgio-vasari_self-portrait-1568(1) +landscape,Realism,camille-corot_the-ford-under-the-bended-tree +landscape,Impressionism,stefan-luchian_z-voi-i-claie-de-f-n +sketch_and_study,Expressionism,paula-modersohn-becker_reclining-mother-and-child-1906 +landscape,Impressionism,john-singer-sargent_the-sphinx +still_life,Expressionism,martiros-saryan_fruits-and-vegetables-1934 +landscape,Romanticism,konstantin-makovsky_bridge +portrait,High_Renaissance,giovanni-bellini_portrait-of-a-young-man-1500 +portrait,Expressionism,amedeo-modigliani_portrait-of-frank-haviland-burty-1914 +landscape,Impressionism,camille-pissarro_cliffs-at-petit-dalles-1883 +sketch_and_study,Post_Impressionism,vincent-van-gogh_the-corner-of-the-park-1888 +cityscape,Expressionism,george-mavroides_ydra +portrait,Realism,martiros-saryan_portrait-of-catholicos-of-all-armenians-vazgen-i-1959 +landscape,Rococo,thomas-gainsborough_st-mary-s-church-hadleigh +religious_painting,Realism,vasily-polenov_christ-and-the-sinner-1873 +sketch_and_study,Realism,vasily-surikov_boyarynya-morozova-study-1881 +religious_painting,Romanticism,ivan-aivazovsky_passage-of-the-jews-through-the-red-sea-1891 +landscape,Symbolism,nicholas-roerich_path-to-kailas-1931-1 +sketch_and_study,Northern_Renaissance,hans-holbein-the-younger_study-for-the-family-portrait-of-thomas-more +still_life,Impressionism,francis-picabia_still-life-1 +portrait,Realism,peder-severin-kroyer_the-benzon-daughters-1897 +landscape,Post_Impressionism,walter-battiss_trees +still_life,Post_Impressionism,lovis-corinth_still-life-with-chrysanthemums-and-amaryllis-1922 +portrait,Realism,giovanni-boldini_portrait-of-the-marchesa-luisa-casati-with-a-greyhound-1908 +sketch_and_study,Expressionism,pyotr-konchalovsky_portrait-of-a-lady-drawing-for-the-portrait-of-of-anna-emilevna-goncz-1918 +sketch_and_study,Cubism,pyotr-konchalovsky_sketch-a-still-life-with-guitar-1917-1 +religious_painting,Northern_Renaissance,hans-memling_the-rest-on-the-flight-into-egypt +landscape,Impressionism,joaquã­n-sorolla_shipyard-valencia-beach +portrait,Rococo,antoine-pesne_heinrich-von-podewils-prussian-statesman-1731 +sketch_and_study,Realism,vincent-van-gogh_path-to-the-beach-1883 +genre_painting,Art_Nouveau_Modern,raphael-kirchner_geisha-green +religious_painting,High_Renaissance,pietro-perugino_st-augustine-and-four-states-of-a-fraternity +portrait,Romanticism,vasily-polenov_portrait-of-d-khrushcheva-the-artist-s-sister-1874 +abstract_painting,Abstract_Expressionism,sam-francis_firework-1963 +portrait,Northern_Renaissance,hans-memling_portrait-of-an-unknown-man-with-a-letter-1485 +landscape,New_Realism,john-french-sloan_evening-arroyo +abstract_painting,Abstract_Expressionism,vasile-dobrian_look-how-the-moon-steps-on-the-white-lonely-hills-from-the-autumn-series +genre_painting,Realism,james-tissot_prodigal-son-the-return +cityscape,Romanticism,richard-parkes-bonington_rouen-1825 +sketch_and_study,Realism,john-singer-sargent_recumbent-draped-figure +portrait,Impressionism,edouard-manet_lady-in-a-fur +landscape,Impressionism,camille-pissarro_landscape-at-eragny-1894 +landscape,Pointillism,theo-van-rysselberghe_levant-isle +nude_painting,Expressionism,balthus_young-girl-with-white-skirt-1955 +portrait,Expressionism,nikolaos-lytras_the-straw-hat +portrait,Naive_Art_Primitivism,fernando-botero_walk-in-the-hills +portrait,Impressionism,joaquã­n-sorolla_benito-perez-galdos-1894 +portrait,Art_Nouveau_Modern,boris-kustodiev_the-girl-on-the-volga-1919 +abstract_painting,Abstract_Expressionism,ralph-rosenborg_american-landscape-garden-of-flowers-1979 +illustration,Romanticism,gustave-dore_the-eagle +landscape,Post_Impressionism,karl-schrag_midsummer +cityscape,Impressionism,john-miller_santa-maria-della-salute +religious_painting,Naive_Art_Primitivism,marc-chagall_elijah-is-taken-to-heaven-1956 +landscape,Symbolism,konstantin-bogaevsky_cimmerian-region-1910 +portrait,Rococo,thomas-gainsborough_sir-henry-bate-dudley +religious_painting,Northern_Renaissance,gerard-david_the-virgin-of-the-annunciation +religious_painting,Symbolism,james-tissot_pharaoh-s-daughter-receives-the-mother-of-moses +cityscape,Post_Impressionism,henri-martin_street-in-the-village +genre_painting,Post_Impressionism,jean-hugo_la-conversation-au-puits-1934 +abstract_painting,Abstract_Expressionism,mark-rothko_no-5-no-24 +landscape,Impressionism,zinaida-serebriakova_green-autumn-1908 +genre_painting,Expressionism,jose-gutierrez-solana_the-meeting-at-the-pharmacy-1934 +portrait,Baroque,diego-velazquez_philip-iv-king-of-spain +still_life,Realism,vincent-van-gogh_still-life-with-vegetables-and-fruit-1885 +sketch_and_study,Realism,vasily-surikov_executioner-1891 +portrait,High_Renaissance,titian_portrait-of-don-fernando-alvarez-of-toledo-grand-duke-of-alba +cityscape,Expressionism,spyros-papaloukas_agiasos-mutilinis-1924-29(1) +portrait,Northern_Renaissance,lucas-cranach-the-elder_katharina-luther-1528 +landscape,Impressionism,claude-monet_grainstack-thaw-sunset +landscape,Symbolism,nicholas-roerich_ladakh-1937 +landscape,Realism,vincent-van-gogh_avenue-of-poplars-at-sunset-1884-1(1) +landscape,Fauvism,maurice-de-vlaminck_the-chestnut-grove-at-chatou +genre_painting,Romanticism,ferdinand-georg-waldmã¼ller_mountain-landscape-with-the-ruins-of-liechtenstein-in-m-dling-1859 +portrait,Romanticism,francisco-goya_portrait-of-the-joaquina-nee-tellez-giron-y-alfonso-pimental-10th-marquesa-de-santa-cruz-as-the-1805 +still_life,Cubism,louis-marcoussis_still-life-with-ephemeris-1914 +abstract_painting,Color_Field_Painting,paul-reed_gilport-d-lxii-1972 +genre_painting,Impressionism,joaquã­n-sorolla_blind-man-of-toledo-1906 +landscape,Contemporary_Realism,john-miller_coco-beach-goa +genre_painting,Baroque,rembrandt_shah-jahan-and-dara-shikoh +landscape,Contemporary_Realism,jamie-wyeth_boat-time-1976 +genre_painting,Art_Nouveau_Modern,sergey-solomko_date +portrait,Post_Impressionism,henri-matisse_the-japanese-lady-1901 +portrait,Expressionism,frank-auerbach_david-landau-1 +illustration,Romanticism,gustave-dore_saturn +sketch_and_study,Baroque,rembrandt_figures-on-the-anthoniesdijk-entering-houtewael +portrait,Rococo,allan-ramsay_sir-andrew-mitchell +cityscape,Realism,camille-corot_the-inn-at-montigny-les-cormeilles +portrait,Baroque,anthony-van-dyck_portrait-of-clelia-cattaneo-daughter-of-marchesa-elena-grimaldi-1623 +genre_painting,Realism,vincent-van-gogh_sower-1882-2 +sketch_and_study,Realism,valentin-serov_tundra-travelling-by-deer-1896 +abstract_painting,Abstract_Expressionism,dan-christensen_crayola-1982 +still_life,Cubism,pyotr-konchalovsky_still-life-the-palette-and-paint-1912 +religious_painting,High_Renaissance,leonardo-da-vinci_head-of-st-john-the-evangelist +abstract_painting,Color_Field_Painting,mark-rothko_untitled-1959 +portrait,Expressionism,henri-michaux_face +cityscape,Impressionism,claude-monet_the-departure-of-the-boats-etretat +still_life,Post_Impressionism,henri-matisse_still-life-with-statuette +religious_painting,Realism,edouard-manet_the-dead-christ-with-angels-1864 +abstract_painting,Abstract_Expressionism,helen-frankenthaler_dream-walk-1977 +landscape,Realism,winslow-homer_shore-at-bermuda +genre_painting,Impressionism,boris-kustodiev_at-marketplace-1903 +cityscape,Impressionism,antoine-blanchard_bouquinistes-de-notre-dame +sketch_and_study,Realism,vasily-perov_sad-father-1874 +still_life,Impressionism,nicolae-darascu_still-life-with-pumpkin +portrait,Cubism,fernand-leger_face-with-both-hands-1954 +landscape,Expressionism,nikolaos-lytras_briedge-in-the-woods +abstract_painting,Abstract_Expressionism,jay-defeo_the-rose-1966 +genre_painting,Realism,julius-leblanc-stewart_full-speed-1886(1) +genre_painting,Baroque,hendrick-terbrugghen_singing-boy-1627 +religious_painting,Northern_Renaissance,albrecht-durer_the-annunciation-1502 +cityscape,Impressionism,alfred-sisley_the-moret-bridge-1892 +landscape,Post_Impressionism,lovis-corinth_walchensee-1920 +still_life,Synthetic_Cubism,georges-braque_still-life-with-le-jour-1929 +sketch_and_study,Ukiyo_e,katsushika-hokusai_manga-5 +portrait,Expressionism,egon-schiele_russian-prisoner-of-war-with-fur-hat-1915 +still_life,Synthetic_Cubism,juan-gris_glasses-newspaper-and-bottle-of-wine +portrait,Rococo,dmitry-levitzky_ivan-abramovich-gannibal +portrait,Early_Renaissance,sandro-botticelli_portrait-of-a-young-woman(1) +genre_painting,Art_Nouveau_Modern,serge-sudeikin_pancake-parsley +landscape,Impressionism,childe-hassam_celia-thaxter-s-garden-appledore-isles-of-shoals +cityscape,Impressionism,claude-monet_houses-of-parliament-westminster-1901 +still_life,Impressionism,frederic-bazille_the-heron +portrait,Northern_Renaissance,hans-holbein-the-younger_sir-henry-wyatt +sketch_and_study,Post_Impressionism,vincent-van-gogh_sun-disk-above-a-path-between-shrubs-1890 +still_life,Post_Impressionism,ilya-mashkov_vegetables +landscape,Realism,theodore-rousseau_not_detected_198933(1) +landscape,Impressionism,alfred-sisley_summer-in-moret +portrait,Pop_Art,peter-blake_illustration-to-the-cover-of-face-dances-1981 +cityscape,Post_Impressionism,maurice-utrillo_basilica +genre_painting,Naive_Art_Primitivism,lyonel-feininger_im-dorfe +landscape,Symbolism,nicholas-roerich_ices-1941 +genre_painting,Realism,mykola-yaroshenko_the-prisoner-1878 +portrait,Realism,vasily-perov_small-seventeen-baker-1869 +sketch_and_study,Symbolism,konstantin-somov_lady-with-the-dog +portrait,Impressionism,grace-cossington-smith_quaker-girl-1915 +portrait,Expressionism,george-bouzianis_two-women(2) +landscape,Contemporary_Realism,jamie-wyeth_landmark-1971 +illustration,Romanticism,gustave-dore_in-with-the-river-sunk-and-with-it-rose-satan +illustration,Art_Nouveau_Modern,aubrey-beardsley_publicity-poster-for-the-yellow-book +landscape,Impressionism,alfred-sisley_apple-trees-in-flower-spring-morning-pommiers-en-fleurs-louveciennes-1873 +landscape,Contemporary_Realism,john-miller_celtic-coastline +portrait,Realism,boris-kustodiev_portrait-of-lyubov-borgman-1915 +landscape,Post_Impressionism,marcel-duchamp_church-at-blainville-1902 +religious_painting,Baroque,jacob-jordaens_suffer-the-little-children-to-come-unto-me +religious_painting,Realism,james-tissot_daniel-in-the-lion-s +genre_painting,Impressionism,victor-borisov-musatov_boy-in-the-garden-1898 +portrait,Expressionism,hans-richter_portrait-de-lou-m-rten-1915 +portrait,Baroque,rembrandt_a-girl-with-a-broom +genre_painting,Post_Impressionism,henri-matisse_woman-holding-umbrella-1 +landscape,Romanticism,john-atkinson-grimshaw_november-afternoon-stapleton-park +portrait,Rococo,joshua-reynolds_miss-nelly-o-brien-1764 +religious_painting,Northern_Renaissance,albrecht-durer_the-adoration-of-the-magi +portrait,Romanticism,dante-gabriel-rossetti_roman-widow +genre_painting,Expressionism,tsuguharu-foujita_femme-en-pri-re +still_life,Synthetic_Cubism,juan-gris_the-guitar-1914 +landscape,Impressionism,arkhip-kuindzhi_sunset-3 +religious_painting,Mannerism_Late_Renaissance,paolo-veronese_mystic-marriage-of-st-catherine-1 +portrait,Realism,pyotr-konchalovsky_portrait-art-critic-capitolina-vladimirovna-frolova-1948 +genre_painting,Impressionism,georges-lemmen_man-reading +portrait,Realism,constantin-stahi_portrait-of-a-girl-1873 +cityscape,Expressionism,ivan-albright_moscow-1967(1) +portrait,Mannerism_Late_Renaissance,parmigianino_a-turkish-slave +genre_painting,Impressionism,cornelis-vreedenburgh_loosdrecht +abstract_painting,Abstract_Expressionism,yayoi-kusama_sea-2005 +abstract_painting,Color_Field_Painting,claude-viallat_unknown-title-3 +portrait,Impressionism,edgar-degas_sulking +genre_painting,Post_Impressionism,henri-de-toulouse-lautrec_at-the-rat-mort-1899 +genre_painting,Post_Impressionism,pablo-picasso_mother-and-child-behind-the-bouquet-of-flowers-1901 +portrait,Romanticism,sir-lawrence-alma-tadema_sunshine +cityscape,Realism,ilya-mashkov_kremlin-in-winter +genre_painting,Art_Nouveau_Modern,henri-de-toulouse-lautrec_admiral-viaud-1901 +nude_painting,Post_Impressionism,moise-kisling_reclining-nude-1919 +still_life,Expressionism,henri-matisse_still-life-3 +illustration,Art_Nouveau_Modern,koloman-moser_animal-motif-for-a-picture-book-1 +cityscape,Impressionism,nicolae-darascu_landscape-from-saint-tropez-1911 +still_life,Expressionism,endre-balint_still-life-with-fish-1946 +landscape,Impressionism,claude-monet_poplars-on-the-banks-of-the-epte-1891 +illustration,Symbolism,harry-clarke_tales-of-mystery-and-imagination-by-edgar-allan-poe-1923-22 +portrait,Rococo,giovanni-domenico-tiepolo_portrait-of-an-oriental-philosopher +genre_painting,Realism,vincent-van-gogh_woman-sitting-on-a-basket-sewing-1883 +cityscape,Rococo,canaletto_the-tow-of-malghera +landscape,Pop_Art,roy-lichtenstein_ruins-1965(1) +portrait,Realism,basuki-abdullah_mr-adam-malik-and-wife +landscape,Realism,isaac-levitan_autumn +portrait,Art_Nouveau_Modern,henri-de-toulouse-lautrec_jane-avril +abstract_painting,Color_Field_Painting,gene-davis_peeping-wall-1960 +landscape,Impressionism,edgar-degas_landscape-cows-in-the-foreground +religious_painting,Symbolism,salvador-dali_ipse-erat-elias-mark-1-4-1967 +sketch_and_study,Realism,isaac-levitan_by-the-whirlpool-1891-2 +nude_painting,Post_Impressionism,pierre-bonnard_nude-and-fur-hat-1911 +cityscape,Impressionism,adam-baltatu_houses-in-ha-i +abstract_painting,Minimalism,ellsworth-kelly_white-black-1988 +portrait,Ukiyo_e,kitagawa-utamaro_courtesan-writing-a-letter +genre_painting,Impressionism,edgar-degas_dancers-in-blue-1895 +landscape,Impressionism,claude-monet_poplars-wind-effect +sketch_and_study,Early_Renaissance,andrea-mantegna_study-for-a-christ-1490 +illustration,Art_Nouveau_Modern,eugã¨ne-grasset_la-belle-jardiniere-july-1896 +portrait,Realism,salvador-dali_my-wife-nude-contemplating-her-own-flesh-becoming-stairs-three-vertebrae-of-a-column-sky-and +religious_painting,Northern_Renaissance,gerard-david_the-annunciation +religious_painting,High_Renaissance,lorenzo-lotto_madonna-and-st-catherine-of-alexandria-st-james-the-greater-and-an-angel +portrait,Romanticism,konstantin-makovsky_female-portrait-11 +sketch_and_study,Art_Nouveau_Modern,henri-de-toulouse-lautrec_entry-of-cha-u-kao +religious_painting,Mannerism_Late_Renaissance,el-greco_mary-magdalene-in-penitence +still_life,Realism,pyotr-konchalovsky_still-life-grapes-and-pomegranates-1928 +landscape,Post_Impressionism,vincent-van-gogh_meadow-in-the-garden-of-saint-paul-hospital-1890 +portrait,Rococo,maurice-quentin-de-la-tour_jean-restout-1 +portrait,Northern_Renaissance,albrecht-durer_portrait-of-a-man-damia-van-der-goes +portrait,Romanticism,alexander-shilov_russian-beauty-1992 +cityscape,Realism,camille-pissarro_a-square-in-la-roche-guyon +portrait,Romanticism,vasily-tropinin_poles-alexander-a +landscape,Realism,frits-thaulow_winter +portrait,New_Realism,yiannis-tsaroychis_schizophrenic-1968 +landscape,Romanticism,john-constable_hampstead-heath-with-a-rainbow-1836-1 +landscape,Impressionism,alfred-sisley_the-sevres-bridge-1877 +sketch_and_study,Impressionism,edgar-degas_rest-on-the-bed-1877 +nude_painting,Realism,jean-francois-millet_seated-nude +still_life,Post_Impressionism,ilya-mashkov_still-life-with-samovar-1920 +religious_painting,High_Renaissance,titian_st-ambrose +sketch_and_study,Cubism,kazimir-malevich_traveler-1913 +nude_painting,Realism,mihaly-munkacsy_the-sacrifice-of-flowers-1896 +landscape,Symbolism,nicholas-roerich_himalayas-21 +portrait,Realism,ilya-repin_portrait-of-vera-repina-the-artist-s-wife-1876 +landscape,Impressionism,paul-gauguin_rouen-suburb-1884 +cityscape,Impressionism,antoine-blanchard_notre-dame +portrait,Northern_Renaissance,albrecht-durer_portrait-of-jobst-plankfelt +portrait,Baroque,rembrandt_portrait-of-hendrickje-stoffels-1660 +religious_painting,High_Renaissance,pietro-perugino_polyptych-of-st-peter-san-pietro-vincioli-1500 +landscape,Symbolism,nicholas-roerich_pass-tangla +landscape,Post_Impressionism,jacoba-van-heemskerck_in-the-garden-1909 +landscape,Realism,aleksey-savrasov_autumn-landscape-with-a-swampy-river-in-the-moonlight-1871 +portrait,Post_Impressionism,roger-bissiã¨re_tapestry-portrait-of-madame-bissi-re +genre_painting,Realism,valentin-serov_in-a-village-peasant-woman-with-a-horse-1898 +religious_painting,Northern_Renaissance,albrecht-durer_birth-of-mary +portrait,Romanticism,francisco-goya_the-duke-of-osuna-and-his-family-1788 +landscape,Post_Impressionism,pyotr-konchalovsky_bridge +landscape,Realism,vincent-van-gogh_pollard-willow-1881 +sketch_and_study,Expressionism,rafael-zabaleta_female-nude-2 +genre_painting,Impressionism,eugene-boudin_the-beach-at-trouville-1868 +portrait,Romanticism,joseph-wright_sir-richard-arkwright-1790 +landscape,Impressionism,childe-hassam_venice +genre_painting,Cubism,marc-chagall_peasant-life-1925 +genre_painting,Realism,jean-francois-millet_harvesting-potatoes +sketch_and_study,Realism,vasily-surikov_portraits-of-menshikov-family-1882 +genre_painting,Impressionism,joaquã­n-sorolla_the-nap-asturias-1903 +genre_painting,Art_Nouveau_Modern,raphael-kirchner_players +portrait,Impressionism,julian-alden-weir_a-follower-of-grolier +landscape,Realism,eugene-boudin_the-francois-ier-tower-at-le-havre-1852 +cityscape,Impressionism,alfred-sisley_the-moret-bridge-at-sunset-1892 +sketch_and_study,Post_Impressionism,vincent-van-gogh_wheat-field-with-a-stack-of-wheat-or-hay-1890 +still_life,Impressionism,pierre-auguste-renoir_still-life-with-pomegranates +religious_painting,Baroque,caravaggio_saint-francis-of-assisi-in-ecstasy(1) +cityscape,Romanticism,ivan-aivazovsky_moonlit-night-on-the-bosphorus-1894 +landscape,Romanticism,ivan-aivazovsky_araks-river-and-ararat-1875 +landscape,Realism,ivan-shishkin_oak-grove-1893 +portrait,Mannerism_Late_Renaissance,agnolo-bronzino_eleonora-da-toledo-1562 +landscape,Realism,vasily-surikov_road-in-khotkovo-1884 +cityscape,Expressionism,salvador-dali_madrid-drunk-man +portrait,Romanticism,joseph-wright_mrs-wilmot-in-riding-dress +portrait,Romanticism,konstantin-makovsky_portrait-of-russian-opera-singer-nikolay-figner +portrait,Impressionism,edouard-manet_portrait-of-composer-emmanual-chabrier +portrait,Romanticism,jan-matejko_mieszko-ii-lambert-1 +landscape,Expressionism,nikolaos-lytras_landscape-of-attica-1 +portrait,Expressionism,hedda-sterne_portrait-of-frederick-kiesler-1954 +portrait,Romanticism,john-everett-millais_the-matyr-of-the-solway +portrait,Expressionism,pablo-picasso_portrait-of-paulo-artist-s-son-1923 +portrait,Baroque,rembrandt_an-old-man-with-a-beard-fur-cap-and-a-velvet-cloak-1632 +portrait,Expressionism,rafael-zabaleta_two-woman-and-self-portrait-bust-1939 +religious_painting,Northern_Renaissance,hieronymus-bosch_the-garden-of-earthly-delights-1516-9 +genre_painting,Realism,vasily-perov_pigeon-fancier-1874 +landscape,Impressionism,henri-matisse_olive-trees-1898 +genre_painting,Impressionism,edgar-degas_dancers-at-the-old-opera-house +portrait,Impressionism,pierre-auguste-renoir_paul-haviland-1884 +landscape,Impressionism,pierre-auguste-renoir_forest-path-1875 +landscape,Impressionism,lovis-corinth_the-walchensee-country-house-with-washing-on-the-line-1923 +genre_painting,Impressionism,gustave-caillebotte_the-nap +illustration,Romanticism,gustave-dore_don-quixote-142 +cityscape,Impressionism,claude-monet_view-of-the-voorzaan-1871 +portrait,Romanticism,dante-gabriel-rossetti_christina-rossetti +landscape,Romanticism,lev-lagorio_southern-landscape-1866 +landscape,Romanticism,ivan-aivazovsky_st-petersburg-the-ferry-across-the-river-1870 +portrait,Baroque,rembrandt_old-woman-reading +landscape,Post_Impressionism,paul-cezanne_mont-sainte-victoire-with-large-pine-1887 +abstract_painting,Expressionism,pierre-alechinsky_stars-and-disasters-astres-et-d-sastres-1969 +landscape,Impressionism,claude-monet_the-steps-at-vetheuil +portrait,Realism,john-singer-sargent_portrait-of-two-children-1887 +religious_painting,Northern_Renaissance,hieronymus-bosch_the-temptation-of-st-anthony-1516-6 +religious_painting,Northern_Renaissance,dirk-bouts_head-of-christ +illustration,Ukiyo_e,katsushika-hokusai_illustration-from-the-hundred-poems-series +genre_painting,Symbolism,odilon-redon_bathers-1904 +sketch_and_study,Realism,vincent-van-gogh_head-of-a-man-1885(1) +portrait,Romanticism,theodore-gericault_head-of-a-shipwrecked-man-study-for-the-raft-of-medusa-1819 +religious_painting,Northern_Renaissance,gerard-david_the-holy-women-and-st-john-at-golgotha-1485 +sketch_and_study,Expressionism,ernst-ludwig-kirchner_the-railway +illustration,Romanticism,gustave-dore_don-quixote-153 +landscape,Impressionism,pierre-auguste-renoir_algerian-landscape-the-ravine-of-the-wild-women-1881 +landscape,Baroque,paul-bril_coastal-landscape-1596 +religious_painting,Early_Renaissance,domenico-ghirlandaio_st-dominic-burning-heretical-writings-1490 +sketch_and_study,Art_Nouveau_Modern,gustav-klimt_standing-woman-in-kimono-dame-im-kimono-1918 +landscape,Realism,ivan-shishkin_backwoods-1870 +genre_painting,Romanticism,paul-cezanne_bathers-1870 +genre_painting,Impressionism,childe-hassam_woodchopper +abstract_painting,Abstract_Expressionism,taro-yamamoto_untitled-1972-1 +landscape,Romanticism,lev-lagorio_northern-landscape-1872 +sketch_and_study,Art_Nouveau_Modern,nicholas-roerich_study-of-saint-alexius-temple-1909 +sketch_and_study,Mannerism_Late_Renaissance,jacopo-pontormo_kicking-player +portrait,Realism,vasily-perov_portrait-of-f-f-rezanov-1868 +nude_painting,Realism,paul-mathiopoulos_male-nude-1898 +abstract_painting,Abstract_Expressionism,mark-tobey_american-landscape +religious_painting,Mannerism_Late_Renaissance,el-greco_the-agony-in-the-garden-1 +landscape,Impressionism,joaquã­n-sorolla_herding-geese-in-the-asturias-1903 +cityscape,Expressionism,vasile-dobrian_painter-in-landscape-1963 +portrait,Realism,john-singer-sargent_portrait-of-lady-sassoon-1907 +still_life,Impressionism,irma-stern_still-life-with-african-pot-1936 +genre_painting,Expressionism,lucian-freud_painter-and-model-1987 +landscape,Impressionism,gustave-caillebotte_woman-seated-beneath-a-tree +genre_painting,Naive_Art_Primitivism,william-h.-johnson_farm-family-nursing-child-1944 +portrait,Cubism,pablo-picasso_portrait-of-jacqueline-1957 +illustration,Symbolism,william-blake_illustration-to-milton-s-paradise-lost-1808-3 +genre_painting,Impressionism,berthe-morisot_in-a-park +landscape,Impressionism,claude-monet_snow-effect-at-falaise +genre_painting,Baroque,gabriel-metsu_the-sick-girl-1659 +cityscape,Post_Impressionism,tivadar-kosztka-csontvary_springtime-in-mostar-1903 +genre_painting,Fauvism,august-macke_donkey-rider +portrait,Post_Impressionism,vincent-van-gogh_madame-roulin-rocking-the-cradle-a-lullaby-1889-1 +cityscape,Impressionism,henri-martin_port-of-marseille-2 +genre_painting,Expressionism,august-macke_circus +portrait,Romanticism,george-frederick-watts_zoe-ionides-1881 +portrait,Realism,boris-kustodiev_portrait-of-i-b-kustodieva-daughter-of-the-artist-1919 +landscape,Naive_Art_Primitivism,arman-manookian_old-kahala-home-1928 +landscape,Cubism,paul-cezanne_house-and-trees-1894 +landscape,Expressionism,stanley-pinker_lazing-in-the-sand-dunes +abstract_painting,Post_Impressionism,roger-fry_essay-in-abstract-design-1915 +abstract_painting,Minimalism,tsuruko-yamazaki_work-1955 +abstract_painting,Abstract_Expressionism,joan-mitchell_la-vie-en-rose-1979 +landscape,Realism,pyotr-konchalovsky_winter-road-the-evening-1931 +portrait,Realism,vasily-surikov_portrait-of-young-lady-1906 +religious_painting,Baroque,peter-paul-rubens_last-supper +portrait,Realism,william-adolphe-bouguereau_inspiration-1898 +landscape,Realism,johan-hendrik-weissenbruch_the-mill +genre_painting,Symbolism,kuzma-petrov-vodkin_kiss +genre_painting,Realism,nikolaos-gyzis_children-engagement-1877 +portrait,Impressionism,james-mcneill-whistler_harper-pennington-1882 +nude_painting,Impressionism,pierre-auguste-renoir_bather-and-maid-the-toilet +landscape,Expressionism,ernst-ludwig-kirchner_winter-landscape-in-moonlight-1919 +genre_painting,Impressionism,joaquã­n-sorolla_watching-the-fish-1907 +abstract_painting,Minimalism,claude-tousignant_la-croix-supr-matiste-1991 +abstract_painting,Color_Field_Painting,jack-youngerman_greengage-1962 +genre_painting,Expressionism,pablo-picasso_lovers-1904 +portrait,Art_Nouveau_Modern,felix-vallotton_st-phane-mallarm +portrait,Expressionism,august-macke_indianer +cityscape,Expressionism,oskar-kokoschka_not_detected_235833 +abstract_painting,Minimalism,daniel-buren_peinture-acrylique-blanche-sur-tissu-ray-blanc-et-marron-1972 +genre_painting,Expressionism,milton-avery_adolescence-1947 +genre_painting,Expressionism,max-beckmann_bird-s-hell-1938 +sketch_and_study,Realism,valentin-serov_portrait-of-o-trubnikova-1885 +still_life,Baroque,frans-snyders_still-life-1 +illustration,Naive_Art_Primitivism,marc-chagall_selifan +still_life,Pop_Art,patrick-caulfield_still-life-ingredients-1976 +abstract_painting,Abstract_Expressionism,ralph-rosenborg_landscape-with-hills-and-lake-1990 +abstract_painting,Abstract_Expressionism,hans-hofmann_untitled-1943 +abstract_painting,Minimalism,john-mclaughlin_number-2-1971 +landscape,Realism,pyotr-konchalovsky_river-mana-at-the-yenisei-1951 +sketch_and_study,Post_Impressionism,vincent-van-gogh_pine-trees-in-front-of-the-wall-of-the-asylum-1889 +portrait,Romanticism,henry-raeburn_portrait-of-mrs-kenneth-murchison +still_life,Romanticism,francisco-goya_still-life-three-salmon-steaks-1812 +portrait,Realism,james-tissot_louise +portrait,Impressionism,philip-de-laszlo_the-son-of-the-artist-1917 +illustration,Romanticism,gustave-dore_plate-no-26-book-vi-line-406-now-night-her-course-began-1882 +portrait,Expressionism,pyotr-konchalovsky_portrait-of-girl-sitting-on-a-colorful-carpet-with-the-toys-kamushka-benediktova-1931 +portrait,Baroque,rembrandt_young-woman-with-a-broom +landscape,Post_Impressionism,maxime-maufra_landscape-1 +landscape,Symbolism,konstantin-bogaevsky_mountain-landscape-1 +abstract_painting,Color_Field_Painting,jose-guerrero_andaluc-a-aparici-n-1964 +cityscape,Post_Impressionism,gustave-loiseau_port-of-fecamp +abstract_painting,Minimalism,ralph-hotere_avignon-painting-1978 +portrait,Realism,edouard-manet_victorine-meurent-1862 +sketch_and_study,Impressionism,camille-pissarro_study-for-the-harvest-at-montfoucault-1879 +religious_painting,Early_Renaissance,sandro-botticelli_the-cestello-annunciation(1) +genre_painting,Art_Nouveau_Modern,raphael-kirchner_bellage-of-sect-1905 +portrait,Post_Impressionism,moise-kisling_nude-in-landscape +sketch_and_study,Realism,vincent-van-gogh_entrance-to-the-old-tower-1885(1) +abstract_painting,Color_Field_Painting,maurice-esteve_vigorou +portrait,Northern_Renaissance,bernhard-strigel_portrait-of-the-cuspinian-family +nude_painting,Impressionism,pierre-auguste-renoir_blonde-bather-1881 +cityscape,Expressionism,ernst-ludwig-kirchner_railways-in-the-taunus +genre_painting,Realism,vincent-van-gogh_girl-kneeling-in-front-of-a-bucket-1881(1) +religious_painting,High_Renaissance,cima-da-conegliano_madonna-enthroned-with-the-child +portrait,Rococo,joshua-reynolds_john-parker-and-his-sister-theresa-1779 +portrait,Rococo,jean-honore-fragonard_two-sisters +landscape,Realism,pyotr-konchalovsky_at-midday-1947 +landscape,Impressionism,arkhip-kuindzhi_dnieper-1901-1 +landscape,Cubism,andre-derain_landscape-near-martigues-1908 +landscape,Impressionism,guy-rose_low-tide-honfleur +cityscape,Naive_Art_Primitivism,camille-bombois_vielle-masion-a-compaiegne-1935 +portrait,Baroque,antoine-pesne_family-portrait-of-baron-von-erlach-1711 +landscape,Romanticism,ivan-aivazovsky_clash-soldiers-with-murids-on-gunib-1869 +landscape,Romanticism,caspar-david-friedrich_inside-the-forest-under-the-moonlight +genre_painting,Cubism,louis-marcoussis_figures-and-marine-anchor-1930 +landscape,Impressionism,childe-hassam_isles-of-shoals-garden-aka-the-garden-in-its-glory +landscape,Romanticism,caspar-david-friedrich_the-watzmann-1825 +landscape,Romanticism,william-turner_the-devil-s-bridge-st-gothard +illustration,Romanticism,gustave-dore_barrators-giampolo(1) +nude_painting,Impressionism,pierre-auguste-renoir_the-swimmer-sitting +landscape,Expressionism,martiros-saryan_on-the-mountain-slopes-1922 +religious_painting,High_Renaissance,andrea-del-sarto_the-investiture-of-the-leper +abstract_painting,Abstract_Expressionism,sam-francis_untitled-l-i48-sfe-015-1984 +cityscape,Impressionism,claude-monet_saint-lazare-station +cityscape,Northern_Renaissance,jan-van-eyck_the-ghent-altarpiece-detail-1432 +landscape,Naive_Art_Primitivism,maurice-prendergast_fantasy-also-known-as-fantasy-with-flowers-animals-and-houses +portrait,Post_Impressionism,bela-czobel_reclining-woman-1922 +still_life,Expressionism,henri-matisse_flowers-and-ceramic-plate +portrait,Expressionism,tsuguharu-foujita_mother-and-two-children-1917 +landscape,Realism,vincent-van-gogh_the-old-cemetery-tower-at-nuenen-in-the-snow-1885 +landscape,Post_Impressionism,abraham-manievich_birch-trees-1911 +sketch_and_study,Post_Impressionism,pyotr-konchalovsky_ilmen-lake-the-boy-on-horseback-1926 +landscape,Post_Impressionism,pierre-bonnard_in-the-woods-study +landscape,Impressionism,rudolf-schweitzer-cumpana_peisaj-pe-valea-prahovei-1926 +genre_painting,Pointillism,henri-edmond-cross_coastal-view-with-cypress-trees-1896 +cityscape,Romanticism,rudolf-von-alt_the-tomb-of-emperor-frederick-iii-in-the-stephansdom-in-vienna-1895 +genre_painting,Naive_Art_Primitivism,marc-chagall_the-large-gray-circus-1975 +still_life,Art_Nouveau_Modern,boris-kustodiev_sweets-still-life +religious_painting,Early_Renaissance,carlo-crivelli_enthroned-madonna-2 +landscape,Impressionism,konstantin-korovin_by-the-spring-1919 +religious_painting,Baroque,jacob-jordaens_adoration-of-the-shepherds-1617 +landscape,Romanticism,thomas-cole_roman-campagna-1843 +sketch_and_study,Realism,john-singer-sargent_man-screaming-also-known-as-study-for-hell +nude_painting,Impressionism,childe-hassam_montauk-1921 +portrait,Post_Impressionism,georges-seurat_young-peasant-in-blue-1882 +sketch_and_study,Romanticism,orest-kiprensky_a-large-griffonnage-1814 +abstract_painting,Color_Field_Painting,ronnie-landfield_first-path-1978 +landscape,Rococo,hubert-robert_the-footbridge-1775 +portrait,Realism,vincent-van-gogh_fisherman-on-the-beach-1882(1) +portrait,Impressionism,konstantin-korovin_portrait-of-feodor-chaliapin-1905 +still_life,Pop_Art,andy-warhol_gun +portrait,Rococo,maurice-quentin-de-la-tour_charles-maron-a-lawyer-in-parliament +landscape,Romanticism,john-atkinson-grimshaw_a-mossy-glen +landscape,Impressionism,lucian-grigorescu_peisaj-la-balcic-1923 +portrait,Realism,thomas-eakins_maud-cook-1895 +portrait,Impressionism,edgar-degas_portrait-of-a-woman-wearing-a-green-blouse +sketch_and_study,Expressionism,mark-tobey_pike-street-market-sketch-1941 +landscape,Naive_Art_Primitivism,henri-rousseau_cliffs +religious_painting,Romanticism,gustave-dore_the-ark-is-returned-to-beth-shemesh +illustration,Symbolism,felicien-rops_the-sphinx-1882 +illustration,Realism,boris-kustodiev_frontispiece-1922 +sketch_and_study,Impressionism,edgar-degas_woman-touching-her-arm +genre_painting,Realism,vasily-vereshchagin_turkmens-representing-war-trophies-to-khiva-khan-1868 +nude_painting,Art_Nouveau_Modern,zinaida-serebriakova_seated-nude-1917 +religious_painting,Early_Renaissance,filippo-lippi_death-of-the-virgin-1469 +cityscape,Naive_Art_Primitivism,raoul-dufy_homage-to-claude-lorrain-1927 +portrait,Expressionism,zinaida-serebriakova_portrait-of-alexandre-popoff-in-a-smoking-jacket-1942 +sketch_and_study,Symbolism,george-frederick-watts_nude-studies-of-long-mary(1) +sketch_and_study,Baroque,rembrandt_a-repose-in-outline-1645 +portrait,Naive_Art_Primitivism,niko-pirosmani_fisherman-among-rocks-1906 +landscape,Impressionism,john-henry-twachtman_view-from-the-holley-house-winter +religious_painting,Northern_Renaissance,robert-campin_saint-veronica-displaying-the-sudarium +still_life,Impressionism,samuel-mutzner_crizanteme-n-vas-japonez-1929 +landscape,Impressionism,alfred-sisley_footbridge-over-the-railroad-at-sevres +portrait,Realism,gustave-courbet_the-woman-in-a-podoscaphe-1865 +abstract_painting,Minimalism,daniel-buren_cercle-noir-sur-fond-blanc-1967 +portrait,Baroque,rembrandt_the-portrait-of-jan-six-1647 +abstract_painting,Minimalism,yves-gaucher_deux-bleus-vert +portrait,Impressionism,constantin-artachino_turk-1 +genre_painting,Expressionism,tia-peltz_muzeul-satului +landscape,Symbolism,albert-bloch_impromptu-1959 +portrait,Ukiyo_e,utagawa-kuniyoshi_the-actor-8 +portrait,Expressionism,pablo-picasso_mallorcan-1905 +genre_painting,Impressionism,pierre-auguste-renoir_gabrielle-and-jean +genre_painting,Expressionism,lucian-freud_grand-interior-notting-hill +genre_painting,Art_Nouveau_Modern,henri-de-toulouse-lautrec_craftsman-modern +portrait,Realism,vasily-vereshchagin_kazakh-woman-1867 +portrait,Realism,pavel-fedotov_portrait-of-f-ye-yakovlev-1847 +portrait,Realism,ivan-kramskoy_portrait-of-a-young-woman-dressed-in-black-velvet-1863 +genre_painting,Impressionism,thomas-eakins_columbus-in-prison +religious_painting,High_Renaissance,pietro-perugino_pala-di-fano-assumption +illustration,Art_Nouveau_Modern,heorhiy-narbut_illustration-to-wooden-eagle-1909-1 +landscape,Art_Nouveau_Modern,konstantin-somov_spring +genre_painting,Romanticism,thomas-cole_indian-sacrifice-1827 +sketch_and_study,Impressionism,edgar-degas_manet-at-the-races-1870 +portrait,Realism,vincent-van-gogh_bent-figure-of-a-woman-1882(1) +cityscape,Symbolism,mstislav-dobuzhinsky_rooftops-1901 +portrait,Symbolism,mikhail-nesterov_portrait-of-a-girl-study-for-youth-of-st-sergiy-radonezhsky +sketch_and_study,Post_Impressionism,marcel-duchamp_portrait-of-jacques-villon +sketch_and_study,Expressionism,martiros-saryan_fellah-village-1911 +genre_painting,Ukiyo_e,kitagawa-utamaro_shower-1 +religious_painting,Mannerism_Late_Renaissance,tintoretto_the-adoration-of-the-shepherds-1581 +abstract_painting,Minimalism,li-yuan-chia_monochrome-white-painting-1963 +landscape,Post_Impressionism,david-burliuk_lighthouse-on-the-coast-1958 +landscape,Impressionism,alfred-sisley_the-seine-at-marly-1876 +cityscape,Pop_Art,hiro-yamagata_not-detected-272409 +genre_painting,Romanticism,sir-lawrence-alma-tadema_welcome-footsteps-1883 +landscape,Symbolism,konstantin-somov_bosquet +portrait,Romanticism,eduard-von-gebhardt_a-young-woman-with-a-wineglass +illustration,Art_Nouveau_Modern,edmund-dulac_the-arabian-nights-daylight-faded-from-view +landscape,Realism,camille-corot_voisinlieu-house-by-the-water +portrait,Post_Impressionism,theophrastos-triantafyllidis_figure-with-hat +religious_painting,Northern_Renaissance,hans-holbein-the-younger_oberried-altarpiece-right-interior-wing-the-birth-of-christ-1522 +cityscape,Fauvism,ilya-mashkov_the-novodevichy-convent-1913 +religious_painting,Symbolism,james-tissot_pharaoh-s-daughter-has-moses-brought-to-her +landscape,Baroque,rembrandt_schellingwou-seen-from-the-diemerdijk +portrait,Romanticism,vasily-tropinin_portrait-of-a-young-man-in-a-green-robe-1839 +landscape,Symbolism,nicholas-roerich_karelian-landscape-hyumpola-lake-1917 +abstract_painting,Abstract_Expressionism,sam-francis_untitled-1964-3 +genre_painting,Romanticism,william-shayer_the-cowherd +abstract_painting,Color_Field_Painting,helen-frankenthaler_untitled(2) +genre_painting,Impressionism,egon-schiele_boating-1907 +religious_painting,Northern_Renaissance,hieronymus-bosch_not_detected_195351 +genre_painting,Romanticism,alfred-stevens_a-young-girl-seated-by-a-tree +landscape,Symbolism,nicholas-roerich_squad-of-geser-khan-1931 +cityscape,Impressionism,rudolf-schweitzer-cumpana_geamia-din-balcic +religious_painting,Early_Renaissance,paolo-uccello_oculus-depicting-the-nativity-1443 +abstract_painting,Abstract_Expressionism,sam-francis_trietto-4-sfe-077rc-1991 +genre_painting,Realism,vasily-perov_repast-1865 +genre_painting,Impressionism,alfred-sisley_forge-at-marly-le-roi-1875 +religious_painting,Early_Renaissance,andrea-mantegna_martyrdom-of-st-james-1448 +genre_painting,Impressionism,max-liebermann_children-bathing-in-the-sea-1899 +illustration,Art_Nouveau_Modern,konstantin-somov_book-of-the-marquise-illustration-2 +portrait,Impressionism,edgar-degas_henri-rouart-in-front-of-his-factory +portrait,Expressionism,henri-matisse_woman-with-a-veil-1942 +cityscape,Impressionism,pierre-auguste-renoir_laundry-boat-by-the-banks-of-the-seine-near-paris-1873 +landscape,Impressionism,john-henry-twachtman_meadow-flowers-golden-rod-and-wild-aster +portrait,Art_Nouveau_Modern,stefan-luchian_first-ball-1891 +portrait,Realism,mary-cassatt_mrs-robert-simpson-cassatt-1873 +portrait,Romanticism,paul-cezanne_portrait-of-uncle-dominique-1866-1 +portrait,Realism,ivan-kramskoy_portrait-of-vera-nikolaevna-tretyakova-1876 +landscape,Post_Impressionism,albert-huie_roselle-waterfalls +sketch_and_study,Baroque,diego-velazquez_head-of-a-girl-1618 +landscape,Realism,pyotr-konchalovsky_autumn-1949 +landscape,Romanticism,henryk-siemiradzki_the-pond-fauna +cityscape,Realism,johan-hendrik-weissenbruch_townsfolk-on-a-quay-wijk-bij-duursrede-1847 +genre_painting,Impressionism,rudolf-schweitzer-cumpana_so-ia-artistului-cus-nd-1938 +portrait,Realism,alexey-venetsianov_a-peasant-girl-from-tver +genre_painting,Art_Nouveau_Modern,wilhelm-kotarbinski_moonlight-sonata +genre_painting,Post_Impressionism,alfred-sisley_cows-by-the-seine-at-saint-mammes +abstract_painting,Abstract_Expressionism,dan-christensen_swing-street-2001 +illustration,Art_Nouveau_Modern,ivan-bilibin_vologda-girl-in-holiday-dress-1905 +religious_painting,Symbolism,franz-stuck_lucifer +abstract_painting,Abstract_Expressionism,mark-tobey_crowded-city-1974 +landscape,Romanticism,caspar-david-friedrich_landscape-with-a-male-figure +genre_painting,Realism,vasily-surikov_tsarevna-s-visit-of-nunnery-1912 +portrait,Art_Nouveau_Modern,jacek-malczewski_portrait-of-waclaw-karczewski-1906 +portrait,Impressionism,joaquã­n-sorolla_the-milkmaid +landscape,Rococo,canaletto_view-of-a-river-perhaps-in-padua-1745 +still_life,Rococo,jean-baptiste-simeon-chardin_rabbit-and-copper-pot +genre_painting,Art_Nouveau_Modern,eugã¨ne-grasset_anxi-t-1897 +genre_painting,Impressionism,john-singer-sargent_trout-stream-in-the-tyrol-1914 +landscape,Symbolism,nicholas-roerich_himalayas-27 +portrait,Expressionism,amedeo-modigliani_portrait-of-jeanne-hebuterne-1919-1 +landscape,Contemporary_Realism,neil-welliver_lower-ducktrap +portrait,Realism,ilya-repin_portrait-of-alexandra-pavlovna-botkina-1901 +landscape,Art_Nouveau_Modern,ferdinand-hodler_the-fall-in-silvaplana-1907 +portrait,Romanticism,henry-raeburn_portrait-of-colonel-alasdair-mcdonnell-of-glengarry +sketch_and_study,Mannerism_Late_Renaissance,jacopo-pontormo_halberdier-1 +genre_painting,Realism,winslow-homer_west-india-divers +genre_painting,Pointillism,henri-edmond-cross_the-return-of-the-fisherman-1896 +genre_painting,Baroque,pieter-de-hooch_the-visit +cityscape,Expressionism,arturo-souto_rome-by-the-figure-pond +abstract_painting,Expressionism,ramon-oviedo_forma-de-emitir-sonidos +abstract_painting,Color_Field_Painting,friedel-dzubas_key-largo-1964 +landscape,Impressionism,camille-pissarro_windmill-at-knokke-belgium-1894 +genre_painting,Cubism,jean-metzinger_femme-la-fen-tre-maternit-1912 +cityscape,Impressionism,camille-pissarro_rue-saint-lazare-1893 +sketch_and_study,Symbolism,nicholas-roerich_untitled-sikkim +religious_painting,Baroque,bartolome-esteban-murillo_angel-holding-the-tunic-and-dice-1660 +landscape,Post_Impressionism,vincent-van-gogh_terrace-in-the-luxembourg-garden-1886 +portrait,Romanticism,konstantin-makovsky_portrait-of-the-count-g-bobrinsky +sketch_and_study,Post_Impressionism,vincent-van-gogh_sowers-1890 +sketch_and_study,Impressionism,camille-pissarro_study-for-cowherd-at-eragny-1884 +landscape,Impressionism,alfred-sisley_the-rising-path-1875 +portrait,Impressionism,pablo-picasso_madrilenian-head-of-young-woman-1901 +illustration,Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-russian-fairy-story-feather-of-finist-falcon-3(1) +cityscape,Post_Impressionism,istvan-ilosvai-varga_the-house-of-rab-r-by-1940 +landscape,Realism,aleksey-savrasov_country-scene +portrait,Expressionism,tsuguharu-foujita_poster +portrait,Expressionism,lucian-freud_girl-with-her-eyes-closed +still_life,Synthetic_Cubism,pablo-picasso_clarinet-and-violin-1913 +portrait,Naive_Art_Primitivism,pablo-picasso_jacqueline-in-turkish-costume-1955 +portrait,Impressionism,mary-cassatt_little-girl-with-cap-sun +genre_painting,Symbolism,franz-stuck_springtime-of-love-1917 +cityscape,Post_Impressionism,spyros-papaloukas_onasteries-at-mount-athos +landscape,Pop_Art,tano-festa_albero +portrait,Naive_Art_Primitivism,fernand-leger_the-workman-sitting +religious_painting,Naive_Art_Primitivism,marc-chagall_moses-is-saved-from-the-waters-of-nile-by-pharaoh-s-daughter-exodus-ii-5-6 +landscape,Impressionism,fern-coppedge_unknown-title +cityscape,Post_Impressionism,maurice-prendergast_central-park-1900 +genre_painting,Baroque,adriaen-van-ostade_mother-holding-her-child-in-a-doorway +portrait,Expressionism,elaine-de-kooning_john-f-kennedy-1963-1 +portrait,Impressionism,octav-bancila_ig-ncu-cu-batic-ro-u-1915 +landscape,Symbolism,nicholas-roerich_himalayas-gloomy-cliff-1943 +landscape,Realism,horia-bernea_the-garden-1985 +genre_painting,Cubism,lyonel-feininger_lady-in-mauve-1922 +portrait,Realism,vincent-van-gogh_an-almshouse-man-in-a-top-hat-1882(1) +landscape,New_Realism,john-french-sloan_our-red-cottage-gloucester-1916 +portrait,Realism,ilya-repin_to-his-homeland-the-hero-of-the-last-war-1878 +genre_painting,Symbolism,nicholas-roerich_the-philosopher-silence-1940 +landscape,Realism,johan-hendrik-weissenbruch_polder-landscape +landscape,Post_Impressionism,paul-cezanne_bridge-over-the-pond +landscape,Pointillism,henri-martin_the-hour-of-mass-in-labastide-du-vert +genre_painting,Post_Impressionism,raoul-dufy_the-casino-1906 +nude_painting,Expressionism,iosif-iser_nude-on-the-chair-1938 +genre_painting,Romanticism,francisco-goya_chained-prisoner-1812 +sketch_and_study,Post_Impressionism,vincent-van-gogh_public-garden-with-a-couple-and-a-blue-fir-tree-1888 +religious_painting,Symbolism,franz-stuck_pieta-1891 +genre_painting,Cubism,jury-annenkov_dancer-in-the-landscape +nude_painting,Cubism,vladimir-tatlin_model-1913 +cityscape,Symbolism,mikhail-vrubel_the-winter-canal-1901 +religious_painting,Mannerism_Late_Renaissance,jacopo-pontormo_madonna-and-child +religious_painting,High_Renaissance,pietro-perugino_madonna-and-child-with-two-cherubs +illustration,Symbolism,fernand-khnopff_who-shall-deliver-me-1891 +landscape,Romanticism,caspar-david-friedrich_cross-in-the-forrest +religious_painting,Mannerism_Late_Renaissance,agnolo-bronzino_deposition-from-the-cross-1565 +abstract_painting,Abstract_Expressionism,paul-jenkins_not_detected_235723 +genre_painting,Realism,vladimir-makovsky_to-crown-farewell-1894 +genre_painting,Impressionism,childe-hassam_flower-market +portrait,Romanticism,joseph-wright_charles-hurt-of-wirksworth +still_life,Cubism,man-ray_untitled-2 +landscape,Baroque,esaias-van-de-velde_farmhouse-with-dovecote-on-a-river +illustration,Romanticism,gustave-dore_beatrice +genre_painting,Impressionism,edgar-degas_the-cotton-exchange-new-orleans-1873 +portrait,Impressionism,pierre-auguste-renoir_woman-in-a-red-blouse-1914 +landscape,Pointillism,theo-van-rysselberghe_canal-in-flanders-1894 +portrait,Romanticism,francisco-goya_duke-of-alba-1795 +genre_painting,Impressionism,edgar-degas_dancers-6 +landscape,Realism,aleksey-savrasov_winter-landscape-thaw +religious_painting,Northern_Renaissance,albrecht-durer_deposition-engraved-passion-1512 +abstract_painting,Abstract_Expressionism,milton-resnick_untitled-1982 +abstract_painting,Abstract_Expressionism,philip-guston_untitled-4 +landscape,Impressionism,ivan-grohar_cveto-a-jabljana-1907 +cityscape,Impressionism,paul-signac_rodez +genre_painting,Romanticism,william-turner_dinner-in-a-great-room-with-figures-in-costume +abstract_painting,Abstract_Expressionism,helen-frankenthaler_all-about-blue-1994 +illustration,Symbolism,mstislav-dobuzhinsky_white-nights-1922-7 +genre_painting,Realism,nikolay-bogdanov-belsky_winter +portrait,Realism,arkhip-kuindzhi_men-s-head-in-a-straw-hat +religious_painting,Art_Nouveau_Modern,sergey-solomko_st-jenevieve-and-the-new-attila +landscape,Realism,boris-kustodiev_summer-1922 +portrait,Northern_Renaissance,hans-memling_portrait-of-a-reading-man +genre_painting,Realism,john-singer-sargent_a-venetian-interior +still_life,Impressionism,alfred-sisley_apples-and-grapes-in-a-basket-1876 +portrait,Realism,boris-kustodiev_portrait-of-y-e-kustodieva-1915 +sketch_and_study,Symbolism,ferdinand-hodler_landsknecht-with-halberd-1897 +cityscape,Symbolism,mstislav-dobuzhinsky_vilna-in-the-courtyard-of-the-catholic-church +portrait,Romanticism,orest-kiprensky_portrait-of-a-p-lansky-1813 +portrait,Post_Impressionism,theo-van-rysselberghe_elizabeth-van-rysselberghe-in-a-cane-chair-1916 +landscape,Symbolism,nicholas-roerich_nagchu-tibet +abstract_painting,Minimalism,rodolfo-arico_untitled-1988 +portrait,Rococo,vladimir-borovikovsky_countess-ekaterina-riboper +genre_painting,Expressionism,max-pechstein_ballet-dancers-1912 +genre_painting,Romanticism,konstantin-makovsky_in-the-garden +sketch_and_study,Romanticism,eugene-delacroix_christ-on-the-cross-1839(1) +illustration,Art_Nouveau_Modern,aubrey-beardsley_madame-rejane-1894 +landscape,Impressionism,claude-monet_cliff-near-fecamp +portrait,Impressionism,pierre-auguste-renoir_seated-woman-1879 +sketch_and_study,Realism,ivan-shishkin_aspen-on-the-way-to-kivach-1889 +cityscape,Romanticism,franz-richard-unterberger_genoa +genre_painting,Post_Impressionism,maurice-prendergast_courtyard-scene-siena +landscape,Impressionism,henri-martin_valley-verde-in-crepuscule +sketch_and_study,Expressionism,spyros-papaloukas_study-from-life +landscape,Impressionism,alfred-sisley_saint-mammes +cityscape,Impressionism,antoine-blanchard_boulevard-des-capucines-et-madeleine +landscape,Post_Impressionism,gustave-loiseau_ships-at-port +abstract_painting,Minimalism,peter-busa_middlesex-1975 +abstract_painting,Abstract_Expressionism,willem-de-kooning_untitled +cityscape,Impressionism,antoine-blanchard_omnibus-on-the-place-de-la-madeleine +landscape,Fauvism,adam-baltatu_house-on-siret-valley +cityscape,Pop_Art,brett-whiteley_opera-house-1982 +cityscape,Impressionism,john-singer-sargent_santa-maria-del-carmelo-and-scuola-grande-dei-carmini-1910 +nude_painting,Action_painting,walasse-ting_gauguin-ting-1976 +landscape,Realism,m.c.-escher_fiumara-calabria +landscape,Impressionism,istvan-nagy_landscape-with-hayricks +sketch_and_study,Realism,john-singer-sargent_head-of-ana-capri-girl-1878 +portrait,Realism,boris-kustodiev_portrait-of-dmitri-dmitrievich-shostakovich-as-a-child-1919 +genre_painting,Expressionism,tsuguharu-foujita_three-ballerinas-1918 +sketch_and_study,Impressionism,grace-cossington-smith_girl-seated-wearing-hat-1908 +landscape,Realism,ivan-shishkin_evening-1871 +abstract_painting,Minimalism,pino-pinelli_pittura-r-bl-1985 +portrait,Romanticism,francisco-goya_the-bookseller-s-wife +landscape,Impressionism,claude-monet_strada-romada-in-bordighera +genre_painting,Expressionism,arturo-souto_nonsense-1932 +genre_painting,Romanticism,jan-matejko_jan-suchorzewski +religious_painting,Symbolism,james-tissot_the-plague-of-locusts-1900 +landscape,Impressionism,claude-monet_haystacks-at-giverny-2 +sketch_and_study,Realism,john-singer-sargent_kneeling-model +still_life,Post_Impressionism,tarsila-do-amaral_still-life +genre_painting,Expressionism,lyonel-feininger_the-yacht-race-wettsegeln-1918 +genre_painting,Cubism,pablo-picasso_interior-with-girl-drawing-1956 +religious_painting,Romanticism,adolphe-joseph-thomas-monticelli_the-adoration-of-the-magi +portrait,Romanticism,vasily-tropinin_portrait-of-n-n-rayevsky-jr-1842 +nude_painting,Cubism,pablo-picasso_woman-with-a-shirt-sitting-in-a-chair-1913 +genre_painting,Naive_Art_Primitivism,raoul-dufy_the-red-concert-1946 +portrait,Rococo,francois-boucher_madame-de-pompadour-1758 +landscape,Impressionism,alfred-sisley_near-louveciennes-1874 +portrait,Impressionism,ivan-grohar_dekle-1893 +landscape,Impressionism,konstantin-korovin_creek-1902 +religious_painting,Northern_Renaissance,albrecht-durer_ecce-homo-1512 +religious_painting,Northern_Renaissance,dirk-bouts_mary-and-child +landscape,Impressionism,robert-julian-onderdonk_field-of-bluebonnets-under-cloudy-sky +religious_painting,Cubism,jury-annenkov_monk-christopher-with-christ-near-the-river-1917 +abstract_painting,Abstract_Expressionism,frank-stella_hudson-river-valley-1996 +landscape,Symbolism,nicholas-roerich_rond-rocks-1912 +portrait,Northern_Renaissance,albrecht-durer_portrait-of-margaret-of-brandenburg-ansbach +religious_painting,Northern_Renaissance,hieronymus-bosch_the-garden-of-earthly-delights-1516-10 +still_life,Naive_Art_Primitivism,fernando-botero_hello +cityscape,Impressionism,john-singer-sargent_in-a-medici-villa +illustration,Symbolism,harry-clarke_tales-of-mystery-and-imagination-by-edgar-allan-poe-1923-23 +landscape,Pointillism,theo-van-rysselberghe_the-pointe-st-pierre-at-st-tropez-1896 +portrait,Pop_Art,peter-max_liberty-head-1986 +portrait,Northern_Renaissance,hans-memling_portrait-of-gilles-joye-1472 +portrait,Post_Impressionism,henri-matisse_the-italian-woman-1916 +genre_painting,Ukiyo_e,katsushika-hokusai_street-scenes-newly-pubished-4 +genre_painting,Ukiyo_e,kitagawa-utamaro_not_detected_233138 +landscape,Impressionism,arkhip-kuindzhi_seashore +religious_painting,Northern_Renaissance,albrecht-durer_flagellation-1512 +genre_painting,Impressionism,pierre-auguste-renoir_gabrielle-and-jean-1895 +landscape,Realism,fyodor-vasilyev_in-the-vicinity-of-st-petersburg +portrait,Realism,pyotr-konchalovsky_portrait-of-alexander-alexandrovich-fadeyev-1941 +genre_painting,Realism,ilya-repin_young-ladys-walk-among-herd-of-cow-1896 +landscape,Cubism,paul-cezanne_the-garden-terrace-at-les-lauves-1906 +cityscape,Contemporary_Realism,mostafa-dashti_untitled-1989(2) +abstract_painting,Color_Field_Painting,jose-guerrero_litoral-1980 +portrait,Post_Impressionism,albert-marquet_girl-embroidering-seated-in-a-garden-1896 +landscape,Impressionism,robert-julian-onderdonk_a-path-through-the-texas-hill-country +portrait,Baroque,adriaen-van-ostade_wandering-musician +sketch_and_study,High_Renaissance,andrea-del-sarto_last-supper-study-1525 +portrait,Impressionism,edgar-degas_comte-le-pic-and-his-sons +genre_painting,Realism,vasily-polenov_on-the-boat-abramtsevo-1880 +genre_painting,Post_Impressionism,henri-de-toulouse-lautrec_the-madame-redoing-her-bun-1893 +illustration,Art_Nouveau_Modern,ivan-bilibin_cover-for-the-collection-of-fairy-tales-1903(1) +religious_painting,Northern_Renaissance,bernhard-strigel_triptych-inner-left-wing-st-philip-st-james-the-great-right +illustration,Expressionism,lynd-ward_not-detected-272538 +abstract_painting,Minimalism,ruth-vollmer_sunflower-head-series-1973-1 +genre_painting,Expressionism,david-alfaro-siqueiros_from-the-dictatorship-of-porfirio-diaz-to-the-revolution-the-people-in-arms-1957 +portrait,Expressionism,otto-dix_girl-with-pink-rose +portrait,Baroque,adriaen-van-de-velde_portrait-of-a-couple-with-two-children-and-a-nursemaid-in-a-landscape-1667 +abstract_painting,Cubism,willi-baumeister_chess-1925 +sketch_and_study,Symbolism,odilon-redon_five-studies-of-female-nudes +portrait,Expressionism,amedeo-modigliani_boy-in-a-blue-shirt +genre_painting,Symbolism,konstantin-somov_lady-and-pierrot-1910 +landscape,Cubism,piet-mondrian_the-gray-tree-1911 +sketch_and_study,Realism,vasily-polenov_assumption-cathedral-in-vladimir-1860 +portrait,Expressionism,amedeo-modigliani_the-little-peasant-1918 +cityscape,Baroque,francesco-guardi_san-giorgio-maggiore +landscape,Romanticism,john-constable_shoreham-bay-evening-sunset-1 +nude_painting,New_Realism,john-french-sloan_nude-with-red-hand-mirror-1950 +sketch_and_study,Realism,vincent-van-gogh_sand-diggers-in-dekkersduin-near-the-hague-1883 +nude_painting,Realism,julius-leblanc-stewart_sunlight(1) +religious_painting,Romanticism,eugene-delacroix_sketch-for-peace-descends-to-earth-1852(1) +portrait,Rococo,maurice-quentin-de-la-tour_charles-parrocel-painter +sketch_and_study,Impressionism,pierre-auguste-renoir_study-for-girls-playing-with-a-shuttlecock +still_life,Post_Impressionism,vincent-van-gogh_still-life-with-apples-1887 +abstract_painting,Color_Field_Painting,helen-frankenthaler_coral-wedge-1972 +abstract_painting,Abstract_Expressionism,milton-resnick_bruno-1982 +abstract_painting,Minimalism,joan-hernandez-pijuan_blues-greens-1978 +landscape,Fauvism,charles-lapicque_campagne-grecque-1964 +landscape,Impressionism,claude-monet_evening-at-argenteuil +portrait,Romanticism,pierre-paul-prud'hon_etienne-renon-de-franois-1795 +landscape,Realism,theodore-rousseau_market-in-the-normandy +nude_painting,Cubism,marevna-(marie-vorobieff)_portrait-of-catherine-dolan +portrait,Impressionism,willard-metcalf_young-lady-on-the-beach +portrait,Realism,john-singer-sargent_henry-viscount-lascelles-1925 +portrait,Pop_Art,robert-silvers_face-of-the-african-diaspora +genre_painting,Realism,andrei-ryabushkin_in-the-village +religious_painting,High_Renaissance,pietro-perugino_lord-and-cherubs +sketch_and_study,Symbolism,nicholas-roerich_untitled-1915 +landscape,Symbolism,nicholas-roerich_landscape-1913 +illustration,Art_Nouveau_Modern,aubrey-beardsley_garcons-de-cafe-1894 +illustration,Romanticism,gustave-dore_venus +genre_painting,Realism,nicholas-roerich_hunter-on-the-boat +religious_painting,Baroque,rembrandt_christ-seated-disputing-with-the-doctors-1654 +abstract_painting,Abstract_Expressionism,cy-twombly_iii-notes-from-salalah-note-i-2007 +cityscape,Impressionism,maurice-prendergast_splash-of-sunshine-and-rain-1899 +portrait,Rococo,joshua-reynolds_theresa-parker +portrait,Baroque,agostino-carracci_democritus +landscape,Post_Impressionism,asgrimur-jonsson_mt-hafursfell-and-the-wood-at-h-safell-west-iceland-1945 +portrait,Impressionism,pierre-auguste-renoir_rapha-maitre-1871 +portrait,Impressionism,octav-angheluta_reading +sketch_and_study,Mannerism_Late_Renaissance,jacopo-pontormo_study-of-a-seated-man-1518 +landscape,Realism,isaac-levitan_birches-forest-edge +landscape,Romanticism,karl-bodmer_the-delaware-water-gap +genre_painting,Baroque,adriaen-brouwer_the-back-operation +landscape,Impressionism,laszlo-mednyanszky_blossoming-trees-1900 +landscape,Impressionism,eugene-boudin_brest-the-banks-of-the-harbor +abstract_painting,Abstract_Expressionism,arthur-pinajian_untitled-landscape-bellport-no-0001-1985 +religious_painting,Northern_Renaissance,hans-memling_the-donne-triptych-right-wing +religious_painting,Early_Renaissance,andrea-mantegna_the-entombment-1475-1 +landscape,Pointillism,georges-seurat_courbevoie-landscape-with-turret-1884 +religious_painting,Expressionism,oskar-kokoschka_not_detected_235832 +religious_painting,Early_Renaissance,fra-angelico_linaioli-tabernacle +genre_painting,Realism,julius-leblanc-stewart_the-visit(1) +landscape,Impressionism,claude-monet_winter-on-the-seine-lavacourt-1880 +illustration,Romanticism,gustave-dore_godfrey-meets-the-remains-of-the-army-of-peter-the-hermit +sketch_and_study,Realism,vasily-perov_pugachev-escort-convoys-of-prisoners-1875 +religious_painting,Symbolism,salvador-dali_antequam-exhires-de-vulva-sactificavite-jeremiah-1-5 +religious_painting,Northern_Renaissance,dirk-bouts_polyptych-of-the-virgin-the-annunciation-the-visitation-the-adoration-of-the-angels-and-the +landscape,Cubism,jacques-villon_fum-e-et-arbres-en-fleurs +genre_painting,Northern_Renaissance,albrecht-durer_the-banner-swinger +portrait,Northern_Renaissance,albrecht-durer_portrait-of-lucas-cranach-the-elder +genre_painting,Pointillism,maurice-prendergast_children-in-the-tree +portrait,Pop_Art,andy-warhol_muhammad-ali +landscape,Impressionism,alfred-sisley_river-landscape-by-moret-sur-loing +abstract_painting,Minimalism,rodolfo-arico_grigio-1996 +cityscape,Impressionism,henri-martin_square-concorde +still_life,Fauvism,ilya-mashkov_still-life-2 +portrait,Baroque,gabriel-metsu_washerwoman +cityscape,Impressionism,childe-hassam_the-mirror-cos-cob-connecticut +genre_painting,Symbolism,nicholas-roerich_messenger-from-himalayas-going-home-1940 +portrait,Realism,ferdinand-hodler_unemployed-1891 +landscape,Post_Impressionism,maurice-prendergast_landscape-with-figures-1921 +genre_painting,Baroque,antoine-pesne_nocturne-1718 +abstract_painting,Minimalism,dan-flavin_untitled-1969 +genre_painting,Expressionism,louay-kayyali_the-bread-maker-1974 +landscape,Romanticism,richard-parkes-bonington_the-adriatic-coast +landscape,Realism,mihaly-munkacsy_evening-in-parc-monceau-1895 +genre_painting,Naive_Art_Primitivism,yiannis-tsaroychis_tsamikos-dance-on-the-shore-1978 +abstract_painting,Abstract_Expressionism,william-scott_orange-and-red-1957 +landscape,Symbolism,konstantin-bogaevsky_sudak-motif-1929 +landscape,Realism,fyodor-vasilyev_dawn +genre_painting,Pop_Art,andy-warhol_red-race-riot +sketch_and_study,Expressionism,lucian-freud_bella-final-version-state-ii +portrait,Impressionism,edgar-degas_the-savoy-girl-1873 +portrait,Realism,camille-corot_young-girl-with-a-large-cap-on-her-head +abstract_painting,Color_Field_Painting,ellsworth-kelly_blue-yellow-red-1990 +abstract_painting,Pop_Art,burhan-dogancay_walls-v-3-1969 +landscape,Realism,camille-corot_saint-andre-en-morvan-1842 +landscape,Impressionism,pierre-auguste-renoir_landscape-1910 +abstract_painting,Action_painting,franz-kline_untitled-ii +portrait,Rococo,joseph-wright_thomas-gisborne-and-his-wife-mary +portrait,Mannerism_Late_Renaissance,jacopo-pontormo_cosimo-i-de-medici-1537 +abstract_painting,Abstract_Expressionism,ronnie-landfield_all-over-pour-painting-1969 +cityscape,Impressionism,eugene-boudin_entrance-to-the-port-of-le-havre-1889 +genre_painting,Impressionism,john-singer-sargent_rosina-capri-1878 +still_life,Cubism,salvador-dali_still-life-5 +religious_painting,Romanticism,gustave-dore_jehu-s-companions-find-jezebel-s-remains +portrait,Post_Impressionism,henri-de-toulouse-lautrec_elsa-the-viennese-1897 +abstract_painting,Color_Field_Painting,john-hoyland_reds-greens-1969 +genre_painting,Impressionism,camille-pissarro_rouen-burial-of-cardinal-bonnechose +abstract_painting,Minimalism,rodolfo-arico_untitled-1965 +religious_painting,Northern_Renaissance,hieronymus-bosch_the-garden-of-earthly-delights-1516-5 +genre_painting,Realism,andrei-ryabushkin_going-on-a-visit +genre_painting,Ukiyo_e,katsushika-hokusai_women-walking-in-a-garden +cityscape,Realism,vasily-polenov_the-mosque-in-jenin-1903 +portrait,Impressionism,mary-cassatt_portrait-of-mrs-havemeyer-and-her-daughter-electra-1895 +landscape,Realism,vasily-polenov_sea-of-galilee +landscape,Realism,gustave-courbet_low-tide-1865 +portrait,Impressionism,james-mcneill-whistler_portrait-of-george-w-vanderbilt-1903 +landscape,Impressionism,willard-metcalf_the-little-white-house +cityscape,Impressionism,john-atkinson-grimshaw_glasgow-docks +genre_painting,Ukiyo_e,katsushika-hokusai_nine-women-playing-the-game-of-fox +portrait,Expressionism,mario-eloy_o-arquitecto-jos-pacheco-1925 +portrait,Romanticism,orest-kiprensky_portrait-of-ekaterina-semenova +religious_painting,Early_Renaissance,carlo-crivelli_saint-francis-1 +landscape,Symbolism,nicholas-roerich_thang-la +portrait,Mannerism_Late_Renaissance,parmigianino_portrait-of-a-young-woman-possibly-countess-gozzadini +sketch_and_study,Impressionism,joaquã­n-sorolla_study-for-the-comeback-of-the-fisheries-1894 +genre_painting,Art_Nouveau_Modern,sergey-solomko_find +abstract_painting,Abstract_Expressionism,hans-hofmann_kaleidos-1958 +portrait,Realism,boris-kustodiev_portrait-of-isaak-izrailevich-brodsky-1920 +landscape,Realism,theodore-rousseau_the-hill-1855 +landscape,Impressionism,camille-pissarro_piette-s-home-on-montfoucault-1874 +religious_painting,Early_Renaissance,paolo-uccello_procession-of-re-ordained-in-a-church-1469 +landscape,Impressionism,pierre-auguste-renoir_the-gust-of-wind +landscape,Realism,pyotr-konchalovsky_cherry-blossoms-1953 +genre_painting,Post_Impressionism,vincent-van-gogh_sloping-path-in-montmartre-1886 +landscape,Realism,camille-corot_a-pond-with-three-cows-and-a-crescent-moon +landscape,Realism,isaac-levitan_twilight-a-castle-1898 +abstract_painting,Abstract_Expressionism,conrad-marca-relli_the-intrigue-1958 +landscape,Realism,camille-pissarro_barges-at-le-roche-guyon-1865 +portrait,Baroque,diego-velazquez_pope-innocent-x-1650 +cityscape,Contemporary_Realism,dimitris-mytaras_untitled(2) +cityscape,Post_Impressionism,edouard-cortes_theatre-du-chatelet +sketch_and_study,Post_Impressionism,vincent-van-gogh_sketch-of-an-eroded-garden-wall-ornament-1890-1 +landscape,Symbolism,nicholas-roerich_temple-1924 +landscape,Post_Impressionism,istvan-nagy_lakeside-trees +religious_painting,Northern_Renaissance,lucas-cranach-the-elder_madonna-and-child +portrait,Realism,basuki-abdullah_portrait-of-a-dancer +portrait,Expressionism,amedeo-modigliani_the-pretty-housewife-1915 +landscape,Baroque,rembrandt_the-molentje +religious_painting,Symbolism,salvador-dali_two-religious-figures +genre_painting,Cubism,auguste-herbin_composition +cityscape,Impressionism,pierre-auguste-renoir_the-doges-palace-1881 +sketch_and_study,Romanticism,ford-madox-brown_study-of-a-monk-representing-catholic-faith +landscape,Impressionism,joaquã­n-sorolla_the-breakwater-at-san-sebastian-1917 +portrait,Realism,pyotr-konchalovsky_portrait-of-hu-ji-pang-1945 +sketch_and_study,Realism,camille-corot_willows-and-white-poplars-1872 +genre_painting,Post_Impressionism,paul-gauguin_the-morning-1892 +portrait,Ukiyo_e,utagawa-kuniyoshi_women-10 +nude_painting,Realism,thomas-eakins_female-nude-1884 +genre_painting,Realism,eugene-boudin_douarnenez-fishing-boats-at-dockside-1855 +landscape,Realism,giovanni-boldini_the-great-road-in-the-villas-combes-1873 +landscape,Realism,volodymyr-orlovsky_landscape-with-swamp +abstract_painting,Color_Field_Painting,helen-frankenthaler_tutti-fruitti-1966 +portrait,Contemporary_Realism,eric-fischl_fred +genre_painting,Expressionism,salvador-dali_autumn-sonata +genre_painting,Impressionism,nikolay-bogdanov-belsky_sbitenshchiks +sketch_and_study,Realism,vasily-perov_triple-1865 +abstract_painting,Abstract_Expressionism,sam-francis_untitled-1989-1 +cityscape,Art_Nouveau_Modern,anna-ostroumova-lebedeva_biron-palace-and-barges-1916 +portrait,Baroque,antoine-pesne_portrait-of-an-old-jew +genre_painting,Naive_Art_Primitivism,david-burliuk_tea-time-1 +sketch_and_study,Romanticism,thomas-cole_pen-and-pencil-drawing +abstract_painting,Expressionism,pierre-alechinsky_in-society-en-soci-t-1962 +religious_painting,Mannerism_Late_Renaissance,tintoretto_annunciation-1581 +nude_painting,Impressionism,edgar-degas_woman-sponging-her-chest +portrait,Expressionism,lucian-freud_eli-and-david-2006 +still_life,Impressionism,konstantin-korovin_fish-wine-and-fruit-1916 +religious_painting,Northern_Renaissance,hans-baldung_altar-of-st-john-the-baptist-1520 +genre_painting,Expressionism,yiannis-moralis_funeral-composition-vii-1963 +genre_painting,Romanticism,william-shayer_the-ploughman-s-rest +religious_painting,Symbolism,william-holman-hunt_the-light-of-the-world +landscape,Symbolism,arnold-bã¶cklin_will-o-the-wisp-1862 +genre_painting,Expressionism,marie-laurencin_the-rehearsal-1936 +cityscape,Post_Impressionism,edouard-cortes_place-de-la-bastille-6 +genre_painting,Impressionism,gustave-caillebotte_fishermen-on-the-banks-of-the-yerres +religious_painting,Baroque,guido-reni_the-purification-of-the-virgin-1640 +landscape,Impressionism,camille-pissarro_the-field-by-the-ango-inn-varengeville-1899 +cityscape,Post_Impressionism,henri-martin_church-in-winter +genre_painting,Post_Impressionism,edouard-vuillard_figures-eating-in-a-garden-by-the-water +genre_painting,Romanticism,mykola-pymonenko_haymaking +religious_painting,Baroque,bartolome-esteban-murillo_christ-the-column +nude_painting,Fauvism,ilya-mashkov_two-nudes-1908 +genre_painting,Expressionism,salvador-dali_domestic-scen +abstract_painting,Minimalism,john-mclaughlin_untitled-vertical-lines-1963 +portrait,Ukiyo_e,utagawa-kuniyoshi_vesper-bell-at-todaiji +sketch_and_study,Realism,vasily-perov_students-talk-with-the-monk-1871 +portrait,Impressionism,konstantin-makovsky_woman-head-portrait-of-e-kovaliova +portrait,Post_Impressionism,constantin-piliuta_the-violonist-1982 +genre_painting,Baroque,gabriel-metsu_woman-eating +portrait,Realism,thomas-eakins_portrait-of-mrs-kern-dodge-helen-peterson-greene-1904 +landscape,Impressionism,julian-alden-weir_noonday-rest-in-new-england-1897 +genre_painting,Expressionism,marc-chagall_peasant-life-the-stable-night-man-with-whip-1917 +genre_painting,Baroque,caravaggio_cardsharps-1594-1 +portrait,Naive_Art_Primitivism,niko-pirosmani_women-carrying-eggs-extant-part-of-the-painting +landscape,Romanticism,john-atkinson-grimshaw_barden-tower +nude_painting,Impressionism,edgar-degas_woman-drying-herself-3 +genre_painting,Expressionism,henri-matisse_the-dream-1940 +landscape,Impressionism,john-henry-twachtman_connecticut-landscape-1895 +genre_painting,Art_Nouveau_Modern,boris-kustodiev_winter-shrovetide-festivities-1919 +portrait,Rococo,vladimir-borovikovsky_portrait-of-the-artist-dmitry-levitzky-1796 +landscape,Post_Impressionism,gustave-loiseau_by-the-eure-river-in-autumn-1903 +landscape,Impressionism,willard-metcalf_on-the-suffolk-coast-02 +genre_painting,Impressionism,john-singer-sargent_violet-sargent-and-flora-priestley-1889 +illustration,Romanticism,gustave-dore_don-quixote-23 +landscape,Post_Impressionism,pyotr-konchalovsky_autumn-landscape-1949 +abstract_painting,Abstract_Expressionism,sam-francis_untitled-1987-2 +landscape,Post_Impressionism,pyotr-konchalovsky_lake-hepoyarvi-bathing-1951 +landscape,Realism,felix-vallotton_martello-tower-in-guernsey-1907 +cityscape,Rococo,bernardo-bellotto_the-kreuzkirche-in-dresden +sketch_and_study,Realism,thomas-eakins_drawing-1872 +sketch_and_study,Realism,isaac-levitan_before-the-thunderstorm-1893-1 +abstract_painting,Abstract_Expressionism,manabu-mabe_taiki-no-227-1961 +genre_painting,Realism,alexey-bogolyubov_ablyazov-threshing-1887 +portrait,Art_Nouveau_Modern,raphael-kirchner_erika-2 +genre_painting,Symbolism,nicholas-roerich_conversation-with-god +genre_painting,Realism,ivan-vladimirov_in-the-military-camp-etude-1915 +cityscape,Realism,edouard-manet_moonlight-on-boulogne-harbour-1868 +still_life,Cubism,amadeo-de-souza-cardoso_the-life-of-instruments +genre_painting,Impressionism,pierre-auguste-renoir_young-girl-reading-1895 +sketch_and_study,Post_Impressionism,vincent-van-gogh_girl-with-straw-hat-sitting-in-the-wheat-1890(1) +still_life,Impressionism,egon-schiele_melon-1905 +genre_painting,Symbolism,albert-bloch_pilgrims-in-the-snow-1925 +landscape,Impressionism,claude-monet_church-at-varengeville-morning-1882 +landscape,Impressionism,piet-mondrian_irrigation-ditch-with-mature-willow +abstract_painting,Abstract_Expressionism,esteban-vicente_antes-de-la-cosecha-1999 +portrait,Impressionism,stefan-luchian_green-coat-1 +landscape,Post_Impressionism,vincent-van-gogh_entrance-to-a-quarry-1889(1) +landscape,Symbolism,nicholas-roerich_tibetian-camp-1932 +landscape,Post_Impressionism,paul-gauguin_landscape-with-two-goats-1897 +cityscape,Realism,camille-pissarro_view-of-marly-le-roi-1870 +abstract_painting,Abstract_Expressionism,frank-stella_pegasus-three-double-1984 +portrait,Impressionism,joaquã­n-sorolla_a-portrait-of-basil-mundy-1908 +still_life,Post_Impressionism,paul-cezanne_still-life-with-bottle-and-apple-basket-1894 +religious_painting,Mannerism_Late_Renaissance,parmigianino_virgin-and-child-1527 +landscape,Realism,johan-hendrik-weissenbruch_house-near-canal +landscape,Impressionism,eugene-boudin_the-toques-at-saint-arnoult-1891 +genre_painting,Expressionism,ernst-ludwig-kirchner_dance-of-negros +cityscape,Impressionism,eugene-boudin_the-port-of-bordeaux-1876 +landscape,Realism,isaac-levitan_entrance-to-the-village-1884 +portrait,Synthetic_Cubism,pablo-picasso_cubist-person-1917 +portrait,Realism,ivan-kramskoy_portrait-of-franz-ivanovich-ruprecht +landscape,Realism,aleksey-savrasov_early-spring-backwoods-1884 +illustration,Expressionism,yiannis-moralis_10-colored-drawings-for-the-poems-of-george-seferis-1965-1 +landscape,Romanticism,ferdinand-georg-waldmã¼ller_the-radhausberg-at-gastein-1837 +genre_painting,Post_Impressionism,maurice-prendergast_in-the-park +nude_painting,Mannerism_Late_Renaissance,jacopo-pontormo_the-three-graces +portrait,Baroque,rembrandt_portrait-of-a-young-girl +abstract_painting,Minimalism,richard-tuttle_20-pearls-11-2003 +landscape,Symbolism,nicholas-roerich_siver-clouds-over-the-mountains-1941 +landscape,Impressionism,joaquã­n-sorolla_sierra-nevada-from-the-alhambra-grenada-1910 +religious_painting,Baroque,hendrick-terbrugghen_the-annunciation-1625 +landscape,Post_Impressionism,martiros-saryan_on-marna-1927 +landscape,New_Realism,edward-hopper_american-landscape +religious_painting,Northern_Renaissance,albrecht-durer_christ-1 +religious_painting,Early_Renaissance,sandro-botticelli_the-virgin-adoring-the-child-1490(1) +landscape,Realism,aleksey-savrasov_wooded-banks-of-the-moskva-river-1859 +portrait,Romanticism,konstantin-makovsky_italian-boy +genre_painting,Baroque,francesco-guardi_masked-meeting +genre_painting,Realism,vasily-perov_on-the-railroad-1868 +sketch_and_study,Realism,camille-corot_the-dreamer-1854 +still_life,Realism,henri-fantin-latour_still-life-with-flowers-and-fruit-1866 +nude_painting,Expressionism,lucian-freud_pluto-and-the-bateman-sisters +abstract_painting,Minimalism,yves-gaucher_mx-o-n-69-1969 +genre_painting,Impressionism,anders-zorn_self-portrait-with-a-model-1896 +abstract_painting,Abstract_Expressionism,john-hoyland_2002-sky-ritual-acrylic-on-canvas +portrait,Impressionism,edgar-degas_therese-de-gas-sister-of-the-artist-later-madame-edmond-morbilli +landscape,Baroque,aelbert-cuyp_sunset-over-the-river-1655 +portrait,Romanticism,orest-kiprensky_portrait-of-sergei-uvarov-1816 +landscape,Impressionism,camille-pissarro_trees-eragny-1890 +portrait,Realism,ilya-repin_portrait-of-maria-borisovna-chukovskaya-1909 +genre_painting,Realism,james-tissot_a-luncheon-1868 +genre_painting,Impressionism,edgar-degas_two-harlequins-1886 +portrait,Impressionism,max-liebermann_the-surgeon-ferdinand-sauerbruch-1932 +sketch_and_study,Realism,vincent-van-gogh_woman-by-the-wash-tub-in-the-garden-1885 +landscape,Expressionism,horia-bernea_houses-in-poiana-m-rului-1972 +landscape,Realism,charles-francois-daubigny_the-boards-of-cousin-near-avallon-1848 +genre_painting,Realism,james-tissot_remembrance-ball-on-board-1 +portrait,Expressionism,ernst-ludwig-kirchner_kokottenkopf-with-feathered-hat +cityscape,Naive_Art_Primitivism,mstislav-dobuzhinsky_the-state-theatre-in-kaunas-1931 +religious_painting,Northern_Renaissance,albrecht-altdorfer_resurrection-of-christ +genre_painting,Expressionism,kathe-kollwitz_the-prisoners-1908 +landscape,Impressionism,henri-martin_a-field-with-figure-1886 +genre_painting,Expressionism,margareta-sterian_wedding-in-the-backyard +genre_painting,Naive_Art_Primitivism,marc-chagall_in-the-night-1943 +portrait,Impressionism,pierre-auguste-renoir_portrait-of-a-child +genre_painting,Impressionism,theophrastos-triantafyllidis_for-the-vintage-from-the-life-of-from-the-life-of-gypsies-1952 +still_life,Baroque,willem-kalf_still-life-with-lemon-oranges-and-glass-of-wine-1664 +religious_painting,Symbolism,nicholas-roerich_saint-nicholas-1916 +abstract_painting,Abstract_Expressionism,terry-frost_leeds-landscape-1956 +religious_painting,High_Renaissance,pinturicchio_painting-cycle-for-the-miracles-of-st-bernard-scene-healing-the-blind-and-deaf-riccardo-micuzio-1473 +nude_painting,Expressionism,iosif-iser_laid-back-nude +landscape,Symbolism,edvard-munch_moon-light-1895 +genre_painting,Romanticism,fyodor-bronnikov_at-a-roadside-tavern-1868 +cityscape,Impressionism,camille-pissarro_avenue-de-l-opera-place-du-thretre-francais-misty-weather-1898 +illustration,Art_Nouveau_Modern,nicholas-roerich_tver-embassy-1914 +illustration,Ukiyo_e,kitagawa-utamaro_page-from-an-album-or-illustrated-book +abstract_painting,Color_Field_Painting,charles-hinman_poltergeist-1964 +religious_painting,Romanticism,orest-kiprensky_john-the-baptist-baptizing-people-1819 +landscape,Impressionism,claude-monet_railway-bridge-at-argenteuil-1873 +still_life,Cubism,georges-braque_still-life-with-a-violin-1912 +portrait,Expressionism,edvard-munch_stanislaw-przybyszewski-1895 +landscape,Realism,gustave-courbet_bay-with-cliffs +portrait,Pop_Art,leroy-neiman_john-elway-1999 +religious_painting,Northern_Renaissance,albrecht-durer_madonna-with-the-apple +landscape,Realism,ivan-shishkin_summer-landscape-with-two-houses +portrait,Ukiyo_e,keisai-eisen_kiyomizu-komachi-1838 +still_life,Baroque,frans-snyders_fish-shop-1621 +portrait,Baroque,diego-velazquez_menippos-1641 +portrait,Ukiyo_e,kitagawa-utamaro_secret-love +landscape,Naive_Art_Primitivism,kateryna-bilokur_on-the-cliff-1950 +illustration,Art_Nouveau_Modern,heorhiy-narbut_illustration-to-the-crane-and-heron-bear-1907-2 +landscape,Romanticism,rudolf-von-alt_castellammare-on-the-gulf-of-naples-1835 +cityscape,Post_Impressionism,panayiotis-tetsis_houses-1 +landscape,Symbolism,nicholas-roerich_tibet-flaming-peak-1933 +landscape,Symbolism,nicholas-roerich_mongoliya-olun-sume-1936 +landscape,Realism,ivan-shishkin_birch-forest-1871 +genre_painting,Expressionism,henri-matisse_the-lute-1943 +portrait,Impressionism,pierre-auguste-renoir_woman-in-an-oriental-costume +portrait,Expressionism,iosif-iser_tatar-woman-1935 +sketch_and_study,Realism,thomas-eakins_study-of-a-woman-s-head-1881 +religious_painting,High_Renaissance,raphael_the-transfiguration-1520 +portrait,High_Renaissance,lorenzo-lotto_a-nobleman-on-a-balcony-1525 +nude_painting,Art_Nouveau_Modern,raphael-kirchner_nude-drawings-11 +portrait,Realism,vasily-polenov_odalisque-1875 +landscape,Realism,martiros-saryan_october-day-1953 +sketch_and_study,Symbolism,nicholas-roerich_monhigan-study-1922-8 +still_life,Naive_Art_Primitivism,marc-chagall_still-life-with-vase-of-flowers +portrait,Realism,vincent-van-gogh_woman-with-hat-head-1882 +genre_painting,Impressionism,camille-pissarro_children-in-a-garden-at-eragny-1897 +landscape,Fauvism,abraham-manievich_winter-village-scene +portrait,Post_Impressionism,paul-cezanne_henry-gasquet-1897 +genre_painting,Naive_Art_Primitivism,raoul-dufy_the-mexican-orchestra-1951 +genre_painting,Impressionism,joaquã­n-sorolla_bulls-in-the-sea-1903 +landscape,Ukiyo_e,hiroshige_amanohashidate-peninsula-in-tango-province +landscape,Symbolism,arnold-bã¶cklin_the-volcano +landscape,Baroque,david-teniers-the-younger_a-view-of-het-sterckshof-near-antwerp-1646 +abstract_painting,Abstract_Expressionism,helen-frankenthaler_yearning-1973 +still_life,Baroque,frans-snyders_flowers-fruits-and-vegetables +portrait,Post_Impressionism,theo-van-rysselberghe_maria-van-rysselberghe-in-jersey-1907 +portrait,Expressionism,dimitris-mytaras_untitled(7) +illustration,Art_Nouveau_Modern,kay-nielsen_the-swineherd +religious_painting,Mannerism_Late_Renaissance,el-greco_st-idelfonso-1 +portrait,Romanticism,dante-gabriel-rossetti_portrait-of-ford-madox-brown-1852 +portrait,Impressionism,victor-borisov-musatov_portrait-of-a-lady-1902 +landscape,Post_Impressionism,paul-cezanne_pool-and-lane-of-chestnut-trees-at-jas-de-bouffan-1880 +landscape,Post_Impressionism,maurice-de-vlaminck_sailboats-at-chatou-1 +genre_painting,Symbolism,jacek-malczewski_vicious-circle-1897 +genre_painting,Impressionism,willard-metcalf_street-scene-tangiers +portrait,Ukiyo_e,tsukioka-yoshitoshi_the-appearance-of-a-brothel-geisha-of-the-koka-era +religious_painting,Early_Renaissance,filippo-lippi_dead-christ-supported-by-mary-and-st-john-the-evangelist +cityscape,Romanticism,william-turner_st-peter-s-from-the-south +landscape,Impressionism,claude-monet_the-seine-at-lavacourt-1880 +landscape,Symbolism,nicholas-roerich_morocco-1912 +sketch_and_study,Realism,vincent-van-gogh_potato-field-1882 +landscape,Realism,vincent-van-gogh_the-parsonage-garden-at-nuenen-in-the-snow-1885 +portrait,Northern_Renaissance,albrecht-durer_emperor-charlemagne-and-emperor-sigismund +portrait,Art_Nouveau_Modern,ferdinand-hodler_portrait-study-to-look-into-the-infinity-1916 +genre_painting,Ukiyo_e,utagawa-toyokuni-ii_the-kabuki-actors-ichikawa-danjuro-vii-as-iwafuji-1824 +landscape,Post_Impressionism,david-burliuk_ogasawara-1 +portrait,Symbolism,franz-stuck_mary-with-a-red-hat +genre_painting,Expressionism,lucian-freud_interior-at-paddington-1951 +illustration,Ukiyo_e,katsushika-hokusai_the-giant-mountain-man +portrait,Realism,ilya-repin_portrait-of-e-mamontova-1879 +landscape,Expressionism,martiros-saryan_aragats-1925 +genre_painting,Baroque,adriaen-van-ostade_village-tavern-with-four-figures +portrait,Symbolism,odilon-redon_mysterious-head +cityscape,Realism,vasily-sadovnikov_vilnius-city-panorama-from-subachius-street-1848 +landscape,Expressionism,balthus_great-landscape-with-trees-the-triangular-field-1955 +sketch_and_study,Realism,vincent-van-gogh_peasant-woman-head-5 +nude_painting,Naive_Art_Primitivism,camille-bombois_the-nude-with-raised-arms +cityscape,Impressionism,cornelis-vreedenburgh_building-well-with-church-amsterdam +portrait,Rococo,dmitry-levitzky_portrait-of-unknown-woman-with-a-rose-1788 +landscape,Realism,ivan-shishkin_over-the-embankment-1887 +genre_painting,Realism,boris-kustodiev_from-fishing-1923 +portrait,Impressionism,mary-cassatt_roman-girl +genre_painting,Rococo,pietro-longhi_the-tailor +religious_painting,Mannerism_Late_Renaissance,parmigianino_madonna-with-st-stephen-and-st-john-the-baptist-1540 +nude_painting,Expressionism,vladimir-tatlin_artist-s-model +portrait,Rococo,joshua-reynolds_mrs-richard-crofts +landscape,Romanticism,joseph-wright_virgil-s-tomb +sketch_and_study,Realism,vasily-polenov_the-two-men-s-heads-in-turbans +portrait,Mannerism_Late_Renaissance,jacopo-pontormo_portrait-of-ludovico-martelli +landscape,Realism,isaac-levitan_in-the-north-1896 +abstract_painting,Color_Field_Painting,helen-frankenthaler_untitled-1965 +portrait,Romanticism,pierre-paul-prud'hon_jean-baptiste-landel +portrait,Realism,ilya-repin_hunchback-1882 +landscape,Fauvism,andre-derain_estaque-1905 +landscape,Impressionism,alfred-sisley_snow-effect-at-moret-1894 +nude_painting,Realism,anders-zorn_guitar-player-1900 +religious_painting,Northern_Renaissance,albrecht-durer_holy-family-2 +still_life,Baroque,gerrit-dou_the-silver-ewer +religious_painting,Early_Renaissance,antonello-da-messina_pieta +landscape,Post_Impressionism,odilon-redon_breton-village +sketch_and_study,Romanticism,ford-madox-brown_the-young-mother +genre_painting,Impressionism,nicolae-vermont_on-the-seashore-1913 +sketch_and_study,Symbolism,nicholas-roerich_sketch-for-rachmaninov-s-opera-the-covetous-knight +landscape,Impressionism,claude-monet_under-the-lemon-trees +abstract_painting,Color_Field_Painting,leon-berkowitz_corona-7-1968 +genre_painting,New_Realism,john-french-sloan_threshing-floor-santa-fe-1924 +landscape,Realism,isaac-levitan_apiary +landscape,Post_Impressionism,pierre-bonnard_red-roofs-in-cannet-1942 +cityscape,Expressionism,zinaida-serebriakova_collioure-port-with-boats-1930 +landscape,Realism,vasily-polenov_sea-of-galilee-1899 +genre_painting,Baroque,judith-leyster_girl-with-a-lute-1631 +portrait,Expressionism,marie-laurencin_jeune-fille-la-guirlande-de-fleurs-1935 +cityscape,Expressionism,martiros-saryan_fellah-village-1911-2 +cityscape,Art_Nouveau_Modern,nicholas-roerich_suzdal-alexander-nevsky-monastery-1903 +religious_painting,Northern_Renaissance,bernhard-strigel_st-ladislas-presents-wladislav-ii-and-his-sons-to-the-virgin-1512 +portrait,Pop_Art,andy-warhol_ladies-and-gentlemen-1975 +sketch_and_study,Impressionism,maxime-maufra_cliffs-and-sea-1886 +landscape,Impressionism,zinaida-serebriakova_a-herd-of-horses-1909 +religious_painting,Early_Renaissance,andrea-mantegna_the-descent-from-the-cross-1475 +portrait,Pointillism,edouard-vuillard_portrait-of-marie-vuillard +portrait,Expressionism,marie-laurencin_portrait-of-madame-paul-guillaume-1928 +sketch_and_study,Realism,vasily-surikov_strelets +portrait,Impressionism,gustave-caillebotte_portrait-of-madame-renoir +portrait,Expressionism,richard-gerstl_man-in-meadow-alban-berg-1907 +portrait,Post_Impressionism,pyotr-konchalovsky_margot-wearing-a-headscarf-1949 +genre_painting,Symbolism,odilon-redon_the-fisherwoman-1900 +cityscape,Impressionism,claude-monet_street-of-the-bavolle-honfleur +cityscape,Post_Impressionism,pyotr-konchalovsky_leningrad-cabin-of-peter-the-great-the-summer-garden-1931 +religious_painting,Baroque,bartolome-esteban-murillo_joseph-and-potiphar-s-wife-1648 +portrait,Impressionism,medi-wechsler-dinu_fatme +portrait,Realism,andrei-ryabushkin_sagittarius +landscape,Symbolism,ferdinand-hodler_lake-geneva-with-mont-blanc-at-dawn-1918-1 +genre_painting,Fauvism,august-macke_on-the-street +genre_painting,Realism,grigoriy-myasoyedov_sower-1888 +still_life,Synthetic_Cubism,georges-braque_checkerboard-tivoli-cinema-1913 +landscape,Post_Impressionism,anita-malfatti_cambuquira-1945 +landscape,Impressionism,john-singer-sargent_landscape-1909 +religious_painting,Mannerism_Late_Renaissance,jacopo-pontormo_volta-1515-4 +genre_painting,Naive_Art_Primitivism,grã©goire-michonze_in-the-village-1978 +landscape,Impressionism,alfred-sisley_the-seine-at-bougival-in-winter-1872 +abstract_painting,Abstract_Expressionism,sam-francis_untitled-composition-lembark-285-1990 +genre_painting,Impressionism,edgar-degas_seated-woman-combing-her-hair +still_life,Realism,pyotr-konchalovsky_still-life-red-tray-and-ash-1947 +genre_painting,Naive_Art_Primitivism,david-burliuk_soldier-on-horseback +religious_painting,Romanticism,jan-matejko_angel +sketch_and_study,Realism,isaac-levitan_barn-twilight +genre_painting,Expressionism,mark-rothko_street-scene +genre_painting,Post_Impressionism,henri-de-toulouse-lautrec_woman-at-her-toilette-1889 +genre_painting,Baroque,nicolas-tournier_montb-liard +portrait,Baroque,rembrandt_portrait-of-andries-de-graeff +portrait,Baroque,guido-reni_sibylle-1636 +portrait,Realism,camille-corot_portrait-of-laurent-denis-sennegon-1842 +portrait,Impressionism,eva-gonzales_the-milliner +cityscape,Romanticism,richard-parkes-bonington_corso-sant-anastasia-verona-with-the-palace-of-prince-maffei-1826 +landscape,Realism,boris-kustodiev_grazing-horses-1909 +cityscape,Realism,pierre-auguste-renoir_the-pont-des-arts-and-the-institut-de-france-1867 +still_life,Realism,salvador-dali_original-sin +religious_painting,High_Renaissance,cima-da-conegliano_the-baptism-of-christ +landscape,Romanticism,christen-kobke_autumn-landscape-frederiksborg-castle-in-the-middle-distance-1838 +portrait,Romanticism,jan-matejko_hetman-of-the-polish-crown-in-the-17th-century +cityscape,Impressionism,childe-hassam_the-new-york-bouquet-west-forty-second-street +portrait,Expressionism,lucian-freud_girl-in-striped-nightshirt-1985 +genre_painting,Cubism,arthur-segal_die-k-nigin-von-saba-1918 +portrait,High_Renaissance,pinturicchio_portrait-of-a-young-man-1502 +nude_painting,Contemporary_Realism,philip-pearlstein_nude-on-navajo-rug-1972 +portrait,Impressionism,william-merritt-chase_man-with-bandana-1878 +illustration,Symbolism,william-blake_angels-ministering-to-christ-1820 +portrait,Romanticism,konstantin-makovsky_portrait-of-v-morozova +portrait,Expressionism,zinaida-serebriakova_portrait-of-mr-cobb-1947 +still_life,Rococo,jean-baptiste-simeon-chardin_the-ray-or-the-kitchen-interior-1728 +sketch_and_study,Post_Impressionism,vincent-van-gogh_a-lane-in-the-public-garden-with-benches-1888(1) +genre_painting,Expressionism,candido-portinari_carnaval +portrait,Realism,vasily-vereshchagin_kyrgyz-girl +religious_painting,Baroque,rembrandt_st-jerome-beside-a-pollard-willow-1648 +genre_painting,Art_Nouveau_Modern,henri-de-toulouse-lautrec_at-the-opera-ball-1893 +genre_painting,Impressionism,anders-zorn_in-the-woods-1893 +portrait,Impressionism,egon-schiele_portrait-of-leopold-czihaczek-in-profile-facing-left-1907 +abstract_painting,Color_Field_Painting,leon-berkowitz_untitled-1977 +genre_painting,Impressionism,claude-monet_women-in-the-garden +portrait,Rococo,john-russell_reverend-charles-wesley-1707-1788-ma-1771 +abstract_painting,Minimalism,denise-green_to-draw-on-1977 +landscape,Symbolism,mikalojus-ciurlionis_winter-vi-1907 +abstract_painting,Abstract_Expressionism,sam-francis_untitled-1990-7 +landscape,Realism,ivan-shishkin_forest-autumn +genre_painting,Realism,vincent-van-gogh_state-lottery-office-1882 +landscape,Impressionism,piet-mondrian_stammer-mill-with-streaked-sky-1906 +genre_painting,Realism,vincent-van-gogh_woman-feeding-chickens-1883 +still_life,Naive_Art_Primitivism,seraphine-louis_le-bouquet-de-feuilles +religious_painting,High_Renaissance,correggio_four-saints-from-left-st-peter-st-martha-st-mary-magdalene-st-leonard-1517 +abstract_painting,Abstract_Expressionism,milton-resnick_composition-1963 +religious_painting,Early_Renaissance,carlo-crivelli_saint-francis +landscape,Expressionism,arthur-segal_woodcut +landscape,Post_Impressionism,paul-gauguin_landscape-with-peacocks-1892 +portrait,Expressionism,zinaida-serebriakova_mother-and-daughter-1928 +portrait,Baroque,peter-paul-rubens_portrait-of-infanta-clara-eugenia-governess-of-the-netherlands +cityscape,Post_Impressionism,edouard-cortes_rue-royale +landscape,Impressionism,claude-monet_spot-on-the-banks-of-the-seine +religious_painting,Romanticism,eugene-delacroix_the-miraculous-draught-of-fishes(1) +sketch_and_study,Symbolism,nicholas-roerich_the-ruins-of-the-buildings-and-rocky-caves-anasazi-culture-canyon-tyuoni-1922 +abstract_painting,Color_Field_Painting,sam-francis_untitled-sfe-020-lembark-i53-1984 +abstract_painting,Expressionism,jacoba-van-heemskerck_composition-1914 +portrait,Fauvism,john-duncan-fergusson_le-voile-persan-1909 +portrait,Post_Impressionism,henri-de-toulouse-lautrec_mademoiselle-beatrice-tapie-de-celeyran-1897 +sketch_and_study,Realism,valentin-serov_portrait-of-the-composer-alexander-glazunov-1899 +portrait,Rococo,antoine-pesne_luise-ulrike-of-prussia-queen-of-sweden +genre_painting,Post_Impressionism,paul-cezanne_bather-entering-the-water-1885 +portrait,Rococo,vladimir-borovikovsky_labzin-anna-evdokimovna +portrait,Expressionism,oswaldo-guayasamin_portrait-of-toty-rodr-guez-1967 +still_life,Post_Impressionism,ilya-mashkov_still-life-with-magnolias-1934 +genre_painting,Art_Nouveau_Modern,carl-larsson_the-first-lesson-1903(1) +landscape,Realism,camille-corot_landscape-at-castel-gandolfo +still_life,Cubism,roger-bissiã¨re_la-guitare +religious_painting,Northern_Renaissance,dirk-bouts_the-annunciation-the-wing-of-polyptych +portrait,Northern_Renaissance,jan-van-eyck_the-madonna-of-canon-van-der-paele-detail-1436 +genre_painting,Symbolism,mikhail-nesterov_elegy-blind-musician-1928 +genre_painting,Realism,mykola-pymonenko_a-ford-1901 +sketch_and_study,Realism,ilya-repin_sketch-for-the-painting-krestny-khod-religious-procession-in-kursk-gubernia +landscape,Impressionism,william-merritt-chase_sunny-spain +portrait,Rococo,allan-ramsay_jean-jacques-rousseau +genre_painting,Impressionism,william-merritt-chase_peonies +portrait,Baroque,gian-lorenzo-bernini_bacchanal-a-faun-teased-by-children-1617(1) +religious_painting,Northern_Renaissance,jan-van-eyck_madonna-and-child-at-the-fountain-1439 +portrait,Realism,ilya-repin_portrait-of-l-i-shestakova-sister-of-composer-mikhail-glinka-1899 +sketch_and_study,Early_Renaissance,paolo-uccello_after-a-work +genre_painting,Baroque,frans-snyders_fruit-and-vegetable-market +portrait,Mannerism_Late_Renaissance,paolo-veronese_portrait-of-a-young-man-in-black-1580 +religious_painting,Northern_Renaissance,albrecht-durer_adam-and-eve-1507 +sketch_and_study,Expressionism,balthus_study-for-the-siesta-1958 +religious_painting,Early_Renaissance,filippo-lippi_adoration-of-the-magi-detail-1 +cityscape,Romanticism,william-turner_ivy-bridge-devonshire +landscape,Expressionism,fred-williams_dight-s-falls-1974 +genre_painting,Post_Impressionism,henri-de-toulouse-lautrec_the-divan-1893 +abstract_painting,Abstract_Expressionism,vasile-dobrian_there-are-only-two-steps-until-the-edge-of-the-infinite-from-the-archways-series +illustration,Romanticism,gustave-dore_the-inferno-canto-30-1 +genre_painting,New_Realism,george-luks_in-the-corner +still_life,Impressionism,gustave-caillebotte_peaches-nectarines-and-apricots +religious_painting,Northern_Renaissance,albrecht-durer_lamentation +landscape,Impressionism,paul-gauguin_the-square-pond-1884 +abstract_painting,Abstract_Expressionism,robert-goodnough_untitled-1950 +nude_painting,Impressionism,nicolae-grigorescu_entering-the-bathroom +portrait,Mannerism_Late_Renaissance,agnolo-bronzino_portrait-of-signor-panciatichi-bartolomeo-1540 +landscape,Realism,ivan-shishkin_oaks-1 +illustration,Early_Renaissance,sandro-botticelli_the-story-of-nastagio-degli-onesti-i-from-the-decameron-by-boccaccio-1483(1) +genre_painting,Naive_Art_Primitivism,fernando-botero_the-dancers +cityscape,Cubism,marc-chagall_cubist-landscape-1918 +portrait,High_Renaissance,raphael_portrait-of-a-man +landscape,Symbolism,theodor-severin-kittelsen_postbefordring-paa-maanen(1) +abstract_painting,Abstract_Expressionism,helen-frankenthaler_interior-landscape-1964 +genre_painting,Impressionism,victor-borisov-musatov_reapers-1897 +landscape,Impressionism,william-merritt-chase_spanish-village +genre_painting,Naive_Art_Primitivism,fernando-botero_four-musicians +landscape,Realism,ilya-repin_view-of-the-village-varvarino-1878 +abstract_painting,Abstract_Expressionism,al-held_taxi-cab-ii-1959 +cityscape,Impressionism,claude-monet_the-seine-estuary-at-honfluer +landscape,Ukiyo_e,ito-shinsui_morning-at-kambayashi-1948 +genre_painting,Romanticism,francisco-goya_the-straw-manikin-1792 +portrait,Romanticism,edward-burne-jones_margaret-burne-jones +genre_painting,Cubism,jacques-villon_unknown-title +cityscape,Post_Impressionism,edouard-cortes_the-platform-of-the-tournelle-notre-dame +genre_painting,Realism,gustave-courbet_the-village-maidens-1852 +genre_painting,Romanticism,osman-hamdi_the-musician-girl-1880 +portrait,Expressionism,pablo-picasso_spaniard-1906 +sketch_and_study,Post_Impressionism,alexandre-benois_carnival-on-the-fontanka-river(1) +religious_painting,Mannerism_Late_Renaissance,paolo-veronese_sts-geminianus-and-severus +religious_painting,Early_Renaissance,luca-signorelli_pair-of-apostles-in-dispute-1482-3 +landscape,Fauvism,othon-friesz_la-ciotat-1907-1 +religious_painting,High_Renaissance,vittore-carpaccio_the-agony-in-the-garden-1502 +cityscape,Impressionism,claude-monet_rouen-cathedral-clear-day +religious_painting,Symbolism,james-tissot_the-descent-from-the-cross-illustration-for-the-life-of-christ +sketch_and_study,Realism,ilya-mashkov_the-model-which-lies-behind +cityscape,Art_Nouveau_Modern,nicholas-roerich_house-of-god-1903 +genre_painting,Naive_Art_Primitivism,martiros-saryan_a-room-1935 +religious_painting,Northern_Renaissance,mabuse_adam-and-eve-1525 +cityscape,Impressionism,claude-monet_charing-cross-bridge-1903 +landscape,Impressionism,claude-monet_port-d-aval +genre_painting,Impressionism,pierre-auguste-renoir_woman-with-parasol-1873 +landscape,Realism,john-singer-sargent_poppies-1886 +sketch_and_study,Art_Nouveau_Modern,valentin-serov_odyssey-and-nausicaa-1910 +cityscape,Rococo,canaletto_mestre +landscape,Art_Nouveau_Modern,anna-ostroumova-lebedeva_landscape-around-the-viscontiev-bridge-1923 +portrait,Expressionism,william-h.-johnson_portrait-of-ilya-bolotowsky-1930(1) +landscape,Realism,isaac-levitan_fresh-breeze-volga-1890 +cityscape,Art_Nouveau_Modern,egon-schiele_house-with-shingles-1915 +landscape,Romanticism,john-crome_high-tor-matlock-1811 +genre_painting,Cubism,pablo-picasso_spring-1956 +religious_painting,Realism,ilya-repin_judas-1885 +landscape,Impressionism,alfred-sisley_station-at-sevres +portrait,Mannerism_Late_Renaissance,tintoretto_portrait-of-doge-girolamo-priuli-1559 +genre_painting,Expressionism,walter-battiss_village-life +sketch_and_study,Post_Impressionism,vincent-van-gogh_ruins-of-montmajour-1888 +abstract_painting,Minimalism,yves-gaucher_danse-carr-e-once-upon-a-square-1964 +landscape,Realism,ilya-repin_landscape-near-chuguevo +portrait,Realism,vincent-van-gogh_orphan-man-bareheaded-1883 +religious_painting,Early_Renaissance,andrea-del-castagno_stories-of-christ-s-passion-1447-5 +portrait,Northern_Renaissance,albrecht-durer_sultan-soliman +genre_painting,Post_Impressionism,henri-de-toulouse-lautrec_the-toilet-ms-fabre-1891 +portrait,Impressionism,pierre-auguste-renoir_andree-in-a-pink-dress-1917 +sketch_and_study,Cubism,pyotr-konchalovsky_sketch-a-still-life-with-copper-jugs-1917 +sketch_and_study,High_Renaissance,leonardo-da-vinci_drapery-for-a-seated-figure +portrait,Rococo,jean-marc-nattier_the-comtesse-de-tilli-res-1750 +landscape,Pointillism,henri-edmond-cross_landscape-3 +sketch_and_study,Romanticism,domingos-sequeira_mulher-com-turbante +genre_painting,Symbolism,pierre-puvis-de-chavannes_between-art-and-nature-detail +portrait,Pop_Art,robert-silvers_mona-lisa-remastered-2 +portrait,Realism,john-singer-sargent_mrs-augustus-hemenway-1890 +portrait,Expressionism,milton-avery_sketchers-by-the-stream-1951 +cityscape,Impressionism,childe-hassam_lower-manhattan-aka-broad-and-wall-streets +sketch_and_study,Realism,martiros-saryan_armenian-mountains-1962 +landscape,Symbolism,nicholas-roerich_sharugen-monastery-tibet +landscape,Impressionism,claude-monet_valley-bouna-near-bordighera +abstract_painting,Abstract_Expressionism,theodoros-stamos_infinity-field-lefkada-series-2-1978 +landscape,Impressionism,claude-monet_the-creuse-valley-evening-effect-1889 +genre_painting,Northern_Renaissance,pieter-bruegel-the-elder_the-hare-hunt-1560 +still_life,Cubism,louis-marcoussis_nature-morte-1926 +portrait,Impressionism,pierre-auguste-renoir_claude-monet-the-reader-1874 +genre_painting,Art_Nouveau_Modern,alexandre-benois_italian-comedy(1) +portrait,Rococo,antoine-pesne_frederick-ii-of-prussia-as-general-1745 +genre_painting,Expressionism,pablo-picasso_seller-of-gul +landscape,Impressionism,john-henry-twachtman_snowbound-1900 +cityscape,Art_Nouveau_Modern,egon-schiele_single-houses-1915 +still_life,Analytical_Cubism,juan-gris_still-life-with-oil-lamp-1912 +sketch_and_study,Northern_Renaissance,albrecht-durer_hand-study-with-bible-1506 +still_life,Post_Impressionism,pyotr-konchalovsky_still-life-fruits-1908 +religious_painting,Baroque,bartolome-esteban-murillo_saint-catherine-of-alexandria-1655 +cityscape,Impressionism,camille-pissarro_the-louvre-afternoon-rainy-weather-1900 +landscape,Romanticism,karl-bodmer_summerhouse-of-wahpeton-1832 +genre_painting,Post_Impressionism,walter-battiss_the-bird-market +portrait,Rococo,antoine-pesne_elisabeth-christine +genre_painting,Art_Nouveau_Modern,sergey-solomko_tenderness +cityscape,Post_Impressionism,auguste-herbin_the-docks-of-the-port-of-bastia-1907 +cityscape,Ukiyo_e,keisai-eisen_snow-scene-at-sens-ji-temple-at-kinry-zan-in-the-eastern-capital(1) +genre_painting,Romanticism,edward-burne-jones_the-lament-1866 +portrait,Fauvism,maurice-de-vlaminck_man-smoking-a-pipe-1900 +abstract_painting,Color_Field_Painting,morris-louis_twined-columns-ii-1960 +genre_painting,Impressionism,henry-herbert-la-thangue_goats-at-a-fountain-1926 +cityscape,Realism,isaac-levitan_seascape +still_life,Expressionism,m.c.-escher_mumified-priests-in-gangi +religious_painting,Cubism,marc-chagall_jew-at-prayer-1913 +illustration,Romanticism,gustave-dore_the-descent-on-the-monster +cityscape,Symbolism,konstantin-bogaevsky_feodosia-1930 +genre_painting,Impressionism,eugene-boudin_trouville-beach-scene-1869 +landscape,Impressionism,alfred-sisley_banks-of-the-loing-at-saint-mammes-1885 +landscape,Contemporary_Realism,john-miller_heat-and-dust +landscape,Pointillism,paul-signac_antibes-the-pink-cloud-1916 +landscape,Realism,camille-corot_entrance-to-a-chalet-in-the-bernese-oberland +portrait,Realism,john-singer-sargent_abbott-lawrence-lowell-1923 +illustration,Naive_Art_Primitivism,marc-chagall_illustration-for-literary-review-shtrom-heftn-1923-2 +landscape,Realism,ivan-shishkin_lake-in-the-forest +nude_painting,Impressionism,ilya-mashkov_sunbathing-in-the-crimea +portrait,Baroque,anthony-van-dyck_portrait-of-the-artist-marten-pepijn +illustration,Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-magazine-art-treasures-of-russia-1903(1) +portrait,Rococo,jean-honore-fragonard_the-love-letter +sketch_and_study,Post_Impressionism,paul-cezanne_man-with-a-pipe-1895 +cityscape,Impressionism,claude-monet_charing-cross-bridge-1 +genre_painting,Realism,vasily-vereshchagin_migrations-kirghiz-1870 +landscape,Realism,camille-corot_watercourse-leading-to-the-square-tower-1870 +illustration,Art_Nouveau_Modern,heorhiy-narbut_illustration-to-the-crane-and-heron-bear-1907-3 +still_life,Cubism,salvador-dali_siphon-and-small-bottle-of-rum +religious_painting,Northern_Renaissance,hans-memling_virgin-enthroned-with-child-and-angel +landscape,Impressionism,claude-monet_villas-at-bordighera-02 +portrait,Romanticism,john-hoppner_portrait-of-miss-fisher +religious_painting,Baroque,agostino-carracci_st-margaret-from-the-episode-holy-women-1578 +sketch_and_study,Rococo,maurice-quentin-de-la-tour_study-of-the-portrait-3 +landscape,Expressionism,nikolaos-lytras_the-meadow +genre_painting,Baroque,adriaen-van-ostade_reading-a-letter +portrait,Pop_Art,robert-silvers_not-detected-275040 +religious_painting,Naive_Art_Primitivism,marc-chagall_moses-spreads-the-darkness-over-egypt-1931 +portrait,Rococo,antoine-pesne_portrait-of-eleonore-louise-albertine-comtesse-von-schlieben-sanditten-freifrau-von-keyserlingk +portrait,Baroque,anthony-van-dyck_thomas-howard-2nd-earl-of-arundel-and-surrey-with-his-grandson-lord-maltravers-1635 +landscape,Impressionism,claude-monet_the-village-of-vetheuil +still_life,Fauvism,bela-czobel_vase-on-a-chair-italian-jar-1918 +sketch_and_study,Realism,jean-francois-millet_manor-farm-cousin-in-greville-1854 +portrait,Early_Renaissance,jacopo-bellini_profile-portrait-of-a-boy +landscape,Impressionism,joaquã­n-sorolla_farmhouse-in-alcira-1903 +genre_painting,Realism,vincent-van-gogh_a-man-with-a-broom-1881(1) +abstract_painting,Minimalism,blinky-palermo_graue-scheibe-1970 +landscape,Post_Impressionism,pyotr-konchalovsky_pine-tree-1921 +portrait,Pop_Art,tano-festa_ritratto-dell-attore-alain-delon-1975 +portrait,Ukiyo_e,utagawa-kuniyoshi_shakuhachi-player +still_life,Impressionism,adolf-hitler_still-life-with-bottle-and-fruit +genre_painting,Impressionism,nikolay-bogdanov-belsky_homework +religious_painting,High_Renaissance,correggio_the-magdalene(2) +sketch_and_study,Realism,vladimir-makovsky_study-to-january-9-1905-on-vasilyevsky-island-1907 +illustration,Art_Nouveau_Modern,eugã¨ne-grasset_la-belle-jardiniere-septembre-1896 +portrait,Northern_Renaissance,pieter-bruegel-the-elder_portrait-of-an-old-woman-1563 +portrait,Impressionism,pierre-auguste-renoir_paul-durand-ruel-1910 +portrait,Romanticism,konstantin-makovsky_portrait-of-empress-alexandra-feodorovna-alix-of-hesse +sketch_and_study,Realism,alekos-kontopoulos_nude-1 +landscape,Romanticism,frederic-edwin-church_icebergs-and-wreck-in-sunset-1860 +portrait,Realism,john-singer-sargent_mrs-edward-darley-boit-1888 +religious_painting,Northern_Renaissance,gerard-david_the-deposition +sketch_and_study,Realism,pyotr-konchalovsky_still-life-autumn-flowers-in-a-basket-study-for-the-tray-1931 +genre_painting,Impressionism,willard-metcalf_cafe +landscape,Impressionism,max-slevogt_summer-house-garden +genre_painting,Expressionism,henri-matisse_woman-with-a-green-parasol-on-a-balcony-1919 +religious_painting,Early_Renaissance,carlo-crivelli_apostles-1473 +still_life,Synthetic_Cubism,juan-gris_open-window-with-hills-1923 +religious_painting,Northern_Renaissance,albrecht-durer_the-lady-of-the-festival-du-rosaire-fragment +landscape,Post_Impressionism,nikola-tanev_tarnovo-1930 +landscape,Ukiyo_e,katsushika-hokusai_the-dragon-of-smoke-escaping-from-mount-fuji +cityscape,Impressionism,zinaida-serebriakova_boulevard-in-paris +illustration,Symbolism,william-blake_the-sun-in-his-wrath-1820 +illustration,Art_Nouveau_Modern,aubrey-beardsley_the-fat-woman +genre_painting,Symbolism,kuzma-petrov-vodkin_girls-on-the-volga-1915 +landscape,Realism,isaac-levitan_lakeshore +portrait,Symbolism,jan-toorop_pablo-casals-1904 +genre_painting,Realism,vladimir-makovsky_reprimand-1883 +abstract_painting,Abstract_Expressionism,sam-gilliam_ibis-1987 +genre_painting,Expressionism,tsuguharu-foujita_club-el-patio +illustration,Expressionism,martiros-saryan_illustration-for-the-fable-the-crow-and-the-fox-1934 +genre_painting,Naive_Art_Primitivism,arman-manookian_greeting-by-chiefs-1928 +landscape,Romanticism,homer-watson_old-mill-and-stream-1879 +landscape,Impressionism,arkhip-kuindzhi_forest +genre_painting,Post_Impressionism,panayiotis-tetsis_street-market-1982-1 +landscape,Symbolism,nicholas-roerich_himalayas-4 +landscape,Impressionism,robert-julian-onderdonk_mountain-laurel-in-bloom +landscape,Post_Impressionism,gustave-loiseau_etretat-la-point-de-batterie-1902 +religious_painting,Northern_Renaissance,pieter-bruegel-the-elder_the-triumph-of-death +abstract_painting,Abstract_Expressionism,willem-de-kooning_whose-name-was-writ-in-water +landscape,Impressionism,john-henry-twachtman_moonlight-flanders +landscape,Romanticism,karl-bodmer_the-enemy-brothers-in-bornhofen-on-the-rhine-with-a-convent-and-village-view +landscape,Realism,isaac-levitan_a-path +portrait,Baroque,frans-hals_singing-boy-with-a-flute-1623 +cityscape,Post_Impressionism,edouard-cortes_boulevard-de-la-madeleine-winter-2 +genre_painting,Contemporary_Realism,eric-fischl_the-bed-the-chair-the-sitter +religious_painting,Early_Renaissance,piero-della-francesca_exaltation-of-the-cross-heraclius-enters-jerusalem-with-the-cross-1464(1) +illustration,Romanticism,gustave-dore_the-giants-nimrod +portrait,Impressionism,berthe-morisot_portrait-of-a-young-lady +portrait,Art_Nouveau_Modern,felix-vallotton_russian-political-writer-alexander-herzen-1895 +sketch_and_study,Post_Impressionism,vincent-van-gogh_sailing-boat-on-the-seine-at-asnieres-1887 +portrait,Expressionism,ernst-ludwig-kirchner_portrait-of-dr-huggler +portrait,Expressionism,mark-rothko_not_detected_242140 +religious_painting,Early_Renaissance,pietro-perugino_dead-christ-at-the-tomb +cityscape,Rococo,bernardo-bellotto_schloss-nymphenburg-1761 +portrait,Impressionism,istvan-nagy_little-girl-with-yellow-babushka-1917 +genre_painting,Impressionism,paul-gauguin_watering-place-1885 +portrait,Northern_Renaissance,lucas-cranach-the-elder_christian-ii-of-denmark-and-norway +landscape,Realism,pyotr-konchalovsky_sunrise-1923 +portrait,Baroque,rembrandt_jan-cornelis-sylvius-1646 +landscape,Impressionism,claude-monet_the-plain-of-colombes-white-frost-1873 +landscape,Impressionism,claude-monet_the-siene-near-vernon +abstract_painting,Minimalism,pino-pinelli_pittura-gr-1977 +religious_painting,Northern_Renaissance,albrecht-durer_the-last-supper-1511 +portrait,Romanticism,vasily-tropinin_not_detected_241138(1) +sketch_and_study,Realism,valentin-serov_portrait-of-k-a-obninskaya-with-bunny-1904 +portrait,Art_Nouveau_Modern,gustav-klimt_amalie-zuckerkandl-1918 +portrait,Expressionism,amedeo-modigliani_portrait-of-beatrice-hastings +landscape,Ukiyo_e,hiroshige_prune-orchard-sun +nude_painting,Post_Impressionism,constantin-piliuta_the-three-graces-1972 +still_life,Fauvism,mary-fedden_bowl-of-eggs-1985 +landscape,Impressionism,adolf-hitler_church-at-dawn +religious_painting,Early_Renaissance,masaccio_san-giovenale-triptych-right-panel +still_life,Post_Impressionism,irma-stern_still-life-with-leaves-fruit-and-flowers-1945 +abstract_painting,Color_Field_Painting,ad-reinhardt_untitled-1966 +genre_painting,Romanticism,sir-lawrence-alma-tadema_love-s-jewelled-fetter-1895 +sketch_and_study,Realism,arkhip-kuindzhi_forest-1 +portrait,Realism,boris-kustodiev_portrait-of-ilja-repin-1902 +illustration,Art_Nouveau_Modern,ivan-bilibin_illustration-for-a-poem-walls-of-cain-by-vyacheslav-ivanov-1906 +religious_painting,Mannerism_Late_Renaissance,el-greco_st-francis-receiving-the-stigmata-1 +portrait,Symbolism,gustav-klimt_study-of-the-head-of-a-blind-man +religious_painting,Naive_Art_Primitivism,horace-pippin_christ-crowned-with-thorns-1938 +landscape,Post_Impressionism,maurice-prendergast_house-by-the-sea +still_life,Pop_Art,andy-warhol_untitled-beauty-products-1960 +portrait,Realism,vasily-tropinin_portrait-of-an-unknown-from-a-family-of-mosolov-1856 +genre_painting,Realism,aleksey-savrasov_bivouac-in-the-desert-convoy-chumakov-1867-1 +landscape,Impressionism,robert-julian-onderdonk_snow-near-the-cave-central-park-new-york-1902 +landscape,Impressionism,camille-pissarro_autumn-montfoucault-pond-1875 +portrait,Romanticism,jan-matejko_bona-ossowiecka +portrait,High_Renaissance,lorenzo-lotto_bishop-bernardo-de-rossi-1505 +genre_painting,Impressionism,john-singer-sargent_turkish-woman-by-a-stream-1907 +portrait,Impressionism,william-merritt-chase_my-little-daughter-dorothy +portrait,Naive_Art_Primitivism,fernand-leger_a-worker-with-the-lamp-1951 +illustration,Symbolism,william-blake_satan-smiting-job-with-boils-1826 +religious_painting,Northern_Renaissance,lucas-cranach-the-elder_law-and-grace-1529-1 +cityscape,Impressionism,pierre-auguste-renoir_terraces-at-cagnes-1905 +landscape,Realism,constant-troyon_unloading-the-ferry +genre_painting,Impressionism,childe-hassam_grand-prix-day-also-known-as-le-jour-de-grand-prix +nude_painting,Impressionism,pierre-auguste-renoir_after-bathing-seated-female-nude +cityscape,Impressionism,claude-monet_waterloo-bridge-dawn-1901 +portrait,Northern_Renaissance,hans-memling_barbara-de-vlaenderberch-1475 +cityscape,Art_Nouveau_Modern,mstislav-dobuzhinsky_vitebsk-1919 +cityscape,Realism,john-singer-sargent_persian-artifact-with-faience-decoration +religious_painting,Early_Renaissance,pietro-perugino_madonna-with-child-1473 +portrait,Symbolism,kuzma-petrov-vodkin_head-of-a-boy-1918 +portrait,Baroque,frans-hals_jacobus-zaffius-1611 +landscape,Realism,arkhip-kuindzhi_dnieper-in-the-morning-1881 +genre_painting,Ukiyo_e,keisai-eisen_a-couple-locked-in-an-embrace-1825 +abstract_painting,Minimalism,fernando-lanhas_o41-69-1969 +portrait,Impressionism,anders-zorn_girl-in-an-orsa-costume-1911 +sketch_and_study,Realism,isaac-levitan_houses-near-bordiguera-1890 +abstract_painting,Abstract_Expressionism,richard-diebenkorn_a-day-at-the-races +religious_painting,High_Renaissance,pietro-perugino_room-torre-borgia +still_life,Cubism,georges-braque_the-terrace-1948 +landscape,Cubism,paul-cezanne_corner-of-quarry +portrait,Realism,alexey-venetsianov_portrait-of-m-m-philosophova +portrait,Abstract_Expressionism,willem-de-kooning_pink-lady +still_life,Baroque,caravaggio_basket-of-fruit +illustration,Romanticism,gustave-dore_the-cruelties-of-bibars +landscape,Impressionism,john-henry-twachtman_old-holley-house-1900 +sketch_and_study,Art_Nouveau_Modern,nicholas-roerich_study-to-overseas-guests +portrait,Expressionism,zinaida-serebriakova_portrait-of-gentleman-1938 +religious_painting,Symbolism,arnold-bã¶cklin_piet-1885 +portrait,Romanticism,arthur-hughes_good-night +still_life,Post_Impressionism,vincent-van-gogh_blossoming-almond-branch-in-a-glass-with-a-book-1888(1) +religious_painting,Post_Impressionism,paul-cezanne_bathsheba +cityscape,Baroque,adriaen-van-de-velde_cityscape-with-drawbridge-1672 +cityscape,Realism,camille-corot_view-of-the-pont-au-change-from-quai-de-gesvres-1830 +portrait,Romanticism,jan-matejko_john-ii-casimir +genre_painting,Realism,thomas-eakins_the-pair-oared-shell-1872 +still_life,Impressionism,lovis-corinth_red-and-yellow-tulips-1918 +genre_painting,Realism,anders-zorn_a-fisherman-1888 +religious_painting,Baroque,peter-paul-rubens_the-sacrifice-of-the-old-covenant +genre_painting,Rococo,benjamin-west_a-domestic-affliction +illustration,Symbolism,harry-clarke_the-year-s-at-the-spring-1920-8 +still_life,Baroque,willem-kalf_still-life-with-chinese-porcelain-bowl-1662 +portrait,Expressionism,amedeo-modigliani_portrait-of-madame-kisling +genre_painting,Post_Impressionism,pablo-picasso_the-sun-king-1901 +landscape,Realism,fyodor-vasilyev_crimea-yalta-1873 +sketch_and_study,Ukiyo_e,katsushika-hokusai_flowers-and-water-lilies-in-the-mangwe-tome +sketch_and_study,Realism,jean-francois-millet_farm-near-vichy +religious_painting,Baroque,jacob-jordaens_suffer-the-little-children-1655 +portrait,Cubism,pablo-picasso_jacqueline-sitting-with-her-cat-1964 +nude_painting,Rococo,francois-boucher_odalisque +portrait,Baroque,diego-velazquez_king-philip-iv-of-spain-1632 +genre_painting,Expressionism,henri-matisse_the-family-of-the-artist-1911 +genre_painting,Impressionism,edgar-degas_a-grecian-dance-1890 +abstract_painting,Abstract_Expressionism,atsuko-tanaka_work-1992 +genre_painting,Romanticism,mykola-pymonenko_maundy-thursday +landscape,Impressionism,william-merritt-chase_an-italian-garden +sketch_and_study,Realism,valentin-serov_in-a-village-peasant-woman-with-a-horse-1899 +portrait,Symbolism,arnold-bã¶cklin_melancholy +genre_painting,Art_Nouveau_Modern,wilhelm-kotarbinski_mist-comforter +genre_painting,Realism,john-everett-millais_the-vale-of-rest +sketch_and_study,Realism,isaac-levitan_barges +portrait,Impressionism,grace-cossington-smith_the-sock-knitter-1915 +sketch_and_study,Mannerism_Late_Renaissance,jacopo-pontormo_joseph-in-egypt-1 +portrait,Realism,ilya-repin_portrait-of-bella-gorskaya-1910 +religious_painting,Baroque,guido-reni_salome-with-the-head-of-st-john-baptist-1640 +cityscape,Impressionism,eugene-boudin_the-port-of-trouville +landscape,Post_Impressionism,pierre-bonnard_garden-with-red-tree-1909 +genre_painting,Impressionism,santiago-rusinol_caf-des-incoherents-montmartre +religious_painting,Mannerism_Late_Renaissance,tintoretto_the-worship-of-the-golden-calf +illustration,Romanticism,gustave-dore_idylls-of-the-king-12 +landscape,Realism,winslow-homer_maine-cliffs +cityscape,Post_Impressionism,edouard-cortes_place-de-la-madeleine-3 +cityscape,Symbolism,mstislav-dobuzhinsky_vilno-market-near-the-wall-1907 +abstract_painting,Color_Field_Painting,morris-louis_k-s-i-1959 +landscape,Impressionism,claude-monet_antibes-view-of-the-salis-gardens(1) +cityscape,Impressionism,claude-monet_saint-lazare-station-arrival-of-a-train +portrait,Baroque,peter-paul-rubens_marie-de-medicis-as-bellona-1625 +landscape,Realism,ivan-shishkin_herd-under-the-trees-1864 +cityscape,Baroque,alexey-zubov_st-petersburg-view-of-the-winter-palace-of-peter-i-1716 +genre_painting,Realism,viktor-vasnetsov_on-the-earth +religious_painting,Northern_Renaissance,martin-schongauer_the-temptation-of-st-anthony +religious_painting,High_Renaissance,michelangelo_sistine-chapel-ceiling-sacrifice-of-noah-1512 +portrait,Realism,edouard-manet_madame-auguste-manet +landscape,Impressionism,ivan-grohar_macesen-1904 +portrait,Romanticism,francesco-hayez_portrait-of-don-giulio-vigoni-as-a-child-1830 +illustration,Symbolism,harry-clarke_the-year-s-at-the-spring-1920-6 +abstract_painting,Color_Field_Painting,frank-stella_polar-co-ordinates-iv-1980 +religious_painting,Early_Renaissance,benozzo-gozzoli_the-dance-of-salome-1462 +religious_painting,Early_Renaissance,giovanni-bellini_polyptych-of-san-vincenzo-ferreri-1468-6 +nude_painting,Cubism,roger-de-la-fresnaye_standing-nude-from-the-front +portrait,Impressionism,mary-cassatt_portrait-of-the-artist-s-mother-1890 +portrait,Realism,james-mcneill-whistler_the-boy-in-a-cloak-1900 +portrait,Expressionism,ernst-ludwig-kirchner_portrait-of-a-woman-in-a-white-dress +genre_painting,Impressionism,john-singer-sargent_a-tyrolese-crucifix-1915 +religious_painting,Northern_Renaissance,joachim-patinir_the-baptism-of-christ +landscape,Impressionism,claude-monet_poplars-row-in-autumn +still_life,Realism,william-merritt-chase_still-liife-with-china-vase-copper-pot-an-apple-and-a-bunch-of-grapes +portrait,Post_Impressionism,irma-stern_zanzibar-lady-1941 +genre_painting,Post_Impressionism,pierre-bonnard_child-at-table-1893 +sketch_and_study,Realism,james-tissot_two-frontispiece-sitting-on-the-globe +religious_painting,Rococo,giovanni-domenico-tiepolo_rebecca-at-the-well-1751 +sketch_and_study,Baroque,rembrandt_boazcast +landscape,Realism,konstantin-makovsky_landscape-1 +genre_painting,Post_Impressionism,vladimir-dimitrov_unknown-title-21 +portrait,Rococo,fyodor-rokotov_portrait-of-p-i-vyrubov +still_life,Impressionism,theodor-pallady_still-life-with-peonies-and-clock +religious_painting,Naive_Art_Primitivism,marc-chagall_joseph-explains-the-dreams-of-pharaoh-genesis-xli-25-28-32 +portrait,Impressionism,edgar-degas_m-and-mme-edouard-manet +portrait,Realism,peder-severin-kroyer_marie-in-the-garden +cityscape,Post_Impressionism,edouard-cortes_booksellers-along-the-seine +landscape,Impressionism,charles-reiffel_maine-coast-booths-bay +religious_painting,Northern_Renaissance,hieronymus-bosch_haywain-1500-5 +genre_painting,Impressionism,pierre-auguste-renoir_young-mother-1898 +cityscape,Impressionism,camille-pissarro_the-louvre-morning-1903 +abstract_painting,Color_Field_Painting,sam-francis_sfp83-52-1983 +genre_painting,Impressionism,konstantin-korovin_bird-cherry-1912 +abstract_painting,Color_Field_Painting,gene-davis_sweet-carburetor-1969 +portrait,Impressionism,nikolay-bogdanov-belsky_garson-sitting-in-front-of-a-tree +cityscape,Post_Impressionism,pyotr-konchalovsky_leningrad-lions-bridge-1931 +portrait,Rococo,joshua-reynolds_portrait-of-queen-charlotte +religious_painting,Baroque,bartolome-esteban-murillo_the-holy-family-with-the-infant-st-john-the-baptist-1670 +illustration,Romanticism,gustave-dore_don-quixote-21 +still_life,Expressionism,henri-matisse_tulips-and-oysters-on-a-black-background-1943 +landscape,Impressionism,robert-julian-onderdonk_autumn-birches-central-park-1909 +abstract_painting,Abstract_Expressionism,frank-lobdell_december-1958-1958 +genre_painting,Expressionism,max-pechstein_woman-desired-by-man-1919 +genre_painting,Post_Impressionism,henri-de-toulouse-lautrec_monsieur-boileau-1893 +portrait,Expressionism,jury-annenkov_portrait-of-poet-boris-pasternak-1921 +portrait,Romanticism,eugene-delacroix_portrait-of-alfred-bruyas-1853(1) +landscape,Impressionism,eugene-boudin_antwerp-the-head-of-flanders +religious_painting,Mannerism_Late_Renaissance,el-greco_holy-family-1592 +landscape,Impressionism,alfred-sisley_landscape-at-louveciennes +still_life,Cubism,ben-nicholson_1945-still-life-1945 +cityscape,Symbolism,nicholas-roerich_mystery-of-walls-1920 +still_life,Cubism,jacques-villon_desserte +landscape,Romanticism,ivan-aivazovsky_the-mountain-ararat-1885 +landscape,Post_Impressionism,ferdynand-ruszczyc_fragment-lasu +still_life,Post_Impressionism,meijer-de-haan_lilacs-in-a-glass-apple-and-lemon-1890 +genre_painting,Realism,winslow-homer_fresh-air-1878 +landscape,Impressionism,paul-cezanne_landscape-with-waterline +religious_painting,Northern_Renaissance,hieronymus-bosch_hell-1504 +landscape,Post_Impressionism,paul-cezanne_mount-sainte-victoire-seen-from-gardanne-1886 +portrait,Realism,pyotr-konchalovsky_portrait-of-composer-aram-khachaturian-1953 +cityscape,Impressionism,camille-pissarro_the-raised-terrace-of-the-pont-neuf-place-henri-iv-afternoon-rain-1902 +genre_painting,Baroque,gabriel-metsu_the-poultry-woman +genre_painting,Realism,camille-corot_children-beside-a-brook-in-the-countryside-lormes +abstract_painting,Minimalism,ronnie-landfield_series-painting-8-1966 +portrait,Impressionism,mary-cassatt_portrait-of-mrs-william-harrison +religious_painting,High_Renaissance,pietro-perugino_st-sebastian-tied-to-a-column-1510 +religious_painting,Northern_Renaissance,jean-fouquet_emperor-cyrus-the-great-of-persia-who-permitted-the-hebrews-to-return-to-the-holy-land-and +genre_painting,Realism,n.c.-wyeth_african-warrior +abstract_painting,Abstract_Expressionism,gene-davis_bird-land-1952 +portrait,Baroque,jacob-jordaens_govaert-van-surpele-and-his-wife-1639 +landscape,Impressionism,claude-monet_study-of-rocks +genre_painting,Impressionism,eugene-boudin_laundresses-on-the-banks-of-the-port-of-trouville +genre_painting,Naive_Art_Primitivism,andre-bauchant_greek-dance-in-a-landscape-1937 +abstract_painting,Color_Field_Painting,charles-hinman_dance-1972 +landscape,Impressionism,winston-churchill_mountains-and-sea-at-sunset(1) +still_life,Impressionism,augustus-john_flowers-in-a-jar-1950 +portrait,Post_Impressionism,edouard-vuillard_my-mother +genre_painting,Realism,ilya-repin_on-the-embankment +religious_painting,Early_Renaissance,sandro-botticelli_portrait-of-a-young-man-1483-1(1) +portrait,Mannerism_Late_Renaissance,el-greco_portrait-of-a-young-man +genre_painting,Impressionism,pierre-auguste-renoir_young-woman-sewing +portrait,Romanticism,franz-xaver-winterhalter_leonilla-wittgenstein +abstract_painting,Color_Field_Painting,barnett-newman_fourteenth-station-1966 +landscape,Post_Impressionism,vincent-van-gogh_garden-in-auvers-1890(1) +religious_painting,Symbolism,william-blake_the-nativity-1800 +portrait,Expressionism,lucian-freud_david-hockney +portrait,Rococo,fyodor-rokotov_portrait-of-an-unknown-woman-in-a-red-dress +genre_painting,Impressionism,edgar-degas_jockeys-1895 +landscape,Post_Impressionism,andre-derain_trees-on-the-banks-of-the-seine-1913 +landscape,Impressionism,jean-metzinger_clairiere-1903 +genre_painting,Post_Impressionism,pierre-bonnard_woman-on-the-street-1894 +nude_painting,Northern_Renaissance,albrecht-durer_five-male-nudes-1526 +sketch_and_study,Rococo,maurice-quentin-de-la-tour_preparation-of-the-portrait-of-joseph-amedee-victor-paris-son-of-john-of-paris-montmartel +portrait,Romanticism,theodore-gericault_a-young-negro-woman +sketch_and_study,Impressionism,john-henry-twachtman_artist-s-house-greenwich-connecticut +nude_painting,Impressionism,theo-van-rysselberghe_nude-from-behind-fixing-her-hair +portrait,Baroque,frans-hals_portrait-of-an-unknown-woman +religious_painting,High_Renaissance,titian_pope-alexander-iv-presenting-jacopo-pesaro-to-st-peter +genre_painting,Expressionism,carlos-saenz-de-tejada_a-sad-girl-1921 +sketch_and_study,Northern_Renaissance,albrecht-durer_the-holy-family-in-the-room +sketch_and_study,Symbolism,henri-martin_study-for-the-champs-elysees +still_life,Fauvism,maurice-esteve_nature-morte-au-pichet-1942-1 +landscape,Romanticism,ivan-aivazovsky_yalta-1899 +genre_painting,Post_Impressionism,gwen-john_nuns-and-schoolgirls-standing-in-church +landscape,Impressionism,william-merritt-chase_shinnecock-hills-peconic-bay +portrait,Abstract_Expressionism,willem-de-kooning_reclining-man-john-f-kennedy +abstract_painting,Minimalism,ellsworth-kelly_black-variation-iv-from-second-curve-series-1975 +sketch_and_study,Expressionism,paula-modersohn-becker_seated-female-nude-1905 +genre_painting,Expressionism,martiros-saryan_to-the-spring-1909 +abstract_painting,Color_Field_Painting,ellsworth-kelly_blue-and-red-from-the-series-line-form-color-1951 +genre_painting,Baroque,adriaen-brouwer_village-barbershop +sketch_and_study,Art_Nouveau_Modern,nicholas-roerich_study-to-conquest-of-kazan +still_life,Art_Nouveau_Modern,koloman-moser_fruit-bowl-with-three-red-and-yellow-pears +still_life,Realism,henri-fantin-latour_still-life-chrysanthemums-and-grapes-1872 +genre_painting,Realism,alexey-venetsianov_shelling-of-beet +still_life,Realism,edouard-manet_still-life-fruits-on-a-table-1864(1) +religious_painting,Northern_Renaissance,hans-baldung_the-holy-family-with-saint-anne-and-saint-joachim-gravure-sur-bois-vers-realisee-1510-1511-1511 +portrait,Romanticism,john-hoppner_portrait-of-louisa-lane-1782 +sketch_and_study,High_Renaissance,leonardo-da-vinci_design-for-a-flying-machine-1 +religious_painting,Baroque,peter-paul-rubens_descent-from-the-cross-outside-right-1614 +illustration,Romanticism,gustave-dore_purgatorio +portrait,Romanticism,karl-bryullov_portrait-of-v-v-samoilov +religious_painting,Early_Renaissance,sandro-botticelli_adoration-of-the-magi-1467(1) +landscape,Expressionism,lovis-corinth_the-walchensee-silberweg-1923 +nude_painting,Expressionism,irma-stern_bathers-1965 +religious_painting,Romanticism,jean-leon-gerome_moses-on-mount-sinai-1900 +genre_painting,Ukiyo_e,utagawa-kuniyoshi_paragons-of-filial-piety +sketch_and_study,Realism,ivan-shishkin_river-floods-such-as-seas-1890 +abstract_painting,Color_Field_Painting,gene-davis_green-glow-1958 +portrait,Impressionism,julian-alden-weir_face-reflected-in-a-mirror-1896 +religious_painting,Northern_Renaissance,gerard-david_the-virgin-and-child-in-a-landscape +abstract_painting,Abstract_Expressionism,helen-frankenthaler_blue-form-in-a-scene-1961 +religious_painting,Northern_Renaissance,jean-fouquet_descent-of-the-holy-ghost-upon-the-faithful-1460 +cityscape,Impressionism,octav-angheluta_tomis-market-1975 +religious_painting,Romanticism,sir-lawrence-alma-tadema_death-of-the-pharaoh-firstborn-son-1872 +religious_painting,Baroque,peter-paul-rubens_lament-of-christ-1614 +abstract_painting,Abstract_Expressionism,clyfford-still_1944-g-1944 +landscape,Impressionism,camille-pissarro_the-dunes-at-knokke +landscape,Impressionism,claude-monet_charing-cross-bridge-3-1901 +landscape,Post_Impressionism,gustave-loiseau_fog-morning-effect-1917 +religious_painting,Mannerism_Late_Renaissance,maerten-van-heemskerck_gideon-adam-and-eve +still_life,Realism,pyotr-konchalovsky_still-life-pantry-1934 +abstract_painting,Abstract_Expressionism,mark-tobey_louvre-1961 +portrait,Impressionism,mary-cassatt_women-admiring-a-child-1897 +religious_painting,Baroque,jacob-jordaens_susanna-and-the-elders +illustration,Art_Nouveau_Modern,aubrey-beardsley_the-mirror-of-love +still_life,Impressionism,pierre-auguste-renoir_still-life-with-strawberries-2 +religious_painting,Mannerism_Late_Renaissance,jacopo-pontormo_madonna-angels-and-saints-1518 +abstract_painting,Minimalism,yves-gaucher_untitled-1981 +abstract_painting,Abstract_Expressionism,mark-rothko_no-1 +portrait,Northern_Renaissance,hans-holbein-the-younger_dorothea-kannengiesser-1516 +portrait,Symbolism,odilon-redon_man-s-head +still_life,Impressionism,frederic-bazille_soup-bowl-covers +cityscape,Naive_Art_Primitivism,jules-lefranc_la-maison-du-po-te +genre_painting,Post_Impressionism,maurice-prendergast_north-shore-3-massachusetts +portrait,Post_Impressionism,anita-malfatti_mulher-do-par-no-balc-o-1927 +portrait,Romanticism,vasily-tropinin_bulakhov-peter-1823 +landscape,Impressionism,claude-monet_valley-of-the-creuse-sunset +abstract_painting,Abstract_Expressionism,john-mccracken_untitled-1983 +religious_painting,Early_Renaissance,piero-della-francesca_meeting-between-the-queen-of-sheba-and-king-solomon(1) +genre_painting,Northern_Renaissance,albrecht-durer_astronomer-1500 +nude_painting,Expressionism,pablo-picasso_crouching-female-nude-1956 +illustration,Symbolism,harry-clarke_the-year-s-at-the-spring-1920-37 +portrait,Expressionism,martiros-saryan_jewish-ladies-in-persia-1913 +portrait,Impressionism,joaquã­n-sorolla_clotidle-sitting-on-the-sofa-1910 +religious_painting,Mannerism_Late_Renaissance,parmigianino_deposition +landscape,Baroque,peter-paul-rubens_landscape-with-cows +portrait,Realism,thomas-eakins_painting +religious_painting,Early_Renaissance,piero-della-francesca_the-madonna-del-parto-1460(1) +illustration,Naive_Art_Primitivism,marc-chagall_illustration-for-louis-aragon-s-work-one-who-says-things-without-saying-anything-1976-23 +genre_painting,Impressionism,pierre-auguste-renoir_young-woman-seated-in-a-rowboat +sketch_and_study,Ukiyo_e,katsushika-hokusai_manga +portrait,Impressionism,pierre-auguste-renoir_stephane-mallarme-1892 +landscape,Post_Impressionism,david-burliuk_winter-still-life-1947 +nude_painting,Cubism,pablo-picasso_bather-1908 +sketch_and_study,Impressionism,konstantin-korovin_harbour-at-marseilles +illustration,Romanticism,gustave-dore_don-quixote-102 +genre_painting,Expressionism,edvard-munch_self-portrait-during-the-eye-disease-i-1930 +genre_painting,Expressionism,albert-bloch_interior +landscape,Impressionism,salvador-dali_view-of-cadaques-from-playa-poal +abstract_painting,Color_Field_Painting,ion-nicodim_unknown-title(12) +landscape,Impressionism,claude-monet_oat-and-poppy-field +sketch_and_study,Northern_Renaissance,albrecht-durer_sitting-mary-with-child +sketch_and_study,Impressionism,peder-severin-kroyer_sketch-to-portrait-of-georg-brandes-1900 +genre_painting,Realism,camille-pissarro_the-harvest +landscape,Symbolism,wilhelm-kotarbinski_evening-star +landscape,Cubism,lyonel-feininger_the-high-shore-1923 +abstract_painting,Abstract_Expressionism,walasse-ting_white-butterflies-sleep-on-a-violet-bed-1970 +illustration,Abstract_Expressionism,henri-matisse_cut-outs-1 +genre_painting,Impressionism,konstantin-korovin_a-boulevard-1902 +genre_painting,Romanticism,theodor-aman_round-dance-at-aninoasa-1890 +landscape,Cubism,paul-cezanne_well-by-the-winding-road-in-the-park-of-chateau-noir +sketch_and_study,Post_Impressionism,vincent-van-gogh_ploughman-in-the-fields-near-arles-1888 +landscape,Realism,aleksey-savrasov_swiss-form-1862 +genre_painting,Art_Nouveau_Modern,carl-larsson_mammas-and-the-small-girls-1897(1) +landscape,Impressionism,claude-monet_the-japanese-bridge-5-1924 +cityscape,Realism,constantin-artachino_street-in-turtucaia +religious_painting,Symbolism,salvador-dali_sponsabo-te-mihi-in-sempiternum-song-of-songs-2-12-1967 +religious_painting,Early_Renaissance,fra-angelico_st-thomas-aquinas-1440 +landscape,Impressionism,rudolf-schweitzer-cumpana_late-winter-in-g +religious_painting,Early_Renaissance,leonardo-da-vinci_madonna-with-a-flower-madonna-benois +sketch_and_study,Rococo,maurice-quentin-de-la-tour_study-to-the-portrait-of-jean-le-rond-d-alembert +portrait,Pop_Art,peter-blake_pretty-boy-michaelangelo-1972 +cityscape,Post_Impressionism,edouard-cortes_view-of-notre-dame +landscape,Impressionism,claude-monet_seacoast-at-saint-adresse-sunset +genre_painting,Pointillism,paul-signac_the-velodrome-1899 +portrait,Rococo,allan-ramsay_portrait-of-elizabeth-gunning-duchess-of-argyll +portrait,Symbolism,odilon-redon_portrait-of-mademoiselle-jeanne-roberte-de-domecy-1905 +portrait,Post_Impressionism,bertalan-por_the-family-1909 +portrait,Rococo,jean-marc-nattier_madame-de-la-porte-1754 +abstract_painting,Abstract_Expressionism,frank-lobdell_untitled-1971 +genre_painting,Baroque,adriaen-van-ostade_quarrel +religious_painting,Northern_Renaissance,lucas-cranach-the-elder_albert-cardinal-elector-of-mainz-at-the-foot-of-the-cross-1520 +landscape,Post_Impressionism,henri-matisse_the-path-in-the-bois-de-boulogne-1902 +portrait,Northern_Renaissance,lucas-cranach-the-elder_martin-luther-1526-1 +portrait,Northern_Renaissance,albrecht-durer_erin-nuremberg-and-venetian +landscape,Romanticism,ivan-aivazovsky_sunset-at-sea-1853 +still_life,Post_Impressionism,ion-pacea_still-life-with-fruit-stand-book-and-fruit +still_life,Synthetic_Cubism,juan-gris_the-packet-of-tobacco-1916 +portrait,Realism,giovanni-boldini_self-portrait-1911 +landscape,Ukiyo_e,katsushika-hokusai_tea-house-at-koishikawa-the-morning-after-a-snowfall +cityscape,Cubism,lyonel-feininger_gelmeroda-xiii-1936 +portrait,Romanticism,miklos-barabas_the-family-d-genfeld-1854 +religious_painting,Early_Renaissance,giovanni-bellini_madonna-with-child +sketch_and_study,Post_Impressionism,vincent-van-gogh_sketch-of-clouds-with-colour-annotations-1890 +cityscape,Realism,vasily-sadovnikov_view-of-the-passazh-department-store-in-1848-1848 +landscape,Romanticism,john-constable_view-on-the-stour +genre_painting,Cubism,pablo-picasso_figure-with-fruit-dish +illustration,Realism,n.c.-wyeth_one-more-step-mr-hands-said-i-and-i-ll-blow-your-brains-out +cityscape,Symbolism,konstantin-bogaevsky_mariupol-port-and-plant +cityscape,Naive_Art_Primitivism,jules-lefranc_morlaix-brume-matinale-1943 +portrait,Expressionism,pyotr-konchalovsky_portrait-of-pyotr-konchalovsky-the-son-of-the-artist-1926 +sketch_and_study,Realism,vasily-surikov_wanderer-1886 +nude_painting,Post_Impressionism,moise-kisling_not-identified-31 +landscape,Realism,aleksey-savrasov_novodevichy-convent-1890 +abstract_painting,Expressionism,ramon-oviedo_forma-herida +landscape,Impressionism,frits-thaulow_an-orchard-on-the-banks-of-a-river +landscape,Expressionism,chaim-soutine_midday-landscape +genre_painting,Romanticism,karl-bryullov_at-noon-1852(1) +religious_painting,Ukiyo_e,hiroshige_pilgrimage-to-the-cave-shrine-of-benzaiten +landscape,Romanticism,ivan-aivazovsky_night-near-yalta-1866 +genre_painting,Baroque,jacob-jordaens_servant-with-a-fruit-basket-and-a-pair-of-lovers +genre_painting,Post_Impressionism,henri-de-toulouse-lautrec_woman-at-her-toil-1896 +portrait,Impressionism,pierre-auguste-renoir_camille-monet-reading-1872 +illustration,Abstract_Expressionism,henri-matisse_cut-outs +genre_painting,Symbolism,konstantin-somov_courtesans +landscape,Naive_Art_Primitivism,grandma-moses_let-me-help +genre_painting,Romanticism,adolphe-joseph-thomas-monticelli_oriental-scene-1876 +genre_painting,Baroque,jan-steen_argument-over-a-card-game +cityscape,Art_Nouveau_Modern,konstantin-korovin_red-square-in-moscow-1910 +cityscape,Impressionism,claude-monet_the-havre-the-bassin-trade +portrait,Northern_Renaissance,lucas-cranach-the-elder_johann-friedrich-von-sachsen-1532 +portrait,Impressionism,mary-cassatt_portrait-of-margaret-milligan-sloan-no-2-1893 +religious_painting,High_Renaissance,correggio_the-adoration-of-the-magi-1518(2) +genre_painting,Expressionism,zinaida-serebriakova_market-marrakesh-1928 +portrait,Impressionism,william-merritt-chase_portrait-of-president-william-waugh-smith +genre_painting,Expressionism,david-alfaro-siqueiros_portrait-of-a-dead-child-1931 +portrait,Baroque,rembrandt_portrait-of-an-old-man-in-red-1654 +landscape,Impressionism,konstantin-korovin_st-triphon-s-brook-in-pechenega +religious_painting,Northern_Renaissance,albrecht-durer_last-supper-1510 +abstract_painting,Pop_Art,aldo-mondino_bela-balans-1965 +portrait,Baroque,agostino-carracci_portrait-of-a-lutenist-portrait-of-the-musician-orazio-bassani +religious_painting,Symbolism,gustave-moreau_the-song-of-songs-1893 +portrait,Romanticism,orest-kiprensky_portrait-of-the-princess-a-scherbatova-1808 +landscape,Impressionism,claude-monet_the-route-a-vetheuil +sketch_and_study,Realism,boris-kustodiev_seated-model-1898 +landscape,Naive_Art_Primitivism,david-burliuk_landscape-in-new-mexico-1942 +cityscape,Impressionism,camille-pissarro_afternoon-the-dunquesne-basin-dieppe-low-tide-1902 +abstract_painting,Color_Field_Painting,sam-francis_untitled-1990-3 +landscape,Post_Impressionism,vincent-van-gogh_blossoming-chestnut-branches-1890(1) +portrait,Realism,mihaly-munkacsy_teacher-1882 +sketch_and_study,Realism,valentin-serov_portrait-of-a-p-nurok-1899 +genre_painting,Expressionism,edvard-munch_horse-team-1919 +portrait,Naive_Art_Primitivism,camille-bombois_the-athlete-1920 +cityscape,Impressionism,antoine-blanchard_place-de-la-concorde-2 +sketch_and_study,Realism,vincent-van-gogh_peasant-seen-from-the-back-and-three-hands-holding-a-stick-1885 +landscape,Impressionism,claude-monet_the-japanese-bridge-the-water-lily-pond-symphony-in-rose +abstract_painting,Abstract_Expressionism,sam-francis_chinese-wall-l-l101-sf-87-1969 +portrait,Expressionism,paula-modersohn-becker_head-of-a-peasant-woman +religious_painting,Baroque,bartolome-esteban-murillo_angel-with-the-instruments-of-whipping-1660 +landscape,Impressionism,charles-reiffel_in-the-banner-valley +genre_painting,Realism,jacek-malczewski_student +cityscape,Realism,m.c.-escher_not_detected_204701 +landscape,Realism,vasily-polenov_burdocks +abstract_painting,Color_Field_Painting,theodoros-stamos_white-sun-box-1966 +genre_painting,Expressionism,henri-matisse_dance-ii-1910 +landscape,Impressionism,pierre-auguste-renoir_garden-in-the-rue-cortot-1876 +landscape,Cubism,paul-klee_pious-northern-landscape-1917(1) +landscape,Realism,ivan-shishkin_deciduous-forest +landscape,Expressionism,jean-paul-lemieux_traverse-d-hiver-1964 +abstract_painting,Color_Field_Painting,richard-diebenkorn_ocean-park-no-28 +genre_painting,Naive_Art_Primitivism,niko-pirosmani_shamil-with-a-bodyguard +cityscape,Realism,camille-pissarro_the-road-of-versailles +portrait,Post_Impressionism,moise-kisling_sonia(1) +religious_painting,Northern_Renaissance,lucas-cranach-the-elder_the-martyrdom-of-st-barbara +sketch_and_study,Baroque,rembrandt_three-women-and-a-child-at-the-door +still_life,Expressionism,henri-matisse_red-fish-and-a-sculpture-1911 +genre_painting,Post_Impressionism,paul-gauguin_woman-holding-a-fruit-1893 +genre_painting,Impressionism,edgar-degas_before-the-race-1882 +abstract_painting,Color_Field_Painting,anne-appleby_crocus-2012 +cityscape,Post_Impressionism,vincent-van-gogh_belvedere-overlooking-montmartre-1886(1) +nude_painting,Expressionism,henri-matisse_a-nude-lying-on-her-back-1927 +portrait,Realism,james-tissot_algeron-moses-marsden +genre_painting,Impressionism,lucian-grigorescu_chibi-i-n-ci-migiu +landscape,Impressionism,john-henry-twachtman_landscape-5 +genre_painting,Romanticism,alexander-orlowski_convicts-under-escort-1815 +religious_painting,High_Renaissance,raphael_madonna-in-the-meadow-1506 +illustration,Symbolism,harry-clarke_the-year-s-at-the-spring-1920-30 +landscape,Impressionism,claude-monet_the-fonds-at-varengeville +cityscape,Symbolism,nicholas-roerich_silhouette-1924 +portrait,Rococo,antoine-pesne_portrait-of-frederick-ii +genre_painting,Impressionism,konstantin-korovin_in-a-room-1886 +portrait,Impressionism,edouard-manet_nana-1877 +cityscape,Impressionism,maurice-prendergast_street-scene-1894 +portrait,Rococo,louise-elisabeth-vigee-le-brun_queen-marie-antoinette-of-france-1783 +sketch_and_study,Romanticism,eugene-delacroix_christ-on-the-cross-1856(1) +landscape,Post_Impressionism,paul-gauguin_seascape-with-cow-on-the-edge-of-a-cliff-1888 +religious_painting,High_Renaissance,giovanni-bellini_madonna-and-child-1510 +genre_painting,New_Realism,edward-hopper_apartment-houses +abstract_painting,Color_Field_Painting,helen-frankenthaler_reflections-viii-1995 +portrait,Mannerism_Late_Renaissance,lavinia-fontana_self-portrait-at-the-clavichord-with-a-servant-1577 +religious_painting,Baroque,caravaggio_saint-jerome-writing +religious_painting,Art_Nouveau_Modern,nicholas-roerich_saint-boris-and-saint-gleb +religious_painting,High_Renaissance,correggio_madonna-and-child-with-angels(2) +abstract_painting,Color_Field_Painting,anne-truitt_untitled-no-11-1983 +nude_painting,Post_Impressionism,vincent-van-gogh_female-nude-standing-1886(1) +genre_painting,Naive_Art_Primitivism,edith-vonnegut_rip-tide +sketch_and_study,Realism,vincent-van-gogh_head-of-a-man-with-cap-1885(1) +portrait,Impressionism,pierre-auguste-renoir_young-woman-with-a-veil-1877 +landscape,Impressionism,fern-coppedge_lumberville-cottage +portrait,Northern_Renaissance,albrecht-durer_portrait-of-a-man-1521 +portrait,Realism,ilya-repin_portrait-of-the-singer-alexandra-molas-1883 +landscape,Abstract_Expressionism,wu-guanzhong_unknown-title +portrait,Impressionism,pierre-auguste-renoir_seated-child-in-a-blue-dress-1889 +cityscape,Post_Impressionism,aristarkh-lentulov_street-moscow-1910 +genre_painting,Expressionism,albert-bloch_duel-1912 +portrait,Impressionism,edgar-degas_henri-rouart-and-his-daughter-helene-1872 +genre_painting,Impressionism,childe-hassam_hassam-childe-grand-prix-day-sun +genre_painting,Realism,vincent-van-gogh_interior-with-peasant-woman-sewing-1885-4 +genre_painting,Realism,anders-zorn_a-swedish-madonna-1900 +nude_painting,Impressionism,pierre-auguste-renoir_women-bathing +portrait,Expressionism,martiros-saryan_my-family-1929 +genre_painting,Art_Nouveau_Modern,konstantin-somov_rest-after-a-walk +portrait,Rococo,dmitry-levitzky_portrait-of-n-y-levitzkaya-artist-s-wife +genre_painting,Realism,gustave-courbet_the-meeting-bonjour-monsieur-courbet-1854 +cityscape,Impressionism,claude-monet_the-cour-d-albane-grey-weather +portrait,Northern_Renaissance,rogier-van-der-weyden_portrait-of-philippe-le-bon-1450(1) +genre_painting,Impressionism,childe-hassam_washington-arch-spring +portrait,Rococo,dmitry-levitzky_portrait-of-suvorov +portrait,Art_Nouveau_Modern,richard-gerstl_mathilde-schoenberg-1907 +landscape,Contemporary_Realism,jamie-wyeth_island-church-1969 +landscape,Impressionism,claude-monet_the-house-at-giverny-viewed-from-the-rose-garden-1924 +portrait,Art_Nouveau_Modern,raphael-kirchner_friolerie-1916 +landscape,Impressionism,william-merritt-chase_shore-scene +cityscape,Impressionism,gustave-caillebotte_meaux-effect-of-sunlight-on-the-old-chapterhouse +genre_painting,Symbolism,serge-sudeikin_lovers-under-the-moon-1910 +landscape,Post_Impressionism,oleksandr-bogomazov_landscape-with-the-house-with-red-roof-1911 +abstract_painting,Abstract_Expressionism,kenzo-okada_eventail-1945 +portrait,Rococo,dmitry-levitzky_portrait-of-gubarev-1788 +genre_painting,Impressionism,pierre-auguste-renoir_beaulieu-1890 +genre_painting,Romanticism,george-stubbs_the-hunters-leave-southill-1768 +portrait,Post_Impressionism,pyotr-konchalovsky_katya-at-a-chair-1932 +abstract_painting,Color_Field_Painting,ron-gorchov_ulysses-1979 +illustration,Art_Nouveau_Modern,aubrey-beardsley_the-black-cape-1894 +portrait,Rococo,giovanni-domenico-tiepolo_head-of-a-scholar +religious_painting,Rococo,francois-boucher_st-peter-invited-to-walk-on-the-water-1766 +sketch_and_study,Baroque,rembrandt_a-man-with-a-large-beard-and-a-low-fur-cap-1631 +portrait,Realism,john-singer-sargent_sir-david-richmond-1 +still_life,Cubism,pablo-picasso_still-life-with-class-and-an-apple-1914 +religious_painting,Baroque,peter-paul-rubens_the-three-crosses +sketch_and_study,Post_Impressionism,vincent-van-gogh_mask-of-an-egyptian-mummy-2-1889 +religious_painting,Symbolism,mikhail-nesterov_venerable-sergius-of-radonezh-1899 +abstract_painting,Minimalism,lee-ufan_untitled +cityscape,Impressionism,claude-monet_the-grand-canal-02 +portrait,Post_Impressionism,kazimir-malevich_portrait-of-artist-s-daughter-1934 +still_life,Realism,constantin-stahi_still-life-1916 +cityscape,Expressionism,jean-david_peace-dove-over-jerusalem +portrait,Rococo,vladimir-borovikovsky_portrait-of-olga-filippova-kuzminichna +landscape,Symbolism,nicholas-roerich_kangchenjunga-1924 +portrait,Impressionism,pierre-auguste-renoir_head-of-a-child-edmond-renoir +portrait,Romanticism,domingos-sequeira_retrato-de-d-jo-o-vi +landscape,Symbolism,kimon-loghi_autumn-1 +landscape,Post_Impressionism,paul-gauguin_palm-trees-on-martinique-1887 +portrait,Rococo,carl-ludwig-johann-christineck_alexander-mordvinov-1771 +religious_painting,Symbolism,salvador-dali_iosephet-fratres-in-aegypto-1967 +religious_painting,Early_Renaissance,sandro-botticelli_madonna-of-the-rosegarden-1470(1) +abstract_painting,Color_Field_Painting,morris-louis_blue-column-1960 +landscape,Realism,ivan-shishkin_landscape-with-stump-1892 +religious_painting,Baroque,jacob-jordaens_the-veneration-of-the-eucharist +portrait,Art_Nouveau_Modern,henri-de-toulouse-lautrec_marcelle-lender-1895 +genre_painting,Pop_Art,patrick-procktor_hangchow-1980 +abstract_painting,Color_Field_Painting,morris-louis_delta-lambda-1961 +landscape,Impressionism,john-henry-twachtman_the-artist-s-house-through-the-trees-also-known-as-autumn-afternoon +sketch_and_study,Rococo,maurice-quentin-de-la-tour_study-for-portrait-of-unknown-man-5 +portrait,Realism,nikolay-bogdanov-belsky_portrait-of-a-lady-in-chair +sketch_and_study,Post_Impressionism,vincent-van-gogh_garden-with-flowers-1888(1) +abstract_painting,Expressionism,ilka-gedo_jardin-des-plantes-paris-1980 +religious_painting,Early_Renaissance,paolo-uccello_st-francis +portrait,Impressionism,nicolae-vermont_woman-with-red-umbrella-1889 +abstract_painting,Minimalism,joao-vieira_vi-va-de-man-ray-negra-1981 +religious_painting,Mannerism_Late_Renaissance,tintoretto_deposition +nude_painting,Impressionism,pierre-auguste-renoir_the-bather +sketch_and_study,Romanticism,dante-gabriel-rossetti_jane-morris-1860 +landscape,Realism,ivan-kramskoy_in-the-grove-of-medon-near-paris-1876 +landscape,Symbolism,nicholas-roerich_sanctuaries-and-citadels-1925-7 +landscape,Post_Impressionism,vincent-van-gogh_harvest-landscape-1888(1) +genre_painting,Art_Nouveau_Modern,sergey-solomko_seducer +portrait,Realism,salvador-dali_portrait-of-mrs-reeves +illustration,Symbolism,harry-clarke_tales-of-mystery-and-imagination-by-edgar-allan-poe-1923-19 +religious_painting,Northern_Renaissance,albrecht-durer_christ-appears-to-mary-magdalene-1511 +portrait,Baroque,peter-paul-rubens_portrait-of-helene-fourment-with-gloves +landscape,Post_Impressionism,vincent-van-gogh_thatched-houses-against-a-hill-1890 +portrait,Realism,vasily-surikov_the-model-in-the-ancient-russian-costume-1882 +landscape,Art_Nouveau_Modern,nicholas-roerich_ancient-life-1904 +genre_painting,Romanticism,alexander-orlowski_cossack-fighting-off-a-tiger-1811 +religious_painting,Romanticism,francisco-goya_st-francis-borgia-helping-a-dying-impenitent-1795 +religious_painting,Mannerism_Late_Renaissance,agnolo-bronzino_saint-john-the-baptist-1553 +landscape,Romanticism,caspar-david-friedrich_wc-cross-in-the-mountains-tetschen-altar-1808-1808-new-masters-gallery-dresden-height0-115-cm +cityscape,Post_Impressionism,raoul-dufy_gallant-green-1926 +abstract_painting,Abstract_Expressionism,willem-de-kooning_figure-at-gerard-beach +landscape,Romanticism,thomas-cole_an-italian-autumn-1844 +portrait,Post_Impressionism,auguste-herbin_portrait-of-a-man +landscape,Ukiyo_e,katsushika-hokusai_fuji-blue +landscape,Post_Impressionism,vincent-van-gogh_the-house-of-pere-eloi-1890 +cityscape,Art_Nouveau_Modern,boris-kustodiev_autumn-festivities-1922 +genre_painting,Baroque,adriaen-van-ostade_peasants-drinking-and-making-music-in-a-barn +landscape,Impressionism,claude-monet_cliff-near-pourville +portrait,Impressionism,camille-pissarro_portrait-of-paulemile +cityscape,Fauvism,andre-derain_charing-cross-bridge +portrait,Romanticism,john-hoppner_william-boteler +portrait,Impressionism,berthe-morisot_portrait-of-julie +portrait,Baroque,anthony-van-dyck_portrait-of-frederik-hendrik-1632 +religious_painting,Mannerism_Late_Renaissance,gregorio-lopes_assun-o-da-virgem-ladeada-de-anjos-m-sicos +sketch_and_study,Realism,isaac-levitan_before-the-thunderstorm-1893 +genre_painting,New_Realism,george-luks_bleeker-and-carmine-streets +religious_painting,High_Renaissance,titian_christ-carrying-the-cross-1507 +portrait,Realism,william-adolphe-bouguereau_in-penitence-1895 +religious_painting,Baroque,agostino-carracci_the-penitent-magdalen +landscape,Cubism,paul-cezanne_bibemus-quarry-1 +landscape,Contemporary_Realism,neil-welliver_high-water-mark +genre_painting,Romanticism,karl-bodmer_indians-hunting-the-bison-right-1832 +portrait,Mannerism_Late_Renaissance,piero-di-cosimo_a-woman +landscape,Contemporary_Realism,fairfield-porter_wild-roses-1961 +nude_painting,Expressionism,egon-schiele_two-friends-1912 +landscape,Realism,isaac-levitan_the-lake-barns-at-the-edge-of-forest-1899 +portrait,Romanticism,domingos-sequeira_retrato-equestre-de-jo-o-v-de-portugal-1803 +portrait,Impressionism,eva-gonzales_the-indolence +landscape,Expressionism,balthus_gotteron-1943 +landscape,Romanticism,karl-bryullov_village-of-san-rocco-near-the-town-of-corfu +landscape,Naive_Art_Primitivism,david-burliuk_miami-beach +landscape,Post_Impressionism,pyotr-konchalovsky_abramtsevo-landscape-with-carpentry-1911 +religious_painting,Romanticism,paul-cezanne_the-temptation-of-st-anthony +portrait,Impressionism,arthur-verona_in-the-garden-with-flowers +genre_painting,Expressionism,arturo-souto_galician-scene-1962 +landscape,Impressionism,childe-hassam_sunlight-on-an-old-house-putnam +genre_painting,Impressionism,joaquã­n-sorolla_the-white-boat-javea-1905 +landscape,Symbolism,martiros-saryan_armenia-1926 +landscape,Contemporary_Realism,jamie-wyeth_submerged-1975 +landscape,Symbolism,nicholas-roerich_himalayas-monastery +sketch_and_study,Art_Nouveau_Modern,nicholas-roerich_study-of-decoration +landscape,Post_Impressionism,pyotr-konchalovsky_peterhof-palace-1931 +nude_painting,Expressionism,balthus_getting-up-1955 +abstract_painting,Minimalism,alvaro-lapa_o-casamento-1967 +religious_painting,High_Renaissance,raphael_st-paul-preaching-at-athens-cartoon-for-the-sistine-chapel +landscape,Realism,isaac-levitan_sunset-forest-edge-1900 +religious_painting,Symbolism,odilon-redon_apparition +illustration,Romanticism,gustave-dore_don-quixote-37 +cityscape,Expressionism,august-macke_our-street-with-horse-riding-bonn +landscape,Impressionism,roger-fry_bridge-over-the-allier-1933 +portrait,Expressionism,amedeo-modigliani_a-woman-with-white-collar-1916 +genre_painting,Impressionism,edgar-degas_dancers-3 +portrait,Realism,kazimir-malevich_portrait-of-a-record-setter-in-work-productivity-1932-1 +nude_painting,Expressionism,lucian-freud_kate-moss +portrait,Realism,gustav-klimt_portrait-of-marie-breunig +landscape,Realism,ivan-shishkin_oaks-in-old-peterhof-1891 +religious_painting,High_Renaissance,vittore-carpaccio_st-stephen-is-consecrated-deacon +genre_painting,Impressionism,edgar-degas_woman-brushing-her-hair +portrait,Pointillism,theo-van-rysselberghe_portrait-of-madame-van-rysselberghe-1891 +nude_painting,Fauvism,ilya-mashkov_nude +portrait,Impressionism,pierre-auguste-renoir_pensive-young-woman-leaning-on-her-elbow +landscape,Expressionism,ligia-macovei_unknown-title-18 +religious_painting,Baroque,rembrandt_the-holy-family-with-a-cat-1654 +still_life,Synthetic_Cubism,georges-braque_the-clarinet-tenora-1913 +portrait,Baroque,joseph-wright_mrs-francis-hurt +portrait,Rococo,joshua-reynolds_samuel-johnson-1757 +cityscape,Realism,camille-corot_the-arch-of-constantine-and-the-forum-rome-1843 +landscape,Impressionism,eugene-boudin_entrance-to-the-port-of-saint-valery-sur-somme-1891 +still_life,Impressionism,pierre-auguste-renoir_apples-and-flowers-1896 +portrait,Romanticism,jan-matejko_john-casimir +sketch_and_study,Symbolism,gustave-moreau_abstract-study +genre_painting,Impressionism,zinaida-serebriakova_in-the-studio-braz-france-1906 +religious_painting,Early_Renaissance,paolo-uccello_scene-adoration-of-the-three-kings-1440 +landscape,Impressionism,camille-pissarro_flowering-plum-trees +landscape,Contemporary_Realism,john-miller_beach(1) +portrait,Realism,john-singer-sargent_beatriice-goelet-1890 +cityscape,Rococo,canaletto_the-thames-and-the-city-of-london-from-richmond-house-1746 +portrait,Cubism,fernand-leger_the-kneeling-woman-1934 +cityscape,Expressionism,mstislav-dobuzhinsky_glassmakers-street-in-vilno-1906 +portrait,Romanticism,jan-matejko_augustus-iii-of-poland +portrait,Rococo,jean-honore-fragonard_portrait-of-the-abbot-of-saint-non-1769 +genre_painting,Impressionism,nikolay-bogdanov-belsky_teacher-s-birthday-1 +sketch_and_study,Realism,isaac-levitan_aft-part-of-barge +illustration,Realism,valentin-serov_quartet +sketch_and_study,Rococo,jean-honore-fragonard_pasha +landscape,Impressionism,pericles-pantazis_summer-day-at-the-river +abstract_painting,Pop_Art,claudio-tozzi_expan-es-organicas-1993 +abstract_painting,Color_Field_Painting,paul-reed_interchange-xx-1967 +religious_painting,Naive_Art_Primitivism,marc-chagall_jeremiah-1980 +nude_painting,Cubism,pablo-picasso_seated-woman-1908 +genre_painting,Expressionism,pablo-picasso_boy-leading-a-horse-1906 +genre_painting,Realism,vincent-van-gogh_sower-after-millet-1881 +still_life,Fauvism,rufino-tamayo_watermelons +portrait,Impressionism,giovanni-boldini_portrait-of-countess-de-leusse +landscape,Symbolism,nicholas-roerich_chenrezig-1932 +nude_painting,Post_Impressionism,paul-cezanne_nude-woman-standing-1899 +sketch_and_study,High_Renaissance,leonardo-da-vinci_study-of-horses +abstract_painting,Abstract_Expressionism,paul-reed_16j-1963 +still_life,Expressionism,andre-derain_the-still-life-in-front-of-cross-on-top-of-the-mountain-1912 +cityscape,Realism,volodymyr-orlovsky_the-city-pozzuoli-near-naples-1876 +still_life,Pop_Art,roy-lichtenstein_hot-dog-1964 +landscape,Realism,aleksey-savrasov_mountain-lake-switzerland-1864 +genre_painting,Realism,james-tissot_the-prodigal-son-in-modern-life-the-departure-1880 +landscape,Symbolism,nicholas-roerich_yurtas-1931 +genre_painting,Expressionism,pablo-picasso_the-absinthe-drinker-1901 +portrait,Impressionism,philip-wilson-steer_what-of-the-war +sketch_and_study,High_Renaissance,leonardo-da-vinci_coition-of-a-hemisected-man-and-woman +cityscape,Romanticism,jan-matejko_armenian-cathedral +nude_painting,Impressionism,pierre-auguste-renoir_bather-is-styling-1890 +abstract_painting,Color_Field_Painting,gene-davis_black-panther-1970 +landscape,Symbolism,nicholas-roerich_rocks-of-ladakh-1932 +religious_painting,Romanticism,gustave-dore_jeremiah-preaching-to-his-followers +genre_painting,Impressionism,joaquã­n-sorolla_maria-at-la-granja-1907 +landscape,Realism,ivan-shishkin_bench-at-the-mall-1872 +landscape,Post_Impressionism,vincent-van-gogh_poppies-and-butterflies-1890 +landscape,Impressionism,claude-monet_cliff-near-dieppe-2-1 +religious_painting,Northern_Renaissance,albrecht-altdorfer_the-beautiful-virgin-of-regensburg-1520 +still_life,Cubism,ben-nicholson_feb-2-54-1954 +cityscape,Post_Impressionism,paul-gauguin_schooner-and-three-masters-1886 +genre_painting,Impressionism,eugene-boudin_laundresses-on-the-banks-of-the-touques-the-effect-of-fog +portrait,Realism,vasily-tropinin_yelena-schepkin +genre_painting,Impressionism,childe-hassam_twenty-six-of-june-old-lyme +abstract_painting,Abstract_Expressionism,norman-bluhm_eudocia-1967 +portrait,Impressionism,pierre-auguste-renoir_the-clown-claude-ranoir-in-clown-costume-1909 +religious_painting,Realism,ilya-repin_christ-with-a-bowl-1894 +genre_painting,Expressionism,kathe-kollwitz_not_detected_235968 +genre_painting,Post_Impressionism,karoly-ferenczy_archaeology-1896 +religious_painting,Early_Renaissance,pietro-perugino_st-sebastian-1490 +landscape,Impressionism,adam-baltatu_view-towards-balcic +portrait,Cubism,lajos-tihanyi_portrait-of-tristan-tzara-1927 +abstract_painting,Color_Field_Painting,barnett-newman_vir-heroicus-sublimis-1951 +still_life,Post_Impressionism,auguste-herbin_flowers-1906 +portrait,Realism,ilya-repin_portrait-of-ivan-ivanovich-shamshin-1902 +genre_painting,Symbolism,pablo-picasso_mother-and-child-1902 +portrait,Realism,martiros-saryan_portrait-of-a-doctor-1943 +nude_painting,Expressionism,richard-diebenkorn_seated-nude-black-background-1961 +portrait,Realism,thomas-eakins_portrait-of-dr-horatio-c-wood +genre_painting,Baroque,rembrandt_the-strolling-musicians-1635 +landscape,Impressionism,henri-matisse_savoy-alps-1901 +landscape,Impressionism,alfred-sisley_the-terrace-at-saint-germain-spring-1875 +genre_painting,Impressionism,edgar-degas_the-trainers +abstract_painting,Abstract_Expressionism,joan-miro_not_detected_227960 +abstract_painting,Color_Field_Painting,edward-avedisian_untitled-1969-1 +landscape,Post_Impressionism,vincent-van-gogh_peach-trees-in-blossom-1888 +portrait,Expressionism,paula-modersohn-becker_head-of-a-little-girl-elsbeth-1902 +genre_painting,Realism,vincent-van-gogh_peasant-sitting-by-the-fireplace-worn-out-1881-1 +genre_painting,Realism,vladimir-makovsky_boys-in-the-field +nude_painting,Expressionism,spyros-papaloukas_nude-1917 +portrait,Impressionism,edgar-degas_madame-camus-with-a-fan-1870 +sketch_and_study,High_Renaissance,michelangelo_sketch-of-fortifications-of-porta-del-prato-in-florence-ground-floor-plan +sketch_and_study,Naive_Art_Primitivism,marc-chagall_promised-land-1985 +genre_painting,Post_Impressionism,maurice-prendergast_summer-in-the-park +still_life,Art_Nouveau_Modern,boris-kustodiev_still-life-with-pheasant-1914 +portrait,Rococo,louise-elisabeth-vigee-le-brun_princess-louise-of-prussia-1801-1 +genre_painting,Art_Nouveau_Modern,wilhelm-kotarbinski_playing-chess +religious_painting,Northern_Renaissance,konrad-witz_joachim-and-anna-in-front-of-the-golden-gate-1435 +portrait,Post_Impressionism,paul-serusier_portrait-of-marie-lagadu-1889 +portrait,Rococo,vladimir-borovikovsky_darya-alexandrovna-valuev +religious_painting,Northern_Renaissance,lucas-cranach-the-elder_virgin-and-child-with-a-bunch-of-grapes-1510 +portrait,Mannerism_Late_Renaissance,paolo-veronese_boy-with-a-greyhound +religious_painting,Symbolism,odilon-redon_flight-into-egypt +religious_painting,Early_Renaissance,benozzo-gozzoli_procession-of-the-magus-melchior-detail-1461 +portrait,Romanticism,john-hoppner_peter-leopold-nassau-cowper-5th-earl-cowper +cityscape,Realism,frits-thaulow_flooding-by-the-seine +landscape,Art_Nouveau_Modern,lawren-harris_nerke-greenland-1930 +cityscape,Impressionism,claude-monet_boats-in-the-port-of-le-havre-1883 +sketch_and_study,Naive_Art_Primitivism,fernand-leger_the-album-circus-1950-56 +genre_painting,Northern_Renaissance,albrecht-durer_three-peasants-in-conversation-1497 +genre_painting,Baroque,adriaen-brouwer_interior-of-a-tavern +cityscape,Impressionism,joaquã­n-sorolla_view-of-segovia-1906 +portrait,Naive_Art_Primitivism,fernando-botero_man-and-horse +portrait,Expressionism,lucian-freud_the-painter-s-mother-1984-1 +genre_painting,Impressionism,joaquã­n-sorolla_stemming-raisins-javea-1898 +landscape,Symbolism,nicholas-roerich_sared-himalayas-1933 +portrait,Romanticism,francisco-goya_bartholomew-suerda +sketch_and_study,Realism,vincent-van-gogh_peasant-woman-seen-against-the-window-head-and-whole-figure-1885 +portrait,Romanticism,vasily-tropinin_nikolai-nikolajevitj-rajevskij-1842 +landscape,Post_Impressionism,viorel-marginean_the-church +portrait,Pop_Art,robert-silvers_diana +landscape,Romanticism,john-constable_view-of-salisbury-cathedral-from-the-bishop-s-grounds +landscape,Post_Impressionism,vincent-van-gogh_irises-1889 +landscape,Impressionism,claude-monet_the-japanese-bridge-10-1924 +landscape,Symbolism,konstantin-bogaevsky_desert-tale-1903 +portrait,Realism,jules-joseph-lefebvre_portrait-of-julia-foster-ward-1880 +abstract_painting,Minimalism,genevieve-asse_shared-space-2004 +portrait,Romanticism,konstantin-makovsky_niko-dadiani-baby +landscape,Impressionism,eugene-boudin_trouville-le-chemin-de-la-corderie-1878 +landscape,Impressionism,john-singer-sargent_two-wine-glasses-1874 +genre_painting,Expressionism,paula-modersohn-becker_woman-with-goose-1902 +portrait,Realism,vincent-van-gogh_peasant-woman-portrait-of-gordina-de-groot-1885-1 +abstract_painting,Color_Field_Painting,friedel-dzubas_flowering-2-1963 +portrait,Expressionism,victor-brauner_portrait-of-andr-breton-1934 +portrait,Post_Impressionism,irma-stern_portrait-of-a-pondo-woman-1929 +genre_painting,Baroque,rembrandt_a-young-woman-reading-1634 +portrait,Impressionism,berthe-morisot_young-woman-in-white-aka-isabelle-lemmonier +illustration,Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-tale-of-prince-ivan-the-firebird-and-the-grey-wolf-1899(1) +landscape,Pop_Art,peter-max_four-seasons-autumn +landscape,Post_Impressionism,victor-borisov-musatov_hazel-bush-1905 +sketch_and_study,Realism,isaac-levitan_little-village +still_life,Naive_Art_Primitivism,fernando-botero_still-life-with-coffee-pot +illustration,Romanticism,gustave-dore_back-to-the-thicket-slunk-the-guilty-serpent +portrait,Post_Impressionism,vincent-van-gogh_portrait-of-madame-trabuc-1889 +genre_painting,Impressionism,anders-zorn_omnibus-1893 +sketch_and_study,Realism,valentin-serov_portrait-of-l-n-andreev-1907-1 +genre_painting,Cubism,pablo-picasso_las-meninas-velazquez-1957 +portrait,Impressionism,mary-cassatt_girl-ranging-her-hair-1886 +sketch_and_study,Ukiyo_e,katsushika-hokusai_drawing-of-seated-nobleman-in-full-costume +still_life,Expressionism,nicolae-tonitza_vase-with-summer-flowers +portrait,Rococo,maurice-quentin-de-la-tour_jean-charles-garnier-d-isle +portrait,Rococo,joshua-reynolds_portrait-of-charles-turner-sir-william-lowther-joseph-leeson-and-monsieur-huet +nude_painting,Fauvism,raoul-dufy_seated-nude +portrait,Realism,john-singer-sargent_gladys-vanderbilt-1906 +still_life,Cubism,diego-rivera_still-life-1913 +abstract_painting,Abstract_Expressionism,sam-gilliam_stand-1973 +genre_painting,Realism,gustave-courbet_the-huntsman-s-picnic-1858 +landscape,Baroque,annibale-carracci_river-landscape-1590 +genre_painting,Post_Impressionism,vincent-van-gogh_sower-with-setting-sun-1888-3 +landscape,Impressionism,paul-cezanne_view-of-auvers-1873 +genre_painting,Realism,efim-volkov_the-party-in-the-summer-garden +cityscape,Impressionism,vasile-popescu_houses-in-balchik-1933 +portrait,Rococo,joshua-reynolds_emily-duchess-of-leinster +portrait,Rococo,allan-ramsay_portrait-of-archibald-campbell-3rd-duke-of-argyll-1 +portrait,Realism,ferdinand-hodler_the-convalescent +landscape,Post_Impressionism,pyotr-konchalovsky_bridge-in-abramtsevo-1911 +genre_painting,Impressionism,pierre-auguste-renoir_woman-at-the-window-with-a-view-of-nice-1918 +abstract_painting,Abstract_Expressionism,sam-francis_amerika-grey-blue-1952 +illustration,Romanticism,gustave-dore_the-heavenly-bands-down-from-a-sky-of-jasper-lighted-now-in-paradise +genre_painting,Impressionism,mary-cassatt_baby-s-first-cess-1891 +religious_painting,Baroque,bartolome-esteban-murillo_adoration-of-the-shepherds-1 +portrait,Impressionism,john-singer-sargent_capri-girl-1878 +genre_painting,Realism,grigoriy-myasoyedov_zemstvo-is-having-their-lunch-study +genre_painting,Impressionism,camille-pissarro_wanderer-near-the-wood-1887 +landscape,Romanticism,john-constable_the-young-waltonians +portrait,Realism,giovanni-boldini_the-painter-vincenzo-cabianca-1909 +nude_painting,New_Realism,john-french-sloan_nude-terra-cotta-1933 +portrait,Expressionism,chronis-botsoglou_triptych-of-mourning-1998 +landscape,Art_Nouveau_Modern,anna-ostroumova-lebedeva_pine-tree-1902 +abstract_painting,Color_Field_Painting,john-hoyland_untitled-i-1974 +illustration,Art_Nouveau_Modern,koloman-moser_picture-book-for-the-niece-of-ditha-mautner-von-markhof-1904-1 +portrait,Expressionism,gerard-sekoto_the-proud-father-manakedi-naky-on-bernard-sekoto-s-knee-1947 +landscape,Impressionism,alfred-sisley_factory-in-the-flood-bougival-1873 +nude_painting,Expressionism,pablo-picasso_seated-woman-with-her-legs-crossed-1906 +landscape,Realism,aleksey-savrasov_dawn-in-the-desert-1852 +genre_painting,Pointillism,georges-seurat_woman-fishing-and-seated-figures-1884 +abstract_painting,Abstract_Expressionism,joan-mitchell_little-trip-1969 +portrait,Realism,ilya-repin_portrait-of-p-a-stolypin-1910 +still_life,Post_Impressionism,paul-gauguin_apples-in-bowl-1888 +genre_painting,Impressionism,william-james-glackens_the-swing-1913 +portrait,Naive_Art_Primitivism,niko-pirosmani_barrel-organist +genre_painting,Post_Impressionism,paul-cezanne_bathers-1 +portrait,Realism,john-everett-millais_my-first-sermon-1863 +portrait,High_Renaissance,leonardo-da-vinci_the-lady-with-the-ermine-cecilia-gallerani-1496 +abstract_painting,Abstract_Expressionism,sam-francis_untitled-1955 +nude_painting,Pop_Art,ralph-goings_nude-sunburned-backside-1965 +nude_painting,Expressionism,egon-schiele_two-female-nudes-one-reclining-one-kneeling-1912 +sketch_and_study,Impressionism,mary-cassatt_portrait-of-young-girl +cityscape,Impressionism,pablo-picasso_alicante-view-of-boats +landscape,Realism,isaac-levitan_in-the-crimea-mountains-1886-1 +portrait,High_Renaissance,giovanni-antonio-boltraffio_portrait-of-a-lady +genre_painting,Realism,jean-francois-millet_the-angelus-1859 +genre_painting,Baroque,gabriel-metsu_the-poultry-seller +religious_painting,Mannerism_Late_Renaissance,el-greco_apostle-st-thaddeus-jude +religious_painting,Baroque,jacob-jordaens_martyrdom-of-st-quentin +landscape,Pointillism,camille-pissarro_brickworks-at-eragny-1888 +portrait,Realism,ilya-repin_portrait-of-alexander-kerensky-1918 +genre_painting,Art_Nouveau_Modern,boris-kustodiev_fireplace-night-1916 +portrait,Romanticism,orest-kiprensky_portrait-of-an-unknown-man-1811 +landscape,Post_Impressionism,victor-borisov-musatov_garlands-of-cornflowers-1905 +portrait,Pop_Art,leroy-neiman_mike-piazza-2000 +genre_painting,Realism,winslow-homer_the-woodcutter +portrait,Realism,salvador-dali_the-kings-sword +portrait,Expressionism,lucian-freud_head-of-a-boy +genre_painting,Realism,vasily-vereshchagin_in-a-boat-1904 +landscape,Realism,charles-francois-daubigny_washerwomen-on-the-riverbank +landscape,Post_Impressionism,bela-czobel_coastal-view-with-barges-1930 +portrait,Cubism,m.-h.-maxy_portrait-of-tristan-tzara-1924 +portrait,Impressionism,camille-pissarro_poor-john +portrait,Expressionism,jules-pascin_portrait-of-hermine-david-1910 +genre_painting,Expressionism,mark-rothko_underground-fantasy +landscape,Romanticism,marcus-larson_forslandskap-med +cityscape,Impressionism,eugene-boudin_untitled-2 +cityscape,Romanticism,rudolf-von-alt_the-iron-foundry-in-kitschelt-skodagasse-in-vienna-1894 +portrait,Realism,boris-kustodiev_portrait-of-i-ivanova-1926 +genre_painting,Realism,jean-francois-millet_the-nun-s-parrot-1840 +cityscape,Romanticism,ivan-aivazovsky_venice-1842 +religious_painting,Baroque,bartolome-esteban-murillo_chasuble-of-st-ildefonso-1660 +illustration,Art_Nouveau_Modern,aubrey-beardsley_lysistrata-defending-the-acropolis-1896 +sketch_and_study,Realism,vincent-van-gogh_garbage-dump-1883(1) +sketch_and_study,Ukiyo_e,katsushika-hokusai_manga-10 +portrait,Art_Nouveau_Modern,felix-vallotton_portrait-of-french-writer-francis-jammes-1898 +nude_painting,Expressionism,pablo-picasso_untitled-1970 +cityscape,Cubism,marc-chagall_vitebsk-from-mount-zadunov-1917 +landscape,Realism,konstantin-bogaevsky_trees-1893 +illustration,Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-russian-fairy-story-the-frog-princess-1(1) +portrait,Expressionism,abraham-manievich_portrait-of-the-artist-s-wife-1929 +religious_painting,Northern_Renaissance,albrecht-durer_the-virgin-mary-in-prayer +landscape,Realism,gustave-courbet_sunset-over-lake-leman-1874 +illustration,Romanticism,gustave-dore_to-whom-the-winged-hierarch-replied-o-adam-one-almighty-is-from-whom-all-things-proceed +portrait,Baroque,diego-velazquez_portrait-of-the-infanta-maria-teresa-future-queen-marie-therese-of-france-1653 +genre_painting,Expressionism,ernst-ludwig-kirchner_equestrienne-1 +abstract_painting,Abstract_Expressionism,howard-hodgkin_night-and-day-1999 +still_life,Pop_Art,roy-lichtenstein_alka-seltzer-1966(1) +abstract_painting,Minimalism,jean-degottex_lignes-report-i-1977 +genre_painting,Realism,vasily-vereshchagin_mullah-rahim-and-mullah-karim-quarrel-on-his-way-to-the-market-1873 +genre_painting,Impressionism,edgar-degas_russian-dancer +landscape,Realism,isaac-levitan_dull-day-at-volga-1888 +nude_painting,Impressionism,edgar-degas_leaving-the-bath-1885 +portrait,Baroque,anthony-van-dyck_portrait-of-marcello-durazzo +cityscape,Impressionism,antoine-blanchard_notre-dame-quai-saint-michel-1 +portrait,Impressionism,nikolay-bogdanov-belsky_portrait-of-n-yusupov +portrait,Romanticism,johann-koler_portrait-of-hugo-treffner-1886 +portrait,Baroque,rembrandt_portrait-of-an-old-man-1665 +religious_painting,Baroque,caravaggio_christ-at-the-column(1) +nude_painting,Expressionism,amedeo-modigliani_reclining-nude-1917-1 +genre_painting,Impressionism,mary-cassatt_theater-1879 +portrait,Impressionism,paul-cezanne_man-standing-arms-extended +cityscape,Romanticism,rudolf-von-alt_the-parish-church-in-ofen-1 +portrait,Mannerism_Late_Renaissance,titian_portrait-of-lavinia-his-daughter-1561 +abstract_painting,Color_Field_Painting,john-ferren_medeanus +genre_painting,Cubism,jean-metzinger_dancer-in-a-caf-1912 +abstract_painting,Color_Field_Painting,paul-feeley_apyu-1963 +religious_painting,High_Renaissance,raphael_st-michael-overwhelming-the-demon-1518 +landscape,Impressionism,hoca-ali-riza_sanat-detay +genre_painting,Impressionism,eugene-boudin_local-pilgrimmage-at-landerneau-1867 +landscape,Realism,aleksey-savrasov_view-of-moscow-from-mazilova-1861 +portrait,Realism,boris-kustodiev_merchant +portrait,Romanticism,karl-bodmer_pehriska-ruhpa-minatarre-or-big-bellied-indian-1834 +genre_painting,Post_Impressionism,felix-vallotton_in-the-street-woman-with-muff-1895 +portrait,Impressionism,pierre-auguste-renoir_eugene-murer-1877 +landscape,Impressionism,eugene-boudin_petit-port-de-saint-jean-near-villefranche-1892 +portrait,Early_Renaissance,sandro-botticelli_giuliano-de-medici-1478(1) +portrait,Expressionism,egon-schiele_seated-couple-egon-and-edith-schiele-1915 +landscape,Northern_Renaissance,albrecht-durer_pond-in-the-wood +genre_painting,Impressionism,camille-pissarro_peasant-crossing-a-stream +still_life,Realism,pericles-pantazis_still-life-with-game +cityscape,New_Realism,william-james-glackens_la-villette-1895 +abstract_painting,Color_Field_Painting,barnett-newman_fourth-station-1960 +cityscape,Fauvism,martiros-saryan_egyptian-night-1912 +illustration,Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-poem-the-tale-of-the-fisherman-and-the-fish-by-alexander-pushkin-1908(1) +genre_painting,Symbolism,salvador-dali_figures-scene-after-goya +portrait,Expressionism,frank-auerbach_rimbaud +genre_painting,Analytical_Cubism,pablo-picasso_man-with-a-guitar-1911 +religious_painting,Baroque,bartolome-esteban-murillo_christ-after-the-flagellation-1665 +still_life,Post_Impressionism,pyotr-konchalovsky_still-life-oranges-and-radishes-kislovodsk-1934 +still_life,Fauvism,walasse-ting_poppies +sketch_and_study,Realism,thomas-eakins_drawing-the-icosahedron-1859 +portrait,Realism,vasily-vereshchagin_sowar-the-messenger-of-the-government-1876 +landscape,Realism,arkhip-kuindzhi_after-a-rain-1879 +abstract_painting,Abstract_Expressionism,dan-christensen_untitled-iv-1979 +religious_painting,Northern_Renaissance,hans-memling_st-ursula-shrine-figures-1489 +nude_painting,Ukiyo_e,utagawa-kunisada_surimono +religious_painting,Early_Renaissance,andrea-mantegna_altarpiece-of-san-zeno-in-verona-left-panel-of-st-peter-and-st-paul-st-john-the-evangelist-st-1459 +sketch_and_study,Post_Impressionism,vincent-van-gogh_cottages-with-three-figures-1890(1) +cityscape,Impressionism,eugene-boudin_honfleur-la-jetee +landscape,Post_Impressionism,nicolae-darascu_field-work-landscape-from-grimaud-1911 +nude_painting,Impressionism,pierre-auguste-renoir_nude-girl-reclining-1917 +abstract_painting,Color_Field_Painting,mark-rothko_orange-red-orange-1961 +cityscape,Post_Impressionism,maurice-utrillo_chastelloux-castle +sketch_and_study,Expressionism,martiros-saryan_armenian-village-1902 +landscape,Realism,isaac-levitan_train-on-the-way +portrait,Symbolism,gustav-klimt_mother-with-children +genre_painting,Impressionism,paul-gauguin_young-girl-dreaming-study-of-a-child-asleep-1881 +landscape,Impressionism,claude-monet_path-at-pourville-02 +portrait,Impressionism,pierre-auguste-renoir_head-of-a-young-girl-in-red-1916 +religious_painting,Northern_Renaissance,joachim-wtewael_moses-striking-the-rock-1624 +religious_painting,Baroque,guido-reni_ecce-homo-1640 +illustration,Naive_Art_Primitivism,marc-chagall_pliushkin-s-village +landscape,Realism,gustave-courbet_the-forest-edge +sketch_and_study,Fauvism,andre-derain_figures-from-a-carnival +abstract_painting,Color_Field_Painting,mark-rothko_untitled-6(1) +portrait,Realism,nikolai-ge_portrait-of-the-artist-s-wife-anna-ge +landscape,Post_Impressionism,karl-schrag_barn-studio-in-moonlight +landscape,Post_Impressionism,gustave-loiseau_paysage-de-bretagne-1903 +religious_painting,Realism,john-everett-millais_the-eve-of-saint-agnes-1863 +illustration,Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-tale-of-prince-ivan-the-firebird-and-the-grey-wolf-1899-2(1) +genre_painting,Baroque,jan-steen_quackdoctor-1651 +genre_painting,Impressionism,eugene-boudin_beach-scene-at-trouville-4 +portrait,Symbolism,odilon-redon_young-girl-facing-left +landscape,Impressionism,armand-guillaumin_hollow-in-the-snow-1869 +genre_painting,Impressionism,konstantin-korovin_terrace-1915 +abstract_painting,Color_Field_Painting,julio-pomar_banhos-turcos +religious_painting,Mannerism_Late_Renaissance,maerten-van-heemskerck_the-fall +genre_painting,Baroque,gerard-terborch_man-offering-a-woman-coins +cityscape,Impressionism,guy-rose_the-bridge-at-vernon +portrait,Rococo,vladimir-borovikovsky_portrait-of-elena-pavlovna +cityscape,Romanticism,alexey-bogolyubov_smolny-as-seen-from-bolshaya-okhta-1852 +sketch_and_study,Expressionism,paula-modersohn-becker_standing-female-nude-against-a-dark-wall-1900 +landscape,Realism,isaac-levitan_birch-grove-1889 +abstract_painting,Color_Field_Painting,sam-francis_untitled-1984-2 +abstract_painting,Abstract_Expressionism,joan-snyder_cherry-fall-1995 +cityscape,Pointillism,theo-van-rysselberghe_fountain-at-san-souci-1903 +landscape,Post_Impressionism,pyotr-konchalovsky_evening-1926 +portrait,Rococo,antoine-watteau_portrait-of-m-pater +landscape,Realism,isaac-levitan_the-first-green-may-1888 +genre_painting,Romanticism,taras-shevchenko_kazakhs-in-yurta-1849 +abstract_painting,Minimalism,sol-lewitt_irregular-form +abstract_painting,Abstract_Expressionism,sam-francis_untitled-1968 +landscape,Impressionism,claude-monet_winter-landscape-at-the-val-de-falaise +portrait,Impressionism,berthe-morisot_portrait-of-madame-hubbard +landscape,Romanticism,john-constable_study-for-the-leaping-horse-view-on-the-stour +abstract_painting,Minimalism,pino-pinelli_pittura-r-1985 +cityscape,Impressionism,cornelis-vreedenburgh_a-view-of-the-montelbaanstoren-amsterdam-1925 +religious_painting,Mannerism_Late_Renaissance,paolo-veronese_the-banishment-of-vashti-1556 +sketch_and_study,Northern_Renaissance,albrecht-durer_right-hand-of-an-apostle +genre_painting,Impressionism,edouard-manet_young-woman-in-the-garden-1880 +portrait,Realism,nicolae-grigorescu_guardian-of-chailly +abstract_painting,Abstract_Expressionism,joan-miro_donna-wall +cityscape,Impressionism,john-henry-twachtman_court-of-honor-world-s-columbian-exposiition +landscape,Symbolism,nicholas-roerich_tibet-1938 +portrait,Expressionism,lucian-freud_guy-half-asleep-1982 +genre_painting,Northern_Renaissance,albrecht-durer_peasant-couple-dancing-1514 +genre_painting,Expressionism,salvador-dali_santa-creus-festival-in-figueras +religious_painting,Symbolism,nicholas-roerich_book-of-doves-1922 +genre_painting,Post_Impressionism,maurice-prendergast_the-seashore +landscape,Impressionism,joaquã­n-sorolla_asturian-landscape-1903 +landscape,Impressionism,t.-c.-steele_the-clam-diggers +illustration,Art_Nouveau_Modern,carlos-saenz-de-tejada_punch-crispin-and-rowing-1950 +religious_painting,Baroque,francisco-de-zurbaran_brother-alonso-de-ocana +landscape,Impressionism,claude-monet_argenteuil-the-seine(1) +portrait,Expressionism,helene-schjerfbeck_annuli-reading-1923 +religious_painting,Baroque,annibale-carracci_the-stoning-of-st-stephen-1604 +genre_painting,Baroque,gerard-terborch_lady-at-her-toilette +abstract_painting,Minimalism,agnes-martin_leaves +abstract_painting,Abstract_Expressionism,sam-francis_untitled-093-1994 +cityscape,Post_Impressionism,moise-kisling_ships-moored-along-the-docks +sketch_and_study,Symbolism,kuzma-petrov-vodkin_drawing-hands-1913 +portrait,Impressionism,edouard-manet_the-lady-with-fans-portrait-of-nina-de-callias +abstract_painting,Abstract_Expressionism,vasile-dobrian_we-were-so-close-that-nothing-used-to-stand-between-us-from-the-autumn-series +sketch_and_study,Realism,vincent-van-gogh_feet-1885(1) +landscape,Impressionism,t.-c.-steele_hills-of-vernon-1894 +sketch_and_study,Art_Nouveau_Modern,ferdinand-hodler_the-working-mower-1909 +genre_painting,Symbolism,felicien-rops_the-prehistoric-mating-or-hunting-for-the-femal +still_life,Post_Impressionism,ion-pacea_natur-static-cu-rodii +illustration,Symbolism,william-blake_the-spirit-of-plato-1820 +landscape,Romanticism,ivan-aivazovsky_a-rocky-coastal-landscape-in-the-aegean-1884 +portrait,Realism,vladimir-makovsky_portrait-of-academician-ivan-yanzhul-1907 +landscape,Post_Impressionism,piet-mondrian_not-identified-3 +abstract_painting,Color_Field_Painting,frank-stella_union-i-1966 +genre_painting,Impressionism,eugene-boudin_breton-family-by-the-fireplace +landscape,Realism,ivan-shishkin_felling +landscape,Impressionism,samuel-mutzner_trandafiri-la-balcic-1930 +religious_painting,High_Renaissance,vittore-carpaccio_st-george-killing-the-dragon-1507 +abstract_painting,Minimalism,mario-schifano_ciro-1961 +abstract_painting,Minimalism,larry-bell_barcelona-7-1989 +religious_painting,Baroque,rembrandt_the-toilet-of-bathsheba-1643 +still_life,Cubism,louis-marcoussis_violin-bottle-flowers-in-a-glass-and-eight-of-spades-1919 +portrait,Northern_Renaissance,lucas-cranach-the-elder_magdalene-von-sachsen +abstract_painting,Abstract_Expressionism,conrad-marca-relli_sand-brown-l-a-2-82-1982 +portrait,Art_Nouveau_Modern,zinaida-serebriakova_katya-in-blue-dress-by-christmas-tree-1922 +landscape,Impressionism,camille-pissarro_kew-gardens-1892 +portrait,Realism,wilhelm-leibl_die-junge-pariserin-die-kokotte-1869 +landscape,Romanticism,caspar-david-friedrich_mountainous-river-landscape +genre_painting,Post_Impressionism,paul-gauguin_seated-breton-girl-1889 +portrait,Expressionism,jose-gutierrez-solana_portrait-of-mrs-amalia-gutierrez-solana +still_life,Impressionism,pierre-auguste-renoir_still-life-a-plate-of-plums +genre_painting,Expressionism,vilmos-aba-novak_pub-1930 +genre_painting,New_Realism,edward-hopper_girl-at-a-sewing-machine +nude_painting,Mannerism_Late_Renaissance,jacopo-pontormo_male-nude +genre_painting,Baroque,gabriel-metsu_a-hunter-getting-dressed-after-bathing +cityscape,Romanticism,william-turner_caligula-s-palace-and-bridge +religious_painting,Naive_Art_Primitivism,marc-chagall_joshua-is-delivering-the-five-kings-of-canaan-to-israel-s-hands-and-preparing-them-to-death +portrait,Romanticism,fyodor-bronnikov_portrait-of-a-girl-evdokia-kuznetsova-1842 +religious_painting,High_Renaissance,vittore-carpaccio_the-stoning-of-st-stephen-1520 +abstract_painting,Minimalism,ruth-vollmer_pentagon-1974 +religious_painting,Mannerism_Late_Renaissance,parmigianino_madonna-of-the-rose-1530 +landscape,Romanticism,arnold-bã¶cklin_on-the-pontine-swamps-1851 +portrait,Baroque,peter-paul-rubens_portrait-of-helena-fourment +landscape,Cubism,paul-cezanne_chateau-noir-4 +portrait,Realism,thomas-eakins_portrait-of-henry-augustus-rowland-1897 +sketch_and_study,Realism,ilya-repin_on-the-couch +portrait,Romanticism,theodore-gericault_rifleman +portrait,Realism,alexey-venetsianov_a-peasant-woman-combing-flax-anisia +genre_painting,Art_Nouveau_Modern,aubrey-beardsley_chopin +cityscape,Realism,konstantin-makovsky_illumination-of-moscow-on-the-occasion-of-the-coronation-in-1883 +genre_painting,Pointillism,georges-seurat_the-garbage-picker +genre_painting,Impressionism,joaquã­n-sorolla_on-the-beach-valencia-1905 +landscape,Impressionism,pierre-auguste-renoir_young-woman-standing-near-a-farmhouse-in-milly-1892 +cityscape,Post_Impressionism,edouard-cortes_quai-de-montebello-winter +portrait,Contemporary_Realism,chuck-close_leslie-1986 +religious_painting,Early_Renaissance,benozzo-gozzoli_tabernacle-of-the-visitation-annunciation-mary +landscape,Art_Nouveau_Modern,frank-johnston_the-dark-woods-interior-1921 +landscape,Symbolism,nicholas-roerich_himalayas-study-holy-himalayas-1933 +landscape,Symbolism,konstantinos-parthenis_landscape-1917 +portrait,Expressionism,chronis-botsoglou_1983 +genre_painting,Impressionism,childe-hassam_casa-eby-cos-cob +landscape,Romanticism,ivan-aivazovsky_pushkin-in-gurzuf-1880 +nude_painting,Expressionism,max-weber_tranquility +cityscape,Realism,boris-kustodiev_venice-quay-grand-canal-with-views-of-the-island-of-san-giorgio +sketch_and_study,Cubism,pablo-picasso_seated-man-with-his-arms-crossed-1915 +still_life,Baroque,gerrit-dou_still-life-with-hourglass-pencase-and-print +cityscape,Expressionism,mstislav-dobuzhinsky_kitchen-garden-on-obvodny-channel-1921 +portrait,Realism,thomas-eakins_portraits-3 +portrait,Pop_Art,andy-warhol_che-guevara +genre_painting,Expressionism,lyonel-feininger_carnival-in-arcueil-1911-1 +portrait,Pop_Art,andy-warhol_friedrich-the-great +portrait,Expressionism,amedeo-modigliani_the-blue-blouse +landscape,Post_Impressionism,maxime-maufra_saint-jean-du-doigt-1906 +cityscape,Romanticism,cornelis-springer_coming-out-of-church +portrait,Expressionism,dimitris-mytaras_seated-woman-in-black-boots +landscape,Impressionism,pierre-auguste-renoir_landscape-1 +portrait,Realism,thomas-eakins_archbishop-william-henry-elder-1903 +sketch_and_study,Impressionism,edgar-degas_study-for-semiramis-building-babylon-1861 +still_life,Fauvism,mary-fedden_still-life-with-fruit-1997 +cityscape,Impressionism,maurice-prendergast_venice-1898 +still_life,Realism,konstantin-makovsky_still-life-in-an-interior +religious_painting,High_Renaissance,giovanni-bellini_madonna-with-the-child +still_life,Impressionism,paul-gauguin_nasturtiums-dahlias-in-a-basket-1884 +genre_painting,Impressionism,mary-cassatt_baby-lying-on-his-mother-s-lap-reaching-to-hold-a-scarf-1914 +landscape,Realism,john-henry-twachtman_avondale-ohio +portrait,High_Renaissance,correggio_portrait-of-a-young-man +landscape,Impressionism,claude-monet_waves-and-rocks-at-pourville +cityscape,Realism,vasily-sadovnikov_vilnius-cathedral-lithuania-1854 +genre_painting,Pop_Art,roy-lichtenstein_brattata-1962(1) +genre_painting,Art_Nouveau_Modern,zinaida-serebriakova_in-the-dressing-room-ballet-swan-lake-1924 +portrait,Expressionism,andre-derain_the-portrait-of-woman-1913 +religious_painting,High_Renaissance,raphael_the-transfiguration-detail-1520 +genre_painting,Impressionism,william-merritt-chase_children-playing-parlor-croquet-sketch +illustration,Art_Nouveau_Modern,nicholas-roerich_vignette-for-book-n-k-roerich-1918-22 +sketch_and_study,Realism,valentin-serov_portrait-of-anna-pavlova-1909 +sketch_and_study,High_Renaissance,leonardo-da-vinci_study-of-water +genre_painting,Cubism,oscar-dominguez_la-m-quina-de-coser-1943 +abstract_painting,Abstract_Expressionism,forrest-bess_untitled-no-5-1951 +landscape,Symbolism,nicholas-roerich_himalayas-12 +religious_painting,Baroque,peter-paul-rubens_adoration-of-the-magi-1619 +landscape,Realism,theo-van-rysselberghe_spaarnwoude-island-1883 +landscape,Impressionism,joaquã­n-sorolla_rocks-and-the-lighthouse-biarritz-1906 +cityscape,Mannerism_Late_Renaissance,maerten-van-heemskerck_colossus-of-rhodes +religious_painting,Northern_Renaissance,albrecht-durer_the-resurrection-of-christ +portrait,Expressionism,oswaldo-guayasamin_portrait-of-fidel-castro-1961 +religious_painting,Early_Renaissance,benozzo-gozzoli_st-augustine-departing-for-milan-1465-1 +landscape,Post_Impressionism,abraham-manievich_beyond-the-trees +abstract_painting,Abstract_Expressionism,joan-mitchell_diabolo-neige-et-fleurs-1969 +cityscape,Romanticism,richard-parkes-bonington_venice-grand-canal-sunset +portrait,Pointillism,georges-lemmen_the-two-sisters-1894 +religious_painting,Northern_Renaissance,hans-baldung_lamentation-1517 +genre_painting,Baroque,rembrandt_pharisees-in-the-temple-jews-in-the-synagogue-1648 +abstract_painting,Abstract_Expressionism,lee-krasner_rising-green-1972 +portrait,Impressionism,james-mcneill-whistler_arrangement-in-pink-red-and-purple-1884 +sketch_and_study,Post_Impressionism,henri-de-toulouse-lautrec_study-of-a-dancer-1888 +landscape,Expressionism,m.c.-escher_not_detected_204645 +nude_painting,Expressionism,ernst-ludwig-kirchner_five-bathing-women-at-a-lake +portrait,Romanticism,jan-matejko_wenceslaus-ii +landscape,Post_Impressionism,dumitru-ghiatza_cherry-trees-in-blossom +illustration,Romanticism,gustave-dore_ugolino-and-archbishop-ruggieri(1) +landscape,Impressionism,pierre-auguste-renoir_clearing-1895 +genre_painting,Impressionism,pierre-auguste-renoir_woman-in-a-blue-dress-standing-in-the-garden-of-saint-cloud-1899 +portrait,Contemporary_Realism,jamie-wyeth_andy-warhol-facing-left-1976 +abstract_painting,Abstract_Expressionism,morris-graves_vessel-in-a-drift-of-diamond-light-in-the-sky-of-the-mind-1944 +sketch_and_study,Realism,vincent-van-gogh_people-walking-on-the-beach-1882 +religious_painting,Baroque,bartolome-esteban-murillo_saint-thomas-of-villanueva-dividing-his-clothes-among-beggar-boys +portrait,Romanticism,francisco-goya_jose-pio-de-molina +landscape,Fauvism,janos-mattis-teutsch_yellow-landscape-1918 +illustration,Romanticism,gustave-dore_don-quixote-86 +genre_painting,Romanticism,ford-madox-brown_the-proclamation-regarding-weights-and-measures-1556-illustration-from-hutchinson-s-story-of +abstract_painting,Expressionism,m.c.-escher_bookplate-b-g-escher-beer +genre_painting,Impressionism,william-merritt-chase_a-summer-afternon-in-holland-aka-sunlight-and-shadow +portrait,Expressionism,amedeo-modigliani_madame-zborowska-with-clasped-hands +landscape,Post_Impressionism,pyotr-konchalovsky_emerald-summer-1922 +abstract_painting,Color_Field_Painting,sam-francis_untitled-1964 +portrait,Mannerism_Late_Renaissance,paolo-veronese_portrait-of-a-venetian-woman +landscape,Romanticism,john-crome_postwick-grove-norwich-1817 +illustration,Abstract_Expressionism,henri-matisse_the-lagoon-1947 +abstract_painting,Abstract_Expressionism,vasile-dobrian_i-still-hear-the-rustle-of-your-footsteps-from-the-archways-series +cityscape,Post_Impressionism,edouard-cortes_fountain-on-place-de-la-concorde +religious_painting,Symbolism,gustave-moreau_the-apparition +landscape,Realism,ivan-shishkin_autumn-1892 +portrait,Romanticism,alfred-stevens_a-woman-seated-in-oriental-dress +sketch_and_study,Post_Impressionism,vincent-van-gogh_study-for-reclining-female-nude-1887 +portrait,Impressionism,gustave-caillebotte_a-soldier +religious_painting,Realism,vasily-surikov_christ-driving-the-merchants-from-the-temple-1873 +religious_painting,Symbolism,nicholas-roerich_order-of-rigden-jyepo-1927 +cityscape,Post_Impressionism,pyotr-konchalovsky_venice-palazzo-cadore-1924 +religious_painting,Early_Renaissance,domenico-ghirlandaio_the-birth-of-mary-1490 +sketch_and_study,Symbolism,konstantin-somov_girl-olia-1 +abstract_painting,Color_Field_Painting,ian-davenport_untitled-1995 +portrait,Pop_Art,howard-finster_elvis-and-the-arpitaun-world-1980 +abstract_painting,Color_Field_Painting,michel-carrade_unknown-title-6 +landscape,Post_Impressionism,henri-edmond-cross_pines-by-the-sea +landscape,Expressionism,laszlo-mednyanszky_burial-in-the-carpathian-mountains-1917 +genre_painting,Romanticism,francisco-goya_young-woman-with-a-letter-1819 +religious_painting,Symbolism,nicholas-roerich_padmasambhava-1924 +cityscape,Realism,fyodor-vasilyev_dawn-in-st-petersburg +religious_painting,Early_Renaissance,filippo-lippi_the-adoration-of-the-infant-jesus-1459 +nude_painting,Contemporary_Realism,eric-fischl_sisters-of-cythera +religious_painting,Romanticism,edward-burne-jones_the-fall-of-lucifer-1894 +sketch_and_study,Symbolism,martiros-saryan_sevan-lake-1929 +cityscape,Pop_Art,claudio-tozzi_cidade-1984 +portrait,Baroque,annibale-carracci_portrait-of-giovanni-gabrieli-with-the-lute +portrait,Cubism,carlos-merida_figures-with-pipes-1978 +genre_painting,Expressionism,albert-bloch_harlequinade-1911 +landscape,Romanticism,ivan-aivazovsky_italian-landscape-1858 +portrait,Baroque,bernardo-strozzi_portrait-of-a-fat-gentleman +portrait,Romanticism,francisco-goya_portrait-of-victor-guye +landscape,Impressionism,eugene-boudin_the-beach-at-tourg-ville-les-sablons-1893 +abstract_painting,Color_Field_Painting,jack-youngerman_untitled-1968 +landscape,Realism,ivan-shishkin_wildflowers-near-the-water-1890 +religious_painting,Early_Renaissance,piero-della-francesca_madonna-and-child-attended-by-angels +portrait,Realism,konstantin-makovsky_coachman +portrait,Romanticism,karl-bryullov_portrait-of-the-shishmariov-sisters +cityscape,Post_Impressionism,panayiotis-tetsis_houses +religious_painting,Mannerism_Late_Renaissance,el-greco_the-visitation +portrait,Expressionism,kathe-kollwitz_not_detected_235967 +portrait,Expressionism,zinaida-serebriakova_princess-irina-yusupov-1925 +religious_painting,Northern_Renaissance,martin-schongauer_annunciation +cityscape,Art_Nouveau_Modern,nicholas-roerich_uglich-porch-1904 +illustration,Romanticism,gustave-dore_don-quixote-90 +portrait,Baroque,rembrandt_a-man-in-armour-1655 +religious_painting,Rococo,giovanni-battista-tiepolo_crucifixion +genre_painting,Realism,pavel-fedotov_the-major-s-marriage-proposal-1851 +still_life,Analytical_Cubism,georges-braque_still-life-with-a-bunch-of-grapes-1912 +genre_painting,Impressionism,claude-monet_lunch-on-the-grass-left-panel +abstract_painting,Minimalism,edward-corbett_mt-holyoke-1956 +sketch_and_study,Realism,albert-bierstadt_butterfly +landscape,Realism,charles-francois-daubigny_the-peasant-yard-1855-1 +portrait,Rococo,joshua-reynolds_john-russel-4th-duke-of-bedford-1762 +religious_painting,Baroque,bartolome-esteban-murillo_the-immaculate-conception-1665 +portrait,Baroque,anthony-van-dyck_portrait-of-henry-danvers-earl-of-danby-as-a-knight-of-the-order-of-the-garter +genre_painting,Ukiyo_e,kitagawa-utamaro_not_detected_233120-1799 +religious_painting,Northern_Renaissance,albrecht-durer_christ-on-the-mount-of-olives-1510 +genre_painting,Post_Impressionism,raoul-dufy_theatre-in-martigues-1903 +portrait,Realism,john-singer-sargent_mrs-augustus-allusen-osma-mary-dorothy-stanley-1907 +genre_painting,Expressionism,egon-schiele_mother-and-child-1914-1 +portrait,Impressionism,pierre-auguste-renoir_young-girl-in-a-hat-decorated-with-wildflowers-1880 +portrait,Romanticism,alexander-ivanov_traveller +portrait,Post_Impressionism,paul-cezanne_man-with-crossed-arms +cityscape,Post_Impressionism,maxime-maufra_port-castle-of-belle-ile-1910 +abstract_painting,Minimalism,fernando-calhau_untitled-1967 +religious_painting,Baroque,rembrandt_christ-driving-the-moneychangers-from-the-temple-1626 +landscape,Post_Impressionism,albert-huie_quiet-sunday-ocho-rios-jamaica +landscape,Baroque,jacob-isaakszoon-van-ruisdael_landscape-with-a-waterfall-and-castle-1670 +landscape,Realism,giovanni-boldini_in-the-garden-1875 +portrait,Northern_Renaissance,martin-schongauer_angel-s-head +portrait,Realism,ivan-kramskoy_portrait-of-a-woman-1 +portrait,Realism,william-adolphe-bouguereau_the-little-marauder-1900 +landscape,Romanticism,ivan-aivazovsky_fishermen-returning-near-naples-1874 +abstract_painting,Color_Field_Painting,helen-frankenthaler_a-little-zen-1970 +portrait,Rococo,john-russell_portrait-of-an-unknown-girl-in-a-white-dress-1800 +portrait,Impressionism,giovanni-boldini_portrait-of-princess-marthe-lucile-bibesco-1911 +genre_painting,Baroque,gerrit-dou_old-woman-unreeling-threads-1665 +landscape,Symbolism,nicholas-roerich_book-of-life-1939 +religious_painting,Romanticism,gustave-dore_the-gleaners +religious_painting,Early_Renaissance,domenico-ghirlandaio_decoration-of-the-sala-del-gigli-1484-1 +abstract_painting,Color_Field_Painting,mark-rothko_cubierta +sketch_and_study,Romanticism,orest-kiprensky_head-of-a-boy-portrait-of-a-girl-with-a-braid-1807 +portrait,Baroque,rembrandt_the-philosopher +genre_painting,Naive_Art_Primitivism,maria-primachenko_old-woman-sitting-on-the-oven-and-spinning-1969-1 +landscape,Realism,camille-corot_general-view-of-the-town-of-saint-lo +portrait,Expressionism,dimitris-mytaras_untitled(10) +landscape,Romanticism,orest-kiprensky_landscape-with-fisherman-1810 +genre_painting,Realism,edouard-manet_a-good-glass-of-beer-1873 +landscape,Impressionism,winston-churchill_lake-at-blenheim(1) +landscape,Symbolism,nicholas-roerich_trans-himalayas-1928-1 +cityscape,Fauvism,endre-bartos_fontainebleau-1986 +abstract_painting,Abstract_Expressionism,brice-marden_dragons-2004 +landscape,Symbolism,nicholas-roerich_yuhinlahti-1917 +landscape,Romanticism,john-constable_salisbury-cathedral-from-the-meadows-1831 +genre_painting,Naive_Art_Primitivism,edith-vonnegut_taking-out-the-garbage +still_life,Cubism,joan-miro_the-ear-of-corn-1923 +portrait,Romanticism,karl-bryullov_portrait-of-k-a-and-m-ya-narishkin +genre_painting,Art_Nouveau_Modern,theodor-severin-kittelsen_rugga +religious_painting,Romanticism,gustave-dore_sennacherib-s-army-is-destroyed +cityscape,Impressionism,claude-monet_waterloo-bridge-at-sunset-pink-effect +sketch_and_study,Cubism,pablo-picasso_scenes-of-bullfighting-1945 +still_life,Realism,nikolay-bogdanov-belsky_still-life-2 +portrait,Ukiyo_e,utagawa-kuniyoshi_amakasu-omi-no-kami +genre_painting,Expressionism,candido-portinari_lavadeiras-1943 +sketch_and_study,Art_Nouveau_Modern,filipp-malyavin_a-peasant-woman-with-a-patterned-headscarf +cityscape,Northern_Renaissance,albrecht-durer_courtyard-of-the-former-castle-in-innsbruck-without-clouds +portrait,Northern_Renaissance,albrecht-durer_nuremberg-woman-in-house-dress +nude_painting,Cubism,andrã©-lhote_nu-a-sa-toilette-1918 +portrait,Romanticism,vasily-tropinin_portrait-of-e-a-sisalinoy-1846 +landscape,Symbolism,mikalojus-ciurlionis_sparks-iii-1906 +abstract_painting,Color_Field_Painting,blinky-palermo_untitled-1964 +portrait,Post_Impressionism,gwen-john_the-pilgrim +abstract_painting,Color_Field_Painting,paul-feeley_untitled-april-15-1964 +religious_painting,Northern_Renaissance,rogier-van-der-weyden_madonna-with-the-saints +genre_painting,Realism,basuki-abdullah_in-the-rice-field +portrait,Romanticism,jan-matejko_wladyslaw-herman-1 +cityscape,Realism,m.c.-escher_the-hamlet-of-turello-southern-italy +still_life,Post_Impressionism,grã©goire-michonze_still-life +portrait,Romanticism,paul-cezanne_portrait-of-emile-zola-1864 +portrait,Rococo,dmitry-levitzky_ivan-glebov-oscherin-1770 +abstract_painting,Color_Field_Painting,william-scott_white-sand-and-ochre-1961 +landscape,Impressionism,robert-julian-onderdonk_southwest-texas-1919 +genre_painting,Impressionism,childe-hassam_new-york-winter-window-1919 +abstract_painting,Abstract_Expressionism,sam-gilliam_manet-ii-1999 +landscape,Impressionism,claude-monet_cliffs-of-les-petites-dalles-1 +abstract_painting,Color_Field_Painting,gene-davis_banjo-1981-1 +abstract_painting,Minimalism,john-mclaughlin_number-15-1961 +religious_painting,High_Renaissance,vittore-carpaccio_the-miracle-of-st-tryphonius-1507 +portrait,Realism,ilya-repin_portrait-of-m-k-tenisheva-1898 +cityscape,Romanticism,ivan-aivazovsky_dusk-on-the-golden-horn-1845 +landscape,Expressionism,milton-avery_autumn-1944 +religious_painting,Early_Renaissance,sandro-botticelli_judith-leaving-the-tent-of-holofernes-1500(1) +genre_painting,Impressionism,max-liebermann_rider-on-the-beach-facing-left-1911 +portrait,Impressionism,mary-cassatt_ellen-mary-cassatt-in-a-white-coat +portrait,Post_Impressionism,vincent-van-gogh_portrait-of-adeline-ravoux-1890 +landscape,Pointillism,georges-seurat_cadet-from-saint-cyr-1884 +portrait,Realism,tia-peltz_the-pleading +religious_painting,Northern_Renaissance,albrecht-durer_christ-on-the-mount-of-olives-1521 +genre_painting,Symbolism,edward-burne-jones_not_detected_205437 +landscape,Impressionism,claude-monet_etretat-the-beach-and-the-porte-d-aval +genre_painting,Art_Nouveau_Modern,nicholas-roerich_foreign-lords-1907-1 +landscape,Post_Impressionism,paul-serusier_landscape-1912 +genre_painting,Naive_Art_Primitivism,william-h.-johnson_army-training-1942 +landscape,Impressionism,victor-brauner_village-1922 +genre_painting,Impressionism,childe-hassam_clarissa +still_life,Cubism,georges-braque_the-fruitdish-1912 +abstract_painting,Minimalism,brice-marden_joined-2011 +landscape,Symbolism,arnold-bã¶cklin_abandoned-venus +religious_painting,High_Renaissance,michelangelo_the-ancestors-of-christ-jehoshaphat-joram-1512 +illustration,Romanticism,gustave-dore_don-quixote-51 +abstract_painting,Color_Field_Painting,ad-reinhardt_blue-painting-1953 +cityscape,Post_Impressionism,maurice-utrillo_windmills-of-montmartre +illustration,Expressionism,vasile-kazar_window-towards-insomnia-3-1987 +abstract_painting,Color_Field_Painting,gene-davis_ianthe-1969 +genre_painting,Symbolism,zinaida-serebriakova_whitening-canvas-1917 +illustration,Symbolism,felicien-rops_illustration-of-les-diaboliques-2 +religious_painting,Northern_Renaissance,jean-fouquet_the-annunciation-dove-1465 +nude_painting,Post_Impressionism,pyotr-konchalovsky_students-in-the-studio-nude-1933 +landscape,Impressionism,john-singer-sargent_boboli-1907 +still_life,Cubism,pablo-picasso_green-pan-and-black-bottle-1908 +sketch_and_study,Realism,ilya-repin_betrayal-in-the-garden-of-gethsemane-1888 +landscape,Post_Impressionism,paul-cezanne_tall-trees-at-the-jas-de-bouffan-1887 +religious_painting,Baroque,bartolome-esteban-murillo_the-immaculate-conception-with-the-eternal-father +still_life,Pointillism,henri-edmond-cross_still-life-with-bottle-of-wind +still_life,Synthetic_Cubism,gino-severini_still-life-1916 +religious_painting,Mannerism_Late_Renaissance,paolo-veronese_christ-washing-the-feet-of-the-disciples +sketch_and_study,Northern_Renaissance,hieronymus-bosch_moorish-battle-two +landscape,Romanticism,ferdinand-georg-waldmã¼ller_wienerwald-landscape-with-wildegg-castle +cityscape,Fauvism,albert-marquet_street-lamp-arcueil-1899 +religious_painting,Mannerism_Late_Renaissance,el-greco_the-burial-of-the-count-of-orgaz-1587 +landscape,Baroque,rembrandt_landscape-with-a-man-sketching-a-scene-1645 +nude_painting,Expressionism,nicolae-tonitza_catrina +portrait,Impressionism,karoly-ferenczy_portrait-of-p-l-szinyei-merse-1910 +landscape,Expressionism,walter-battiss_figures-outside-cottages +religious_painting,Symbolism,james-tissot_the-flight-of-the-spies +landscape,Impressionism,winston-churchill_winter-woodland-at-breccles +landscape,Symbolism,konstantin-somov_martyshkino +portrait,New_Realism,george-luks_boy-with-suspenders +landscape,Post_Impressionism,maurice-utrillo_near-montmagny +religious_painting,Baroque,bartolome-esteban-murillo_the-christ-child-asleep-on-the-cross +landscape,Impressionism,guy-rose_november-1910 +landscape,Impressionism,claude-monet_on-the-cliff-at-fecamp +landscape,Fauvism,david-burliuk_landscape-1912 +sketch_and_study,Expressionism,m.c.-escher_palm-tree-sketch +landscape,Impressionism,edgar-degas_landscape-1 +nude_painting,Realism,anton-azbe_sitting-old-man-nude-1905 +religious_painting,Northern_Renaissance,lucas-cranach-the-elder_adam-and-eve-in-paradise-1509 +nude_painting,Expressionism,pablo-picasso_seated-female-nude-1903 +nude_painting,Impressionism,edgar-degas_reclining-nude +portrait,Impressionism,berthe-morisot_girl-with-shuttlecock-also-known-as-jeanne-bonnet +religious_painting,Mannerism_Late_Renaissance,el-greco_dormition-of-the-virgin-1566 +genre_painting,Impressionism,edouard-manet_boating-1874 +nude_painting,Naive_Art_Primitivism,fernando-botero_tribute-to-bonnard-1 +portrait,Realism,gustave-courbet_three-english-girls-at-a-window-1865 +portrait,Realism,camille-pissarro_the-maidservant-1867 +genre_painting,Impressionism,camille-pissarro_fishermen-on-the-banks-of-the-oise-1876 +genre_painting,Post_Impressionism,maurice-prendergast_the-cove +portrait,Realism,columbano-bordalo-pinheiro_bulh-o-pato-1883 +genre_painting,Romanticism,theodore-chasseriau_cossack-girl-at-mazeppa-s-body-1851 +landscape,New_Realism,edward-hopper_lighthouse-at-two-lights-1929 +landscape,Romanticism,albert-bierstadt_new-england-landscape-1889 +genre_painting,Impressionism,william-james-glackens_the-green-car-1910 +landscape,Romanticism,joseph-wright_landscape-near-bedgellert +cityscape,Impressionism,henry-herbert-la-thangue_a-proven-al-fountain +landscape,Romanticism,caspar-david-friedrich_solitary-tree-1822 +portrait,Realism,ilya-repin_portrait-of-polixena-stasova-1879 +abstract_painting,Pop_Art,burhan-dogancay_whispering-wall-1983 +cityscape,Impressionism,pierre-auguste-renoir_steps-in-algiers +cityscape,Art_Nouveau_Modern,boris-kustodiev_bishop-1921 +genre_painting,Realism,vincent-van-gogh_two-women-in-the-moor-1883 +nude_painting,Impressionism,auguste-rodin_lo-e-fuller +portrait,Expressionism,tia-peltz_bebe +religious_painting,Symbolism,nicholas-roerich_blessed-soul-bhagavan-sri-ramakrishna-1924 +abstract_painting,Abstract_Expressionism,paul-reed_gdwf-2004 +genre_painting,Symbolism,kuzma-petrov-vodkin_in-shuvalovo-1926 +religious_painting,High_Renaissance,luca-signorelli_the-circumcision +cityscape,Impressionism,claude-monet_rio-della-salute-02 +cityscape,Post_Impressionism,gustave-loiseau_street-in-pontoise +nude_painting,Expressionism,pablo-picasso_female-nude-with-man-s-head-1967 +landscape,Romanticism,karl-bodmer_magic-pile-erected-by-the-assiniboin-indians-plate-15-from-volume-1-of-travels-in-the-interior-1843 +religious_painting,Symbolism,james-tissot_deborah-beneath-the-palm-tree +landscape,Romanticism,orest-kiprensky_landscape-with-a-well-1810 +portrait,Realism,ilya-repin_portrait-of-engineer-ivan-yefgrafovich-adadurov-1885 +portrait,Art_Nouveau_Modern,raphael-kirchner_greek-girls-1 +landscape,Realism,nikolay-bogdanov-belsky_the-farm +sketch_and_study,Baroque,jacob-jordaens_bearded-man-stepping-down +portrait,Post_Impressionism,paul-cezanne_madame-cezanne-in-the-garden +genre_painting,Impressionism,arkhip-kuindzhi_moonlight-night-meditation +still_life,Cubism,serge-charchoune_still-life-with-pear-n-1-1926 +portrait,Post_Impressionism,vincent-van-gogh_portrait-of-a-man-with-a-skull-cap +portrait,Baroque,adriaen-van-ostade_lawyer-in-his-study +portrait,Realism,nikolay-bogdanov-belsky_portrait-of-engineer-n-chizhov +sketch_and_study,Realism,theodore-rousseau_clumps-of-trees-along-a-river +genre_painting,Baroque,gerrit-dou_the-teacher-1645 +sketch_and_study,Realism,ivan-shishkin_the-road-in-forest +landscape,Realism,jean-francois-millet_priory-at-vauville-normandy +cityscape,Impressionism,claude-monet_waterloo-bridge-grey-weather +illustration,Expressionism,m.c.-escher_padlock +landscape,Impressionism,pierre-auguste-renoir_banks-of-the-river +religious_painting,High_Renaissance,pietro-perugino_the-holy-trinity-and-the-apostles-1508 +religious_painting,Baroque,jacob-jordaens_the-sacrifice-of-isaac-1630 +portrait,Rococo,dmitry-levitzky_portrait-of-baron-a-n-stroganoff +illustration,Art_Nouveau_Modern,raphael-kirchner_new-york-tribune-1916-4 +portrait,Realism,ilya-repin_leo-tolstoy-reading-1891 +religious_painting,Early_Renaissance,benozzo-gozzoli_view-of-the-right-hand-wall-of-the-chapel-1465 +genre_painting,Realism,anders-zorn_the-little-brewery-1890 +cityscape,Impressionism,camille-pissarro_place-du-theatre-francais-rain-effect +sketch_and_study,High_Renaissance,michelangelo_studies-of-grotesques-1530 +genre_painting,Cubism,jean-metzinger_la-violoniste-1955 +portrait,Cubism,albert-gleizes_femme-cubiste-1921 +portrait,Realism,valentin-serov_portrait-of-maria-nikolayevna-yermolova-1905 +landscape,Romanticism,alexander-ivanov_pontian-swamps-1838 +portrait,Ukiyo_e,utagawa-kuniyoshi_two-kamuro-waiting-for-a-courtesan +cityscape,Post_Impressionism,pyotr-konchalovsky_marcus-aurelius-rome-capitol-1924 +religious_painting,Early_Renaissance,andrea-del-verrocchio_madonna-and-child-1 +abstract_painting,Abstract_Expressionism,edward-corbett_untitled-black-painting-1950 +cityscape,Impressionism,frits-thaulow_a-stone-bridge-over-a-stream-in-winter +portrait,Expressionism,amedeo-modigliani_woman-s-head-1915 +portrait,Art_Nouveau_Modern,raphael-kirchner_portraits-of-viennese-ladies-1901 +abstract_painting,Abstract_Expressionism,william-scott_brown-and-black-1960 +landscape,Post_Impressionism,tom-thomson_winter-thaw-in-the-woods-1917 +illustration,Expressionism,m.c.-escher_scholastica-illustration-1 +cityscape,Expressionism,zinaida-serebriakova_versailles-park-in-autumn-1926 +still_life,Realism,ilya-mashkov_eatables-moscow-meat-poultry-1924 +genre_painting,Impressionism,camille-pissarro_forest-scene-with-two-figures +genre_painting,Realism,ilya-repin_on-the-academic-cottage-1898 +religious_painting,Art_Nouveau_Modern,nicholas-roerich_st-olga-of-kiev-1915-1 +landscape,Impressionism,camille-pissarro_path-to-le-chou-pontoise-1878 +religious_painting,Baroque,rembrandt_adam-and-eva-1638 +religious_painting,Northern_Renaissance,hans-memling_the-martyrdom-of-st-sebastian +genre_painting,Romanticism,sir-lawrence-alma-tadema_a-foregone-conclusion-1885 +landscape,Impressionism,alfred-sisley_spring-sunshine-on-the-loing-1892 +genre_painting,Naive_Art_Primitivism,tarsila-do-amaral_maternidade-1938 +landscape,Rococo,thomas-gainsborough_evening-landscape-peasants-and-mounted-figures +portrait,Realism,boris-kustodiev_portrait-of-p-a-vlasov-1903 +religious_painting,Baroque,annibale-carracci_the-flight-into-egypt +portrait,Expressionism,nikolaos-lytras_portrait-of-f-d +landscape,Pointillism,samuel-mutzner_peisaj-din-giverny-1908 +portrait,Realism,viktor-vasnetsov_ivan-petrov-a-peasant-from-vladimir-province-1883 +still_life,Post_Impressionism,gregoire-boonzaier_quinces-egg-fruit-1964 +genre_painting,Realism,vasily-vereshchagin_interrupted-letter-1901 +sketch_and_study,Romanticism,fyodor-solntsev_on-the-iconographic-image-of-the-saviour-the-nereditskaya-church +genre_painting,Post_Impressionism,ferdinand-hodler_mother-and-child +illustration,Art_Nouveau_Modern,heorhiy-narbut_illustration-to-the-fairy-tale-the-war-of-mushrooms-1909 +portrait,Realism,ivan-kramskoy_portrait-of-sophia-ivanovna-kramskoy-daughter-of-the-artist-1882 +genre_painting,Impressionism,edgar-degas_dancer-on-stage +still_life,Analytical_Cubism,pablo-picasso_a-glass-1911 +abstract_painting,Minimalism,luciano-bartolini_dyptique-1987 +nude_painting,New_Realism,george-luks_seated-nude-with-bobbed-hair +genre_painting,Romanticism,francisco-goya_scene-of-a-bullfight +cityscape,Impressionism,konstantin-korovin_paris-1906 +religious_painting,Expressionism,tivadar-kosztka-csontvary_mary-s-well-at-nazareth-1908 +genre_painting,Realism,ivan-vladimirov_the-drunkard-1928 +portrait,Art_Nouveau_Modern,raphael-kirchner_medallion-1916 +illustration,Expressionism,m.c.-escher_not_detected_204724 +genre_painting,Romanticism,gustave-dore_semiramide-spidocchiatrice-di-straccioni-1854 +cityscape,Romanticism,pavel-svinyin_centre-square-and-the-marble-water-works +genre_painting,Naive_Art_Primitivism,marc-chagall_bella-and-ida-by-the-window-1916 +portrait,Romanticism,osman-hamdi_mihrap +sketch_and_study,Expressionism,martiros-saryan_street-in-barfrush-1913 +genre_painting,Impressionism,mary-cassatt_baby-bill-1890 +portrait,Realism,vladimir-makovsky_portrait-of-alexei-ivanovitch-strelkovsky-1889 +religious_painting,Mannerism_Late_Renaissance,paolo-veronese_adoration-of-the-shepherds-1583 +abstract_painting,Abstract_Expressionism,betty-parsons_target-1981 +abstract_painting,Abstract_Expressionism,arshile-gorky_the-leaf-of-the-artichoke-is-an-owl +portrait,Art_Nouveau_Modern,felix-vallotton_portrait-of-madame-hasen-1908 +cityscape,Art_Nouveau_Modern,anna-ostroumova-lebedeva_group-of-trees-near-the-white-birch-1923 +landscape,Romanticism,ivan-aivazovsky_night-in-the-crimea-view-of-ayu-dag-1850 +landscape,Symbolism,mstislav-dobuzhinsky_a-church-in-seda-1933 +illustration,Art_Nouveau_Modern,edmund-dulac_human-or-divine-the-rubaiyat-of-omar-khayyam +portrait,Realism,konstantin-somov_portrait-of-n-dobychina +portrait,Realism,william-adolphe-bouguereau_portrait-of-gabrielle-cot-1890 +abstract_painting,Color_Field_Painting,maurice-esteve_composition-1974-1 +portrait,Cubism,fernand-leger_the-woman-with-black-hair-1952 +genre_painting,Post_Impressionism,panayiotis-tetsis_street-market +cityscape,Post_Impressionism,maurice-utrillo_street-mont-cenis +religious_painting,Early_Renaissance,fra-angelico_christ-the-judge-detali +still_life,Symbolism,martiros-saryan_irises-1903 +cityscape,Romanticism,john-atkinson-grimshaw_arriving-in-the-hall-1878 +landscape,Post_Impressionism,pyotr-konchalovsky_the-mounds-edge-of-the-forest-1933 +genre_painting,Impressionism,camille-pissarro_washerwoman-eragny-1887 +cityscape,Impressionism,claude-monet_not_detected_212141 +genre_painting,Expressionism,lyonel-feininger_rainy-day-on-the-beach-regentag-am-strande-1918 +religious_painting,Baroque,bernardo-strozzi_st-lawrence-distributing-the-riches-of-the-church +sketch_and_study,Expressionism,johannes-itten_portrait-of-a-girl +still_life,Symbolism,kuzma-petrov-vodkin_apple-and-lemon-1930 +sketch_and_study,Realism,vasily-surikov_study-to-boyarynya-morozova-6 +genre_painting,Realism,vasily-perov_evening-on-holy-saturday-1873 +still_life,Naive_Art_Primitivism,marc-chagall_clock-1914 +cityscape,Impressionism,ion-andreescu_street-from-barbizon-during-summer-time +still_life,Naive_Art_Primitivism,marc-chagall_still-life-with-bouquet-1962 +portrait,Rococo,joshua-reynolds_miss-isabella-thorold-1759 +portrait,Expressionism,egon-schiele_seated-girl-1910 +cityscape,Impressionism,childe-hassam_up-the-avenue-from-thirty-fourth-street +genre_painting,Symbolism,nicholas-roerich_meditation-1923 +portrait,Post_Impressionism,theo-van-rysselberghe_portrait-of-andre-gide-1908 +religious_painting,Symbolism,salvador-dali_locusta-et-bruchus-1967 +landscape,Impressionism,alfred-sisley_snow-effect-at-veneux-1884 +portrait,Romanticism,konstantin-makovsky_female-portrait-8 +portrait,Rococo,joshua-reynolds_mrs-thomas-riddell +portrait,Symbolism,odilon-redon_portrait-of-madame-redon-in-profile +genre_painting,Baroque,adriaen-brouwer_in-the-tavern +genre_painting,Impressionism,james-mcneill-whistler_pierrot +landscape,Post_Impressionism,theo-van-doesburg_dune-landscape +religious_painting,Romanticism,gustave-dore_the-egyptians-drown-in-the-sea +landscape,Realism,fyodor-vasilyev_poplars-lit-by-the-sun +landscape,Romanticism,camille-corot_fontainebleau +portrait,Pointillism,theo-van-rysselberghe_margery-1899 +landscape,Impressionism,camille-pissarro_the-house-in-the-forest-1872 +genre_painting,Post_Impressionism,salvador-dali_girl-from-the-ampurdan +cityscape,Impressionism,john-singer-sargent_santa-maria-della-salute +genre_painting,Expressionism,balthus_figure-in-front-of-a-mantel-1955 +portrait,Post_Impressionism,henri-de-toulouse-lautrec_yvette-guilbert-1 +landscape,Realism,ivan-shishkin_a-woman-with-a-boy-in-the-forest-1868 +sketch_and_study,Realism,isaac-levitan_field +genre_painting,Baroque,gerard-terborch_the-lute-player +religious_painting,High_Renaissance,raphael_madonna-and-child-1505 +genre_painting,Realism,peder-severin-kroyer_meeting-at-the-museum-1888 +sketch_and_study,Realism,vincent-van-gogh_woman-sewing-1885-1 +nude_painting,Expressionism,jean-paul-lemieux_petit-nu-1962 +abstract_painting,Color_Field_Painting,paul-feeley_etamin-1965 +portrait,Baroque,frans-hals_maria-pietersdochter-olycan-1638 +landscape,Impressionism,camille-pissarro_the-brook-at-osny-1883 +portrait,Post_Impressionism,kazimir-malevich_flowergirl +landscape,Impressionism,odilon-redon_the-meadow +still_life,Pop_Art,andy-warhol_cans +nude_painting,Realism,gustave-courbet_the-source +sketch_and_study,Post_Impressionism,vincent-van-gogh_standing-male-nude-seen-from-the-front-1 +portrait,Impressionism,john-atkinson-grimshaw_il-penseroso +cityscape,Post_Impressionism,gustave-loiseau_pont-aven-grey-weather-1923 +nude_painting,Expressionism,lucian-freud_naked-portrait +religious_painting,Northern_Renaissance,mabuse_madonna-and-child +genre_painting,Cubism,franz-marc_in-the-rain-1912 +abstract_painting,Minimalism,ronald-davis_large-red-1965 +sketch_and_study,Realism,ivan-shishkin_forest-path-1863 +genre_painting,Post_Impressionism,dumitru-ghiatza_promenade-the-white-umbrella +portrait,Symbolism,arnold-bã¶cklin_gottfried-keller +portrait,Realism,ilya-repin_portrait-of-s-f-mamontova-1879 +portrait,Realism,john-singer-sargent_the-misses-vickers-1884 +landscape,Post_Impressionism,pyotr-konchalovsky_shrubs-1922 +abstract_painting,Color_Field_Painting,william-scott_dark-brown-orange-and-white-1963 +religious_painting,Symbolism,gustave-moreau_salome-with-column-1890 +cityscape,Expressionism,zinaida-serebriakova_collioure-a-street-with-arch-1930 +portrait,Baroque,jacob-jordaens_portrait-of-johan-wierts-1635 +landscape,Impressionism,eugene-boudin_river-near-hospital +religious_painting,Northern_Renaissance,albrecht-durer_job-and-his-wife-1504 +landscape,Impressionism,camille-pissarro_lordship-lane-station-dulwich-1871 +landscape,Realism,ivan-shishkin_dark-forest-1890 +portrait,Mannerism_Late_Renaissance,el-greco_portrait-of-a-man-2 +portrait,Impressionism,camille-pissarro_young-woman-with-an-umbrella +nude_painting,Symbolism,henri-fantin-latour_the-bather +abstract_painting,Color_Field_Painting,morris-louis_untitled-1959 +genre_painting,Impressionism,valentin-serov_pomors-1894 +abstract_painting,Minimalism,ellsworth-kelly_diagonal-lines-1951 +portrait,Synthetic_Cubism,jean-metzinger_femme-la-dentelle-1916 +religious_painting,Baroque,francisco-de-zurbaran_vision-of-blessed-alonso-rodriguez-1633 +portrait,Northern_Renaissance,hans-memling_portraits-of-willem-moreel-and-his-wife +genre_painting,Impressionism,giovanni-fattori_nonne-mit-esel-1890 +genre_painting,Naive_Art_Primitivism,fernando-botero_concert-in-the-countryside +landscape,Post_Impressionism,emily-carr_reforestation-1936 +genre_painting,Expressionism,rafael-zabaleta_gladiators-1932 +portrait,Realism,nikolai-ge_portrait-of-maria-tolstaya-leo-tolstoy-s-daughter +portrait,Realism,boris-kustodiev_portrait-b-a-gorin-goryainov-1926 +portrait,Early_Renaissance,piero-della-francesca_triumph-of-battista-sforza +landscape,Impressionism,henry-herbert-la-thangue_a-hillside-village-in-provence-france-1914 +religious_painting,Baroque,jacob-jordaens_the-disciples-at-the-tomb-1625 +cityscape,Impressionism,camille-pissarro_jubilie-celebration-at-bedford-park-london-1897 +landscape,Romanticism,john-constable_landscape-boys-fishing-1813 +portrait,Realism,william-merritt-chase_mother-and-child-the-first-portrait +genre_painting,Art_Nouveau_Modern,ferdinand-hodler_joyous-woman +genre_painting,Baroque,gerard-terborch_the-knifegrinder-s-family +landscape,Realism,camille-corot_banks-of-a-pond-in-normandy +religious_painting,Early_Renaissance,pietro-perugino_pieta-with-st-jerome-and-santa-maria-magdalena +abstract_painting,Abstract_Expressionism,richard-tuttle_lable-5-8-2003 +genre_painting,Baroque,johannes-vermeer_officer-and-laughing-girl +religious_painting,Baroque,rembrandt_the-return-of-the-prodigal-son-1636 +cityscape,Expressionism,ernst-ludwig-kirchner_gelbes-engelufer-in-berlin +abstract_painting,Abstract_Expressionism,richard-diebenkorn_painting-no-ii +abstract_painting,Color_Field_Painting,morris-louis_blue-veil-1958 +landscape,Impressionism,childe-hassam_east-hampton +religious_painting,Early_Renaissance,jacopo-bellini_saint-jerome-1430 +genre_painting,Realism,efim-volkov_artists-in-the-open-air +portrait,Rococo,dmitry-levitzky_portrait-of-e-i-molchanova-1776 +genre_painting,Realism,vincent-van-gogh_sien-with-umbrella-and-prayer-book-1882 +religious_painting,Early_Renaissance,domenico-ghirlandaio_the-funeral-of-st-fina-1475 +illustration,Realism,boris-kustodiev_alexei-tolstoy-the-adventures-of-nevzorov-or-ibikus-1925 +portrait,Impressionism,valentin-serov_portrait-of-yevdokia-morozova-detail-1908 +cityscape,Baroque,adriaen-van-de-velde_view-of-oudezijds-voorburgwal-with-the-oude-kerk-in-amsterdam +portrait,Realism,ilya-repin_portrait-of-dr-g-kostrov +religious_painting,Early_Renaissance,fra-angelico_crucifixion-with-the-virgin-mary-magdalene-and-st-dominic-1442 +still_life,Cubism,louis-marcoussis_still-life-with-envelope +religious_painting,Romanticism,gustave-dore_the-israelites-cross-the-jordan-river +landscape,Impressionism,pierre-auguste-renoir_the-bay +landscape,Realism,camille-corot_aqueducts-in-the-roman-campagna-1828 +landscape,Post_Impressionism,paul-gauguin_landscape-with-two-breton-women-1889 +portrait,Romanticism,mikhail-vrubel_a-model-with-eastern-dress-1884 +illustration,Romanticism,gustave-dore_idylls-of-the-king-17 +genre_painting,Impressionism,william-merritt-chase_reflection +landscape,Realism,konstantin-makovsky_campfire-kachanovka +portrait,Ukiyo_e,utagawa-kuniyoshi_women-18 +abstract_painting,Color_Field_Painting,gene-davis_untitled-1983 +landscape,Symbolism,martiros-saryan_ararat-1951 +religious_painting,Northern_Renaissance,pieter-bruegel-the-elder_the-suicide-of-saul +portrait,Realism,ivan-kramskoy_portrait-of-v-voyeykova-1867 +illustration,Romanticism,gustave-dore_the-heaven-of-the-fixed-stars +genre_painting,Realism,mary-cassatt_bacchante-1872 +portrait,Baroque,anthony-van-dyck_lucas-van-uffelen-1622 +religious_painting,Northern_Renaissance,hans-holbein-the-younger_madonna-of-the-burgermeister-meyer +religious_painting,Symbolism,gustave-moreau_salome-dancing-before-herod +cityscape,Impressionism,pierre-auguste-renoir_the-great-boulevards-1875 +landscape,Romanticism,alexander-ivanov_landscape-in-albano +portrait,Realism,vasily-perov_portrait-of-a-merchant-s-t-kuznetsov-1873 +portrait,Realism,pablo-picasso_portrait-of-the-artist-s-mother-1896 +illustration,Romanticism,gustave-dore_the-inferno-canto-12-2 +landscape,Impressionism,alfred-sisley_flood-at-port-marly-1872 +abstract_painting,Color_Field_Painting,jack-bush_attacca-1975 +cityscape,Post_Impressionism,kuzma-petrov-vodkin_garden-beneventum-1907 +religious_painting,Rococo,benjamin-west_esau-and-jacob-presented-to-isaac +genre_painting,Romanticism,konstantin-makovsky_the-boyars-wedding +abstract_painting,Abstract_Expressionism,blinky-palermo_who-knows-the-beginning-and-who-knows-the-end-i-1976 +landscape,Symbolism,koloman-moser_lake-garda +landscape,Contemporary_Realism,john-miller_farm-in-tuscany +genre_painting,Baroque,pieter-de-hooch_a-woman-drinking-with-two-men +cityscape,Expressionism,ernst-ludwig-kirchner_two-railway-bridges-in-dresden +nude_painting,Contemporary_Realism,eric-fischl_truman-capote-in-hollywod +landscape,Impressionism,theodor-pallady_landscape-constantza +portrait,Expressionism,amedeo-modigliani_antonia-1915 +genre_painting,Realism,eugene-boudin_the-pilgrimage-to-cythera-after-watteau +cityscape,Romanticism,john-atkinson-grimshaw_moonlight-1882 +portrait,New_Realism,john-french-sloan_my-wife-in-blue-1917 +portrait,Cubism,pablo-picasso_harlequin-and-woman-with-necklace-1917 +abstract_painting,Minimalism,tano-festa_rosso-n-15-1960 +portrait,Rococo,carl-ludwig-johann-christineck_portrait-of-a-woman-1 +landscape,Expressionism,fred-williams_boab-trees-kimberley-s-1981 +portrait,Contemporary_Realism,richard-whitney_sandy-laughner-jr +portrait,Baroque,rembrandt_abraham-franz-1656 +portrait,Realism,vincent-van-gogh_woman-with-white-cloth-around-her-head-sitting-on-a-bench-1883 +cityscape,Post_Impressionism,walter-sickert_horses-of-st-mark-s-venice-1901 +landscape,Post_Impressionism,gustave-loiseau_flood-near-nantes-1909 +abstract_painting,Abstract_Expressionism,richard-pousette-dart_now-a-turning-orb +religious_painting,Baroque,peter-paul-rubens_adoration-of-the-shepherds-3 +religious_painting,Northern_Renaissance,jan-van-eyck_the-virgin-and-child-in-a-church-1437-1 +sketch_and_study,Cubism,fernand-leger_portrait-of-henry-viel-a-friend-of-painter-fernand-leger-1903 +portrait,Expressionism,amedeo-modigliani_portrait-of-leon-bakst-1917 +religious_painting,Symbolism,gustave-moreau_pieta-1 +landscape,Symbolism,ferdinand-hodler_dents-du-midi-1916 +portrait,Realism,boris-kustodiev_portrait-of-m-d-shostakovich-1923 +abstract_painting,Abstract_Expressionism,raoul-ubac_rythme-circulaire-1972 +portrait,Realism,boris-kustodiev_portrait-of-the-artist-tatiana-chizhova-1924 +portrait,Post_Impressionism,vincent-van-gogh_portrait-of-the-postman-joseph-roulin-1889-1 +landscape,Impressionism,lovis-corinth_on-the-balcony-in-bordighera-1912 +landscape,Impressionism,alfred-sisley_at-moret-sur-loing-1892 +cityscape,Expressionism,marc-chagall_the-red-gateway-1917 +religious_painting,Early_Renaissance,andrea-del-castagno_stories-of-christ-s-passion-1447-3 +genre_painting,Impressionism,eugene-boudin_the-beach-at-trouville-1871 +landscape,Impressionism,john-henry-twachtman_view-from-the-holley-house-1 +portrait,Romanticism,karl-bryullov_portrait-of-m-a-obolensky-1846 +religious_painting,High_Renaissance,leonardo-da-vinci_drawing-of-an-flood +sketch_and_study,Realism,aleksey-savrasov_sketch-of-the-painting-migratory-birds-have-come-1871 +religious_painting,Rococo,giovanni-domenico-tiepolo_virgin-and-child-with-saints +landscape,Impressionism,pierre-auguste-renoir_landscape-7 +sketch_and_study,Realism,vincent-van-gogh_sower-facing-left +portrait,Expressionism,george-mavroides_girl +genre_painting,Expressionism,edvard-munch_the-haymaker-1916 +genre_painting,Realism,camille-pissarro_father-melon-lighting-his-pipe +religious_painting,High_Renaissance,andrea-del-sarto_christ-the-redeemer +genre_painting,Ukiyo_e,kitagawa-utamaro_a-geisha-in-her-lover-s-room +landscape,Post_Impressionism,maurice-de-vlaminck_sunset-in-the-forest-of-senoches +genre_painting,Rococo,jean-honore-fragonard_blind-man-s-buff-1776 +religious_painting,Northern_Renaissance,albrecht-durer_the-holy-family-in-a-hall +landscape,Ukiyo_e,ito-shinsui_evening-glow-at-ajiro-1939 +portrait,Expressionism,lucian-freud_man-in-silver-suit +cityscape,Cubism,maurice-de-vlaminck_suresnes +sketch_and_study,Realism,david-burliuk_nude-1 +genre_painting,Post_Impressionism,paul-cezanne_the-card-players-1893 +landscape,Romanticism,john-crome_landscape-with-a-waterfall-near-norwich-norfolk-1819 +religious_painting,Early_Renaissance,andrea-del-verrocchio_saint-monica +portrait,Realism,konstantin-somov_lady-in-blue-portrait-of-the-artist-yelizaveta-martynova-1900 +portrait,Romanticism,francisco-goya_equestrian-portrait-of-maria-luisa-of-parma-1788 +religious_painting,Symbolism,nicholas-roerich_procopius-the-righteous-is-praying-of-unknown-navigating-1914-1 +still_life,Cubism,pablo-picasso_still-life-with-lemon-and-oranges-1936 +sketch_and_study,Impressionism,pierre-auguste-renoir_amelie-dieterie-in-a-white-hat +landscape,Romanticism,lev-lagorio_on-the-island-of-capri-fisher-s-house-1859 +landscape,Impressionism,eugene-boudin_douarnenez-the-bay-view-of-tristan-isle-1897 +landscape,Art_Nouveau_Modern,ivan-bilibin_south-of-france-dunes-1930 +genre_painting,Impressionism,edgar-degas_laundry-girls-ironing-1884-1 +still_life,Cubism,louis-marcoussis_still-life-with-ace-of-spades-1921 +landscape,Impressionism,mikhail-nesterov_capri-entrance-to-monastery-1908 +religious_painting,Symbolism,salvador-dali_abraham-abraham-genesis-22-2-1967 +portrait,Realism,pablo-picasso_the-barefoot-girl-1895 +landscape,Realism,salvador-dali_aerodynamic-chair +genre_painting,Post_Impressionism,edouard-vuillard_man-and-woman-beneath-a-tree +genre_painting,Impressionism,henry-herbert-la-thangue_some-poor-people +still_life,Expressionism,miriam-schapiro_yard-sale-1993 +portrait,Expressionism,zinaida-serebriakova_old-fisherman-1926 +genre_painting,Baroque,rembrandt_circumcision +sketch_and_study,Art_Nouveau_Modern,nicholas-roerich_study-to-flying-carpet-1915-1 +religious_painting,Expressionism,albert-bloch_walk-to-emmaus-1938 +nude_painting,Impressionism,edgar-degas_woman-drying-her-arm +cityscape,Post_Impressionism,pyotr-konchalovsky_novgorod-peter-and-paul-church-1925 +genre_painting,Impressionism,william-merritt-chase_the-turkish-page +genre_painting,Realism,edouard-manet_the-races-in-the-bois-de-boulogne-1872 +abstract_painting,Color_Field_Painting,clyfford-still_untitled-1959 +abstract_painting,Color_Field_Painting,sam-francis_big-red-1953 +sketch_and_study,Expressionism,paula-modersohn-becker_nude-girl-standing-1906-1 +landscape,Symbolism,gustav-klimt_the-swamp-1900 +landscape,Realism,fyodor-vasilyev_on-the-bank-of-the-volga +portrait,Realism,james-tissot_the-fan +cityscape,Impressionism,antoine-blanchard_place-de-la-concorde-1 +portrait,Romanticism,karl-bryullov_portrait-of-p-sokolova-the-artist-s-sister +sketch_and_study,Impressionism,charles-demuth_study-for-poster-portrait-marsden-hartley-1924 +landscape,Realism,isaac-levitan_a-path-1877 +portrait,Ukiyo_e,keisai-eisen_clearing-weather-at-awazu-awazu-seiran-tamagawa-of-the-maru-ebiya-kamuro-katsumi-and-shinobu-no +genre_painting,Impressionism,edvard-munch_spring-day-on-karl-johan-street-1890 +portrait,Synthetic_Cubism,pablo-picasso_head-of-a-man-1913 +genre_painting,Cubism,marcel-duchamp_sonata-1911 +sketch_and_study,Realism,vincent-van-gogh_standing-woman-half-length-1882 +genre_painting,Impressionism,giovanni-boldini_the-art-connoisseur +genre_painting,Ukiyo_e,utagawa-sadatora_overview-of-the-kabuki-play-yoshitsune-senbon-zakura-yoshitsune-and-the-thousand-cherry-trees +portrait,Art_Nouveau_Modern,alphonse-mucha_byzantine-head-the-blonde-1897 +sketch_and_study,Post_Impressionism,vincent-van-gogh_windmills-at-montmartre-1886 +landscape,Impressionism,konstantin-korovin_spring-1915 +portrait,Baroque,frans-hals_joseph-coymans-1644 +genre_painting,Realism,konstantin-korovin_a-picnic-1880 +sketch_and_study,Realism,albert-bierstadt_butterfly-1900 +sketch_and_study,Symbolism,frantisek-kupka_study-for-autumn-sun-1905 +landscape,Impressionism,piet-mondrian_calves-in-a-field-bordered-by-willow-trees +genre_painting,Realism,jean-francois-millet_gathering-apples +religious_painting,Early_Renaissance,domenico-veneziano_madonna-and-child-1437 +genre_painting,Realism,james-tissot_at-marguerite-rempart +landscape,Realism,isaac-levitan_the-lake +genre_painting,Baroque,adriaen-van-ostade_interior-with-a-peasant-family +genre_painting,Realism,ivan-vladimirov_got-a-german-drifter +landscape,Impressionism,pierre-auguste-renoir_woman-under-a-tree-1883 +genre_painting,Art_Nouveau_Modern,boris-kustodiev_festivities +landscape,Impressionism,claude-monet_willows-at-sunset +nude_painting,Expressionism,henri-matisse_odalisque-in-grey-culottes-1927 +landscape,Impressionism,robert-julian-onderdonk_windmill-on-williams-ranch +genre_painting,Impressionism,guy-rose_the-end-of-the-day-1891 +genre_painting,Realism,james-tissot_the-prodigal-son-in-modern-life-in-foreign-climes +abstract_painting,Abstract_Expressionism,willem-de-kooning_the-wave +portrait,Post_Impressionism,moise-kisling_head-of-a-girl +portrait,Impressionism,mary-cassatt_lydia-at-the-tapestry-loom-1881 +cityscape,Post_Impressionism,maurice-utrillo_castle-of-blois +genre_painting,Impressionism,childe-hassam_news-depot-cos-cob-1912 +cityscape,Impressionism,camille-pissarro_saint-sever-rouen-morning-five-o-clock-1898 +religious_painting,Early_Renaissance,benozzo-gozzoli_procession-of-the-magus-caspar-detail-1461 +landscape,Naive_Art_Primitivism,grã©goire-michonze_sunset-in-the-field-1979 +sketch_and_study,Expressionism,martiros-saryan_a-street-1910 +portrait,Realism,john-singer-sargent_sir-philip-sasson-phillip-albert-gustave-david-sasson-1923 +portrait,Realism,giovanni-boldini_portrait-of-a-lady-1912-1 +religious_painting,High_Renaissance,vittore-carpaccio_holy-conversation +portrait,Baroque,frans-hals_two-boys-singing +landscape,Cubism,joan-miro_prades-the-village +landscape,Post_Impressionism,pyotr-konchalovsky_peterhof-marley-1931 +portrait,Impressionism,rudolf-schweitzer-cumpana_mo-gheorghe-1940 +abstract_painting,Minimalism,mira-schendel_untitled-1981-1 +genre_painting,Expressionism,max-ernst_immortality-1913 +nude_painting,Fauvism,sa-nogueira_n-feminino-1949 +genre_painting,Impressionism,camille-pissarro_horseman-in-the-forest +still_life,Pop_Art,andy-warhol_front-and-back +landscape,Realism,fyodor-vasilyev_landscape-crimea-1873 +landscape,Impressionism,arkhip-kuindzhi_noon-herd-in-the-steppe +religious_painting,Baroque,rembrandt_st-francis-beneath-a-tree-praying-1657 +portrait,Romanticism,jan-matejko_jan-sobieski-portraited-in-a-parade-scale-armour +genre_painting,Post_Impressionism,vincent-van-gogh_sower-1888-1 +portrait,Expressionism,helene-schjerfbeck_blond-woman-1925 +genre_painting,Cubism,jose-de-almada-negreiros_acrobats-1947 +genre_painting,Expressionism,pablo-picasso_the-ironer-1904 +landscape,Impressionism,winston-churchill_the-terrace-lympne(1) +portrait,Fauvism,andre-derain_the-dancer +abstract_painting,Minimalism,ellsworth-kelly_diagonal-1951 +portrait,Post_Impressionism,vincent-van-gogh_portrait-of-postman-roulin-1888 +sketch_and_study,Post_Impressionism,vincent-van-gogh_sketches-of-a-cottage-and-figures-1890 +portrait,Realism,alexey-venetsianov_portrait-of-a-girl +cityscape,Impressionism,frits-thaulow_rialto +sketch_and_study,Realism,vasily-surikov_soldier-with-gun-1898 +portrait,Rococo,joseph-wright_francis-noel-clarke-mundy +cityscape,Pop_Art,hiro-yamagata_castle-festival-1989 +cityscape,Impressionism,childe-hassam_world-s-fair-chicago-1894 +cityscape,Pointillism,theo-van-rysselberghe_morning-fog-over-the-port-of-veer-holland-1906 +landscape,Pointillism,paul-signac_the-bay-1906 +cityscape,Impressionism,claude-monet_view-of-rouen +landscape,Romanticism,john-atkinson-grimshaw_autumn +portrait,Romanticism,francisco-goya_dona-tadea-arias-de-enriquez-1793 +portrait,Naive_Art_Primitivism,niko-pirosmani_actress-margaret-1909 +sketch_and_study,Expressionism,salvador-dali_untitled-first-study-for-the-three-glorious-enigmas-of-gala +nude_painting,Impressionism,childe-hassam_the-bather-1915 +still_life,Expressionism,roger-de-la-fresnaye_yellow-tulips +portrait,Rococo,joshua-reynolds_boy-holding-a-bunch-of-grapes +genre_painting,Impressionism,eugene-boudin_low-tide-at-trouville +genre_painting,Realism,winslow-homer_boy-fishing +landscape,Realism,charles-francois-daubigny_the-woods-and-creek +genre_painting,Impressionism,berthe-morisot_conversation +illustration,Art_Nouveau_Modern,edmund-dulac_perseus-and-andromeda +still_life,Symbolism,kuzma-petrov-vodkin_still-life-with-letters-1925 +abstract_painting,Abstract_Expressionism,mark-rothko_untitled +cityscape,Post_Impressionism,edouard-cortes_boulevard-a-paris +still_life,Cubism,pyotr-konchalovsky_still-life-scales-1916-1 +sketch_and_study,Impressionism,john-henry-twachtman_abandoned-mill +cityscape,Post_Impressionism,nikola-tanev_tarnovo-1939 +sketch_and_study,Art_Nouveau_Modern,koloman-moser_study-for-the-wanderer +genre_painting,Art_Nouveau_Modern,raphael-kirchner_little-sister-1916 +landscape,Post_Impressionism,abraham-manievich_white-house-with-trees +genre_painting,Fauvism,louis-valtat_child-with-trumpet-1910 +cityscape,Impressionism,antoine-blanchard_the-pantheon +cityscape,Impressionism,claude-monet_waterloo-bridge-london-1 +genre_painting,Post_Impressionism,alexandre-benois_italian-comedy-indiscreet-punchinello(1) +still_life,Post_Impressionism,vincent-van-gogh_plaster-statuette-of-a-female-torso-1887 +cityscape,Post_Impressionism,edouard-cortes_theatre-du-vaudeville +still_life,Post_Impressionism,vincent-van-gogh_still-life-with-decanter-and-lemons-on-a-plate-1887 +abstract_painting,Abstract_Expressionism,miriam-schapiro_down-to-earth-1959 +portrait,Expressionism,egon-schiele_standing-girl-in-a-blue-dress-and-green-stockings-back-view-1913 +genre_painting,Analytical_Cubism,jean-metzinger_la-femme-au-cheval-1912 +cityscape,New_Realism,edward-hopper_el-palacio +portrait,Impressionism,pierre-auguste-renoir_young-woman-in-a-flowered-hat-1892 +genre_painting,Impressionism,eugene-boudin_on-the-beach-1867 +cityscape,Post_Impressionism,maurice-utrillo_the-theatre-l-atelier +cityscape,Naive_Art_Primitivism,louis-vivin_sacr-coeur +still_life,Cubism,pablo-picasso_still-life-in-front-of-a-window-overlooking-the-eglise-st-augustin-1919 +landscape,Post_Impressionism,franz-marc_larch-sapling-1908 +genre_painting,Impressionism,federico-zandomeneghi_the-conversation-1895 +genre_painting,Cubism,raoul-dufy_the-studio-on-seguier-street-1909 +religious_painting,Realism,valentin-serov_george-the-victorious-1885 +genre_painting,Post_Impressionism,le-pho_deux-petites-amies +sketch_and_study,Impressionism,pierre-auguste-renoir_the-rhone-and-the-seine +illustration,Romanticism,gustave-dore_st-louis-a-prisoner-in-egypt +sketch_and_study,Realism,ivan-shishkin_fields-and-groves +portrait,Art_Nouveau_Modern,felix-vallotton_portrait-of-communard-eug-ne-varlin-1897 +abstract_painting,Abstract_Expressionism,frank-bowling_greenacross-i-2009 +portrait,Rococo,william-hogarth_william-cavendish-marquess-of-hartington-later-4th-duke-of-devonshire-1741 +genre_painting,Impressionism,edgar-degas_dancer-in-her-dressing-room-1 +landscape,Romanticism,william-turner_whitby +landscape,Rococo,thomas-gainsborough_forest-cornard-wood +abstract_painting,Abstract_Expressionism,sam-francis_freshet-1971 +religious_painting,High_Renaissance,raphael_the-esterhazy-madonna-1508 +still_life,Baroque,frans-snyders_the-fishmonger +portrait,Realism,augustus-john_a-canadian-soldier-1918 +cityscape,Romanticism,rudolf-von-alt_st-mark-s-square-in-venice-with-austrian-military +religious_painting,Art_Nouveau_Modern,wilhelm-kotarbinski_ceiling-at-kiev-st-vladimir-cathedral +abstract_painting,Color_Field_Painting,rodolfo-arico_pour-delaunay-1965 +cityscape,Impressionism,pierre-auguste-renoir_houses-by-the-sea-1912 +landscape,Art_Nouveau_Modern,nicholas-roerich_the-fading-day-1902 +genre_painting,Baroque,gerrit-dou_the-young-mother-1660 +portrait,Baroque,rembrandt_saskia-as-st-catherine +portrait,Impressionism,pierre-auguste-renoir_profile-of-a-woman-in-a-red-blouse-1897 +cityscape,Pointillism,georges-seurat_hospice-and-lighthouse-honfleur-1886 +cityscape,Romanticism,ivan-aivazovsky_constantinople-1856 +cityscape,Expressionism,richard-diebenkorn_yellow-porch +genre_painting,Symbolism,mikhail-nesterov_silence-1903 +landscape,Art_Nouveau_Modern,nicholas-roerich_cross-on-the-truvor-mound-1903 +still_life,Symbolism,pablo-picasso_a-blue-vase-1903 +landscape,Impressionism,john-henry-twachtman_middlebrook-farm +landscape,Realism,theodore-rousseau_last-houses-of-port-en-bessin-calvados +landscape,Impressionism,winston-churchill_red-roofed-house-at-mimizan(1) +cityscape,Impressionism,antoine-blanchard_rue-tronchet-la-madeleine-2 +landscape,Realism,vasily-vereshchagin_in-india-himalayas-snow-1876 +portrait,Impressionism,pierre-auguste-renoir_gabrielle-with-a-rose-the-sicilian-woman +abstract_painting,Minimalism,agnes-martin_untitled-1963 +landscape,Realism,vasily-polenov_cemetery-1897 +landscape,Realism,volodymyr-orlovsky_crimea-landscape-with-a-river-1868 +genre_painting,Expressionism,henri-matisse_the-painter-and-his-model-1917 +still_life,Realism,william-merritt-chase_still-life-1 +genre_painting,Romanticism,francisco-goya_playing-at-giants-1792 +sketch_and_study,Baroque,bartolome-esteban-murillo_the-good-shepherd-child +sketch_and_study,Naive_Art_Primitivism,marc-chagall_moses-receiving-the-tablets-of-law-4 +landscape,Symbolism,victor-hugo_ermitage-rock-in-an-imaginary-landscape-1855 +genre_painting,Art_Nouveau_Modern,raphael-kirchner_maid-of-athens-1900-6 +genre_painting,Realism,charles-hermans_honeymoon-1871 +still_life,Expressionism,boris-grigoriev_still-life-with-cat-and-onions-1928 +portrait,Mannerism_Late_Renaissance,lavinia-fontana_portrait-of-ginevra-aldrovandi-hercolani-1595(1) +religious_painting,Early_Renaissance,andrea-mantegna_pieta-1459 +illustration,Symbolism,fernand-khnopff_after-jos-phin-p-ladan-the-supreme-vice-1885 +still_life,Post_Impressionism,vincent-van-gogh_still-life-with-drawing-board-pipe-onions-and-sealing-wax-1889 +still_life,Rococo,jean-baptiste-oudry_a-hare-and-a-leg-of-lamb-1742 +genre_painting,Realism,jean-francois-millet_the-porridge-1861 +genre_painting,Cubism,natalia-goncharova_round-dance +cityscape,Impressionism,claude-monet_the-cour-d-albane +landscape,Symbolism,nicholas-roerich_himalayas-1939 +sketch_and_study,Realism,viktor-vasnetsov_the-farmer-with-a-sixth-study-1877 +landscape,Impressionism,camille-pissarro_sunset-with-mist-eragny-1890 +portrait,Baroque,aleksey-antropov_portrait-of-an-unknown-lady +nude_painting,Realism,alekos-kontopoulos_figures-1 +cityscape,Impressionism,john-singer-sargent_tarragona-1908 +genre_painting,Post_Impressionism,pyotr-konchalovsky_under-the-tree-1929 +cityscape,Post_Impressionism,maurice-utrillo_house-of-mimi-pinson +landscape,Impressionism,walter-battiss_an-arabian-city +genre_painting,Realism,peder-severin-kroyer_fishermen-hauling-the-net-on-skagen-s-north-beach-1883 +illustration,Expressionism,saul-steinberg_large-document-1951 +genre_painting,Abstract_Expressionism,henri-matisse_bather-in-the-reeds-1952 +portrait,Realism,alexey-venetsianov_portrait-of-nikolay-karamzin +genre_painting,Naive_Art_Primitivism,marc-chagall_vitebsk-village-scene-1917 +landscape,Romanticism,john-constable_the-edge-of-a-heath-by-moonlight-1810-1 +landscape,Post_Impressionism,paul-cezanne_trees-1884 +still_life,Synthetic_Cubism,juan-gris_still-life-on-plaque-1917 +portrait,Impressionism,william-james-glackens_the-artist-s-wife-and-son-1911-1 +landscape,Realism,pyotr-konchalovsky_yellowing-maples-1922 +genre_painting,Realism,vasily-vereshchagin_mendicant-dervishes-duvana-holy-fools-1873 +portrait,Realism,viktor-vasnetsov_nepomnjaschij +genre_painting,Impressionism,henry-herbert-la-thangue_nightfall-the-gleaners-1895 +genre_painting,Symbolism,pablo-picasso_breakfast-of-a-blind-man-1903 +portrait,Cubism,juan-gris_seated-harlequin-1923 +portrait,Art_Nouveau_Modern,jozsef-rippl-ronai_girl-with-cage-1892 +landscape,Post_Impressionism,ferdinand-hodler_a-view-of-lake-brienz-from-bodeli +abstract_painting,Minimalism,robert-ryman_conversion-2003 +illustration,Romanticism,louis-janmot_po-me-de-l-me-2-le-passage-des-mes +religious_painting,High_Renaissance,pietro-perugino_pala-di-corciano-assumption-of-mary +portrait,High_Renaissance,titian_giacomo-doria-1535 +portrait,Post_Impressionism,salvador-dali_don-jose-nieto-velazquez-from-las-meninas-by-velazquez +landscape,Realism,aleksey-savrasov_ukrainian-landscape +cityscape,Post_Impressionism,gustave-loiseau_moret-on-loing-and-the-church +landscape,Realism,ivan-shishkin_autumn-1894 +landscape,Impressionism,guy-rose_monterey-forest-1919 +landscape,Symbolism,konstantin-bogaevsky_old-harbor-1931 +landscape,Impressionism,claude-monet_the-pyramids-at-port-coton +illustration,Symbolism,william-blake_illustration-to-milton-s-comus-1820-2 +landscape,Realism,claude-monet_a-farmyard-in-normandy(1) +sketch_and_study,Baroque,bartolome-esteban-murillo_child-watching-a-dog +portrait,Impressionism,augustus-john_lady-mary-alington-1930 +religious_painting,Naive_Art_Primitivism,marc-chagall_the-israelites-crossing-the-red-sea-1931 +genre_painting,Impressionism,camille-pissarro_harvest-in-the-orchard-eragny +sketch_and_study,Impressionism,edgar-degas_pagans-and-degas-s-father-1882 +landscape,Symbolism,nicholas-roerich_crypt-1915 +religious_painting,Baroque,juan-de-valdes-leal_ecce-homo-1659 +religious_painting,Naive_Art_Primitivism,marc-chagall_meditation-1979 +genre_painting,Realism,edouard-manet_bull-fighting-scene-1866 +religious_painting,Early_Renaissance,benozzo-gozzoli_tabernacle-of-the-madonna-delle-tosse-maria-lactans +sketch_and_study,Romanticism,dante-gabriel-rossetti_the-lady-of-pity-la-donna-della-finestra-1870 +portrait,Expressionism,zinaida-serebriakova_maria-butakova-nee-evreinova-1931 +religious_painting,Baroque,peter-paul-rubens_the-holy-family-with-st-elizabeth-and-the-infant-st-john-the-baptist +landscape,Post_Impressionism,andre-derain_the-road-and-the-tree +portrait,Expressionism,lovis-corinth_portr-t-der-charlotte-berend-corinth-1912 +cityscape,Impressionism,willard-metcalf_fish-wharves-gloucester +religious_painting,Romanticism,eugene-delacroix_st-sebastian-1836(1) +portrait,Impressionism,mary-cassatt_sara-holding-a-cat +landscape,Impressionism,armand-guillaumin_agay-bay-1910 +portrait,Realism,vincent-van-gogh_head-of-a-peasant-woman-with-dark-cap-1885-1(1) +portrait,Realism,john-singer-sargent_mabel-marquand-mrs-henry-galbraith-ward +genre_painting,Baroque,david-teniers-the-younger_before-the-inn +portrait,Baroque,sebastien-bourdon_portrait-of-ebba-sparre +genre_painting,Expressionism,dimitris-mytaras_woman-with-a-dog-1994 +portrait,Baroque,rembrandt_saskia-van-uylenburgh-in-arcadian-costume-1635 +portrait,Impressionism,childe-hassam_fire-opals-aka-lady-in-furs-portrait-of-mrs-searle +still_life,Post_Impressionism,henri-matisse_dishes-on-a-table-1900 +sketch_and_study,Post_Impressionism,henri-de-toulouse-lautrec_woman-brushing-her-hair +landscape,Realism,ivan-shishkin_river-floods-such-as-seas-1890-2 +sketch_and_study,Naive_Art_Primitivism,fernand-leger_roofs +landscape,Romanticism,ivan-aivazovsky_southern-night-crimea-1848 +religious_painting,Naive_Art_Primitivism,marc-chagall_a-seraph-purify-the-lips-of-isaiah-with-a-hot-coal-isaiah-vi-1-7 +genre_painting,Romanticism,paul-cezanne_fisherman-on-the-rocks +landscape,Romanticism,john-atkinson-grimshaw_silvery-moonlight +landscape,Rococo,francois-boucher_the-bridge-1751 +portrait,Romanticism,george-frederick-watts_cardinal-manning-1882(1) +abstract_painting,Abstract_Expressionism,sam-francis_untitled-044-1987 +portrait,Expressionism,amedeo-modigliani_andre-rouveyre-1915 +landscape,Symbolism,nicholas-roerich_tibet-monastery-in-the-mountains-rakaposhi-1940 +landscape,Expressionism,edvard-munch_train-smoke-1900 +portrait,Cubism,brett-whiteley_portrait-of-wendy-1984 +cityscape,Post_Impressionism,jan-sluyters_paris-cityview +landscape,Post_Impressionism,ronnie-landfield_the-tree-1984 +landscape,Impressionism,winston-churchill_at-the-pyramids(1) +portrait,Baroque,diego-velazquez_a-spanish-gentleman-jos-nieto-chamberlain-to-queen-mariana-of-austria-wife-of-philip-iv-1635 +genre_painting,Post_Impressionism,maurice-prendergast_marblehead-1 +genre_painting,Realism,vasily-perov_self-educating-caretaker-1868 +portrait,Impressionism,victor-brauner_theo-brauner +religious_painting,Art_Nouveau_Modern,nicholas-roerich_st-george-the-victorious-1920 +still_life,Post_Impressionism,vincent-van-gogh_vase-with-flowers-coffeepot-and-fruit-1887 +portrait,Ukiyo_e,utagawa-kuniyoshi_women-28 +cityscape,Post_Impressionism,maurice-de-vlaminck_view-of-a-village-with-red-roofs +genre_painting,Expressionism,jean-paul-lemieux_les-masques-1973 +genre_painting,Romanticism,francesco-hayez_the-new-favorite-harem-scene-1866 +religious_painting,Naive_Art_Primitivism,marc-chagall_moses-received-the-tablets-of-law-1931 +portrait,Realism,gustave-courbet_portrait-of-a-young-girl-1857 +landscape,Post_Impressionism,grã©goire-michonze_in-the-village(1) +genre_painting,Expressionism,tsuguharu-foujita_the-blinds-1955 +genre_painting,Realism,vasily-surikov_scene-from-the-roman-carnival-1884 +portrait,Art_Nouveau_Modern,felix-vallotton_portrait-of-french-writer-stendhal-1897-1 +landscape,Post_Impressionism,gustave-loiseau_by-the-eure-river-1911 +sketch_and_study,Realism,vasily-surikov_yermak-with-cossacks-study-to-the-conquest-of-siberia-by-yermak-1893 +sketch_and_study,Art_Nouveau_Modern,koloman-moser_wreath-bearer-design-for-decorative-facade-of-the-viennese-secession-1897 +nude_painting,Impressionism,pierre-auguste-renoir_reclining-nude +genre_painting,Naive_Art_Primitivism,vangel-naumovski_smrt-kuzmanova-1956 +religious_painting,Northern_Renaissance,hieronymus-bosch_sketches-for-a-temptation-of-st-anthony +genre_painting,Post_Impressionism,arturo-souto_fair-1931 +still_life,Post_Impressionism,le-pho_anemones-and-dahlias +landscape,Romanticism,henryk-siemiradzki_departure-from-an-island-at-night +landscape,Realism,volodymyr-orlovsky_pasture-1890 +genre_painting,Pointillism,salvador-dali_bathers-of-llane +landscape,Impressionism,john-henry-twachtman_the-portico +sketch_and_study,Northern_Renaissance,hieronymus-bosch_two-monsters +genre_painting,Impressionism,edgar-degas_dancers-backstage-detail-1883-1 +portrait,Impressionism,nikolay-bogdanov-belsky_country-boys-1 +genre_painting,Baroque,adriaen-van-de-velde_seated-woman-with-a-basket-and-livestock +portrait,Realism,claude-monet_camille-also-known-as-the-woman-in-a-green-dress +religious_painting,High_Renaissance,michelangelo_sistine-chapel-ceiling-creation-of-adam-1510 +portrait,Realism,ivan-kramskoy_astrologer-1886 +landscape,Impressionism,alfred-sisley_springtime-scene-morning-1890 +landscape,Expressionism,spyros-papaloukas_skete-of-agios-andreas-1932 +abstract_painting,Color_Field_Painting,peter-busa_black-magic +portrait,Ukiyo_e,tsukioka-yoshitoshi_not_detected_242418 +portrait,Romanticism,alexander-orlowski_portrait-of-an-italian-composer-muzio-clementi +cityscape,Expressionism,arturo-souto_square-of-brussels-1938 +landscape,Symbolism,mikalojus-ciurlionis_sparks-ii-1906 +still_life,Synthetic_Cubism,juan-gris_the-sideboard-1917 +landscape,Post_Impressionism,theo-van-rysselberghe_noon-landscape +portrait,Expressionism,amedeo-modigliani_count-weilhorski +portrait,Romanticism,francisco-goya_portrait-of-senora-berm-sezne-kepmesa +genre_painting,Symbolism,mikhail-vrubel_the-lilacs-1900 +abstract_painting,Minimalism,denise-green_cos-cob-1987 +genre_painting,Ukiyo_e,kitagawa-utamaro_the-hour-of-the-horse-1 +landscape,Symbolism,nicholas-roerich_bogdo-ul-hurricane-1927 +landscape,Baroque,esaias-van-de-velde_landscape +religious_painting,Northern_Renaissance,hieronymus-bosch_christ-crowned-with-thorns-1510 +religious_painting,Northern_Renaissance,hieronymus-bosch_the-house-of-ill-fame +nude_painting,Realism,vincent-van-gogh_idol-1 +portrait,Impressionism,camille-pissarro_portrait-of-rodo-pissarro-reading +landscape,Baroque,rembrandt_a-peasant-carrying-milk-pales-1650 +landscape,Impressionism,stefan-popescu_during-rain +landscape,Symbolism,nicholas-roerich_lake-karelian-landscape-1917 +abstract_painting,Minimalism,ellsworth-kelly_second-curve-series-gray-variation-1975 +still_life,Baroque,gerrit-dou_officer-of-the-marksman-society-in-leiden-detail +genre_painting,Realism,vladimir-makovsky_musical-evening-1906 +abstract_painting,Minimalism,martin-barre_64-1-3-1964 +genre_painting,Baroque,esaias-van-de-velde_skaters-on-the-ice-at-a-farm +sketch_and_study,Post_Impressionism,vincent-van-gogh_head-of-a-boy-with-broad-brimmed-hat-1890(1) +portrait,Rococo,vladimir-borovikovsky_andrew-samborski-afanasyevich-1790 +portrait,Impressionism,pierre-auguste-renoir_portrait-of-claude-renoir-painting-1907 +religious_painting,Baroque,diego-velazquez_st-anthony-abbot-1638 +landscape,Impressionism,camille-pissarro_the-street-of-the-citadelle-pontoise-1873 +portrait,Expressionism,george-bouzianis_portrait-6(1) +portrait,Romanticism,dante-gabriel-rossetti_jane-morris-1870 +landscape,Impressionism,arkhip-kuindzhi_forest-glade-fog +still_life,Realism,guy-rose_from-the-dining-room-window-1910 +genre_painting,Impressionism,max-slevogt_artist-s-children-in-garden +religious_painting,High_Renaissance,correggio_adoration-of-the-magi-1517(2) +genre_painting,Ukiyo_e,utagawa-kunisada_not_detected_240345 +abstract_painting,Abstract_Expressionism,mark-tobey_patterns-of-conflict +landscape,Symbolism,ferdinand-hodler_eiger-monch-and-jungfrau-in-moonlight-1908 +portrait,Art_Nouveau_Modern,jacek-malczewski_portrait-of-wladyslaw-reymont +still_life,Impressionism,octav-bancila_flori-de-c-mp +genre_painting,Realism,jean-francois-millet_the-washerwomen +sketch_and_study,Realism,boris-kustodiev_nude-1920 +still_life,Realism,henri-fantin-latour_peaches-and-a-plum-1879 +genre_painting,Expressionism,henri-matisse_odalisque-with-a-turkish-chair-1928 +portrait,Cubism,fernand-leger_men-in-the-city-1919 +still_life,Cubism,pablo-picasso_still-life-with-stone-1924 +landscape,Impressionism,claude-monet_vetheuil-6 +still_life,Expressionism,ligia-macovei_unknown-title-17 +portrait,Romanticism,orest-kiprensky_portrait-of-johann-wolfgang-von-goethe-1823 +abstract_painting,Abstract_Expressionism,esteban-vicente_untitled-1990 +landscape,Pointillism,henri-edmond-cross_the-cypresses-at-cagnes-1908 +religious_painting,Baroque,peter-paul-rubens_the-resurrection-of-christ-1612-1 +genre_painting,Art_Nouveau_Modern,raphael-kirchner_greek-virgins-1900-9 +illustration,Romanticism,gustave-dore_saladin +religious_painting,Naive_Art_Primitivism,marc-chagall_king-david-1951 +landscape,Romanticism,ivan-aivazovsky_neva +landscape,Expressionism,william-h.-johnson_fruit-trees-and-mountains-1938 +landscape,Fauvism,janos-mattis-teutsch_haycocks-1916 +portrait,Expressionism,salvador-dali_untitled-michelangelo-head-with-drawers +cityscape,Romanticism,cornelis-springer_church-in-zaltbommel +religious_painting,Mannerism_Late_Renaissance,el-greco_apostle-st-simon +abstract_painting,Minimalism,robert-ryman_wing +genre_painting,Expressionism,jean-paul-lemieux_evening-visitor-1956 +landscape,Realism,camille-corot_the-church-at-marissel +portrait,Impressionism,berthe-morisot_mme-boursier-and-her-daughter-1873 +religious_painting,High_Renaissance,pietro-perugino_pala-di-fano-nativity-of-mary +genre_painting,Symbolism,nicholas-roerich_on-the-heights-tummo-1936 +sketch_and_study,Post_Impressionism,henri-de-toulouse-lautrec_woman-at-her-toilette-them-washing-herself-1896 +genre_painting,Fauvism,jean-hugo_interieur-d-un-bar-1917 +nude_painting,Expressionism,yiannis-moralis_summer-1968 +cityscape,Impressionism,camille-pissarro_sunset-rouen-1898 +landscape,Baroque,rembrandt_landscape-with-a-ruined-tower-and-a-clear-foreground-1650 +landscape,Post_Impressionism,maurice-prendergast_st-malo +genre_painting,Post_Impressionism,pierre-bonnard_woman-in-a-green-dress-in-a-garden +portrait,Romanticism,karl-bryullov_portrait-of-volkonskis-children-with-blackamoor +cityscape,Impressionism,konstantin-korovin_pier-gurzuf-1916 +landscape,Symbolism,nicholas-roerich_karelian-landscape-tulola-rocks-1918 +nude_painting,Expressionism,bui-xuan-phai_nude +portrait,Impressionism,piet-mondrian_portrait-of-a-girl-with-flowers-1 +abstract_painting,Abstract_Expressionism,willem-de-kooning_composition +portrait,Realism,john-singer-sargent_portrait-of-frances-mary-vickers +abstract_painting,Abstract_Expressionism,joan-mitchell_sunflower-iii-1969 +portrait,Romanticism,joseph-wright_john-whitehurst +cityscape,Impressionism,childe-hassam_rainy-day +abstract_painting,Color_Field_Painting,anne-appleby_requiem-for-a-ponderosa-pine-2010 +portrait,Symbolism,odilon-redon_profile +religious_painting,Early_Renaissance,carlo-crivelli_archangel-michael-1477 +landscape,Realism,ivan-shishkin_edge-of-the-forest-spruce-forest-1890 +religious_painting,Baroque,cornelis-de-vos_the-birth-of-jesus +portrait,Baroque,diego-velazquez_philip-iv-king-of-spain-1644 +nude_painting,Expressionism,max-pechstein_the-red-turban-1911 +portrait,Post_Impressionism,paul-cezanne_man-smoking-a-pipe +abstract_painting,Color_Field_Painting,ronald-davis_double-see-thru-1969 +genre_painting,Impressionism,edgar-degas_dancer-with-a-fan +landscape,Realism,gustave-courbet_the-beach-sunset-1867 +religious_painting,Symbolism,franz-stuck_judith-and-holofernes-1927 +abstract_painting,Minimalism,agnes-martin_untitled-1977-1 +landscape,Impressionism,claude-monet_meton-seen-from-cap-martin +genre_painting,Realism,georgios-jakobides_children-s-concert-1900 +portrait,Impressionism,pierre-auguste-renoir_madame-severine +portrait,Ukiyo_e,utagawa-kuniyoshi_tokiwa-gozen-in-the-snow +sketch_and_study,Post_Impressionism,vincent-van-gogh_head-of-a-woman-1886 +portrait,Realism,mihaly-munkacsy_portrait-of-franz-liszt-1886 +religious_painting,Rococo,vladimir-borovikovsky_the-nativity-of-christ +genre_painting,Art_Nouveau_Modern,raphael-kirchner_girls-with-good-luck-charms-8 +landscape,Ukiyo_e,utagawa-kuniyoshi_mountain +genre_painting,Symbolism,gustave-moreau_the-dream-haunting-the-mogul +genre_painting,Baroque,gerard-terborch_the-glass-of-lemonade +cityscape,Impressionism,claude-monet_view-over-vetheuil-1 +nude_painting,Expressionism,amedeo-modigliani_rose-caryatid-audace-1913 +landscape,Expressionism,edvard-munch_starry-night-1924 +abstract_painting,Action_painting,jackson-pollock_black-white-number-20-1951 +portrait,Northern_Renaissance,albrecht-durer_portrait-of-a-cleric-1516 +cityscape,Post_Impressionism,maurice-utrillo_factory +genre_painting,Expressionism,oskar-kokoschka_children-playing-1909 +landscape,Baroque,adriaen-van-de-velde_the-beach-at-scheveningen-1658 +nude_painting,Expressionism,rafael-zabaleta_female-nude-3 +abstract_painting,Color_Field_Painting,anne-appleby_kinnikinnick-1997 +portrait,Realism,gustave-courbet_a-young-woman-reading-1868 +abstract_painting,Abstract_Expressionism,walasse-ting_sweet-milky-way-1969 +genre_painting,Realism,james-tissot_reading-a-story +landscape,Expressionism,george-luks_boulders-on-a-riverbank-1919 +nude_painting,Expressionism,yiannis-moralis_not-detected-10 +genre_painting,Baroque,bernardo-strozzi_the-three-parks +portrait,Romanticism,konstantin-makovsky_portrait-of-children-stasovy +cityscape,Romanticism,john-atkinson-grimshaw_view-of-heath-street-by-night +cityscape,Symbolism,mstislav-dobuzhinsky_vilna-the-old-manor-house-on-mostovaya-street-1910 +genre_painting,Post_Impressionism,henri-de-toulouse-lautrec_the-laundryman-calling-at-the-brothal-1894 +landscape,Realism,ion-andreescu_untitled-view-of-a-field +still_life,Cubism,georges-braque_the-packing-case-1947 +genre_painting,Impressionism,berthe-morisot_the-sewing-lesson-aka-the-artist-s-daughter-julie-with-her-nanny +abstract_painting,Minimalism,jo-baer_untitled-double-bar-orange-1972 +genre_painting,Baroque,francesco-guardi_ladies-concert-at-the-philharmonic-hall +illustration,Art_Nouveau_Modern,otto-eckmann_the-weekly-magazine-jugend-no-14-1896 +landscape,Impressionism,claude-monet_path-at-varengeville +religious_painting,Northern_Renaissance,albrecht-durer_the-sea-monster-and-the-beast-with-the-lamb-s-horn-1498 +genre_painting,Art_Nouveau_Modern,mikhail-nesterov_in-a-secluded-monastery-1915 +landscape,Impressionism,pierre-auguste-renoir_a-fence-in-the-forest-1878 +portrait,Art_Nouveau_Modern,boris-kustodiev_sailor-and-his-girl-1921 +landscape,Impressionism,camille-pissarro_eragny-sunset-1890 +religious_painting,Mannerism_Late_Renaissance,giorgio-vasari_pentecost +portrait,Romanticism,konstantin-makovsky_portrait-of-tsarevna-sofia +landscape,Impressionism,claude-monet_snow-at-argenteuil-1 +genre_painting,Impressionism,valentin-serov_peter-i-in-the-palace-of-monplaisir-unfinished-1911 +illustration,Romanticism,david-wilkie_the-blind-fiddler-illustration-from-lives-of-great-men-told-by-great-men-edited-by-richard +landscape,Baroque,isaac-van-ostade_a-winter-landscape-with-skaters-children-playing-kolf-and-figures-with-sledges-on-the-ice-near +nude_painting,Cubism,ernst-ludwig-kirchner_three-nudes-in-the-forest-4 +cityscape,Expressionism,martiros-saryan_in-persia-1915 +landscape,Realism,isaac-levitan_a-yard +landscape,Romanticism,thomas-cole_peace-at-sunset-evening-in-the-white-mountains +sketch_and_study,Baroque,peter-paul-rubens_woman +landscape,Post_Impressionism,pyotr-konchalovsky_mist-landscape-with-cows-1934 +religious_painting,Early_Renaissance,fra-angelico_annalena-altarpiece +portrait,Symbolism,jozsef-rippl-ronai_woman-in-ink-dress-and-black-collar-1915 +abstract_painting,Abstract_Expressionism,betty-parsons_bright-day-1966 +sketch_and_study,Cubism,pyotr-konchalovsky_still-life-with-violin-1916 +abstract_painting,Color_Field_Painting,paul-feeley_ios-1957 +nude_painting,Post_Impressionism,henri-matisse_nude-4 +religious_painting,High_Renaissance,pietro-perugino_pieta-maria-detail-1495 +still_life,Ukiyo_e,katsushika-hokusai_announcement-of-a-farewell-performance-of-bando-mitsugoro +landscape,Pointillism,henri-edmond-cross_cypress-april +cityscape,Post_Impressionism,henri-martin_the-fishing-boats-on-the-strike-in-collioure +genre_painting,Realism,john-singer-sargent_cashmere +landscape,Romanticism,thomas-moran_winter-in-the-rockies-1867 +religious_painting,High_Renaissance,andrea-mantegna_judith-and-holofernes-1500 +portrait,Mannerism_Late_Renaissance,jacopo-pontormo_portrait-of-ugolino-martelli +portrait,Realism,vasily-perov_wanderer-1870 +genre_painting,Romanticism,taras-shevchenko_peasant-family-1843 +landscape,Post_Impressionism,vincent-van-gogh_the-seine-with-a-rowing-boat-1887 +religious_painting,High_Renaissance,luca-signorelli_the-paradise-1502 +portrait,Naive_Art_Primitivism,camille-bombois_les-bas-noirs-avec-journal-1930 +still_life,Post_Impressionism,vincent-van-gogh_still-life-with-red-cabbages-and-onions-1887 +genre_painting,Romanticism,edwin-henry-landseer_flood-in-the-highlands +genre_painting,Impressionism,maurice-prendergast_low-tide-4 +landscape,Fauvism,hans-hofmann_untitled-1941 +genre_painting,Baroque,jan-steen_effects-of-intemperance-1665 +genre_painting,Naive_Art_Primitivism,niko-pirosmani_spree-of-four-residents +portrait,Impressionism,camille-pissarro_portrait-of-jeanne-in-a-pink-robe +genre_painting,Art_Nouveau_Modern,sergey-solomko_couple-in-the-boat +landscape,Impressionism,kimon-loghi_sunset +landscape,Realism,alfred-sisley_chestnut-avenue-in-la-celle-saint-cloud-1865 +landscape,Impressionism,claude-monet_apple-trees-near-vetheuil(1) +landscape,Impressionism,willard-metcalf_indian-summer-vermont +religious_painting,Romanticism,fyodor-solntsev_st-george +portrait,Realism,ilya-repin_portrait-of-e-zvantseva-1889 +sketch_and_study,Expressionism,martiros-saryan_plow-1902 +genre_painting,Realism,nikolay-bogdanov-belsky_visitors-1 +portrait,Mannerism_Late_Renaissance,agnolo-bronzino_portrait-of-cosimo-i-de-medici-1545-1 +landscape,Impressionism,guy-rose_in-the-sierra +still_life,Analytical_Cubism,pablo-picasso_landscape-with-posters-1912 +cityscape,Impressionism,childe-hassam_nocturne-railway-crossing-chicago-1893 +landscape,Realism,fyodor-vasilyev_evening-in-the-crimea-1873 +genre_painting,Realism,vincent-van-gogh_ploughman-with-woman-planting-potatoes-1884 +sketch_and_study,Romanticism,fyodor-solntsev_from-portrait-of-margaret-alekseevny +portrait,Realism,vasily-vereshchagin_kazakh-with-fur-hat-1867 +landscape,Impressionism,kimon-loghi_village-outskirts +genre_painting,Pop_Art,conrad-marca-relli_the-meeting-place-1982 +illustration,Art_Nouveau_Modern,heorhiy-narbut_illustration-to-nightingale-by-hans-christian-andersen-1912-2 +cityscape,Impressionism,antoine-blanchard_rue-de-la-paix-place-vendome +religious_painting,Early_Renaissance,benozzo-gozzoli_preaching-to-the-birds-and-blessing-montefalco-1452 +landscape,Post_Impressionism,kimon-loghi_on-the-lakeshore-1 +sketch_and_study,Post_Impressionism,vincent-van-gogh_head-of-a-man-possibly-theo-van-gogh-1887(1) +portrait,Impressionism,julian-alden-weir_portrait-of-cara-1887 +nude_painting,Expressionism,lucian-freud_julie-and-martin +still_life,Impressionism,octav-bancila_flori +genre_painting,Romanticism,francisco-goya_blind-man-s-buff-1789 +landscape,Impressionism,guy-rose_coastline +abstract_painting,Color_Field_Painting,helen-frankenthaler_leveling-1973 +portrait,Romanticism,henry-raeburn_portrait-of-mrs-e-bethune +landscape,Symbolism,nicholas-roerich_himalayas-35 +nude_painting,Impressionism,federico-zandomeneghi_woman-drying-herself +abstract_painting,Abstract_Expressionism,cy-twombly_min-oe +landscape,Expressionism,costas-niarchos_untitleda +nude_painting,Post_Impressionism,moise-kisling_not-identified-23 +portrait,Expressionism,paul-klee_after-annealing-1940(1) +religious_painting,Romanticism,gustave-dore_jacob-prays-for-protection +landscape,Expressionism,jean-paul-lemieux_untitled-river-view-1956 +cityscape,Romanticism,jan-matejko_krakow-morgue +landscape,Baroque,esaias-van-de-velde_ferry-boat-1622 +landscape,Symbolism,nicholas-roerich_pir-panjal-1925-1 +portrait,Expressionism,egon-schiele_rufer-1913 +abstract_painting,Abstract_Expressionism,ronnie-landfield_ancient-jerusalem-1992 +portrait,Realism,vincent-van-gogh_orphan-man-with-long-overcoat-and-umbrella-seen-from-the-back-1882 +portrait,Post_Impressionism,henri-de-toulouse-lautrec_at-la-bastille-portrait-of-jeanne-wenz-1889 +portrait,Romanticism,konstantin-makovsky_woman-with-rake +nude_painting,Symbolism,zinaida-serebriakova_nude-1923 +religious_painting,High_Renaissance,pietro-perugino_pala-di-sant-agostino-lord-blessing-1523 +portrait,Ukiyo_e,utagawa-kuniyoshi_faces +portrait,Post_Impressionism,henri-matisse_the-ballet-dancer-harmony-in-grey-1927 +religious_painting,Romanticism,gustave-dore_jesus-blessing-the-children-1866 +abstract_painting,Color_Field_Painting,jose-guerrero_green-olive-1985 +sketch_and_study,High_Renaissance,leonardo-da-vinci_study-of-the-graduations-of-shadows-on-spheres +still_life,Realism,pyotr-konchalovsky_still-life-tomatoes-on-the-bag-1954 +cityscape,Naive_Art_Primitivism,jules-lefranc_loches +genre_painting,Ukiyo_e,katsushika-hokusai_a-mean-man-will-kill-a-woman-with-his-sword +portrait,Romanticism,sir-lawrence-alma-tadema_portrait-of-a-woman-1902 +landscape,Realism,aleksey-savrasov_on-the-volga +religious_painting,Baroque,bernardo-strozzi_madonna-della-pappa +landscape,Romanticism,pavel-svinyin_a-cliff +genre_painting,Naive_Art_Primitivism,grã©goire-michonze_family-1960 +still_life,Contemporary_Realism,donald-sultan_apples-and-oranges-1987 +portrait,Symbolism,fernand-khnopff_portrait-of-marguerite-khnopff-1887 +landscape,Impressionism,camille-pissarro_le-valhermeil-near-pontoise-1880 +landscape,Realism,gustave-courbet_forest-brook-with-deer-1868 +landscape,Impressionism,john-singer-sargent_the-plains-from-nazareth-1905 +religious_painting,Early_Renaissance,benozzo-gozzoli_tabernacle-of-the-condemned-1466 +sketch_and_study,Realism,isaac-levitan_italian-houses-with-trees-1890 +landscape,Naive_Art_Primitivism,candido-portinari_meio-ambiente-1934 +genre_painting,Cubism,georges-braque_woman-with-a-mandolin-1937 +portrait,Impressionism,william-merritt-chase_my-daughter-dieudonnee-aka-alice-dieudonnee-chase +genre_painting,Romanticism,john-everett-millais_the-crown-of-love +genre_painting,Post_Impressionism,paul-gauguin_women-at-the-banks-of-river-1892 +portrait,Impressionism,camille-pissarro_portrait-of-madame-pissarro-1883 +portrait,Post_Impressionism,paul-gauguin_breton-girls-by-the-sea-1889 +portrait,Symbolism,franz-stuck_tilla-durieux-as-circe +abstract_painting,Color_Field_Painting,mark-rothko_no-17-1961(1) +genre_painting,Impressionism,henrique-pousao_mulher-da-gua-1883 +landscape,Realism,isaac-levitan_little-forest +portrait,Realism,pierre-auguste-renoir_woman-in-a-lace-blouse-1869 +still_life,Fauvism,aldemir-martins_vase-with-flowers-and-fruit-2001-1 +cityscape,Art_Nouveau_Modern,gustav-klimt_malcesine-on-lake-garda(1) +cityscape,Impressionism,eugene-boudin_the-port-of-trouville-1897 +portrait,Rococo,joshua-reynolds_portrait-of-sir-william-lowther-3rd-bt +religious_painting,High_Renaissance,lorenzo-lotto_frescoes-in-the-oratory-suardi-in-trescore-scene-of-the-blessing-of-st-brigid-of-kildare-1524 +nude_painting,Naive_Art_Primitivism,pablo-picasso_lying-female-nude-1932-2 +nude_painting,Expressionism,ernst-ludwig-kirchner_female-nudes-in-a-atelier +religious_painting,High_Renaissance,pinturicchio_madonna-with-writing-child-and-bishop-1495 +genre_painting,Impressionism,maurice-prendergast_the-tuileries-gardens-paris-1895 +landscape,Impressionism,gustave-caillebotte_kitchen-garden-petit-gennevilliers +abstract_painting,Minimalism,agnes-martin_untitled-1977 +abstract_painting,Color_Field_Painting,mark-rothko_black-on-maroon-2 +religious_painting,Mannerism_Late_Renaissance,agnolo-bronzino_noli-me-tangere-1561 +abstract_painting,Color_Field_Painting,mark-rothko_lavender-and-mulberry +landscape,Impressionism,arkhip-kuindzhi_wild-grass-1875 +genre_painting,Art_Nouveau_Modern,raphael-kirchner_girls-with-good-luck-charms-4 +sketch_and_study,Expressionism,august-macke_dog-on-fire +landscape,Impressionism,james-mcneill-whistler_gold-and-brown-dordrecht +landscape,Realism,isaac-levitan_springtime-in-italy-1890 +landscape,Post_Impressionism,constantine-maleas_view-of-methana-1920 +religious_painting,Realism,edouard-manet_the-monk-at-prayer-1865 +illustration,Realism,valentin-serov_the-lion-and-the-wolf-1911 +portrait,Rococo,vladimir-borovikovsky_portrait-of-prince-a-b-kurakin-1799 +genre_painting,Expressionism,edvard-munch_alma-mater-1916 +cityscape,Realism,vincent-van-gogh_view-of-scheveningen-1882 +genre_painting,Impressionism,micaela-eleutheriade_cules-de-vie +abstract_painting,Abstract_Expressionism,gene-davis_islam-1981 +illustration,Naive_Art_Primitivism,marc-chagall_so-she-came-down-from-the-tree-1948 +portrait,Baroque,rembrandt_a-woman-weeping +genre_painting,Art_Nouveau_Modern,filipp-malyavin_peasant-girl-knitting-a-stocking-1895 +portrait,Rococo,joshua-reynolds_john-hayes-st-leger +religious_painting,Rococo,giovanni-battista-tiepolo_the-last-supper-1747 +nude_painting,Expressionism,lucian-freud_evening-in-the-studio +landscape,Impressionism,alfred-sisley_spring-at-veneux-1880 +portrait,Realism,nikolaos-gyzis_little-girl +illustration,Baroque,rembrandt_four-illustrations-to-a-spanish-book-1655 +still_life,Impressionism,james-ensor_chinese-porcelain-with-fans-1880 +landscape,Realism,alfred-sisley_avenue-of-chestnut-trees-near-la-celle-saint-cloud-1867 +religious_painting,Baroque,peter-paul-rubens_the-holy-family-with-st-anne +landscape,Post_Impressionism,marsden-hartley_mont-sainte-victoire-1927 +abstract_painting,Abstract_Expressionism,frank-bowling_fishes-2011 +nude_painting,Realism,william-merritt-chase_nude-recumbent +religious_painting,Mannerism_Late_Renaissance,maerten-van-heemskerck_man-of-sorrows +still_life,Impressionism,ion-theodorescu-sion_ulcic-cu-nalbe-1927 +portrait,Pop_Art,andy-warhol_robert-mapplethorpe +still_life,Impressionism,abraham-manievich_flowers-on-a-yellow-table +landscape,Impressionism,winston-churchill_view-at-lochmore +abstract_painting,Abstract_Expressionism,sam-francis_untitled-from-pasadena-box-lembark-l59-1963 +cityscape,Art_Nouveau_Modern,nicholas-roerich_pechora-a-large-belfry-1903(2) +cityscape,Post_Impressionism,maurice-utrillo_st-vincent-street +genre_painting,Naive_Art_Primitivism,marc-chagall_blue-horse-with-the-couple-1982 +portrait,Expressionism,zinaida-serebriakova_italian-peasant-woman-in-a-vineyard-1936 +religious_painting,High_Renaissance,vittore-carpaccio_the-triumph-of-st-george-1507 +portrait,Romanticism,william-holman-hunt_isabella-and-the-pot-of-basil-1867 +genre_painting,Contemporary_Realism,eric-fischl_beach-scene-with-pink-hat +landscape,Post_Impressionism,ferdynand-ruszczyc_unknown-title-1899 +portrait,Post_Impressionism,vladimir-tatlin_woman-s-portrait +religious_painting,Symbolism,odilon-redon_saint-sebastian-1 +cityscape,Realism,vasily-vereshchagin_the-entrance-door-to-the-church-under-the-kazbek-1897 +still_life,Impressionism,henri-matisse_blue-pot-and-lemon-1897 +genre_painting,Romanticism,sir-lawrence-alma-tadema_an-exedra-1869 +landscape,Post_Impressionism,gustave-loiseau_the-banks-of-the-eure +illustration,Symbolism,salvador-dali_clown-for-the-amazing-adventure-of-the-lacemaker-and-the-rhinoceros +cityscape,New_Realism,edward-hopper_railroad-crossing +still_life,Expressionism,endre-balint_still-life-1946 +portrait,Realism,william-adolphe-bouguereau_irene-1897 +landscape,Expressionism,amedeo-modigliani_landscape-southern-france-1919 +genre_painting,Naive_Art_Primitivism,david-burliuk_man-and-cow +portrait,Romanticism,constantin-daniel-rosenthal_portrait-of-a-woman +genre_painting,Romanticism,jacek-malczewski_the-painter-boy-1890 +portrait,Expressionism,henri-matisse_small-odalisque-in-purple-robe-1937 +landscape,Realism,horia-bernea_the-garden-1992 +landscape,Realism,vincent-van-gogh_bench-in-a-wood-1882(1) +genre_painting,Baroque,adriaen-van-de-venne_a-man-carrying-a-sack +sketch_and_study,Post_Impressionism,vincent-van-gogh_field-with-houses-under-a-sky-with-sun-disk-1888(1) +cityscape,Post_Impressionism,edouard-cortes_quay-du-louvre-1 +landscape,Northern_Renaissance,pieter-bruegel-the-elder_view-of-tivoli-1556 +still_life,Post_Impressionism,raoul-dufy_pink-bunch-1940 +portrait,Pointillism,theo-van-rysselberghe_emile-verhaeren-in-his-study +abstract_painting,Abstract_Expressionism,mark-tobey_the-grand-parade-1974 +illustration,Romanticism,gustave-dore_don-quixote-146 +landscape,Symbolism,ferdinand-hodler_lake-thun-symmetric-reflection-1905 +portrait,Expressionism,amedeo-modigliani_beatrice-hastings-1915-1 +abstract_painting,Abstract_Expressionism,bradley-walker-tomlin_green-1948 +nude_painting,Contemporary_Realism,philip-pearlstein_male-and-female-nudes-with-red-and-purple-drape-1968 +illustration,Romanticism,gustave-dore_crusaders-surrounded-by-saladin-s-army-1877 +portrait,Post_Impressionism,amrita-sher-gil_the-child-bride-1936 +religious_painting,Northern_Renaissance,albrecht-durer_st-simon-1523 +illustration,Art_Nouveau_Modern,kay-nielsen_in-powder-and-crinoline-1912 +portrait,Romanticism,konstantin-makovsky_portrait-of-the-girl-zhenia +landscape,Impressionism,childe-hassam_sand-springs-butte +landscape,Realism,ivan-shishkin_view-near-dusseldorf-1865 +portrait,Rococo,vladimir-borovikovsky_children-with-a-lamb +genre_painting,Impressionism,henri-de-toulouse-lautrec_party-in-the-country-1882 +sketch_and_study,Realism,ivan-shishkin_forest-1869 +sketch_and_study,Fauvism,pyotr-konchalovsky_sketch-of-still-life-with-bread-1911 +genre_painting,Impressionism,berthe-morisot_child-in-the-rose-garden +landscape,Realism,vasily-polenov_oka-river-vladimir-steamer-converted-into-a-tow-1926 +genre_painting,Contemporary_Realism,eric-fischl_kowdoolie +landscape,Realism,isaac-levitan_after-the-rain-plyos-1889 +portrait,Expressionism,zinaida-serebriakova_young-breton-1934 +landscape,Romanticism,john-constable_a-boat-at-the-sluice +portrait,Realism,john-singer-sargent_catrherine-vlasto-1897 +landscape,Symbolism,arnold-bã¶cklin_destroyed-house-in-kehl-1870 +genre_painting,Impressionism,edgar-degas_three-women-at-the-races +abstract_painting,Abstract_Expressionism,brett-whiteley_american-dream-1969 +abstract_painting,Minimalism,sol-lewitt_arcs-from-four-corners-1986 +portrait,Romanticism,george-frederick-watts_the-portrait-of-violinist-wilma-neruda-a-k-a-lady-hall +landscape,Symbolism,j.-e.-h.-macdonald_after-sunset-georgian-bay-1931 +portrait,Mannerism_Late_Renaissance,agnolo-bronzino_portrait-of-a-gentleman +genre_painting,Art_Nouveau_Modern,jacek-malczewski_my-models +genre_painting,Impressionism,childe-hassam_a-street-in-denia-spain +portrait,High_Renaissance,raphael_portrait-of-elizabeth-gonzaga +portrait,Realism,gustave-courbet_hector-berlioz-1850 +genre_painting,Impressionism,camille-pissarro_peasant-woman-in-a-cabbage-patch +portrait,Impressionism,max-liebermann_portrait-of-professor-dr-carl-bernstein-1892 +landscape,Impressionism,joaquã­n-sorolla_rose-bush-at-the-sorolla-house-1918 +portrait,Expressionism,amedeo-modigliani_jeanne-hebuterne-1919 +genre_painting,Rococo,george-morland_the-soldier-s-departure-1791 +portrait,Realism,vincent-van-gogh_orphan-man-with-umbrella-seen-from-the-back-1882 +abstract_painting,Abstract_Expressionism,mark-tobey_calligraphy-1959 +landscape,Impressionism,john-henry-twachtman_the-brook-greenwich-connecticut-aka-horseneck-falls-greenwich-connecticut-1900 +portrait,Realism,james-mcneill-whistler_arrangement-in-black-no-8-portrait-of-mrs-cassatt-1885 +cityscape,Post_Impressionism,maurice-utrillo_damiette-street-in-sannois +cityscape,Fauvism,othon-friesz_roofs-and-cathedral-in-rouen-1908 +landscape,Romanticism,alexander-ivanov_stones-on-a-river-shore +portrait,Expressionism,lucian-freud_susanna +religious_painting,Northern_Renaissance,jean-hey_st-anne-presenting-anne-of-france-and-her-daughter-suzanne-of-bourbon-right-wing-of-the-bourbon +landscape,Impressionism,micaela-eleutheriade_dealuri-la-balcic +landscape,Post_Impressionism,david-burliuk_landscape-with-a-house +portrait,Impressionism,pierre-auguste-renoir_head-of-a-young-girl-1880 +portrait,Impressionism,pierre-auguste-renoir_alphonsine-fournaise-on-the-isle-of-chatou-1879 +portrait,Cubism,juan-gris_pierrot-with-guitar-1922 +portrait,Rococo,joshua-reynolds_george-john-spencer-2nd-earl-spencer-1776 +landscape,Impressionism,claude-monet_path-at-pourville +abstract_painting,Abstract_Expressionism,hans-hofmann_cataclysm-1945 +portrait,Northern_Renaissance,jean-fouquet_portrait-of-man-with-hat +illustration,Symbolism,mikhail-vrubel_portrait-of-an-officer-pechorin-on-a-sofa-1889 +cityscape,Impressionism,paul-signac_boulevard-de-clichy-1886 +portrait,Realism,edouard-manet_portrait-of-jeanne-duval-1862 +landscape,Realism,fyodor-vasilyev_on-the-neva-1871 +abstract_painting,Abstract_Expressionism,frank-stella_green-solitaire-1977 +portrait,Art_Nouveau_Modern,zinaida-serebriakova_portrait-of-olga-konstantinovna-lancere-1910 +portrait,Ukiyo_e,utagawa-kuniyoshi_hattara-sonja-with-his-white-tiger +illustration,Romanticism,gustave-dore_don-quixote-149 +landscape,Post_Impressionism,ferdynand-ruszczyc_z-brzeg-w-wilejki-1900 +portrait,Baroque,aleksey-antropov_portrait-of-tsar-peter-i-the-great-1672-1725-1772 +genre_painting,Post_Impressionism,paul-cezanne_pierrot-and-harlequin-mardi-gras-1888 +abstract_painting,Color_Field_Painting,ray-parker_kate-for-your-birthday-1964 +genre_painting,Realism,james-tissot_reading-a-book +landscape,Post_Impressionism,henri-edmond-cross_rocks-at-trayas +sketch_and_study,Realism,vincent-van-gogh_road-with-pollard-willows-1881-2 +cityscape,Impressionism,camille-pissarro_sunset-the-port-of-rouen-steamboats-1898 +religious_painting,Art_Nouveau_Modern,mikhail-nesterov_annunciation +portrait,Romanticism,francisco-goya_portrait-of-jose-antonio-marques-caballero-kepmesa +landscape,Impressionism,camille-pissarro_the-artist-s-garden-at-eragny-1898 +cityscape,Post_Impressionism,vincent-van-gogh_canal-with-bridge-and-women-washing-1888(1) +genre_painting,Impressionism,mary-cassatt_mother-and-child-1880 +sketch_and_study,Realism,boris-kustodiev_portrait-of-i-a-ryazanovsky-1914 +portrait,Expressionism,iosif-iser_harlequin +still_life,Realism,martin-johnson-heade_magnolia-grandiflora-1895 +landscape,Pointillism,henri-martin_the-pergola-1920 +landscape,Realism,pyotr-konchalovsky_study-1951-1 +landscape,Art_Nouveau_Modern,franklin-carmichael_bay-of-islands-1930 +portrait,Realism,alexey-venetsianov_girl-with-burak +landscape,Impressionism,samuel-mutzner_la-mo-i +religious_painting,Baroque,bartolome-esteban-murillo_the-holy-family-the-seville-virgin-1670 +landscape,Realism,nikolay-bogdanov-belsky_woodland-path +landscape,Impressionism,max-liebermann_villa +illustration,Realism,boris-kustodiev_labor-1918 +landscape,Impressionism,camille-pissarro_the-little-bridge-pontoise-1875 +portrait,Impressionism,pierre-auguste-renoir_the-clown-james-bollinger-mazutreek-1868 +nude_painting,Fauvism,marcel-duchamp_nude-with-black-stockings-1910 +religious_painting,Rococo,giovanni-battista-tiepolo_pope-st-clement-adoring-the-trinity-1738 +genre_painting,Art_Nouveau_Modern,carl-larsson_karin-reading-1904(1) +portrait,Realism,henri-fantin-latour_mademoiselle-de-fitz-james-1867 +genre_painting,Impressionism,pierre-auguste-renoir_bathers-1894 +portrait,Realism,thomas-eakins_portrait-of-charles-edmund-dana +landscape,Contemporary_Realism,jamie-wyeth_not-detected-267434 +illustration,Naive_Art_Primitivism,el-lissitzky_illustration-to-aggadah-1919 +sketch_and_study,Expressionism,martiros-saryan_partridge-1925 +genre_painting,Impressionism,nikolay-bogdanov-belsky_nice-landscape-with-ox-and-farmer +sketch_and_study,Post_Impressionism,pyotr-konchalovsky_volkhov-at-the-ferry-1926 +genre_painting,Realism,vasily-perov_parisian-rag-picker-1864 +still_life,Realism,ilya-mashkov_still-life-with-green-jug-and-the-pumpkin-1939 +portrait,Expressionism,endre-balint_circus-woman-1947 +landscape,Romanticism,john-constable_weymouth-bay-with-jordan-hill-1816 +landscape,Romanticism,rudolf-von-alt_hoher-dachstein-from-lower-gosau-1838 +portrait,Impressionism,pierre-auguste-renoir_young-girl-in-a-white-hat-1891 +genre_painting,Realism,james-tissot_foreign-visitors-at-the-louvre +landscape,Naive_Art_Primitivism,ivan-generalic_village-1854 +genre_painting,Post_Impressionism,victor-borisov-musatov_summer-melody-sketch-for-a-panel +genre_painting,Expressionism,ernst-ludwig-kirchner_dance +still_life,Pop_Art,patrick-caulfield_second-glass-of-whisky-1992 +landscape,Post_Impressionism,henri-matisse_open-window-etretat-1920 +genre_painting,Cubism,henri-matisse_bathers-by-a-river-1916 +still_life,Realism,ilya-mashkov_apples-and-pomegranates-1939 +genre_painting,Northern_Renaissance,pieter-bruegel-the-elder_the-beekeepers-and-the-birdnester-1568 +religious_painting,Northern_Renaissance,albrecht-durer_madonna-and-child-with-musical-angels +abstract_painting,Pop_Art,nicholas-krushenick_crossover-1972 +genre_painting,Expressionism,jose-gutierrez-solana_women-of-life-1933 +genre_painting,Romanticism,john-atkinson-grimshaw_in-the-winter +sketch_and_study,Post_Impressionism,vincent-van-gogh_cottages-in-saintes-maries-1888(1) +nude_painting,Contemporary_Realism,neil-welliver_untitled-two-figures-with-lilies +landscape,Realism,isaac-levitan_autumn-landscape-with-church +cityscape,Post_Impressionism,edouard-cortes_st-denis-7 +landscape,Realism,ivan-shishkin_meadow-with-pine-trees +religious_painting,Early_Renaissance,piero-della-francesca_the-madonna-of-mercy-1445(1) +genre_painting,Impressionism,claude-monet_the-artist-s-family-in-the-garden +nude_painting,Expressionism,pablo-picasso_three-nudes-1906 +portrait,Realism,william-adolphe-bouguereau_two-sisters-1901 +religious_painting,Northern_Renaissance,martin-schongauer_sitting-mary-with-the-st-jude-thaddeus-and-st-ursula +religious_painting,Northern_Renaissance,hieronymus-bosch_last-judgement-left-wing-of-the-triptych +still_life,Baroque,cornelis-norbertus-gysbrechts_nature-morte-aux-poissons-1667 +abstract_painting,Abstract_Expressionism,alice-baber_the-light-in-the-depths-1975 +landscape,Impressionism,georges-seurat_house-with-red-roof-1883 +genre_painting,Naive_Art_Primitivism,david-burliuk_a-hearty-supper(1) +portrait,Realism,thomas-eakins_portrait-of-miss-helen-parker-1908 +genre_painting,Post_Impressionism,henri-de-toulouse-lautrec_two-friends-1895 +landscape,Impressionism,stefan-popescu_landscape-with-stronghold +sketch_and_study,Realism,salvador-dali_crucifixion +genre_painting,Romanticism,francisco-goya_old-swinging +portrait,Realism,viktor-vasnetsov_portrait-of-m-v-vasnetsov-1870 +portrait,Realism,edouard-manet_the-ragpicker-1869 +genre_painting,Impressionism,gustave-caillebotte_young-man-playing-the-piano-1876 +cityscape,Impressionism,paul-signac_paris-ponton-des-bains-bailet-1885 +still_life,Expressionism,martiros-saryan_light-gamma-1913 +portrait,Impressionism,gustave-caillebotte_camille-daurelle-in-the-park-at-yerres +landscape,Pointillism,henri-edmond-cross_the-mediterranean-east-wind +genre_painting,Impressionism,childe-hassam_in-the-garden-1889 +sketch_and_study,Realism,vincent-van-gogh_peasant-with-sickle-seen-from-the-back-1885-1 +religious_painting,Naive_Art_Primitivism,marc-chagall_having-lingered-in-gaza-house-of-courtesan-and-watched-by-the-people-who-wanted-to-kill-him +cityscape,Impressionism,childe-hassam_winter-midnight +landscape,Realism,ivan-shishkin_forest-in-mordvinovo-1891 +genre_painting,Impressionism,nikolay-bogdanov-belsky_the-former-defender-of-the-homeland +portrait,Pop_Art,patrick-caulfield_portrait-of-a-frenchman-1971 +sketch_and_study,High_Renaissance,leonardo-da-vinci_drawing-of-salai +nude_painting,Expressionism,toyen_torso +landscape,Impressionism,paul-gauguin_apple-trees-in-blossom-1879 +genre_painting,Realism,james-tissot_a-passing-storm +religious_painting,Northern_Renaissance,albrecht-durer_the-lamentation-for-christ-1510 +sketch_and_study,Symbolism,mikhail-vrubel_woman-s-head-emily-l-prahova-1884 +genre_painting,Realism,pyotr-konchalovsky_on-the-deck-of-the-trawler +cityscape,Post_Impressionism,moise-kisling_port-de-saint-tropez +genre_painting,Impressionism,pericles-pantazis_l-enfant-a-la-toupie +genre_painting,Romanticism,ivan-aivazovsky_chumaks-waggons-1862 +portrait,Pop_Art,gerard-fromanger_marcel-portrait-de-marcel-duchamp-2007 +portrait,Rococo,maurice-quentin-de-la-tour_the-canon-of-the-cathedral-of-reims +sketch_and_study,Symbolism,koloman-moser_reclining-female-nude-mileva-roller-1912 +portrait,Post_Impressionism,david-burliuk_portrait-of-a-young-woman(1) +still_life,Symbolism,odilon-redon_the-seashell-1912-1 +portrait,Early_Renaissance,sandro-botticelli_simonetta(1) +genre_painting,Realism,mykola-pymonenko_flower-girl-1908 +portrait,Baroque,rembrandt_study-of-jewish-bride +nude_painting,New_Realism,edward-hopper_moonlight-interior +genre_painting,Impressionism,childe-hassam_boston-common-1891 +portrait,Post_Impressionism,walter-sickert_portrait-of-lady-noble +genre_painting,Baroque,gerard-terborch_a-guard-room-interior-with-a-soldier-blowing-smoke-in-the-face-of-his-sleeping-companion +portrait,Northern_Renaissance,jean-fouquet_portrait-of-guillaume-jouvenel-des-ursins-the-chancellor-of-charles-vii +portrait,Contemporary_Realism,neil-welliver_figure-with-child +illustration,Expressionism,yiannis-moralis_10-colored-drawings-for-the-poems-of-george-seferis-1965-3 +portrait,Rococo,joshua-reynolds_scyacust-ukah(1) +landscape,Impressionism,robert-julian-onderdonk_morning-in-the-hills-southwest-texas +landscape,Realism,vincent-van-gogh_village-at-sunset-1884 +genre_painting,Baroque,johannes-vermeer_the-love-letter +genre_painting,Baroque,william-hogarth_the-wedding-banquet +portrait,Impressionism,stefan-dimitrescu_gypsies-from-dobruja +landscape,Baroque,annibale-carracci_the-fishing +genre_painting,Romanticism,rudolf-von-alt_galician-gypsies-1839 +genre_painting,Art_Nouveau_Modern,nicholas-roerich_pomeranians-morning-1906 +sketch_and_study,Realism,eugene-boudin_study-of-fishing-boats +abstract_painting,Abstract_Expressionism,bradley-walker-tomlin_maneuver-for-position-1947 +still_life,Impressionism,pierre-auguste-renoir_onions-1881 +sketch_and_study,Post_Impressionism,vincent-van-gogh_landscape-with-a-tree-in-the-foreground-1888 +abstract_painting,Abstract_Expressionism,alice-baber_abstract-composition-1969-1 +landscape,Impressionism,laszlo-mednyanszky_part-of-tab-n-1900 +landscape,Impressionism,childe-hassam_blossoms-1883 +portrait,Rococo,antoine-pesne_portrait-of-teofila-dzia-y-ska-1754 +abstract_painting,Abstract_Expressionism,william-baziotes_pinwheel-1958 +portrait,Post_Impressionism,arturo-souto_portrait-of-vera-mayer-1952 +landscape,Impressionism,claude-monet_fisherman-s-house-in-petit-ailly +landscape,Romanticism,pavel-svinyin_niagara-falls-table-rock-by-moonlight +landscape,Realism,volodymyr-orlovsky_crimean-summer-landscape +portrait,Romanticism,konstantin-makovsky_young-nun +landscape,Symbolism,nicholas-roerich_steps-of-the-himalayas-1924 +portrait,Impressionism,james-mcneill-whistler_red-and-black-the-fan-1894 +religious_painting,Romanticism,viktor-vasnetsov_deposition-1901 +landscape,Post_Impressionism,karl-schrag_forms-of-trees-and-clouds +religious_painting,Early_Renaissance,giovanni-bellini_transfiguration-of-christ-on-mount-tabor +landscape,Impressionism,zinaida-serebriakova_lake-in-tsarskoe-selo-1912 +religious_painting,Baroque,anthony-van-dyck_the-vision-of-st-anthony-1629 +genre_painting,Naive_Art_Primitivism,david-burliuk_a-big-washing-day-1964(1) +abstract_painting,Abstract_Expressionism,jay-defeo_untitled-1974 +landscape,Rococo,thomas-gainsborough_landscape-with-a-woodcutter-and-milkmaid-1755 +abstract_painting,Abstract_Expressionism,sam-francis_deux-magots-1960 +genre_painting,Cubism,georges-braque_the-painter-and-his-model-1939 +landscape,Symbolism,nicholas-roerich_tibet-1 +genre_painting,Baroque,adriaen-van-ostade_a-fight +nude_painting,Post_Impressionism,pablo-picasso_nude-youth-1906 +landscape,Impressionism,t.-c.-steele_brookville +still_life,Fauvism,bela-czobel_still-life-with-fruits-1929 +portrait,Expressionism,salvador-dali_ana-maria +abstract_painting,Abstract_Expressionism,sam-francis_untitled-1988-2 +portrait,Art_Nouveau_Modern,boris-kustodiev_baker-1920 +portrait,Realism,alexey-venetsianov_portrait-of-marfa-venetsianova +genre_painting,Ukiyo_e,utagawa-sadatora_great-harbors-for-the-lucky-treasure-ship +landscape,Impressionism,hoca-ali-riza_peyzaj-landscape +portrait,Romanticism,francesco-hayez_family-portrait-1807 +landscape,Post_Impressionism,vincent-van-gogh_a-lane-near-arles-1888(1) +still_life,Expressionism,richard-diebenkorn_still-life-with-orange-peel +cityscape,Romanticism,andrei-ryabushkin_old-moscow-street +genre_painting,Expressionism,ernst-ludwig-kirchner_boy-with-arrow +portrait,Realism,vasily-perov_portrait-of-the-painter-nikolai-kasatkin-1876 +genre_painting,Baroque,adriaen-van-ostade_dance-at-the-inn +sketch_and_study,Impressionism,giuseppe-de-nittis_amazzoni +portrait,Realism,james-tissot_the-princesse-de-broglie +genre_painting,Expressionism,dimitris-mytaras_composition-for-the-fantastic-theater +landscape,Symbolism,nicholas-roerich_devita-1932 +landscape,Impressionism,pierre-auguste-renoir_midday-landscape-1 +genre_painting,Naive_Art_Primitivism,louis-vivin_chasse-aux-canards +landscape,Baroque,rembrandt_the-boathouse-called-a-grotto-with-a-brook-1645 +portrait,Rococo,louise-elisabeth-vigee-le-brun_portrait-of-french-actress-louise-rosalie-dugazon-1787 +portrait,Contemporary_Realism,jamie-wyeth_john-f-kennedy-1967 +genre_painting,Baroque,gerrit-dou_a-poulterer-s-shop +still_life,Impressionism,pierre-auguste-renoir_still-life +religious_painting,Early_Renaissance,piero-della-francesca_the-annunciation +portrait,Expressionism,pyotr-konchalovsky_portrait-of-dmitry-petrovich-konchalovsky-historian-brother-of-the-artist-1909 +portrait,Fauvism,henri-matisse_the-young-sailor-i-1906 +portrait,Symbolism,pablo-picasso_woman-with-raven-1904-1 +nude_painting,Realism,ilya-repin_the-model +landscape,Post_Impressionism,maurice-denis_panorama-of-cassis +genre_painting,Realism,vincent-van-gogh_weaver-1884-4 +portrait,Rococo,joshua-reynolds_lady-caroline-scott-as-winter +genre_painting,Realism,georgios-jakobides_girl-reading-1882 +genre_painting,Naive_Art_Primitivism,william-h.-johnson_jitterbugs-iii-1941(1) +portrait,Realism,camille-corot_a-seated-italian-from-paeigno-facing-front +portrait,Baroque,anthony-van-dyck_family-portrait +cityscape,Romanticism,albert-bierstadt_sunlight-and-shadow-study-1855 +landscape,Romanticism,john-atkinson-grimshaw_a-golden-beam +portrait,Realism,john-everett-millais_mary-chamberlain +portrait,Realism,peder-severin-kroyer_interior-with-the-artist-s-wife-marie-kr-yer-1889 +genre_painting,Impressionism,lovis-corinth_the-family-of-the-painter-fritz-rumpf-1901 +genre_painting,Symbolism,arnold-bã¶cklin_look-any-laughs-to-the-plains +portrait,Impressionism,joaquã­n-sorolla_clotilde-with-hat +cityscape,Art_Nouveau_Modern,anna-ostroumova-lebedeva_chain-bridge-in-st-petersburg-1903 +cityscape,Impressionism,pierre-auguste-renoir_lighthouse-and-fort-carre-antibes-1916 +portrait,Impressionism,pierre-auguste-renoir_child-with-punch-doll-1875 +abstract_painting,Abstract_Expressionism,ronnie-landfield_untitled-1969 +illustration,Symbolism,felicien-rops_illustration-for-les-epaves-by-charles-baudelaire +landscape,Rococo,francois-boucher_landscape-with-the-brother-lucas +religious_painting,Northern_Renaissance,robert-campin_madonna-by-a-grassy-bank-oak +landscape,Impressionism,konstantin-korovin_winter-landscape +landscape,Cubism,salvador-dali_landscape-near-cadaques +nude_painting,Expressionism,max-pechstein_sitzander-akt-nude-sitting-1918 +abstract_painting,Color_Field_Painting,paul-reed_18-l-1965 +portrait,Impressionism,childe-hassam_lady-in-furs-aka-mrs-charles-a-searles +genre_painting,Post_Impressionism,maurice-denis_around-a-child-with-dog +still_life,Expressionism,ion-pacea_tree-coming-into-bud +portrait,Baroque,adriaen-brouwer_portrait-of-a-man +cityscape,Art_Nouveau_Modern,nicholas-roerich_pechora-vestry-1903 +landscape,Impressionism,winston-churchill_wooded-water-near-blenheim +abstract_painting,Expressionism,max-ernst_untitled-1909 +cityscape,Post_Impressionism,paul-cezanne_the-abandoned-house-1879 +cityscape,Post_Impressionism,david-burliuk_village-street +nude_painting,Expressionism,stanley-pinker_the-embrace +landscape,Romanticism,john-constable_weymouth-bay +still_life,Fauvism,ilya-mashkov_still-life-with-bread-and-pumpkin-1915 +genre_painting,Expressionism,arturo-souto_chamber-of-torture-1962 +landscape,Ukiyo_e,katsushika-hokusai_ejiri-in-the-suruga-province +abstract_painting,Minimalism,sol-lewitt_conspiracy-1971 +landscape,Romanticism,theodore-gericault_paysage-classique-matin +portrait,Baroque,peter-paul-rubens_portrait-of-haspar-hevarts +landscape,Impressionism,konstantin-korovin_summer-1900 +genre_painting,Expressionism,edvard-munch_women-on-the-bridge +landscape,Symbolism,nicholas-roerich_himalayas-45 +portrait,Impressionism,vanessa-bell_the-red-dress-1929 +sketch_and_study,Realism,jean-francois-millet_landscape-hillside-in-gruchy-1870 +landscape,Impressionism,santiago-rusinol_bridge-over-a-river-1884 +portrait,Romanticism,johann-koler_the-portrait-of-nikolai-petrovitsch-semjonovs-daughter-1865 +portrait,Expressionism,egon-schiele_two-boys-1910 +genre_painting,Art_Nouveau_Modern,mikhail-nesterov_a-litte-fox-1914 +portrait,Realism,john-singer-sargent_edouard-pailleron-1879 +landscape,Realism,pyotr-konchalovsky_in-the-park-1940 +genre_painting,Rococo,william-hogarth_gin-lane-1751 +abstract_painting,Color_Field_Painting,barnett-newman_canto-xll-1964 +landscape,Impressionism,claude-monet_at-cap-d-antibes +sketch_and_study,Realism,john-singer-sargent_vaslav-nijinsky-in-le-pavillon-d-armide-1911 +landscape,Impressionism,lovis-corinth_the-new-pond-in-the-tiergarten-berlin-1908 +illustration,Romanticism,gustave-dore_paolo-and-francesca-ii +landscape,Impressionism,childe-hassam_isles-of-shoals-garden-appledore +genre_painting,Impressionism,maurice-prendergast_umbrellas-in-the-rain-1899 +landscape,Impressionism,adolf-hitler_destroyed-tank-1916 +portrait,Baroque,guido-reni_portrait-of-cardinal-roberto-ubaldini-1625 +landscape,Art_Nouveau_Modern,koloman-moser_landscape-with-tree-1896 +portrait,Early_Renaissance,domenico-ghirlandaio_portrait-of-giovane-donna +genre_painting,Realism,vladimir-makovsky_hiring-a-servants-1891 +portrait,Realism,anders-zorn_william-h-taft-1911 +landscape,Realism,camille-corot_nemi-the-lake-s-edge-1845 +portrait,Expressionism,gerard-sekoto_blue-head-1961 +cityscape,New_Realism,edward-hopper_the-city +genre_painting,Realism,edvard-munch_morning-1884 +genre_painting,Art_Nouveau_Modern,aubrey-beardsley_albert-in-search-of-his-ideals-1897 +landscape,Impressionism,arkhip-kuindzhi_after-a-rain-rainbow +genre_painting,Ukiyo_e,utagawa-kunisada_not_detected_240334 +landscape,Post_Impressionism,gustave-loiseau_by-the-oise-at-precy +genre_painting,Baroque,le-nain-brothers_portrait-in-an-interior +still_life,Post_Impressionism,paul-cezanne_potted-plants-1890 +portrait,Rococo,maurice-quentin-de-la-tour_marie-josephe-of-saxony-2 +landscape,Realism,camille-corot_landscape-with-peasant-girl-1861 +landscape,Symbolism,nicholas-roerich_waves-of-fog-1924 +genre_painting,Romanticism,eugene-delacroix_a-mortally-wounded-brigand-quenches-his-thirst-1825(1) +portrait,Pop_Art,andy-warhol_gabrielle-navarra-1979 +landscape,Post_Impressionism,gregoire-boonzaier_trees-1953 +genre_painting,Ukiyo_e,utagawa-kuniyoshi_the-suicide-of-morozumi-masakiyo +cityscape,Impressionism,eugene-boudin_the-merchant-dock +portrait,Northern_Renaissance,hans-holbein-the-younger_henry-viii-and-the-barber-surgeons +landscape,Impressionism,john-henry-twachtman_mouth-of-the-seine +genre_painting,Realism,vincent-van-gogh_old-woman-with-a-shawl-and-a-walking-stick-1882 +genre_painting,Art_Nouveau_Modern,jacek-malczewski_the-tribute-money-triptych-right +genre_painting,Romanticism,ford-madox-brown_the-last-of-england +abstract_painting,Action_painting,norman-bluhm_untitled-1959 +portrait,Rococo,pietro-longhi_a-patrician-family +portrait,Mannerism_Late_Renaissance,el-greco_portrait-of-dominican-friar +landscape,Symbolism,nicholas-roerich_study-of-mountains-1931 +religious_painting,Northern_Renaissance,gerard-david_the-angel-of-the-annunciation-1 +abstract_painting,Color_Field_Painting,morris-louis_breaking-hue-1954 +portrait,Realism,john-singer-sargent_claude-monet-1887 +nude_painting,Expressionism,ernst-ludwig-kirchner_bathing-women-between-white-rocks +cityscape,Impressionism,camille-pissarro_boulevard-montmartre-afternoon-sunlight-1897 +still_life,Synthetic_Cubism,juan-gris_the-painter-s-window-1925 +sketch_and_study,Post_Impressionism,vincent-van-gogh_chair-near-the-stove(1) +portrait,Baroque,cornelis-de-vos_elisabeth-or-cornelia-vekemans-as-a-young-girl +genre_painting,Baroque,rembrandt_the-schoolmaster-1641 +landscape,Realism,james-mcneill-whistler_grey-and-silver-old-battersea-reach +landscape,Post_Impressionism,paul-cezanne_a-close-1890 +still_life,Pop_Art,roy-lichtenstein_baked-potato-1962-1 +genre_painting,Romanticism,john-everett-millais_the-order-of-release-1853 +sketch_and_study,Rococo,francisco-bayeu-y-subias_the-eternal-father-1791 +cityscape,Symbolism,mstislav-dobuzhinsky_riga-a-nook-of-the-embankment +portrait,Rococo,allan-ramsay_philip-dormer-stanhope-4th-earl-of-chesterfield +landscape,Impressionism,claude-monet_islands-at-port-villez-1897 +genre_painting,Symbolism,kuzma-petrov-vodkin_the-girl-at-the-desk-1934 +genre_painting,Expressionism,otto-dix_dream-of-the-sadist +portrait,Romanticism,jan-matejko_matejko-family +nude_painting,Realism,henrique-pousao_model-painting-1880 +cityscape,Post_Impressionism,maurice-utrillo_suburban-road +religious_painting,High_Renaissance,michelangelo_sistine-chapel-ceiling-1512 +religious_painting,Mannerism_Late_Renaissance,titian_sacrifice-of-isaac-1544 +genre_painting,Art_Nouveau_Modern,anders-zorn_waltz-1891 +portrait,Impressionism,mary-cassatt_celeste-in-a-brown-hat-1891 +sketch_and_study,Art_Nouveau_Modern,carlos-saenz-de-tejada_sketch-of-curtain-for-the-representation-of-don-juan-tenorio-treatal-in-theater +genre_painting,Art_Nouveau_Modern,felix-vallotton_family-1899 +cityscape,Post_Impressionism,gustave-loiseau_grand-quay-at-fecamp-1925 +abstract_painting,Minimalism,fernando-calhau_unknown-title-1 +genre_painting,Romanticism,john-everett-millais_autumn-leaves-1856 +abstract_painting,Pop_Art,aki-kuroda_untitled-2012-1 +landscape,Impressionism,charles-reiffel_autumn-design-no-2 +genre_painting,Post_Impressionism,francisc-sirato_la-gherghef +abstract_painting,Action_painting,franz-kline_number-2 +landscape,Realism,camille-corot_landscape-with-a-white-tower-souvenir-of-crecy +portrait,Expressionism,paul-klee_portrait-of-a-man-1925(1) +landscape,Expressionism,max-pechstein_leba-1922 +portrait,Realism,boris-kustodiev_portrait-of-pianist-rachel-slonimskaya-1922 +still_life,Ukiyo_e,utagawa-kunisada_not_detected_240379 +cityscape,Post_Impressionism,ilya-mashkov_view-of-genoese-fortress-in-sudak-1917 +landscape,Impressionism,alfred-sisley_sunny-afternoon-willows-by-the-loing-1890 +portrait,Romanticism,mikhail-vrubel_persian-prince-1886 +religious_painting,Northern_Renaissance,hans-baldung_holy-trinity +genre_painting,Realism,ilya-repin_in-the-township-board-1877 +genre_painting,Naive_Art_Primitivism,marc-chagall_the-flying-clown-1981 +genre_painting,Baroque,adriaen-van-de-venne_winter-scene +genre_painting,Expressionism,albert-bloch_the-three-pierrots-no-2-1911 +portrait,Expressionism,max-pechstein_head-of-a-fisherman-1921 +cityscape,Expressionism,george-bouzianis_house-in-the-countryside-1931 +religious_painting,Naive_Art_Primitivism,marc-chagall_prisoner-of-the-philistines-who-gouged-out-his-eyes-samson-whose-strength-came-back-with-his +nude_painting,Impressionism,pierre-auguste-renoir_seated-female-nude-1910 +religious_painting,Romanticism,gustave-dore_jesus-falling-beneath-the-cross +portrait,Realism,viktor-vasnetsov_portrait-of-olga-poletayeva-1912 +genre_painting,Romanticism,francisco-goya_men-reading-1823 +portrait,Expressionism,amedeo-modigliani_bust-of-a-young-woman +portrait,Rococo,dmitry-levitzky_russian-general-mikhail-krechetnikov-1778 +illustration,Romanticism,gustave-dore_te-deum-after-victory +portrait,Impressionism,valentin-serov_portrait-of-dmitry-stasov-1908 +genre_painting,Realism,winslow-homer_farmer-with-a-pitchfork +portrait,Romanticism,vasily-tropinin_portrait-botsigetti-1818 +still_life,Synthetic_Cubism,juan-gris_still-life-with-fruit-bowl-1918 +portrait,Cubism,pablo-picasso_bust-of-woman-with-yellow-ribbon-jacqueline-1962 +landscape,Realism,ivan-shishkin_at-the-wicket +genre_painting,Baroque,jan-steen_liveliest-1660 +landscape,Post_Impressionism,maurice-prendergast_rockport +landscape,Impressionism,pierre-auguste-renoir_view-of-cannet +sketch_and_study,Realism,nicholas-roerich_study-of-lying-boy-1894 +portrait,Ukiyo_e,tsukioka-yoshitoshi_beautiful-woman +genre_painting,Romanticism,william-turner_the-lake-of-thun-switzerland +abstract_painting,Color_Field_Painting,sam-gilliam_rhinoceros-3-2004 +illustration,Art_Nouveau_Modern,edmund-dulac_the-pearl-of-the-elephant-from-the-kingdom-of-the-pearl +religious_painting,Early_Renaissance,andrea-mantegna_saint-bernardine-of-siena-1450 +portrait,Realism,pyotr-konchalovsky_portrait-of-film-director-alexander-petrovich-dovzhenko-1950 +landscape,Impressionism,theodor-pallady_landscape-with-lake +landscape,Romanticism,caspar-david-friedrich_winter-landscape +portrait,Baroque,anthony-van-dyck_portrait-of-a-lady-presumed-to-be-the-marquise-geromina-spinola-doria-de-genes-oil-on-canvas +portrait,Mannerism_Late_Renaissance,titian_clarice-strozzi-1542 +abstract_painting,Minimalism,perle-fine_untitled-developed-idea-1970 +cityscape,Impressionism,claude-monet_palazzo-dario +abstract_painting,Cubism,carlos-merida_la-familia-1977 +sketch_and_study,Post_Impressionism,vincent-van-gogh_churches-at-petersham-and-turnham-green(1) +still_life,Realism,ilya-mashkov_radish-1942 +portrait,Realism,gustave-courbet_portrait-of-monsieur-nicolle-1862 +portrait,Expressionism,oskar-kokoschka_not_detected_235856 +landscape,Realism,jean-francois-millet_manor-farm-cousin-in-greville-1855 +abstract_painting,Color_Field_Painting,ron-gorchov_loggia-1982 +sketch_and_study,Expressionism,richard-gerstl_landscape-study-1907 +genre_painting,Post_Impressionism,victor-borisov-musatov_walk-at-sunset-1903 +landscape,Post_Impressionism,natalia-goncharova_corner-of-a-garden-sun +nude_painting,Expressionism,pablo-picasso_bust-of-nude-woman-1906 +genre_painting,Realism,ivan-kramskoy_veranda +landscape,Impressionism,guy-rose_arroyo-seco +still_life,Symbolism,kuzma-petrov-vodkin_grapes-and-apples-1921 +portrait,Rococo,dmitry-levitzky_portrait-of-gubareva-1789 +genre_painting,Impressionism,giovanni-boldini_newspaperman-in-paris-the-newspaper-1878 +portrait,Expressionism,lucian-freud_the-painter-s-mother-resting-iii-1977 +nude_painting,Post_Impressionism,vincent-van-gogh_standing-female-nude-seen-from-the-front-1886 +portrait,High_Renaissance,raphael_portrait-of-baldassare-castiglione-1516 +portrait,Post_Impressionism,pablo-picasso_woman-with-jewelery-1901 +still_life,Realism,martiros-saryan_yerevan-flowers-1957 +portrait,Cubism,man-ray_portrait-of-alfred-stieglitz-1913 +portrait,Expressionism,yiannis-tsaroychis_sailor-1938 +landscape,Impressionism,t.-c.-steele_brookville-1898 +landscape,Realism,isaac-levitan_evening-at-volga-1888-1 +landscape,Impressionism,eugene-boudin_the-harvest-near-trouville-1878 +abstract_painting,Color_Field_Painting,ray-parker_untitled-1960 +still_life,Synthetic_Cubism,juan-gris_guitar-on-a-table-1915 +illustration,Romanticism,gustave-dore_they-heard-and-from-his-presence-hid-themselves-amoung-the-thickest-trees +portrait,Impressionism,pierre-auguste-renoir_smiling-young-girl +cityscape,Impressionism,claude-monet_rouen-cathedral-magic-in-blue +religious_painting,Northern_Renaissance,albrecht-durer_madonna-with-the-monkey-1498 +portrait,Realism,pavel-fedotov_portrait-of-m-ye-shishmareva +landscape,Impressionism,childe-hassam_poppies-isles-of-shoals +genre_painting,Expressionism,ossip-zadkine_masquerade-gold-guitarist +sketch_and_study,Realism,vincent-van-gogh_hand-with-a-stick-and-four-people-sharing-a-meal-1885(1) +still_life,Cubism,henri-laurens_bottle-and-glass-1917 +landscape,Realism,viktor-vasnetsov_prologue-1885 +landscape,Impressionism,childe-hassam_blossoming-trees +religious_painting,Baroque,guido-reni_st-john-the-baptist-in-the-wilderness-1625 +genre_painting,Impressionism,pierre-auguste-renoir_woman-in-a-park +landscape,Realism,ivan-shishkin_old-oak-1866 +genre_painting,Realism,anders-zorn_margit-1891 +abstract_painting,Abstract_Expressionism,mario-cesariny_rumeurs-des-villes-1968 +genre_painting,Cubism,natalia-goncharova_harvest +landscape,Realism,vincent-van-gogh_meadow-in-the-background-new-church-1882 +portrait,Baroque,le-nain-brothers_portrait-of-a-knight-of-saint-michael +cityscape,Impressionism,antoine-blanchard_porte-st-denis-5 +genre_painting,Realism,viktor-vasnetsov_children-are-ruining-the-nest +landscape,Realism,charles-francois-daubigny_pond-gijlieu +landscape,Symbolism,nicholas-roerich_sacred-himalayas-1934-1 +portrait,Impressionism,edouard-manet_portrait-of-berthe-morisot +portrait,Impressionism,william-merritt-chase_portrait-of-a-lady-with-a-rose +sketch_and_study,Post_Impressionism,vincent-van-gogh_the-olive-trees-1888 +landscape,Realism,james-mcneill-whistler_the-morning-after-the-revolution-valparaiso +landscape,Realism,ivan-shishkin_oak-1889 +sketch_and_study,Realism,vincent-van-gogh_gardener-with-a-wheelbarrow-1884(1) +portrait,Realism,anders-zorn_ols-maria-1918 +portrait,Romanticism,ford-madox-brown_madeline-scott-1883 +still_life,Expressionism,lucian-freud_the-egytptian-book +landscape,Impressionism,arkhip-kuindzhi_red-sunset +religious_painting,High_Renaissance,vittore-carpaccio_the-arrival-of-the-english-ambassadors-1498 +portrait,Realism,mikhail-nesterov_portrait-of-elizaveta-tal-1936 +cityscape,Romanticism,caspar-david-friedrich_by-the-townwall +genre_painting,Impressionism,camille-pissarro_cowherd-pontoise-1882 +abstract_painting,Abstract_Expressionism,sam-francis_coral-trails-1986 +portrait,Northern_Renaissance,lucas-cranach-the-elder_katharina-luther-1526 +landscape,Romanticism,ivan-aivazovsky_night +illustration,Art_Nouveau_Modern,edmund-dulac_the-bird-of-shadow-and-the-sunbird-illustration-to-fairies-i-have-met +portrait,Realism,nikolai-ge_portrait-of-maria-gabayeva +genre_painting,Post_Impressionism,pablo-picasso_the-embrace-1903 +landscape,Post_Impressionism,jack-bush_bay-1941 +sketch_and_study,Synthetic_Cubism,pablo-picasso_student-with-pipe +landscape,Impressionism,joaquã­n-sorolla_the-small-cove-javea-1898 +portrait,Impressionism,pierre-auguste-renoir_portrait-of-a-boy-jean-pascalis-1916 +genre_painting,Post_Impressionism,maurice-prendergast_st-malo-no-2 +illustration,Symbolism,harry-clarke_the-year-s-at-the-spring-1920-29 +genre_painting,Post_Impressionism,maurice-prendergast_road-to-the-shore +genre_painting,Expressionism,ossip-zadkine_inspiration +portrait,Baroque,diego-velazquez_portrait-of-a-lady-1633 +portrait,Romanticism,sir-lawrence-alma-tadema_her-eyes-are-with-her-thoughts-and-they-are-far-away-1897 +illustration,Naive_Art_Primitivism,marc-chagall_tchitchikov-at-the-customs +portrait,Realism,viktor-vasnetsov_portrait-of-sculptor-mark-matveevitch-antokolsky-1884 +sketch_and_study,Symbolism,kuzma-petrov-vodkin_picture-to-picture-game-boy-1911 +genre_painting,Post_Impressionism,paul-cezanne_large-bathers +portrait,Art_Nouveau_Modern,paul-mathiopoulos_portrait-of-kiki-papastratou +portrait,High_Renaissance,pinturicchio_portrait-of-a-boy-1500 +sketch_and_study,Romanticism,dante-gabriel-rossetti_image-of-a-sketch-and-poem-showing-subject-and-author-1869 +genre_painting,Cubism,ernst-ludwig-kirchner_lovers-the-kiss +portrait,Northern_Renaissance,albrecht-durer_cardinal-albrecht-of-brandenburg-the-small-cardina-1519 +landscape,Romanticism,arthur-hughes_a-spring-afternoon +genre_painting,Rococo,pietro-longhi_a-visit-to-a-lord +still_life,Expressionism,pablo-picasso_untitled-1939-3 +portrait,Impressionism,edgar-degas_portrait-of-an-italian-1856 +genre_painting,Romanticism,lev-lagorio_transportation-of-ice-1849 +landscape,Impressionism,camille-pissarro_view-of-pontoise-1873 +genre_painting,Realism,grigoriy-myasoyedov_zemstvo-is-having-their-lunch-1872 +abstract_painting,Abstract_Expressionism,hans-hofmann_delirious-pink-1961 +religious_painting,High_Renaissance,raphael_jacob-s-dream-1518 +religious_painting,Northern_Renaissance,jan-provoost_crucifixion-2 +cityscape,Impressionism,joaquã­n-sorolla_new-york +landscape,Pop_Art,peter-max_four-seasons-winter +portrait,Rococo,dmitry-levitzky_alexander-i-as-a-child-1787 +still_life,Cubism,pyotr-konchalovsky_still-life-the-stove-1912 +landscape,Art_Nouveau_Modern,j.-e.-h.-macdonald_mist-fantasy +portrait,Expressionism,pablo-picasso_two-acrobats-with-a-dog-1905 +landscape,Post_Impressionism,gustave-loiseau_church-at-notre-dame-at-vaudreuil-1900 +landscape,Post_Impressionism,pierre-daura_winter-landscape-1950 +genre_painting,Baroque,adriaen-van-de-venne_emblem-1 +genre_painting,Romanticism,henryk-siemiradzki_funeral-of-an-old-russian-nobleman +genre_painting,Baroque,le-nain-brothers_the-peasant-s-meal-1642 +nude_painting,Impressionism,edgar-degas_woman-in-a-blue-dressing-gown-torso-exposed +genre_painting,Expressionism,ernst-ludwig-kirchner_schimmeldressurakt-1909 +cityscape,Expressionism,louay-kayyali_maaloula-1969 +portrait,Post_Impressionism,vladimir-dimitrov_unknown-title-13 +genre_painting,Baroque,francesco-guardi_fire-in-the-oil-depot-at-san-marcuola +abstract_painting,Abstract_Expressionism,paul-jenkins_not_detected_235697 +portrait,Romanticism,francisco-goya_portrait-of-ferdinand-vii-1814 +genre_painting,Impressionism,frederic-remington_ridden-down-detail-1906 +portrait,Baroque,gerrit-dou_portrait-of-a-woman +cityscape,Impressionism,claude-monet_san-giorgio-maggiore-3 +landscape,Realism,eugene-boudin_not_detected_246183 +genre_painting,Contemporary_Realism,eric-fischl_a-woman-posessed +landscape,Romanticism,caspar-david-friedrich_not-detected-3 +sketch_and_study,Realism,vasily-surikov_wanderer-1885 +cityscape,Naive_Art_Primitivism,henri-rousseau_wagon-in-front-of-the-mill-1879 +landscape,Impressionism,willard-metcalf_lenghtening-shadows +cityscape,Romanticism,cornelis-springer_fantasy-cityview-of-maassluis +portrait,Northern_Renaissance,mabuse_portrait-of-a-young-woman +landscape,Post_Impressionism,maurice-prendergast_st-malo-2 +religious_painting,Northern_Renaissance,albrecht-durer_head-of-mary +nude_painting,Impressionism,childe-hassam_moonrise-at-sunset-1 +cityscape,Post_Impressionism,david-burliuk_a-tree-by-the-railway +portrait,Realism,salvador-dali_portrait-of-colonel-jack-warner +genre_painting,Post_Impressionism,pyotr-konchalovsky_sawyers-1932-1 +sketch_and_study,Realism,vincent-van-gogh_scheveningen-woman-standing-1881 +sketch_and_study,Northern_Renaissance,jan-van-eyck_portrait-of-cardinal-albergati-1435 +abstract_painting,Color_Field_Painting,louis-cane_toile-d-coup-e-1991-1 +abstract_painting,Color_Field_Painting,barnett-newman_yellow-painting-1949 +genre_painting,Early_Renaissance,benozzo-gozzoli_procession-of-the-magus-balthazar-detail-1461-8 +cityscape,Expressionism,mario-eloy_lisbon-1931 +landscape,Post_Impressionism,paul-cezanne_large-trees-at-jas-de-bouffan-1887 +still_life,Realism,robert-brackman_musical-tabletop +sketch_and_study,Romanticism,dante-gabriel-rossetti_elizabeth-siddal-1855 +landscape,Realism,ivan-shishkin_goutweed-grass +landscape,Rococo,hubert-robert_the-glade-1775 +genre_painting,Art_Nouveau_Modern,jozsef-rippl-ronai_painting-for-the-schiffer-villa-1911 +landscape,Pointillism,georges-seurat_view-of-fort-samson-1885 +illustration,Romanticism,louis-janmot_po-me-de-l-me-14-sur-la-montagne +portrait,Realism,valentin-serov_portrait-of-the-actress-glikeria-fedotova-1905 +landscape,Pointillism,henri-edmond-cross_the-undergrowth-1907 +sketch_and_study,Realism,vasily-surikov_young-lady-with-blue-fur-coat-1887 +portrait,Baroque,frans-hals_pieter-cornelisz-van-der-morsch-1616 +religious_painting,Baroque,francisco-de-zurbaran_st-jerome-with-st-paula-and-st-eustochium-1640 +landscape,Post_Impressionism,j.-e.-h.-macdonald_sunset-lake-simcoe-1919 +landscape,Impressionism,camille-pissarro_the-village-of-knocke-belgium-1894 +portrait,Baroque,aleksey-antropov_portrait-of-grand-duke-peter-fedotovich-later-peter-iii +still_life,Post_Impressionism,meijer-de-haan_still-life-with-ham-1889 +religious_painting,Northern_Renaissance,martin-schongauer_adoration-of-the-child +genre_painting,Impressionism,berthe-morisot_the-wet-nurse-angele-feeding-julie-manet +religious_painting,Romanticism,edward-burne-jones_saint-george-1877 +still_life,Impressionism,stefan-luchian_vizdoage +portrait,Expressionism,amedeo-modigliani_the-mistress-1917 +landscape,Impressionism,ilya-mashkov_september-morning-in-artek-1929 +landscape,Romanticism,william-turner_dolbadern-castle +genre_painting,Post_Impressionism,jacek-malczewski_poisoned-well-i +abstract_painting,Abstract_Expressionism,sam-francis_untitled-1980 +portrait,Impressionism,istvan-nagy_little-boy-1915 +portrait,Realism,max-liebermann_walther-nernst +portrait,Early_Renaissance,paolo-uccello_portrait-of-a-lady +portrait,Art_Nouveau_Modern,boris-kustodiev_guys-from-tula-1924 +sketch_and_study,Realism,boris-kustodiev_portrait-of-l-i-shetalova-woman-with-a-cup-1920 +cityscape,Post_Impressionism,wassily-kandinsky_moscow-zubovskaya-square-study-1916 +genre_painting,Ukiyo_e,kitagawa-utamaro_women-making-dresses +nude_painting,Pointillism,marevna-(marie-vorobieff)_not-identified-2 +landscape,Impressionism,henry-herbert-la-thangue_a-ligurian-valley-italy-1910 +sketch_and_study,Realism,vincent-van-gogh_man-carrying-peat-1882 +landscape,Impressionism,max-slevogt_autumn-forest +portrait,Mannerism_Late_Renaissance,tintoretto_portrait-of-agostino-doria-1553 +portrait,Naive_Art_Primitivism,pablo-picasso_head-of-a-man +nude_painting,Expressionism,max-kurzweil_seated-nude-facing-right-and-meditating +landscape,Impressionism,robert-julian-onderdonk_bluebonnet-landscape-with-catci-road-and-mountain-laurel +landscape,Romanticism,pavel-svinyin_the-monument-to-alexander-hamilton-at-weehawken +religious_painting,Early_Renaissance,pietro-perugino_st-augustine-polyptych-detail +genre_painting,Post_Impressionism,maurice-prendergast_the-cove-2 +landscape,Pointillism,paul-signac_samois-study-nr-8-1899 +sketch_and_study,Realism,viktor-vasnetsov_from-dominik-1874 +religious_painting,Baroque,annibale-carracci_st-margaret-1599 +sketch_and_study,Post_Impressionism,vincent-van-gogh_landscape-with-hut-in-the-camargue-1888 +abstract_painting,Abstract_Expressionism,cy-twombly_untitled-7 +landscape,Symbolism,konstantin-bogaevsky_altars-1907 +genre_painting,Art_Nouveau_Modern,jacek-malczewski_polish-hector +landscape,Realism,ivan-shishkin_fir-forest-in-winter-1884 +landscape,Realism,isaac-levitan_a-herd-1890 +portrait,Impressionism,pierre-auguste-renoir_gabrielle-mending-1908 +landscape,Impressionism,john-henry-twachtman_the-hidden-pool +landscape,Post_Impressionism,paul-cezanne_the-farm-of-bellevue-1892(1) +genre_painting,Post_Impressionism,maurice-prendergast_sunset-and-sea-fog-1923 +landscape,Realism,charles-francois-daubigny_washerwoman-near-valdomdois +landscape,Impressionism,pierre-auguste-renoir_landscape-1917 +religious_painting,Romanticism,francesco-hayez_penitent-mary-magdalene-1825 +illustration,Art_Nouveau_Modern,theodor-severin-kittelsen_har-dyrene-sj-l-cover-1894-1 +portrait,Pointillism,theo-van-rysselberghe_portrait-of-mathilde-vereeken-1891 +portrait,Expressionism,amedeo-modigliani_portrait-of-celso-lagar-1915 +landscape,Baroque,isaac-van-ostade_winter-landscape +landscape,Expressionism,tivadar-kosztka-csontvary_view-of-selemecb-nya-1902 +cityscape,Impressionism,joaquã­n-sorolla_san-martin-bridge-at-toledo-1906 +portrait,Post_Impressionism,pyotr-konchalovsky_portrait-of-margot-1946 +cityscape,Realism,alexey-bogolyubov_vel-normandy-1880 +still_life,Expressionism,jean-fautrier_nature-morte-aux-poires-1928 +nude_painting,Post_Impressionism,pablo-picasso_woman-leaving-the-bath-1901 +landscape,Romanticism,john-atkinson-grimshaw_knostrop-hall-early-morning +religious_painting,Baroque,annibale-carracci_the-coronation-of-the-virgin +portrait,Baroque,anthony-van-dyck_portrait-of-an-english-gentleman +illustration,Art_Nouveau_Modern,edmund-dulac_psyche-and-cerberus +landscape,Post_Impressionism,henri-edmond-cross_pines-by-the-sea-1 +landscape,Realism,nikolai-ge_loading-marble +portrait,Art_Nouveau_Modern,zinaida-serebriakova_boys-in-sailor-s-striped-vests-1919 +landscape,Realism,camille-corot_papigno-steep-and-wooded-banks +portrait,Baroque,anthony-van-dyck_portrait-of-lady-d-aubigny-1638 +illustration,Realism,n.c.-wyeth_tristram-and-isolde +portrait,Rococo,thomas-gainsborough_mrs-sarah-siddons-the-actress-1785 +illustration,Romanticism,gustave-dore_death-of-almoadam-1877 +landscape,Impressionism,alfred-sisley_landscape-in-summer +genre_painting,Realism,mykola-pymonenko_fair +portrait,Post_Impressionism,tarsila-do-amaral_portrait-of-mario-de-andrade +portrait,Naive_Art_Primitivism,pablo-picasso_head-of-a-girl-1950 +genre_painting,Rococo,george-morland_the-stable-door-1791 +landscape,Romanticism,william-shayer_donkeys-in-landscape +genre_painting,Impressionism,james-tissot_a-little-nimrod +landscape,Impressionism,eugene-boudin_the-sea-at-douarnenez-1897 +landscape,Synthetic_Cubism,juan-gris_view-across-the-bay-1921 +portrait,Expressionism,louay-kayyali_portrait-of-a-lady-1964 +genre_painting,Pop_Art,andy-warhol_five-deaths-eleven-times-in-orange +religious_painting,Realism,vasily-polenov_ushered-in-a-tearful-joy +genre_painting,Art_Nouveau_Modern,boris-kustodiev_bathing-1921-1 +landscape,Impressionism,william-merritt-chase_long-island-landscape-after-a-shower-of-rain-1889 +landscape,Realism,boris-kustodiev_on-the-volga-1922 +cityscape,Rococo,bernardo-bellotto_ruins-of-a-temple +genre_painting,Impressionism,edgar-degas_dancer-with-tambourine +abstract_painting,Abstract_Expressionism,joan-mitchell_sunflowers-1991 +religious_painting,Early_Renaissance,filippo-lippi_annunciation-1445 +portrait,Art_Nouveau_Modern,egon-schiele_on-the-beach-moonlight-1907 +portrait,Impressionism,carlos-saenz-de-tejada_view-of-oran-from-the-terrace-of-artist-s-house-1914 +abstract_painting,Minimalism,alighiero-boetti_autodisporsi-1975 +religious_painting,Naive_Art_Primitivism,fernando-botero_madonna-with-child +landscape,Symbolism,nicholas-roerich_ladoga-karelian-landscape-1918 +genre_painting,Realism,alexey-venetsianov_communion-of-dying +genre_painting,Expressionism,pyotr-konchalovsky_gypsies-at-the-railway-station-1935 +religious_painting,High_Renaissance,lorenzo-lotto_the-mystic-marriage-of-st-catherine-with-the-patron-niccolo-bonghi-1523 +nude_painting,Post_Impressionism,william-scott_breton-nude-1939 +cityscape,Impressionism,constantin-artachino_landscape-with-houses-at-balcic +genre_painting,Romanticism,vasily-polenov_crossing-of-the-river-oyat-1872 +portrait,Symbolism,odilon-redon_profile-of-a-child-profile-of-a-girl-with-bird-of-paradise +portrait,Realism,john-singer-sargent_mary-turner-austin +nude_painting,Expressionism,amedeo-modigliani_seated-nude-with-necklace-1917 +sketch_and_study,Post_Impressionism,vincent-van-gogh_landscape-with-the-oise-1890 +religious_painting,Early_Renaissance,piero-della-francesca_recognition-of-the-true-cross(1) +genre_painting,Impressionism,henri-martin_woman-sewing +still_life,Pop_Art,patrick-caulfield_sweet-bowl-1967 +landscape,Impressionism,willard-metcalf_landscape +portrait,Art_Nouveau_Modern,henri-de-toulouse-lautrec_cissy-loftus-1894 +genre_painting,Impressionism,childe-hassam_paris-nocturne +portrait,Romanticism,orest-kiprensky_portrait-of-jean-francois-duval-1816 +cityscape,Post_Impressionism,wassily-kandinsky_moscow-smolensky-boulevard-study-1916 +nude_painting,Baroque,artemisia-gentileschi_lucretia-1620 +nude_painting,Expressionism,lucian-freud_blonde-girl-on-a-bed +religious_painting,Baroque,caravaggio_salome-with-the-head-of-john-the-baptist-1609(1) +landscape,Post_Impressionism,david-burliuk_hot-spring-in-new-mexico(1) +religious_painting,Art_Nouveau_Modern,jacek-malczewski_christ-and-the-samaritan-woman +portrait,Baroque,anthony-van-dyck_an-aristocratic-genoese-1626 +religious_painting,Northern_Renaissance,gerard-david_the-crucifixion +portrait,Ukiyo_e,utagawa-kuniyoshi_women-11 +landscape,Romanticism,thomas-cole_the-pilgrim-of-the-world-at-the-end-of-his-journey-part-of-the-series-the-cross-and-the-world +landscape,Impressionism,camille-pissarro_a-meadow-in-moret-1901 +genre_painting,Realism,vasily-surikov_empress-anna-ioannovna-in-peterhof-temple-shoots-deer-1900 +portrait,Impressionism,berthe-morisot_portrait-of-the-artist-s-daughter-julie-manet-at-gorey +abstract_painting,Abstract_Expressionism,brice-marden_the-studio-1990 +genre_painting,Cubism,henri-le-fauconnier_zealand-farmer-s-wives-1914 +abstract_painting,Abstract_Expressionism,vasile-dobrian_honesty-isn-t-measured-with-the-meter-but-with-heartbeats-from-the-archways-series +religious_painting,Northern_Renaissance,dirk-bouts_madonna-and-child-on-a-grass-bench +portrait,Impressionism,pierre-auguste-renoir_gabrielle-in-a-red-blouse-1896 +abstract_painting,Color_Field_Painting,sam-gilliam_pink-flutter-1969 +portrait,Realism,wilhelm-leibl_m-dchen-am-herd-1895 +genre_painting,Impressionism,eugene-boudin_trouville-beach-scene-1 +nude_painting,Impressionism,john-henry-twachtman_enchanted-pool +religious_painting,Early_Renaissance,filippo-lippi_the-birth-and-infancy-of-st-stephen +portrait,Romanticism,henry-raeburn_general-sir-william-maxwell +cityscape,Impressionism,camille-pissarro_the-port-of-dieppe-the-dunquesne-and-berrigny-basins-high-tide-sunny-afternoon-1902 +portrait,Post_Impressionism,richard-gerstl_the-fey-sisters-karoline-pauline-1905 +illustration,Romanticism,gustave-dore_the-inferno-canto-34-1 +religious_painting,Symbolism,mikhail-vrubel_angel-with-censer-and-candle-1887 +landscape,Impressionism,ilya-mashkov_alupka-park-cabrank +sketch_and_study,Post_Impressionism,vincent-van-gogh_nude-woman-squatting-over-a-basin-1887 +portrait,Expressionism,amedeo-modigliani_thora-klinckowstrom-1919 +cityscape,Impressionism,claude-monet_the-hills-of-vetheuil +religious_painting,High_Renaissance,titian_coronation-of-the-virgin +genre_painting,Post_Impressionism,maurice-prendergast_picnic +sketch_and_study,Early_Renaissance,andrea-mantegna_two-holy-women-in-prayer-1455 +portrait,Baroque,peter-paul-rubens_mulay-ahmad +nude_painting,Cubism,rene-magritte_three-nudes-in-an-interior-1923(1) +landscape,Romanticism,ferdinand-georg-waldmã¼ller_the-dachstein-1835 +landscape,Realism,constant-troyon_the-fisherman +landscape,Romanticism,ivan-aivazovsky_in-harbour-1842 +landscape,Naive_Art_Primitivism,pablo-picasso_landscape-1928 +abstract_painting,Minimalism,joan-hernandez-pijuan_dibuix-n-10-bis-1997 +portrait,Impressionism,berthe-morisot_young-woman-on-a-couch +religious_painting,Mannerism_Late_Renaissance,el-greco_apostle-st-philip +portrait,Realism,vasily-perov_savoyard-1864 +portrait,Expressionism,dimitris-mytaras_g +cityscape,Impressionism,claude-monet_the-stream-of-robec-at-rouen-1872 +landscape,Impressionism,basuki-abdullah_blooming-flamboyant +religious_painting,Early_Renaissance,bartolome-bermejo_resurrection-and-descent-of-christ-to-limbo-1480 +portrait,Impressionism,max-slevogt_the-singer-francisco-d-andrade-as-don-giovanni-in-mozart-s-opera-1912 +illustration,Art_Nouveau_Modern,carlos-saenz-de-tejada_death-of-don-miguel-de-mahara +nude_painting,Post_Impressionism,moise-kisling_not-identified-29 +sketch_and_study,Romanticism,gustave-moreau_copy-of-raphael-s-cherub-1858 +still_life,Impressionism,andre-dunoyer-de-segonzac_nature-morte-de-fleurs-et-fruits +abstract_painting,Abstract_Expressionism,manabu-mabe_untitled-1979 +sketch_and_study,Rococo,maurice-quentin-de-la-tour_study-for-portrait-of-unknown-man-3 +genre_painting,Impressionism,joaquã­n-sorolla_sad-inheritance-study-beach-rascals-1908 +illustration,Naive_Art_Primitivism,marc-chagall_uncle-mitiai-uncle-miniai +nude_painting,Post_Impressionism,vladimir-tatlin_female-bather +genre_painting,Art_Nouveau_Modern,boris-kustodiev_shrovetide-1916-1 +illustration,Art_Nouveau_Modern,edmund-dulac_the-pearl-of-the-bamboo-from-the-kingdom-of-the-pearl +portrait,Impressionism,valentin-serov_girl-in-the-sunlight-portrait-of-m-simonovich-1888 +portrait,Impressionism,william-merritt-chase_portrait-of-a-young-woman +nude_painting,Impressionism,edgar-degas_woman-drying-her-hair +landscape,Post_Impressionism,paul-cezanne_road-trees-and-lake +landscape,Post_Impressionism,abraham-manievich_untitled-1925-1 +sketch_and_study,Symbolism,arnold-bã¶cklin_study-to-war-1896 +genre_painting,Impressionism,frederic-remington_pool-in-the-desert-1907 +cityscape,Post_Impressionism,maurice-utrillo_street-in-nanterre +still_life,Analytical_Cubism,pablo-picasso_spanish-still-life-1912 +religious_painting,Baroque,rembrandt_david-and-uriah-1665 +abstract_painting,Color_Field_Painting,louis-cane_toile-d-coup-e-1991 +landscape,Symbolism,nicholas-roerich_himalayas +landscape,Impressionism,walter-battiss_guildford-gypsies +genre_painting,Rococo,giovanni-domenico-tiepolo_rest-of-the-farmers-1757 +portrait,Impressionism,vasily-surikov_portrait-of-young-woman-1911 +religious_painting,Baroque,francisco-de-zurbaran_angel-with-incense +sketch_and_study,Realism,nicholas-roerich_hunting-the-bears +genre_painting,Romanticism,sir-lawrence-alma-tadema_expectations +portrait,Romanticism,alexander-orlowski_portrait-of-a-woman-1814 +sketch_and_study,Early_Renaissance,paolo-uccello_the-flood +landscape,Expressionism,paul-klee_remembrance-of-a-garden-1914(1) +portrait,Cubism,pablo-picasso_seated-woman-1927 +portrait,Rococo,thomas-gainsborough_portrait-of-grace-dalrymple-elliott +portrait,Art_Nouveau_Modern,zinaida-serebriakova_katya-still-life-1923 +genre_painting,Expressionism,menez_sem-t-tulo-1983-1 +still_life,Impressionism,pierre-auguste-renoir_melon-and-tomatos-1903 +portrait,Baroque,rembrandt_portrait-of-nicolas-bruyningh +still_life,Cubism,juan-gris_the-blue-cloth-1925 +nude_painting,Expressionism,egon-schiele_standing-nude-with-large-hat-gertrude-schiele-1910 +portrait,Rococo,jean-marc-nattier_portrait-de-la-comtesse-de-s-rent-1754 +religious_painting,Baroque,rembrandt_head-of-christ-1652 +genre_painting,Pop_Art,aldo-mondino_knawa-maroc-2002 +portrait,Realism,john-singer-sargent_mathilde-townsend-1907 +landscape,Romanticism,thomas-cole_mount-aetna-from-taormina-1842 +landscape,Realism,charles-francois-daubigny_sluice-in-the-optevoz-valley-1854 +illustration,Symbolism,william-blake_the-wandering-moon-1820 +nude_painting,Symbolism,konstantin-somov_naked-young-man-b-snezhkovsky +landscape,Rococo,bernardo-bellotto_pirna-seen-from-the-harbour-town +landscape,Post_Impressionism,salvador-dali_cadaques +abstract_painting,Minimalism,enrico-castellani_dittico-rosso-1966 +religious_painting,Cubism,max-beckmann_the-descent-from-the-cross-1917 +genre_painting,Symbolism,ferdynand-ruszczyc_pierwsza-komunia +landscape,Art_Nouveau_Modern,koloman-moser_the-rax +sketch_and_study,New_Realism,edward-hopper_untitled +sketch_and_study,Post_Impressionism,pyotr-konchalovsky_still-life-field-bouquet-study-for-the-tray-1931 +portrait,Rococo,thomas-gainsborough_george-brydges-rodney-admiral-of-the-white-1782 +religious_painting,Early_Renaissance,andrea-del-verrocchio_madonna-and-child +abstract_painting,Color_Field_Painting,gene-davis_hot-susan-1965 +abstract_painting,Abstract_Expressionism,mark-tobey_untitled-1968 +religious_painting,Symbolism,william-blake_satan-calling-up-his-legions-1804 +portrait,Early_Renaissance,pietro-perugino_portrait-of-a-young-man +landscape,Realism,pyotr-konchalovsky_early-spring-1929 +religious_painting,Mannerism_Late_Renaissance,tintoretto_angelica-and-the-hermit +landscape,Romanticism,arnold-bã¶cklin_fir-trees-at-sunset +landscape,Pointillism,camille-pissarro_eragny-landscape +sketch_and_study,Naive_Art_Primitivism,fernand-leger_the-album-circus-1950-61 +landscape,Romanticism,taras-shevchenko_holy-cross-monastery-in-poltava-1845 +landscape,Cubism,paul-cezanne_maison-maria-with-a-view-of-chateau-noir-1895 +religious_painting,Northern_Renaissance,albrecht-durer_virgin-suckling-the-child-1503 +cityscape,Post_Impressionism,maurice-utrillo_church-of-saint-john-the-baptiste +abstract_painting,Abstract_Expressionism,william-baziotes_cyclops-1947 +landscape,Post_Impressionism,pyotr-konchalovsky_kutaisi-rionges-1935 +portrait,Romanticism,polychronis-lembesis_hagiography +abstract_painting,Color_Field_Painting,guido-molinari_red-rouge-quantifier-1976 +religious_painting,Early_Renaissance,luca-signorelli_pair-of-apostles-in-dispute-1482-2 +landscape,Expressionism,sidney-nolan_antarctica-1964 +religious_painting,Baroque,rembrandt_esau-selling-his-birthright-to-jacob +landscape,Post_Impressionism,vincent-van-gogh_farmhouse-with-two-figures-1890(1) +portrait,Romanticism,william-holman-hunt_self-portrait +portrait,Northern_Renaissance,lucas-cranach-the-elder_martin-luther +genre_painting,Impressionism,joaquã­n-sorolla_preparing-raisins-1900 +landscape,Realism,aleksey-savrasov_volga-near-gorodets-1870 +religious_painting,Symbolism,nicholas-roerich_great-rider-rigden-jyepo-messenger-of-shambhala-1927 +genre_painting,Expressionism,laszlo-mednyanszky_mugging-1913 +genre_painting,Realism,jean-francois-millet_the-blacksmith-and-his-bride-1848 +religious_painting,Early_Renaissance,filippo-lippi_adoration-of-the-magi-detail-3 +illustration,Art_Nouveau_Modern,thomas-theodor-heine_genevi-ve-1911 +cityscape,Post_Impressionism,edouard-cortes_place-pigalle-winter-1 +portrait,Rococo,jean-honore-fragonard_the-reader +cityscape,Post_Impressionism,edouard-cortes_omnibus-on-the-place-de-la-madeleine +landscape,Symbolism,nicholas-roerich_sunset-near-shekar-1928 +landscape,Impressionism,willard-metcalf_the-path +genre_painting,Cubism,marc-chagall_lovers-in-pink-1916 +abstract_painting,Pop_Art,nicholas-krushenick_boston-tea-party-1975 +genre_painting,Romanticism,francisco-goya_st-bernardino-of-siena-preaching-to-alfonso-v-of-aragon-1783 +portrait,Northern_Renaissance,hans-holbein-the-younger_mrs-pemberton +portrait,Realism,ilya-repin_portrait-of-nadezhda-repina-the-artist-s-daughter-1900 +nude_painting,Contemporary_Realism,philip-pearlstein_nude-with-red-model-airplane-1988 +genre_painting,Impressionism,henry-herbert-la-thangue_in-the-dauphin-1885 +landscape,Realism,camille-corot_edge-of-a-lake-souvenir-of-italy +abstract_painting,Color_Field_Painting,morris-louis_nexus-ii-1959 +abstract_painting,Action_painting,franz-kline_cardinal-1950 +landscape,Impressionism,claude-monet_the-gorge-at-varengeville-late-afternoon +portrait,Art_Nouveau_Modern,koloman-moser_portrait-of-a-girl +abstract_painting,Color_Field_Painting,frank-stella_metropolitan-museum-m-1970 +genre_painting,Romanticism,sir-lawrence-alma-tadema_a-birth-chamber-seventeenth-century-1868 +religious_painting,Northern_Renaissance,dirk-bouts_saint-john-the-evangelist-on-patmos +abstract_painting,Cubism,arshile-gorky_the-barber-composition-no-5 +genre_painting,Impressionism,childe-hassam_south-ledges-appledore +religious_painting,Northern_Renaissance,mabuse_madonna-and-child-1 +sketch_and_study,Baroque,rembrandt_the-circumcision-in-the-stable-1654 +genre_painting,Realism,nicholas-roerich_diggers +abstract_painting,Abstract_Expressionism,joan-mitchell_city-landscape-1955(1) +cityscape,Art_Nouveau_Modern,nicholas-roerich_smolensk-the-porch-of-the-convent-1903 +genre_painting,Cubism,fernand-leger_acrobats-in-the-circus-1918 +portrait,Post_Impressionism,stefan-dimitrescu_margareta-drawing-girl-of-the-author-1927 +genre_painting,Symbolism,mikhail-nesterov_silence-1888 +still_life,Expressionism,zinaida-serebriakova_grapes-1936 +genre_painting,Impressionism,eugene-boudin_laundresses-on-the-banks-of-the-touques-7 +portrait,Northern_Renaissance,albrecht-durer_portrait-melchior-pfinzing +portrait,Realism,mary-cassatt_spanish-dancer-1873 +cityscape,Post_Impressionism,gustave-loiseau_village-street-vaudreuil-1903 +portrait,Romanticism,karl-bryullov_portrait-of-the-architect-a-gornostaev +genre_painting,Impressionism,berthe-morisot_young-woman-in-a-rowboat-eventail +landscape,Impressionism,alfred-stevens_a-beach-in-normandy +illustration,Art_Nouveau_Modern,john-french-sloan_hot-wave-puzzle-illustration-for-philadelphia-press-1900 +cityscape,Naive_Art_Primitivism,henri-rousseau_view-of-malakoff-hauts-de-seine-1903 +genre_painting,Art_Nouveau_Modern,raphael-kirchner_aquatinte-1910 +abstract_painting,Abstract_Expressionism,gerhard-richter_mediation +portrait,Rococo,dmitry-levitzky_portrait-of-v-i-mitrofanov-and-m-a-mitrofanova +landscape,Realism,horia-bernea_springtime-1987 +still_life,Baroque,willem-kalf_still-life +cityscape,Impressionism,cornelis-vreedenburgh_harbour-at-amsterdam +portrait,Rococo,thomas-gainsborough_portrait-of-david-garrick-1770 +genre_painting,Naive_Art_Primitivism,david-burliuk_lobster-shack-long-island +genre_painting,Naive_Art_Primitivism,david-burliuk_berberian-woman-morocco-1954 +landscape,Romanticism,ferdinand-georg-waldmã¼ller_the-h-llengebirge-at-ischl-1834 +sketch_and_study,High_Renaissance,leonardo-da-vinci_profile-of-a-man-and-study-of-two-riders +portrait,Realism,giovanni-boldini_portrait-of-alfred-beit-1906 +portrait,Art_Nouveau_Modern,felix-vallotton_portrait-of-juliette-lacour-model-1886 +portrait,Impressionism,william-merritt-chase_portrait +portrait,Northern_Renaissance,hans-holbein-the-younger_portrait-of-desiderius-erasmus-1523 +portrait,Realism,ivan-kramskoy_portrait-of-the-photographer-andrey-denier-1883 +religious_painting,Cubism,marc-chagall_golgotha-1912 +portrait,Northern_Renaissance,hans-holbein-the-younger_portrait-of-charles-brandon-1541 +cityscape,Art_Nouveau_Modern,andrei-ryabushkin_winter-morning +nude_painting,Realism,robert-brackman_pastel-nude +portrait,Realism,salvador-dali_portrait-of-sir-james-dunn +genre_painting,Baroque,david-teniers-the-younger_interior-scene-with-a-young-woman-scrubbing-pots-while-an-old-man-makes-advances +portrait,Romanticism,konstantin-makovsky_eastern-woman-gipsy +portrait,Romanticism,eugene-delacroix_milton-dictated-to-his-daughters-the-paradise-lost(1) +abstract_painting,Abstract_Expressionism,frank-lobdell_dance-iv-1970 +landscape,Realism,ion-andreescu_in-the-forest +genre_painting,Post_Impressionism,maurice-prendergast_holiday-nahant +portrait,Impressionism,pierre-auguste-renoir_frederic-bazille-painting-the-heron-1867 +portrait,Naive_Art_Primitivism,diego-rivera_zapata-1931 +portrait,Realism,john-singer-sargent_reverend-edmond-ware-1906 +portrait,Baroque,frans-hals_portrait-of-a-man-nicolaes-pietersz-duyst-van-voorhou +portrait,Art_Nouveau_Modern,felix-vallotton_portrait-of-french-poet-and-dandy-robert-de-montesquiou-1898 +portrait,Impressionism,mary-cassatt_woman-at-her-toilette-1909 +landscape,Romanticism,gustave-dore_a-mountainous-landscape-with-a-balloon +genre_painting,Impressionism,camille-pissarro_feast-day-in-knokke-1891 +landscape,Impressionism,santiago-rusinol_landmark-1892 +genre_painting,Impressionism,john-atkinson-grimshaw_day-dreams +landscape,Impressionism,claude-monet_the-willows-1 +landscape,Realism,vincent-van-gogh_autumn-landscape-at-dusk-1885(1) +portrait,Expressionism,oskar-kokoschka_not_detected_235853 +genre_painting,Impressionism,pierre-auguste-renoir_three-women-and-child-in-a-landscape-1918 +genre_painting,Expressionism,pablo-picasso_the-absinthe-drinker-portrait-of-angel-fernandez-de-soto-1903 +landscape,Baroque,adriaen-van-de-velde_beach-at-scheveningen +still_life,Expressionism,damien-hirst_human-skull-in-space +portrait,High_Renaissance,giovanni-bellini_naked-young-woman-in-front-of-the-mirror +religious_painting,Early_Renaissance,luca-signorelli_the-birth-of-st-john-the-baptist +landscape,Post_Impressionism,pyotr-konchalovsky_birch-tree-1926 +portrait,Realism,camille-corot_woman-with-mandolin-1828 +sketch_and_study,Art_Nouveau_Modern,koloman-moser_figure-study-to-mermaid-1914 +portrait,Art_Nouveau_Modern,richard-gerstl_half-length-portrait-of-mathilde-schoenberg-1908 +portrait,Realism,john-singer-sargent_mrs-knowles-and-her-children-1902 +portrait,Realism,alexey-venetsianov_that-is-those-fathers-dinner +genre_painting,Cubism,kazimir-malevich_floor-polishers-1912 +landscape,Realism,vasily-polenov_the-river-oyat-1880 +portrait,Impressionism,egon-schiele_portrait-of-leopold-czihaczek-1907 +sketch_and_study,Realism,boris-kustodiev_portrait-of-n-a-kuznetsova-1919 +nude_painting,High_Renaissance,michelangelo_ignudo-3 +religious_painting,High_Renaissance,giovanni-antonio-boltraffio_madonna-and-child-1500 +portrait,Romanticism,alexey-venetsianov_portrait-of-natalia-pavlovna-stroganova +portrait,Romanticism,orest-kiprensky_portrait-of-the-artist-s-father-adam-karlovich-schwalbe +still_life,Cubism,andre-masson_birds-and-masks +cityscape,Cubism,leopold-survage_l-oiseau-1915 +abstract_painting,Minimalism,frank-stella_tuxedo-park-from-black-series-ii-1967 +genre_painting,Impressionism,edgar-degas_jockeys-in-the-rain-1886 +landscape,Impressionism,camille-pissarro_autumn-landscape-near-pontoise +portrait,Rococo,william-hogarth_the-mackinen-children-1747 +portrait,Romanticism,theodore-chasseriau_the-two-sisters-1843 +sketch_and_study,High_Renaissance,leonardo-da-vinci_study-of-a-child +abstract_painting,Color_Field_Painting,morris-louis_unknown-title +cityscape,Post_Impressionism,pyotr-konchalovsky_novgorod-anthony-the-roman-1925 +landscape,Symbolism,nicholas-roerich_morning-1931 +sketch_and_study,Art_Nouveau_Modern,sergey-solomko_age-of-blessed-memory-of-the-12th-year +religious_painting,High_Renaissance,luca-signorelli_st-augustine-altarpiece-right-wing +abstract_painting,Abstract_Expressionism,paul-reed_29c-1964 +cityscape,Impressionism,julian-alden-weir_the-wharves-nassau-1913 +genre_painting,Art_Nouveau_Modern,henri-de-toulouse-lautrec_miss-loie-fuller +portrait,Impressionism,anders-zorn_emma-and-mouche-the-dog-1902 +genre_painting,Impressionism,claude-monet_woman-with-a-parasol-also-known-as-study-of-a-figure-outdoors-facing-left +genre_painting,Impressionism,edgar-degas_on-the-stage-1880-1 +portrait,Baroque,diego-velazquez_the-lady-with-a-fan +landscape,Impressionism,henry-herbert-la-thangue_a-proven-al-castle +abstract_painting,Abstract_Expressionism,jack-bush_yellow-flower-1958 +nude_painting,Pop_Art,martial-raysse_yellow-and-calm-nude-1963 +landscape,New_Realism,edward-hopper_five-a-m +portrait,Expressionism,kathe-kollwitz_not_detected_235984 +landscape,Post_Impressionism,pyotr-konchalovsky_crimea-cypress-1930 +landscape,Cubism,paul-cezanne_the-bend-in-the-road +cityscape,Impressionism,camille-pissarro_rue-de-l-epicerie-at-rouen-on-a-grey-morning-1898 +landscape,Romanticism,christen-kobke_the-north-gate-of-the-citadel-1834 +cityscape,Post_Impressionism,vincent-van-gogh_auvers-town-hall-in-14-july-1890-1890(1) +genre_painting,Post_Impressionism,maurice-prendergast_picnic-by-the-sea-1915 +sketch_and_study,Realism,isaac-levitan_krivoozersky-monastery-monks-following-fish-1890 +still_life,Cubism,pablo-picasso_guitar-on-pedestal-1920 +religious_painting,Early_Renaissance,sandro-botticelli_the-outcast(1) +portrait,Realism,ilya-repin_hunchback-1-1881 +portrait,Impressionism,nicolae-vermont_the-muse-1900 +sketch_and_study,Realism,ivan-shishkin_ravine-in-kozlovka-zaseka-1873 +religious_painting,High_Renaissance,raphael_adam-and-eve-from-the-stanza-della-segnatura-detail-1511 +sketch_and_study,Naive_Art_Primitivism,fernand-leger_study-for-the-circus-the-clowns +religious_painting,Art_Nouveau_Modern,ivan-bilibin_judgement-sketch-of-murals-for-of-the-church-of-the-assumption-in-olshany +cityscape,Post_Impressionism,vincent-van-gogh_le-moulin-de-la-galette-1886-1 +religious_painting,Northern_Renaissance,jan-van-hemessen_christ-carrying-the-cross +nude_painting,Impressionism,pierre-auguste-renoir_nude-in-a-landscape-1883 +portrait,Realism,nikolai-ge_portrait-of-an-unknown-woman-in-a-blue-blouse +genre_painting,Pointillism,edouard-vuillard_home-maxime +portrait,Realism,mikhail-nesterov_portrait-of-pavel-korin-1925 +abstract_painting,Cubism,fernand-leger_a-b-c-1927 +sketch_and_study,Realism,mikhail-vrubel_the-left-artist-s-hand +landscape,Impressionism,claude-monet_the-japanese-bridge-the-water-lily-pond-water-irises +religious_painting,Northern_Renaissance,albrecht-durer_maria-with-child-1526 +still_life,Impressionism,gregoire-boonzaier_still-life-with-vase-of-flowers-and-citrus-fruit +landscape,Post_Impressionism,mario-zanini_paisagem-1960 +portrait,Expressionism,albert-bloch_head-1911 +abstract_painting,Abstract_Expressionism,friedel-dzubas_spring-smell-1988 +genre_painting,Realism,anders-zorn_home-tunes-1920 +landscape,Art_Nouveau_Modern,ferdinand-hodler_forest-stream-at-champery-1916 +illustration,Ukiyo_e,katsushika-hokusai_a-monster-rat-from-the-raigo-ajari-kaisoden +landscape,Impressionism,camille-pissarro_louviciennes +portrait,Realism,john-singer-sargent_edouard-and-marie-louise-pailleron-1881 +illustration,Romanticism,gustave-dore_idylls-of-the-king-14 +portrait,Realism,edouard-manet_a-matador-1867 +genre_painting,Expressionism,august-macke_walking-in-the-park +cityscape,Realism,ilya-repin_church-and-bell-tower-in-chuguyev-1880 +portrait,Romanticism,francisco-goya_sebastian-martinez-1792 +nude_painting,Impressionism,pierre-auguste-renoir_young-woman-at-her-toilette +sketch_and_study,Realism,thomas-eakins_gears +religious_painting,Symbolism,nicholas-roerich_mohammed-the-prophet-1925-1 +genre_painting,Realism,vladimir-makovsky_in-search-of-medicine-1884 +landscape,Impressionism,t.-c.-steele_talbott-place +genre_painting,Ukiyo_e,utagawa-toyokuni_chushingura-scene-1811 +illustration,Rococo,william-hogarth_hudibras-first-adventure-from-hudibras-by-samuel-butler +portrait,Romanticism,george-frederick-watts_charles-booth(1) +cityscape,Expressionism,martiros-saryan_a-tree-1907 +genre_painting,Realism,vincent-van-gogh_digger-1882-3(1) +religious_painting,Baroque,bernardo-strozzi_joseph-telling-his-dreams +landscape,Post_Impressionism,pyotr-konchalovsky_peterhof-cavaliers-soap-1931 +nude_painting,Naive_Art_Primitivism,david-burliuk_seated-young-man-study-to-father-time-1927 +genre_painting,Post_Impressionism,henri-matisse_moorish-screen-1921 +portrait,Baroque,rembrandt_petronella-buys-wife-of-philips-lucasz-1635 +landscape,Impressionism,frantisek-kupka_the-tree-1906 +genre_painting,Northern_Renaissance,albrecht-durer_the-trophy-bohemia +still_life,Expressionism,margareta-sterian_further +sketch_and_study,Symbolism,nicholas-roerich_monhigan-study-1922-24 +genre_painting,Northern_Renaissance,albrecht-durer_bath-of-men +abstract_painting,Color_Field_Painting,ian-davenport_untitled-1995-1 +genre_painting,Romanticism,francisco-goya_water-carrier-1812 +still_life,Post_Impressionism,paul-gauguin_still-life-with-cherries-1886 +landscape,Expressionism,paul-klee_park-1920(1) +portrait,Expressionism,zinaida-serebriakova_portrait-of-e-a-cooper-1926 +landscape,Impressionism,arkhip-kuindzhi_clouds-1 +genre_painting,Baroque,jacob-jordaens_king-drinks-1640 +portrait,Rococo,carl-ludwig-johann-christineck_portrait-of-alexei-orlov-1779 +landscape,Symbolism,nicholas-roerich_tsaidam-swamps +genre_painting,Realism,frederic-remington_what-an-unbranded-cow-has-cost-1895 +landscape,Ukiyo_e,keisai-eisen_autumn-moon-over-atago-hill-atagosan-no-aki-no-tsuki-from-the-series-eight-views-of-edo-1846 +landscape,Impressionism,pierre-auguste-renoir_willows-and-figures-in-a-boat +abstract_painting,Abstract_Expressionism,jack-bush_collage-for-christmas-1957 +sketch_and_study,Realism,valentin-serov_portrait-of-vazlav-nizhinsky-1910 +genre_painting,Impressionism,pierre-auguste-renoir_young-girls-by-the-water +portrait,Impressionism,berthe-morisot_young-girl-in-a-ball-gown-1879 +landscape,Post_Impressionism,piet-mondrian_at-work-on-the-land-1898 +landscape,Impressionism,panayiotis-tetsis_landsapce-of-ydra-2001 +landscape,Romanticism,paul-cezanne_river-in-the-plain +genre_painting,Realism,giovanni-boldini_scene-galante +portrait,Post_Impressionism,paul-cezanne_boy-in-a-red-vest-1889 +sketch_and_study,Impressionism,mikhail-nesterov_a-hand-with-flowers +cityscape,Rococo,bernardo-bellotto_signoria-square-in-florence +landscape,Post_Impressionism,vincent-van-gogh_peach-tree-in-bloom-in-memory-of-mauve-1888 +genre_painting,Romanticism,sir-lawrence-alma-tadema_ask-me-no-more-1906 +genre_painting,Art_Nouveau_Modern,konstantin-somov_columbine-s-little-tongue-1915 +landscape,Expressionism,martiros-saryan_fairy-tale-1971 +genre_painting,Baroque,rembrandt_philosopher-reading-1631 +religious_painting,Northern_Renaissance,martin-schongauer_engraving-on-copper-of-a-foolish-virgin +genre_painting,Impressionism,joaquã­n-sorolla_clotilde-and-elena-on-the-rocks-at-javea-1905 +portrait,Naive_Art_Primitivism,kateryna-bilokur_portrait-of-olya-bilokur-1928 +religious_painting,High_Renaissance,raphael_the-healing-of-the-lame-man-cartoon-for-the-sistine-chapel +portrait,Impressionism,childe-hassam_maude-sewing +portrait,Expressionism,elaine-de-kooning_pele-no-1-1982 +abstract_painting,Color_Field_Painting,ronnie-landfield_arielle-1978 +portrait,Impressionism,nicolae-vermont_thinking-1928 +sketch_and_study,Post_Impressionism,vincent-van-gogh_sketch-of-cows-and-children-1890 +landscape,Impressionism,arkhip-kuindzhi_sunset-with-trees +landscape,Expressionism,ernst-ludwig-kirchner_clavadel-mountain-seen-from-frauenkirch +landscape,Symbolism,constantine-maleas_trees-at-cairo +portrait,Impressionism,pierre-auguste-renoir_young-blond-woman-1886 +portrait,Romanticism,sir-lawrence-alma-tadema_votive-offering-1873 +genre_painting,Expressionism,paula-modersohn-becker_two-boys-on-moorkanal +landscape,Impressionism,robert-julian-onderdonk_october-sunlight-1911 +portrait,Rococo,dmitry-levitzky_portrait-of-y-i-bilibin-1801 +portrait,Cubism,m.-h.-maxy_organ-grinder-1940 +genre_painting,Cubism,corneliu-michailescu_housework +abstract_painting,Color_Field_Painting,mark-rothko_black-on-maroon-4 +cityscape,Impressionism,claude-monet_rouen-cathedral-the-portal +abstract_painting,Abstract_Expressionism,lee-krasner_thaw-1957 +landscape,Realism,martiros-saryan_mount-ararat-from-the-village-mhchan-1949 +sketch_and_study,Realism,salvador-dali_study-for-the-battle-of-tetuan +genre_painting,Realism,klavdy-lebedev_dancing +landscape,Ukiyo_e,katsushika-hokusai_view-of-honmoku +genre_painting,Impressionism,max-kurzweil_love +landscape,Impressionism,arkhip-kuindzhi_kazbek +portrait,Romanticism,george-frederick-watts_portrait-of-mary-fraser-tytler-afterwards-mary-seton-watts-1887(1) +portrait,High_Renaissance,giorgione_the-flute-player-1510(2) +landscape,Impressionism,augustus-john_the-aran-isles-1912 +landscape,Impressionism,camille-pissarro_apple-trees-and-poplars-in-the-setting-sun-1901 +genre_painting,Expressionism,istvan-farkas_after-the-storm-1934 +landscape,Post_Impressionism,pyotr-konchalovsky_flower-garden-1909 +sketch_and_study,Mannerism_Late_Renaissance,jacopo-pontormo_study-of-a-man-wearing-a-hat +landscape,Realism,ivan-shishkin_trees-kozlovka-zaseka-1873 +landscape,Cubism,louis-marcoussis_the-large-fly-1937 +still_life,Naive_Art_Primitivism,fernando-botero_oranges +abstract_painting,Color_Field_Painting,pedro-calapez_joker-2010 +sketch_and_study,Post_Impressionism,vincent-van-gogh_thistles-along-the-roadside-1888 +cityscape,Post_Impressionism,vincent-van-gogh_bridge-near-the-schenkweg(1) +illustration,Romanticism,gustave-dore_sleeping-beauty-1 +landscape,Impressionism,camille-pissarro_the-oise-at-pontoise-in-bad-weather-1876 +landscape,Contemporary_Realism,john-miller_penwith-beach +genre_painting,Impressionism,guy-rose_marion +genre_painting,Expressionism,august-macke_native-aericans-on-horses +sketch_and_study,Art_Nouveau_Modern,nicholas-roerich_sketch-with-woman-in-front-of-city-walls +genre_painting,Impressionism,john-singer-sargent_in-the-orchard +landscape,Impressionism,claude-monet_monet-s-garden-in-argenteuil-sun +portrait,Art_Nouveau_Modern,jozsef-rippl-ronai_lajos-und-odon-1918 +religious_painting,High_Renaissance,michelangelo_the-ancestors-of-christ-asa-1509 +religious_painting,Northern_Renaissance,lucas-cranach-the-elder_adam-and-eve-in-the-garden-of-eden-1530 +genre_painting,Impressionism,mary-cassatt_the-fitting-1891 +abstract_painting,Minimalism,daniel-buren_peinture-acrylique-blanche-sur-tissu-ray-blanc-et-orange-1967 +landscape,Naive_Art_Primitivism,raoul-dufy_the-grid-1930 +abstract_painting,Color_Field_Painting,gotthard-graubner_le-vent-du-soleil-1996 +portrait,Realism,john-singer-sargent_lady-speyer-leonora-von-stosch-1907 +genre_painting,Ukiyo_e,kitagawa-utamaro_the-hour-of-the-oxx +landscape,Realism,pyotr-konchalovsky_first-snow-1940 +genre_painting,Cubism,max-weber_the-visit +illustration,Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-russian-fairy-story-feather-of-finist-falcon-1900(1) +nude_painting,Contemporary_Realism,eric-fischl_untitled-1 +portrait,Impressionism,valentin-serov_portrait-of-maria-botkina-1905 +portrait,Expressionism,pyotr-konchalovsky_natasha-at-the-window-1910 +abstract_painting,Action_painting,franz-kline_le-gros +genre_painting,Cubism,natalia-goncharova_elder-with-seven-stars +landscape,Impressionism,konstantinos-volanakis_before-dusk +cityscape,Impressionism,adam-baltatu_sighi-oara-1 +landscape,Naive_Art_Primitivism,horace-pippin_dog-fight-over-the-trenches-1935 +nude_painting,Realism,gustave-courbet_sleeping-nude +landscape,Realism,camille-corot_the-smugglers +still_life,Symbolism,kuzma-petrov-vodkin_still-life-1918 +cityscape,Impressionism,gustave-caillebotte_the-artist-s-house-at-yerres +portrait,Expressionism,corneliu-baba_portrait(1) +landscape,Impressionism,zinaida-serebriakova_before-the-storm-village-neskuchnoye-1911 +portrait,Northern_Renaissance,albrecht-durer_head-of-a-apostle +landscape,Romanticism,ivan-aivazovsky_mountain-village-gunib-in-daghestan-view-from-the-east-1869 +sketch_and_study,Symbolism,nicholas-roerich_study-to-lotos-1933 +religious_painting,Naive_Art_Primitivism,marc-chagall_abraham-weeping-for-sarah-genesis-xiii-1-1956 +genre_painting,Symbolism,jacek-malczewski_my-life-my-soul +abstract_painting,Minimalism,mario-schifano_untitled-1961 +abstract_painting,Color_Field_Painting,mark-rothko_not_detected_242135 +sketch_and_study,Post_Impressionism,vincent-van-gogh_sheet-with-hands-and-several-figures-1890 +cityscape,Impressionism,william-merritt-chase_venice-1 +portrait,Realism,ivan-kramskoy_portrait-of-dmitry-mendeleyev-1878 +genre_painting,Impressionism,theophrastos-triantafyllidis_menidi +landscape,Northern_Renaissance,albrecht-durer_forest-glade-with-a-walled-fountain-by-which-two-men-are-sitting-1505 +portrait,Baroque,caravaggio_boy-with-a-basket-of-fruit(1) +genre_painting,Romanticism,john-william-waterhouse_a-flower-stall-1880 +landscape,Realism,camille-pissarro_pere-gallien-s-house-at-pontoise-1866 +cityscape,Post_Impressionism,david-burliuk_village-scene-1 +cityscape,Impressionism,eugene-boudin_venice-view-from-the-grand-canal-1895 +portrait,Romanticism,john-hoppner_lady-romney-frances-wyndham +religious_painting,Baroque,guido-reni_saint-roch-1617 +landscape,Realism,gustave-courbet_the-source-at-ornans-1873 +genre_painting,Realism,nikolay-bogdanov-belsky_mental-arithmetic-in-the-public-school-of-s-rachinsky +still_life,Cubism,georges-braque_the-bottle-of-marc-1930 +landscape,Symbolism,tivadar-kosztka-csontvary_valley-of-great-tarpatak-in-the-high-tatras-1905 +abstract_painting,Color_Field_Painting,ronnie-landfield_captain-blue-1979 +genre_painting,Northern_Renaissance,albrecht-durer_three-mighty-ladies-from-livonia-1521 +landscape,Romanticism,john-constable_a-hayfield-near-east-bergholt-at-sunset-1812 +genre_painting,Pointillism,nicolae-vermont_view-of-dieppe-s-beach-1929 +landscape,Post_Impressionism,david-burliuk_landscape-with-a-pink-house +landscape,Cubism,nikos-hadjikyriakos-ghikas_genii-loci-ii-1970 +portrait,Realism,winslow-homer_at-the-window +portrait,Romanticism,orest-kiprensky_gurko-v-d-female-portrait-1814 +portrait,Northern_Renaissance,albrecht-durer_old-with-purse-1507 +landscape,Realism,camille-corot_seine-landscape-near-chatou-1855 +religious_painting,Early_Renaissance,fra-angelico_crucifixion-with-st-dominic +abstract_painting,Abstract_Expressionism,paul-jenkins_not_detected_235692 +portrait,Cubism,kazimir-malevich_peasant-woman-with-buckets-and-a-child +religious_painting,Naive_Art_Primitivism,william-h.-johnson_lamentation-1944(1) +genre_painting,Impressionism,eugene-boudin_the-ferry-at-plougastel +portrait,Baroque,ivan-nikitin_chancelor-g-i-golovkin +sketch_and_study,Realism,john-singer-sargent_polly-barnard-also-known-as-study-for-carnation-lily-lily-rose +landscape,Impressionism,willard-metcalf_the-red-oak-no-2 +portrait,Impressionism,camille-pissarro_paul-writing +abstract_painting,Minimalism,ralph-hotere_song-cycle-1975 +portrait,Baroque,frans-hals_portrait-of-willem-van-heythuysen +genre_painting,Expressionism,edvard-munch_night-1890 +landscape,Impressionism,adam-baltatu_winter-landscape +genre_painting,Expressionism,egon-schiele_reclining-woman-with-red-blouse-1908 +landscape,Pop_Art,edward-ruscha_pay-nothing-until-april-2003 +portrait,Baroque,peter-paul-rubens_boy-with-bird +genre_painting,Baroque,jan-steen_dancing-couple-detail-1663-3 +landscape,Expressionism,nikolaos-lytras_landscape-of-pendeli(1) +portrait,Impressionism,paul-gauguin_portrait-of-gaugin-s-daughter-aline +cityscape,Cubism,raoul-dufy_hommage-to-mozart-1915 +landscape,Art_Nouveau_Modern,felix-vallotton_mont-blanc-1892 +sketch_and_study,Realism,vincent-van-gogh_head-of-a-girl-bareheaded-and-head-of-a-man-with-beard-and-cap(1) +cityscape,Expressionism,vasile-dobrian_baia-mare-shipyard +landscape,Impressionism,claude-monet_charing-cross-bridge-2-1901 +landscape,Realism,arkhip-kuindzhi_pine-1878 +genre_painting,Impressionism,edgar-degas_dancers-1 +sketch_and_study,Realism,vasily-perov_merrymaking-in-paris-1864 +portrait,Realism,ilya-repin_portrait-of-pianist-and-professor-of-saint-petersburg-conservatory-sophie-menter-1887 +genre_painting,Post_Impressionism,pierre-bonnard_bull-and-child-1945 +landscape,Realism,isaac-levitan_at-the-lake-tver-region-1893 +portrait,Baroque,rembrandt_portrait-of-a-lady-with-an-ostrich-feather-fan +cityscape,Impressionism,childe-hassam_view-of-florence-from-san-miniato +cityscape,Impressionism,john-singer-sargent_doorway-of-a-venetian-palace +sketch_and_study,Realism,vincent-van-gogh_parsonage-garden-1884 +landscape,Impressionism,guy-rose_morning-mist-also-known-as-late-spring +landscape,Expressionism,martiros-saryan_notable-day-in-the-mountains-1926 +genre_painting,Naive_Art_Primitivism,marc-chagall_couple-with-a-bird-1959 +landscape,Realism,isaac-levitan_meadow-on-the-edge-of-a-forest-1898 +illustration,Romanticism,gustave-dore_the-emperor-alexius-iv-poisoned-and-strangled-by-mourzoufle +portrait,Ukiyo_e,katsushika-hokusai_portrait-of-a-man-of-noble-birth-with-a-book +genre_painting,Realism,nikolay-bogdanov-belsky_easter-table +abstract_painting,Abstract_Expressionism,brice-marden_forgery-2008 +landscape,Post_Impressionism,maurice-de-vlaminck_landscape-with-three-cypresses +sketch_and_study,Impressionism,pierre-auguste-renoir_young-girl-slipping-on-her-stockings +portrait,Mannerism_Late_Renaissance,agnolo-bronzino_portrait-of-a-girl-with-book-1545 +nude_painting,Expressionism,balthus_the-victim +illustration,Romanticism,gustave-dore_don-quixote-6 +landscape,Symbolism,nicholas-roerich_starry-sky-1914 +portrait,Rococo,dmitry-levitzky_portrait-of-praskovia-repnina-1781 +cityscape,Realism,theodore-rousseau_view-of-the-belfry-of-orleans +religious_painting,Baroque,josefa-de-obidos_calv-rio-1679 +cityscape,Impressionism,eugene-boudin_rouen-view-from-the-queen-s-way-1895 +portrait,Naive_Art_Primitivism,niko-pirosmani_ortachali-beauty-with-a-fan +portrait,Early_Renaissance,andrea-del-castagno_queen-tomyris +portrait,Rococo,joshua-reynolds_peter-ludlow +portrait,Realism,ivan-kramskoy_portrait-of-the-artist-mikhail-konstantinovich-klodt-1871 +portrait,Symbolism,odilon-redon_portrait-of-jeanne-chaine-1903 +portrait,Realism,ilya-repin_portrait-of-composer-and-chemist-aleksander-porfirievich-borodin-1888 +genre_painting,Expressionism,max-beckmann_night-1918 +religious_painting,Early_Renaissance,filippo-lippi_st-alberto-of-trapani-1465 +landscape,Realism,pyotr-konchalovsky_a-bridge-the-vorya-river-abramtsevo-1920 +portrait,Rococo,john-russell_micoc-and-tootac-1769 +illustration,Romanticism,gustave-dore_abdiel-and-satan +portrait,Mannerism_Late_Renaissance,piero-di-cosimo_a-young-man-1500 +religious_painting,Early_Renaissance,fra-angelico_st-peter-consacrates-stephen-as-deacon-1449 +sketch_and_study,Realism,vasily-perov_holy-fool-surrounded-by-pilgrims-1872 +landscape,Impressionism,hoca-ali-riza_peyzaj(2) +landscape,Post_Impressionism,vincent-van-gogh_orchard-with-blossoming-plum-trees-1888 +religious_painting,Baroque,caravaggio_incredulity-of-saint-thomas(1) +genre_painting,Romanticism,fyodor-bronnikov_in-the-family-1856 +religious_painting,Early_Renaissance,filippo-lippi_the-annunciation-1450 +cityscape,Post_Impressionism,paul-cezanne_view-of-gardanne-1886 +cityscape,Realism,m.c.-escher_not_detected_204722 +genre_painting,Impressionism,rudolf-schweitzer-cumpana_ntoarcerea-de-la-c-mp-1930 +cityscape,Impressionism,claude-monet_saint-lazare-station-track-coming-out +cityscape,Impressionism,antoine-blanchard_rue-royal-madeleine-7 +genre_painting,Post_Impressionism,henri-de-toulouse-lautrec_poupoule-in-chemise-by-her-bed +sketch_and_study,Expressionism,theo-van-doesburg_a-child-1904 +landscape,Impressionism,georges-seurat_river-s-edge-1884 +genre_painting,Realism,mykola-pymonenko_idyll-1908(3) +abstract_painting,Pop_Art,nicholas-krushenick_james-bond-meets-pussy-galore-1965 +landscape,Symbolism,zinaida-serebriakova_trees-in-the-crimea-1911 +portrait,Baroque,frans-hals_adriaen-van-ostade-1648 +genre_painting,Pointillism,theo-van-rysselberghe_a-reading-in-the-garden-1902 +genre_painting,Naive_Art_Primitivism,fernand-leger_study-for-builders +religious_painting,Expressionism,emil-nolde_crucifixion +portrait,Symbolism,odilon-redon_portrait-of-marie-botkine-1900 +genre_painting,Cubism,fernand-leger_the-breakfast-1921 +genre_painting,New_Realism,edward-hopper_first-row-orchestra +portrait,Northern_Renaissance,albrecht-durer_two-venetian-women +cityscape,Realism,alexey-bogolyubov_view-to-michael-s-castle-in-petersburg-from-lebiazhy-canal +religious_painting,Northern_Renaissance,hieronymus-bosch_the-cure-of-folly +portrait,Romanticism,francisco-goya_fernando-vii-1814 +landscape,Impressionism,john-singer-sargent_falconieri-gardens-frascati-1907 +portrait,Naive_Art_Primitivism,fernando-botero_man-reclining-1978 +still_life,Post_Impressionism,le-pho_still-life-with-artichokes-1956 +still_life,Synthetic_Cubism,juan-gris_newspaper-glass-and-pear-1917 +religious_painting,Baroque,rembrandt_st-jerome-kneeling-1630 +portrait,Impressionism,edgar-degas_singer-in-green-1884 +landscape,Post_Impressionism,ion-theodorescu-sion_landscape-1912 +sketch_and_study,Cubism,fernand-leger_portrait-of-andre-mare-1901 +illustration,Art_Nouveau_Modern,aubrey-beardsley_the-ascention-of-saint-rose-of-lima +portrait,Impressionism,william-merritt-chase_woman-in-white +illustration,Romanticism,gustave-dore_thais +cityscape,Post_Impressionism,walter-sickert_st-mark-s-venice +religious_painting,Baroque,bartolome-esteban-murillo_saint-francis-of-assisi-receiving-the-stigmata +genre_painting,Realism,vladimir-makovsky_the-secret-1884 +landscape,Symbolism,theodor-severin-kittelsen_skomv-r-lighthouse-1891 +sketch_and_study,Art_Nouveau_Modern,alphonse-mucha_study-of-figures +genre_painting,Post_Impressionism,georges-seurat_seated-woman-1881 +portrait,Baroque,rembrandt_frederick-rihel-on-horseback-1663 +illustration,Realism,valentin-serov_the-wolf-and-the-shepherds-1898 +landscape,Impressionism,paul-cezanne_chestnut-trees-and-farmstead-of-jas-de-bouffin-1876 +portrait,Rococo,vladimir-borovikovsky_portrait-of-murtaza-kuli-khan-brother-of-aga-mahommed-the-persian-shah-1796 +landscape,Realism,homer-watson_figure-on-the-road-and-farmhouse-at-sunset +genre_painting,Naive_Art_Primitivism,maria-primachenko_ivan-gave-the-landlord-a-ride-in-his-gig-and-fell-inside-1983 +cityscape,Post_Impressionism,edouard-cortes_place-vendome-soir-paris +landscape,Naive_Art_Primitivism,radi-nedelchev_melnik-1973 +portrait,Realism,nikolay-bogdanov-belsky_portrait-of-artist-s-wife +illustration,Art_Nouveau_Modern,thomas-theodor-heine_cover-illustration-for-the-magazine-simplicissimus-1910 +religious_painting,Mannerism_Late_Renaissance,tintoretto_the-martyrdom-of-st-paul +genre_painting,Post_Impressionism,henri-de-toulouse-lautrec_the-card-players-1893 +abstract_painting,Color_Field_Painting,helen-frankenthaler_yellow-jack-1985 +sketch_and_study,Cubism,fernand-leger_study-for-the-city +nude_painting,Expressionism,otto-dix_scherzo-from-the-portfolio-nine-woodcuts +religious_painting,Early_Renaissance,piero-della-francesca_augustinian-saint +religious_painting,Early_Renaissance,filippo-lippi_st-lawrence-enthroned-with-saints-and-donors-1453 +cityscape,Art_Nouveau_Modern,nicholas-roerich_uglich-church-of-prince-dmitry-1904 +abstract_painting,Abstract_Expressionism,cy-twombly_myo +genre_painting,Symbolism,tivadar-kosztka-csontvary_company-passing-a-bridge-1904 +landscape,Realism,pyotr-konchalovsky_the-evening-landscape-with-a-lake-1939 +genre_painting,Realism,vasily-perov_organ-grinder-in-paris-1864 +genre_painting,Expressionism,edvard-munch_model-in-front-of-the-verandah-1942 +landscape,Expressionism,rafael-zabaleta_partridges +sketch_and_study,Art_Nouveau_Modern,nicholas-roerich_queen-anna-s-tower-1913-1 +portrait,Pointillism,camille-pissarro_peasant-girl-drinking-her-coffee-1881 +genre_painting,Impressionism,edgar-degas_the-milliner +sketch_and_study,Mannerism_Late_Renaissance,tintoretto_venus-mars-and-vulcan-1551 +cityscape,Post_Impressionism,wassily-kandinsky_park-of-st-cloud-with-horseman-1906 +portrait,Mannerism_Late_Renaissance,sofonisba-anguissola_portrait-of-diane-d-andouins-and-her-daughter-1565 +abstract_painting,Color_Field_Painting,daniel-buren_tii-205-1965 +portrait,Art_Nouveau_Modern,aubrey-beardsley_katharina-klafsky +cityscape,Impressionism,santiago-rusinol_rue-des-saules-in-montmartre +abstract_painting,Color_Field_Painting,anne-appleby_spring-aspen-2000 +religious_painting,Northern_Renaissance,martin-schongauer_ecce-homo +genre_painting,Realism,thomas-eakins_the-biglin-brothers-racing-1873 +cityscape,Impressionism,armand-guillaumin_the-seine-river-at-charenton-1878 +portrait,Northern_Renaissance,hans-memling_portrait-of-a-man-at-prayer-before-a-landscape-1480 +genre_painting,Impressionism,edgar-degas_at-the-milliner-s-1883-1 +landscape,Realism,vasily-surikov_landscape-with-brother-s-figure +landscape,Impressionism,willard-metcalf_the-path-1915 +still_life,Realism,vincent-van-gogh_basket-of-potatoes-1885-1(1) +portrait,Expressionism,paul-klee_the-lover-1938(1) +portrait,Romanticism,vasily-tropinin_portrait-of-the-artist-n-i-utkin-with-a-pencil-1841 +sketch_and_study,Realism,vincent-van-gogh_peasant-woman-with-shawl-over-her-head-seen-from-the-side-1885 +genre_painting,Impressionism,john-singer-sargent_in-switzerland-1908 +cityscape,Impressionism,t.-c.-steele_winter-afternoon-old-munich-1883 +abstract_painting,Abstract_Expressionism,geta-bratescu_spaces-2005(8) +religious_painting,Realism,james-tissot_jesus-at-bethany-1894 +portrait,Expressionism,pablo-picasso_portrait-of-bearded-man-leaning-on-cradle-1920 +landscape,Realism,volodymyr-orlovsky_a-bay-1878 +nude_painting,Impressionism,anders-zorn_the-tub-1888 +landscape,Symbolism,koloman-moser_mountain-slope +cityscape,Post_Impressionism,carlos-botelho_lisbon-1962 +abstract_painting,Abstract_Expressionism,forrest-bess_untitled-1947 +sketch_and_study,Romanticism,viktor-vasnetsov_alyonushka-1880 +portrait,Expressionism,lucian-freud_head-of-an-irishman +cityscape,Art_Nouveau_Modern,anna-ostroumova-lebedeva_petersburg-kryukov-canal-1910 +portrait,Cubism,marevna-(marie-vorobieff)_portrait-of-david-hodge-and-girlfriend +landscape,Romanticism,lev-lagorio_on-the-island-of-capri-coastal-cliffs-1859 +landscape,Post_Impressionism,david-burliuk_landscape-1 +genre_painting,Expressionism,arturo-souto_the-landscape-lit-4-th-1931 +portrait,Realism,vasily-surikov_portrait-of-e-v-surikova-1908 +abstract_painting,Minimalism,brice-marden_untitled-from-12-views-for-caroline-tatyana-1979 +portrait,Romanticism,orest-kiprensky_portrait-of-a-schwalbe-1808 +sketch_and_study,Mannerism_Late_Renaissance,jacopo-pontormo_saint-francis-1517 +genre_painting,Post_Impressionism,edouard-vuillard_the-tent +genre_painting,Impressionism,konstantin-korovin_gudal-s-castle-1902 +religious_painting,Northern_Renaissance,hugo-van-der-goes_calvary-triptych-1468 +religious_painting,Post_Impressionism,paul-cezanne_bathsheba-1 +religious_painting,Northern_Renaissance,albrecht-durer_refusal-of-joachim-s-offer-1503 +abstract_painting,Color_Field_Painting,theodoros-stamos_infinity-field-lefkada-series-1982(1) +sketch_and_study,Romanticism,john-everett-millais_my-beautiful-lady +portrait,Realism,viktor-vasnetsov_portrait-of-tatyana-vasnetsova-the-artist-s-daughter-1897 +landscape,Impressionism,john-henry-twachtman_view-from-the-holley-house +religious_painting,Mannerism_Late_Renaissance,paolo-veronese_presentation-in-the-temple-1560 +still_life,Post_Impressionism,henri-matisse_a-vase-with-oranges +cityscape,Impressionism,gustave-caillebotte_boulevard-haussmann-in-the-snow +religious_painting,Northern_Renaissance,hieronymus-bosch_christ-carrying-the-cross-1490 +still_life,Impressionism,theodor-pallady_still-life-with-may-lilies-1935 +illustration,Romanticism,gustave-dore_burying-the-dead-after-the-battle-of-dorylaeum +abstract_painting,Abstract_Expressionism,brice-marden_vine-1993 +genre_painting,Realism,viktor-vasnetsov_news-of-the-capture-of-kars-1878 +portrait,Realism,camille-corot_italian-peasant-boy-1825 +religious_painting,High_Renaissance,lorenzo-lotto_christ-s-farewell-to-mary-1521 +landscape,Symbolism,nicholas-roerich_lamayuru-monastery-1925 +portrait,Symbolism,kuzma-petrov-vodkin_the-daughter-of-an-artist-1933 +portrait,Realism,salvador-dali_portrait-of-mrs-ortiz-linares +sketch_and_study,High_Renaissance,leonardo-da-vinci_study-for-madonna-with-the-yarnwinder +abstract_painting,Minimalism,conrad-marca-relli_multiple-d-1969 +sketch_and_study,Impressionism,pierre-auguste-renoir_roses-and-study-of-gabrielle-1915 +cityscape,Post_Impressionism,edouard-cortes_pont-neuf +landscape,Post_Impressionism,maxime-maufra_the-bay-of-douarnenez +religious_painting,Northern_Renaissance,albrecht-durer_way-to-calvary-1527 +genre_painting,Realism,julius-leblanc-stewart_on-the-terrace-1884(1) +abstract_painting,Minimalism,brice-marden_untitled-1971(1) +landscape,Impressionism,frederic-bazille_the-terrace-at-m-ric-oleander +genre_painting,Realism,vasily-perov_solitary-guitarist-1865 +genre_painting,Realism,anders-zorn_baking-the-bread-1889 +landscape,Fauvism,othon-friesz_valley-of-the-creuse-crozant-1901 +illustration,Art_Nouveau_Modern,aubrey-beardsley_title-page-1896 +portrait,Expressionism,zinaida-serebriakova_helene-de-rua-princess-jean-de-merode-1954 +genre_painting,Naive_Art_Primitivism,boris-kustodiev_easter-procession-1915 +portrait,Impressionism,mary-cassatt_lydia-crocheting-in-the-garden-at-marly-1880 +abstract_painting,Abstract_Expressionism,morris-louis_landscape-mid-day-1953 +portrait,Art_Nouveau_Modern,wilhelm-kotarbinski_afternoon-silence +landscape,Romanticism,thomas-moran_amalfi-coast-1868 +religious_painting,Northern_Renaissance,bernhard-strigel_sacrifice-of-isaac-and-transfiguration +portrait,Rococo,joshua-reynolds_georgiana-duchess-of-devonshire-with-her-infant-daughter-lady-georgiana-cavendish +abstract_painting,Minimalism,martin-barre_63-l-6-1963 +genre_painting,Pointillism,georges-seurat_sunday-afternoon-on-the-island-of-la-grande-jatte-1886 +landscape,Realism,gustave-courbet_deer-shelter-1868 +portrait,Rococo,vladimir-borovikovsky_naryshkina-elena +landscape,Impressionism,camille-pissarro_the-path-of-basincourt-1884 +sketch_and_study,Naive_Art_Primitivism,fernand-leger_the-tug +portrait,Impressionism,john-atkinson-grimshaw_blue-belle-1877 +landscape,Cubism,paul-cezanne_the-park-of-the-chateau-noir-with-well +illustration,Romanticism,gustave-dore_don-quixote-30 +abstract_painting,Color_Field_Painting,anne-appleby_red-green-1997 +still_life,Post_Impressionism,henri-matisse_apples-on-a-table-green-background-1916 +genre_painting,Impressionism,berthe-morisot_woman-and-child-on-the-balcony +genre_painting,Impressionism,henri-martin_sewing-at-marquayrol +still_life,Cubism,georges-braque_the-studio-ix-1954 +cityscape,Romanticism,alexey-bogolyubov_st-petersburg-at-sunset-1850 +portrait,Impressionism,william-merritt-chase_woman-with-a-basket +portrait,Realism,william-adolphe-bouguereau_branche-de-laurier-1900 +portrait,Ukiyo_e,utagawa-kuniyoshi_the-sumo-wrestler-1 +genre_painting,Impressionism,pierre-auguste-renoir_woman-and-child-1 +cityscape,Fauvism,georges-braque_the-house-behind-the-trees-1906 +genre_painting,Impressionism,pierre-auguste-renoir_peasant-woman-standing-in-a-landscape-1884 +cityscape,Symbolism,konstantin-bogaevsky_the-baku-oil-fields +illustration,Art_Nouveau_Modern,carlos-saenz-de-tejada_scene-of-vested-interests-tables-i-1950 +landscape,Symbolism,nicholas-roerich_tashiding-1924 +genre_painting,Expressionism,emil-nolde_at-the-caf +portrait,Realism,konstantin-makovsky_portrait-of-the-wrighter-d-grigorovich +landscape,Romanticism,joseph-wright_vesuvius-from-posillipo-1 +sketch_and_study,Impressionism,eugene-boudin_untitled-1870 +cityscape,Impressionism,childe-hassam_ponte-santa-trinita +landscape,Impressionism,william-merritt-chase_prospect-park-brooklyn-1 +abstract_painting,Abstract_Expressionism,joan-miro_not_detected_227952 +sketch_and_study,Symbolism,kuzma-petrov-vodkin_boys-1916 +landscape,Ukiyo_e,katsushika-hokusai_enoshima-in-the-sagami-province +landscape,Realism,ivan-shishkin_a-woman-under-an-umbrella-on-a-flowering-meadow-1881 +illustration,Art_Nouveau_Modern,kay-nielsen_fisherman-and-his-wife +portrait,Realism,vincent-van-gogh_head-of-a-peasant-with-a-pipe-1885(1) +genre_painting,Impressionism,edgar-degas_seated-woman-pulling-her-glove-1890 +cityscape,Art_Nouveau_Modern,nicholas-roerich_suzdal-walls-of-saviour-euthimius-monastery-1903 +portrait,Symbolism,mikhail-nesterov_portrait-of-o-m-nesterova-the-artist-s-daughter-1905 +religious_painting,Northern_Renaissance,robert-campin_holy-trinity-gold-silver-and-silk-embroidery-pearls-glass-beads-and-velvet-applique-on-linen-1433 +sketch_and_study,Baroque,rembrandt_jesus-disputing-with-the-doctors-1630 +still_life,Post_Impressionism,ilya-mashkov_still-life-with-crabs-1925 +genre_painting,Impressionism,childe-hassam_building-a-schooner-provincetown +portrait,Post_Impressionism,vincent-van-gogh_portrait-of-a-one-eyed-man-1888 +nude_painting,Naive_Art_Primitivism,marc-chagall_equestrienne-1927 +religious_painting,Symbolism,mikhail-vrubel_head-of-prophet-1905 +landscape,Impressionism,max-slevogt_bathing-house-havel +sketch_and_study,Mannerism_Late_Renaissance,jacopo-pontormo_study-of-the-nailing-of-christ-to-the-cross +landscape,Realism,ivan-shishkin_in-the-forest-fallen-tree-1878 +portrait,Realism,boris-kustodiev_portrait-of-p-l-kapitza-1926 +portrait,Realism,john-singer-sargent_mrs-charles-f-st-clair-anstruther-thompson-nee-agnes-1898 +sketch_and_study,Realism,vincent-van-gogh_peasant-woman-lifting-potatoes-1885 +nude_painting,Contemporary_Realism,eric-fischl_growing-up-in-the-company-of-women-iii +religious_painting,Baroque,rembrandt_jesus-preaching-called-the-la-tombe-1652 +portrait,Realism,vasily-vereshchagin_afghan-1868 +religious_painting,Northern_Renaissance,hans-baldung_madonna-nursing-1514 +genre_painting,Impressionism,pierre-auguste-renoir_aline-and-pierre-1887 +illustration,Romanticism,louis-janmot_po-me-de-l-me-16-le-vol-de-l-me +sketch_and_study,Northern_Renaissance,hieronymus-bosch_figure-in-a-beehive-and-a-monsterb-a-cursory-sketch-of-two-women +cityscape,Impressionism,antoine-blanchard_theatre-des-varietes-large-2 +portrait,Realism,janos-tornyai_bolting-girl-1900 +landscape,Realism,vincent-van-gogh_shepherd-with-flock-near-a-little-church-at-zweeloo-1883 +genre_painting,Impressionism,nikolay-bogdanov-belsky_fisherman +landscape,Romanticism,lev-lagorio_view-of-ayu-dag-from-alushta +abstract_painting,Abstract_Expressionism,brice-marden_nevisian-triptych-2008 +genre_painting,Realism,henry-herbert-la-thangue_stumping-the-cow +genre_painting,Realism,nikolay-bogdanov-belsky_at-school-doors +abstract_painting,Color_Field_Painting,gene-davis_ferris-wheel-1963(1) +portrait,Impressionism,nicolae-grigorescu_peasant-woman-head-1905 +landscape,Impressionism,alfred-sisley_walnut-trees-at-sunset-in-early-october +portrait,Romanticism,francesco-hayez_portrait-of-conte-ninni-1825 +landscape,Romanticism,ivan-aivazovsky_lake-maggiore-in-the-evening-1858 +portrait,Realism,konstantin-somov_portrait-of-a-somov +abstract_painting,Abstract_Expressionism,theodoros-stamos_byzantium-iii-1958 +portrait,Symbolism,konstantin-somov_portrait-of-e-ostroumova +genre_painting,Cubism,fernand-leger_divers-polychrome +landscape,Post_Impressionism,auguste-herbin_entrance-to-the-corbeau-mill-1908 +cityscape,Cubism,fernand-leger_smoke-1912 +landscape,Expressionism,august-macke_the-storm-1911 +still_life,Post_Impressionism,theophrastos-triantafyllidis_still-life-1 +religious_painting,Northern_Renaissance,hans-memling_christ-giving-his-blessing-1481 +portrait,Cubism,diego-rivera_portrait-of-the-adolfo-best-maugard-1913 +portrait,Romanticism,konstantin-makovsky_portrait-of-m-butina +portrait,Realism,john-singer-sargent_the-countess-of-lathom-1904 +abstract_painting,Color_Field_Painting,manabu-mabe_human-condition +landscape,Naive_Art_Primitivism,raoul-dufy_the-wheat-field-1929 +portrait,Rococo,dmitry-levitzky_alexander-lanskoy-1780 +landscape,Symbolism,nicholas-roerich_himalayas-67 +religious_painting,Baroque,diego-velazquez_joseph-s-bloody-coat-brough-to-jacob-1630 +landscape,Impressionism,claude-monet_rocks-at-belle-ile-port-domois +abstract_painting,Abstract_Expressionism,frank-stella_talladega-1980 +abstract_painting,Abstract_Expressionism,jay-defeo_origin-1956 +cityscape,Symbolism,nicholas-roerich_sanctuaries-1924-1 +landscape,Impressionism,robert-julian-onderdonk_on-the-guadalupe-1914 +landscape,Expressionism,martiros-saryan_october-landscape-1953 +cityscape,Art_Nouveau_Modern,nicholas-roerich_smolensk-1909 +still_life,Impressionism,paul-cezanne_still-life-with-apples +illustration,Romanticism,gustave-dore_the-emir-s-head-shown-in-the-seraglio +landscape,Impressionism,childe-hassam_sunset-at-sea +portrait,Romanticism,george-frederick-watts_ellen-terry-asleep(1) +portrait,Realism,john-singer-sargent_portrait-of-mrs-ernest-g-raphael-nee-florence-cecilia-sassoon-1905 +religious_painting,Romanticism,viktor-vasnetsov_the-chronicler-nestor-1896 +genre_painting,Rococo,jean-honore-fragonard_the-musical-contest-1755 +sketch_and_study,Expressionism,carlos-saenz-de-tejada_the-chapman +abstract_painting,Abstract_Expressionism,jimmy-ernst_recollections-and-silence-1962 +landscape,Realism,gustave-courbet_the-stream-in-bremen-1865 +abstract_painting,Abstract_Expressionism,sam-francis_coral-lyre-nine-1972 +landscape,Expressionism,martiros-saryan_a-lilac-bush-1922 +cityscape,Impressionism,childe-hassam_high-bridge +portrait,Impressionism,pierre-auguste-renoir_woman-s-head-1 +portrait,Expressionism,ernst-ludwig-kirchner_marcella +landscape,Impressionism,claude-monet_vetheuil-prairie-inondee +landscape,Impressionism,eugene-boudin_the-port-of-trouville-1886 +landscape,Pointillism,henri-martin_facade-of-the-house +genre_painting,Expressionism,albert-bloch_the-four-pierrots-1912 +genre_painting,Romanticism,alphonse-mucha_the-abolition-of-serfdom-in-russia-1914 +portrait,Early_Renaissance,andrea-mantegna_portrait-of-a-man +portrait,Impressionism,pierre-auguste-renoir_marie-therese-durand-ruel-sewing-1882 +portrait,Expressionism,amedeo-modigliani_teresa-1915 +genre_painting,Realism,wilhelm-leibl_die-dorfpolitiker-1877 +sketch_and_study,Symbolism,nicholas-roerich_monhigan-study-1922-12 +landscape,Art_Nouveau_Modern,akseli-gallen-kallela_lake-keitele-1905 +landscape,Romanticism,ivan-aivazovsky_sunset-in-little-russia-1863 +abstract_painting,Abstract_Expressionism,gerhard-richter_ludorff +genre_painting,Art_Nouveau_Modern,raphael-kirchner_envy +portrait,Realism,giovanni-boldini_portrait-of-giovinetta-errazuriz-1892 +cityscape,Impressionism,paul-cezanne_the-seine-at-bercy-1878 +still_life,Impressionism,pierre-auguste-renoir_dahlias +genre_painting,Symbolism,konstantin-somov_in-love-with-harlequin +abstract_painting,Action_painting,franz-kline_opustena +religious_painting,Northern_Renaissance,petrus-christus_nativity-1452 +genre_painting,Romanticism,osman-hamdi_gun-salesman-1908 +portrait,Romanticism,joseph-wright_captain-robert-shore-milnes +still_life,Impressionism,camille-pissarro_apples-and-pears-in-a-round-basket-1872 +sketch_and_study,Northern_Renaissance,albrecht-durer_view-of-bergen-op-zoom +landscape,Expressionism,arthur-dove_morning-sun-1935 +sketch_and_study,Realism,vincent-van-gogh_part-of-a-portrait-of-anthon-van-rappard-1884 +landscape,Realism,aleksey-savrasov_trees-near-the-lake-1868 +abstract_painting,Abstract_Expressionism,mark-rothko_no-21 +genre_painting,Cubism,rafael-zabaleta_the-satyr-1958 +abstract_painting,Color_Field_Painting,ray-parker_untitled-1970-1 +sketch_and_study,Realism,vasily-surikov_study-of-khakasy +religious_painting,Romanticism,gustave-dore_elijah-ascends-to-heaven-in-a-chariot-of-fire +abstract_painting,Abstract_Expressionism,cy-twombly_leda-and-the-swan-1 +landscape,Impressionism,william-merritt-chase_the-coast-of-holland +landscape,Realism,ivan-shishkin_oaks-1887 +genre_painting,Impressionism,henry-herbert-la-thangue_the-plough-boy-1900 +sketch_and_study,Impressionism,eugene-boudin_by-the-bathing-machines-1866 +landscape,Symbolism,odilon-redon_woman-and-the-mountain-landscape +portrait,Realism,jean-francois-millet_portrait-of-javain-mayor-of-cherbourg-1841 +landscape,Impressionism,claude-monet_boats-on-the-beach-at-etretat +portrait,Mannerism_Late_Renaissance,jacopo-pontormo_halberdier +genre_painting,Baroque,rembrandt_ledikant-1646 +landscape,Impressionism,childe-hassam_isle-of-shoals-6 +still_life,Baroque,frans-snyders_three-monkeys-stealing-fruit +landscape,Realism,aleksey-savrasov_early-spring-birches-by-the-river-1893 +sketch_and_study,Post_Impressionism,vincent-van-gogh_park-with-figures +nude_painting,Realism,anton-azbe_hermit-1905 +landscape,Impressionism,alfred-sisley_apple-trees-in-bloom-1880 +abstract_painting,Color_Field_Painting,barnett-newman_the-moment-1966 +portrait,Cubism,miriam-schapiro_popova-1992 +portrait,Realism,vasily-perov_portrait-of-unknown-man-1870 +still_life,Impressionism,paul-gauguin_still-life-with-oysters-1876 +nude_painting,Naive_Art_Primitivism,oskar-kokoschka_the-dreaming-boys-1908 +portrait,Post_Impressionism,henri-de-toulouse-lautrec_portrait-of-madame-de-gortzikolff-1893 +landscape,Impressionism,alfred-sisley_the-road-from-gennevilliers-1872 +landscape,Realism,m.c.-escher_morano-calabria +landscape,Post_Impressionism,edouard-vuillard_chateau-of-fontainebleau-1919 +portrait,Art_Nouveau_Modern,zinaida-serebriakova_portrait-of-a-nurse-1909 +sketch_and_study,Realism,ilya-repin_birch-trees-sunny-day +cityscape,Impressionism,camille-pissarro_view-of-rouen +genre_painting,Baroque,le-nain-brothers_the-well +cityscape,Post_Impressionism,maurice-utrillo_moulin-de-la-galette-on-montmartre +abstract_painting,Contemporary_Realism,mostafa-dashti_untitled-1997 +portrait,Realism,john-singer-sargent_la-carmencita-1890-1 +landscape,Impressionism,pierre-auguste-renoir_grape-harvesters-1879 +religious_painting,Baroque,guido-reni_the-annunciation +cityscape,Expressionism,louay-kayyali_maaloula-1964 +landscape,Romanticism,caspar-david-friedrich_greifswald-in-moonlight +genre_painting,Realism,vasily-perov_pilgrim +landscape,Cubism,umberto-boccioni_landscape-mountains-1916 +still_life,Impressionism,edouard-manet_flowers-in-a-crystal-vase +cityscape,Cubism,pyotr-konchalovsky_factory-in-nara-1918 +still_life,Expressionism,georges-braque_my-bicycle-1941 +abstract_painting,Abstract_Expressionism,john-hoyland_tiger-s-eye-10-3-07-2007 +landscape,Expressionism,akseli-gallen-kallela_mt-donia-sabuk-1909 +religious_painting,Expressionism,salvador-dali_madonna-1 +religious_painting,Realism,vasily-perov_christ-in-gethsemane-1878 +still_life,Impressionism,giovanni-boldini_wild-game-in-black +landscape,Romanticism,ivan-aivazovsky_arrival-catherine-the-second-to-pheodosiya-1883 +landscape,Symbolism,nicholas-roerich_trans-himalayas-near-saga +genre_painting,Romanticism,mykola-pymonenko_becoming-the-evening +abstract_painting,Abstract_Expressionism,betty-parsons_untitled-abstraction +cityscape,Romanticism,ferdinand-georg-waldmã¼ller_pfamgasse-in-st-wolfgang-1835 +landscape,Contemporary_Realism,jamie-wyeth_comet-1997 +genre_painting,Impressionism,joaquã­n-sorolla_promenade-by-the-sea-1909 +religious_painting,High_Renaissance,titian_saint-peter-1518 +abstract_painting,Abstract_Expressionism,joe-goode_pollution-r3-1995 +landscape,Impressionism,alfred-sisley_a-normandy-farm +portrait,Impressionism,valentin-serov_portrait-of-countess-varvara-musina-pushkina-1895 +landscape,Pointillism,paul-signac_river-s-edge-the-siene-at-herblay-1889 +portrait,Realism,ivan-kramskoy_portrait-of-the-painter-ivan-shishkin-1880 +religious_painting,Northern_Renaissance,robert-campin_crucifixion +landscape,Realism,alexey-bogolyubov_alley-in-the-park-liechtenstein-1889 +landscape,Post_Impressionism,vincent-van-gogh_snowy-landscape-with-arles-in-the-background-1888-1 +still_life,Naive_Art_Primitivism,seraphine-louis_les-grappes-de-raisin-1930 +sketch_and_study,High_Renaissance,michelangelo_design-for-laurentian-library-doors-and-an-external-window +still_life,Realism,salvador-dali_the-basket-of-bread +portrait,Naive_Art_Primitivism,william-h.-johnson_family-portrait-1944 +landscape,Realism,aleksey-savrasov_landscape-with-marsh-and-wooded-islands +religious_painting,Early_Renaissance,piero-della-francesca_polyptych-of-the-misericordia-1462(1) +sketch_and_study,Romanticism,william-turner_sailing-boat-in-a-rough-sea-1845 +genre_painting,Expressionism,m.-h.-maxy_peasant-weaving-at-war-1930 +landscape,Realism,ivan-shishkin_pine-forest +illustration,Art_Nouveau_Modern,edmund-dulac_all-are-but-stories-the-rubaiyat-of-omar-khayyam +landscape,Romanticism,lev-lagorio_crimean-landscape-1891 +genre_painting,Ukiyo_e,utagawa-kunisada_not_detected_240346 +cityscape,Impressionism,camille-pissarro_the-inner-harbor-dieppe-afternoon-sun-low-tide-1902 +portrait,Early_Renaissance,paolo-uccello_head-of-prophet-1443-2 +genre_painting,Impressionism,edgar-degas_pink-dancer-1 +nude_painting,Expressionism,yiannis-moralis_funeral-composition-1958 +portrait,Rococo,louise-elisabeth-vigee-le-brun_portrait-of-count-pavel-shuvalov-1799 +sketch_and_study,Realism,theodor-severin-kittelsen_letter-to-jens(1) +still_life,Analytical_Cubism,juan-gris_guitar-and-glasses-banjo-and-glasses-1912 +portrait,Realism,ilya-repin_portrait-of-countess-natalia-golovina-1896 +portrait,Realism,pyotr-konchalovsky_portrait-of-professor-n-p-remizov-1955 +landscape,Post_Impressionism,maxime-maufra_mountain-landscape-1904 +portrait,Ukiyo_e,keisai-eisen_no-2-ni-from-the-series-popular-indigo-clothing-ryuko-ai-shitate-1835(1) +genre_painting,Impressionism,claude-monet_anglers-on-the-seine-at-poissy(1) +portrait,Baroque,frans-hals_portrait-of-a-man-1616 +genre_painting,Impressionism,camille-pissarro_haymaking-in-eragny-1901 +portrait,Romanticism,ford-madox-brown_portrait-of-william-michael-rossetti-1829-1919-by-lamplight-1856 +landscape,Impressionism,claude-monet_heavy-sea-at-pourville +genre_painting,Impressionism,jan-toorop_brussels-students +genre_painting,Impressionism,pierre-auguste-renoir_girl-gathering-flowers +landscape,Realism,aleksey-savrasov_moonlit-night-1853 +landscape,Post_Impressionism,maxime-maufra_the-three-cliffs-1894 +still_life,Realism,edouard-manet_vase-of-peonies-on-a-small-pedestal-1864 +genre_painting,Ukiyo_e,utagawa-kuniyoshi_the-hundred-and-eight-heroes-of-the-popular-suikoden +landscape,Impressionism,isaac-levitan_landscape-with-moon-1 +sketch_and_study,Mannerism_Late_Renaissance,jacopo-pontormo_study-for-the-lunette-with-vertumnus-and-pomona-1519 +portrait,Impressionism,pierre-auguste-renoir_jeanne-durand-ruel-1876 +genre_painting,Realism,gustave-courbet_poor-woman-of-the-village +genre_painting,Impressionism,paul-gauguin_mette-asleep-on-a-sofa-1875 +portrait,Mannerism_Late_Renaissance,tintoretto_portrait-of-giovanni-paolo-cornaro-1561 +landscape,Symbolism,nicholas-roerich_sanctuaries-and-citadels-1925-1 +portrait,Naive_Art_Primitivism,william-h.-johnson_girl-in-blue-with-turban-deborah-1940 +genre_painting,Impressionism,edouard-manet_music-in-the-tuileries-gardens-1862 +landscape,Impressionism,pierre-auguste-renoir_cagnes-landscape-1910-2 +religious_painting,Mannerism_Late_Renaissance,andrea-del-sarto_st-james-with-two-children-1529 +sketch_and_study,Post_Impressionism,vincent-van-gogh_sketch-of-a-peasant-working-1890 +landscape,Pop_Art,patrick-procktor_back-of-the-zoo-1971 +abstract_painting,Minimalism,brice-marden_ru-ware-project-2012 +landscape,Ukiyo_e,hiroshige_cherry-blossom-time-people-picknicking-at-gotenyama-1843 +religious_painting,Early_Renaissance,fra-angelico_st-peter-consacrates-st-lawrence-as-deacon-1449 +abstract_painting,Color_Field_Painting,gotthard-graubner_istria-v-2011 +landscape,Romanticism,rudolf-von-alt_mountain-landscape-with-the-grundlsee +abstract_painting,Minimalism,brice-marden_untitled-from-adriatics +still_life,Expressionism,max-weber_still-life-with-apples +portrait,Northern_Renaissance,lucas-cranach-the-elder_the-princess-1526 +genre_painting,Symbolism,odilon-redon_the-yellow-sail +landscape,Pointillism,richard-gerstl_route-of-the-train-to-the-kahlenberg +still_life,Fauvism,mary-fedden_the-oil-can-1971 +genre_painting,Rococo,william-hogarth_southwark-fair-1733-1 +portrait,Romanticism,arthur-hughes_amy-study +landscape,Impressionism,nicolae-grigorescu_clearing-back +genre_painting,Baroque,gabriel-metsu_the-letter-writer-surprised +portrait,Northern_Renaissance,hans-holbein-the-younger_portrait-of-an-unknown-lady +landscape,Northern_Renaissance,albrecht-durer_view-of-the-arco-valley-in-the-tyrol-1495 +genre_painting,Impressionism,childe-hassam_end-of-the-trolley-line-oak-park-illinois +landscape,Cubism,paul-cezanne_in-the-park-of-the-chateau-noir +religious_painting,Symbolism,salvador-dali_ex-aegypto-vocavi-filium-meum-1964 +portrait,Realism,ivan-kramskoy_kramskoi-ivan-mina-moiseev-sun-1882 +sketch_and_study,Romanticism,eugene-delacroix_yound-woman-leaning-over-a-woman-stretched-out-on-the-ground-1840(1) +sketch_and_study,Symbolism,odilon-redon_satan-1877 +abstract_painting,Abstract_Expressionism,willem-de-kooning_untitled-xi +still_life,Post_Impressionism,mary-fedden_feathers-and-shells-2001 +portrait,Realism,nikolay-bogdanov-belsky_girl +religious_painting,Romanticism,gustave-dore_the-resurrection +landscape,Naive_Art_Primitivism,henri-rousseau_view-of-bottom-and-meudonbillancourt-1890 +portrait,Post_Impressionism,salvador-dali_seated-monk +sketch_and_study,Realism,ivan-shishkin_pine-trees-over-the-sea-alupka-1879 +portrait,Realism,alexey-venetsianov_a-peasant-woman-with-a-rake +portrait,Rococo,jean-marc-nattier_portrait-of-tsar-peter-i-1717 +genre_painting,Impressionism,camille-pissarro_in-the-garden-1902 +portrait,Baroque,cornelis-de-vos_portrait-of-a-girl-at-the-age-of-10 +portrait,Romanticism,henry-raeburn_portrait-of-the-reverend-robert-walker-skating +religious_painting,Early_Renaissance,domenico-ghirlandaio_preaching-of-st-john-the-baptist-1490 +still_life,Symbolism,kuzma-petrov-vodkin_violin-1921 +landscape,Realism,isaac-levitan_sunny-day-a-village-1898 +cityscape,Cubism,raoul-dufy_houses-in-munich-1909 +illustration,Art_Nouveau_Modern,aubrey-beardsley_the-cave-of-spleen +landscape,Art_Nouveau_Modern,a.y.-jackson_the-beothic-at-bache-post-ellesmere-island-1928 +landscape,Impressionism,asgrimur-jonsson_the-farm-m-lakot-in-flj-tshl-south-iceland-1913 +genre_painting,Rococo,antoine-watteau_the-mezzetin-s-family +landscape,Expressionism,martiros-saryan_mount-ararat-1946 +portrait,Realism,kazimir-malevich_portrait-of-v-a-pavlov-1933 +portrait,Realism,vladimir-makovsky_a-gypsy-lady-1875 +illustration,Ukiyo_e,utagawa-kuniyoshi_a-fierce-depiction-of-uesugi-kenshin-seated-1844 +landscape,Contemporary_Realism,john-miller_trevorrian-sancreed-farm +portrait,Realism,john-singer-sargent_robert-louis-stevenson-1887 +portrait,Impressionism,pierre-auguste-renoir_mademoiselle-legrand-1875 +landscape,Realism,pyotr-konchalovsky_a-ray-of-sunlight-the-forest-1930 +landscape,Impressionism,lucian-grigorescu_peisaj-cu-biseric-ro-ie +landscape,Post_Impressionism,paul-cezanne_the-lac-d-annecy-1896 +portrait,Art_Nouveau_Modern,raphael-kirchner_justine-johnstone-2 +genre_painting,Realism,vincent-van-gogh_five-men-and-a-child-in-the-snow-1883(1) +sketch_and_study,Realism,vincent-van-gogh_parsonage-garden-in-the-snow-with-three-figures-1885 +religious_painting,Baroque,bartolome-esteban-murillo_dolorosa-1665 +abstract_painting,Color_Field_Painting,jack-bush_grey-v-1967 +genre_painting,Realism,andrei-ryabushkin_tea-party +genre_painting,Naive_Art_Primitivism,marc-chagall_the-walk-1973 +portrait,Northern_Renaissance,rogier-van-der-weyden_portrait-of-charles-the-bold +sketch_and_study,Baroque,bartolome-esteban-murillo_st-john-the-baptist-with-a-lamb-1670 +portrait,Impressionism,pierre-auguste-renoir_young-girl-in-a-red-hat-1899 +religious_painting,Symbolism,konstantin-vasilyev_not-detected-272790 +genre_painting,Impressionism,edouard-manet_fishing +cityscape,Cubism,albert-gleizes_new-york-1915 +cityscape,Impressionism,camille-pissarro_rue-saint-honore-morning-sun-effect-place-du-theatre-francais-1898 +genre_painting,Impressionism,cornelis-vreedenburgh_view-from-a-room-in-st-tropez +landscape,Impressionism,willard-metcalf_icebound +portrait,Realism,ilya-repin_portrait-of-a-v-zhirkevich-1888 +portrait,Romanticism,karl-bryullov_portrait-of-mariano-tittoni-1852 +landscape,Realism,fyodor-vasilyev_in-an-oak-grove +portrait,Realism,peder-severin-kroyer_holger-drachman-1895 +portrait,Romanticism,jan-matejko_aleksander-jagiellonczyk +abstract_painting,Abstract_Expressionism,arshile-gorky_the-liver-is-the-cock-s-comb +genre_painting,Baroque,david-teniers-the-younger_peasants-merrying-outside-an-inn-1642 +illustration,Symbolism,william-blake_dante-and-virgil-at-the-gates-of-hell +landscape,Cubism,andre-derain_untitled +landscape,Impressionism,camille-pissarro_red-roofs-corner-of-a-village-winter-1877 +landscape,Impressionism,camille-pissarro_view-of-bazincourt-sunset-1892 +sketch_and_study,Realism,vincent-van-gogh_man-standing-with-arms-folded-1882 +sketch_and_study,Expressionism,paula-modersohn-becker_seated-nude-with-a-flower +portrait,Post_Impressionism,theo-van-doesburg_portrait-of-christian-leibbrandt-1906 +genre_painting,Post_Impressionism,henri-de-toulouse-lautrec_two-women-making-the-bed-1891 +illustration,Art_Nouveau_Modern,ivan-bilibin_illustration-for-alexander-pushkin-s-fairytale-of-the-tsar-saltan-1937(1) +cityscape,Expressionism,horia-bernea_ancient-romanian-landscape +religious_painting,Northern_Renaissance,albrecht-durer_on-the-left-the-archangel-gabriel-approach-the-praying-virgin-mary-in-her-bedchamber +landscape,Romanticism,johan-christian-dahl_avaldsnes-church-1820 +still_life,Cubism,fernand-leger_machine-elements-1919 +cityscape,Impressionism,john-henry-twachtman_canal-venice +cityscape,Symbolism,konstantin-bogaevsky_dnieprostroy +genre_painting,Post_Impressionism,pyotr-konchalovsky_three-spanish-boys-1938 +portrait,Romanticism,konstantin-makovsky_portrait-of-the-girl-in-blue-dress +landscape,Realism,jean-francois-millet_puy-de-dome +landscape,Impressionism,robert-julian-onderdonk_texas-dry-country +portrait,Romanticism,william-holman-hunt_british-artist-william-holman-hunt +landscape,Fauvism,piet-mondrian_dune-iv-1910 +landscape,Impressionism,claude-monet_port-donnant-belle-ile +landscape,Realism,isaac-levitan_wooded-riverbank-twilight-1892 +cityscape,Cubism,paul-klee_red-and-white-domes-1914(1) +landscape,Realism,aleksey-savrasov_rye-1881 +abstract_painting,Abstract_Expressionism,sam-francis_her-blue-deeps-1972 +religious_painting,Early_Renaissance,sandro-botticelli_angel(1) +landscape,Post_Impressionism,albert-marquet_the-village-of-vosges-1893 +cityscape,Impressionism,maurice-prendergast_south-boston-pier-also-known-as-atlantic-city-pier-1896 +portrait,Romanticism,pierre-paul-prud'hon_elisa-bonaparte-napoleon-s-eldest-sister +still_life,Naive_Art_Primitivism,kateryna-bilokur_still-life-beet-1959 +genre_painting,Realism,charles-hermans_at-the-masquerade +portrait,Romanticism,orest-kiprensky_dark-haired-beautiful-woman-in-an-ermine-mantle +portrait,Realism,john-singer-sargent_mrs-robertson-1880 +landscape,Impressionism,claude-monet_the-studio-boat +landscape,Symbolism,nicholas-roerich_burein-gol-qaidam-1928 +landscape,Realism,aleksey-savrasov_autumn-night-1872 +religious_painting,Naive_Art_Primitivism,marc-chagall_the-israelites-are-eating-the-passover-lamb-1931 +genre_painting,New_Realism,william-james-glackens_on-the-quai +cityscape,Impressionism,antoine-blanchard_boulevard-de-la-madeleine-1 +cityscape,Impressionism,konstantin-korovin_paris-kafe +abstract_painting,Color_Field_Painting,leon-berkowitz_after-the-cloud +abstract_painting,Minimalism,martin-barre_60-t-18-1960 +landscape,Post_Impressionism,ferdinand-hodler_landscape-with-two-small-trees +landscape,Romanticism,thomas-cole_tree-in-the-catskills-1844 +landscape,Post_Impressionism,maxime-maufra_flood-joinville-le-pont +religious_painting,Northern_Renaissance,mabuse_saint-luke-painting-the-virgin-1 +landscape,Impressionism,carl-larsson_el-estanue-de-watercolor-1883(1) +landscape,Romanticism,thomas-cole_landscape-composition-italian-scenery-1832 +sketch_and_study,Realism,alekos-kontopoulos_figures +portrait,Rococo,joshua-reynolds_mrs-hale-1766 +religious_painting,Early_Renaissance,domenico-ghirlandaio_madonna-of-mercy-and-lamentation +landscape,Impressionism,alfred-sisley_the-dam-loing-canal-at-saint-mammes-1884 +cityscape,Impressionism,walter-sickert_view-of-bath-from-belvedere +abstract_painting,Color_Field_Painting,mark-rothko_black-on-maroon +landscape,Art_Nouveau_Modern,ivan-bilibin_crimea-old-juniper-1918(1) +portrait,Impressionism,childe-hassam_mrs-hassam-knitting +genre_painting,Post_Impressionism,mario-zanini_figuras-no-tiet-1940 +portrait,Rococo,vladimir-borovikovsky_portrait-of-an-unknown-with-a-child +portrait,Romanticism,henry-raeburn_mrs-mclean-of-kinlochaline +genre_painting,Realism,giovanni-boldini_peaceful-days-1875 +landscape,Cubism,salvador-dali_la-jorneta +landscape,Symbolism,nicholas-roerich_river-chandra-1932 +landscape,Impressionism,marianne-north_the-taj-mahal-at-agra-north-west-india-1878 +sketch_and_study,Naive_Art_Primitivism,fernand-leger_builder-character-in-the-framework +portrait,Impressionism,edouard-manet_madame-manet-at-bellevue-1880 +abstract_painting,Abstract_Expressionism,jack-youngerman_banlieue-1953 +genre_painting,Impressionism,edgar-degas_harlequin-and-colombina-1886 +still_life,Post_Impressionism,paul-cezanne_still-life-with-plaster-cupid-1895-1 +religious_painting,Romanticism,john-william-waterhouse_st-joan +religious_painting,Early_Renaissance,fra-angelico_crucifixion +still_life,Realism,william-merritt-chase_still-life-fruit +genre_painting,Contemporary_Realism,jamie-wyeth_record-player-1964 +nude_painting,Expressionism,pablo-picasso_sleeping-man-and-sitting-woman-1 +portrait,Baroque,frans-hals_portrait-of-a-young-man-1648 +illustration,Art_Nouveau_Modern,carlos-saenz-de-tejada_don-juan-illustration-1938 +sketch_and_study,Expressionism,martiros-saryan_a-street-constantinople-1910 +portrait,Post_Impressionism,henri-de-toulouse-lautrec_the-lady-of-the-star-harbour-1899 +religious_painting,Mannerism_Late_Renaissance,tintoretto_tamar-and-judah-1559 +portrait,Rococo,jean-baptiste-simeon-chardin_portrait-of-a-young-girl-1777 +landscape,Impressionism,pierre-auguste-renoir_landscape-11 +landscape,Impressionism,paul-gauguin_cliff-near-dieppe-1885 +sketch_and_study,Symbolism,ferdinand-hodler_lake-thun-from-the-path-to-the-plate-schynigen-1906 +abstract_painting,Color_Field_Painting,gene-davis_smithsonian-resident-associates-program-1980-15th-anniversary-poster-1980 +landscape,Symbolism,martiros-saryan_midday-silence-1924 +still_life,Cubism,fernand-leger_mechanical-compositions-1923 +still_life,Post_Impressionism,irma-stern_still-life-with-dahlias-and-fruit-1960 +illustration,Art_Nouveau_Modern,ivan-bilibin_magazine-cover-bugbear-1905 +still_life,Pop_Art,andy-warhol_chanel +sketch_and_study,Art_Nouveau_Modern,ferdinand-hodler_swearing-to-the-front +sketch_and_study,Impressionism,walter-sickert_despair +abstract_painting,Abstract_Expressionism,mark-tobey_untitled-1 +cityscape,Pop_Art,hiro-yamagata_toys-1985 +genre_painting,Realism,anders-zorn_the-mora-fair-1892 +landscape,Impressionism,john-henry-twachtman_may-morn +landscape,Impressionism,francis-picabia_morning-effect-banks-of-the-yonne-river +religious_painting,Baroque,diego-velazquez_saint-thomas-1620 +still_life,Baroque,frans-snyders_still-life-with-fruit-dead-game-vegetables-a-live-monkey-squirrel-and-cat +genre_painting,Impressionism,claude-monet_the-pink-skiff-boating-on-the-ept +sketch_and_study,Expressionism,balthus_study-for-the-painting-nude-resting-1972 +genre_painting,Realism,vasily-perov_fowler-1870 +genre_painting,Expressionism,august-macke_afternoon-in-the-garden +religious_painting,Symbolism,salvador-dali_leviathan-job-40-21-1967 +genre_painting,Baroque,le-nain-brothers_backgammon-players +cityscape,Romanticism,cornelis-springer_figures-in-a-street-in-delft-1853 +portrait,High_Renaissance,lorenzo-lotto_portrait-of-a-man-2 +cityscape,Impressionism,iosif-iser_paris-mouffetard-street +cityscape,Impressionism,john-singer-sargent_pavement-of-st-mark-s-1898 +landscape,Fauvism,andre-derain_the-river +religious_painting,Northern_Renaissance,hieronymus-bosch_the-garden-of-earthly-delights-5 +religious_painting,Naive_Art_Primitivism,marc-chagall_the-martyr-1970 +landscape,Post_Impressionism,vincent-van-gogh_the-voyer-d-argenson-park-in-asnieres-1887 +religious_painting,Baroque,caravaggio_holy-family-with-st-john-the-baptist +genre_painting,Rococo,giovanni-domenico-tiepolo_two-peasant-women-and-a-child-seen-from-behind-from-the-foresteria-guesthouse-1757 +genre_painting,Realism,james-tissot_too-early +religious_painting,Early_Renaissance,fra-angelico_view-of-the-chapel-vaulting-1449 +abstract_painting,Minimalism,jo-baer_untitled-vertical-flanking-diptych-red-1974 +sketch_and_study,Northern_Renaissance,hans-holbein-the-younger_portrait-of-a-woman-inscribed-in-gold-over-red-0anna-bollein-queen0-black-and-coloured-chalks +still_life,Post_Impressionism,morris-graves_still-life-with-bowl-of-pomegranates-1964 +illustration,Romanticism,gustave-dore_bohemond-alone-mounts-the-rampart-of-antioch-crusades-bohemond-mounts-rampart-of-antioch +portrait,Contemporary_Realism,philip-pearlstein_portrait-of-robert-storr-1988 +religious_painting,Symbolism,salvador-dali_et-cognoverunt-eum-in-fractione-panis-1964 +abstract_painting,Minimalism,robert-mangold_untitled-fcpa-1995 +genre_painting,Symbolism,konstantin-somov_fireworks-1 +illustration,Art_Nouveau_Modern,edmund-dulac_a-higher-destiny-from-beauty-and-the-beast +abstract_painting,Minimalism,agnes-martin_red-bird-1964 +landscape,Realism,alexey-bogolyubov_ablyazov-radishchevskaya-estate-ravine-1887 +portrait,Realism,william-adolphe-bouguereau_portrait-of-a-young-girl-1 +portrait,Impressionism,pierre-auguste-renoir_aline-charigot-future-madame-renoir-1885 +illustration,Romanticism,gustave-dore_death-of-frederick-i-of-germany +genre_painting,Post_Impressionism,suzanne-valadon_woman-with-a-double-bass-1908 +cityscape,Impressionism,cornelis-vreedenburgh_the-montelbaanstoren +landscape,Impressionism,childe-hassam_mt-hood-oregon +portrait,Realism,william-merritt-chase_the-apprentice-aka-boy-smoking +genre_painting,Analytical_Cubism,pablo-picasso_girl-with-mandolin-fanny-tellier-1910 +cityscape,Post_Impressionism,gustave-loiseau_moulin-a-pont-aven +portrait,Baroque,rembrandt_not_detected_220255 +abstract_painting,Abstract_Expressionism,sam-francis_untitled-1984 +landscape,Realism,fyodor-vasilyev_abandoned-mill-1-1873 +religious_painting,High_Renaissance,andrea-del-sarto_madonna-del-sacco-1525 +genre_painting,Impressionism,pierre-auguste-renoir_the-lovers +portrait,Impressionism,mary-cassatt_margot-wearing-a-bonnet +portrait,Baroque,jacques-stella_self-portrait +abstract_painting,Minimalism,park-seo-bo_ecriture-no-37-75-76-1976 +genre_painting,Expressionism,yiannis-tsaroychis_bather-1968 +still_life,Impressionism,theodor-pallady_pheasant +genre_painting,Romanticism,sir-lawrence-alma-tadema_the-siesta-1868 +genre_painting,Baroque,gabriel-metsu_the-virginal-player +genre_painting,Impressionism,giovanni-boldini_a-lady-with-a-cat +landscape,Cubism,amadeo-de-souza-cardoso_stronghold-1912 +illustration,Romanticism,gustave-dore_the-inferno-canto-34 +portrait,Post_Impressionism,henri-matisse_not-identified-6 +abstract_painting,Color_Field_Painting,brice-marden_cogitatio-1978 +still_life,Realism,henri-fantin-latour_apples-1876 +genre_painting,Cubism,oscar-dominguez_femme-l-ecritoire-1943 +genre_painting,Impressionism,nikolay-bogdanov-belsky_teacher-s-birthday +illustration,Romanticism,gustave-dore_the-siege-of-ptolemais-1 +sketch_and_study,Northern_Renaissance,hans-baldung_castle-weibertreu-1515 +religious_painting,Baroque,matthias-stom_healing-of-tobit(1) +landscape,Impressionism,gustave-caillebotte_park-in-the-snow +nude_painting,Expressionism,balthus_the-room +religious_painting,Romanticism,gustave-dore_cain-and-abel-offering-their-sacrifices +landscape,Symbolism,konstantin-bogaevsky_mountain-landscape-with-trees-ortolan +genre_painting,Realism,pyotr-konchalovsky_conductor-nikolai-semenovich-golovanov-and-orchestra-1934 +religious_painting,Mannerism_Late_Renaissance,paolo-veronese_temptation-of-st-anthony-1552 +religious_painting,Mannerism_Late_Renaissance,paolo-veronese_raising-of-the-daughter-of-jairus +cityscape,Impressionism,john-singer-sargent_fountain-at-bologna +portrait,Mannerism_Late_Renaissance,tintoretto_portrait-of-doge-pietro-loredan-1570 +landscape,Impressionism,robert-julian-onderdonk_coastal-scene +genre_painting,Impressionism,joaquã­n-sorolla_in-the-garden-1896 +genre_painting,Realism,vladimir-makovsky_fisherwomen-1886 +cityscape,Symbolism,nicholas-roerich_tibet-stronghold-potala-1939 +genre_painting,Naive_Art_Primitivism,grã©goire-michonze_the-painter-1977 +still_life,Expressionism,marc-chagall_still-life-with-lamp-1910 +genre_painting,Realism,james-tissot_the-captain-s-daughter +cityscape,Post_Impressionism,maurice-utrillo_montmartre +religious_painting,Early_Renaissance,benozzo-gozzoli_madonna-della-cintola +landscape,Northern_Renaissance,pieter-bruegel-the-elder_the-cart-the-belgic +abstract_painting,Abstract_Expressionism,cy-twombly_quattro-stagioni-estate-1995 +portrait,Impressionism,pierre-auguste-renoir_by-the-seashore-1883 +landscape,Post_Impressionism,pyotr-konchalovsky_young-oaks-1923 +landscape,Post_Impressionism,paul-cezanne_ile-de-france-landscape-1880 +abstract_painting,Abstract_Expressionism,paul-jenkins_phenomena-sherman-vortex +portrait,Realism,giovanni-boldini_portrait-of-a-young-man +cityscape,Post_Impressionism,edouard-cortes_quay-saint-michel +still_life,Cubism,salvador-dali_still-life-watermelon +still_life,Expressionism,zinaida-serebriakova_a-basket-with-flowers-1934 +genre_painting,Impressionism,joaquã­n-sorolla_swimmers-javea-1905 +religious_painting,Northern_Renaissance,gerard-david_the-transfiguration-of-christ +portrait,Post_Impressionism,nicolae-tonitza_petre-tonitza +abstract_painting,Minimalism,judy-chicago_pasadena-lifesavers-red-series-2-1970 +religious_painting,Naive_Art_Primitivism,marc-chagall_joseph-and-potiphar-s-wife-1931 +sketch_and_study,Realism,vincent-van-gogh_head-of-a-peasant-woman-bareheaded +portrait,Northern_Renaissance,mabuse_portrait-of-floris-van-egmond-1519 +landscape,Symbolism,nicholas-roerich_vyas-kund-1932 +nude_painting,Impressionism,auguste-rodin_untitled(2) +landscape,Impressionism,samuel-mutzner_ci-migiu-1940 +cityscape,Post_Impressionism,edouard-cortes_boulevard-de-la-madeleine-winter-1 +still_life,Cubism,auguste-herbin_still-life-with-oranges-1911 +nude_painting,Impressionism,ion-theodorescu-sion_pudica +illustration,Expressionism,jean-david_illustration-for-haggadah-of-pesach-1970(1) +landscape,Romanticism,lev-lagorio_fisherman-s-settlement-1865 +cityscape,Impressionism,antoine-blanchard_place-de-la-republic-2 +landscape,Realism,vasily-polenov_sunset +portrait,Rococo,benjamin-west_mrs-peter-beckford-1797 +religious_painting,High_Renaissance,raphael_st-cecilia-with-saints-detail-1516 +still_life,Impressionism,vasile-popescu_still-life-with-pipe-and-basket-full-of-violets-1930 +portrait,Realism,john-singer-sargent_madame-francois-buloz-1879 +genre_painting,Expressionism,oskar-kokoschka_not_detected_235835 +sketch_and_study,Expressionism,martiros-saryan_ravine-1927 +religious_painting,Naive_Art_Primitivism,marc-chagall_david-1956 +portrait,Pop_Art,yayoi-kusama_watching-the-sea-1989 +genre_painting,Romanticism,osman-hamdi_theologist +portrait,Impressionism,pierre-auguste-renoir_portrait-of-the-countess-pourtales-1877 +portrait,Post_Impressionism,francisc-sirato_fata-in-albastru +cityscape,Realism,m.c.-escher_not_detected_204686 +landscape,Impressionism,john-singer-sargent_purtud-bed-of-a-glacier-torrent-1904 +abstract_painting,Abstract_Expressionism,helen-frankenthaler_reflections-i-1995 +religious_painting,Baroque,francisco-de-zurbaran_the-denial-of-saint-peter-1650 +landscape,Impressionism,childe-hassam_field-of-poppies-isles-of-shaos-appledore +cityscape,Post_Impressionism,maurice-prendergast_st-mark-s-venice-1898 +landscape,Impressionism,claude-monet_seascape-1 +genre_painting,Impressionism,childe-hassam_promenade +still_life,Realism,ilya-mashkov_still-life-with-oranges-1939 +cityscape,Realism,aleksey-savrasov_cathedral-square-in-the-moscow-kremlin-at-night-1878 +abstract_painting,Color_Field_Painting,helen-frankenthaler_freefall-1992 +landscape,Impressionism,john-henry-twachtman_my-summer-studio +portrait,Symbolism,kuzma-petrov-vodkin_portrait-of-m-f-petrova-vodkina-1912 +illustration,Naive_Art_Primitivism,el-lissitzky_illustration-by-el-lissitzky-to-the-hen-who-wanted-a-comb-1919 +genre_painting,Realism,camille-corot_corot-s-studio +genre_painting,Impressionism,nikolay-bogdanov-belsky_children-in-a-class +religious_painting,Romanticism,gustave-dore_the-baptism-of-jesus +portrait,Impressionism,stefan-dimitrescu_peasant-woman-from-s-v-r-in-1927 +landscape,Post_Impressionism,pierre-bonnard_dauphine-landscape +landscape,Post_Impressionism,grace-cossington-smith_black-mountain-1931 +still_life,Realism,pyotr-konchalovsky_still-life-with-rabbit-1954 +portrait,Realism,john-singer-sargent_the-earl-of-wemyss-and-march-1909 +abstract_painting,Abstract_Expressionism,rafa-nasiri_untitled-052-1998 +illustration,Symbolism,felicien-rops_at-a-dinner-of-atheists +abstract_painting,Color_Field_Painting,alma-woodsey-thomas_ressurection-1966 +landscape,Impressionism,alfred-sisley_the-poplar-avenue-at-moret-cloudy-day-morning-1888 +landscape,Symbolism,nicholas-roerich_guga-chohan-kuluta-1931 +landscape,Impressionism,adam-baltatu_birch-trees +abstract_painting,Expressionism,jacoba-van-heemskerck_abstract-composition +religious_painting,High_Renaissance,cima-da-conegliano_st-peter-martyr-with-st-nicholas-of-bari-st-benedict-and-an-angel-musician-1504 +nude_painting,Expressionism,dimitris-mytaras_nude +genre_painting,Post_Impressionism,jacques-villon_le-petit-man-ge-rue-caulaincourt-1905 +religious_painting,Art_Nouveau_Modern,franz-stuck_salome-1906 +genre_painting,Baroque,adriaen-van-ostade_the-halt-at-the-inn +landscape,Northern_Renaissance,albrecht-durer_landscape-with-cannon-1518 +landscape,Art_Nouveau_Modern,zinaida-serebriakova_apples-on-the-branches-1910 +portrait,Romanticism,eduard-von-gebhardt_m-nnlicher-charakterkopf +portrait,Art_Nouveau_Modern,filipp-malyavin_peasant-with-red-headscarf +portrait,Post_Impressionism,vladimir-dimitrov_unknown-title +portrait,Realism,edouard-manet_boy-with-a-sword-1861 +abstract_painting,Color_Field_Painting,howard-hodgkin_interior-day-1974 +portrait,Romanticism,vasily-tropinin_rogue-portrait-of-prince-obolensky +landscape,Post_Impressionism,vincent-van-gogh_avenue-of-plane-trees-near-arles-station-1888(1) +portrait,Mannerism_Late_Renaissance,titian_cardinal-alessandro-farnese-1546 +portrait,Realism,vincent-van-gogh_head-of-a-woman-5(1) +abstract_painting,Minimalism,henk-peeters_pyrographie +landscape,Expressionism,albert-bloch_night-v-1917 +portrait,Northern_Renaissance,albrecht-durer_lucas-van-leyden-1521 +portrait,Realism,vincent-van-gogh_head-of-a-woman-6(1) +portrait,Symbolism,gustav-klimt_girl-with-hat-and-cape-in-profil +portrait,Impressionism,max-slevogt_portrait-of-julius-freund +genre_painting,Baroque,david-teniers-the-younger_kitchen-1644 +abstract_painting,Color_Field_Painting,ray-parker_untitled-71-1974 +genre_painting,Impressionism,henry-herbert-la-thangue_violets-for-perfume-1913 +landscape,Post_Impressionism,pyotr-konchalovsky_view-on-beshtau-place-duel-with-lermontov-1938 +religious_painting,High_Renaissance,pietro-perugino_the-ascension-of-christ-1510 +genre_painting,Impressionism,ilya-repin_walk-with-lanterns-1879 +landscape,Impressionism,claude-monet_weeping-willow-and-water-lily-pond-1919 +genre_painting,Romanticism,john-roddam-spencer-stanhope_the-white-rabbit +genre_painting,Impressionism,pierre-auguste-renoir_on-the-terrace-1881 +genre_painting,Cubism,albert-gleizes_two-women-seated-by-a-window-1914 +cityscape,Expressionism,otto-dix_street-strasse-from-the-portfolio-nine-woodcuts +portrait,Baroque,sebastien-bourdon_portrait-of-a-man +portrait,Impressionism,edgar-degas_henri-rouart-and-his-son-alexis +portrait,Expressionism,george-bouzianis_enas-efhvos-1928 +religious_painting,Realism,vasily-polenov_martha-received-him-into-his-house +portrait,Cubism,jean-david_the-royal-couple-1950 +cityscape,Expressionism,martiros-saryan_ashtarak-1933-1 +landscape,Impressionism,alfred-sisley_barges-on-the-loing-canal-spring-1896 +genre_painting,Naive_Art_Primitivism,david-burliuk_a-song-of-youth +genre_painting,Realism,vincent-van-gogh_sien-with-cigar-sitting-on-the-floor-near-stove-1882 +abstract_painting,Minimalism,yves-gaucher_pauses-4-2-e-11-1993 +still_life,Baroque,frans-snyders_large-still-life-with-a-lady-and-parrot +genre_painting,Baroque,francisco-de-zurbaran_the-house-of-nazareth-1640 +cityscape,Post_Impressionism,vincent-van-gogh_factories-at-asnieres-seen-from-the-quai-de-clichy-1887(1) +abstract_painting,Color_Field_Painting,ron-gorchov_treasure-island-2012 +cityscape,Impressionism,adam-baltatu_sighi-oara +genre_painting,Baroque,jan-steen_easy-come-easy-go +landscape,Post_Impressionism,jack-bush_lake-superior-near-thunder-bay-1941 +landscape,Romanticism,ford-madox-brown_at-the-grain-harvest +cityscape,Realism,james-tissot_staircase-of-the-court-haram-1889 +abstract_painting,Abstract_Expressionism,ronnie-landfield_sunday-afternoon-1969 +landscape,Impressionism,winston-churchill_view-of-cairo-from-the-pyramids(1) +landscape,Romanticism,alexander-ivanov_the-foot-of-vikovary-on-the-road-from-tivoli-in-subiaco +portrait,Expressionism,lucian-freud_the-pearce-family +genre_painting,Synthetic_Cubism,juan-gris_a-man-in-a-cafe-1914 +landscape,Post_Impressionism,jack-bush_back-garden-at-43-chudleigh-1936 +portrait,Baroque,rembrandt_portrait-of-hendrikje-stoffels-1654 +portrait,Northern_Renaissance,hans-holbein-the-younger_jane-seymour-1536 +portrait,Realism,vasily-polenov_the-head-of-nubian-man-1881 +landscape,Realism,ivan-shishkin_overgrown-pond-1884 +landscape,Impressionism,claude-monet_weeping-willow-giverny-1922 +landscape,Post_Impressionism,arthur-segal_ascona-im-herbst-1915 +nude_painting,Post_Impressionism,pyotr-konchalovsky_sitter-1928 +genre_painting,Baroque,gerard-terborch_woman-peeling-apple-1650 +landscape,Impressionism,childe-hassam_the-norwegian-cottage +landscape,Impressionism,samuel-mutzner_var +cityscape,Realism,vasily-sadovnikov_rumyantsev-monument-in-st-petersburg +portrait,Romanticism,francisco-goya_majas-on-a-balcony +portrait,Realism,mikhail-nesterov_portrait-of-otto-shmidt-1937 +still_life,Impressionism,stefan-luchian_cornflowers +genre_painting,Realism,vincent-van-gogh_woman-spreading-out-laundry-on-a-field-1882 +landscape,Symbolism,konstantinos-parthenis_lan-with-firs-1902 +portrait,Expressionism,ossip-zadkine_couple-to-the-range +portrait,Baroque,rembrandt_a-warrior-1627 +abstract_painting,Abstract_Expressionism,ronnie-landfield_something-else-1967 +cityscape,Naive_Art_Primitivism,jules-lefranc_laval-le-chateau +still_life,Post_Impressionism,paul-cezanne_still-life-with-watermelon-and-pemegranates +genre_painting,Impressionism,mary-cassatt_summertime-1894 +portrait,Post_Impressionism,arturo-souto_portrait-of-alvaro-gil-varela +landscape,Realism,charles-francois-daubigny_castle-gaillard-in-andelys-eure-1877 +portrait,Romanticism,francisco-goya_duchess-of-alba-the-white-duchess-1795 +portrait,Post_Impressionism,vincent-van-gogh_madame-roulin-rocking-the-cradle-a-lullaby-1889 +genre_painting,Romanticism,alfred-stevens_the-studio-1869 +genre_painting,Post_Impressionism,henri-de-toulouse-lautrec_at-the-races-1899 +genre_painting,Rococo,pietro-longhi_masked-party-in-a-courtyard-1755 +abstract_painting,Abstract_Expressionism,jimmy-ernst_silent-protest-1976 +abstract_painting,Abstract_Expressionism,ronnie-landfield_green-line-painting-1968 +religious_painting,Baroque,hendrick-terbrugghen_the-calling-of-st-matthew-1621 +landscape,Impressionism,claude-monet_grainstacks-at-the-end-of-the-day-autumn +genre_painting,Realism,anders-zorn_way-to-the-church +landscape,Realism,fyodor-vasilyev_on-the-river-windy-day +abstract_painting,Color_Field_Painting,frank-stella_polar-co-ordinates-vii-1980 +portrait,Baroque,frans-hals_portrait-of-a-woman +genre_painting,Baroque,bartolome-esteban-murillo_two-peasant-boys-and-a-negro-boy-1660 +portrait,Realism,john-singer-sargent_olivia-richardson +portrait,Realism,pierre-auguste-renoir_the-artist-s-mother-1860 +portrait,Mannerism_Late_Renaissance,el-greco_portrait-of-a-gentleman-from-casa-de-leiva-1580 +landscape,Impressionism,georges-seurat_clothes-on-the-grass-1883 +landscape,Impressionism,piet-mondrian_lonely-tree-at-the-gein-sun +cityscape,Impressionism,antoine-blanchard_rue-tronchet-la-madeleine-1 +portrait,Realism,ilya-repin_woman-with-dagger +still_life,Realism,boris-kustodiev_still-life-grenades-1910 +genre_painting,Naive_Art_Primitivism,grã©goire-michonze_scene-paysanne-1963 +portrait,Expressionism,iosif-iser_woman-on-the-sofa +portrait,Romanticism,sir-lawrence-alma-tadema_portrait-of-the-singer-george-henschel-1879 +sketch_and_study,Post_Impressionism,vincent-van-gogh_woman-pianist-and-a-violinist-1887 +religious_painting,Northern_Renaissance,rogier-van-der-weyden_christ-on-the-cross-with-mary-and-st-john +portrait,Baroque,diego-velazquez_infan-maria-teresa-1648 +still_life,Expressionism,ligia-macovei_unknown-title-28 +abstract_painting,Abstract_Expressionism,wolfgang-paalen_space-unbound-1941 +sketch_and_study,Expressionism,martiros-saryan_gardens-and-ararat-1937 +landscape,Contemporary_Realism,jamie-wyeth_slayton-house-1968 +abstract_painting,Minimalism,sol-lewitt_untitled-from-composite-series-1970 +portrait,Romanticism,jan-matejko_stanislaw-leszczynski-1 +cityscape,Romanticism,fyodor-bronnikov_street-in-italy-1 +genre_painting,Realism,vincent-van-gogh_woman-sitting-on-a-basket-with-head-in-hands +landscape,Contemporary_Realism,jamie-wyeth_jump-1979 +landscape,Impressionism,claude-monet_not_detected_212140 +landscape,Impressionism,alfred-sisley_grain-fields-on-the-hills-of-argenteuil-1873 +genre_painting,Realism,winslow-homer_the-herring-net +landscape,Art_Nouveau_Modern,boris-kustodiev_hard-rime-1917 +genre_painting,Impressionism,mary-cassatt_susan-comforting-the-baby-no-1 +religious_painting,High_Renaissance,correggio_the-mystic-marriage-of-st-catherine-1515 +portrait,Impressionism,octav-bancila_baticul-galben-1920 +portrait,Impressionism,pierre-auguste-renoir_young-woman-lifting-her-skirt-1877 +genre_painting,Baroque,rembrandt_seated-beggar-and-his-dog-1629 +abstract_painting,Abstract_Expressionism,atsuko-tanaka_untitled-1964 +cityscape,Impressionism,childe-hassam_veranda-of-the-old-house +landscape,Romanticism,william-turner_the-lake-petworth-sunset-fighting-bucks +abstract_painting,Minimalism,ellsworth-kelly_triangle-form-1951 +genre_painting,Impressionism,gustave-caillebotte_woman-seated-on-the-lawn +landscape,Impressionism,eugene-boudin_near-antibes-1893 +landscape,Impressionism,walter-battiss_landscape-near-the-hekpoort-road +cityscape,Impressionism,franz-marc_indersdorf-1904 +landscape,Impressionism,claude-monet_cliff-at-dieppe +portrait,Rococo,vladimir-borovikovsky_alexander-i +still_life,Post_Impressionism,istvan-ilosvai-varga_still-life-composition-1948 +landscape,Realism,ivan-shishkin_landscape-1896-1 +genre_painting,Realism,nikolay-bogdanov-belsky_country-children +landscape,Impressionism,alfred-sisley_sentier-de-la-mi-cote-louveciennes-1873 +portrait,Ukiyo_e,utagawa-kuniyoshi_the-actor-ichumura-meeting-a-cat-ghost +abstract_painting,Abstract_Expressionism,atsuko-tanaka_89a-1989 +landscape,Post_Impressionism,auguste-herbin_untitled-landscape-1924 +landscape,Romanticism,john-atkinson-grimshaw_a-mountain-road-flood-time-1868 +landscape,Expressionism,saul-steinberg_autogeography-1966 +cityscape,Impressionism,john-atkinson-grimshaw_liverpool-from-wapping-1875 +genre_painting,Realism,vasily-perov_hunters-at-rest-1871 +sketch_and_study,Realism,vasily-perov_shy-girl-study-for-the-painting-the-janitor-who-gives-an-apartment-to-her-mistress-1864 +landscape,Expressionism,lynd-ward_not-detected-272482 +cityscape,Contemporary_Realism,lucian-freud_factory-in-north-london +landscape,Symbolism,nicholas-roerich_monastery-brahmaputra-1937 +genre_painting,Baroque,peter-paul-rubens_entombment +portrait,Symbolism,odilon-redon_portrait-of-the-son-of-robert-de-comecy-1898 +abstract_painting,Color_Field_Painting,ron-gorchov_chase-street-lounge-2011 +landscape,Impressionism,claude-monet_park-monceau +genre_painting,Romanticism,ford-madox-brown_the-last-of-england-1860 +cityscape,Impressionism,joaquã­n-sorolla_gardens-of-alcazar-sevilla-1910 +portrait,Impressionism,mary-cassatt_sara-looking-towards-the-right +cityscape,Symbolism,mstislav-dobuzhinsky_synagogue +landscape,Expressionism,george-bouzianis_trees-in-the-riverside +landscape,Impressionism,arkhip-kuindzhi_poplar-trees +illustration,Romanticism,gustave-dore_don-quixote-119 +abstract_painting,Color_Field_Painting,mark-rothko_black-on-maroon-1 +landscape,Expressionism,wassily-kandinsky_mountain-landscape-with-church-1910 +cityscape,Impressionism,cornelis-vreedenburgh_view-on-market-in-groningen +landscape,Post_Impressionism,gustave-loiseau_wood-and-fields-near-st-cyr-vadreuil +abstract_painting,Color_Field_Painting,mark-rothko_ochre-and-red-on-red-1 +nude_painting,Expressionism,jan-sluyters_recumbent-female-nude-1922 +sketch_and_study,Symbolism,gustave-moreau_near-the-water-1896 +portrait,Impressionism,william-merritt-chase_portrait-of-mrs-william-chase +landscape,Impressionism,willard-metcalf_haystacks +sketch_and_study,Art_Nouveau_Modern,ferdinand-hodler_character-study +genre_painting,Expressionism,edvard-munch_jurisprudence-1887 +portrait,Expressionism,max-weber_portrait-of-abraham-walkowitz +portrait,Post_Impressionism,pablo-picasso_the-divan-japonais-1901 +portrait,Romanticism,john-roddam-spencer-stanhope_morgan-le-fay +landscape,Symbolism,konstantin-bogaevsky_romantic-landscape-1914 +religious_painting,Baroque,rembrandt_holy-family-1634 +still_life,Realism,felix-vallotton_moroccan-jug-and-pears-1924 +nude_painting,Fauvism,ilya-mashkov_nude-1 +abstract_painting,Abstract_Expressionism,paul-reed_17f-1963 +genre_painting,Symbolism,felicien-rops_not-detected-282438 +landscape,Post_Impressionism,maxime-maufra_pont-aven-red-sky-1892 +religious_painting,Baroque,jacques-stella_sainte-anne-leading-the-virgin-in-the-temple-1640 +cityscape,Impressionism,claude-monet_waterloo-bridge-london +genre_painting,Romanticism,sir-lawrence-alma-tadema_a-reading-from-homer-1885 +sketch_and_study,Romanticism,thomas-moran_first-sketch-made-in-the-west-at-green-river-wyoming-1871 +portrait,Realism,valentin-serov_portrait-of-nikolay-pozniakov-1908 +landscape,Contemporary_Realism,mostafa-dashti_untitled-1989(4) +portrait,Cubism,jacques-villon_portrait-of-an-actor-f-lix-barr-1913 +abstract_painting,Abstract_Expressionism,bradley-walker-tomlin_number-12-1949 +cityscape,Impressionism,pierre-auguste-renoir_view-from-renoir-s-garden-in-montmartre +landscape,Impressionism,konstantin-korovin_type-of-settlement-1905 +landscape,Post_Impressionism,jack-bush_summer-1941 +portrait,Romanticism,orest-kiprensky_portrait-of-alexandra-lanskaya-1815 +still_life,Impressionism,ion-andreescu_peeled-orange +genre_painting,Impressionism,claude-monet_river-scene-at-bennecourt +landscape,Naive_Art_Primitivism,marc-chagall_the-window-1924 +abstract_painting,Minimalism,ronald-davis_small-aqua-1965 +landscape,Realism,isaac-levitan_late-autumn +nude_painting,Expressionism,balthus_nude-in-profile +genre_painting,Post_Impressionism,mario-zanini_vilarejo-com-marinha +abstract_painting,Color_Field_Painting,sean-scully_untitled-6-24-92-1992 +landscape,Expressionism,max-pechstein_italian-church-convent-of-san-gimignano-1913 +landscape,Impressionism,zinaida-serebriakova_in-the-meadow-1912 +cityscape,Symbolism,mstislav-dobuzhinsky_naples-1911 +genre_painting,Expressionism,pablo-picasso_untitled-1970-2 +cityscape,Post_Impressionism,edouard-cortes_rue-dulm-pantheon +genre_painting,Expressionism,ernst-ludwig-kirchner_artist-and-female-modell +religious_painting,Naive_Art_Primitivism,marc-chagall_three-angels-visit-abraham-1931 +genre_painting,Impressionism,mary-cassatt_feeding-the-ducks-1895 +landscape,Post_Impressionism,paul-serusier_the-aqueduct-1905 +genre_painting,Naive_Art_Primitivism,niko-pirosmani_rant-1907 +portrait,Art_Nouveau_Modern,zinaida-serebriakova_portrait-of-e-solntseva-sister-of-artist-1914 +genre_painting,Impressionism,berthe-morisot_young-girl-with-a-parrot +nude_painting,Post_Impressionism,henri-matisse_nude-wearing-red-shoes +landscape,Realism,theodore-rousseau_village-entrance +landscape,Impressionism,edgar-degas_landscape-at-valery-sur-somme +landscape,Post_Impressionism,henri-martin_trees-in-flower +religious_painting,Baroque,peter-paul-rubens_the-fate-spinning-maries-destiny-1625 +landscape,Romanticism,christen-kobke_gateway-in-the-via-sepulcralis-in-pompeii-1846 +abstract_painting,Abstract_Expressionism,mark-tobey_calligraphic-still-life-no-3-1958 +nude_painting,Expressionism,lucian-freud_naked-portrait-2005 +still_life,Post_Impressionism,grace-cossington-smith_things-on-an-iron-tray-on-the-floor-1928 +portrait,Impressionism,james-mcneill-whistler_arrangement-in-grey-portrait-of-master-stephen-manuel +landscape,Impressionism,adam-baltatu_landscape-with-houses +landscape,Expressionism,viorel-marginean_unknown-title-10 +cityscape,Impressionism,guy-rose_san-gabriel-mission +genre_painting,Realism,vladimir-makovsky_two-ukrainians-1882 +genre_painting,Realism,thomas-eakins_shad-fishing-at-gloucester-on-the-delaware-river-1881 +landscape,Post_Impressionism,vincent-van-gogh_enclosed-field-with-peasant-1889(1) +portrait,Realism,john-singer-sargent_mrs-hamilton-mckown-twombly-florence-adele-vanderbilt-1890 +genre_painting,Romanticism,john-constable_boat-building-1815 +cityscape,Impressionism,stefan-popescu_street-from-bretania +genre_painting,Impressionism,joaquã­n-sorolla_types-of-la-mancha-1912 +portrait,Impressionism,berthe-morisot_young-girl-with-doll +religious_painting,High_Renaissance,raphael_madonna-of-the-baldacchino +portrait,Realism,vasily-perov_portrait-of-nikolai-lanin-1869 +cityscape,Romanticism,franz-richard-unterberger_rio-santa-barnaba-venice-1 +landscape,Realism,camille-pissarro_entering-a-village +abstract_painting,Abstract_Expressionism,joan-miro_batement-ii +portrait,Realism,giovanni-boldini_self-portrait-1892 +genre_painting,Expressionism,ernst-ludwig-kirchner_english-dancers +cityscape,Rococo,bernardo-bellotto_view-of-dresden-the-dresden-fortifications-moat-with-a-bridge-between-gate-and-post-mile-pillar +landscape,Symbolism,nicholas-roerich_himalayas-1936-1 +sketch_and_study,Art_Nouveau_Modern,nicholas-roerich_scenery-sketch-for-mussorgsky-s-opera-khovanshchina-1919 +portrait,Expressionism,richard-diebenkorn_woman-with-a-newspaper +illustration,Art_Nouveau_Modern,aubrey-beardsley_venus-between-terminal-gods-1895 +landscape,Realism,camille-corot_peasant-girl-near-a-cabin-1870 +portrait,Expressionism,pablo-picasso_portrait-of-sylvette-david-1954-2 +portrait,Realism,edouard-manet_young-woman-in-oriental-garb-1871 +nude_painting,Naive_Art_Primitivism,fernando-botero_torso +nude_painting,Expressionism,otto-dix_reclining-nude +portrait,Rococo,joseph-wright_harry-peckham +cityscape,Post_Impressionism,gustave-loiseau_cligancourt-street-in-paris-1924 +genre_painting,Northern_Renaissance,pieter-bruegel-the-elder_the-fair-on-st-george-s-day +illustration,Romanticism,gustave-dore_invocation-to-muhammad +genre_painting,Realism,thomas-eakins_a-street-scene-in-sevilla-1870 +sketch_and_study,Symbolism,nicholas-roerich_study-to-wanderer-of-the-light-city-1933 +portrait,Realism,philip-de-laszlo_princess-beatrice-1926 +abstract_painting,Expressionism,johannes-sveinsson-kjarval_land-and-air-1965 +portrait,Post_Impressionism,ion-tuculescu_portrait-of-my-grandfather +portrait,Post_Impressionism,mikhail-nesterov_ivan-petrovich-pavlov-1935 +cityscape,New_Realism,edward-hopper_house-at-dusk +sketch_and_study,Romanticism,edwin-henry-landseer_elizabeth-vassall-fox-lady-holland-henry-richard-vassall-fox-3rd-baron-holland-mrs-brown +abstract_painting,Minimalism,agnes-martin_untitled-11-2002 +genre_painting,Naive_Art_Primitivism,maria-primachenko_a-coward-went-a-hunting-1983 +landscape,Symbolism,mikalojus-ciurlionis_day-1904 +cityscape,Pop_Art,hiro-yamagata_u-s-consitution-1987 +portrait,Impressionism,augustus-john_dylan-thomas-1938 +genre_painting,Ukiyo_e,utagawa-kuniyoshi_shoriko-kaei-shooting-a-wild-goose +religious_painting,Northern_Renaissance,hieronymus-bosch_haywain-2 +landscape,Post_Impressionism,vincent-van-gogh_olive-grove-1889-1 +sketch_and_study,Impressionism,edgar-degas_study-of-gentile-bellini-1855 +genre_painting,Baroque,jan-steen_choice-between-richness-and-youth-1663 +religious_painting,Rococo,francois-boucher_the-light-of-the-world-1750 +illustration,Romanticism,gustave-dore_don-quixote-124 +genre_painting,Romanticism,sir-lawrence-alma-tadema_spring-1894 +genre_painting,Symbolism,konstantin-somov_girl-under-the-sun +sketch_and_study,Realism,vincent-van-gogh_landscape-with-cottages-and-a-mill-1885 +abstract_painting,Action_painting,jackson-pollock_number-17-1949 +genre_painting,Impressionism,samuel-mutzner_cafenea-din-gabes-1921 +landscape,Post_Impressionism,vincent-van-gogh_tree-roots-1890 +portrait,Symbolism,franz-stuck_daughter-mary-as-a-spanish +religious_painting,Symbolism,salvador-dali_licet-tributum-dare-caesari-1967 +landscape,Cubism,marc-chagall_rain-1911 +portrait,Synthetic_Cubism,juan-gris_harlequin-at-table-1918 +landscape,Impressionism,ilya-mashkov_village-mikhailovskaya-1933 +nude_painting,New_Realism,john-french-sloan_colored-girl-with-gold-and-silver +portrait,Symbolism,konstantin-somov_two-masks-pair-on-the-eve-of-the-carnival +religious_painting,Northern_Renaissance,lucas-cranach-the-elder_judith +genre_painting,Romanticism,jan-matejko_sigmund-and-barbara-2 +portrait,Baroque,rembrandt_lady-with-a-lap-dog +landscape,Post_Impressionism,theophrastos-triantafyllidis_boats-in-calm-water +genre_painting,Impressionism,maurice-prendergast_revere-beach +landscape,Realism,johan-hendrik-weissenbruch_landscape-with-a-farm-pond +illustration,Expressionism,m.c.-escher_flor-de-pascua-the-weathercock +portrait,Post_Impressionism,vladimir-dimitrov_unknown-title-27 +portrait,Romanticism,jan-matejko_leszek-i-the-white +landscape,Realism,camille-corot_stoller-in-the-fontainebleau-forest +still_life,Post_Impressionism,constantin-blendea_still-life-1 +portrait,Art_Nouveau_Modern,ferdinand-hodler_portrait-of-gertrud-muller +religious_painting,Northern_Renaissance,martin-schongauer_holy-antonius +cityscape,Impressionism,childe-hassam_the-avenue-in-the-rain +portrait,Romanticism,francesco-hayez_portrait-of-pompeo-marchesi-1830 +genre_painting,Post_Impressionism,irma-stern_the-hunt-1926 +landscape,Realism,aleksey-savrasov_moonlit-night-marsh-1870 +portrait,High_Renaissance,lorenzo-lotto_portrait-of-bishop-bernardo-de-rossi-1505 +portrait,Realism,giovanni-boldini_cleo-de-merode +landscape,Realism,johan-hendrik-weissenbruch_farmhouses-on-the-waterfront +landscape,Realism,ivan-shishkin_sands-1887 +still_life,Cubism,maria-helena-vieira-da-silva_still-life-blue-1932 +portrait,Expressionism,salvador-dali_portrait-of-a-girl-in-a-landscape +landscape,Realism,aleksey-savrasov_forest-1877 +cityscape,Post_Impressionism,vincent-van-gogh_entrance-to-the-public-garden-in-arles-1888(1) +portrait,Baroque,anthony-van-dyck_philippe-le-roy-1630 +nude_painting,Cubism,pablo-picasso_man-and-woman-1958 +portrait,Impressionism,claude-monet_leon-peltier +portrait,Impressionism,pierre-auguste-renoir_young-woman-in-a-straw-hat-1884 +landscape,Expressionism,serge-sudeikin_simoom-1915 +landscape,Post_Impressionism,vincent-van-gogh_view-of-arles-with-trees-in-blossom-1888 +landscape,Impressionism,claude-monet_sunset-at-giverny +cityscape,Post_Impressionism,edouard-cortes_concorde-and-rue-royale +portrait,Expressionism,m.c.-escher_portrait-of-a-man +landscape,Impressionism,gustave-caillebotte_cliff-at-villers-sur-me +genre_painting,Realism,ferdinand-hodler_the-shoemaker-1878 +abstract_painting,Minimalism,brice-marden_untitled-from-tiles-1979 +cityscape,Pop_Art,hiro-yamagata_not-detected-272422 +genre_painting,Expressionism,albert-bloch_conversation-1950 +portrait,Romanticism,vasily-tropinin_boy-with-a-dead-goldfinch-1829 +portrait,High_Renaissance,titian_portrait-of-a-man +cityscape,Impressionism,antoine-blanchard_le-moulin-rouge +landscape,Expressionism,chaim-soutine_street-of-cagnes-sur-ner +cityscape,Realism,johan-hendrik-weissenbruch_view-on-the-market-of-haarlem-sun +portrait,Rococo,francois-boucher_woman-s-head +genre_painting,Romanticism,sir-lawrence-alma-tadema_a-declaration-1883 +portrait,Mannerism_Late_Renaissance,titian_mary-of-hungary-regent-of-the-netherlands-1560 +portrait,Expressionism,pablo-picasso_portrait-of-igor-stravinsky-1920 +illustration,Romanticism,gustave-dore_evil-counsellors +landscape,Realism,vasily-vereshchagin_mountain-stream-in-kashmir-1875 +abstract_painting,Minimalism,agnes-martin_untitled-1998 +portrait,Expressionism,paul-klee_enlightenment-of-two-sectie-1918(1) +sketch_and_study,Symbolism,nicholas-roerich_monhigan-study-1922-1 +genre_painting,Art_Nouveau_Modern,raphael-kirchner_the-golden-age-1916 +sketch_and_study,Romanticism,thomas-cole_study-for-the-pilgrim-of-the-world-on-his-journey-1848 +landscape,Impressionism,arkhip-kuindzhi_sea-coast-view-of-mount-demerdzhi +genre_painting,Realism,theodor-severin-kittelsen_herreguud-lok-op-da-jenter +portrait,Rococo,jean-marc-nattier_portrait-of-louis-tocqu-1762 +landscape,Expressionism,chaim-soutine_houses-at-ceret +landscape,Rococo,hubert-robert_the-oval-fountain-in-the-gardens-of-the-villa-d-este-tivoli-1760 +sketch_and_study,Expressionism,chronis-botsoglou_artist-s-mother-1983 +portrait,Post_Impressionism,salvador-dali_portrait-of-maria-carbona +portrait,Contemporary_Realism,richard-whitney_hugh-gallen +portrait,Rococo,allan-ramsay_john-reid +genre_painting,Post_Impressionism,vladimir-dimitrov_harvester-women +portrait,Expressionism,princess-fahrelnissa-zeid_emir-zeid-1967 +sketch_and_study,Romanticism,john-william-waterhouse_a-female-study-1894 +religious_painting,Early_Renaissance,luca-signorelli_polyptych +nude_painting,Pop_Art,derek-boshier_naked-cowboy-1980 +portrait,Impressionism,edgar-degas_rose-caron +abstract_painting,Color_Field_Painting,michel-carrade_unknown-title-15 +still_life,Cubism,marcel-duchamp_chocolate-grinder-1914 +portrait,Realism,vasily-vereshchagin_boy-uzbek-1868 +abstract_painting,Color_Field_Painting,mark-rothko_black-in-deep-red-1957 +abstract_painting,Abstract_Expressionism,joan-miro_not_detected_227957 +genre_painting,Realism,pericles-pantazis_mauvaise-recette +illustration,Romanticism,gustave-dore_entry-of-the-crusaders-in-constantinople-in-1204-1877 +landscape,Impressionism,arkhip-kuindzhi_a-birch-grove-spots-of-sunlight +landscape,Impressionism,william-merritt-chase_the-bayberry-bush +abstract_painting,Abstract_Expressionism,theodoros-stamos_infinity-field-lefkada-series-1982-1 +portrait,Romanticism,konstantin-makovsky_musketeer +portrait,Realism,kazimir-malevich_portrait-of-mother +abstract_painting,Minimalism,joan-hernandez-pijuan_memoria-de-l-alhambra-ii-1994 +portrait,Impressionism,pierre-auguste-renoir_posthumous-portrait-of-frederic-bazille +illustration,Art_Nouveau_Modern,aubrey-beardsley_pierrot-4 +sketch_and_study,Realism,vasily-surikov_young-lady-with-violet-overcoat +abstract_painting,Abstract_Expressionism,sam-gilliam_fog-in-the-hollow-1974 +portrait,Realism,nikolai-ge_portrait-of-russian-baritone-opera-singer-gennady-kondratiev +portrait,Cubism,m.c.-escher_portrait-of-a-bearded-man +abstract_painting,Abstract_Expressionism,jack-bush_abstraction +abstract_painting,Abstract_Expressionism,lee-krasner_untitled-1949 +portrait,Rococo,maurice-quentin-de-la-tour_antoine-gaspard-grimold-de-la-reyniere +genre_painting,Impressionism,camille-pissarro_seated-peasants-watching-cows-1886 +genre_painting,Ukiyo_e,katsushika-hokusai_fuji-at-torigoe +religious_painting,Rococo,giovanni-battista-tiepolo_christ-on-the-mount-of-olives-and-the-angel-with-the-cup-of-suffering +nude_painting,Expressionism,rafael-zabaleta_nude-woman +landscape,Romanticism,john-atkinson-grimshaw_windermere +nude_painting,Post_Impressionism,ion-theodorescu-sion_femei-la-sc-ldat-1919 +cityscape,Expressionism,pyotr-konchalovsky_the-landscape-coast-of-france-1908 +religious_painting,Mannerism_Late_Renaissance,paolo-veronese_esther-crowned-by-ahasuerus-1556 +illustration,Romanticism,gustave-dore_don-quixote-88 +genre_painting,Romanticism,william-turner_norham-castle-on-the-river-tweed +portrait,Realism,ilya-repin_chopper-litvin-zdravnevo-1897 +portrait,Northern_Renaissance,albrecht-durer_portrait-of-lazarus-ravensburger-and-the-turrets-of-the-court-of-lier-in-antwerp +portrait,Realism,george-catlin_see-non-ty-a-an-iowa-medicine-man-1845 +portrait,Impressionism,camille-pissarro_little-goose-girl-1886 +landscape,Realism,charles-francois-daubigny_the-banks-of-seine-1851 +cityscape,Naive_Art_Primitivism,louis-vivin_le-moulin-de-la-galette-1926 +religious_painting,Baroque,bernardo-strozzi_st-maurice-and-the-angel-1635 +landscape,Post_Impressionism,gustave-loiseau_house-of-monsieur-de-irvy-near-vaudreuil +landscape,Post_Impressionism,pyotr-konchalovsky_pine-tree-1918 +religious_painting,Baroque,francisco-de-zurbaran_st-carmel +religious_painting,Baroque,rembrandt_haman-begging-esther-for-mercy +still_life,Post_Impressionism,pierre-bonnard_fruit-basket-1930 +abstract_painting,Abstract_Expressionism,paul-jenkins_redfern-composition +portrait,Pop_Art,andy-warhol_marilyn-blue +religious_painting,Northern_Renaissance,hieronymus-bosch_christ-child-with-a-walking-frame +landscape,Realism,pyotr-konchalovsky_birches-in-the-knobs-1941 +religious_painting,Symbolism,william-blake_naomi-entreating-ruth-and-orpah-to-return-to-the-land-of-moab-1795 +genre_painting,Art_Nouveau_Modern,aubrey-beardsley_atalanta-in-calydon-with-the-hound +genre_painting,Naive_Art_Primitivism,david-burliuk_woman-with-yellow-scarf-and-cow(1) +abstract_painting,Color_Field_Painting,jack-bush_blue-bar-1970 +religious_painting,Northern_Renaissance,hieronymus-bosch_haywain-1502-1 +still_life,Cubism,jean-metzinger_table-by-a-window-1917 +landscape,Post_Impressionism,maxime-maufra_the-creek-shore-of-quibero-1903 +genre_painting,Realism,helene-schjerfbeck_a-boy-feeding-his-younger-sister-1881 +religious_painting,Baroque,david-teniers-the-younger_the-temptation-of-st-anthony-2 +religious_painting,Naive_Art_Primitivism,niko-pirosmani_st-george-the-anchorite +landscape,Realism,david-burliuk_sunflowers +genre_painting,Art_Nouveau_Modern,henri-de-toulouse-lautrec_at-the-moulin-rouge-la-goulue-with-her-sister-1892 +portrait,Mannerism_Late_Renaissance,tintoretto_portrait-of-nicolaus-padavinus-1589 +cityscape,Post_Impressionism,nikola-tanev_-1943 +sketch_and_study,Realism,vincent-van-gogh_figures-in-a-winter-landscape-1883(1) +illustration,Romanticism,gustave-dore_the-eunoe +abstract_painting,Abstract_Expressionism,mostafa-dashti_untitled-2006 +nude_painting,Impressionism,anders-zorn_a-female-nude +nude_painting,Impressionism,auguste-rodin_untitled(5) +genre_painting,Romanticism,sir-lawrence-alma-tadema_a-bath-an-antique-custom-1876 +religious_painting,Baroque,bernardo-strozzi_prophet-elijah-and-the-widow-of-sarepta-1630 +sketch_and_study,Realism,vincent-van-gogh_study-sheet-with-seven-hands-1885 +portrait,Impressionism,camille-pissarro_portrait-of-georges +religious_painting,High_Renaissance,pietro-perugino_bust-of-st-sebastian-1494 +sketch_and_study,Realism,vincent-van-gogh_woman-reeling-yarn-1884 +abstract_painting,Abstract_Expressionism,mostafa-dashti_untitled-2011(3) +cityscape,Post_Impressionism,maurice-de-vlaminck_the-bridge-at-chatou +landscape,Impressionism,santiago-rusinol_jard-n-de-las-eleg-as-son-moragues-1903 +cityscape,Post_Impressionism,theo-van-rysselberghe_the-gardens-of-generalife-in-grenada-1913 +landscape,Impressionism,alfred-sisley_boatyard-at-saint-mammes-1885 +genre_painting,Art_Nouveau_Modern,sergey-solomko_fortune-telling +portrait,Romanticism,orest-kiprensky_male-portrait-1826-1 +genre_painting,Expressionism,kathe-kollwitz_not_detected_235964 +genre_painting,Ukiyo_e,utagawa-kuniyoshi_suhara +religious_painting,Northern_Renaissance,jan-van-eyck_the-annunciation +portrait,Expressionism,ligia-macovei_unknown-title-2 +portrait,Impressionism,pierre-auguste-renoir_young-woman-in-profile-1897 +portrait,Expressionism,mario-eloy_retrato-do-bailarino-francis-1930 +cityscape,Impressionism,antoine-blanchard_notre-dame-quai-saint-michel +portrait,Realism,camille-pissarro_jacob-coin-de-village +religious_painting,Northern_Renaissance,petrus-christus_the-death-of-the-virgin +genre_painting,Realism,vasily-perov_pugachev-s-judgement-1875 +genre_painting,Baroque,adriaen-van-ostade_peasants-in-an-interior +genre_painting,Symbolism,kuzma-petrov-vodkin_motherhood-1925 +portrait,Expressionism,arturo-souto_portrait-of-woman +landscape,Impressionism,alfred-sisley_cliffs-at-penarth-evening-low-tide-1897 +landscape,Realism,isaac-levitan_overgrown-pond-1887 +landscape,Impressionism,claude-monet_rocky-point-at-port-goulphar +sketch_and_study,Cubism,fernand-leger_the-hairy +illustration,Romanticism,gustave-dore_sower-of-discord(1) +religious_painting,Baroque,gabriel-metsu_woman-taken-in-adultery +portrait,Realism,john-singer-sargent_lady-margaret-spicer +portrait,Impressionism,paul-cezanne_portrait-of-victor-chocquet-seated +genre_painting,Pop_Art,richard-hamilton_just-what-is-it-that-makes-today-s-homes-so-different-1992 +cityscape,Post_Impressionism,gustave-loiseau_port-at-dieppe-in-fog +still_life,Realism,salvador-dali_the-bread-basket +still_life,Impressionism,istvan-nagy_still-life-with-flowers +landscape,Post_Impressionism,paul-cezanne_plain-by-mont-sainte-victoire +landscape,Impressionism,winston-churchill_evening-glow-at-mimizan(1) +sketch_and_study,Expressionism,martiros-saryan_ararat-1912 +landscape,Romanticism,rudolf-von-alt_storm-on-lake-garda-1839 +cityscape,Impressionism,john-singer-sargent_street-in-venice-1882 +illustration,Art_Nouveau_Modern,heorhiy-narbut_illustration-to-the-crane-and-heron-bear-1906 +landscape,Symbolism,nicholas-roerich_laplandian-castle-1918 +genre_painting,Art_Nouveau_Modern,nicholas-roerich_russian-prince-collects-tribute-1908 +landscape,Impressionism,childe-hassam_bornero-hill-old-lyme-connecticut +portrait,Art_Nouveau_Modern,sergey-solomko_queen-azvyakovna +landscape,Symbolism,nicholas-roerich_sunset-1931 +portrait,Fauvism,august-macke_elisabeth-von-schreibtisch +still_life,Post_Impressionism,alekos-kontopoulos_still-life-with-glass +portrait,High_Renaissance,titian_portrait-of-jacopo-sannazaro-1518 +genre_painting,Fauvism,august-macke_children-at-the-fountain +landscape,Fauvism,albert-marquet_the-louvre-embankment-1905 +sketch_and_study,High_Renaissance,leonardo-da-vinci_view-of-a-skull +portrait,Art_Nouveau_Modern,boris-kustodiev_sailor-and-his-girl-1920 +landscape,Impressionism,eva-gonzales_farm-at-rebais +still_life,Impressionism,andre-dunoyer-de-segonzac_nature-morte-avec-ananas +genre_painting,Art_Nouveau_Modern,raphael-kirchner_greek-virgins-1900-4 +portrait,Post_Impressionism,irma-stern_the-rich-old-arab-1945 +genre_painting,Post_Impressionism,stefan-luchian_at-maize-share +portrait,Cubism,roy-lichtenstein_woman-with-hat +abstract_painting,Color_Field_Painting,jack-youngerman_red-yellow-black-1965 +portrait,Naive_Art_Primitivism,niko-pirosmani_girl-with-a-baloon +landscape,Realism,fyodor-vasilyev_vassiliev-swamp-in-the-forest-1873 +abstract_painting,Abstract_Expressionism,esteban-vicente_faraway-1970 +portrait,Realism,john-collier_thomas-henry-huxley-1885 +portrait,Romanticism,jan-matejko_louis-the-hungarian +portrait,Rococo,john-russell_henrietta-shelley-1731-1809-countess-of-onslow-1769 +sketch_and_study,Realism,james-tissot_metal-ornament-taken-from-the-mosque-of-es-sakra +still_life,Impressionism,theodor-pallady_still-life +abstract_painting,Color_Field_Painting,theodoros-stamos_deseret-1959 +abstract_painting,Minimalism,park-seo-bo_ecriture-no-22-79-81-1981 +abstract_painting,Abstract_Expressionism,joan-miro_the-song-of-the-vowels +portrait,Post_Impressionism,henri-de-toulouse-lautrec_romain-coolus-1899 +still_life,Fauvism,maurice-de-vlaminck_still-life-with-pitcher-and-fruit-1906 +still_life,Synthetic_Cubism,juan-gris_the-dice-1922 +sketch_and_study,Post_Impressionism,vincent-van-gogh_the-old-peasant-patience-escalier-with-walking-stick-half-figure-1888 +portrait,Symbolism,odilon-redon_closed-eyes-1 +portrait,Rococo,joshua-reynolds_mrs-francis-beckford +portrait,Expressionism,tia-peltz_odalisk +portrait,Impressionism,william-merritt-chase_tired-aka-portrait-of-the-artist-s-daughter +religious_painting,Northern_Renaissance,jan-van-eyck_madonna-and-child-with-canon-joris-van-der-paele-1436 +landscape,Impressionism,john-henry-twachtman_the-white-bridge +landscape,Ukiyo_e,keisai-eisen_omiya-pl-5-from-a-facsimile-edition-of-sixty-nine-stations-of-the-kiso-highway(1) +still_life,Synthetic_Cubism,pablo-picasso_glass-and-newspaper-1914 +still_life,Naive_Art_Primitivism,marc-chagall_lilies-of-the-valley-1916 +sketch_and_study,Symbolism,nicholas-roerich_monhigan-study-1922-10 +sketch_and_study,Realism,vincent-van-gogh_diggers-in-torn-up-street-1882(1) +religious_painting,Realism,jean-francois-millet_the-temptation-of-st-anthony +genre_painting,Post_Impressionism,amrita-sher-gil_ancient-storyteller-1940 +portrait,Contemporary_Realism,jamie-wyeth_portrait-of-jean-kennedy-smith-1972 +cityscape,Post_Impressionism,vincent-van-gogh_the-pont-du-carrousel-and-the-louvre-1886 +cityscape,Impressionism,gregoire-boonzaier_district-six-2 +abstract_painting,Color_Field_Painting,dan-christensen_crux-1969 +genre_painting,Expressionism,lovis-corinth_in-the-slaughter-house-1893 +religious_painting,Symbolism,james-tissot_the-rod-of-aaron-devours-the-other-rods +illustration,Art_Nouveau_Modern,eugã¨ne-grasset_the-june-century-napoleon-in-egypt-1895 +cityscape,Post_Impressionism,edouard-cortes_triumphal-arch-3 +genre_painting,Realism,constant-troyon_goose-girl +religious_painting,Naive_Art_Primitivism,marc-chagall_king-david-1973 +genre_painting,Impressionism,eugene-boudin_fishwomen-seated-on-the-beach-at-berck +genre_painting,Baroque,adriaen-brouwer_drinkers-in-the-yard +genre_painting,Post_Impressionism,henri-de-toulouse-lautrec_an-examination-at-the-faculty-of-medicine-paris-1901 +portrait,Impressionism,pierre-auguste-renoir_girl-with-a-mandolin-1918 +portrait,Baroque,antoine-pesne_geometrician +still_life,Cubism,fernand-leger_still-life-1927 +religious_painting,Mannerism_Late_Renaissance,maerten-van-heemskerck_calvary-1543 +religious_painting,Symbolism,nicholas-roerich_maitreya-on-the-way-1928 +landscape,Realism,martiros-saryan_armenian-village-1969 +landscape,Impressionism,camille-pissarro_the-banks-of-the-epte-at-eragny-1884 +illustration,Art_Nouveau_Modern,ivan-bilibin_underwater-illustration-for-the-epic-volga-1928 +genre_painting,Baroque,david-teniers-the-younger_figures-gambling-in-a-tavern-1670 +still_life,Realism,salvador-dali_still-life +religious_painting,Baroque,bartolome-esteban-murillo_abraham-receiving-the-three-angels-1667 +landscape,Impressionism,john-henry-twachtman_fishing-boats-at-gloucester +sketch_and_study,Realism,vincent-van-gogh_orphan-man-wearing-a-blouse-sitting-with-pipe-1882 +abstract_painting,Minimalism,henk-peeters_untitled-61-03-1961 +abstract_painting,Abstract_Expressionism,jock-macdonald_flood-tide-1957 +abstract_painting,Color_Field_Painting,sam-francis_untitled-1966 +landscape,Contemporary_Realism,jamie-wyeth_spring-plowing-1969 +landscape,Cubism,paul-cezanne_chateau-noir-1 +landscape,Impressionism,stefan-popescu_forest-vista +genre_painting,Realism,konstantin-makovsky_antique-shop +genre_painting,Realism,camille-pissarro_the-wood-cart +genre_painting,Art_Nouveau_Modern,boris-kustodiev_skiers-1919 +landscape,Realism,aleksey-savrasov_spring +genre_painting,Ukiyo_e,ogata-gekko_print-from-series-women-s-customs-and-manners-1895-1 +illustration,Realism,n.c.-wyeth_preparing-for-mutiny +portrait,Impressionism,gustave-caillebotte_yerres-camille-daurelle-under-an-oak-tree +genre_painting,Expressionism,vasile-dobrian_our-factories +cityscape,Post_Impressionism,maurice-utrillo_landscape +landscape,Impressionism,henri-de-toulouse-lautrec_c-leyran-view-of-the-vignards-1880 +landscape,Realism,charles-francois-daubigny_the-port-of-dieppe +portrait,Pop_Art,pauline-boty_big-jim-colosimo-1963 +religious_painting,Early_Renaissance,fra-angelico_sacred-conversation-1443 +portrait,Romanticism,jan-matejko_boleslaw-the-bold-1 +cityscape,Post_Impressionism,maurice-de-vlaminck_the-bridge-at-nogent +religious_painting,Romanticism,francisco-goya_circumcision +cityscape,Realism,johan-hendrik-weissenbruch_city-view-1 +landscape,Naive_Art_Primitivism,david-burliuk_mountain-landscape-1943 +portrait,Rococo,thomas-gainsborough_the-honourable-charles-wolfran-cornwal-1786 +portrait,Impressionism,federico-zandomeneghi_girl-with-flowers-1894 +genre_painting,Romanticism,william-shayer_bargaining-for-the-catch +landscape,Impressionism,claude-monet_haystacks-at-chailly-1865 +landscape,Impressionism,willard-metcalf_brook-in-june +genre_painting,Post_Impressionism,vincent-van-gogh_two-diggers-among-trees-1889 +portrait,Expressionism,amedeo-modigliani_chaim-soutine-1916 +illustration,Symbolism,harry-clarke_the-year-s-at-the-spring-1920-28 +portrait,Expressionism,jose-gutierrez-solana_the-blind-musician-1920 +genre_painting,Naive_Art_Primitivism,horace-pippin_the-whipping-1941 +landscape,Impressionism,alfred-sisley_a-turn-in-the-road-1885 +portrait,Ukiyo_e,kitagawa-utamaro_streetwalker +still_life,Pop_Art,andy-warhol_retro-soup +cityscape,Post_Impressionism,paul-gauguin_suburb-under-snow-1886 +abstract_painting,Abstract_Expressionism,theodoros-stamos_untitled-1963 +portrait,Symbolism,nicholas-roerich_mongolian-lama +genre_painting,Ukiyo_e,katsushika-hokusai_a-well-educated-boy-pays-respect-to-an-older-man +genre_painting,Art_Nouveau_Modern,sergey-solomko_tough-response +landscape,Impressionism,camille-pissarro_garden-at-eragny-study +nude_painting,Art_Nouveau_Modern,raphael-kirchner_nude-drawings-8 +portrait,Romanticism,alexander-orlowski_portrait-of-a-ballet-dancer-l-a-duport-1809 +religious_painting,Baroque,rembrandt_abraham-caressing-isaac-1636 +cityscape,Post_Impressionism,maurice-prendergast_madison-square-1901 +landscape,Expressionism,paula-modersohn-becker_sand-pit-1901 +landscape,Realism,gustave-courbet_the-forest-in-autumn-1841 +landscape,Post_Impressionism,paul-cezanne_view-of-l-estaque-and-chateaux-d-if-1885 +sketch_and_study,Naive_Art_Primitivism,fernand-leger_women-in-compact +landscape,Realism,aleksey-savrasov_seascape +landscape,Impressionism,guy-rose_gathering-storm-high-seas +genre_painting,Realism,vincent-van-gogh_woman-at-the-window-knitting-1882 +portrait,Impressionism,matej-sternen_ena-fotke +landscape,Impressionism,pierre-auguste-renoir_landscape-auvers-sur-oise +landscape,Realism,camille-corot_l-arbre-tordu-les-chenes-du-mont-usey-fontainebleau +sketch_and_study,Rococo,maurice-quentin-de-la-tour_mademoiselle-camargo +nude_painting,Abstract_Expressionism,willem-de-kooning_two-women-in-the-country +abstract_painting,Minimalism,robert-mangold_untitled-from-seven-aquatints-1973 +landscape,Post_Impressionism,tom-thomson_path-behind-mowat-lodge-1917 +cityscape,Symbolism,mstislav-dobuzhinsky_courtyard-in-shaukenay-1934 +portrait,Romanticism,karl-bryullov_portrait-of-an-unknown(1) +portrait,Expressionism,amedeo-modigliani_a-head-1915 +genre_painting,Impressionism,camille-pissarro_the-harvest-at-montfoucault-1876 +portrait,Impressionism,julian-alden-weir_union-square +genre_painting,Impressionism,berthe-morisot_young-woman-watering-a-shrub +portrait,Impressionism,james-mcneill-whistler_portrait-of-miss-amy-brandon-thomas +religious_painting,Baroque,anthony-van-dyck_deposition-1634 +portrait,Romanticism,john-hoppner_the-honourable-elizabeth-ingram-1789 +religious_painting,Romanticism,viktor-vasnetsov_judgement-day-1896 +portrait,Realism,henri-fantin-latour_the-two-sisters-1859 +sketch_and_study,Post_Impressionism,henri-de-toulouse-lautrec_the-ballet-papa-chrysanth-me-1892 +portrait,Art_Nouveau_Modern,wilhelm-kotarbinski_mused +portrait,Romanticism,polychronis-lembesis_the-old-stubb-1898 +landscape,Realism,ivan-shishkin_the-road-in-the-rye-1866 +genre_painting,Impressionism,giovanni-boldini_the-mondona-singer-1884 +portrait,Expressionism,josef-albers_portrait-study-1918 +religious_painting,Mannerism_Late_Renaissance,tintoretto_ecce-homo-pontius-pilate-presenting-christ-to-the-crowd-1547 +portrait,Realism,ivan-kramskoy_d-i-mendeleev-1878 +portrait,Post_Impressionism,spyros-papaloukas_monk-1924 +landscape,Impressionism,pierre-auguste-renoir_ile-de-france-1885 +portrait,Realism,pablo-picasso_artist-s-mother-1896 +illustration,Art_Nouveau_Modern,carlos-saenz-de-tejada_don-juan-tenorio-seville-street-1946 +landscape,Realism,theodore-rousseau_gateway-1855 +nude_painting,Realism,william-adolphe-bouguereau_spring-breeze-1895 +genre_painting,Fauvism,august-macke_woman-with-pitcher-under-trees +portrait,Impressionism,theo-van-rysselberghe_madame-edmond-picard-in-her-box-at-theatre-de-la-monnaie +portrait,Realism,boris-kustodiev_girl-with-apples-portrait-of-irina-kustodiyeva +still_life,Analytical_Cubism,georges-braque_violin-and-palette-1909 +genre_painting,Impressionism,georges-seurat_the-bridge-view-of-the-seine-1883 +religious_painting,Northern_Renaissance,mabuse_descent-from-the-cross +nude_painting,Abstract_Expressionism,henri-matisse_blue-nude-1952 +abstract_painting,Color_Field_Painting,julio-pomar_o-banho-turco-1971 +portrait,Expressionism,lucian-freud_john-minton-1952 +nude_painting,Ukiyo_e,utagawa-kunisada_not_detected_240347 +genre_painting,Realism,konstantin-makovsky_the-moscow-show-booths +abstract_painting,Minimalism,imi-knoebel_weiss-und-schwarz-4-2009 +genre_painting,Art_Nouveau_Modern,boris-kustodiev_village-holiday-1910 +religious_painting,Early_Renaissance,pietro-perugino_st-jerome-who-resurrected-the-bishop-andrea-1473 +religious_painting,Expressionism,edvard-munch_adam-and-eve-1918 +genre_painting,Realism,alexey-venetsianov_first-steps-peasant-woman-with-child +landscape,Impressionism,t.-c.-steele_summer-days-at-vernon-1892 +portrait,Ukiyo_e,utagawa-kuniyoshi_hatsuhana-doing-penance-under-the-tonosawa-waterfall +abstract_painting,Minimalism,jean-degottex_unknown-title-6 +portrait,Northern_Renaissance,lucas-cranach-the-elder_portrait-of-katharina-von-bora-1529 +genre_painting,Impressionism,walter-sickert_baccarat-the-fur-cape-1920 +genre_painting,Realism,ivan-kramskoy_at-the-restaurant +illustration,Art_Nouveau_Modern,ivan-bilibin_book-cover-alexander-pushkin-s-tales-1900(1) +portrait,Impressionism,pierre-auguste-renoir_coco-and-two-servants-1910 +landscape,Northern_Renaissance,pieter-bruegel-the-elder_the-parable-of-the-sower-1557 +abstract_painting,Color_Field_Painting,paul-feeley_alya-1964 +landscape,Realism,charles-francois-daubigny_the-river-seine-at-mantes +cityscape,Post_Impressionism,pyotr-konchalovsky_venice-rialto-bridge-1924 +landscape,Realism,ivan-shishkin_pond +abstract_painting,Abstract_Expressionism,gerhard-richter_red-blue-yellow +religious_painting,Early_Renaissance,filippo-lippi_circumcision-1465 +landscape,Romanticism,john-atkinson-grimshaw_under-the-moonbeams-1 +landscape,Realism,theodore-rousseau_landscape-6 +portrait,Realism,camille-corot_woman-with-daisies-1870 +religious_painting,Mannerism_Late_Renaissance,giorgio-vasari_vasari-altar +genre_painting,Expressionism,louay-kayyali_seated-old-man-1974 +cityscape,Impressionism,camille-pissarro_mardi-gras-sunset-boulevard-montmartre-1897 +religious_painting,Northern_Renaissance,albrecht-durer_the-dresden-altarpiece-side-wings-1496 +landscape,Post_Impressionism,vincent-van-gogh_undergrowth-with-ivy-1889 +nude_painting,Cubism,henri-laurens_femme-allong-e-au-bras-lev-1950 +religious_painting,Early_Renaissance,benozzo-gozzoli_st-francis-in-glory-and-saints-1 +portrait,Post_Impressionism,henri-matisse_woman-in-a-hat +religious_painting,Northern_Renaissance,hans-memling_resurrection +religious_painting,Romanticism,gustave-dore_daniel-interpreting-the-writing-on-the-wall-1866 +cityscape,Rococo,bernardo-bellotto_the-arch-of-constantine-1742 +abstract_painting,Color_Field_Painting,charles-hinman_pizzicato-1964 +landscape,Impressionism,claude-monet_poplars-at-giverny-1 +cityscape,Impressionism,iosif-iser_the-mosque-from-turtucaia +nude_painting,Expressionism,amedeo-modigliani_seated-nude +abstract_painting,Pop_Art,aldo-mondino_untitled-1960 +illustration,Romanticism,gustave-dore_benediction +genre_painting,Impressionism,federico-zandomeneghi_girl-picking-flowers +still_life,Cubism,henri-le-fauconnier_a-still-life-with-a-carafe-and-glasses-1913 +sketch_and_study,Realism,vincent-van-gogh_sien-nursing-baby-half-figure-1882 +abstract_painting,Abstract_Expressionism,frank-bowling_carriage-2006 +cityscape,Post_Impressionism,grace-cossington-smith_before-the-arches-met-1930 +portrait,Impressionism,edgar-degas_portrait-of-giulia-bellelli-1859 +genre_painting,Impressionism,edgar-degas_the-cafe-concert-1877 +portrait,Early_Renaissance,benozzo-gozzoli_procession-of-the-magus-balthazar-detail-1461-6 +landscape,Post_Impressionism,paul-gauguin_landscape-at-le-pouldu-1890 +still_life,Realism,octav-bancila_natur-static-cu-fructe +nude_painting,Symbolism,maurice-denis_figures-in-a-spring-landscape +portrait,Mannerism_Late_Renaissance,paolo-veronese_portrait-of-architect-vincenzo-scamozzi +cityscape,Art_Nouveau_Modern,mstislav-dobuzhinsky_the-lion-bridge-in-petrograd-1922 +sketch_and_study,Symbolism,william-blake_sketch-for-satan-watching-the-endearments-of-adam-and-eve +portrait,High_Renaissance,titian_girolamo-and-cardinal-marco-corner-investing-marco-abbot-of-carrara-with-his-benefice +abstract_painting,Color_Field_Painting,mark-rothko_ochre-and-red-on-red +portrait,Impressionism,edgar-degas_mme-jacques-fourchy-1883 +landscape,Symbolism,nicholas-roerich_himalayas-1946 +religious_painting,Baroque,francisco-de-zurbaran_the-immaculate-conception +genre_painting,Naive_Art_Primitivism,marc-chagall_the-birthday-1915 +illustration,Romanticism,gustave-dore_orlando-furioso-3 +genre_painting,Baroque,isaac-van-ostade_woman-selling-fruit-by-a-cottage +portrait,Expressionism,george-mavroides_sophia-1968 +abstract_painting,Color_Field_Painting,john-hoyland_tembi-1980 +still_life,Fauvism,mary-fedden_pot-of-shells-1971 +abstract_painting,Minimalism,dadamaino_volume-a-moduli-sfasati-1960-1 +still_life,Ukiyo_e,katsushika-hokusai_a-hand-puppet +still_life,Cubism,ben-nicholson_feb-28-53-vertical-seconds-1953 +genre_painting,Post_Impressionism,pierre-bonnard_children-playing-in-a-garden-1899 +portrait,Romanticism,dante-gabriel-rossetti_ellen-smith-1867 +genre_painting,Impressionism,paul-cezanne_bather-from-the-back-1878 +genre_painting,Realism,william-adolphe-bouguereau_the-first-mourning-1888 +genre_painting,Baroque,rembrandt_the-young-rembrandt-as-democritus-the-laughing-philosopher-1629 +portrait,Expressionism,edvard-munch_man-and-woman-i-1905 +landscape,Pointillism,georges-ribemont-dessaignes_paysage-du-midi-1905 +portrait,Impressionism,boris-kustodiev_family-portrait-1904 +cityscape,Realism,isaac-levitan_the-evening-after-the-rain-1879 +landscape,Contemporary_Realism,fairfield-porter_penobscot-bay-with-yellow-field-1968 +abstract_painting,Color_Field_Painting,alma-woodsey-thomas_earth-sermon-beauty-love-and-peace-1971 +landscape,Baroque,esaias-van-de-velde_landscape-with-ruins-and-shepherds-with-sheep +landscape,Romanticism,thomas-cole_landscape-american-lake-in-summer +religious_painting,Northern_Renaissance,albrecht-durer_the-visitation-1503 +sketch_and_study,Art_Nouveau_Modern,sergey-solomko_study-to-illustration-for-mademoiselle-de-maupin-of-th-ophile-gautier +abstract_painting,Minimalism,park-seo-bo_hereditarius-no-1-68-a-1968 +abstract_painting,Abstract_Expressionism,hans-hofmann_idolatress-i-1963 +religious_painting,Romanticism,gustave-dore_shadrach-meshach-and-abednego-in-the-furnace +landscape,Impressionism,claude-monet_the-seine-near-argenteuil +cityscape,Romanticism,franz-richard-unterberger_on-the-waterfront-at-palermo +portrait,Cubism,pablo-picasso_child-with-flower-1945 +portrait,Rococo,dmitry-levitzky_ivan-bilibin-1801 +portrait,Realism,konstantin-somov_portrait-of-a-popov +portrait,Expressionism,egon-schiele_wally-with-a-red-blouse +genre_painting,Realism,john-singer-sargent_nonchaloir-repose-1911 +landscape,Post_Impressionism,paul-cezanne_the-gulf-of-marseille-seen-from-l-estaque +portrait,Romanticism,arnold-bã¶cklin_portrait-of-angela-b-cklin-as-muse +portrait,Expressionism,ernst-ludwig-kirchner_head-of-dr-bauer +cityscape,Impressionism,claude-monet_the-grand-canal-in-venice-01 +genre_painting,Impressionism,nikolay-bogdanov-belsky_young-musicians-young-musician +landscape,Impressionism,claude-monet_grainstack +still_life,Cubism,lyubov-popova_violin +genre_painting,Expressionism,franz-marc_girl-with-cat-ii-1912 +portrait,Realism,camille-corot_italian-monk-reading +illustration,Romanticism,gustave-dore_hell-at-last-yawning-received-them-whole +religious_painting,Symbolism,gustave-moreau_heridias-salome-1888 +religious_painting,Early_Renaissance,andrea-del-castagno_stories-of-christ-s-passion-1447-1 +religious_painting,Naive_Art_Primitivism,marc-chagall_moise-blesses-the-children-of-israel-1966 +portrait,Romanticism,constantin-daniel-rosenthal_c-a-rosetti +illustration,Symbolism,harry-clarke_the-year-s-at-the-spring-1920-16 +landscape,Post_Impressionism,victor-borisov-musatov_slumber-divine-sketch-for-a-panel-1904 +cityscape,Art_Nouveau_Modern,egon-schiele_silhouette-of-klosterneuburg +sketch_and_study,Romanticism,fyodor-solntsev_clothing-of-the-russian-state +sketch_and_study,Baroque,rembrandt_christ-disputing-with-the-doctors-1652 +portrait,Realism,thomas-eakins_margaret-in-skating-costume-1871 +genre_painting,Realism,alexey-venetsianov_cartomancy +genre_painting,Realism,ilya-repin_under-escort-on-the-muddy-road-1876 +landscape,Impressionism,claude-monet_gardener-s-house-at-antibes +portrait,Ukiyo_e,kitagawa-utamaro_portrait-of-a-woman +sketch_and_study,Post_Impressionism,suzanne-valadon_maurice-utrillo-playing-with-a-sling-shot-1895 +still_life,Synthetic_Cubism,georges-braque_guitar-and-sheet-music-1919 +nude_painting,Romanticism,paul-cezanne_standing-bather-drying-her-hair-1869 +landscape,Impressionism,nikolay-bogdanov-belsky_twighlight-in-riga +cityscape,Rococo,bernardo-bellotto_view-of-verona-and-the-river-adige-from-the-ponte-nuovo +portrait,Cubism,fernand-leger_the-woman-in-blue-1912 +nude_painting,Contemporary_Realism,neil-welliver_olivia-seated-1968 +portrait,Impressionism,mary-cassatt_lydia-seated-in-the-garden-with-a-dog-in-her-lap +portrait,High_Renaissance,lorenzo-lotto_portrait-of-a-young-man-1505 +still_life,Synthetic_Cubism,juan-gris_book-pipe-and-glasses +portrait,Ukiyo_e,utagawa-kuniyoshi_women-17 +portrait,Realism,basuki-abdullah_unknown-title +genre_painting,Impressionism,nikolay-bogdanov-belsky_needlework-classes-in-a-russian-village +genre_painting,Expressionism,arturo-souto_war-scene-1937-6 +still_life,Impressionism,julian-alden-weir_still-life-1905 +abstract_painting,Minimalism,brice-marden_for-pearl-1970(1) +landscape,Realism,camille-pissarro_l-hermitage-at-pontoise +nude_painting,Expressionism,richard-gerstl_seated-female-nude-1908 +religious_painting,Northern_Renaissance,albrecht-durer_john-1 +cityscape,Impressionism,alfred-sisley_pont-de-moret-dans-le-soleil-du-matin-1888 +cityscape,Post_Impressionism,edouard-cortes_place-de-la-bastille +nude_painting,Impressionism,konstantin-makovsky_nude-woman-in-black-stockins +religious_painting,Northern_Renaissance,martin-schongauer_the-fifth-foolish-virgin +abstract_painting,Abstract_Expressionism,joan-mitchell_salut-tom-1979 +abstract_painting,Color_Field_Painting,mark-rothko_green-and-tangerine-on-red +landscape,Romanticism,caspar-david-friedrich_not-detected-2 +landscape,Realism,efim-volkov_noon-in-the-woods +landscape,Naive_Art_Primitivism,arman-manookian_ricefields +genre_painting,Impressionism,periklis-vyzantios_interior-1958 +portrait,Impressionism,octav-bancila_portretul-de-evreu +landscape,Impressionism,claude-monet_poppy-field-near-vetheuil +genre_painting,Impressionism,nikolay-bogdanov-belsky_in-the-church +sketch_and_study,Baroque,anthony-van-dyck_portrait-of-pieter-bruegel-the-younger +genre_painting,Baroque,rembrandt_the-jewish-bride-1666 +genre_painting,Impressionism,nikolay-bogdanov-belsky_in-the-boat +cityscape,Post_Impressionism,edouard-cortes_place-de-la-bastille-2 +still_life,Expressionism,ernst-ludwig-kirchner_still-life-with-sculpture-in-front-of-a-window-1935 +genre_painting,Impressionism,berthe-morisot_little-girl-with-a-doll +genre_painting,Naive_Art_Primitivism,marc-chagall_the-clown-musician-1957 +landscape,Impressionism,camille-pissarro_stagecoach-to-louveciennes-1870 +landscape,Art_Nouveau_Modern,ferdinand-hodler_at-the-foot-of-the-petit-saleve-1893 +portrait,Realism,john-singer-sargent_fiield-marshall-h-r-h-the-duke-of-connaught-and-strathearn-1908 +landscape,Realism,isaac-levitan_yurievets-gloomy-day-on-the-volga-1890 +portrait,Expressionism,paul-delvaux_hat +abstract_painting,Color_Field_Painting,anne-appleby_verona-suite-2003 +illustration,Romanticism,gustave-dore_the-departure-of-thibault-king-of-navarre +religious_painting,Art_Nouveau_Modern,nicholas-roerich_procopius-the-righteous-removes-a-cloud-of-stone-from-the-great-ustyug-1914-1 +landscape,Expressionism,tivadar-kosztka-csontvary_blossoming-almonds-in-taormina-1902 +portrait,Naive_Art_Primitivism,niko-pirosmani_organ-grinder-1910 +portrait,Romanticism,george-frederick-watts_portrait-of-a-lady(1) +abstract_painting,Minimalism,ronnie-landfield_series-painting-5-1966 +portrait,Art_Nouveau_Modern,ferdinand-hodler_portrait-of-berthe-jacques-1894 +genre_painting,Realism,john-singer-sargent_venetian-bead-stringers-1882-1 +genre_painting,Romanticism,konstantin-makovsky_egyptian-with-a-child +abstract_painting,Abstract_Expressionism,audrey-flack_landscape-with-sky-1951 +landscape,Impressionism,joaquã­n-sorolla_ruins-of-bunol-1894 +landscape,Romanticism,thomas-moran_forest-scene-1870 +portrait,Realism,vasily-surikov_portrait-of-e-n-sabashnikova-1907 +still_life,Impressionism,octav-bancila_maci +cityscape,Cubism,pyotr-konchalovsky_siena-1912-3 +genre_painting,Realism,vincent-van-gogh_peasant-woman-by-the-hearth +genre_painting,Expressionism,carlos-saenz-de-tejada_girl-with-horse +still_life,Cubism,kazimir-malevich_composition-with-the-mona-lisa-1914 +nude_painting,Impressionism,mario-zanini_n-feminino +abstract_painting,Abstract_Expressionism,alice-baber_the-way-of-the-wind-1977 +religious_painting,Northern_Renaissance,albrecht-durer_sudarium-displayed-by-two-angels-1513 +portrait,Realism,george-catlin_co-ee-h-jo-a-seminole-chief-1837 +religious_painting,Symbolism,salvador-dali_iosue-fortis-in-bello-joshua-10-12-1967 +sketch_and_study,Realism,aleksey-savrasov_at-the-cemetery-1884 +genre_painting,Post_Impressionism,raoul-dufy_the-fish-market-marseille +genre_painting,Post_Impressionism,raoul-dufy_the-beach-and-pier-at-trouville-1905 +landscape,Symbolism,nicholas-roerich_himalayas-1943 +landscape,Romanticism,richard-parkes-bonington_les-salinieres-by-trouville-1826 +religious_painting,Expressionism,natalia-goncharova_nativity +cityscape,Realism,john-singer-sargent_a-street-in-venice-1 +genre_painting,Impressionism,maurice-prendergast_children-at-the-beach +landscape,Post_Impressionism,franklin-carmichael_houses-cobalt-1932 +sketch_and_study,Northern_Renaissance,albrecht-durer_hohenasperg-siege-by-georg-von-frundsberg-in-war-of-swabian-federal-versus-herzog-ulrich +cityscape,Romanticism,ivan-aivazovsky_the-acropolis-of-athens-1883 +landscape,Romanticism,miklos-barabas_vesuvius-seen-from-the-island-of-capri-1835 +landscape,Realism,isaac-levitan_lake-rus +genre_painting,Baroque,rembrandt_the-blind-fiddler-1631 +landscape,Impressionism,willard-metcalf_waning-summer +illustration,Art_Nouveau_Modern,aubrey-beardsley_on-alert +genre_painting,Realism,vladimir-makovsky_at-the-village-school-1883 +landscape,Impressionism,micaela-eleutheriade_peisaj-pe-valea-prahovei +genre_painting,Baroque,frans-snyders_wild-boar-hunt +illustration,Art_Nouveau_Modern,edmund-dulac_morning-the-rubaiyat-of-omar-khayyam +abstract_painting,Minimalism,brice-marden_untitled-e-from-five-plates-1973 +portrait,Mannerism_Late_Renaissance,titian_philipp-ii-as-prince-1551 +still_life,Cubism,louis-marcoussis_untitled-still-life-1929 +portrait,Realism,william-adolphe-bouguereau_lady-maxwell-1890 +sketch_and_study,Realism,isaac-levitan_high-waters-1885 +genre_painting,Impressionism,konstantin-korovin_in-a-summer-cottage-1895 +religious_painting,Impressionism,pierre-auguste-renoir_earthenware-virgin-and-child +religious_painting,Mannerism_Late_Renaissance,jacopo-pontormo_volta-1515-1 +landscape,Impressionism,claude-monet_sunset-on-the-seine-at-lavacourt-winter-effect +landscape,Realism,camille-pissarro_landscape-varenne-saint-hilaire +still_life,Cubism,fernand-leger_still-life-1919 +religious_painting,Baroque,bernardo-strozzi_saint-john-the-baptist-detail +abstract_painting,Expressionism,jacoba-van-heemskerck_bild-no-131-1921 +landscape,Impressionism,pierre-auguste-renoir_tree-blooming +landscape,Naive_Art_Primitivism,ivan-generalic_landscape-with-grass-1959 +cityscape,Impressionism,robert-julian-onderdonk_rainy-day-in-bandera +landscape,Post_Impressionism,gustave-loiseau_jetty-at-fecamp +landscape,Realism,jean-francois-millet_spring-at-barbizon-1873 +nude_painting,Post_Impressionism,paul-gauguin_tahitian-pastoral +landscape,Naive_Art_Primitivism,raoul-dufy_villerville +genre_painting,Naive_Art_Primitivism,jean-hugo_sainte-anne-1932 +landscape,Symbolism,nicholas-roerich_sketch +landscape,Symbolism,nicholas-roerich_sanctuaries-and-citadels-1925-4 +landscape,Symbolism,nicholas-roerich_study-of-mountains-1931-1 +abstract_painting,Abstract_Expressionism,paul-reed_14d-1964 +religious_painting,Romanticism,nikolai-ge_the-destruction-of-the-temple-in-jerusalem +portrait,Realism,george-catlin_h-ra-t-a-a-brave-fort-union-crow-apsaalooke-1832 +landscape,Realism,camille-corot_the-rocky-stream +religious_painting,Rococo,giovanni-battista-tiepolo_apparition-of-the-virgin-to-st-simon-stock-1749 +portrait,Art_Nouveau_Modern,richard-gerstl_mother-and-daughter-1906 +genre_painting,Impressionism,edgar-degas_repetition-of-the-dance-detail-1877 +still_life,Cubism,juan-gris_three-lamps-1911 +landscape,Naive_Art_Primitivism,niko-pirosmani_hunting-and-views-of-the-black-sea-1912 +genre_painting,Art_Nouveau_Modern,raphael-kirchner_greek-virgins-1900 +still_life,Impressionism,paul-signac_floral-still-life +portrait,Realism,wilhelm-leibl_sleeping-savoyard-boy-1869 +genre_painting,Art_Nouveau_Modern,henri-de-toulouse-lautrec_in-the-bois-1897 +portrait,Realism,nikolai-ge_portrait-of-m-p-svet +portrait,Romanticism,alphonse-mucha_portrait-of-milada-cerny +portrait,Baroque,joshua-reynolds_little-rogue-robinetta +abstract_painting,Abstract_Expressionism,mark-tobey_untitled-3 +abstract_painting,Color_Field_Painting,louis-cane_papier-d-coup-1967-1 +portrait,Early_Renaissance,piero-della-francesca_triumph-of-federico-da-montefeltro +sketch_and_study,Post_Impressionism,vincent-van-gogh_couple-walking-arm-in-arm-with-a-child-in-the-rain-1890(1) +portrait,Post_Impressionism,victor-borisov-musatov_woman-in-blue-dress +religious_painting,Northern_Renaissance,martin-schongauer_the-flight-into-egypt +genre_painting,Realism,vasily-perov_organ-grinder-1863 +landscape,Symbolism,nicholas-roerich_rocky-seashore-1916 +genre_painting,Impressionism,eugene-boudin_market-day-at-trouville-normandy-1878 +portrait,Realism,giovanni-boldini_madame-georges-hugo-and-her-son-jean-1898 +illustration,Romanticism,gustave-dore_don-quixote-134 +sketch_and_study,Art_Nouveau_Modern,koloman-moser_hermann-bahr +genre_painting,Impressionism,emmanuel-zairis_women-ironing +cityscape,Realism,john-singer-sargent_a-study-of-architecture-florence +portrait,Impressionism,berthe-morisot_little-girl-at-mesnil-1892 +genre_painting,Baroque,caravaggio_tooth-puller-1609(1) +cityscape,Impressionism,childe-hassam_columbus-avenue +landscape,Symbolism,nicholas-roerich_nag-lake-kashmir-1937 +landscape,Realism,pyotr-konchalovsky_early-spring-birches-1948 +abstract_painting,Expressionism,paul-klee_legend-of-the-nile-1937(1) +religious_painting,Rococo,giovanni-battista-tiepolo_jacob-s-dream-1729 +portrait,Naive_Art_Primitivism,fernando-botero_lefty-and-his-gang +landscape,Impressionism,alfred-sisley_banks-of-the-loing-towards-moret-1883 +religious_painting,Rococo,giovanni-battista-tiepolo_nativity-1732 +nude_painting,Romanticism,theodore-chasseriau_baigneuse-endormie-1850 +portrait,Analytical_Cubism,pablo-picasso_woman-sitting-in-an-armchair +landscape,Post_Impressionism,paul-gauguin_the-wooden-gate-the-pig-keeper-1889 +genre_painting,Naive_Art_Primitivism,fred-yates_saturday-afternoon +abstract_painting,Cubism,carlos-merida_el-dios-del-fuego-1948 +portrait,Impressionism,william-merritt-chase_girl-with-guitar +illustration,Romanticism,gustave-dore_bluebeard-1862 +religious_painting,Rococo,giovanni-battista-tiepolo_rachel-hiding-the-idols-1728 +landscape,Post_Impressionism,istvan-nagy_landscape-in-transylvania +nude_painting,Naive_Art_Primitivism,fernando-botero_girl-arc +portrait,Rococo,thomas-gainsborough_portrait-of-george-spencer-2nd-earl-spencer +religious_painting,Northern_Renaissance,albrecht-durer_st-christopher +landscape,Impressionism,claude-monet_grainstacks-at-giverny-sunset +abstract_painting,Color_Field_Painting,sam-francis_untitled-sfm66-04-1966 +portrait,Realism,nikolai-ge_portrait-of-adam-olsufyev +still_life,Impressionism,hoca-ali-riza_untitled-still-life +portrait,Expressionism,amedeo-modigliani_jeanne-hebuterne-with-necklace-1917 +genre_painting,Impressionism,george-luks_hannaford-s-cove-1922 +landscape,Fauvism,charles-lapicque_le-trieux-a-lancerf-1957 +landscape,Romanticism,thomas-cole_the-arcadian-pastoral-state-1836 +genre_painting,Northern_Renaissance,pieter-bruegel-the-elder_hunters-in-the-snow-1565 +still_life,Impressionism,paul-gauguin_lilac-bouquet-1885 +genre_painting,Realism,vincent-van-gogh_weaver-1884 +cityscape,Impressionism,alfred-sisley_street-in-ville-d-avray-1873 +abstract_painting,Color_Field_Painting,john-ferren_quiet-1965 +genre_painting,Baroque,rembrandt_rembrandt-christ-and-the-woman-of-samaria-1659 +landscape,Realism,vladimir-makovsky_summer-1896 +religious_painting,Mannerism_Late_Renaissance,correggio_the-assumption-of-the-virgin-1530 +nude_painting,Expressionism,ernst-ludwig-kirchner_two-bathers +genre_painting,Pointillism,henri-martin_summer +illustration,Art_Nouveau_Modern,nicholas-roerich_vignette-for-book-n-k-roerich-1918-2 +still_life,Impressionism,eva-gonzales_white-shoes-1880 +portrait,Northern_Renaissance,petrus-christus_portrait-of-a-young-girl +abstract_painting,Color_Field_Painting,barnett-newman_canto-xviii-1964 +landscape,Romanticism,frederic-edwin-church_aurora-borealis-1865 +landscape,Realism,fyodor-vasilyev_the-barn +landscape,Realism,camille-corot_a-dune-at-dunkirk-1873 +nude_painting,Rococo,antoine-watteau_the-toilette +sketch_and_study,Symbolism,nicholas-roerich_himalayas-study +religious_painting,Northern_Renaissance,albrecht-durer_winged-man-in-idealistic-clothing-playing-a-lute-1497 +genre_painting,Early_Renaissance,benozzo-gozzoli_the-school-of-tagaste-detail-1465 +landscape,Post_Impressionism,vincent-van-gogh_chestnut-tree-in-blossom-1887(1) +genre_painting,Romanticism,george-stubbs_racehorses-belonging-to-the-duke-of-richmond-exercising-at-goodwood-1761 +landscape,Impressionism,camille-pissarro_landscape-at-eragny-1890 +portrait,Realism,vasily-perov_portrait-of-e-e-perov +landscape,Impressionism,claude-monet_the-seine-at-petit-gennevilliers-1872 +portrait,Romanticism,orest-kiprensky_girl-wearing-the-poppy-wreath-1819 +cityscape,Impressionism,pierre-auguste-renoir_the-port-of-martigues-1888 +sketch_and_study,Northern_Renaissance,rogier-van-der-weyden_virgin-with-the-blessing-child +cityscape,Cubism,paul-klee_rose-garden-1920(1) +sketch_and_study,Post_Impressionism,vincent-van-gogh_farmers-working-in-the-field-1888(1) +abstract_painting,Abstract_Expressionism,terry-frost_variations-1989 +portrait,Baroque,caravaggio_the-lute-player-1(1) +landscape,Impressionism,claude-monet_the-japanese-bridge-1 +nude_painting,Expressionism,ernst-ludwig-kirchner_two-nudes-in-the-wood-ii +genre_painting,Cubism,jose-de-almada-negreiros_domingo-lisboeta-1949 +religious_painting,Northern_Renaissance,albrecht-durer_christ-s-entry-into-jerusalem-1511 +landscape,Expressionism,wassily-kandinsky_in-the-forest-1904 +portrait,Realism,boris-kustodiev_portrait-of-julia-petrovna-greek-1901 +landscape,Art_Nouveau_Modern,nicholas-roerich_savonlinna-olavinlinna-1906 +illustration,Romanticism,arthur-hughes_aurora-leigh-s-dismissal-of-romney-the-tryst +religious_painting,Symbolism,james-tissot_abraham-s-counsel-to-sarai +religious_painting,Northern_Renaissance,mabuse_mary-magdalene +genre_painting,Rococo,pietro-longhi_the-letter +landscape,Romanticism,john-crome_a-castle-in-ruins-morning +genre_painting,Baroque,pieter-de-hooch_the-card-players +portrait,Cubism,fernand-leger_three-sisters-1952 +genre_painting,Impressionism,paul-cezanne_couples-relaxing-by-a-pond +portrait,Realism,ivan-shishkin_italian-boy +landscape,Art_Nouveau_Modern,tom-thomson_forest-undergrowth-i-1916 +genre_painting,Northern_Renaissance,albrecht-durer_the-small-chariot +landscape,Post_Impressionism,georges-seurat_landscape-at-saint-ouen-1879 +landscape,Post_Impressionism,j.-e.-h.-macdonald_barbados-b-w-i-winter-1932 +landscape,Impressionism,armand-guillaumin_effts-de-neige-palaiseau-1883 +cityscape,Naive_Art_Primitivism,william-h.-johnson_harlem-street-scene-with-full-moon-1940(1) +cityscape,Art_Nouveau_Modern,anna-ostroumova-lebedeva_cypress-trees-1902 +cityscape,Pointillism,salvador-dali_madrid-architecture-and-poplars +illustration,Symbolism,harry-clarke_the-year-s-at-the-spring-1920-22 +religious_painting,Northern_Renaissance,hieronymus-bosch_the-seven-deadly-sins-and-the-four-last-things-1485 +religious_painting,Symbolism,dante-gabriel-rossetti_mary-magdalen-1857 +portrait,Romanticism,francisco-goya_duke-of-san-carlos-1815 +sketch_and_study,Pop_Art,richard-hamilton_the-solomon-r-guggenheim-architect-s-visual-1965 +portrait,Expressionism,george-mavroides_nino-2000 +landscape,Pointillism,theo-van-rysselberghe_the-point-of-rossignol-1905 +landscape,Impressionism,paul-cezanne_horse-chestnut-trees-in-jas-de-bouffan +cityscape,Baroque,alexey-zubov_view-of-a-menshikov-s-palace-on-vasilievsky-island-1717 +abstract_painting,Abstract_Expressionism,willem-de-kooning_untitled-xii +religious_painting,Baroque,bernardo-strozzi_st-francis-of-assisi +genre_painting,Post_Impressionism,georges-seurat_group-of-figures-in-front-of-a-house-and-some-trees +portrait,Expressionism,lucian-freud_queen-elizabeth-ii-2001 +cityscape,Expressionism,ernst-ludwig-kirchner_violett-house-infront-of-a-snowy-mountain +landscape,Realism,ivan-shishkin_moss-roots +landscape,Impressionism,claude-monet_the-estuary-of-the-siene +portrait,Realism,pyotr-konchalovsky_the-girl-in-the-caucasus-dress-with-a-cat-margot-1948 +sketch_and_study,Realism,vincent-van-gogh_peasant-woman-head-1885-2 +genre_painting,Symbolism,hugo-simberg_morning-milking-1895 +landscape,Realism,vasily-polenov_autumn-in-abramtsevo-1890 +landscape,Pointillism,theo-van-rysselberghe_il-mediterraneo-presso-le-lavandou +sketch_and_study,Realism,isaac-levitan_village-savvinskaya-near-zvenigorod-1884-1 +portrait,Abstract_Expressionism,willem-de-kooning_easter-monday +landscape,Realism,homer-watson_grazing-cattle-near-the-river +still_life,Impressionism,corneliu-michailescu_still-life-with-blue-flower +landscape,Impressionism,joaquã­n-sorolla_the-beach-of-biarritz-1907 +illustration,Romanticism,gustave-dore_enthusiasm-of-crusaders-at-the-first-view-of-jerusalem +landscape,Impressionism,john-henry-twachtman_yellowstone-park +portrait,Baroque,rembrandt_man-in-oriental-costume +portrait,Post_Impressionism,vincent-van-gogh_portrait-of-armand-roulin-1888-1 +religious_painting,Mannerism_Late_Renaissance,tintoretto_christ +abstract_painting,Abstract_Expressionism,bradley-walker-tomlin_untitled-1952 +portrait,Realism,john-singer-sargent_mrs-abbott-lawrence-rotch-1903 +portrait,Romanticism,john-hoppner_portrait-of-mademoiselle-hilligsberg-1791 +abstract_painting,Abstract_Expressionism,conrad-marca-relli_mr-6-1958 +illustration,Romanticism,gustave-dore_forgers-ii(1) +landscape,Post_Impressionism,henri-martin_the-church-at-labastide-1920 +abstract_painting,Abstract_Expressionism,salvador-dali_night-in-the-hotel-abstract-in-black-and-white +still_life,Realism,vincent-van-gogh_still-life-with-mackerels-lemons-and-tomatoes-1886 +cityscape,Realism,camille-corot_the-colosseum-seen-through-the-arcades-of-the-basilica-of-constantine-1825 +cityscape,Expressionism,albert-bloch_cityscape +landscape,Impressionism,alfred-sisley_the-station-at-sevres-1879 +portrait,Cubism,salvador-dali_untitled-stereoscopic-painting +landscape,Post_Impressionism,alexandre-benois_versailles(1) +portrait,Impressionism,laszlo-mednyanszky_old-man-1918 +religious_painting,Symbolism,william-blake_the-body-of-abel-found-by-adam-eve +genre_painting,Realism,vasily-vereshchagin_cart-for-the-wounded-1877 +genre_painting,Expressionism,ernst-ludwig-kirchner_two-women-with-sink +portrait,Impressionism,konstantin-korovin_portrait-of-the-artist-v-v-wulf +illustration,Art_Nouveau_Modern,heorhiy-narbut_illustration-for-the-book-how-mice-buried-the-cat-by-zhukovsky-1910-2 +genre_painting,Impressionism,camille-pissarro_the-talk-1892 +genre_painting,Contemporary_Realism,jamie-wyeth_the-mainland-1992 +religious_painting,Mannerism_Late_Renaissance,titian_st-dominic +landscape,Baroque,adriaen-van-ostade_landscape-with-an-old-oak +religious_painting,High_Renaissance,lorenzo-lotto_st-jerome-in-the-desert-1 +portrait,Rococo,joshua-reynolds_lady-anne-bingham-1786 +landscape,Symbolism,victor-hugo_the-upper-rhine-1855 +religious_painting,Symbolism,james-tissot_the-sermon-on-the-mount-illustration-for-the-life-of-christ +landscape,Impressionism,marie-bracquemond_landscape-in-wintertime +religious_painting,Art_Nouveau_Modern,nicholas-roerich_vernicle-1914 +portrait,Realism,thomas-eakins_billy-smith-1898 +portrait,Realism,thomas-eakins_portrait-of-montague-flagg-the-wanderer-1887 +genre_painting,Synthetic_Cubism,pablo-picasso_man-with-pipe-1914 +portrait,Romanticism,dante-gabriel-rossetti_the-loving-cup-1867 +portrait,Impressionism,camille-pissarro_not_detected_208370 +landscape,Realism,vasily-vereshchagin_strengthening-naryn-in-tien-shan-celestial-mountains-near-kashgar-border-1870(1) +cityscape,Realism,vasily-surikov_view-of-kremlin-1913 +landscape,Realism,aleksey-savrasov_evening +cityscape,Impressionism,claude-monet_the-doges-palace-seen-from-san-giorgio-maggiore-4 +cityscape,Impressionism,george-luks_fifth-avenue-new-york +portrait,Early_Renaissance,domenico-ghirlandaio_portrait-of-the-donor-giovanni-tornabuoni-1490 +nude_painting,Impressionism,pierre-auguste-renoir_nude-in-an-armchair-1890 +portrait,Post_Impressionism,pablo-picasso_olga-in-a-hat-with-feather-1920 +sketch_and_study,Realism,boris-kustodiev_portrait-of-the-artist-georgi-vereisky-1917 +genre_painting,Post_Impressionism,auguste-herbin_les-joueurs-de-boules +religious_painting,Realism,james-tissot_joseph-reveals-his-dream-to-his-brethren +abstract_painting,Color_Field_Painting,gene-davis_algeria-1982 +sketch_and_study,Realism,vasily-polenov_sketches-of-the-russian-turkish-war-bulgarian-house-1877 +religious_painting,Northern_Renaissance,albrecht-durer_agony-in-the-garden-1508 +abstract_painting,Abstract_Expressionism,sam-francis_untitled-holy-hole-1984 +cityscape,Impressionism,guy-rose_the-old-church-at-cagnes +portrait,Realism,gustave-courbet_portrait-of-champfleury-1855 +landscape,Impressionism,julian-alden-weir_the-building-of-the-dam-1908 +genre_painting,Impressionism,paul-cezanne_four-bathers +religious_painting,Realism,nikolai-ge_harbingers-of-the-resurrection-1 +landscape,Symbolism,nicholas-roerich_himalayas-9 +landscape,Fauvism,janos-mattis-teutsch_landscape-1915 +abstract_painting,Abstract_Expressionism,richard-diebenkorn_berkeley-no-13 +landscape,Romanticism,ivan-aivazovsky_chains-of-the-caucasus-mountains-1869 +abstract_painting,Color_Field_Painting,michel-carrade_unknown-title-3 +genre_painting,Northern_Renaissance,hans-holbein-the-younger_outgoing-ship +genre_painting,Impressionism,maurice-prendergast_float-at-low-tide-revere-beach-also-known-as-people-at-the-beach +portrait,Rococo,maurice-quentin-de-la-tour_portrait-of-isabelle-de-charriere-1766 +genre_painting,Post_Impressionism,henri-de-toulouse-lautrec_jane-avril-dancing-1893 +religious_painting,Baroque,peter-paul-rubens_saint-gregory-with-saints-domitilla-maurus-and-papianus-1 +genre_painting,Romanticism,jan-matejko_judgement-on-matejko +nude_painting,Expressionism,henri-matisse_a-nude-with-her-heel-on-her-knee-1936 +genre_painting,Art_Nouveau_Modern,ferdinand-hodler_walking-at-the-forest-edge-1885 +genre_painting,Expressionism,jules-perahim_the-partisan-1959 +portrait,Impressionism,mary-cassatt_the-sisters +abstract_painting,Minimalism,brice-marden_untitled-1971 +sketch_and_study,Naive_Art_Primitivism,fernand-leger_the-album-circus-1950-37 +portrait,Realism,nicolae-grigorescu_the-blower +landscape,Impressionism,guy-rose_a-carmel-pine-1918 +landscape,Impressionism,auguste-herbin_maison-au-bord-du-fleuve-1906 +still_life,Synthetic_Cubism,pablo-picasso_mandolin-1914 +still_life,Realism,konstantin-korovin_still-life-with-fish-1930 +sketch_and_study,Impressionism,pierre-auguste-renoir_still-life-with-fruit-1 +religious_painting,High_Renaissance,cima-da-conegliano_adoration-of-the-shepherds-1509 +portrait,Cubism,fernand-leger_peti-parrot-women-women-in-parrot +landscape,Realism,viktor-vasnetsov_ochtir-1879 +portrait,Expressionism,amedeo-modigliani_flower-vendor-1919 +portrait,Romanticism,henry-raeburn_portrait-of-lucius-o-beirne-bishop-of-meath +religious_painting,Symbolism,arnold-bã¶cklin_st-anthony-1892 +landscape,Impressionism,pierre-auguste-renoir_on-the-river-banks-1907 +still_life,Impressionism,gustave-caillebotte_hare +portrait,Baroque,diego-velazquez_a-dwarf-holding-a-tome-in-his-lap +genre_painting,Realism,vladimir-makovsky_rest-on-the-way-from-kiev +abstract_painting,Abstract_Expressionism,william-baziotes_untitled-blue-and-burnt-orange-1960 +landscape,Post_Impressionism,andrã©-lhote_mirmande-1932 +abstract_painting,Abstract_Expressionism,joan-mitchell_edrita-fried-1981 +landscape,Realism,pyotr-konchalovsky_landscape-a-field-1921 +abstract_painting,Color_Field_Painting,gene-davis_two-yellows-1959(1) +genre_painting,Impressionism,william-merritt-chase_dorothy-2 +landscape,Impressionism,childe-hassam_mount-hood +religious_painting,Baroque,rembrandt_abraham-receives-the-three-angels-1646 +genre_painting,Romanticism,pavel-svinyin_an-indian-with-a-scalp +portrait,Impressionism,william-merritt-chase_portrait-of-william-charles-le-gendre +religious_painting,Baroque,francisco-de-zurbaran_the-immaculate-conception-1661 +religious_painting,Northern_Renaissance,albrecht-altdorfer_martyrdom-of-st-sebastian-1516 +landscape,Realism,camille-corot_bridge-in-the-coubron-valley +portrait,Romanticism,nikolai-ge_mother-at-the-funeral-of-her-child +cityscape,Impressionism,antoine-blanchard_caf-de-la-paix +abstract_painting,Minimalism,andre-pierre-arnal_pliage-folded-painting-1972 +cityscape,Impressionism,john-singer-sargent_statue-of-perseus-by-night +portrait,Impressionism,konstantin-makovsky_girl-with-hat +religious_painting,Romanticism,gustave-dore_the-death-of-athaliah +sketch_and_study,Post_Impressionism,vincent-van-gogh_standing-male-nude-1887 +abstract_painting,Action_painting,hans-hofmann_the-prey-1956 +portrait,Symbolism,konstantin-somov_portrait-of-mrs-n-f-ober-1896 +portrait,Realism,pablo-picasso_head-of-a-child-1896 +nude_painting,Expressionism,pablo-picasso_standing-nude-1908 +genre_painting,Post_Impressionism,henri-de-toulouse-lautrec_desire-dehau-reading-a-newspaper-in-the-garden-1890 +genre_painting,Expressionism,max-weber_mother-and-children +portrait,Impressionism,james-mcneill-whistler_portrait-of-ellen-sturgis-hooper +religious_painting,Impressionism,karoly-ferenczy_the-three-magi-1898 +cityscape,Cubism,lyonel-feininger_gelmeroda-iii-1913 +portrait,Baroque,adriaen-van-ostade_portrait-of-a-boy +portrait,Mannerism_Late_Renaissance,hans-von-aachen_couple-with-a-mirror-1596 +portrait,Impressionism,mary-cassatt_sara-in-a-bonnet +genre_painting,Impressionism,pierre-auguste-renoir_the-fisherman-1874 +abstract_painting,Abstract_Expressionism,rafa-nasiri_untitled-034-1985 +portrait,Romanticism,alphonse-mucha_portrait-of-jiri-1925 +cityscape,Romanticism,taras-shevchenko_vydubychi-monastery-in-kyiv-1844 +religious_painting,Early_Renaissance,giovanni-bellini_st-jerome-in-the-wilderness-1450 +portrait,Contemporary_Realism,dimitris-mytaras_portrait-of-pieridhs +religious_painting,Rococo,joshua-reynolds_the-infant-samuel-at-prayer +religious_painting,Baroque,francisco-de-zurbaran_the-young-virgin-1630 +genre_painting,Realism,jean-francois-millet_lumberjack-preparing-firewood +sketch_and_study,Realism,vasily-polenov_saviour-jacob-monastery-in-rostov-1860 +landscape,Realism,viktor-vasnetsov_pond-in-akhtyrka-1880 +illustration,Ukiyo_e,utagawa-kuniyoshi_dipicting-the-characters-from-the-chushingura-1 +illustration,Expressionism,saul-steinberg_in-the-manner-of-matisse-1946 +nude_painting,Romanticism,konstantin-makovsky_head-portrait-of-y-makovskaya +genre_painting,Expressionism,martiros-saryan_sayat-nova-1923 +sketch_and_study,Baroque,francesco-guardi_san-giorgio-maggiore-1780 +cityscape,Post_Impressionism,maurice-utrillo_street-in-sannois +abstract_painting,Abstract_Expressionism,john-hoyland_2006-love-and-grief-5-4-006 +still_life,Cubism,le-corbusier_abstract-composition-1927 +nude_painting,Impressionism,pierre-auguste-renoir_bather-1887 +landscape,Realism,vasily-surikov_old-krasnoyarsk-1914 +landscape,Impressionism,iosif-iser_silistra-landscape +sketch_and_study,Impressionism,pierre-auguste-renoir_country-dance +religious_painting,Northern_Renaissance,hieronymus-bosch_noah-s-ark-on-mount-ararat-obverse +portrait,Realism,john-singer-sargent_lord-ribblesdale-1902 +still_life,Post_Impressionism,grace-cossington-smith_teacups-the-harlequin-set-1928 +illustration,Romanticism,louis-janmot_po-me-de-l-me-8-cauchemar +religious_painting,High_Renaissance,titian_christ-with-globe-1530 +portrait,Impressionism,joaquã­n-sorolla_aureliano-de-beruete-1902 +portrait,Baroque,guido-reni_portrait-of-an-old-woman +landscape,Symbolism,nicholas-roerich_on-falut-1924 +genre_painting,Impressionism,maurice-prendergast_roma-flower-stall-also-known-as-flower-stall-or-roman-flower-stall +portrait,Baroque,diego-velazquez_price-baltasar-carlos-1632 +religious_painting,Northern_Renaissance,jean-fouquet_virgin-and-child +landscape,Symbolism,leon-spilliaert_sailing-vessel-at-sea-1920 +still_life,Naive_Art_Primitivism,fernando-botero_still-life-with-green-soup +portrait,Realism,pyotr-konchalovsky_portrait-of-akulina-maximovna-kopaneva-1906 +portrait,Naive_Art_Primitivism,fernand-leger_reading-1948 +genre_painting,Art_Nouveau_Modern,ferdinand-hodler_the-woodman-1910 +landscape,Impressionism,eugene-boudin_antibes-the-point-of-the-islet +portrait,Expressionism,pyotr-konchalovsky_portrait-of-a-japanese-actor-todzyuro-kavarasaki-1928 +sketch_and_study,Naive_Art_Primitivism,marc-chagall_jacob-wrestling-with-the-angel-5 +illustration,Art_Nouveau_Modern,aubrey-beardsley_sir-launcelot-and-the-witch-hellawes +landscape,New_Realism,george-luks_old-schoolhouse-ryders +portrait,Early_Renaissance,benozzo-gozzoli_procession-of-the-magus-balthazar-detail-1461-7 +portrait,Expressionism,zinaida-serebriakova_resting-dancer-1924 +genre_painting,Impressionism,georges-seurat_the-bineau-bridge-1884 +landscape,Art_Nouveau_Modern,gustav-klimt_farm-garden-with-crucifix-1912 +still_life,Post_Impressionism,constantin-piliuta_vase-with-flowers +genre_painting,Expressionism,candido-portinari_mulher-chorando-1944 +landscape,Post_Impressionism,vincent-van-gogh_olive-grove-bright-blue-sky-1889-1 +still_life,Cubism,georges-braque_the-studio-vi-1951 +portrait,Expressionism,jean-paul-lemieux_le-parasol +landscape,Impressionism,john-henry-twachtman_road-scene-1899 +genre_painting,Ukiyo_e,ogata-gekko_geisha-in-springtime-1890 +landscape,Romanticism,richard-parkes-bonington_boats-by-the-normandy-shore-1823 +landscape,Impressionism,nicolae-vermont_peasant-woman-with-flowers-1905 +landscape,Impressionism,claude-monet_the-road-to-the-farm-of-saint-simeon-in-winter +religious_painting,Art_Nouveau_Modern,mikhail-vrubel_angel-with-labara-1884 +religious_painting,Romanticism,gustave-dore_jephthah-s-daughter-comes-to-meet-her-father +genre_painting,Pop_Art,roy-lichtenstein_takka-takka-1962 +religious_painting,Romanticism,gustave-dore_the-martyrdom-of-eleazar-the-scribe +religious_painting,Symbolism,kuzma-petrov-vodkin_archangel-michael-1916 +sketch_and_study,Realism,vasily-surikov_study-to-the-conquest-of-siberia-by-yermak-1 +still_life,Cubism,louis-marcoussis_the-open-door-1928 +abstract_painting,Abstract_Expressionism,raoul-ubac_octobre +religious_painting,Baroque,francisco-de-zurbaran_st-jerome +landscape,Impressionism,pierre-auguste-renoir_aloe-picking-at-cagnes-1910 +portrait,Impressionism,camille-pissarro_seated-peasant-girl-1883 +landscape,Impressionism,valentin-serov_village-1898 +portrait,Fauvism,auguste-herbin_portrait-du-peintre-mathieu-battaglia-1906 +religious_painting,Northern_Renaissance,albrecht-durer_st-john-lamenting-1523 +religious_painting,Romanticism,gustave-dore_people-mourn-over-the-destruction-of-jerusalem +portrait,Rococo,vladimir-borovikovsky_portrait-of-dmitry-levitzky +abstract_painting,Abstract_Expressionism,jimmy-ernst_lumiere-1968 +landscape,Realism,camille-corot_morning-by-the-water-1873 +landscape,Impressionism,willard-metcalf_boys-fishing +landscape,Impressionism,willard-metcalf_the-winter-s-festival +portrait,Romanticism,paul-delaroche_marquis-de-pastoret +portrait,Impressionism,georges-braque_grandmother-s-friend-1900 +religious_painting,Baroque,sebastien-bourdon_the-finding-of-moses-1650 +portrait,Romanticism,dante-gabriel-rossetti_water-willow-1871 +cityscape,Impressionism,alfred-sisley_the-moret-bridge-in-the-sunlight-1892 +still_life,Post_Impressionism,mary-fedden_a-slice-of-melon-1990 +landscape,Impressionism,eugene-boudin_the-mouth-of-the-elorn-in-the-area-of-brest-1872 +genre_painting,Impressionism,victor-borisov-musatov_autumn-mood-1899 +religious_painting,Baroque,guido-reni_not_detected_232245 +genre_painting,Ukiyo_e,tsukioka-yoshitoshi_taira-no-kiyomori-sees-the-skulls-of-his-victims +landscape,Post_Impressionism,rafael-zabaleta_landscape-and-fique-vault +sketch_and_study,Expressionism,lucian-freud_the-painter-s-father +religious_painting,Romanticism,gustave-dore_the-death-of-agag +sketch_and_study,Baroque,rembrandt_susanna-und-die-beiden-alten-1634 +cityscape,Expressionism,august-macke_st-mary-s-with-houses-and-chimney-bonn +landscape,Post_Impressionism,constantine-maleas_maleas +religious_painting,Romanticism,gustave-dore_jesus-at-the-house-of-martha-and-mary +nude_painting,Symbolism,kuzma-petrov-vodkin_bacchante-1912 +portrait,Realism,ilya-repin_leo-tolstoy-barefoot-1901 +landscape,Realism,basuki-abdullah_mountain +genre_painting,Naive_Art_Primitivism,arman-manookian_hawaiians +genre_painting,Art_Nouveau_Modern,raphael-kirchner_maid-of-athens-1900-1 +religious_painting,High_Renaissance,luca-signorelli_the-last-judgment-the-right-part-of-the-composition-the-damned-consigned-to-hell-the-left-part-1502 +nude_painting,Expressionism,lucian-freud_lying-by-the-rags-1990 +religious_painting,Baroque,rembrandt_death-of-the-virgin-1639 +landscape,Post_Impressionism,piet-mondrian_view-of-winterswijk-1899 +portrait,Romanticism,francesco-hayez_portrait-of-gian-giacomo-poldi-pezzoli +still_life,Impressionism,paul-gauguin_bouquet-1884 +portrait,Baroque,diego-velazquez_the-infanta-maria-marguerita-in-pink-1659 +landscape,Expressionism,georges-braque_next-to-the-sea-1958 +genre_painting,Impressionism,edgar-degas_woman-seated-on-the-grass-1882 +abstract_painting,Color_Field_Painting,perle-fine_untitled-for-cool-series-1960 +portrait,Realism,camille-corot_young-italian-woman-from-papigno-with-her-spindle +genre_painting,Impressionism,pierre-auguste-renoir_girl-with-a-hoop-1885 +sketch_and_study,Baroque,rembrandt_the-raising-of-the-cross-1629 +abstract_painting,Abstract_Expressionism,bui-xuan-phai_abstract(3) +landscape,Romanticism,caspar-david-friedrich_wc-coffin-and-grave-by-caspar-david-friedrich +nude_painting,Realism,basuki-abdullah_nudity +sketch_and_study,Realism,thomas-eakins_man-in-turban +portrait,Baroque,agostino-carracci_portrait-of-a-woman-1599 +genre_painting,Realism,winslow-homer_the-life-line +landscape,Impressionism,claude-monet_vetheuil-3 +landscape,Post_Impressionism,gustave-loiseau_poplars +still_life,Cubism,raoul-dufy_homage-to-mozart +landscape,Impressionism,samuel-mutzner_scen-algerian +still_life,Cubism,pablo-picasso_still-life-with-skull-of-ox-1942 +genre_painting,Expressionism,max-beckmann_brother-and-sister-1933 +landscape,Impressionism,pierre-auguste-renoir_rocks-at-l-estaque-1882 +landscape,Post_Impressionism,constantine-maleas_maleas-chapel-with-tree-1920 +cityscape,Impressionism,claude-monet_houses-of-parliament +portrait,Expressionism,kees-van-dongen_modjesko-opera-singer-1908 +religious_painting,Northern_Renaissance,albrecht-durer_maria +abstract_painting,Abstract_Expressionism,richard-pousette-dart_encrustation-1976 +genre_painting,Pointillism,camille-pissarro_apple-picking-at-eragny-sur-epte-1888 +portrait,Post_Impressionism,arshile-gorky_portrait-of-vartoost +illustration,Art_Nouveau_Modern,boris-kustodiev_alexei-tolstoy-eccentrics-1925 +sketch_and_study,Impressionism,valentin-serov_sketch-for-a-portrait-of-p-i-scherbatova-1911-1 +portrait,Rococo,joshua-reynolds_elizabeth-drax-countess-of-berkeley-1760 +portrait,Expressionism,jean-paul-lemieux_l-ap-tre-1966 +illustration,Art_Nouveau_Modern,aubrey-beardsley_how-king-mark-and-sir-dinadan-heard-sir-palomides-ii +abstract_painting,Minimalism,agnes-martin_untitled-1980 +religious_painting,Early_Renaissance,filippo-lippi_saints-augustin-and-francis-a-bishop-saint-and-saint-benedict +genre_painting,Realism,efim-volkov_fire +portrait,Art_Nouveau_Modern,jacek-malczewski_portrait-of-erazm-baracz-1907 +landscape,Symbolism,gustav-klimt_lakeside-with-birch-trees-1901 +portrait,Northern_Renaissance,pieter-bruegel-the-elder_twelve-proverbs +abstract_painting,Abstract_Expressionism,john-ferren_broken-blue-1958 +landscape,Realism,ivan-shishkin_summer-day-1891 +religious_painting,Realism,nikolai-ge_returning-from-the-burial-of-christ +religious_painting,Naive_Art_Primitivism,marc-chagall_abraham-weeping-for-sarah-1931 +religious_painting,Early_Renaissance,domenico-veneziano_madonna-and-child-1450 +portrait,Impressionism,thalia-flora-karavia_portrait-of-poet-k-p-cavafy +portrait,Realism,ilya-repin_leo-tolstoy-in-his-study-1891 +landscape,Post_Impressionism,david-burliuk_bayville +cityscape,Post_Impressionism,henri-martin_saint-cirq-lapopie-1 +genre_painting,Post_Impressionism,jacques-villon_the-negro-1899 +illustration,Symbolism,mikhail-vrubel_demon-looking-to-the-valley +landscape,Romanticism,william-holman-hunt_fairlight-downs-sunlight-on-the-sea +cityscape,Naive_Art_Primitivism,henri-rousseau_the-fishermen-and-the-biplane-1908 +portrait,Expressionism,zinaida-serebriakova_portrait-of-a-young-man-marrakech-1932 +portrait,Realism,john-everett-millais_pomona +portrait,Rococo,joseph-wright_portrait-of-richard-arkwright-junior-with-his-wife-mary-and-daughter-anne +portrait,Mannerism_Late_Renaissance,giorgio-vasari_lorenzo-the-magnificent +abstract_painting,Abstract_Expressionism,richard-pousette-dart_light-gathers-to-the-question-of-no-1979 +portrait,Romanticism,vasily-tropinin_portrait-of-karl-brulloff-1836 +nude_painting,Expressionism,pablo-picasso_lying-naked-woman-the-voyeurs-1955 +portrait,Ukiyo_e,kitagawa-utamaro_utamaro-okita +portrait,Expressionism,jury-annenkov_portrait-of-poet-anna-akhmatova-1921 +landscape,Realism,vasily-surikov_view-of-krasnoyarsk-from-knoll +portrait,Romanticism,dante-gabriel-rossetti_may-morris-1872 +religious_painting,Northern_Renaissance,albrecht-durer_apostle-2 +still_life,Symbolism,kuzma-petrov-vodkin_bird-cherry-in-a-glass-1932 +illustration,Symbolism,william-blake_the-sun-at-his-eastern-gate-1820 +religious_painting,Baroque,diego-velazquez_christ-on-the-cross-1632 +landscape,Impressionism,frits-thaulow_cottage-by-a-stream +portrait,Impressionism,valentin-serov_girl-with-peaches-1887 +portrait,Expressionism,milton-avery_interlude-1960 +genre_painting,Expressionism,nikolaos-lytras_man-in-a-boat(1) +cityscape,Pointillism,georges-seurat_the-channel-of-gravelines-petit-fort-philippe-1890 +religious_painting,Romanticism,gustave-dore_the-miraculous-draught-of-fishes +genre_painting,Art_Nouveau_Modern,boris-kustodiev_merchant-wedding-1917 +portrait,Art_Nouveau_Modern,zinaida-serebriakova_nurse-with-baby-1912 +still_life,Synthetic_Cubism,pablo-picasso_guitar-1912 +genre_painting,Romanticism,dante-gabriel-rossetti_morning-music-1864 +landscape,Impressionism,camille-pissarro_road-at-eragny-winter-1885 +illustration,Expressionism,carlos-saenz-de-tejada_speaking-with-platero +abstract_painting,Color_Field_Painting,barnett-newman_canto-xii-1964 +religious_painting,Naive_Art_Primitivism,marc-chagall_jeremiah-thrown-into-a-prison-by-the-people-of-king-zedekiah-jeremiah-xxxviii-4-6 +portrait,Romanticism,vasily-tropinin_spades-for-firmware-1830 +religious_painting,Northern_Renaissance,konrad-witz_annunciation +genre_painting,Romanticism,ivan-aivazovsky_ox-train-on-the-sea-shore-1860 +abstract_painting,Minimalism,walter-darby-bannard_aqua-same-1962 +abstract_painting,Abstract_Expressionism,john-ferren_outdoors-1952 +portrait,Impressionism,william-merritt-chase_a-spanish-girl-aka-portrait-of-mrs-chase-in-spanish-dress +religious_painting,Romanticism,john-everett-millais_the-return-of-the-dove-to-the-ark +genre_painting,Realism,nicholas-roerich_waiting-1901 +landscape,Realism,vasily-surikov_zubovsky-boulevard-in-winter +genre_painting,Romanticism,jan-matejko_blind-veit-stoss-with-daughter +genre_painting,Baroque,bartolome-esteban-murillo_the-flower-girl-1670 +portrait,Realism,ilya-mashkov_portrait-of-major-general-of-medical-services-a-r-zlobin-1943 +abstract_painting,Abstract_Expressionism,john-hoyland_gadal-10-11-86-1986 +illustration,Symbolism,william-blake_illustration-to-milton-s-paradise-lost-1808-4 +portrait,Baroque,gabriel-metsu_the-tippler-the-wine-drinker-1657 +religious_painting,Cubism,franz-marc_saint-julian-l-hospitalier-1913 +portrait,Realism,john-singer-sargent_henry-cabot-lodge-1890 +genre_painting,Cubism,gino-severini_harlequins-1954 +landscape,Realism,ivan-shishkin_forest-stream-1 +illustration,Art_Nouveau_Modern,aubrey-beardsley_not_detected_245638 +portrait,Rococo,joshua-reynolds_alexander-10th-duke-of-hamilton +genre_painting,Naive_Art_Primitivism,david-burliuk_peasant-couple-1945 +landscape,Impressionism,childe-hassam_old-house-east-hampton +portrait,Mannerism_Late_Renaissance,parmigianino_man-with-a-book-1526 +religious_painting,Symbolism,franz-stuck_susanna-and-the-elders-1904 +portrait,Art_Nouveau_Modern,henri-de-toulouse-lautrec_jardin-de-paris-may-belfort-plakat-1883 +still_life,Romanticism,eugene-delacroix_still-life-with-lobsters-1827(1) +religious_painting,Early_Renaissance,fra-angelico_annunciation-detail +genre_painting,Naive_Art_Primitivism,william-h.-johnson_folk-family-1944 +genre_painting,Contemporary_Realism,jamie-wyeth_meteor-shower-1993 +portrait,Impressionism,augustus-john_edwin-john-1911 +genre_painting,Romanticism,jehan-georges-vibert_chatting-by-the-fountain +portrait,Baroque,diego-velazquez_portrait-of-a-young-man-1623 +cityscape,Art_Nouveau_Modern,nicholas-roerich_walls-of-kremlin-in-novgorod-1903 +landscape,Post_Impressionism,andre-derain_the-river-1912 +portrait,Expressionism,lajos-tihanyi_portrait-of-gr-sz-andor-1915 +landscape,Realism,gustave-courbet_the-oak-of-flagey-the-oak-of-vercingetorix-1864 +landscape,Realism,vincent-van-gogh_lower-part-of-the-windmill-de-laakmolen-1882 +abstract_painting,Color_Field_Painting,brice-marden_study-ii-1981 +landscape,Post_Impressionism,vincent-van-gogh_wheat-fields-with-stacks-1888 +religious_painting,Symbolism,james-tissot_the-mess-of-pottage +landscape,Realism,camille-corot_fields-with-a-village-on-the-horizon-two-figures-in-the-foreground +nude_painting,Expressionism,salvador-dali_woman-undressing +genre_painting,Symbolism,mikhail-nesterov_by-volga-1905 +still_life,Impressionism,pierre-auguste-renoir_still-life-with-peaches-1 +genre_painting,Impressionism,rudolf-schweitzer-cumpana_oltean-cu-cobili +portrait,New_Realism,george-luks_portrait-of-a-girl-in-black +still_life,Impressionism,andre-dunoyer-de-segonzac_la-bouteille-de-vin-blanc +abstract_painting,Minimalism,frank-stella_arbeit-macht-frei-1967 +landscape,Post_Impressionism,karl-schrag_the-artist-house-through-the-trees +still_life,Baroque,frans-snyders_vegetable-still-life +religious_painting,Baroque,francisco-de-zurbaran_st-francis-in-meditation-1639 +portrait,Impressionism,peder-severin-kroyer_frederikke-tuxen-1882 +genre_painting,Expressionism,ernst-ludwig-kirchner_circus-rider-1 +landscape,Post_Impressionism,vincent-van-gogh_olive-trees-against-a-slope-of-a-hill-1889 +sketch_and_study,Early_Renaissance,andrea-del-verrocchio_woman-looking-down +landscape,Post_Impressionism,mary-fedden_coastal-landscape-1973 +genre_painting,Impressionism,joaquã­n-sorolla_bathing-time-1904 +landscape,Expressionism,margareta-sterian_parish-in-the-mountains-with-painted-houses +still_life,Post_Impressionism,david-burliuk_futurist-still-life-with-cactus-1928 +genre_painting,Art_Nouveau_Modern,boris-kustodiev_apple-orchard-1918 +landscape,Post_Impressionism,vincent-van-gogh_daubigny-s-garden-1890(1) +sketch_and_study,Realism,vasily-vereshchagin_ananuri-1863 +portrait,Mannerism_Late_Renaissance,agnolo-bronzino_portrait-of-eleonora-da-toledo +genre_painting,Impressionism,camille-pissarro_suicide-of-an-abandoned-woman +religious_painting,Baroque,le-nain-brothers_the-supper-at-emmaus-1645 +cityscape,Impressionism,claude-monet_seine-at-asnieres-1873 +landscape,Realism,vincent-van-gogh_pollard-birches-1884 +portrait,Impressionism,pierre-auguste-renoir_girl-with-a-watering-can-1876 +portrait,Contemporary_Realism,lucian-freud_girl-in-bed-1952 +landscape,Impressionism,claude-monet_group-of-rocks-at-port-goulphar +landscape,Realism,ivan-shishkin_herd-in-the-forest-1864 +landscape,Realism,gustave-courbet_the-wave-1870 +abstract_painting,Minimalism,judy-chicago_pasadena-lifesavers-yellow-series-2-1970 +genre_painting,Naive_Art_Primitivism,william-h.-johnson_farewell-1942 +landscape,Impressionism,gustave-caillebotte_the-park-at-yerres +landscape,Romanticism,caspar-david-friedrich_wc-croix-et-cath-drale-dans-la-montagne-1812-1812-museum-kunstpalast-height0-45-cm-17-7-in +landscape,Realism,ivan-shishkin_fir-forest-1891 +portrait,Realism,konstantin-makovsky_head-of-the-old-woman +portrait,Impressionism,childe-hassam_self-portrait +landscape,Impressionism,claude-monet_sunlight-effect-under-the-poplars +landscape,Impressionism,claude-monet_morning-on-the-seine-02 +still_life,Post_Impressionism,william-scott_still-life-with-white-mug-1957 +portrait,Baroque,rembrandt_study-for-one-of-the-syndics-of-the-cloth-guild-1662 +cityscape,Impressionism,camille-pissarro_mardi-gras-on-the-boulevards-1897 +portrait,Ukiyo_e,kitagawa-utamaro_a-scene-on-the-bridge-and-beld-1 +still_life,Realism,henri-fantin-latour_still-life-flowers-bowl-of-fruit-and-pitcher-1865 +cityscape,Post_Impressionism,vincent-van-gogh_white-house-at-night-1890 +religious_painting,Northern_Renaissance,jean-fouquet_john-on-patmos-1460 +portrait,Realism,nikolay-bogdanov-belsky_boy-with-balalaika +genre_painting,Baroque,david-teniers-the-younger_carnival-the-king-drinks-1690 +portrait,Art_Nouveau_Modern,wilhelm-kotarbinski_adagio2 +abstract_painting,Abstract_Expressionism,sam-francis_hommage-a-vincent-van-gogh-1989 +abstract_painting,Minimalism,alighiero-boetti_cinque-per-cinque-venticinque-1983 +nude_painting,Expressionism,henri-matisse_nude +genre_painting,Impressionism,nutzi-acontz_terrace-in-balcic-1930 +portrait,Naive_Art_Primitivism,arman-manookian_shaman-1930 +portrait,Expressionism,pyotr-konchalovsky_portrait-of-an-italian-pianist-and-conductor-carlo-tsekki-1930-1 +cityscape,Post_Impressionism,salvador-dali_untitled-bridge-with-reflections-sketch-for-a-dual-image-picture-unfinished +abstract_painting,Color_Field_Painting,mark-rothko_no-8-1952 +portrait,Rococo,vladimir-borovikovsky_portrait-of-d-p-troschinsky +portrait,Impressionism,pierre-auguste-renoir_woman-with-a-necklace-1910 +cityscape,Art_Nouveau_Modern,nicholas-roerich_yaroslavl-church-of-virgin-nativity-1903 +genre_painting,Realism,nikolay-bogdanov-belsky_music-lesson +portrait,Realism,pierre-auguste-renoir_leonard-renoir-1869 +sketch_and_study,Mannerism_Late_Renaissance,jacopo-pontormo_study-of-two-carthusian-monks-1525 +genre_painting,Impressionism,william-james-glackens_a-stroll-in-the-park +portrait,Post_Impressionism,henri-matisse_young-spanish +religious_painting,Early_Renaissance,domenico-veneziano_st-john-in-the-desert +still_life,Naive_Art_Primitivism,niko-pirosmani_still-life-2 +portrait,Realism,ilya-repin_portrait-of-general-and-statesman-mikhail-ivanovich-dragomirov-1889 +landscape,Realism,volodymyr-orlovsky_ukrainian-landscape-1 +genre_painting,Impressionism,childe-hassam_mixed-foursome +landscape,Ukiyo_e,hiroshige_hodogaya-shinkame-bashi-station-5 +portrait,High_Renaissance,giovanni-bellini_portrait-of-a-young-man-1 +landscape,Fauvism,georges-braque_landscape-at-la-ciotat-1907-2 +genre_painting,Romanticism,francisco-goya_scene-of-rape-and-murder-1812 +genre_painting,Realism,fyodor-bronnikov_capuchin-1881 +portrait,Post_Impressionism,pierre-bonnard_misia-at-the-piano-also-known-as-portrait-of-misia-natanson +landscape,Impressionism,maxime-maufra_by-the-sea +genre_painting,Symbolism,nicholas-roerich_human-ancestors-1940 +sketch_and_study,Romanticism,dante-gabriel-rossetti_head-of-a-youth +portrait,Impressionism,john-singer-sargent_ellen-terry-as-lady-macbeth-1889 +landscape,Symbolism,nicholas-roerich_lake-ladoga-islands-1918 +landscape,Realism,vasily-polenov_house-of-polenov-in-behovo +landscape,Impressionism,homer-watson_mountain-river-1932 +portrait,Realism,thomas-eakins_frank-jay-st-john-1900 +still_life,Expressionism,adolf-fleischmann_sill-life-with-fruits-mussels-and-a-bottle +still_life,Post_Impressionism,paula-modersohn-becker_still-life-with-yellow-jug +landscape,Impressionism,willard-metcalf_spring-in-the-valley +genre_painting,Impressionism,rudolf-schweitzer-cumpana_hamali-n-portul-br-ila-1926 +genre_painting,Naive_Art_Primitivism,grandma-moses_eagle-bridge-hotel-1959 +genre_painting,Realism,vasily-vereshchagin_the-sale-of-the-child-slave-1872 +genre_painting,Impressionism,john-singer-sargent_siesta-1905 +portrait,Cubism,lyubov-popova_the-traveler +portrait,Rococo,antoine-pesne_portrait-of-christian-august-prince-of-anhalt-zerbst-father-of-catherine-ii-of-russia-1725 +landscape,Symbolism,mikalojus-ciurlionis_fugue-1908 +genre_painting,Art_Nouveau_Modern,aubrey-beardsley_a-snare-of-vintage +genre_painting,Ukiyo_e,katsushika-hokusai_the-bullock-cart +religious_painting,Early_Renaissance,domenico-ghirlandaio_the-nativity +portrait,Post_Impressionism,maurice-prendergast_in-the-library-also-known-as-three-school-girls +genre_painting,Impressionism,mary-cassatt_a-woman-and-child-in-the-driving-seat-1881 +cityscape,Impressionism,willard-metcalf_pont-royal +still_life,Expressionism,konstantinos-parthenis_still-life-with-bottles +still_life,Cubism,jean-david_still-life-1950 +sketch_and_study,Symbolism,kuzma-petrov-vodkin_in-the-smithy-1932 +religious_painting,Romanticism,gustave-dore_david-mourns-the-death-of-absalom +portrait,Impressionism,edgar-degas_portrait-of-a-woman +landscape,Realism,fyodor-vasilyev_village-1 +portrait,Realism,salvador-dali_the-angelus-of-gala +sketch_and_study,Cubism,pablo-picasso_carnival-at-the-bistro-1909 +genre_painting,Realism,nikolay-bogdanov-belsky_newcomers +landscape,Realism,ivan-shishkin_forest-reserve-pine-grove-1881 +genre_painting,Post_Impressionism,paul-gauguin_nativity-1896 +genre_painting,Impressionism,pierre-auguste-renoir_two-sisters-1889 +landscape,Impressionism,claude-monet_the-bodmer-oak-fontainebleau +still_life,Cubism,pablo-picasso_flowers-in-a-grey-jar-1908 +sketch_and_study,Realism,vincent-van-gogh_peasant-woman-lifting-potatoes-6-1885 +abstract_painting,Abstract_Expressionism,jane-frank_winter-windows-1967 +genre_painting,Naive_Art_Primitivism,fernand-leger_leisures-on-red-bottom-1949 +abstract_painting,Abstract_Expressionism,terry-frost_winter-1956-yorkshire-1956 +religious_painting,High_Renaissance,titian_entombment-of-christ-1526 +still_life,Impressionism,vanessa-bell_flowers-in-a-glass-vase-with-abstract-needlework-design +genre_painting,Symbolism,nicholas-roerich_mekheski-moon-people-1915 +portrait,Romanticism,orest-kiprensky_peasant-boy-1814 +illustration,Expressionism,ernst-ludwig-kirchner_book-illustration-side-of-the-military-road +genre_painting,Baroque,hendrick-terbrugghen_the-singing-lute-player-1624 +genre_painting,Impressionism,pierre-auguste-renoir_woman-with-a-guitar-1897 +landscape,Impressionism,alfred-sisley_evening-in-moret-end-of-october-1888 +nude_painting,Expressionism,lucian-freud_benefits-supervisor-sleeping-ii +cityscape,Post_Impressionism,pierre-bonnard_trouville-the-exit-to-the-port +landscape,Realism,fyodor-vasilyev_swamp-in-a-forest-mist +landscape,Art_Nouveau_Modern,gustav-klimt_the-sunflower-1907 +portrait,Impressionism,thalia-flora-karavia_lady-in-an-interior +sketch_and_study,Baroque,rembrandt_female-nude-with-snake-cleopatra-1637 +still_life,Synthetic_Cubism,pablo-picasso_bottle-of-vieux-marc-glass-guitar-and-newspaper-1913 +sketch_and_study,Symbolism,nicholas-roerich_sketch-for-tale-of-tsar-saltan-1919-1 +illustration,Naive_Art_Primitivism,marc-chagall_petrouchka +illustration,Symbolism,mikhail-vrubel_demon-and-angel-with-tamara-s-soul-1891 +landscape,Impressionism,giuseppe-de-nittis_in-the-forest +portrait,Fauvism,henri-matisse_portrait-of-andre-derain-1905 +still_life,Impressionism,childe-hassam_jonquils +religious_painting,Baroque,jacob-jordaens_holy-women-at-the-sepulchre +portrait,High_Renaissance,andrea-solario_portrait-of-a-man-1 +landscape,Impressionism,camille-pissarro_louveciennes-1872 +genre_painting,Symbolism,konstantin-somov_fireworks +nude_painting,Post_Impressionism,albert-marquet_nude-on-a-divan-1912 +portrait,Baroque,anthony-van-dyck_the-lomellini-family-1627 +sketch_and_study,Mannerism_Late_Renaissance,jacopo-pontormo_study-for-the-deluge +portrait,Baroque,frans-hals_portrait-of-a-man-1634 +illustration,Symbolism,mstislav-dobuzhinsky_project-for-the-first-almanac-chipovnick-1906 +still_life,Cubism,juan-gris_the-cloud-1921 +illustration,Symbolism,mikhail-vrubel_head-of-demon-with-mountains-1890 +portrait,Expressionism,yiannis-tsaroychis_sailor-1962 +portrait,Romanticism,john-william-waterhouse_portrait-of-mrs-charles-schreiber-1912 +landscape,Symbolism,ferdinand-hodler_jungfrau-massif-and-schwarzmonch-1911 +still_life,Contemporary_Realism,janet-fish_nasturtiums-and-pink-cups-1981 +abstract_painting,Abstract_Expressionism,john-hoyland_trace-1979 +sketch_and_study,Post_Impressionism,pablo-picasso_two-nudes-and-a-cat-1903 +genre_painting,Symbolism,nicholas-roerich_lonely-stranger-1931 +abstract_painting,Minimalism,piero-manzoni_achrome-1960-1 +cityscape,Impressionism,claude-monet_the-jetty-at-le-havre-1868 +genre_painting,Impressionism,john-singer-sargent_simplon-pass-the-green-parasol-1911 +portrait,Realism,ivan-kramskoy_portrait-of-the-artist-g-g-myasoedov-1872 +landscape,Impressionism,claude-monet_vetheuil-seen-from-ile-saint-martin +genre_painting,Impressionism,edgar-degas_the-cup-of-tea-breakfast-after-bathing-1883 +genre_painting,Symbolism,nicholas-roerich_banner-of-the-future-1925 +landscape,Expressionism,mary-fedden_lanzarote-1977 +landscape,Impressionism,paul-gauguin_orchard-under-the-church-of-bihorel-children-in-the-pasture-1884 +religious_painting,Baroque,alonzo-cano_immaculate-conception-1648 +nude_painting,Expressionism,balthus_the-turkish-room-1963 +portrait,Art_Nouveau_Modern,raphael-kirchner_portraits-of-viennese-ladies-1901-3 +genre_painting,Impressionism,mary-cassatt_motherhood-1 +portrait,Impressionism,pierre-auguste-renoir_margot-berard-1879 +landscape,Realism,isaac-levitan_big-road-sunny-autumn-day-1897 +religious_painting,Early_Renaissance,filippo-lippi_ambrose-legend-1441 +abstract_painting,Abstract_Expressionism,barnett-newman_untitled-1946 +nude_painting,Baroque,artemisia-gentileschi_cleopatra +religious_painting,Northern_Renaissance,bernhard-strigel_john-the-evangelist +religious_painting,Early_Renaissance,benozzo-gozzoli_martyrdom-of-st-sebastian +landscape,Realism,nikolay-bogdanov-belsky_snow-in-the-morning +landscape,Realism,isaac-levitan_before-the-thunderstorm-1879 +illustration,Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-russian-fairy-story-the-frog-princess-1901(1) +portrait,Post_Impressionism,pablo-picasso_portrait-of-juli-gonzalez-1902 +portrait,Post_Impressionism,vincent-van-gogh_portrait-of-a-woman-madame-tanguy +portrait,Romanticism,karl-bryullov_portrait-of-m-a-kikina-1822 +landscape,Impressionism,alfred-sisley_saint-mammes-1885-2 +religious_painting,Mannerism_Late_Renaissance,giorgio-vasari_badia-fiorentina-church +landscape,Realism,gustave-courbet_swiss-landscape-with-flowering-apple-tree +landscape,Romanticism,thomas-cole_the-voyage-of-life-manhood-1 +genre_painting,Romanticism,sir-lawrence-alma-tadema_this-is-our-corner-1872 +sketch_and_study,Realism,vasily-polenov_architectural-sketches-from-travelling-in-germany-1872 +religious_painting,Naive_Art_Primitivism,marc-chagall_david-on-his-throne-hosts-his-rebellious-son-absalom-forgives-him-and-kisses-him-ii-samuel-xiv +portrait,Impressionism,mary-cassatt_girl-s-head-green-background +nude_painting,Naive_Art_Primitivism,pablo-picasso_lying-female-nude-1932 +sketch_and_study,Expressionism,paula-modersohn-becker_seated-woman-in-market-stalls-1906 +genre_painting,Post_Impressionism,maurice-prendergast_horseback-riders +sketch_and_study,Naive_Art_Primitivism,fernand-leger_street-of-dantzig +genre_painting,Romanticism,sir-lawrence-alma-tadema_dutch-art-in-the-nineteenth-century-1908 +genre_painting,Expressionism,ernst-ludwig-kirchner_five-women-on-the-street +portrait,Naive_Art_Primitivism,henri-rousseau_the-wedding-party +still_life,Impressionism,sever-burada_anemone-1925 +religious_painting,Northern_Renaissance,jean-fouquet_st-jacques-appears-to-charlemagne-1460 +cityscape,Symbolism,konstantin-bogaevsky_port-of-imaginary-city-1932 +portrait,Fauvism,rik-wouters_lady-in-blue-in-front-of-a-mirror-1914 +still_life,Impressionism,octav-bancila_flori-de-m-r +portrait,Art_Nouveau_Modern,felix-vallotton_portrait-of-french-writer-and-poet-adolphe-rett-1898 +cityscape,Post_Impressionism,pierre-bonnard_the-house-of-misia-sert-1906 +landscape,Expressionism,martiros-saryan_scene-from-the-train-window-1960 +genre_painting,Art_Nouveau_Modern,raphael-kirchner_behind-the-scenes-1900 +portrait,Romanticism,karl-bryullov_portrait-of-teresa-michele-tittoni-with-sons-1852 +illustration,Romanticism,gustave-dore_orlando-furioso-6 +abstract_painting,Abstract_Expressionism,joan-mitchell_untitled-1987 +landscape,Impressionism,gregoire-boonzaier_houses-on-a-hillside-bo-kaap-1940 +portrait,Realism,ilya-repin_portrait-of-a-woman-e-d-botkina-1881 +religious_painting,Early_Renaissance,jacopo-bellini_madonna-and-child(1) +abstract_painting,Abstract_Expressionism,mark-tobey_message-from-a-desert-star-1972 +cityscape,Symbolism,mstislav-dobuzhinsky_province-voronezh-1912 +sketch_and_study,High_Renaissance,michelangelo_portrait-of-vittoria-colonna +still_life,Cubism,georges-braque_the-round-table-1929 +religious_painting,Symbolism,james-tissot_moses-strikes-the-rock +still_life,Post_Impressionism,paul-cezanne_fruit-bowl-pitcher-and-fruit-1894 +religious_painting,Northern_Renaissance,martin-schongauer_engraving-on-copper-of-the-annunciation +portrait,Mannerism_Late_Renaissance,tintoretto_portrait-of-a-collector-1565 +religious_painting,Northern_Renaissance,hieronymus-bosch_the-garden-of-earthly-delights-1516-6 +cityscape,Post_Impressionism,gustave-loiseau_martigues +abstract_painting,Abstract_Expressionism,howard-mehring_all-green-1958 +landscape,Impressionism,abdullah-suriosubroto_air-terjun +portrait,Impressionism,edgar-degas_seated-woman-1895 +genre_painting,Naive_Art_Primitivism,grã©goire-michonze_figures-in-the-village-1948 +abstract_painting,Abstract_Expressionism,paul-reed_12-1964 +religious_painting,Baroque,caravaggio_annunciation-1608(1) +nude_painting,Impressionism,pierre-auguste-renoir_seated-nude-combing-her-hair +abstract_painting,Abstract_Expressionism,perle-fine_black-on-yellow-1952 +genre_painting,Post_Impressionism,maurice-prendergast_ladies-in-a-seaside-arbor +landscape,Impressionism,claude-monet_the-ice-floes +cityscape,Impressionism,boris-kustodiev_view-from-the-window-of-the-academy-of-fine-arts +portrait,Expressionism,billy-childish_billy-and-traci-2001 +religious_painting,Art_Nouveau_Modern,wilhelm-kotarbinski_agony-in-the-garden-1 +abstract_painting,Fauvism,charles-lapicque_untitled-1959 +portrait,Realism,vincent-van-gogh_gordina-de-groot-head-1885(1) +portrait,Mannerism_Late_Renaissance,el-greco_portrait-of-fray-hortensio-felix-paravicino-1609 +portrait,Post_Impressionism,henri-de-toulouse-lautrec_a-worker-at-celeyran-1882 +portrait,Northern_Renaissance,albrecht-durer_portrait-of-jakob-fugger +genre_painting,Expressionism,kathe-kollwitz_outbreak-1908 +portrait,Impressionism,james-mcneill-whistler_rose-et-argent-la-jolie-mutine +genre_painting,Impressionism,ferdinand-hodler_the-netmender +portrait,Realism,james-tissot_the-farewell +portrait,Expressionism,kees-van-dongen_josephine-baker-1925 +still_life,Synthetic_Cubism,juan-gris_bottle-glass-and-newspaper +abstract_painting,Minimalism,agnes-martin_loving-love +religious_painting,High_Renaissance,raphael_detail-of-the-tempi-madonna-1508 +portrait,Rococo,jean-honore-fragonard_the-little-sultan-1776 +portrait,Symbolism,franz-stuck_fighting-amazons-1897 +cityscape,Post_Impressionism,paul-cezanne_the-roofs +illustration,Romanticism,gustave-dore_don-quixote-58 +genre_painting,Cubism,vasile-dobrian_crop-harvesting +portrait,Realism,thomas-eakins_portrait-of-mrs-leigo-1906 +portrait,Impressionism,camille-pissarro_old-wingrower-in-moret-1902 +abstract_painting,Color_Field_Painting,frank-stella_sinjerli-variation-iv-1977 +genre_painting,Impressionism,eva-gonzales_afternoon-tea-aka-on-the-terrace +abstract_painting,Minimalism,fred-sandback_untitled-1983 +nude_painting,Baroque,agostino-carracci_bachus-and-ariane +religious_painting,Northern_Renaissance,hugo-van-der-goes_the-fall +landscape,Impressionism,claude-monet_riverbank-at-argenteuil +genre_painting,Baroque,jan-steen_doctor-s-visit-1670 +genre_painting,Impressionism,joaquã­n-sorolla_waiting-1888 +portrait,Rococo,joshua-reynolds_gertrude-duchess-of-bedford +sketch_and_study,Realism,edouard-manet_portrait-of-madame-julles-guillemet +religious_painting,Mannerism_Late_Renaissance,parmigianino_st-catherine +landscape,Symbolism,nicholas-roerich_kardang-1932 +still_life,Cubism,pablo-picasso_flowers-on-the-table-1907 +genre_painting,Romanticism,david-wilkie_the-first-earring +portrait,Expressionism,david-bomberg_vigilante-1955 +landscape,Impressionism,henry-herbert-la-thangue_the-mulberry-tree +cityscape,Impressionism,antoine-blanchard_place-de-la-republic-6 +abstract_painting,Cubism,jacques-villon_abstract-figure-in-a-landscape +genre_painting,Expressionism,ligia-macovei_partygoers +landscape,Impressionism,claude-monet_vetheuil-in-summer +sketch_and_study,Realism,vincent-van-gogh_peasant-woman-stooping-between-sheaves-of-grain-1885 +landscape,Realism,camille-corot_volterra-church-and-bell-tower-1834 +religious_painting,High_Renaissance,lorenzo-lotto_mystic-marriage-of-saint-catherine-of-alexandria-and-saint-catherine-of-siena-1524 +portrait,Cubism,aristarkh-lentulov_portrait-of-the-regisseur-alexander-tairov-1920 +cityscape,Realism,vasily-sadovnikov_policeman-bridge-in-the-1830s-now-green-bridge +sketch_and_study,Impressionism,pierre-auguste-renoir_portrait-of-jean-1896 +abstract_painting,Expressionism,ion-pacea_the-garden +portrait,Impressionism,philip-wilson-steer_portrait-of-miss-rose-pettigrew +landscape,Post_Impressionism,maurice-prendergast_blue-mountains +cityscape,Romanticism,ivan-aivazovsky_byron-in-venice +sketch_and_study,Realism,vincent-van-gogh_four-people-sharing-a-meal-1885(1) +landscape,Impressionism,childe-hassam_flower-garden-isles-of-shoals +cityscape,Expressionism,spyros-papaloukas_abbey-koutloumousiou-1924 +genre_painting,Impressionism,berthe-morisot_on-the-lake-in-the-bois-de-boulogne +religious_painting,Mannerism_Late_Renaissance,tintoretto_christ-washing-the-feet-of-the-disciples +genre_painting,Rococo,jean-baptiste-simeon-chardin_draughtsman-1737 +abstract_painting,Abstract_Expressionism,mark-tobey_washington +landscape,Post_Impressionism,maurice-de-vlaminck_a-road +landscape,Romanticism,caspar-david-friedrich_wc-cdfriedrichdeinsbaum-0281029 +genre_painting,Expressionism,pablo-picasso_the-harem-1906 +genre_painting,Pointillism,henri-edmond-cross_the-excursionists-1894 +religious_painting,Mannerism_Late_Renaissance,giorgio-vasari_martyrdom-of-st-stephen +landscape,Realism,ivan-shishkin_gathering-mushrooms +portrait,Realism,alexey-venetsianov_portrait-of-the-merchant-obraztsov +cityscape,Expressionism,zinaida-serebriakova_florence-ponte-vecchio-1932 +nude_painting,Expressionism,lucian-freud_sunny-morning-eight-legs +landscape,Romanticism,william-turner_the-festival-of-the-opening-of-the-vintage-macon +genre_painting,Impressionism,pierre-auguste-renoir_women-and-child +portrait,Post_Impressionism,nicolae-vermont_in-the-sun +landscape,Post_Impressionism,gustave-loiseau_etretat-1902 +abstract_painting,Abstract_Expressionism,jimmy-ernst_exile-1974 +abstract_painting,Minimalism,john-mclaughlin_untitled-blue-vertical-lines-1963 +landscape,Post_Impressionism,salvador-dali_the-garden-at-lyane +landscape,Realism,ivan-shishkin_forest-stream +religious_painting,Early_Renaissance,carlo-crivelli_the-central-panels-of-the-polyptych +portrait,Cubism,marc-chagall_david-1914 +portrait,Baroque,johannes-vermeer_girl-with-a-flute +cityscape,Impressionism,childe-hassam_lady-walking-down-fifth-avenue +portrait,Baroque,anthony-van-dyck_portrait-of-porzia-imperiale-and-her-daughter-1628 +genre_painting,Impressionism,camille-pissarro_the-potato-harvest-1874 +landscape,Expressionism,edvard-munch_old-trees-1925 +genre_painting,Naive_Art_Primitivism,pavel-filonov_musicians-1912 +portrait,Romanticism,orest-kiprensky_portrait-of-olimpiada-aleksandrovna-ryumina-1826 +portrait,Impressionism,wilhelm-leibl_portr-t-des-tierarztes-dr-reindl-in-der-laube-1890 +genre_painting,Expressionism,zinaida-serebriakova_patio-1928 +abstract_painting,Abstract_Expressionism,john-ferren_branches-1955 +landscape,Realism,boris-kustodiev_summer-evening +landscape,Post_Impressionism,paul-gauguin_willow-by-the-aven-1888 +genre_painting,Impressionism,maurice-prendergast_excursionists-nahant +landscape,Art_Nouveau_Modern,anna-ostroumova-lebedeva_sea-stones-1902 +cityscape,Impressionism,childe-hassam_spring-morning-in-the-heart-of-the-city-aka-madison-square-new-york +portrait,Impressionism,octav-bancila_ig-ncu-cu-basma-ro-ie-1908 +abstract_painting,Color_Field_Painting,jack-bush_flute-passage-1975 +genre_painting,Northern_Renaissance,lucas-cranach-the-elder_stag-hunt-of-elector-friedrich-iii-the-wise-1529 +landscape,Impressionism,alfred-sisley_snow-at-louveciennes-1873 +genre_painting,Impressionism,nikolay-bogdanov-belsky_reading-by-the-lamp-schoolgirl +cityscape,Symbolism,mstislav-dobuzhinsky_a-small-house-in-st-petersburg-1905 +abstract_painting,Minimalism,judy-chicago_pasadena-lifesavers-red-5-1970 +landscape,Post_Impressionism,martiros-saryan_blossoming-tree-1907 +still_life,Realism,vincent-van-gogh_plaster-statuette-of-a-male-torso-1886 +genre_painting,Impressionism,thomas-eakins_negro-boy-on-a-bay-horse +portrait,Baroque,jacques-stella_louis-ii-de-bourbon-duc-d-enghien +nude_painting,Art_Nouveau_Modern,zinaida-serebriakova_katyusha +sketch_and_study,Romanticism,alphonse-mucha_daughter +cityscape,Fauvism,ilya-mashkov_urban-landscape-1909 +landscape,Impressionism,childe-hassam_gloucester +genre_painting,Realism,nikolay-bogdanov-belsky_future-monk +genre_painting,Expressionism,marc-chagall_interior-ii-1911 +still_life,Post_Impressionism,vincent-van-gogh_plaster-statuette-of-a-female-torso-1886-1 +landscape,Baroque,rembrandt_a-cottage-with-white-pales-1642 +illustration,Romanticism,gustave-dore_don-quixote-138 +abstract_painting,Abstract_Expressionism,cy-twombly_quattro-stagioni-part-iii-autunno-1994 +landscape,Realism,vincent-van-gogh_lane-with-poplars-near-nuenen-1885 +portrait,Expressionism,zinaida-serebriakova_young-moroccan-1932 +religious_painting,Naive_Art_Primitivism,marc-chagall_hannah-prays-to-the-lord-for-a-son-who-will-be-samuel-i-samuel-i-9-11 +abstract_painting,Abstract_Expressionism,paul-reed_parsee-1998 +portrait,Baroque,diego-velazquez_young-spanish-gentleman-1631 +sketch_and_study,Baroque,bartolome-esteban-murillo_praying-monk +genre_painting,Realism,vasily-perov_pilgrims-on-a-pilgrimage-1867 +portrait,Naive_Art_Primitivism,fernando-botero_delphine +sketch_and_study,Romanticism,thomas-moran_canyon-walls-yellowstone-sketch-1871 +genre_painting,Art_Nouveau_Modern,henri-de-toulouse-lautrec_chocolat-dancing-in-the-irish-and-american-bar +landscape,Realism,charles-francois-daubigny_french-coastal-scene-1868 +genre_painting,Naive_Art_Primitivism,fernand-leger_manufacturers-on-a-blue-background-1951 +portrait,Realism,ivan-kramskoy_portrait-of-pyotr-valuev-1880 +portrait,Expressionism,amedeo-modigliani_seated-young-woman +genre_painting,Impressionism,nikolay-bogdanov-belsky_waiting-for-the-ferry +genre_painting,Impressionism,edgar-degas_dancer-with-left-arm-raised-1887 +religious_painting,Baroque,yov-kondzelevych_icon-of-the-savior-from-the-village-of-horodyshche-in-volhynia-late-17th-century +portrait,Impressionism,pierre-auguste-renoir_paul-cezanne-1880 +genre_painting,Impressionism,edgar-degas_rest-1893 +genre_painting,Post_Impressionism,henri-de-toulouse-lautrec_the-salon-de-la-rue-des-moulins-1894 +still_life,Fauvism,ilya-mashkov_still-life-roses +landscape,Symbolism,nicholas-roerich_sunset-1933 +genre_painting,Impressionism,gustave-caillebotte_angling-1878 +portrait,Mannerism_Late_Renaissance,titian_portrait-of-count-antonio-porcia +still_life,Impressionism,pierre-auguste-renoir_still-life-with-fish +landscape,Impressionism,alfred-sisley_lane-of-poplars-at-moret-1888 +sketch_and_study,Baroque,rembrandt_men-in-oriental-dress-and-two-studies-of-a-beggar-in-the-half-figure-1645 +genre_painting,Rococo,pietro-longhi_conversation-in-the-family +religious_painting,Mannerism_Late_Renaissance,paolo-veronese_virgin-and-child-with-saints-1565 +still_life,Post_Impressionism,mary-fedden_clonakilty-co-cork-2002 +religious_painting,Northern_Renaissance,hieronymus-bosch_the-last-judgement-2 +nude_painting,Expressionism,george-bouzianis_nude-sitting-woman-1919 +portrait,Romanticism,konstantin-makovsky_girl-in-the-field +religious_painting,Mannerism_Late_Renaissance,titian_christ-and-the-good-thief +religious_painting,Symbolism,jacek-malczewski_angel-and-the-little-shepherd-boy +portrait,Expressionism,jose-gutierrez-solana_sailor-with-basket +religious_painting,Baroque,guido-reni_saint-peter +genre_painting,Naive_Art_Primitivism,camille-bombois_boy-fishing +landscape,Impressionism,claude-monet_grove-of-olive-trees-in-bordighera +sketch_and_study,Art_Nouveau_Modern,filipp-malyavin_peasant-girl-1910 +abstract_painting,Minimalism,genevieve-asse_atlantique-ii-1991 +religious_painting,Symbolism,maurice-denis_martha-and-mary +abstract_painting,Abstract_Expressionism,theodoros-stamos_october-field-1960 +genre_painting,Impressionism,federico-zandomeneghi_the-tea-1893 +portrait,Impressionism,william-merritt-chase_seated-woman-in-black-dress +landscape,Impressionism,henry-herbert-la-thangue_a-ligurian-gulf-1920 +landscape,Romanticism,adolphe-joseph-thomas-monticelli_the-hay-card +landscape,Impressionism,joaquã­n-sorolla_a-farmhouse-in-valencia +religious_painting,Northern_Renaissance,gerard-david_lineage-of-saint-anne +landscape,Impressionism,alfred-sisley_saint-mammes-evening-1885 +landscape,Contemporary_Realism,neil-welliver_study-for-low-water-knight-s-flowage +religious_painting,Baroque,rembrandt_st-jerome-in-an-italian-landscape-1653 +portrait,Rococo,thomas-gainsborough_portrait-of-maria-walpole-countess-of-waldegrave-later-duchess-of-gloucester +landscape,Realism,ivan-shishkin_the-old-house-on-the-shore-of-the-pond +illustration,Romanticism,gustave-dore_ugolino-ii(1) +nude_painting,Pointillism,henri-edmond-cross_ronde +portrait,Expressionism,nicolae-tonitza_catrina-1 +abstract_painting,Color_Field_Painting,louis-cane_papier-d-coup-et-coll-1967-1 +still_life,Post_Impressionism,arthur-segal_still-life-with-fruits-1911 +genre_painting,Impressionism,edouard-manet_the-banks-of-the-seine-at-argenteuil-1874 +genre_painting,Romanticism,john-collier_pharaoh-s-handmaidens-1883 +portrait,Expressionism,pablo-picasso_woman-in-a-shawl-1902 +portrait,Realism,ivan-kramskoy_portrait-of-the-artist-alexander-dmitrievich-litovchenko-1878 +landscape,Impressionism,william-merritt-chase_wind-swept-sands-shinnecock-long-island +portrait,Impressionism,mary-cassatt_dorothy-in-a-very-large-bonnet-and-a-dark-coat +portrait,Art_Nouveau_Modern,egon-schiele_woman-with-greyhound-edith-schiele-1916 +portrait,Baroque,rembrandt_aristotle-with-a-bust-of-homer-1653 +nude_painting,Symbolism,odilon-redon_nude-woman-on-the-rocks-jpeg +abstract_painting,Abstract_Expressionism,paul-jenkins_untitled-3 +abstract_painting,Minimalism,richard-tuttle_edges-1999 +still_life,Synthetic_Cubism,georges-braque_violin-and-glass +portrait,Pop_Art,andy-warhol_jack-nicklaus-1978 +nude_painting,Symbolism,zinaida-serebriakova_bathing-1917 +illustration,Art_Nouveau_Modern,aubrey-beardsley_the-toilet-of-helen +religious_painting,High_Renaissance,vittore-carpaccio_presentation-in-the-temple-1510 +sketch_and_study,Realism,vincent-van-gogh_beach-and-boats-1882(1) +still_life,Impressionism,micaela-eleutheriade_vas-cu-flori +genre_painting,Impressionism,edgar-degas_before-the-race-1872 +cityscape,Post_Impressionism,maurice-utrillo_square-tertre-on-montmartre-1 +portrait,Impressionism,roger-fry_portrait-of-edith-sitwell-1918 +abstract_painting,Abstract_Expressionism,walter-battiss_untitled-1966 +religious_painting,Baroque,bernardo-strozzi_saint-john-the-baptist +genre_painting,Impressionism,theophrastos-triantafyllidis_women-in-the-royal-garden-1937 +portrait,Impressionism,isaac-levitan_portrait-of-sofia-petrovna-kuvshinnikov-1894 +genre_painting,Impressionism,joaquã­n-sorolla_children-at-the-beach-1899 +landscape,Romanticism,lev-lagorio_caucasian-view-1889 +nude_painting,Contemporary_Realism,eric-fischl_the-travel-of-romance-scene-ii +religious_painting,Northern_Renaissance,hans-baldung_the-three-kings-altarpiece +sketch_and_study,Post_Impressionism,vincent-van-gogh_apartment-blocks-and-miscellaneous-studies(1) +landscape,Romanticism,william-turner_tree-tops-and-sky-guildford-castle +portrait,Ukiyo_e,utagawa-kuniyoshi_the-sumo-wrestler +religious_painting,Baroque,annibale-carracci_pieta-1600 +still_life,Expressionism,richard-diebenkorn_scissors-and-lemon +portrait,Realism,thomas-eakins_dr-john-h-brinton-1876 +landscape,Romanticism,ivan-aivazovsky_view-of-constantinople-1870 +landscape,Post_Impressionism,paul-cezanne_moulin-de-la-couleuvre-at-pontoise-1881 +genre_painting,Baroque,rembrandt_the-nightwatch-1642 +portrait,Realism,john-singer-sargent_emily-sargent +genre_painting,Impressionism,william-merritt-chase_the-lake-for-miniature-yachts +portrait,Pop_Art,robert-silvers_not-detected-275039 +portrait,Expressionism,henri-matisse_young-woman-in-a-blue-blouse-portrait-of-l-n-delektorskaya-1939 +abstract_painting,Abstract_Expressionism,william-baziotes_yellow-net-1946 +cityscape,Cubism,pyotr-konchalovsky_cassis-boats-1913 +religious_painting,Baroque,rembrandt_belshazzar-s-feast-1635 +genre_painting,Expressionism,georges-braque_a-man-at-the-easel-1942 +portrait,Baroque,frans-hals_portrait-of-a-man-1653 +genre_painting,Realism,jean-francois-millet_woman-carrying-firewood-and-a-pail-1860 +portrait,Expressionism,zinaida-serebriakova_portrait-of-irina-zakolodkina-1943 +portrait,Realism,henri-fantin-latour_portrait-of-alphonse-legros +cityscape,Realism,aleksey-savrasov_early-spring-flood-1868 +portrait,Baroque,diego-velazquez_portrait-of-a-little-girl +portrait,Fauvism,pyotr-konchalovsky_portrait-of-m-p-konchalovsky-in-naval-uniform-1910 +still_life,Baroque,osias-beert_still-life-of-fruit-in-a-wan-li-bowl-1607 +portrait,Romanticism,jan-matejko_portrait-of-a-father +genre_painting,Expressionism,josef-herman_miners-singing-1951 +illustration,Art_Nouveau_Modern,aubrey-beardsley_the-toilet +religious_painting,Naive_Art_Primitivism,marc-chagall_joseph-has-been-recognized-by-his-brothers-1931 +still_life,Realism,vincent-van-gogh_still-life-with-apples-meat-and-a-roll-1886 +genre_painting,Expressionism,max-pechstein_indian-and-woman-1910 +cityscape,Art_Nouveau_Modern,nicholas-roerich_rostov-veliky-yard-in-the-kremlin-1903 +religious_painting,Early_Renaissance,fra-angelico_perugia-altarpiece-1448-1 +portrait,Realism,columbano-bordalo-pinheiro_a-ch-vena-de-ch-1898 +still_life,Cubism,patrick-caulfield_wall-plate-screen-1987 +abstract_painting,Abstract_Expressionism,esteban-vicente_untitled-1977 +genre_painting,Expressionism,henri-matisse_reader-on-a-black-background-1939 +landscape,Post_Impressionism,maxime-maufra_at-low-tide +genre_painting,Post_Impressionism,pablo-picasso_motherhood-1901 +genre_painting,Impressionism,eugene-boudin_laundresses-1 +cityscape,Art_Nouveau_Modern,boris-kustodiev_square-in-krutogorsk-1915 +genre_painting,Naive_Art_Primitivism,grã©goire-michonze_figures-talking-in-a-village-1966 +abstract_painting,Color_Field_Painting,morris-louis_dalet-kaf-1959 +portrait,Realism,vasily-polenov_the-head-of-the-pharisee-1884 +landscape,Realism,isaac-levitan_a-creek-1899 +landscape,Post_Impressionism,vincent-van-gogh_the-starry-night-1888-2 +landscape,Symbolism,nicholas-roerich_a-steep-snow-slope-1924 +genre_painting,Art_Nouveau_Modern,eugã¨ne-grasset_danger-1897 +portrait,Impressionism,pierre-auguste-renoir_the-clearing +portrait,Baroque,bartolome-esteban-murillo_portrait-of-a-gentleman-in-a-ruff-collar-1670 +genre_painting,Romanticism,arthur-hughes_the-sailing-signal-gun-1881 +portrait,Post_Impressionism,paul-gauguin_portrait-of-a-woman-marie-lagadu-1888 +genre_painting,Expressionism,ernst-ludwig-kirchner_cake-walk +religious_painting,Baroque,jacob-jordaens_the-holy-family-and-child-st-john-the-baptist +portrait,Expressionism,emil-nolde_kneeling-negro-girl-1913 +sketch_and_study,Expressionism,ernst-ludwig-kirchner_three-women +sketch_and_study,Baroque,jacob-jordaens_five-studies-of-cows-1624 +genre_painting,Realism,vincent-van-gogh_worn-out-1882 +landscape,Cubism,amadeo-de-souza-cardoso_basque-landscape-1914 +portrait,Expressionism,oskar-kokoschka_not_detected_235878 +sketch_and_study,High_Renaissance,raphael_birth-on-good-friday +religious_painting,High_Renaissance,luca-signorelli_life-of-st-benedict-benedict-drives-the-devil-out-of-a-stone-1502 +sketch_and_study,Naive_Art_Primitivism,marc-chagall_study-to-moses-with-the-burning-bush-1 +portrait,Impressionism,berthe-morisot_jeanne-pontillon-wearing-a-hat +landscape,Impressionism,pierre-auguste-renoir_the-rose-garden-at-wargemont-1879 +illustration,Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-fairytale-white-duck-1902(1) +portrait,Realism,edouard-manet_berthe-morisot-with-a-fan-1872 +sketch_and_study,Realism,vasily-polenov_left-hand-with-the-index-finger +landscape,Post_Impressionism,paul-gauguin_the-hibiskus-tree-1892 +illustration,Art_Nouveau_Modern,raphael-kirchner_new-york-tribune-1916-2 +portrait,Realism,nikolai-ge_portrait-of-ivan-zabela +portrait,Rococo,john-russell_william-dodd-1769 +sketch_and_study,Art_Nouveau_Modern,nicholas-roerich_forest-1912-1 +nude_painting,Impressionism,eliseu-visconti_dorso-de-mulher(1) +religious_painting,Mannerism_Late_Renaissance,el-greco_st-francis-s-vision-of-the-flaming-torch +landscape,Romanticism,william-turner_bonneville-savoy-with-mont-blanc +religious_painting,Symbolism,james-tissot_ordaining-of-the-twelve-apostles-1894 +nude_painting,Art_Nouveau_Modern,raphael-kirchner_brise-of-may +nude_painting,Art_Nouveau_Modern,henri-de-toulouse-lautrec_nude-girl-1893 +portrait,Expressionism,oskar-kokoschka_not_detected_235830 +portrait,Rococo,joshua-reynolds_lady-charles-spencer +landscape,Realism,efim-volkov_summer-landscape-with-fisherman +cityscape,Expressionism,martiros-saryan_yerevan-1924 +cityscape,Romanticism,rudolf-von-alt_the-banking-and-stock-exchange-building-in-the-lord-vienna +genre_painting,Impressionism,pierre-auguste-renoir_gabrielle-jean-and-a-little-girl +portrait,Art_Nouveau_Modern,felix-vallotton_portrait-of-french-writer-joris-karl-huysmans-1898 +portrait,Mannerism_Late_Renaissance,agnolo-bronzino_portrait-of-stefano-iv-colonna-1546 +landscape,Pointillism,georges-seurat_the-forest-at-pontaubert +portrait,Expressionism,amedeo-modigliani_portrait-of-beatrice-hastings-before-a-door-1915 +religious_painting,Early_Renaissance,carlo-crivelli_saint-peter-martyr-and-saint-venetianus-of-camerino-1482 +landscape,Impressionism,camille-pissarro_neaufles-sant-martin-near-gisors-1885 +genre_painting,Impressionism,guy-rose_girl-in-a-wickford-garden-new-england +landscape,Expressionism,martiros-saryan_armenian-village-1929 +portrait,Post_Impressionism,edouard-vuillard_madame-vuillard-seated +religious_painting,Northern_Renaissance,hieronymus-bosch_hermit-saints-triptych +landscape,Impressionism,frits-thaulow_mill-scene +genre_painting,Impressionism,georges-seurat_the-stone-breaker-1884 +landscape,Realism,ivan-shishkin_covert-1894 +landscape,Impressionism,john-henry-twachtman_spring-landscape-1891 +portrait,Ukiyo_e,utagawa-kuniyoshi_the-actor-19 +religious_painting,Northern_Renaissance,robert-campin_triptych-the-two-thieves-with-the-empty-cross-the-entombment-the-resurrection +genre_painting,Impressionism,pierre-auguste-renoir_in-the-loge +religious_painting,Symbolism,salvador-dali_uxnor-lot-in-satuam-salis-conversa-genesis-19-24-1967 +landscape,Impressionism,john-henry-twachtman_the-cascade-in-spring +religious_painting,Mannerism_Late_Renaissance,paolo-veronese_dead-christ-supported-by-two-angels +portrait,Early_Renaissance,filippo-lippi_portrait-of-a-man-and-woman-at-a-casement +abstract_painting,Color_Field_Painting,morris-louis_2-68-1962 +portrait,Realism,john-singer-sargent_madame-gautreau-drinking-a-toast-1883 +cityscape,Pointillism,henri-martin_port-collioure-1 +sketch_and_study,Realism,vincent-van-gogh_people-walking-in-eindhoven-1885 +landscape,Symbolism,nicholas-roerich_ridge-of-everest-1924 +abstract_painting,Minimalism,richard-serra_sketch-6-1981 +abstract_painting,Abstract_Expressionism,richard-pousette-dart_blood-wedding-1958 +portrait,Romanticism,john-william-waterhouse_the-easy-chair +portrait,Romanticism,vasily-tropinin_tropinin-anna-ivanovna-1810 +landscape,Post_Impressionism,david-burliuk_australia-1954 +cityscape,Pointillism,henri-edmond-cross_rio-san-trovaso-venice-1904 +cityscape,Post_Impressionism,paul-serusier_avenue-de-neuilly +religious_painting,Early_Renaissance,benozzo-gozzoli_the-triumph-of-st-thomas-aquinas-1484 +portrait,Post_Impressionism,paul-cezanne_old-woman-with-a-rosary-1896 +religious_painting,Northern_Renaissance,joachim-patinir_st-christopher-bearing-the-christ-child +sketch_and_study,Cubism,carlos-merida_estabilidad-en-dos-puntos-study +portrait,Expressionism,laszlo-mednyanszky_old-man-1897 +still_life,Expressionism,henri-matisse_still-life-with-oranges-ii-1899 +portrait,Baroque,frans-hals_portrait-of-a-bearded-man-with-a-ruff-1625 +religious_painting,Romanticism,john-everett-millais_the-girlhood-of-st-teresa-1893(1) +abstract_painting,Color_Field_Painting,gene-davis_yankee-doodle-1966 +religious_painting,Northern_Renaissance,rogier-van-der-weyden_madonna-and-child-1 +cityscape,Pop_Art,hiro-yamagata_grand-prix-1981 +landscape,Symbolism,martiros-saryan_mountain-landscape-1926 +portrait,Cubism,diego-rivera_motherhood-angelina-and-the-child-diego-1916 +genre_painting,Post_Impressionism,henri-de-toulouse-lautrec_man-and-woman-riding-through-the-woods-1901 +landscape,Realism,gustave-courbet_lake-geneve-before-the-storm +portrait,Impressionism,paul-cezanne_bather-1877 +genre_painting,Impressionism,gustave-caillebotte_woman-at-a-dressing-table +cityscape,Impressionism,john-singer-sargent_the-great-fountain-of-bologna +religious_painting,Northern_Renaissance,albrecht-altdorfer_crucifixion-1526 +landscape,Impressionism,guy-rose_french-farm +portrait,Rococo,carl-ludwig-johann-christineck_portrait-of-semen-ivanovich-mordvinov-as-chevalier-of-the-order-of-st-andrew-1771 +religious_painting,Northern_Renaissance,albrecht-durer_st-christopher-facing-to-the-left-1521 +landscape,Post_Impressionism,edouard-vuillard_sea-at-sunset-women-on-the-shore +portrait,Naive_Art_Primitivism,niko-pirosmani_cook +genre_painting,Fauvism,august-macke_fashion-window +portrait,Northern_Renaissance,hans-holbein-the-younger_desiderius-erasmus +portrait,Romanticism,karl-bryullov_portrait-of-antonio-tittoni-1852(1) +landscape,Impressionism,alfred-sisley_banks-of-the-loing-winter-1896 +genre_painting,Art_Nouveau_Modern,wilhelm-kotarbinski_fin +landscape,Realism,isaac-levitan_evening-sunset-1895 +portrait,Romanticism,alfred-stevens_yamatori-1878 +cityscape,Symbolism,konstantin-bogaevsky_frontispiece-1912 +portrait,Rococo,dmitry-levitzky_count-ivan-grigoryevich-chernyshov +genre_painting,Cubism,roy-lichtenstein_the-red-horseman-1974 +sketch_and_study,Baroque,jacob-jordaens_allegory-of-fertility-1 +portrait,Baroque,frans-hals_portrait-of-a-man-1630 +genre_painting,Pop_Art,gerard-fromanger_le-linceul-n-a-pas-de-poches-2002 +portrait,Realism,thomas-eakins_young-girl-meditating-1877 +genre_painting,Realism,wilhelm-leibl_der-spargroschen-1877 +religious_painting,Naive_Art_Primitivism,marc-chagall_god-appears-to-moses-in-the-burning-bush-exodus-iii-1-6 +portrait,Expressionism,amedeo-modigliani_woman-with-a-black-tie-1917 +genre_painting,Naive_Art_Primitivism,marc-chagall_the-model-1910 +genre_painting,Impressionism,childe-hassam_along-the-seine +abstract_painting,Color_Field_Painting,leon-berkowitz_atmospheric-abstraction +religious_painting,Realism,james-tissot_the-latin-patriarch-of-jerusalem +nude_painting,Impressionism,anders-zorn_women-bathing-in-the-sauna-1906 +landscape,Impressionism,claude-monet_view-of-cap-d-antibes +genre_painting,Naive_Art_Primitivism,marc-chagall_inspiration-1963 +cityscape,Post_Impressionism,henri-martin_collioure-and-red-roofs +genre_painting,Analytical_Cubism,georges-braque_woman-with-a-mandolin-1910 +abstract_painting,Minimalism,lee-ufan_from-line-1970 +portrait,Impressionism,pierre-auguste-renoir_young-girl-with-daisies-1889 +genre_painting,Post_Impressionism,panayiotis-tetsis_the-butcher-shop-1956 +landscape,Impressionism,periklis-vyzantios_landscape-with-trees +genre_painting,Pointillism,georges-seurat_young-woman-powdering-herself-1890 +cityscape,Art_Nouveau_Modern,nicholas-roerich_old-pskov-1904 +genre_painting,Baroque,david-teniers-the-younger_members-of-antwerp-town-council-and-masters-of-the-armaments-guild-1643 +portrait,Rococo,joshua-reynolds_mrs-trecothick-full-length-in-turkish-masquerade-dress-beside-an-urn-of-flowers-in-a-landscape-1771 +genre_painting,Pop_Art,roy-lichtenstein_in-the-car-1963(1) +abstract_painting,Abstract_Expressionism,sam-francis_indigo-wood-1982 +religious_painting,Symbolism,odilon-redon_buddha +nude_painting,Baroque,rembrandt_negress-lying-down-1658 +landscape,Realism,volodymyr-orlovsky_at-the-field-1890 +portrait,Rococo,maurice-quentin-de-la-tour_marie-fel-with-eyes-full-of-love +cityscape,Symbolism,kuzma-petrov-vodkin_paris-notre-dame-1924 +religious_painting,Naive_Art_Primitivism,marc-chagall_being-asleep-in-the-desert-where-he-had-retired-to-wait-for-the-death-elijah-has-been-awakened +still_life,Realism,mikhail-vrubel_still-life-fabrics-1884 +sketch_and_study,Realism,ivan-shishkin_mugs-1878 +genre_painting,Realism,laszlo-mednyanszky_chimney-sweeper-carrier-of-luck-1918 +illustration,Ukiyo_e,utagawa-kuniyoshi_dipicting-the-characters-from-the-chushingura-4 +religious_painting,High_Renaissance,michelangelo_sistine-chapel-ceiling-creation-of-the-sun-and-moon-1512 +portrait,Realism,henri-fantin-latour_duchess-de-fitz-james-1867 +portrait,Impressionism,max-slevogt_portrait-of-francisco-d-andrade +cityscape,Rococo,bernardo-bellotto_view-of-dresden-from-the-right-bank-of-the-elbe-with-the-augustus-bridge-1748 +landscape,Romanticism,ivan-aivazovsky_view-of-the-coast-near-st-petersburg-1835 +landscape,Impressionism,claude-monet_the-japanese-bridge-the-water-lily-pond-and-path-by-the-water +portrait,Rococo,vladimir-borovikovsky_portrait-of-nikolai-sheremetev +sketch_and_study,Realism,nicholas-roerich_figures-of-elders +abstract_painting,Abstract_Expressionism,taro-yamamoto_untitled-1970 +landscape,Impressionism,pierre-auguste-renoir_landscape-at-grasse-1911 +abstract_painting,Pop_Art,tsuruko-yamazaki_work-1963 +portrait,Realism,ilya-repin_youth-portrait-of-sculptor-ilya-yakovlevich-ginzburg-1871 +religious_painting,Early_Renaissance,filippo-lippi_confirmation-of-the-carmelite-rule +illustration,Art_Nouveau_Modern,edmund-dulac_the-snow-queen-on-the-throne-of-ice +nude_painting,Expressionism,oskar-kokoschka_not_detected_235862 +landscape,Impressionism,willard-metcalf_battery-park-spring +sketch_and_study,High_Renaissance,michelangelo_the-study-of-adam +portrait,Cubism,juan-gris_the-miller-1918 +genre_painting,Impressionism,pablo-picasso_snackbar-in-the-open-air-1900 +landscape,Fauvism,armand-guillaumin_echo-rock-1905 +religious_painting,Northern_Renaissance,albrecht-durer_crowned-holy-martyr +landscape,Impressionism,childe-hassam_old-mumford-house-easthampton +abstract_painting,Abstract_Expressionism,jean-paul-riopelle_lithographie-1976 +abstract_painting,Minimalism,brice-marden_window-study-3-1985 +abstract_painting,Abstract_Expressionism,manabu-mabe_untitled-1960 +cityscape,Naive_Art_Primitivism,louis-vivin_paris-montmartre-cabaret-lapin-agile +portrait,Impressionism,pierre-auguste-renoir_alfred-berard-and-his-dog-1881 +religious_painting,Early_Renaissance,piero-della-francesca_procession-of-the-queen-of-sheba-and-meeting-between-the-queen-of-sheba-and-king-solomon-1464(1) +genre_painting,Naive_Art_Primitivism,edith-vonnegut_beefaroni-or-battle-in-the-aisles +genre_painting,Art_Nouveau_Modern,raphael-kirchner_arugula-and-his-dog +landscape,Baroque,rembrandt_bridge-1645 +genre_painting,Impressionism,eugene-boudin_women-fishing-for-shrimp-at-kerhor-1880-1 +cityscape,Impressionism,claude-monet_houses-at-falaise-in-the-fog +still_life,Impressionism,theodor-pallady_natur-static-cu-m-i-ori +genre_painting,Baroque,jan-steen_prayer-before-meal-1665 +abstract_painting,Color_Field_Painting,sam-francis_untitled-1959-2 +abstract_painting,Abstract_Expressionism,friedel-dzubas_untitled-77-1954 +abstract_painting,Abstract_Expressionism,abidin-dino_unknown-title-2 +religious_painting,Symbolism,maurice-denis_the-annunciation-under-the-arch-with-lilies +abstract_painting,Color_Field_Painting,ellsworth-kelly_red-orange-white-green-blue-1968 +abstract_painting,Abstract_Expressionism,sam-francis_her-blue-surround-sfp71-18-1969 +landscape,Post_Impressionism,constantin-piliuta_winter-landscape-1989 +genre_painting,Impressionism,edouard-manet_a-bar-at-the-folies-bergere-1882-1 +landscape,Impressionism,arkhip-kuindzhi_forest-swamp +portrait,Impressionism,nikolay-bogdanov-belsky_girl-in-a-wood +religious_painting,Early_Renaissance,masaccio_san-giovenale-triptych-left-panel +genre_painting,Realism,vasily-vereshchagin_the-icon-of-st-nicholas-with-headwater-pinega-1894 +portrait,Expressionism,helene-schjerfbeck_girl-from-the-islands-1929 +portrait,Baroque,judith-leyster_portrait-of-a-woman +illustration,Naive_Art_Primitivism,mily-possoz_contempor-nea-magazine-no-5-desenho-1922 +landscape,Symbolism,nicholas-roerich_himalayas-snowy-peak-at-dawn-1943 +portrait,Realism,pavel-fedotov_portrait-of-p-p-zhdanovich-1847 +genre_painting,Post_Impressionism,augustus-john_gypsy-in-the-sandpit-1912 +genre_painting,Rococo,pietro-longhi_rhinoceros-in-venice-1751 +cityscape,Symbolism,nicholas-roerich_and-we-are-opening-the-gates-1922 +cityscape,Realism,vasily-vereshchagin_radzhnagar-marble-adorned-with-bas-reliefs-quay-on-the-lake-in-udaipur-1874 +landscape,Fauvism,janos-mattis-teutsch_landscape-1917(1) +landscape,Impressionism,claude-monet_the-seine-near-giverny +landscape,Realism,john-singer-sargent_valdemosa-majorca-thistles-and-herbage-on-a-hillside-1908 +portrait,Realism,edgar-degas_portrait-of-james-tissot-1868 +religious_painting,Baroque,francesco-solimena_dream-of-jacob +portrait,Cubism,diego-rivera_portrait-of-oscar-miestchaninoff-1913 +religious_painting,Early_Renaissance,fra-angelico_st-lawrence-on-trial +portrait,Romanticism,francisco-goya_the-duchess-of-alba-and-her-duenna-1795 +abstract_painting,Expressionism,clyfford-still_1938-n-no-1-1938 +still_life,Post_Impressionism,ilya-mashkov_berries-on-the-background-of-a-red-tray-1908 +landscape,Impressionism,claude-monet_oat-and-poppy-field-giverny +portrait,Realism,vincent-van-gogh_fisherman-with-sou-wester-sitting-with-pipe-1883-1(1) +landscape,Realism,camille-corot_a-cow-and-its-keeper-1872 +landscape,Pop_Art,patrick-procktor_favourite-s-courtyard +genre_painting,Post_Impressionism,vincent-van-gogh_woman-in-the-cafe-tambourin-1887 +religious_painting,Northern_Renaissance,albrecht-durer_angel-fair +landscape,Impressionism,adam-baltatu_meridional-landscape +landscape,Impressionism,john-henry-twachtman_the-landing-newport +landscape,Realism,camille-pissarro_the-road +landscape,Realism,ivan-shishkin_forest-edges +landscape,Impressionism,joaquã­n-sorolla_the-rainbow-1907 +portrait,Impressionism,edgar-degas_madame-jeantaud-in-the-mirror-1875 +still_life,Impressionism,paul-gauguin_flowers-and-carpet-pansies-1880 +cityscape,Romanticism,william-turner_kidwelly-castle +nude_painting,Art_Nouveau_Modern,konstantin-somov_summer-morning-1 +landscape,Symbolism,nicholas-roerich_mountain-abode-1923 +portrait,Symbolism,viktor-vasnetsov_m-i-ryazantseva-1901 +portrait,Expressionism,amedeo-modigliani_madame-dorival-1916 +abstract_painting,Color_Field_Painting,morris-louis_number-1-36-1962 +landscape,Realism,vasily-polenov_the-river-oka-1918 +portrait,High_Renaissance,dosso-dossi_portrait-of-a-young-man-with-a-dog-and-a-cat +genre_painting,Post_Impressionism,maurice-prendergast_playing-at-salem-massachusetts +religious_painting,Baroque,aleksey-antropov_an-icon-from-the-iconostasis-of-the-st-andrew-s-church-in-kiev-1754 +portrait,Art_Nouveau_Modern,felix-vallotton_portrait-of-french-general-and-politician-joseph-vinoy-1897 +sketch_and_study,Realism,vincent-van-gogh_peasant-woman-kneeling-possibly-digging-up-carrots-1885 +genre_painting,Baroque,hendrick-terbrugghen_bagpipe-player-1624 +cityscape,Impressionism,childe-hassam_winter-in-union-square +cityscape,Impressionism,konstantin-korovin_old-moscow-1913 +portrait,Impressionism,pierre-auguste-renoir_georges-riviere-and-margot-1876 +portrait,Impressionism,mary-cassatt_young-woman-sewing-in-the-garden-1882 +genre_painting,Rococo,george-morland_the-reckoning +portrait,Impressionism,pierre-auguste-renoir_madame-heriot-en-travesti-1876 +portrait,Realism,giovanni-boldini_portrait-of-james-abbott-mcneil-whistler-1834-1903-1897 +portrait,Expressionism,andre-derain_portrait-of-madame-carco +religious_painting,Rococo,giovanni-battista-tiepolo_the-madonna-of-carmel-and-the-souls-of-the-purgatory +portrait,Mannerism_Late_Renaissance,lavinia-fontana_pope-gregory-xiii +portrait,Realism,janos-tornyai_young-woman-in-the-atelier-1904 +genre_painting,Art_Nouveau_Modern,aubrey-beardsley_coiffing +portrait,Expressionism,kathe-kollwitz_not_detected_235974 +abstract_painting,Abstract_Expressionism,brett-whiteley_untitled-warm-painting-1961 +genre_painting,Romanticism,gustave-courbet_the-draughts-players-1844 +genre_painting,Post_Impressionism,kazimir-malevich_reapers-1929 +genre_painting,Expressionism,arturo-souto_war-scene-1937-4 +abstract_painting,Abstract_Expressionism,sam-francis_untitled-1958 +landscape,Realism,isaac-levitan_footbridge-savvinskaya-village-1884 +portrait,Northern_Renaissance,bernhard-strigel_portrait-of-sibylla-or-sybilla-von-freyberg-born-gossenbrot +still_life,Rococo,jean-baptiste-oudry_the-white-duck-1753 +religious_painting,Naive_Art_Primitivism,marc-chagall_moses-meets-in-the-desert-his-brother-aaron-who-came-towards-him-at-the-behest-of-god-exodus-iv +landscape,Baroque,jacob-isaakszoon-van-ruisdael_road-through-corn-fields-near-the-zuider-zee-1662 +landscape,Impressionism,pierre-auguste-renoir_the-beach-at-pornic-1892 +genre_painting,Impressionism,theophrastos-triantafyllidis_women-in-boating +portrait,Realism,boris-kustodiev_portrait-of-y-e-kustodieva-1926 +illustration,Romanticism,gustave-dore_arrival-at-cairo-of-prisoners-of-minich +landscape,Romanticism,john-atkinson-grimshaw_november-moonlight +genre_painting,Impressionism,eugene-boudin_berck-group-of-fishwomen-seated-on-the-beach +cityscape,Post_Impressionism,nicolae-tonitza_house-of-dobrogea +genre_painting,Romanticism,francisco-goya_the-madhouse-1814 +landscape,Post_Impressionism,gustave-loiseau_quay-of-pothius-in-pontoise-1906 +cityscape,Impressionism,claude-monet_the-bridge-under-repair-1872 +cityscape,New_Realism,edward-hopper_valley-of-the-seine +illustration,Naive_Art_Primitivism,oskar-kokoschka_not_detected_235926 +landscape,Pointillism,theo-van-rysselberghe_lavandou +portrait,Romanticism,gustav-klimt_two-girls-with-an-oleander +portrait,Romanticism,francisco-goya_portrait-of-the-actor-isidro-meiquez +portrait,Realism,ivan-kramskoy_portrait-of-barbara-kirillovna-lemokh-in-childhood-1882 +cityscape,Cubism,fernand-leger_animated-landscape-1921 +portrait,Realism,pyotr-konchalovsky_a-n-tolstoy-visiting-the-artist-1941 +portrait,Impressionism,pierre-auguste-renoir_woman-reading-1909 +genre_painting,Expressionism,ernst-ludwig-kirchner_red-cocotte +portrait,Rococo,thomas-gainsborough_mary-duchess-of-montagu +abstract_painting,Abstract_Expressionism,joan-snyder_squares-1972 +landscape,Realism,ivan-shishkin_rocky-shore-1879 +religious_painting,Baroque,mestre-ataã­de_anjos-m-sicos-detail-1807 +still_life,Post_Impressionism,paul-cezanne_still-life-with-pomegranate-and-pears-1893 +landscape,Realism,camille-corot_the-evening-star-1864 +portrait,Impressionism,pierre-auguste-renoir_maternity-child-with-a-biscuit-1887 +cityscape,Impressionism,antoine-blanchard_place-de-la-republic +landscape,Romanticism,pavel-svinyin_perkins-villa +landscape,Post_Impressionism,vincent-van-gogh_view-of-vessenots-near-auvers-1890 +religious_painting,High_Renaissance,pietro-perugino_pala-di-san-francesco-al-monte-the-coronation-of-the-virgin +religious_painting,Northern_Renaissance,albrecht-durer_adam-1507 +portrait,Romanticism,konstantin-makovsky_male-portrait-1 +abstract_painting,Color_Field_Painting,morris-louis_delta-kappa-1960 +genre_painting,Romanticism,fyodor-bronnikov_a-fisherman-hunging-fishing-nets-1875 +cityscape,Impressionism,camille-pissarro_the-cours-la-riene-the-notre-dame-cathedral-rouen-1898 +nude_painting,Expressionism,amedeo-modigliani_le-grand-nu-the-great-nude-1917 +portrait,Realism,viktor-vasnetsov_wrestler-s-head-portrait-of-wrestler-n-d-kuznetsov +abstract_painting,Minimalism,jo-baer_untitled-1968 +portrait,Impressionism,philip-de-laszlo_princess-louise-mountbatten-1907 +genre_painting,Impressionism,eugene-boudin_trouville-scene-on-the-beach +portrait,Romanticism,constantin-daniel-rosenthal_maria-rosetti +genre_painting,Realism,frederic-remington_mule-train-crossing-the-sierras-1888 +nude_painting,Impressionism,edgar-degas_breakfast-after-bathing +landscape,Cubism,paul-cezanne_mill-on-the-river +genre_painting,Post_Impressionism,henri-matisse_the-terrace-st-tropez-1904 +illustration,Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-tale-wooden-prince-by-alexander-roslavlev-1909(1) +portrait,Realism,valentin-serov_portrait-of-sergei-chokolov-1887 +nude_painting,Art_Nouveau_Modern,zinaida-serebriakova_japan-odalisque-1916 +religious_painting,Northern_Renaissance,jan-van-hemessen_st-jerome +nude_painting,Contemporary_Realism,eric-fischl_holy-man +sketch_and_study,Realism,konstantin-bogaevsky_feodosia +genre_painting,Impressionism,mary-cassatt_mother-and-child-reading-1913 +portrait,Post_Impressionism,emmanuel-zairis_fisherman +landscape,Symbolism,mikalojus-ciurlionis_cliff-at-the-seaside-1905 +religious_painting,Early_Renaissance,domenico-ghirlandaio_st-matthew-the-evangelist-1490 +still_life,Post_Impressionism,roger-fry_still-life-with-t-ang-horse-1921 +portrait,Northern_Renaissance,hans-memling_portrait-of-jacob-obrecht +genre_painting,Post_Impressionism,raoul-dufy_travelling-show-1906 +cityscape,Romanticism,william-turner_a-canal-tunnel-near-leeds +portrait,Realism,wilhelm-leibl_m-dchen-am-fenster-1899 +genre_painting,Cubism,max-weber_russian-ballet +portrait,Impressionism,edgar-degas_mademoiselle-marie-dihau +religious_painting,Northern_Renaissance,rogier-van-der-weyden_saint-ivo-1450 +landscape,Art_Nouveau_Modern,lawren-harris_from-the-north-shore-lake-superior-1927 +sketch_and_study,Realism,vincent-van-gogh_three-hands-3 +landscape,Pointillism,paul-signac_golfe-juan(1) +abstract_painting,Abstract_Expressionism,william-baziotes_water-forms-1961 +landscape,Impressionism,egon-schiele_village-by-the-river-1908 +genre_painting,Impressionism,giovanni-boldini_woman-in-black-who-watches-the-pastel-of-signora-emiliana-concha-de-ossa-1888 +religious_painting,Mannerism_Late_Renaissance,tintoretto_st-roch-in-prison-visited-by-an-angel-1567 +portrait,Romanticism,konstantin-makovsky_serezha-portrait-of-son-in-sailor-suit +portrait,Realism,vasily-vereshchagin_dutar-player-1870 +genre_painting,Impressionism,william-merritt-chase_in-the-studio-2 +nude_painting,Realism,thomas-eakins_standing-female-nude-1908 +cityscape,Post_Impressionism,edouard-cortes_place-de-la-republique-clichi +religious_painting,Early_Renaissance,pisanello_the-vision-of-saint-eustace-1438 +landscape,Fauvism,andre-derain_landscape-1907-1 +still_life,Northern_Renaissance,hans-memling_st-john-and-veronica-diptych-reverse-of-the-right-wing +landscape,Impressionism,eugene-boudin_trouville-the-jettys-low-tide +still_life,Post_Impressionism,paul-gauguin_vase-of-flowers-1886 +portrait,Art_Nouveau_Modern,anders-zorn_frances-cleveland +portrait,Impressionism,pierre-auguste-renoir_claude-renoir-at-play-sun-1905 +landscape,Symbolism,nicholas-roerich_himalayas-golden-clouds-on-a-purple-sky-1940 +genre_painting,Baroque,peter-paul-rubens_garden-of-love +portrait,Impressionism,mary-cassatt_portrait-of-a-young-girl +genre_painting,Impressionism,philip-wilson-steer_girls-running-walberswick-pier +landscape,Realism,aleksey-savrasov_type-in-a-village-near-moscow-kuntsevo-1855 +illustration,Art_Nouveau_Modern,edmund-dulac_they-began-to-scream-and-chatter-from-beauty-and-the-beast +sketch_and_study,Realism,thomas-eakins_drawing-for-the-pair-oared-shell-1872 +nude_painting,Impressionism,pierre-auguste-renoir_woman-sleeping +landscape,Impressionism,claude-monet_the-banks-of-the-seine-at-argenteuil +landscape,Impressionism,claude-monet_the-seine-near-vetheuil-stormy-weather +portrait,Realism,nikolai-ge_portrait-of-barbara-kochubey +portrait,Rococo,louise-elisabeth-vigee-le-brun_the-artist-s-brother-1773 +landscape,Post_Impressionism,lajos-tihanyi_forest-landscape-1911 +genre_painting,Realism,wilhelm-leibl_strickende-m-dchen-auf-der-ofenbank-1895 +genre_painting,Impressionism,john-singer-sargent_the-pink-dress-1912 +portrait,Romanticism,theodore-gericault_portrait-of-louise-vernet-as-a-child-1819 +nude_painting,Expressionism,zinaida-serebriakova_study-for-a-female-portrait +portrait,Realism,john-singer-sargent_sylvia-harrison-1913 +genre_painting,Art_Nouveau_Modern,raphael-kirchner_harlequinade-1916 +portrait,Post_Impressionism,bertalan-por_child-in-red-coat-1930 +religious_painting,Early_Renaissance,carlo-crivelli_saint-laurenzius-1468 +portrait,Expressionism,josef-herman_mother-and-child-1945 +genre_painting,Romanticism,joseph-wright_widow-of-an-indian-chief-1785 +genre_painting,Art_Nouveau_Modern,carl-larsson_by-the-cellar-1917(1) +sketch_and_study,Realism,vasily-surikov_kyrgyz-1894 +religious_painting,High_Renaissance,pietro-perugino_lord-in-glory-with-angels-annunciation +sketch_and_study,Impressionism,camille-pissarro_study-for-the-apple-picker +cityscape,Post_Impressionism,vincent-van-gogh_the-moulin-de-la-galette-1886 +nude_painting,Expressionism,amedeo-modigliani_dancer +cityscape,Realism,nicholas-roerich_the-kremlin-tower-of-novgorod-1903 +landscape,Realism,fyodor-vasilyev_near-a-church-valaam +genre_painting,Romanticism,theodore-chasseriau_the-tepidarium-1853 +genre_painting,Impressionism,william-merritt-chase_the-little-garden +portrait,Northern_Renaissance,hans-memling_portrait-of-benedetto-di-tommaso-portinari-1487 +abstract_painting,Minimalism,robert-mangold_fragment-viii-2001 +sketch_and_study,Realism,vincent-van-gogh_sketch-of-a-left-hand-1886-1 +genre_painting,Naive_Art_Primitivism,grandma-moses_wash-day-1945 +portrait,Baroque,rembrandt_lighting-study-of-an-elderly-woman-in-a-white-cap +religious_painting,Impressionism,arkhip-kuindzhi_christ-in-the-garden-of-gethsemane-1901 +illustration,Naive_Art_Primitivism,marc-chagall_illustration-for-louis-aragon-s-work-one-who-says-things-without-saying-anything-1976-6 +landscape,Fauvism,jan-sluyters_landscape-by-moonlight-ii-1911 +sketch_and_study,Expressionism,salvador-dali_study-of-a-female-nude +nude_painting,Romanticism,theodore-gericault_the-kiss +landscape,Impressionism,pierre-auguste-renoir_path-through-the-woods-1874 +landscape,High_Renaissance,leonardo-da-vinci_bird-s-eye-view-of-sea-coast +cityscape,Post_Impressionism,vincent-van-gogh_coal-barges-1888-1(1) +sketch_and_study,Post_Impressionism,vincent-van-gogh_portrait-of-patience-escalier-1888 +portrait,Realism,boris-kustodiev_portrait-of-yulia-yevstafievna-kustodieva-the-artist-s-wife-1903 +genre_painting,Expressionism,ernst-ludwig-kirchner_archers-1937 +religious_painting,Mannerism_Late_Renaissance,tintoretto_the-eternal-father-appears-to-moses-1578 +portrait,Baroque,johannes-vermeer_the-girl-with-a-pearl-earring +portrait,Realism,vincent-van-gogh_orphan-man-with-cap-head-1883 +genre_painting,Expressionism,josef-herman_three-mexican-women-1968 +landscape,Symbolism,nicholas-roerich_trans-himalayas-view-from-saga-dzong-1928 +landscape,Art_Nouveau_Modern,j.-e.-h.-macdonald_cathedral-peak-lake-o-hara-1927 +religious_painting,Realism,nikolai-ge_the-judgment-of-the-sanhedrin +sketch_and_study,Baroque,rembrandt_sketch-of-a-tree-1638 +abstract_painting,Minimalism,rodolfo-arico_poligonale-orfico-1988 +genre_painting,Impressionism,konstantin-korovin_in-a-room-1919 +religious_painting,Early_Renaissance,sandro-botticelli_the-virgin-adoring-the-child(1) +landscape,Realism,johan-hendrik-weissenbruch_kennemerland +landscape,Post_Impressionism,abraham-manievich_winter-scene-with-church-1911 +nude_painting,Expressionism,george-mavroides_standing-nude-1959 +illustration,Romanticism,gustave-dore_sapia +still_life,Impressionism,konstantin-korovin_roses-and-violets-1912 +genre_painting,Baroque,jacob-jordaens_as-the-old-sang-so-the-young-pipe-1640 +genre_painting,Naive_Art_Primitivism,fernando-botero_dead-bishops +landscape,Impressionism,camille-pissarro_street-in-the-snow-louveciennes +landscape,Impressionism,pierre-auguste-renoir_rue-caulaincourt-1905 +abstract_painting,Abstract_Expressionism,sam-francis_damn-braces-1960 +portrait,Mannerism_Late_Renaissance,tintoretto_portrait-of-a-man-3 +religious_painting,Romanticism,gustave-dore_eliezer-and-rebekah +religious_painting,Early_Renaissance,andrea-mantegna_the-ascension-left-hand-panel-from-the-altarpiece +religious_painting,Early_Renaissance,piero-della-francesca_st-michael(1) +genre_painting,Romanticism,sir-lawrence-alma-tadema_shy +abstract_painting,Minimalism,rodolfo-arico_struttura-1967 +nude_painting,Post_Impressionism,pyotr-konchalovsky_the-model-squatting-1919 +portrait,Northern_Renaissance,albrecht-durer_portrait-of-a-goldsmith-from-mechelen +landscape,Post_Impressionism,gustave-loiseau_no-title +genre_painting,Realism,john-singer-sargent_fumee-d-ambre-gris-1880 +illustration,Art_Nouveau_Modern,heorhiy-narbut_sheet-n-from-the-album-ukrainian-alphabet-1917 +landscape,Impressionism,claude-monet_fisherman-s-house-at-varengeville +illustration,Romanticism,gustave-dore_him-the-almighty-power-hurled-headlong-flaming-from-the-eternal-sky +abstract_painting,Abstract_Expressionism,mark-tobey_untitled-2 +religious_painting,Symbolism,salvador-dali_stultae-et-prudentes-filiae-sirach-7-26-1967 +landscape,Impressionism,john-henry-twachtman_country-house-in-winter +genre_painting,Naive_Art_Primitivism,niko-pirosmani_tunguska-river-emut +landscape,Impressionism,john-henry-twachtman_boat-landing +still_life,Romanticism,francisco-goya_still-life-of-sheep-s-ribs-and-head-the-butcher-s-conter-1812 +portrait,Post_Impressionism,walter-sickert_the-american-1908 +genre_painting,Realism,anders-zorn_girl-knitting-1901 +religious_painting,Mannerism_Late_Renaissance,rosso-fiorentino_moses-defending-the-daughters-of-jethro-1523 +portrait,Ukiyo_e,utagawa-toyokuni_actor-in-role +landscape,Romanticism,john-crome_at-honingham-norfolk +genre_painting,Realism,boris-kustodiev_strike-1906 +still_life,Post_Impressionism,istvan-ilosvai-varga_oranges-and-cactus-1962 +illustration,Expressionism,lynd-ward_not-detected-272542 +landscape,Post_Impressionism,wassily-kandinsky_winter-landscape-1909 +religious_painting,Baroque,bartolome-esteban-murillo_saint-john-the-baptist-pointing-to-christ-1655 +landscape,Realism,camille-corot_moonlit-landscape-1874 +cityscape,Impressionism,childe-hassam_madison-square-snowstorm +portrait,Naive_Art_Primitivism,fernando-botero_bishop +landscape,Impressionism,frits-thaulow_cottage-by-a-canal-in-the-snow +nude_painting,Expressionism,lucian-freud_painter-working-reflection +genre_painting,Post_Impressionism,jean-hugo_l-imposteur-1931 +landscape,Symbolism,nicholas-roerich_ladakh-sunset-1933 +portrait,Post_Impressionism,vladimir-dimitrov_unknown-title-14 +landscape,Contemporary_Realism,john-miller_autumn-trees +portrait,Impressionism,pierre-auguste-renoir_girl-with-a-red-hair-ribbon-1891 +sketch_and_study,Naive_Art_Primitivism,marc-chagall_abraham-and-three-angels-3 +portrait,Northern_Renaissance,albrecht-durer_portrait-of-an-architect-1506 +religious_painting,Symbolism,gustave-moreau_salome-carrying-the-head-of-john-the-baptist-on-a-platter +genre_painting,Post_Impressionism,maurice-prendergast_the-bathing-cove +portrait,Rococo,allan-ramsay_queen-charlotte +portrait,Ukiyo_e,kitagawa-utamaro_portrait-of-naniwaya-okita-1793 +landscape,Post_Impressionism,pyotr-konchalovsky_abramtsevo-oaks-1920 +landscape,Realism,aleksey-savrasov_spring-1883 +cityscape,Art_Nouveau_Modern,boris-kustodiev_view-from-the-window-1926 +nude_painting,Impressionism,pierre-auguste-renoir_woman-s-nude-torso +genre_painting,Impressionism,james-tissot_autumn-on-the-thames +genre_painting,Rococo,francois-boucher_the-chinese-garden +portrait,Symbolism,nicolae-vermont_dreaming-1896 +genre_painting,Impressionism,joaquã­n-sorolla_strolling-along-the-seashore-1909-1 +religious_painting,Northern_Renaissance,hans-holbein-the-younger_adam-and-eve-1517 +landscape,Pop_Art,tano-festa_la-rotta-delle-rondini-1975 +nude_painting,Cubism,olexandr-archipenko_female-nude-frauenakt +portrait,Cubism,marc-chagall_red-jew-1915 +genre_painting,Impressionism,edgar-degas_ballet-dancers +cityscape,Impressionism,childe-hassam_new-york-street-scene +landscape,Romanticism,thomas-moran_the-wilds-of-lake-superior-1864 +religious_painting,Northern_Renaissance,albrecht-durer_the-incredulity-of-st-thomas-1511 +cityscape,Post_Impressionism,maurice-utrillo_church-in-provence +cityscape,Art_Nouveau_Modern,boris-kustodiev_embankment-of-venice-1918 +portrait,Expressionism,martiros-saryan_portrait-of-the-poet-alexander-tsaturyan-1915 +portrait,Romanticism,sir-lawrence-alma-tadema_the-golden-hour-1908 +portrait,Northern_Renaissance,albrecht-durer_portrait-of-ulrich-varnbiiler-1522 +landscape,Impressionism,alfred-sisley_le-bois-des-roches-veneux-nadon-1880 +genre_painting,Impressionism,william-merritt-chase_for-the-little-one-aka-hall-at-shinnecock +landscape,Realism,theodore-rousseau_not_detected_198927 +portrait,Impressionism,pierre-auguste-renoir_girl-with-a-straw-hat +genre_painting,Romanticism,konstantin-makovsky_strolling-musicians +landscape,Impressionism,john-singer-sargent_the-simplon-large-rocks +landscape,Baroque,rembrandt_the-omval-1645 +religious_painting,Baroque,francisco-de-zurbaran_st-bonaventure-1650 +nude_painting,Post_Impressionism,ion-pacea_nud-in-fotoliu +portrait,Romanticism,domingos-sequeira_retrato-de-d-jo-o-vi-1 +cityscape,Post_Impressionism,maurice-utrillo_the-church-of-st-bernard-ain-in-summer +genre_painting,Impressionism,pierre-auguste-renoir_young-girl-in-the-woods +portrait,Romanticism,konstantin-makovsky_portrait-of-e-makovsky-artist-s-father +religious_painting,Naive_Art_Primitivism,marc-chagall_moses-received-the-tablets-of-law-1956 +genre_painting,Expressionism,pablo-picasso_toilette-1906 +religious_painting,High_Renaissance,vittore-carpaccio_the-dead-christ-supported-by-angels +nude_painting,Impressionism,pierre-auguste-renoir_the-bathrobe-1889 +landscape,Impressionism,armand-guillaumin_paysage-du-midi-1905 +genre_painting,Romanticism,jehan-georges-vibert_the-serenade +landscape,Impressionism,childe-hassam_garden-by-the-sea-isles-of-shoals +sketch_and_study,Realism,vincent-van-gogh_stocky-man-1885 +portrait,Naive_Art_Primitivism,niko-pirosmani_nurse-with-baby +landscape,Romanticism,caspar-david-friedrich_the-dreamer-1840 +landscape,Realism,ion-andreescu_leafless-forest +portrait,Realism,nikolaos-gyzis_portrait-of-tilemahos-gyzis-1890 +abstract_painting,Abstract_Expressionism,joan-miro_poema-i +religious_painting,High_Renaissance,andrea-mantegna_the-martyrdom-and-transporting-the-body-of-saint-christopher-1506 +portrait,Impressionism,eva-gonzales_portrait-of-a-young-woman +genre_painting,Rococo,pietro-longhi_the-furlana-venetian-dance +cityscape,Baroque,johannes-vermeer_view-on-delft +portrait,Mannerism_Late_Renaissance,agnolo-bronzino_ugolino-martelli +sketch_and_study,Baroque,rembrandt_five-studies-of-saskia-and-one-of-an-older-woman +still_life,Romanticism,karl-bodmer_inside-front-cover-right +landscape,Impressionism,konstantin-korovin_winter-in-lapland-1894 +landscape,Impressionism,camille-pissarro_sunlight-on-the-road-pontoise-1874 +genre_painting,Baroque,adriaen-van-ostade_the-breakfast +genre_painting,Romanticism,george-stubbs_gimcrack-on-newmarket-heath-with-a-trainer-a-stable-lad-and-a-jockey +religious_painting,Mannerism_Late_Renaissance,giorgio-vasari_assumption-of-the-virgin-detail-1 +portrait,Rococo,fyodor-rokotov_portrait-of-anna-yuryevna-kvashnina-samarina +landscape,Realism,aleksey-savrasov_early-spring-4 +genre_painting,Symbolism,nicholas-roerich_mongolian-tsam-1928 +portrait,Realism,john-singer-sargent_madame-ramon-subercaseaux +genre_painting,Impressionism,camille-pissarro_seated-shepherdess +cityscape,Romanticism,fyodor-bronnikov_bellagio-1875 +landscape,Realism,vasily-polenov_view-of-tarusa-from-high-oka-bank-1916 +landscape,Romanticism,ivan-aivazovsky_view-of-amsterdam-1854 +genre_painting,Impressionism,camille-pissarro_cowherds-bazincourt +illustration,Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-russian-fairy-story-maria-morevna-1900-3(1) +landscape,Romanticism,john-constable_die-valley-farm-1835 +landscape,Expressionism,ivan-albright_michigan-summer-days +religious_painting,Early_Renaissance,fra-angelico_massacre-of-the-innocents-1452 +religious_painting,Early_Renaissance,sandro-botticelli_annunciation-1481(1) +genre_painting,Art_Nouveau_Modern,sergey-solomko_red-cross +abstract_painting,Color_Field_Painting,sam-francis_black-and-red-1953 +religious_painting,Early_Renaissance,fra-angelico_annunciation-1452 +portrait,Ukiyo_e,keisai-eisen_fuji-from-izu-izu-no-fuji +nude_painting,Expressionism,lucian-freud_resting-on-the-green-chair +religious_painting,Mannerism_Late_Renaissance,correggio_the-assumption-of-the-virgin-detail(2) +abstract_painting,Abstract_Expressionism,dan-christensen_chevade-1968 +portrait,Impressionism,nicolae-vermont_peasant-woman-with-white-headscarf-1930 +genre_painting,Impressionism,max-liebermann_man-with-parrots-1900 +landscape,Impressionism,camille-pissarro_varengeville-sunset-1899 +genre_painting,Post_Impressionism,grã©goire-michonze_picnic-1957 +portrait,Baroque,rembrandt_portrait-of-willem-bartholsz-ruyter +portrait,Symbolism,viktor-vasnetsov_portrait-of-vladimir-vasnetsov-the-artist-s-son-1899 +genre_painting,Naive_Art_Primitivism,pablo-picasso_francoise-gilot-with-paloma-and-claude-1951 +landscape,Impressionism,lucian-grigorescu_uli-dobrogean-1921 +genre_painting,Romanticism,thomas-cole_the-good-shepherd-1848 +religious_painting,Early_Renaissance,benozzo-gozzoli_disembarkation-at-ostia-1465 +landscape,Realism,camille-corot_view-near-naples-1841 +genre_painting,Impressionism,eugene-boudin_market-scene +abstract_painting,Pop_Art,aldo-mondino_caduta-di-stella-1968 +portrait,Rococo,vladimir-borovikovsky_portrait-of-princess-n-i-kurakin-1795 +landscape,Fauvism,wu-guanzhong_a-dream-of-shen-garden-1998 +cityscape,Impressionism,claude-monet_waterloo-bridge-effect-of-fog-1903 +genre_painting,Impressionism,mary-cassatt_in-the-omnibus +genre_painting,Impressionism,edgar-degas_race-horses-1888 +landscape,Impressionism,giovanni-boldini_women-s-figures-in-the-park +portrait,High_Renaissance,correggio_half-figure-of-a-martyr(2) +genre_painting,Impressionism,giuseppe-de-nittis_the-races-at-longchamps-from-the-grandstand +genre_painting,Post_Impressionism,david-burliuk_majorca-spain +religious_painting,Baroque,alonzo-cano_dead-christ-supported-by-an-angel-1650 +sketch_and_study,Mannerism_Late_Renaissance,paolo-veronese_sketch-for-paradise-to-decorate-the-room-of-the-grand-council-of-the-ducal-palace-of-venice-1578 +genre_painting,Post_Impressionism,pyotr-konchalovsky_the-woman-in-front-of-a-mirror-1930 +abstract_painting,Abstract_Expressionism,william-baziotes_the-parachutists-1944 +religious_painting,Baroque,caravaggio_saint-matthew-and-the-angel-1602(1) +landscape,Impressionism,alfred-sisley_indian-summer-at-moret-sunday-afternoon +illustration,Realism,james-tissot_victorian-book-illustration +genre_painting,Baroque,adriaen-van-ostade_the-singers-at-the-window +landscape,Expressionism,kees-van-dongen_trouville-la-mer-1904 +landscape,Baroque,anthony-van-dyck_a-meadow-surrounded-by-trees-1635 +landscape,Contemporary_Realism,mostafa-dashti_untitled-1989 +landscape,Symbolism,salvador-dali_desoxyribonucleic-acid-arabs +religious_painting,Early_Renaissance,andrea-del-castagno_madonna-and-child-with-saints +abstract_painting,Abstract_Expressionism,cy-twombly_the-geeks +abstract_painting,Abstract_Expressionism,brice-marden_second-letter-zen-spring-2009 +portrait,Realism,boris-kustodiev_alexander-benois-1911 +sketch_and_study,Expressionism,jean-helion_untitled-sketchbook-page-1955-1 +still_life,Cubism,kazimir-malevich_cow-and-fiddle-1913 +illustration,Romanticism,gustave-dore_the-blasphemers-capaneus(1) +abstract_painting,Color_Field_Painting,mark-rothko_untitled-1968 +cityscape,Impressionism,john-singer-sargent_behind-the-salute-1907 +portrait,Expressionism,amedeo-modigliani_portrait-of-diego-rivera-1914 +portrait,Mannerism_Late_Renaissance,agnolo-bronzino_the-ailing-eleonora-da-toledo-1556 +religious_painting,Early_Renaissance,fra-angelico_virgin-and-child-enthroned-with-twelve-angels +religious_painting,High_Renaissance,luca-signorelli_virgin-and-child-with-sts-michael-vincent-of-saragozza-margaret-of-cortona-and-mark +landscape,Contemporary_Realism,john-miller_off-coco-beach-goa +genre_painting,Art_Nouveau_Modern,jacek-malczewski_poisoned-well-iv +genre_painting,Expressionism,pablo-picasso_a-red-skirt-1901 +abstract_painting,Abstract_Expressionism,paul-jenkins_not_detected_235696 +cityscape,Post_Impressionism,maurice-prendergast_boston-also-known-as-park-st-boston +sketch_and_study,Impressionism,edgar-degas_study-for-the-medieval-war-scene-1865-1 +religious_painting,Rococo,giovanni-battista-tiepolo_hagar-assisted-by-the-angel +landscape,Impressionism,auguste-herbin_the-coast-at-haute-isle-1906 +landscape,Realism,vasily-polenov_the-burnt-forest-1881 +landscape,Symbolism,nicholas-roerich_manjusri-cell-mongolia +religious_painting,Romanticism,gustave-dore_the-descent-of-the-spirit +illustration,Romanticism,gustave-dore_orlando-furioso-4 +landscape,Impressionism,john-henry-twachtman_harbor-view +abstract_painting,Minimalism,martin-barre_59-96-x-88-b-1959 +genre_painting,Realism,peder-severin-kroyer_beach-of-skagen-1892 +portrait,Baroque,anthony-van-dyck_isabella-brandt-1621 +portrait,Impressionism,pierre-auguste-renoir_the-thinker-1877 +portrait,Ukiyo_e,tsukioka-yoshitoshi_not_detected_242420 +portrait,Expressionism,amedeo-modigliani_portrait-of-beatrice-hastings-1915 +landscape,Romanticism,caspar-david-friedrich_canyon-in-the-resin +abstract_painting,Color_Field_Painting,mark-rothko_untitled-1949 +portrait,Post_Impressionism,kees-van-dongen_woman-before-a-mirror-1908 +portrait,Expressionism,pablo-picasso_el-tinen-1906 +still_life,Fauvism,mary-fedden_still-life-on-red-1976 +landscape,Impressionism,alfred-sisley_abandoned-house-1887 +religious_painting,Naive_Art_Primitivism,marc-chagall_prophet-eliah-1970 +landscape,Symbolism,nicholas-roerich_himalayas-1941 +landscape,Art_Nouveau_Modern,a.y.-jackson_first-snow-algoma-country-1920 +abstract_painting,Color_Field_Painting,gene-davis_king-s-gate-1978 +abstract_painting,Abstract_Expressionism,esteban-vicente_blue-red-black-and-white-1961 +sketch_and_study,Symbolism,nicholas-roerich_monhigan-study-1922-17 +abstract_painting,Action_painting,jackson-pollock_shimmering-substance(1) +sketch_and_study,Romanticism,orest-kiprensky_sketches-of-the-heads-1816 +still_life,Realism,william-merritt-chase_a-fishmarket-in-venice-aka-venetian-fish-market-the-yield-of-the-waters +genre_painting,Romanticism,paul-cezanne_promenade-1871 +cityscape,Impressionism,camille-pissarro_the-pilot-s-jetty-le-havre-1903 +portrait,Naive_Art_Primitivism,niko-pirosmani_portrait-of-alexander-garanov-1906 +genre_painting,Rococo,george-morland_the-tea-garden-1790 +illustration,Symbolism,felicien-rops_illustration-of-les-diaboliques-3 +genre_painting,Art_Nouveau_Modern,henri-de-toulouse-lautrec_alfred-la-guigne-1894 +genre_painting,Post_Impressionism,jacques-villon_irl-on-balcony-1900 +abstract_painting,Color_Field_Painting,anne-truitt_summer-96-no-64-1996 +portrait,Realism,edouard-manet_the-fifer-1866 +genre_painting,Baroque,isaac-van-ostade_a-canal-in-winter +landscape,Impressionism,amadeo-de-souza-cardoso_landscape-1910 +portrait,Expressionism,bui-xuan-phai_portrait(2) +landscape,Realism,vasily-polenov_park-in-olshanka-1877 +genre_painting,Impressionism,mary-cassatt_woman-and-child-seated-in-a-garden +abstract_painting,Color_Field_Painting,mark-rothko_untitled-gray-and-mauve-1969 +portrait,Post_Impressionism,augustus-john_head-of-dorelia-mcneill-1911 +landscape,Realism,fyodor-vasilyev_the-evening-before-the-storm-1869 +portrait,Romanticism,francisco-goya_actress-antonia-zarate +abstract_painting,Abstract_Expressionism,conrad-marca-relli_20-november-1959-1959 +portrait,Pop_Art,martial-raysse_the-beautiful-mauve-1962 +cityscape,Romanticism,cornelis-springer_church-in-zaltbommel-1 +nude_painting,Impressionism,frederic-bazille_after-the-bath +portrait,Northern_Renaissance,martin-schongauer_bust-of-a-monk-assisting-at-communion +religious_painting,Romanticism,jan-matejko_song +landscape,Romanticism,rudolf-von-alt_the-imperial-palace-livadia-in-the-crimea-1863 +portrait,Realism,giovanni-boldini_portrait-of-emanuele-muzio-1892 +landscape,Impressionism,pierre-auguste-renoir_two-figures-by-the-water +genre_painting,Impressionism,frederic-bazille_the-pink-dress +portrait,Art_Nouveau_Modern,wilhelm-kotarbinski_st-philip-metropolitan-of-moscow +portrait,Realism,pyotr-konchalovsky_portrait-of-v-f-sakharov-1935 +landscape,Impressionism,claude-monet_vetheuil-flowering-plum-trees +religious_painting,Early_Renaissance,carlo-crivelli_enthroned-madonna-saint-jerome-and-st-sebastian-1490 +landscape,Expressionism,egon-schiele_bare-tree-behind-a-fence-1912 +cityscape,Naive_Art_Primitivism,henri-rousseau_avenue-de-l-observatoire-1898 +genre_painting,Impressionism,nikolay-bogdanov-belsky_evening-angler +portrait,Expressionism,max-beckmann_quappi-in-blue-in-a-boat-1950 +landscape,Impressionism,alfred-sisley_idle-barges-on-the-loing-canal-at-saint-mammes-1885 +abstract_painting,Color_Field_Painting,alma-woodsey-thomas_elysian-fields-1973 +genre_painting,Romanticism,william-shayer_on-the-south-coast +nude_painting,Impressionism,pierre-auguste-renoir_seated-bather-in-a-landscape-1900 +portrait,Realism,ilya-repin_portrait-of-folk-story-teller-v-p-schegolenkov-1879 +religious_painting,Symbolism,gustave-moreau_salome-in-prison-1876 +sketch_and_study,Realism,charles-francois-daubigny_the-botin-1855 +nude_painting,Symbolism,james-mcneill-whistler_ingres-roger-deliverant-angelique +landscape,Realism,ivan-shishkin_autumn-forest-1876 +cityscape,Post_Impressionism,mario-zanini_cas-rio-1969 +still_life,Cubism,georges-braque_still-life-with-a-metronome +landscape,Romanticism,caspar-david-friedrich_fishing-boat-between-two-rocks-on-the-beach-of-the-baltic-sea +sketch_and_study,Impressionism,edgar-degas_standing-female-figure-with-bared-torso +landscape,Fauvism,janos-mattis-teutsch_landscape-1918 +sketch_and_study,Impressionism,pierre-auguste-renoir_head-of-a-young-woman-1880 +genre_painting,Cubism,salvador-dali_pierrot-playing-the-guitar +religious_painting,Northern_Renaissance,petrus-christus_isabel-of-portugal-with-st-elizabeth +religious_painting,Expressionism,salvador-dali_untitled-apocalyptic-christ-christ-with-flames +nude_painting,Expressionism,ernst-ludwig-kirchner_the-choice-of-paris +religious_painting,Mannerism_Late_Renaissance,titian_mater-dolorosa-1550 +landscape,Impressionism,john-henry-twachtman_winter-landscape-2 +cityscape,New_Realism,edward-hopper_the-new-bridge +landscape,Realism,mikhail-lebedev_at-the-forrest-edge-1833 +sketch_and_study,High_Renaissance,luca-signorelli_study-of-nudes +landscape,Realism,vincent-van-gogh_landscape-at-nuenen +sketch_and_study,Romanticism,john-constable_view-on-the-river-severn-at-worcester-1835 +abstract_painting,Color_Field_Painting,doug-ohlson_untitled-1999 +nude_painting,Baroque,agostino-carracci_messalina-in-lisisica-s-booth +sketch_and_study,Realism,vincent-van-gogh_torso-of-venus-1887-2 +abstract_painting,Abstract_Expressionism,sam-francis_beaudelaire-1986 +portrait,Impressionism,mary-cassatt_antoinette-at-her-dresser-1909 +cityscape,Impressionism,konstantin-korovin_yalta-port-1909 +portrait,Baroque,anthony-van-dyck_portrait-of-a-lady-dressed-in-black-before-a-red-curtain +landscape,Post_Impressionism,henri-edmond-cross_land-by-the-sea +landscape,Impressionism,claude-monet_edge-of-the-cliff-pourville +still_life,Impressionism,stefan-luchian_carnations-and-poppies +portrait,Expressionism,nicolae-tonitza_breton-woman-1933 +landscape,Realism,theodore-rousseau_not_detected_198936 +portrait,Post_Impressionism,paul-cezanne_peasant-in-a-blue-smock +portrait,Realism,boris-kustodiev_abbess-1901 +religious_painting,Early_Renaissance,carlo-crivelli_enthroned-madonna-enthroned-maria-lactans-1473 +religious_painting,Symbolism,mikhail-nesterov_descent-into-hell-1895 +genre_painting,Art_Nouveau_Modern,mstislav-dobuzhinsky_denmark-a-small-theatre-1912 +genre_painting,Expressionism,edvard-munch_the-village-street-1906 +abstract_painting,Abstract_Expressionism,helen-frankenthaler_adirondacks-1992 +portrait,Realism,ivan-kramskoy_marc +portrait,Cubism,m.-h.-maxy_peasant-portrait-1931 +landscape,Romanticism,john-constable_view-at-epsom-1809 +abstract_painting,Abstract_Expressionism,brice-marden_untitled-press-series-1972 +landscape,Realism,camille-corot_girl-reading-by-the-water +cityscape,Symbolism,mstislav-dobuzhinsky_kaunas-saric-church-1930 +landscape,Realism,volodymyr-orlovsky_kislovodsk-1883 +abstract_painting,Color_Field_Painting,morris-louis_saraband-1959 +landscape,Impressionism,childe-hassam_bather +portrait,Northern_Renaissance,rogier-van-der-weyden_portrait-of-francesco-d-este-1460 +portrait,Impressionism,william-merritt-chase_portrait-of-a-lady-1 +abstract_painting,Color_Field_Painting,theodoros-stamos_rose-sun-box-nr-2-1969 +genre_painting,Impressionism,gustave-caillebotte_bathers-on-the-banks-of-the-yerres-1878 +portrait,Impressionism,pierre-auguste-renoir_portrait-of-a-young-woman +landscape,Fauvism,piet-mondrian_trees-by-the-gein-at-moonrise-1908 +portrait,Rococo,vladimir-borovikovsky_portrait-of-alexander-dmitrievich-arseniev-1797 +nude_painting,Fauvism,ilya-mashkov_nude-1915 +genre_painting,Art_Nouveau_Modern,carl-larsson_in-the-carpenter-shop-1905(1) +religious_painting,Romanticism,jan-matejko_our-lady +genre_painting,Baroque,gerard-terborch_officer-writing-a-letter +genre_painting,Post_Impressionism,henri-de-toulouse-lautrec_ruhendes-modell-1896 +portrait,Rococo,joshua-reynolds_mrs-musters-as-hebe +genre_painting,Romanticism,william-shayer_the-midday-rest +portrait,Impressionism,edgar-degas_girl-in-red-1876 +sketch_and_study,Realism,ivan-shishkin_kama-1895 +portrait,Baroque,rembrandt_portrait-of-rembrandt-s-father +landscape,Realism,fyodor-vasilyev_boat +portrait,Realism,giovanni-boldini_madame-charles-max-1896 +portrait,Romanticism,fyodor-bronnikov_roadsides-shrine +portrait,Realism,grigoriy-myasoyedov_portrait-of-chess-player-a-d-petrova +portrait,Expressionism,francis-picabia_self-portrait +sketch_and_study,Realism,jean-francois-millet_upward-path-near-vichy-1867 +abstract_painting,Minimalism,richard-serra_no-mandatory-patriotism-1989 +illustration,Romanticism,gustave-dore_surprised-by-the-turks +genre_painting,Art_Nouveau_Modern,raphael-kirchner_bubbles-1916 +landscape,Post_Impressionism,charles-reiffel_summer-design-1917 +religious_painting,Baroque,francisco-de-zurbaran_st-engracia +portrait,Post_Impressionism,maurice-prendergast_portrait-of-a-young-girl +sketch_and_study,Symbolism,gustave-moreau_nu-draft +still_life,Cubism,henri-laurens_valencia-1927 +landscape,Impressionism,istvan-nagy_waterfront +landscape,Realism,volodymyr-orlovsky_summer-day +genre_painting,Impressionism,georges-seurat_peasants-driving-stakes-1882 +landscape,Realism,vasily-polenov_turgenevo-village-1885 +still_life,Naive_Art_Primitivism,niko-pirosmani_still-life-with-a-pie +landscape,Ukiyo_e,keisai-eisen_evening-glow-at-ryogoku-bridge-1848 +abstract_painting,Color_Field_Painting,helen-frankenthaler_variation-ii-on-mauve-corner-1969 +portrait,Romanticism,karl-bryullov_portrait-of-the-actress-juditta-pasta-as-anne-boleyn +sketch_and_study,Romanticism,sir-lawrence-alma-tadema_exhausted-maenides-after-the-dance-1874 +landscape,Impressionism,francis-picabia_banks-of-the-orne-at-benouville +religious_painting,Symbolism,william-blake_christ-appearing-to-his-disciples-after-the-resurrection +cityscape,Impressionism,camille-pissarro_the-pont-neuf-2-1902 +abstract_painting,Abstract_Expressionism,bradley-walker-tomlin_no-5-1952 +genre_painting,Art_Nouveau_Modern,raphael-kirchner_all-healing +landscape,Baroque,hercules-seghers_mountain-valley-with-fenced-fields +portrait,Post_Impressionism,bertalan-por_mih-ly-k-rolyi-1930 +landscape,Post_Impressionism,paul-cezanne_a-turn-in-the-road-1882 +portrait,Rococo,antoine-pesne_aroline-of-hesse-darmstadt-with-her-moors +abstract_painting,Color_Field_Painting,mark-rothko_untitled-green-on-blue-1968 +genre_painting,Impressionism,mary-cassatt_mother-and-child-1914 +religious_painting,High_Renaissance,michelangelo_the-prophet-zechariah-1512 +landscape,Realism,johan-hendrik-weissenbruch_farmhouse-on-a-canal +abstract_painting,Color_Field_Painting,frank-stella_blue-horizon-1958 +genre_painting,Impressionism,childe-hassam_acorn-street-boston +genre_painting,Post_Impressionism,henri-de-toulouse-lautrec_the-promenoir-the-moulin-rouge-1895 +genre_painting,Impressionism,paul-cezanne_three-bathers-1875 +landscape,Realism,thomas-eakins_study-for-the-meadows +sketch_and_study,Impressionism,pierre-auguste-renoir_head-of-a-woman-2 +portrait,Impressionism,pierre-auguste-renoir_children-s-heads +landscape,Impressionism,john-henry-twachtman_summer-landscape-1899 +illustration,Romanticism,gustave-dore_don-quixote-8 +genre_painting,Symbolism,kuzma-petrov-vodkin_youth-kiss-1913 +landscape,Realism,pyotr-konchalovsky_autumn-yellow-wood-1937 +portrait,Realism,camille-corot_toussaint-lemaistre-architect-1833 +cityscape,Expressionism,martiros-saryan_ashtarak-1934 +portrait,Impressionism,nikolay-bogdanov-belsky_lady-with-roses +landscape,Realism,nikolai-ge_gorge-in-the-mountains-of-carrara +abstract_painting,Color_Field_Painting,gotthard-graubner_caldo-2002 +religious_painting,Mannerism_Late_Renaissance,titian_penitent-st-mary-magdalene +landscape,Impressionism,claude-monet_view-from-the-cliff-at-pourville-bright-weather +genre_painting,Realism,vasily-perov_joyful-father-1874 +portrait,Realism,ilya-repin_portrait-of-the-artist-arkhip-kuindzhi-1877 +genre_painting,New_Realism,william-james-glackens_the-drive-central-park-1905 +genre_painting,Romanticism,david-wilkie_reading-a-tract +abstract_painting,Color_Field_Painting,helen-frankenthaler_wind-directions-1970 +cityscape,Pointillism,andre-derain_charing-cross-bridge-1906 +landscape,Impressionism,edvard-munch_view-over-the-rover-at-st-cloud-1890 +landscape,Post_Impressionism,david-burliuk_landscape +portrait,Realism,vasily-perov_portrait-of-the-playwright-alexander-ostrovsky-1871 +nude_painting,Expressionism,chronis-botsoglou_botsoglou-erotika-4 +still_life,Realism,ilya-mashkov_still-life-5 +portrait,Contemporary_Realism,richard-whitney_allen-kenney +portrait,Ukiyo_e,keisai-eisen_mitate-yoshiwara-goju-san-tsui-beauty(1) +genre_painting,Impressionism,camille-pissarro_bathers-1896 +genre_painting,Realism,pavel-fedotov_police-commissary-s-reception-room-the-night-before-a-holiday +illustration,Romanticism,gustave-dore_the-inferno-canto-8-1 +genre_painting,Realism,konstantin-makovsky_children-playing-in-the-workshop +abstract_painting,Minimalism,robert-mangold_green-tilted-ellipse-gray-frame-1989 +still_life,Cubism,ben-nicholson_20-april-1979-vertical-stripe-1979 +genre_painting,Symbolism,kuzma-petrov-vodkin_mother-1919 +religious_painting,Northern_Renaissance,albrecht-durer_saint-jerome +religious_painting,Early_Renaissance,giovanni-bellini_madonna-and-child-2 +portrait,Fauvism,rufino-tamayo_retrato-de-olga-1964 +genre_painting,Baroque,jan-steen_woman-playing-the-sistrum +landscape,Expressionism,abraham-manievich_untitled-1925 +still_life,Impressionism,andre-dunoyer-de-segonzac_still-life-with-peaches-and-umbrella +genre_painting,Realism,james-tissot_spring-morning +landscape,Post_Impressionism,felix-vallotton_forum-roman-or-seen-close-the-palatine-one-1913 +landscape,Realism,ivan-shishkin_birch-grove-1878 +religious_painting,Naive_Art_Primitivism,marc-chagall_david-sings-accompanying-himself-in-the-harp-before-saul-and-relieves-his-suffering-i-samuel +landscape,Realism,vasily-vereshchagin_kazbek-1898 +portrait,Romanticism,karl-bryullov_portrait-of-grand-duchess-olga-nikolaevna +portrait,Romanticism,konstantin-makovsky_girl-in-burnous +religious_painting,Symbolism,mikhail-nesterov_saint-sergius-labours-1896(1) +portrait,Impressionism,paul-gauguin_portrait-of-isidore-gauguin-1884 +abstract_painting,Action_painting,jackson-pollock_eyes-in-the-heat-1946(2) +sketch_and_study,Post_Impressionism,vincent-van-gogh_enclosed-field-with-ploughman-1889(1) +portrait,Baroque,anthony-van-dyck_george-digby-2nd-earl-of-bristol-and-william-russell-1st-duke-of-bedford-1637 +portrait,Romanticism,konstantin-makovsky_date +genre_painting,Expressionism,vilmos-aba-novak_daylabourers-with-wheelbarrows-1927 +religious_painting,Mannerism_Late_Renaissance,jacopo-pontormo_madonna-and-child-with-the-young-saint-john-1524 +abstract_painting,Abstract_Expressionism,friedel-dzubas_untitled-1953 +cityscape,Impressionism,claude-monet_snow-effect-at-limetz-1886 +landscape,Realism,david-burliuk_mountain-landscape +religious_painting,Expressionism,edvard-munch_madonna-1894 +portrait,Rococo,thomas-gainsborough_the-woodsman-1788 +abstract_painting,Abstract_Expressionism,mark-tobey_world-eggsharpen +landscape,Impressionism,claude-monet_rough-sea-at-etretat-1883 +cityscape,Impressionism,alfred-sisley_the-loing-flowing-under-the-moret-bridge-1892 +portrait,Impressionism,eliseu-visconti_ilusoes-perdidas +landscape,Impressionism,alfred-sisley_a-street-in-louveciennes-1878 +cityscape,Romanticism,william-turner_san-giorgio-maggiore-in-the-morning +religious_painting,Early_Renaissance,paolo-uccello_saint-jerome-and-saint-dominic-1435 +religious_painting,Baroque,rembrandt_ecce-homo +portrait,Realism,vincent-van-gogh_orphan-man-with-long-overcoat-glass-and-handkerchief-1882 +nude_painting,Post_Impressionism,moise-kisling_sitting-nude-1923-1 +genre_painting,Impressionism,william-merritt-chase_in-the-studio +genre_painting,Realism,john-lewis-krimmel_fourth-of-july-in-centre-square-philadelphia-1812 +sketch_and_study,Impressionism,edouard-manet_portrait-of-faure-as-hamlet +portrait,Expressionism,iosif-iser_two-spanish-women +religious_painting,High_Renaissance,titian_the-holy-family-with-a-shepherd +religious_painting,Northern_Renaissance,hieronymus-bosch_adoration-of-the-magi-1516-2 +genre_painting,Impressionism,samuel-mutzner_carusel-la-mo-i +portrait,Art_Nouveau_Modern,felix-vallotton_portrait-of-american-french-language-poet-stuart-merrill-1898 +landscape,Romanticism,william-turner_passage-of-mount-cenis +cityscape,Rococo,bernardo-bellotto_ruins-of-the-forum-rome +portrait,Baroque,peter-paul-rubens_portrait-of-isabella-brandt +genre_painting,Impressionism,edgar-degas_at-the-races +landscape,Post_Impressionism,pierre-bonnard_going-rowing-1905 +landscape,Impressionism,kazimir-malevich_apple-trees-in-blossom +genre_painting,Ukiyo_e,kitagawa-utamaro_the-hour-of-the-boar +genre_painting,Baroque,jan-steen_woman-at-her-toilet-1663 +genre_painting,Ukiyo_e,katsushika-hokusai_new-year-s-days-of-the-teahouse-ogi-ya-1812 +landscape,Impressionism,camille-pissarro_landscape-with-a-man-digging-1877 +genre_painting,Baroque,gabriel-metsu_a-baker-blowing-his-horn +cityscape,Baroque,diego-velazquez_the-gardens-of-the-villa-medici-in-rome-1630 +landscape,Symbolism,kuzma-petrov-vodkin_noon-1917 +portrait,Rococo,joseph-wright_harvey-wilmot +genre_painting,Impressionism,eugene-boudin_beach-scene-1887 +still_life,Baroque,gerrit-dou_still-life-with-candle +illustration,Romanticism,gustave-dore_the-embarkation-of-the-souls(1) +portrait,Impressionism,edgar-degas_seated-young-man-in-a-jacket-with-an-umbrella +abstract_painting,Color_Field_Painting,ronnie-landfield_sixteenth-century-1985 +portrait,Post_Impressionism,vladimir-dimitrov_unknown-title-12 +illustration,Art_Nouveau_Modern,ivan-bilibin_donkey-illustration-for-the-magazine-bogey-1906(1) +religious_painting,Symbolism,salvador-dali_iesu-nativitas-matthew-1-20-1964 +portrait,Baroque,frans-hals_the-regentesses-of-the-old-men-s-almhouse-haarlem-detail-1664-1 +abstract_painting,Abstract_Expressionism,john-mccracken_untitled-1962 +genre_painting,Impressionism,bela-czobel_sitting-peasant-1904 +portrait,Post_Impressionism,henri-de-toulouse-lautrec_the-streetwalker-also-known-as-casque-d-or-1891 +landscape,Post_Impressionism,alexandre-benois_the-evening-1906(1) +religious_painting,Northern_Renaissance,gerard-david_altar-of-archangel-michael +landscape,Art_Nouveau_Modern,nicholas-roerich_viking-s-tomb-1908 +portrait,Baroque,anthony-van-dyck_thomas-killigrew-and-william-lord-crofts-1638 +still_life,Post_Impressionism,francisc-sirato_caseta-ro-ie +portrait,Pop_Art,evelyne-axell_la-cible-1970 +portrait,Ukiyo_e,utagawa-kuniyoshi_yui-girl-with-fishing-net +portrait,Rococo,benjamin-west_benjamin-franklin +religious_painting,Symbolism,william-holman-hunt_christ-and-the-two-marys +landscape,Impressionism,claude-monet_houses-in-the-snow +landscape,Impressionism,alfred-sisley_view-of-marly-le-roi-from-house-at-coeur-colant-1876 +still_life,Cubism,kazimir-malevich_musical-instrument-1913 +portrait,Romanticism,miklos-barabas_portrait-of-ms-konkoly-1837 +portrait,Cubism,marc-chagall_jew-in-green-1914 +landscape,Realism,camille-corot_fontainebleau-storm-over-the-plains-1822 +portrait,Expressionism,jean-paul-lemieux_jeune-fille-l-hiver-1977 +genre_painting,Realism,vasily-perov_procession-on-easter-1862 +portrait,Baroque,rembrandt_old-man-dressed-as-saint-paul-1632 +illustration,Romanticism,gustave-dore_don-quixote-100 +landscape,Impressionism,robert-julian-onderdonk_landscape-3 +landscape,Romanticism,vasily-polenov_old-gates-vel-normandy-1874 +genre_painting,Impressionism,berthe-morisot_julie-and-her-boat +religious_painting,Symbolism,franz-stuck_crucifixion-1892 +portrait,Northern_Renaissance,jean-fouquet_simon-de-varie-kneeling-in-prayer +portrait,Art_Nouveau_Modern,leon-bakst_leonid-massine +portrait,Expressionism,antonio-carneiro_menina-com-gato-maria-1900 +genre_painting,Impressionism,henri-de-toulouse-lautrec_princeteau-in-his-studio-1882 +genre_painting,Ukiyo_e,katsushika-hokusai_a-man-is-watching-a-beautiful-woman +still_life,Post_Impressionism,vincent-van-gogh_plaster-statuette-of-a-female-torso-1886-2 +portrait,Expressionism,zinaida-serebriakova_tata-in-dance-costume-1924 +landscape,Impressionism,alfred-sisley_kitchen-garden-at-louveciennes-1873 +abstract_painting,Abstract_Expressionism,jimmy-ernst_oracle-1971 +abstract_painting,Minimalism,genevieve-asse_tryptique-1970 +illustration,Art_Nouveau_Modern,kay-nielsen_the-tinder-box +abstract_painting,Abstract_Expressionism,sam-francis_deep-blue-and-black-1955 +genre_painting,Impressionism,berthe-morisot_julie-manet-and-her-nurse +religious_painting,Symbolism,franz-stuck_golgotha +landscape,Post_Impressionism,panayiotis-tetsis_garden-1972 +sketch_and_study,Realism,ivan-shishkin_wind-fallen-trees-1867 +landscape,Impressionism,camille-pissarro_the-hills-of-thierceville +portrait,Post_Impressionism,martiros-saryan_armenian-from-nakhichevan-1904 +landscape,Impressionism,claude-monet_customs-house-rose-effect +portrait,Expressionism,george-bouzianis_portrait-1 +religious_painting,Northern_Renaissance,konrad-witz_presentation-of-cardinal-de-mies-to-the-virgin +sketch_and_study,Romanticism,fyodor-solntsev_images-of-the-vc-vasily-dmitrievich-and-vc-sofia-vitovtovna +sketch_and_study,Realism,martiros-saryan_goris-1935 +genre_painting,Romanticism,william-shayer_in-the-new-forest +landscape,Symbolism,nicholas-roerich_kashmir-1936 +portrait,Romanticism,henry-raeburn_portrait-of-isabella-mcleod-mrs-james-gregory +landscape,Realism,theodore-rousseau_the-campaign-at-sunrise +sketch_and_study,Rococo,maurice-quentin-de-la-tour_study-for-portrait-of-unknown-man-1 +religious_painting,Baroque,hendrick-terbrugghen_jacob-reproaching-laban-1628 +portrait,Expressionism,francis-picabia_spanish-woman +landscape,Symbolism,a.y.-jackson_smart-river-alaska-1945 +sketch_and_study,Art_Nouveau_Modern,konstantin-korovin_slave-of-the-queen-retinue-shemakhan-1909 +genre_painting,Romanticism,thomas-cole_il-penseroso-1845 +landscape,Impressionism,eugene-boudin_the-trouville-heights-1875 +portrait,Art_Nouveau_Modern,boris-kustodiev_portrait-of-o-i-szymanowskaya-1920 +genre_painting,Pointillism,henri-martin_sewing-in-the-garden-at-marquayrol-1 +genre_painting,Impressionism,william-james-glackens_umbrellas +abstract_painting,Abstract_Expressionism,forrest-bess_mind-crystal-1946 +religious_painting,Art_Nouveau_Modern,nicholas-roerich_st-olga-of-kiev-1915 +landscape,Impressionism,thalia-flora-karavia_from-ithaca +landscape,Symbolism,nicholas-roerich_rocks-karelia-1917 +landscape,Expressionism,jean-david_untitled(3) +still_life,Romanticism,john-constable_autumn-berries-and-flowers-in-brown-pot +landscape,Fauvism,ilya-mashkov_lake-geneva-1914 +religious_painting,Early_Renaissance,carlo-crivelli_madonna-and-child-enthroned-with-donor +sketch_and_study,Post_Impressionism,vincent-van-gogh_four-men-on-a-road-with-pine-trees-1890(1) +cityscape,Impressionism,claude-monet_waterloo-bridge-overcast-weather +portrait,Impressionism,berthe-morisot_girl-with-greyhound +landscape,Romanticism,ivan-aivazovsky_sheepdip-1877 +abstract_painting,Color_Field_Painting,gene-davis_black-dahlia-1971 +landscape,Fauvism,othon-friesz_la-ciotat-1906 +still_life,Baroque,frans-snyders_a-fruit-stall +illustration,Realism,james-tissot_faust-and-marguerite-in-the-garden +religious_painting,Northern_Renaissance,jan-van-eyck_the-ghent-altar-detail-1432-3 +portrait,Northern_Renaissance,albrecht-durer_cardinal-albrecht-von-brandenburg +portrait,Cubism,gosta-adrian-nilsson_hockey-player +landscape,Impressionism,willard-metcalf_winter-in-new-hampshire-1914 +illustration,Symbolism,william-blake_illustration-to-milton-s-on-the-morning-of-christ-s-nativity-1809 +abstract_painting,Action_painting,jackson-pollock_untitled-green-silver-1949 +genre_painting,Realism,vincent-van-gogh_woman-shelling-peas-1885 +genre_painting,Realism,gustave-courbet_the-hallali-1869 +portrait,Impressionism,edgar-degas_woman-on-a-terrace-young-woman-and-ibis-1857 +nude_painting,Impressionism,edgar-degas_woman-leaving-her-bath +religious_painting,Mannerism_Late_Renaissance,cristovao-de-figueiredo_milagre-da-ressurrei-o-do-mancebo-1525 +landscape,Romanticism,john-crome_new-mills-norfolk-men-wading-1812 +religious_painting,Symbolism,james-tissot_jephthah-s-daughter +landscape,Cubism,salvador-dali_figures-in-a-landscape-at-ampurdan +religious_painting,Early_Renaissance,andrea-mantegna_the-dead-christ-1478 +landscape,Impressionism,t.-c.-steele_gordon-hill-1897 +cityscape,Impressionism,camille-pissarro_the-louvre-winter-sunlight-morning-2nd-version-1901 +genre_painting,Expressionism,edvard-munch_women-on-the-bridge-1902 +sketch_and_study,Realism,james-tissot_prehistoric-women +illustration,Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-fairytale-magic-carpet(1) +portrait,Impressionism,pierre-auguste-renoir_joseph-durand-ruel-1882 +landscape,Symbolism,nicholas-roerich_captors-of-fire-1938 +sketch_and_study,Realism,vincent-van-gogh_wheat-field-with-sheaves-and-a-windmill-1885 +abstract_painting,Abstract_Expressionism,howard-mehring_untitled-1960(1) +still_life,Realism,pyotr-konchalovsky_still-life-lemon-and-knife-1930 +genre_painting,Post_Impressionism,maurice-prendergast_summer-new-england-1912 +religious_painting,Mannerism_Late_Renaissance,rosso-fiorentino_assumption-of-the-virgin-detail-1517 +religious_painting,Romanticism,edward-burne-jones_days-of-creation-the-1st-day +nude_painting,Impressionism,pierre-auguste-renoir_nude-in-a-chair-1900 +cityscape,Fauvism,maurice-de-vlaminck_restaurant-de-la-machine-at-bougival +portrait,Realism,james-mcneill-whistler_purple-and-rose-the-lang-leizen-of-the-six-marks +religious_painting,High_Renaissance,pietro-perugino_christ-in-pieta +portrait,Expressionism,zinaida-serebriakova_portrait-of-daughter-katya-1929 +religious_painting,Baroque,bernardo-strozzi_holy-family-with-st-john-baptist-1630 +portrait,Expressionism,lennart-rodhe_sk-despelerskan-1944 +portrait,Rococo,thomas-gainsborough_portrait-of-mary-countess-howe +landscape,Impressionism,alfred-sisley_road-from-versailles-to-saint-germain-1875 +portrait,Impressionism,claude-monet_victor-jacquemont-holding-a-parasol +genre_painting,Impressionism,pierre-auguste-renoir_the-writing-lesson-1895 +religious_painting,High_Renaissance,pietro-perugino_praying-for-a-cup +genre_painting,Expressionism,ligia-macovei_for-a-walk +portrait,Romanticism,william-holman-hunt_lady-fairbairn-with-her-children-1864 +portrait,Post_Impressionism,henri-de-toulouse-lautrec_the-painter-s-model-helene-vary-in-the-studio-1889 +portrait,Post_Impressionism,theo-van-rysselberghe_portrait-of-madame-monnon-the-artist-s-mother-in-law-1900 +portrait,Northern_Renaissance,albrecht-durer_seated-woman-1514 +illustration,Realism,n.c.-wyeth_blind-pew +genre_painting,Realism,thomas-eakins_the-courtship-1876 +landscape,Realism,vincent-van-gogh_landscape-at-dusk-1885 +abstract_painting,Color_Field_Painting,theodoros-stamos_infinity-field-nemea-series-5-1973 +genre_painting,Symbolism,kuzma-petrov-vodkin_thirsty-warrior-1915 +abstract_painting,Color_Field_Painting,charles-hinman_untitled-1972 +portrait,Realism,john-singer-sargent_asher-wertheime-1898 +portrait,Expressionism,martiros-saryan_portrait-of-film-director-sergei-eisenstein-1940 +portrait,Art_Nouveau_Modern,paul-mathiopoulos_seated-girl +landscape,Realism,taras-shevchenko_a-nook-of-smolensk-cemetery-in-st-petersburg-1840 +landscape,Realism,aleksey-savrasov_sea-of-mud-1894 +cityscape,Impressionism,camille-pissarro_the-pont-neuf-1902 +genre_painting,Post_Impressionism,raoul-dufy_anglers-1908 +portrait,Expressionism,princess-fahrelnissa-zeid_lady-in-blue +religious_painting,Northern_Renaissance,hans-baldung_madonna-with-the-parrots-1533 +portrait,Post_Impressionism,gwen-john_girl-in-a-mulberry-dress +genre_painting,Expressionism,kathe-kollwitz_not_detected_235963 +abstract_painting,Abstract_Expressionism,barnett-newman_the-blessing-1944 +abstract_painting,Color_Field_Painting,louis-cane_papier-d-coup-1967-3 +abstract_painting,Abstract_Expressionism,john-hoyland_memphis-1980 +sketch_and_study,Symbolism,kuzma-petrov-vodkin_sketch-for-the-painting-bathing-the-red-horse-1912-1 +landscape,Post_Impressionism,vincent-van-gogh_almond-tree-in-blossom-1888(1) +religious_painting,Symbolism,salvador-dali_gloria-vultus-moysi-exodus-34-29-1964 +portrait,Expressionism,martiros-saryan_woman-with-mask-s-i-dymshits-1913 +landscape,Impressionism,william-merritt-chase_the-bathers +landscape,Romanticism,lev-lagorio_view-of-lakhta-near-st-petersburg-1850 +portrait,Impressionism,guy-rose_early-morning-summertime-1920 +sketch_and_study,Romanticism,nikolai-ge_death-of-virginia-study +still_life,Post_Impressionism,karl-schrag_flowers-leaves +illustration,Art_Nouveau_Modern,aubrey-beardsley_how-king-marke-found-sir-tristram +portrait,Rococo,antoine-watteau_the-serenader +cityscape,Impressionism,antoine-blanchard_place-du-luxembourg-le-pantheon +portrait,Cubism,fernand-leger_the-two-faces-1951 +portrait,Romanticism,alexander-shilov_shepherd-1975 +religious_painting,High_Renaissance,vittore-carpaccio_the-birth-of-the-virgin-1508 +religious_painting,Baroque,francisco-de-zurbaran_vision-of-st-peter-nolasco-1629 +portrait,Cubism,pablo-picasso_female-bust-portrait-de-dora-maar-1941 +religious_painting,Symbolism,franz-stuck_inferno-1908 +genre_painting,Baroque,rembrandt_beggar-with-a-crippled-hand-leaning-on-a-stick-1629 +landscape,Pointillism,georges-seurat_edge-of-wood-springtime-1883 +abstract_painting,Abstract_Expressionism,jimmy-ernst_four-days-1979 +landscape,Impressionism,camille-pissarro_orchards-at-louveciennes-1872 +religious_painting,Romanticism,john-atkinson-grimshaw_saint-cecilia-1862 +genre_painting,Baroque,gerrit-dou_astronomer-1655 +landscape,Impressionism,james-mcneill-whistler_scene-on-the-mersey +nude_painting,Impressionism,andre-dunoyer-de-segonzac_nue-au-chapeau-de-paille +still_life,Synthetic_Cubism,juan-gris_still-life-with-newspaper-1918 +cityscape,New_Realism,edward-hopper_notre-dame +sketch_and_study,Post_Impressionism,pyotr-konchalovsky_female-portrait-voronova-study-1898 +abstract_painting,Color_Field_Painting,clyfford-still_untitled-1974 +illustration,Art_Nouveau_Modern,raphael-kirchner_front-cover-illustration-1911 +genre_painting,Realism,emile-claus_the-cock-fight-1882 +genre_painting,Post_Impressionism,maurice-prendergast_central-park-new-york-city-july-4th +landscape,Romanticism,john-atkinson-grimshaw_a-manor-house-in-autumn +abstract_painting,Color_Field_Painting,sam-francis_untitled-sf49-075-1949 +portrait,Realism,guntis-strupulis_a-k-avi-a-portrets +genre_painting,Impressionism,james-tissot_mrs-newton-with-a-child-by-a-pool +portrait,Rococo,dmitry-levitzky_portrait-of-an-unknown-man +landscape,Expressionism,albert-bloch_old-graverayd-1940 +portrait,Romanticism,orest-kiprensky_portrait-of-count-sergei-petrovich-buturlin-1824 +portrait,Realism,alexey-venetsianov_portrait-of-peter-i-1819 +portrait,Baroque,aleksey-antropov_portrait-of-catherine-ii-1 +genre_painting,Baroque,david-teniers-the-younger_smokers-in-an-interior +religious_painting,Romanticism,william-holman-hunt_the-triumph-of-the-innocents-1876 +nude_painting,Expressionism,rafael-zabaleta_female-nude-1 +genre_painting,Romanticism,edward-burne-jones_the-march-marigold +sketch_and_study,Romanticism,gustave-moreau_male-nude-and-other-studies-1858 +landscape,Realism,ivan-shishkin_landscape-with-herd-of-sheep +illustration,Romanticism,gustave-dore_a-celestial-light +abstract_painting,Abstract_Expressionism,esteban-vicente_zarzuela-1982 +abstract_painting,Abstract_Expressionism,helen-frankenthaler_deep-sun-1983 +landscape,Impressionism,john-henry-twachtman_evening +abstract_painting,Minimalism,edward-corbett_washington-d-c-1968-1968 +illustration,Symbolism,harry-clarke_the-year-s-at-the-spring-1920-1 +landscape,Impressionism,pierre-auguste-renoir_on-the-banks-of-the-river-1895 +genre_painting,Rococo,george-morland_the-cottage-door-1790 +still_life,Realism,constantin-stahi_still-life-with-fruit-1916 +abstract_painting,Abstract_Expressionism,john-hoyland_2006-blue-moon-oil-on-canvas +portrait,Art_Nouveau_Modern,aubrey-beardsley_the-abbe-fanfreluche +landscape,Fauvism,armand-guillaumin_paysage-crozant-1917 +landscape,Impressionism,ivan-vladimirov_rocks-of-the-gulf-of-finland +landscape,Impressionism,isaac-levitan_saklia-in-alupka-1886 +landscape,Baroque,rembrandt_winter-landscape-1646 +portrait,Mannerism_Late_Renaissance,maerten-van-heemskerck_portrait-of-a-woman-1529 +portrait,Realism,nikolay-bogdanov-belsky_cowboy-1 +abstract_painting,Minimalism,anne-truitt_summer-88-no-7-1988 +genre_painting,Naive_Art_Primitivism,maria-primachenko_years-of-my-youth-come-visit-me-1969 +portrait,Baroque,anthony-van-dyck_lord-john-and-lord-bernard-stuart +sketch_and_study,Rococo,maurice-quentin-de-la-tour_study-to-a-portrait-of-louis-joseph-xavier-of-france-duke-of-burgundy +still_life,Cubism,amadeo-de-souza-cardoso_cash-register-1917 +still_life,Pop_Art,patrick-caulfield_found-objects-1968 +genre_painting,Impressionism,theophrastos-triantafyllidis_governess-in-the-park +religious_painting,High_Renaissance,michelangelo_crucifixion-1540 +portrait,Expressionism,yiannis-tsaroychis_two-men-with-butterfly-wings-black-shoes-1965 +portrait,Romanticism,alfred-stevens_lovelorn +portrait,Realism,john-singer-sargent_portrait-of-theodore-roosevelt-1903 +religious_painting,Baroque,peter-paul-rubens_the-last-supper-1632 +portrait,Realism,vincent-van-gogh_baby-1(1) +portrait,Rococo,vladimir-borovikovsky_portrait-of-m-i-lopukhina-1797 +nude_painting,Expressionism,henri-matisse_sleeping-nude-on-a-red-background-1916 +religious_painting,Early_Renaissance,sandro-botticelli_the-madonna-and-child-with-the-infant-saint-john-the-baptist(1) +religious_painting,High_Renaissance,luca-signorelli_ceiling-frescoes-in-the-chapel-of-san-brizio-1502 +still_life,Realism,pyotr-konchalovsky_still-life-two-rabbits-1931 +landscape,Impressionism,willard-metcalf_the-breath-of-autumn-waterford-connecticut +portrait,Romanticism,konstantin-makovsky_young-italian-with-sour-oranges +cityscape,Impressionism,antoine-blanchard_pont-saint-michel-notre-dame +abstract_painting,Color_Field_Painting,paul-feeley_cassius-1959 +genre_painting,Baroque,jan-steen_prayer-before-meal-1660 +sketch_and_study,Realism,vincent-van-gogh_orphan-man-with-cap-and-walking-stick-1882 +portrait,Naive_Art_Primitivism,fernando-botero_battista-sforza-after-piero-della-francesca +abstract_painting,Abstract_Expressionism,cy-twombly_ferragosto-iii +still_life,Analytical_Cubism,pablo-picasso_violin-glass-pipe-and-inkwell-1912 +nude_painting,Cubism,olexandr-archipenko_nude-female-figure-shown-from-the-back +genre_painting,Realism,james-tissot_a-widow +landscape,Romanticism,caspar-david-friedrich_not-detected-3-1 +genre_painting,Art_Nouveau_Modern,nicholas-roerich_wait-1900 +landscape,Romanticism,caspar-david-friedrich_cross-in-the-mountains-1806 +religious_painting,Baroque,johannes-vermeer_christ-in-the-house-of-martha-and-mary +religious_painting,Early_Renaissance,domenico-ghirlandaio_the-adoration-of-the-magi-1488 +cityscape,Impressionism,william-merritt-chase_venice +genre_painting,Romanticism,karl-bodmer_scalp-dance-of-the-minatarres-1832 +cityscape,Post_Impressionism,edouard-cortes_new-bridge-2 +sketch_and_study,Romanticism,henryk-siemiradzki_sketch-of-burning-corpses-of-russes +sketch_and_study,Expressionism,frank-auerbach_study-after-titian-i +portrait,Baroque,frans-hals_the-company-of-captain-reinier-reael-and-lieutenant-cornelis-michielsz-blaeuw-known-as-the-1637-3 +landscape,Post_Impressionism,vladimir-dimitrov_unknown-title-18 +landscape,Realism,aleksey-savrasov_early-spring-dali +genre_painting,Post_Impressionism,paul-gauguin_petit-breton-arranging-his-shoe-or-landscape-at-pont-aven-brittany-1888 +portrait,Romanticism,sir-lawrence-alma-tadema_summer-offering-young-girl-with-roses-1911 +genre_painting,Pointillism,henri-edmond-cross_bathers +cityscape,Post_Impressionism,panayiotis-tetsis_red-roofs +cityscape,Cubism,fernand-leger_the-bridge-of-the-tug-boat-1920 +illustration,Expressionism,martiros-saryan_illustration-of-the-tale-the-magic-ring-1937 +portrait,Impressionism,octav-angheluta_antonel-1946 +cityscape,Post_Impressionism,david-burliuk_washington-market-1931 +portrait,Art_Nouveau_Modern,raphael-kirchner_justine-johnstone-1 +portrait,Post_Impressionism,henri-de-toulouse-lautrec_portrait-of-m-samary-1889 +portrait,Expressionism,henri-matisse_woman-in-a-purple-coat-1937 +nude_painting,Romanticism,eugene-delacroix_female-nude-reclining-on-a-divan-1826(1) +religious_painting,Northern_Renaissance,jan-provoost_crucifixion-1 +landscape,Realism,ivan-shishkin_stones-1 +still_life,Impressionism,octav-bancila_gladiole-imperiale +genre_painting,Impressionism,pierre-auguste-renoir_two-sisters-1895 +landscape,Romanticism,john-atkinson-grimshaw_sunset-from-chilworth-common-hampshire +religious_painting,Northern_Renaissance,jean-hey_the-moulins-triptych-detail-2 +cityscape,Romanticism,eugene-delacroix_kiosk-of-trajan-at-philae(1) +still_life,Post_Impressionism,pierre-bonnard_fruit-basket +genre_painting,Impressionism,edgar-degas_dancers-1898 +portrait,Impressionism,paul-gauguin_double-portrait-of-a-young-girl-mademoiselle-lafuite-1883 +landscape,Impressionism,alfred-sisley_the-loing-canal-at-saint-mammes-1884 +religious_painting,High_Renaissance,pietro-perugino_bender-st-jerome +religious_painting,Early_Renaissance,paolo-uccello_hope +landscape,Fauvism,janos-mattis-teutsch_mattis-teutsch-s-birthplace-1910 +portrait,Impressionism,william-merritt-chase_a-portrait-study +genre_painting,Impressionism,ilya-mashkov_courtyard-in-the-village-mikhailovskaya-1930 +genre_painting,Impressionism,childe-hassam_paris-street-scene +sketch_and_study,Romanticism,dante-gabriel-rossetti_miss-robinson-mrs-fernandez-1866 +portrait,Romanticism,ivan-aivazovsky_portrait-of-vice-admiral-m-p-lazarev-1839 +portrait,Realism,john-singer-sargent_a-venetian-woman-1882 +abstract_painting,Color_Field_Painting,barnett-newman_vir-heroicus-sublimis-1950 +landscape,Impressionism,adam-baltatu_hu-i-slums-houses +genre_painting,Realism,pyotr-konchalovsky_katya-sleeping-1932 +abstract_painting,Abstract_Expressionism,willem-de-kooning_woman-2 +religious_painting,Rococo,benjamin-west_isaac-s-servant-trying-the-bracelet-on-rebecca-s-arm +religious_painting,Northern_Renaissance,hans-memling_crucifixion-1491 +landscape,Impressionism,camille-pissarro_pontoise-dam-1872 +still_life,Baroque,willem-kalf_still-life-with-holbein-bowl-nautilus-cup-glass-goblet-and-fruit-dish-detail-1678 +illustration,Symbolism,william-blake_illustration-to-milton-s-paradise-lost-1807-4 +portrait,Impressionism,ipolit-strambu_in-the-garden-1930-1 +genre_painting,Baroque,bernardo-strozzi_the-piper +landscape,Realism,vasily-polenov_italian-landscape-with-a-peasant-1874 +genre_painting,Art_Nouveau_Modern,frantisek-kupka_crimson-1908 +portrait,Realism,nikolaos-lytras_portrait-of-painter-oumvertos-argyros-1903 +portrait,Expressionism,martiros-saryan_portrait-of-architect-toros-toramanian-1934 +genre_painting,Cubism,andre-masson_the-meals +genre_painting,Post_Impressionism,maurice-denis_visitation-in-blue +portrait,Art_Nouveau_Modern,alphonse-mucha_maude-adams-as-joan-of-arc-1909 +abstract_painting,Minimalism,brice-marden_grand-street-1969 +genre_painting,Symbolism,nicholas-roerich_snow-maiden-1947 +nude_painting,Post_Impressionism,pierre-bonnard_in-the-bathroom-1907 +genre_painting,Post_Impressionism,maurice-prendergast_st-malo-3 +landscape,Post_Impressionism,anita-malfatti_gruta-da-imprensa(1) +abstract_painting,Abstract_Expressionism,cy-twombly_quattro-stagioni-part-iv-inverno-1994 +landscape,Pointillism,henri-edmond-cross_around-my-house +cityscape,Rococo,bernardo-bellotto_venice-veduta-1 +genre_painting,Impressionism,henri-martin_gathering +religious_painting,High_Renaissance,titian_saint-anthony +abstract_painting,Abstract_Expressionism,sam-gilliam_buoy-landscape-ii-1982 +landscape,Contemporary_Realism,john-miller_windsurfers-porth-kidney-beach-ii +illustration,Romanticism,gustave-dore_don-quixote-107 +landscape,Cubism,m.-h.-maxy_ferma +portrait,Expressionism,paula-modersohn-becker_old-blind-woman +landscape,Post_Impressionism,pyotr-konchalovsky_view-of-elbrus-1948 +genre_painting,Expressionism,vilmos-aba-novak_circus-1935 +genre_painting,Expressionism,jules-pascin_the-circus-1910 +cityscape,Impressionism,walter-sickert_belvedere-bath +cityscape,Ukiyo_e,keisai-eisen_unknown-title-1 +cityscape,Post_Impressionism,edouard-cortes_flower-market-at-la-madeleine-4 +genre_painting,Romanticism,jean-leon-gerome_pifferari +genre_painting,Post_Impressionism,maurice-prendergast_lighthouse-at-st-malo +landscape,Impressionism,armand-guillaumin_apr-s-la-pluie-1885 +sketch_and_study,Realism,john-singer-sargent_study-of-a-figure-for-hell +religious_painting,Naive_Art_Primitivism,marc-chagall_jacob-wrestling-with-the-angel-1 +portrait,Impressionism,pierre-auguste-renoir_sara-looking-to-the-right +illustration,Symbolism,harry-clarke_tales-of-mystery-and-imagination-by-edgar-allan-poe-1923-8 +portrait,Post_Impressionism,paul-gauguin_girl-with-a-fan-1902 +portrait,Expressionism,edvard-munch_professor-daniel-jacobson-1909 +genre_painting,Ukiyo_e,katsushika-hokusai_woman-in-an-interior +illustration,Romanticism,gustave-dore_virgil-and-dante +portrait,High_Renaissance,luca-signorelli_dante-with-scenes-from-the-divine-comedy-1502 +landscape,Symbolism,nicholas-roerich_nan-shan-tibetan-frontier-1936 +landscape,Romanticism,caspar-david-friedrich_not-detected-7 +landscape,Symbolism,mstislav-dobuzhinsky_auk-nai-church-belfry-1933 +landscape,Impressionism,claude-monet_boats-on-the-thames-london +landscape,Impressionism,pierre-auguste-renoir_landscape-with-white-house-1916 +sketch_and_study,Impressionism,maurice-prendergast_sketchbook-the-boston-water-color-sketchbook-1898 +portrait,Post_Impressionism,paul-cezanne_woman-with-a-coffee-pot +genre_painting,Expressionism,m.c.-escher_fireworks +genre_painting,Expressionism,lyonel-feininger_steam-train-1908 +abstract_painting,Abstract_Expressionism,horia-bernea_simeze +cityscape,Impressionism,claude-monet_dolceacqua-bridge +abstract_painting,Abstract_Expressionism,brice-marden_venus-1991 +cityscape,Impressionism,camille-pissarro_view-of-the-seine-from-the-raised-terrace-of-the-pont-neuf-1901 +religious_painting,High_Renaissance,pietro-perugino_pala-di-sant-agostino-sant-irene-and-st-sebastian-1523 +landscape,Impressionism,alfred-sisley_the-seine-at-grenelle-rainy-wether-1878 +religious_painting,Rococo,antoine-watteau_the-holy-family-1719 +cityscape,Realism,vincent-van-gogh_cluster-of-old-houses-with-the-new-church-in-the-hague-1882(1) +landscape,Realism,johan-hendrik-weissenbruch_view-from-dekkersduin-1849 +religious_painting,Northern_Renaissance,lucas-cranach-the-elder_st-catherine +religious_painting,Mannerism_Late_Renaissance,agnolo-bronzino_the-panciatichi-holy-family-1540 +religious_painting,Early_Renaissance,domenico-ghirlandaio_st-antony +abstract_painting,Abstract_Expressionism,wu-guanzhong_attachment-2001 +genre_painting,Expressionism,august-macke_franz-marc-and-maria-in-the-studio-pastel-lenbachhaus-munich +abstract_painting,Abstract_Expressionism,richard-pousette-dart_opaque-harmony-1943 +genre_painting,Art_Nouveau_Modern,carl-larsson_breakfast-in-the-open-1913(1) +religious_painting,Early_Renaissance,sandro-botticelli_three-miracles-of-st-zenobius-1505(1) +still_life,Naive_Art_Primitivism,kateryna-bilokur_hello-harvest-1946 +still_life,Impressionism,pierre-auguste-renoir_apples-and-grapes +genre_painting,Impressionism,william-merritt-chase_the-open-air-breakfast +landscape,Impressionism,alfred-sisley_the-loing-at-moret-1881 +portrait,Romanticism,henry-raeburn_john-robison +religious_painting,Symbolism,james-tissot_water-is-changed-into-blood +genre_painting,Rococo,giovanni-domenico-tiepolo_ball-in-the-country +religious_painting,Northern_Renaissance,joachim-patinir_temptation-of-st-anthony +genre_painting,Art_Nouveau_Modern,henri-de-toulouse-lautrec_the-goulue-and-valentin-the-boneless-one-1891 +sketch_and_study,Impressionism,pierre-auguste-renoir_studies-woman-s-heads-nudes-landscapes-and-peaches-1896 +landscape,Impressionism,arkhip-kuindzhi_a-birch-grove-1879 +portrait,Ukiyo_e,utagawa-kuniyoshi_women-7 +abstract_painting,Color_Field_Painting,friedel-dzubas_durango-1968 +portrait,Rococo,louise-elisabeth-vigee-le-brun_portrait-of-madame-grand-1783 +abstract_painting,Abstract_Expressionism,joan-miro_not_detected_227959 +illustration,Realism,boris-kustodiev_exlibris-k-kustodiev-1921 +still_life,Naive_Art_Primitivism,ivan-generalic_gladiolen-1966 +still_life,Post_Impressionism,martiros-saryan_autumn-landscape-1963 +portrait,Expressionism,salvador-dali_ana-maria-sewing +landscape,Post_Impressionism,david-burliuk_a-house-in-the-steppe-1908 +portrait,Realism,leon-bonnat_portrait-of-antoine-louis-barye-with-a-wax-model-of-seated-lion-1885 +landscape,Impressionism,pierre-auguste-renoir_railway-bridge-at-chatou-1881 +landscape,Impressionism,konstantin-korovin_gursuf-evening-1912 +illustration,Art_Nouveau_Modern,ivan-bilibin_bogatyr-volga-illustration-for-the-epic-volga-1903(1) +religious_painting,Early_Renaissance,benozzo-gozzoli_st-monica-1465 +sketch_and_study,Expressionism,salvador-dali_study-of-a-male-nude-saint-sebastian +landscape,Impressionism,iosif-iser_oriental-landscape +genre_painting,Ukiyo_e,utagawa-toyokuni-ii_segawa-kikunojo-v-as-onnagata +still_life,Impressionism,theodor-pallady_still-life-with-hubble-bubble +portrait,Post_Impressionism,nicolae-tonitza_clown +genre_painting,Post_Impressionism,vanessa-bell_studland-beach-1912 +sketch_and_study,Baroque,rembrandt_the-man-of-gibeah-1646 +portrait,Symbolism,gustave-moreau_an-arabian-singer-1884 +religious_painting,Baroque,ivan-rutkovych_icon-of-moses-and-zacharias-1699 +sketch_and_study,Baroque,rembrandt_jan-cornelisz-sylvius-the-preacher-1645 +portrait,Post_Impressionism,paul-cezanne_woman-in-a-red-striped-dress +abstract_painting,Abstract_Expressionism,sam-francis_untitled-1988-3 +landscape,Impressionism,kazimir-malevich_fields +still_life,Symbolism,kuzma-petrov-vodkin_glass-and-lemon-1922 +portrait,Realism,georgios-jakobides_old-lady-with-scar-on-her-cheek +landscape,Expressionism,konstantinos-parthenis_landscape-with-three-figures-1935 +portrait,Realism,charles-hermans_orientale-au-tambourin +genre_painting,Expressionism,vilmos-aba-novak_the-mask-maker-1941 +portrait,Realism,ilya-repin_warrior-xvii-century-1879 +landscape,Symbolism,nicholas-roerich_ladakh-4 +landscape,Realism,aleksey-savrasov_winter +landscape,Cubism,joan-miro_the-waggon-tracks +genre_painting,Rococo,william-hogarth_tyburn-large +genre_painting,Expressionism,paula-modersohn-becker_mother-and-child +sketch_and_study,Symbolism,pierre-puvis-de-chavannes_study-of-a-standing-male-nude-1882 +landscape,Impressionism,maurice-prendergast_franklin-park-boston +landscape,Impressionism,claude-monet_fontainebleau-forest +landscape,Realism,isaac-levitan_vesper-chimes-1892 +portrait,Expressionism,egon-schiele_woman-with-long-hair-1911 +abstract_painting,Color_Field_Painting,gene-davis_green-giant-1980 +portrait,Post_Impressionism,arshile-gorky_portrait-of-a-woman +portrait,Northern_Renaissance,bernhard-strigel_portrait-of-a-gentleman +genre_painting,Art_Nouveau_Modern,raphael-kirchner_marionettes-3 +portrait,Impressionism,william-merritt-chase_ms-helen-dixon +cityscape,Post_Impressionism,anna-ostroumova-lebedeva_petrograd-red-columns-1922 +landscape,Impressionism,claude-monet_grainstacks-at-the-end-of-summer-morning-effect +landscape,Impressionism,claude-monet_train-in-the-snow-at-argenteuil-1875 +sketch_and_study,Realism,valentin-serov_portrait-of-i-m-moskvitin-1908 +genre_painting,Symbolism,marcel-duchamp_young-girl-and-man-in-spring-1911 +landscape,Romanticism,ivan-aivazovsky_the-bay-of-naples-by-moonlight-1892 +religious_painting,Northern_Renaissance,hieronymus-bosch_mankind-beset-by-devils-reverse-of-rebel-angels-panel-1504 +portrait,Realism,gustave-courbet_portrait-of-charles-baudelaire-1849 +abstract_painting,Color_Field_Painting,gene-davis_barricades-1968 +portrait,Impressionism,robert-julian-onderdonk_goat-herder-at-the-san-antonio-quarry-1909 +portrait,Romanticism,george-frederick-watts_the-wife-of-pygmalion +portrait,Contemporary_Realism,jamie-wyeth_portrait-of-andy-warhol-1976 +religious_painting,Early_Renaissance,domenico-ghirlandaio_angel-appearing-to-zacharias-1490 +cityscape,Pop_Art,hiro-yamagata_not-detected-272415 +genre_painting,Realism,alexey-venetsianov_haymaking-1 +cityscape,Symbolism,mstislav-dobuzhinsky_vilno-street-1906(1) +portrait,Impressionism,edgar-degas_eugene-manet-1874 +cityscape,Impressionism,antoine-blanchard_le-boulevard-paris +nude_painting,High_Renaissance,michelangelo_ignudo-14 +religious_painting,Early_Renaissance,fra-angelico_st-bernard-of-clairvaux-1440 +cityscape,Naive_Art_Primitivism,mstislav-dobuzhinsky_seda-old-warehouse +genre_painting,Impressionism,pierre-auguste-renoir_the-grape-pickers-at-lunch +abstract_painting,Color_Field_Painting,theodoros-stamos_infinity-field-2-lefkada-series-1978 +portrait,Expressionism,amedeo-modigliani_redheaded-woman-wearing-a-pendant-1918 +portrait,Romanticism,konstantin-makovsky_arab-boy +genre_painting,Impressionism,edouard-manet_the-masked-ball-at-the-opera +sketch_and_study,Post_Impressionism,vincent-van-gogh_plaster-statuette-1886-1 +genre_painting,Art_Nouveau_Modern,wilhelm-kotarbinski_caress-the-waves +abstract_painting,Abstract_Expressionism,philip-guston_the-tormentors-1948 +landscape,Abstract_Expressionism,abidin-dino_abstract-composition +abstract_painting,Abstract_Expressionism,perle-fine_untitled-1957(2) +genre_painting,Symbolism,victor-borisov-musatov_requiem-1905 +portrait,Romanticism,konstantin-makovsky_an-arab-in-a-turban +portrait,Romanticism,konstantin-makovsky_girl-with-a-bouquet +illustration,Romanticism,gustave-dore_the-late-repenters-ii +religious_painting,Symbolism,franz-stuck_the-lost-paradise +portrait,Realism,ilya-repin_portrait-of-the-military-1866 +genre_painting,Symbolism,konstantin-somov_lady-by-the-pool +abstract_painting,Minimalism,agnes-martin_the-desert-1965 +portrait,Expressionism,nikolaos-lytras_portrait-of-young-k-m-1914(1) +abstract_painting,Color_Field_Painting,dan-christensen_amino-royale-2006 +cityscape,Expressionism,oskar-kokoschka_not_detected_235883 +portrait,Northern_Renaissance,albrecht-durer_bearded-man +religious_painting,Northern_Renaissance,hans-memling_st-ursula-and-her-companions-landing-at-cologne-from-the-reliquary-of-st-ursula-1489 +portrait,Realism,vasily-perov_portrait-of-the-historian-mikhail-petrovich-pogodin-1872 +religious_painting,Early_Renaissance,luca-signorelli_moses-s-testament-and-death-detail-1482-2 +religious_painting,Early_Renaissance,filippo-lippi_madonna-and-child-2 +genre_painting,Art_Nouveau_Modern,carl-larsson_under-the-birches-1902(1) +landscape,Symbolism,nicholas-roerich_on-the-lake-shop-pangalo +religious_painting,Baroque,rembrandt_the-resurection-of-christ-1639 +religious_painting,Naive_Art_Primitivism,marc-chagall_the-israelites-go-over-jordan-following-of-the-ark-of-the-covenant-that-is-brought-to-them-at +sketch_and_study,Romanticism,dante-gabriel-rossetti_desdemona-1881 +landscape,Impressionism,claude-monet_plum-trees-in-blossom-at-vetheuil +portrait,Rococo,joshua-reynolds_portrait-of-mrs-siddons-as-the-tragic-muse +genre_painting,Ukiyo_e,kitagawa-utamaro_not_detected_233118-1799 +genre_painting,New_Realism,edward-hopper_blue-night +nude_painting,Romanticism,orest-kiprensky_sitter-1 +portrait,Post_Impressionism,ion-theodorescu-sion_feti-n-foi-or-1920 +still_life,Symbolism,mstislav-dobuzhinsky_a-doll-1905 +genre_painting,Expressionism,ernst-ludwig-kirchner_shepherd-in-the-evening +illustration,Romanticism,gustave-dore_vivien-and-merlin +landscape,Impressionism,camille-pissarro_the-road-to-saint-cyr-at-louveciennes +landscape,Impressionism,camille-pissarro_sunrise-over-the-fields-eragny-1891 +abstract_painting,Abstract_Expressionism,blinky-palermo_komposition-mit-8-roten-rechtecken-composition-with-8-red-rectangles-1964 +landscape,Romanticism,william-turner_the-brunig-pass-from-meringen-1848 +portrait,Realism,theodor-severin-kittelsen_mama(1) +nude_painting,Expressionism,pablo-picasso_teenagers-1906-1 +portrait,Baroque,frans-hals_portrait-of-an-elderly-man +portrait,Expressionism,dimitris-mytaras_girl-with-angels +portrait,Ukiyo_e,kitagawa-utamaro_geisha +genre_painting,Impressionism,mary-cassatt_the-horse-chestnut-1896 +still_life,Baroque,frans-snyders_still-life-with-a-basket-of-fruit +religious_painting,Northern_Renaissance,hans-memling_marriage-of-st-catherine +abstract_painting,Abstract_Expressionism,forrest-bess_spots-1967 +sketch_and_study,Realism,vincent-van-gogh_baby-in-a-carriage(1) +abstract_painting,Abstract_Expressionism,paul-jenkins_untitled +religious_painting,Northern_Renaissance,petrus-christus_head-of-christ +portrait,Romanticism,francisco-goya_francisco-de-cabarrus-1788 +portrait,Realism,valentin-serov_portrait-of-the-artist-pavel-tchistyakov-1881 +cityscape,Romanticism,miklos-barabas_venice-at-dusk-1834 +portrait,Romanticism,konstantin-makovsky_portrait-of-hudenkova +genre_painting,Realism,koloman-moser_girls-in-henhouse-1897 +abstract_painting,Minimalism,genevieve-asse_impression-2009 +cityscape,Impressionism,pericles-pantazis_ostend +genre_painting,Baroque,adriaen-van-ostade_the-merry-drinkers +cityscape,Expressionism,paul-klee_reconstructing-1926(1) +illustration,Symbolism,harry-clarke_the-year-s-at-the-spring-1920-3 +portrait,Expressionism,amedeo-modigliani_bust-of-a-young-woman-mademoiselle-marthe +landscape,Romanticism,arnold-bã¶cklin_campagna-landscape-1858 +portrait,Realism,konstantin-somov_portrait-of-e-mihaylov +portrait,Cubism,henri-matisse_madame-yvonne-landsberg-1914 +portrait,Expressionism,egon-schiele_double-portrait-chief-inspector-heinrich-benesch-and-his-son-otto-1913 +landscape,Post_Impressionism,maxime-maufra_study-of-mountains-1904 +sketch_and_study,Baroque,rembrandt_a-study-of-a-woman-asleep-1630 +nude_painting,Impressionism,matej-sternen_le-e-i-akt-1914 +sketch_and_study,Naive_Art_Primitivism,fernand-leger_the-merchant-of-four-seasons +portrait,Romanticism,karl-bryullov_portrait-of-the-secretary-of-state-piotr-kikin-1822 +genre_painting,Northern_Renaissance,albrecht-durer_the-young-peasant-and-his-wife +genre_painting,Impressionism,frits-thaulow_the-battle-of-arques-normandy +landscape,Impressionism,william-merritt-chase_brooklyn-navy-yard +sketch_and_study,Baroque,rembrandt_the-descent-from-the-cross-1634 +sketch_and_study,Realism,james-mcneill-whistler_fantin-latour-drawing-sun +religious_painting,Early_Renaissance,antonello-da-messina_st-gregory +landscape,Realism,viktor-vasnetsov_landscape-under-abramtzevo-1881 +sketch_and_study,Realism,john-singer-sargent_drawing-2 +landscape,Realism,isaac-levitan_at-moscow-river-1877 +genre_painting,Realism,peder-severin-kroyer_women-of-concarneau-1879 +cityscape,Realism,christoffer-wilhelm-eckersberg_the-marble-staircase-which-leads-up-to-s-maria-in-aracoeli-in-rome-1816 +religious_painting,Early_Renaissance,domenico-ghirlandaio_marriage-of-mary-1490 +portrait,Baroque,anthony-van-dyck_portrait-of-an-unknown-woman +landscape,Post_Impressionism,paul-cezanne_chestnut-tree-and-farm-1885 +genre_painting,Contemporary_Realism,jamie-wyeth_wanderer +sketch_and_study,Symbolism,kuzma-petrov-vodkin_portrait-of-a-girl-1921 +portrait,Post_Impressionism,mikhail-nesterov_a-sick-girl-1928 +genre_painting,Impressionism,childe-hassam_indian-summer-in-madison-square +genre_painting,Realism,james-tissot_tea-time +genre_painting,Naive_Art_Primitivism,david-burliuk_a-painter +portrait,Expressionism,salvador-dali_velazquez-and-a-figure +portrait,Realism,nikolai-ge_portrait-of-tatyana-tolstaya-leo-tolstoy-s-daughter +cityscape,Realism,camille-corot_la-rochelle-harbor-entrance-1851 +genre_painting,Post_Impressionism,periklis-vyzantios_summer-in-hydra +landscape,Naive_Art_Primitivism,andre-bauchant_blumen-in-landschaft-1928 +sketch_and_study,Realism,jean-francois-millet_orchard-fence-near-vichy-1867 +genre_painting,Impressionism,mary-cassatt_maternity +genre_painting,Expressionism,gerard-sekoto_family-with-candle +genre_painting,Rococo,pietro-longhi_the-geography-lesson +portrait,Impressionism,edgar-degas_friends-at-the-theatre-ludovic-halevy-and-albert-cave-1879 +sketch_and_study,Realism,vincent-van-gogh_old-woman-seen-from-behind-1882 +sketch_and_study,Post_Impressionism,paul-cezanne_fruits +portrait,Impressionism,valentin-serov_portrait-of-children-of-s-botkin-1900 +landscape,Impressionism,homer-watson_study-for-red-oak-1917 +cityscape,Post_Impressionism,pyotr-konchalovsky_novgorod-the-great-at-the-fence-of-the-cathedral-1925 +cityscape,Impressionism,nicolae-darascu_elisabeth-avenue-after-rain +landscape,Realism,ilya-repin_landscape-zdravnevo +cityscape,Impressionism,gino-severini_paris-the-seine-the-barges-of-the-louvre +religious_painting,High_Renaissance,raphael_moses-receiving-the-tablets-of-the-law-detail-1518 +genre_painting,Realism,john-singer-sargent_el-jaleo-1882 +abstract_painting,Abstract_Expressionism,richard-diebenkorn_miller-22 +genre_painting,Ukiyo_e,kitagawa-utamaro_women-making-dresses-1 +portrait,Ukiyo_e,utagawa-kuniyoshi_horse-soga-goro-on-a-rearing-horse +portrait,Expressionism,lucian-freud_portrait-of-christian-berard-1948 +cityscape,Impressionism,camille-pissarro_the-garden-of-the-tuileries-morning-spring-1900 +cityscape,Post_Impressionism,pierre-bonnard_cow-behind-a-tree +religious_painting,Northern_Renaissance,albrecht-altdorfer_holy-night-nativity-1511 +genre_painting,Romanticism,john-william-waterhouse_the-shrine +sketch_and_study,Realism,vincent-van-gogh_plaster-torso-of-a-woman-seen-from-the-side-1886 +portrait,Expressionism,pyotr-konchalovsky_portrait-of-pascar-1923 +portrait,Post_Impressionism,theodor-pallady_woman-in-black +landscape,Realism,vasily-surikov_in-crimea-1913 +landscape,Impressionism,john-henry-twachtman_road-scene-cincinnati +portrait,Impressionism,pierre-auguste-renoir_ambroise-vollard-1908 +religious_painting,Northern_Renaissance,jan-provoost_abraham-sara-and-an-angel +landscape,Impressionism,pierre-auguste-renoir_landscape-16 +landscape,Impressionism,eugene-boudin_the-seine-at-caudebec-en-caux-1889 +illustration,Romanticism,gustave-dore_gargantua-and-pantagruel +portrait,Post_Impressionism,maurice-denis_triple-portrait-of-marthe +sketch_and_study,Romanticism,gustave-moreau_study-for-the-head-of-oedipus +illustration,Art_Nouveau_Modern,kay-nielsen_snow-queen-1 +portrait,Expressionism,lucian-freud_the-painter-s-mother-iii-1972 +portrait,Realism,georgios-jakobides_the-artist-s-wife-with-their-son-1895 +cityscape,Impressionism,childe-hassam_gateway-at-canterbury +still_life,Baroque,jean-baptiste-simeon-chardin_still-life-with-glass-flask-and-fruit +landscape,Impressionism,alfred-sisley_the-village-of-moret-seen-from-the-fields-1886 +cityscape,Post_Impressionism,edouard-cortes_place-de-la-madeleine-2 +portrait,Art_Nouveau_Modern,henri-de-toulouse-lautrec_mademoiselle-marcelle-lender-standing-1895 +landscape,Impressionism,constantin-artachino_provence-vineyards +abstract_painting,Abstract_Expressionism,john-hoyland_21-1-75-1975 +still_life,Impressionism,constantin-artachino_pipkin-with-mallows-1 +landscape,Symbolism,nicholas-roerich_bell-mountain-1932 +sketch_and_study,Romanticism,thomas-cole_study-for-two-youths-enter-upon-a-pilgrimage-one-to-cross-the-other-to-the-world-1847 +genre_painting,Realism,ilya-repin_ballet-scene-1875 +genre_painting,Naive_Art_Primitivism,marc-chagall_lovers-with-bouquet-under-the-trees-1957 +still_life,Synthetic_Cubism,juan-gris_a-pot-of-geraniums-1915 +nude_painting,Post_Impressionism,arturo-souto_female-nude-1960 +portrait,Expressionism,alekos-kontopoulos_head-1939 +portrait,Rococo,vladimir-borovikovsky_nathalie-petrovna-golitsyn +nude_painting,Northern_Renaissance,albrecht-durer_the-four-witches-1497 +landscape,Realism,nikolai-ge_oaks-in-the-mountains-of-carrara +sketch_and_study,Realism,ilya-repin_putting-a-propagandist-under-arrest-2-1879 +cityscape,Impressionism,claude-monet_rouen-cathedral-the-portal-and-the-tour-d-albane-morning-effect +portrait,Realism,vasily-polenov_palestine-monk-1886 +portrait,Realism,giovanni-boldini_portrait-of-the-comte-de-rasty +landscape,Realism,isaac-levitan_ferns-by-the-water-1895 +genre_painting,Realism,vladimir-makovsky_girls-lightened-by-sun-1901 +portrait,Realism,james-tissot_portrait-of-miss-l +still_life,Expressionism,esteban-vicente_still-life-with-le-crapouillot-1925 +landscape,Impressionism,frederic-bazille_landscape-at-chailly +portrait,Art_Nouveau_Modern,raphael-kirchner_vivienne-segal +abstract_painting,Abstract_Expressionism,frank-lobdell_july-1954-1954 +genre_painting,Post_Impressionism,raoul-dufy_the-port-of-palais-belle-ile-1907 +landscape,Post_Impressionism,pierre-bonnard_landscape-with-three-figures-and-willow-1912 +landscape,Post_Impressionism,vincent-van-gogh_sunny-lawn-in-a-public-park-1888 +portrait,Northern_Renaissance,lucas-cranach-the-elder_albrecht-of-brandenburg-as-st-jerome-in-his-study-1527 +religious_painting,Naive_Art_Primitivism,marc-chagall_biblical-subject-1983 +abstract_painting,Abstract_Expressionism,sam-francis_red-and-black-1954 +portrait,Expressionism,ossip-zadkine_two-women +illustration,Art_Nouveau_Modern,koloman-moser_early-spring-illustration-to-a-poem-by-rainer-maria-rilke-1901 +cityscape,Post_Impressionism,ilya-mashkov_view-of-nervi +genre_painting,Art_Nouveau_Modern,sergey-solomko_meeting-3 +landscape,Symbolism,nicholas-roerich_message-to-tiron-1940 +cityscape,Impressionism,antoine-blanchard_porte-st-martin +abstract_painting,Abstract_Expressionism,william-baziotes_congo-1954 +portrait,Contemporary_Realism,konstantin-vasilyev_portrait-of-a-sister-with-shepherd-dog +landscape,Realism,pyotr-konchalovsky_young-apple-tree-1947 +religious_painting,Early_Renaissance,benozzo-gozzoli_angels-worshipping-detail-1461-3 +landscape,Impressionism,alfred-sisley_river-loing-at-saint-mammes +religious_painting,Symbolism,franz-stuck_judith-and-holofernes-1927-1 +genre_painting,Impressionism,berthe-morisot_bather +abstract_painting,Color_Field_Painting,gene-davis_salute-1958(1) +cityscape,Post_Impressionism,gustave-loiseau_the-port-of-pornic-1900 +genre_painting,Baroque,jan-steen_wine-is-a-mocker-1670 +religious_painting,Mannerism_Late_Renaissance,el-greco_the-repentant-peter +landscape,Symbolism,nicholas-roerich_lake-nag-1925 +abstract_painting,Minimalism,jean-degottex_unknown-title-5 +landscape,Ukiyo_e,hiroshige_the-station-ejiri +portrait,Rococo,joseph-wright_edward-becher-leacroft +landscape,Impressionism,giuseppe-de-nittis_the-serpentine-hyde-park +religious_painting,High_Renaissance,michelangelo_the-torment-of-saint-anthony +genre_painting,Impressionism,berthe-morisot_woman-with-a-child-in-a-boat +portrait,Rococo,joshua-reynolds_lady-cockburn-and-her-three-eldest-sons-1773 +landscape,Realism,aleksey-savrasov_the-road-in-the-woods-1871 +genre_painting,Impressionism,claude-monet_bathers-at-la-grenouillere-1869 +portrait,Baroque,peter-paul-rubens_portrait-of-isabella-brant-1626 +illustration,Symbolism,william-blake_illustration-to-milton-s-comus-1820-4 +landscape,Impressionism,yiannis-tsaroychis_landscape-1926 +landscape,Impressionism,zinaida-serebriakova_orchard-1908 +portrait,Realism,james-mcneill-whistler_harmony-in-pink-and-grey-lady-meux-1881 +sketch_and_study,Baroque,peter-paul-rubens_head-of-woman-1 +genre_painting,Impressionism,camille-pissarro_woman-burning-wood +portrait,Expressionism,martiros-saryan_sofia-gevorkian-1915 +portrait,Post_Impressionism,moise-kisling_kiki-de-montparnasse-in-a-red-dress +sketch_and_study,Baroque,annibale-carracci_nude-study +portrait,Realism,nikolai-ge_portrait-of-the-poet-nikolay-nekrasov +genre_painting,Symbolism,ferdinand-hodler_the-german-students-in-the-war-of-liberation-of-1813-1908-2 +genre_painting,Realism,james-tissot_in-church +landscape,Impressionism,john-singer-sargent_karer-see-1914 +illustration,Expressionism,margareta-sterian_illustration-for-v-voiculescu-s-last-shakespearean-sonnets-1982(3) +genre_painting,Realism,boris-kustodiev_statement-of-the-model-in-the-studio-of-ilya-repin-1899 +portrait,Symbolism,franz-stuck_portrait-of-writer-juliane-d-ry +portrait,Post_Impressionism,vladimir-dimitrov_unknown-title-26 +landscape,Symbolism,konstantin-somov_before-sunset-1900 +genre_painting,New_Realism,john-french-sloan_spring-planting-greenwich-village-1913 +landscape,Impressionism,claude-monet_the-road-to-monte-carlo +abstract_painting,Color_Field_Painting,ellsworth-kelly_yellow-and-blue-1951 +landscape,Impressionism,cornelis-vreedenburgh_corn-sheafs-in-gooi +genre_painting,Impressionism,pierre-auguste-renoir_woman-tying-her-shoe +landscape,Impressionism,theo-van-rysselberghe_rain-jersey-1907 +nude_painting,Impressionism,edgar-degas_woman-in-a-bath-sponging-her-leg +landscape,Realism,aleksey-savrasov_tomb-of-alexander-pushkin-in-svyatogorsky-monastery-1873 +genre_painting,Post_Impressionism,maurice-prendergast_luxembourg-gardens +portrait,Rococo,maurice-quentin-de-la-tour_portrait-of-jean-jacques-rousseau +nude_painting,Pointillism,henri-edmond-cross_bathers-1902 +religious_painting,Symbolism,mikhail-nesterov_saint-sergius-labours-central-part-of-the-triptych-1896 +nude_painting,High_Renaissance,michelangelo_ignudo-2 +genre_painting,Naive_Art_Primitivism,candido-portinari_bumba-meu-boi +religious_painting,High_Renaissance,pietro-perugino_marriage-of-the-virgin-1504 +sketch_and_study,Realism,isaac-levitan_dilapidated-huts-by-the-forested-mountain-1890 +genre_painting,Naive_Art_Primitivism,marc-chagall_blue-clown-1984 +cityscape,Cubism,pyotr-konchalovsky_siena-1912 +genre_painting,Baroque,bartolome-esteban-murillo_boy-with-a-dog +religious_painting,Naive_Art_Primitivism,marc-chagall_moise-blesses-joshua-1966 +cityscape,Romanticism,cornelis-springer_vleeschhal-and-grote-kerk-in-haarlem +portrait,Romanticism,konstantin-makovsky_female-portrait-3 +portrait,Baroque,diego-velazquez_madre-maria-jeronima-de-la-fuente-1620 +religious_painting,Early_Renaissance,fra-angelico_condemnation-of-st-lawrence-by-the-emperor-valerian-1449 +genre_painting,Post_Impressionism,georges-seurat_nurse-sitting-holding-her-baby +portrait,Realism,mykola-yaroshenko_girl-student-1883-1 +genre_painting,Symbolism,frantisek-kupka_the-wave-1902 +portrait,Romanticism,sir-lawrence-alma-tadema_in-the-peristyle-1866 +sketch_and_study,Realism,vincent-van-gogh_peasant-woman-with-shawl-over-her-head-seen-from-the-back-1885 +portrait,Rococo,maurice-quentin-de-la-tour_jacques-dumont-le-romain-playing-the-guitar +genre_painting,Art_Nouveau_Modern,raphael-kirchner_all-healing-5 +portrait,Mannerism_Late_Renaissance,titian_youth-with-dogs-1576 +landscape,Impressionism,egon-schiele_forest-with-sunlit-clearing-in-the-background-1907 +portrait,Northern_Renaissance,hieronymus-bosch_head-of-a-halberdier +still_life,Realism,martiros-saryan_still-life +religious_painting,Early_Renaissance,filippo-lippi_annunciation-left-wing-1430 +sketch_and_study,Baroque,rembrandt_woman-suckling-a-child +landscape,Impressionism,william-merritt-chase_shinnecock-hills +abstract_painting,Color_Field_Painting,ian-davenport_poured-painting-orange-red-orange-1996 +still_life,Realism,pyotr-konchalovsky_still-life-dishes-and-fruits-1953 +landscape,Romanticism,rudolf-von-alt_view-of-ischl-1830 +landscape,Post_Impressionism,paul-cezanne_medan-chateau-and-village-1885 +genre_painting,Romanticism,eugene-delacroix_a-blacksmith-1833(1) +portrait,Realism,pierre-auguste-renoir_woman-playing-the-guitar-1896 +genre_painting,Baroque,judith-leyster_three-boys-merry-making-1629 +landscape,Contemporary_Realism,fairfield-porter_amherst-campus-no-1-1969 +cityscape,Post_Impressionism,gustave-loiseau_port-corneille-at-rouen-1925 +nude_painting,Expressionism,pablo-picasso_lying-female-nude-1964 +cityscape,Impressionism,john-henry-twachtman_miami-canal-cincinnati +sketch_and_study,Impressionism,william-merritt-chase_back-of-a-male-figure +genre_painting,Realism,konstantin-makovsky_christmas-fortune-telling +cityscape,Post_Impressionism,edouard-cortes_les-halles +religious_painting,Baroque,bartolome-esteban-murillo_st-francis-of-assisi-at-prayer-1650 +landscape,Realism,ferdinand-hodler_landscape-at-the-jonction-at-geneva-1878 +sketch_and_study,Mannerism_Late_Renaissance,tintoretto_study +landscape,Post_Impressionism,david-burliuk_hills-near-village +genre_painting,Impressionism,nikolay-bogdanov-belsky_cowboy +genre_painting,Impressionism,eugene-boudin_trouville-fish-market +abstract_painting,Abstract_Expressionism,sam-francis_untitled-1988 +nude_painting,Expressionism,sa-nogueira_figure-1 +portrait,Baroque,caravaggio_portrait-of-maffeo-barberini-1 +landscape,Impressionism,robert-julian-onderdonk_old-live-oak-tree-and-bluebonnets-on-the-west-texas-military-grounds-san-antonio-1920 +cityscape,Impressionism,gustave-caillebotte_the-promenade-at-argenteuil +landscape,Impressionism,john-henry-twachtman_boats-at-anchor +portrait,Art_Nouveau_Modern,alphonse-mucha_cycles-perfecta-1902 +genre_painting,Naive_Art_Primitivism,grã©goire-michonze_untitled +sketch_and_study,Realism,vasily-surikov_study-to-boyarynya-morozova-7 +religious_painting,High_Renaissance,andrea-mantegna_the-martyrdom-of-st-jacques +illustration,Early_Renaissance,sandro-botticelli_study-of-two-standing-figures(1) +portrait,Expressionism,milton-avery_two-women-1950 +portrait,Baroque,annibale-carracci_two-children-teasing-a-cat-1590 +cityscape,Impressionism,eugene-boudin_venice +genre_painting,Impressionism,childe-hassam_april-showers-champs-elysees-paris +landscape,Post_Impressionism,vincent-van-gogh_montmajour-1888 +still_life,Synthetic_Cubism,juan-gris_violin-and-glass-1915 +genre_painting,Post_Impressionism,alfred-sisley_by-the-river-loing +genre_painting,Post_Impressionism,vincent-van-gogh_guinguette-1886(1) +genre_painting,Realism,wilhelm-leibl_dag-ungleiche-pahr-1880 +landscape,Impressionism,pierre-auguste-renoir_the-seine-at-argenteuil +genre_painting,Romanticism,arthur-hughes_the-pained-heart-or-sigh-no-more-ladies-1868 +abstract_painting,Abstract_Expressionism,theodoros-stamos_infinity-field-jerusalem-series-1983-1 +abstract_painting,Color_Field_Painting,gene-davis_firebox-1964 +portrait,Pop_Art,andy-warhol_mick-jagger +landscape,Expressionism,martiros-saryan_by-the-sea-1904 +landscape,Impressionism,willard-metcalf_coast-of-brittany +genre_painting,Romanticism,adolphe-joseph-thomas-monticelli_roasting-two-pheasants +genre_painting,Rococo,jean-baptiste-simeon-chardin_woman-drawing-water-from-an-urn-1733 +portrait,Post_Impressionism,pierre-bonnard_study-for-profile-of-a-woman-in-a-bow-tie +illustration,Romanticism,gustave-dore_don-quixote-145 +landscape,Art_Nouveau_Modern,franklin-carmichael_grace-lake-1934 +genre_painting,Naive_Art_Primitivism,henri-rousseau_nude-and-bear-1901 +abstract_painting,Color_Field_Painting,mark-rothko_white-on-red(1) +landscape,Romanticism,william-turner_rainbow +genre_painting,Post_Impressionism,maurice-prendergast_rider-against-blue-hills +sketch_and_study,Realism,vincent-van-gogh_potato-field-behind-the-dunes-1883 +landscape,Pointillism,henri-edmond-cross_beach-on-the-mediterranian +illustration,Art_Nouveau_Modern,heorhiy-narbut_illustration-for-the-book-how-mice-buried-the-cat-by-zhukovsky-1910-4 +still_life,Post_Impressionism,moise-kisling_still-life-with-fruit-1913 +religious_painting,Northern_Renaissance,albrecht-altdorfer_passion-of-christ-4 +landscape,Symbolism,nicholas-roerich_bonpo-stronghold-1933 +genre_painting,Expressionism,salvador-dali_romeria-pilgrimage +landscape,Post_Impressionism,paul-gauguin_hut-under-the-coconut-palms +genre_painting,Impressionism,pierre-auguste-renoir_young-woman-looking-at-a-print-1896 +portrait,Post_Impressionism,pyotr-konchalovsky_portrait-of-yuri-petrovich-yuriev-1913 +landscape,Expressionism,francis-picabia_provincial-landscape +cityscape,Post_Impressionism,mario-zanini_rua-de-parati-1964 +portrait,Romanticism,vasily-tropinin_boy-with-book +genre_painting,New_Realism,william-james-glackens_figures-in-a-park-paris-1895 +landscape,Cubism,nikos-hadjikyriakos-ghikas_rainy-landscape-ii-1977 +cityscape,Expressionism,saul-steinberg_main-street-1973 +landscape,Romanticism,richard-parkes-bonington_green-fields-at-the-boards-of-rio-das-velhas +portrait,Impressionism,adam-baltatu_subret +portrait,Realism,pavel-fedotov_portrait-of-o-p-zhdanovich-1847 +portrait,Realism,john-singer-sargent_captain-john-spicer +landscape,Impressionism,eugene-boudin_the-lock-at-saint-valery-sur-somme-1891 +landscape,Art_Nouveau_Modern,ferdinand-hodler_weisshorn-of-montana-1915 +sketch_and_study,Post_Impressionism,vincent-van-gogh_head-of-a-peasant-with-cap(1) +religious_painting,Romanticism,gustave-dore_christ-and-the-tribute-money +sketch_and_study,Realism,alekos-kontopoulos_nudes +cityscape,Cubism,tarsila-do-amaral_e-f-c-b-estrada-de-ferro-central-do-brasil-1924 +cityscape,Post_Impressionism,maurice-utrillo_street-in-montmartre +portrait,Realism,william-adolphe-bouguereau_the-veil-1898 +abstract_painting,Action_painting,jackson-pollock_number-29-1950 +portrait,Realism,john-everett-millais_vanessa +abstract_painting,Minimalism,frank-stella_delaware-crossing-1967 +landscape,Impressionism,john-henry-twachtman_bloody-run +portrait,Northern_Renaissance,martin-schongauer_portrait-of-a-young-woman +portrait,Romanticism,william-holman-hunt_portrait-of-dante-gabriel-rossetti-1853 +genre_painting,Symbolism,pierre-puvis-de-chavannes_the-balloon +landscape,Cubism,jack-bush_grey-day-mattawa-1947 +cityscape,New_Realism,edward-hopper_adam-s-house +sketch_and_study,Rococo,maurice-quentin-de-la-tour_study-for-portrait-of-unknown-woman-5 +sketch_and_study,Naive_Art_Primitivism,marc-chagall_study-to-the-jacob-s-dream-4 +cityscape,Expressionism,paul-klee_station-l-112-1923(1) +nude_painting,Cubism,yiannis-moralis_not-detected-16 +portrait,Fauvism,john-duncan-fergusson_in-the-sunlight-1907 +portrait,Realism,john-singer-sargent_mrs-carl-meyer-later-lady-meyer-and-her-two-children-1896 +portrait,Expressionism,oskar-kokoschka_not_detected_235851 +nude_painting,Impressionism,edgar-degas_after-the-bath-woman-drying-her-hair +genre_painting,Realism,andrei-ryabushkin_school-of-xvii-century +still_life,Post_Impressionism,martiros-saryan_bouquet-of-flowers-1945 +genre_painting,Naive_Art_Primitivism,william-h.-johnson_children-dance-1944 +abstract_painting,Color_Field_Painting,paul-feeley_gomelza-1965 +sketch_and_study,Realism,vasily-perov_guitarist-bach +landscape,Post_Impressionism,gustave-loiseau_landscape-with-poplars +genre_painting,Realism,james-tissot_the-circle-of-the-rue-royale +landscape,Ukiyo_e,utagawa-toyokuni-ii_autumn-moon-at-tamagawa-two-boats-fishing-at-night +landscape,Fauvism,othon-friesz_bec-de-l-aigle-la-ciotat-1907 +genre_painting,Romanticism,henryk-siemiradzki_country-idyll +nude_painting,Expressionism,amedeo-modigliani_caryatid-1913 +genre_painting,Art_Nouveau_Modern,nicholas-roerich_costume-devotion-of-fiery-furnace-before-christmas-liturgy-in-russian-orthodox-church-1907 +cityscape,Expressionism,lyonel-feininger_town-gate-ribnitz-das-tor-ribnitz-1918 +genre_painting,Realism,sergey-solomko_in-pursuit-of +sketch_and_study,Symbolism,kuzma-petrov-vodkin_hand-1915 +religious_painting,Northern_Renaissance,bernhard-strigel_barbara-of-nicomedia +religious_painting,High_Renaissance,raphael_vision-of-ezekiel-1518 +genre_painting,Pointillism,henri-edmond-cross_fisherman +portrait,Art_Nouveau_Modern,zinaida-serebriakova_portrait-of-yekaterina-heidenreich-in-red-1923 +portrait,Art_Nouveau_Modern,jacek-malczewski_portrait-of-w-adys-aw-ele-ski-1908 +genre_painting,Realism,winslow-homer_canoe-in-the-rapids +abstract_painting,Color_Field_Painting,ronnie-landfield_yellow-line-painting-1973 +portrait,Realism,vasily-perov_portrait-of-the-poet-apollon-maikov-1872 +cityscape,Expressionism,mstislav-dobuzhinsky_wasteland-on-vasilievsky-island-1922 +illustration,Romanticism,gustave-dore_don-quixote-27 +genre_painting,Cubism,kazimir-malevich_reaper-1912 +religious_painting,Baroque,alonzo-cano_st-vincent-ferrer-preaching +portrait,Impressionism,william-merritt-chase_portrait-of-dorothy +illustration,Naive_Art_Primitivism,marc-chagall_the-story-of-the-rooster-the-little-goat-3 +cityscape,Post_Impressionism,edouard-cortes_rue-royale-concorde +portrait,Rococo,thomas-gainsborough_john-and-henry-trueman-villebois +religious_painting,Romanticism,gustave-dore_entry-of-jesus-into-jerusalem +abstract_painting,Abstract_Expressionism,mark-rothko_no-9 +genre_painting,Post_Impressionism,pablo-picasso_mother-and-child-1922-1 +genre_painting,Symbolism,konstantin-somov_repose-at-sunset +religious_painting,Symbolism,nicholas-roerich_mohammed-the-prophet-1925 +landscape,Art_Nouveau_Modern,ferdinand-hodler_thun-stockhornkette-1910-1 +cityscape,Romanticism,taras-shevchenko_cathedral-of-the-annunciation-in-nizhny-novgorod-1857 +abstract_painting,Color_Field_Painting,alma-woodsey-thomas_white-daisies-rhapsody-1973 +abstract_painting,Abstract_Expressionism,rafa-nasiri_untitled-058-2000 +portrait,Romanticism,francisco-goya_portrait-of-the-artist-julio-asensio +cityscape,Impressionism,claude-monet_fishing-boats-leaving-the-harbor-le-havre +portrait,Northern_Renaissance,mabuse_an-elderly-couple +genre_painting,Impressionism,camille-pissarro_ducks-on-the-pond-at-montfoucault +genre_painting,Impressionism,wilhelm-leibl_konzertstudie-1870 +landscape,Impressionism,maxime-maufra_cornfield-in-the-valley-of-saint-jean-du-doigt +portrait,Romanticism,fyodor-bronnikov_lover-of-painting +cityscape,Impressionism,antoine-blanchard_boulevard-de-la-madeleine-8 +portrait,Northern_Renaissance,lucas-cranach-the-elder_portrait-of-a-saxon-prince +abstract_painting,Minimalism,agnes-martin_the-peach-1964 +still_life,Synthetic_Cubism,juan-gris_fantomas-1915 +genre_painting,Realism,vincent-van-gogh_digger-in-a-potato-field-february-1885(1) +landscape,Post_Impressionism,frank-johnston_green-pool +nude_painting,Expressionism,mark-rothko_untitled-15 +landscape,Realism,ivan-shishkin_the-teutoburg-forest-1865 +genre_painting,Expressionism,martiros-saryan_seller-of-lemonade-1910 +landscape,Realism,vincent-van-gogh_tabernacle-in-the-heath +genre_painting,Impressionism,mary-cassatt_mrs-cassatt-reading-to-her-grandchildren-1880 +nude_painting,Expressionism,amedeo-modigliani_caryatid-1 +cityscape,Cubism,hedda-sterne_new-york-n-y-nox-1948 +landscape,Symbolism,konstantin-vasilyev_birth-of-the-danube-3 +nude_painting,Expressionism,nicolae-tonitza_nude-with-headscarf +portrait,Synthetic_Cubism,juan-gris_lamp-1916 +landscape,Impressionism,cornelis-vreedenburgh_cows-in-a-meadow +genre_painting,Expressionism,jose-gutierrez-solana_the-burial-of-the-sardine +sketch_and_study,Realism,paul-mathiopoulos_nude-standing +religious_painting,Baroque,rembrandt_peter-and-john-at-the-gate-of-the-temple-1629 +abstract_painting,Color_Field_Painting,patrick-heron_untitled-from-the-shapes-of-colour-1978(1) +abstract_painting,Color_Field_Painting,larry-zox_yours-and-mine-1993 +portrait,Realism,camille-corot_girl-reading-1850 +abstract_painting,Abstract_Expressionism,richard-diebenkorn_berkeley-no-33 +abstract_painting,Color_Field_Painting,leon-berkowitz_with-in-1985 +abstract_painting,Abstract_Expressionism,helen-frankenthaler_grey-fireworks-2000 +cityscape,Romanticism,cornelis-springer_st-joseph-s-church-in-hamelen-1877 +landscape,Impressionism,camille-pissarro_farmyard-at-the-maison-rouge-pontoise-1877 +genre_painting,Impressionism,joaquã­n-sorolla_setting-sun-in-biarritz-1906 +sketch_and_study,Naive_Art_Primitivism,marc-chagall_noah-s-ark-3 +cityscape,Expressionism,paul-klee_windows-and-palm-trees-1914(1) +religious_painting,Baroque,jacob-jordaens_the-lamentation +genre_painting,Realism,james-tissot_the-terrace-of-the-trafalgar-tavern-greenwich-london +abstract_painting,Minimalism,jiro-yoshihara_untitled-1969 +religious_painting,Baroque,bartolome-esteban-murillo_santa-rufina-1665 +genre_painting,Expressionism,otto-dix_three-prostitutes-on-the-street-1925 +abstract_painting,Color_Field_Painting,morris-louis_untitled-1960-2 +portrait,Baroque,anthony-van-dyck_george-gage-with-two-men-1623 +illustration,Naive_Art_Primitivism,marc-chagall_illustration-for-louis-aragon-s-work-one-who-says-things-without-saying-anything-1976-19 +genre_painting,Realism,william-adolphe-bouguereau_at-the-fountain-1897 +abstract_painting,Color_Field_Painting,barnett-newman_canto-vi-1963 +landscape,Romanticism,thomas-moran_the-juniata-evening-1864 +cityscape,Post_Impressionism,pyotr-konchalovsky_ryazan-house-of-oleg-1931 +genre_painting,Impressionism,edgar-degas_the-racecourse-amateur-jockeys-1880 +genre_painting,Realism,vasily-vereshchagin_uzbek-dishes-seller-1873 +landscape,Impressionism,camille-pissarro_the-backwoods-of-l-hermitage-pontoise-1879 +sketch_and_study,Realism,vincent-van-gogh_peasant-woman-head-7 +portrait,Post_Impressionism,theo-van-rysselberghe_portrait-of-mme-van-rysselberghe-1907 +religious_painting,Expressionism,lovis-corinth_ecce-homo-1925 +genre_painting,Expressionism,kathe-kollwitz_not_detected_235982 +religious_painting,Early_Renaissance,benozzo-gozzoli_st-francis-in-glory-and-saints +portrait,Rococo,louise-elisabeth-vigee-le-brun_ekaterina-i-kutuzova-wife-of-russian-field-marshal-m-i-kutuzov-1795 +landscape,Impressionism,paul-gauguin_tree-in-the-farm-yard-1874 +landscape,Impressionism,childe-hassam_cos-cob +still_life,Pop_Art,patrick-procktor_lillies +religious_painting,Early_Renaissance,carlo-crivelli_saint-bartholomew +landscape,Impressionism,claude-monet_vetheuil-1901 +abstract_painting,Minimalism,yves-gaucher_untitled-8-3-d-19-1985 +abstract_painting,Abstract_Expressionism,helen-frankenthaler_radius-1993 +abstract_painting,Abstract_Expressionism,helen-frankenthaler_reflections-iv-1995 +landscape,Realism,fyodor-vasilyev_after-a-heavy-rain +genre_painting,Baroque,pieter-de-hooch_man-offering-a-glass-of-wine-to-a-woman-1653 +landscape,Romanticism,taras-shevchenko_fire-in-the-steppe-1848 +landscape,Symbolism,nicholas-roerich_himalayas-1946-1 +genre_painting,New_Realism,edward-hopper_second-story-sunlight +portrait,Impressionism,claude-monet_jean-monet-in-the-craddle +genre_painting,Post_Impressionism,pablo-picasso_at-lapin-agile-harlequin-with-glass-1905 +abstract_painting,Minimalism,brice-marden_rodeo-1971 +portrait,Impressionism,joaquã­n-sorolla_portrait-of-a-girl +portrait,Romanticism,gustave-courbet_the-hammock-1844 +landscape,Impressionism,camille-pissarro_a-street-in-pontoise-1879 +cityscape,Fauvism,ilya-mashkov_urban-landscape-1911 +nude_painting,Post_Impressionism,constantin-piliuta_nude-with-flower +portrait,Post_Impressionism,henri-matisse_lorette-in-a-green-robe-against-a-black-background-1916 +genre_painting,Symbolism,pablo-picasso_crouching-beggar-1902 +religious_painting,Early_Renaissance,piero-della-francesca_st-ludovico +sketch_and_study,Expressionism,max-weber_study-for-russian-ballet +genre_painting,Romanticism,konstantin-makovsky_chevalier-arraying-gloves +nude_painting,Abstract_Expressionism,henri-matisse_blue-nude-iv-1952 +portrait,Romanticism,orest-kiprensky_portrait-of-a-p-bakunin-1813 +genre_painting,Impressionism,guy-rose_the-blue-kimono +cityscape,Post_Impressionism,maurice-prendergast_may-day-central-park-1901 +cityscape,Baroque,canaletto_view-of-san-giovanni-dei-battuti-at-murano +abstract_painting,Abstract_Expressionism,joan-mitchell_untitled-1968 +illustration,Art_Nouveau_Modern,boris-kustodiev_moscow-introduction-picture-from-the-magazine-vampire-1906 +genre_painting,Post_Impressionism,pierre-bonnard_carriage-horse +portrait,Realism,ilya-repin_portrait-of-mara-konstantinovna-oliv-1906 +landscape,Symbolism,nicholas-roerich_nubra-valley +portrait,Naive_Art_Primitivism,henri-rousseau_portrait-of-a-woman +abstract_painting,Minimalism,edward-corbett_untitled-3-1950 +landscape,Post_Impressionism,vincent-van-gogh_orchard-in-bloom-with-poplars-1889 +religious_painting,Northern_Renaissance,dirk-bouts_martyrdom-of-st-erasmus-central-panel +portrait,Romanticism,henryk-siemiradzki_portrait-of-a-mother-of-henry-siemiradzki +cityscape,Impressionism,cornelis-vreedenburgh_pont-sainte-maxence +portrait,Romanticism,orest-kiprensky_portrait-of-an-unknown-woman-1820 +portrait,Impressionism,giovanni-boldini_lady-in-red-dress-1916 +genre_painting,Baroque,peter-paul-rubens_the-society-near-fountain +still_life,Post_Impressionism,vincent-van-gogh_paul-gauguin-s-armchair-1888 +abstract_painting,Abstract_Expressionism,atsuko-tanaka_to-new-york-vancouver-2002 +landscape,Impressionism,salvador-dali_port-alguer-1 +portrait,Expressionism,pablo-picasso_woman-in-blue-1902-1 +portrait,Realism,alexey-venetsianov_portrait-of-p-i-milyukov +landscape,Impressionism,konstantin-korovin_bath-houses +still_life,Realism,ilya-mashkov_still-life-with-watermelon-sliced-1937 +genre_painting,Northern_Renaissance,albrecht-durer_draughtsman-drawing-a-recumbent-woman-1525 +sketch_and_study,Realism,ilya-repin_at-dominic-s-1887 +landscape,Impressionism,john-henry-twachtman_beach-at-squam +landscape,Realism,fyodor-vasilyev_before-the-rain-1871 +portrait,Cubism,fernand-leger_the-typographer-1919 +landscape,Impressionism,gustave-caillebotte_boats-on-the-seine-at-argenteuil +portrait,New_Realism,john-french-sloan_not-identified +genre_painting,Realism,vincent-van-gogh_five-persons-at-a-meal-1885(1) +genre_painting,Realism,henri-matisse_the-dinner-table-1897 +abstract_painting,Color_Field_Painting,morris-louis_addition-v-1959 +religious_painting,Mannerism_Late_Renaissance,cristovao-de-figueiredo_exalta-o-da-santa-cruz-1530 +cityscape,Cubism,arthur-segal_marseilles +portrait,Expressionism,george-bouzianis_father-and-son(2) +religious_painting,Realism,james-tissot_prophet-naum +religious_painting,Naive_Art_Primitivism,marc-chagall_having-learned-absalom-s-death-who-has-been-killed-by-joab-and-found-hanging-on-the-tree-in-the +still_life,Analytical_Cubism,juan-gris_still-life-with-flowers-1912 +illustration,Naive_Art_Primitivism,marc-chagall_illustration-for-louis-aragon-s-work-one-who-says-things-without-saying-anything-1976-1 +landscape,Realism,salvador-dali_the-chemist-of-ampurden-in-search-of-absolutely-nothing-1936-oil-on-panel-1936 +portrait,Art_Nouveau_Modern,koloman-moser_young-woman-with-hat +portrait,High_Renaissance,lorenzo-lotto_portrait-of-a-young-man-in-red-garment +landscape,Art_Nouveau_Modern,anna-ostroumova-lebedeva_in-the-park-poplar-trees-1902 +religious_painting,Baroque,peter-paul-rubens_vision-of-ezekiel-1608 +portrait,Rococo,maurice-quentin-de-la-tour_portrait-of-louis-of-france +religious_painting,Symbolism,mikhail-nesterov_the-vision-of-the-young-bartholomew +abstract_painting,Color_Field_Painting,piero-dorazio_cercles-de-nuit-1992 +religious_painting,Romanticism,francisco-goya_judith-and-holovernes-1823 +portrait,Realism,robert-brackman_rochelle +still_life,Expressionism,m.c.-escher_hand-with-fir-cone +nude_painting,Romanticism,orest-kiprensky_sitter-1803 +landscape,Post_Impressionism,gustave-loiseau_field-and-hills +cityscape,Impressionism,joaquã­n-sorolla_reflections-in-a-fountain-1918 +genre_painting,Post_Impressionism,paul-gauguin_kelp-gatherers-1890 +portrait,Rococo,thomas-gainsborough_johann-christian-fischer +genre_painting,Expressionism,pyotr-konchalovsky_torso-of-young-men-1936 +landscape,Ukiyo_e,katsushika-hokusai_bridge-in-the-clouds +portrait,Impressionism,william-james-glackens_young-woman-in-green-1915 +portrait,Romanticism,jan-matejko_boleslaw-the-wrymouthed +abstract_painting,Abstract_Expressionism,sam-francis_untitled-1954 +abstract_painting,Abstract_Expressionism,sam-francis_black-smudge +cityscape,Pointillism,camille-pissarro_hampton-court-green-london-1891 +nude_painting,Pop_Art,patrick-procktor_alex-with-a-white-pouf-1966 +religious_painting,Symbolism,gustave-moreau_saint-michael-vanquishing-satan +religious_painting,Baroque,bernardo-strozzi_st-christopher-st-sebastian-st-roch +cityscape,Art_Nouveau_Modern,nicholas-roerich_troki-sketch-of-troki-monastery-1903 +abstract_painting,Action_painting,franz-kline_delaware-gap +genre_painting,Naive_Art_Primitivism,david-burliuk_woman-with-red-cow-1 +still_life,Post_Impressionism,paul-cezanne_ginger-jar +portrait,Ukiyo_e,keisai-eisen_the-ninth-month-ch-y(1) +abstract_painting,Abstract_Expressionism,atsuko-tanaka_untitled +genre_painting,Impressionism,walter-sickert_pierrot-and-woman-embracing-1904 +religious_painting,Mannerism_Late_Renaissance,paolo-veronese_last-supper +genre_painting,Baroque,jan-steen_egg-dance-1674 +genre_painting,Naive_Art_Primitivism,david-burliuk_bound-to-the-mill-1948 +portrait,Expressionism,oswaldo-guayasamin_from-la-edad-de-la-ternura-series-1 +genre_painting,New_Realism,george-luks_the-wrestlers-1905 +religious_painting,Northern_Renaissance,hieronymus-bosch_haywain-1502 +portrait,Expressionism,ernst-ludwig-kirchner_dr-o-kohnstamm +portrait,Impressionism,pierre-auguste-renoir_portrait-of-coco-1905 +genre_painting,Rococo,george-morland_morning-the-benevolent-sportsman-1792 +cityscape,Impressionism,joaquã­n-sorolla_reservoir-at-the-alcazin-seville-1910 +sketch_and_study,Realism,thomas-eakins_sketch-for-maybelle-1898 +sketch_and_study,Naive_Art_Primitivism,fernand-leger_the-album-circus-1950-24 +landscape,Symbolism,nicholas-roerich_himalayas-1945 +landscape,Impressionism,claude-monet_valley-of-the-creuse +portrait,Impressionism,camille-pissarro_portrait-of-jeanne-the-artist-s-daughter +nude_painting,Impressionism,pierre-auguste-renoir_bust-of-a-young-nude-1903 +abstract_painting,Abstract_Expressionism,helen-frankenthaler_a-green-thought-in-a-green-shade-1981 +cityscape,Naive_Art_Primitivism,marc-chagall_notre-dame-in-gray-1955 +religious_painting,Northern_Renaissance,martin-schongauer_entombment-copperplate +genre_painting,Art_Nouveau_Modern,sergey-solomko_proud +portrait,Baroque,diego-velazquez_the-infanta-maria-of-austria-1630 +abstract_painting,Minimalism,gene-davis_untitled-1-1971 +genre_painting,Baroque,jan-steen_dancing-couple-detail-1663 +portrait,Post_Impressionism,henri-matisse_woman-with-umbrella +abstract_painting,Minimalism,karl-benjamin_bb-8-1962 +abstract_painting,Minimalism,joan-hernandez-pijuan_untitled-120-1999 +religious_painting,Baroque,francisco-de-zurbaran_the-temptation-of-st-jerome-1639 +genre_painting,Romanticism,victor-meirelles_a-primeira-missa-no-brasil-1861 +still_life,Realism,henri-fantin-latour_still-life-with-a-carafe-flowers-and-fruit +cityscape,Impressionism,antoine-blanchard_place-de-la-madeleine-3 +genre_painting,Art_Nouveau_Modern,raphael-kirchner_marionettes-1 +abstract_painting,Color_Field_Painting,ray-parker_untitled-1962-1 +genre_painting,Impressionism,joaquã­n-sorolla_the-smugglers-1919 +still_life,Cubism,georges-braque_the-yellow-napkin-1935 +landscape,Realism,nikolay-bogdanov-belsky_southern-seascape +sketch_and_study,Rococo,maurice-quentin-de-la-tour_study-for-portrait-of-unknown-woman-2 +abstract_painting,Minimalism,anne-truitt_sumi-drawing-1966(1) +still_life,Post_Impressionism,panayiotis-tetsis_tables-1987 +illustration,Romanticism,gustave-dore_the-battle-of-antioch +religious_painting,Art_Nouveau_Modern,mikhail-vrubel_madonna-1885 +abstract_painting,Color_Field_Painting,mark-rothko_black-on-dark-sienna-on-purple +genre_painting,Impressionism,mary-cassatt_young-mother-sewing-1900 +cityscape,Impressionism,antã³nio-de-carvalho-da-silva-porto_rua-de-barbizon-1879 +nude_painting,Northern_Renaissance,albrecht-durer_male-and-female-nudes-1515 +still_life,Cubism,jean-metzinger_pitcher-hen-house-1923 +genre_painting,Romanticism,gustave-dore_perrault +cityscape,Romanticism,pavel-svinyin_the-new-city-hall +portrait,Impressionism,henry-herbert-la-thangue_an-andalucian +genre_painting,Realism,vincent-van-gogh_two-women-in-the-woods-1882 +portrait,Realism,john-collier_rudyard-kipling-1891 +abstract_painting,Abstract_Expressionism,sam-francis_untitled-1994 +portrait,Rococo,carl-ludwig-johann-christineck_portrait-of-a-young-woman-in-a-red-dress-1775 +sketch_and_study,Realism,vasily-polenov_montenegrin-1876 +religious_painting,High_Renaissance,pietro-perugino_pala-di-sant-agostino-arcangel-gabriel-1523 +landscape,Realism,vincent-van-gogh_sheaves-of-wheat-in-a-field-1885 +portrait,Romanticism,konstantin-makovsky_portrait-1 +cityscape,Impressionism,camille-pissarro_the-louvre-morning-sun-1901 +religious_painting,High_Renaissance,titian_saint-sebastian-at-the-resurrection-altin-brescia-1520 +genre_painting,Realism,winslow-homer_the-coral-divers +abstract_painting,Abstract_Expressionism,paul-jenkins_phenomena-phoenix-equinox(1) +portrait,Rococo,maurice-quentin-de-la-tour_princess-christina-of-saxony +religious_painting,Mannerism_Late_Renaissance,tintoretto_the-ascent-to-calvary-1567 +genre_painting,Impressionism,eugene-boudin_the-beach-1867 +landscape,Post_Impressionism,pyotr-konchalovsky_blossoming-garden-1930 +cityscape,Art_Nouveau_Modern,konstantin-korovin_in-the-ancient-city-1910 +genre_painting,Naive_Art_Primitivism,marc-chagall_the-blue-fiddler-1947 +portrait,Rococo,thomas-gainsborough_squire-john-wilkinson +illustration,Art_Nouveau_Modern,nicholas-roerich_vignette-for-book-n-k-roerich-1918-16 +religious_painting,Northern_Renaissance,lucas-cranach-the-elder_the-martyrdom-of-st-catherine-1505 +landscape,Romanticism,john-constable_view-of-highgate-from-hampstead-heath +sketch_and_study,Impressionism,john-singer-sargent_feet-of-an-arab-tiberias +cityscape,Baroque,claude-lorrain_seaport-with-a-big-tower +religious_painting,High_Renaissance,vittore-carpaccio_debate-of-st-stephen-1514 +genre_painting,Naive_Art_Primitivism,marc-chagall_shop-1914 +illustration,Art_Nouveau_Modern,heorhiy-narbut_sheet-f-from-the-album-ukrainian-alphabet-1917 +portrait,Rococo,dmitry-levitzky_countess-praskovia-vorontsova +genre_painting,New_Realism,george-luks_a-foggy-night +portrait,Impressionism,paul-cezanne_portrait-of-victor-chocquet-1877 +illustration,Symbolism,harry-clarke_tales-of-mystery-and-imagination-by-edgar-allan-poe-1923-9 +genre_painting,Expressionism,ernst-ludwig-kirchner_walking-woman-with-dog +nude_painting,Post_Impressionism,paul-gauguin_the-spirit-of-the-dead-watches-1892 +religious_painting,Northern_Renaissance,gerard-david_polyptych-of-cervara-st-jerome +religious_painting,Early_Renaissance,giovanni-bellini_virgin-and-child-with-st-catherine-and-mary-magdalene +still_life,Impressionism,pierre-auguste-renoir_apples-in-a-dish-1883 +landscape,Impressionism,john-henry-twachtman_harbor-view-hotel +portrait,Impressionism,pierre-auguste-renoir_portrait-of-coco-and-flowers +nude_painting,Romanticism,theodore-gericault_study-of-a-man +genre_painting,Baroque,johannes-vermeer_the-glass-of-wine +abstract_painting,Minimalism,agnes-martin_untitled-number-5-1975 +landscape,Post_Impressionism,maurice-prendergast_seashore-1 +portrait,Rococo,vladimir-borovikovsky_ivan-dunin-1801 +cityscape,Impressionism,pierre-auguste-renoir_le-poste-at-cagnes-study-1905 +portrait,Baroque,peter-paul-rubens_rubens-and-helene-fourment-in-the-garden +sketch_and_study,Baroque,bartolome-esteban-murillo_vision-of-a-nun +landscape,Realism,ivan-shishkin_forest-stream-1874 +genre_painting,Realism,constantin-guys_at-the-theater-au-foyer-du-th-atre-ladies-and-gentlemen +landscape,Symbolism,nicholas-roerich_monastery-in-himalayas-1931 +portrait,Rococo,thomas-gainsborough_lady-alston +religious_painting,Early_Renaissance,antonello-da-messina_ecce-homo +portrait,Expressionism,frank-auerbach_head-of-julia +portrait,Impressionism,mary-cassatt_elsie-cassatt-holding-a-big-dog +landscape,Romanticism,thomas-cole_an-evening-in-arcadia-1843 +religious_painting,Early_Renaissance,leonardo-da-vinci_st-jerome +nude_painting,Post_Impressionism,maurice-prendergast_women-at-seashore +portrait,Realism,william-merritt-chase_my-daughter-alice +portrait,Impressionism,camille-pissarro_portrait-of-the-artist-s-son-ludovic-rudolphe +portrait,Rococo,vladimir-borovikovsky_portrait-of-adam-adamovich-menelas +religious_painting,Early_Renaissance,sandro-botticelli_scene-from-the-life-of-moses-1482(1) +abstract_painting,Color_Field_Painting,doug-ohlson_mag-1986 +genre_painting,Impressionism,frits-thaulow_skiers +landscape,Impressionism,edgar-degas_landscape-on-the-orne +cityscape,Post_Impressionism,edouard-cortes_place-pigalle-winter-evening +portrait,Realism,ilya-repin_portrait-of-the-poet-voinov-1926 +abstract_painting,Color_Field_Painting,helen-frankenthaler_mauve-district-1966 +landscape,Realism,gustave-courbet_la-meuse-a-freyr-1856 +genre_painting,Impressionism,henri-de-toulouse-lautrec_horse-and-rider-with-a-little-dog-1879 +landscape,Realism,alfred-sisley_avenue-of-chestnut-trees-near-la-celle-saint-cloud-1865 +landscape,Romanticism,rudolf-von-alt_altausseersee-with-trisselwand-1839 +landscape,Realism,vasily-vereshchagin_kyrgyz-tent-on-the-chu-river-1870 +religious_painting,Baroque,peter-paul-rubens_descent-from-the-cross-right-wing-1614 +still_life,Cubism,vasile-dobrian_composition-with-guitar-1961 +abstract_painting,Minimalism,mario-schifano_solare-1962 +portrait,Expressionism,max-pechstein_ein-fr-hes-damenbild +landscape,Impressionism,guy-rose_poppy-field-1910 +portrait,Realism,gustave-courbet_portrait-of-pierre-joseph-proudhon-1865 +portrait,Impressionism,nikolay-bogdanov-belsky_portrait-of-actor-of-moscow-art-theatre +cityscape,Post_Impressionism,david-burliuk_in-the-harbour +landscape,Post_Impressionism,paul-cezanne_l-estaque-view-through-the-pines-1883 +landscape,Impressionism,arkhip-kuindzhi_forest-expanse +sketch_and_study,Realism,valentin-serov_portrait-of-the-daughter-of-s-botkin-1900 +religious_painting,Baroque,caravaggio_martha-and-mary-magdalene(1) +genre_painting,Realism,george-catlin_dance-to-the-berdache-sac-and-fox +still_life,Cubism,paul-klee_untitled-still-life-1940(1) +landscape,Post_Impressionism,vincent-van-gogh_wheatfield-with-crows-1890 +genre_painting,Post_Impressionism,pyotr-konchalovsky_khokhloma-varnisher-1936 +landscape,Expressionism,egon-schiele_the-mill-1916 +genre_painting,Romanticism,joseph-wright_the-earthstopper-on-the-banks-of-the-derwent-1773 +portrait,Expressionism,marc-chagall_two-heads-1918 +landscape,Impressionism,claude-monet_fishing-boats-on-the-beach-at-etretat +abstract_painting,Abstract_Expressionism,geta-bratescu_spaces-2005(5) +sketch_and_study,Symbolism,ferdinand-hodler_study-of-the-disappointed-souls-or-weary-of-life-1891 +religious_painting,Realism,alexey-venetsianov_the-lamentation +nude_painting,Cubism,m.-h.-maxy_composition +cityscape,Post_Impressionism,edouard-cortes_omnibus-on-the-place-de-la-madeleine-1 +landscape,Post_Impressionism,abraham-manievich_early-spring-1913 +landscape,Romanticism,john-constable_the-hay-wain-1821 +genre_painting,Expressionism,max-beckmann_not-detected-259757 +landscape,Realism,mihaly-munkacsy_line-of-trees-1886 +nude_painting,Art_Nouveau_Modern,leon-bakst_model +landscape,Impressionism,alfred-sisley_poplars-a-moret-sur-loing-an-august-afternoon-1888 +religious_painting,Symbolism,nicholas-roerich_christ-1933 +religious_painting,Early_Renaissance,fra-angelico_the-story-of-st-nicholas-st-nicholas-saves-the-ship-1448 +genre_painting,Impressionism,samuel-mutzner_cartier-din-tunis-1920-1 +portrait,Impressionism,stefan-luchian_portrait-of-a-woman +portrait,Rococo,louise-elisabeth-vigee-le-brun_portrait-of-stanislaus-augustus-poniatowski-king-of-poland-1797 +portrait,Impressionism,pierre-auguste-renoir_lady-with-white-hat-1895 +religious_painting,Baroque,caravaggio_calling-of-saint-matthew(1) +genre_painting,Baroque,adriaen-van-ostade_tavern-interior +still_life,Baroque,osias-beert_still-life-with-artichokes-1610 +portrait,Realism,felix-vallotton_marthe-mellot-wife-of-alfred-natanson-1906 +portrait,Expressionism,lucian-freud_aline +portrait,Impressionism,helene-schjerfbeck_the-neck-of-a-little-girl +illustration,Early_Renaissance,sandro-botticelli_inferno-canto-xviii-1480(1) +religious_painting,Northern_Renaissance,rogier-van-der-weyden_virgin-and-child-2 +abstract_painting,Action_painting,jackson-pollock_number-25(1) +landscape,Impressionism,robert-julian-onderdonk_late-afternoon-alamo-heights-san-antonio-texas-1922 +genre_painting,Post_Impressionism,jacques-villon_woman-with-umbrella-1900 +illustration,Romanticism,gustave-dore_don-quixote-111 +abstract_painting,Abstract_Expressionism,hans-hofmann_love-poem-1962 +genre_painting,Art_Nouveau_Modern,henri-de-toulouse-lautrec_in-moulin-rouge +illustration,Ukiyo_e,katsushika-hokusai_pictorial-envelope-for-hokusai-s +religious_painting,High_Renaissance,leonardo-da-vinci_annunciation +religious_painting,Northern_Renaissance,albrecht-durer_the-holy-family-with-the-dragon-fly +abstract_painting,Abstract_Expressionism,richard-pousette-dart_white-gothic-no-5-1961 +still_life,Realism,ilya-mashkov_still-life-with-statuette +still_life,Impressionism,pierre-auguste-renoir_sugar-bowl-1911 +abstract_painting,Abstract_Expressionism,cy-twombly_untitled-4 +cityscape,Symbolism,mstislav-dobuzhinsky_peter-and-paul-fortress-1923 +nude_painting,Expressionism,max-pechstein_liegender-akt-mit-katze-1909 +still_life,Impressionism,iosif-iser_the-fan +genre_painting,Impressionism,childe-hassam_hassam-westminster-bridge +landscape,Impressionism,john-singer-sargent_villa-de-marlia-a-fountain-1910 +genre_painting,Impressionism,joaquã­n-sorolla_cafe-in-paris-1885 +genre_painting,Impressionism,henri-martin_poet +landscape,Impressionism,childe-hassam_the-norwegian-cottage-1 +nude_painting,Symbolism,pierre-puvis-de-chavannes_young-girls-on-the-edge-of-the-sea +genre_painting,Impressionism,berthe-morisot_in-the-garden-at-maurecourt +portrait,Expressionism,george-bouzianis_portrait-4 +cityscape,Impressionism,alfred-sisley_the-bridge-at-moret-at-sunset-1892 +cityscape,Mannerism_Late_Renaissance,maerten-van-heemskerck_temple-of-artemis-1572 +genre_painting,Impressionism,joaquã­n-sorolla_peeling-potatoes-1891 +portrait,Romanticism,francisco-goya_portrait-of-leandro-fernandez-de-moratin +landscape,Impressionism,camille-pissarro_grey-weather-morning-with-figures-eragny-1899 +religious_painting,Baroque,guido-reni_st-joseph-with-the-infant-jesus +genre_painting,Pointillism,theo-van-rysselberghe_the-promenade-1901 +genre_painting,Romanticism,jean-leon-gerome_pifferari2 +landscape,Impressionism,claude-monet_the-artist-s-house-at-giverny +portrait,Ukiyo_e,tsukioka-yoshitoshi_not_detected_242423 +portrait,Mannerism_Late_Renaissance,sofonisba-anguissola_portrait-of-a-young-woman-in-profile +abstract_painting,Color_Field_Painting,ray-parker_untitled-1982 +genre_painting,Romanticism,pavel-svinyin_fourth-of-july-in-centre-square +religious_painting,Northern_Renaissance,albrecht-durer_st-michael-fighting-the-dragon-1498 +portrait,Expressionism,chaim-soutine_pastry-cook-with-red-handkerchief +abstract_painting,Color_Field_Painting,andre-pierre-arnal_ficelage +genre_painting,Cubism,georges-braque_still-life-with-grapes(1) +genre_painting,Realism,thomas-eakins_john-biglin-in-a-single-scull-1874-1 +still_life,Rococo,jean-baptiste-simeon-chardin_water-glass +genre_painting,Romanticism,jean-leon-gerome_the-conspirators-presented-at-the-salon +portrait,Post_Impressionism,henri-le-fauconnier_portrait-of-the-poet-georges-bonnamour-1906 +cityscape,Impressionism,konstantin-korovin_paris-morning-1906 +religious_painting,Baroque,rembrandt_repentant-judas-returning-the-pieces-of-silver-1629 +genre_painting,Realism,vincent-van-gogh_weaver-1884-1 +landscape,Impressionism,nicolae-darascu_road-towards-the-drinking-fountain-balcic-1930 +cityscape,Impressionism,antoine-blanchard_la-chatelet +abstract_painting,Abstract_Expressionism,helen-frankenthaler_captain-s-watch-1986 +sketch_and_study,Baroque,rembrandt_st-paul-in-meditation-1629 +illustration,Symbolism,harry-clarke_tales-of-mystery-and-imagination-by-edgar-allan-poe-1923-1 +portrait,Romanticism,karl-bryullov_portrait-of-julia-samoylova-with-giovannina-pacini-and-black-boy +cityscape,Pop_Art,hiro-yamagata_snow-castle +portrait,Expressionism,konstantinos-parthenis_portrait-of-aristovouli-lopresti-1933 +landscape,Impressionism,augustus-john_proven-al-landscape +landscape,Realism,ivan-shishkin_before-sunset +still_life,Post_Impressionism,ilya-mashkov_tangerines-and-glass +religious_painting,Northern_Renaissance,hans-baldung_virgin-of-the-vine-trellis +cityscape,Impressionism,claude-monet_the-blue-house-at-zaandam +portrait,Contemporary_Realism,eric-fischl_the-clemente-family +genre_painting,Realism,vincent-van-gogh_the-angelus-after-millet-1880 +landscape,Romanticism,marcus-larson_fjord-landscape-in-norway-1860 +abstract_painting,Color_Field_Painting,helen-frankenthaler_skywriting-1997 +illustration,Art_Nouveau_Modern,alexandre-benois_bronze-horseman-design-for-a-cover-to-pushkin-s-poem(1) +genre_painting,Realism,vladimir-makovsky_the-meal-1875 +landscape,Realism,charles-francois-daubigny_the-mill-of-the-gylieu-1868 +religious_painting,Mannerism_Late_Renaissance,titian_st-john-the-baptist +cityscape,Expressionism,mstislav-dobuzhinsky_omnibus-in-vilno-1907 +portrait,Naive_Art_Primitivism,fernando-botero_picador +cityscape,Romanticism,franz-richard-unterberger_amalfi-the-gulf-of-salerno +portrait,Naive_Art_Primitivism,niko-pirosmani_a-young-fisherman +abstract_painting,Minimalism,angelo-de-sousa_pintura-1972 +landscape,Impressionism,stefan-popescu_houses-on-the-hill +genre_painting,Naive_Art_Primitivism,david-burliuk_playing-cards +portrait,Expressionism,joan-ponc_untitled-1946-2 +genre_painting,Impressionism,camille-pissarro_women-tending-the-laundry-study +landscape,Impressionism,t.-c.-steele_pleasant-run-1887 +religious_painting,Baroque,peter-paul-rubens_the-martyrdom-of-st-sebastian +portrait,Impressionism,pierre-auguste-renoir_marie-louise-durand-ruel-1898 +religious_painting,Baroque,jacob-jordaens_the-mission-of-st-peter-1617 +illustration,Expressionism,lynd-ward_not-detected-272490 +cityscape,Impressionism,maurice-prendergast_venetian-canal-scene +landscape,Realism,john-singer-sargent_pomegranates-majorca-1908 +religious_painting,Northern_Renaissance,albrecht-durer_apostle-james-1516 +religious_painting,High_Renaissance,lorenzo-lotto_asolo-altarpiece-main-panel-scene-of-the-assumption-with-st-anthony-the-abbot-and-st-louis-of-1506 +genre_painting,Impressionism,joaquã­n-sorolla_valencian-fishwives-1903 +still_life,Expressionism,georges-braque_still-life-with-fruits +landscape,Impressionism,john-singer-sargent_in-the-simplon-pass +abstract_painting,Minimalism,pino-pinelli_pittura-n-4-1994 +religious_painting,Baroque,jacob-jordaens_adoration-of-the-shepherds-1617-1 +sketch_and_study,Post_Impressionism,pyotr-konchalovsky_veliky-novgorod-kremlin-1926 +nude_painting,Expressionism,lucian-freud_man-with-leg-up +cityscape,Impressionism,francisc-sirato_mangalia-street-1930 +cityscape,Realism,charles-sheeler_industrial-series-1-1928 +still_life,Post_Impressionism,ion-pacea_lalele +landscape,Impressionism,walter-battiss_below-drummond-natal +religious_painting,Northern_Renaissance,hans-baldung_nativity-1520 +landscape,Pointillism,marsden-hartley_hall-of-the-mountain-king-1909 +cityscape,Impressionism,ioannis-altamouras_1874(1) +abstract_painting,Abstract_Expressionism,ronnie-landfield_railroad-gate-1989 +religious_painting,Baroque,bartolome-esteban-murillo_the-mystic-marriage-of-saint-catherine-1682 +genre_painting,Post_Impressionism,pyotr-konchalovsky_two-georgians-with-pitchers-every-day-in-light-aragvi-1927 +abstract_painting,Abstract_Expressionism,mark-tobey_carnival-1954 +religious_painting,Northern_Renaissance,hieronymus-bosch_the-garden-of-earthly-delights-1515-7 +abstract_painting,Color_Field_Painting,paul-feeley_sterope-1957 +cityscape,Post_Impressionism,maurice-utrillo_sacre-coeur-2 +genre_painting,Naive_Art_Primitivism,pablo-picasso_untitled-1939-2 +sketch_and_study,Post_Impressionism,vincent-van-gogh_path-between-pine-trees-1889 +portrait,Realism,constantin-artachino_turk +landscape,Expressionism,viorel-marginean_unknown-title-11 +landscape,Romanticism,john-constable_stratford-mill +portrait,Romanticism,karl-bryullov_portrait-of-count-v-a-perovsky(1) +portrait,Impressionism,edouard-manet_portrait-of-emilie-ambre-in-role-of-carmen +portrait,Realism,jean-francois-millet_louise-antoinette-feuardent-1841 +cityscape,Post_Impressionism,vincent-van-gogh_outskirts-of-paris-near-montmartre-1887 +abstract_painting,Color_Field_Painting,barnett-newman_canto-v-1963 +illustration,Art_Nouveau_Modern,edmund-dulac_dreamer-of-dreams-by-the-queen-of-romania +religious_painting,Mannerism_Late_Renaissance,correggio_coronation-of-the-virgin +landscape,Realism,vincent-van-gogh_cottage-with-trees-1885(1) +sketch_and_study,Expressionism,pyotr-konchalovsky_the-female-figure-1915 +landscape,Impressionism,guy-rose_bluff-at-pourville-1910 +portrait,Romanticism,camille-corot_maurice-robert-as-a-child-1857 +abstract_painting,Minimalism,robert-mangold_ring-a-yellow-2010 +portrait,Impressionism,claude-monet_camille-on-the-beach-at-trouville +landscape,Impressionism,eugene-boudin_fourmis-bay-beaulieu-1891 +landscape,Realism,john-singer-sargent_pomegranates-1908 +religious_painting,High_Renaissance,andrea-solario_salome-with-the-head-of-john-the-baptist-1520 +illustration,Symbolism,william-blake_the-ancient-of-days-1794 +landscape,Realism,konstantin-bogaevsky_view-of-sudak-s-environs +nude_painting,Expressionism,chronis-botsoglou_erotica +portrait,Romanticism,vasily-polenov_portrait-of-v-n-voeikova-the-grandmother-of-the-artist-1867 +illustration,Art_Nouveau_Modern,heorhiy-narbut_sheet-o-from-the-album-ukrainian-alphabet-1917 +religious_painting,Early_Renaissance,andrea-mantegna_scenes-from-the-life-of-st-james-1448 +religious_painting,Mannerism_Late_Renaissance,giorgio-vasari_stoning-of-st-stephen +portrait,Post_Impressionism,henri-matisse_young-woman-in-pink-1923 +genre_painting,Baroque,rembrandt_beggar-man-and-woman-1628 +illustration,Symbolism,harry-clarke_tales-of-mystery-and-imagination-by-edgar-allan-poe-1923-17 +portrait,Romanticism,orest-kiprensky_portrait-of-m-v-shishmarev-1827 +landscape,Realism,camille-corot_lonesome-valley-1874 +nude_painting,Expressionism,oskar-kokoschka_not_detected_235834 +still_life,Impressionism,konstantin-korovin_still-life-1916 +landscape,Realism,ivan-shishkin_countess-mordvinov-s-forest-1891 +landscape,Post_Impressionism,henri-edmond-cross_lavender +landscape,Symbolism,nicholas-roerich_turkestan-mountain-silence-1937 +nude_painting,Naive_Art_Primitivism,pablo-picasso_seated-man-playing-flute-1967 +cityscape,Post_Impressionism,edouard-cortes_theatre-du-vaudeville-2 +religious_painting,High_Renaissance,cima-da-conegliano_madonna-and-child +landscape,Symbolism,nicholas-roerich_shadow-of-the-teacher-1932 +genre_painting,Realism,fyodor-bronnikov_the-catholic-mass-1869 +genre_painting,Symbolism,felicien-rops_the-sailors-den +religious_painting,Art_Nouveau_Modern,nicholas-roerich_martyr-mercurius-of-smolensk-1918 +genre_painting,Expressionism,natalia-goncharova_planting-potatoes-1909 +genre_painting,Naive_Art_Primitivism,niko-pirosmani_company-bego-1 +sketch_and_study,Impressionism,mary-cassatt_woman-and-child-in-front-of-a-shelf-which-are-placed-a-jug-and-basin-1889 +landscape,Romanticism,ivan-aivazovsky_view-of-the-golden-horn +genre_painting,Realism,nikolay-bogdanov-belsky_visit-of-the-unhealthy-teacher-1 +genre_painting,Pointillism,georges-seurat_sleeping-woman +still_life,Expressionism,georges-braque_the-bicycle +landscape,Impressionism,robert-julian-onderdonk_arrochar-park-staten-island-1903 +genre_painting,Impressionism,edouard-manet_in-the-bar-le-bouchon +landscape,Post_Impressionism,henri-edmond-cross_la-dogana +religious_painting,High_Renaissance,cima-da-conegliano_st-john-the-baptist-and-saints-1493 +sketch_and_study,Romanticism,dante-gabriel-rossetti_my-lady-greensleeves-1863 +still_life,Synthetic_Cubism,pablo-picasso_fruit-dish-1917 +sketch_and_study,Romanticism,karl-bryullov_portrait-of-the-singer-pauline-viardot-garcia +still_life,Post_Impressionism,constantin-piliuta_kettle-with-flowers +religious_painting,Mannerism_Late_Renaissance,el-greco_st-jerome-as-cardinal +portrait,Romanticism,francesco-hayez_portrait-of-alessandro-manzoni-1841 +abstract_painting,Abstract_Expressionism,gene-davis_blue-rectangle-ii-1958 +landscape,Realism,vasily-vereshchagin_posthumous-monuments-in-ladakh-1875 +landscape,Symbolism,nicholas-roerich_himalayas-48 +illustration,Romanticism,gustave-dore_paramours-and-flatterers +sketch_and_study,Realism,vincent-van-gogh_peasant-woman-stooping-2-1885 +abstract_painting,Abstract_Expressionism,richard-diebenkorn_albuquerque-no-9 +religious_painting,Early_Renaissance,benozzo-gozzoli_procession-of-the-oldest-king-1460 +religious_painting,High_Renaissance,giovanni-bellini_st-mark-preaching-in-alexandria-1507 +landscape,Art_Nouveau_Modern,franklin-carmichael_frood-lake-1939 +genre_painting,Art_Nouveau_Modern,nicholas-roerich_young-men-successors-1914 +cityscape,Impressionism,childe-hassam_havana +landscape,Post_Impressionism,henri-martin_church-in-the-village-in-labastide-du-vert +cityscape,Art_Nouveau_Modern,boris-kustodiev_on-the-volga-1910 +religious_painting,Northern_Renaissance,hieronymus-bosch_the-temptation-of-st-anthony-1516-1 +sketch_and_study,High_Renaissance,leonardo-da-vinci_study-for-the-last-supper-1 +genre_painting,Impressionism,mykola-pymonenko_sheperding-the-flock +portrait,Expressionism,lasar-segall_maternidade-1931 +sketch_and_study,Realism,georgios-jakobides_tudy-of-a-nude-youth +sketch_and_study,Northern_Renaissance,albrecht-durer_christ-before-pilate-1 +religious_painting,Early_Renaissance,fra-angelico_circumcision-1452 +genre_painting,Expressionism,edvard-munch_by-the-deathbed-fever-1893 +landscape,Romanticism,william-turner_okehampton +portrait,Expressionism,pierre-daura_the-couple-1950 +landscape,Post_Impressionism,charles-reiffel_in-the-san-felipe-valley-1927 +portrait,Post_Impressionism,paul-gauguin_mimi-and-her-cat-1890 +illustration,Art_Nouveau_Modern,heorhiy-narbut_illustration-fairy-tales-teremok-mizgir-1910-7 +portrait,Post_Impressionism,albert-marquet_self-portrait-1904 +landscape,Post_Impressionism,konstantinos-parthenis_landscape-1911-1 +cityscape,Art_Nouveau_Modern,mstislav-dobuzhinsky_vitebsk-1919-1 +genre_painting,Realism,vladimir-makovsky_the-choice-of-wedding-presents-1898 +landscape,Realism,ivan-shishkin_pine-forest-1884 +portrait,Mannerism_Late_Renaissance,tintoretto_doge-gerolamo-priuli-tintoretto +genre_painting,Cubism,fã©lix-del-marle_untitled-1 +genre_painting,Realism,vincent-van-gogh_sower-1882-1 +religious_painting,Northern_Renaissance,hans-memling_st-ursula-and-her-companions-from-the-reliquary-of-st-ursula-1489 +cityscape,Pointillism,giacomo-balla_bankruptcy-1902 +religious_painting,Northern_Renaissance,hugo-van-der-goes_st-hippolyte-triptych +landscape,Expressionism,edvard-munch_the-sun-1916 +genre_painting,Art_Nouveau_Modern,boris-kustodiev_shrovetide-1916 +portrait,Ukiyo_e,kitagawa-utamaro_not_detected_233134 +cityscape,Pointillism,paul-signac_rotterdam-harbour-1907 +religious_painting,Baroque,guido-reni_crucifixion-of-st-peter-1605 +illustration,Abstract_Expressionism,henri-matisse_cut-outs-4 +portrait,Impressionism,periklis-vyzantios_orel-1914 +landscape,Romanticism,maxim-vorobiev_view-of-jerusalem-1836 +sketch_and_study,Realism,nicholas-roerich_in-a-foreign-bank +portrait,Realism,peder-severin-kroyer_sophus-schandorf-1895 +landscape,Realism,vasily-polenov_cemetery-among-the-cypress-1897 +portrait,Expressionism,mstislav-dobuzhinsky_man-with-spectacles-portrait-of-the-art-critic-and-poet-constantin-sunnerberg-1906 +still_life,Cubism,juan-gris_violin-with-fruit-1924 +portrait,Romanticism,miklos-barabas_in-the-atelier-r-za-teleki-1838 +abstract_painting,Minimalism,brice-marden_no-test-1970 +religious_painting,High_Renaissance,cima-da-conegliano_madonna-of-the-orange-tree-with-st-ludovic-of-toulouse-and-st-jerome +portrait,Realism,ilya-repin_a-shy-peasant-1877 +religious_painting,Baroque,rembrandt_joseph-tells-his-dreams-to-his-parents-and-brothers +cityscape,Impressionism,antoine-blanchard_rue-royal-madeleine +illustration,Art_Nouveau_Modern,edmund-dulac_the-little-mermaid-the-merman-king +sketch_and_study,Naive_Art_Primitivism,fernand-leger_the-album-circus-1950-43 +landscape,Post_Impressionism,david-burliuk_summer-forest-1906 +still_life,Baroque,frans-snyders_a-banquet-piece +still_life,Synthetic_Cubism,georges-braque_bottle-of-rum-1914 +abstract_painting,Minimalism,tony-smith_untitled-1963 +genre_painting,Impressionism,pierre-auguste-renoir_yvonne-and-jean-1899 +religious_painting,High_Renaissance,raphael_st-george-struggling-with-the-dragon-1505 +sketch_and_study,High_Renaissance,leonardo-da-vinci_study-of-david-by-michelangelo-1505 +cityscape,Impressionism,antoine-blanchard_boulevard-de-la-madeleine-4 +landscape,Fauvism,marsden-hartley_pueblo-mountain-1918 +religious_painting,Early_Renaissance,fra-angelico_the-coronation-of-the-virgin-1441 +portrait,Romanticism,jan-matejko_jozef-szujski +nude_painting,Expressionism,max-pechstein_bank-of-a-lake-1910 +landscape,Realism,pyotr-konchalovsky_near-the-river +genre_painting,Realism,ilya-repin_putting-a-propagandist-under-arrest-1892 +landscape,Post_Impressionism,abraham-manievich_village-landscape +genre_painting,Romanticism,david-wilkie_the-irish-whiskey-still-1840 +religious_painting,Mannerism_Late_Renaissance,gregorio-lopes_nascimento-de-s-o-jo-o-baptista-1530 +landscape,Art_Nouveau_Modern,konstantin-somov_summer-morning +genre_painting,Expressionism,candido-portinari_os-retirantes-1944 +genre_painting,Expressionism,ernst-ludwig-kirchner_two-women-at-a-couch +portrait,Realism,julius-leblanc-stewart_woman-in-an-interior(1) +landscape,Post_Impressionism,karl-schrag_late-afternoon-apple-trees-and-clouds-1980 +religious_painting,Early_Renaissance,giovanni-bellini_head-of-st-john-the-baptist-1468 +genre_painting,New_Realism,edward-hopper_hotel-window +sketch_and_study,Baroque,rembrandt_a-young-woman-with-a-basket-1642 +landscape,Romanticism,caspar-david-friedrich_rock-arch-in-the-uttewalder-grund +portrait,Impressionism,pierre-auguste-renoir_jeanne-sisley-1875 +landscape,Realism,camille-corot_forest-in-fontainbleau +portrait,Northern_Renaissance,albrecht-durer_portrait-of-a-man-1 +landscape,Impressionism,camille-pissarro_the-road-1 +landscape,Symbolism,nicholas-roerich_guardian-of-desert-1941 +illustration,Romanticism,gustave-dore_for-the-defense-of-christ +religious_painting,Symbolism,odilon-redon_christ-in-silence +portrait,Impressionism,pierre-auguste-renoir_madame-louis-valtat-nee-suzanne-noel-1903 +illustration,Symbolism,mstislav-dobuzhinsky_white-nights-1922 +portrait,Impressionism,kazimir-malevich_sisters-1910 +genre_painting,Naive_Art_Primitivism,yiannis-tsaroychis_rocks-with-two-sailors-1966 +landscape,Expressionism,nikolaos-lytras_landscape-with-pine-tree +landscape,Impressionism,rudolf-schweitzer-cumpana_case-pe-valea-arge-ului +still_life,Post_Impressionism,paul-cezanne_still-life-apples-and-pears-1887 +cityscape,Post_Impressionism,vincent-van-gogh_outskirts-of-paris-near-montmartre-1887-1 +landscape,Realism,fyodor-vasilyev_mountains-of-the-crimea-in-autumn +landscape,Realism,camille-corot_plains-near-beauvais +religious_painting,Early_Renaissance,sandro-botticelli_the-mystical-nativity(1) +genre_painting,Expressionism,tia-peltz_lustragiu +landscape,Post_Impressionism,bertalan-por_sunlit-landscape-with-bridge-1909 +portrait,Romanticism,fyodor-bronnikov_portrait-of-the-artist-s-wife-1889 +genre_painting,Impressionism,childe-hassam_girl-in-a-doorway +portrait,Abstract_Expressionism,salvador-dali_the-infanta-standing-woman +genre_painting,Romanticism,franz-richard-unterberger_the-last-day-of-the-harvest-1860 +genre_painting,Realism,ilya-repin_barge-haulers-on-the-volga-1-1870 +portrait,Expressionism,amedeo-modigliani_madame-georges-van-muyden-1917 +portrait,Realism,ilya-repin_portrait-of-secretary-of-state-general-and-member-of-state-council-mikhail-nikolayevich-galkin-1903 +portrait,Realism,john-singer-sargent_mrs-louis-raphael +portrait,Expressionism,amedeo-modigliani_bearded-man-1905 +portrait,Art_Nouveau_Modern,filipp-malyavin_a-girl-1903 +portrait,Rococo,francois-boucher_portrait-of-the-artist-s-wife-1743 +sketch_and_study,Impressionism,federico-zandomeneghi_study-of-figures-1895 +portrait,Romanticism,konstantin-makovsky_boyaryshnya-8 +portrait,Realism,ivan-kramskoy_the-actor-vasily-samoilov-1881 +religious_painting,Northern_Renaissance,albrecht-durer_the-lamentation-for-christ-1511 +abstract_painting,Abstract_Expressionism,brice-marden_muses-and-meres-series-richard-s-muse-2001 +landscape,Realism,aleksey-savrasov_waterfall-1868 +portrait,Symbolism,konstantin-somov_portrait-of-alexandra-levchenko +abstract_painting,Abstract_Expressionism,paul-jenkins_not_detected_235707 +abstract_painting,Abstract_Expressionism,ronnie-landfield_sarah-rose-1969 +genre_painting,Expressionism,andre-derain_deerstalking-1938 +abstract_painting,Abstract_Expressionism,louis-schanker_untitled-abstract-composition-1968 +genre_painting,Baroque,francesco-guardi_the-parlour-of-the-san-zaccaria-convent-1750 +abstract_painting,Abstract_Expressionism,betty-parsons_gold-stopple-moonshot-1972 +genre_painting,Realism,ivan-shishkin_two-female-figures +cityscape,Baroque,canaletto_the-piazzetta-looking-toward-the-clock-tower +landscape,Expressionism,andre-derain_ominous-landscape-1950 +portrait,Expressionism,george-bouzianis_portrait-of-man +genre_painting,Naive_Art_Primitivism,fernando-botero_house-mariduque +abstract_painting,Abstract_Expressionism,forrest-bess_dedication-to-van-gogh-1946 +religious_painting,Symbolism,odilon-redon_angel-in-chains +genre_painting,Expressionism,zinaida-serebriakova_marrakesh-1928 +landscape,Post_Impressionism,pyotr-konchalovsky_peterhof-1931-1 +landscape,Symbolism,konstantinos-parthenis_the-slope-1908 +landscape,Realism,ivan-shishkin_windmill-in-the-field-1861 +abstract_painting,Abstract_Expressionism,sam-francis_untitled-michel-waldberg-po-mes-dans-le-ciel-sf315-1986 +portrait,Romanticism,konstantin-makovsky_portrait-of-the-composer-aleksandr-sergeyvich-dargomyzhsky +landscape,Post_Impressionism,pyotr-konchalovsky_leningrad-yelagin-island-1931 +portrait,Rococo,thomas-gainsborough_dupont +portrait,Expressionism,richard-diebenkorn_seated-woman-1 +illustration,Romanticism,gustave-dore_the-sculptures +portrait,Realism,james-mcneill-whistler_man-smoking-a-pipe +landscape,Realism,theodore-rousseau_sunset +landscape,Impressionism,eugene-boudin_camaret-le-toulinguet-1872 +abstract_painting,Pop_Art,nicholas-krushenick_flying-circus-1965 +abstract_painting,Abstract_Expressionism,brice-marden_cold-mountain-i-path-1989 +religious_painting,Mannerism_Late_Renaissance,gregorio-lopes_morte-da-virgem-1527 +sketch_and_study,Naive_Art_Primitivism,marc-chagall_untitled +religious_painting,Baroque,francisco-de-zurbaran_the-virgin-of-the-carthusians +portrait,Post_Impressionism,moise-kisling_not-identified-19 +portrait,Expressionism,paul-delvaux_at-sea-1934 +still_life,Impressionism,paul-cezanne_still-life-1877 +still_life,Expressionism,zinaida-serebriakova_still-life-with-cauliflower-and-vegetables-1936 +portrait,Cubism,diego-rivera_portrait-of-two-women-1914 +landscape,Pointillism,henri-martin_terrace-of-the-manor-in-marquayrol +religious_painting,Symbolism,kuzma-petrov-vodkin_peter-s-denial-1919 +abstract_painting,Color_Field_Painting,gene-davis_yoyo-1969 +religious_painting,Baroque,annibale-carracci_lord-whither-goest-thou-1602 +abstract_painting,Color_Field_Painting,morris-louis_number-82-1961 +religious_painting,Symbolism,nicholas-roerich_krishna-1946 +landscape,Realism,giovanni-boldini_wall-paintings-of-falconiera-1 +genre_painting,Expressionism,egon-schiele_the-embrace-1917 +still_life,Realism,constantin-stahi_easter-food-1916 +landscape,Impressionism,pierre-auguste-renoir_banks-of-the-river-1876 +portrait,Romanticism,sir-lawrence-alma-tadema_the-last-roses-1872 +still_life,Impressionism,paul-cezanne_the-buffet-1877 +portrait,Art_Nouveau_Modern,ferdinand-hodler_portrait-of-general-ulrich-wille-1915 +portrait,Mannerism_Late_Renaissance,titian_portrait-of-ranuccio-farnese-1542 +religious_painting,Art_Nouveau_Modern,nicholas-roerich_and-we-see-1922 +portrait,Romanticism,pierre-paul-prud'hon_portrait-of-the-empress-josephine-1805 +landscape,Post_Impressionism,paul-gauguin_meadow-at-the-banks-of-aven-1888 +genre_painting,Impressionism,walter-sickert_not-identified +cityscape,Post_Impressionism,edouard-cortes_in-three-fourths-1 +illustration,Romanticism,gustave-dore_the-inferno-canto-28 +portrait,Expressionism,richard-gerstl_ernst-diez-1907(1) +portrait,Expressionism,jan-sluyters_portrait-of-a-lady-in-red +genre_painting,Expressionism,tsuguharu-foujita_dancers-1920 +religious_painting,Early_Renaissance,piero-della-francesca_nativity-1475(2) +religious_painting,Baroque,jacob-jordaens_adoration-of-the-shepherds-1616 +genre_painting,Ukiyo_e,utagawa-kuniyoshi_woman-mending-a-fish-net +religious_painting,Rococo,giovanni-battista-tiepolo_the-repudiation-of-hagar-1719 +cityscape,Expressionism,richard-diebenkorn_ingleside +genre_painting,Impressionism,berthe-morisot_the-cherry-tree-study +landscape,Impressionism,camille-pissarro_the-large-walnut-tree-at-hermitage-1875 +genre_painting,Cubism,corneliu-michailescu_deer-hunter +landscape,Fauvism,piet-mondrian_dune-in-zeeland-1910 +genre_painting,Expressionism,marcel-janco_abuse-two-nazi-soldiers-mistreating-jews-1942 +cityscape,Impressionism,childe-hassam_flags-on-the-waldorf +portrait,Realism,nikolai-ge_an-old-peasant +abstract_painting,Abstract_Expressionism,gerhard-richter_korn +landscape,Realism,johan-hendrik-weissenbruch_milking-cows-underneath-the-willows +cityscape,Romanticism,william-turner_the-grand-canal-scene-a-street-in-venice +cityscape,Impressionism,john-singer-sargent_the-rialto-1911 +portrait,Impressionism,joaquã­n-sorolla_italian-girl-with-flowers-1886 +landscape,Post_Impressionism,pierre-bonnard_the-almond-tree-in-blossom +still_life,Impressionism,gregoire-boonzaier_hat-green-bottle-and-guitar-1990 +still_life,Cubism,louis-marcoussis_jug-and-card-1919 +portrait,Romanticism,konstantin-makovsky_portrait +portrait,Northern_Renaissance,albrecht-durer_portrait-of-a-woman +genre_painting,Expressionism,august-macke_salto-mortale-in-circus +portrait,Romanticism,polychronis-lembesis_captain-ben +genre_painting,Naive_Art_Primitivism,fernando-botero_couple-dancing +cityscape,Symbolism,nicholas-roerich_the-island-of-repose +landscape,Impressionism,constantin-artachino_house-at-the-countryside +genre_painting,Impressionism,mary-cassatt_susan-comforting-the-baby-no-2 +portrait,Expressionism,august-macke_portrait-of-the-artist-s-wife-with-a-hat +portrait,Post_Impressionism,paul-gauguin_portrait-of-suzanne-bambridge-1891 +landscape,Impressionism,berthe-morisot_the-seine-below-the-pont-d-lena +portrait,Mannerism_Late_Renaissance,paolo-veronese_portrait-of-a-gentlemen +landscape,Realism,camille-corot_a-shady-resting-place-1873 +portrait,Realism,mary-cassatt_the-reader-1878 +religious_painting,High_Renaissance,pietro-perugino_the-mourning-of-the-dead-christ-deposition +landscape,Realism,fyodor-vasilyev_mountains-in-the-crimea-in-winter-1873 +genre_painting,Romanticism,francisco-goya_the-injured-mason-1787 +sketch_and_study,Romanticism,fyodor-solntsev_little-russian-bride +religious_painting,Romanticism,gustave-dore_the-disobedient-prophet-is-slain-by-a-lion +sketch_and_study,Post_Impressionism,pablo-picasso_mother-and-child-study-1904 +landscape,Symbolism,nicholas-roerich_himalayas-58 +abstract_painting,Abstract_Expressionism,joan-snyder_song-cycle-2-for-aw-2011 +landscape,Impressionism,eugene-boudin_etretat-1890 +portrait,Rococo,vladimir-borovikovsky_lizanka-and-dashenka-1794 +landscape,Realism,camille-corot_ville-d-avray-1 +landscape,Realism,winslow-homer_the-coming-storm +portrait,Realism,john-singer-sargent_w-graham-robertson-1894 +portrait,Impressionism,konstantin-korovin_portrait-of-nadezhda-komarovskaya-1908 +portrait,Cubism,diego-rivera_the-architect-jesus-t-acevedo +cityscape,New_Realism,edward-hopper_shakespeare-at-dusk +cityscape,Impressionism,paul-signac_the-port-of-st-tropez +landscape,Realism,ivan-shishkin_at-the-edge-of-an-oak-forest-1882 +landscape,Impressionism,camille-pissarro_forest-in-evening-1902 +cityscape,Pointillism,paul-signac_view-of-the-port-of-marseilles +landscape,Symbolism,nicholas-roerich_venta-finland-1907 +religious_painting,Northern_Renaissance,albrecht-durer_samson-slaying-the-lion +landscape,Romanticism,john-constable_country-road +religious_painting,Realism,ilya-repin_nicholas-of-myra-eliminates-the-death-of-three-innocent-prisoners-1890 +religious_painting,Baroque,bartolome-esteban-murillo_san-salvador-de-horta-and-inquisitor-of-aragon +portrait,Impressionism,ipolit-strambu_the-red-scarf-1919 +genre_painting,Impressionism,william-merritt-chase_an-early-stroll-in-the-park +religious_painting,Baroque,alonzo-cano_inmaculate-conception +cityscape,Post_Impressionism,jean-hugo_untitled-european-seaside-view +still_life,Impressionism,nicolae-darascu_vase-with-petunias +religious_painting,Early_Renaissance,filippo-lippi_confirmation-of-the-carmelite-rule-1 +still_life,Cubism,fernand-leger_machine-element-1st-state-1924 +cityscape,Impressionism,arshile-gorky_park-street-church +landscape,Post_Impressionism,gustave-loiseau_landscape +nude_painting,Expressionism,pablo-picasso_two-nude-women-1906-2 +genre_painting,Post_Impressionism,paul-gauguin_a-little-washerman-1887 +religious_painting,Symbolism,james-tissot_the-taking-of-jericho +genre_painting,Baroque,jan-steen_sick-old-man-1660 +genre_painting,Expressionism,martiros-saryan_construction-of-bridge-1933 +portrait,Art_Nouveau_Modern,gustav-klimt_lady-with-fan-1918 +nude_painting,Expressionism,lucian-freud_and-the-bridegroom +illustration,Romanticism,gustave-dore_brunetto-latini(1) +portrait,Impressionism,henri-de-toulouse-lautrec_portrait-of-a-child-1882 +abstract_painting,Minimalism,park-seo-bo_ecriture-no-020719-2002 +abstract_painting,Color_Field_Painting,gene-davis_butterfly-1972 +cityscape,Art_Nouveau_Modern,mstislav-dobuzhinsky_kedainiai-view-of-the-city-1933 +landscape,Realism,isaac-levitan_landscape-with-ferns +genre_painting,Contemporary_Realism,eric-fischl_barbecue +genre_painting,Post_Impressionism,vincent-van-gogh_sheaf-binder-the-after-millet-1889 +sketch_and_study,Realism,ivan-shishkin_in-the-forest-thicket +portrait,Impressionism,pierre-auguste-renoir_paul-charpentier-1887 +portrait,Northern_Renaissance,lucas-cranach-the-elder_portrait-of-cardinal-albrecht-of-brandenburg-1526 +cityscape,Post_Impressionism,gustave-loiseau_quay-on-oise-in-pontoise-1906 +abstract_painting,Abstract_Expressionism,howard-hodgkin_patrick-caulfield-in-italy-1992 +genre_painting,Rococo,pietro-longhi_preparing-the-guns +landscape,Impressionism,berthe-morisot_the-harbor-at-lorient +landscape,Romanticism,john-constable_study-of-the-trunk-of-an-elm-tree-1821 +landscape,Post_Impressionism,vincent-van-gogh_the-bois-de-boulogne-with-people-walking-1886 +religious_painting,High_Renaissance,andrea-del-sarto_madonna-and-child-with-the-infant-saint-john-in-a-landscape +portrait,Impressionism,pablo-picasso_woman-with-feathered-hat-1901 +sketch_and_study,Realism,isaac-levitan_rainbow +landscape,Post_Impressionism,jacek-malczewski_corpus-christi +portrait,Expressionism,david-alfaro-siqueiros_women-of-chilpancingo-1960 +landscape,Realism,gustave-courbet_the-mountain-hut +genre_painting,Realism,winslow-homer_rainy-day-in-camp-also-known-as-camp-near-yorktown +religious_painting,Expressionism,nikolai-ge_christ-head +abstract_painting,Abstract_Expressionism,louis-schanker_circle-image-no-25-1954 +portrait,Mannerism_Late_Renaissance,tintoretto_a-philosopher-1570 +sketch_and_study,Post_Impressionism,vincent-van-gogh_the-seine-with-the-pont-de-clichy-1887 +cityscape,Post_Impressionism,panayiotis-tetsis_landscape-of-stage-ardittos +genre_painting,Art_Nouveau_Modern,sergey-solomko_conversation +cityscape,Impressionism,camille-pissarro_place-du-thretre-francais-sun-effect-1898 +landscape,Impressionism,berthe-morisot_view-of-tivoli-after-corot +illustration,Romanticism,gustave-dore_he-sprang-unpon-the-old-woman-and-ate-her-up +landscape,Romanticism,miklos-barabas_the-eruption-of-the-vesuv-1835 +landscape,Realism,fyodor-vasilyev_hot-summer-day +cityscape,Impressionism,claude-monet_charing-cross-bridge-the-thames +religious_painting,Early_Renaissance,sandro-botticelli_the-story-of-nastagio(1) +genre_painting,Northern_Renaissance,albrecht-durer_witch-riding-backwards-on-a-goat-1500 +portrait,Ukiyo_e,keisai-eisen_a-bust-portrait-of-a-beauty-1822 +portrait,Romanticism,louis-janmot_flower-of-the-fields-1845 +portrait,Post_Impressionism,vincent-van-gogh_zouave-1888-1(1) +portrait,Impressionism,john-singer-sargent_portrait-of-miss-clementine-anstruther-thomson +portrait,Impressionism,valentin-serov_portrait-of-count-nikolay-sumarokov-elstone-1903 +genre_painting,Romanticism,jan-matejko_zamoyski-at-byczyna +portrait,Baroque,frans-hals_portrait-of-a-woman-1633-1 +illustration,Art_Nouveau_Modern,edmund-dulac_the-pearl-of-the-cloud-from-the-kingdom-of-the-pearl +genre_painting,Art_Nouveau_Modern,raphael-kirchner_flashing-motorists-1904-2 +landscape,Romanticism,john-atkinson-grimshaw_figure-on-a-moonlit-lane +sketch_and_study,Art_Nouveau_Modern,nicholas-roerich_temple-in-skvernitsy-1909 +abstract_painting,Minimalism,agnes-martin_on-a-clear-day-1-1973 +portrait,Art_Nouveau_Modern,valentin-serov_portrait-of-henrietta-girshman-1907 +illustration,Art_Nouveau_Modern,eugã¨ne-grasset_la-belle-jardiniere-february-1896 +landscape,Realism,theodore-rousseau_a-torrent-with-dam-in-auvergne-1830 +landscape,Impressionism,childe-hassam_the-island-garden +genre_painting,Expressionism,balthus_sleeping-girl-1943 +landscape,Impressionism,claude-monet_rocks-on-the-mediterranean-coast +landscape,Impressionism,pierre-auguste-renoir_landscape-6 +religious_painting,Early_Renaissance,sandro-botticelli_the-punishment-of-korah-dathan-and-abiram-1481(1) +portrait,Baroque,peter-paul-rubens_christoffel-plantin +religious_painting,Baroque,francisco-de-zurbaran_rest-on-the-flight-to-egypt-1659 +sketch_and_study,Early_Renaissance,leonardo-da-vinci_scythed-chariot +genre_painting,Northern_Renaissance,albrecht-durer_the-desperate-man-1515 +portrait,Rococo,thomas-gainsborough_portrait-of-mrs-awse-1767 +sketch_and_study,Baroque,bartolome-esteban-murillo_a-saint-kneeling-and-supported-by-angels-in-ecstasy-before-the-virgin-and-child-on-a-cloud +genre_painting,Expressionism,louay-kayyali_the-bead-seller +portrait,Romanticism,franz-xaver-winterhalter_the-first-of-may-1851 +sketch_and_study,Realism,ilya-repin_a-rider +religious_painting,Naive_Art_Primitivism,marc-chagall_the-sacrifice-offered-by-elijah-is-consumed-by-the-fire-from-the-lord-i-kings-xviii-36-38 +landscape,Art_Nouveau_Modern,gustav-klimt_country-garden-with-sunflowers-1906 +portrait,Impressionism,ilya-repin_horse-riding-portrait-1913 +genre_painting,Pointillism,georges-seurat_circus-sideshow-1888 +portrait,Cubism,marevna-(marie-vorobieff)_portrait-of-henri-matisse-1956 +portrait,Romanticism,konstantin-makovsky_portrait-3 +landscape,Impressionism,nicolae-vermont_a-walk-through-the-park-1915 +genre_painting,Realism,vincent-van-gogh_peasant-woman-peeling-potatoes-1885 +portrait,Romanticism,jan-matejko_henry-valois +landscape,Realism,isaac-levitan_forest-gave +portrait,Expressionism,amedeo-modigliani_head-of-a-girl +religious_painting,Early_Renaissance,benozzo-gozzoli_tabernacle-of-the-visitation-annunciation-to-joachim +genre_painting,Post_Impressionism,pyotr-konchalovsky_at-the-ilmen-lake-1928 +nude_painting,Contemporary_Realism,neil-welliver_cold-claudia-1969 +portrait,Romanticism,orest-kiprensky_italian-peasant-girls-1834 +genre_painting,Art_Nouveau_Modern,eugã¨ne-grasset_inqui-tude +portrait,Symbolism,kuzma-petrov-vodkin_arrangement-1918 +nude_painting,Post_Impressionism,moise-kisling_not-identified-36 +nude_painting,New_Realism,edward-hopper_eleven-a-m +portrait,Expressionism,amedeo-modigliani_boy-in-shorts-1918 +portrait,Expressionism,george-bouzianis_portrait-of-thanos(2) +portrait,Romanticism,konstantin-makovsky_portrait-of-the-son-in-workshop-small-antique-dealer +still_life,Cubism,pyotr-konchalovsky_still-life-with-samovar-pipe-1918 +landscape,Realism,maxime-lalanne_betharam-de-lourdes-pau-1860 +landscape,Impressionism,abdullah-suriosubroto_waterfall +landscape,Romanticism,john-atkinson-grimshaw_golden-light-1893 +landscape,Realism,vincent-van-gogh_pollard-willow-1882-1 +genre_painting,Post_Impressionism,ion-theodorescu-sion_at-rest-1912 +sketch_and_study,High_Renaissance,leonardo-da-vinci_deluge-over-a-city +genre_painting,Impressionism,camille-pissarro_shepherd-in-a-downpour-1889 +portrait,Romanticism,karl-bryullov_italian-midday(1) +genre_painting,Expressionism,ernst-ludwig-kirchner_the-selling-of-the-shadow +landscape,Symbolism,mikhail-nesterov_river-belaya-1909 +portrait,Baroque,rembrandt_young-woman-trying-earrings-1654 +landscape,Symbolism,ferdinand-hodler_thun-with-symmetric-mirroring-1909 +abstract_painting,Abstract_Expressionism,hans-hofmann_abstract-euphony-1958 +landscape,Impressionism,santiago-rusinol_avenue-of-plane-trees-1916 +cityscape,Impressionism,claude-monet_the-bridge-at-argenteuil-grey-weather +portrait,Post_Impressionism,paul-cezanne_the-smoker-1890 +nude_painting,Impressionism,amrita-sher-gil_sleeping-woman-1933 +religious_painting,Naive_Art_Primitivism,fernando-botero_celestial-portal +portrait,Ukiyo_e,utagawa-kuniyoshi_the-dragon-princess +sketch_and_study,Realism,vasily-polenov_crosses-lattice-details-1883 +religious_painting,Northern_Renaissance,jan-van-eyck_the-ghent-altar-detail-1432-4 +genre_painting,Impressionism,pierre-auguste-renoir_two-young-girls-reading-1891 +landscape,Post_Impressionism,henri-martin_the-beginning-of-autumn +abstract_painting,Color_Field_Painting,ray-parker_untitled-1971-1 +sketch_and_study,Post_Impressionism,vincent-van-gogh_pine-trees-seen-against-the-wall-of-the-asylum-1889 +landscape,Post_Impressionism,pyotr-konchalovsky_peterhof-the-right-wing-of-the-palace-1931 +portrait,Symbolism,gulacsy-lajos_emily-1903 +abstract_painting,Pop_Art,aki-kuroda_untitled-1995 +illustration,Expressionism,ad-reinhardt_how-to-look-at-a-spiral-1946(1) +landscape,Post_Impressionism,paul-cezanne_road-near-mont-sainte-victoire +abstract_painting,Color_Field_Painting,gil-teixeira-lopes_unknown-title +genre_painting,Realism,winslow-homer_the-new-novel +genre_painting,Cubism,fernand-leger_breakfast-1921 +religious_painting,Baroque,peter-paul-rubens_raising-of-the-cross-sts-eligius-and-catherine +sketch_and_study,Art_Nouveau_Modern,ferdinand-hodler_character-study-1906 +sketch_and_study,Post_Impressionism,pyotr-konchalovsky_veliky-novgorod-1926 +illustration,Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-russian-fairy-story-the-frog-princess(1) +landscape,Impressionism,edgar-degas_houses-by-the-seaside-1869 +landscape,Symbolism,nicholas-roerich_elbrus-caucasus-1933 +still_life,Expressionism,richard-diebenkorn_bottles +portrait,Baroque,peter-paul-rubens_susanna-fourment +genre_painting,Baroque,le-nain-brothers_peasants-in-the-cave-house +genre_painting,Cubism,jack-bush_man-and-woman-1-1955 +portrait,Post_Impressionism,rafael-zabaleta_boy-with-chicken-1951 +portrait,Romanticism,konstantin-makovsky_pavel-vyazemsky +abstract_painting,Color_Field_Painting,claude-viallat_untitled-no-30-1996 +portrait,Expressionism,amedeo-modigliani_girl-with-pigtails-1918 +genre_painting,Romanticism,alfred-stevens_the-dolour-certainty +cityscape,Post_Impressionism,henri-martin_saint-cirq-lapopie-over-the-roofs +genre_painting,Impressionism,pierre-auguste-renoir_girl-crocheting +abstract_painting,Minimalism,brice-marden_untitled-black-and-cream-grid-1964 +abstract_painting,Color_Field_Painting,theodoros-stamos_purple-color-field-with-two-green-lines +landscape,Impressionism,claude-monet_rocky-coast-and-the-lion-rock-belle-ile +portrait,Baroque,anthony-van-dyck_portrait-of-philadelphia-and-elisabeth-cary +illustration,Symbolism,william-blake_illustration-to-dante-s-divine-comedy-purgatory +nude_painting,Northern_Renaissance,albrecht-durer_female-nude-1506 +portrait,Realism,thomas-eakins_the-honorable-john-a-thorton-1903 +still_life,Baroque,jean-baptiste-simeon-chardin_basket-of-plums +nude_painting,Expressionism,egon-schiele_reclining-female-nude-1917 +still_life,Symbolism,kuzma-petrov-vodkin_herring-1918 +still_life,Cubism,roger-de-la-fresnaye_still-life-with-coffee-pot-and-melon +portrait,Expressionism,amedeo-modigliani_adrienne-woman-with-bangs-1917 +genre_painting,Realism,vincent-van-gogh_weaver-1884-5 +portrait,Ukiyo_e,kitagawa-utamaro_one-out-of-a-series-of-six +nude_painting,Realism,robert-brackman_reclining-nude-woman +portrait,Impressionism,edouard-manet_isabelle-lemonnier-with-a-muff +genre_painting,Symbolism,pierre-puvis-de-chavannes_patriotic-games +portrait,Impressionism,pierre-auguste-renoir_gabrielle-with-a-rose-1911 +portrait,Impressionism,joaquã­n-sorolla_elena-in-a-yellow-tunic-1909 +landscape,Impressionism,giovanni-fattori_strasse-am-ufer-des-meeres-1895 +abstract_painting,Cubism,gosta-adrian-nilsson_komposition-1950 +genre_painting,Impressionism,nicolae-vermont_the-emigrants-last-ship +genre_painting,Rococo,jean-baptiste-simeon-chardin_the-hard-working-mother-1740 +nude_painting,Analytical_Cubism,jean-metzinger_nu-la-chemin-e-1910 +genre_painting,Impressionism,max-liebermann_potato-gatherers +genre_painting,Impressionism,george-luks_houston-street-1917 +genre_painting,Post_Impressionism,maurice-denis_homage-to-cezanne-1900 +portrait,Post_Impressionism,henri-matisse_portrait-of-greta-prozor-1916 +portrait,Baroque,rembrandt_portrait-of-a-man-in-oriental-costume-1633 +genre_painting,Post_Impressionism,maurice-prendergast_beach-at-gloucester +landscape,Abstract_Expressionism,salvador-dali_homage-to-meirronier +still_life,Post_Impressionism,vincent-van-gogh_three-pairs-of-shoes-1886 +landscape,Post_Impressionism,edouard-vuillard_window-overlooking-the-woods +genre_painting,Northern_Renaissance,martin-schongauer_young-woman-fanning-a-fire-with-a-bird-s-wing +portrait,Realism,gerard-sekoto_the-artist-s-mother-and-stepfather +portrait,Realism,boris-kustodiev_portrait-of-y-e-kustodieva-with-son-1904 +still_life,Naive_Art_Primitivism,kateryna-bilokur_still-life-flowers-and-vegetables-1959 +illustration,Art_Nouveau_Modern,aubrey-beardsley_the-murders-in-the-rue-morgue +landscape,Post_Impressionism,bertalan-por_brookside-1919 +portrait,Romanticism,vasily-tropinin_portrait-of-the-artist-s-son-the-easel-1820 +landscape,Impressionism,claude-monet_gennevilliers-plain-1877 +portrait,Post_Impressionism,vincent-van-gogh_joseph-etienne-roulin-1889 +genre_painting,Art_Nouveau_Modern,carl-larsson_on-the-farm-1905(1) +landscape,Impressionism,eugene-boudin_seascape-1871 +portrait,Impressionism,edgar-degas_carlo-pellegrini-1877 +portrait,Cubism,m.-h.-maxy_electric-madonna-1926 +religious_painting,Symbolism,franz-stuck_susanna-and-the-elders-1913-1 +nude_painting,Post_Impressionism,ion-theodorescu-sion_baigneuse-1927 +portrait,Realism,john-singer-sargent_homer-saint-gaudens-and-his-mother-1890 +portrait,Romanticism,edwin-henry-landseer_queen-victoria-and-prince-albert-at-home-at-windsor-castle-in-berkshire-england-1843 +religious_painting,Early_Renaissance,giovanni-bellini_greek-madonna-1460 +landscape,Realism,camille-corot_hay +religious_painting,Expressionism,konstantinos-parthenis_virgin-with-divine-infant-crucifixion-1942 +religious_painting,Early_Renaissance,fra-angelico_saint-dominic-adoring-the-crucifixion-1442 +landscape,Post_Impressionism,gustave-loiseau_ice-on-the-oise-river +religious_painting,Symbolism,salvador-dali_quantification-of-leonardo-de-vinci-s-last-supper +cityscape,Impressionism,claude-monet_the-hotel-des-roches-noires-at-trouville-1870 +portrait,Romanticism,konstantin-makovsky_portrait-of-the-man-in-red-velvet-suit +landscape,Symbolism,nicholas-roerich_himalayas-snowy-peaks-1942 +cityscape,Northern_Renaissance,albrecht-durer_the-walkway-street-food-market-in-nuremberg +genre_painting,Impressionism,john-singer-sargent_street-in-arras-1918 +still_life,Impressionism,henri-catargi_still-life-with-pipe-and-fruit-basket-1967 +still_life,Cubism,konstantinos-parthenis_still-life-1935 +portrait,Expressionism,zinaida-serebriakova_portrait-of-a-a-cherkesovoy-benoit-1938 +still_life,Post_Impressionism,henri-matisse_basket-with-oranges-1913 +abstract_painting,Cubism,ben-nicholson_ronco-1967 +genre_painting,Post_Impressionism,maurice-denis_trinity-evening +portrait,Expressionism,yiannis-tsaroychis_sailor-without-shoes-sitting-on-couch-1962 +landscape,Realism,ivan-shishkin_pond-1 +abstract_painting,Abstract_Expressionism,kazuo-nakamura_hillside-1954 +landscape,Impressionism,camille-pissarro_road-to-louveciennes +sketch_and_study,Realism,jean-francois-millet_house-with-fence-1867(1) +portrait,Impressionism,paul-gauguin_portrait-of-achille-granchi-taylor-1885 +landscape,Naive_Art_Primitivism,grandma-moses_not_detected_251590 +genre_painting,Rococo,pietro-longhi_the-confession +still_life,Post_Impressionism,maurice-prendergast_still-life +portrait,Naive_Art_Primitivism,diego-rivera_indian-spinning +genre_painting,Impressionism,edgar-degas_miss-la-la-at-the-cirque-fernando-1879 +genre_painting,Expressionism,dimitris-mytaras_woman-in-the-mirror +portrait,Realism,thomas-eakins_portrait-of-alfred-bryan-wall +landscape,Pointillism,georges-seurat_the-away-samson-in-grandcamp-1885 +landscape,Symbolism,konstantin-bogaevsky_mountain-landscape-with-sea-bay +landscape,Impressionism,claude-monet_the-garden-gate-at-vetheuil +sketch_and_study,Symbolism,nikolaos-gyzis_behold-the-celestial-bridegroom-cometh-study +abstract_painting,Abstract_Expressionism,ronnie-landfield_iceberg-1974 +religious_painting,Symbolism,nicholas-roerich_buddha-the-winner-1925 +portrait,Art_Nouveau_Modern,carl-larsson_solrosorna(1) +religious_painting,Rococo,giovanni-domenico-tiepolo_god-the-father +cityscape,Symbolism,mstislav-dobuzhinsky_monument-to-peter-the-great-1923 +portrait,Realism,alexey-venetsianov_portrait-of-p-v-havskoy +nude_painting,Post_Impressionism,pierre-bonnard_tall-nude-also-known-as-woman-nude-standing-1906 +landscape,Cubism,paul-cezanne_bibemus-quarry +landscape,Romanticism,adolphe-joseph-thomas-monticelli_farmyard-with-donkeys-and-roosters +landscape,Expressionism,martiros-saryan_desert-1911 +illustration,Realism,n.c.-wyeth_the-caption-reads +religious_painting,High_Renaissance,raphael_the-blessing-christ +cityscape,Ukiyo_e,katsushika-hokusai_nihonbashi-bridge-in-edo +religious_painting,Early_Renaissance,sandro-botticelli_madonna-and-child-1510(1) +cityscape,Impressionism,antoine-blanchard_paris-les-bouquinistes +portrait,Impressionism,pierre-auguste-renoir_young-man-and-young-woman +landscape,Symbolism,nicholas-roerich_himalayas-everest-1938-1 +illustration,Expressionism,m.c.-escher_scholastica-bad-dream +portrait,Realism,vasily-surikov_portrait-of-p-f-surikova-artist-s-mother-1887 +cityscape,Post_Impressionism,auguste-herbin_notre-dame-de-paris-1903 +landscape,Post_Impressionism,vincent-van-gogh_factories-seen-from-a-hillside-in-moonlight-1887(1) +landscape,Ukiyo_e,hiroshige_the-moon-over-a-waterfall +cityscape,Romanticism,rudolf-von-alt_the-pantheon-and-the-piazza-della-rotonda-in-rome-1835 +landscape,Impressionism,stefan-luchian_the-river-meadow-at-poduri-1909 +landscape,Realism,camille-corot_stream-in-the-woods +landscape,Realism,volodymyr-orlovsky_landscape-with-pond-1 +still_life,Analytical_Cubism,juan-gris_the-packet-of-cigars-1912 +landscape,Impressionism,adolf-hitler_millhouse +portrait,Impressionism,pierre-auguste-renoir_the-little-reader-little-girl-in-blue +landscape,Post_Impressionism,bertalan-por_forest-path-1911 +sketch_and_study,Symbolism,kuzma-petrov-vodkin_head-of-young-man-adam-1913 +landscape,Impressionism,camille-pissarro_street-snow-effect-1872 +portrait,Romanticism,dante-gabriel-rossetti_portrait-of-mrs-william-j-stillman-1869 +cityscape,Realism,johan-hendrik-weissenbruch_fish-market-sun-1873 +genre_painting,Impressionism,guy-rose_in-the-studio +genre_painting,Baroque,diego-velazquez_kitchen-scene-with-the-supper-in-emmaus-1618 +cityscape,Post_Impressionism,georges-seurat_study-on-the-island-1884 +abstract_painting,Abstract_Expressionism,jackson-pollock_number-2(1) +cityscape,Expressionism,richard-gerstl_small-street-nu-dorferstra-e-1908 +landscape,Realism,gustave-courbet_the-chateau-de-chillon +landscape,Expressionism,martiros-saryan_mount-aragats-1925 +abstract_painting,Color_Field_Painting,ellsworth-kelly_yellow-from-the-series-line-form-color-1951 +illustration,Romanticism,gustave-dore_the-inferno-canto-15 +cityscape,Expressionism,m.c.-escher_nocturnal-rome-2 +landscape,Impressionism,willard-metcalf_brook-in-march +landscape,Impressionism,piet-mondrian_windmill-in-the-gein-1907 +landscape,Realism,camille-corot_souvenir-of-riva +genre_painting,Baroque,david-teniers-the-younger_interior-with-a-gentleman-playing-a-lute-and-a-lady-singing +portrait,Expressionism,amedeo-modigliani_woman-with-a-red-necklace-1918 +landscape,Art_Nouveau_Modern,a.y.-jackson_indian-home-1927 +illustration,Symbolism,harry-clarke_the-year-s-at-the-spring-1920-2 +landscape,Contemporary_Realism,fairfield-porter_wheat-1960 +landscape,Impressionism,guy-rose_oak-grove-carmel-1919 +landscape,Realism,fyodor-vasilyev_village +portrait,Expressionism,amedeo-modigliani_portrait-of-juan-gris-1915 +portrait,Expressionism,candido-portinari_meninos-e-pi-es-1947 +portrait,Rococo,william-hogarth_english-librettist-thomas-morell +genre_painting,Post_Impressionism,maurice-prendergast_the-promenade +portrait,Impressionism,mary-cassatt_the-loge +portrait,Pointillism,georges-lacombeâ _portrait-of-paul-ranson-1905 +landscape,Art_Nouveau_Modern,egon-schiele_sunflower-1909 +abstract_painting,Abstract_Expressionism,abidin-dino_antibes-1961-1 +illustration,Symbolism,william-blake_illustration-to-milton-s-paradise-lost-1807-7 +religious_painting,Mannerism_Late_Renaissance,tintoretto_entombment-1594 +portrait,Northern_Renaissance,albrecht-durer_erasmo-de-rotterdam-1520 +landscape,Impressionism,paul-gauguin_street-in-osny-1883 +landscape,Realism,theodore-rousseau_sunset-in-the-forest-1866 +landscape,Romanticism,ivan-aivazovsky_sea-view-1867 +religious_painting,Baroque,rembrandt_head-of-christ-1650 +abstract_painting,Abstract_Expressionism,joan-miro_not_detected_227943 +genre_painting,Impressionism,henri-matisse_woman-reading-in-a-garden-1903 +genre_painting,Impressionism,camille-pissarro_the-cowherd +portrait,Realism,pericles-pantazis_dutch-girl-1880 +landscape,Realism,ilya-repin_the-village-of-mokhnachi-1877 +landscape,Realism,ivan-shishkin_forest-6 +landscape,Realism,fyodor-vasilyev_before-a-thunderstorm-1 +landscape,Impressionism,constantine-maleas_church-with-cypress +abstract_painting,Abstract_Expressionism,sam-francis_untitled-sfp88-12-1988 +religious_painting,Northern_Renaissance,albrecht-durer_birth-of-christ +landscape,Realism,theo-van-rysselberghe_the-cliffs-of-douvres-1881 +portrait,Realism,giovanni-boldini_the-actress-rejane-and-her-dog +illustration,Symbolism,william-blake_illustration-to-milton-s-paradise-lost-1807-1 +portrait,Realism,konstantin-makovsky_portrait-of-the-young-lady +nude_painting,Realism,basuki-abdullah_nudity-1 +still_life,Impressionism,nicolae-grigorescu_still-life-with-fruit +portrait,Impressionism,filipp-malyavin_portrait-of-k-a-somov-1895 +portrait,Romanticism,franz-xaver-winterhalter_portrait-questre-de-fran-ois-adolphe-akermann +landscape,Ukiyo_e,hiroshige_kuwana +landscape,Symbolism,mikhail-vrubel_lilacs-1901 +genre_painting,Realism,eugene-boudin_the-beach-at-trouville-1863 +sketch_and_study,Baroque,rembrandt_a-young-man-seated-and-standing-the-walking-trainer-1646 +portrait,Realism,giovanni-boldini_portrait-of-madame-josephina-a-de-errazuriz +religious_painting,Mannerism_Late_Renaissance,titian_st-jerome-1575 +genre_painting,Realism,vincent-van-gogh_miners-in-the-snow-winter-1882 +portrait,Realism,jean-francois-millet_portrait-of-a-man-said-to-be-leopold-desbrosses +nude_painting,Cubism,pablo-picasso_reclining-nude-1908-1 +cityscape,Rococo,bernardo-bellotto_view-of-cracow-suburb-leading-to-the-castle-square-1774 +nude_painting,Post_Impressionism,henri-matisse_nude-in-a-turban +landscape,Pointillism,theo-van-rysselberghe_summer-landscape-of-the-moor +landscape,Impressionism,childe-hassam_old-house-nantucket +cityscape,Post_Impressionism,henri-catargi_street-corner-merchants-1959 +abstract_painting,Abstract_Expressionism,cy-twombly_hero-and-leandro-a-painting-in-four-parts-part-iii +landscape,Impressionism,constantine-maleas_lagoon-of-messolongi +sketch_and_study,Symbolism,nicholas-roerich_monhigan-study-1922-11 +sketch_and_study,Symbolism,nicholas-roerich_padmasambhava +landscape,Impressionism,stefan-luchian_moara +religious_painting,Mannerism_Late_Renaissance,titian_crucifixion +landscape,Post_Impressionism,theo-van-rysselberghe_garden-in-summer-1924 +portrait,Baroque,anthony-van-dyck_head-of-a-robber-1618 +genre_painting,Impressionism,nikolay-bogdanov-belsky_on-a-visit-to-the-grandmother +landscape,Impressionism,camille-pissarro_the-banks-of-the-seine-at-bougival-1871 +genre_painting,Realism,helene-schjerfbeck_the-convalescent-1888 +illustration,Romanticism,gustave-dore_submersion-in-lethe +genre_painting,Impressionism,mary-cassatt_breakfast-in-bed-1897 +religious_painting,Mannerism_Late_Renaissance,tintoretto_st-roch-in-the-hospital-1549 +genre_painting,Naive_Art_Primitivism,raoul-dufy_the-nautical-club-with-cowes-1936 +abstract_painting,Abstract_Expressionism,taro-yamamoto_abstract-composition +landscape,Contemporary_Realism,john-miller_algarve-farm +portrait,Realism,konstantin-makovsky_old-man +landscape,Impressionism,paul-signac_saint-brac-le-bechet-1885 +nude_painting,Impressionism,edgar-degas_woman-washing-her-feet +cityscape,Impressionism,camille-pissarro_near-sydenham-hill-looking-towards-lower-norwood-1871 +landscape,Impressionism,guy-rose_point-lobos-oak-tree-1918 +genre_painting,Expressionism,martiros-saryan_turkmen-children-1934 +religious_painting,Symbolism,salvador-dali_familia-ruth-moabitidis-1964 +abstract_painting,Color_Field_Painting,gene-davis_red-baron-1966 +cityscape,Romanticism,franz-richard-unterberger_the-view-from-the-balcony +genre_painting,Expressionism,henri-matisse_young-women-in-the-garden-1919 +religious_painting,High_Renaissance,michelangelo_martyrdom-of-st-peter +landscape,Expressionism,zinaida-serebriakova_england-1953 +landscape,Impressionism,claude-monet_garden-in-bloom-at-sainte-addresse +genre_painting,Northern_Renaissance,pieter-bruegel-the-elder_james-the-late-emperor-of-the-devil-is-stopped-the-illusions-of-a-magician-1565 +landscape,Impressionism,camille-pissarro_kew-gardens-path-to-the-great-glasshouse-1892 +illustration,Expressionism,m.c.-escher_emblemata-well +abstract_painting,Minimalism,edward-corbett_untitled-1950 +portrait,Rococo,vladimir-borovikovsky_alexander-fedoseevich-bestuzhev +landscape,Romanticism,ivan-aivazovsky_crimean-coast-1886 +religious_painting,Symbolism,james-tissot_jesus-ministered-to-by-angels-1894 +landscape,Impressionism,willard-metcalf_green-idleness +abstract_painting,Abstract_Expressionism,paul-jenkins_not_detected_235725 +religious_painting,Symbolism,mikhail-vrubel_walking-on-water-1891 +portrait,Impressionism,matej-sternen_the-red-parasol-1904 +cityscape,Impressionism,lucian-grigorescu_case-din-via-ripetta-1921 +abstract_painting,Abstract_Expressionism,john-hoyland_warrior-universe +genre_painting,Realism,viktor-vasnetsov_moving-house-1876 +genre_painting,Impressionism,camille-pissarro_market-at-gisors-rue-cappeville +portrait,Rococo,vladimir-borovikovsky_minas-lazarev-borovikovsky +portrait,Mannerism_Late_Renaissance,lavinia-fontana_isabella-ruini-as-venus-1592 +genre_painting,Rococo,pietro-longhi_a-walk-on-horseback +cityscape,Impressionism,camille-pissarro_the-banks-of-the-oise-at-pontoise-1870 +abstract_painting,Abstract_Expressionism,miriam-schapiro_treasury +sketch_and_study,Expressionism,martiros-saryan_mountains-1961 +still_life,Cubism,marc-chagall_still-life-1912 +landscape,Post_Impressionism,edouard-vuillard_massif-near-the-house-1907 +landscape,Symbolism,konstantin-bogaevsky_ancient-land-1922 +landscape,Contemporary_Realism,jamie-wyeth_horse-tub-1972 +genre_painting,Romanticism,jan-matejko_the-professors-of-the-jagiellonian-university +portrait,Rococo,fyodor-rokotov_portrait-of-n-a-demidov +genre_painting,Post_Impressionism,henri-de-toulouse-lautrec_the-clownesse-cha-u-kao-at-the-moulin-rouge-1895 +portrait,Symbolism,gulacsy-lajos_the-madman-and-the-soldier-1911 +portrait,Pop_Art,andy-warhol_sigmund-freud +landscape,Post_Impressionism,maurice-denis_rocks-at-pouldu +abstract_painting,Abstract_Expressionism,willem-de-kooning_woman-sag-harbour +nude_painting,Cubism,olexandr-archipenko_group-of-nude-figures +religious_painting,Realism,james-tissot_jethro-and-moses-as-in-exodus-18-1900 +abstract_painting,Abstract_Expressionism,paul-jenkins_homage-of-melville +religious_painting,Romanticism,gustave-dore_jacob-keeping-laban-s-flock-1866 +landscape,Post_Impressionism,gustave-loiseau_overcast-weather-at-nesles-la-vallee-1896 +religious_painting,Rococo,giovanni-domenico-tiepolo_christ-s-fall-on-the-way-to-calvary-1772 +sketch_and_study,Expressionism,martiros-saryan_by-the-sea-1907 +still_life,Pop_Art,roy-lichtenstein_sandwich-and-soda-1964 +landscape,Post_Impressionism,augustus-john_landscape-at-chirk-clwyd-1912 +religious_painting,Northern_Renaissance,konrad-witz_the-adoration-of-the-magi +landscape,Romanticism,ivan-aivazovsky_seascape-with-moon-1849 +portrait,Fauvism,walasse-ting_lady-in-pink-1992 +landscape,Impressionism,t.-c.-steele_the-bloom-of-the-grape-1893 +portrait,Expressionism,william-h.-johnson_athlete-1940 +portrait,Realism,ivan-kramskoy_no-title-1882 +still_life,Realism,william-merritt-chase_still-life-brass-and-glass +still_life,Baroque,willem-kalf_still-life-with-porcelain-and-a-nautilus-cup-1660 +genre_painting,Symbolism,kuzma-petrov-vodkin_morning-1917 +landscape,Impressionism,claude-monet_morning-on-the-seine-near-giverny +sketch_and_study,Symbolism,odilon-redon_closed-eyes +landscape,Impressionism,pierre-auguste-renoir_bougival-1888 +landscape,Romanticism,ivan-aivazovsky_pushkin-and-countess-raevskaya-by-the-sea-near-gurzuf-and-partenit-1886 +portrait,Realism,john-singer-sargent_mrs-waldo-story-1883 +genre_painting,Expressionism,lucian-freud_after-chardin +portrait,Baroque,anthony-van-dyck_equestrian-portrait-of-charles-i-king-of-england-1640 +religious_painting,Impressionism,ilya-repin_follow-me-satan +landscape,Realism,ivan-shishkin_fallen-tree-siverskaya-1879 +illustration,Expressionism,lynd-ward_not-detected-272492 +sketch_and_study,Rococo,antoine-watteau_study-of-a-woman-s-head +abstract_painting,Action_painting,jackson-pollock_composition-with-pouring-ii(1) +landscape,Art_Nouveau_Modern,gustav-klimt_landscape-garden-meadow-in-flower +abstract_painting,Abstract_Expressionism,willem-de-kooning_two-trees-on-mary-street-amen +landscape,Post_Impressionism,karl-schrag_fragrant-breeze-at-nightfall +abstract_painting,Abstract_Expressionism,hans-hofmann_renate-s-nantucket-1965 +religious_painting,Northern_Renaissance,hieronymus-bosch_passion-of-the-christ-1515 +landscape,Symbolism,nicholas-roerich_jelep-la-tibetan-frontier-1936 +genre_painting,Romanticism,francisco-goya_the-fight-at-the-venta-nueva-1777 +genre_painting,Rococo,george-morland_the-labourer-s-luncheon-1792 +landscape,Symbolism,nicholas-roerich_path-to-kailas +landscape,Art_Nouveau_Modern,ivan-bilibin_france-view-from-the-window-of-the-cottages-1935(1) +nude_painting,Post_Impressionism,henri-matisse_odalisque-1917 +portrait,Romanticism,konstantin-makovsky_portrait-of-an-unknown-1 +landscape,Impressionism,claude-monet_boats-on-the-beach +religious_painting,Northern_Renaissance,hieronymus-bosch_st-liberata-triptych-1504 +religious_painting,Baroque,francisco-de-zurbaran_adoration-of-the-magi-1640 +landscape,Symbolism,nicholas-roerich_kangchenjunga +portrait,Expressionism,jan-sluyters_portrait-of-the-20-year-old-ina-leaves-1932 +genre_painting,Post_Impressionism,vincent-van-gogh_a-woman-walking-in-garden-1887(1) +religious_painting,Baroque,peter-paul-rubens_samson-and-delilah +illustration,Art_Nouveau_Modern,heorhiy-narbut_illustration-fairy-tales-teremok-mizgir-1910-2 +abstract_painting,Color_Field_Painting,mark-rothko_no-46(1) +genre_painting,Realism,mykola-yaroshenko_blind-1879 +landscape,Ukiyo_e,hiroshige_two-men-on-a-sloping-road-in-the-rain +cityscape,Impressionism,joaquã­n-sorolla_church-roncal-stairs +portrait,Realism,konstantin-somov_portrait-of-m-karpova +genre_painting,Realism,octav-bancila_ncurcat-n-socoteli +abstract_painting,Abstract_Expressionism,joan-miro_blue-i-1961 +landscape,Contemporary_Realism,neil-welliver_midday-barren +still_life,Post_Impressionism,henri-catargi_still-life-1937 +portrait,Romanticism,karl-bodmer_a-minatarre-or-big-bellied-indian-plate-17-from-volume-2-of-travels-in-the-interior-of-north-1843 +genre_painting,Impressionism,edgar-degas_woman-having-her-hair-combed +genre_painting,Expressionism,jose-gutierrez-solana_the-coffee-gathering-pombo +cityscape,Northern_Renaissance,jan-van-eyck_the-virgin-of-the-chancellor-rolin-detail-1436-1 +landscape,Cubism,lyonel-feininger_hopfgarten-1920 +still_life,Post_Impressionism,ilya-mashkov_still-life-with-skull +cityscape,Impressionism,childe-hassam_cathedral-at-ronda +landscape,Impressionism,alfred-sisley_the-banks-of-the-seine-in-autumn-flood +landscape,Art_Nouveau_Modern,nicholas-roerich_lake-village-1915-1 +portrait,Romanticism,william-holman-hunt_my-son-cyril-1877 +cityscape,Post_Impressionism,maurice-utrillo_untitled +portrait,Mannerism_Late_Renaissance,tintoretto_portrait-of-the-sculptor-jacopo-sansovino-1570 +religious_painting,Northern_Renaissance,hugo-van-der-goes_calvary-triptych-left-wing-1468 +genre_painting,Art_Nouveau_Modern,wilhelm-kotarbinski_daughter-of-cairo-detail +portrait,Realism,vasily-perov_portrait-of-sergei-timofeevich-aksakov-1872 +genre_painting,Naive_Art_Primitivism,marc-chagall_concert-on-the-square-1983 +landscape,Impressionism,alfred-sisley_on-the-banks-of-the-loing-canal-1883 +sketch_and_study,Impressionism,pierre-auguste-renoir_study-for-the-saone-embraced-by-the-rhone-1915 +portrait,Expressionism,thalia-flora-karavia_portrait-of-yannis-tsarouchis-1942 +genre_painting,Symbolism,nicholas-roerich_lights-on-the-ganges-1947 +landscape,Expressionism,pyotr-konchalovsky_house-of-bullfighting-amateur-1910 +sketch_and_study,Symbolism,ferdinand-hodler_dying-warrior +cityscape,Realism,vincent-van-gogh_the-bakery-in-de-geest-1882 +portrait,Romanticism,konstantin-makovsky_zaporozhye-cossack +genre_painting,Symbolism,edward-burne-jones_the-garden-court-study +religious_painting,Early_Renaissance,domenico-ghirlandaio_madonna-and-child-2 +genre_painting,Northern_Renaissance,hans-holbein-the-younger_musicians-on-a-balcony +cityscape,Impressionism,camille-pissarro_place-de-la-republique-rouen-with-tramway-1883 +sketch_and_study,Post_Impressionism,pablo-picasso_nude-study-to-harem-1906 +abstract_painting,Color_Field_Painting,alvaro-lapa_unknown-title-7 +landscape,Impressionism,abdullah-suriosubroto_landscape-mountain +landscape,Post_Impressionism,candido-portinari_paisagem-com-bananeiras-1927 +abstract_painting,Color_Field_Painting,jack-bush_yellow-mark-1971 +genre_painting,Baroque,rembrandt_beggar-woman-leaning-on-a-stick-1646 +abstract_painting,Action_painting,hans-hofmann_don-quixote-1963 +landscape,Realism,ivan-shishkin_among-the-open-valley-1883 +religious_painting,Romanticism,gustave-dore_the-confusion-of-tongues +genre_painting,Symbolism,nicholas-roerich_paternoster-1940 +landscape,Art_Nouveau_Modern,gustav-klimt_farmhouse-with-birch-trees-1903 +landscape,Impressionism,ilya-mashkov_coast-of-the-crimea +religious_painting,Baroque,caravaggio_saint-francis-in-prayer(1) +cityscape,Impressionism,giovanni-boldini_statue-in-the-park-of-versailles +portrait,Realism,ilya-repin_portrait-of-emperor-nicholas-ii-on-the-porch-1896 +sketch_and_study,Symbolism,nicholas-roerich_study-to-teacher-s-testament +portrait,Realism,thomas-eakins_portrait-of-mary-adeline-williams-1899 +cityscape,Impressionism,antoine-blanchard_grands-boulevard-et-porte-st-denis-sous-la-neige +landscape,Romanticism,karl-bodmer_tombs-of-assiniboin-indians-on-trees-plate-30-from-volume-1-of-travels-in-the-interior-of-north-1832 +sketch_and_study,Art_Nouveau_Modern,alphonse-mucha_study-of-a-woman-sitting-in-an-armchair +religious_painting,Baroque,paul-bril_jesus-walking-on-the-sea-of-galilee-1590 +portrait,Realism,nikolai-ge_portrait-of-piotr-ge-the-artist-s-son +nude_painting,Cubism,pablo-picasso_nude-with-towel-1907 +portrait,New_Realism,george-luks_portrait-of-a-young-girl-antoinette-kraushaar +portrait,Expressionism,nicolae-tonitza_little-girl-with-flowery-headscarf-1925 +landscape,Romanticism,ivan-aivazovsky_moon-path +portrait,Northern_Renaissance,lucas-cranach-the-elder_portrait-of-a-saxon-princess-1517 +abstract_painting,Color_Field_Painting,paul-feeley_rouso-1963 +landscape,Impressionism,alfred-sisley_women-laudering-1876 +landscape,Realism,ivan-shishkin_landscape-with-a-hunter-valaam-island-1867 +portrait,Realism,felix-vallotton_young-woman-with-yellow-scarf-1911 +landscape,Realism,ivan-shishkin_golden-autumn-1888 +cityscape,Post_Impressionism,gustave-loiseau_house-of-the-sisters-in-pontoise-1924 +sketch_and_study,Romanticism,fyodor-solntsev_kiev-province +illustration,Romanticism,n.c.-wyeth_and-when-they-came-to-the-sword-that-the-hand-held-king-arthur-took-it-up +religious_painting,Northern_Renaissance,robert-campin_saint-john-the-baptist-1415 +portrait,High_Renaissance,michelangelo_portrait-of-andrea-quaratesi +landscape,Romanticism,rudolf-von-alt_the-bay-of-cattaro-in-dalmatia-1840 +landscape,Impressionism,paul-cezanne_landscape-in-provence-1875 +genre_painting,Realism,vasily-polenov_amazon-on-a-horseback +genre_painting,Ukiyo_e,katsushika-hokusai_the-fuji-seen-from-the-gay-quarter-in-senju +genre_painting,Expressionism,martiros-saryan_mountainous-march-of-armenian-units-1933 +cityscape,Symbolism,mstislav-dobuzhinsky_city-1914 +sketch_and_study,Baroque,rembrandt_the-raising-of-lazarus-1642 +genre_painting,Romanticism,polychronis-lembesis_alitopaido +portrait,Baroque,frans-hals_fisher-girl-1632 +cityscape,Impressionism,antoine-blanchard_porte-st-denis +landscape,Impressionism,pierre-auguste-renoir_breton-landscape-1893 +landscape,Impressionism,alfred-sisley_the-effect-of-snow-at-argenteuil-1874 +sketch_and_study,Expressionism,ernst-ludwig-kirchner_three-women-in-a-cafe +portrait,Impressionism,james-tissot_october +portrait,Realism,ilya-repin_portrait-of-t-a-mamontova-1879 +religious_painting,Early_Renaissance,andrea-del-castagno_queen-esther +still_life,Fauvism,albert-marquet_fruit-knife-and-napkin-1898 +portrait,Impressionism,federico-zandomeneghi_woman-leaning-on-a-chair +genre_painting,Impressionism,childe-hassam_the-terre-cuite-tea-set-aka-french-tea-garden +genre_painting,Impressionism,john-singer-sargent_woman-reclining +genre_painting,Expressionism,edvard-munch_the-sick-child-1886 +genre_painting,Romanticism,william-shayer_unloading-the-catch +portrait,Impressionism,edgar-degas_the-amateurs-paul-lafond-and-alhonse-cherfils-examening-a-painting +portrait,Realism,ivan-kramskoy_portrait-of-pavel-tretyakov-1876 +religious_painting,Baroque,peter-paul-rubens_the-last-supper +abstract_painting,Color_Field_Painting,mark-rothko_untitled-11 +portrait,Realism,ilya-repin_portrait-of-artist-vladimir-samoilov-1902 +portrait,Romanticism,karl-bodmer_a-missouri-indian-an-oto-indian-and-the-chief-of-the-puncas-plate-7-from-travels-in-the-1844 +religious_painting,Naive_Art_Primitivism,marc-chagall_david-and-bathsheba-1956 +portrait,Art_Nouveau_Modern,filipp-malyavin_a-girl-1903-1 +genre_painting,Baroque,le-nain-brothers_card-players +genre_painting,Baroque,adriaen-van-ostade_the-fishwife-1 +illustration,Romanticism,gustave-dore_don-quixote-55 +sketch_and_study,Expressionism,paula-modersohn-becker_two-women-in-the-garden-with-fountain +sketch_and_study,Early_Renaissance,andrea-mantegna_three-studies-elongated-figures-1455 +religious_painting,Art_Nouveau_Modern,nicholas-roerich_intercession-of-the-theotokos-1903 +landscape,Impressionism,claude-monet_palm-trees-at-bordighera +portrait,Northern_Renaissance,albrecht-durer_portrait-of-hans-pfaffrot-of-gdansk +genre_painting,Art_Nouveau_Modern,carl-larsson_a-day-of-celebration(1) +sketch_and_study,Realism,james-tissot_type-of-jew-1889-2 +sketch_and_study,Symbolism,nicholas-roerich_monhigan-study-1922-25 +still_life,Post_Impressionism,albert-marquet_bouquet-of-flowers-1898 +sketch_and_study,Symbolism,gustav-klimt_portrait-of-a-man-heading-left +religious_painting,Early_Renaissance,pietro-perugino_pope-antero-1483 +abstract_painting,Abstract_Expressionism,bradley-walker-tomlin_number-2-1950 +illustration,Realism,n.c.-wyeth_knife-fight-between-pirates +landscape,Post_Impressionism,gustave-loiseau_autumn-near-saint-cyr-du-vaudreuil-1899 +portrait,Expressionism,serge-sudeikin_fixing-her-hair-ruby-elzy-in-porgy-and-bess-1935-1935 +genre_painting,Baroque,claude-lorrain_harbour-scene +landscape,Impressionism,john-henry-twachtman_gray-day +genre_painting,Pop_Art,roy-lichtenstein_washing-machine-1961 +religious_painting,Symbolism,james-tissot_abraham-and-the-three-angels +religious_painting,Early_Renaissance,andrea-mantegna_scenes-from-the-life-of-st-christopher-1448 +landscape,Impressionism,claude-monet_argenteuil-seen-from-the-small-arm-of-the-seine(1) +landscape,Post_Impressionism,vincent-van-gogh_thatched-sandstone-cottages-in-chaponval-1890 +portrait,Expressionism,richard-gerstl_double-portrait-green-background-1908 +landscape,Expressionism,chaim-soutine_landscape-at-cagnes-la-gaude +landscape,Realism,john-singer-sargent_a-mountain-stream-tyrol-1914 +landscape,Realism,pyotr-konchalovsky_willows-on-the-volkhov-1926 +genre_painting,Post_Impressionism,pyotr-konchalovsky_misha-go-out-for-a-beer-1926 +illustration,Romanticism,gustave-dore_the-dell +landscape,Realism,vasily-polenov_early-snow-behovo-1891 +landscape,Post_Impressionism,vincent-van-gogh_the-gleize-bridge-over-the-vigneyret-canal-1888 +still_life,Realism,m.c.-escher_bookplate-dr-p-h-m-travaglino +portrait,High_Renaissance,lorenzo-lotto_portrait-of-febo-da-brescia-1544 +landscape,Impressionism,raoul-dufy_the-beach-at-sainte-adresse-1902 +genre_painting,Romanticism,sir-lawrence-alma-tadema_a-roman-scribe-writing-dispatches +genre_painting,Expressionism,nikolaos-lytras_in-the-garden(1) +portrait,Romanticism,jan-matejko_henryk-walezy +genre_painting,Symbolism,mikhail-nesterov_winter-in-skit-1904 +sketch_and_study,Northern_Renaissance,albrecht-durer_holy-family-1 +sketch_and_study,Post_Impressionism,vincent-van-gogh_enclosed-wheat-field-with-reaper-1889(1) +cityscape,Post_Impressionism,maurice-utrillo_custine-street-near-montmartre +sketch_and_study,Post_Impressionism,vincent-van-gogh_drawbridge-with-walking-couple-1888(1) +landscape,Realism,gustave-courbet_la-bretonnerie-in-the-department-of-indre-1856 +portrait,Romanticism,paul-cezanne_father-of-the-artist-1865 +portrait,Realism,nikolaos-gyzis_boy-with-cherries-1888 +genre_painting,Realism,pyotr-konchalovsky_winter-playing-children-1929 +genre_painting,Ukiyo_e,kitagawa-utamaro_woman-and-child-1803 +sketch_and_study,Post_Impressionism,henri-de-toulouse-lautrec_little-lodge +still_life,Expressionism,henri-matisse_still-life-14 +cityscape,Impressionism,eugene-boudin_rotterdam-a-corner-of-the-basin-1877 +portrait,Realism,ilya-repin_portrait-of-the-composer-nikolay-rymsky-korsakov-1893 +landscape,Impressionism,abdullah-suriosubroto_indonesian-landscape-2 +cityscape,Post_Impressionism,maurice-prendergast_montparnasse-1907 +abstract_painting,Abstract_Expressionism,louis-schanker_untitled-1949 +religious_painting,Northern_Renaissance,hieronymus-bosch_mankind-beset-by-devils-reverse-of-noah-panel-1504 +nude_painting,Impressionism,edgar-degas_the-bath +cityscape,Expressionism,salvador-dali_villa-pepita +religious_painting,Symbolism,salvador-dali_vinea-electa-isaiah-5-6-1967 +landscape,Realism,aleksey-savrasov_early-spring-2 +cityscape,Romanticism,maxim-vorobiev_view-of-manege-kutafya-tower-and-churches-of-st-nicholas-in-the-sapozhki-1817 +abstract_painting,Abstract_Expressionism,helen-frankenthaler_painted-on-21st-street-1951 +landscape,Romanticism,ivan-aivazovsky_chapel-on-the-beach +genre_painting,Realism,klavdy-lebedev_spat-on-the-terrace +religious_painting,Northern_Renaissance,jean-hey_the-moulins-triptych-detail +portrait,Impressionism,william-merritt-chase_dorothy-and-her-sister +landscape,Expressionism,egon-schiele_fuchsia-1910 +cityscape,Impressionism,eugene-boudin_the-port-of-trouville-1895 +religious_painting,Symbolism,odilon-redon_saint-george-and-the-dragon +genre_painting,Pointillism,henri-edmond-cross_the-evening-air-1894 +portrait,Romanticism,sir-lawrence-alma-tadema_hopeful-1909 +landscape,Fauvism,janos-mattis-teutsch_violet-landscape-1917 +portrait,Cubism,pablo-picasso_nude-bust-1907 +genre_painting,Post_Impressionism,paul-gauguin_haymaking-in-brittany-1888 +landscape,Impressionism,claude-monet_the-hut-at-trouville-low-tide-1881 +portrait,Realism,william-merritt-chase_portrait-of-james-whitcomb-riley +cityscape,Post_Impressionism,maurice-utrillo_beaulieu-church +landscape,Impressionism,joaquã­n-sorolla_gardens-of-la-granja-1907 +religious_painting,High_Renaissance,lorenzo-lotto_madonna-and-child-enthroned-with-four-saints-1546 +genre_painting,Romanticism,konstantin-makovsky_coffee-house-in-cairo +portrait,Expressionism,egon-schiele_russian-prisoner-of-war-grigori-kladjishuli-1916 +portrait,Realism,john-singer-sargent_mrs-george-gribble-1888 +landscape,Romanticism,john-constable_landscape-with-cottages-1810 +portrait,Expressionism,chronis-botsoglou_mpotsoglou8 +sketch_and_study,High_Renaissance,leonardo-da-vinci_study-of-horses-for-the-battle-of-anghiari +landscape,New_Realism,edward-hopper_not_detected_235609 +landscape,Impressionism,willard-metcalf_flying-shadows-1910 +genre_painting,Romanticism,jehan-georges-vibert_the-church-in-danger +landscape,Symbolism,nicholas-roerich_sacred-himalayas-1934 +landscape,Impressionism,claude-monet_customs-house-at-varengeville-in-the-fog +religious_painting,Art_Nouveau_Modern,nicholas-roerich_head-of-saviour-1906 +genre_painting,Post_Impressionism,henri-de-toulouse-lautrec_a-saint-lazare-song-title-1887 +genre_painting,Impressionism,pierre-auguste-renoir_leaving-the-conservatoire-1877 +portrait,Symbolism,gustav-klimt_josef-lewinsky +sketch_and_study,Post_Impressionism,vincent-van-gogh_couple-walking-between-rows-of-trees-1890(1) +religious_painting,Symbolism,nicholas-roerich_fiat-rex +landscape,Impressionism,willard-metcalf_on-the-suffolk-coast +religious_painting,Baroque,alonzo-cano_maria +portrait,Rococo,dmitry-levitzky_count-artemiy-vorontsov +illustration,Art_Nouveau_Modern,edmund-dulac_my-zenith-doth-depend-upon-a-most-auspicious-star-from-the-tempest +nude_painting,Symbolism,henri-martin_the-beauty +portrait,Impressionism,william-merritt-chase_a-girl-in-yellow-aka-the-yellow-gown +genre_painting,Rococo,william-hogarth_times-of-the-day-noon-1738 +religious_painting,Early_Renaissance,sandro-botticelli_portrait-of-a-man(1) +portrait,Rococo,thomas-gainsborough_portrait-of-heneage-lloyd-and-his-sister-lucy +sketch_and_study,Realism,konstantin-somov_portrait-of-n-poznyakov +landscape,Realism,isaac-levitan_windy-day +genre_painting,Expressionism,carlos-saenz-de-tejada_arrantzales-ond-rroa-1919 +landscape,Impressionism,alfred-sisley_moret-sur-loing-1888-1 +landscape,Impressionism,claude-monet_the-fjord-near-christiania +sketch_and_study,Realism,james-mcneill-whistler_black-lion-wharf +genre_painting,Post_Impressionism,le-pho_the-birthday-cake-1975 +religious_painting,Cubism,gino-severini_mosaic-at-the-church-of-st-mark-cortona-italy +sketch_and_study,Post_Impressionism,vincent-van-gogh_orchard-with-arles-in-the-background-1888 +portrait,Post_Impressionism,augustus-john_louise-olgin +religious_painting,High_Renaissance,pietro-perugino_altarpolyptychon-predellatafel-scene-adoration-of-the-magi +genre_painting,Rococo,francois-boucher_the-modiste +portrait,Post_Impressionism,kuzma-petrov-vodkin_african-boy-1907 +landscape,Art_Nouveau_Modern,lawren-harris_winter-comes-from-the-arctic-to-the-temperate-zone-1935 +religious_painting,Naive_Art_Primitivism,marc-chagall_biblical-subject-1956 +portrait,Impressionism,gregoire-boonzaier_portrait-of-a-man-1989 +landscape,Impressionism,camille-pissarro_the-hill-at-vaches-bazincourt +portrait,Pop_Art,marjorie-strider_smiling-blonde +landscape,Impressionism,pierre-auguste-renoir_cagnes-landscape-1911 +genre_painting,Realism,vincent-van-gogh_man-praying-1883 +nude_painting,Realism,alekos-kontopoulos_drawing +nude_painting,Realism,john-singer-sargent_nicola-d-inverno-1 +portrait,Early_Renaissance,domenico-ghirlandaio_portrait-of-lucrezia-tornabuoni +landscape,Post_Impressionism,maxime-maufra_douarnenez-october-landscape-1896 +abstract_painting,Abstract_Expressionism,david-smith_untitled-1963 +portrait,Realism,john-singer-sargent_mrs-ernest-g-raphael-florence-cecilia-sassoon-1905 +genre_painting,Art_Nouveau_Modern,max-slevogt_dance-of-death +cityscape,Impressionism,antoine-blanchard_arc-de-triomphe-3 +sketch_and_study,Post_Impressionism,vincent-van-gogh_daubigny-s-garden-with-black-cat-1890(1) +religious_painting,Mannerism_Late_Renaissance,paolo-veronese_conversion-of-st-pantaleon-1588 +genre_painting,Expressionism,candido-portinari_namorados-1940 +portrait,Realism,camille-corot_algerian-woman +landscape,Impressionism,armand-guillaumin_moret-1902 +landscape,Expressionism,costas-niarchos_untitled-1(2) +genre_painting,Baroque,gerard-terborch_curiosity +portrait,Realism,vasily-vereshchagin_portrait-of-a-man-in-a-white-turban-1867 +illustration,Romanticism,gustave-dore_don-quixote-71 +landscape,Realism,ferdinand-hodler_pastures-at-the-jonction-at-geneva-1878 +sketch_and_study,Post_Impressionism,pyotr-konchalovsky_the-woman-in-front-of-a-mirror-1923-1 +abstract_painting,Color_Field_Painting,piero-dorazio_very-sharp-1965 +portrait,Realism,john-singer-sargent_hercules-brabazon-brabazon +still_life,Baroque,frans-snyders_still-life-of-fruit-in-a-basket +illustration,Symbolism,harry-clarke_the-year-s-at-the-spring-1920-27 +landscape,Realism,pyotr-konchalovsky_spring-day-1955 +genre_painting,Symbolism,pablo-picasso_hurdy-gurdy-1905 +genre_painting,Post_Impressionism,pierre-bonnard_woman-with-black-stockings-1900 +cityscape,Impressionism,camille-pissarro_the-pont-boieldieu-rouen-rain-effect-1896 +religious_painting,Symbolism,salvador-dali_et-post-buccellam-introivit-in-eum-satanas-psalms-40-10-1964 +religious_painting,Romanticism,gustave-dore_cyrus-restores-the-vessels-of-the-temple +religious_painting,Early_Renaissance,andrea-del-castagno_martyrdom-of-st-thomas +portrait,Realism,john-singer-sargent_portrait-of-daniel-j-nolan-1917 +sketch_and_study,Baroque,jacob-jordaens_study-of-the-head-of-abraham-grapheus-1621 +religious_painting,Mannerism_Late_Renaissance,el-greco_adoration-of-the-shepherds-1 +landscape,Symbolism,nicholas-roerich_remember-1924 +abstract_painting,Abstract_Expressionism,sam-francis_untitled-1 +genre_painting,Rococo,william-hogarth_a-midnight-modern-conversation +genre_painting,Post_Impressionism,felix-vallotton_the-laundress-1895 +landscape,Symbolism,nicholas-roerich_himalayas-1947-4 +portrait,Post_Impressionism,istvan-nagy_drinking-girl +portrait,Realism,gustave-courbet_portrait-of-alfred-bruyas-painting-solution-1853 +portrait,Early_Renaissance,domenico-ghirlandaio_piero-eldest-son-of-lorenzo-the-magnificent-called-piero-the-unfortunate +portrait,Rococo,maurice-quentin-de-la-tour_face-of-the-man +cityscape,Naive_Art_Primitivism,marc-chagall_two-banks-1980 +genre_painting,Romanticism,john-collier_in-the-forest-of-arden-1892 +sketch_and_study,Realism,james-tissot_type-of-jew-1889-3 +portrait,Romanticism,karl-bryullov_portrait-of-g-n-and-v-a-olenin +landscape,Impressionism,camille-pissarro_the-river-and-willows-eragny-1888 +genre_painting,Baroque,adriaen-van-de-venne_fools-have-the-most-fun +cityscape,Post_Impressionism,pierre-bonnard_avenue-du-bois-in-boulogne-1914 +landscape,Post_Impressionism,vincent-van-gogh_landscape-with-alphonse-daudet-s-windmill-1888 +portrait,Realism,ilya-repin_the-sitter-s-head-the-second-half-of-the-xix-century +nude_painting,Cubism,pyotr-konchalovsky_the-model-by-the-stove-1917 +religious_painting,High_Renaissance,titian_polyptych-of-the-resurrection-virgin-annunciate-1522 +religious_painting,Early_Renaissance,benozzo-gozzoli_adoration-of-the-magi +portrait,Romanticism,sir-lawrence-alma-tadema_a-greek-woman-1869 +genre_painting,Expressionism,albert-bloch_souvenir-1921 +sketch_and_study,Impressionism,eugene-boudin_leaving-mass-at-plougastel +portrait,Art_Nouveau_Modern,gustav-klimt_portrait-of-fritza-riedler +landscape,Romanticism,ivan-aivazovsky_barge-in-the-sea-shore +landscape,Impressionism,claude-monet_the-arm-of-the-seine +genre_painting,Symbolism,konstantin-somov_lady-and-harlequin-1 +genre_painting,High_Renaissance,titian_the-miracle-of-the-jealous-husband-1511 +religious_painting,Early_Renaissance,giovanni-bellini_pesaro-altarpiece-1474-2 +religious_painting,Symbolism,mikhail-nesterov_st-luke-the-apostle-1909 +illustration,Romanticism,gustave-dore_farinata +abstract_painting,Abstract_Expressionism,brice-marden_nevis-rock-2008 +cityscape,Post_Impressionism,pyotr-konchalovsky_novgorod-st-george-s-monastery-1925 +portrait,Art_Nouveau_Modern,felix-vallotton_russian-anarchist-and-philosopher-mikhail-bakunin-1895 +abstract_painting,Abstract_Expressionism,mark-tobey_meditative-series-viii-1954 +portrait,Rococo,allan-ramsay_portrait-of-mary-atkins-mrs-martin +genre_painting,Romanticism,alfred-stevens_an-elegant-woman-1884 +landscape,Symbolism,gustav-klimt_quiet-pond-in-the-park-of-appeal +religious_painting,Naive_Art_Primitivism,marc-chagall_david-with-bathsheba-1980 +landscape,Impressionism,medi-wechsler-dinu_spring-landscape-1951 +landscape,Romanticism,john-atkinson-grimshaw_autumn-glory-the-old-mill-1869 +portrait,Expressionism,rafael-zabaleta_two-seated-women-1935 +portrait,Expressionism,zinaida-serebriakova_portrait-of-sergei-p-ivanov-1941 +portrait,Expressionism,billy-childish_thumbprint-1997 +landscape,Contemporary_Realism,john-miller_spring-sandspur +landscape,Realism,mykola-yaroshenko_mountain-saddle-in-the-vicinity-of-kislovodsk-1882 +landscape,Impressionism,cornelis-vreedenburgh_view-on-the-ijssel-near-hattem +illustration,Expressionism,oskar-kokoschka_not_detected_235842 +genre_painting,Expressionism,iosif-iser_behind-the-scenes-1932 +abstract_painting,Abstract_Expressionism,alma-woodsey-thomas_untitled-floral-abstraction-1970 +cityscape,Impressionism,konstantin-korovin_kitezh-the-great-1920 +religious_painting,Baroque,josefa-de-obidos_abisag-1650 +portrait,Romanticism,camille-corot_the-knight-1868 +cityscape,Naive_Art_Primitivism,henri-rousseau_village-near-a-factory-1908 +landscape,Expressionism,balthus_big-landscape-with-cow +religious_painting,Early_Renaissance,sandro-botticelli_christ-crowned-with-thorns(1) +religious_painting,Symbolism,james-tissot_the-youth-of-jesus-illustration-for-the-life-of-christ +sketch_and_study,Realism,thomas-eakins_william-rush-s-model-1908 +abstract_painting,Abstract_Expressionism,willem-de-kooning_landscape-at-stanton-street +portrait,Expressionism,pablo-picasso_female-head +cityscape,Cubism,lyonel-feininger_the-cathedral-1920 +genre_painting,Expressionism,max-beckmann_blindman-s-buff-1945 +cityscape,Cubism,joan-miro_not_detected_227964 +still_life,Realism,ivan-kramskoy_bouquet-of-flowers-1884 +nude_painting,Expressionism,ernst-ludwig-kirchner_three-bathers-1913 +landscape,Post_Impressionism,paul-cezanne_cote-du-galet-at-pontoise +portrait,Symbolism,odilon-redon_closed-eyes-1890 +genre_painting,Impressionism,mary-cassatt_mother-berthe-holding-her-baby-1900 +still_life,Realism,constantin-stahi_still-life-with-christian-artefacts-1919 +portrait,Ukiyo_e,utagawa-kuniyoshi_woman +landscape,Impressionism,william-merritt-chase_prospect-park +sketch_and_study,Expressionism,yiannis-tsaroychis_sketch +abstract_painting,Abstract_Expressionism,paul-jenkins_not_detected_235685 +still_life,Expressionism,ligia-macovei_unknown-title-19 +religious_painting,Northern_Renaissance,albrecht-durer_madonna-with-the-swaddled-infant-1520 +landscape,Realism,vasily-polenov_ebb-tide-normandy-1874 +cityscape,Impressionism,maurice-prendergast_afternoon-pincian-hill +genre_painting,Impressionism,berthe-morisot_on-the-cliff-at-portrieux +landscape,Realism,fyodor-vasilyev_water-mill-on-a-mountain-river-crimea +portrait,Baroque,frans-hals_family-group-in-a-landscape-1 +genre_painting,Realism,winslow-homer_warm-afternoon-shepherdess +genre_painting,Realism,john-singer-sargent_a-game-of-bowls-ightham-mote-kent-1889 +abstract_painting,Abstract_Expressionism,bradley-walker-tomlin_number-3-1950 +portrait,Baroque,rembrandt_dr-ephraim-bueno-jewish-physician-and-writer-1647 +religious_painting,Northern_Renaissance,lucas-cranach-the-elder_st-leopold-1515 +portrait,Impressionism,karoly-ferenczy_portrait-of-mrs-s-ndor-ernst-1916 +landscape,Realism,theodore-rousseau_not_detected_198926 +landscape,Realism,vasily-surikov_a-herd-of-horses-in-baraba-steppes +genre_painting,Post_Impressionism,le-pho_la-cueillette-des-fleurs +landscape,Romanticism,karl-bodmer_a-mandan-village-plate-16-from-volume-1-of-travels-in-the-interior-of-north-america-1843 +sketch_and_study,Realism,vincent-van-gogh_mills-in-the-neighbourhood-of-dordrecht-1877 +religious_painting,High_Renaissance,titian_saint-christopher-1524 +abstract_painting,Color_Field_Painting,theodoros-stamos_infinity-field-lefkada-series-1980-1(1) +abstract_painting,Abstract_Expressionism,esteban-vicente_number-2-1967 +portrait,Realism,james-mcneill-whistler_arrangement-in-yellow-and-grey-1858 +landscape,Realism,ivan-shishkin_pine-on-the-cliff-1855 +religious_painting,High_Renaissance,andrea-mantegna_samson-and-delilah-1506 +religious_painting,Romanticism,gustave-dore_ruth-and-boaz +cityscape,Cubism,arthur-segal_die-br-cke-in-r-genwalderm-nde-1925 +landscape,Impressionism,claude-monet_low-tide-at-varengeville +genre_painting,Realism,john-everett-millais_hearts-are-trumps +sketch_and_study,Baroque,rembrandt_two-studies-of-the-head-of-an-old-man +religious_painting,Symbolism,salvador-dali_noli-me-tangere-john-20-1-1967 +genre_painting,Baroque,gerrit-dou_grace-before-meat +nude_painting,Ukiyo_e,utagawa-kunisada_not_detected_240341 +portrait,Art_Nouveau_Modern,felix-vallotton_portrait-of-french-writer-ren-ghil-1898 +illustration,Romanticism,louis-janmot_po-me-de-l-me-7-le-mauvaus-sentier +portrait,Romanticism,alfred-stevens_reverie-1854 +landscape,Impressionism,james-mcneill-whistler_grey-note-mouth-of-the-thames +still_life,Realism,pyotr-konchalovsky_apples-1953 +portrait,Impressionism,giovanni-boldini_lady-in-rose +genre_painting,Post_Impressionism,henri-de-toulouse-lautrec_at-the-piano-madame-juliette-pascal-in-the-salon-of-the-chateau-de-malrome-1896 +portrait,Expressionism,henri-matisse_zorah-on-the-terrace-1912 +cityscape,Impressionism,childe-hassam_little-cobbler-s-shop +cityscape,Pointillism,georges-seurat_the-harbour-and-the-quays-at-port-en-bessin-1888 +landscape,Realism,theodore-rousseau_hilly-landscape-auvergne-1830 +portrait,Art_Nouveau_Modern,koloman-moser_girl-in-landscape-1898 +religious_painting,High_Renaissance,michelangelo_the-prophet-ezekiel-1510 +portrait,Expressionism,emil-nolde_head-of-spanish-woman +religious_painting,Northern_Renaissance,martin-schongauer_judgement-of-solomon +landscape,Ukiyo_e,katsushika-hokusai_the-festival-of-lanterns-on-temma-bridge-1834 +landscape,Romanticism,john-constable_a-mill-at-gillingham-in-dorset +religious_painting,Early_Renaissance,domenico-veneziano_virgin-and-child +genre_painting,Impressionism,edgar-degas_dancer-at-the-barre-1 +sketch_and_study,Romanticism,orest-kiprensky_ivan-krylov-among-artists-1808 +genre_painting,Naive_Art_Primitivism,marc-chagall_clowns-musicians-1980 +genre_painting,Baroque,le-nain-brothers_the-family-meal-1642 +cityscape,Romanticism,ivan-aivazovsky_venice-1844 +sketch_and_study,Art_Nouveau_Modern,ferdinand-hodler_cavalryman-striding-a-horse-1908 +landscape,Romanticism,karl-bodmer_ruined-towers-overlooking-the-rhine +religious_painting,Early_Renaissance,sandro-botticelli_the-extraction-of-the-heart-of-st-ignatius-from-the-altarpiece-of-st-barnabas-1488(1) +landscape,Romanticism,thomas-cole_view-of-florence-from-san-miniato-1837-1 +portrait,Expressionism,ernst-ludwig-kirchner_sick-woman +portrait,Realism,vasily-perov_portrait-of-the-composer-p-s-campione-1872 +landscape,Impressionism,armand-guillaumin_pont-charraud-gel-e-blanche-1911 +portrait,Post_Impressionism,ilya-mashkov_portrait-of-a-b-szymanowsky-1922 +portrait,Impressionism,pierre-auguste-renoir_lady-in-a-black-dress-1876 +portrait,Romanticism,karl-bodmer_wahk-ta-ge-li-a-sioux-warrior-1833 +genre_painting,Impressionism,berthe-morisot_young-woman-holding-a-dog-in-her-arms +genre_painting,Baroque,jan-steen_meal +landscape,Naive_Art_Primitivism,ivan-generalic_winter-landscape-1978 +landscape,Post_Impressionism,maxime-maufra_autumn-1909 +genre_painting,Realism,max-liebermann_spinning-workshop-in-laren-1889 +religious_painting,Northern_Renaissance,albrecht-durer_the-virgin-worshipped-by-angels-and-saints +portrait,Baroque,peter-paul-rubens_son-nicolas-with-a-red-cap-1627 +religious_painting,Romanticism,gustave-dore_saul-attempts-to-kill-david +religious_painting,Baroque,sebastien-bourdon_moses-and-the-brazen-serpent-1654 +landscape,Impressionism,santiago-rusinol_jardines-de-aranjuez-1 +illustration,Fauvism,jean-hugo_faust-magicien-1929 +landscape,Art_Nouveau_Modern,konstantin-korovin_taiga-near-baikal-1900 +landscape,Realism,charles-francois-daubigny_cattle-on-the-bank-of-the-river-1872 +portrait,Baroque,rembrandt_portrait-of-philips-lucasz-1635 +landscape,Impressionism,basuki-abdullah_scenery +genre_painting,Expressionism,ernst-ludwig-kirchner_arcrobats +genre_painting,Post_Impressionism,charles-cottet_the-child-death-1897 +religious_painting,Baroque,peter-paul-rubens_daniel-in-the-lion-s-den +landscape,Rococo,hubert-robert_the-water-jet-1794 +religious_painting,Northern_Renaissance,hieronymus-bosch_the-garden-of-earthly-delights +landscape,Post_Impressionism,wu-guanzhong_the-hua-mountains-at-sunset-1997 +genre_painting,Naive_Art_Primitivism,david-burliuk_by-the-samovar-tea-time-1950 +portrait,Naive_Art_Primitivism,diego-rivera_portrait-of-cuca-bustamante-1946 +portrait,Realism,alexey-venetsianov_portret-of-l-a-stromilova +genre_painting,Impressionism,henri-de-toulouse-lautrec_crew-at-bosc-1881 +abstract_painting,Abstract_Expressionism,philip-guston_drawing-related-to-zone-drawing-no-19 +nude_painting,Expressionism,henri-matisse_odalisques-1928-1 +sketch_and_study,Expressionism,jean-david_children +genre_painting,Art_Nouveau_Modern,wilhelm-kotarbinski_by-the-pond +cityscape,Impressionism,joaquã­n-sorolla_street-in-granada +genre_painting,Impressionism,edgar-degas_woman-combing-her-hair-2 +portrait,Romanticism,john-everett-millais_portia +religious_painting,Early_Renaissance,sandro-botticelli_the-vision-of-st-augustine-from-the-altarpiece-of-st-barnabas(1) +portrait,Impressionism,pierre-auguste-renoir_woman-in-a-flowered-hat +nude_painting,Expressionism,kees-van-dongen_the-red-clown-1905 +nude_painting,Ukiyo_e,katsushika-hokusai_fukujuso +landscape,Impressionism,gustave-caillebotte_petit-gennevilliers-facade-southeast-of-the-artist-s-studio-overlooking-the-garden-spring +landscape,Expressionism,martiros-saryan_rainbow-1929 +portrait,Impressionism,pierre-auguste-renoir_mademoiselle-grimprel-in-a-blue-ribbon-1880 +nude_painting,Expressionism,amedeo-modigliani_nude-looking-over-her-right-shoulder-1917 +landscape,Impressionism,pierre-auguste-renoir_on-a-cliff-1880 +religious_painting,Mannerism_Late_Renaissance,el-greco_the-penitent-magdalene-1578 +landscape,Symbolism,martiros-saryan_by-the-river-1903 +nude_painting,Expressionism,yiannis-moralis_girl-sleeping +genre_painting,Baroque,rembrandt_three-oriental-figures-jacob-and-laban-1641 +landscape,Realism,vincent-van-gogh_poplar-trees-1884 +still_life,Post_Impressionism,morris-graves_sunflower-1933 +landscape,Impressionism,paul-cezanne_the-etang-des-soeurs-at-osny-1875 +sketch_and_study,Post_Impressionism,vincent-van-gogh_trees-and-shrubs-1889 +portrait,Ukiyo_e,keisai-eisen_ch-day-of-the-okamotoya-kamuro-kakeo-and-koyuki +nude_painting,Impressionism,theodor-pallady_nu +landscape,Realism,nicholas-roerich_idol-1898 +landscape,Expressionism,wassily-kandinsky_landscape-with-factory-chimney-1910 +religious_painting,Mannerism_Late_Renaissance,piero-di-cosimo_madonna-and-child-with-saints-and-angels-1520 +cityscape,Post_Impressionism,maxime-maufra_the-port-of-havre-1905 +illustration,Romanticism,gustave-dore_the-inferno-canto-21-1 +landscape,Impressionism,willard-metcalf_november-morning +landscape,Impressionism,abdullah-suriosubroto_indonesian-landscape-5 +portrait,Symbolism,konstantin-vasilyev_divination-1 +landscape,Fauvism,auguste-herbin_pont-sur-la-loue-moutier-1923 +genre_painting,Expressionism,rafael-zabaleta_model-and-two-painters-sitting +portrait,Post_Impressionism,moise-kisling_red-haired-girl-1918 +landscape,Realism,ivan-shishkin_logs-kostiantynovka-village-near-the-red-village-1869 +genre_painting,Cubism,kazimir-malevich_province-1912 +portrait,Romanticism,jan-matejko_leszek-the-black +landscape,Realism,aleksey-savrasov_volga-landscape-1870 +cityscape,Post_Impressionism,maurice-utrillo_lapin-agile +genre_painting,Romanticism,john-william-waterhouse_the-toilet-1889 +genre_painting,Art_Nouveau_Modern,sergey-solomko_persian-woman-twisting-a-carpet +religious_painting,Northern_Renaissance,hieronymus-bosch_the-garden-of-earthly-delights-1515-10 +religious_painting,Baroque,matthias-stom_st-gregory(1) +landscape,Contemporary_Realism,richard-whitney_edges-of-april-skies +abstract_painting,Color_Field_Painting,gene-davis_pin-stripes-1960 +portrait,Cubism,jury-annenkov_maurice-ravel-1932 +cityscape,Art_Nouveau_Modern,nicholas-roerich_yaroslavl-entrance-to-the-st-nicholas-wet-church-1903 +abstract_painting,Action_painting,henri-michaux_untitled-1979 +sketch_and_study,Realism,vincent-van-gogh_field-with-thunderstorm-1881(1) +sketch_and_study,Realism,vincent-van-gogh_girl-carrying-a-loaf-of-bread-1882(1) +landscape,Realism,ivan-shishkin_oak-forest-1869 +landscape,Post_Impressionism,richard-gerstl_unlit-meadow-with-fruit-trees-1907 +landscape,Impressionism,claude-monet_snow-scene-at-argenteuil +still_life,Baroque,david-teniers-the-younger_an-interior-scene-with-pots-barrels-baskets-onions-and-cabbages-with-boors-carousing-in-the +landscape,Post_Impressionism,pyotr-konchalovsky_bridge-1921 +landscape,Expressionism,roger-de-la-fresnaye_white-house-at-audierne-1909 +religious_painting,Baroque,bernardo-strozzi_christ-and-the-samaritan-woman +landscape,Realism,camille-corot_smyrne-bornabat-1873 +landscape,Baroque,adriaen-van-de-velde_harteveld-house-on-the-vecht-in-utrecht +religious_painting,Northern_Renaissance,petrus-christus_the-lamentation-1 +landscape,Post_Impressionism,vincent-van-gogh_enclosed-field-with-a-sower-in-the-rain-1889(1) +genre_painting,Art_Nouveau_Modern,boris-kustodiev_province-1919 +portrait,Baroque,diego-velazquez_queen-isabel-standing-1632 +landscape,Post_Impressionism,maxime-maufra_monsieur-maufra-s-garden-by-the-sea +religious_painting,Symbolism,james-tissot_the-prophet-zechariah +genre_painting,Impressionism,william-merritt-chase_in-the-studio-1 +landscape,Impressionism,eliseu-visconti_my-house-1929 +portrait,Expressionism,spyros-papaloukas_portrait-of-young-man-1917 +genre_painting,Romanticism,osman-hamdi_the-tortoise-trainer-1906 +landscape,Fauvism,maurice-de-vlaminck_landscape-with-red-trees-chatou +landscape,Post_Impressionism,panayiotis-tetsis_landscape-1 +cityscape,Post_Impressionism,maurice-utrillo_distillery-of-saint-denis +portrait,Impressionism,giovanni-fattori_silvestro-lega-nella-pittura-di-riva-al-mare-1867 +landscape,Realism,gustave-courbet_fishing-boats-on-the-deauville-beach-1866 +cityscape,Fauvism,charles-lapicque_rome-1958 +landscape,Romanticism,john-constable_spring-ploughing-1821 +portrait,Expressionism,max-pechstein_fraukopf-1911 +portrait,Naive_Art_Primitivism,pablo-picasso_head-of-the-man +genre_painting,Impressionism,childe-hassam_rue-montmartre-paris +landscape,Impressionism,gustave-caillebotte_norman-landscape +landscape,Impressionism,konstantin-korovin_autumn-landscape-1909 +abstract_painting,Cubism,arshile-gorky_tracking-down-guiltless-doves +landscape,Romanticism,ivan-aivazovsky_crimean-tartars-on-the-sea-shore-1850 +portrait,Ukiyo_e,keisai-eisen_fukagawa-hachiman-no-shin-fuji-from-the-series-twelve-views-of-modern-beauties-imay-bijin-j-ni +portrait,Realism,giovanni-boldini_portrait-of-anita-de-la-ferie-the-spanish-dancer-1900 +sketch_and_study,High_Renaissance,leonardo-da-vinci_studies-of-the-villa-melzi-and-anatomical-study-1513 +religious_painting,High_Renaissance,raphael_niccolini-cowper-madonna-1508 +religious_painting,Mannerism_Late_Renaissance,jacopo-pontormo_resurrection-1525 +landscape,Post_Impressionism,pyotr-konchalovsky_maples-in-abramtsevo-1920 +sketch_and_study,Realism,vasily-surikov_khakasy-with-his-feet-bound-with-chains-1873 +genre_painting,Expressionism,jose-gutierrez-solana_the-designer-of-masks +portrait,Rococo,joseph-wright_mr-and-mrs-william-chase +portrait,Symbolism,kuzma-petrov-vodkin_portrait-of-m-f-petrova-vodkina-the-artist-s-wife-1922 +portrait,Realism,ilya-repin_portrait-of-the-composer-alexander-glazunov-1887 +sketch_and_study,Symbolism,nicholas-roerich_order-of-the-buddha-all-conquering-1926 +genre_painting,Realism,thomas-eakins_whistling-for-plover-1874 +cityscape,Post_Impressionism,maurice-utrillo_village-street +portrait,Pop_Art,hiro-yamagata_portrait-of-elizabeth-taylor +religious_painting,High_Renaissance,titian_the-annunciation +landscape,Rococo,bernardo-bellotto_the-imperial-summer-residence-courtyard-view-from-north-1758 +landscape,Impressionism,claude-monet_fruit-trees +portrait,Realism,giovanni-boldini_portrait-of-edgar-germain-hilaire-degas +genre_painting,Impressionism,pierre-auguste-renoir_title-not-available +landscape,Realism,vincent-van-gogh_the-heath-with-a-wheelbarrow-1883 +nude_painting,Fauvism,corneille_she-gives-herself-to-summer-1980 +landscape,Realism,ilya-repin_shiryaev-gully-on-the-volga-1870 +cityscape,Impressionism,alfred-sisley_barges-on-the-canal-saint-martin-in-paris-1870 +landscape,Post_Impressionism,paul-gauguin_river-aven-below-moun-saint-marguerite-1888 +portrait,Impressionism,giovanni-boldini_firework +portrait,Realism,vasily-polenov_montenegrin-girl-1876 +genre_painting,Realism,constantin-guys_bazar-de-la-volupt-1870 +portrait,Expressionism,andre-derain_portrait-of-francesco-iturrino-1914 +landscape,Romanticism,john-constable_east-bergholt-rectory-1810 +landscape,Realism,isaac-levitan_landscape +cityscape,Impressionism,maurice-prendergast_paris-boulevard-in-the-rain-1893 +genre_painting,Realism,vasily-polenov_caesarian-fun-1879 +portrait,Expressionism,zinaida-serebriakova_portrait-z-n-martynovskaya-1961 +genre_painting,Impressionism,childe-hassam_the-mantle-piece +portrait,Impressionism,pierre-auguste-renoir_woman-with-green-chair +abstract_painting,Cubism,franz-marc_small-composition-iii +landscape,Realism,charles-francois-daubigny_the-barges-1865 +genre_painting,Realism,grigoriy-myasoyedov_in-the-salon-of-zenaida-volkonskaya-1907 +still_life,Cubism,olga-rozanova_still-life-with-peatcher-and-apples +sketch_and_study,Symbolism,albert-bloch_figures-in-silver-light-study +landscape,Cubism,jack-bush_in-the-afternoon-mattawa-1947 +religious_painting,Naive_Art_Primitivism,marc-chagall_god-sends-aaron-to-meet-moses-in-the-desert +landscape,Impressionism,pierre-auguste-renoir_three-figures-in-a-landscape +portrait,Post_Impressionism,kuzma-petrov-vodkin_boy +portrait,Romanticism,alexey-venetsianov_portret-of-a-i-bibikov +portrait,Impressionism,mary-cassatt_the-two-sisters-1894 +landscape,Realism,isaac-levitan_forest-sunny-day +landscape,Impressionism,eugene-boudin_near-faou +religious_painting,Romanticism,gustave-dore_the-death-of-saul +genre_painting,Impressionism,joaquã­n-sorolla_children-bathing-in-the-afternoon-sun-1910 +illustration,Expressionism,ernst-ludwig-kirchner_peter-schlemihl-s-remarkable-story +landscape,Realism,winslow-homer_flower-garden-and-bungalow-bermuda +genre_painting,Realism,vladimir-makovsky_shepherds-1904 +illustration,Romanticism,gustave-dore_the-avaricious +portrait,Romanticism,dante-gabriel-rossetti_fanny-cornforth-1862 +portrait,Impressionism,valentin-serov_portrait-of-anton-chekhov-1903 +nude_painting,Expressionism,egon-schiele_male-nude +cityscape,Post_Impressionism,maurice-utrillo_the-berlioz-house +sketch_and_study,Realism,ilya-repin_putting-a-propagandist-under-arrest-1-1879 +landscape,Post_Impressionism,david-burliuk_lilac-in-the-park +portrait,Romanticism,camille-corot_the-little-angel +cityscape,Impressionism,boris-kustodiev_nice-1913 +genre_painting,Realism,vincent-van-gogh_woman-sewing-1881-1 +still_life,Pop_Art,patrick-caulfield_still-life-autumn-fashion-1978 +cityscape,New_Realism,edward-hopper_houses-of-squam-light-gloucester-1923 +abstract_painting,Abstract_Expressionism,yayoi-kusama_petals-1988 +illustration,Romanticism,gustave-dore_seeing-thetowers-the-king-s-son-asked-what-they-were +genre_painting,Realism,john-singer-sargent_paul-helleu-sketching-his-wife-1889 +landscape,Romanticism,rudolf-von-alt_view-of-ragusa-1841 +genre_painting,Expressionism,david-alfaro-siqueiros_enough-1961 +landscape,Expressionism,chaim-soutine_old-house-near-chartres +nude_painting,Expressionism,sa-nogueira_sem-titulo-1961 +religious_painting,Early_Renaissance,domenico-ghirlandaio_the-calling-of-st-peter +portrait,Romanticism,jan-matejko_jan-zamoyski +portrait,Ukiyo_e,tsukioka-yoshitoshi_looking-as-if-she-wants-to-change-the-appearance-of-a-proprietress-of-the-kaei-era +still_life,Realism,gustave-courbet_still-life-with-three-trout-from-the-loue-river-1873 +religious_painting,Mannerism_Late_Renaissance,jacopo-pontormo_the-holy-family +portrait,Fauvism,rufino-tamayo_retrato-de-ni-os-pareja-de-ni-os-1966 +abstract_painting,Abstract_Expressionism,henri-matisse_not-identified-4 +nude_painting,Contemporary_Realism,lucian-freud_sleeping-nude +landscape,Expressionism,ernst-ludwig-kirchner_sertigweg-1926 +genre_painting,Fauvism,andre-derain_yacht-1905 +cityscape,Romanticism,cornelis-springer_walenkerk-haarlem +sketch_and_study,Baroque,rembrandt_the-leper-lazarus-clep-1631 +cityscape,Art_Nouveau_Modern,anna-ostroumova-lebedeva_view-on-the-neva-river-and-the-stock-exchange-building-from-the-trinity-bridge-1926 +nude_painting,Expressionism,henri-matisse_odalisque-with-a-tambourine-1926 +landscape,Romanticism,john-atkinson-grimshaw_knostrop-cut-leeds-sunday-night-1893 +landscape,Realism,theodor-severin-kittelsen_fra-muenchen +nude_painting,Impressionism,anders-zorn_in-the-studio-1896 +abstract_painting,Minimalism,brice-marden_untitled-1971-1(1) +cityscape,Northern_Renaissance,albrecht-durer_saint-john-s-church-1489 +abstract_painting,Abstract_Expressionism,john-mccracken_untitled-1971 +portrait,Impressionism,pierre-auguste-renoir_claude-monet-reading-1872 +genre_painting,Impressionism,pierre-auguste-renoir_at-the-luxembourg-gardens-1883 +cityscape,Romanticism,william-turner_bridge-of-sighs-ducal-palace-and-custom-house-venice-canaletti-painting +portrait,Rococo,dmitry-levitzky_portrait-of-grand-duchess-elena-pavlovna-as-a-child-1791 +illustration,Romanticism,gustave-dore_the-forest +portrait,Baroque,rembrandt_an-old-man-wearing-a-rich-velvet-cap-1637 +landscape,Realism,gustave-courbet_seacoast-souvenir-of-les-cabanes-1857 +portrait,Realism,fyodor-bronnikov_portrait-of-an-old-man-1 +landscape,Impressionism,claude-monet_flowers-at-vetheuil +portrait,Romanticism,jan-matejko_boleslaw-the-chaste +genre_painting,Impressionism,eugene-boudin_the-beach-at-trouville-1865 +nude_painting,Expressionism,lucian-freud_bella-1983 +landscape,Post_Impressionism,paul-cezanne_house-with-red-roof-1890 +portrait,Impressionism,joaquã­n-sorolla_portrait-of-king-alfonso +portrait,Art_Nouveau_Modern,carl-larsson_esbjorn-1900(1) +cityscape,Art_Nouveau_Modern,anna-ostroumova-lebedeva_french-embankment-1922 +portrait,Expressionism,lucian-freud_bruce-bernard +landscape,Impressionism,stefan-luchian_countryside-path-brebu-1909 +still_life,Cubism,georges-braque_still-life-with-music-scroll +abstract_painting,Minimalism,agnes-martin_falling-blue-1963 +abstract_painting,Color_Field_Painting,theodoros-stamos_infinity-field-lefkada-series-1972 +abstract_painting,Color_Field_Painting,gene-davis_ice-box-p506-1969 +religious_painting,Early_Renaissance,antonello-da-messina_st-jerome-in-his-study +religious_painting,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 +portrait,Expressionism,pablo-picasso_woman-with-brooch-1944 +abstract_painting,Abstract_Expressionism,paul-jenkins_not_detected_235711 +still_life,Post_Impressionism,paul-cezanne_dessert-1877 +portrait,Post_Impressionism,jan-sluyters_portrait-of-an-art-collector-beffe +nude_painting,Expressionism,lucian-freud_naked-portrait-3 +portrait,Realism,konstantin-makovsky_girl-in-a-kerchief-portrait-of-the-girl +genre_painting,Romanticism,alfred-stevens_lady-at-a-window-feeding-birds +landscape,Impressionism,willard-metcalf_vermont-hills-november +genre_painting,Post_Impressionism,maurice-prendergast_fiesta +portrait,Expressionism,jury-annenkov_portrait-of-z-i-grzhebin-1919 +religious_painting,Baroque,peter-paul-rubens_ildefonso-altar +religious_painting,Symbolism,nicholas-roerich_madonna-the-protector-1933 +abstract_painting,Abstract_Expressionism,joan-mitchell_untitled-1957 +religious_painting,High_Renaissance,raphael_angel-fragment-of-the-baronci-altarpiece +genre_painting,Impressionism,kazimir-malevich_laundress-1 +nude_painting,Cubism,albert-gleizes_sitting-nude-1909 +religious_painting,Realism,jean-francois-millet_the-flight-into-egypt +genre_painting,Post_Impressionism,pablo-picasso_mother-and-child-on-the-beach-1902-1 +cityscape,Realism,vasily-vereshchagin_statue-of-vishnu-in-the-temple-of-indra-in-ellora-1876 +landscape,Realism,aleksey-savrasov_rainbow-1875 +portrait,Ukiyo_e,utagawa-kunisada_portrait-of-hiroshige +portrait,Post_Impressionism,pyotr-konchalovsky_paris-innkeeper-1908 +cityscape,Naive_Art_Primitivism,radi-nedelchev_mosque-in-razgrad-1972 +portrait,Rococo,francois-boucher_head-of-king-louis-xv +landscape,Post_Impressionism,albert-marquet_house-at-saint-tropez-1905 +landscape,Post_Impressionism,piet-mondrian_not-identified-2 +genre_painting,Expressionism,balthus_the-golden-years +genre_painting,Rococo,pietro-longhi_the-spinner(1) +landscape,Impressionism,claude-monet_the-red-road-near-menton-1884 +landscape,Post_Impressionism,vincent-van-gogh_driveway(1) +sketch_and_study,Realism,vincent-van-gogh_peasant-sitting-by-the-fireplace-worn-out-1881 +portrait,Northern_Renaissance,hans-memling_tommaso-portinari-and-his-wife +cityscape,Romanticism,franz-richard-unterberger_giudecca-canal +portrait,Romanticism,konstantin-makovsky_portrait-of-the-girl-in-a-russian-dress-1 +genre_painting,Impressionism,claude-monet_gladioli +genre_painting,Expressionism,edvard-munch_self-portrait-in-distress-1919 +landscape,Post_Impressionism,martiros-saryan_hrazdan-river-1903 +genre_painting,Romanticism,sir-lawrence-alma-tadema_catullus-at-lesbia-s-1865 +cityscape,Impressionism,samuel-mutzner_vene-ia-1928 +portrait,High_Renaissance,correggio_portrait-of-a-gentlewoman-1519 +religious_painting,Romanticism,eugene-delacroix_christ-on-the-cross-1853(1) +portrait,Naive_Art_Primitivism,henri-rousseau_not_detected_191327 +landscape,Impressionism,salvador-dali_calanque-jonculs-cadaques +landscape,Impressionism,alfred-sisley_the-park-at-sevres-1877 +nude_painting,Impressionism,pierre-auguste-renoir_standing-bather-1887-1 +landscape,Symbolism,nicholas-roerich_stronghold-of-walls-1925 +landscape,Contemporary_Realism,richard-whitney_autumn-storm +cityscape,Post_Impressionism,carlos-botelho_doca-do-peixe-1933 +abstract_painting,Abstract_Expressionism,friedel-dzubas_gtw-fd-6-1987 +portrait,Realism,john-everett-millais_john-henry-newman +landscape,Ukiyo_e,katsushika-hokusai_view-of-lake-suwa +cityscape,Romanticism,ivan-aivazovsky_view-of-constantinople-1849 +still_life,Abstract_Expressionism,hans-hofmann_the-mannequin-1946 +religious_painting,Symbolism,nicholas-roerich_armageddon-1936 +nude_painting,Pointillism,henri-edmond-cross_the-wood-1907 +landscape,Post_Impressionism,maxime-maufra_landscape-by-the-water +religious_painting,Art_Nouveau_Modern,ivan-bilibin_christmas-and-other-holy-scene-of-the-life-of-jesus-christ-and-virgin-mary-sketch-of-murals-for(1) +landscape,Symbolism,nicholas-roerich_chan-la-nek-1932 +illustration,Art_Nouveau_Modern,boris-kustodiev_introduction-picture-from-the-magazine-vampire-1905 +cityscape,Naive_Art_Primitivism,david-burliuk_a-street-scene-1 +religious_painting,Rococo,giovanni-domenico-tiepolo_the-adoration-of-the-shepherds-1753 +portrait,Expressionism,chaim-soutine_polish-woman +portrait,Impressionism,pierre-auguste-renoir_head-of-a-young-woman-1893 +landscape,Ukiyo_e,hiroshige_a-vision-of-shitamachi +abstract_painting,Abstract_Expressionism,conrad-marca-relli_j-m-3-81-1981 +portrait,Impressionism,pierre-auguste-renoir_madame-charles-fray-1901 +abstract_painting,Minimalism,rodolfo-arico_radic-tiva +genre_painting,Romanticism,ford-madox-brown_take-your-son-sir +abstract_painting,Minimalism,john-mclaughlin_number-13-1973 +portrait,Romanticism,gheorghe-tattarescu_maria-gr-di-teanu +portrait,Realism,vincent-van-gogh_girl-with-pinafore-half-figure-1883(1) +illustration,Art_Nouveau_Modern,kay-nielsen_the-man-who-never-laughed +portrait,Impressionism,william-merritt-chase_lady-in-white-gown +portrait,Romanticism,nikolaos-gyzis_couple +genre_painting,Impressionism,childe-hassam_the-chinese-merchants +portrait,Realism,edouard-manet_street-singer +illustration,Romanticism,gustave-dore_don-quixote-18 +genre_painting,Symbolism,pierre-puvis-de-chavannes_greek-colony-marseille-1872 +genre_painting,Expressionism,balthus_still-life-with-a-figure-1942 +genre_painting,Naive_Art_Primitivism,diego-rivera_delfina-and-dimas +portrait,Romanticism,joseph-wright_john-pickering +genre_painting,Realism,vincent-van-gogh_dunes-with-figures-1882-1(1) +genre_painting,Baroque,gabriel-metsu_the-feast-of-the-bean-king-1655 +landscape,Realism,isaac-levitan_landscape-with-forest-river +cityscape,Impressionism,adam-baltatu_ia-i-outskirts-houses +cityscape,Art_Nouveau_Modern,anna-ostroumova-lebedeva_fontanka-1922 +sketch_and_study,Realism,theodore-rousseau_landscape-2 +genre_painting,Expressionism,ernst-ludwig-kirchner_painter-and-modell +religious_painting,Northern_Renaissance,lucas-cranach-the-elder_arrest-of-christ-1538 +landscape,Symbolism,theodor-severin-kittelsen_sam-eyde-foran-svelgfoss-1908 +abstract_painting,Abstract_Expressionism,jimmy-ernst_rimrock-1960 +landscape,Impressionism,constantine-maleas_columns +genre_painting,Ukiyo_e,kitagawa-utamaro_not_detected_233133 +portrait,Post_Impressionism,pyotr-konchalovsky_pasha-with-the-red-book-on-white-1909 +genre_painting,Impressionism,walter-sickert_young-belgium-women +religious_painting,Early_Renaissance,filippo-lippi_annunciation-1450 +genre_painting,Realism,vasily-vereshchagin_after-good-luck-1868 +genre_painting,Impressionism,philip-wilson-steer_boulogne-sands-children-shrimping-1891 +landscape,Impressionism,lucian-grigorescu_uli-dobrogean +portrait,Realism,john-singer-sargent_mrs-joshua-montgomery-sears-1899 +portrait,Expressionism,amedeo-modigliani_woman-with-velvet-ribbon-the-black-border-1915 +abstract_painting,Minimalism,agnes-martin_the-islands-1961(1) +genre_painting,Impressionism,eliseu-visconti_mo-a-no-trigal +cityscape,Expressionism,martiros-saryan_old-yerevan-1928 +portrait,Baroque,rembrandt_portrait-of-a-young-woman-with-a-fan-1633 +portrait,Rococo,carl-ludwig-johann-christineck_portrait-of-a-woman +sketch_and_study,Rococo,maurice-quentin-de-la-tour_study-for-portrait-of-unknown-woman-8 +portrait,Pop_Art,aldo-mondino_silveti-1995 +cityscape,Symbolism,mstislav-dobuzhinsky_bridge-in-k-dainiai-1933 +portrait,Rococo,joseph-wright_anne-or-molly-cracroft +portrait,Impressionism,mary-cassatt_leontine-in-a-pink-fluffy-hat-1898 +landscape,Realism,john-everett-millais_chill-october +portrait,High_Renaissance,dosso-dossi_a-woman +sketch_and_study,Baroque,annibale-carracci_atlante +nude_painting,Impressionism,theodor-pallady_orange-coat +religious_painting,Early_Renaissance,paolo-uccello_miracle-of-the-desecrated-host-1 +portrait,Baroque,frans-hals_portrait-of-rene-descartes +genre_painting,Impressionism,pierre-auguste-renoir_reading-couple-edmond-renoir-and-marguerite-legrand-1877 +landscape,Realism,valentin-serov_autumn-evening-domotkanovo-1886 +religious_painting,Northern_Renaissance,hugo-van-der-goes_mary-with-child +still_life,Post_Impressionism,paul-cezanne_flowers-and-fruit +portrait,Realism,boris-kustodiev_portrait-of-the-artist-igor-grabar-1915 +portrait,Realism,giovanni-boldini_portrait-of-the-painter-joaquin-araujo-ruano +portrait,Baroque,annibale-carracci_man-with-monkey-1591 +illustration,Early_Renaissance,sandro-botticelli_the-story-of-virginia-1504(1) +still_life,Impressionism,pierre-auguste-renoir_still-life-with-cantalope-and-peaches-1905 +landscape,Post_Impressionism,henri-matisse_not-identified-13 +abstract_painting,Minimalism,ellsworth-kelly_white-on-white-1951 +landscape,Realism,maxime-lalanne_eaux-bonnes +cityscape,Symbolism,konstantin-bogaevsky_town-in-the-valley-1935 +sketch_and_study,Pointillism,georges-seurat_study-for-young-woman-powdering-herself-1890 +landscape,Post_Impressionism,kazuo-nakamura_solitude-7-1973 +landscape,Impressionism,kimon-loghi_romantic-landscape-1 +landscape,Impressionism,pierre-auguste-renoir_fields-of-wheat-1885 +genre_painting,Realism,vladimir-makovsky_mother-and-daughter-1886 +landscape,Romanticism,johan-christian-dahl_frederiksborg-castle-1814 +portrait,Post_Impressionism,moise-kisling_not-identified-8 +cityscape,Impressionism,konstantin-korovin_harbor-in-norway-1894 +landscape,Post_Impressionism,maurice-prendergast_surf-cohasset +landscape,Impressionism,alfred-sisley_construction-site-at-matrat-moret-sur-loing-1888 +portrait,Realism,boris-kustodiev_the-head-of-peter-the-great-1910 +genre_painting,Naive_Art_Primitivism,david-burliuk_couple-in-a-landscape +religious_painting,Symbolism,nicholas-roerich_chalice-of-christ-1925 +portrait,Baroque,rembrandt_a-portrait-of-a-man-with-a-broad-brimmed-hat-and-a-ruff-1638 +portrait,Realism,valentin-serov_portrait-of-pavel-blaramberg-1888 +genre_painting,Realism,andrei-ryabushkin_waiting-for-bridal-couple-s-return-from-a-church-in-novgorod-province-1891 +still_life,Post_Impressionism,paul-cezanne_apples-and-biscuits-1895 +genre_painting,Post_Impressionism,henri-de-toulouse-lautrec_in-the-bois-de-boulogne +landscape,Realism,volodymyr-orlovsky_at-the-dam +landscape,Romanticism,caspar-david-friedrich_dolmen-in-snow-1807 +portrait,Mannerism_Late_Renaissance,agnolo-bronzino_portrait-of-guidubaldo-della-rovere-1532 +religious_painting,Rococo,giovanni-battista-tiepolo_adoration-of-the-magi-1753 +abstract_painting,Abstract_Expressionism,sam-francis_basel-mural-i-1958(2) +cityscape,Impressionism,eugene-boudin_the-tour-malakoff-and-the-trouville-shore-1877 +nude_painting,Contemporary_Realism,philip-pearlstein_figure-lying-on-rug-1970 +landscape,Post_Impressionism,pyotr-konchalovsky_yenisei-1951 +religious_painting,Symbolism,mikhail-nesterov_st-paphnutius-of-borovsk +genre_painting,Romanticism,francisco-goya_the-yard-of-a-madhouse-1794 +landscape,Impressionism,childe-hassam_summertime +still_life,Impressionism,nicolae-vermont_roses-1915 +abstract_painting,Abstract_Expressionism,manabu-mabe_vozes-1976 +abstract_painting,Abstract_Expressionism,brett-whiteley_bathers-1963 +genre_painting,Romanticism,alfred-stevens_the-paris-sfinks-1867 +sketch_and_study,Romanticism,orest-kiprensky_griffonnage-1814 +abstract_painting,Abstract_Expressionism,hans-hofmann_maiden-dance-1964 +landscape,Realism,vincent-van-gogh_landscape-with-trees-1881 +nude_painting,Cubism,patrick-caulfield_les-demoiselles-d-avignon-vues-de-derri-re-1999 +religious_painting,Northern_Renaissance,pieter-bruegel-the-elder_greed +genre_painting,Symbolism,pierre-puvis-de-chavannes_between-art-and-nature +abstract_painting,Color_Field_Painting,gene-davis_stripes-1957 +genre_painting,Expressionism,tia-peltz_at-the-circus +genre_painting,Realism,vasily-perov_tea-party-at-mytishchi-near-moscow-1862 +religious_painting,High_Renaissance,andrea-mantegna_the-infant-redeemer-1495 +portrait,Rococo,thomas-gainsborough_portrait-of-ann-ford-later-mrs-thicknesse-1760 +landscape,Impressionism,claude-monet_snow-at-argenteuil +genre_painting,Impressionism,edgar-degas_jockeys-1 +landscape,Impressionism,pierre-auguste-renoir_treboul-1895 +still_life,Impressionism,childe-hassam_colonial-quilt +genre_painting,Expressionism,max-weber_solo +genre_painting,Realism,frederic-remington_buying-polo-ponies-in-the-west-1905 +religious_painting,High_Renaissance,andrea-del-sarto_madonna-and-child-with-sts-catherine-elisabeth-and-john-the-baptist +portrait,Romanticism,francisco-goya_portrait-of-pedro-mocarte-a-singer-of-the-cathedral-of-toledo +landscape,Naive_Art_Primitivism,andre-bauchant_le-bassin-1931 +sketch_and_study,Post_Impressionism,vincent-van-gogh_carriage-and-two-figures-on-a-road(1) +nude_painting,Post_Impressionism,augustus-john_zoe-hicks-1958 +nude_painting,Pop_Art,martial-raysse_made-in-japan-1964 +landscape,Impressionism,paul-gauguin_landscape-with-poplars-1875 +still_life,Impressionism,iosif-iser_traditionalist-still-life-1916 +sketch_and_study,Realism,vasily-polenov_two-female-figures-a-male-figure-with-a-donkey +genre_painting,Art_Nouveau_Modern,carl-larsson_karin-and-brita-with-cactus-1909(1) +landscape,Impressionism,claude-monet_morning-on-the-seine-near-giverny-1 +still_life,Cubism,kazimir-malevich_vanity-box-1913 +portrait,Realism,giovanni-boldini_portrait-of-the-artis-lawrence-alexander-harrison-1902 +abstract_painting,Color_Field_Painting,barnett-newman_concord-1949 +portrait,Baroque,adriaen-van-ostade_the-call +abstract_painting,Color_Field_Painting,pat-lipsky_morning-fever-1970 +landscape,Impressionism,philip-wilson-steer_a-view-of-barnard-castle-yorkshire-from-the-river +landscape,Naive_Art_Primitivism,pavel-filonov_landscape-with-two-animals +portrait,Realism,ilya-repin_portrait-of-s-mamontov-1879 +landscape,Post_Impressionism,vincent-van-gogh_newly-mowed-lawn-with-weeping-tree-1888 +portrait,Impressionism,pierre-auguste-renoir_woman-s-head-1887 +landscape,Fauvism,endre-bartos_floodplain-forest-1994 +landscape,Realism,fyodor-vasilyev_after-a-thunderstorm +landscape,Naive_Art_Primitivism,henri-rousseau_landscape-in-montsouris-park-with-five-figures-1910 +abstract_painting,Color_Field_Painting,paul-reed_17dr-1965 +portrait,Cubism,fernand-leger_the-man-with-the-cane-1920 +nude_painting,Impressionism,edgar-degas_bedtime-woman-extinguishing-her-lamp +portrait,Impressionism,rudolf-schweitzer-cumpana_la-fereastr-1923 +portrait,Pop_Art,audrey-flack_macarena-of-miracles-1971 +portrait,Northern_Renaissance,hans-holbein-the-younger_portrait-of-thomas-howard-1539 +landscape,Impressionism,paul-signac_saint-tropez-gale-from-east-1895 +abstract_painting,Color_Field_Painting,ellsworth-kelly_boats-in-sanary-harbor-1952 +landscape,Impressionism,childe-hassam_across-the-park +landscape,Realism,ivan-shishkin_summer-in-the-field-landscape-with-a-herd +portrait,High_Renaissance,titian_portrait-of-a-musician +cityscape,Realism,valentin-serov_terrace-in-vvedensk +religious_painting,Northern_Renaissance,albrecht-altdorfer_mary-with-the-child-1525 +portrait,Realism,john-singer-sargent_nancy-astor-1906 +landscape,Romanticism,taras-shevchenko_mangyshlak-garden-1852 +abstract_painting,Color_Field_Painting,gene-davis_homage-to-matisse-1960 +portrait,Northern_Renaissance,robert-campin_portrait-of-a-man +cityscape,Post_Impressionism,maurice-utrillo_la-butte-pinson +portrait,Baroque,diego-velazquez_portrait-of-the-sculptor-juan-martinez-montanes-1635 +landscape,Expressionism,paula-modersohn-becker_landscape-with-birch-trunks +portrait,Mannerism_Late_Renaissance,maerten-van-heemskerck_portrait-of-a-man +nude_painting,Fauvism,walasse-ting_nude-blue-table-and-flowers +portrait,Expressionism,edvard-munch_harry-graf-kessler-1904 +portrait,Pointillism,theo-van-rysselberghe_girl-in-green-1892 +illustration,Art_Nouveau_Modern,alexandre-benois_death-of-the-countess(1) +religious_painting,Symbolism,franz-stuck_judith-and-holofernes-1927-2 +sketch_and_study,Realism,boris-kustodiev_winter-festivities-on-the-river-1919 +landscape,Fauvism,auguste-herbin_landscape-1907 +landscape,Symbolism,jacek-malczewski_follow-the-stream-left-wing-1910 +still_life,Realism,pyotr-konchalovsky_still-life-bread-ham-and-wine-1948 +genre_painting,Romanticism,eugene-delacroix_the-moroccan-and-his-horse-1857(1) +religious_painting,Symbolism,salvador-dali_leo-quasi-bos-comedens-paleas-isaiah-11-7-1967 +portrait,Cubism,pablo-picasso_harlequin-1918 +still_life,Contemporary_Realism,janet-fish_herb-tea-1995 +still_life,Expressionism,martiros-saryan_fruits-on-the-blue-plate-1915 +abstract_painting,Abstract_Expressionism,joan-mitchell_grandes-carri-res-1962 +still_life,Post_Impressionism,auguste-herbin_nature-morte-la-tasse-de-caf-1926 +religious_painting,Early_Renaissance,domenico-ghirlandaio_altarpiece-of-st-vincent-ferrer-1 +abstract_painting,Abstract_Expressionism,manuel-neri_collage-painting-no-1-1959 +sketch_and_study,Realism,vasily-vereshchagin_triumph +religious_painting,Symbolism,franz-stuck_angel-with-the-flaming-sword-1889 +landscape,Post_Impressionism,vincent-van-gogh_harvest-at-la-crau-with-montmajour-in-the-background-1888 +landscape,Impressionism,childe-hassam_a-country-road +genre_painting,Realism,anders-zorn_surveying-the-vista-1886 +still_life,Expressionism,natalia-goncharova_stone-maiden-still-life +genre_painting,Expressionism,albert-bloch_the-grieving-women +still_life,Realism,giovanni-boldini_apples +genre_painting,Realism,mihaly-munkacsy_conversation-1889 +genre_painting,Impressionism,camille-pissarro_the-cabbage-of-pontoise-1882 +genre_painting,Impressionism,camille-pissarro_shepherdesses +landscape,Expressionism,george-mavroides_ydra-1 +genre_painting,Post_Impressionism,moise-kisling_an-acrobat-1919 +religious_painting,Symbolism,gustave-moreau_the-poet-and-the-saint-1868 +still_life,Impressionism,william-merritt-chase_the-old-book +portrait,Romanticism,theodore-gericault_young-blond-man-1819 +landscape,Art_Nouveau_Modern,gustav-klimt_the-house-of-guardaboschi +genre_painting,Expressionism,ernst-ludwig-kirchner_mary-wigman-s-dance-of-the-dead-1928 +genre_painting,Impressionism,claude-monet_adolphe-monet-reading-in-the-garden(1) +portrait,Realism,john-singer-sargent_mrs-george-batten-mabel-veronica-hatch +still_life,Impressionism,paul-gauguin_at-the-window-1882 +landscape,Realism,ivan-shishkin_edge-of-the-pine-forest +genre_painting,Ukiyo_e,utagawa-kuniyoshi_woman-catching-firefly-by-a-stream +religious_painting,Early_Renaissance,piero-della-francesca_st-john-the-evangelist-and-st-nicholas-of-tolentino(1) +landscape,Impressionism,t.-c.-steele_berry-picker-1894 +abstract_painting,Minimalism,robert-mangold_four-color-frame-painting-5-parasol-unit-1984 +genre_painting,Impressionism,edouard-manet_embarkation-after-folkestone-1869 +landscape,Impressionism,konstantin-korovin_hot-day-at-moscow-1921 +genre_painting,Impressionism,berthe-morisot_paule-gobillard-1887 +genre_painting,Romanticism,mykola-pymonenko_wedding-in-kiev-province +sketch_and_study,Realism,valentin-serov_portrait-of-yuri-morozov-1905 +genre_painting,Post_Impressionism,emily-carr_breton-church-1906 +religious_painting,Baroque,rembrandt_christ-crowned-with-thorns +landscape,Realism,aleksey-savrasov_oak +nude_painting,Expressionism,ernst-ludwig-kirchner_capelli-rossi-red-hair +landscape,Art_Nouveau_Modern,ferdinand-hodler_thun-stockhornkette-in-clouds +landscape,Impressionism,ilya-mashkov_bakhchisaray-1925 +religious_painting,Early_Renaissance,pietro-perugino_st-jerome-penitence +landscape,Post_Impressionism,paul-gauguin_tahitian-women-under-the-palms-1892 +genre_painting,Post_Impressionism,paul-gauguin_tahitian-man-with-his-arms-raised-1897 +portrait,Expressionism,amedeo-modigliani_viking-eggeling-1916 +portrait,Romanticism,orest-kiprensky_portrait-of-young-man +abstract_painting,Minimalism,ellsworth-kelly_vertical-band-1951 +cityscape,Symbolism,jury-annenkov_arc-de-triomphe-1929 +genre_painting,Realism,henry-herbert-la-thangue_gathering-bracken-1899 +still_life,Post_Impressionism,pyotr-konchalovsky_still-life-tray-and-flowers-1918 +landscape,Romanticism,alexander-ivanov_the-bay-of-naples-near-castellmare-1846 +abstract_painting,Color_Field_Painting,gene-davis_mohawk-1970 +portrait,Mannerism_Late_Renaissance,jacopo-pontormo_portrait-of-a-musician +portrait,Realism,mykola-pymonenko_blind-old-woman-1888 +landscape,Post_Impressionism,theo-van-rysselberghe_the-vines-in-saint-clair-1912 +landscape,Realism,ivan-shishkin_beach-of-pond +portrait,Expressionism,egon-schiele_arthur-roessler-1910 +nude_painting,Expressionism,lucian-freud_naked-man-back-view +abstract_painting,Color_Field_Painting,clyfford-still_untitled-1974-1 +portrait,Rococo,maurice-quentin-de-la-tour_gabriel-bernard-de-rieux +portrait,Expressionism,salvador-dali_portrait-of-anna-maria-1 +genre_painting,Impressionism,william-james-glackens_east-point-gloucester-1919 +landscape,Realism,ivan-shishkin_at-the-summer-cottage-1894 +genre_painting,Impressionism,walter-sickert_a-marengo +still_life,Post_Impressionism,edouard-vuillard_vase-of-flowers +portrait,Baroque,rembrandt_man-with-a-magnifying-glass-1629 +landscape,Impressionism,childe-hassam_gloucester-harbor +religious_painting,Mannerism_Late_Renaissance,tintoretto_creation-of-the-animals-1551 +landscape,Post_Impressionism,maurice-prendergast_farmhouse-in-new-england +portrait,Impressionism,stefan-luchian_flower-seller +religious_painting,Realism,vasily-perov_deposition +landscape,Impressionism,eugene-boudin_madame-s-with-her-children-in-their-garden-at-trouville-1873 +portrait,Expressionism,zinaida-serebriakova_portrait-of-o-i-rybakova-in-childhood-1923 +religious_painting,Mannerism_Late_Renaissance,cristovao-de-figueiredo_cristo-deposto-da-cruz-1530 +genre_painting,Expressionism,kathe-kollwitz_the-end-1897 +portrait,Impressionism,joaquã­n-sorolla_portrait-of-clothilde-1891 +genre_painting,Impressionism,childe-hassam_july-night +genre_painting,Impressionism,camille-pissarro_apple-trees-in-a-field-1892 +portrait,Northern_Renaissance,lucas-cranach-the-elder_beardless-young-man +genre_painting,Cubism,gino-severini_ballerina-1954 +portrait,Expressionism,m.c.-escher_head-of-a-child +portrait,Realism,gustave-courbet_portrait-of-jules-antoine-castagnary-1870 +portrait,Art_Nouveau_Modern,boris-kustodiev_peter-the-great-1911 +abstract_painting,Cubism,amadeo-de-souza-cardoso_the-rise-of-green-square-and-the-woman-s-violin-1916 +genre_painting,Romanticism,francisco-goya_fight-with-cudgels-1823 +nude_painting,Cubism,max-weber_composition-with-four-figures +portrait,Impressionism,edgar-degas_portrait-of-henri-michel-levy-in-his-studio-1879 +portrait,Mannerism_Late_Renaissance,el-greco_a-prelate +abstract_painting,Color_Field_Painting,sean-scully_beach +religious_painting,Art_Nouveau_Modern,ivan-bilibin_boris-and-gleb(1) +portrait,Realism,ivan-kramskoy_portrait-of-sergei-timofeevich-aksakov-1878 +landscape,Romanticism,joseph-wright_firework-display-at-the-castel-sant-angelo-in-rome +landscape,Symbolism,martiros-saryan_landscape-kalaki-1962 +nude_painting,Expressionism,marc-chagall_nude-lying-down-1914 +sketch_and_study,Rococo,antoine-watteau_a-seated-woman +portrait,Post_Impressionism,henri-de-toulouse-lautrec_girl-in-a-fur-mademoiselle-jeanne-fontaine-1891 +cityscape,Impressionism,gustave-caillebotte_le-clos-des-abbesses +portrait,Baroque,anthony-van-dyck_portrait-of-giovanni-vincenzo-imperiale-1625 +landscape,Impressionism,childe-hassam_cannon-beach-oregon +portrait,Romanticism,karl-bodmer_mexkemahuastan-chief-of-the-gros-ventres-of-the-prairies-plate-20-from-volume-1-of-travels-in-1843 +abstract_painting,Minimalism,fernando-calhau_unknown-title-2 +portrait,Romanticism,konstantin-makovsky_portrait-of-tradeswoman-e-rastorgueva +genre_painting,Romanticism,alexander-orlowski_a-mounted-cossack-escorting-a-peasant +genre_painting,Impressionism,gustave-caillebotte_bather-preparing-to-dive +landscape,Realism,camille-corot_horse-and-rider-in-a-gorge-1868 +nude_painting,Post_Impressionism,henri-matisse_nude-in-an-armchair-legs-crossed-1920 +cityscape,Post_Impressionism,constantine-maleas_santorini-1928 +portrait,Expressionism,milton-avery_checker-players-1943 +religious_painting,Pop_Art,robert-silvers_christ-ii +abstract_painting,Minimalism,robert-ryman_untitled-1960 +illustration,Expressionism,lynd-ward_not-detected-272518 +landscape,Impressionism,arkhip-kuindzhi_winter-thaw +religious_painting,High_Renaissance,raphael_moses-saved-from-the-water-1519 +nude_painting,Impressionism,robert-brackman_late-summer-nude +landscape,Cubism,pyotr-konchalovsky_crimea-1916 +abstract_painting,Cubism,jacques-villon_les-peupliers +landscape,Realism,isaac-levitan_at-the-lake-como-italy-1894 +religious_painting,Symbolism,odilon-redon_christ-with-red-thorns +religious_painting,Northern_Renaissance,joachim-patinir_the-penitence-of-saint-jerome +religious_painting,Northern_Renaissance,hugo-van-der-goes_calvary-triptych-central-panel-1468 +landscape,Symbolism,nicholas-roerich_sacred-himalayas-1932 +landscape,Cubism,victor-brauner_dobrudjan-landscape-1937 +nude_painting,Realism,anders-zorn_nude-woman-arranging-her-hair-1907 +religious_painting,Realism,ivan-kramskoy_prayer-of-moses-after-the-israelites-go-through-the-black-sea-1861 +landscape,Impressionism,stefan-popescu_inessential-store +portrait,Baroque,anthony-van-dyck_portrait-of-anna-dalkeith-countess-of-morton-and-lady-anna-kirk +sketch_and_study,Post_Impressionism,henri-de-toulouse-lautrec_mlle-lucie-bellanger-1896 +landscape,Impressionism,t.-c.-steele_in-the-berry-field-1890 +genre_painting,Baroque,jan-steen_arrival-of-a-visitor +portrait,Rococo,benjamin-west_mrs-thomas-keyes-and-her-daughter +portrait,Realism,ilya-repin_portrait-of-chuguev-resident-s-l-lyubitskaya-1877 +abstract_painting,Minimalism,ellsworth-kelly_red-yellow-blue-iii-1966 +religious_painting,Baroque,rembrandt_the-beheading-of-john-the-baptist +portrait,Symbolism,tivadar-kosztka-csontvary_old-fisherman-1902 +portrait,Art_Nouveau_Modern,frantisek-kupka_the-gallien-girl-1910 +landscape,Impressionism,pierre-auguste-renoir_low-tide-at-yport-1883 +landscape,Realism,johan-hendrik-weissenbruch_polder-at-noorden +portrait,Impressionism,william-james-glackens_family-group-1911 +landscape,Art_Nouveau_Modern,nicholas-roerich_windmill +portrait,Early_Renaissance,domenico-ghirlandaio_portrait-of-the-donor-nera-corsi-sassetti-1485 +landscape,Impressionism,armand-guillaumin_madness-ravine-crozant-1894 +abstract_painting,Color_Field_Painting,helen-frankenthaler_pendulum-1972 +landscape,Ukiyo_e,utagawa-kuniyoshi_at-the-shore-of-the-sumida-river +genre_painting,Romanticism,sir-lawrence-alma-tadema_a-crown +genre_painting,Naive_Art_Primitivism,henri-rousseau_in-the-fields-1910 +genre_painting,Baroque,adriaen-van-ostade_prayer-before-the-meal +genre_painting,Impressionism,max-liebermann_jewish-quarter-in-amsterdam-1905 +sketch_and_study,Baroque,rembrandt_the-small-lion-hunt +portrait,Realism,james-mcneill-whistler_harmony-in-gray-and-green-miss-cicely-alexander-1873 +genre_painting,Impressionism,nikolay-bogdanov-belsky_boys-1 +portrait,Post_Impressionism,moise-kisling_the-hands +landscape,Impressionism,claude-monet_vetheuil-in-winter +portrait,Art_Nouveau_Modern,ivan-bilibin_portrait-of-lyudmila-chirikova-1922 +genre_painting,Rococo,pietro-longhi_presentation +portrait,Realism,ilya-repin_death-of-fedor-chizhov-1-1877 +abstract_painting,Abstract_Expressionism,theodoros-stamos_edge-of-white-dawn-1-1982 +landscape,Realism,camille-corot_rest-in-the-water-meadows-1870 +portrait,Impressionism,pierre-auguste-renoir_monsieur-fornaise-1875 +abstract_painting,Minimalism,robert-mangold_ring-image-c-2008 +genre_painting,Post_Impressionism,theo-van-rysselberghe_bathers-under-the-pines-by-the-sea-1926 +genre_painting,Realism,camille-corot_breton-women-at-the-well-near-batz +portrait,Northern_Renaissance,lucas-cranach-the-elder_albrecht-brandenburg +cityscape,Realism,camille-corot_soissons-houses-and-factory-of-mr-henry-1833 +still_life,Abstract_Expressionism,audrey-flack_still-life-with-grapefruits-1954 +genre_painting,Romanticism,francisco-goya_the-strolling-players-1793 +landscape,Post_Impressionism,paul-cezanne_chestnut-trees-at-the-jas-de-bouffan-1887 +illustration,Romanticism,gustave-dore_the-childhood-of-pantagruel +landscape,Pointillism,camille-pissarro_view-through-a-window-eragny-1888 +genre_painting,Ukiyo_e,utagawa-kuniyoshi_suikoden-series +cityscape,Romanticism,ivan-aivazovsky_harbor-1850 +genre_painting,Realism,jacek-malczewski_christmas-eve-in-siberia-1892 +cityscape,Impressionism,claude-monet_san-giorgio-maggiore-2 +landscape,Impressionism,matej-sternen_springtime-at-the-sea-1911 +portrait,Realism,john-singer-sargent_george-nathaniel-marquis-curzon-of-kedleston-1914 +genre_painting,Realism,james-tissot_a-girl-in-an-armchair +portrait,Symbolism,zinaida-serebriakova_a-peasant-woman-with-rolls-of-canvas-on-her-shoulder-and-in-her-hands-1917 +landscape,Impressionism,jean-alexandru-steriadi_peisaj-de-iarn-1922 +genre_painting,Pointillism,theo-van-rysselberghe_maroccan-market-1887 +genre_painting,Baroque,pieter-de-hooch_woman-with-a-child-and-a-maid-in-an-interior +still_life,Expressionism,georges-braque_the-blue-jug-1946 +sketch_and_study,Post_Impressionism,suzanne-valadon_the-bath-1908 +genre_painting,Rococo,pietro-longhi_the-new-world +landscape,Realism,ivan-shishkin_the-path-in-the-forest +portrait,Rococo,dmitry-levitzky_portrait-of-countess-anna-vorontsova-as-a-child +portrait,Rococo,joshua-reynolds_anne-dashwood-detail +cityscape,Impressionism,childe-hassam_flags-columbus-circle +religious_painting,Northern_Renaissance,albrecht-durer_st-anthony-at-the-city-1513 +still_life,Cubism,vasile-dobrian_musical-1993 +religious_painting,Northern_Renaissance,albrecht-durer_the-annunciation-1511 +portrait,Realism,thomas-eakins_the-thinker +portrait,Expressionism,m.c.-escher_not_detected_204704 +cityscape,Impressionism,konstantin-korovin_arkhangelsk-1897 +cityscape,Post_Impressionism,pyotr-konchalovsky_bakhchisarai-khan-s-palace-1930 +cityscape,Post_Impressionism,edouard-cortes_pont-alexander-iii +religious_painting,Symbolism,george-frederick-watts_creation-of-eve +genre_painting,Symbolism,james-mcneill-whistler_symphony-in-white-and-red +genre_painting,Impressionism,edouard-manet_the-milliner-1881 +genre_painting,Romanticism,francisco-goya_the-military-and-senora +nude_painting,Impressionism,edgar-degas_the-toilette-1897 +abstract_painting,Abstract_Expressionism,friedel-dzubas_untitled-1982 +portrait,Symbolism,felix-vallotton_portrait-of-zola-1902 +abstract_painting,Abstract_Expressionism,jean-paul-riopelle_the-wheel-ii-1956 +portrait,High_Renaissance,lorenzo-lotto_portrait-of-a-37-years-old-man +sketch_and_study,Expressionism,martiros-saryan_armenian-village-1919 +portrait,Post_Impressionism,paul-cezanne_madame-cezanne-with-a-yellow-armchair +landscape,Post_Impressionism,vincent-van-gogh_houses-in-auvers-1890 +religious_painting,Romanticism,thomas-cole_angels-ministering-to-christ-in-the-wilderness-1843 +landscape,Post_Impressionism,martiros-saryan_aragats-and-mount-ara-1922 +religious_painting,Expressionism,august-macke_st-george +portrait,Romanticism,francisco-goya_the-family-of-the-infante-don-luis-1784 +portrait,Impressionism,mary-cassatt_heads-of-leontine-and-a-friend +abstract_painting,Abstract_Expressionism,paul-jenkins_not_detected_235728 +genre_painting,Expressionism,egon-schiele_two-guttersnipes-1910 +abstract_painting,Abstract_Expressionism,arshile-gorky_hitler-invades-poland +religious_painting,Baroque,bartolome-esteban-murillo_immaculate-conception-1650 +abstract_painting,Color_Field_Painting,anne-appleby_august-1996 +landscape,Fauvism,endre-bartos_sunset-2-1978 +still_life,Romanticism,jan-matejko_still-life +illustration,Art_Nouveau_Modern,aubrey-beardsley_third-tableau-1896 +cityscape,Romanticism,rudolf-von-alt_the-line-of-hunter-in-vienna-1844 +portrait,Romanticism,sir-lawrence-alma-tadema_hero-1898 +cityscape,Expressionism,pyotr-konchalovsky_piazza-della-signoria-in-siena-1912 +genre_painting,Rococo,pietro-longhi_the-ridotto +religious_painting,High_Renaissance,michelangelo_sistine-chapel-ceiling-judith-carrying-the-head-of-holofernes-1512 +landscape,Art_Nouveau_Modern,franklin-carmichael_scrub-oaks-and-maples-1935 +portrait,Romanticism,vasily-tropinin_portrait-of-yu-f-samarin-in-the-hunting-dress-1846 +genre_painting,Naive_Art_Primitivism,grandma-moses_catching-the-thanksgiving-turkey-1943 +cityscape,Post_Impressionism,anna-ostroumova-lebedeva_amsterdam-the-market-of-iron-1913 +sketch_and_study,Post_Impressionism,henri-de-toulouse-lautrec_baron +landscape,Post_Impressionism,georges-seurat_village-road-1883 +landscape,Impressionism,camille-pissarro_landscape-at-varengeville-1899 +portrait,Realism,thomas-eakins_portrait-of-frank-hamilton-cushing-1895 +portrait,Contemporary_Realism,richard-whitney_leticia +nude_painting,Romanticism,orest-kiprensky_standing-sitter-with-a-stick-sitter-on-a-rock-1801 +cityscape,Realism,alexey-bogolyubov_bolshaya-neva-1872 +genre_painting,Realism,winslow-homer_below-zero +religious_painting,Northern_Renaissance,rogier-van-der-weyden_madonna-and-child-4 +portrait,Realism,vasily-perov_to-the-holy-trinity-1870 +landscape,Expressionism,chaim-soutine_landscape-2 +still_life,Pointillism,marevna-(marie-vorobieff)_still-life-with-bottle-and-fruit-1938 +religious_painting,Early_Renaissance,pietro-perugino_moses-s-journey-into-egypt +landscape,Impressionism,walter-battiss_distant-blue-hills-1934 +still_life,Post_Impressionism,moise-kisling_still-life-with-fish +landscape,Realism,pyotr-konchalovsky_near-maloyaroslavets-1951 +genre_painting,Post_Impressionism,pyotr-konchalovsky_the-first-group-of-bakhchisarai-1930 +portrait,Baroque,anthony-van-dyck_margareta-snyders +landscape,Impressionism,gustave-caillebotte_meadow-bridge-at-argenteuil-1886 +portrait,Northern_Renaissance,albrecht-durer_laughing-peasant-woman-1505 +abstract_painting,Minimalism,martin-barre_75-76-d-174x164-1976 +genre_painting,Expressionism,max-beckmann_afternoon-1946 +genre_painting,Impressionism,william-merritt-chase_woman-in-kimono-holding-a-japanese-fan-1 +cityscape,Post_Impressionism,maurice-utrillo_marcadet-street +cityscape,Impressionism,claude-monet_houses-of-parliament-london-sun-breaking-through +religious_painting,Northern_Renaissance,albrecht-durer_the-angel-with-the-key-to-the-bottomless-pit-1498 +landscape,Naive_Art_Primitivism,camille-bombois_le-lavoir-1932 +genre_painting,Early_Renaissance,paolo-uccello_the-hunt-in-the-forest +sketch_and_study,Expressionism,paula-modersohn-becker_three-women-at-a-market-stall-1906 +genre_painting,Impressionism,eugene-boudin_trouville-beach-scene +landscape,Ukiyo_e,kitagawa-utamaro_rice-locust-red-dragonfly-pinks-chinese-bell-flowers-1788 +landscape,Romanticism,thomas-cole_a-rocky-glen-in-the-shawangunks-1846 +cityscape,Romanticism,ivan-aivazovsky_view-of-seaside-town-in-the-evening-with-a-lighthouse-1870 +portrait,Expressionism,ernst-ludwig-kirchner_dodo-with-a-japanese-umbrella-1 +landscape,Naive_Art_Primitivism,joan-miro_house-with-palm-tree +religious_painting,Northern_Renaissance,dirk-bouts_martyrdom-of-st-erasmus-right-wing +sketch_and_study,Rococo,maurice-quentin-de-la-tour_mademoiselle-chacrylique-sur-toileagner-de-la-grange +portrait,Art_Nouveau_Modern,raphael-kirchner_greek-girls-6 +still_life,Expressionism,george-bouzianis_still-life-with-fruit-1930 +religious_painting,High_Renaissance,cima-da-conegliano_virgin-and-child +portrait,Romanticism,jan-matejko_john-albert +genre_painting,Impressionism,giovanni-boldini_the-hammock +portrait,Expressionism,zinaida-serebriakova_moroccan-in-green-1932 +genre_painting,Impressionism,cornelis-vreedenburgh_a-peasant-in-a-moored-barge-1907 +illustration,Naive_Art_Primitivism,marc-chagall_the-over-flowing-table +portrait,Contemporary_Realism,fairfield-porter_anne-1965 +genre_painting,Ukiyo_e,katsushika-hokusai_woman +religious_painting,Baroque,jan-steen_wedding-of-sarah-and-tobias +genre_painting,Symbolism,nicholas-roerich_behest-of-the-sky-1915 +portrait,Realism,thomas-eakins_mrs-richard-day +genre_painting,Impressionism,pierre-auguste-renoir_young-woman-in-red-in-the-fields-1900 +cityscape,Cubism,paul-cezanne_farm-at-montgeroult-1898 +nude_painting,New_Realism,john-french-sloan_nude-four-senses-1929 +abstract_painting,Color_Field_Painting,sam-francis_untitled-1964-2 +genre_painting,Northern_Renaissance,hans-baldung_two-witches-1523 +cityscape,Romanticism,fyodor-bronnikov_italian-courtyard +portrait,Fauvism,max-weber_soloist-at-wanamaker-s +portrait,Early_Renaissance,sandro-botticelli_portrait-of-a-young-man(1) +abstract_painting,Abstract_Expressionism,richard-diebenkorn_berkeley-no-8 +genre_painting,Naive_Art_Primitivism,marc-chagall_parade-in-circus-1980 +abstract_painting,Abstract_Expressionism,howard-mehring_untitled-1960 +religious_painting,Baroque,eustache-le-sueur_deposition-from-the-cross +religious_painting,Romanticism,gustave-dore_combat-between-soldiers-of-ish-bosheth-and-david +genre_painting,Art_Nouveau_Modern,gustav-klimt_cartoon-for-the-frieze-of-the-villa-stoclet-in-brussels-fulfillment-1909 +portrait,Impressionism,joaquã­n-sorolla_maria-with-hat-1910 +genre_painting,Naive_Art_Primitivism,niko-pirosmani_sarkis-pouring-wine +portrait,Expressionism,amedeo-modigliani_young-girl-with-blue-eyes +abstract_painting,Color_Field_Painting,theodoros-stamos_delphic-shibboleth-1959 +genre_painting,Abstract_Expressionism,elaine-de-kooning_untitled-1958 +portrait,Impressionism,edgar-degas_woman-seated-on-a-balcony-1872 +portrait,Art_Nouveau_Modern,boris-kustodiev_portrait-of-maximilian-voloshin-1924 +cityscape,Impressionism,rudolf-schweitzer-cumpana_strad-din-paris-1931 +portrait,Realism,vasily-perov_cossack-1873 +illustration,Romanticism,n.c.-wyeth_rip-van-winkle-illustration +genre_painting,Impressionism,eugene-boudin_le-havre-the-regatta-festival-1869 +cityscape,Impressionism,pierre-auguste-renoir_cagnes-landscape-5 +genre_painting,Symbolism,odilon-redon_the-departure +portrait,Romanticism,karl-bodmer_mahsette-kuiuab-chief-of-the-cree-indians-plate-22-from-volume-1-of-travels-in-the-interior-of-1843 +landscape,Symbolism,nicholas-roerich_tombs-in-the-desert-1930 +portrait,Northern_Renaissance,albrecht-durer_portrait-of-the-blessed-arnold-of-town +abstract_painting,Abstract_Expressionism,vasile-dobrian_dialogue-10-1993 +portrait,Realism,pyotr-konchalovsky_portrait-of-the-artist-s-brother-maxim-petrovich-with-cap-1894 +nude_painting,Contemporary_Realism,eric-fischl_the-travel-of-romance +landscape,Impressionism,theo-van-rysselberghe_a-pond-in-campine-1884 +religious_painting,Art_Nouveau_Modern,sergey-solomko_st-george-coming-to-the-rescue +portrait,Romanticism,orest-kiprensky_portrait-of-the-abbot-sartori-1818 +portrait,Baroque,anthony-van-dyck_charles-i-and-queen-henrietta-maria-with-charles-prince-of-wales-and-princess-mary-1632 +portrait,Expressionism,kees-van-dongen_femme-avec-cigarette-1908 +portrait,Naive_Art_Primitivism,henri-rousseau_portrait-du-pere-del-artiste +genre_painting,Realism,konstantin-makovsky_by-the-open-window +portrait,Expressionism,zinaida-serebriakova_work-from-collioure-1930 +religious_painting,Impressionism,edgar-degas_the-daughter-of-jephtha-1860 +landscape,Post_Impressionism,vincent-van-gogh_at-the-foot-of-the-mountains-1889(1) +religious_painting,Baroque,guido-reni_susanna-and-the-elders-1620 +portrait,Realism,boris-kustodiev_portrait-of-f-k-sologub-1907 +portrait,Impressionism,nicolae-vermont_sewer-1911 +abstract_painting,Color_Field_Painting,anne-appleby_winter-honeysuckle-2012 +genre_painting,Naive_Art_Primitivism,niko-pirosmani_firewood-seller +sketch_and_study,Realism,vincent-van-gogh_head-of-a-woman-10 +abstract_painting,Abstract_Expressionism,hans-hofmann_silent-night-1964 +landscape,Realism,ivan-shishkin_pine-on-sand-1884 +landscape,Realism,charles-francois-daubigny_the-harvest-1851 +abstract_painting,Action_painting,antonio-palolo_untitled-1992 +still_life,Post_Impressionism,oleksandr-bogomazov_still-life-with-fruits-and-vegetables +landscape,Romanticism,ivan-aivazovsky_moscow-in-winter-from-the-sparrow-hills-1872 +portrait,Impressionism,karoly-ferenczy_the-woman-painter-1903 +still_life,Cubism,auguste-herbin_still-life +landscape,Realism,charles-francois-daubigny_boats-on-the-oise-1865 +landscape,Symbolism,nicholas-roerich_everest-1936 +nude_painting,Expressionism,ernst-ludwig-kirchner_tree-bathers-sitting-on-rocks +landscape,Romanticism,rudolf-von-alt_hallstatt-1845 +genre_painting,Post_Impressionism,henri-de-toulouse-lautrec_the-procession-of-the-raja-1895 +religious_painting,Northern_Renaissance,albrecht-altdorfer_beheading-of-john-the-baptist-1508 +religious_painting,Romanticism,dante-gabriel-rossetti_mary-magdalene-1877 +still_life,Realism,henri-fantin-latour_plate-of-fruit-1880 +portrait,Ukiyo_e,utagawa-kuniyoshi_the-actor-24 +cityscape,Post_Impressionism,henri-martin_saint-cirq-lapopie-1929 +landscape,Post_Impressionism,bertalan-por_landscape-in-the-alf-ld-with-young-men-1906 +genre_painting,Symbolism,henri-fantin-latour_bathers-also-known-as-the-secret-1896 +portrait,Impressionism,john-singer-sargent_teresa-gosse-1885 +portrait,Impressionism,edgar-degas_portrait-of-mme-rene-de-gas-born-estelle-musson-1873 +genre_painting,Expressionism,henri-matisse_odalisque-blue-harmony-1937 +landscape,Romanticism,ivan-aivazovsky_view-from-livadia-1861 +genre_painting,Realism,alexey-venetsianov_haymaking +landscape,Impressionism,arthur-verona_in-the-hertza-forest-1897 +portrait,Fauvism,rik-wouters_reading-woman-1913 +portrait,Post_Impressionism,henri-de-toulouse-lautrec_woman-in-monsieur-forest-s-garden-1891 +genre_painting,Realism,mihaly-munkacsy_pluckmakers-1871 +cityscape,Impressionism,claude-monet_lighthouse-at-the-hospice +genre_painting,Impressionism,pierre-auguste-renoir_a-girl +sketch_and_study,High_Renaissance,raphael_madonna-studies-1513 +landscape,Realism,gustave-courbet_landscape-with-stag +landscape,Impressionism,william-merritt-chase_bank-of-a-lake-in-central-park +portrait,Romanticism,edwin-henry-landseer_queen-victoria-at-osborne-house +illustration,Expressionism,m.c.-escher_emblemata-kite +abstract_painting,Color_Field_Painting,gene-davis_sour-ball-beat-1964 +portrait,Rococo,dmitry-levitzky_portrait-of-nikolay-lvov-1789 +nude_painting,Romanticism,francesco-hayez_cunnilingus-or-oral-sex-performed-on-a-woman +portrait,Expressionism,amedeo-modigliani_portrait-of-leopold-zborowski-1 +portrait,Realism,ilya-repin_d-v-karakozov-1866 +landscape,Impressionism,arthur-lowe_autumn-1916 +nude_painting,Expressionism,amedeo-modigliani_anna-akhmatova-1911 +cityscape,Realism,vasily-vereshchagin_taj-mahal-mausoleum-1876 +landscape,Impressionism,pierre-auguste-renoir_the-hills-of-cagnes +portrait,Realism,giovanni-boldini_portrait-of-a-lady-lina-bilitis-with-two-pekinese-1913 +cityscape,Romanticism,franz-richard-unterberger_a-view-of-posilippo-naples +cityscape,Impressionism,antoine-blanchard_comedie-jpg +religious_painting,Northern_Renaissance,albrecht-altdorfer_passion-of-christ +landscape,Baroque,adriaen-brouwer_moonlit-landscape +portrait,Rococo,thomas-gainsborough_portrait-of-the-artist-s-daughter-with-a-cat +genre_painting,Impressionism,konstantin-korovin_on-terrace +landscape,Post_Impressionism,theo-van-rysselberghe_rocks-at-antheor-1906 +portrait,Expressionism,rafael-zabaleta_gleaners +sketch_and_study,Cubism,pyotr-konchalovsky_sketch-a-still-life-with-guitar-1917 +sketch_and_study,Realism,john-singer-sargent_drawing-6 +landscape,Art_Nouveau_Modern,ferdinand-hodler_forest-brook-at-leissingen-1904 +landscape,Symbolism,nicholas-roerich_river-chandra-1933 +portrait,Post_Impressionism,constantin-piliuta_arghezi +abstract_painting,Color_Field_Painting,afro_feticcio +cityscape,Impressionism,john-singer-sargent_rio-dei-mendicanti-venice +landscape,Realism,charles-francois-daubigny_the-barges-in-bezons +landscape,Impressionism,claude-monet_grainstacks +religious_painting,Northern_Renaissance,albrecht-altdorfer_recover-the-body-of-st-sebastian-1516 +genre_painting,Northern_Renaissance,lucas-cranach-the-elder_the-deer-hunting-1540 +sketch_and_study,Impressionism,pierre-auguste-renoir_two-woman-in-a-garden +landscape,Expressionism,emil-nolde_colored-sky-above-the-marais +landscape,Romanticism,william-turner_glacier-and-source-of-the-arveron-going-up-to-the-mer-de-glace +genre_painting,Expressionism,henri-matisse_odalisques-1928 +nude_painting,Romanticism,eliseu-visconti_unknown-title(1) +abstract_painting,Color_Field_Painting,conrad-marca-relli_ibiza-iii-1967 +still_life,Impressionism,childe-hassam_roses-in-a-vase +religious_painting,Symbolism,nicholas-roerich_issa-and-giant-s-head-1932 +cityscape,Baroque,canaletto_venice-viewed-from-the-san-giorgio-maggiore +genre_painting,Art_Nouveau_Modern,boris-kustodiev_in-the-box-1912 +religious_painting,Art_Nouveau_Modern,jacek-malczewski_christ-in-emmaus +landscape,Realism,pyotr-konchalovsky_house-in-knobs-1933 +portrait,Baroque,adriaen-van-ostade_smiling-smoker +landscape,Post_Impressionism,vincent-van-gogh_green-ears-of-wheat-1888(1) +portrait,Impressionism,camille-pissarro_pere-melon-cutting-wood-1880 +illustration,Romanticism,gustave-dore_paradise-lost-4 +cityscape,Impressionism,eugene-boudin_view-of-the-port-trouville-1896 +landscape,Romanticism,john-constable_hampstead-heath +genre_painting,Impressionism,federico-zandomeneghi_the-singing-lesson +abstract_painting,Abstract_Expressionism,jackson-pollock_ocean-greyness-1953 +religious_painting,High_Renaissance,andrea-del-sarto_stories-of-joseph +portrait,Expressionism,marc-chagall_bella-1925 +nude_painting,Expressionism,pablo-picasso_angel-fernandez-de-soto-with-woman +still_life,Impressionism,camille-pissarro_still-life-with-peppers-1899 +abstract_painting,Abstract_Expressionism,betty-parsons_indian-writhing-1977 +religious_painting,Early_Renaissance,benozzo-gozzoli_the-departure-of-st-jerome-from-antioch +genre_painting,Naive_Art_Primitivism,david-burliuk_proposition-1960(1) +genre_painting,Baroque,gerard-terborch_the-violinist +religious_painting,Early_Renaissance,luca-signorelli_the-flagellation +illustration,Romanticism,n.c.-wyeth_they-fought-with-him-on-foot-more-than-three-hours-both-before-him +landscape,Impressionism,william-merritt-chase_over-the-hills-and-far-away +portrait,Realism,ilya-repin_portrait-of-lawyer-anatoly-fyodorovichm-koni-1898 +genre_painting,Realism,vasily-vereshchagin_burlaks-1866 +landscape,Realism,vincent-van-gogh_cottage-with-peasant-coming-home-1885(1) +genre_painting,Cubism,max-weber_figures-in-a-landscape +nude_painting,Fauvism,pyotr-konchalovsky_scheherazade-1917 +religious_painting,Northern_Renaissance,mabuse_the-adoration-of-the-kings +genre_painting,Impressionism,john-singer-sargent_carnation-lily-lily-rose-from-the-world-s-greatest-paintings-published-by-oldham-s-press-in-1886 +cityscape,Impressionism,claude-monet_waterloo-bridge-1901 +abstract_painting,Color_Field_Painting,charles-hinman_docking-in-space-1970 +sketch_and_study,Baroque,bartolome-esteban-murillo_the-flight-into-egypt +portrait,Expressionism,corneliu-baba_portrait +nude_painting,Impressionism,pierre-auguste-renoir_sleeping-odalisque-odalisque-with-babouches-1917 +genre_painting,Analytical_Cubism,pablo-picasso_poet-1911 +portrait,Pop_Art,peter-max_jfk-1989 +genre_painting,Symbolism,nicholas-roerich_command-1917 +religious_painting,Northern_Renaissance,petrus-christus_the-man-of-sorrows +portrait,Impressionism,helene-schjerfbeck_girl-reading-1904 +portrait,Baroque,diego-velazquez_portrait-of-a-cleric-1623 +abstract_painting,Minimalism,yves-gaucher_study-for-six-squares-1966 +genre_painting,Art_Nouveau_Modern,wilhelm-kotarbinski_the-evening-silence +genre_painting,Impressionism,camille-pissarro_seated-peasants-sewing-1881 +abstract_painting,Abstract_Expressionism,conrad-marca-relli_untitled-1955 +genre_painting,Baroque,gerrit-dou_violin-player-1667 +cityscape,Impressionism,gustave-caillebotte_boulevard-des-italiens +religious_painting,Baroque,guido-reni_the-circumcision-of-the-child-jesus-1640 +still_life,Post_Impressionism,ilya-mashkov_still-life-with-fan-1922 +genre_painting,Romanticism,sir-lawrence-alma-tadema_a-woman-kneeling-next-to-a-sarcophagus-and-crying-1878 +portrait,Pop_Art,andy-warhol_sixteen-jackies +landscape,Realism,vasily-polenov_winter-in-rome-1872 +genre_painting,Baroque,jan-steen_marriage-contract +illustration,Expressionism,saul-steinberg_artists-and-war-1969 +religious_painting,High_Renaissance,titian_pesaros-madonna-1526 +portrait,Art_Nouveau_Modern,ferdinand-hodler_valentine-gode-darel-in-hospital-bed-1914 +cityscape,Romanticism,john-crome_boulevard-des-italiens-paris-1815 +portrait,Expressionism,louay-kayyali_fisherman-smoking-a-cigarette +landscape,Realism,camille-pissarro_view-of-l-hermitage-jallais-hills-pontoise +religious_painting,Northern_Renaissance,albrecht-durer_paumgartner-altar +illustration,Art_Nouveau_Modern,aubrey-beardsley_juvenal-frontispiece +portrait,Romanticism,joseph-wright_self-portrait +abstract_painting,Abstract_Expressionism,betty-parsons_totem-materia +religious_painting,Baroque,rembrandt_rest-on-the-flight-to-egypt-1647 +portrait,Symbolism,odilon-redon_portrait-of-simone-fayet-1907 +portrait,Post_Impressionism,david-burliuk_marusia-s-portrait +religious_painting,Romanticism,gustave-dore_an-angel-appears-to-the-israelites +abstract_painting,Color_Field_Painting,barnett-newman_eve +landscape,Post_Impressionism,ferdinand-hodler_lake-geneva-from-chexbres-1904 +nude_painting,Symbolism,felicien-rops_the-trifles-of-the-door +sketch_and_study,Romanticism,pierre-paul-prud'hon_head-of-plutus-god-of-wealth +cityscape,Impressionism,antoine-blanchard_theatre-du-vaudeville +abstract_painting,Abstract_Expressionism,sam-francis_2-impressions-swatch-1992 +abstract_painting,Abstract_Expressionism,esteban-vicente_untitled-1980-1 +portrait,New_Realism,yiannis-tsaroychis_alain-as-summer-1976 +landscape,Post_Impressionism,ferdynand-ruszczyc_w-wiat-1901 +genre_painting,Impressionism,pierre-auguste-renoir_la-grenouillere-1869 +landscape,Post_Impressionism,maurice-de-vlaminck_the-red-tractor-1956 +religious_painting,Northern_Renaissance,hans-memling_passion-greverade-altarpiece-left-wing-1491 +portrait,Realism,giovanni-boldini_portrait-of-the-contessa-g-tempestini +abstract_painting,Abstract_Expressionism,conrad-marca-relli_untitled-1 +portrait,Baroque,rembrandt_boys-cup +landscape,Impressionism,willard-metcalf_swollen-brook-no-2 +cityscape,Romanticism,ivan-aivazovsky_venice-1870 +landscape,Romanticism,thomas-cole_falls-of-the-kaaterskill-1826 +illustration,Art_Nouveau_Modern,nicholas-roerich_arrival-of-prince-michael-glanda-kambily-to-russia-veliky-novgorod-1913 +abstract_painting,Minimalism,robert-ryman_untitled-36-1963 +landscape,Art_Nouveau_Modern,tom-thomson_the-west-wind-1917 +landscape,Fauvism,janos-mattis-teutsch_white-cross-1918 +religious_painting,Baroque,bernardo-strozzi_st-francis-in-ecstasy-1637 +religious_painting,Baroque,francesco-solimena_rebecca-leaving-her-father-s-house +landscape,Realism,john-collier_the-spring-wood +religious_painting,Mannerism_Late_Renaissance,correggio_the-assumption-of-the-virgin-detail-1530(3) +portrait,Mannerism_Late_Renaissance,tintoretto_jacopo-robusti-il-tintoretto-flora +portrait,Post_Impressionism,suzanne-valadon_portrait-of-maurice-utrillo-1921 +landscape,Realism,camille-pissarro_in-the-woods-1864 +illustration,Realism,boris-kustodiev_exlibris-v-i-anisimov-1921 +portrait,Impressionism,eva-gonzales_an-actress-with-a-mask +genre_painting,Post_Impressionism,maurice-denis_the-return-of-young-tobie +cityscape,Impressionism,adolf-hitler_lamberg-castle +cityscape,Realism,giovanni-boldini_door-in-montmartre +genre_painting,Impressionism,joaquã­n-sorolla_the-market-1917 +portrait,Romanticism,dante-gabriel-rossetti_portrait-of-the-artist-s-sister-christina-and-mother-frances-1877 +landscape,Romanticism,taras-shevchenko_chirkala-tau-1851 +landscape,Realism,vasily-polenov_village-mount-okulova +abstract_painting,Color_Field_Painting,gene-davis_untitled-152-1971 +landscape,Realism,pierre-auguste-renoir_the-path +landscape,Impressionism,laszlo-mednyanszky_burring-brook +portrait,Realism,john-singer-sargent_mrs-richard-h-derby-1888 +religious_painting,Symbolism,arnold-bã¶cklin_the-hermit-1884 +religious_painting,Baroque,juan-de-valdes-leal_the-sacrifice-of-isaac-1659 +landscape,Impressionism,zinaida-serebriakova_pond-in-tsarskoe-selo-1913 +nude_painting,Art_Nouveau_Modern,gustav-klimt_reclining-nude-lying-on-her-stomach-and-facing-right +illustration,Romanticism,gustave-dore_apparition-of-st-george-on-the-mount-of +religious_painting,Northern_Renaissance,albrecht-durer_st-paul +landscape,Impressionism,alfred-sisley_meadow-1875 +cityscape,Realism,taras-shevchenko_in-astrakhan-1857 +portrait,Northern_Renaissance,albrecht-durer_head-of-a-woman +landscape,Impressionism,alfred-sisley_rider-at-the-edge-of-the-forest-1875 +still_life,Post_Impressionism,paul-cezanne_four-apples +portrait,Expressionism,richard-diebenkorn_girl-on-a-terrace +portrait,Realism,wilhelm-leibl_portrait-of-a-young-girl-1880 +religious_painting,Northern_Renaissance,hieronymus-bosch_christ-carrying-the-cross-1 +still_life,Realism,pyotr-konchalovsky_still-life-woodcock-and-gun-1934 +genre_painting,Art_Nouveau_Modern,konstantin-somov_sleeping-young-woman-in-park +sketch_and_study,Realism,henry-herbert-la-thangue_study-of-a-boy-in-a-black-hat-before-a-cornfield +genre_painting,Symbolism,konstantin-somov_gallant-scene-in-the-garden +landscape,Realism,isaac-levitan_by-the-riverside +abstract_painting,Color_Field_Painting,helen-frankenthaler_robinson-s-wrap-1974 +cityscape,Romanticism,ivan-aivazovsky_yalta-1838 +genre_painting,Post_Impressionism,maurice-prendergast_the-east-river +genre_painting,Ukiyo_e,kitagawa-utamaro_young-woman-applying-make-up-1796 +portrait,Baroque,rembrandt_portrait-of-a-young-woman +portrait,Expressionism,istvan-farkas_portrait-of-countess-g-z-1931 +portrait,Pop_Art,andy-warhol_mao-3 +landscape,Impressionism,claude-monet_meadow-in-giverny +sketch_and_study,Cubism,pyotr-konchalovsky_the-model-by-the-stove-1917-2 +abstract_painting,Abstract_Expressionism,joan-miro_not_detected_227954 +nude_painting,Realism,anders-zorn_against-the-current-1919 +genre_painting,Romanticism,francisco-goya_ravages-of-war +portrait,Realism,thomas-eakins_a-spanish-woman +cityscape,Expressionism,m.c.-escher_not_detected_204713 +genre_painting,Expressionism,kathe-kollwitz_not_detected_235965 +portrait,Cubism,pablo-picasso_bust-of-woman-with-flowers +sketch_and_study,Rococo,maurice-quentin-de-la-tour_study-for-portrait-of-unknown-man-4 +portrait,Romanticism,sir-lawrence-alma-tadema_the-poet-gallus-dreaming-1892 +cityscape,Impressionism,maurice-prendergast_monte-pincio-rome-1899 +genre_painting,Art_Nouveau_Modern,raphael-kirchner_apples-sweet-fruits-1900 +landscape,Romanticism,thomas-cole_italian-coast-scene-with-ruined-tower-1838 +sketch_and_study,Post_Impressionism,vincent-van-gogh_landscape-with-the-wall-of-a-farm-1888 +cityscape,Impressionism,john-singer-sargent_perseus-florence +portrait,Romanticism,karl-bodmer_mato-tope-adorned-with-the-insignia-of-his-warlike-deeds-plate-14-from-volume-2-of-travels-in-1843 +genre_painting,Cubism,louis-marcoussis_musician-in-an-interior-1929 +landscape,Cubism,pyotr-konchalovsky_near-siena-1912 +landscape,Impressionism,armand-guillaumin_landscape-near-saint-julien-des-chazes-1895 +landscape,Realism,ivan-shishkin_forest-stream-1870 +genre_painting,Symbolism,mikhail-vrubel_spain-1894 +sketch_and_study,High_Renaissance,leonardo-da-vinci_page-from-a-notebook-showing-figures-fighting-on-horseback-and-on-foot +landscape,Realism,pyotr-konchalovsky_blue-willows-1926 +genre_painting,Realism,vincent-van-gogh_orphan-man-talking-with-woman-sien-1883 +abstract_painting,Color_Field_Painting,gene-davis_red-chatterbox-1967 +religious_painting,Impressionism,joaquã­n-sorolla_the-blessing-of-isaac +genre_painting,Post_Impressionism,georges-seurat_part-of-the-studio-1887 +landscape,Impressionism,charles-reiffel_ballast-point-california +landscape,Impressionism,willard-metcalf_october-morning-deerfield +landscape,Impressionism,pierre-auguste-renoir_field-of-banana-trees-1881 +genre_painting,Impressionism,berthe-morisot_girl-with-dog-1 +sketch_and_study,Impressionism,valentin-serov_serov-s-children-yuri-and-sasha-1904 +portrait,Ukiyo_e,keisai-eisen_numazu-senju-of-the-sakaya-1823(1) +landscape,Impressionism,eugene-boudin_lighthouse-at-honfleur +sketch_and_study,Impressionism,edgar-degas_seated-dancer-in-profile-1873 +genre_painting,Baroque,gabriel-metsu_man-writing-a-letter +portrait,Pop_Art,andy-warhol_julia-warhola +illustration,Art_Nouveau_Modern,heorhiy-narbut_sheet-a-from-unpublished-ukrainian-alphabet-1919 +cityscape,Post_Impressionism,vincent-van-gogh_the-courtyard-of-the-hospital-in-arles-1889 +still_life,Baroque,mario-nuzzi_still-life-with-a-vase-of-flowers +sketch_and_study,Baroque,bartolome-esteban-murillo_saint-anthony-of-padua-adore-the-child-1 +landscape,Post_Impressionism,vincent-van-gogh_public-garden-with-couple-and-blue-fir-tree-the-poet-s-garden-iii-1888 +genre_painting,Expressionism,laszlo-mednyanszky_in-the-tavern-1899 +landscape,Post_Impressionism,anita-malfatti_itanha-m-1949 +portrait,Mannerism_Late_Renaissance,giorgio-vasari_portrait-of-nicolosa-bacci-and-the-a-noblewoman-from-arezzo +genre_painting,Impressionism,berthe-morisot_in-the-dining-room +abstract_painting,Abstract_Expressionism,geta-bratescu_spaces-2005(6) +portrait,Naive_Art_Primitivism,niko-pirosmani_queen-tamara +portrait,Expressionism,salvador-dali_portrait-of-lucia +nude_painting,Ukiyo_e,utagawa-kunisada_not_detected_240336 +portrait,Realism,valentin-serov_portrait-of-actress-m-ya-van-zandt-in-a-marriage-cherinova-1886 +landscape,Impressionism,paul-cezanne_landscape-at-the-jas-de-bouffin-1876 +landscape,Impressionism,lucian-grigorescu_peisaj-din-balcic-1 +abstract_painting,Minimalism,judy-chicago_sun-garden-1971 +still_life,Realism,henri-fantin-latour_still-life-with-flowers +genre_painting,Naive_Art_Primitivism,marc-chagall_happiness-1980 +cityscape,Post_Impressionism,edouard-cortes_quai-de-montebello +abstract_painting,Abstract_Expressionism,joan-mitchell_river-1989 +portrait,Realism,ilya-repin_a-woman-in-a-cap +sketch_and_study,Realism,vasily-surikov_study-to-boyarynya-morozova-1 +genre_painting,Impressionism,pablo-picasso_crossind-seine-on-the-upper-deck-1901 +portrait,Rococo,dmitry-levitzky_portrait-of-alexander-kokorinov-director-and-first-rector-of-the-academy-of-arts-in-st-1769 +portrait,Romanticism,francisco-goya_the-duchess-of-alba-1797 +cityscape,Romanticism,albert-bierstadt_the-arch-of-octavius-1858 +illustration,Romanticism,gustave-dore_and-now-on-earth-the-seventh-evening-arose-in-eden +nude_painting,Expressionism,lucian-freud_standing-by-the-rags-1989 +portrait,Expressionism,lucian-freud_head-of-the-big-man +genre_painting,Post_Impressionism,arturo-souto_galician-interior-1964 +landscape,Symbolism,nicholas-roerich_sissu-monastery-1932 +landscape,Impressionism,edgar-degas_field-of-flax-1892 +cityscape,Romanticism,ivan-aivazovsky_odessa-at-night-1846 +religious_painting,Northern_Renaissance,hieronymus-bosch_the-garden-of-earthly-delights-1515 +landscape,Impressionism,claude-monet_the-seine-at-port-villez-snow-effect +sketch_and_study,Northern_Renaissance,albrecht-durer_calvary +genre_painting,New_Realism,edward-hopper_morning-sun +religious_painting,Early_Renaissance,giovanni-bellini_the-san-giobbe-altarpiece-detail-of-music-making-angels-1480 +landscape,Post_Impressionism,vincent-van-gogh_landscape-with-the-chateau-of-auvers-at-sunset-1890 +landscape,Impressionism,leon-dabo_landscape-with-pines +religious_painting,Baroque,bartolome-esteban-murillo_madonna-of-the-rosary(1) +cityscape,Realism,john-henry-twachtman_a-venetian-scene-1877 +genre_painting,Art_Nouveau_Modern,wilhelm-kotarbinski_goplana +landscape,Impressionism,childe-hassam_poppies-on-the-isles-of-shoals-1890 +abstract_painting,Abstract_Expressionism,ronnie-landfield_for-vincent-van-gogh-1972 +genre_painting,Expressionism,henri-matisse_coffee-1916 +genre_painting,Ukiyo_e,kitagawa-utamaro_drunken-courtesan +landscape,Expressionism,paula-modersohn-becker_sand-pit-at-weyersberg-1899 +abstract_painting,Abstract_Expressionism,jimmy-ernst_chronicle-1964 +religious_painting,Early_Renaissance,piero-della-francesca_st-jerome-and-a-donor-1451 +genre_painting,Realism,grigoriy-myasoyedov_prayer-in-time-of-drought +cityscape,Impressionism,claude-monet_red-houses-at-bjornegaard-in-the-snow-norway +abstract_painting,Minimalism,mario-schifano_disegno-n-2-per-l-occhio-del-critico +abstract_painting,Abstract_Expressionism,hans-hofmann_ora-pro-nobis-1964 +portrait,Post_Impressionism,henri-de-toulouse-lautrec_portrait-of-octave-raquin-1901 +genre_painting,Baroque,gerard-terborch_the-visit +portrait,Rococo,benjamin-west_the-golden-age-1776 +cityscape,Impressionism,claude-monet_palazzo-da-mula-at-venice +genre_painting,Naive_Art_Primitivism,maria-primachenko_flax-blooms-a-bride-goes-to-her-groom-1983 +portrait,Realism,ivan-kramskoy_portrait-of-empress-maria-fiodorovna-in-a-head-dress-decorated-with-pearls +genre_painting,Impressionism,maurice-prendergast_the-spanish-steps +portrait,Impressionism,pierre-auguste-renoir_portrait-of-a-woman-1911 +portrait,Impressionism,nicolae-vermont_peasant-woman-with-white-headscarf-1925 +still_life,Fauvism,maurice-de-vlaminck_still-life +religious_painting,Naive_Art_Primitivism,marc-chagall_deborah-the-prophetess-urges-barak-to-raise-an-army-and-give-battle-to-the-army-of-jabin-judges +portrait,Realism,leon-bonnat_madame-pasca-1874 +abstract_painting,Color_Field_Painting,sam-francis_untitled-1985-1 +portrait,Realism,gustave-courbet_woman-with-gloves-1858 +religious_painting,High_Renaissance,raphael_the-death-of-ananias-cartoon-for-the-sistine-chapel +portrait,Rococo,maurice-quentin-de-la-tour_portrait-of-duval-de-l-epinoy-1745 +genre_painting,Post_Impressionism,paul-cezanne_boy-resting-1890 +landscape,Post_Impressionism,paul-cezanne_the-arc-valley-1888 +portrait,Realism,thomas-eakins_portrait-of-susan-macdowell-eakins-1899 +religious_painting,Mannerism_Late_Renaissance,tintoretto_elijah-fed-by-the-angel-1578 +landscape,Realism,jean-francois-millet_landscape-with-two-peasant-women +genre_painting,Impressionism,pablo-picasso_public-garden-1901 +abstract_painting,Color_Field_Painting,claude-viallat_untitled-no-59-2002 +portrait,Rococo,maurice-quentin-de-la-tour_madame-rouille-de-l-estangleterre +genre_painting,Expressionism,balthus_girl-and-cat-1937 +sketch_and_study,Northern_Renaissance,mabuse_virgin-and-child-with-saints +genre_painting,Post_Impressionism,henri-matisse_woman-holding-umbrella +portrait,Expressionism,amedeo-modigliani_minoutcha +landscape,Realism,viktor-vasnetsov_akhtyrsky-oak +portrait,Expressionism,george-bouzianis_portrait-6(3) +portrait,Impressionism,bela-kadar_portrait-of-the-artist-s-wife-1907 +landscape,Impressionism,t.-c.-steele_cumberland-mountains-1899 +genre_painting,Expressionism,ernst-ludwig-kirchner_the-dance-between-the-women +still_life,Post_Impressionism,vincent-van-gogh_a-pair-of-shoes-1886(1) +portrait,Mannerism_Late_Renaissance,el-greco_portrait-of-jeronimo-de-cevallos-1613 +sketch_and_study,Art_Nouveau_Modern,ferdinand-hodler_dying-warrior-1 +portrait,Romanticism,dante-gabriel-rossetti_the-women-s-window-1879 +portrait,Romanticism,camille-corot_christine-nilson-or-the-bohemian-with-a-mandolin-1874 +cityscape,Impressionism,joaquã­n-sorolla_hall-of-the-ambassadors-alhambra-granada-1909 +landscape,Romanticism,ivan-aivazovsky_view-of-moscow-from-sparrow-hills-1848 +illustration,Romanticism,gustave-dore_fulk-nerra-assailed-by-the-phantoms-of-his-victims +portrait,Realism,alexey-venetsianov_girl-with-culf +landscape,Impressionism,claude-monet_charing-cross-bridge +portrait,Impressionism,pierre-auguste-renoir_madame-paul-berard +portrait,Realism,vincent-van-gogh_portrait-of-woman-in-blue-1885 +genre_painting,Impressionism,mary-cassatt_picking-daisies-in-a-field-1890 +abstract_painting,Abstract_Expressionism,helen-frankenthaler_untitled-1980 +still_life,Post_Impressionism,vincent-van-gogh_still-life-french-novels +religious_painting,Baroque,bartolome-esteban-murillo_angel-holding-registration-1660 +abstract_painting,Abstract_Expressionism,cy-twombly_untitled-peonias-series +cityscape,Art_Nouveau_Modern,anna-ostroumova-lebedeva_spring-motif-view-from-stone-island-to-krestovsky-and-yelagin-islands-1904 +cityscape,Impressionism,camille-pissarro_kensington-gardens-london-1890 +nude_painting,Fauvism,kees-van-dongen_qui-tude +portrait,Rococo,maurice-quentin-de-la-tour_mademoiselle-ferrand-meditating-on-newton +cityscape,Expressionism,zinaida-serebriakova_brittany-the-town-of-pont-l-abbe-port-1934 +landscape,Post_Impressionism,jean-hugo_l-homme-du-d-sert-1972 +genre_painting,Post_Impressionism,suzanne-valadon_the-blue-room-1923 +religious_painting,Early_Renaissance,filippo-lippi_madonna-and-child-1430 +landscape,Post_Impressionism,alexandre-benois_flora-pool-in-versailles-1906(1) +portrait,Romanticism,jean-leon-gerome_a-bashi-bazouk +landscape,Cubism,jean-metzinger_landscape-1917 +portrait,Baroque,peter-paul-rubens_portrait-of-a-woman +landscape,Impressionism,berthe-morisot_villa-with-orange-trees-nice +portrait,Realism,martin-johnson-heade_portrait-of-a-man-1840 +landscape,Symbolism,nicholas-roerich_guru-kambala-1925 +genre_painting,Impressionism,eugene-boudin_berck-fisherwomen-on-the-beach-low-tide-1894 +cityscape,Post_Impressionism,vincent-van-gogh_village-street-and-steps-in-auvers-with-two-figures-1890 +portrait,Impressionism,berthe-morisot_portrait-of-a-woman-in-a-pink-dress +religious_painting,Symbolism,salvador-dali_inter-filios-die-affuit-etiam-satan-job-2-6-1967 +landscape,Impressionism,claude-monet_the-seine-and-the-chaantemesle +sketch_and_study,Post_Impressionism,vincent-van-gogh_a-steamer-with-several-people-1890(1) +portrait,Impressionism,william-merritt-chase_portrait-of-mrs-c-alice-gerson-chase +portrait,Baroque,frans-hals_portrait-of-a-standing-man-1645 +landscape,Post_Impressionism,constantin-piliuta_childhood-winter +landscape,Impressionism,arkhip-kuindzhi_autumn +portrait,Analytical_Cubism,jean-metzinger_le-go-ter-1911(1) +abstract_painting,Abstract_Expressionism,sam-francis_upper-yellow-ii-lembark-l73-1964 +religious_painting,Northern_Renaissance,albrecht-altdorfer_beheading-of-st-catherine-1506 +nude_painting,Romanticism,orest-kiprensky_standing-sitter-on-the-background-of-red-drapery-1802 +portrait,Baroque,peter-paul-rubens_helene-fourment-with-her-children-1637 +landscape,Post_Impressionism,ferdinand-hodler_lake-of-geneve +landscape,Romanticism,karl-bodmer_along-the-wabash-left-1834 +religious_painting,Early_Renaissance,benozzo-gozzoli_descent-from-the-cross +portrait,Realism,pyotr-konchalovsky_portrait-of-an-art-critic-sergei-nikolaevich-troynitskogo-1943 +portrait,Realism,ilya-repin_portrait-of-nikolai-remizov-1917 +landscape,Contemporary_Realism,richard-whitney_abandoned-orchard +sketch_and_study,Realism,vincent-van-gogh_woman-s-head-1883 +sketch_and_study,Impressionism,john-singer-sargent_madame-gautreau-1883 +illustration,Naive_Art_Primitivism,martiros-saryan_illustration-to-armenian-folk-tales-1937-14 +sketch_and_study,Realism,jean-francois-millet_water-mill-near-vichy-1867 +portrait,Expressionism,amedeo-modigliani_max-jacob-1916 +religious_painting,Baroque,francisco-de-zurbaran_adoration-of-the-shepherds-1638 +religious_painting,Baroque,francisco-de-zurbaran_st-barbe +nude_painting,Impressionism,pierre-auguste-renoir_nude-1880 +portrait,Baroque,rembrandt_marten-looten +landscape,Realism,isaac-levitan_autumn-landscape-3 +sketch_and_study,High_Renaissance,leonardo-da-vinci_drawing-of-the-comparative-anatomy-of-the-legs-of-a-man-and-a-dog +genre_painting,Cubism,carlos-saenz-de-tejada_loneliness-1927 +sketch_and_study,Realism,vincent-van-gogh_sketch-of-a-knee-1886 +portrait,Romanticism,konstantin-makovsky_portrait-7 +portrait,Realism,john-singer-sargent_mrs-henry-marquand-1887 +still_life,Naive_Art_Primitivism,pablo-picasso_untitled-1937-2 +still_life,Synthetic_Cubism,juan-gris_photograph-of-the-guitar-1918 +genre_painting,Art_Nouveau_Modern,carl-larsson_plowing(1) +landscape,Realism,martiros-saryan_in-the-botanical-garden-1951 +religious_painting,Early_Renaissance,benozzo-gozzoli_the-parable-of-the-holy-trinity-and-the-visit-to-the-monks-of-mount-pisano-1465 +landscape,Realism,camille-corot_rocks-in-amalfi-1828 +cityscape,Post_Impressionism,edouard-cortes_metro-george-v +portrait,Rococo,dmitry-levitzky_portrait-of-an-uknown-man +genre_painting,Expressionism,mstislav-dobuzhinsky_from-the-life-in-petrograd-in-1920-1920 +landscape,Realism,boris-kustodiev_landscape-with-a-flowerbed-1917 +landscape,Impressionism,gustave-caillebotte_yerres-soldiers-in-the-woods +genre_painting,Impressionism,edgar-degas_racehorses-at-longchamp-1875 +abstract_painting,Abstract_Expressionism,jackson-pollock_pattern(1) +landscape,Symbolism,nicholas-roerich_ladakh-leh-1925 +illustration,Romanticism,gustave-dore_idylls-of-the-king-16 +portrait,Impressionism,konstantin-korovin_portrait-of-the-artist-m-v-yakunchikova +genre_painting,Baroque,pieter-de-hooch_couple-with-parrot-1668 +nude_painting,Romanticism,paul-delaroche_innocence +portrait,Mannerism_Late_Renaissance,agnolo-bronzino_pietro-de-medici-1 +genre_painting,Post_Impressionism,georges-seurat_the-stone-breakers-1883 +cityscape,Impressionism,antoine-blanchard_the-pantheon-1 +religious_painting,Rococo,giovanni-domenico-tiepolo_jesus-among-the-doctors +genre_painting,Realism,john-singer-sargent_luxembourg-gardens-at-twilight-1879 +religious_painting,Mannerism_Late_Renaissance,paolo-veronese_jesus-healing-the-servant-of-a-centurion +portrait,Naive_Art_Primitivism,arman-manookian_hawaiian-boy-and-girl-1928 +genre_painting,Realism,jean-francois-millet_the-sleeping-seamstress +portrait,Expressionism,lucian-freud_man-in-a-string-chair-1989 +genre_painting,Realism,fyodor-vasilyev_morning-in-a-village +landscape,Realism,camille-corot_the-augustan-bridge-at-narni-1826 +cityscape,Post_Impressionism,edouard-cortes_station-de-l-est +religious_painting,Early_Renaissance,andrea-del-castagno_mary-seated-under-the-cross +landscape,Impressionism,alfred-sisley_snow-at-marly-le-roi-1875 +portrait,Romanticism,karl-bodmer_woman-of-the-cree-tribe-1832 +genre_painting,Impressionism,edgar-degas_dancer-with-a-fan-1 +abstract_painting,Abstract_Expressionism,mark-tobey_untitled +illustration,Art_Nouveau_Modern,aubrey-beardsley_how-queen-guenever-rode-on-maying-i +cityscape,Realism,camille-corot_dinan-a-gate-of-the-town +genre_painting,Impressionism,william-merritt-chase_prospect-park-brooklyn +portrait,Art_Nouveau_Modern,raphael-kirchner_greek-girls-8 +abstract_painting,Color_Field_Painting,jorge-martins_red-abstraction-1990 +abstract_painting,Abstract_Expressionism,robert-goodnough_pr-1994 +religious_painting,Northern_Renaissance,albrecht-durer_death-of-the-virgin +portrait,Expressionism,amedeo-modigliani_girl-with-a-polka-dot-blouse-1919 +still_life,Cubism,yiannis-tsaroychis_still-life-on-yellowish-background-1935 +portrait,Romanticism,alexey-venetsianov_portret-of-a-putyatin +nude_painting,Romanticism,francesco-hayez_sexual-intercourse +genre_painting,Impressionism,eugene-boudin_strand-in-trouville-1863 +religious_painting,Art_Nouveau_Modern,nicholas-roerich_boris-and-gleb-1906 +cityscape,Impressionism,antoine-blanchard_boulevard-des-capucines-1 +cityscape,Post_Impressionism,maurice-prendergast_east-river-park-1901 +portrait,Rococo,william-hogarth_the-ashley-and-popple-family-1730 +portrait,Expressionism,amedeo-modigliani_woman-with-earrings +portrait,Cubism,andre-masson_portrait-of-roland-tual +genre_painting,Baroque,johannes-vermeer_the-astronomer-1668 +religious_painting,Romanticism,gustave-dore_the-justification-of-susanna +portrait,Post_Impressionism,theo-van-rysselberghe_white-peonies-1913 +genre_painting,Impressionism,william-merritt-chase_a-friendly-call +cityscape,Expressionism,abraham-manievich_unfinished-painting +genre_painting,Cubism,albert-gleizes_the-swimmers-1912 +landscape,Impressionism,camille-pissarro_the-pine-trees-of-louveciennes-1870 +sketch_and_study,Art_Nouveau_Modern,ferdinand-hodler_pulling-soldiers-1908-1 +landscape,Symbolism,nicholas-roerich_himalayas-55 +nude_painting,Expressionism,egon-schiele_seated-male-nude-right-hand-outstretched-1910 +landscape,Romanticism,caspar-david-friedrich_not-detected-8 +genre_painting,Realism,charles-hermans_at-the-masquerade-detail +portrait,Symbolism,odilon-redon_young-girl-in-a-blue-bonnet +illustration,Romanticism,gustave-dore_the-queen-of-heaven +landscape,Symbolism,nicholas-roerich_tibet-1933-1 +portrait,Cubism,arshile-gorky_bound-in-sleep +genre_painting,Expressionism,george-mavroides_he-strange-light-1984 +landscape,Post_Impressionism,paul-gauguin_landscape-of-brittany-1888 +portrait,Romanticism,johann-koler_friedrich-reinhold-kreutzwald-reading-the-kalevipoeg-in-manuscript-1864 +genre_painting,Realism,konstantin-makovsky_genre-scene-1 +sketch_and_study,Realism,thomas-eakins_in-the-studio-unfinished-1884 +genre_painting,Realism,james-tissot_during-the-service +abstract_painting,Minimalism,fred-sandback_untitled-1972 +portrait,Art_Nouveau_Modern,henri-de-toulouse-lautrec_m-praince-1893 +portrait,Impressionism,pierre-auguste-renoir_young-girl-reading-1886 +nude_painting,High_Renaissance,michelangelo_ignudo-6 +abstract_painting,Minimalism,yves-gaucher_r-m-i-1969 +genre_painting,Realism,vasily-surikov_old-soldier-descending-from-the-snowy-mountain-1898 +genre_painting,Impressionism,nikolay-bogdanov-belsky_shepherd-girl +landscape,Northern_Renaissance,joachim-patinir_landscape-with-the-flight-1524 +portrait,Cubism,jean-david_figure(3) +abstract_painting,Abstract_Expressionism,conrad-marca-relli_summer-rain-j-l-11-1986 +cityscape,Impressionism,cornelis-vreedenburgh_view-of-the-singel-amsterdam-with-the-koepelkerk-beyond-1940 +illustration,Romanticism,gustave-dore_the-inferno-canto-32 +nude_painting,Northern_Renaissance,albrecht-durer_reclining-female-nude-1501 +landscape,Symbolism,konstantin-bogaevsky_altars-in-the-desert-1908 +portrait,Post_Impressionism,henri-de-toulouse-lautrec_the-greens-seated-woman-in-a-garden-1891 +religious_painting,Early_Renaissance,piero-della-francesca_queen-of-sheba-worshipping-the-wood-of-the-cross-1464(1) +religious_painting,Early_Renaissance,giovanni-bellini_the-dead-christ-supported-by-two-angels +still_life,Expressionism,david-bomberg_flowers-1943 +landscape,Realism,aleksey-savrasov_pond-at-dusk-1879 +religious_painting,Northern_Renaissance,hieronymus-bosch_the-garden-of-earthly-delights-3 +genre_painting,Realism,peder-severin-kroyer_lunch-with-otto-benzon-1893 +abstract_painting,Color_Field_Painting,louis-cane_toile-d-coup-e-1976 +portrait,Expressionism,ernst-ludwig-kirchner_two-heads-looking-at-each-other +still_life,Naive_Art_Primitivism,pablo-picasso_untitled-1938-2 +still_life,Post_Impressionism,ilya-mashkov_fruits-1938 +genre_painting,Impressionism,edmund-charles-tarbell_the-breakfast-room-1903 +genre_painting,Impressionism,joaquã­n-sorolla_boy-in-sea-foam-1900 +illustration,Naive_Art_Primitivism,marc-chagall_disrobing-her-with-his-own-hand-1948 +landscape,Expressionism,fred-williams_sapling-forest-1962 +portrait,Realism,mary-cassatt_portrait-of-alexander-cassatt +sketch_and_study,Rococo,antoine-watteau_head-of-a-man +landscape,Impressionism,guy-rose_notre-dame-de-grace-honfleur +landscape,Romanticism,ivan-aivazovsky_windmills-in-the-ukrainian-steppe-at-sunset-1862 +landscape,Realism,konstantin-bogaevsky_the-crimean-landscape-1898 +landscape,Symbolism,nicholas-roerich_ladakh-1 +portrait,Romanticism,alexander-orlowski_portrait-of-a-negro-orlovski-s-servant-1823 +nude_painting,Realism,julius-leblanc-stewart_in-the-boudoir(1) +cityscape,Post_Impressionism,maurice-utrillo_the-passage-the-dead-end +portrait,Impressionism,octav-angheluta_copil-cu-beret-verde +genre_painting,Art_Nouveau_Modern,sergey-solomko_memory-1910 +landscape,Impressionism,odilon-redon_small-village-in-the-medoc +landscape,Romanticism,ferdinand-georg-waldmã¼ller_view-to-m-dling(1) +sketch_and_study,Naive_Art_Primitivism,fernand-leger_soldiers +portrait,Realism,nikolay-bogdanov-belsky_portrait-of-an-old-bearded-man +portrait,Contemporary_Realism,richard-whitney_nancy +portrait,Pop_Art,conrad-marca-relli_the-bird-cage-1982 +portrait,Mannerism_Late_Renaissance,tintoretto_man-with-gold-chain +still_life,Post_Impressionism,paul-gauguin_still-life-with-mangoes-and-hibiscus-1887 +sketch_and_study,Realism,gustave-courbet_standing-fermale-nude +portrait,Baroque,gerrit-dou_portrait-of-an-old-woman-1645 +sketch_and_study,Baroque,rembrandt_widebrim +illustration,Symbolism,harry-clarke_the-year-s-at-the-spring-1920-21 +landscape,Symbolism,nicholas-roerich_himalayas-60 +illustration,Romanticism,gustave-dore_purgatorio-canto-8 +illustration,Symbolism,felicien-rops_incantation +genre_painting,Naive_Art_Primitivism,camille-bombois_mario-fratellino-e-le-petit-walter +landscape,Realism,john-singer-sargent_ilex-wood-majorca-1908 +abstract_painting,Minimalism,pino-pinelli_pittura-su-carta +abstract_painting,Minimalism,fernando-calhau_67-night-works-1977 +portrait,Expressionism,rafael-zabaleta_girl-sitting-and-boy-with-hat-standing-1943 +genre_painting,Expressionism,ernst-ludwig-kirchner_arching-girls-in-the-wood +portrait,Realism,gustave-courbet_portrait-of-a-spanish-lady-1855 +sketch_and_study,Realism,ivan-shishkin_night-1886 +abstract_painting,Minimalism,park-seo-bo_ecriture-no-910614 +sketch_and_study,Northern_Renaissance,rogier-van-der-weyden_portrait-of-philippe-le-bon +genre_painting,Impressionism,joaquã­n-sorolla_summer-1904 +illustration,Realism,n.c.-wyeth_treasure-island-scribner +abstract_painting,Minimalism,lee-ufan_untitled-2008 +abstract_painting,Abstract_Expressionism,friedel-dzubas_kay-s-travel-1959 +portrait,Expressionism,amedeo-modigliani_portrait-of-moise-kisling +portrait,Ukiyo_e,utagawa-kuniyoshi_women-13 +cityscape,Expressionism,wassily-kandinsky_murnau-with-a-church-1910 +portrait,Realism,gustave-courbet_girl-with-seagulls-trouville-1865 +genre_painting,Post_Impressionism,maurice-prendergast_the-grove-1915 +genre_painting,Impressionism,edgar-degas_dancers-tying-shoes-1883 +genre_painting,Expressionism,henri-matisse_still-life-with-sleeper-1940 +religious_painting,Baroque,rembrandt_simon-with-jesus-1669 +landscape,Realism,camille-pissarro_village-at-the-foot-of-a-hill-in-saint-thomas-antilles +genre_painting,Baroque,cornelis-de-vos_fish-market +portrait,Expressionism,egon-schiele_little-girl-with-blond-hair-in-a-red-dress-1916 +cityscape,Impressionism,claude-monet_villas-at-bordighera-03 +portrait,Baroque,adriaen-van-ostade_smoker +nude_painting,Expressionism,nicolae-tonitza_nude-in-the-thalamus +illustration,Romanticism,gustave-dore_the-inferno-canto-9 +portrait,Symbolism,odilon-redon_woman-with-pillar-of-flowers-1903 +religious_painting,Early_Renaissance,paolo-uccello_the-adoration-of-the-kings +landscape,Realism,thomas-eakins_delaware-riverscape-from-gloucester +genre_painting,Realism,eugene-boudin_the-beach-at-villerville-1864 +abstract_painting,Abstract_Expressionism,robert-goodnough_untitled-1958 +landscape,Impressionism,berthe-morisot_rosbras-brittany-1867 +genre_painting,Impressionism,rudolf-schweitzer-cumpana_t-rg-la-sighi-oara-1930 +genre_painting,Impressionism,camille-pissarro_peasant-women-planting-stakes-1891 +landscape,Realism,vasily-polenov_marguerite-garden-1882 +portrait,Baroque,gerrit-dou_portrait-of-a-woman-1640 +religious_painting,Symbolism,odilon-redon_landscape-with-eve +genre_painting,Baroque,david-teniers-the-younger_the-alchemist +genre_painting,Expressionism,balthus_girl-on-a-white-horse-1941 +sketch_and_study,Post_Impressionism,vincent-van-gogh_carriage-drawn-by-a-horse(1) +religious_painting,Mannerism_Late_Renaissance,andrea-del-sarto_assumption-of-the-virgin-1529 +landscape,Romanticism,thomas-cole_the-voyage-of-life-childhood-1840-1 +genre_painting,Realism,jean-francois-millet_peasand-spreading-manure-1855 +genre_painting,Impressionism,federico-zandomeneghi_lady-in-a-meadow +religious_painting,Mannerism_Late_Renaissance,tintoretto_finding-the-true-cross-1578 +genre_painting,Impressionism,camille-pissarro_the-tedders-1 +portrait,Impressionism,edgar-degas_portrait-of-a-young-woman-after-bacchiacca-1859 +landscape,Post_Impressionism,gustave-loiseau_cliffs-by-the-sea-1901 +portrait,Realism,nicholas-roerich_portrait-of-man +portrait,Rococo,joshua-reynolds_lady-henrietta-herbert +portrait,Post_Impressionism,salvador-dali_portrait-of-the-artist-s-mother +landscape,Pointillism,theo-van-rysselberghe_large-tree-near-the-sea-1919 +portrait,Expressionism,edvard-munch_august-stindberg-1892 +nude_painting,Post_Impressionism,marcel-duchamp_two-nudes-1910 +illustration,Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-russian-fairy-story-salt-1931(1) +landscape,Romanticism,ivan-aivazovsky_view-of-yalta-in-evening-1870 +cityscape,Expressionism,paul-klee_a-gate-1938(1) +nude_painting,Pop_Art,patrick-procktor_gervaise-1968 +portrait,Naive_Art_Primitivism,horace-pippin_marian-anderson-ii-1941 +abstract_painting,Abstract_Expressionism,joan-mitchell_my-landscape-ii-1967 +sketch_and_study,Realism,thomas-eakins_head-of-a-warrior +landscape,Art_Nouveau_Modern,anna-ostroumova-lebedeva_landscape-with-a-river-norway-between-bergen-and-christiania-1914 +abstract_painting,Abstract_Expressionism,perle-fine_plan-for-the-white-city-1950 +religious_painting,Baroque,bartolome-esteban-murillo_baptism-of-christ +abstract_painting,Abstract_Expressionism,lee-krasner_shellflower-1947 +landscape,Expressionism,ernst-ludwig-kirchner_wod-cart-in-forest +genre_painting,Symbolism,konstantin-somov_confidentials +genre_painting,Realism,giovanni-boldini_gossip-1873 +genre_painting,Impressionism,mary-cassatt_jenny-and-her-sleepy-child +cityscape,Post_Impressionism,periklis-vyzantios_ionian-alley-1936 +cityscape,Impressionism,antoine-blanchard_place-de-la-republic-5 +abstract_painting,Expressionism,ligia-macovei_vegetal-1977 +cityscape,Impressionism,joaquã­n-sorolla_the-alcazat-seville-1908 +genre_painting,Expressionism,balthus_three-sisters-1954 +portrait,Naive_Art_Primitivism,william-h.-johnson_sis-and-l-il-sis-1944(1) +portrait,Realism,thomas-eakins_portrait-of-henry-ossawa-tanner-1897 +portrait,Post_Impressionism,moise-kisling_portrait-of-madame-andre-salmon-1919 +nude_painting,Impressionism,pierre-auguste-renoir_seated-bather-1914 +genre_painting,Naive_Art_Primitivism,pablo-picasso_las-meninas-velazquez-1957-6 +portrait,Impressionism,pierre-auguste-renoir_portrait-of-georges-riviere-1877 +religious_painting,Early_Renaissance,sandro-botticelli_the-abyss-of-hell-1480(1) +sketch_and_study,High_Renaissance,leonardo-da-vinci_study-for-the-last-supper-2 +landscape,Expressionism,lyonel-feininger_mystic-river-1951 +religious_painting,Early_Renaissance,fra-angelico_the-trial-by-fire-of-st-francis-before-the-sultan +illustration,Art_Nouveau_Modern,edmund-dulac_fairy-land +cityscape,Impressionism,konstantin-korovin_paris-1933 +genre_painting,Post_Impressionism,alfred-sisley_pasture-by-the-seine +landscape,Impressionism,arkhip-kuindzhi_forest-lake-cloud-1890 +genre_painting,Romanticism,polychronis-lembesis_the-girl-with-pigeons +genre_painting,Impressionism,peder-severin-kroyer_marie-and-her-mother-in-the-garden-1891 +genre_painting,Impressionism,amadeo-de-souza-cardoso_village-market-in-cardoso-1905 +portrait,Impressionism,pierre-auguste-renoir_jean-renoir-1899 +abstract_painting,Color_Field_Painting,alma-woodsey-thomas_red-violet-nursery-viewed-from-above-1970 +landscape,Realism,johan-hendrik-weissenbruch_ship-in-polder-canal +landscape,Impressionism,alfred-sisley_the-edge-of-the-forest-1886 +portrait,Impressionism,pierre-auguste-renoir_bust-of-a-woman-gabrielle +portrait,Impressionism,pierre-auguste-renoir_rapha-maitre +landscape,Impressionism,ion-andreescu_peasant-hut +cityscape,Rococo,bernardo-bellotto_grand-canal-view-from-north-1738 +portrait,Expressionism,amedeo-modigliani_portrait-of-dr-paul-alexandre-1909 +genre_painting,Baroque,jan-steen_drinker +illustration,Symbolism,william-blake_satan-addressing-his-potentates-1818 +sketch_and_study,Realism,vincent-van-gogh_peasant-woman-kneeling-seen-from-the-back-1885 +portrait,Expressionism,helene-schjerfbeck_friends-1942 +religious_painting,Mannerism_Late_Renaissance,giorgio-vasari_martyrdom-of-st-sigismund +religious_painting,Symbolism,james-ensor_calvary-1886 +portrait,Realism,vasily-vereshchagin_portrait-of-a-bacha-1867 +landscape,Post_Impressionism,pierre-bonnard_night-landscape-1912(1) +still_life,Impressionism,pericles-pantazis_still-life-with-quinces-1880 +landscape,Symbolism,nicholas-roerich_spring-1931 +portrait,Romanticism,karl-bryullov_portrait-of-the-architect-and-painter-alexander-brulloff +portrait,Realism,gustave-courbet_portrait-of-jo-the-beautiful-irish-girl-1865 +genre_painting,Impressionism,eugene-boudin_laundresses-on-the-banks-of-the-touques-2 +portrait,Art_Nouveau_Modern,jacek-malczewski_the-model +portrait,Baroque,annibale-carracci_head-of-a-man-1599 +cityscape,Impressionism,max-slevogt_unter-den-linden +landscape,Impressionism,john-singer-sargent_florence-fountain-boboli-gardens +portrait,Realism,john-singer-sargent_beatrice-townsend +landscape,Fauvism,henri-matisse_luxembourg-gardens-1903 +landscape,Baroque,adriaen-brouwer_twilight-landscape +portrait,Impressionism,edgar-degas_portrait-of-lorenzo-pagans-spanish-tenor-and-auguste-degas-the-artist-s-father +landscape,Realism,ivan-shishkin_thaw-1883 +landscape,Realism,vasily-vereshchagin_glacier-on-the-way-from-kashmir-to-ladakh-1875 +portrait,Expressionism,martiros-saryan_portrait-of-anna-akhmatova-1946 +sketch_and_study,Realism,jean-francois-millet_the-farm-on-the-hill-1867 +landscape,Post_Impressionism,gustave-loiseau_fecamp-gray-weather-1920 +landscape,Impressionism,ilya-mashkov_crimea-pioneer-camp-resort-1926 +sketch_and_study,Expressionism,martiros-saryan_peasants-1902 +landscape,Romanticism,karl-bodmer_mouth-of-the-wabash-indiana-1833 +religious_painting,High_Renaissance,andrea-mantegna_the-holy-family-with-st-john +cityscape,Impressionism,frederic-bazille_port-of-the-queen-at-aigues-mortes +genre_painting,Realism,theodore-gericault_boxers +genre_painting,Post_Impressionism,gwen-john_woman-sewing-at-a-window +illustration,Early_Renaissance,sandro-botticelli_the-story-of-nastagio-degli-onesti-the-banquet-in-the-pine-forest-1483(1) +portrait,Realism,camille-corot_portrait-of-a-gentleman-1829 +portrait,Fauvism,sonia-delaunay_philomene +portrait,Expressionism,amedeo-modigliani_jeanne-hebuterne-1918-1 +sketch_and_study,Impressionism,valentin-serov_pushkin-in-the-village-1899 +religious_painting,Pop_Art,andy-warhol_the-last-supper-1986 +portrait,Post_Impressionism,irma-stern_portrait-of-a-young-mpondo-1935 +genre_painting,Impressionism,maurice-prendergast_shadow-also-known-as-children-by-a-window +still_life,Expressionism,pablo-picasso_untitled-1936-7 +abstract_painting,Color_Field_Painting,frank-stella_pagosa-springs-1960 +landscape,Impressionism,alfred-sisley_banks-of-the-seine-at-bougival-1876 +religious_painting,Symbolism,mikhail-nesterov_intercession-of-our-lady-1914 +landscape,Realism,vasily-polenov_tiberias-gennesaret-lake-1 +genre_painting,Impressionism,william-james-glackens_sledding-1912 +landscape,Realism,isaac-levitan_moonlit-night-1899 +landscape,Realism,ivan-shishkin_at-the-edge-of-the-forest +genre_painting,Art_Nouveau_Modern,raphael-kirchner_couples-between-red-borders-1901-3 +portrait,Realism,pavel-fedotov_portrait-of-elizaveta-petrovna-zhdanova +abstract_painting,Abstract_Expressionism,friedel-dzubas_untitled +portrait,Ukiyo_e,kitagawa-utamaro_kisegawa-of-matsubaya-from-the-series-seven-komachis-of-yoshiwara-c-1795-woodblock-print +religious_painting,Northern_Renaissance,hugo-van-der-goes_the-trinity-altar-panels-1478 +portrait,Romanticism,orest-kiprensky_adam-mickiewicz-1825 +abstract_painting,Abstract_Expressionism,richard-diebenkorn_untitled +genre_painting,Baroque,adriaen-brouwer_youth-making-a-face +portrait,Post_Impressionism,moise-kisling_not-identified-21 +cityscape,Art_Nouveau_Modern,mstislav-dobuzhinsky_trinity-bridge-1904 +portrait,Impressionism,pierre-auguste-renoir_gabrielle-in-a-chemise-1905 +landscape,Impressionism,frederic-bazille_landscape-of-aigues-mortes-1867 +religious_painting,Northern_Renaissance,albrecht-durer_the-madonna-of-the-carnation-1516 +sketch_and_study,Post_Impressionism,vincent-van-gogh_four-swifts-with-landscape-sketches-1887(1) +nude_painting,Expressionism,lucian-freud_naked-girl-1985 +portrait,Impressionism,edgar-degas_diego-martelli-1879-1 +still_life,Post_Impressionism,constantin-piliuta_irises +genre_painting,Baroque,jan-steen_the-way-you-hear-it-1665 +portrait,Expressionism,pablo-picasso_head-of-woman +cityscape,Impressionism,camille-pissarro_the-louvre-2-1901 +religious_painting,Early_Renaissance,filippo-lippi_madonna-del-ceppo +cityscape,Impressionism,alfred-sisley_street-in-moret-porte-de-bourgogne-from-across-the-bridge +landscape,Post_Impressionism,vincent-van-gogh_the-garden-of-doctor-gachet-at-auvers-sur-oise-1890(1) +cityscape,Northern_Renaissance,albrecht-durer_innsbruck-seen-from-the-north +portrait,Romanticism,david-wilkie_william-chalmers-bethune-his-wife-isabella-morison-and-their-daughter-isabella +landscape,Realism,john-everett-millais_view-near-hampstead +cityscape,Art_Nouveau_Modern,nicholas-roerich_rostov-the-great-1903 +portrait,Realism,william-merritt-chase_my-daughter-dieudonne-alice-dieudonne-chase +abstract_painting,Color_Field_Painting,leon-berkowitz_dark-light-rose-gold-1978 +landscape,Realism,isaac-levitan_twilight-moon-1899 +portrait,Baroque,ivan-nikitin_peter-i-on-his-deathbed-1725 +religious_painting,Naive_Art_Primitivism,fernand-leger_the-annunciation +sketch_and_study,Expressionism,egon-schiele_spitalskirche-molding-1918 +nude_painting,Expressionism,oskar-kokoschka_not_detected_235920 +genre_painting,Impressionism,henry-herbert-la-thangue_ancient-proven-al-road-1920 +portrait,Realism,salvador-dali_portrait-of-countess-ghislaine-d-oultremont +landscape,Analytical_Cubism,pablo-picasso_houses-on-the-hill-1909 +landscape,Symbolism,nicholas-roerich_fire-1943 +illustration,Realism,georgios-jakobides_drawing-for-the-short-story-the-ugly-sister-by-d-vikelas +genre_painting,Realism,james-tissot_quiet +cityscape,Post_Impressionism,edouard-cortes_place-de-la-republique-3 +portrait,Impressionism,edgar-degas_mademoiselle-didau-at-the-piano-1872 +cityscape,Impressionism,max-liebermann_view-of-the-roofs-of-florence +nude_painting,Fauvism,walasse-ting_four-nudes +landscape,Impressionism,childe-hassam_april-quai-voltaire-paris +religious_painting,Northern_Renaissance,albrecht-durer_the-holy-trinity-1511 +genre_painting,Romanticism,joseph-wright_the-orrery +genre_painting,Naive_Art_Primitivism,grã©goire-michonze_village-scene +landscape,Romanticism,pavel-svinyin_a-bridge +landscape,Post_Impressionism,albert-marquet_farmyard-at-la-percaillerie-normandy-1901 +landscape,Post_Impressionism,vincent-van-gogh_field-and-ploughman-and-mill-1889(1) +landscape,Impressionism,paul-gauguin_street-in-rouen-1884 +religious_painting,Baroque,francisco-de-zurbaran_st-luke-as-a-painter-before-christ-on-the-cross +cityscape,Post_Impressionism,edouard-cortes_place-vendome-in-rain +sketch_and_study,Realism,albert-bierstadt_study-of-a-tree-1864 +landscape,Fauvism,janos-mattis-teutsch_landscape-with-trees-1915 +portrait,Art_Nouveau_Modern,jozsef-rippl-ronai_my-parents-after-fourty-years-of-marriage-1897 +cityscape,Realism,vasily-polenov_redon-abbey +portrait,Mannerism_Late_Renaissance,titian_man-holding-a-flute-1565 +portrait,Post_Impressionism,vincent-van-gogh_portrait-of-the-artist-s-mother-1888 +landscape,Art_Nouveau_Modern,j.-e.-h.-macdonald_the-tangled-garden-1916 +genre_painting,Realism,childe-hassam_at-the-florist +genre_painting,Romanticism,edward-burne-jones_the-wizard +cityscape,Impressionism,claude-monet_the-steps +portrait,Mannerism_Late_Renaissance,paolo-veronese_daniele-barbaro-1567 +landscape,Impressionism,fern-coppedge_lumberville +genre_painting,Realism,vincent-van-gogh_woman-sitting-at-the-fireside-1881 +landscape,Impressionism,joaquã­n-sorolla_study-of-vineyard +abstract_painting,Abstract_Expressionism,sam-francis_untitled-1990 +still_life,Symbolism,konstantin-somov_still-life-interior +cityscape,Impressionism,lovis-corinth_schlossfreiheit-berlin-1923 +religious_painting,Realism,william-adolphe-bouguereau_the-virgin-with-angels +landscape,Impressionism,john-singer-sargent_ilex-wood-at-majorca-with-blue-pigs-1908 +genre_painting,Art_Nouveau_Modern,filipp-malyavin_laughting-1898 +landscape,Impressionism,hoca-ali-riza_unknown-title(1) +genre_painting,Impressionism,joaquã­n-sorolla_looking-for-shellfish-1919 +sketch_and_study,Post_Impressionism,vincent-van-gogh_l-ecorche-1887 +abstract_painting,Abstract_Expressionism,john-ferren_blue-green-ground-1961 +abstract_painting,Color_Field_Painting,anne-appleby_appleby-2011 +landscape,Post_Impressionism,vincent-van-gogh_a-weather-beaten-pine-tree-1889(1) +landscape,Post_Impressionism,gustave-loiseau_woods-near-eure-river-1920 +genre_painting,Romanticism,francisco-goya_a-village-bullfight-1814 +nude_painting,Expressionism,zinaida-serebriakova_sleeping-girl-in-the-blue-katyusha-on-a-blanket-1923 +genre_painting,Romanticism,edward-burne-jones_study-for-the-garden-court +portrait,Impressionism,mary-cassatt_young-woman-in-green-outdoors-in-the-sun +genre_painting,Impressionism,vasile-popescu_sewer +portrait,High_Renaissance,luca-signorelli_claudian-1502 +sketch_and_study,Symbolism,nicholas-roerich_monhigan-study-1922-20 +landscape,Impressionism,william-james-glackens_beach-side-1913 +genre_painting,Impressionism,gustave-caillebotte_man-on-a-balcony-boulevard-haussmann-1880 +abstract_painting,Abstract_Expressionism,manabu-mabe_sorriso-1977 +landscape,Realism,aleksey-savrasov_ipatiev-monastery-in-the-winter-night +portrait,Art_Nouveau_Modern,aubrey-beardsley_mademoiselle-de-maupin +genre_painting,Symbolism,martiros-saryan_piping-shepherd-1904 +genre_painting,Realism,james-tissot_gleaners-as-in-deuteronomy +illustration,Realism,m.c.-escher_emblemata-dice +religious_painting,Naive_Art_Primitivism,marc-chagall_joshua-prostrates-himself-before-the-angel-sword-bearer-chief-of-the-armies-of-the-lord-joshua +religious_painting,Northern_Renaissance,hans-holbein-the-younger_death-of-the-virgin +genre_painting,Realism,mykola-pymonenko_off-to-war-1902 +religious_painting,Mannerism_Late_Renaissance,el-greco_st-idelfonso +genre_painting,Impressionism,claude-monet_woman-in-a-garden-1876 +landscape,Romanticism,john-constable_a-cottage-in-a-cornfield-1817 +abstract_painting,Abstract_Expressionism,helen-frankenthaler_the-other-side-of-the-moon-1995 +still_life,Impressionism,stefan-luchian_vase-with-chrysanthemums +landscape,Impressionism,robert-julian-onderdonk_the-old-apple-tree +portrait,Expressionism,lucian-freud_child-with-a-toy-dog-1958 +cityscape,Realism,james-tissot_a-corner-of-the-village-of-siloam-1889 +portrait,Impressionism,mary-cassatt_young-woman-picking-fruit +landscape,Post_Impressionism,ferdinand-hodler_view-of-lake-leman-from-chexbres-1905 +landscape,Post_Impressionism,paul-cezanne_mont-sainte-victoire-3 +portrait,Romanticism,john-atkinson-grimshaw_dulce-domum-1885 +portrait,Expressionism,max-bill_frauenkopf-1929 +portrait,Rococo,dmitry-levitzky_portrait-of-e-a-vorontsova-1783 +genre_painting,Impressionism,edgar-degas_two-dancers-in-green-skirts-landscape-scener +portrait,Expressionism,chaim-soutine_desolation-1924 +still_life,Post_Impressionism,gregoire-boonzaier_still-life-1949 +portrait,Realism,boris-kustodiev_portrait-of-i-b-kustodieva-1906 +landscape,Realism,efim-volkov_river-in-ukraine +sketch_and_study,Naive_Art_Primitivism,marc-chagall_noah-s-ark-1 +landscape,Impressionism,robert-julian-onderdonk_landscape +portrait,Romanticism,pierre-paul-prud'hon_dominique-vivant-denon +nude_painting,Realism,john-singer-sargent_male-model-resting +landscape,Realism,isaac-levitan_the-halt +sketch_and_study,Post_Impressionism,vincent-van-gogh_two-trees +still_life,Ukiyo_e,katsushika-hokusai_a-leather-pouch-with-kagami +portrait,Ukiyo_e,tsukioka-yoshitoshi_yoshi-tomigoro +portrait,Realism,boris-kustodiev_portrait-of-y-e-proshinskaya-1901 +cityscape,Impressionism,claude-monet_snow-effect-the-boulevard-de-pontoise-at-argenteuil +landscape,Impressionism,petre-abrudan_light-1961 +religious_painting,Northern_Renaissance,albrecht-durer_the-death-of-mary-1510 +portrait,Expressionism,martiros-saryan_portrait-of-boris-parsadanyan-1962 +portrait,Rococo,antoine-pesne_queen-elisabeth-christine +landscape,Romanticism,thomas-cole_american-lake-scene-1844 +landscape,Pointillism,camille-pissarro_kew-the-path-to-the-main-conservatory +landscape,Post_Impressionism,paul-cezanne_landscape-with-viaduct-montagne-sainte-victoire-1887 +landscape,Realism,camille-corot_the-roman-campagna-with-the-claudian-aqueduct-1828 +religious_painting,Early_Renaissance,piero-della-francesca_prophet(1) +landscape,Impressionism,john-henry-twachtman_yellowstone-park-1 +still_life,Realism,pablo-picasso_fruit-bowl-with-fruit-1918 +portrait,High_Renaissance,giovanni-antonio-boltraffio_the-poet-casio-1500 +genre_painting,Expressionism,kathe-kollwitz_not_detected_235976 +illustration,Romanticism,gustave-dore_the-inferno-canto-13-1 +religious_painting,Baroque,annibale-carracci_translation-of-the-holy-house +portrait,Post_Impressionism,vincent-van-gogh_madame-augustine-roulin-1889 +religious_painting,Symbolism,mikhail-nesterov_st-olga +genre_painting,Impressionism,john-singer-sargent_crashed-aeroplane-1918 +landscape,Impressionism,claude-monet_banks-of-the-seine-at-jenfosse-clear-weather +portrait,Ukiyo_e,kitagawa-utamaro_not_detected_233136 +nude_painting,Impressionism,pierre-auguste-renoir_back-view-of-a-bather-1893 +abstract_painting,Color_Field_Painting,theodoros-stamos_infinity-field-lefkada-series-1980(1) +still_life,Post_Impressionism,vincent-van-gogh_van-gogh-s-chair-1889 +portrait,Realism,boris-kustodiev_portrait-of-elizabeth-pushkina +portrait,Rococo,joshua-reynolds_mrs-richard-bennett-lloyd-1776 +landscape,Realism,ivan-shishkin_from-the-vicinity-of-gurzuf-1879 +landscape,Contemporary_Realism,john-miller_coconut-beach +abstract_painting,Minimalism,sol-lewitt_a-square-with-colors-superimposed-within-a-border-1991 +abstract_painting,Abstract_Expressionism,rafa-nasiri_untitled-063-2001 +genre_painting,Impressionism,nikolay-bogdanov-belsky_cither-playing +religious_painting,High_Renaissance,raphael_st-peter-escapes-with-the-angel-from-the-liberation-of-saint-peter-in-the-stanza-d-eliodoro-1514 +nude_painting,Expressionism,fã©lix-del-marle_nu-agenouill-sur-fond-bleu-1937 +landscape,Symbolism,nicholas-roerich_himalayas-1942-2 +landscape,Impressionism,armand-guillaumin_le-r-servoir-poitiers-1910 +religious_painting,Mannerism_Late_Renaissance,maerten-van-heemskerck_ecce-homo-right-panel-1560 +nude_painting,Expressionism,bela-czobel_muse-1930 +portrait,Post_Impressionism,pyotr-konchalovsky_gardener-1908 +cityscape,Impressionism,camille-pissarro_pont-neuf-the-statue-of-henri-iv-sunny-weather-morning-1900 +abstract_painting,Color_Field_Painting,sam-francis_los-angeles +genre_painting,Romanticism,francisco-goya_bullfight +religious_painting,Northern_Renaissance,lucas-cranach-the-elder_saint-jerome +genre_painting,Naive_Art_Primitivism,marc-chagall_near-saint-jeannet-1969 +genre_painting,Expressionism,edvard-munch_the-murderer-1910 +portrait,Baroque,frans-hals_shrovetide-revellers-the-merry-company +landscape,Impressionism,laszlo-mednyanszky_fruit-trees +sketch_and_study,Symbolism,konstantin-somov_costume-sketches-of-columbine-for-anna-pavlova +still_life,Post_Impressionism,istvan-ilosvai-varga_green-quinces-1936 +religious_painting,Northern_Renaissance,hieronymus-bosch_tiptych-of-temptation-of-st-anthony-1506 +landscape,Contemporary_Realism,jamie-wyeth_torn-spruce +sketch_and_study,Northern_Renaissance,hieronymus-bosch_group-of-male-figures +portrait,Post_Impressionism,paul-cezanne_seated-woman-1895 +sketch_and_study,Cubism,nikos-hadjikyriakos-ghikas_stage-design-for-don-juan-by-andr-obey-1939 +portrait,Realism,nikolay-bogdanov-belsky_spring-portrait-of-lady-i-baumane +abstract_painting,Abstract_Expressionism,paul-jenkins_not_detected_235682 +abstract_painting,Minimalism,rodolfo-arico_vuoto-blu +landscape,Expressionism,ernst-ludwig-kirchner_staffelalp-in-the-autumn +sketch_and_study,Naive_Art_Primitivism,fernand-leger_the-album-circus-1950-45 +portrait,Realism,john-singer-sargent_mrs-cecil-wade-1886 +landscape,Realism,winslow-homer_palm-trees-bahamas +abstract_painting,Abstract_Expressionism,hedda-sterne_machine-5-1950 +portrait,Post_Impressionism,salvador-dali_portrait-of-my-father +portrait,Ukiyo_e,utagawa-kuniyoshi_keyamura-rokusuke-under-the-hikosan-gongen-waterfall +illustration,Art_Nouveau_Modern,aubrey-beardsley_isolde +landscape,Realism,aleksey-savrasov_elk-island +portrait,Post_Impressionism,henri-de-toulouse-lautrec_a-laborer-at-celeyran-1882 +sketch_and_study,Realism,vincent-van-gogh_hands-1885(1) +genre_painting,Naive_Art_Primitivism,david-burliuk_new-england-1929 +landscape,Post_Impressionism,paul-cezanne_the-house-with-cracked-walls +religious_painting,Romanticism,gustave-dore_the-israelites-slaughter-the-syrians +religious_painting,Northern_Renaissance,bernhard-strigel_disrobing-of-christ +portrait,Fauvism,ilya-mashkov_portrait-of-a-boy-in-a-coloured-shirt-1909 +portrait,Mannerism_Late_Renaissance,el-greco_portrait-of-the-artist-s-son-jorge-manuel-theotokopoulos +still_life,Synthetic_Cubism,juan-gris_strawberry-jam-1917 +genre_painting,Romanticism,pavel-svinyin_roller +sketch_and_study,Baroque,rembrandt_an-old-man-resting-his-hands-upon-a-book-1645 +still_life,Fauvism,martiros-saryan_persian-still-life-1913 +illustration,Art_Nouveau_Modern,carlos-saenz-de-tejada_don-juan-illustration-1938-1 +portrait,Northern_Renaissance,jean-fouquet_etienne-chevalier-with-st-stephen +portrait,Realism,john-singer-sargent_edward-robinson-1903 +portrait,Expressionism,emil-nolde_portrait-of-south-sea-islander +portrait,Post_Impressionism,henri-matisse_laurette-s-head-with-a-coffee-cup +genre_painting,Ukiyo_e,kitagawa-utamaro_prelude-to-desire-1799 +illustration,Romanticism,gustave-dore_don-quixote-48 +portrait,Pop_Art,andy-warhol_marilyn-1 +landscape,Impressionism,william-merritt-chase_shinnecock-landscape-04 +portrait,Northern_Renaissance,rogier-van-der-weyden_portrait-of-a-lady-1460(1) +religious_painting,Baroque,rembrandt_the-descent-from-the-cross-1633 +sketch_and_study,Symbolism,nicholas-roerich_issa-and-giant-s-head-1932-1 +portrait,Romanticism,pierre-paul-prud'hon_portrait-of-georges-anthony-1796 +landscape,Post_Impressionism,vincent-van-gogh_wheatfields-1890 +abstract_painting,Abstract_Expressionism,sam-francis_untitled-sfp-89-57-1989 +illustration,Naive_Art_Primitivism,marc-chagall_the-story-of-the-rooster-the-little-goat-4 +sketch_and_study,Romanticism,gustave-moreau_degas-portrait-in-the-uffizi-1859 +landscape,Romanticism,john-constable_the-admiral-s-house-the-grove-1823 +landscape,Impressionism,guy-rose_la-jolla-arbor +genre_painting,Contemporary_Realism,eric-fischl_krefeld-project-living-room-scene-3 +cityscape,Post_Impressionism,spyros-papaloukas_the-bell-tower +cityscape,Impressionism,antoine-blanchard_arc-de-triomphe-2 +abstract_painting,Color_Field_Painting,sean-scully_bridge-1991 +portrait,Expressionism,oswaldo-guayasamin_el-violinista-1967 +cityscape,Art_Nouveau_Modern,anna-ostroumova-lebedeva_view-from-the-petrovsky-park +portrait,Impressionism,philip-wilson-steer_portrait-of-francis-edward-james-1892 +religious_painting,Naive_Art_Primitivism,marc-chagall_by-beating-the-philistines-saul-killed-himself-by-his-own-sword-i-samuel-xxxi-2-6 +landscape,Impressionism,claude-monet_the-japanese-bridge-2-1924 +cityscape,Cubism,fernand-leger_houses-in-the-trees-landscape-n-3-1914 +religious_painting,Northern_Renaissance,jan-provoost_the-martyrdom-of-st-catherine +portrait,Rococo,joshua-reynolds_the-puck-1789 +genre_painting,Romanticism,john-everett-millais_the-royalist +genre_painting,Impressionism,joaquã­n-sorolla_the-drinking-jug-1904 +sketch_and_study,Naive_Art_Primitivism,fernand-leger_study-for-a-portrait-1945-3 +landscape,Realism,charles-francois-daubigny_ducklings-in-a-river-landscape-1874 +portrait,Realism,thomas-eakins_portrait-of-william-b-kurtz-1903 +landscape,Impressionism,camille-pissarro_strong-winds-pontoise +genre_painting,Impressionism,nikolay-bogdanov-belsky_children +cityscape,Expressionism,lygia-pape_the-red-umbrella-1971 +sketch_and_study,High_Renaissance,michelangelo_study-to-the-libyan-sibyl +sketch_and_study,Symbolism,nicholas-roerich_the-tsar-bell-1919 +abstract_painting,Color_Field_Painting,mark-rothko_untitled-5 +portrait,Baroque,peter-paul-rubens_equestrian-portrait-of-giancarlo-doria +religious_painting,Baroque,eustache-le-sueur_st-bruno-appearing-to-comte-roger-1648 +landscape,Realism,konstantin-bogaevsky_landscape-1928 +genre_painting,Baroque,pieter-de-hooch_paying-the-hostess-1658 +religious_painting,Romanticism,william-turner_the-angel-standing-in-the-sun +landscape,Realism,aleksey-savrasov_fire-in-woods-1883 +portrait,Realism,boris-kustodiev_portrait-of-russian-actor-vasily-luzhsky-1913 +genre_painting,Realism,camille-pissarro_laundress-on-the-banks-of-the-river +portrait,Post_Impressionism,henri-de-toulouse-lautrec_paul-leclercq-1897 +religious_painting,Romanticism,jan-matejko_angel-iii +illustration,Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-russian-fairy-story-maria-morevna-1900(1) +still_life,Post_Impressionism,paul-gauguin_still-life-with-a-fan +landscape,Realism,pyotr-konchalovsky_birch-trees-by-the-fence-1938 +genre_painting,Realism,vincent-van-gogh_sower-1882 +nude_painting,Impressionism,stefan-luchian_after-bath-1907 +landscape,Art_Nouveau_Modern,ferdinand-hodler_the-lake-geneva-from-chexbres-1898 +genre_painting,Realism,ilya-repin_choosing-a-bride-for-a-grand-duke-1884 +abstract_painting,Abstract_Expressionism,mark-tobey_subtile-souvenir +still_life,Cubism,jack-bush_still-life-with-knife-1954 +genre_painting,Post_Impressionism,vincent-van-gogh_the-woodcutter-after-millet-1890 +religious_painting,Symbolism,james-tissot_moses-and-joshua-in-the-tabernacle +landscape,Symbolism,nicholas-roerich_tibet-himalayas-1933 +landscape,Impressionism,james-mcneill-whistler_note-in-opal-the-sands-dieppe +genre_painting,Impressionism,edgar-degas_dancers-practicing-at-the-barre-1877 +landscape,Impressionism,guy-rose_laguna +portrait,Art_Nouveau_Modern,leon-bakst_the-supper-1902 +portrait,Romanticism,vasily-tropinin_not_detected_241177 +genre_painting,Impressionism,edgar-degas_dancers-pink-and-green-1894 +genre_painting,Impressionism,max-liebermann_restaurant-de-oude-vink-1905 +abstract_painting,Minimalism,frank-stella_tomlinson-court-park-1959 +portrait,Realism,edouard-manet_the-journalist-henri-rochefort-1881 +cityscape,Impressionism,joaquã­n-sorolla_the-alcazar-1908 +landscape,Realism,pyotr-konchalovsky_herd-1939 +landscape,Post_Impressionism,ferdinand-hodler_maggia-delta-before-sunrise-1893 +abstract_painting,Cubism,jacques-villon_composition-abstraite-1926 +sketch_and_study,Romanticism,caspar-david-friedrich_woman-in-the-cloack +genre_painting,Post_Impressionism,david-burliuk_portrait-of-frank-banker-1948(1) +landscape,Romanticism,william-turner_ehrenbrietstein-and-coblenz +portrait,Romanticism,eduard-von-gebhardt_portrait-of-a-man-with-beret +still_life,Realism,balthus_still-life-1937 +abstract_painting,Minimalism,yves-gaucher_rb-ps-2-15-1990 +portrait,Impressionism,nicolae-vermont_at-the-well-1920 +landscape,Impressionism,maxime-maufra_cottages-in-the-snow-1891-1 +religious_painting,Early_Renaissance,carlo-crivelli_crucifixion +abstract_painting,Color_Field_Painting,morris-louis_addition-vii-1958 +abstract_painting,Abstract_Expressionism,hans-hofmann_aquatic-garden-1960 +still_life,Realism,william-merritt-chase_topaz-grapes +cityscape,Romanticism,richard-parkes-bonington_parlerre-d-eau-a-versailles-1826 +landscape,Realism,ivan-shishkin_spring-in-the-forest-1892 +sketch_and_study,Baroque,canaletto_venice-riva-degli-schiavoni +still_life,Realism,konstantin-bogaevsky_still-life-1924 +religious_painting,High_Renaissance,michelangelo_sistine-chapel-ceiling-creation-of-eve-1510 +portrait,Rococo,maurice-quentin-de-la-tour_count-clement-wenceslaus-of-saxony +landscape,Post_Impressionism,vincent-van-gogh_sheaves-of-wheat-1890-1 +landscape,Romanticism,christen-kobke_the-forum-pompeii-with-vesuvius-in-the-distance-1841 +landscape,Realism,charles-francois-daubigny_sunset-on-the-oise-1865 +cityscape,Impressionism,claude-monet_rouen-cathedral-at-noon +landscape,Symbolism,nicholas-roerich_village-kardang-lahaul-1932 +landscape,Post_Impressionism,vincent-van-gogh_street-in-saintes-maries-1888-2 +portrait,Symbolism,kuzma-petrov-vodkin_the-daughter-of-a-fisherman-1936 +genre_painting,Naive_Art_Primitivism,niko-pirosmani_feast-at-gvimradze(2) +landscape,Realism,isaac-levitan_high-waters-1887 +religious_painting,High_Renaissance,giovanni-antonio-boltraffio_the-virgin-and-child-the-madonna-of-the-rose +genre_painting,Baroque,gerrit-dou_old-woman-watering-flowers-1665 +portrait,Baroque,peter-paul-rubens_allegory-on-emperor-charles-as-ruler-of-vast-realms +nude_painting,Symbolism,henri-fantin-latour_evening +portrait,Realism,john-singer-sargent_peter-a-b-widener-1903 +illustration,Expressionism,carlos-saenz-de-tejada_platero-the-lulling-sleeping-brother +genre_painting,Symbolism,konstantin-somov_in-the-forrest +portrait,Romanticism,miklos-barabas_portrait-of-savka-obrenovic-1845 +genre_painting,Baroque,hendrick-terbrugghen_a-laughing-bravo-with-a-bass-viol-and-a-glass +portrait,Impressionism,stefan-dimitrescu_stone-crusher-portrait-of-a-peasant +abstract_painting,Pop_Art,tsuruko-yamazaki_untitled-1963 +portrait,Realism,james-mcneill-whistler_head-of-a-peasant-woman-1858 +abstract_painting,Minimalism,robert-mangold_study-attic-series-xii-1991 +sketch_and_study,Realism,vasily-surikov_hand-of-boyarynya-morozova +sketch_and_study,Post_Impressionism,henri-de-toulouse-lautrec_woman-standing-in-semi-profile-1883 +sketch_and_study,Realism,vincent-van-gogh_seated-man-with-a-moustache-and-cap-1886 +cityscape,Romanticism,william-turner_south-of-bellinzona +genre_painting,Impressionism,edgar-degas_at-the-milliner-s-1883 +still_life,Post_Impressionism,ion-pacea_still-life-with-flowers-fruit-and-seashell-1970 +portrait,Mannerism_Late_Renaissance,hans-von-aachen_portrait-of-joseph-heintz-1585 +landscape,Impressionism,william-merritt-chase_shinnecock-hills-03 +genre_painting,Realism,nikolaos-gyzis_grandma-and-children-1883 +landscape,Impressionism,alfred-sisley_river-steamboat-and-bridge-1871 +portrait,Expressionism,martiros-saryan_portrait-of-ilya-ehrenburg-1959 +nude_painting,Realism,vincent-van-gogh_idol-4 +landscape,Impressionism,gustave-caillebotte_the-plain-at-gennevilliers-group-of-poplars +landscape,New_Realism,edward-hopper_not_detected_235608 +abstract_painting,Abstract_Expressionism,sam-francis_untitled-sf75-102-1975 +landscape,Realism,aleksey-savrasov_summer-landscape-with-pine-trees-near-the-river-1878 +landscape,Realism,fyodor-vasilyev_after-a-rain +portrait,Impressionism,ipolit-strambu_the-flowery-headscarf-1925 +nude_painting,Realism,alekos-kontopoulos_nude +abstract_painting,Color_Field_Painting,barnett-newman_treble-1960 +portrait,Realism,ilya-repin_portrait-of-the-artist-a-p-bogolubov-1876 +landscape,Impressionism,karoly-ferenczy_izvora-in-autumn-1909 +genre_painting,New_Realism,william-james-glackens_under-the-trees-luxembourg-gardens-1906 +genre_painting,Romanticism,edward-burne-jones_the-council-chamber +portrait,Baroque,judith-leyster_portrait-of-a-man +abstract_painting,Abstract_Expressionism,willem-de-kooning_suburb-in-havana +genre_painting,Romanticism,sir-lawrence-alma-tadema_loves-votaries-1891 +religious_painting,High_Renaissance,lorenzo-lotto_altar-of-recanati-polyptych-the-left-wing-st-thomas-aquinas-and-st-flavian-1508 +landscape,Realism,johan-hendrik-weissenbruch_a-farmhouse-in-a-polder +landscape,Realism,volodymyr-orlovsky_dnieper-river(1) +religious_painting,Mannerism_Late_Renaissance,tintoretto_the-temptation-of-christ-1581 +abstract_painting,Color_Field_Painting,theodoros-stamos_untitled-1967(1) +portrait,Baroque,caravaggio_portrait-of-fra-antionio-martelli-1608(1) +still_life,Post_Impressionism,vincent-van-gogh_still-life-with-two-sunflowers-1887 +genre_painting,Impressionism,claude-monet_train-in-the-snow-or-the-locomotive-1875 +illustration,Art_Nouveau_Modern,edmund-dulac_out-of-this-world-stealers-of-light-by-the-queen-of-romania +genre_painting,Impressionism,maurice-prendergast_revere-beach-1896-2 +portrait,Impressionism,boris-kustodiev_family-portrait-of-polenovs-family-portrait-1905 +portrait,Analytical_Cubism,georges-braque_portuguese-1911 +religious_painting,Mannerism_Late_Renaissance,tintoretto_st-george-1544 +genre_painting,Impressionism,berthe-morisot_young-woman-powdering-her-face-1877 +cityscape,Impressionism,antoine-blanchard_caf-de-la-paix-opera-2 +portrait,Impressionism,mary-cassatt_ellen-mary-cassatt-with-a-large-bow-in-her-hair-1909 +religious_painting,High_Renaissance,pietro-perugino_madonna-and-child-with-st-catherine-and-st-rosa-1493 +abstract_painting,Minimalism,agnes-martin_white-flower-1960 +religious_painting,Symbolism,nicholas-roerich_madonna-oriflamma-1932 +landscape,Realism,pyotr-konchalovsky_apple-tree-in-bloom-1953 +landscape,Impressionism,paul-gauguin_red-roof-by-the-water-1885 +religious_painting,Baroque,bartolome-esteban-murillo_the-annunciation +landscape,Realism,valentin-serov_herd +cityscape,Impressionism,camille-pissarro_boulevard-montmartre-morning-sunlight-and-mist-1897 +religious_painting,Rococo,giovanni-battista-tiepolo_annunciation-1725 +portrait,Naive_Art_Primitivism,pablo-picasso_painter-and-his-palette-1967 +landscape,Realism,gustave-courbet_valley-at-fontcouvert +landscape,Post_Impressionism,pierre-bonnard_landscape-at-vernon-1915 +genre_painting,Expressionism,jose-clemente-orozco_the-white-house +sketch_and_study,Romanticism,orest-kiprensky_orlovsky-alexander-osipovich +nude_painting,Romanticism,francesco-hayez_back-view-of-a-bather-1859 +portrait,Expressionism,arturo-souto_harlequin-1932 +abstract_painting,Abstract_Expressionism,vasile-dobrian_untitled-1997 +landscape,Impressionism,gustave-caillebotte_the-wall-of-the-garden +landscape,Ukiyo_e,katsushika-hokusai_surumaru-daiyu +abstract_painting,Action_painting,franz-kline_untitled-1957 +abstract_painting,Minimalism,jose-guerrero_esquinas-1973 +abstract_painting,Abstract_Expressionism,jose-guerrero_aurora-ascendente-1955 +abstract_painting,Color_Field_Painting,morris-louis_delta-theta-1961 +abstract_painting,Abstract_Expressionism,dan-christensen_tristan-2000 +still_life,Cubism,pyotr-konchalovsky_workbench-1917 +genre_painting,Impressionism,childe-hassam_confirmation-day +genre_painting,Post_Impressionism,pablo-picasso_a-blue-room-a-tub-1901 +portrait,Baroque,rembrandt_woman-in-bed-1645 +portrait,Symbolism,gustave-moreau_cleopatra +cityscape,Post_Impressionism,maurice-utrillo_notre-dame-de-clignantcourt +cityscape,Realism,vincent-van-gogh_factory-1882(1) +religious_painting,Symbolism,william-blake_last-judgement-1808 +landscape,Impressionism,pierre-auguste-renoir_the-banks-of-a-river-rower-in-a-boat +religious_painting,Northern_Renaissance,jan-van-eyck_the-madonna-in-the-church-1439 +cityscape,Realism,nicholas-roerich_old-ladoga-fortress-1899 +still_life,Post_Impressionism,gustave-loiseau_flowers-and-a-statuette-1910 +nude_painting,Impressionism,edgar-degas_after-the-bath-4 +abstract_painting,Abstract_Expressionism,vasile-dobrian_memories-are-kept-in-the-drawer-of-memory-from-the-archways-series +still_life,Impressionism,giovanni-boldini_the-melon +cityscape,Baroque,esaias-van-de-velde_january +nude_painting,Impressionism,edgar-degas_woman-squatting +genre_painting,Naive_Art_Primitivism,camille-bombois_baigneuses-1929 +religious_painting,Northern_Renaissance,albrecht-durer_st-john +illustration,Naive_Art_Primitivism,marc-chagall_abdullah-discovered-before-him-1948 +cityscape,Impressionism,camille-pissarro_quai-du-pothuis-at-pontoise-1876 +genre_painting,Romanticism,karl-bodmer_horse-racing-of-sioux-indians-near-fort-pierre-plate-30-from-volume-1-of-travels-in-the-1843 +portrait,Art_Nouveau_Modern,felix-vallotton_portrait-of-french-writer-alfred-vallette-1898 +portrait,Impressionism,filipp-malyavin_a-peasant-woman +portrait,Mannerism_Late_Renaissance,jacopo-pontormo_portrait-of-a-young-man-alessandro-de-medici +portrait,Expressionism,oskar-kokoschka_not_detected_235831 +portrait,Art_Nouveau_Modern,felix-vallotton_portrait-of-french-writer-camille-mauclair-1898 +still_life,Expressionism,aurel-cojan_nature-morte-au-pichet-1949 +sketch_and_study,High_Renaissance,leonardo-da-vinci_head-of-leda +cityscape,Post_Impressionism,roger-fry_venice +genre_painting,Baroque,pieter-de-hooch_woman-reading-a-letter-1664 +cityscape,Symbolism,mstislav-dobuzhinsky_street-in-london-1915 +abstract_painting,Color_Field_Painting,helen-frankenthaler_untitled-1982 +abstract_painting,Color_Field_Painting,ion-nicodim_unknown-title-29 +portrait,Expressionism,henri-matisse_woman-reading-with-peaches-1923 +portrait,Romanticism,konstantin-makovsky_portrait-of-artist-alexander-popov-1 +landscape,Post_Impressionism,viorel-marginean_prim-vara-la-cenade-1977 +cityscape,Romanticism,cornelis-springer_vissersdijk-in-enkhuizen +abstract_painting,Minimalism,agnes-martin_stars-1963 +abstract_painting,Action_painting,tsuruko-yamazaki_work-1957 +religious_painting,Northern_Renaissance,albrecht-durer_st-peter-and-st-john-healing-the-cripple-1513 +sketch_and_study,Post_Impressionism,vincent-van-gogh_female-nude-seated-1886-1(1) +sketch_and_study,Baroque,canaletto_the-piazzetta-looking-towards-the-torre-dell-orologio +abstract_painting,Abstract_Expressionism,abidin-dino_antibes-1961 +still_life,Post_Impressionism,henri-matisse_the-lorrain-chair +landscape,Impressionism,william-merritt-chase_the-beach-at-zandvoort-1900 +cityscape,Impressionism,camille-pissarro_the-pont-royal-and-the-pavillon-de-flore-1903 +sketch_and_study,Baroque,rembrandt_the-large-lion-hunt-1641 +sketch_and_study,Post_Impressionism,vincent-van-gogh_sower-with-setting-sun-1888 +landscape,Impressionism,pierre-auguste-renoir_pine-wood-on-the-cote-d-azur-1885 +religious_painting,Baroque,peter-paul-rubens_the-four-evangelists +cityscape,Post_Impressionism,ferdynand-ruszczyc_astronomical-observatory-of-vilnius-university-1910 +landscape,Baroque,jan-siberechts_view-of-a-house-and-its-estate-in-belsize-middlesex-1696 +cityscape,Pop_Art,hiro-yamagata_arche-de-noe-1980 +genre_painting,Realism,janos-tornyai_lesson-on-the-farm-1896 +portrait,Realism,nikolay-bogdanov-belsky_portrait-of-yanka-kupala +abstract_painting,Color_Field_Painting,clyfford-still_untitled-1971 +genre_painting,Northern_Renaissance,albrecht-durer_the-cook-and-his-wife-1496 +portrait,Northern_Renaissance,rogier-van-der-weyden_man-holding-book +illustration,Art_Nouveau_Modern,heorhiy-narbut_illustration-for-the-book-of-b-dix-toys-1911-1 +abstract_painting,Abstract_Expressionism,jean-paul-riopelle_feuilles-i-1967 +sketch_and_study,Early_Renaissance,leonardo-da-vinci_study +cityscape,Expressionism,ivan-albright_moscow-1967 +genre_painting,Expressionism,martiros-saryan_cairo-1910 +landscape,Post_Impressionism,pyotr-konchalovsky_festivities-zagorsk +genre_painting,Impressionism,berthe-morisot_at-the-beach-in-nice +landscape,Impressionism,john-henry-twachtman_hollyhocks-1 +portrait,Rococo,joshua-reynolds_mrs-richard-paul-jodrell +cityscape,Post_Impressionism,henri-martin_the-village-saint-cirq-lapopie +still_life,Post_Impressionism,ion-pacea_natur-static-cu-palet +sketch_and_study,Realism,vasily-perov_policy-1863 +sketch_and_study,Northern_Renaissance,albrecht-durer_study-of-hands-1506 +abstract_painting,Abstract_Expressionism,john-ferren_greenock-1958 +religious_painting,Mannerism_Late_Renaissance,tintoretto_the-supper-at-emmaus-1543 +landscape,Realism,johan-hendrik-weissenbruch_mill-at-the-lake +genre_painting,Realism,james-tissot_the-return-from-the-boating-trip +abstract_painting,Color_Field_Painting,john-hoyland_22-8-74-1974 +portrait,Baroque,diego-velazquez_miguel-angelo-barber-to-the-pope-1650 +landscape,Realism,vasily-polenov_old-mill-1880 +cityscape,Impressionism,claude-monet_the-doges-palace-seen-from-san-giorgio-maggiore-3 +portrait,Pop_Art,andy-warhol_james-dean +genre_painting,Impressionism,george-luks_fisherman-cape-elizabeth-maine-1922 +genre_painting,Post_Impressionism,maurice-denis_bretons +landscape,Impressionism,lovis-corinth_lake-lucerne-morning-1924 +religious_painting,Northern_Renaissance,albrecht-durer_seated-prophet-1517 +portrait,Realism,ivan-kramskoy_russian-writer-pavel-melnikov-1876 +cityscape,Post_Impressionism,paul-serusier_square-with-street-lamp-1891 +abstract_painting,Color_Field_Painting,jose-guerrero_crossing-1975 +still_life,Fauvism,ilya-mashkov_still-life-with-plums +nude_painting,Impressionism,pierre-auguste-renoir_bathers-1917 +genre_painting,Post_Impressionism,maurice-prendergast_on-the-rocks-north-shore +landscape,Expressionism,oskar-kokoschka_dent-du-midi +portrait,Early_Renaissance,andrea-del-castagno_giovanni-boccaccio +cityscape,Post_Impressionism,jean-hugo_the-boule-players +illustration,Expressionism,m.c.-escher_not_detected_204723 +landscape,Impressionism,zinaida-serebriakova_orchard-1909 +portrait,Rococo,maurice-quentin-de-la-tour_claude-dupouch +landscape,Realism,vincent-van-gogh_farmhouses-among-trees-1883(1) +landscape,Romanticism,john-constable_golding-constable-s-flower-garden-1815 +cityscape,Symbolism,mstislav-dobuzhinsky_garden-1915 +landscape,Post_Impressionism,ion-tuculescu_landscape-from-paros-island-1939 +portrait,Pop_Art,martial-raysse_verte-1963 +genre_painting,Expressionism,pablo-picasso_child-playing-in-camomilles-1953 +landscape,Post_Impressionism,paul-cezanne_the-alley-at-chantilly-1888 +still_life,Cubism,charles-sheeler_still-life-1925 +religious_painting,Baroque,bernardo-strozzi_the-madonna-of-justice-1625 +still_life,Fauvism,mary-fedden_red-table-brown-jug-2009 +portrait,Naive_Art_Primitivism,pablo-picasso_seated-francoise-with-blue-dress-1949 +portrait,Expressionism,dimitris-mytaras_female-figures +illustration,Symbolism,harry-clarke_the-year-s-at-the-spring-1920-10 +portrait,Baroque,frans-hals_portrait-of-a-man-holding-a-skull-1612 +genre_painting,Realism,antã³nio-de-carvalho-da-silva-porto_colheita-ceifeiras +still_life,Post_Impressionism,salvador-dali_still-life-1 +abstract_painting,Color_Field_Painting,frank-stella_untitled-1968 +religious_painting,Early_Renaissance,carlo-crivelli_adoration-of-the-shepherds-1480 +landscape,Impressionism,william-merritt-chase_near-the-beach-shinnecock +portrait,Baroque,francesco-solimena_portrait-of-a-woman +illustration,Expressionism,jury-annenkov_illustration-to-aleksander-blok-s-poem-the-twelve-1918-5 +landscape,Romanticism,thomas-cole_the-notch-of-the-white-mountains-crawford-notch-1839 +abstract_painting,Minimalism,sean-scully_untitled-no-6-1979 +landscape,Post_Impressionism,constantin-piliuta_landscape-from-ardeal +cityscape,Art_Nouveau_Modern,nicholas-roerich_kovno-old-church-1903 +landscape,Impressionism,camille-pissarro_view-of-saint-ouen-l-aumone-1876 +landscape,Expressionism,adam-baltatu_towards-the-noon +sketch_and_study,Baroque,rembrandt_old-man-in-a-long-cloak-sitting-in-an-armchair-1630 +illustration,Expressionism,yiannis-moralis_10-colored-drawings-for-the-poems-of-george-seferis-1965-4 +landscape,Impressionism,pierre-auguste-renoir_landscape-by-the-sea-1915 +landscape,Impressionism,claude-monet_the-japanese-bridge-1924-1 +abstract_painting,Minimalism,cy-twombly_night-watch +landscape,Baroque,rembrandt_the-mill +landscape,Impressionism,eugene-boudin_saint-cenery-the-church-and-the-bridge +still_life,Realism,henri-fantin-latour_still-life-dahlias-in-a-green-vase-1868 +landscape,Realism,charles-francois-daubigny_landscape-trees-on-the-slope-of-a-ravine +genre_painting,Cubism,fernand-leger_diver-on-a-yellow-background +landscape,Impressionism,konstantin-korovin_autumn-1888 +illustration,Art_Nouveau_Modern,nicholas-roerich_vignette-for-book-n-k-roerich-1918-11 +landscape,Romanticism,thomas-cole_the-oxbow-the-connecticut-river-near-northampton-1836 +landscape,Symbolism,salvador-dali_untitled-landscape-with-celestial-beings +genre_painting,Rococo,william-hogarth_the-murder-of-the-count +sketch_and_study,Post_Impressionism,vincent-van-gogh_landscape +landscape,Post_Impressionism,vincent-van-gogh_wheat-field-behind-saint-paul-hospital-with-a-reaper-1889-1 +genre_painting,Romanticism,john-atkinson-grimshaw_poachers-1871 +genre_painting,Expressionism,henri-matisse_young-woman-at-the-window-sunset-1921 +portrait,Pop_Art,robert-silvers_bob-dylan +portrait,Impressionism,pierre-auguste-renoir_jacques-fray-as-a-baby-1904 +landscape,Post_Impressionism,vincent-van-gogh_stone-steps-in-the-garden-of-the-asylum-1889 +abstract_painting,Abstract_Expressionism,audrey-flack_abstract-expressionist-autumn-sky-1953 +landscape,Impressionism,claude-monet_the-japanese-bridge-8-1924 +landscape,Realism,pyotr-konchalovsky_the-river-in-the-morning-1923 +portrait,New_Realism,william-james-glackens_dancer-in-a-pink-dress-1902 +religious_painting,Mannerism_Late_Renaissance,jacopo-pontormo_madonna-and-child-with-the-young-saint-john-1527 +portrait,Pointillism,theo-van-rysselberghe_dr-auguste-weber-1892 +portrait,Post_Impressionism,henri-de-toulouse-lautrec_henri-dihau-1891 +nude_painting,Expressionism,lynd-ward_not-detected-272499 +landscape,Impressionism,claude-monet_the-river-epte +landscape,Realism,charles-francois-daubigny_fisherman-on-the-banks-of-the-river +portrait,Impressionism,berthe-morisot_julie-daydreaming +landscape,Symbolism,franklin-carmichael_a-grey-day-1928 +portrait,Post_Impressionism,nicolae-tonitza_the-man-of-a-new-world-portrait-of-a-writer-and-polititian-gala-galaction-1920 +landscape,Post_Impressionism,piet-mondrian_gable-farm-with-trees +landscape,Baroque,rembrandt_landscape-with-a-canal-and-swan-1650 +portrait,High_Renaissance,lorenzo-lotto_portrait-of-a-gentleman +genre_painting,Expressionism,alekos-kontopoulos_companionship +abstract_painting,Abstract_Expressionism,richard-diebenkorn_urbana-no-6 +portrait,Pop_Art,aldo-mondino_osman-iii-1754-1757-1989 +nude_painting,Realism,william-adolphe-bouguereau_woman-with-shell-1885 +genre_painting,New_Realism,john-french-sloan_easter-eve-1907 +landscape,Impressionism,pierre-auguste-renoir_landscape-with-horses +landscape,Art_Nouveau_Modern,ivan-bilibin_crimea-batiliman-1940(1) +still_life,Pop_Art,tano-festa_natura-morta +abstract_painting,Minimalism,john-mclaughlin_untitled-1963(1) +landscape,Impressionism,petre-abrudan_landscape-1976 +religious_painting,Early_Renaissance,fra-angelico_beheading-of-saint-cosmas-and-saint-damian-1440 +landscape,Rococo,thomas-gainsborough_river-landscape-1770 +abstract_painting,Cubism,jean-helion_fallen-figure-1939 +religious_painting,Early_Renaissance,carlo-crivelli_lamentation-over-the-dead-christ-1485 +portrait,Northern_Renaissance,jan-van-eyck_portrait-of-giovanni-arnolfini-1435 +genre_painting,Post_Impressionism,maurice-prendergast_park-scene-nebay +religious_painting,Northern_Renaissance,hieronymus-bosch_the-garden-of-earthly-delights-2 +portrait,Symbolism,pablo-picasso_the-fool-1904-1 +landscape,Realism,isaac-levitan_winter-1895 +landscape,Impressionism,claude-monet_the-rock-needle-and-porte-d-aval-etretat +religious_painting,Realism,ilya-repin_if-all-not-i-1896 +religious_painting,Early_Renaissance,pietro-perugino_madonna-with-children-and-st-john-1485 +landscape,Impressionism,eugene-boudin_deauville-the-dunes-1 +cityscape,Impressionism,claude-monet_the-pont-de-l-europe-gare-saint-lazare-1877 +genre_painting,Realism,vincent-van-gogh_the-state-lottery-1882 +landscape,Romanticism,caspar-david-friedrich_wc-caspardavidfriedrich-der-morgen +sketch_and_study,Baroque,rembrandt_old-man +landscape,Contemporary_Realism,john-miller_asven-beach-goa +genre_painting,Post_Impressionism,maurice-prendergast_park-gloucester +landscape,Impressionism,eugene-boudin_trouville-the-jettys-low-tide-1894-1 +landscape,Post_Impressionism,gustave-loiseau_the-pointe-de-l-ile-under-water-1910 +genre_painting,Naive_Art_Primitivism,maria-primachenko_vania-gives-a-flower-to-halia-1983 +abstract_painting,Abstract_Expressionism,john-hoyland_one-life-5-11-07-2007 +still_life,Post_Impressionism,pyotr-konchalovsky_still-life-with-begonia-1916 +portrait,Mannerism_Late_Renaissance,agnolo-bronzino_portrait-of-laura-battiferri +landscape,Impressionism,berthe-morisot_landscape-at-gennevilliers +landscape,Realism,gustave-courbet_cliffs-near-ornans-1865 +landscape,Impressionism,john-henry-twachtman_coastal-view +landscape,Impressionism,paul-cezanne_road-1876 +sketch_and_study,Post_Impressionism,vincent-van-gogh_plaster-statuette-1886 +portrait,Impressionism,mary-cassatt_margot-1902 +abstract_painting,Abstract_Expressionism,john-hoyland_1986-quas-23-1-86 +still_life,Post_Impressionism,pyotr-konchalovsky_still-life-peaches-1919 +portrait,Baroque,rembrandt_portrait-of-the-young-saskia-1633 +genre_painting,Impressionism,maurice-prendergast_picking-flowers-1891 +nude_painting,Expressionism,ossip-zadkine_the-fight +landscape,Expressionism,chaim-soutine_red-houses +genre_painting,Post_Impressionism,vincent-van-gogh_olive-picking-1889-1 +landscape,Symbolism,nicholas-roerich_fog-in-the-mountains-himalayas +still_life,Post_Impressionism,francisc-sirato_natura-statica +landscape,Impressionism,joaquã­n-sorolla_coast-at-santa-cristina-1914 +abstract_painting,Cubism,lajos-tihanyi_composition-1925 +landscape,Realism,camille-corot_olevano-la-serpentara-1827 +landscape,Impressionism,william-merritt-chase_along-the-path-at-shinnecock +genre_painting,Art_Nouveau_Modern,raphael-kirchner_girls-with-good-luck-charms-5 +cityscape,Impressionism,claude-monet_the-lindens-of-poissy +abstract_painting,Cubism,david-bomberg_in-the-hold-1914 +genre_painting,Baroque,pieter-de-hooch_a-musical-party-1677 +sketch_and_study,Mannerism_Late_Renaissance,maerten-van-heemskerck_the-belvedere-torso +genre_painting,Pop_Art,roy-lichtenstein_mad-scientist-1963(1) +landscape,Rococo,canaletto_the-chapel-of-eton-college-1747 +landscape,Symbolism,nicholas-roerich_himalayas-1943-2 +landscape,Impressionism,willard-metcalf_monet-s-formal-garden-1886 +landscape,Post_Impressionism,paul-gauguin_a-blue-roof-farm-in-pouldu-1890 +illustration,Art_Nouveau_Modern,edmund-dulac_the-tempest-ariel-and-the-bee +portrait,Romanticism,henry-raeburn_portrait-of-the-binning-children +religious_painting,Northern_Renaissance,albrecht-durer_st-christopher-facing-right-1521 +religious_painting,Early_Renaissance,carlo-crivelli_saint-john-the-baptist-1473 +portrait,Romanticism,dante-gabriel-rossetti_girl-at-a-lattice-1862 +portrait,Romanticism,konstantin-makovsky_portrait-of-the-girl-1 +sketch_and_study,High_Renaissance,michelangelo_study-for-an-arm-of-the-marble-david-and-the-figure-of-the-bronze-david +religious_painting,Symbolism,william-blake_mirth-1820 +genre_painting,Romanticism,carl-larsson_clair-obscur-1877(1) +genre_painting,Symbolism,nicholas-roerich_lord-of-the-night-1918 +portrait,Romanticism,vasily-tropinin_portrait-of-the-prince-p-i-bagration-1815 +landscape,Impressionism,lucian-grigorescu_case-la-medgidia-1938 +religious_painting,Early_Renaissance,sandro-botticelli_the-virgin-adoring-the-child-1(1) +illustration,Romanticism,gustave-dore_don-quixote-129 +religious_painting,High_Renaissance,andrea-del-sarto_the-miracle-of-the-relics-of-san-filippo-from-the-life-of-san-filippo-benizzi +abstract_painting,Cubism,marcel-janco_abstract-construction +still_life,Post_Impressionism,ilya-mashkov_still-life-1910 +portrait,Impressionism,octav-bancila_r-ncu-ntre-vii +genre_painting,Post_Impressionism,maurice-denis_afternoon-in-the-woods +landscape,Realism,ivan-shishkin_twilight-1883 +genre_painting,Realism,andrei-ryabushkin_sunday-in-the-village +portrait,Expressionism,ernst-ludwig-kirchner_donna-nella-notte +abstract_painting,Abstract_Expressionism,lee-ufan_from-point-1975 +portrait,Realism,george-catlin_k-t-tee-o-t-b-bee-how-did-he-kill-a-noted-brave-choctaw-1834 +sketch_and_study,Post_Impressionism,vincent-van-gogh_orchard-and-house-with-orange-roof-1888 +portrait,Impressionism,william-merritt-chase_study-of-an-arab-girl +landscape,Romanticism,alexander-orlowski_in-the-suburbs-of-st-petersburg-1812 +landscape,Realism,martiros-saryan_view-from-noramberda-1959 +genre_painting,Rococo,pietro-longhi_a-shepherd-girl-with-a-basket +landscape,Pointillism,theo-van-rysselberghe_rainbow-1892 +cityscape,Realism,aristarkh-lentulov_night-at-patriarch-s-ponds-1928 +landscape,Expressionism,albert-bloch_the-house-next-door-1934 +landscape,Impressionism,lovis-corinth_farmyard-in-bloom-1904 +landscape,Realism,charles-francois-daubigny_not-identified +portrait,Romanticism,orest-kiprensky_portrait-of-n-kochubey-1813 +portrait,Pointillism,georges-seurat_portrait-of-paul-signac-1890 +portrait,Realism,ilya-repin_portrait-of-dmitry-mendeleev-1885 +genre_painting,Impressionism,mary-cassatt_mother-and-child-3 +sketch_and_study,Ukiyo_e,katsushika-hokusai_portrait +illustration,Art_Nouveau_Modern,edmund-dulac_the-pearl-of-love-from-the-kingdom-of-the-pearl +portrait,Impressionism,valentin-serov_portrait-of-the-artist-ilya-repin-1892 +genre_painting,Naive_Art_Primitivism,boris-kustodiev_coachman-1923 +cityscape,Romanticism,cornelis-springer_many-figures-in-the-streets-of-haarlem-1870 +sketch_and_study,Impressionism,frederic-bazille_not-detected-259698 +sketch_and_study,High_Renaissance,leonardo-da-vinci_seated-old-man +cityscape,Pointillism,paul-signac_the-harbour-at-marseilles-1906 +portrait,Realism,vasily-vereshchagin_kazakh-with-his-national-headdress +genre_painting,Ukiyo_e,keisai-eisen_guojo-kakukyo-from-the-series-twenty-four-examples-of-filial-devotion-in-the-floating-world +abstract_painting,Abstract_Expressionism,william-baziotes_aquatic-1961 +landscape,Fauvism,auguste-herbin_pond-and-small-house-1908 +religious_painting,Expressionism,edvard-munch_golgotha-1900 +portrait,Rococo,carl-ludwig-johann-christineck_sergey-mordvinov-1773 +religious_painting,Baroque,rembrandt_jeremiah-mourning-over-the-destruction-of-jerusalem-1630 +genre_painting,Ukiyo_e,utagawa-kunisada_not_detected_240337 +landscape,Impressionism,camille-pissarro_a-street-in-l-hermitage-pontoise +religious_painting,Naive_Art_Primitivism,marc-chagall_manoah-and-his-wife-offering-a-sacrifice-saw-the-angel-of-the-lord-flying-in-the-flame-judges +portrait,Expressionism,yiannis-tsaroychis_sailor-with-a-pink-face-1938 +cityscape,Impressionism,john-singer-sargent_ponte-san-giuseppe-di-castello-venice +sketch_and_study,Realism,ilya-repin_the-piano-1905 +landscape,Impressionism,guy-rose_grey-afternoon +nude_painting,Impressionism,theophrastos-triantafyllidis_seated-nude +still_life,Cubism,auguste-herbin_dessert-1913 +portrait,Ukiyo_e,utagawa-kuniyoshi_women-16 +genre_painting,Symbolism,kuzma-petrov-vodkin_after-the-battle-1923 +portrait,Impressionism,pierre-auguste-renoir_jean-renoir-in-a-chair-child-with-a-biscuit +genre_painting,Impressionism,edgar-degas_russian-dancers +cityscape,Cubism,lyonel-feininger_church-of-the-minorities-ii +nude_painting,Impressionism,pierre-auguste-renoir_young-boy-with-a-cat-1869 +sketch_and_study,Art_Nouveau_Modern,alphonse-mucha_portrait-charge-1897 +landscape,Romanticism,william-turner_goldau +portrait,Baroque,anthony-van-dyck_portrait-of-anne-carr-countess-of-bedford +illustration,Naive_Art_Primitivism,marc-chagall_illustration-for-louis-aragon-s-work-one-who-says-things-without-saying-anything-1976-15 +landscape,Realism,gustave-courbet_riverside +portrait,Realism,giovanni-boldini_lady-with-flowers +genre_painting,Realism,mykola-pymonenko_at-the-river +sketch_and_study,Northern_Renaissance,albrecht-durer_studies-on-a-great-picture-of-mary-girl-s-head-and-pair-of-hands +abstract_painting,Abstract_Expressionism,paul-jenkins_wanderland-express +sketch_and_study,High_Renaissance,leonardo-da-vinci_study-for-the-trivulzio-equestrian-monument +genre_painting,Cubism,ernst-ludwig-kirchner_female-rider-1932 +still_life,Pointillism,henri-matisse_still-life +illustration,Art_Nouveau_Modern,otto-eckmann_jugend-magazine +nude_painting,Expressionism,salvador-dali_figure-after-michelangelo-s-dawn-on-the-tomb-of-lorenzo-di-medici +genre_painting,Romanticism,sir-lawrence-alma-tadema_the-education-of-the-children-of-clovis-1861 +genre_painting,Realism,jean-francois-millet_mother-and-two-infants +genre_painting,Impressionism,claude-monet_fishing-on-the-river-epte +landscape,Symbolism,ferdinand-hodler_montanasee-1915 +landscape,Realism,david-burliuk_landscape-near-kingston +genre_painting,Naive_Art_Primitivism,david-burliuk_winter-traveller-sunset(1) +abstract_painting,Minimalism,richard-serra_untitled-14-part-roller-drawing-1973 +cityscape,Pop_Art,hiro-yamagata_not-detected-272410 +religious_painting,Northern_Renaissance,lucas-cranach-the-elder_st-dorothea +religious_painting,Romanticism,konstantin-makovsky_christ-among-the-teachers +sketch_and_study,Realism,vasily-surikov_male-heads-with-winter-caps-1887 +genre_painting,Impressionism,giovanni-fattori_carri-romani-1872 +portrait,Expressionism,amedeo-modigliani_young-girl-seated-1918 +landscape,Ukiyo_e,katsushika-hokusai_shichiri-beach-in-sagami-province +religious_painting,Romanticism,taras-shevchenko_bathsheba-1860 +religious_painting,Northern_Renaissance,albrecht-durer_holy-family +cityscape,Impressionism,giuseppe-de-nittis_westminster-bridge +religious_painting,Northern_Renaissance,albrecht-durer_portrait-of-st-sebastian-with-an-arrow-1499 +genre_painting,Realism,john-singer-sargent_view-of-capri-1878 +genre_painting,Realism,emile-claus_orchard-in-flanders +landscape,Realism,camille-corot_morning-woman-hearding-cows +genre_painting,Romanticism,george-stubbs_laetitia-lady-lade +genre_painting,Impressionism,childe-hassam_mrs-hassam-in-the-garden-1 +landscape,Realism,theodor-severin-kittelsen_kirkegaarden-paa-braatebakken +abstract_painting,Color_Field_Painting,clyfford-still_untitled-1954 +abstract_painting,Abstract_Expressionism,cy-twombly_landscape +cityscape,Northern_Renaissance,albrecht-durer_innsbruck +religious_painting,Northern_Renaissance,bernhard-strigel_twelve-year-old-jesus-in-the-temple +portrait,Pointillism,theo-van-rysselberghe_three-children-in-blue-1901 +genre_painting,Realism,vincent-van-gogh_weaver-with-a-baby-in-a-highchair-1884 +abstract_painting,Abstract_Expressionism,forrest-bess_untitled-no-6-1957 +landscape,Baroque,jusepe-de-ribera_landscape-with-shepherds-1639 +landscape,Symbolism,nicholas-roerich_kuluta-mountains-before-the-sunset-1936 +portrait,Rococo,maurice-quentin-de-la-tour_louis-xv-of-france +landscape,Impressionism,armand-guillaumin_landscape-at-pontgibaud-1895 +genre_painting,Realism,vladimir-makovsky_morning-tea-1891 +portrait,Impressionism,pericles-pantazis_portrait-of-a-boy +landscape,Impressionism,childe-hassam_spring-at-old-lyme +portrait,Realism,ilya-repin_head-of-peasant +portrait,Expressionism,amedeo-modigliani_little-louise-1915 +genre_painting,Symbolism,henri-martin_lady-with-lyre-by-pine-trees-1890 +landscape,Art_Nouveau_Modern,gustav-klimt_farmhouse-in-upper-austria-1912 +abstract_painting,Abstract_Expressionism,sonya-rapoport_abstract-1954 +landscape,Impressionism,robert-julian-onderdonk_peach-orchard-on-mavericks-farm-1915 +illustration,Art_Nouveau_Modern,nicholas-roerich_procopius-the-righteous-1914 +portrait,Impressionism,max-liebermann_portrait-of-otto-braun-1932 +landscape,Impressionism,claude-monet_the-valley-of-the-nervia-with-dolceacqua +religious_painting,Baroque,peter-paul-rubens_massacre-of-the-innocents +cityscape,Expressionism,paul-delvaux_harmony-1927 +portrait,Rococo,thomas-gainsborough_portrait-of-john-russell-4th-duke-of-bedford +portrait,Realism,ilya-repin_portrait-of-vengerov-1916 +abstract_painting,Abstract_Expressionism,salvador-dali_arabs +religious_painting,Northern_Renaissance,hans-memling_st-ursula-shrine-medallions-1489 +abstract_painting,Minimalism,genevieve-asse_atlantique-verticale-rouge-1992 +landscape,Fauvism,andre-derain_the-trees +landscape,Expressionism,pyotr-konchalovsky_gurzuf-cypresses-1929 +religious_painting,Early_Renaissance,filippo-lippi_the-feast-of-herod-salome-s-dance-detail-1464 +portrait,Cubism,anita-malfatti_a-boba-1916 +illustration,Romanticism,gustave-dore_don-quixote-39 +portrait,Realism,anders-zorn_zorn-and-his-wife-1890 +genre_painting,Impressionism,gustave-caillebotte_the-bezique-game +sketch_and_study,Mannerism_Late_Renaissance,el-greco_study-of-a-man +genre_painting,Expressionism,edvard-munch_the-wedding-of-the-bohemian-munch-seated-on-the-far-left-1925 +landscape,Symbolism,nicholas-roerich_alps-study-1923 +landscape,Art_Nouveau_Modern,jacek-malczewski_sunflowers +portrait,High_Renaissance,titian_portrait-of-a-venetian-nobleman(1) +religious_painting,Northern_Renaissance,mabuse_virgin-of-louvain +sketch_and_study,High_Renaissance,leonardo-da-vinci_a-seated-man-and-studies-and-notes-on-the-movement-of-water +portrait,Impressionism,pierre-auguste-renoir_young-woman-in-a-straw-hat-1901 +landscape,Impressionism,paul-gauguin_garden-under-snow-1879 +sketch_and_study,Art_Nouveau_Modern,raphael-kirchner_marquisette-1 +landscape,Impressionism,alfred-sisley_the-lane-of-the-machine-1873 +landscape,Art_Nouveau_Modern,a.y.-jackson_grey-day-laurentians-1928 +landscape,Romanticism,arthur-hughes_the-yellow-sand +landscape,Impressionism,claude-monet_the-tow-path-at-argenteuil-winter +landscape,Expressionism,edvard-munch_trees-on-the-shore-1904 +portrait,Romanticism,constantin-daniel-rosenthal_portrait-of-a-woman-1844 +genre_painting,Expressionism,kathe-kollwitz_not_detected_235987 +sketch_and_study,High_Renaissance,leonardo-da-vinci_studies-of-water-passing-obstacles-and-falling +religious_painting,Northern_Renaissance,albrecht-durer_holy-family-with-three-hares-1498 +still_life,Realism,henri-fantin-latour_still-life-impatiens-peaches-and-apricots +still_life,Post_Impressionism,pyotr-konchalovsky_still-life-convolution-of-ropes-and-other-objects-on-the-couch-1954 +cityscape,Expressionism,franz-marc_village-street +genre_painting,Realism,vasily-vereshchagin_mounted-warrior-in-jaipur +illustration,Romanticism,theodore-gericault_the-page-mazeppa +genre_painting,Realism,john-everett-millais_ruling-passion +portrait,Symbolism,konstantin-somov_portrait-of-m-lukyanov +landscape,Romanticism,john-constable_helmingham-dell +religious_painting,Symbolism,gulacsy-lajos_golgotha-1912 +abstract_painting,Color_Field_Painting,piero-dorazio_rosso-perugino-1979 +portrait,Baroque,frans-hals_the-company-of-captain-reinier-reael-and-lieutenant-cornelis-michielsz-blaeuw-known-as-the-1637-1 +nude_painting,Post_Impressionism,moise-kisling_not-identified-25 +portrait,Realism,boris-kustodiev_portrait-of-p-salomon-1903 +nude_painting,Expressionism,lucian-freud_pregnant-girl +landscape,Impressionism,john-henry-twachtman_road-over-the-hill +genre_painting,Symbolism,nicholas-roerich_lights-on-the-ganges-flame-of-happyness-1947 +religious_painting,Northern_Renaissance,albrecht-durer_the-adoration-of-the-magi-1502 +genre_painting,Impressionism,federico-zandomeneghi_the-cafe-1884 +landscape,Symbolism,gustave-moreau_view-of-the-garden-of-madame-aupick-mother-of-baudelaire +sketch_and_study,Post_Impressionism,vincent-van-gogh_people-walking-in-front-of-snow-covered-cottage-2-1890 +genre_painting,Expressionism,ernst-ludwig-kirchner_nacked-couple-on-a-couch +cityscape,Post_Impressionism,pyotr-konchalovsky_murmansk-tulomstroy-spillway-1936 +abstract_painting,Minimalism,jo-baer_sex-symbol-1961 +landscape,Baroque,rembrandt_a-village-with-a-river-1645 +still_life,Synthetic_Cubism,jean-metzinger_fruit-and-a-jug-on-a-table-1918 +portrait,Cubism,marc-chagall_green-lovers-1915 +still_life,Impressionism,pierre-auguste-renoir_still-life-with-bouquet-1871 +landscape,Post_Impressionism,vincent-van-gogh_pasture-in-bloom-1887 +portrait,Realism,john-singer-sargent_margherita-goldsmid-later-mrs-raphael-1906 +landscape,Fauvism,marcel-duchamp_laundry-barge-1910 +religious_painting,Early_Renaissance,antonello-da-messina_abraham-served-by-three-angels +genre_painting,Expressionism,toyen_lovers +portrait,Expressionism,zinaida-serebriakova_woman-in-blue-1934 +genre_painting,Impressionism,berthe-morisot_on-the-terrace-1874 +sketch_and_study,Abstract_Expressionism,mark-tobey_animal-sketches-1949 +illustration,Romanticism,gustave-dore_the-styx-philippo-argenti +landscape,Symbolism,nicholas-roerich_dark-blue-mountains-and-buildings-on-the-hiil-1940 +landscape,Pointillism,paul-signac_comblat-castle-the-pre-1886(1) +cityscape,Post_Impressionism,edouard-cortes_st-martin-spring +landscape,Realism,aleksey-savrasov_steppe-day-1852 +religious_painting,Northern_Renaissance,albrecht-altdorfer_saint-peter +cityscape,Impressionism,childe-hassam_clearing-sunset-aka-corner-of-berkeley-street-and-columbus-avenue +landscape,Impressionism,guy-rose_winter +genre_painting,Impressionism,childe-hassam_gathering-flowers-in-a-french-garden-1888 +landscape,Art_Nouveau_Modern,nicholas-roerich_idols-1901-1 +abstract_painting,Abstract_Expressionism,elaine-de-kooning_bacchus-1983 +portrait,Impressionism,giovanni-boldini_the-red-curtain +abstract_painting,Color_Field_Painting,anne-truitt_snow-sea-1981 +abstract_painting,Color_Field_Painting,john-hoyland_17-3-69-1969 +genre_painting,Impressionism,claude-monet_farmyard-at-chailly +illustration,Symbolism,william-blake_the-shrine-of-apollo-milton-s-hymn-on-the-morning-of-christ-s-nativity-1815 +still_life,Post_Impressionism,ilya-mashkov_still-life-1908 +religious_painting,Northern_Renaissance,lucas-cranach-the-elder_samson-s-fight-with-the-lion-1525 +portrait,Expressionism,chronis-botsoglou_botsoglou3 +portrait,High_Renaissance,leonardo-da-vinci_head-of-a-young-woman-with-tousled-hair-leda +abstract_painting,Abstract_Expressionism,gerhard-richter_abstract-bilding +landscape,Impressionism,claude-monet_at-val-saint-nicolas-near-dieppe-morning +religious_painting,Northern_Renaissance,jan-van-eyck_the-ghent-altar-detail-1432-8 +portrait,Expressionism,frank-auerbach_head-of-e-o-w +sketch_and_study,Post_Impressionism,nikola-tanev_center-1948 +portrait,Realism,nikolai-ge_portrait-of-the-physiologist-moriz-schiff +still_life,Impressionism,pierre-auguste-renoir_peaches-and-almonds +religious_painting,High_Renaissance,luca-signorelli_the-hell-1502 +portrait,Art_Nouveau_Modern,jozsef-rippl-ronai_my-grandmother-1894 +landscape,Impressionism,arkhip-kuindzhi_elbrus-in-the-daytime +landscape,Pointillism,jan-toorop_broek-in-waterland-1889 +portrait,Romanticism,orest-kiprensky_portrait-of-great-prince-nikolay-pavlovich-1814 +religious_painting,Naive_Art_Primitivism,marc-chagall_god-creates-man +landscape,Post_Impressionism,j.-e.-h.-macdonald_leaves-in-the-brook-1919 +genre_painting,Impressionism,edgar-degas_the-star-dancer-on-pointe +landscape,Impressionism,claude-monet_landscape-with-thunderstorm-1 +landscape,Impressionism,willard-metcalf_havana-harbor +landscape,Pointillism,theo-van-rysselberghe_cows-in-a-landscape-1899 +genre_painting,Northern_Renaissance,albrecht-durer_the-penitent-1510 +landscape,Impressionism,robert-julian-onderdonk_bluebonnet-scene-1921 +landscape,Symbolism,nicholas-roerich_keeper-of-cuple +portrait,Expressionism,paula-modersohn-becker_portrait-of-an-old-woman +genre_painting,Post_Impressionism,henri-matisse_odalisque +religious_painting,Northern_Renaissance,lucas-cranach-the-elder_the-holy-family-1509-1 +cityscape,Art_Nouveau_Modern,nicholas-roerich_pskov-towers-1903 +portrait,Northern_Renaissance,joachim-wtewael_self-portrait-1601(1) +portrait,Pointillism,theo-van-rysselberghe_portrait-of-emile-verhaeren-1892 +religious_painting,Mannerism_Late_Renaissance,tintoretto_the-pillar-of-fire-1578 +sketch_and_study,Northern_Renaissance,hans-baldung_head-of-man +religious_painting,Expressionism,arturo-souto_the-four-horsemen-of-the-apocalypse-1937 +genre_painting,Realism,viktor-vasnetsov_acrobats-on-a-holiday-near-paris-1877 +portrait,Symbolism,franz-stuck_s-k-h-prince-regent-luitpold-of-bavaria +landscape,Symbolism,nicholas-roerich_himalayas-43 +religious_painting,Baroque,hendrick-terbrugghen_the-crucifixion-with-the-virgin-and-st-john +portrait,Impressionism,william-merritt-chase_ready-for-the-ride +genre_painting,Impressionism,edgar-degas_ballet-scene-from-robert-la-diable-detail-1872 +landscape,Contemporary_Realism,jamie-wyeth_island-roses +genre_painting,Impressionism,claude-monet_lunch-on-the-grass-central-panel +landscape,Post_Impressionism,ferdinand-hodler_willow-tree-by-the-lake-1890 +portrait,Romanticism,konstantin-makovsky_portrait-of-the-young-lady-in-russian-costume +nude_painting,Cubism,rene-magritte_bathers-1921(1) +abstract_painting,Minimalism,andre-pierre-arnal_pliage-folded-painting-1971 +portrait,Impressionism,camille-pissarro_kneeling-woman +landscape,Impressionism,konstantin-korovin_forest-1918 +abstract_painting,Abstract_Expressionism,mark-tobey_chinese-grocery-1957 +cityscape,Impressionism,camille-pissarro_the-pont-neuf-1901 +portrait,Realism,james-tissot_colonel-frederick-gustavus-barnaby +portrait,Impressionism,william-merritt-chase_my-baby-aka-cosy +genre_painting,Baroque,esaias-van-de-velde_banquet-on-a-terrace-1614 +sketch_and_study,Impressionism,walter-sickert_study-for-the-wardrobe-1922 +genre_painting,Realism,jean-francois-millet_shepherd-tending-his-flock +portrait,Expressionism,milton-avery_artist-s-wife-1930 +genre_painting,Impressionism,pierre-auguste-renoir_young-girl-in-the-garden-at-mezy-1891 +abstract_painting,Color_Field_Painting,jack-bush_purple-thrust-1974 +still_life,Post_Impressionism,vincent-van-gogh_plaster-statuette-of-a-horse-1886 +landscape,Realism,pablo-picasso_quarries-1896 +abstract_painting,Abstract_Expressionism,esteban-vicente_canto-ii-1995 +religious_painting,Early_Renaissance,andrea-del-castagno_st-john-the-evangelist-1442 +landscape,Impressionism,henri-matisse_the-port-of-palais-belle-ile-1896 +portrait,Impressionism,lucian-grigorescu_r-ncu-cu-m-rgele-ro-ii +cityscape,Post_Impressionism,edouard-cortes_la-place-de-la-bastille-paris +portrait,Post_Impressionism,maurice-prendergast_seated-girl +genre_painting,Post_Impressionism,kuzma-petrov-vodkin_negro-1907 +abstract_painting,Abstract_Expressionism,mark-tobey_not-identified-2 +religious_painting,Northern_Renaissance,albrecht-durer_christ-on-the-mount-olive +portrait,Realism,vasily-vereshchagin_burlak-who-hold-hands-on-the-strap-1866 +landscape,Romanticism,fyodor-bronnikov_bellagio-1875-1 +cityscape,Impressionism,willard-metcalf_gloucester-harbour-sun +religious_painting,Early_Renaissance,luca-signorelli_virgin-enthroned-with-saints +portrait,Art_Nouveau_Modern,koloman-moser_profile-of-a-girl-preparatory-work-for-a-decorative-stain-in-red-and-green-1897 +genre_painting,Impressionism,eugene-boudin_beach-scene-7 +portrait,Realism,ivan-kramskoy_portrait-of-the-artist-i-k-aivazovsky +portrait,Realism,vasily-surikov_portrait-of-e-a-surikova-1 +genre_painting,Impressionism,edgar-degas_the-chorus +religious_painting,Baroque,rembrandt_presentation-in-the-temple-1628 +genre_painting,Romanticism,francisco-goya_the-meadow-of-san-isidro-on-his-feast-day-1788 +portrait,Post_Impressionism,aristarkh-lentulov_portrait-of-n-svendonskaya +abstract_painting,Abstract_Expressionism,burhan-dogancay_cheerful-ribbons-1978 +sketch_and_study,Impressionism,henri-edmond-cross_study-for-the-grape-pickers +portrait,Impressionism,pierre-auguste-renoir_young-girl-in-blue-head-of-a-blond-woman-1909 +portrait,Post_Impressionism,henri-de-toulouse-lautrec_portrait-of-a-woman-1888 +portrait,Realism,john-singer-sargent_hugh-lane-1906 +sketch_and_study,Early_Renaissance,leonardo-da-vinci_studies-of-central-plan-buildings-1480 +still_life,Realism,octav-bancila_co-cu-mere +genre_painting,Art_Nouveau_Modern,raphael-kirchner_all-healing-3 +portrait,Romanticism,konstantin-makovsky_boyaryshnya-3 +still_life,Post_Impressionism,kazuo-nakamura_untitled-2-potted-plants +abstract_painting,Action_painting,franz-kline_herald-1954 +landscape,Expressionism,richard-gerstl_the-road-theme-from-nussdorf-1907 +portrait,Romanticism,konstantin-makovsky_portrait-of-vladimir-makovsky-in-childhood +landscape,Impressionism,alfred-sisley_the-loing-at-moret-in-summer-1891 +portrait,Realism,octav-bancila_peticarul +portrait,Impressionism,pierre-auguste-renoir_madame-le-brun-and-her-daughter +sketch_and_study,Post_Impressionism,vincent-van-gogh_woman-with-striped-skirt-1890 +portrait,Expressionism,lucian-freud_esther-1983 +portrait,Realism,john-singer-sargent_portrait-of-mrs-alice-brisbane-thursby-1898 +still_life,Cubism,m.-h.-maxy_still-life-with-a-celluloid-doll-and-iron-1926 +portrait,Post_Impressionism,georges-seurat_voilette-1883 +portrait,Realism,ilya-repin_portrait-of-member-of-state-council-and-grand-chamberlain-prince-mikhail-sergeyevich-volkonsky-1903 +portrait,Rococo,dmitry-levitzky_mikhail-sergeevich-potemkin +sketch_and_study,Post_Impressionism,salvador-dali_study-of-nude +genre_painting,Contemporary_Realism,fairfield-porter_july-1971 +portrait,Realism,john-everett-millais_sweetest-eyes-that-were-ever-seen-1881 +abstract_painting,Color_Field_Painting,mark-rothko_untitled-1967 +landscape,Impressionism,paul-gauguin_riverside-breton-landscape-1879 +portrait,Mannerism_Late_Renaissance,agnolo-bronzino_pietro-de-medici +landscape,Impressionism,camille-pissarro_festival-at-the-hermitage-1876 +cityscape,Impressionism,lucian-grigorescu_peisaj-din-sudul-fran-ei +genre_painting,Impressionism,william-merritt-chase_did-you-speak-to-me +genre_painting,Cubism,louis-marcoussis_concert-1928 +abstract_painting,Minimalism,park-seo-bo_ecriture-no-050520-2005 +sketch_and_study,Post_Impressionism,vincent-van-gogh_houses-among-trees-with-a-figure-1890 +still_life,Synthetic_Cubism,pablo-picasso_au-bon-marche-1913 +portrait,Post_Impressionism,irma-stern_portrait-of-helene-kriel-1959 +abstract_painting,Color_Field_Painting,olivier-debre_figure-vert-jaune +nude_painting,Expressionism,amedeo-modigliani_nude-1917 +nude_painting,Expressionism,jan-sluyters_seated-nude-1912 +religious_painting,Mannerism_Late_Renaissance,tintoretto_last-supper +landscape,Impressionism,guy-rose_la-jolla-beach +portrait,Rococo,maurice-quentin-de-la-tour_portrait-of-ren-fr-min-sculptor-1743 +sketch_and_study,Realism,vincent-van-gogh_woman-reeling-yarn-1884-1 +genre_painting,Realism,camille-pissarro_the-bohemian-s-wagon-1862 +nude_painting,Art_Nouveau_Modern,raphael-kirchner_nude-drawings-1 +religious_painting,Northern_Renaissance,jean-fouquet_sainte-anne-and-the-three-maries +portrait,Art_Nouveau_Modern,jacek-malczewski_spring +portrait,Expressionism,paul-delvaux_girls-1929 +genre_painting,Rococo,pietro-longhi_the-awakening-for-hunting-1770 +abstract_painting,Abstract_Expressionism,paul-jenkins_not_detected_235719 +portrait,Expressionism,lucian-freud_daughter-and-father +genre_painting,Expressionism,candido-portinari_ndia-e-mulata-1934 +portrait,Northern_Renaissance,hans-memling_portrait-of-a-young-man-at-prayer +nude_painting,Expressionism,lucian-freud_girl-holding-her-foot-1985 +genre_painting,Impressionism,joaquã­n-sorolla_valencia-two-little-girls-on-a-beach-1904 +landscape,Realism,ivan-shishkin_evening-1892 +landscape,Impressionism,abdullah-suriosubroto_mountain-view +landscape,Symbolism,nicholas-roerich_kardang-1933 +religious_painting,Northern_Renaissance,dirk-bouts_winged-altar-in-st-peter-in-leuven +portrait,Expressionism,zinaida-serebriakova_portrait-of-felicien-qaqaan-1928 +genre_painting,Art_Nouveau_Modern,carl-larsson_the-still-life-painter(1) +genre_painting,Impressionism,camille-pissarro_milking-cows +still_life,Realism,pyotr-konchalovsky_still-life-on-the-background-of-the-carpet-oranges-and-coffee-1938 +genre_painting,Expressionism,egon-schiele_man-bencind-down-deeply-1914 +nude_painting,Impressionism,lucia-demetriade-balacescu_negocieri-1935 +landscape,Realism,camille-corot_the-pond-and-the-cabassud-houses-at-ville-d-avray-1860 +still_life,Contemporary_Realism,janet-fish_wine-and-cheese-glasses-1975 +sketch_and_study,Realism,vasily-polenov_head-of-christ-1 +portrait,Impressionism,william-merritt-chase_portrait-of-miss-frances +still_life,Post_Impressionism,henri-matisse_pansies-on-a-table-1919 +landscape,Impressionism,guy-rose_the-sycamores-pasadena-1918 +abstract_painting,Color_Field_Painting,helen-frankenthaler_untitled-1963-1 +abstract_painting,Abstract_Expressionism,julio-pomar_metro-1964 +sketch_and_study,Post_Impressionism,vincent-van-gogh_figures-in-a-park-1886(1) +genre_painting,Romanticism,francisco-goya_the-wedding-1792 +genre_painting,Expressionism,edvard-munch_self-portrait-in-the-garden-ekely-1942 +landscape,Symbolism,ferdinand-hodler_lake-geneva-with-savoyerbergen +abstract_painting,Color_Field_Painting,jack-bush_striped-column-1964 +cityscape,Post_Impressionism,theophrastos-triantafyllidis_santorini +illustration,Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-russian-fairy-story-maria-morevna-1900-6(1) +genre_painting,Art_Nouveau_Modern,konstantin-korovin_trading-post-in-murman +portrait,Romanticism,dante-gabriel-rossetti_elizabeth-siddal +genre_painting,Impressionism,eugene-boudin_laundresses-2 +abstract_painting,Minimalism,imi-knoebel_untitled-1988 +sketch_and_study,Symbolism,nicholas-roerich_garden-of-eden +portrait,Ukiyo_e,tsukioka-yoshitoshi_desire +landscape,Realism,charles-francois-daubigny_the-bog-in-the-sunset-1861 +genre_painting,Art_Nouveau_Modern,jacek-malczewski_my-song +landscape,Impressionism,samuel-mutzner_patio-la-sevilla-1920 +genre_painting,Impressionism,childe-hassam_summer-evening +genre_painting,Expressionism,ernst-ludwig-kirchner_albert-square-in-dresden +religious_painting,Baroque,jacob-jordaens_usury-is-a-great-evil-1645 +genre_painting,Impressionism,edgar-degas_russian-dancers-1 +religious_painting,Romanticism,gustave-dore_st-paulrescuedfromthemultitude +cityscape,Expressionism,pablo-picasso_smoke-over-vallauris-1951 +genre_painting,Naive_Art_Primitivism,grandma-moses_not_detected_251643(1) +genre_painting,Impressionism,pierre-auguste-renoir_la-grenouillere-1869-2 +abstract_painting,Color_Field_Painting,mark-rothko_untitled-mural-for-end-wall +genre_painting,Impressionism,valentin-serov_peter-i-the-great-1907 +landscape,Symbolism,nicholas-roerich_grand-vista-over-a-coastal-landscape-1919 +genre_painting,Post_Impressionism,maurice-denis_april-1892 +landscape,Post_Impressionism,asgrimur-jonsson_the-river-ki-in-h-safellsk-gur-1953 +religious_painting,Northern_Renaissance,albrecht-durer_the-arrest-of-christ +landscape,Pointillism,paul-signac_the-port-of-saint-tropez +nude_painting,Baroque,agostino-carracci_julie-with-an-athlete +genre_painting,Romanticism,caspar-david-friedrich_on-board-of-a-sailing-ship +abstract_painting,Abstract_Expressionism,helen-frankenthaler_april-iv-1960 +portrait,Rococo,dmitry-levitzky_elena-kurakina-nee-apraksina +portrait,Pointillism,richard-gerstl_emile-gerstl-father-1907 +genre_painting,Art_Nouveau_Modern,sergey-solomko_hide-and-seek +abstract_painting,Minimalism,frank-stella_jill-1959 +landscape,Romanticism,john-atkinson-grimshaw_colwith-force-1869 +portrait,Northern_Renaissance,hans-holbein-the-younger_duke-anton-the-good-of-lorraine-1543 +religious_painting,Mannerism_Late_Renaissance,el-greco_the-nativity +nude_painting,Symbolism,konstantin-somov_the-model +landscape,Impressionism,guy-rose_laguna-shores-1916 +landscape,Impressionism,georges-seurat_ruins-at-grandcamp +illustration,Art_Nouveau_Modern,kay-nielsen_hold-tight-to-my-shaggy-coat +still_life,Post_Impressionism,le-pho_les-pivones-blanches +abstract_painting,Action_painting,franz-kline_mahoning-1956 +sketch_and_study,Baroque,rembrandt_satan-tempting-christ-to-change-stones-into-bread-1640 +portrait,Symbolism,kuzma-petrov-vodkin_two-1917 +cityscape,Romanticism,cornelis-springer_a-busy-street-in-bremen-with-the-saint-johann-church-in-the-background-1864 +nude_painting,Post_Impressionism,pablo-picasso_seated-female-nude-1905 +illustration,Romanticism,gustave-dore_don-quixote-41 +portrait,Early_Renaissance,domenico-ghirlandaio_portrait-of-francesco-sassetti-1483 +religious_painting,Baroque,peter-paul-rubens_virgin-and-child-1 +landscape,Symbolism,nicholas-roerich_rocks-of-ladakh-1933-1 +genre_painting,Baroque,gabriel-metsu_the-huntsman-and-the-lady-1660 +portrait,Pop_Art,andy-warhol_queen-margrethe-ii-of-denmark +landscape,Expressionism,pyotr-konchalovsky_landscape-at-siena-1912 +portrait,Expressionism,amedeo-modigliani_little-serving-woman-1919 +landscape,Impressionism,eugene-boudin_the-shore-at-villerville-1893 +illustration,Romanticism,gustave-dore_the-veteran +portrait,Cubism,pablo-picasso_woman-sitting-in-an-armchair-1938 +religious_painting,Rococo,benjamin-west_simeon-with-the-infant-jesus +religious_painting,Symbolism,james-tissot_god-s-promises-to-abram +landscape,Impressionism,sever-burada_springtime +portrait,Impressionism,berthe-morisot_before-the-theatre +genre_painting,Romanticism,francisco-goya_the-parasol-1777 +cityscape,Realism,vasily-sadovnikov_view-of-palace-square-and-the-general-headquarters-building-in-st-petersburg +genre_painting,Impressionism,max-liebermann_spinner-1886 +genre_painting,Impressionism,joaquã­n-sorolla_on-the-beach-at-valencia-1916 +religious_painting,Mannerism_Late_Renaissance,tintoretto_saint-roch-1581 +portrait,Naive_Art_Primitivism,miriam-schapiro_presentation +abstract_painting,Abstract_Expressionism,jimmy-ernst_stillness-1956 +portrait,Mannerism_Late_Renaissance,paolo-veronese_portrait-of-mehmed-ii +portrait,Romanticism,konstantin-makovsky_child-portrait +abstract_painting,Abstract_Expressionism,theodoros-stamos_corinth-1959 +cityscape,Art_Nouveau_Modern,anna-ostroumova-lebedeva_st-isaac-s-cathedral-on-a-foggy-day +landscape,Naive_Art_Primitivism,grandma-moses_a-blizzard-1956 +portrait,Post_Impressionism,david-burliuk_marusia-1 +cityscape,Abstract_Expressionism,wu-guanzhong_home-of-man-1999 +landscape,Realism,ivan-shishkin_noon-suburbs-of-moscow-bratsevo-1866 +genre_painting,Baroque,jan-steen_sick-woman-1670 +landscape,Symbolism,nicholas-roerich_tibet-dzong +cityscape,Expressionism,constantin-flondor_lutheran-church-1954 +religious_painting,Mannerism_Late_Renaissance,el-greco_holy-family-with-st-anne +genre_painting,Post_Impressionism,bela-czobel_painters-outdoor-1906 +religious_painting,Early_Renaissance,benozzo-gozzoli_st-john-detail-of-the-four-evangelists-1465 +landscape,Post_Impressionism,vincent-van-gogh_trees-in-a-field-on-a-sunny-day-1887 +religious_painting,Symbolism,william-blake_the-angel-of-revelation-1805 +sketch_and_study,Realism,vincent-van-gogh_road-with-pollard-willows-1881-1 +religious_painting,Mannerism_Late_Renaissance,maerten-van-heemskerck_samson-destroying-the-temple-of-the-philistines +portrait,Realism,vincent-van-gogh_head-of-a-woman-with-her-hair-loose-1885(1) +landscape,Impressionism,berthe-morisot_the-seine-at-bougival +genre_painting,Impressionism,thomas-eakins_drawing-of-a-camel-and-rider-1858 +landscape,Naive_Art_Primitivism,grandma-moses_winter +illustration,Art_Nouveau_Modern,aubrey-beardsley_the-toilet-of-lampito-1896 +abstract_painting,Color_Field_Painting,olivier-debre_touraine-automne-jaune-rose +portrait,Rococo,thomas-gainsborough_richard-hurd-bishop-of-worcester-1781 +cityscape,Expressionism,max-beckmann_not-detected-259777 +portrait,Art_Nouveau_Modern,henri-de-toulouse-lautrec_yvette-guilbert +abstract_painting,Color_Field_Painting,helen-frankenthaler_pranzo-italiano-1973 +religious_painting,Baroque,peter-paul-rubens_music-making-angels +cityscape,Impressionism,camille-pissarro_place-du-havre-paris-1897 +portrait,Realism,vincent-van-gogh_old-man-in-a-tail-coat-1882 +sketch_and_study,Post_Impressionism,vincent-van-gogh_olive-trees-in-a-mountain-landscape-1889 +portrait,Romanticism,konstantin-makovsky_children +genre_painting,Rococo,jean-baptiste-simeon-chardin_boy-with-a-top +landscape,Romanticism,karl-bodmer_fort-pierre-and-the-adjacent-prairie-1839 +cityscape,Impressionism,henri-matisse_belle-ile +landscape,Impressionism,claude-monet_cliffs-at-pourville-rain +landscape,Post_Impressionism,david-burliuk_at-the-park +still_life,Post_Impressionism,istvan-ilosvai-varga_flowerpots-on-the-windowsill-1931 +genre_painting,Post_Impressionism,pablo-picasso_harlequin-on-the-horseback-1905 +landscape,Impressionism,childe-hassam_gloucester-harbor-1 +portrait,Realism,salvador-dali_portrait-of-mrs-luther-greene +portrait,Fauvism,ilya-mashkov_portrait-of-an-unknown +landscape,Pointillism,henri-martin_the-house-of-sabotier +landscape,Impressionism,claude-monet_weeping-willow-4-1919 +genre_painting,Naive_Art_Primitivism,david-burliuk_peasant-couple +genre_painting,Expressionism,vilmos-aba-novak_homebound-1937 +religious_painting,Northern_Renaissance,gerard-david_triptych-of-the-sedano-family +portrait,Ukiyo_e,utagawa-kuniyoshi_woman-samurai +landscape,Romanticism,ivan-aivazovsky_the-caucasus +portrait,Romanticism,konstantin-makovsky_presser +portrait,Post_Impressionism,georges-seurat_head-of-a-girl-1879 +landscape,Impressionism,adolf-hitler_hundswiese-farmhouse +portrait,Baroque,anthony-van-dyck_pieter-stevens +abstract_painting,Color_Field_Painting,gotthard-graubner_sarda-i-2001 +genre_painting,Expressionism,pablo-picasso_two-brothers-1906 +cityscape,Romanticism,ivan-aivazovsky_night-constantinople-1886 +genre_painting,Naive_Art_Primitivism,david-burliuk_a-milkmade +genre_painting,Expressionism,max-pechstein_the-yellow-and-black-jersey-1909 +still_life,Contemporary_Realism,janet-fish_glass-and-shells-1990 +sketch_and_study,Naive_Art_Primitivism,marc-chagall_the-sacrifice-of-isaac-3 +cityscape,Impressionism,alfred-sisley_loing-at-moret-in-the-rain-1888 +illustration,Symbolism,mstislav-dobuzhinsky_white-nights-1922-5 +still_life,Synthetic_Cubism,georges-braque_glass-pipe-and-newspaper-1917 +portrait,Baroque,anthony-van-dyck_lady-borlase-1638 +genre_painting,Post_Impressionism,maurice-prendergast_lady-in-yellow-dress-in-the-park-also-known-as-a-lady-in-yellow-in-the-park +landscape,Impressionism,eugene-boudin_brest-the-harbor-1 +landscape,Symbolism,ferdinand-hodler_lake-geneva-with-mont-blanc-at-dawn-1918 +religious_painting,Romanticism,gustave-dore_the-angel-is-sent-to-deliver-israel +portrait,Romanticism,jan-matejko_teodora-matejko +religious_painting,Naive_Art_Primitivism,marc-chagall_jacob-having-recognized-the-tunic-of-joseph-that-his-son-reported-to-him-tinged-with-blood +genre_painting,Romanticism,john-william-waterhouse_the-crystal-ball-1902 +still_life,Naive_Art_Primitivism,kateryna-bilokur_still-life-watermelon-carrots-flowers-1951 +sketch_and_study,Expressionism,filipp-malyavin_lenin-1920 +genre_painting,Romanticism,alfred-stevens_afternoon-in-the-park +portrait,Realism,arkhip-kuindzhi_portrait-of-an-unknown-man +sketch_and_study,High_Renaissance,michelangelo_study-to-pieta +nude_painting,Contemporary_Realism,philip-pearlstein_swan-accordion-and-mercury-1994 +nude_painting,Art_Nouveau_Modern,gustav-klimt_female-nude +nude_painting,Expressionism,balthus_nude-with-cat-1949 +landscape,Fauvism,martiros-saryan_date-palm-1911 +landscape,Impressionism,claude-monet_rough-sea-at-etretat-1869 +still_life,Expressionism,lucian-freud_strawberries-1952 +landscape,Impressionism,robert-julian-onderdonk_mountain-pinks-in-bloom-medina-lake-southwest-texas-1921 +genre_painting,Naive_Art_Primitivism,niko-pirosmani_childless-millionaire-and-the-poor-with-children +portrait,Romanticism,vasily-tropinin_portrait-of-i-i-dmitriyev-1835 +still_life,Post_Impressionism,ilya-mashkov_still-life-with-camellia-1913 +landscape,Cubism,pyotr-konchalovsky_sudak-the-valley-1917 +landscape,Impressionism,camille-pissarro_a-street-in-auvers-thatched-cottage-and-cow-1880 +landscape,Symbolism,nicholas-roerich_the-giant-1943 +landscape,Expressionism,francis-picabia_the-creeks-1944 +religious_painting,Rococo,giovanni-battista-tiepolo_abraham-and-the-three-angels +landscape,Impressionism,konstantin-korovin_wind-1916 +portrait,Realism,octav-bancila_portretul-regelui-carol-i +sketch_and_study,Romanticism,joseph-wright_study-of-a-young-girl-with-feathers-in-her-hair +genre_painting,Symbolism,henri-fantin-latour_woman-at-her-toillette-1898 +portrait,Cubism,pablo-picasso_portrait-of-sylvette-david +landscape,Impressionism,thalia-flora-karavia_repos-aux-champs +landscape,Pointillism,georges-lemmen_houses-at-la-hulpe +landscape,Expressionism,ernst-ludwig-kirchner_coast-of-fehmarn +genre_painting,Impressionism,stefan-luchian_at-nami-wood-cutter +religious_painting,Realism,nikolai-ge_not_detected_252977 +portrait,Baroque,rembrandt_a-young-woman-at-her-toilet-1633 +portrait,Expressionism,milton-avery_woman-with-a-hat-1945 +genre_painting,Realism,ivan-vladimirov_the-defeat-of-the-strikers +landscape,Impressionism,alfred-sisley_the-banks-of-the-loing-moret-1885 +genre_painting,Ukiyo_e,katsushika-hokusai_scene-of-housekeeping-four-women-are-working +landscape,Fauvism,janos-mattis-teutsch_early-spring-1917 +portrait,Romanticism,konstantin-makovsky_egor-ivanovich-makovsky +landscape,Impressionism,alfred-sisley_the-loing-canal-1884 +religious_painting,Symbolism,salvador-dali_vere-hic-homo-iustus-erat-luke-23-47-1967 +illustration,Expressionism,vasile-kazar_balance-1969 +religious_painting,Early_Renaissance,paolo-uccello_miracle-of-the-desecrated-host +sketch_and_study,Expressionism,martiros-saryan_lori-1925 +abstract_painting,Minimalism,brice-marden_adriatics-a-1973 +religious_painting,Naive_Art_Primitivism,marc-chagall_david-s-victory-over-goliath-i-samuel-xvii-48-51 +genre_painting,Realism,jehan-georges-vibert_reading-rabelais +portrait,Post_Impressionism,salvador-dali_portrait-of-the-artist-s-mother-dofia-felipa-dome-domenech-de-dali +genre_painting,Romanticism,john-everett-millais_the-blind-girl-1856 +abstract_painting,Abstract_Expressionism,perle-fine_surfscape-3-1958 +landscape,Impressionism,claude-monet_poppy-field-at-giverny +genre_painting,Impressionism,ion-andreescu_in-the-park +cityscape,Symbolism,mstislav-dobuzhinsky_old-vilno-1910 +landscape,Impressionism,alfred-sisley_hill-path-1876 +portrait,Realism,john-singer-sargent_mrs-william-crowninshield-endicott +genre_painting,Baroque,david-teniers-the-younger_the-picture-gallery-of-archduke-leopold-wilhelm-1640 +landscape,Realism,theodor-severin-kittelsen_fra-lofoten +religious_painting,Baroque,bartolome-esteban-murillo_adoration-of-the-shepherds +genre_painting,Realism,camille-pissarro_two-woman-chatting-by-the-sea-st-thomas-1856 +portrait,Realism,klavdy-lebedev_portrait-of-boy +genre_painting,Fauvism,maurice-de-vlaminck_the-weighing-place-at-longchamps-1905 +still_life,Post_Impressionism,salvador-dali_still-life-with-aubergines +landscape,Post_Impressionism,nicolae-darascu_landscape-from-balcic +religious_painting,Baroque,yov-kondzelevych_icon-the-nativity-of-virgin-mary-fragment-from-the-village-of-voshatyn-in-volhynia(1) +cityscape,Impressionism,claude-monet_saint-germain-l-auxerrois +landscape,Impressionism,frederic-remington_coming-to-the-call-1905 +nude_painting,Post_Impressionism,maurice-prendergast_nude-model-with-drapery +cityscape,Impressionism,nicolae-darascu_tulcea-square +cityscape,Romanticism,rudolf-von-alt_the-iron-foundry-in-kitschelt-skodagasse-in-vienna-1903 +cityscape,Impressionism,antoine-blanchard_place-de-la-concorde +genre_painting,Impressionism,henry-herbert-la-thangue_the-return-of-the-reapers-1886 +still_life,Post_Impressionism,gregoire-boonzaier_n-paar-ou-skoene-2000 +genre_painting,Naive_Art_Primitivism,fernand-leger_part-campaign +sketch_and_study,Northern_Renaissance,albrecht-durer_studies-on-a-great-picture-of-mary-head-with-curly-hair-angel +landscape,Impressionism,armand-guillaumin_view-of-saint-sauves-1900 +genre_painting,Art_Nouveau_Modern,michel-simonidy_harmonie-du-soir-1905 +sketch_and_study,Northern_Renaissance,hieronymus-bosch_two-caricatured-heads +portrait,Cubism,miriam-schapiro_incognito +genre_painting,Rococo,thomas-gainsborough_dancers-with-musicians-in-a-woodland-glade-1733 +religious_painting,High_Renaissance,pietro-perugino_pala-di-sant-agostino-st-bartolomeo-1523 +religious_painting,Romanticism,gustave-dore_abishai-saves-david-s-life +genre_painting,Impressionism,giuseppe-de-nittis_the-salon-of-princess-mathilde-1883 +genre_painting,Impressionism,edgar-degas_two-dancers-on-stage-1877 +religious_painting,Baroque,bartolome-esteban-murillo_the-martyrdom-of-st-andrew-1682 +landscape,Art_Nouveau_Modern,ivan-bilibin_provence-pines-on-the-shore-1929 +religious_painting,Symbolism,salvador-dali_assuerus-falls-in-love-with-esther-assueres-adamavit-esther-1967(2) +genre_painting,Romanticism,jan-matejko_feast-wierzynek +genre_painting,Realism,james-tissot_the-traveller-1885 +portrait,Romanticism,sir-lawrence-alma-tadema_lesbia-weeping-over-a-sparrow-1866 +portrait,Symbolism,gustav-klimt_portrait-of-hermine-gallia-1904 +genre_painting,Realism,gustave-courbet_after-dinner-at-ornans-1849 +landscape,Post_Impressionism,pyotr-konchalovsky_pines-1913 +still_life,Expressionism,toyen_on-the-kitchen-table-1929 +portrait,Rococo,dmitry-levitzky_portrait-of-princesses-davydova-and-rzhevskaya +landscape,Impressionism,claude-monet_haystacks-at-giverny +landscape,Symbolism,nicholas-roerich_himalayas-1943-3 +cityscape,Impressionism,claude-monet_venice-rio-de-santa-salute-1908 +portrait,Baroque,william-hogarth_mrs-catherine-edwards-1739 +landscape,Post_Impressionism,tivadar-kosztka-csontvary_blossoming-almonds-landscape-in-italy-1902 +portrait,Romanticism,francisco-goya_charles-iv-of-spain-and-his-family-1800 +genre_painting,Expressionism,ernst-ludwig-kirchner_english-dance-couple-1913 +landscape,Symbolism,martiros-saryan_landscape-with-mountains-1960 +landscape,Impressionism,alfred-sisley_landscape-at-sevres-1878 +cityscape,Expressionism,ernst-ludwig-kirchner_der-belle-alliance-platz-in-berlin +cityscape,Post_Impressionism,ilya-mashkov_cypress-in-the-cathedral-walls-italy-1913 +nude_painting,Cubism,jean-metzinger_nu-couch-reclining-figure-1946 +religious_painting,Baroque,peter-paul-rubens_the-crowning-of-st-catherine +portrait,Northern_Renaissance,hans-holbein-the-younger_portrait-of-erasmus-of-rotterdam-1523 +illustration,Art_Nouveau_Modern,kay-nielsen_old-luk-oie +nude_painting,Impressionism,edgar-degas_seated-nude-combing-her-hair +portrait,Expressionism,pyotr-konchalovsky_portrait-of-pyotr-konchalovsky-the-son-of-the-artist-1921 +genre_painting,Impressionism,nikolay-bogdanov-belsky_reading-a-book +landscape,Symbolism,nicholas-roerich_famagusta-1917 +abstract_painting,Minimalism,walter-darby-bannard_yellow-rose-1-1963 +portrait,Art_Nouveau_Modern,mikhail-vrubel_portrait-of-nadezhda-zabela-vrubel-the-artist-s-wife-in-an-empire-dress-1898 +portrait,Art_Nouveau_Modern,zinaida-serebriakova_portrait-of-m-benois-1910 +cityscape,Realism,giovanni-boldini_bus-on-the-pigalle-place-in-paris +landscape,Impressionism,john-henry-twachtman_waterfall-1899 +portrait,Expressionism,chaim-soutine_girl-in-red +landscape,Realism,martiros-saryan_collective-farm-of-village-karindzh-in-the-mountains-tumanyan-1952 +cityscape,Expressionism,chaim-soutine_houses-of-cagnes +portrait,Rococo,joshua-reynolds_brown-boy +genre_painting,Impressionism,pericles-pantazis_little-shepherd-girl +portrait,Realism,john-singer-sargent_mrs-kate-moore +nude_painting,Impressionism,federico-zandomeneghi_after-bath +abstract_painting,Cubism,jacques-villon_l-ecuyere-1954 +portrait,Art_Nouveau_Modern,felix-vallotton_portrait-of-french-poet-jehan-rictus-1898 +landscape,Impressionism,santiago-rusinol_cipreses-dorados +sketch_and_study,Post_Impressionism,vincent-van-gogh_la-crau-seen-from-montmajour-1888 +portrait,Rococo,joshua-reynolds_caroline-duchess-of-marlborough-1762 +nude_painting,Impressionism,pierre-auguste-renoir_bather-drying-her-leg +cityscape,Impressionism,john-singer-sargent_santa-maria-della-salute-1904 +abstract_painting,Abstract_Expressionism,sam-francis_untitled-1975 +genre_painting,Expressionism,balthus_three-sisters-1964 +portrait,Expressionism,oskar-kokoschka_not_detected_235855 +landscape,Impressionism,childe-hassam_august-afternoon-appledore +landscape,Realism,aleksey-savrasov_type-in-the-swiss-alps-mount-small-ruhen-1862 +landscape,Impressionism,pierre-auguste-renoir_essoyes-landscape-washerwoman-and-bathers-1900 +landscape,Impressionism,lovis-corinth_landscape-at-the-walchensee-1923 +cityscape,Impressionism,konstantin-korovin_cafe-1901 +portrait,Rococo,louise-elisabeth-vigee-le-brun_andr-hercule-de-fleury +landscape,Realism,theodore-rousseau_not_detected_198925 +landscape,Impressionism,claude-monet_the-house-among-the-roses +sketch_and_study,Realism,vincent-van-gogh_peasant-woman-head-1885-3 +landscape,Impressionism,eugene-boudin_the-somme-near-d-abbeville-moonlight-1894 +landscape,Post_Impressionism,maurice-prendergast_the-hay-cart-1918 +landscape,Impressionism,homer-watson_pink-bush-1906 +sketch_and_study,Impressionism,konstantin-korovin_the-lady-in-the-hat +nude_painting,Post_Impressionism,maurice-denis_reflection-in-a-fountain +landscape,Realism,ivan-shishkin_view-of-valaam-island-1858 +genre_painting,Cubism,rafael-zabaleta_painters-and-model-1954 +cityscape,Naive_Art_Primitivism,jules-lefranc_espalion-en-auvergne +sketch_and_study,Realism,martiros-saryan_village-at-the-foot-of-the-mountain-1937 +sketch_and_study,Realism,vincent-van-gogh_interior-with-peasant-woman-peeling-potatoes-1885 +portrait,Impressionism,pierre-auguste-renoir_child-in-a-white-dress-lucie-berard-1883 +landscape,Impressionism,samuel-mutzner_potec-prin-peisaj-provensal +cityscape,Northern_Renaissance,albrecht-durer_the-city-of-trento-1495 +nude_painting,Naive_Art_Primitivism,maurice-prendergast_figures-on-the-beach-2 +nude_painting,Post_Impressionism,henri-matisse_seated-odalisque-1922 +sketch_and_study,Romanticism,eugene-delacroix_apollo-slays-python-1850(1) +landscape,Impressionism,armand-guillaumin_saint-sauves-under-the-snow-1899 +cityscape,Realism,camille-corot_bell-tower-of-the-church-of-saint-paterne-at-orleans-1845 +landscape,Realism,camille-corot_the-promenade-du-poussin-roman-campagna +landscape,Fauvism,hans-hofmann_landscape-1935 +genre_painting,Impressionism,joaquã­n-sorolla_the-press-1896 +cityscape,Impressionism,vasily-polenov_venice-1896-1 +cityscape,Post_Impressionism,edouard-cortes_new-bridge-paris +landscape,Realism,volodymyr-orlovsky_ukrainian-landscape +illustration,Naive_Art_Primitivism,martiros-saryan_illustration-to-armenian-folk-tales-1937-11 +landscape,Realism,vasily-polenov_pine-forest-on-the-banks-of-the-river +religious_painting,Baroque,bartolome-esteban-murillo_childhood-of-virgin +genre_painting,Rococo,giovanni-domenico-tiepolo_pulcinella-with-acrobats +still_life,Cubism,piet-mondrian_still-life-with-gingerpot-2-1912 +landscape,Pointillism,henri-edmond-cross_chaine-des-maures-1907 +genre_painting,Naive_Art_Primitivism,fernando-botero_the-pica +landscape,Realism,alexey-bogolyubov_radishchevskaya-estate-of-bogolyubov-homestead-ablyazov +genre_painting,Rococo,jean-honore-fragonard_the-swing-1767 +portrait,Romanticism,orest-kiprensky_peasant-boy-petrushka-melancholic-1814 +still_life,Analytical_Cubism,pablo-picasso_the-shell-saint-jacques-our-future-is-in-the-air-1912 +cityscape,Expressionism,hans-hofmann_st-tropez-1928 +portrait,Impressionism,mary-cassatt_sara-in-dark-bonnet-with-right-hand-on-arm-of-chair +genre_painting,Symbolism,franz-stuck_dinner-1913 +illustration,Naive_Art_Primitivism,marc-chagall_illustration-to-nikolai-gogol-s-dead-souls +genre_painting,Impressionism,max-liebermann_man-with-horse +genre_painting,Expressionism,marcel-duchamp_parva-domus-magna-quies-1902 +portrait,Post_Impressionism,amrita-sher-gil_three-girls-1935 +religious_painting,Northern_Renaissance,mabuse_virgin-and-child-1525 +landscape,Impressionism,frederic-bazille_forest-of-fontainebleau +sketch_and_study,New_Realism,edward-hopper_study-of-a-seated-woman +portrait,Expressionism,thalia-flora-karavia_marie-bonaparte-1913 +portrait,Realism,mykola-yaroshenko_portrait-of-a-n-plescheev-1888 +sketch_and_study,Romanticism,edward-burne-jones_the-dream-of-lancelot-study +abstract_painting,Abstract_Expressionism,william-baziotes_still-life-1945 +abstract_painting,Abstract_Expressionism,dan-christensen_blue-baleen-1987 +still_life,Fauvism,mary-fedden_the-moon-2008 +portrait,Romanticism,theodore-gericault_old-italian-peasant +religious_painting,Early_Renaissance,piero-della-francesca_angel-1(1) +still_life,Impressionism,william-james-glackens_roses-and-perimmons +genre_painting,Rococo,george-morland_interior-of-a-country-inn +portrait,Impressionism,edgar-degas_madame-de-rutte +cityscape,Impressionism,camille-pissarro_boulevard-des-batignolles +sketch_and_study,Realism,john-singer-sargent_crescenzo-fusciardi +religious_painting,Northern_Renaissance,konrad-witz_sabobai-and-benaiah +landscape,Symbolism,konstantin-bogaevsky_mountain-landscape-1940 +landscape,Impressionism,paul-gauguin_landscape-near-osny +portrait,Romanticism,orest-kiprensky_portrait-of-a-tamilov +portrait,Post_Impressionism,david-burliuk_portrait-of-albert-koslow +abstract_painting,Minimalism,robert-ryman_twin-1966 +sketch_and_study,Realism,vasily-surikov_whacky-seated-on-the-snow-study-to-boyarynya-morozova-1885 +landscape,Symbolism,nicholas-roerich_temple-of-tripura-sundari-1932 +portrait,Expressionism,oskar-kokoschka_not_detected_235859 +cityscape,Impressionism,nicolae-vermont_louvre-entrance-1928 +portrait,Rococo,thomas-gainsborough_miss-elizabeth-haverfield +cityscape,Impressionism,frits-thaulow_midnight-mass +genre_painting,Baroque,adriaen-brouwer_inn-with-drunken-peasants +religious_painting,Early_Renaissance,domenico-ghirlandaio_st-luke-1490 +nude_painting,Impressionism,william-merritt-chase_back-of-a-nude-1 +still_life,High_Renaissance,giorgione_musical-instruments-music-1510(1) +cityscape,Realism,vasily-sadovnikov_school-for-peasants-children-in-verkiai-1848 +still_life,Post_Impressionism,arshile-gorky_pears-peaches-and-pitcher-1927 +sketch_and_study,Romanticism,viktor-vasnetsov_cathedral +sketch_and_study,Naive_Art_Primitivism,marc-chagall_the-creation-of-man-9 +sketch_and_study,Realism,boris-kustodiev_peasant-1914 +religious_painting,Baroque,rembrandt_david-and-jonathan-1642 +religious_painting,Northern_Renaissance,albrecht-durer_adam-and-eve-1510 +religious_painting,Baroque,guido-reni_st-francis-consoled-by-angelic-music-1610 +genre_painting,Baroque,gerrit-dou_weighing-gold-1664 +landscape,Realism,charles-francois-daubigny_an-apple-orchard(1) +portrait,Northern_Renaissance,jan-van-eyck_the-arnolfini-wedding-the-portrait-of-giovanni-arnolfini-and-his-wife-giovanna-cenami-the-1434 +religious_painting,Early_Renaissance,antonello-da-messina_crusifixion-1475-1 +landscape,Impressionism,andre-dunoyer-de-segonzac_paysage-bleu +portrait,Expressionism,marcel-duchamp_portrait-of-yvonne-duchamp-1901 +portrait,Expressionism,oskar-kokoschka_not_detected_235886 +abstract_painting,Abstract_Expressionism,joan-miro_not_detected_227956 +cityscape,Post_Impressionism,anna-ostroumova-lebedeva_the-amsterdam-port-1913 +portrait,Post_Impressionism,arshile-gorky_portrait-of-a-young-man-1927 +portrait,Realism,thomas-eakins_portrait-1 +illustration,Art_Nouveau_Modern,edmund-dulac_birth-of-the-pearl-from-the-kingdom-of-the-pearl +portrait,Impressionism,mary-cassatt_at-the-theater-1879 +genre_painting,Realism,wilhelm-leibl_in-der-bauernstube-1890 +religious_painting,Mannerism_Late_Renaissance,correggio_virgin-and-child-with-an-angel-madonna-del-latte-1524 +religious_painting,Northern_Renaissance,albrecht-durer_man-of-sorrows-with-hands-raised-1500 +illustration,Art_Nouveau_Modern,raphael-kirchner_new-york-tribune-1916-3 +genre_painting,Naive_Art_Primitivism,marc-chagall_scene-in-studio-1983 +religious_painting,Romanticism,viktor-vasnetsov_temptation +nude_painting,Expressionism,pablo-picasso_untitled-1967 +landscape,Post_Impressionism,maurice-prendergast_april-snow-salem +religious_painting,Mannerism_Late_Renaissance,el-greco_christ-on-a-cross-1610 +genre_painting,Cubism,pablo-picasso_the-sculpture-1925 +portrait,Realism,john-singer-sargent_lord-dalhousie-1900 +landscape,Art_Nouveau_Modern,ferdinand-hodler_view-of-the-horn-of-fromberg-from-reichenbach-1903 +landscape,Expressionism,albert-bloch_night-in-the-valley-1917 +portrait,Baroque,rembrandt_two-negroes-1661 +genre_painting,Realism,salvador-dali_reclining-girl-in-sheep +genre_painting,Impressionism,pierre-auguste-renoir_woman-in-blue-and-zaza-in-a-landscape-1919 +portrait,Post_Impressionism,pierre-bonnard_madame-claude-anet-1910 +genre_painting,Baroque,adriaen-brouwer_smallholders-playing-dice +cityscape,Fauvism,carlos-botelho_faina +genre_painting,Art_Nouveau_Modern,boris-kustodiev_easter-greeting-1916 +religious_painting,Mannerism_Late_Renaissance,gregorio-lopes_cristo-no-horto-1539 +genre_painting,Baroque,jan-steen_doctor-s-visit +portrait,Realism,ilya-repin_leo-tolstoy-barefoot-1891 +portrait,Impressionism,mary-cassatt_mrs-gardner-cassatt-in-black-1880 +cityscape,Impressionism,eugene-boudin_bordeaux-1876 +genre_painting,Realism,pyotr-konchalovsky_do-not-called-1947 +religious_painting,Symbolism,salvador-dali_iesus-a-satana-tentatur-mark-1-13-1964 +abstract_painting,Color_Field_Painting,jose-guerrero_untitled-1985-2 +genre_painting,Baroque,frans-hals_peasants-at-a-wedding-feast +portrait,Early_Renaissance,domenico-ghirlandaio_portrait-of-a-girl +landscape,Impressionism,alfred-sisley_the-rest-beside-d-un-creek-1872 +abstract_painting,Minimalism,genevieve-asse_atlantique-v +portrait,Romanticism,henry-raeburn_lady-anne-torphicen +landscape,Realism,ivan-shishkin_cut-down-oak-in-the-bialowiezka-forest-1892 +sketch_and_study,Northern_Renaissance,rogier-van-der-weyden_bishop-kneeling-in-profile-swinging-a-censer-accompanied-by-a-clerk +portrait,Impressionism,pierre-auguste-renoir_woman-with-a-fan +landscape,Post_Impressionism,adam-baltatu_village-boundary-2 +sketch_and_study,Romanticism,karl-bryullov_portrait-of-an-unknown-woman-in-a-turban(1) +landscape,Impressionism,camille-pissarro_the-train-bedford-park-1897 +religious_painting,High_Renaissance,lorenzo-lotto_altar-of-recanati-polyptych-main-board-madonna-enthroned-with-the-christ-child-three-angels-st-1508 +religious_painting,Early_Renaissance,masaccio_martyrdom-of-san-giovanni-battista-1426 +landscape,Northern_Renaissance,joachim-patinir_landscape-with-the-rest-on-the-flight +portrait,Art_Nouveau_Modern,felix-vallotton_fyodor-dostojevsky-1895 +genre_painting,Impressionism,walter-sickert_the-wardrobe-1924 +portrait,Romanticism,paul-cezanne_gustave-boyer-in-a-straw-hat +portrait,Impressionism,santiago-rusinol_before-the-morphine-1890 +landscape,Post_Impressionism,gustave-loiseau_pothius-quay-at-the-oie-river +portrait,Impressionism,pierre-auguste-renoir_a-young-woman-1875 +landscape,Realism,camille-corot_women-in-a-field-of-willows-1865 +portrait,Symbolism,odilon-redon_red-thorns +portrait,Impressionism,pierre-auguste-renoir_young-woman-wearing-a-hat-with-wild-roses +still_life,Post_Impressionism,pyotr-konchalovsky_still-life-peaches-1913 +portrait,Rococo,jean-honore-fragonard_francois-the-ist-in-the-studio-of-rosso +portrait,Northern_Renaissance,bernhard-strigel_portrait-of-conrad-rehlinger-and-his-children +landscape,Symbolism,ferdinand-hodler_cherry-tree-in-bloom-1905 +abstract_painting,Abstract_Expressionism,basil-beattie_circus-1984 +abstract_painting,Abstract_Expressionism,hans-hofmann_yellow-predominance-1949 +religious_painting,High_Renaissance,raphael_the-sistine-madonna-1513 +sketch_and_study,Realism,ivan-shishkin_forest-under-the-snow +genre_painting,Impressionism,giovanni-boldini_ballerina-in-mauve +portrait,Symbolism,kuzma-petrov-vodkin_in-the-teahouses-1921 +genre_painting,Realism,vincent-van-gogh_lumber-sale-1883 +cityscape,Post_Impressionism,vincent-van-gogh_the-fourteenth-of-july-celebration-in-paris-1886 +landscape,Symbolism,nicholas-roerich_giant-s-tomb-1915-1 +portrait,Symbolism,konstantinos-parthenis_portrait-of-ioulia-partheni-1911 +portrait,Realism,john-singer-sargent_president-woodrow-wilson-1917 +abstract_painting,Abstract_Expressionism,sam-francis_untitled-1953-1 +portrait,Symbolism,odilon-redon_portrait-of-madame-gustave-fayet-1907 +portrait,Realism,john-singer-sargent_sir-william-hedworth-williamson-1924 +illustration,Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-fairy-tale-vasilisa-the-beautiful-1900-1(1) +religious_painting,Rococo,giovanni-battista-tiepolo_saint-thecla-liberating-the-city-of-este-from-the-plague-1759 +portrait,Realism,valentin-serov_portrait-of-nikolay-leskov-1891 +illustration,Romanticism,louis-janmot_po-me-de-l-me-5-souvenir-du-ciel +landscape,Symbolism,nicholas-roerich_himalayas-1938-2 +abstract_painting,Action_painting,jackson-pollock_reflections-of-the-big-dipper-1947 +genre_painting,Post_Impressionism,vincent-van-gogh_first-steps-after-millet-1890(1) +genre_painting,Expressionism,dimitris-mytaras_reclining-girl +landscape,Symbolism,nicholas-roerich_lake-of-the-nagas-kashmir-1936 +sketch_and_study,Post_Impressionism,vincent-van-gogh_the-road-to-tarascon-1888 +genre_painting,Rococo,william-hogarth_a-harlot-s-progress-plate-2 +genre_painting,Impressionism,camille-pissarro_cowherd-in-a-field-at-eragny-1890 +still_life,Post_Impressionism,theodor-pallady_still-life(1) +cityscape,Post_Impressionism,constantin-piliuta_springtime-in-dude-ti +religious_painting,Rococo,francois-boucher_the-rest-on-the-flight-into-egypt +sketch_and_study,Romanticism,john-constable_sketch-for-the-leaping-horse-1824 +genre_painting,Realism,ivan-shishkin_peasant-and-peddler-1855 +portrait,Rococo,william-hogarth_miss-mary-edwards-1742 +religious_painting,Early_Renaissance,andrea-mantegna_the-entombment-1475 +landscape,Realism,boris-kustodiev_river-flooding-1922 +landscape,Art_Nouveau_Modern,nicholas-roerich_ancient-life-1904-1 +genre_painting,Baroque,gerard-terborch_the-suitor-s-visit +sketch_and_study,Realism,vincent-van-gogh_peasant-woman-carrying-a-sheaf-of-grain-1885 +genre_painting,Romanticism,sir-lawrence-alma-tadema_the-voice-of-spring-1910 +genre_painting,Impressionism,pierre-auguste-renoir_garden-scene-in-brittany-1886 +portrait,Mannerism_Late_Renaissance,agnolo-bronzino_portrait-of-laudomia-de-medici +portrait,Romanticism,henry-raeburn_john-rennie +portrait,Baroque,frans-hals_boy-playing-a-violin +abstract_painting,Abstract_Expressionism,william-baziotes_opalescent-1962 +sketch_and_study,Cubism,kazimir-malevich_woman-1916 +religious_painting,High_Renaissance,pietro-perugino_madonna-of-loreta-annunciation +portrait,Cubism,marcel-janco_girl-portrait-1930 +portrait,Expressionism,iosif-iser_tired-dancer +portrait,Art_Nouveau_Modern,felix-vallotton_portrait-of-french-writer-paul-claudel-1898 +portrait,Realism,alexey-venetsianov_girl-in-a-kerchief +still_life,Cubism,jacques-villon_nature-morte-aux-fleurs-jaunes-1956 +abstract_painting,Abstract_Expressionism,hans-hofmann_pastorale-1958 +genre_painting,Realism,vladimir-makovsky_two-pilgrims-1885 +landscape,Impressionism,alfred-sisley_the-road-from-hampton-court-1874 +still_life,Impressionism,gustave-caillebotte_calf-head-and-ox-tongue +landscape,Pointillism,georges-seurat_river-landscape-with-a-boat-1884 +cityscape,Realism,isaac-levitan_street-in-yalta-1886 +abstract_painting,Color_Field_Painting,dan-christensen_untitled-1968 +cityscape,Realism,arkhip-kuindzhi_view-of-the-kremlin-from-the-zamoskvorechye-district-1882 +landscape,Post_Impressionism,constantine-maleas_landscape-of-attica +religious_painting,Symbolism,pierre-puvis-de-chavannes_fresco-for-the-decoration-of-the-pantheon-saints-1 +genre_painting,Art_Nouveau_Modern,sergey-solomko_blarney +portrait,Realism,ivan-kramskoy_portrait-of-sofia-nikolaevna-kramskoy-the-artist-s-wife-1879 +portrait,Impressionism,santiago-rusinol_portrait-of-eric-satie-at-the-harmonium +genre_painting,Contemporary_Realism,jamie-wyeth_lighthouse-1993 +still_life,Rococo,jean-baptiste-simeon-chardin_still-life-1728 +landscape,Impressionism,arkhip-kuindzhi_forest-1887 +genre_painting,Realism,vasily-perov_sermon-in-a-village-1861 +religious_painting,Romanticism,gustave-dore_daniel-among-the-exiles +abstract_painting,Color_Field_Painting,anne-truitt_remember-no-5-1999 +still_life,Post_Impressionism,pyotr-konchalovsky_still-life-with-a-coffeepot-1919 +portrait,Baroque,frans-hals_portrait-of-a-man-holding-gloves +religious_painting,Mannerism_Late_Renaissance,lavinia-fontana_assumption-of-the-virgin-with-saints-peter-chrysologus-and-cassian-1584 +religious_painting,Baroque,francisco-de-zurbaran_st-rufina-of-seville-1640 +portrait,Pop_Art,roy-lichtenstein_stepping-out-1978 +landscape,Romanticism,joseph-wright_dovedale-by-moonlight +religious_painting,High_Renaissance,lorenzo-lotto_nativity-of-christ-1523 +genre_painting,Art_Nouveau_Modern,nicholas-roerich_fiery-furnace-1905 +cityscape,Realism,vincent-van-gogh_station-in-the-hague-1882 +religious_painting,Early_Renaissance,giovanni-bellini_polyptych-of-san-vincenzo-ferreri-1468-8 +landscape,Romanticism,frederic-edwin-church_niagara-falls-from-the-american-side-1867 +genre_painting,Post_Impressionism,maurice-prendergast_columbus-circle-new-york +religious_painting,Baroque,bartolome-esteban-murillo_st-augustine-with-the-virgin-and-child +portrait,Art_Nouveau_Modern,boris-kustodiev_mercahnt-s-wife-drinking-tea-1923 +portrait,Rococo,joshua-reynolds_admiral-the-honourable-samue-barrington +religious_painting,High_Renaissance,pietro-perugino_the-almighty-with-prophets-and-sybils +nude_painting,Analytical_Cubism,pablo-picasso_nude-figure +abstract_painting,Color_Field_Painting,ellsworth-kelly_18-colors-cincinnati-1982 +portrait,Realism,gustave-courbet_portrait-of-paul-chenavard +portrait,Rococo,maurice-quentin-de-la-tour_jean-charles-garnier +genre_painting,Pointillism,maurice-prendergast_the-rider +landscape,Fauvism,jan-sluyters_morning-glory-1909 +abstract_painting,Minimalism,robert-mangold_plane-figure-series-d-double-panel-1993 +still_life,Rococo,jean-baptiste-simeon-chardin_a-lean-diet-with-cooking-utensils-1731 +portrait,Rococo,carl-ludwig-johann-christineck_portrait-of-tishin +religious_painting,Mannerism_Late_Renaissance,tintoretto_annunciation-the-angel-1594 +cityscape,Art_Nouveau_Modern,nicholas-roerich_rostov-veliky-attics-of-princely-houses-1903 +genre_painting,Romanticism,jan-matejko_skarga-s-sermon-1864 +portrait,Impressionism,berthe-morisot_winter-aka-woman-with-a-muff +landscape,Impressionism,iosif-iser_houses-on-the-outskirts-of-bucharest-1930 +landscape,Realism,camille-corot_pond-with-dog +landscape,Ukiyo_e,hiroshige_view-of-fuji +landscape,Post_Impressionism,pyotr-konchalovsky_novgorod-barns-1926 +genre_painting,Impressionism,joaquã­n-sorolla_on-san-sebastian-beach-1900 +sketch_and_study,Northern_Renaissance,pieter-bruegel-the-elder_big-fishes-eat-small-fishes-1556 +cityscape,Impressionism,antoine-blanchard_gare-de-lest-2 +portrait,Romanticism,eugene-delacroix_two-women-at-the-well-1832(1) +landscape,Naive_Art_Primitivism,martiros-saryan_the-last-draft-of-the-artist-1972 +sketch_and_study,Post_Impressionism,vincent-van-gogh_silhouette-of-a-man-with-a-rake +landscape,Baroque,peter-paul-rubens_landscape-with-a-watering-place +genre_painting,Impressionism,camille-pissarro_the-roundelay-1892 +landscape,Realism,volodymyr-orlovsky_autumn-landscape +landscape,Impressionism,john-singer-sargent_nice +abstract_painting,Color_Field_Painting,helen-frankenthaler_glow-ii-1968 +landscape,Post_Impressionism,salvador-dali_the-lake-at-vilabertran +portrait,Impressionism,pierre-auguste-renoir_girl-in-a-flowery-hat-1908 +landscape,Realism,charles-francois-daubigny_the-meadow-of-graves-in-villerville +abstract_painting,Color_Field_Painting,paul-feeley_the-other-side-1957 +abstract_painting,Abstract_Expressionism,jose-guerrero_rojo-sombr-o-1964 +landscape,Impressionism,frits-thaulow_autumn +portrait,Expressionism,dimitris-mytaras_dreamy-figure +cityscape,Expressionism,august-macke_st-germain-near-tunis +genre_painting,Expressionism,albert-bloch_group-of-three +abstract_painting,Abstract_Expressionism,hassel-smith_2-to-the-moon-1961 +illustration,Romanticism,gustave-dore_the-adventure-with-the-windmills +illustration,Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-historical-revolutionary-almanac-of-publisher-rosehip-1906(1) +cityscape,Realism,gustave-courbet_frankfurt +landscape,Impressionism,john-henry-twachtman_hollyhocks +landscape,Impressionism,victor-borisov-musatov_autumn-song-1905 +nude_painting,Expressionism,jules-pascin_in-the-hotel-room-1908 +abstract_painting,Minimalism,martin-barre_75-76-d-157x145-1976 +portrait,Romanticism,paul-cezanne_portrait-of-a-man-in-a-blue-cap-or-uncle-dominique +landscape,Post_Impressionism,maxime-maufra_the-beach-at-morgat +illustration,Art_Nouveau_Modern,heorhiy-narbut_illustration-fairy-tales-teremok-mizgir-1910-4 +sketch_and_study,Symbolism,nicholas-roerich_nicola-1916 +landscape,Impressionism,pierre-auguste-renoir_landscape-1868 +nude_painting,Expressionism,pablo-picasso_female-nude-sitting-in-the-armchair-1964 +portrait,Impressionism,santiago-rusinol_figure-study +landscape,Post_Impressionism,gustave-loiseau_garden-by-the-house-1898 +abstract_painting,Minimalism,jean-degottex_criture-10-2-63-1963 +portrait,Realism,ivan-kramskoy_actor-alexander-lensky-pavlovich-as-petruchio-inshakespeare-s-taming-of-the-shrew-1883 +portrait,Romanticism,dante-gabriel-rossetti_belcolore-1880 +genre_painting,Romanticism,jehan-georges-vibert_the-bullfighters-adoring-crowd +landscape,Impressionism,joaquã­n-sorolla_the-waves-at-san-sebastian-1915 +still_life,Cubism,konstantinos-parthenis_still-life-1930 +sketch_and_study,Post_Impressionism,vincent-van-gogh_mountain-landscape-seen-across-the-walls-1889 +cityscape,Post_Impressionism,edouard-cortes_place-de-la-republique-5 +genre_painting,Impressionism,marie-bracquemond_under-the-lamp-1887 +illustration,Art_Nouveau_Modern,max-slevogt_title-page +abstract_painting,Minimalism,yves-gaucher_cdr-grb-i-1988 +nude_painting,Impressionism,edmund-charles-tarbell_the-bath-1893 +portrait,Post_Impressionism,kees-van-dongen_woman-on-sofa-1930 +religious_painting,Baroque,caravaggio_sacrifice-of-isaac(1) +portrait,Romanticism,eduard-von-gebhardt_portrait-of-a-woman +religious_painting,Symbolism,james-tissot_the-grapes-of-canaan +abstract_painting,Expressionism,paul-klee_at-the-core-1935(1) +sketch_and_study,Realism,boris-kustodiev_women-drinking-tea-1918 +portrait,Art_Nouveau_Modern,koloman-moser_portrait-of-a-woman-in-profile +genre_painting,Expressionism,edvard-munch_kiss-iv-1902 +landscape,Symbolism,nicholas-roerich_tibet-1933-3 +landscape,Impressionism,zinaida-serebriakova_cabbage-village-neskuchnoye-1909 +genre_painting,Realism,john-everett-millais_not_detected_236477 +landscape,Post_Impressionism,maurice-prendergast_boat-landing-dinnard +landscape,Impressionism,alfred-sisley_barges-on-the-loing-saint-mammes-1884 +landscape,Impressionism,claude-monet_at-les-petit-dalles +landscape,Impressionism,andre-dunoyer-de-segonzac_crecy-la-chapelle-la-route-de-voulangis-1935 +genre_painting,Post_Impressionism,raoul-dufy_the-fishermen-1907 +still_life,Impressionism,lovis-corinth_still-life-with-flowers-skull-and-oak-leaves-1915 +cityscape,Impressionism,pierre-auguste-renoir_mosque-in-algiers-1882 +landscape,Post_Impressionism,maurice-prendergast_new-england-harbour +portrait,Romanticism,francesco-hayez_portrait-of-cristina-di-belgiojoso-trivulzio-1832 +landscape,Impressionism,fern-coppedge_old-house-point-pleasant +portrait,Impressionism,pierre-auguste-renoir_the-little-reader +portrait,Rococo,antoine-pesne_princess-sophie-dorothea-marie-with-her-husband-frederick-william-margrave-of-brandenburg-1734 +nude_painting,Expressionism,milton-avery_robed-nude-1960 +landscape,Realism,isaac-levitan_village-savvinskaya-near-zvenigorod-1884 +portrait,Romanticism,vasily-tropinin_portrait-of-a-i-baryshnikov-1829 +sketch_and_study,Realism,ferdinand-hodler_battle-scenes +genre_painting,Impressionism,edgar-degas_lowering-the-curtain +abstract_painting,Abstract_Expressionism,sam-francis_trietto-iii-1991 +genre_painting,Impressionism,eugene-boudin_beach-scene-the-yellow-umbrella +nude_painting,Cubism,pablo-picasso_seated-nude +landscape,Contemporary_Realism,lucian-freud_garden-in-winter +cityscape,Baroque,canaletto_grand-canal-from-santa-maria-della-carita-to-the-bacino-di-san-marco +portrait,Realism,hugo-simberg_portrait-of-the-sculptor-viktor-malmberg +sketch_and_study,Post_Impressionism,vincent-van-gogh_head-of-a-girl-1888(1) +portrait,Impressionism,pierre-auguste-renoir_leontine-reading-1909-1 +portrait,Baroque,frans-hals_an-old-lady +sketch_and_study,Naive_Art_Primitivism,marc-chagall_untitled-1968 +genre_painting,Post_Impressionism,maurice-prendergast_on-the-beach-no-3 +illustration,Romanticism,gustave-dore_cacciaguida +landscape,Symbolism,konstantin-bogaevsky_the-village-kozy-1923 +portrait,Impressionism,william-james-glackens_family-group +landscape,Realism,eugene-boudin_trouville-shore-and-rocks +portrait,Romanticism,karl-bryullov_portrait-of-an-architect-m-o-lopyrevskiy(1) +nude_painting,Expressionism,egon-schiele_seated-male-nude-1910 +landscape,Romanticism,ivan-aivazovsky_moon-night-1885 +abstract_painting,Abstract_Expressionism,sam-francis_all-red-1964 +abstract_painting,Color_Field_Painting,gene-davis_black-grey-beat-1964(1) +landscape,Impressionism,claude-monet_railway-bridge-at-argenteuil-1874 +landscape,Realism,camille-pissarro_the-marne-at-chennevieres-1864 +genre_painting,Art_Nouveau_Modern,sergey-solomko_the-girl-with-monkey +abstract_painting,Color_Field_Painting,walter-darby-bannard_chatumec-2-1970 +portrait,Realism,nikolay-bogdanov-belsky_country-friends +still_life,Synthetic_Cubism,juan-gris_bottle-and-glass-1 +religious_painting,Northern_Renaissance,albrecht-durer_adoration-fragment-1 +sketch_and_study,Fauvism,andre-derain_bacchus-dance-1906 +portrait,Romanticism,dante-gabriel-rossetti_finestra +sketch_and_study,Northern_Renaissance,mabuse_sheet-with-a-study-after-the-spinario-and-other-sculptures-1509 +portrait,Expressionism,rafael-zabaleta_peasant-family-1957 +cityscape,Impressionism,henrique-pousao_rua-de-capri-1882 +still_life,Cubism,olga-rozanova_metronome +portrait,Art_Nouveau_Modern,serge-sudeikin_portrait-of-o-a-glebova-sudeikina +sketch_and_study,Realism,vincent-van-gogh_torso-of-venus-3 +abstract_painting,Minimalism,larry-bell_untitled-vapor-drawing-1978 +landscape,Symbolism,konstantin-bogaevsky_the-crimean-landscape-1 +genre_painting,Expressionism,martiros-saryan_making-merry-playing-the-zurna-and-dhol-1929 +portrait,Expressionism,pablo-picasso_woman-with-chignon-1901 +abstract_painting,Abstract_Expressionism,conrad-marca-relli_cargo-1958 +cityscape,Impressionism,joaquã­n-sorolla_triana-bridge-seville-1908 +portrait,Post_Impressionism,georges-lemmen_profile-of-a-young-boy-1911 +religious_painting,Baroque,rembrandt_the-flight-into-egypt-crossing-a-brook-1654 +sketch_and_study,Realism,john-singer-sargent_head-of-capri-girl +genre_painting,Baroque,jan-siberechts_the-ford-1670 +sketch_and_study,Cubism,kazimir-malevich_praying-woman-1912 +portrait,Realism,vasily-surikov_portrait-of-governor-zamyatnin +genre_painting,Pop_Art,roy-lichtenstein_thinking-of-him-1963 +landscape,Impressionism,claude-monet_houses-in-the-snow-norway +abstract_painting,Abstract_Expressionism,kenzo-okada_young-bamboo-diptych +genre_painting,Post_Impressionism,maurice-denis_wedding-procession +landscape,Expressionism,salvador-dali_tower-1 +cityscape,Post_Impressionism,panayiotis-tetsis_athens-iv-1968 +religious_painting,Mannerism_Late_Renaissance,jacopo-pontormo_zwei-der-vier-evangelisten-tondi-der-capponi-kapelle-in-santa-felicita-in-florenz-szene0-hl-1525 +genre_painting,Impressionism,eva-gonzales_the-young-student +abstract_painting,Abstract_Expressionism,gotthard-graubner_untitled-1980 +religious_painting,Baroque,guido-reni_penitent-magdalene +landscape,Impressionism,camille-pissarro_street-winter-sunlight-and-snow +portrait,Impressionism,pierre-auguste-renoir_girl-with-a-pink-and-black-hat +genre_painting,Realism,aleksey-savrasov_barge-haulers-on-the-volga-1871 +cityscape,Realism,grigoriy-myasoyedov_enbarkement-in-yalta-1890 +cityscape,Romanticism,ivan-aivazovsky_odessa-1840 +genre_painting,Northern_Renaissance,albrecht-altdorfer_lovers +landscape,Impressionism,camille-pissarro_kitchen-gardens-pontoise-1881 +portrait,Realism,james-mcneill-whistler_the-princess-from-the-land-of-porcelain-sketch-for-rose-and-silver-1864 +abstract_painting,Minimalism,genevieve-asse_rouge-gris-2009 +landscape,Impressionism,claude-monet_morning-landscape-giverny +illustration,Post_Impressionism,mily-possoz_contempor-nea-magazine-no-6-watercolour-1922 +still_life,Expressionism,henri-matisse_still-life-4 +nude_painting,Expressionism,egon-schiele_kneeling-semi-nude-1911 +abstract_painting,Color_Field_Painting,sam-francis_untitled-from-pasadena-box-1963-2 +landscape,Post_Impressionism,gustave-loiseau_in-the-mountains +genre_painting,Fauvism,august-macke_church-decorated-with-flags-1914 +landscape,Impressionism,camille-pissarro_a-field-in-varengeville-1899 +abstract_painting,Abstract_Expressionism,brice-marden_letter-about-rocks-3-blue-ground-2010 +genre_painting,Impressionism,eliseu-visconti_kiss-1909 +illustration,Art_Nouveau_Modern,aubrey-beardsley_mrs-patrick-campbell +genre_painting,Impressionism,joaquã­n-sorolla_ropemakers-1893 +genre_painting,Impressionism,edgar-degas_dancers-backstage-1872 +genre_painting,Cubism,salvador-dali_bather +nude_painting,Post_Impressionism,theo-van-rysselberghe_the-bather +genre_painting,Romanticism,george-stubbs_prince-of-wales-phaeton +sketch_and_study,Northern_Renaissance,albrecht-durer_hand-1528 +landscape,Impressionism,john-singer-sargent_simplon-pass-chalets-1911 +portrait,Rococo,benjamin-west_self-portrait-1758 +portrait,Art_Nouveau_Modern,leon-bakst_the-poet-zinaida-gippius-1906 +genre_painting,Impressionism,gustave-caillebotte_richard-gallo-and-his-dog-at-petit-gennevilliers +landscape,Impressionism,claude-monet_walk-in-the-meadows-at-argenteuil +religious_painting,Early_Renaissance,carlo-crivelli_saint-james-the-elder-saint-bernard-of-siena-saint-nicodemus-1482 +genre_painting,Romanticism,edward-burne-jones_going-to-the-battle-1858 +illustration,Romanticism,gustave-dore_the-seventh-circle-ii +religious_painting,High_Renaissance,correggio_madonna-and-child-1514(1) +sketch_and_study,Realism,vasily-surikov_study-to-boyarynya-morozova-5 +genre_painting,Expressionism,marcel-janco_four-figures-about-to-be-executed-1942 +genre_painting,Post_Impressionism,pierre-bonnard_in-summer-1931 +portrait,Expressionism,chaim-soutine_portrait-of-madame-x-also-known-as-pink-portrait +genre_painting,Romanticism,john-constable_stour-valley-and-dedham-village +genre_painting,Mannerism_Late_Renaissance,titian_the-vendramin-family-venerating-a-relic-of-the-true-cross-1545 +landscape,Realism,charles-francois-daubigny_the-flood-gate-at-optevoz-1859 +religious_painting,High_Renaissance,giovanni-bellini_the-assassination-of-st-peter-martyr-1509 +sketch_and_study,Northern_Renaissance,albrecht-durer_garment-studies +landscape,Impressionism,claude-monet_saint-adresse-beached-sailboat +abstract_painting,Abstract_Expressionism,arthur-pinajian_untitled-landscape-bellport-no-257-1987 +landscape,Post_Impressionism,gustave-loiseau_canal-at-moret-1910 +genre_painting,Naive_Art_Primitivism,grandma-moses_not_detected_251604 +genre_painting,Post_Impressionism,henri-de-toulouse-lautrec_in-bed-the-kiss-1892 +portrait,Romanticism,henry-raeburn_portrait-of-francis-and-his-wife-eliza-dundas-cumming +genre_painting,Realism,thomas-eakins_an-arcadian +cityscape,Expressionism,horia-bernea_tile-roofs +cityscape,Impressionism,cornelis-vreedenburgh_work-in-progress-on-muntplein-in-amsterdam +abstract_painting,Color_Field_Painting,angelo-de-sousa_um-ocre-2006 +genre_painting,Symbolism,martiros-saryan_evening-walk-1904 +landscape,Impressionism,claude-monet_the-bend-of-the-seine-at-lavacourt-winter +cityscape,Realism,vincent-van-gogh_churchyard-in-winter-1883-1(1) +abstract_painting,Color_Field_Painting,gene-davis_alice-tully-hall-sampler-1961 +landscape,Realism,theodor-severin-kittelsen_myren-ved-solevatnet(1) +abstract_painting,Color_Field_Painting,jose-guerrero_cominezo-com-magenta-1984 +landscape,Impressionism,alfred-sisley_the-loing-canal-1897 +landscape,Pop_Art,hiro-yamagata_accordian-player +landscape,Realism,john-singer-sargent_sheepfold-in-the-tirol-1915 +illustration,Realism,n.c.-wyeth_black-spot +nude_painting,Expressionism,rafael-zabaleta_female-nude-from-back-with-stove +landscape,Post_Impressionism,gustave-loiseau_church-at-notre-dame-by-the-eure +abstract_painting,Abstract_Expressionism,joan-miro_not_detected_227953-1974 +landscape,Post_Impressionism,anita-malfatti_as-duas-igrejas-itanha-m-1940 +portrait,Ukiyo_e,kitagawa-utamaro_a-scene-on-the-bridge-and-beld-2 +landscape,Expressionism,wassily-kandinsky_moonlight-night-1907 +genre_painting,Romanticism,osman-hamdi_chest +religious_painting,Romanticism,viktor-vasnetsov_the-virgin-and-child-enthroned-1893 +landscape,Impressionism,pierre-auguste-renoir_landscape-with-female-bathers +portrait,Symbolism,kuzma-petrov-vodkin_portrait-of-m-ehrenburg-1924 +sketch_and_study,Realism,valentin-serov_portrait-of-p-semenov-tien-shansky-1905 +portrait,Post_Impressionism,henri-matisse_laurette-in-a-white-turban +portrait,Post_Impressionism,pierre-bonnard_a-young-girl +cityscape,Naive_Art_Primitivism,louis-vivin_venice-canal-scene-with-a-bridge +religious_painting,Realism,vasily-perov_christ-and-the-virgin-at-the-sea-1867 +genre_painting,Impressionism,mary-cassatt_sleepy-baby-1910 +religious_painting,Baroque,rembrandt_christ-and-the-woman-of-samaria-among-ruins-1634 +landscape,Realism,aleksey-savrasov_landscape-with-a-river +illustration,Romanticism,gustave-dore_don-quixote-42 +landscape,Expressionism,tivadar-kosztka-csontvary_the-lonely-cedar-1907 +sketch_and_study,Naive_Art_Primitivism,marc-chagall_moses-with-the-burning-bush-1 +religious_painting,Baroque,annibale-carracci_virgin-and-child +portrait,Expressionism,max-pechstein_young-woman-with-a-red-fan-1910 +portrait,High_Renaissance,andrea-del-sarto_portrait-of-a-man +sketch_and_study,Romanticism,fyodor-solntsev_royal-and-nobleman-clothing-of-the-xvii-century +sketch_and_study,Impressionism,pierre-auguste-renoir_female-nude-seated +genre_painting,Art_Nouveau_Modern,boris-kustodiev_promenade-along-the-volga-1909 +abstract_painting,Color_Field_Painting,claude-viallat_untitled-no-40-1996 +abstract_painting,Color_Field_Painting,friedel-dzubas_turning-point-1983 +abstract_painting,Minimalism,conrad-marca-relli_untitled-1978 +still_life,Synthetic_Cubism,juan-gris_saint-matorel-1913 +portrait,Rococo,thomas-gainsborough_john-spencer-1st-earl-spencer +genre_painting,Realism,ilya-repin_religious-procession-1877 +genre_painting,Impressionism,pierre-auguste-renoir_the-conversation-1895 +still_life,Realism,ilya-mashkov_still-life-fruits-1939 +portrait,Impressionism,paul-cezanne_girl +landscape,Impressionism,hoca-ali-riza_unknown-title(9) +landscape,Realism,n.c.-wyeth_the-artist-s-studio-chadds-ford-pennsylvania +genre_painting,Impressionism,victor-borisov-musatov_in-the-light-of-the-setting-sun-1904 +portrait,Impressionism,pierre-auguste-renoir_madame-henriot +sketch_and_study,Early_Renaissance,leonardo-da-vinci_an-artillery-park-jpg-1487 +religious_painting,Mannerism_Late_Renaissance,tintoretto_st-mary-magdalen-1587 +abstract_painting,Color_Field_Painting,helen-frankenthaler_new-york-iii-1972 +nude_painting,Impressionism,pierre-auguste-renoir_bathers +portrait,Art_Nouveau_Modern,boris-kustodiev_the-merchant-s-wife-at-tea-1918 +landscape,Impressionism,camille-pissarro_kitchen-garden-in-eragny-afternoon-1901 +religious_painting,Northern_Renaissance,albrecht-altdorfer_mary-in-glory-1526 +landscape,Impressionism,claude-monet_the-road-to-giverny +religious_painting,Northern_Renaissance,petrus-christus_madonna-and-child +nude_painting,Contemporary_Realism,jamie-wyeth_orca-bates-1990 +genre_painting,Expressionism,jose-gutierrez-solana_two-women +cityscape,Realism,julius-leblanc-stewart_venetian-canal-1905(1) +religious_painting,Early_Renaissance,pietro-perugino_miracle-of-snow-and-foundation-of-santa-maria-maggiore-1473 +abstract_painting,Abstract_Expressionism,hans-hofmann_morning-mist-1958 +genre_painting,Impressionism,nicolae-vermont_gipsy-women-talking-1910 +portrait,Post_Impressionism,vincent-van-gogh_the-schoolboy-camille-roulin-1888 +landscape,Cubism,georges-braque_path-at-estaque-1908 +genre_painting,Romanticism,francisco-goya_summer-or-the-harvest-1786 +sketch_and_study,Impressionism,pierre-auguste-renoir_sugar-bowl-1905 +cityscape,Expressionism,paul-klee_miraculous-landing-1920(1) +genre_painting,Post_Impressionism,paul-gauguin_the-kelp-gatherers-1889 +genre_painting,Naive_Art_Primitivism,maurice-prendergast_bathers-5 +religious_painting,Naive_Art_Primitivism,marc-chagall_moses-with-the-tablets-of-the-law-1956-1 +portrait,Art_Nouveau_Modern,raphael-kirchner_girls-heads-on-christmas-foliage-background +genre_painting,Expressionism,ernst-ludwig-kirchner_woman-at-tea-time-sick-woman-1914 +landscape,Impressionism,lucian-grigorescu_dealuri-la-balcic +religious_painting,Northern_Renaissance,albrecht-altdorfer_lot-and-his-daughter-1537 +genre_painting,Realism,vincent-van-gogh_farmer-sitting-at-the-fireside-and-reading-1881(1) +landscape,Impressionism,isaac-levitan_haystacking-1900 +cityscape,Post_Impressionism,edouard-cortes_paris-place-de-la-republique-at-twighlight +genre_painting,Impressionism,max-liebermann_lumberjack-in-the-forest-1898 +genre_painting,Naive_Art_Primitivism,diego-rivera_the-embrace-1923 +landscape,Realism,theodore-rousseau_not_detected_198922(1) +portrait,Realism,vasily-tropinin_portrait-of-an-unknown-in-a-black-coat-verevkina-1850 +religious_painting,Northern_Renaissance,albrecht-durer_st-sebastian-at-the-tree-1501 +sketch_and_study,Realism,vasily-surikov_study-to-boyarynya-morozova-4 +landscape,Art_Nouveau_Modern,a.y.-jackson_wilderness-deese-bay +portrait,Romanticism,konstantin-makovsky_sewer +genre_painting,Post_Impressionism,georges-seurat_the-stone-breaker-1882-1 +genre_painting,Symbolism,james-mcneill-whistler_the-white-symphony-three-girls +landscape,Symbolism,nicholas-roerich_final-journey-1922 +portrait,Realism,ilya-repin_portrait-of-a-young-wife-sitting-on-the-couch-1881 +genre_painting,Realism,vasily-perov_naushnitsa-before-the-storm +genre_painting,Symbolism,konstantin-vasilyev_farewell-of-slav +genre_painting,Impressionism,mary-cassatt_a-kiss-for-baby-anne-no-3-1897 +abstract_painting,Abstract_Expressionism,bradley-walker-tomlin_number-14-1949 +genre_painting,Impressionism,camille-pissarro_the-pork-butcher-1883 +portrait,Romanticism,paul-cezanne_constrats-1870 +portrait,Impressionism,edmund-charles-tarbell_dr-harvey-cushing-1908 +portrait,Romanticism,camille-corot_pensive-oriental +religious_painting,Mannerism_Late_Renaissance,maerten-van-heemskerck_the-infanticide-in-bethlehem +landscape,Post_Impressionism,gustave-loiseau_the-oise-in-winter-1906 +landscape,Symbolism,nicholas-roerich_lhasa-1942 +abstract_painting,Abstract_Expressionism,helen-frankenthaler_swan-lake-2-1961 +religious_painting,Early_Renaissance,piero-della-francesca_finding-and-recognition-of-the-true-cross(1) +cityscape,Naive_Art_Primitivism,henri-rousseau_view-of-the-outskirts-of-paris-1896 +landscape,Realism,mykola-yaroshenko_eruption-of-volcano-1898 +landscape,Post_Impressionism,maurice-prendergast_feast-of-the-redeemer +religious_painting,Northern_Renaissance,hieronymus-bosch_crucifixion-with-a-donor-1485 +illustration,Expressionism,arthur-segal_vom-strande-page-7-1913 +genre_painting,Realism,vincent-van-gogh_sower-1882-3 +genre_painting,Art_Nouveau_Modern,sergey-solomko_meeting-4 +portrait,Realism,konstantin-somov_portrait-of-v-ivanov +genre_painting,Impressionism,nicolae-darascu_mamut-s-caf-1933 +portrait,Impressionism,anders-zorn_president-grover-cleveland-1899 +religious_painting,Baroque,peter-paul-rubens_the-last-communion-of-st-francis +portrait,Realism,nikolaos-lytras_portrait-of-a-woman +portrait,Impressionism,edouard-manet_portrait-of-madame-michel-levy-1882 +abstract_painting,Minimalism,genevieve-asse_structure-lumi-re-2005 +abstract_painting,Abstract_Expressionism,frank-stella_la-scienza-della-pigrizia-the-science-of-laziness-1984 +portrait,Realism,boris-kustodiev_portrait-of-vasily-vasilyevich-mate +genre_painting,Post_Impressionism,le-pho_the-tea +religious_painting,Mannerism_Late_Renaissance,andrea-del-sarto_holy-family-barberini +sketch_and_study,Expressionism,martiros-saryan_landscape-with-mountains-1929 +sketch_and_study,Romanticism,william-turner_red-sky-over-a-beach-1845 +abstract_painting,Abstract_Expressionism,cy-twombly_hero-and-leander-to-christopher-marlowe-rome +landscape,Realism,fyodor-vasilyev_lombardy-poplars-on-the-bank-of-a-lake-evening +genre_painting,Realism,vasily-perov_troika-apprentice-workmen-carrying-water-1866 +genre_painting,Naive_Art_Primitivism,marc-chagall_the-bouquet-of-queen-1984 +portrait,Ukiyo_e,utagawa-kuniyoshi_fuwa-katsuemon +portrait,Post_Impressionism,natalia-goncharova_portrait-of-a-woman-tatiana-ryabushinskaya +landscape,Art_Nouveau_Modern,nicholas-roerich_viking-s-triumph +cityscape,Post_Impressionism,pyotr-konchalovsky_novgorod-square-of-st-sophia-cathedral-1928 +sketch_and_study,Expressionism,pyotr-konchalovsky_sketch-of-portrait-of-vsevolod-meyerhold-1938 +portrait,Expressionism,chaim-soutine_portrait-of-emile-lejeune-1925 +landscape,Impressionism,pierre-auguste-renoir_fishermen-by-a-lake +religious_painting,Early_Renaissance,fra-angelico_adoration-of-the-magi +illustration,Art_Nouveau_Modern,edmund-dulac_princess-orchid-s-party-illustration-to-fairies-i-have-met +genre_painting,Realism,viktor-vasnetsov_for-water-1880 +genre_painting,Post_Impressionism,pierre-bonnard_jakten +genre_painting,Cubism,vicente-manansala_vendors-from-the-market-place +abstract_painting,Color_Field_Painting,doug-ohlson_china-series-a-flamingo-1975 +religious_painting,Romanticism,edward-burne-jones_st-george-and-the-dragon-1868 +portrait,Rococo,thomas-gainsborough_isabella-viscountess-molyneux-1769 +sketch_and_study,Art_Nouveau_Modern,alphonse-mucha_iris +portrait,Romanticism,orest-kiprensky_portrait-of-gurko-1811 +landscape,Post_Impressionism,aristarkh-lentulov_country-house-village-zyuzino +religious_painting,Symbolism,felicien-rops_mar-a-magdalena +landscape,Impressionism,pierre-auguste-renoir_summer-landscape-1875 +still_life,Impressionism,andre-dunoyer-de-segonzac_sur-la-terrasse-vue-de-la-mer +genre_painting,Impressionism,edgar-degas_the-conversation +illustration,Art_Nouveau_Modern,heorhiy-narbut_illustration-for-the-book-how-mice-buried-the-cat-by-zhukovsky-1910-1 +portrait,Realism,james-tissot_gentleman-in-a-railway-carriage +genre_painting,Romanticism,john-atkinson-grimshaw_the-little-botanist +landscape,Realism,isaac-levitan_boat-on-the-coast +portrait,Romanticism,konstantin-makovsky_mikhail-azanchevsky +religious_painting,Mannerism_Late_Renaissance,cristovao-de-figueiredo_tr-nsito-da-virgem-1525 +religious_painting,Early_Renaissance,sandro-botticelli_baptism-of-st-zenobius-and-his-appointment-as-bishop-1505(1) +still_life,Pop_Art,patrick-caulfield_three-sausages-1978 +genre_painting,Realism,paul-serusier_interior-1888 +sketch_and_study,Realism,ivan-shishkin_a-sketch-for-a-painting-in-the-wild-north-1890 +portrait,Realism,vasily-vereshchagin_gulja-chinese +abstract_painting,Minimalism,robert-ryman_first-conversion-2003 +religious_painting,Rococo,bernardo-bellotto_jesus-cleansing-the-temple-1773 +religious_painting,Northern_Renaissance,albrecht-durer_visitation +landscape,Impressionism,john-henry-twachtman_cascades-waterfall +portrait,Impressionism,filipp-malyavin_the-artist-igor-grabar-1895 +illustration,Art_Nouveau_Modern,heorhiy-narbut_sheet-a-from-the-album-ukrainian-alphabet-1917 +portrait,Impressionism,pierre-auguste-renoir_alfred-sisley-1876 +genre_painting,Romanticism,sir-lawrence-alma-tadema_confidences-1869 +religious_painting,Northern_Renaissance,jean-fouquet_saint-paul +genre_painting,Impressionism,edgar-degas_dancer-with-raised-arms-1891 +cityscape,Expressionism,john-marin_top-of-radio-city-new-york-city-1937 +portrait,Symbolism,gustav-klimt_sonja-knips +landscape,Post_Impressionism,emily-carr_above-the-gravel-pit-1937 +portrait,Realism,john-singer-sargent_blanche-marchesi-1910 +landscape,Realism,nicholas-roerich_apple-tree-1905 +landscape,Impressionism,periklis-vyzantios_hydra(1) +landscape,Post_Impressionism,paul-cezanne_mont-sainte-victoire-1887 +portrait,Baroque,aleksey-antropov_portrait-of-elizabeth-of-russia +landscape,Impressionism,joaquã­n-sorolla_boats-on-the-beach-1909 +genre_painting,Impressionism,konstantinos-volanakis_1869-1875 +genre_painting,Cubism,marc-chagall_the-smolensk-newspaper-1914 +genre_painting,Expressionism,edvard-munch_separation-1894 +landscape,Impressionism,ilya-mashkov_georgia-kazbek-shat-mountain-and-village +genre_painting,Impressionism,edgar-degas_two-dancers-in-the-foyer +illustration,Expressionism,saul-steinberg_i-do-i-have-i-am-1971 +genre_painting,Expressionism,pyotr-konchalovsky_guitarist-and-singer-1910 +illustration,Romanticism,gustave-dore_inferno-canto-5 +genre_painting,Romanticism,paul-delaroche_the-young-martyr-1853 +genre_painting,Naive_Art_Primitivism,grandma-moses_the-thunderstorm-1948 +portrait,Impressionism,william-merritt-chase_portrait-of-harriet-hubbard-ayers +portrait,Symbolism,konstantin-somov_portrait-of-the-artist-m-dobuzhinsky +portrait,Impressionism,camille-pissarro_the-little-country-maid-1882 +landscape,Expressionism,jean-paul-lemieux_young-man-1968 +portrait,Rococo,joshua-reynolds_henry-fane +religious_painting,Northern_Renaissance,albrecht-durer_christ-being-crowned-with-thorns-1510 +religious_painting,Baroque,anthony-van-dyck_the-lamentation-1620 +religious_painting,Baroque,guido-reni_st-cecilia +landscape,Impressionism,claude-monet_the-coastguard-cabin-at-varengeville +abstract_painting,Abstract_Expressionism,sam-francis_untitled-i-l-i-87-1987 +genre_painting,New_Realism,edward-hopper_people-in-the-sun +landscape,Romanticism,paul-cezanne_landscape-with-fountain-1867 +portrait,Symbolism,james-mcneill-whistler_grey-and-pink-a-draped-model-with-fan +abstract_painting,Color_Field_Painting,anne-truitt_remember-no-6-1999 +landscape,Baroque,hercules-seghers_two-trees-1625 +landscape,Romanticism,thomas-cole_the-subsiding-of-the-waters-of-the-deluge-1829 +religious_painting,Symbolism,james-tissot_moses-and-the-ten-commandments +sketch_and_study,Baroque,francesco-guardi_the-molo-from-the-bacino-1780 +portrait,Rococo,maurice-quentin-de-la-tour_abbe-jean-jacques-huber-1742 +portrait,Realism,augustus-john_ardor-1904 +genre_painting,Art_Nouveau_Modern,nicholas-roerich_by-the-edge-1915 +landscape,Post_Impressionism,abraham-manievich_autumn +landscape,Post_Impressionism,georges-seurat_trees-winter-1883 +genre_painting,Art_Nouveau_Modern,wilhelm-kotarbinski_on-the-terrace +landscape,Realism,isaac-levitan_summer-evening +still_life,Pop_Art,patrick-caulfield_vases-of-flowers-1962 +portrait,Baroque,joshua-reynolds_kitty-fisher-1764 +genre_painting,Impressionism,edgar-degas_dancers-backstage-detail-1883 +religious_painting,Romanticism,gustave-dore_the-death-of-absalom +genre_painting,Naive_Art_Primitivism,grã©goire-michonze_in-the-village +abstract_painting,Color_Field_Painting,ronnie-landfield_meadow-1981 +sketch_and_study,Realism,vincent-van-gogh_peasant-woman-digging-1885 +portrait,Romanticism,john-william-waterhouse_miss-betty-pollock-1911 +portrait,Baroque,guido-reni_girl-with-a-rose +portrait,Rococo,joseph-wright_portrait-of-samuel-oldknow +nude_painting,Realism,alekos-kontopoulos_girl-with-rose +portrait,Post_Impressionism,paul-gauguin_negreries-martinique-1890 +landscape,Impressionism,claude-monet_cliffs-of-les-petites-dalles +portrait,Realism,william-merritt-chase_portrait-of-worthington-whittredge +landscape,Impressionism,eugene-boudin_the-port-of-landerneau-finistere-1871 +abstract_painting,Abstract_Expressionism,manabu-mabe_untitled-1970 +portrait,Cubism,fernand-leger_the-woman-leaves-the-woman-with-the-bird +nude_painting,Romanticism,orest-kiprensky_reclining-sitter-1802 +genre_painting,Realism,vasily-perov_celebration-in-the-outskirts-of-paris-in-montmartre-1864 +religious_painting,Baroque,annibale-carracci_the-temptation-of-st-anthony-abbot-1597 +religious_painting,Northern_Renaissance,jean-fouquet_carrying-the-cross +still_life,Baroque,frans-snyders_still-life +landscape,Realism,ivan-shishkin_taiga-1880 +genre_painting,Romanticism,francesco-hayez_the-kiss-1859 +portrait,Rococo,joseph-wright_anne-bateman-later-mrs-john-gisbourne-1755 +landscape,Romanticism,ivan-aivazovsky_alushta-1878 +sketch_and_study,Naive_Art_Primitivism,marc-chagall_moses-receiving-the-tablets-of-law-5 +religious_painting,Rococo,jean-honore-fragonard_rest-on-the-flight-into-egypt +religious_painting,Naive_Art_Primitivism,marc-chagall_king-david-1974-2 +genre_painting,Realism,giovanni-boldini_the-black-sash-1905 +genre_painting,Impressionism,henry-herbert-la-thangue_the-harvesters-supper-1903 +religious_painting,Northern_Renaissance,hans-holbein-the-younger_christ-as-the-true-light +landscape,Contemporary_Realism,richard-whitney_spring-willows +landscape,Realism,nikolai-ge_frascati-clouds +genre_painting,Cubism,gino-severini_odalisque-with-mirrors-1942 +religious_painting,Romanticism,gustave-dore_the-triumph-of-mordecai +abstract_painting,Abstract_Expressionism,frank-lobdell_17-february-1948-1948 +landscape,Baroque,jan-siberechts_landscape-with-rainbow-henley-on-thames-1690(1) +portrait,Realism,john-singer-sargent_frank-o-meara-1876 +cityscape,Expressionism,pyotr-konchalovsky_the-bridge-of-the-apostles-in-venice +religious_painting,Mannerism_Late_Renaissance,paolo-veronese_assumption-of-the-virgin-1586 +landscape,Symbolism,nicholas-roerich_lake-in-the-mountains-baralacha-pass-1944 +landscape,Realism,ivan-shishkin_forest-4 +sketch_and_study,Romanticism,thomas-cole_study-for-two-youths-enter-upon-a-polgrimage-1848 +landscape,Expressionism,anita-malfatti_a-ventania-1917 +genre_painting,Expressionism,chronis-botsoglou_paris-metro +landscape,Impressionism,eugene-boudin_the-shore-at-plougastel-1872 +portrait,Expressionism,lucian-freud_woman-in-a-butterfly-jersey-1991 +genre_painting,Expressionism,martiros-saryan_aparan-1935 +portrait,Rococo,vladimir-borovikovsky_portrait-of-grand-duchess-maria-pavlovna-1800 +landscape,Ukiyo_e,utagawa-kuniyoshi_returning-boats-at-tsukushi +portrait,Impressionism,childe-hassam_spring-aka-the-artist-s-sister +portrait,High_Renaissance,titian_portrait-of-benedetto-varchi-1540 +landscape,Realism,aleksey-savrasov_on-the-volga-1875 +abstract_painting,Cubism,francis-picabia_the-embarassment +portrait,Rococo,francisco-bayeu-y-subias_retrato-de-feliciana-bayeu-hija-del-pintor-1792 +cityscape,Impressionism,maxime-maufra_the-marne-at-lagny +portrait,Baroque,diego-velazquez_portrait-of-infante-don-carlos-1627 +portrait,Realism,giovanni-boldini_portrait-of-lady-nanne-schrader-1903 +abstract_painting,Cubism,otto-gustav-carlsund_composition-g-om-trique-1925 +portrait,Impressionism,edouard-manet_stephane-mallarme-1876 +religious_painting,Mannerism_Late_Renaissance,el-greco_apostle-st-peter +landscape,Impressionism,pierre-auguste-renoir_hills-around-moulin-huet-bay-1883 +portrait,Realism,anders-zorn_portrait-of-max-liebermann-1891 +genre_painting,Impressionism,mary-cassatt_the-family-1893 +nude_painting,Expressionism,lucian-freud_night-portrait-1986 +landscape,Romanticism,lev-lagorio_fjord-in-norway-1899 +genre_painting,Cubism,andrã©-lhote_les-deux-amies-1925 +religious_painting,High_Renaissance,michelangelo_nude-female-seated-on-the-knees-of-a-seated-male-nude-adam-and-eve +portrait,Expressionism,amedeo-modigliani_portrait-of-paul-guillaume-1916 +landscape,Impressionism,asgrimur-jonsson_thingv-llum-1905 +cityscape,Impressionism,claude-monet_the-doges-palace-seen-from-san-giorgio-maggiore +illustration,Art_Nouveau_Modern,alexandre-benois_letter-t-1904(3) +genre_painting,Impressionism,walter-sickert_woman-washing-her-hair-1906 +landscape,Realism,vasily-polenov_constantinople-1890 +portrait,Romanticism,karl-bodmer_psihdja-sahpa-yanktonian-indian-1833 +abstract_painting,Color_Field_Painting,barnett-newman_sixth-station-1962 +abstract_painting,Abstract_Expressionism,mark-tobey_after-the-harvest-1970 +abstract_painting,Abstract_Expressionism,william-congdon_piazza-san-marco-no-5-1958 +portrait,Cubism,marevna-(marie-vorobieff)_homage-to-friends-from-montparnasse-1962(1) +religious_painting,Northern_Renaissance,hans-memling_the-presentation-in-the-temple-1463 +sketch_and_study,Cubism,pyotr-konchalovsky_abramtsevo-the-bridge-drawing-for-the-painting-bridge-in-abramtsevo-1911 +cityscape,Impressionism,maurice-prendergast_riva-degli-schiavoni +genre_painting,Impressionism,edgar-degas_racehorses-1884 +portrait,Cubism,albert-gleizes_portrait-de-jacques-nayral-1911 +portrait,Realism,james-tissot_portrait-of-m-n-portrait-of-mrs-newton +portrait,Romanticism,karl-bodmer_abdih-hiddisch-mandan-chief-1832 +portrait,Expressionism,lucian-freud_alice-and-okie +landscape,Realism,isaac-levitan_plyos-1889 +portrait,Realism,john-singer-sargent_hylda-almina-and-conway-children-of-asher-wertheimer-1905 +sketch_and_study,Expressionism,balthus_study-for-the-dream-i-1935 +nude_painting,Expressionism,amedeo-modigliani_seated-nude-1917 +genre_painting,Baroque,bartolome-esteban-murillo_a-girl-with-fruits-1660 +landscape,Post_Impressionism,pyotr-konchalovsky_trees-near-the-lake-1921 +religious_painting,Mannerism_Late_Renaissance,rosso-fiorentino_deposition-from-the-cross-detail-1528 +genre_painting,Post_Impressionism,henri-de-toulouse-lautrec_messalina-seated-1900 +portrait,Pop_Art,roy-lichtenstein_woman-sunlight-moonlight +genre_painting,Impressionism,childe-hassam_portland-harbor +genre_painting,Post_Impressionism,felix-vallotton_mme-felix-vallotton-1899 +genre_painting,Realism,vladimir-makovsky_organ-grinder-1879 +nude_painting,Expressionism,billy-childish_st-john-s-church-chatham-2004 +still_life,Naive_Art_Primitivism,raoul-dufy_the-yellow-console-with-a-violin-1949 +cityscape,Impressionism,pierre-auguste-renoir_houses-in-cagnes-1908 +religious_painting,Baroque,bartolome-esteban-murillo_saint-anthony-of-padua-and-the-infant-jesus +cityscape,Impressionism,gregoire-boonzaier_district-six-1 +portrait,New_Realism,john-french-sloan_girl-back-to-the-piano-1932 +genre_painting,Romanticism,william-turner_lancaster-sands +nude_painting,Post_Impressionism,raoul-dufy_nude-with-seashell-1933 +portrait,Art_Nouveau_Modern,richard-gerstl_die-s-ngerin-oberl-nder-spring-1907-1907 +portrait,Expressionism,zinaida-serebriakova_a-portrait-of-graf-platon-zubov-1956 +cityscape,Impressionism,camille-pissarro_the-pont-royal-grey-weather-afternoon-spring-1902 +portrait,Rococo,vieira-portuense_retrato-de-uma-mulher-1800 +genre_painting,Impressionism,eugene-boudin_laundresses-on-the-beach-low-tide +portrait,High_Renaissance,raphael_portrait-of-the-young-pietro-bembo-1504 +still_life,Expressionism,georges-braque_still-life-with-flowers-1945-1 +portrait,Realism,ilya-mashkov_portrait-of-a-girl +still_life,Realism,martiros-saryan_still-life-cyclamen-1940 +abstract_painting,Color_Field_Painting,frank-stella_firuzabad-1970 +sketch_and_study,Realism,vincent-van-gogh_peasant-woman-with-shawl-over-her-head-seen-from-the-side-2-1885 +genre_painting,Realism,winslow-homer_fisherwomen-cullercoats +landscape,Realism,camille-corot_near-the-mill-chierry-aisne-1860 +nude_painting,Realism,alexey-venetsianov_bathers +landscape,Impressionism,alfred-sisley_riverbank-at-saint-mammes-1880 +landscape,Impressionism,william-merritt-chase_sunlight-and-shadow-shinnecock-hills +genre_painting,Expressionism,paul-feeley_the-psychologist-1935 +genre_painting,Expressionism,max-pechstein_girl-on-a-green-sofa-with-a-cat-1910 +religious_painting,Baroque,guido-reni_mary-magdalene-1616 +religious_painting,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 +portrait,Impressionism,mary-cassatt_bust-of-ellen-with-bows-in-her-hair +portrait,Realism,thomas-eakins_general-george-cadwalader-1880 +religious_painting,High_Renaissance,titian_ecce-homo +religious_painting,Early_Renaissance,antonello-da-messina_madonna-and-child-1475 +genre_painting,Expressionism,edvard-munch_spring-plowing-1916 +still_life,Fauvism,hans-hofmann_yellow-table-on-green-1936 +abstract_painting,Color_Field_Painting,barnett-newman_untitled-2-1948 +sketch_and_study,Realism,vasily-surikov_yermak-s-conquest-of-siberia-study +genre_painting,Realism,vincent-van-gogh_orphan-man-with-top-hat-drinking-coffee-1882 +landscape,Realism,aleksey-savrasov_kutuzovskaya-hut-at-fili +religious_painting,Northern_Renaissance,robert-campin_trinity-of-the-broken-body-1410 +nude_painting,Post_Impressionism,suzanne-valadon_femme-a-la-toilette-1913 +portrait,Romanticism,konstantin-makovsky_cup-of-honey-1 +landscape,Expressionism,horia-bernea_hill-1975 +portrait,Baroque,rembrandt_portrait-of-a-gentleman-with-a-tall-hat-and-gloves-1660 +portrait,Romanticism,camille-corot_louis-robert-as-a-child-1844 +landscape,Ukiyo_e,keisai-eisen_nihonbashi-pl-1-from-a-facsimile-edition-of-sixty-nine-stations-of-the-kiso-highway(1) +cityscape,Impressionism,claude-monet_view-of-the-old-outer-harbor-at-le-havre +landscape,Impressionism,claude-monet_vetheuil-afternoon +illustration,Expressionism,jury-annenkov_illustration-to-aleksander-blok-s-poem-the-twelve-1918 +genre_painting,Realism,winslow-homer_prisoners-from-the-front-1866 +portrait,Realism,john-singer-sargent_portrait-of-sally-fairchild-1885 +portrait,Baroque,anthony-van-dyck_portrait-of-marchesa-elena-grimaldi-wife-of-marchese-nicola-cattaneo-1623 +portrait,Baroque,peter-paul-rubens_melchior-the-assyrian-king +genre_painting,Expressionism,ossip-zadkine_man-with-the-yellow-hat +sketch_and_study,Realism,henri-fantin-latour_study-homage-to-delacroix +landscape,Ukiyo_e,katsushika-hokusai_peasants-in-autumn +religious_painting,Baroque,peter-paul-rubens_landscape-with-saint-george-and-the-dragon +landscape,Naive_Art_Primitivism,salvador-dali_fishermen-in-the-sun +portrait,Realism,fyodor-bronnikov_portrait-of-an-old-man +genre_painting,New_Realism,john-french-sloan_spring-rain-new-york-1912 +genre_painting,Expressionism,ernst-ludwig-kirchner_the-tent +sketch_and_study,Impressionism,pierre-auguste-renoir_country-dance-study-1883 +portrait,Expressionism,amedeo-modigliani_portrait-of-paul-alexandre-1909 +portrait,Realism,ilya-repin_old-woman +portrait,Symbolism,hugo-simberg_woman-1890 +landscape,Impressionism,claude-monet_tulip-field-in-holland +cityscape,Romanticism,franz-richard-unterberger_sailboat-in-a-venetian-lagoon +sketch_and_study,Impressionism,nicolae-vermont_the-refugees-1923 +portrait,Expressionism,egon-schiele_two-girls-1911 +landscape,Impressionism,camille-pissarro_snow-effect-in-montfoucault-1882 +genre_painting,Naive_Art_Primitivism,marc-chagall_circus-in-the-village-1969 +portrait,Romanticism,george-stubbs_portrait-of-a-huntsman +still_life,Impressionism,stefan-luchian_p-r-lu-e +abstract_painting,Abstract_Expressionism,jean-paul-riopelle_untitled-1949 +illustration,Symbolism,henri-fantin-latour_siegfried-and-the-rhine-daughters +landscape,Realism,ivan-shishkin_clouds-over-the-grove-1878 +cityscape,Art_Nouveau_Modern,nicholas-roerich_kovno-castle-of-crusaders-1903 +landscape,Impressionism,arkhip-kuindzhi_sunspots-on-frost-sunset-in-the-forest +abstract_painting,Minimalism,jiro-yoshihara_red-circle-on-black-1965 +portrait,Northern_Renaissance,joachim-wtewael_portrait-of-eva-wtewael-1628 +cityscape,Cubism,fernand-leger_the-city-1919 +genre_painting,Impressionism,edgar-degas_three-ballet-dancers-one-with-dark-crimson-waist-1899 +religious_painting,Baroque,annibale-carracci_the-coronation-of-st-stephen +still_life,Impressionism,ion-theodorescu-sion_still-life-with-vegetables-and-pottery +genre_painting,Expressionism,walter-battiss_african-women +cityscape,Naive_Art_Primitivism,mstislav-dobuzhinsky_kaunas-houses-at-daukanto-street-1931 +portrait,Realism,thomas-eakins_mother-portrait-of-annie-williams-gandy +nude_painting,Expressionism,otto-dix_melancholie +genre_painting,Northern_Renaissance,hans-baldung_sleeping-groom-and-sorceress-1544 +abstract_painting,Color_Field_Painting,sam-francis_a-chalice-for-healing-1985 +portrait,Expressionism,iosif-iser_toreador +landscape,Realism,ivan-shishkin_the-forest-clearing-1896 +sketch_and_study,Rococo,maurice-quentin-de-la-tour_preparation-to-the-portrait-of-voltaire-1 +landscape,Impressionism,robert-julian-onderdonk_fall-scene-near-sisterdale-1909 +portrait,Realism,konstantin-somov_portrait-of-d-karysheva +religious_painting,Northern_Renaissance,hans-memling_the-man-of-sorrows-in-the-arms-of-the-virgin-1475 +portrait,Realism,james-tissot_orphan +genre_painting,Rococo,william-hogarth_marriage-1735 +portrait,Expressionism,tivadar-kosztka-csontvary_teacher-in-morocco-1908 +religious_painting,Baroque,peter-paul-rubens_st-augustine +genre_painting,Impressionism,childe-hassam_rainy-day-boston +portrait,Impressionism,theo-van-rysselberghe_portrait-of-elizabeth-van-rysselberghe-1896 +landscape,Expressionism,wassily-kandinsky_picture-with-archer-1909 +portrait,Symbolism,franz-stuck_portrait-of-a-lady-with-lace-collar +landscape,Romanticism,thomas-cole_distant-view-of-niagara-falls-1830 +portrait,Rococo,dmitry-levitzky_ekaterina-vorontsova +landscape,Impressionism,alfred-sisley_the-plain-of-veneux-view-of-sablons-1884 +nude_painting,Expressionism,amedeo-modigliani_reclining-nude-with-folded-arms-behind-her-head-1917 +landscape,Naive_Art_Primitivism,kateryna-bilokur_early-spring-1958 +portrait,Impressionism,camille-pissarro_portrait-of-eugene-murer-1878 +landscape,Romanticism,pavel-svinyin_river-fort +portrait,Baroque,gerrit-dou_rembrandt-s-mother +portrait,Impressionism,pierre-auguste-renoir_algerian-woman-seated-1882 +portrait,Expressionism,zinaida-serebriakova_portrait-of-the-artist-s-sister-1934 +portrait,Post_Impressionism,istvan-ilosvai-varga_self-portrait-1933 +genre_painting,Cubism,tarsila-do-amaral_a-boneca +genre_painting,Baroque,david-teniers-the-younger_a-man-and-woman-smoking-a-pipe-seated-in-an-interior-with-peasants-playing-cards-on-a-table +genre_painting,Impressionism,maurice-prendergast_revere-beach-boston +religious_painting,Romanticism,viktor-vasnetsov_god-of-hosts-1896 +portrait,High_Renaissance,raphael_portrait-of-cardinal-dovizzi-de-bibbiena +religious_painting,Early_Renaissance,benozzo-gozzoli_visit-to-the-monks-of-mount-pisano-1465 +landscape,Impressionism,konstantin-korovin_landscape-with-cottages-1894 +religious_painting,Baroque,jacob-jordaens_the-holy-family-with-st-anne-the-young-baptist-and-his-parents +landscape,Post_Impressionism,paul-cezanne_bridge-over-the-marne-1888 +genre_painting,Impressionism,joaquã­n-sorolla_looking-for-shellfish-1905 +landscape,Symbolism,nicholas-roerich_sharugon-monastery-1928 +sketch_and_study,Symbolism,ferdinand-hodler_five-swearing +landscape,Symbolism,nicholas-roerich_manasbal-lake-1925 +landscape,Expressionism,mary-fedden_landscape-in-gozo-1960 +genre_painting,Symbolism,odilon-redon_head-of-a-sleeping-woman +genre_painting,Realism,konstantin-makovsky_child-funeral +nude_painting,Contemporary_Realism,eric-fischl_bad-boy +portrait,Romanticism,karl-bodmer_m-ndeh-p-hchu-a-young-mandan-indian-plate-24-from-volume-1-of-travels-in-the-interior-of-north-1843 +genre_painting,Baroque,johannes-vermeer_woman-holding-a-balance-1665 +sketch_and_study,Realism,koloman-moser_male-nude-study +genre_painting,Ukiyo_e,utagawa-kuniyoshi_animated-gourd +portrait,Art_Nouveau_Modern,felix-vallotton_portrait-of-french-writer-hugues-rebell-1898 +abstract_painting,Color_Field_Painting,gene-davis_untitled-156-1971 +genre_painting,Baroque,adriaen-van-ostade_interior-of-a-tavern-with-violin-player +portrait,Romanticism,alphonse-mucha_portrait-of-jaroslava +landscape,Impressionism,armand-guillaumin_la-pointe-du-lou-gaou-1911 +sketch_and_study,Naive_Art_Primitivism,marc-chagall_study-to-the-jacob-s-dream +landscape,Impressionism,john-henry-twachtman_last-touch-of-sun +sketch_and_study,Realism,vincent-van-gogh_three-hands +still_life,Cubism,stuart-davis_edison-mazda-1924 +cityscape,Pointillism,georges-seurat_harbor-in-honfleur-1886 +portrait,Realism,vincent-van-gogh_head-of-a-woman-8 +cityscape,Impressionism,camille-pissarro_the-seine-in-flood-rouen-1896 +portrait,Impressionism,pierre-auguste-renoir_richard-wagner-1882 +cityscape,New_Realism,yiannis-tsaroychis_alexandras-square-in-piraeus-1962 +nude_painting,Symbolism,felicien-rops_the-sentimental-initiation +genre_painting,Impressionism,konstantinos-volanakis_washing-women-at-the-river +landscape,Realism,gustave-courbet_the-embouchment-of-seine-1841 +illustration,Art_Nouveau_Modern,aubrey-beardsley_the-woman-in-the-moon-1894 +sketch_and_study,Rococo,joshua-reynolds_sketch-of-putto-holding-a-sash-in-both-hands-seen-from-below +portrait,Expressionism,ossip-zadkine_three-men +nude_painting,Realism,boris-kustodiev_nude +sketch_and_study,Realism,thomas-eakins_retrospection +abstract_painting,Cubism,fernand-leger_discs-1918-1 +portrait,Realism,vasily-surikov_portrait-of-young-leonid-chernyshev-1890 +genre_painting,Impressionism,lovis-corinth_a-mother-s-love-1911 +landscape,Art_Nouveau_Modern,anna-ostroumova-lebedeva_in-the-park-1902 +illustration,Symbolism,mstislav-dobuzhinsky_an-illustration-from-a-pushkin-s-eugene-onegin-1936 +portrait,Cubism,marevna-(marie-vorobieff)_portrait-of-ilya-ehrenburg-1956 +portrait,Baroque,rembrandt_portrait-of-a-man-1647 +religious_painting,Symbolism,nikolaos-gyzis_the-archangel-study-for-the-grounding-of-faith-1895 +illustration,Art_Nouveau_Modern,aubrey-beardsley_madame-rejane +religious_painting,Mannerism_Late_Renaissance,paolo-veronese_conversion-of-mary-magdalene +portrait,High_Renaissance,andrea-del-sarto_portrait-of-a-lady-with-spindle-cup +cityscape,Art_Nouveau_Modern,nicholas-roerich_smolensk-tower-1903 +landscape,Symbolism,nicholas-roerich_himalayas-1933 +still_life,Post_Impressionism,meijer-de-haan_still-life-pit-onions-bread-and-green-apples +still_life,Symbolism,kuzma-petrov-vodkin_grapes-1938 +portrait,Realism,henri-de-toulouse-lautrec_old-man-at-celeyran-1882 +portrait,Symbolism,pierre-puvis-de-chavannes_thomas-alfred-jones +portrait,Naive_Art_Primitivism,fernando-botero_woman-eating-a-bannana +portrait,Realism,vasily-tropinin_portrait-of-e-p-protasyeva +landscape,Ukiyo_e,hiroshige_night-rain-on-karasaki +still_life,Synthetic_Cubism,georges-braque_glass-carafe-and-newspapers-1914 +landscape,Realism,isaac-levitan_road +cityscape,Impressionism,pierre-auguste-renoir_place-de-la-trinite-1875 +illustration,Naive_Art_Primitivism,marc-chagall_manilov-and-chichikov-on-the-threshold +landscape,Impressionism,asgrimur-jonsson_scene-from-m-vatnssveit-in-north-iceland-1953 +landscape,Impressionism,william-merritt-chase_terrace-at-the-mall-cantral-park +abstract_painting,Abstract_Expressionism,sam-francis_painting-1957 +cityscape,Impressionism,childe-hassam_gate-of-the-alhambra +religious_painting,Northern_Renaissance,albrecht-durer_st-jerome-penitent-in-the-wilderness +genre_painting,Cubism,ernst-ludwig-kirchner_two-seated-woman-and-a-striding-man +cityscape,Impressionism,gustave-caillebotte_study-for-le-pont-de-l-europe +genre_painting,Realism,thomas-eakins_salutat-1898 +portrait,Fauvism,rik-wouters_woman-in-black-reading-a-newspaper-1912 +genre_painting,Post_Impressionism,maurice-prendergast_promenade-at-nantasket +abstract_painting,Color_Field_Painting,ronnie-landfield_uriel-1978 +genre_painting,Impressionism,giovanni-fattori_la-rotonda-di-palmieri-1866 +genre_painting,Pointillism,henri-edmond-cross_woman-in-the-park-1909 +genre_painting,Romanticism,taras-shevchenko_kazakh-woman-1856 +landscape,Contemporary_Realism,jamie-wyeth_mcgee-s-1971 +portrait,Realism,anton-azbe_portrait-of-a-man-in-a-bow-tie-1890 +portrait,Impressionism,maurice-prendergast_seated-woman-in-blue-also-known-as-at-the-cafe +landscape,Realism,pyotr-konchalovsky_a-moonlit-landscape-1953 +sketch_and_study,Post_Impressionism,vincent-van-gogh_sketch-of-a-stooping-man-1890 +abstract_painting,Color_Field_Painting,morris-louis_7-bronze-1958 +portrait,Art_Nouveau_Modern,aubrey-beardsley_count-valmont-1896 +religious_painting,Baroque,francesco-solimena_rebecca-and-eliezer-at-the-well +landscape,Realism,vincent-van-gogh_cottage(1) +portrait,High_Renaissance,lorenzo-lotto_portrait-of-lucina-brembati-1523 +portrait,Mannerism_Late_Renaissance,tintoretto_portrait-of-jacopo-sansovino-1 +cityscape,Expressionism,ernst-ludwig-kirchner_the-rhine-bridge +landscape,Impressionism,winston-churchill_mells-somersetshire(1) +genre_painting,Post_Impressionism,roger-fry_orchard-woman-seated-in-a-garden-1914 +illustration,Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-magazine-golden-fleece-1907(1) +sketch_and_study,Realism,isaac-levitan_platform-the-approaching-train-1879 +nude_painting,Impressionism,ipolit-strambu_cochet-rie +sketch_and_study,Realism,boris-kustodiev_portrait-of-f-a-malyavin-1900 +genre_painting,Fauvism,louis-valtat_young-women-in-the-garden +portrait,Post_Impressionism,gwen-john_portrait-of-the-artists-sister-winifred +landscape,Post_Impressionism,gwen-john_rue-terre-neuve-meudon +still_life,Synthetic_Cubism,juan-gris_fruit-bowl-with-bottle +illustration,Realism,m.c.-escher_emblemata-retreat +landscape,Realism,aleksey-savrasov_drifting-ice-on-the-volga +portrait,Realism,ilya-repin_portrait-of-poet-and-slavophile-ivan-sergeyevich-aksakov-1878 +landscape,Impressionism,alfred-sisley_away-in-the-spring-veneux-nadon-1885 +genre_painting,Northern_Renaissance,lucas-cranach-the-elder_hunt-in-honour-of-charles-v-at-the-castle-of-torgau-1544 +portrait,Realism,martiros-saryan_portrait-of-art-critic-lydia-durnovo-1958 +still_life,Post_Impressionism,vincent-van-gogh_still-life-with-four-sunflowers-1887 +landscape,Realism,pyotr-konchalovsky_the-left-bank-of-the-yenisei-kolkhoz-luck-1951 +genre_painting,Rococo,william-hogarth_the-wedding-of-stephen-beckingham-and-mary-cox +religious_painting,Northern_Renaissance,hans-holbein-the-younger_st-ursula +landscape,Impressionism,eugene-boudin_barges-on-the-canal-at-saint-valery-sur-somme-1891 +landscape,Impressionism,stefan-popescu_olt-valley-1918 +religious_painting,Baroque,theodoor-van-thulden_theodoor-holy-franciscus-announces-birth-of-son +illustration,Romanticism,gustave-dore_destruction-at-damascus-of-the-army-of-conrad-iii-of-germany +genre_painting,Post_Impressionism,maurice-denis_yellow-cat +illustration,Romanticism,gustave-dore_the-portals-of-purgatory +genre_painting,Post_Impressionism,vincent-van-gogh_two-peasants-diging-after-millet-1889 +portrait,Realism,william-adolphe-bouguereau_the-goose-girl-1891 +portrait,Symbolism,henri-martin_the-silence +portrait,Expressionism,amedeo-modigliani_portrait-of-the-mechanical-1917 +landscape,Impressionism,claude-monet_the-japanese-bridge-1924 +religious_painting,Romanticism,francesco-hayez_lot-and-his-daughters-1833 +religious_painting,Baroque,peter-paul-rubens_descent-from-the-cross-outside-left-1614 +portrait,Baroque,rembrandt_rembrandt-s-mother-in-a-black-dress-as-small-upright-print-1631 +portrait,Realism,pyotr-konchalovsky_portrait-of-writer-samuil-marshak-1951 +landscape,Realism,martiros-saryan_alaverdi-copper-chemical-complex-1937 +abstract_painting,Abstract_Expressionism,theodoros-stamos_the-sacrifice-1946 +landscape,Romanticism,william-turner_the-blue-rigi-lake-of-lucerne-sunrise +landscape,Realism,camille-corot_peasants-under-the-trees-at-dawn-morvan +still_life,Fauvism,ion-pacea_nature-morte-aux-pommes +genre_painting,Post_Impressionism,edouard-vuillard_woman-brushing-a-garment-1892 +genre_painting,Romanticism,karl-bodmer_missouri-indians-1832 +portrait,Realism,john-singer-sargent_madame-paul-poirson-1885 +portrait,Expressionism,pablo-picasso_portrait-of-gertrude-stein-1906 +portrait,Realism,pavel-fedotov_s-d-shishmarev-on-board-the-ship +cityscape,Impressionism,henri-martin_marseilles-1 +genre_painting,Realism,jehan-georges-vibert_the-convent-choir-1865 +landscape,Impressionism,claude-monet_shadows-on-the-sea-at-pourville +portrait,Naive_Art_Primitivism,niko-pirosmani_son-of-a-wealthy-kintos +cityscape,Impressionism,camille-pissarro_the-inner-port-and-pilots-jetty-havre-1903 +landscape,Romanticism,ivan-aivazovsky_crimean-landscape-with-a-sailboat-1874 +portrait,Post_Impressionism,arshile-gorky_portrait-of-azadoohi-liberty-miller +sketch_and_study,Art_Nouveau_Modern,ferdinand-hodler_student-appealing-his-tunic-1909 +still_life,Post_Impressionism,paul-cezanne_still-life-with-jug +landscape,Impressionism,claude-monet_flowering-trees-near-the-coast-1926 +genre_painting,Impressionism,mary-cassatt_mother-and-child-1900 +landscape,Post_Impressionism,edouard-vuillard_first-fruit +religious_painting,Early_Renaissance,piero-della-francesca_crucifixion-1 +religious_painting,Naive_Art_Primitivism,marc-chagall_jacob-wrestling-with-the-angel-genesis-xxxii-24-30 +portrait,Impressionism,lovis-corinth_portrait-of-the-pianist-conrad-ansorge-1903 +still_life,Analytical_Cubism,georges-braque_homage-to-j-s-bach-1912 +landscape,Realism,wilhelm-leibl_wilhelm-leibl-and-sperl-on-the-hunt-1895 +portrait,Expressionism,pyotr-konchalovsky_the-head-of-boy-in-profile-1936 +illustration,Symbolism,william-blake_minotaur +genre_painting,Naive_Art_Primitivism,marc-chagall_mother-and-child-1956 +religious_painting,High_Renaissance,pietro-perugino_polyptych-of-st-peter-santa-flavia +portrait,Realism,vincent-van-gogh_portrait-of-vincent-van-gogh-the-artist-s-grandfather-1881 +genre_painting,Realism,ilya-repin_krestny-khod-religious-procession-in-kursk-gubernia-1883 +genre_painting,Romanticism,george-stubbs_the-grosvenor-hunt +religious_painting,Symbolism,mikhail-vrubel_the-vision-of-the-prophet-ezekiel-1906 +genre_painting,Art_Nouveau_Modern,pablo-picasso_couple-walking-1901 +portrait,Realism,vasily-tropinin_the-coachman-leaning-on-a-whip-handle-1820 +portrait,Northern_Renaissance,hans-holbein-the-younger_presumed-portrait-of-the-artist0s-wife +genre_painting,Naive_Art_Primitivism,camille-bombois_le-maquereau-1935 +abstract_painting,Abstract_Expressionism,cy-twombly_untitled-6 +landscape,Impressionism,winston-churchill_lake-near-breccles-in-autumn(1) +still_life,Expressionism,george-bouzianis_still-life-with-pomegranate-1931 +still_life,Rococo,jean-baptiste-simeon-chardin_basket-of-peaches-1768 +religious_painting,Romanticism,viktor-vasnetsov_the-last-judgement-1904 +portrait,Romanticism,jan-matejko_augustus-ii-the-strong +still_life,Naive_Art_Primitivism,andre-bauchant_le-bouquet-1928 +portrait,Romanticism,eduard-von-gebhardt_bildnis-eines-malers-vor-der-staffelei-1881 +illustration,Naive_Art_Primitivism,marc-chagall_illustration-for-louis-aragon-s-work-one-who-says-things-without-saying-anything-1976-10 +abstract_painting,Action_painting,franz-kline_suspended-1953 +religious_painting,Northern_Renaissance,robert-campin_the-liturgical-vestments-of-the-order-of-the-golden-fleece-the-cope-of-the-virgin-mary-1442 +nude_painting,Cubism,olexandr-archipenko_seated-nude-1920 +portrait,Baroque,frans-hals_portrait-of-an-unknown-woman-1643 +portrait,Romanticism,eugene-delacroix_tasso-in-the-madhouse-1839(1) +nude_painting,Symbolism,felicien-rops_st-therese +genre_painting,Expressionism,yiannis-moralis_funerary-composition-i-1962 +genre_painting,Impressionism,nicolae-darascu_ia-i-square-food-row-1918 +landscape,Impressionism,konstantin-korovin_landscape-1917 +portrait,Baroque,frans-hals_the-regentesses-of-the-old-men-s-almhouse-haarlem-1664 +portrait,Art_Nouveau_Modern,felix-vallotton_portrait-of-french-writer-henry-bataille-1898 +portrait,Northern_Renaissance,petrus-christus_kneeling-female-donor +landscape,Impressionism,camille-pissarro_landscape-at-saint-charles +abstract_painting,Action_painting,norman-bluhm_untitled-1960 +religious_painting,Northern_Renaissance,hans-baldung_adoration-of-the-magi-1507 +landscape,Impressionism,claude-monet_lilacs-in-the-sun +religious_painting,Early_Renaissance,domenico-veneziano_madonna-and-child +landscape,Impressionism,frederic-bazille_beach-at-sainte-adresse +cityscape,Impressionism,stefan-luchian_slums-mahalaua-dracului-1898 +genre_painting,Impressionism,berthe-morisot_interior +sketch_and_study,Rococo,joshua-reynolds_self-portrait-2 +genre_painting,Realism,ivan-vladimirov_pogrom-of-wine-shop +religious_painting,Romanticism,francesco-hayez_bathing-bathsheba-1834 +genre_painting,Northern_Renaissance,lucas-cranach-the-elder_the-old-man-in-love-1 +portrait,Art_Nouveau_Modern,leon-bakst_the-portrait-son-of-the-artist +sketch_and_study,Expressionism,pablo-picasso_seated-nude-1906 +landscape,Fauvism,armand-guillaumin_rochers-sur-la-c-te-agay-1907 +portrait,Post_Impressionism,pyotr-konchalovsky_girl-from-arles-1908-1 +genre_painting,Naive_Art_Primitivism,marc-chagall_flowers-in-front-of-window-1967 +portrait,Impressionism,mary-cassatt_moses-dreyfus-1879 +cityscape,Naive_Art_Primitivism,jules-lefranc_la-porte-saint-pierre-nantes +abstract_painting,Minimalism,ellsworth-kelly_grid-lines-from-the-series-line-form-color-1951 +sketch_and_study,Realism,ivan-shishkin_mast-tree-grove-1897 +genre_painting,Impressionism,nikolay-bogdanov-belsky_women-on-the-pond-shore +portrait,Post_Impressionism,vincent-van-gogh_portrait-of-trabuc-an-attendant-at-saint-paul-hospital-1889 +portrait,Expressionism,zinaida-serebriakova_portrait-of-bertha-popoff-in-a-red-shawl-1940 +portrait,Post_Impressionism,ilya-mashkov_study +landscape,Impressionism,arkhip-kuindzhi_daryal-pass-moonlight-night +religious_painting,Romanticism,gustave-dore_israelite-women-mourn-with-jephthah-s-daughter +religious_painting,Mannerism_Late_Renaissance,el-greco_christ-on-the-cross-1587 +abstract_painting,Abstract_Expressionism,sam-francis_bright-nothing-1963 +landscape,Naive_Art_Primitivism,kateryna-bilokur_grove-1955 +genre_painting,Realism,ilya-repin_african-motiff +portrait,Realism,william-adolphe-bouguereau_head-of-a-young-girl-1898 +religious_painting,Northern_Renaissance,robert-campin_virgin-and-child-in-an-interior +portrait,Expressionism,edvard-munch_by-the-window-1940 +cityscape,Expressionism,hans-hofmann_untitled-1929 +portrait,Realism,jean-francois-millet_catherine-lemaire +genre_painting,Cubism,nikos-hadjikyriakos-ghikas_tailor-iii-1936 +portrait,Realism,william-adolphe-bouguereau_apples-1897 +religious_painting,Symbolism,james-tissot_joseph-converses-with-judah-his-brother +genre_painting,Symbolism,hugo-simberg_winger-dance-1903 +genre_painting,Art_Nouveau_Modern,boris-kustodiev_merry-go-round-1920 +landscape,Impressionism,arkhip-kuindzhi_a-grove-with-birch +religious_painting,High_Renaissance,lorenzo-lotto_polyptych-ponteranica-1525 +genre_painting,Realism,john-lewis-krimmel_sunday-morning-in-front-of-the-arch-street-meeting-house-in-philadelphia +sketch_and_study,Post_Impressionism,henri-de-toulouse-lautrec_the-original-cover-for-print +abstract_painting,Abstract_Expressionism,kenzo-okada_solstice-1954 +landscape,Symbolism,konstantin-bogaevsky_old-town-1922 +genre_painting,Post_Impressionism,maurice-prendergast_low-tide-2 +genre_painting,Impressionism,max-liebermann_a-country-brasserie-brannenburg-bavaria-1894 +portrait,Rococo,vladimir-borovikovsky_portrait-of-e-i-nekludova +portrait,Romanticism,jan-matejko_julian-bukowski +religious_painting,High_Renaissance,giorgione_david-with-the-head-of-goliath-1510(2) +portrait,Post_Impressionism,jacques-villon_le-violeniste-1903 +still_life,Realism,henri-fantin-latour_white-roses-chrysanthemums-in-a-vase-peaches-and-grapes-on-a-table-with-a-white-tablecloth-1876 +religious_painting,Baroque,francisco-de-zurbaran_saint-margaret-dressed-as-a-shepherdess +cityscape,Post_Impressionism,edouard-cortes_place-de-l-opera-4 +still_life,Realism,theodor-aman_fruit-basket +genre_painting,Impressionism,camille-pissarro_cowherd-pontoise-1880 +genre_painting,Realism,camille-pissarro_peasant-working-in-the-fields +portrait,Expressionism,amedeo-modigliani_jeanne-hebuterne-with-hat-and-necklace-1917 +landscape,Realism,pyotr-konchalovsky_tree-against-the-sky-1923 +portrait,Cubism,pablo-picasso_seated-woman-1930 +portrait,Symbolism,gustav-klimt_the-black-feather-hat +landscape,Romanticism,ivan-aivazovsky_the-bay-of-naples-1845 +sketch_and_study,Realism,vincent-van-gogh_peasant-boy-1885 +genre_painting,Rococo,antoine-watteau_l-enseigne-de-gersaint-1720 +still_life,Fauvism,ilya-mashkov_still-life-with-pineapples-1910 +portrait,Impressionism,ion-theodorescu-sion_red-muslin-1931 +portrait,Realism,fyodor-bronnikov_reading-the-newspaper-1880 +landscape,Impressionism,claude-monet_the-village-of-la-coche-blond-evening +religious_painting,Symbolism,james-tissot_the-golden-calf-as-in-exodus +landscape,Impressionism,eugene-boudin_the-harbor-at-deauville-1896 +landscape,Symbolism,nicholas-roerich_traces-1917 +portrait,Realism,vasily-tropinin_portrait-of-the-artist-s-sister-vatropinin-1825 +portrait,Rococo,maurice-quentin-de-la-tour_marc-rene-marquis-de-voyer-d-argenson +genre_painting,Realism,pericles-pantazis_the-writer +portrait,Rococo,thomas-gainsborough_lord-cornwallis +portrait,Expressionism,amedeo-modigliani_serving-woman-also-known-as-la-fantesca-1915 +abstract_painting,Minimalism,sean-scully_untitled-1973 +genre_painting,Art_Nouveau_Modern,zinaida-serebriakova_on-the-terrace-in-kharkov-1919 +landscape,Impressionism,sever-burada_balchik-hills +genre_painting,Realism,vasily-surikov_under-the-rain-by-the-coach-to-black-river-1871 +portrait,Impressionism,pierre-auguste-renoir_misia-1904 +abstract_painting,Abstract_Expressionism,brice-marden_after-botticelli-3-1994 +illustration,Art_Nouveau_Modern,raphael-kirchner_new-york-tribune-1916-1 +cityscape,Expressionism,carlos-botelho_nocturnal-new-york-1940 +cityscape,Expressionism,zinaida-serebriakova_cassis-the-roofs-of-the-city-1928 +portrait,Romanticism,orest-kiprensky_portrait-of-ivan-aleksandrovich-annenkov +religious_painting,Early_Renaissance,benozzo-gozzoli_birth-of-st-francis-prophecy-of-the-birth-by-a-pilgrim-homage-of-the-simple-man +portrait,Expressionism,amedeo-modigliani_portrait-of-george-ortiz-1917 +illustration,Art_Nouveau_Modern,kay-nielsen_they-pulled-up-the-princesses +landscape,Romanticism,victor-meirelles_vista-do-desterro-1851 +genre_painting,Impressionism,edgar-degas_laundress-carrying-linen-1878 +portrait,Impressionism,pierre-auguste-renoir_jacques-eugene-spuller-1871 +sketch_and_study,Art_Nouveau_Modern,ferdinand-hodler_the-wounded-standard-bearer-hans-baer-1896 +sketch_and_study,Romanticism,orest-kiprensky_pupils-bringing-thank-to-stroganov-on-the-occasion-of-new-year-1804 +nude_painting,Expressionism,ernst-ludwig-kirchner_three-bathers-on-the-beach +religious_painting,Baroque,rembrandt_saint-francis-praying +nude_painting,Realism,vincent-van-gogh_idol-3 +religious_painting,Naive_Art_Primitivism,marc-chagall_noah-lets-go-the-dove-through-the-window-of-the-ark-genesis-viii-6-9-1931 +landscape,Impressionism,guy-rose_july-afternoon +portrait,Impressionism,philip-wilson-steer_mrs-cyprian-williams-and-her-two-little-girls +illustration,Romanticism,gustave-dore_don-quixote-36 +genre_painting,Post_Impressionism,maurice-prendergast_crepuscule-also-known-as-along-the-shore-or-beach +sketch_and_study,Minimalism,brice-marden_greece-summer-1974 +landscape,Realism,camille-corot_goatherd-charming-his-goat-with-a-flute +religious_painting,Mannerism_Late_Renaissance,el-greco_apostles-peter-and-paul-1592 +landscape,Post_Impressionism,salvador-dali_landscape-near-cadaques-1921-1 +religious_painting,Early_Renaissance,benozzo-gozzoli_procession-of-the-magus-balthazar-detail-1461-2 +genre_painting,Romanticism,sir-lawrence-alma-tadema_an-earthly-paradise-1891 +portrait,Baroque,rembrandt_maria-bockennolle-wife-of-johannes-elison-1634 +abstract_painting,Color_Field_Painting,helen-frankenthaler_only-orange-1963 +illustration,Romanticism,gustave-dore_the-enchantment-of-don-quixote +landscape,Post_Impressionism,paul-gauguin_dogs-running-through-a-field-1888 +religious_painting,Early_Renaissance,domenico-ghirlandaio_adoration-of-the-child +abstract_painting,Abstract_Expressionism,ronnie-landfield_where-the-creek-hits-the-rise-1988 +religious_painting,Baroque,pietro-da-cortona_the-martyrdom-of-saint-stephen-1660 +landscape,Realism,theodore-rousseau_a-hilly-landscape-in-auvergne-1831 +landscape,Impressionism,gustave-caillebotte_villas-at-trouville +genre_painting,Art_Nouveau_Modern,henri-de-toulouse-lautrec_they-woman-with-a-tub-1896 +portrait,Expressionism,amedeo-modigliani_elvira-with-a-white-collar-1918 +still_life,Baroque,willem-kalf_still-life-1665 +landscape,Romanticism,ivan-aivazovsky_view-of-vico-near-naples-1855 +genre_painting,Realism,winslow-homer_nebelwarnung-the-fog-warning +nude_painting,Post_Impressionism,nicolae-tonitza_nude-1927 +portrait,Realism,john-singer-sargent_portrait-of-jean-joseph-marie-carries-1880 +landscape,Impressionism,alfred-sisley_moret-sur-loing-1892-2 +still_life,Impressionism,abraham-manievich_still-life-with-green-vase-and-flowers +landscape,Impressionism,adolf-hitler_destroyed-bridge +portrait,Cubism,henri-matisse_portrait-of-mme-matisse-1913 +landscape,Symbolism,ferdinand-hodler_from-le-grand-muveran-villars-1912 +portrait,Realism,boris-kustodiev_general-of-infantry-christopher-roop-1902 +landscape,Post_Impressionism,pyotr-konchalovsky_ravines-1923 +abstract_painting,Abstract_Expressionism,mark-tobey_untitled-1959 +portrait,Realism,ilya-repin_portrait-of-n-d-ermakov-1914 +genre_painting,Baroque,gerrit-dou_the-young-mother-1658 +religious_painting,Northern_Renaissance,konrad-witz_st-catherine-of-alexandria +landscape,Post_Impressionism,vincent-van-gogh_large-plane-trees-1889 +illustration,Romanticism,gustave-dore_gargantua-and-pantagruel-1 +religious_painting,High_Renaissance,andrea-del-sarto_the-healing-of-the-possessed-woman +religious_painting,Early_Renaissance,benozzo-gozzoli_funeral-of-st-augustine-1465 +portrait,Baroque,rembrandt_portrait-of-margheride-geer-wife-of-jacob-trip +landscape,Impressionism,pierre-auguste-renoir_landscape-14 +still_life,Post_Impressionism,salvador-dali_still-life-pomegranates +cityscape,Realism,m.c.-escher_tropea-calabria +abstract_painting,Color_Field_Painting,barnett-newman_ulysses-1952 +still_life,Cubism,georges-braque_the-studio-ii-1949 +religious_painting,Naive_Art_Primitivism,marc-chagall_the-face-of-israel-1960 +portrait,Baroque,frans-hals_portrait-of-a-woman-1652 +genre_painting,Expressionism,candido-portinari_roundelay-1932 +portrait,Fauvism,rik-wouters_seated-woman-1915 +genre_painting,Romanticism,john-everett-millais_trust-me-1862 +landscape,Impressionism,pierre-auguste-renoir_rocks-with-shrimp-fishermen-1892 +abstract_painting,Abstract_Expressionism,ronnie-landfield_red-line-painting-ii-1968 +abstract_painting,Color_Field_Painting,ad-reinhardt_abstract-painting-no-9-1966 +still_life,Expressionism,henri-matisse_still-life-with-flowers +religious_painting,Baroque,francisco-de-zurbaran_virgin-of-the-rosary +landscape,Realism,pyotr-konchalovsky_phlox-on-track-1955 +genre_painting,Impressionism,camille-pissarro_apple-tree-at-eragny-1884 +cityscape,Post_Impressionism,maurice-utrillo_jonquiere-street-1 +still_life,Post_Impressionism,william-scott_winter-still-life-1956 +landscape,Symbolism,arnold-bã¶cklin_sanctuary-of-hercules +abstract_painting,Minimalism,anne-truitt_summer-88-no-6-1988 +genre_painting,Romanticism,alfred-stevens_woman-with-a-japanese-doll-1894 +genre_painting,Realism,gustave-courbet_the-sleeping-embroiderer-1853 +religious_painting,Romanticism,gustave-dore_the-rebuilding-of-the-temple-is-begun +portrait,Romanticism,domingos-sequeira_mariana-benedita-sequeira-1822 +genre_painting,Cubism,vicente-manansala_market-vendors-1949 +genre_painting,Realism,nicolae-grigorescu_french-peasant-woman-with-a-bag-on-her-back +genre_painting,Pop_Art,roy-lichtenstein_drowning-girl-1963(1) +landscape,Realism,theodore-rousseau_the-pond-1855 +landscape,Impressionism,claude-monet_grainstack-under-the-sun +genre_painting,Symbolism,felicien-rops_lady-with-puppet-2 +abstract_painting,Color_Field_Painting,larry-zox_untitled-1964 +landscape,Impressionism,cornelis-vreedenburgh_coesweerd-in-laren-in-the-autumn +landscape,Impressionism,john-henry-twachtman_the-summer-house +portrait,Art_Nouveau_Modern,zinaida-serebriakova_portrait-of-a-ballerina-l-a-ivanova-1922 +nude_painting,Impressionism,edgar-degas_woman-drying-herself-2 +religious_painting,Baroque,rembrandt_st-matthew-and-the-angel-1661 +portrait,Post_Impressionism,marcel-duchamp_portrait-of-yvonne-duchamp +abstract_painting,Minimalism,eva-hesse_untitled-1967 +genre_painting,Baroque,le-nain-brothers_the-pontifical-mass +cityscape,Impressionism,pierre-auguste-renoir_farm-courtyard +genre_painting,Northern_Renaissance,pieter-bruegel-the-elder_wooded-region-1566 +cityscape,Expressionism,george-bouzianis_view-of-paris-1930 +landscape,Realism,isaac-levitan_wassylsursk-1887 +cityscape,Naive_Art_Primitivism,louis-vivin_cath-drale-de-notre-dame +genre_painting,Impressionism,frederic-remington_pretty-mother-of-the-night-white-otter-is-no-longer-a-boy-1900 +abstract_painting,Abstract_Expressionism,atsuko-tanaka_untitled-1 +abstract_painting,Abstract_Expressionism,richard-pousette-dart_cascella-ii-1952 +landscape,Romanticism,john-crome_boys-bathing-on-the-river-wensum-norwich-1817 +abstract_painting,Color_Field_Painting,barnett-newman_canto-ii-1964 +religious_painting,Symbolism,james-tissot_moses-sees-the-promised-land-from-afar +portrait,Romanticism,john-hoppner_portrait-of-george-iv-when-prince-of-wales-1796 +religious_painting,Early_Renaissance,piero-della-francesca_exaltation-of-the-cross-detail(1) +landscape,Post_Impressionism,gustave-loiseau_ice-on-the-oise-river-1914 +abstract_painting,Minimalism,rodolfo-arico_untitled-1 +still_life,Realism,pericles-pantazis_still-life-with-flowers-1877 +landscape,Symbolism,konstantin-somov_in-the-park-of-versailles-1 +portrait,Mannerism_Late_Renaissance,parmigianino_camilla-gonzaga-with-her-three-sons +cityscape,Expressionism,frank-auerbach_empire-cinema-modern-postcard +portrait,Impressionism,gustave-caillebotte_portrait-of-eugene-lamy +genre_painting,Expressionism,ernst-ludwig-kirchner_in-the-greenhouse +portrait,Baroque,anthony-van-dyck_agostino-pallavicini +abstract_painting,Color_Field_Painting,sam-gilliam_comet-i-1964 +religious_painting,Baroque,jusepe-de-ribera_st-bruno-the-carthusian-1643 +religious_painting,Baroque,guido-reni_madonna-enthroned-with-saints +landscape,Ukiyo_e,utagawa-kuniyoshi_heavy-rain +genre_painting,Baroque,gerrit-dou_the-quack-1652 +sketch_and_study,Early_Renaissance,pisanello_dog +genre_painting,Realism,winslow-homer_the-veteran-in-a-new-field +genre_painting,Post_Impressionism,pyotr-konchalovsky_the-woman-at-the-creek-1932-1 +genre_painting,Realism,winslow-homer_after-the-hunt +landscape,Impressionism,t.-c.-steele_brook-in-woods-1887 +landscape,Realism,ivan-shishkin_bee-families-in-the-forest-1876 +landscape,Realism,horia-bernea_the-column-1992 +cityscape,Post_Impressionism,maurice-utrillo_saint-vincent-stree-and-the-lapin-agile +portrait,Rococo,maurice-quentin-de-la-tour_father-jean-bernard-le-blanc-art-critic +abstract_painting,Abstract_Expressionism,miriam-schapiro_pandora +still_life,Post_Impressionism,viorel-marginean_flori-de-c-mp-1980 +landscape,Realism,horia-bernea_landscape-1983 +still_life,Impressionism,andre-dunoyer-de-segonzac_vase-d-anemones-citrons-et-panier-sur-la-table +abstract_painting,Minimalism,mira-schendel_untitled-from-splints-1987(1) +landscape,Post_Impressionism,raoul-dufy_landscape-of-montfort-l-amaury-1918 +cityscape,Post_Impressionism,edouard-cortes_flower-market-at-la-madeleine-6 +genre_painting,Realism,thomas-eakins_painting-1 +cityscape,Romanticism,cornelis-springer_cityhall-paderborn +portrait,Art_Nouveau_Modern,max-kurzweil_lady-in-yellow-1899 +landscape,Pointillism,andre-derain_effect-of-sun-on-the-water-london-1906 +sketch_and_study,Post_Impressionism,vincent-van-gogh_head-of-a-man-with-hat-1886(1) +genre_painting,Post_Impressionism,henri-de-toulouse-lautrec_conquest-of-passage-1896 +landscape,Post_Impressionism,andre-derain_the-grove-1912 +portrait,Romanticism,edward-burne-jones_george-howard +landscape,Realism,theodore-rousseau_not_detected_198954 +portrait,Realism,vasily-tropinin_portrait-of-e-a-selivanovskaya-1852 +religious_painting,Northern_Renaissance,lucas-cranach-the-elder_flagellation-of-christ-1538 +portrait,Impressionism,medi-wechsler-dinu_portrait-of-mamut +cityscape,Expressionism,ernst-ludwig-kirchner_hallesches-tor-berlin +religious_painting,Baroque,le-nain-brothers_rest-of-the-holy-family +genre_painting,Pointillism,georges-seurat_the-black-bow +genre_painting,Impressionism,joaquã­n-sorolla_blessing-the-boat-1895 +landscape,Cubism,john-marin_mt-chocorua-no-1-1926 +religious_painting,High_Renaissance,correggio_the-vision-of-st-john-in-patmos-1(2) +portrait,Expressionism,yiannis-moralis_by-the-outdoor-photographer-1934 +genre_painting,Cubism,carlos-saenz-de-tejada_girl-with-doll +portrait,Romanticism,karl-bryullov_portrait-of-catherine-tittoni-1852(1) +landscape,Expressionism,amadeo-de-souza-cardoso_green-landscape-1915 +landscape,Symbolism,nicholas-roerich_kardang-study-1932 +genre_painting,Baroque,rembrandt_a-man-making-water-1631 +landscape,Realism,aleksey-savrasov_drifting-of-ice +landscape,Post_Impressionism,maurice-prendergast_country-road-new-hampshire +portrait,Realism,konstantin-makovsky_portrait-of-the-girl-3 +portrait,Romanticism,sir-lawrence-alma-tadema_master-john-parsons-millet-1889 +landscape,Romanticism,john-atkinson-grimshaw_the-seven-arches-adel-woods +sketch_and_study,Impressionism,edgar-degas_mary-cassatt-at-the-louvre-study +religious_painting,Northern_Renaissance,konrad-witz_king-solomon-and-the-queen-of-sheba +genre_painting,Impressionism,eugene-boudin_fisherwives-waiting-for-the-boats-to-return-1875 +landscape,Pointillism,georges-seurat_the-river-seine-at-la-grande-jatte-1888 +portrait,Pop_Art,gerard-fromanger_rue-de-la-mer-1974 +still_life,Post_Impressionism,ilya-mashkov_begonias-1909 +landscape,Realism,vasily-vereshchagin_nomadic-road-in-the-mountains-of-ala-tau-1870 +portrait,Realism,boris-kustodiev_portrait-of-a-priest-and-a-deacon-1907 +portrait,Realism,emile-claus_charlotte-dufaux-in-her-wedding-dress-1886 +genre_painting,Impressionism,jose-malhoa_untitled +portrait,Expressionism,pyotr-konchalovsky_seated-girl-sketch-of-portrait-of-kamushka-benediktova-1931 +illustration,Naive_Art_Primitivism,marc-chagall_illustration-for-literary-review-shtrom-heftn-1923-1 +portrait,Rococo,joshua-reynolds_lady-skipwith +portrait,Impressionism,marie-bracquemond_woman-with-an-umbrella-1880 +portrait,Realism,ivan-kramskoy_portrait-of-dr-sergei-petrovich-botkin-1880 +portrait,Realism,thomas-eakins_between-rounds-study-for-the-timer-1899 +cityscape,Romanticism,john-atkinson-grimshaw_moonlight-after-rain +genre_painting,Pointillism,henri-edmond-cross_the-farm-morning +nude_painting,Post_Impressionism,maurice-prendergast_beach-no-3 +nude_painting,Post_Impressionism,georges-lemmen_young-bather-1904 +landscape,Realism,vasily-polenov_beirut-1882 +portrait,Expressionism,frank-auerbach_j-y-m-seated-no-1 +religious_painting,High_Renaissance,raphael_the-virgin-of-the-house-of-orleans-1506 +religious_painting,Northern_Renaissance,jan-van-hemessen_san-girolamo-in-preghiera +abstract_painting,Abstract_Expressionism,john-hoyland_landslide-1978 +landscape,Realism,vasily-polenov_the-gorge-of-the-rocky-mountains-1897 +religious_painting,Symbolism,nicholas-roerich_saint-sergius-employees-1940 +portrait,Expressionism,amedeo-modigliani_young-girl-in-beret-1918 +landscape,Post_Impressionism,lovis-corinth_garden-in-the-west-end-of-berlin-1925 +portrait,Impressionism,pierre-auguste-renoir_girl-with-fan +portrait,Impressionism,pierre-auguste-renoir_madame-paul-gallimard-nee-lucie-duche-1892 +portrait,Romanticism,francisco-goya_dona-isabel-de-porcel-1806 +cityscape,Pointillism,henri-martin_the-small-pergola +portrait,Baroque,anthony-van-dyck_portrait-of-dona-polyxena-spinola-guzm-de-lagan-s +landscape,Impressionism,arkhip-kuindzhi_expanse-crimea +landscape,Post_Impressionism,asgrimur-jonsson_mt-str-tur-and-eir-ksj-kull-glacier-west-iceland-1948 +cityscape,Pointillism,camille-pissarro_the-serpentine-hyde-park-fog-effect-1890 +landscape,Impressionism,berthe-morisot_a-corner-of-the-rose-garden +landscape,Impressionism,alfred-sisley_the-plain-of-thomery-and-the-village-of-champagne-1882 +landscape,Realism,isaac-levitan_early-spring-1898 +still_life,Fauvism,aldemir-martins_green-vase-with-flowers-and-fruit-2001 +genre_painting,Naive_Art_Primitivism,maria-primachenko_ukrainian-wedding-1983 +nude_painting,Fauvism,ilya-mashkov_seated-nude-1918 +nude_painting,Contemporary_Realism,eric-fischl_girl-with-doll +nude_painting,Action_painting,walasse-ting_it-is-very-hot-here-1986 +landscape,Realism,ivan-shishkin_stream-by-a-forest-slope-1880 +genre_painting,Ukiyo_e,kitagawa-utamaro_male-couple-1802 +landscape,Impressionism,claude-monet_the-train +sketch_and_study,Symbolism,kuzma-petrov-vodkin_model-1907 +still_life,Naive_Art_Primitivism,fernando-botero_watermelons-and-oranges +religious_painting,Baroque,guido-reni_joseph-and-potiphars-wife +cityscape,Realism,boris-kustodiev_bridge-astrakhan-1918 +genre_painting,Impressionism,eugene-boudin_women-fishing-for-shrimp-at-kerhor-1870 +portrait,Baroque,frans-hals_the-painter-jan-asselyn-1650 +nude_painting,Ukiyo_e,utagawa-kuniyoshi_rape-scene +cityscape,Pointillism,henri-edmond-cross_the-viaduct +portrait,Expressionism,corneliu-baba_portrait-of-a-girl-1974 +still_life,Realism,eugene-boudin_still-life-with-skate-1861 +cityscape,New_Realism,edward-hopper_squam-light +genre_painting,Romanticism,karl-bodmer_dog-sledges-of-the-mandan-indians-plate-28-from-volume-2-of-travels-in-the-interior-of-north +still_life,Impressionism,gustave-caillebotte_fruit-displayed-on-a-stand +landscape,Realism,volodymyr-orlovsky_a-road-1881 +genre_painting,Impressionism,eugene-boudin_deauville-beach-scene-1890 +cityscape,Impressionism,james-mcneill-whistler_view-of-venice +illustration,Art_Nouveau_Modern,heorhiy-narbut_grasshopper-in-front-a-house-of-cards-1913 +landscape,Impressionism,nutzi-acontz_landscape-with-river-1954 +illustration,Naive_Art_Primitivism,marc-chagall_the-story-of-the-rooster-the-little-goat-1 +portrait,High_Renaissance,giovanni-antonio-boltraffio_portrait-alleged-to-be-of-anne-whateley-in-fact-likely-to-be-girolamo-casio-1495 +portrait,Impressionism,ion-andreescu_white-headscarf-girl-head +genre_painting,Impressionism,edouard-manet_two-women-drinking-bocks-1878 +illustration,Art_Nouveau_Modern,theodor-severin-kittelsen_min-soenn-tred-alltid-i-din-fars-fotspor-1894 +portrait,Expressionism,zinaida-serebriakova_portrait-of-prince-vsevolod-obolensky-1936 +sketch_and_study,Realism,john-singer-sargent_sketch-for-the-sorrowful-mysteries-the-carrying-of-the-cross-head-and-shoulders-of-a-man +religious_painting,Mannerism_Late_Renaissance,giuseppe-arcimboldo_portrait-of-adam-1578(1) +genre_painting,Ukiyo_e,utagawa-toyokuni-ii_courtesan-choto-with-two-kamuro-young-attendants-behind-her +religious_painting,Mannerism_Late_Renaissance,maerten-van-heemskerck_st-luke-painting-the-virgin-and-child-1532 +portrait,Realism,boris-kustodiev_portrait-of-ivan-yershov-1922 +abstract_painting,Color_Field_Painting,ronald-davis_ring-1968 +sketch_and_study,Romanticism,joseph-wright_study-of-a-young-girl-in-a-turban-and-frilled-collar +landscape,Romanticism,thomas-moran_view-of-fairmont-waterworks-philadelphia-1860 +portrait,Romanticism,karl-bryullov_portrait-of-the-architect-k-a-ton-1827 +landscape,Impressionism,auguste-herbin_snow-at-haut-isle-1906 +religious_painting,Northern_Renaissance,albrecht-durer_mary-and-child +portrait,Rococo,louise-elisabeth-vigee-le-brun_the-grand-duchesse-anna-feodorovna-1796 +portrait,Romanticism,polychronis-lembesis_captain-ben-1 +religious_painting,High_Renaissance,vittore-carpaccio_holy-family-with-two-donors-1505 +still_life,Synthetic_Cubism,juan-gris_the-book-1913 +portrait,Mannerism_Late_Renaissance,tintoretto_young-man-in-a-gold-decorated-suit-of-armour-1556 +abstract_painting,Color_Field_Painting,leon-berkowitz_oblique-7-1968 +genre_painting,Northern_Renaissance,albrecht-durer_knight-on-horseback-1 +landscape,Romanticism,frederic-edwin-church_a-waterfall-in-colombia-1853 +abstract_painting,Color_Field_Painting,sam-francis_sculpture-drawing-sf64-571-1964 +portrait,Romanticism,vasily-tropinin_orlov-vladimir-g-1826 +portrait,Impressionism,marie-bracquemond_le-gouter-1880 +genre_painting,Rococo,jean-baptiste-simeon-chardin_frau-geschirr-scheuernd +genre_painting,Symbolism,konstantin-vasilyev_homesickness +landscape,Realism,aleksey-savrasov_evening-1877 +religious_painting,Baroque,rembrandt_death-of-the-virgin +sketch_and_study,Expressionism,theo-van-doesburg_female-nude-on-a-chair-1931 +sketch_and_study,Symbolism,james-tissot_etude +abstract_painting,Abstract_Expressionism,henri-matisse_bees-1948 +abstract_painting,Pop_Art,burhan-dogancay_walls-v-5-1969 +religious_painting,Realism,salvador-dali_st-helena-of-port-lligat +still_life,Post_Impressionism,paul-cezanne_still-life-with-a-ginger-jar-and-eggplants-1894 +portrait,Impressionism,claude-monet_jean-monet-on-a-mechanical-horse +landscape,Impressionism,frits-thaulow_a-morning-river-scene +genre_painting,Art_Nouveau_Modern,boris-kustodiev_village-holiday-autumn-holiday-in-the-village-1914 +landscape,Impressionism,alfred-sisley_september-morning-1887 +religious_painting,Northern_Renaissance,gerard-david_madonna-and-child-with-two-music-making-angels +religious_painting,Northern_Renaissance,albrecht-durer_rest-on-the-flight-to-egypt +sketch_and_study,Post_Impressionism,vincent-van-gogh_skeleton +sketch_and_study,Naive_Art_Primitivism,fernand-leger_the-album-circus-1950-31 +cityscape,Impressionism,eugene-boudin_channel-in-brussels-1871 +genre_painting,Realism,andrei-ryabushkin_sunday +landscape,Impressionism,alfred-sisley_orchard-in-spring-1889 +sketch_and_study,Impressionism,valentin-serov_portrait-of-leo-bakst +genre_painting,Realism,boris-kustodiev_autumn-1926 +landscape,Impressionism,francis-picabia_the-effect-of-sunlight-on-the-banks-of-the-loing +landscape,Impressionism,pierre-auguste-renoir_landscape-17 +genre_painting,Art_Nouveau_Modern,aubrey-beardsley_bathyllus-taking-the-pose +landscape,Symbolism,nicholas-roerich_tibetian-camp-keilang-1932 +landscape,Symbolism,mikalojus-ciurlionis_daybreak-ii-1906 +portrait,Romanticism,paul-delaroche_herodias-1843 +genre_painting,Impressionism,edouard-manet_in-the-garden-1870 +portrait,Expressionism,chronis-botsoglou_sex +religious_painting,Mannerism_Late_Renaissance,paolo-veronese_st-nicholas-named-bishop-of-myra-1582 +landscape,Impressionism,william-merritt-chase_landscape-shinnecock-hills-1900 +illustration,Romanticism,gustave-dore_the-inferno-canto-7-1 +landscape,Impressionism,willard-metcalf_snow-in-the-foothills +religious_painting,Baroque,diego-velazquez_the-virgin-appearing-to-st-ildephonsus-and-giving-him-a-robe-1620 +portrait,Realism,john-singer-sargent_coventry-patmore-1894 +portrait,Baroque,jacob-jordaens_the-artist-s-family +religious_painting,Symbolism,james-tissot_nadab-and-abihu-are-killed-in-the-tabernacle-leviticus-1900 +sketch_and_study,Realism,ivan-shishkin_morning-in-a-pine-forest-1886 +landscape,Impressionism,guy-rose_the-large-rock-1910 +landscape,Realism,vasily-polenov_troada-1881 +portrait,Pop_Art,andy-warhol_red-lenin +still_life,Realism,charles-demuth_eggplant-and-tomatoes-1926 +illustration,Art_Nouveau_Modern,aubrey-beardsley_lysistrata-shielding-her-coynte-1896 +portrait,Expressionism,otto-dix_plague-german +religious_painting,Mannerism_Late_Renaissance,giorgio-vasari_assumption-of-the-virgin-detail +illustration,Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-russian-fairy-story-maria-morevna-1900-5(1) +landscape,Realism,pyotr-konchalovsky_apples-against-the-blue-sky-1930 +abstract_painting,Minimalism,larry-bell_kf-11-1978 +landscape,Romanticism,john-crome_carrow-abbey-norwich-1805 +genre_painting,Impressionism,edgar-degas_ballet-rehearsal +landscape,Realism,efim-volkov_during-haying +landscape,Realism,pyotr-konchalovsky_jasmine-bush-1955 +still_life,Romanticism,paul-cezanne_still-life-with-green-pot-and-pewter-jug +portrait,Impressionism,mary-cassatt_portrait-of-alexander-j-cassatt-1880 +portrait,Baroque,antoine-pesne_portrait-of-mary-susanne-dinglinger-born-gutermann +abstract_painting,Abstract_Expressionism,pat-lipsky_bumble-bee-1973 +landscape,Post_Impressionism,vincent-van-gogh_suburbs-of-paris-1887 +genre_painting,Impressionism,camille-pissarro_the-war-of-haves-and-have-nots +portrait,Ukiyo_e,keisai-eisen_i-of-the-ebiya-from-the-series-modern-customs-of-the-pleasure-quarters(1) +religious_painting,Symbolism,james-tissot_the-return-of-the-prodigal-son-illustration-for-the-life-of-christ +religious_painting,Mannerism_Late_Renaissance,el-greco_the-holy-family-with-st-anne-and-the-young-st-john-the-baptist +abstract_painting,Abstract_Expressionism,terry-frost_composition-1957 +cityscape,Post_Impressionism,anita-malfatti_veneza-canaleto-1924 +religious_painting,Realism,nikolai-ge_crusifixion +cityscape,Art_Nouveau_Modern,nicholas-roerich_izborsk-towers-1903 +still_life,Realism,vincent-van-gogh_still-life-with-three-birds-nests-1885 +landscape,Pop_Art,peter-max_better-world-1993 +sketch_and_study,Realism,mary-cassatt_sketch-of-mrs-currey-sketch-of-mr-cassatt-1871 +landscape,Impressionism,camille-pissarro_sunrise-on-the-sea +portrait,Northern_Renaissance,hans-memling_portrait-of-anthony-of-burgundy-1470 +landscape,Ukiyo_e,hiroshige_yugasan-in-bizan-province +genre_painting,Baroque,adriaen-van-ostade_peasant-family +genre_painting,Realism,james-tissot_the-stairs +genre_painting,Realism,wilhelm-leibl_die-spinnerin-1892 +portrait,Impressionism,pierre-auguste-renoir_the-reader-young-woman-reading-a-book-1876 +landscape,Realism,johan-hendrik-weissenbruch_farm-near-noorden +genre_painting,Expressionism,max-weber_family-reunion +cityscape,Art_Nouveau_Modern,anna-ostroumova-lebedeva_rostral-column-1912 +landscape,Realism,charles-francois-daubigny_the-banks-of-the-oise-1859 +cityscape,Romanticism,cornelis-springer_st-michael-church-in-zwolle-1862 +genre_painting,Baroque,rembrandt_a-beggar-with-a-wooden-leg-1630 +cityscape,Expressionism,richard-diebenkorn_palo-alto-circle +portrait,Baroque,frans-hals_a-dutch-lady-1643 +nude_painting,Expressionism,balthus_the-toilet-1957 +landscape,Romanticism,john-atkinson-grimshaw_october-gold-1889 +portrait,Baroque,peter-paul-rubens_portrait-of-maria-serra-pallavicino +cityscape,Post_Impressionism,gustave-loiseau_boats-on-the-seine +religious_painting,Northern_Renaissance,gerard-david_the-triptych-of-the-sedano-family +portrait,Realism,pyotr-konchalovsky_a-girl-with-a-bird-1954 +landscape,Impressionism,pierre-auguste-renoir_arabs-by-the-sea +portrait,Pop_Art,andy-warhol_jackie +landscape,Expressionism,martiros-saryan_a-yard-1922 +cityscape,Impressionism,constantin-artachino_landscape-with-mosque +genre_painting,Baroque,adriaen-brouwer_farmers-fight-party +portrait,Rococo,louise-elisabeth-vigee-le-brun_the-bather-1792 +genre_painting,Romanticism,francesco-hayez_portrait-of-familie-stampa-di-soncino +abstract_painting,Color_Field_Painting,sam-francis_untitled-1974-1 +genre_painting,Rococo,william-hogarth_the-march-of-the-guards-to-finchley-1750 +illustration,Rococo,antoine-watteau_cajoler-1708 +genre_painting,Expressionism,pablo-picasso_melancholy-woman +landscape,Romanticism,john-crome_view-at-blofield-near-norwich-1811 +illustration,Expressionism,jury-annenkov_illustration-to-aleksander-blok-s-poem-the-twelve-1918-6 +portrait,Expressionism,marc-chagall_old-woman-with-a-ball-of-yarn +portrait,Expressionism,salvador-dali_my-cousin-montserrat-1920 +landscape,Impressionism,william-merritt-chase_prospect-park-brooklyn-2 +portrait,Realism,ilya-repin_portrait-of-a-gallen-kallela-1920 +religious_painting,Romanticism,gustave-dore_samson-slays-a-lion +landscape,Realism,theodore-rousseau_the-little-fisherman-1849 +cityscape,Realism,vasily-surikov_moscow-yard-1880 +portrait,Naive_Art_Primitivism,fernando-botero_the-maid +sketch_and_study,Realism,vincent-van-gogh_wheat-field-with-trees-and-mower-1885 +genre_painting,Impressionism,camille-pissarro_washerwoman-study-also-known-as-la-mere-larcheveque-1880 +landscape,Impressionism,alfred-sisley_lane-of-poplars-on-the-banks-of-the-loing-1892 +portrait,Post_Impressionism,pablo-picasso_woman-with-hat-1901 +abstract_painting,Abstract_Expressionism,aki-kuroda_midnight-spaghetti-2010 +landscape,Art_Nouveau_Modern,anna-ostroumova-lebedeva_perspective-of-the-constantine-palace-1923 +portrait,Art_Nouveau_Modern,henri-de-toulouse-lautrec_miss-may-belfort-1895-1 +genre_painting,Baroque,david-teniers-the-younger_kermess-1652 +abstract_painting,Color_Field_Painting,imi-knoebel_face-e-2004 +abstract_painting,Color_Field_Painting,gotthard-graubner_farbraumk-rper-1982 +landscape,Impressionism,camille-pissarro_view-of-eragny-1892 +portrait,Expressionism,tia-peltz_smile-1 +religious_painting,Mannerism_Late_Renaissance,giorgio-vasari_vasari-altar-1 +portrait,Cubism,amadeo-de-souza-cardoso_head-1913-1 +landscape,Post_Impressionism,marsden-hartley_red-tree-1910 +abstract_painting,Color_Field_Painting,jack-youngerman_the-50th-year-the-new-school-1969 +sketch_and_study,Expressionism,martiros-saryan_cliffs-1929 +abstract_painting,Abstract_Expressionism,conrad-marca-relli_autumn-suite-c-1970 +landscape,Impressionism,childe-hassam_sunday-morning-appledore +sketch_and_study,Realism,valentin-serov_monkey-and-the-glasses-1911 +cityscape,Post_Impressionism,david-burliuk_live-lobsters-at-joe-s-1961 +illustration,Naive_Art_Primitivism,marc-chagall_mounting-the-ebony-horse-1948 +landscape,Pointillism,marsden-hartley_storm-clouds-maine-1906 +religious_painting,Northern_Renaissance,dirk-bouts_martyrdom-of-saint-erasmus-1458 +religious_painting,Baroque,peter-paul-rubens_the-martyrdom-of-st-livinus +genre_painting,Naive_Art_Primitivism,fred-yates_worthing-pier +portrait,Impressionism,william-merritt-chase_a-madrid-dancing-girl +abstract_painting,Color_Field_Painting,sam-francis_untitled-1977 +landscape,Post_Impressionism,vincent-van-gogh_country-road-1890(1) +portrait,Expressionism,lucian-freud_bella-1981 +abstract_painting,Color_Field_Painting,brice-marden_formal-marble-2011 +still_life,Impressionism,paul-gauguin_two-vases-of-flowers-and-a-fan-1885 +portrait,Impressionism,valentin-serov_portrait-of-the-writer-maxim-gorky-1905 +portrait,Romanticism,karl-bryullov_anatole-demidov(1) +landscape,Contemporary_Realism,neil-welliver_shadow +religious_painting,Northern_Renaissance,martin-schongauer_annunciation-1 +portrait,Post_Impressionism,william-scott_boy-and-a-birdcage-1947 +abstract_painting,Color_Field_Painting,ronnie-landfield_circe-s-palace-1982 +nude_painting,Northern_Renaissance,albrecht-durer_seated-nude-child-1506 +sketch_and_study,Realism,john-singer-sargent_drawing-1 +religious_painting,Baroque,bernardo-strozzi_st-veronica-1630 +landscape,Romanticism,john-constable_the-view-of-salisbury-cathedral-from-the-river-with-the-house-of-the-archdeacon-fischer-1820 +landscape,Impressionism,claude-monet_vetheuil-pink-effect +genre_painting,Romanticism,henryk-siemiradzki_night-on-the-eve-of-ivan-kupala +abstract_painting,Cubism,francis-picabia_dances-at-the-spring-1912 +abstract_painting,Abstract_Expressionism,willem-de-kooning_untitled-1967 +sketch_and_study,Realism,vasily-surikov_soldier-with-gun-1898-1 +landscape,Post_Impressionism,maurice-prendergast_salem-1915 +cityscape,Impressionism,antoine-blanchard_place-de-la-bastiile-3 +illustration,Realism,theodor-severin-kittelsen_daarlige-utsikter(2) +genre_painting,Naive_Art_Primitivism,maria-primachenko_dumplings-on-the-shelf-1979 +abstract_painting,Minimalism,paul-brach_the-negative-way-1-1964 +portrait,Realism,irma-stern_arab-1939 +genre_painting,Symbolism,edvard-munch_the-voice-summer-night-1896 +genre_painting,Art_Nouveau_Modern,carl-larsson_at-church-1905(1) +abstract_painting,Abstract_Expressionism,morris-louis_charred-journal-firewritten-v-1951 +still_life,Impressionism,gustave-caillebotte_two-hanging-pheasants +genre_painting,Romanticism,george-frederick-watts_una-and-the-red-cross-knight +nude_painting,Impressionism,ilya-mashkov_gurzuf-women-s-beach-1925 +nude_painting,Expressionism,egon-schiele_seated-woman-1913 +landscape,Romanticism,camille-corot_souvenir-of-brittany-1873 +genre_painting,Realism,vasily-vereshchagin_interrogation-of-the-renegade +landscape,Fauvism,konstantinos-parthenis_pine-tree +genre_painting,Realism,vincent-van-gogh_peasants-planting-potatoes-1884 +genre_painting,Post_Impressionism,walter-sickert_ennui +still_life,Realism,edouard-manet_the-ham-1880 +landscape,Art_Nouveau_Modern,gustav-klimt_avenue-of-schloss-kammer-park +portrait,Expressionism,nikolaos-lytras_portrait-of-sculptor-yannoulis-chalepas +illustration,Art_Nouveau_Modern,nicholas-roerich_blind-1906 +landscape,Impressionism,claude-monet_springtime-landscape-at-giverny +landscape,Impressionism,claude-monet_low-tide-at-varengeville-02 +portrait,Baroque,anthony-van-dyck_portrait-of-sir-thomas-chaloner-1620 +religious_painting,Early_Renaissance,benozzo-gozzoli_madonna-and-child-between-st-francis-and-st-bernardine-of-siena +landscape,Impressionism,joaquã­n-sorolla_valencia-1910 +portrait,Impressionism,endre-bartos_aged-hungarian-peasant-woman-1958 +cityscape,Impressionism,childe-hassam_celebration-day +genre_painting,Realism,vladimir-makovsky_tete-a-tete-1909 +cityscape,Baroque,canaletto_san-giacomo-di-rialto +religious_painting,Symbolism,james-tissot_the-prophet-jonah +landscape,Impressionism,pierre-auguste-renoir_landscape-near-cagnes-2 +genre_painting,Realism,vasily-vereshchagin_riders-swimming-the-river +landscape,Symbolism,nicholas-roerich_slavic-land +illustration,Symbolism,serge-sudeikin_vignette-for-the-magazine-balance-1907 +abstract_painting,Abstract_Expressionism,john-ferren_navaho-1958 +portrait,Romanticism,dante-gabriel-rossetti_regina-cordium-1860 +landscape,Post_Impressionism,pierre-bonnard_not_detected_221938 +portrait,Romanticism,karl-bryullov_portrait-of-a-member-of-the-state-council-of-the-book-a-n-holytsyna(1) +cityscape,Impressionism,alfred-sisley_church-at-moret-after-the-rain-1894 +landscape,Impressionism,claude-monet_the-church-at-varengeville-02 +genre_painting,Symbolism,felix-vallotton_the-waltz-1893 +genre_painting,Baroque,gerard-terborch_the-flea-catcher-boy-with-his-dog +landscape,Romanticism,paul-cezanne_house-in-provence-1867 +abstract_painting,Minimalism,fernando-calhau_pintura-1972 +cityscape,Impressionism,john-atkinson-grimshaw_reflections-on-the-thames-westminster-1880 +illustration,Romanticism,gustave-dore_don-quixote-40 +genre_painting,Expressionism,martiros-saryan_the-street-1929 +cityscape,Pointillism,paul-signac_the-port-at-vlissingen-boats-and-lighthouses-1896 +portrait,Art_Nouveau_Modern,felix-vallotton_gaveau-1897 +portrait,Realism,john-singer-sargent_mrs-jacob-wandell-1888 +genre_painting,Mannerism_Late_Renaissance,sofonisba-anguissola_lucia-minerva-and-europa-anguissola-playing-chess-1555 +religious_painting,Symbolism,felicien-rops_the-satanic-removal +portrait,Expressionism,amedeo-modigliani_head-of-a-young-girl-1916 +genre_painting,Expressionism,marc-chagall_on-the-stretcher-wounded-soldier-1914 +landscape,Realism,isaac-levitan_overgrown-pond +sketch_and_study,Realism,boris-kustodiev_kineshma-steamer-at-the-pier-1906 +landscape,Impressionism,camille-pissarro_february-sunrise-bazincourt-1893 +cityscape,Impressionism,grace-cossington-smith_centre-of-a-city-1925 +religious_painting,Early_Renaissance,carlo-crivelli_triptych-of-camerino-1482 +still_life,Fauvism,raoul-dufy_pedistal-table-rue-seguier-1909 +portrait,Expressionism,amedeo-modigliani_the-artist-s-wife-1918 +genre_painting,Impressionism,nikolay-bogdanov-belsky_in-the-shade +religious_painting,Romanticism,gustave-dore_the-disciples-plucking-corn-on-the-sabbath +landscape,Realism,charles-francois-daubigny_the-hamlet-of-optevoz-in-the-morning +genre_painting,Expressionism,margareta-sterian_primavera +cityscape,Impressionism,lucian-grigorescu_vedere-c-tre-biserica-sf-spiridon-1940 +landscape,Symbolism,nicholas-roerich_mongolia-chakhar-hills-1936 +religious_painting,Baroque,jacob-jordaens_the-miraculous-draught-of-fishes +abstract_painting,Cubism,olexandr-archipenko_composition-1920 +religious_painting,Baroque,caravaggio_judith-beheading-holofernes-1599 +portrait,Realism,constantin-stahi_queen-elizabeth-and-princess-m-rioara-1877 +genre_painting,Expressionism,pablo-picasso_picador-1900 +nude_painting,Impressionism,edgar-degas_after-the-bath-1896-1 +sketch_and_study,Realism,boris-kustodiev_portrait-of-the-artist-nadezhda-komarovskaya-1925 +landscape,Symbolism,nicholas-roerich_snowy-peaks +cityscape,Impressionism,antoine-blanchard_place-de-la-republique-4 +portrait,Northern_Renaissance,hans-holbein-the-younger_portrait-of-robert-cheseman-1533 +abstract_painting,Color_Field_Painting,mark-rothko_untitled-yellow-red-and-blue-1953 +genre_painting,Romanticism,george-stubbs_earl-grosvenor-s-bandy +genre_painting,Expressionism,ernst-ludwig-kirchner_street-scene +portrait,Expressionism,amedeo-modigliani_beatrice-hastings-1915 +genre_painting,Baroque,bartolome-esteban-murillo_baking-of-flat-cakes-1650 +cityscape,Cubism,andre-derain_vista-de-saint-paul-de-vence-1910 +portrait,Art_Nouveau_Modern,richard-gerstl_anna-baumer-1905 +genre_painting,Baroque,jan-steen_dancing-lesson +nude_painting,Impressionism,pierre-auguste-renoir_bathers-in-the-forest +landscape,Romanticism,john-crome_river-wensum +landscape,Realism,fyodor-vasilyev_evening-1871 +landscape,Expressionism,ion-tuculescu_butterfly-dance +religious_painting,Symbolism,mikhail-nesterov_crucifixion-1912 +abstract_painting,Minimalism,jiro-yoshihara_unknown-title(1) +landscape,Realism,pyotr-konchalovsky_study-1952 +portrait,Expressionism,richard-diebenkorn_woman-with-hat-and-groves +genre_painting,Baroque,rembrandt_the-shepards-and-the-family-1644 +religious_painting,Northern_Renaissance,jean-fouquet_saint-bernard +religious_painting,Symbolism,henri-fantin-latour_study-for-eve-1898 +cityscape,Post_Impressionism,maurice-utrillo_paintshop-at-saint-ouen +genre_painting,Expressionism,henri-matisse_game-of-bowls-1908 +sketch_and_study,Realism,salvador-dali_cathedral-unfinished +illustration,Art_Nouveau_Modern,aubrey-beardsley_the-lady-at-the-dressing-table +religious_painting,Northern_Renaissance,hieronymus-bosch_triptych-of-last-judgement-1 +illustration,Art_Nouveau_Modern,edmund-dulac_layla-from-the-picture-book-for-the-red-cross +portrait,Symbolism,arnold-bã¶cklin_portrait-of-clara-bruckmann-b-cklin +genre_painting,Post_Impressionism,janos-tornyai_on-a-seacoast-1900 +genre_painting,Impressionism,henri-de-toulouse-lautrec_prick-and-woodman-1882 +still_life,Post_Impressionism,serge-sudeikin_still-life-with-porcelain-figurines-and-roses-1909 +religious_painting,Baroque,guido-reni_st-andrew-corsini-in-prayer-1635 +cityscape,Impressionism,john-singer-sargent_san-vigilio-1913 +portrait,Art_Nouveau_Modern,ferdinand-hodler_standing-female-figure-in-a-blue-dress +genre_painting,Impressionism,nikolay-bogdanov-belsky_boy-on-a-grass +genre_painting,Post_Impressionism,victor-borisov-musatov_tapestry-1901 +portrait,Impressionism,pierre-auguste-renoir_woman-s-head-1905 +cityscape,Post_Impressionism,edouard-cortes_st-denis-winter-1 +landscape,Symbolism,nicholas-roerich_mountain-eagles-tibetan-stupa-1931 +genre_painting,Rococo,william-hogarth_before +landscape,Realism,john-singer-sargent_a-backwater-at-wargrave-1887 +still_life,Romanticism,adolphe-joseph-thomas-monticelli_flowers-in-a-vase +cityscape,Realism,alexey-bogolyubov_norman-city-1879 +nude_painting,Naive_Art_Primitivism,pablo-picasso_nudes-in-reverie-1920 +genre_painting,Baroque,david-teniers-the-younger_the-archduke-leopold-wilhelm-in-his-picture-gallery-in-brussels +portrait,New_Realism,george-luks_butts-1928 +religious_painting,Symbolism,salvador-dali_lazarus-come-forth-lazare-veni-foras-1964 +still_life,Post_Impressionism,paul-gauguin_bouquet-of-flowers +portrait,New_Realism,john-french-sloan_professional-nurse +portrait,Cubism,joan-miro_portrait-of-v-nubiola +still_life,Synthetic_Cubism,pablo-picasso_the-tavern-1914 +portrait,Rococo,vladimir-borovikovsky_portrait-of-the-author-alexander-labsin-1805 +portrait,Expressionism,pablo-picasso_antes +portrait,Impressionism,edgar-degas_mademoiselle-fiocre-in-the-ballet-1868 +religious_painting,Early_Renaissance,filippo-lippi_birth-and-naming-st-john-detail-1465 +religious_painting,High_Renaissance,andrea-del-sarto_st-john-the-baptist +landscape,Fauvism,janos-mattis-teutsch_spring-1909 +portrait,Romanticism,gheorghe-tattarescu_portrait-of-nicolae-b-lcescu-1851 +landscape,Fauvism,louis-valtat_barges-on-the-seine-1905 +abstract_painting,Color_Field_Painting,gene-davis_moroccan-wedding-1972(1) +landscape,Impressionism,alfred-sisley_a-february-morning-at-moret-sur-loing-1881 +portrait,Romanticism,ivan-aivazovsky_pushkin-s-farewell-to-the-black-sea-1877 +portrait,Post_Impressionism,stefan-luchian_safta-the-flower-girl-1901 +nude_painting,Baroque,agostino-carracci_antony-and-cleopatra +portrait,Romanticism,konstantin-makovsky_oriental-motif +genre_painting,Naive_Art_Primitivism,raoul-dufy_the-artist-and-his-model-in-the-studio-at-le-havre +landscape,Romanticism,william-turner_norham-castle-sunrise +portrait,Impressionism,william-merritt-chase_portrait-of-elizabeth-betsy-fisher +abstract_painting,Color_Field_Painting,ellsworth-kelly_train-landscape-1953 +landscape,Realism,john-everett-millais_dew-drenched-furze +genre_painting,Art_Nouveau_Modern,raphael-kirchner_all-healing-7 +genre_painting,Realism,john-lewis-krimmel_black-sawyers-working-in-front-ot-the-bank-of-pennsylvania-philadelphia +portrait,Ukiyo_e,utagawa-kuniyoshi_women-21 +genre_painting,Expressionism,balthus_painter-and-his-model-1981 +portrait,Baroque,rembrandt_portrait-of-jacob-trip-1661 +religious_painting,Early_Renaissance,piero-della-francesca_the-flagellation-of-christ-detail(1) +landscape,Cubism,andrã©-lhote_mirmande-1930 +religious_painting,High_Renaissance,pietro-perugino_pala-di-sant-agostino-st-jerome-and-santa-maria-magdalena-1523 +genre_painting,Cubism,fernand-leger_the-butcher-shop-1921 +landscape,Symbolism,nicholas-roerich_chandra-bhaga-path-to-triloknath-1932 +religious_painting,Baroque,rembrandt_balaam-s-ass-1626 +portrait,Romanticism,eugene-delacroix_portrait-of-george-sand-1838(1) +genre_painting,Impressionism,eugene-boudin_beach-scene-1880 +portrait,Realism,ilya-repin_the-model-in-the-turban +portrait,Impressionism,pierre-auguste-renoir_nini-lopez-1876 +sketch_and_study,Impressionism,anton-melbye_coastal-scene-with-larger-rocks-1862 +abstract_painting,Color_Field_Painting,theodoros-stamos_infinity-field-lefkada-series-1981(2) +cityscape,Post_Impressionism,maurice-utrillo_street-at-corte +portrait,Mannerism_Late_Renaissance,titian_portrait-of-a-young-man-the-young-englishman +cityscape,New_Realism,john-french-sloan_street-lilacs-noon-sun-1918 +nude_painting,Impressionism,pierre-auguste-renoir_torso-before-the-bath +landscape,Realism,gustave-courbet_landscape-near-puit-noir-near-ornans-1872 +genre_painting,Realism,ilya-repin_evening-party-1881 +portrait,Rococo,joshua-reynolds_miss-beatrix-lister +religious_painting,High_Renaissance,andrea-mantegna_christ-with-the-soul-of-the-virgin-1506 +landscape,Realism,gustave-courbet_calm-seas-1873 +genre_painting,Impressionism,victor-borisov-musatov_boy-at-the-seashore-1895 +religious_painting,High_Renaissance,andrea-mantegna_st-bernardine-of-siena-with-the-angels-1506 +portrait,Rococo,francois-boucher_madame-bergeret-1766 +abstract_painting,Color_Field_Painting,sam-francis_untitled-sam-francis-for-arnold-newman +portrait,Expressionism,george-bouzianis_portrait-of-a-man-1919(2) +portrait,Baroque,frans-hals_portrait-of-isaak-abrahamsz-massa-1626 +portrait,Post_Impressionism,vladimir-dimitrov_unknown-title-8 +portrait,Ukiyo_e,utagawa-kuniyoshi_women-27 +sketch_and_study,Realism,isaac-levitan_path-in-the-forest-1 +landscape,Impressionism,claude-monet_pourville-sunset +portrait,Rococo,vladimir-borovikovsky_portrait-of-catherine-ii-empress-of-russia-1794 +landscape,Impressionism,julian-alden-weir_green-hills-and-farmland +landscape,Impressionism,claude-monet_the-corniche-of-monaco +landscape,Impressionism,claude-monet_pourville-near-dieppe +genre_painting,Impressionism,edouard-manet_corner-of-a-cafe-concert-1880 +genre_painting,Art_Nouveau_Modern,henri-de-toulouse-lautrec_at-the-concert-1896 +landscape,Realism,isaac-levitan_barges-the-volga-1889 +abstract_painting,Color_Field_Painting,mark-rothko_no-5-no-22 +landscape,Realism,camille-corot_shepherd-and-shepherdess-at-play +genre_painting,Expressionism,otto-dix_sailor-and-girl +illustration,Expressionism,m.c.-escher_scholastica-cover +genre_painting,Realism,constantin-guys_parisienne-seen-from-the-back-1855 +landscape,Realism,aleksey-savrasov_old-oak-tree-at-the-cliff-above-the-river-1857 +portrait,Rococo,joshua-reynolds_lady-elizabeth-compton +religious_painting,Early_Renaissance,fra-angelico_apparition-of-st-francis-at-arles-1429 +religious_painting,Naive_Art_Primitivism,marc-chagall_title-page-angel-1956 +landscape,Post_Impressionism,marsden-hartley_smelt-brook-falls +genre_painting,Symbolism,gustave-moreau_woman-bathing +religious_painting,High_Renaissance,lorenzo-lotto_the-charity-of-st-anthony-1542 +landscape,Impressionism,alfred-sisley_the-bridge-at-argenteuil-1872 +portrait,Impressionism,theo-van-rysselberghe_portrait-of-octave-maus-1885 +landscape,Post_Impressionism,pyotr-konchalovsky_krylatskoye-autumn-1922 +cityscape,Impressionism,pierre-auguste-renoir_place-de-la-trinite-1875-2 +cityscape,Impressionism,alfred-sisley_the-church-at-moret-winter-1894 +genre_painting,Romanticism,dante-gabriel-rossetti_the-garland-1873 +abstract_painting,Color_Field_Painting,friedel-dzubas_untitled-1968 +abstract_painting,Abstract_Expressionism,hans-hofmann_golden-autumn-1963 +cityscape,Symbolism,mstislav-dobuzhinsky_vilna-mostovaya-street(1) +genre_painting,Realism,ilya-repin_on-the-boundary-path-v-a-repina-with-children-going-on-the-boundary-path-1879 +abstract_painting,Color_Field_Painting,sam-francis_untitled-1966(1) +landscape,Impressionism,winston-churchill_cedar-in-the-garden-at-breccles(1) +portrait,Impressionism,edmund-charles-tarbell_arrangement-in-pink-and-gray-afternoon-tea +religious_painting,Early_Renaissance,piero-della-francesca_battle-between-heraclius-and-chosroes(1) +portrait,Rococo,carl-ludwig-johann-christineck_catherine-mordvinova-1773 +religious_painting,Expressionism,tsuguharu-foujita_christ-en-croix +portrait,Post_Impressionism,pablo-picasso_portrait-of-corina-romeu-1902 +landscape,Romanticism,thomas-cole_the-hunter-s-return-1845 +still_life,Realism,odilon-redon_pepper-and-lemon-on-a-white-tablecloth-1901 +landscape,Realism,isaac-levitan_twilight-stacks-1899 +sketch_and_study,Post_Impressionism,vincent-van-gogh_sheet-with-figures-and-hands-1890 +genre_painting,Baroque,bartolome-esteban-murillo_the-young-beggar +cityscape,Impressionism,konstantin-korovin_parisian-street +landscape,Symbolism,nicholas-roerich_mongolia-1927 +portrait,Romanticism,jan-matejko_henryk-krajewski +religious_painting,Early_Renaissance,sandro-botticelli_madonna-and-child-with-two-angels(1) +religious_painting,Mannerism_Late_Renaissance,titian_the-annunciation-1 +cityscape,Pop_Art,hiro-yamagata_exhibition-1980 +landscape,Impressionism,fern-coppedge_mountain-creek +landscape,Romanticism,thomas-cole_the-gardens-of-the-van-rensselaer-manor-house-1840 +genre_painting,Realism,viktor-vasnetsov_the-farmer-at-the-table-1877 +landscape,Impressionism,robert-julian-onderdonk_bluebonnets-at-sunrise-1917 +genre_painting,Romanticism,arthur-hughes_april-love-1856 +nude_painting,Expressionism,egon-schiele_two-girls-lying-entwined-1915 +abstract_painting,Minimalism,conrad-marca-relli_untitled-m-10-69-1969 +portrait,Mannerism_Late_Renaissance,titian_portrait-of-a-lady +sketch_and_study,Post_Impressionism,vincent-van-gogh_head-of-a-man-1886-1(1) +portrait,Impressionism,edouard-manet_woman-in-furs-portrait-of-mery-laurent-1882 +genre_painting,Realism,pavel-fedotov_the-fresh-cavalier +sketch_and_study,Impressionism,pierre-auguste-renoir_dance-in-the-country-1883 +landscape,Impressionism,camille-pissarro_the-path-from-halage-pontoise-1879 +landscape,Impressionism,claude-monet_the-manneport-etretat-the-porte-d-aval +portrait,Impressionism,walter-sickert_george-moore-1891 +sketch_and_study,Post_Impressionism,vincent-van-gogh_three-cicadas-1889 +landscape,Impressionism,claude-monet_pathway-in-monet-s-garden-at-giverny +portrait,Expressionism,sidney-nolan_armoured-helmet-1956 +religious_painting,Realism,ilya-repin_follow-me-satan-1895 +cityscape,Post_Impressionism,kuzma-petrov-vodkin_the-city-of-constantine-1907 +genre_painting,Contemporary_Realism,eric-fischl_birth-of-love-2nd-version +portrait,Romanticism,sir-lawrence-alma-tadema_portrait-of-miss-laura-theresa-epps +religious_painting,Early_Renaissance,fra-angelico_st-jerome-1440 +landscape,Realism,pyotr-konchalovsky_yenisei-1951-1 +portrait,Romanticism,eugene-delacroix_head-of-a-woman-in-a-red-turban-1831(1) +portrait,Art_Nouveau_Modern,felix-vallotton_portrait-of-french-writer-f-lix-f-n-on-1898 +abstract_painting,Abstract_Expressionism,dan-christensen_torodoro-2004 +cityscape,Impressionism,iosif-iser_plaza-in-montmartre +landscape,Realism,camille-corot_fontainebleau-the-bas-breau-road +genre_painting,Impressionism,jean-alexandru-steriadi_feti-e-la-pian +portrait,Romanticism,gheorghe-tattarescu_marioara-the-daughter-of-the-painter +landscape,Realism,ferdinand-hodler_olive-trees-in-spain-1878 +portrait,Romanticism,orest-kiprensky_peasant-boy-andryushka-1814 +landscape,Expressionism,pyotr-konchalovsky_landscape-1929 +portrait,High_Renaissance,raphael_portrait-of-agnolo-doni-1506 +portrait,Realism,konstantin-makovsky_child-on-the-snow +landscape,Post_Impressionism,martiros-saryan_banks-of-the-river-zangu-near-yerevan-1930 +illustration,Art_Nouveau_Modern,nicholas-roerich_vignette-for-book-n-k-roerich-1918-5 +portrait,Realism,vasily-surikov_portrait-of-a-i-yemelyanova-1909 +landscape,Impressionism,claude-monet_the-artist-s-house-from-the-rose-garden-1924 +illustration,Art_Nouveau_Modern,ivan-bilibin_illustration-for-george-kennan-s-book-siberia-and-the-exile-1906(1) +abstract_painting,Minimalism,lee-ufan_dialogue-2008 +genre_painting,Baroque,adriaen-van-ostade_peasant-family-in-a-cottage-interior +religious_painting,Symbolism,george-frederick-watts_eve-repentant +religious_painting,Baroque,nicolas-tournier_christ-carrying-the-cross-1632 +sketch_and_study,High_Renaissance,titian_horse-and-rider-black-chalk-on-blue-paper +landscape,Impressionism,claude-monet_olive-tree-wood-in-the-moreno-garden +still_life,Expressionism,jose-gutierrez-solana_still-life-with-dead-turkey +religious_painting,Romanticism,gustave-dore_the-flight-into-egypt +portrait,Rococo,dmitry-levitzky_alexander-bezborodko +cityscape,Impressionism,eugene-boudin_antwerp-the-schelde +abstract_painting,Abstract_Expressionism,frank-stella_green-solitaire-1981 +genre_painting,Baroque,jan-steen_leaving-the-tavern +landscape,Symbolism,konstantin-bogaevsky_memories-of-mantegna-1910 +genre_painting,Impressionism,pierre-auguste-renoir_young-woman-in-a-hat-1 +portrait,Realism,konstantin-somov_portrait-of-e-oliv +genre_painting,Expressionism,august-macke_reading-man-in-park +sketch_and_study,Realism,john-singer-sargent_mario-mancini +religious_painting,Symbolism,salvador-dali_day-of-the-virgin +portrait,Realism,ilya-repin_portrait-of-v-v-verevkina-1916 +landscape,Impressionism,konstantin-korovin_barn-1900 +cityscape,Realism,julius-leblanc-stewart_rio-della-maddalena-1908(1) +genre_painting,Art_Nouveau_Modern,konstantin-somov_two-ladies-on-the-terrace +genre_painting,Expressionism,arturo-souto_war-scene-1937-2 +portrait,Romanticism,george-stubbs_portrait-of-richard-wedgewood +religious_painting,Naive_Art_Primitivism,fernando-botero_archbishop-lost-in-the-woods +religious_painting,Baroque,rembrandt_the-circumcision-small-plate +portrait,Post_Impressionism,pablo-picasso_nana-1901 +religious_painting,Mannerism_Late_Renaissance,hans-von-aachen_ecce-homo-1600 +landscape,Expressionism,richard-gerstl_small-traunsee-landscape-1907 +portrait,Romanticism,orest-kiprensky_portrait-of-nimfodora-semenova-1828 +religious_painting,Art_Nouveau_Modern,jacek-malczewski_the-tribute-money-triptych-middle +sketch_and_study,Romanticism,caspar-david-friedrich_wc-cdfcarolinesponholz +landscape,Realism,maxime-lalanne_le-pont-d-espagne-ch-te-sup-rieure +abstract_painting,Color_Field_Painting,patrick-heron_scarlet-lemon-and-ultramarine-march-1957-1957 +abstract_painting,Abstract_Expressionism,taro-yamamoto_untitled-1961 +religious_painting,Mannerism_Late_Renaissance,el-greco_feast-in-the-house-of-simon +religious_painting,Early_Renaissance,benozzo-gozzoli_st-luke-detail-of-the-four-evangelists-1465 +genre_painting,Post_Impressionism,salvador-dali_young-girls-in-a-garden +portrait,Post_Impressionism,henri-de-toulouse-lautrec_jeanne-wenz-1886 +landscape,Ukiyo_e,keisai-eisen_a-ferry-boat-on-the-sumida-river +portrait,Rococo,vladimir-borovikovsky_grand-duchess-elena-pavlovna-of-russia-1799 +landscape,Fauvism,louis-valtat_an-abandoned-farm-1912 +portrait,Baroque,frans-hals_portrait-of-jasper-schade-van-westrum-1645 +portrait,Impressionism,mary-cassatt_portrait-of-mlle-c-lydia-cassatt-1880 +genre_painting,Romanticism,william-shayer_a-halt-at-the-inn +religious_painting,Baroque,peter-paul-rubens_the-raising-of-the-cross +sketch_and_study,Post_Impressionism,corneliu-baba_harlequins +portrait,Realism,valentin-serov_portrait-of-mikhail-abramovich-morozov-detail-1902 +portrait,Realism,david-burliuk_a-dying-swan +portrait,Rococo,benjamin-west_portrait-of-raphael-west-and-benjamin-west-jr-1775 +portrait,Baroque,rembrandt_portrait-of-jan-asselyn-1647 +abstract_painting,Abstract_Expressionism,gene-davis_composition-i-1949 +landscape,Impressionism,piet-mondrian_geinrust-farm-compositional-study-1906 +portrait,Post_Impressionism,tarsila-do-amaral_portrait-of-oswald-de-andrade-1922 +landscape,Impressionism,arkhip-kuindzhi_elbrus-in-the-daytime-1 +landscape,Baroque,adriaen-van-ostade_a-frozen-lake +genre_painting,Expressionism,kathe-kollwitz_not_detected_235980 +cityscape,Pop_Art,hiro-yamagata_joan-d-arc +religious_painting,Baroque,anthony-van-dyck_samson-and-delilah-1620 +portrait,Impressionism,claude-monet_camille-monet-at-the-window-argentuile +portrait,Cubism,marc-chagall_portrait-of-brother-david-with-mandolin-1914 +religious_painting,Early_Renaissance,domenico-veneziano_the-madonna-and-child-with-saints +abstract_painting,Abstract_Expressionism,sam-francis_hurrah-for-the-red-white-and-blue-1961 +cityscape,Pointillism,georges-seurat_the-channel-at-gravelines-grand-fort-philippe-1888 +portrait,Rococo,dmitry-levitzky_portrait-of-iosif-igelstr-m +religious_painting,Northern_Renaissance,albrecht-durer_title-page-1510 +abstract_painting,Abstract_Expressionism,brice-marden_st-barts-10-1991 +genre_painting,Realism,octav-bancila_b-utorii-de-vin +landscape,Impressionism,alfred-sisley_the-road-in-the-woods-1879 +sketch_and_study,Realism,vincent-van-gogh_fisherman-with-sou-wester-sitting-with-pipe-1883(1) +religious_painting,Northern_Renaissance,hans-memling_triptych-of-earthly-vanity-and-divine-salvation +genre_painting,Impressionism,max-liebermann_horse-races +portrait,Contemporary_Realism,richard-whitney_dr-j-william-littler +portrait,Rococo,benjamin-west_self-portrait-1776 +still_life,Pop_Art,roy-lichtenstein_magnifying-glass-1963(1) +genre_painting,Realism,thomas-eakins_taking-up-the-net-1881 +religious_painting,Baroque,jusepe-de-ribera_st-john-the-baptist-in-the-wilderness +portrait,Impressionism,edgar-degas_place-de-la-concorde-1875 +sketch_and_study,High_Renaissance,michelangelo_study-for-the-colonna-pieta +landscape,Impressionism,alfred-sisley_an-autumn-evening-near-paris-1879 +portrait,Baroque,bartolome-esteban-murillo_portrait-of-nicolas-omasur-1672 +genre_painting,Baroque,rembrandt_turbaned-soldier-on-horseback-1632 +nude_painting,Baroque,rembrandt_seated-naked-woman-woman-bathing-her-feet-at-a-brook-1658 +landscape,Realism,camille-corot_peasant-woman-watering-her-cow +abstract_painting,Abstract_Expressionism,gerhard-richter_station +illustration,Art_Nouveau_Modern,aubrey-beardsley_illustration-for-the-rape-of-the-lock-by-alexander-pope +sketch_and_study,High_Renaissance,andrea-del-sarto_study-of-the-figures-behind-a-balustrade +abstract_painting,Action_painting,hans-hofmann_the-wind-1942 +abstract_painting,Abstract_Expressionism,joan-mitchell_girolata-1964 +landscape,Impressionism,claude-monet_weeping-willow-giverny-1922-1 +landscape,Realism,david-burliuk_landscape-with-blue-mountain +portrait,Baroque,rembrandt_an-old-man-with-a-large-beard-1630 +portrait,Realism,augustus-john_a-boy-1915 +religious_painting,Naive_Art_Primitivism,marc-chagall_jeremiah-1956 +religious_painting,Baroque,bartolome-esteban-murillo_the-angels-kitchen-1646 +illustration,Art_Nouveau_Modern,thomas-theodor-heine_the-hammock-1892 +illustration,Romanticism,gustave-dore_confession +portrait,Impressionism,walter-sickert_queen-victoria-and-her-great-grandson +genre_painting,Impressionism,ferdinand-hodler_seamstress-1885 +landscape,Post_Impressionism,william-h.-johnson_blossoming-trees-1938 +illustration,Expressionism,lynd-ward_not-detected-272521 +religious_painting,Early_Renaissance,filippo-lippi_adoration-of-the-magi-detail +religious_painting,Romanticism,gustave-dore_sodom +abstract_painting,Color_Field_Painting,theodoros-stamos_white-sun-mound-1963 +portrait,Baroque,cornelis-de-vos_self-portrait-of-the-artist-with-his-wife-suzanne-cock-and-their-children-1630 +landscape,Fauvism,endre-bartos_sugovica-river-in-mourning-1979 +religious_painting,Northern_Renaissance,dirk-bouts_the-visitation +portrait,Realism,julius-leblanc-stewart_an-english-lady-1896(1) +landscape,Realism,thomas-eakins_sailboats-racing-study-of-the-delaware-river +religious_painting,Romanticism,gustave-dore_the-buyers-and-sellers-driven-out-of-temple +genre_painting,Romanticism,john-william-waterhouse_its-sweet-doing-nothing-1880 +religious_painting,High_Renaissance,andrea-mantegna_san-zeno-altarpiece +genre_painting,Art_Nouveau_Modern,carl-larsson_my-loved-ones-1893(1) +abstract_painting,Minimalism,genevieve-asse_ouverture-de-la-nuit-1973 +landscape,Baroque,rembrandt_the-mill-1641 +abstract_painting,Cubism,roy-lichtenstein_figures-with-sunset-1978(1) +abstract_painting,Color_Field_Painting,anne-appleby_faded-sweet-pea-2008 +still_life,Impressionism,irma-stern_black-lilies-1941 +abstract_painting,Abstract_Expressionism,atsuko-tanaka_untitled-painted-with-akira-kanayama-1993 +abstract_painting,Abstract_Expressionism,cy-twombly_camino-real-iv +illustration,Symbolism,william-blake_illustration-to-milton-s-paradise-regained-1820 +portrait,Contemporary_Realism,jamie-wyeth_rudolf-nureyev-1978 +landscape,Impressionism,claude-monet_cliff-at-petit-ailly-at-varengeville +genre_painting,Realism,vincent-van-gogh_sowers-1882 +landscape,Impressionism,alfred-sisley_the-port-of-saint-mammes-morning-1885 +religious_painting,Early_Renaissance,piero-della-francesca_head-of-an-angel(1) +cityscape,Realism,nicholas-roerich_pskov-the-general-view-of-kremlin-1903 +genre_painting,Realism,george-catlin_ball-play-dance-1835 +genre_painting,Expressionism,henri-matisse_the-piano-lesson-1916 +landscape,Realism,isaac-levitan_field-1 +portrait,Symbolism,odilon-redon_portrait-of-madame-arthur-fontaine-1901 +abstract_painting,Abstract_Expressionism,mostafa-dashti_untitled-2007 +religious_painting,Northern_Renaissance,albrecht-durer_crucifixion-1497 +cityscape,Expressionism,arturo-souto_horse +illustration,Art_Nouveau_Modern,edmund-dulac_stealers-of-light-by-the-queen-of-romania-1 +landscape,Romanticism,albert-bierstadt_wasatch-mountains +genre_painting,Impressionism,william-merritt-chase_idle-hours +portrait,Post_Impressionism,moise-kisling_young-breton-1931 +cityscape,Post_Impressionism,martiros-saryan_surb-sarkis-st-sarkis-church-in-yerevan-1912 +landscape,Impressionism,joaquã­n-sorolla_the-coast-near-san-sebastian-1918 +landscape,Romanticism,ivan-aivazovsky_vesuvius +religious_painting,Symbolism,george-frederick-watts_jonah-1894 +portrait,Expressionism,nicolae-tonitza_girl-in-white-1924 +landscape,Symbolism,nicholas-roerich_himalayas-1936 +abstract_painting,Minimalism,alex-hay_anomaly-blue-2006 +cityscape,Baroque,canaletto_feast-of-san-rocco-the-doge-visiting-the-church-and-scuola-di-s-rocco +genre_painting,Cubism,marc-chagall_the-cattle-dealer-1912 +portrait,Art_Nouveau_Modern,raphael-kirchner_greek-girls-2 +religious_painting,Northern_Renaissance,albrecht-durer_st-dominic +abstract_painting,Color_Field_Painting,sam-francis_hommage-to-alfred-jensen-1958 +still_life,Realism,konstantin-korovin_still-life-with-lobster +landscape,Impressionism,pierre-auguste-renoir_coastal-landscape-1904 +portrait,Expressionism,ossip-zadkine_the-tree-of-life-menorah +portrait,Rococo,jean-honore-fragonard_young-woman-playing-with-a-dog-1772 +portrait,Impressionism,pierre-auguste-renoir_andree-in-yellow-turban-and-blue-skirt-1917 +still_life,Impressionism,nicolae-darascu_field-flowers +sketch_and_study,Post_Impressionism,vincent-van-gogh_swift-1887 +portrait,Baroque,joseph-wright_erasmus-darwin +still_life,Impressionism,constantin-artachino_roses +religious_painting,Rococo,giovanni-battista-tiepolo_crown-of-thorns +cityscape,Post_Impressionism,gustave-loiseau_house-in-the-country +religious_painting,Baroque,annibale-carracci_the-assumption-of-the-virgin +portrait,Impressionism,irma-stern_an-african-woman-1954 +abstract_painting,Color_Field_Painting,ray-parker_untitled-1971 +genre_painting,Impressionism,childe-hassam_idle-hours +genre_painting,Impressionism,berthe-morisot_in-the-wheatfield-at-gennevilliers-1875 +religious_painting,Northern_Renaissance,pieter-bruegel-the-elder_conversion-of-st-paul-1567 +abstract_painting,Abstract_Expressionism,paul-jenkins_side-of-st-george +genre_painting,Impressionism,stefan-luchian_the-last-autumn-race-1892 +nude_painting,Expressionism,iosif-iser_nude-on-the-chair-1935 +genre_painting,Romanticism,fyodor-bronnikov_sick-man-at-the-walls-of-a-catholic-monastery-1874 +still_life,Post_Impressionism,georges-lemmen_flowers-and-apples +portrait,Realism,ilya-repin_portrait-of-lawyer-oskar-osipovich-grusenberg +landscape,Realism,isaac-levitan_flowery-meadow +portrait,Post_Impressionism,henri-de-toulouse-lautrec_the-milliner-1900 +landscape,Post_Impressionism,tom-thomson_lightning-canoe-lake-1915 +landscape,Impressionism,santiago-rusinol_jardines-del-pirata-mallorca +cityscape,Impressionism,antoine-blanchard_champs-elysees +portrait,Baroque,anthony-van-dyck_portrait-of-endymion-porter +landscape,Realism,pyotr-konchalovsky_at-lake-ilmen +religious_painting,Early_Renaissance,luca-signorelli_moses-s-testament-and-death-detail-1482 +genre_painting,Post_Impressionism,albert-marquet_carnival-on-the-beach-1906 +portrait,High_Renaissance,luca-signorelli_ovid-1502 +landscape,Realism,arkhip-kuindzhi_forgotten-village-1874 +still_life,Synthetic_Cubism,georges-braque_the-gray-table-1930 +landscape,Romanticism,orest-kiprensky_view-of-mount-vesuvius-in-winter-1830 +genre_painting,Expressionism,billy-childish_lt-sydney-a-cloman-first-infantry-on-his-horse-on-the-wounded-knee-battleground-2010(1) +genre_painting,Baroque,gerard-terborch_a-lady-reading-a-letter +religious_painting,Romanticism,gustave-dore_the-burial-of-sarah-1866-1 +nude_painting,Baroque,rembrandt_seated-female-nude +portrait,Impressionism,pierre-auguste-renoir_sailor-boy-portrait-of-robert-nunes-1883 +portrait,Expressionism,paula-modersohn-becker_old-woman-with-handkerchief +religious_painting,Romanticism,gustave-dore_the-arrival-at-calvary +portrait,Impressionism,pierre-auguste-renoir_young-girl-in-a-straw-hat-1890 +illustration,Art_Nouveau_Modern,edmund-dulac_the-woman-he-could-not-leave-stealers-of-light-by-the-queen-of-romania +landscape,Impressionism,camille-pissarro_crossroads-at-l-hermitage-pontoise-1876 +genre_painting,Expressionism,ligia-macovei_party +genre_painting,Post_Impressionism,maurice-prendergast_decorative-composition +landscape,Impressionism,eugene-boudin_portrieux-1874 +religious_painting,Baroque,rembrandt_the-descent-from-the-cross-by-torchlight-1654 +portrait,Impressionism,giovanni-boldini_mademoiselle-lanthelme-1907 +genre_painting,Post_Impressionism,maurice-prendergast_the-inlet +genre_painting,Realism,umberto-boccioni_young-man-on-a-riverbank-1902 +portrait,Romanticism,orest-kiprensky_portrait-of-alexei-davydov-1809 +genre_painting,Symbolism,felicien-rops_after-midnight-the-return-to-love-the-lack-of-it +genre_painting,Naive_Art_Primitivism,marc-chagall_table-of-lovers-1983 +genre_painting,Realism,boris-kustodiev_the-boy-at-the-fence-1915 +genre_painting,Baroque,francesco-guardi_deer-hunting +landscape,Symbolism,nicholas-roerich_kangchenjunga-1937-1 +genre_painting,Abstract_Expressionism,henri-matisse_creole-dancer(1) +landscape,Realism,georgios-jakobides_grassy-field-1890 +genre_painting,Romanticism,karl-bryullov_fountain-in-bakhchi-sarai(1) +landscape,Impressionism,adam-baltatu_br-ne-ti-landscape +portrait,Baroque,diego-velazquez_portrait-of-caspar-de-guzman-count-of-olivares-prime-minister-of-philip-iv +landscape,Symbolism,martiros-saryan_landscape-1929 +nude_painting,Impressionism,robert-brackman_the-toilet +genre_painting,Art_Nouveau_Modern,sergey-solomko_question +genre_painting,Impressionism,nikolay-bogdanov-belsky_to-school +illustration,Romanticism,gustave-dore_the-battle-of-dorylaeum +religious_painting,Naive_Art_Primitivism,marc-chagall_creation-1960 +illustration,Realism,georgios-jakobides_drawing-for-the-short-story-the-ugly-sister-by-d-vikelas-1 +genre_painting,Impressionism,rudolf-schweitzer-cumpana_mo-gheorghe-s-lunch-1921 +sketch_and_study,Symbolism,ferdinand-hodler_standing-warrior-1 +portrait,Romanticism,joseph-wright_john-whetham-or-kirklington-nottinghamshire-1782 +landscape,Impressionism,camille-pissarro_house-on-a-cliff +landscape,Cubism,paul-cezanne_trees-by-the-water-1900 +cityscape,Impressionism,camille-pissarro_the-market-surrounding-the-church-of-saint-jacques-dieppe-1901 +landscape,Baroque,rembrandt_landscape-with-three-huts-1650 +genre_painting,Expressionism,jose-gutierrez-solana_birds +genre_painting,Expressionism,edvard-munch_rain-1902 +abstract_painting,Abstract_Expressionism,frank-stella_yellow-journal-1982 +landscape,Art_Nouveau_Modern,j.-e.-h.-macdonald_the-little-falls-1919 +portrait,Romanticism,orest-kiprensky_portrait-of-alexei-nikolaevich-olenin-1813 +sketch_and_study,Impressionism,adolf-hitler_bridge-with-towers +religious_painting,Romanticism,gustave-dore_the-return-of-the-prodigal-son +genre_painting,Post_Impressionism,henri-de-toulouse-lautrec_seated-dancer-in-pink-tights-1890 +religious_painting,Mannerism_Late_Renaissance,paolo-veronese_adoration-of-the-shepherds +portrait,Realism,ilya-repin_portrait-of-composer-cesar-antonovich-cui-1890 +landscape,Post_Impressionism,gustave-loiseau_cliffs-at-petit-dalles-normandy-1908 +cityscape,Realism,aleksey-savrasov_to-matins-1890 +religious_painting,Northern_Renaissance,albrecht-durer_the-martyrdom-of-st-john-the-evangelist-1498 +genre_painting,Baroque,gerard-terborch_woman-washing-hands +abstract_painting,Abstract_Expressionism,atsuko-tanaka_untitled-1963 +genre_painting,Post_Impressionism,maurice-prendergast_merry-go-round-nahant +cityscape,Impressionism,theo-van-rysselberghe_view-of-meknes-morocco +landscape,Romanticism,caspar-david-friedrich_a-walk-at-dusk +religious_painting,Early_Renaissance,fra-angelico_mystic-wheel-the-vision-of-ezekiel-1452 +landscape,Impressionism,nikolay-bogdanov-belsky_the-wood +landscape,Art_Nouveau_Modern,anna-ostroumova-lebedeva_view-of-the-palace-rain +religious_painting,Northern_Renaissance,hieronymus-bosch_the-garden-of-earthly-delights-1516-17 +genre_painting,Expressionism,ernst-ludwig-kirchner_russian-dancer +cityscape,Impressionism,egon-schiele_view-from-the-drawing-classroom-klosterneuburg +genre_painting,Naive_Art_Primitivism,grandma-moses_country-fair-1950 +landscape,Realism,isaac-levitan_bonfire +portrait,Realism,alexey-venetsianov_portrait-of-the-state-chancellor-of-the-internal-affairs-prince-victor-pavlovich-kochubey-in-1834 +sketch_and_study,Cubism,kazimir-malevich_in-the-baths-1911 +religious_painting,Early_Renaissance,piero-della-francesca_procession-of-the-queen-of-sheba-detail(1) +landscape,Contemporary_Realism,konstantin-vasilyev_village-of-mari +cityscape,Post_Impressionism,edouard-cortes_triumphal-arch-6 +genre_painting,Realism,fyodor-vasilyev_winter-in-the-crimea-1873 +still_life,Post_Impressionism,helene-schjerfbeck_lilies-of-the-valley-in-a-blue-vase-ii-1929 +genre_painting,Impressionism,henry-herbert-la-thangue_gathering-oranges-1929 +sketch_and_study,Impressionism,pierre-auguste-renoir_the-children +genre_painting,Expressionism,kathe-kollwitz_not_detected_235986 +landscape,Realism,vasily-vereshchagin_lake-issyk-kul-in-the-evening-1870 +genre_painting,Realism,salvador-dali_figure-from-the-back +landscape,Post_Impressionism,david-burliuk_morning-wind-1908 +religious_painting,Symbolism,nikolaos-gyzis_mother-of-god-study-1898 +portrait,Art_Nouveau_Modern,zinaida-serebriakova_portrait-of-e-k-lancere-1911 +cityscape,Expressionism,george-bouzianis_houses-1945-1 +cityscape,Symbolism,konstantin-bogaevsky_imaginary-town-rainbow +genre_painting,Impressionism,konstantin-korovin_north-1901 +still_life,Realism,pyotr-konchalovsky_still-life-apples-in-a-sieve-1955 +portrait,Expressionism,yiannis-tsaroychis_athlete-1967 +still_life,Cubism,joan-miro_the-table-still-life-with-rabbit +portrait,Romanticism,orest-kiprensky_portrait-of-giulio-litta-1813 +genre_painting,Post_Impressionism,paul-gauguin_the-meal-the-bananas-1891 +abstract_painting,Color_Field_Painting,barnett-newman_canto-x-1964 +illustration,Symbolism,mstislav-dobuzhinsky_white-nights-1922-2(1) +landscape,Expressionism,istvan-farkas_green-and-black-french-landscape-1930 +religious_painting,Northern_Renaissance,hans-memling_mystic-marriage-of-st-catherine-1480 +landscape,Pointillism,gerardo-dottori_gli-amanti-1907 +portrait,Expressionism,chaim-soutine_the-mad-woman-1 +genre_painting,Expressionism,pyotr-konchalovsky_bullfight-in-sevilla-1910 +sketch_and_study,Realism,vincent-van-gogh_reaper-1885-3 +genre_painting,Realism,james-tissot_quarrelling +landscape,Fauvism,jean-metzinger_le-flamant-rose-et-le-voilier-1907 +genre_painting,Expressionism,lucian-freud_large-interior-london-w-9-1973 +illustration,Romanticism,gustave-dore_him-fast-sleeping-soon-he-found-in-labyrinth-of-many-a-round-self-rolled +landscape,Impressionism,alfred-sisley_washerwomen-of-bougival-1875 +portrait,Symbolism,gustav-klimt_schubert-at-the-piano-ii +abstract_painting,Abstract_Expressionism,brice-marden_don-t-bungle-the-jungle-1989 +landscape,Post_Impressionism,franklin-carmichael_industrial-building-1936 +portrait,Realism,pyotr-konchalovsky_portrait-of-national-artist-a-woodcarver-a-ershov-1936 +still_life,Northern_Renaissance,hans-memling_still-life-with-a-jug-with-flowers-the-reverse-side-of-the-portrait-of-a-praying-man +genre_painting,Cubism,gino-severini_the-musicians-1955 +landscape,Impressionism,kazimir-malevich_apple-tree-in-blossom +landscape,Impressionism,maurice-prendergast_study-st-malo-no-12 +genre_painting,Art_Nouveau_Modern,wilhelm-kotarbinski_music +portrait,Realism,eugene-boudin_portrait-of-the-artist-s-father-leonard-sebastien-boudin-1850 +religious_painting,Rococo,giovanni-battista-tiepolo_temptations-of-st-anthony +illustration,Expressionism,m.c.-escher_palm-tree-1 +nude_painting,Ukiyo_e,utagawa-kuniyoshi_showing-activity-on-several-floors-at-the-same-time +genre_painting,Impressionism,giovanni-fattori_pause-in-the-maremma-with-farmers-and-ox-cart-1875 +sketch_and_study,Realism,vincent-van-gogh_corinthian-capital-1863(1) +portrait,Romanticism,konstantin-makovsky_praskovia-uvarova +landscape,Impressionism,alfred-sisley_banks-of-the-loing-1890 +abstract_painting,Color_Field_Painting,john-hoyland_tiger-walk-3-4-81-1981 +landscape,Post_Impressionism,giorgio-morandi_landscape-levico-1957 +religious_painting,Symbolism,arnold-bã¶cklin_the-penitent-mary-magdalene-1873 +landscape,Cubism,yiannis-tsaroychis_landscape-of-olympia-1934-1 +landscape,Impressionism,camille-pissarro_cottages-at-auvers-near-pontoise-1879 +portrait,Romanticism,karl-bryullov_portrait-of-the-italian-singer-fanny-persiani-tacinardi +portrait,Realism,ivan-kramskoy_portrait-of-the-poet-yakov-polonsky-1875 +abstract_painting,Abstract_Expressionism,walasse-ting_morning-series-1974 +genre_painting,Naive_Art_Primitivism,david-burliuk_tea-time +portrait,Expressionism,rafael-zabaleta_portrait-of-girl-sitting-1943 +sketch_and_study,Realism,vincent-van-gogh_man-with-saw-1881 +landscape,Expressionism,margareta-sterian_mountain-hamlet +religious_painting,Baroque,caravaggio_madonna-and-child-with-st-anne-1606(1) +portrait,Realism,nikolay-bogdanov-belsky_peasant +sketch_and_study,Realism,vincent-van-gogh_woman-with-her-left-arm-raised-1885 +genre_painting,Art_Nouveau_Modern,valentin-serov_a-recruit-1906 +genre_painting,Romanticism,william-turner_two-women-and-a-letter +sketch_and_study,High_Renaissance,michelangelo_study-for-haman +landscape,Realism,ivan-shishkin_sunny-day-in-the-woods-oaks-1891 +sketch_and_study,Northern_Renaissance,hieronymus-bosch_not_detected_195355 +landscape,Impressionism,robert-julian-onderdonk_autumn-landscape-1 +genre_painting,Realism,frederic-remington_bull-fight-in-mexico-1889 +landscape,Realism,pierre-auguste-renoir_a-road-in-louveciennes +landscape,Post_Impressionism,vincent-van-gogh_wheat-field-with-a-lark-1887(1) +portrait,Realism,john-singer-sargent_almina-daughter-of-asher-wertheimer-1908 +landscape,Impressionism,robert-julian-onderdonk_landscape-with-coreopsis +genre_painting,Impressionism,edouard-manet_the-departure-of-the-folkestone-boat +abstract_painting,Abstract_Expressionism,jack-tworkov_trace-1966 +landscape,Realism,vincent-van-gogh_dunes-1882(1) +cityscape,Post_Impressionism,gustave-loiseau_grand-quay-fecamp +portrait,Impressionism,julian-alden-weir_the-black-hat +genre_painting,Impressionism,theophrastos-triantafyllidis_nannies-in-the-park-1 +portrait,Symbolism,kuzma-petrov-vodkin_monumental-head-1911 +landscape,Realism,isaac-levitan_in-the-forest-at-winter-1885 +abstract_painting,Abstract_Expressionism,sam-francis_lollipop-sf88-250-1988 +landscape,Impressionism,childe-hassam_moonlight-the-old-house +portrait,Baroque,frans-hals_married-couple-in-a-garden-detail-1 +landscape,Expressionism,august-macke_house-in-a-landscape +portrait,Impressionism,valentin-serov_portrait-of-the-artist-i-s-ostroukhov-1902 +portrait,Expressionism,henri-matisse_portrait-of-l-n-delekorskaya-1947 +portrait,Art_Nouveau_Modern,felix-vallotton_portrait-of-french-poet-tristan-corbi-re-1898 +religious_painting,Northern_Renaissance,gerard-david_the-virgin-and-child-with-saints-and-donor +cityscape,Romanticism,thomas-cole_interior-of-the-colosseum-rome-1832 +portrait,Cubism,pablo-picasso_bust-of-woman-1939 +sketch_and_study,Symbolism,ferdinand-hodler_left-border-woman +sketch_and_study,High_Renaissance,raphael_studies-for-the-transfiguration +genre_painting,Post_Impressionism,pablo-picasso_mother-and-child-1922 +portrait,High_Renaissance,raphael_joanna-of-aragon-1518 +genre_painting,Symbolism,pierre-puvis-de-chavannes_charity +sketch_and_study,Realism,martiros-saryan_in-the-mountains-1960 +abstract_painting,Abstract_Expressionism,jackson-pollock_number-14(1) +landscape,Romanticism,eugene-delacroix_study-of-the-sky-at-sunset-1849(1) +abstract_painting,Color_Field_Painting,alma-woodsey-thomas_snoopy-sees-earth-wrapped-in-sunset-1970 +sketch_and_study,Realism,vincent-van-gogh_pollard-willow-1882 +landscape,Realism,konstantin-makovsky_in-the-park +abstract_painting,Cubism,arshile-gorky_composition +landscape,Impressionism,pierre-auguste-renoir_view-of-cagnes +portrait,Impressionism,camille-pissarro_woman-with-a-wheelbarrow +landscape,Expressionism,horia-bernea_column-in-the-verandah +portrait,Northern_Renaissance,hieronymus-bosch_two-male-heads +landscape,Impressionism,claude-monet_spring-landscape +portrait,Post_Impressionism,gwen-john_marie-poussepin-seated-at-a-table +landscape,Symbolism,nicholas-roerich_grand-canyon-1921-1 +genre_painting,Impressionism,joaquã­n-sorolla_the-suckling-child-1894 +cityscape,Impressionism,pierre-auguste-renoir_church-of-the-holy-trinity-in-paris-1893 +portrait,Baroque,frans-hals_portrait-of-a-woman-with-a-fan-1640 +genre_painting,Impressionism,nikolay-bogdanov-belsky_the-wedding +portrait,Rococo,dmitry-levitzky_portrait-of-unknown-woman +portrait,Realism,boris-kustodiev_portrait-of-v-shishkov-1926-1 +abstract_painting,Abstract_Expressionism,paul-jenkins_not_detected_235726 +religious_painting,Romanticism,viktor-vasnetsov_seraphim-1896-1 +cityscape,Impressionism,konstantin-korovin_casino-in-vichy +cityscape,Symbolism,tivadar-kosztka-csontvary_break-out-of-zrinyi-1903 +landscape,Impressionism,childe-hassam_in-the-park +portrait,Post_Impressionism,gwen-john_woman-with-hands-crossed +religious_painting,Northern_Renaissance,dirk-bouts_mater-dolorosa-1460 +landscape,Impressionism,claude-monet_snow-effect-giverny-1893 +portrait,Romanticism,orest-kiprensky_portrait-of-prince-e-g-gagarin-as-a-child-1817 +portrait,Early_Renaissance,domenico-ghirlandaio_old-man-with-a-young-boy +landscape,Impressionism,nikolay-bogdanov-belsky_bloomy-apple-garden +landscape,Romanticism,eugene-delacroix_study-of-sky-setting-sun-1849(1) +portrait,Art_Nouveau_Modern,jacek-malczewski_portrait-of-stanislaw-bryniarski-1 +cityscape,Realism,m.c.-escher_kairouan-tunisia +genre_painting,Realism,thomas-eakins_the-wrestlers-1899 +portrait,Post_Impressionism,paul-gauguin_maternite-ii-1899 +landscape,Romanticism,nikolai-ge_livorno-road-to-the-sea-at-antiniano-near-livorno +cityscape,Expressionism,richard-gerstl_liechtenstein-palace-1907 +nude_painting,Expressionism,jury-annenkov_montparnasse +landscape,Post_Impressionism,gustave-loiseau_by-the-eure-river +portrait,Realism,nikolay-bogdanov-belsky_portrait-of-a-girl +landscape,Realism,nicholas-roerich_izvarka-1893 +portrait,Realism,giovanni-boldini_french-painter-henri-de-toulouse-lautrec +abstract_painting,Minimalism,giovanni-anselmo_linea-terra-1970 +portrait,Mannerism_Late_Renaissance,agnolo-bronzino_lucrezia-panciatichi-1540 +landscape,Symbolism,nicholas-roerich_rond-rocks-1911 +sketch_and_study,Realism,theodore-rousseau_lowland-landscape +religious_painting,Baroque,francisco-de-zurbaran_st-agatha-1633 +portrait,Expressionism,august-macke_woman-sewing +landscape,Realism,eugene-boudin_pond-at-sunset +nude_painting,Analytical_Cubism,pablo-picasso_study-to-girls-from-avignon-1906 +cityscape,Impressionism,walter-battiss_arabian-city +cityscape,Impressionism,john-atkinson-grimshaw_shipping-on-the-clyde +still_life,Post_Impressionism,vincent-van-gogh_still-life-with-blue-enamel-coffeepot-earthenware-and-fruit-1888 +religious_painting,High_Renaissance,raphael_the-madonna-conestabile-1502 +illustration,Expressionism,martiros-saryan_illustration-to-armenian-folk-tales-1937-1 +genre_painting,Cubism,jacques-villon_rider-in-the-ring-1952 +sketch_and_study,Realism,vincent-van-gogh_woman-sitting-by-the-fire-peeling-potatoes-1885 +cityscape,Impressionism,t.-c.-steele_street-scene-1896 +landscape,Impressionism,ivan-grohar_gerajte-1908 +landscape,Impressionism,alfred-sisley_the-seine-at-grenelle-1878 +sketch_and_study,Post_Impressionism,pyotr-konchalovsky_vanya-from-samokrazhi-drawing-for-the-painting-the-fish-market-1928 +portrait,Realism,konstantin-makovsky_alexeyich-1882 +nude_painting,Art_Nouveau_Modern,raphael-kirchner_princess-riquette +sketch_and_study,Post_Impressionism,vincent-van-gogh_sheet-with-two-sowers-and-hands-1890 +landscape,Realism,mikhail-lebedev_an-alley-in-albano-1837 +genre_painting,Art_Nouveau_Modern,felix-vallotton_the-good-market-triptych-1898 +landscape,Post_Impressionism,theo-van-rysselberghe_cherries +portrait,Realism,james-tissot_portrait-of-james-tissot +landscape,Baroque,rembrandt_river-landscape-with-a-windmill-1640 +cityscape,Romanticism,cornelis-springer_figures-in-the-sunlit-streets-of-a-dutch-town-1889 +portrait,Realism,john-singer-sargent_alice-runnels-james-mrs-william-james-1921 +portrait,Post_Impressionism,maurice-denis_the-two-sisters +still_life,Cubism,juan-gris_still-life-with-guitar-book-and-newspaper +portrait,Ukiyo_e,utagawa-kuniyoshi_mongaku-shonin +religious_painting,Baroque,peter-paul-rubens_adoration-of-the-shepherds-2 +portrait,Realism,vincent-van-gogh_old-man-with-a-stick-1882 +landscape,Romanticism,john-crome_the-bell-inn-1805 +portrait,Early_Renaissance,andrea-mantegna_portrait-of-a-man-1460 +landscape,Pointillism,paul-signac_the-pine-tree-at-st-tropez-1909 +religious_painting,High_Renaissance,andrea-del-sarto_the-journey-of-the-magi +landscape,Romanticism,joseph-wright_james-and-mary-shuttleworth-with-one-of-their-daughters +sketch_and_study,Northern_Renaissance,hans-holbein-the-younger_queen-mary-i-tudor-1536 +illustration,Symbolism,harry-clarke_the-year-s-at-the-spring-1920-9 +genre_painting,Expressionism,miriam-schapiro_she-flies-through-the-air-with-the-greatest-of-ease +still_life,Cubism,gino-severini_flowers-and-masks-1930 +illustration,Art_Nouveau_Modern,raphael-kirchner_new-york-tribune-1916-5 +sketch_and_study,Romanticism,fyodor-solntsev_skipper-dress-of-peter-the-great +illustration,Romanticism,gustave-dore_crusade-against-the-moors-of-granada +abstract_painting,Cubism,arshile-gorky_organization-1936 +landscape,Impressionism,robert-julian-onderdonk_brush-country-landscape +religious_painting,High_Renaissance,raphael_the-separation-of-land-and-water-1519 +genre_painting,Romanticism,mykola-pymonenko_harvester-1889 +portrait,Impressionism,paul-gauguin_clovis-gauguin-asleep-1884 +nude_painting,Post_Impressionism,istvan-ilosvai-varga_painter-with-model-1934 +illustration,Cubism,carlos-saenz-de-tejada_illustration-for-carmen-1932 +genre_painting,Naive_Art_Primitivism,fernand-leger_acrobats-and-clowns-1950 +abstract_painting,Color_Field_Painting,theodoros-stamos_infinity-field-lefkada-series +portrait,Ukiyo_e,kitagawa-utamaro_reigning-beauty-hanozuma +landscape,Post_Impressionism,vincent-van-gogh_pollard-willows-1889 +portrait,Expressionism,amedeo-modigliani_portrait-of-madame-zborowska-1917 +religious_painting,Northern_Renaissance,albrecht-durer_joachim-and-the-angel-from-the-life-of-the-virgin-1511 +portrait,Early_Renaissance,domenico-ghirlandaio_portrait-of-giovanna-tornabuoni-1490 +abstract_painting,Abstract_Expressionism,bradley-walker-tomlin_shapes-1950 +abstract_painting,Abstract_Expressionism,mark-tobey_landscape-1968 +portrait,Romanticism,paul-delaroche_napol-on-bonaparte-abdicated-in-fontainebleau-1846 +portrait,Realism,john-singer-sargent_william-butler-yeats-1908 +portrait,Pop_Art,patrick-procktor_jimi-hendrix +genre_painting,Impressionism,pablo-picasso_harlequin-with-guitar-1916 +cityscape,Pointillism,paul-signac_port-of-saint-tropez +cityscape,Impressionism,john-miller_venice-light +illustration,Romanticism,gustave-dore_ephialtes(1) +portrait,Realism,ivan-kramskoy_portrait-of-an-unknown-woman-1886 +genre_painting,Impressionism,childe-hassam_the-bricklayers +portrait,Northern_Renaissance,lucas-cranach-the-elder_portrait-of-joachim-ii-1520 +cityscape,Impressionism,childe-hassam_columbian-exposition-chicago +abstract_painting,Abstract_Expressionism,esteban-vicente_untitled-1996 +landscape,Impressionism,robert-julian-onderdonk_late-afternoon-1909 +landscape,Symbolism,konstantin-bogaevsky_rainbow-1931 +religious_painting,Early_Renaissance,giovanni-bellini_dead-christ-supported-by-the-madonna-and-st-john-1460 +portrait,Cubism,m.-h.-maxy_madam-ghitas-portrait-composition +portrait,Romanticism,orest-kiprensky_portrait-of-soldier-1812 +portrait,Romanticism,david-wilkie_william-iv-of-the-united-kingdom-1832 +landscape,Romanticism,paul-cezanne_lane-of-chestnut-trees-at-the-jas-de-bouffan-1871 +portrait,Art_Nouveau_Modern,richard-gerstl_smaragda-berg-1906 +religious_painting,Early_Renaissance,pietro-perugino_the-miracles-of-san-bernardino-the-healing-of-a-young +landscape,Realism,ivan-shishkin_edge-of-the-forest-1890 +landscape,Naive_Art_Primitivism,camille-bombois_maison-sur-la-riviere-1989 +portrait,Realism,boris-kustodiev_children-in-the-costumes-1909 +landscape,Post_Impressionism,paul-gauguin_lollichon-field-1886 +nude_painting,Art_Nouveau_Modern,filipp-malyavin_nude-1 +abstract_painting,Minimalism,park-seo-bo_ecriture-no-950510 +abstract_painting,Color_Field_Painting,john-hoyland_19-12-66-1966 +genre_painting,Expressionism,lyonel-feininger_regatta-1925 +nude_painting,Realism,vincent-van-gogh_idol +portrait,Expressionism,william-h.-johnson_fisherman-1935 +landscape,Realism,m.c.-escher_railway-bridge-oosterbeek +genre_painting,Realism,giovanni-boldini_the-amazon-with-puppy +genre_painting,Symbolism,nicholas-roerich_russian-easter-1924 +still_life,Cubism,lyubov-popova_still-life-with-guitar-1915 +portrait,Mannerism_Late_Renaissance,sofonisba-anguissola_portrait-of-elena-anguissola-1551 +portrait,Realism,salvador-dali_figure-at-a-window +genre_painting,Post_Impressionism,pablo-picasso_bullfighters-and-bull-waiting-for-the-next-move-1900 +cityscape,Impressionism,paul-signac_fisihing-boats +portrait,Realism,alexey-venetsianov_portret-of-v-s-putyatina +cityscape,Impressionism,camille-pissarro_the-fair-in-dieppe-sunny-morning-1901 +abstract_painting,Color_Field_Painting,esteban-vicente_vision-1991 +genre_painting,Realism,mykola-yaroshenko_life-is-everywhere-1888 +landscape,Impressionism,ion-andreescu_country-road +genre_painting,Impressionism,rudolf-schweitzer-cumpana_la-v-rtelni-1929 +genre_painting,Impressionism,philip-wilson-steer_the-sprigged-frock +portrait,Expressionism,frank-auerbach_head-of-e-o-w-1960 +portrait,Impressionism,edgar-degas_hortense-valpinson-1870 +landscape,Realism,vasily-vereshchagin_in-the-park +illustration,Realism,boris-kustodiev_date-of-vladimir-and-masha-in-the-garden-1919 +religious_painting,Northern_Renaissance,hugo-van-der-goes_portinari-triptych-detail-1478-3 +landscape,Impressionism,john-henry-twachtman_niagara-falls-3 +landscape,Impressionism,robert-julian-onderdonk_golden-evening-southwest-texas +religious_painting,Baroque,guido-reni_david-1620 +genre_painting,Romanticism,dante-gabriel-rossetti_a-christmas-carol-1867 +genre_painting,Cubism,marc-chagall_birth-1912 +portrait,Northern_Renaissance,lucas-cranach-the-elder_portrait-of-johann-friedrich-elector-of-saxony-1531 +religious_painting,Early_Renaissance,carlo-crivelli_virgin-and-child-1482 +abstract_painting,Minimalism,doug-ohlson_scale-of-darkness-1977 +portrait,Romanticism,konstantin-makovsky_girl-1 +religious_painting,Northern_Renaissance,lucas-cranach-the-elder_the-penitence-of-st-jerome-1502 +religious_painting,Northern_Renaissance,albrecht-altdorfer_birth-of-mary +genre_painting,Impressionism,john-henry-twachtman_aboard-a-steamer-1902 +abstract_painting,Minimalism,richard-tuttle_8th-paper-octagonal-1970 +genre_painting,Pointillism,paul-signac_the-milliner-1885 +illustration,Romanticism,arthur-hughes_ophelia +portrait,Fauvism,rik-wouters_reading-girl-1915 +genre_painting,Impressionism,edgar-degas_jockey +illustration,Naive_Art_Primitivism,marc-chagall_morning-tea +cityscape,Symbolism,nicholas-roerich_pskov +portrait,Realism,john-singer-sargent_madame-paul-escudier +portrait,Naive_Art_Primitivism,niko-pirosmani_gate-keeper +religious_painting,Rococo,vladimir-borovikovsky_not_detected_195138 +religious_painting,Baroque,guido-reni_st-sebastian +religious_painting,Early_Renaissance,benozzo-gozzoli_st-nicholas-of-tolentino-1465 +nude_painting,Post_Impressionism,moise-kisling_nude-portrait-of-arletty-1933 +landscape,Realism,taras-shevchenko_saratov-1857 +religious_painting,Baroque,guido-reni_head-of-christ-crowned-with-thorns-1620 +landscape,Realism,vasily-polenov_a-river-1899 +portrait,Realism,edouard-manet_portrait-of-emile-zola-1868 +landscape,Realism,aleksey-savrasov_view-the-village-pokrovskoye-feely-1893 +genre_painting,Realism,viktor-vasnetsov_porters-1870 +genre_painting,Expressionism,istvan-farkas_dawn-on-the-outskirts-of-town-morning-1931 +portrait,Mannerism_Late_Renaissance,jacopo-pontormo_portrait-of-a-young-woman +illustration,Realism,n.c.-wyeth_painting-of-native-american-1 +genre_painting,Impressionism,pierre-auguste-renoir_the-cafe-1875 +genre_painting,Pop_Art,richard-hamilton_http-en-wikipedia-org-wiki-file-hamilton-appealing2-jpg-1956 +abstract_painting,Minimalism,ralph-hotere_black-window-1983 +sketch_and_study,Realism,vincent-van-gogh_peasant-woman-with-broom-1885 +landscape,Impressionism,raoul-dufy_the-beach-of-sainte-adresse-1904 +abstract_painting,Abstract_Expressionism,raoul-ubac_composition-abstraite-1959 +genre_painting,Symbolism,george-frederick-watts_happy-warrior(1) +landscape,Symbolism,konstantin-bogaevsky_landscape-1908 +genre_painting,Expressionism,arturo-souto_slums-1932 +portrait,Realism,boris-kustodiev_portrait-of-y-e-kustodieva-1922 +sketch_and_study,Cubism,kazimir-malevich_laundress +religious_painting,Early_Renaissance,carlo-crivelli_polyptych +cityscape,Impressionism,antoine-blanchard_paris +portrait,High_Renaissance,lorenzo-lotto_portrait-of-a-man-1 +genre_painting,Impressionism,edgar-degas_dancer-standing-study-1872 +landscape,Romanticism,ivan-aivazovsky_ukrainian-landscape-with-chumaks-in-the-moonlight-1869 +religious_painting,Romanticism,gustave-moreau_song-of-songs-1853 +portrait,Post_Impressionism,anna-ostroumova-lebedeva_portrait-of-n-n-evreinov-1927 +portrait,Romanticism,orest-kiprensky_male-portrait-1826 +cityscape,Post_Impressionism,gustave-loiseau_red-house-near-port-marly +cityscape,Symbolism,martiros-saryan_a-street-evening-1910 +sketch_and_study,Art_Nouveau_Modern,egon-schiele_street-in-krumau-1917 +still_life,Post_Impressionism,theo-van-rysselberghe_vase-of-flowers +genre_painting,Realism,camille-corot_mother-and-child-on-the-beach-1860 +portrait,Impressionism,augustus-john_eve-kirk-1940 +portrait,Impressionism,valentin-serov_sofia-vladimirovna-born-glebova +landscape,Realism,aleksey-savrasov_ukrainian-landscape-1849 +genre_painting,Fauvism,henri-matisse_lady-on-a-terrace-1907 +landscape,Post_Impressionism,paul-cezanne_orchard-1882 +genre_painting,Post_Impressionism,henri-de-toulouse-lautrec_brothel-on-the-rue-des-moulins-rolande-1894 +genre_painting,Impressionism,nikolay-bogdanov-belsky_at-the-hospital +genre_painting,Impressionism,john-singer-sargent_reclining-figure +religious_painting,Naive_Art_Primitivism,marc-chagall_a-little-angel-1957 +portrait,Realism,ilya-repin_portrait-of-the-painter-isaak-izrailevich-brodsky-1913 +genre_painting,Romanticism,john-everett-millais_waiting-1854 +landscape,Romanticism,ferdinand-georg-waldmã¼ller_bad-ischl +landscape,Symbolism,martiros-saryan_near-dvin-1962 +landscape,Realism,camille-corot_the-little-nest-harriers +abstract_painting,Abstract_Expressionism,betty-parsons_untitled-abstraction(1) +landscape,Art_Nouveau_Modern,ferdinand-hodler_thun-stockhornkette-1910 +portrait,Expressionism,iosif-iser_the-red-shawl +genre_painting,Symbolism,pierre-puvis-de-chavannes_summer-detail +landscape,Symbolism,nicholas-roerich_himalayas-62 +landscape,Symbolism,nicholas-roerich_fog-in-the-mountains-1945 +genre_painting,Romanticism,ivan-aivazovsky_little-russian-ox-cart-in-winter-1866 +abstract_painting,Abstract_Expressionism,robert-goodnough_color-abstraction-1967 +genre_painting,Romanticism,jean-leon-gerome_the-picador +landscape,Realism,ivan-shishkin_gurzuf-rocks-1879 +portrait,Pop_Art,leroy-neiman_rocky-balboa +landscape,Post_Impressionism,paul-gauguin_landscape-with-three-figures-1901 +nude_painting,Expressionism,jan-sluyters_composition-earthly-and-heavenly-love +portrait,Romanticism,miklos-barabas_portrait-of-emperor-franz-joseph-i-1853 +portrait,Expressionism,umberto-boccioni_carlo-carr +genre_painting,Impressionism,giovanni-boldini_the-summer-roses +illustration,Art_Nouveau_Modern,nicholas-roerich_vignette-for-book-n-k-roerich-1918-17 +sketch_and_study,Ukiyo_e,katsushika-hokusai_manga-1 +genre_painting,Romanticism,david-wilkie_the-letter-of-introduction-1813(1) +portrait,Northern_Renaissance,albrecht-durer_portrait-of-philipp-melanchthon-1526 +still_life,Naive_Art_Primitivism,fernando-botero_still-life-with-fruits +abstract_painting,Abstract_Expressionism,richard-diebenkorn_berkeley-no-23 +portrait,Baroque,judith-leyster_jolly-toper-1629 +genre_painting,Naive_Art_Primitivism,maurice-prendergast_the-cove-3 +genre_painting,Baroque,jan-steen_dancing-couple-detail-1663-8 +portrait,Rococo,dmitry-levitzky_ekaterina-orlova +portrait,Realism,edgar-degas_josephine-gaujean-1868 +landscape,Impressionism,claude-monet_the-japanese-bridge-7-1924 +religious_painting,Symbolism,james-tissot_jacob-sees-esau-coming-to-meet-him +religious_painting,Northern_Renaissance,joachim-patinir_st-jerome-in-the-desert +portrait,Mannerism_Late_Renaissance,giorgio-vasari_musicians +religious_painting,Mannerism_Late_Renaissance,el-greco_christ-on-the-cross-with-two-maries-and-st-john-1588 +genre_painting,Expressionism,edvard-munch_eye-in-eye-1894 +landscape,Impressionism,alfred-sisley_hill-path-in-sunlight-1891 +portrait,Expressionism,amedeo-modigliani_seated-young-woman-1918 +abstract_painting,Abstract_Expressionism,robert-goodnough_9th-street-1978 +genre_painting,Impressionism,philip-wilson-steer_the-swiss-alps-at-the-earl-s-court-exhibition +cityscape,Impressionism,john-miller_venice +still_life,Expressionism,zinaida-serebriakova_shopping-cart-with-sardines-1930 +portrait,Expressionism,salvador-dali_the-queen-of-the-butterflies +still_life,Post_Impressionism,paul-cezanne_still-life-with-soup-tureen-1884 +genre_painting,Art_Nouveau_Modern,raphael-kirchner_ice-flowers-1899-1 +sketch_and_study,Art_Nouveau_Modern,ferdinand-hodler_young-man-standing-on-a-hill +abstract_painting,Color_Field_Painting,mark-rothko_blue-orange-red +nude_painting,Expressionism,pablo-picasso_teenagers-1906 +genre_painting,Romanticism,francisco-goya_fire-at-night-1794 +landscape,Symbolism,nicholas-roerich_fire-blossom-1924 +sketch_and_study,Baroque,bartolome-esteban-murillo_the-infant-jesus-between-the-virgin-and-st-joseph-1 +still_life,Realism,yiannis-moralis_still-life-1939 +portrait,Post_Impressionism,suzanne-valadon_portrait-of-erik-satie +sketch_and_study,Post_Impressionism,vincent-van-gogh_head-of-a-man-3(1) +portrait,Rococo,vladimir-borovikovsky_vera-ivanovna-arseniev +portrait,Impressionism,edouard-manet_young-woman-in-a-negligee-1882 +landscape,Contemporary_Realism,john-miller_tresco +genre_painting,Post_Impressionism,pierre-bonnard_woman-at-her-window +portrait,Rococo,thomas-gainsborough_sophia-charlotte-lady-sheffield-1786 +genre_painting,Post_Impressionism,paul-serusier_fair-chateauneuf-du-faou-1903 +landscape,Impressionism,claude-monet_the-moreno-garden-at-bordighera +landscape,Impressionism,camille-pissarro_landscape-with-flooded-fields-1873 +portrait,Expressionism,ernst-ludwig-kirchner_sitting-girl +landscape,Realism,isaac-levitan_autumn-landscape-with-hunter-1880 +abstract_painting,Minimalism,ellsworth-kelly_untitled-1973 +still_life,Post_Impressionism,paul-gauguin_still-life-with-apples-a-pear-and-a-ceramic-portrait-jug-1889-oil-on-panel-1889 +abstract_painting,Pop_Art,aldo-mondino_cad-eva-americana-1966 +sketch_and_study,Post_Impressionism,vincent-van-gogh_la-crau-1888 +still_life,Fauvism,mary-fedden_the-etching-table-1971 +religious_painting,Early_Renaissance,filippo-lippi_announcement-of-the-death-of-the-virgin +nude_painting,Cubism,m.c.-escher_not_detected_204650 +nude_painting,Impressionism,william-merritt-chase_nude-resting +portrait,Impressionism,edouard-manet_spring-study-of-jeanne-demarsy-1882 +landscape,Rococo,bernardo-bellotto_fortress-of-sonnenstein-above-pirna-1756 +abstract_painting,Color_Field_Painting,brice-marden_the-propitious-garden-of-plane-image-version-one-2005 +portrait,Impressionism,edgar-degas_duchesse-de-montejasi-cicerale +abstract_painting,Minimalism,ellsworth-kelly_white-relief-over-white-2003 +portrait,Impressionism,stefan-dimitrescu_you-wish-1907 +portrait,Impressionism,filipp-malyavin_a-monk-1896 +still_life,Baroque,frans-snyders_philomenes-recognized-by-the-old-woman +portrait,Romanticism,orest-kiprensky_portrait-of-alexander-shishkov-1825 +religious_painting,Mannerism_Late_Renaissance,paolo-veronese_st-john-the-evangelist-1555 +religious_painting,Northern_Renaissance,jan-van-eyck_the-birth-of-john-the-baptist-1422 +religious_painting,Romanticism,jan-matejko_devil-1 +still_life,Romanticism,paul-cezanne_still-life-with-bread-and-eggs-1865 +abstract_painting,Color_Field_Painting,claude-viallat_untitled-no-56-1996 +sketch_and_study,Realism,vincent-van-gogh_figure-of-a-woman-with-unfinished-chair-1882(1) +portrait,Rococo,dmitry-levitzky_portrait-of-countess-a-s-protasova-1800 +landscape,Expressionism,nikolaos-lytras_landscape-of-attica +abstract_painting,Minimalism,brice-marden_red-yellow-blue-1974 +religious_painting,Northern_Renaissance,jean-fouquet_pieta-1480 +still_life,Post_Impressionism,paul-cezanne_still-life-with-red-onions-1898 +genre_painting,Realism,ivan-vladimirov_the-former +genre_painting,Northern_Renaissance,pieter-bruegel-the-elder_the-wedding-dance-in-the-open-air +landscape,Realism,isaac-levitan_boulevard-in-the-evening-1883 +genre_painting,Impressionism,joaquã­n-sorolla_the-elche-palm-grove-1918 +portrait,Expressionism,m.c.-escher_baby +sketch_and_study,Art_Nouveau_Modern,nicholas-roerich_snakes-facing-whisperer-a-serpent-1912 +abstract_painting,Abstract_Expressionism,john-ferren_one-world-1961 +religious_painting,Early_Renaissance,sandro-botticelli_sixtus-ii-1481(1) +religious_painting,Romanticism,viktor-vasnetsov_the-virgin-and-child +landscape,Impressionism,homer-watson_the-load-home +portrait,Expressionism,henri-matisse_not-identified-17 +portrait,Baroque,frans-hals_the-rommel-pot-player-1 +abstract_painting,Pop_Art,tsuruko-yamazaki_untitled-1963-1 +landscape,Art_Nouveau_Modern,nicholas-roerich_mist-in-the-forest-1907 +landscape,Symbolism,konstantin-bogaevsky_landscape-with-lake-1922 +landscape,Impressionism,william-merritt-chase_the-white-fence +genre_painting,Romanticism,william-holman-hunt_a-converted-british-family-sheltering-a-christian-priest-from-the-persecution-of-the-druids-1850 +still_life,Realism,martiros-saryan_fruits-and-vegetables-1942 +portrait,Rococo,giovanni-domenico-tiepolo_the-head-of-an-old-man-inscribed-diogenes +genre_painting,Realism,vasily-vereshchagin_on-the-bridge +genre_painting,Ukiyo_e,utagawa-kunisada_not_detected_240348 +abstract_painting,Minimalism,genevieve-asse_sans-titre-viii-1984 +landscape,Realism,volodymyr-orlovsky_the-landscape-the-reeds-in-the-river +sketch_and_study,Post_Impressionism,paul-cezanne_study-of-an-apple-1885 +cityscape,Post_Impressionism,asgrimur-jonsson_night-in-reykjav-k-1916 +landscape,Symbolism,konstantin-bogaevsky_the-desert-1908 +landscape,Symbolism,theodor-severin-kittelsen_svelgfoss-power-plant-1908 +sketch_and_study,Romanticism,franz-xaver-winterhalter_study-of-itlain-girl +religious_painting,Northern_Renaissance,albrecht-durer_christ-bearing-the-cross-1509 +religious_painting,Early_Renaissance,paolo-uccello_scene-st-james-of-todi-1440 +landscape,Impressionism,isaac-levitan_haystacks-1 +genre_painting,Realism,vincent-van-gogh_man-standing-reading-a-book-1882 +religious_painting,Baroque,bartolome-esteban-murillo_the-return-of-the-prodigal-son-1660 +abstract_painting,Color_Field_Painting,sam-francis_untitled-1959-1 +nude_painting,Realism,william-adolphe-bouguereau_after-the-bath +landscape,Impressionism,claude-monet_the-pave-de-chailly-in-the-fontainbleau-forest +cityscape,Impressionism,konstantin-korovin_vichy-1926 +landscape,Impressionism,alfred-sisley_bend-in-the-river-loing-in-summer-1880 +portrait,Expressionism,amedeo-modigliani_study-for-the-cellist-1909 +still_life,Post_Impressionism,ion-tuculescu_red-eggs-1943 +cityscape,Realism,vincent-van-gogh_rooftops-1882 +landscape,Impressionism,adolf-hitler_the-church-of-preux-au-bois +portrait,Romanticism,konstantin-makovsky_italian +cityscape,Impressionism,antoine-blanchard_booksellers-notre-dame-winter +religious_painting,Northern_Renaissance,albrecht-durer_st-john-devouring-the-book-from-the-apocalypse-1498 +portrait,Realism,boris-kustodiev_portrait-of-a-woman-1904 +portrait,Realism,boris-kustodiev_portrait-of-e-a-polevitskaya-1905 +cityscape,Impressionism,medi-wechsler-dinu_sulina-landscape +nude_painting,Contemporary_Realism,eric-fischl_growing-up-in-the-company-of-women-ii +sketch_and_study,Ukiyo_e,katsushika-hokusai_manga-4 +portrait,Impressionism,pierre-auguste-renoir_gabrielle +abstract_painting,Color_Field_Painting,john-hoyland_20-5-74-1974 +abstract_painting,Minimalism,brice-marden_star-for-patti-smith-1974 +portrait,Romanticism,joseph-wright_d-ewes-coke-his-wife-hannah-and-daniel-parker-coke +religious_painting,Baroque,bartolome-esteban-murillo_st-rose-of-lima +portrait,Impressionism,pierre-auguste-renoir_jean-renoir-1901 +landscape,Post_Impressionism,victor-borisov-musatov_manor-house-at-zubrilovka-1903 +still_life,Impressionism,basuki-abdullah_flower +sketch_and_study,Symbolism,nicholas-roerich_monhigan-study-1922-14 +genre_painting,Cubism,fernand-leger_the-four-cyclists +abstract_painting,Abstract_Expressionism,perle-fine_the-big-splash-aka-tantrum-i-1959 +abstract_painting,Color_Field_Painting,maurice-esteve_assaba-1983-1 +cityscape,Post_Impressionism,gustave-loiseau_place-de-la-bastille +landscape,Cubism,pyotr-konchalovsky_sudak-mulberry-1917 +portrait,Realism,henri-fantin-latour_reading-1877 +landscape,Pointillism,jan-toorop_landscape-with-canal +cityscape,Post_Impressionism,henri-matisse_pont-saint-michel-in-paris +portrait,Romanticism,dante-gabriel-rossetti_annie-miller-1877-1 +portrait,Impressionism,federico-zandomeneghi_languor +landscape,Impressionism,childe-hassam_spring-woods +landscape,Realism,ivan-shishkin_forest-flowers-1873 +religious_painting,Early_Renaissance,domenico-ghirlandaio_the-calling-of-st-peter-and-st-andrew-1481 +portrait,Impressionism,william-merritt-chase_alice-dieudonne-chase-shinnecock-hills +landscape,Ukiyo_e,katsushika-hokusai_lake-suwa-in-the-shinano-province +landscape,Realism,vasily-polenov_the-mill-on-the-source-of-the-river-vel-1874 +genre_painting,Symbolism,nicholas-roerich_testament-of-teacher-1947 +landscape,Impressionism,eugene-boudin_camaret-the-toulinguet +cityscape,Impressionism,camille-pissarro_view-of-duquesne-and-berrigny-basins-in-dieppe-1902 +religious_painting,High_Renaissance,michelangelo_the-ancestors-of-christ-abiud-eliakim-1512 +portrait,Northern_Renaissance,hans-holbein-the-younger_portrait-of-william-warham-archbishop-of-canberbury-1527 +still_life,Realism,edouard-manet_rose-and-tulip-1882 +cityscape,Post_Impressionism,edouard-cortes_place-pigalle-winter +landscape,Impressionism,asgrimur-jonsson_winter-sun-in-hafnarfj-r-ur-1930 +genre_painting,Post_Impressionism,henri-de-toulouse-lautrec_prostitutes-around-a-dinner-table +portrait,Symbolism,gustav-klimt_portrait-of-a-woman-1899 +portrait,Expressionism,amedeo-modigliani_pink-blouse-1919 +religious_painting,Early_Renaissance,paolo-uccello_the-annunciation +portrait,Realism,camille-corot_portrait-of-a-man +still_life,Post_Impressionism,ion-pacea_still-life-with-pineapple +sketch_and_study,Impressionism,william-merritt-chase_study-for-making-her-toilet-1892 +cityscape,Expressionism,pyotr-konchalovsky_siena-the-urban-landscape-1912 +abstract_painting,Abstract_Expressionism,sam-francis_untitled-1990-2 +portrait,Rococo,vladimir-borovikovsky_catherine-gavrilovna-gagarina +religious_painting,Early_Renaissance,carlo-crivelli_madonna-and-child-st-francis-of-assisi-1472 +portrait,Expressionism,henri-matisse_the-girl-with-green-eyes-1908 +still_life,Realism,arthur-segal_stilleben-mit-gl-sern-1943 +portrait,Realism,thomas-eakins_portrait-of-charles-percival-buck-1904 +still_life,Post_Impressionism,paul-cezanne_still-life-in-front-of-a-chest-of-drawers +landscape,Naive_Art_Primitivism,raoul-dufy_oarsmen-on-the-marne-1925 +genre_painting,Realism,boris-kustodiev_playing-the-whist-1905 +abstract_painting,Color_Field_Painting,theodoros-stamos_infinity-field-lefkada-series-1983(1) +portrait,Post_Impressionism,moise-kisling_bust-of-young-woman-left-profile-1930 +cityscape,Expressionism,zinaida-serebriakova_morocco-marrakesh-1932 +portrait,Rococo,louise-elisabeth-vigee-le-brun_portrait-of-madame-du-barry-1781 +illustration,Naive_Art_Primitivism,marc-chagall_illustration-for-louis-aragon-s-work-one-who-says-things-without-saying-anything-1976-7 +genre_painting,Impressionism,antã³nio-de-carvalho-da-silva-porto_no-areinho-douro-1880 +genre_painting,Impressionism,gustave-caillebotte_the-piano-lesson-1881 +genre_painting,Romanticism,karl-bryullov_voltigeur-1830 +genre_painting,Symbolism,felicien-rops_human-pardon-1881 +portrait,Rococo,joshua-reynolds_lady-mary-leslie-1764 +landscape,Impressionism,claude-monet_the-big-blue-meditarranean-at-antibes +landscape,Symbolism,mikalojus-ciurlionis_night-1904 +nude_painting,Post_Impressionism,moise-kisling_not-identified-35 +landscape,Realism,theodore-rousseau_water-mill-thiers-1830 +landscape,Post_Impressionism,andre-derain_the-path-of-forest-1928 +portrait,Baroque,rembrandt_the-knight-with-the-falcon +landscape,Romanticism,john-atkinson-grimshaw_lea-hurst-kent +genre_painting,Impressionism,claude-monet_the-shoot-1876 +religious_painting,Northern_Renaissance,albrecht-durer_mary-at-the-gate-1520 +landscape,Expressionism,john-marin_weehawken-sequence-no-30-1916 +nude_painting,Impressionism,pierre-auguste-renoir_seated-nude-1913-1 +sketch_and_study,Realism,nicholas-roerich_study-of-skull-1894 +genre_painting,Impressionism,edgar-degas_dancers-in-green +religious_painting,Baroque,guido-reni_the-martyrdom-of-saint-sebastian-1616 +genre_painting,Expressionism,edvard-munch_the-murderer-in-the-lane-1919 +sketch_and_study,Realism,vincent-van-gogh_ploughman-and-three-women-1883 +landscape,Realism,camille-corot_the-pond-at-ville-d-avray-1860 +cityscape,Expressionism,gregoire-boonzaier_district-six-1979 +sketch_and_study,Realism,vincent-van-gogh_peasant-woman-planting-beets-1885 +religious_painting,High_Renaissance,leonardo-da-vinci_the-virgin-and-child-with-saint-anne-and-saint-john-the-baptist +landscape,Pop_Art,evelyne-axell_paysage-landscape-1971 +landscape,Impressionism,abdullah-suriosubroto_menuju-danau +portrait,Pop_Art,andy-warhol_carter-burden-brown +landscape,Impressionism,alfred-sisley_windy-afternoon-in-may +landscape,Romanticism,karl-bodmer_new-harmony-1832 +genre_painting,Impressionism,konstantin-korovin_masquerade-1913 +genre_painting,Romanticism,camille-corot_country-concert-1857 +portrait,Realism,ilya-repin_portrait-of-count-d-m-solsky-1903 +landscape,Naive_Art_Primitivism,grandma-moses_hoosick-valley-from-the-window-1946 +genre_painting,Impressionism,emmanuel-zairis_child-with-cat +landscape,Impressionism,asgrimur-jonsson_moonlight-reykjav-k-1909 +nude_painting,Impressionism,william-merritt-chase_reclining-nude +sketch_and_study,Realism,albert-bierstadt_butterfly-second-version-1900 +genre_painting,Romanticism,edward-burne-jones_green-summer-1868 +landscape,Impressionism,childe-hassam_end-of-timberline-mt-hood +religious_painting,Northern_Renaissance,albrecht-durer_the-opening-of-the-fifth-and-sixth-seals-1511 +religious_painting,Early_Renaissance,domenico-ghirlandaio_st-john-the-evangelist-1490 +portrait,Romanticism,miklos-barabas_women-at-nettuno-1835 +genre_painting,Art_Nouveau_Modern,raphael-kirchner_impassive-mask +still_life,Realism,henri-fantin-latour_still-life-with-flowers-1864 +illustration,Romanticism,gustave-dore_the-lion +portrait,Mannerism_Late_Renaissance,giorgio-vasari_portrait-of-a-gentleman-of-florence +portrait,Romanticism,fyodor-bronnikov_portrait-of-a-p-bogoliubov-1856 +portrait,Romanticism,joseph-wright_jedediah-strutt +landscape,Art_Nouveau_Modern,gustav-klimt_roses-under-the-trees +portrait,Romanticism,pierre-paul-prud'hon_portrait-of-constance-mayer-1804 +genre_painting,Baroque,gabriel-metsu_an-old-woman-selling-fish-1662 +landscape,Impressionism,pierre-auguste-renoir_cagnes-landscape-1 +cityscape,Post_Impressionism,raoul-dufy_paris-1934 +cityscape,Impressionism,claude-monet_the-road-in-vetheuil-in-winter +portrait,Expressionism,marcel-duchamp_portrait-of-gustave-candel-s-mother-1912 +genre_painting,Impressionism,julius-leblanc-stewart_in-the-park-1882(1) +still_life,Impressionism,henri-matisse_blue-pitcher +portrait,Realism,boris-kustodiev_portrait-of-e-e-lansere-1913 +landscape,Impressionism,claude-monet_cliff-at-sainte-adresse +illustration,Symbolism,alfred-kubin_homage-to-rimbaud-1919 +sketch_and_study,Realism,valentin-serov_portrait-of-n-p-lamanova-1911 +portrait,Romanticism,orest-kiprensky_portrait-of-anna-furman-1816 +religious_painting,Early_Renaissance,filippo-lippi_st-jerome-in-the-desert-1456 +nude_painting,Romanticism,eugene-delacroix_female-nude-killed-from-behind(1) +religious_painting,Baroque,rembrandt_the-blind-tobit-1651 +sketch_and_study,Northern_Renaissance,albrecht-durer_arm-of-eve +genre_painting,Post_Impressionism,ferdinand-hodler_child-by-the-table-1889 +still_life,Realism,robert-brackman_still-life +landscape,Realism,ivan-shishkin_fir-forest-1890 +religious_painting,Early_Renaissance,domenico-ghirlandaio_a-sibyl-1486 +sketch_and_study,Post_Impressionism,vincent-van-gogh_wheat-field-with-cypresses-at-the-haude-galline-near-eygalieres-1889-1 +portrait,Realism,john-singer-sargent_mrs-joseph-e-widener-1903 +abstract_painting,Cubism,francis-picabia_edtaonisl-ecclesiastic +portrait,Realism,salvador-dali_seated-girl-seen-from-the-back +nude_painting,Post_Impressionism,pyotr-konchalovsky_golden-age-1946 +sketch_and_study,High_Renaissance,michelangelo_design-for-a-statue-of-henry-ii-of-france +landscape,Impressionism,alfred-sisley_the-hill-path-ville-d-avray-1879 +nude_painting,Fauvism,pyotr-konchalovsky_nude-1916 +religious_painting,Northern_Renaissance,rogier-van-der-weyden_virgin-and-child-4 +genre_painting,Naive_Art_Primitivism,david-burliuk_peasant-woman-with-a-blue-cow +landscape,Art_Nouveau_Modern,frank-johnston_fire-swept-algoma-1920 +portrait,Northern_Renaissance,lucas-cranach-the-elder_portrait-of-a-saxon-noblewoman-as-mary-magdalene-1525 +sketch_and_study,Post_Impressionism,vincent-van-gogh_gypsies-at-saintes-maries-1888(1) +abstract_painting,Abstract_Expressionism,manabu-mabe_som-1976 +genre_painting,Expressionism,marc-chagall_man-at-table-1911 +nude_painting,Realism,robert-brackman_woman-with-basket +portrait,Realism,giovanni-boldini_portrait-of-madame-juillard-in-red-1912 +genre_painting,Expressionism,arturo-souto_workshop-of-the-artist-1935 +nude_painting,Post_Impressionism,victor-pasmore_reclining-nude-1942(1) +nude_painting,Cubism,pablo-picasso_two-women-on-the-beach-1956 +landscape,Realism,pyotr-konchalovsky_windmill-1926 +genre_painting,Impressionism,william-merritt-chase_ring-toss +landscape,Realism,theodore-rousseau_study-in-the-forest-of-fontainebleau +illustration,Romanticism,gustave-dore_don-quixote-98 +landscape,Realism,camille-corot_honfleur-fishing-boat +landscape,Realism,aleksey-savrasov_the-village-in-winter-1890 +portrait,Romanticism,sir-lawrence-alma-tadema_a-prize-for-the-artists-corp +cityscape,Art_Nouveau_Modern,anna-ostroumova-lebedeva_academy-of-arts-1922 +portrait,Expressionism,lucian-freud_girl-in-a-dark-jacket-1947 +genre_painting,Impressionism,pierre-auguste-renoir_young-girls-by-the-sea-1894-1 +nude_painting,Expressionism,lucian-freud_naked-man-with-rat +genre_painting,Impressionism,edgar-degas_three-russian-dancers-1895 +religious_painting,Impressionism,t.-c.-steele_the-christ-child-and-the-infant-st-john-after-rubens-1883 +landscape,Post_Impressionism,helene-schjerfbeck_green-bench-1928 +portrait,Expressionism,georges-rouault_bittersweet-1935 +cityscape,Expressionism,zinaida-serebriakova_florence-1949 +portrait,Expressionism,henri-matisse_standing-moroccan-in-green-standing-riffian-1913 +portrait,Realism,william-adolphe-bouguereau_teen-and-children-1895 +portrait,Mannerism_Late_Renaissance,parmigianino_portrait-of-a-man-1530 +religious_painting,High_Renaissance,vittore-carpaccio_the-pilgrims-meet-pope-cyriac-before-the-walls-of-rome-1493 +cityscape,Impressionism,stefan-popescu_street-from-bretania-1 +landscape,Impressionism,pierre-auguste-renoir_landscape-near-varengeville-1885 +genre_painting,Baroque,gerrit-dou_trumpet-player-in-front-of-a-banquet-1665 +abstract_painting,Abstract_Expressionism,helen-frankenthaler_gateway-1988 +portrait,Baroque,jan-steen_baker-oostwaert-and-his-wife +landscape,Romanticism,richard-parkes-bonington_scene-in-normandy +genre_painting,Impressionism,edgar-degas_the-rehearsal-1873 +religious_painting,Early_Renaissance,domenico-ghirlandaio_david +landscape,Post_Impressionism,david-burliuk_autumn-forest +religious_painting,Northern_Renaissance,albrecht-durer_adam-and-eve-1504 +landscape,Expressionism,edvard-munch_white-night-1901 +genre_painting,Art_Nouveau_Modern,raphael-kirchner_girls-with-good-luck-charms-3 +landscape,Romanticism,william-turner_pendennis-castle-cornwall-scene-after-a-wreck +religious_painting,Northern_Renaissance,albrecht-durer_pilate-washing-his-hands-1511 +portrait,Baroque,frans-hals_boy-with-a-lute +cityscape,Post_Impressionism,edouard-cortes_place-from-a-knoll-montmartre +genre_painting,Romanticism,francisco-goya_highwaymen-attacking-a-coach-1787 +religious_painting,Symbolism,edward-burne-jones_melchoir-picture-1 +portrait,Post_Impressionism,kees-van-dongen_l-ecuy-re-1920 +cityscape,Post_Impressionism,edouard-cortes_triumphal-arch-7 +portrait,Expressionism,tia-peltz_the-elder-sister +portrait,Impressionism,marie-bracquemond_louise-quivoron-aka-woman-in-the-garden-1877 +sketch_and_study,Realism,vincent-van-gogh_torso-of-venus-2 +portrait,Realism,boris-kustodiev_portrait-of-o-p-myasoedova-1920 +genre_painting,Impressionism,walter-sickert_the-camden-town-murder-or-what-shall-we-do-for-the-rent +genre_painting,Realism,mykola-pymonenko_fabric-trading-woman-1901 +genre_painting,Expressionism,pablo-picasso_the-visit-the-two-sisters-1902 +portrait,Realism,john-singer-sargent_lady-meysey-thompson +illustration,Romanticism,gustave-dore_don-quixote-72 +landscape,Post_Impressionism,gustave-loiseau_by-the-sea +religious_painting,Early_Renaissance,fra-angelico_sepulchring-of-saint-cosmas-and-saint-damian-1440 +landscape,Realism,theodore-rousseau_a-waterfall-in-thiers-1830 +cityscape,Realism,vasily-sadovnikov_kamennoostrovsky-bridge +abstract_painting,Abstract_Expressionism,perle-fine_untitled-1957(1) +sketch_and_study,Realism,vincent-van-gogh_two-hands-with-a-stick +cityscape,Post_Impressionism,anna-ostroumova-lebedeva_petersburg-bridge-with-centaurs-1901 +cityscape,Realism,mikhail-vrubel_yard-at-winter +portrait,Baroque,anthony-van-dyck_portrait-of-a-noble-genoese-lady-1627 +cityscape,Impressionism,robert-julian-onderdonk_view-of-city-rooftops-in-winter-1902 +portrait,Northern_Renaissance,albrecht-durer_portrait-of-a-windisch-farmer +cityscape,Impressionism,childe-hassam_view-of-new-york-from-the-top-of-fort-george +sketch_and_study,Realism,john-singer-sargent_studies-of-aphrodite-for-aphrodite-and-eros-1919 +cityscape,Expressionism,mstislav-dobuzhinsky_vitebsk-circus-1923 +nude_painting,Impressionism,childe-hassam_the-nymph-of-beryl-gorge +religious_painting,Northern_Renaissance,jean-hey_the-moulins-triptych-detail-1 +portrait,Impressionism,william-merritt-chase_at-the-window +landscape,Realism,ivan-shishkin_village-1874 +landscape,Impressionism,victor-borisov-musatov_cabbage-field-with-willows +sketch_and_study,Realism,vincent-van-gogh_kettle-over-a-fire-and-a-cottage-by-night-1885 +portrait,Post_Impressionism,vincent-van-gogh_portrait-of-madame-ginoux-l-arlesienne-1890 +religious_painting,Baroque,caravaggio_sacrifice-of-isaac-1602 +landscape,Art_Nouveau_Modern,gustav-klimt_untitled +illustration,Romanticism,gustave-dore_don-quixote-130 +genre_painting,Impressionism,john-singer-sargent_the-garden-wall-1910 +genre_painting,Contemporary_Realism,eric-fischl_the-raft +portrait,Expressionism,oskar-kokoschka_portrait-of-lotte-franzos-1909 +religious_painting,Symbolism,pierre-puvis-de-chavannes_the-prodigal-son +portrait,Baroque,anthony-van-dyck_profile-study-of-a-bearded-old-man +portrait,Realism,ilya-repin_portrait-of-the-poet-afanasy-fet-1882 +landscape,Impressionism,pieter-wenning_backyard-malta-farm-observatory +cityscape,Realism,vasily-surikov_church-in-the-village-dyakovo +religious_painting,Mannerism_Late_Renaissance,piero-di-cosimo_the-young-saint-john-the-baptist-1480 +landscape,Romanticism,ivan-aivazovsky_seascape-2 +still_life,Realism,henri-fantin-latour_still-life-with-grapes-and-a-peach-1895 +landscape,Post_Impressionism,constantine-maleas_landscape-of-egypt +sketch_and_study,Realism,vincent-van-gogh_young-man-with-a-broom-1882 +sketch_and_study,Realism,vincent-van-gogh_garden-in-the-snow-1885(1) +cityscape,Impressionism,antoine-blanchard_place-de-la-madeleine-hiver +genre_painting,Expressionism,edvard-munch_the-scream-1910 +genre_painting,Impressionism,pierre-auguste-renoir_woman-with-a-guitar-1897-1 +portrait,Expressionism,max-pechstein_charlotte-pechstein-with-mirror-1917 +still_life,Post_Impressionism,henri-matisse_anemone-and-mirror-1920 +nude_painting,Post_Impressionism,moise-kisling_nude-bust-1929 +genre_painting,Impressionism,t.-c.-steele_daisy-by-the-river-1891 +portrait,Impressionism,pierre-auguste-renoir_portrait-of-mme-alphonse-daudet-1876 +genre_painting,Baroque,david-teniers-the-younger_peasants-dancing-outside-an-inn-1 +landscape,Impressionism,ivan-grohar_zimsko-jutro-1911 +landscape,Realism,pyotr-konchalovsky_in-the-woods-1945 +illustration,Naive_Art_Primitivism,marc-chagall_illustration-for-louis-aragon-s-work-one-who-says-things-without-saying-anything-1976-18 +cityscape,Realism,vasily-sadovnikov_illumination-of-the-theatre-square-in-1856-1 +nude_painting,Post_Impressionism,paul-gauguin_and-the-gold-of-their-bodies-1901 +abstract_painting,Minimalism,brice-marden_untitled-1966 +landscape,Impressionism,paul-cezanne_in-the-oise-valley-1874 +cityscape,Symbolism,mstislav-dobuzhinsky_rooftops-under-the-snow-1916 +abstract_painting,Color_Field_Painting,ronnie-landfield_for-the-ages-1985 +sketch_and_study,Art_Nouveau_Modern,konstantin-korovin_the-curtain-sketch-of-the-play-la-ronde-des-heures +genre_painting,Post_Impressionism,kees-van-dongen_tangier-morocco-1911 +genre_painting,Cubism,paul-cezanne_study-of-bathers-1 +cityscape,Romanticism,william-turner_rhodes-for-lord-byron-s-works-1824 +portrait,Impressionism,edgar-degas_portrait-of-a-lady-in-grey-1865 +abstract_painting,Abstract_Expressionism,sam-francis_untitled-1949 +portrait,Impressionism,maurice-prendergast_two-women-in-a-park +illustration,Realism,thomas-eakins_illustration-1878 +landscape,Impressionism,claude-monet_argenteuil-seen-from-the-small-arm-of-the-seine-1(1) +sketch_and_study,Cubism,fernand-leger_study-of-mask-for-the-creation-of-monde +portrait,Romanticism,andrei-ryabushkin_family-of-merchant-in-xvii-century +portrait,Expressionism,corneliu-baba_the-mad-king-1986 +portrait,Romanticism,fyodor-bronnikov_portrait-of-an-old-man-in-a-crimson-dress-1881 +religious_painting,Realism,vasily-polenov_john-and-james-1 +portrait,Realism,gustave-courbet_portrait-of-juliette-courbet-as-a-sleeping-child-1841 +cityscape,Realism,frits-thaulow_the-mill-pond +portrait,Realism,ferdinand-hodler_the-angry-one +landscape,Impressionism,john-henry-twachtman_the-brook-greenwich-connecticut +landscape,Realism,ivan-shishkin_forest-horizont +genre_painting,Realism,james-tissot_london-visitors +portrait,Expressionism,amedeo-modigliani_jeanne-hebuterne-in-a-yellow-jumper-1919 +religious_painting,Early_Renaissance,fra-angelico_nativity-1441 +portrait,Romanticism,konstantin-makovsky_cossack +landscape,Post_Impressionism,tom-thomson_northern-river-1915 +religious_painting,Naive_Art_Primitivism,marc-chagall_the-descent-towards-sodom +genre_painting,Contemporary_Realism,eric-fischl_the-sheer-weight-of-history +nude_painting,Post_Impressionism,henri-de-toulouse-lautrec_woman-pulling-up-her-stockings-1894 +genre_painting,Impressionism,pierre-auguste-renoir_bathing-1915 +landscape,Art_Nouveau_Modern,franklin-carmichael_island-georgian-bay +sketch_and_study,Realism,vasily-surikov_boyarynya-morozova-study-1887 +nude_painting,Impressionism,pierre-auguste-renoir_seated-nude-1913 +landscape,Post_Impressionism,gustave-loiseau_beach-at-fecamp +portrait,Ukiyo_e,keisai-eisen_the-courtesan-kaoru-of-owariya-matched-with-okitsu-1825(1) +portrait,Rococo,maurice-quentin-de-la-tour_marie-josephe-of-saxony +landscape,Symbolism,nicholas-roerich_himalayas-36 +genre_painting,Romanticism,nikolaos-gyzis_eros-and-the-painter-1868 +portrait,Art_Nouveau_Modern,ferdinand-hodler_valentine-gode-darel-with-disheveled-hair-1913 +abstract_painting,Abstract_Expressionism,craig-kauffman_caroline-s-rickets-1975 +landscape,Symbolism,nicholas-roerich_mountany-landscape-1925 +nude_painting,Realism,giovanni-boldini_a-reclining-nude-on-a-day-bed +portrait,Impressionism,william-merritt-chase_child-with-prints +portrait,Romanticism,john-hoppner_portrait-of-a-lady-1790 +landscape,Impressionism,guy-rose_incoming-tide-1917 +still_life,Synthetic_Cubism,juan-gris_glass-cup-and-bottle +genre_painting,Baroque,jan-steen_school-teacher +genre_painting,Post_Impressionism,paul-gauguin_the-willows-1889 +genre_painting,Baroque,adriaen-van-ostade_village-musicians-1 +genre_painting,Expressionism,marcel-janco_two-nazi-soldiers-abusing-a-jew-and-tearing-out-his-beard-1942 +landscape,Impressionism,henri-catargi_landscape-from-caseres-spain-1971 +portrait,Rococo,thomas-gainsborough_a-woman-with-a-rose +religious_painting,Mannerism_Late_Renaissance,paolo-veronese_the-marriage-at-cana-1563 +landscape,Realism,camille-corot_large-sharecropping-farm +portrait,Baroque,agostino-carracci_titian-1587 +abstract_painting,Color_Field_Painting,gene-davis_pepper-pot-1966 +still_life,Post_Impressionism,paul-cezanne_still-life-with-apples-1894-1 +genre_painting,Cubism,raoul-dufy_the-trapeze-artists-1922 +landscape,Baroque,esaias-van-de-velde_mountainous-landscape-with-traveller +nude_painting,Cubism,pablo-picasso_female-bust +cityscape,Post_Impressionism,maurice-utrillo_castle-in-charente +genre_painting,Impressionism,james-mcneill-whistler_note-in-red-the-siesta-1875 +portrait,Expressionism,lucian-freud_boy-s-head +religious_painting,Northern_Renaissance,joachim-patinir_landscape-with-the-flight-into-egypt-1516 +genre_painting,Realism,camille-corot_farmer-kneeling-picking-dandelions +cityscape,Symbolism,mstislav-dobuzhinsky_viaduct-in-london-1915 +illustration,Art_Nouveau_Modern,kay-nielsen_in-the-midst-of-the-gloomy-thick-wood +landscape,Contemporary_Realism,john-miller_cornish-beach +landscape,Cubism,paul-cezanne_mont-sainte-victoire-7 +landscape,Symbolism,nicholas-roerich_himalayas-25 +genre_painting,Impressionism,giovanni-boldini_spring +genre_painting,Realism,max-liebermann_workers-on-the-beet-field-1876 +cityscape,Romanticism,william-turner_louth-lincolnshire +cityscape,Romanticism,cornelis-springer_many-figures-on-the-market-square-in-front-of-the-martinikirche-braunschweig-1874 +landscape,Post_Impressionism,pyotr-konchalovsky_landscape-1933 +religious_painting,Baroque,bartolome-esteban-murillo_angel-holding-the-spear-and-sponge-holder-1660 +landscape,Impressionism,pierre-auguste-renoir_the-seine-at-chatou-1881 +religious_painting,Baroque,rembrandt_holy-family-1640 +nude_painting,Impressionism,pierre-auguste-renoir_blond-bather-1881 +religious_painting,Romanticism,gustave-dore_jesus-and-the-woman-taken-in-adultery +portrait,High_Renaissance,michelangelo_cleopatra-1534 +genre_painting,Post_Impressionism,paul-gauguin_grape-harvest-at-arles-1888 +portrait,Post_Impressionism,henri-de-toulouse-lautrec_m-delaporte-at-the-jardin-de-paris-1893 +cityscape,Romanticism,william-turner_stamford +genre_painting,Baroque,adriaen-van-ostade_resting-travellers +landscape,Impressionism,alfred-sisley_by-the-river-1881 +sketch_and_study,Symbolism,kuzma-petrov-vodkin_seated-boy-1906 +portrait,Romanticism,francisco-goya_charles-iii-1788 +sketch_and_study,Northern_Renaissance,albrecht-durer_the-holy-trinity +portrait,Post_Impressionism,henri-de-toulouse-lautrec_woman-in-the-garden-1891 +landscape,Impressionism,camille-pissarro_chestnut-trees-at-louveciennes-1872 +cityscape,Romanticism,william-turner_campo-santo-venice +portrait,Rococo,thomas-gainsborough_miss-catherine-tatton-1785 +landscape,Symbolism,nicholas-roerich_lake-sheshnag +genre_painting,Impressionism,pierre-auguste-renoir_the-beach-at-guernsey-1883 +abstract_painting,Color_Field_Painting,sam-francis_untitled-1969(1) +sketch_and_study,Romanticism,eduard-von-gebhardt_study-of-a-head +portrait,Realism,boris-kustodiev_portrait-of-evdokimova-1925 +genre_painting,Art_Nouveau_Modern,boris-kustodiev_catching-of-homeless-dogs +landscape,Realism,charles-francois-daubigny_french-river-scene-1871 +illustration,Romanticism,gustave-dore_the-inferno-canto-19 +abstract_painting,Color_Field_Painting,andre-pierre-arnal_ficelage-2 +landscape,Post_Impressionism,emily-carr_arbutus-tree-1922 +abstract_painting,Abstract_Expressionism,gerhard-richter_abstraktes-bild-abstract-painting-1976 +portrait,Realism,arthur-segal_portrait-of-a-man-against-the-light-1935 +abstract_painting,Synthetic_Cubism,ad-reinhardt_collage-1940 +portrait,Impressionism,mary-cassatt_portrait-of-charles-dikran-kelekian-1910 +sketch_and_study,High_Renaissance,leonardo-da-vinci_natural-disaster +portrait,Naive_Art_Primitivism,william-h.-johnson_blind-singer-street-musicians-1940 +sketch_and_study,Realism,vincent-van-gogh_peasant-woman-carrying-wheat-in-her-apron-1885 +landscape,Impressionism,willard-metcalf_afternoon-by-the-river-at-grez +cityscape,Post_Impressionism,edouard-cortes_place-de-la-bastille-3 +landscape,Impressionism,pierre-auguste-renoir_landscape-after-corot-1898 +abstract_painting,Cubism,carlos-merida_la-m-scara-m-gica-1969 +genre_painting,Realism,viktor-vasnetsov_girl-with-a-bast-basket-1870 +genre_painting,Naive_Art_Primitivism,pablo-picasso_musketeer-with-pipe-1968 +genre_painting,Realism,jean-francois-millet_shepherdess-seated-on-a-rock-1856 +landscape,Romanticism,thomas-moran_dusk-wings-1860 +genre_painting,Realism,jean-francois-millet_the-wood-sawyers-1852 +genre_painting,Impressionism,cornelis-vreedenburgh_frozen-in-ship +genre_painting,Baroque,johannes-vermeer_girl-interrupted-at-her-music +portrait,Baroque,diego-velazquez_the-buffoon-calabacillas-mistakenly-called-the-idiot-of-coria-1639 +abstract_painting,Abstract_Expressionism,mostafa-dashti_untitled-2011(2) +landscape,Post_Impressionism,paul-cezanne_pine-tree-in-the-arc-valley +landscape,Impressionism,egon-schiele_landscape-in-lower-austria-1907 +religious_painting,Mannerism_Late_Renaissance,el-greco_apostle-st-andrew +sketch_and_study,Post_Impressionism,pyotr-konchalovsky_study-1933 +landscape,Impressionism,claude-monet_poplars-on-the-banks-of-the-epte-autumn-1891 +portrait,High_Renaissance,titian_the-beauty-1536 +cityscape,Romanticism,john-atkinson-grimshaw_liverpool-customs-house +genre_painting,Impressionism,eugene-boudin_beach-scene-13 +cityscape,Cubism,marc-chagall_cemetery-gates-1917 +genre_painting,Ukiyo_e,katsushika-hokusai_street-scenes-newly-pubished +genre_painting,Art_Nouveau_Modern,henri-de-toulouse-lautrec_snobisme +nude_painting,Contemporary_Realism,neil-welliver_two-figures-twice-1972 +landscape,Naive_Art_Primitivism,henri-rousseau_walking-in-the-parc-des-buttes-chaumont-1909 +nude_painting,Expressionism,henri-matisse_odalisque-with-green-scarf +religious_painting,Baroque,bartolome-esteban-murillo_birth-of-the-virgin-1660 +abstract_painting,Minimalism,joan-hernandez-pijuan_marc-per-2000 +abstract_painting,Abstract_Expressionism,geta-bratescu_spaces-2005(7) +religious_painting,Mannerism_Late_Renaissance,paolo-veronese_annunciation-1558 +portrait,Impressionism,pierre-auguste-renoir_pensive +sketch_and_study,Realism,edouard-manet_the-barricade-civil-war-1871 +genre_painting,Cubism,kazimir-malevich_peasant-women-in-a-church +religious_painting,Baroque,rembrandt_angel-departing-from-the-family-of-tobias-1641 +landscape,Romanticism,lev-lagorio_coast-of-the-sea-1899 +illustration,Romanticism,gustave-dore_transformation-into-snakes +portrait,Baroque,anthony-van-dyck_portrait-of-a-flemish-lady-1621 +landscape,Realism,isaac-levitan_stubbled-field +landscape,Impressionism,childe-hassam_colonial-graveyard-at-lexington +still_life,Impressionism,paul-gauguin_basket-of-flowers-1884 +landscape,Fauvism,pyotr-konchalovsky_walk-of-gravedigger-1910 +portrait,Realism,nikolay-bogdanov-belsky_portrait-of-adjutant-general-p-p-gesse +genre_painting,Post_Impressionism,henri-de-toulouse-lautrec_mademoiselle-dihau-at-the-piano-1890 +religious_painting,High_Renaissance,pietro-perugino_st-mary-magdalene +abstract_painting,Minimalism,henk-peeters_61-64-1964 +cityscape,New_Realism,john-french-sloan_cornelia-street-1920 +cityscape,Post_Impressionism,odilon-redon_near-the-harbor +genre_painting,Art_Nouveau_Modern,carl-larsson_summer-morning-published-in-lasst-licht-hinin-let-in-more-light-1908(1) +portrait,Expressionism,hedda-sterne_the-artist-saul-steiberg-1944 +portrait,Expressionism,dimitris-mytaras_untitled(6) +abstract_painting,Abstract_Expressionism,hedda-sterne_metaphores-and-metamorphoses-1967 +landscape,Realism,pyotr-konchalovsky_garden-in-bloom-1932 +landscape,Romanticism,john-crome_a-sandy-bank-1820 +landscape,Expressionism,paul-klee_in-the-quarry(1) +landscape,Realism,vasily-polenov_palestine-landscape +religious_painting,Romanticism,jan-matejko_devil +landscape,Impressionism,claude-monet_the-pointe-of-heve-1864 +genre_painting,Realism,winslow-homer_shooting-the-rapids-1902 +genre_painting,Naive_Art_Primitivism,maria-primachenko_flax-blooms-and-a-cossack-goes-to-a-girl-1982 +cityscape,Art_Nouveau_Modern,nicholas-roerich_they-build-the-ships-1903-1 +landscape,Impressionism,pierre-auguste-renoir_the-pear-tree-1889 +cityscape,Post_Impressionism,pyotr-konchalovsky_temple-of-myrrh-bearers-1928 +portrait,Expressionism,chronis-botsoglou_nekyia +portrait,Impressionism,berthe-morisot_jeannie-gobillard +genre_painting,Realism,ivan-vladimirov_i-v-dzhugashvili-stalin-in-custody-1935 +religious_painting,Symbolism,pierre-puvis-de-chavannes_the-childhood-of-saint-genevieve +religious_painting,Northern_Renaissance,hieronymus-bosch_hermit-saints-triptych-right-panel +portrait,High_Renaissance,titian_alessandro-farnese +landscape,Realism,camille-corot_outskirts-of-a-village-near-beauvais +portrait,Art_Nouveau_Modern,boris-kustodiev_portrait-of-rene-ivanovna-notgaft-1914 +religious_painting,Romanticism,gustave-dore_the-prophet-ezekiel +landscape,Post_Impressionism,felix-vallotton_neva-light-fog-1913 +religious_painting,Romanticism,edward-burne-jones_annunciation-1860 +genre_painting,Post_Impressionism,robert-delaunay_in-the-garden +genre_painting,Romanticism,alfred-stevens_the-bath +genre_painting,Realism,ivan-vladimirov_three-horses-1919 +abstract_painting,Abstract_Expressionism,geta-bratescu_spaces-2005(9) +sketch_and_study,Impressionism,victor-borisov-musatov_poppies-in-the-garden-1894 +portrait,Expressionism,ligia-macovei_the-girl-with-an-orange +genre_painting,Naive_Art_Primitivism,william-h.-johnson_convalescents-from-somewhere-1944 +nude_painting,Post_Impressionism,suzanne-valadon_nudes-1919 +sketch_and_study,High_Renaissance,raphael_study-for-the-entombment-in-the-galleria-borghese-rome +still_life,Baroque,osias-beert_three-dishes-of-sweetmeats-and-chestnuts-with-three-glasses-on-a-table +genre_painting,Impressionism,ilya-mashkov_september-morning-in-artek-soloviev-and-artekovtsy-1929 +sketch_and_study,Cubism,julio-gonzalez_architectural-figure-no-2-1940 +abstract_painting,Color_Field_Painting,richard-diebenkorn_ocean-park-no-45 +religious_painting,Early_Renaissance,jacopo-bellini_the-madonna-of-humility-adored-by-leonello-d-este +landscape,Impressionism,stefan-luchian_after-rain +abstract_painting,Minimalism,jean-degottex_criture-1961 +cityscape,Romanticism,ivan-aivazovsky_golden-horn-1895 +abstract_painting,Color_Field_Painting,ellsworth-kelly_three-panels-orange-dark-gray-green-1986-1 +nude_painting,Realism,jean-francois-millet_naked-peasant-girl-at-the-river +portrait,Romanticism,john-hoppner_portrait-of-mrs-williams-circa-1790 +portrait,Realism,alexey-venetsianov_old-nurse-in-shlychkov +sketch_and_study,Post_Impressionism,vincent-van-gogh_a-man-and-a-woman-seen-from-the-back-1886(1) +portrait,Realism,john-singer-sargent_william-marshall-cazalet-1902 +landscape,Realism,isaac-levitan_landscape-in-crimea-1887 +portrait,Realism,arkhip-kuindzhi_portrait-of-ivan-kramskoi +religious_painting,Baroque,pietro-da-cortona_holy-family-resting-on-the-flight-to-egypt +landscape,Romanticism,thomas-cole_summer-twilight-1827 +landscape,Realism,isaac-levitan_trail-in-the-forest +landscape,Ukiyo_e,katsushika-hokusai_the-fuji-seen-from-the-mishima-pass +landscape,Baroque,paul-bril_fantastic-mountain-landscape-1598 +portrait,Realism,anders-zorn_the-cousins +religious_painting,Post_Impressionism,vincent-van-gogh_the-raising-of-lazarus-after-rembrandt-1890 +sketch_and_study,Romanticism,dante-gabriel-rossetti_cousturier-1840 +genre_painting,Impressionism,joaquã­n-sorolla_mother-and-daughter-valencia-beach-1916 +sketch_and_study,High_Renaissance,michelangelo_st-anne-with-virgin-and-child-christ +landscape,Romanticism,thomas-moran_summer-landscape-with-cows-1856 +portrait,Impressionism,berthe-morisot_young-girl-resting +abstract_painting,Color_Field_Painting,morris-louis_russet-1958 +genre_painting,Realism,vincent-van-gogh_young-woman-knitting-1881 +landscape,Impressionism,pierre-auguste-renoir_mother-goose-1898 +genre_painting,Realism,klavdy-lebedev_night-of-ivan-kupala +illustration,Romanticism,gustave-dore_peter-the-hermit-preaching-the-crusade +sketch_and_study,Baroque,rembrandt_self-portrait-1659-2 +cityscape,Art_Nouveau_Modern,konstantin-korovin_castle-capital-1911 +landscape,Post_Impressionism,pierre-bonnard_landscape-sunset-1912 +landscape,Realism,ivan-shishkin_forest-glade +genre_painting,Baroque,jan-steen_idlers-1660 +religious_painting,Mannerism_Late_Renaissance,correggio_madonna-della-scala-1523 +sketch_and_study,Realism,boris-kustodiev_preparatory-drawing-for-the-painting-christmas-bargain-1918 +religious_painting,Romanticism,gustave-dore_the-destruction-of-leviathan +sketch_and_study,Early_Renaissance,filippo-lippi_madonna-with-the-child-and-two-angels-1465 +portrait,Cubism,juan-gris_pierrot-playing-guitar-1923 +portrait,Ukiyo_e,utagawa-kuniyoshi_ferryman +abstract_painting,Cubism,carlos-merida_composici-n-abstracta-1975 +genre_painting,Impressionism,joaquã­n-sorolla_boys-on-the-beach-1908 +abstract_painting,Minimalism,yves-gaucher_untitled-9-1-a-15-1989 +sketch_and_study,Rococo,joshua-reynolds_omai-of-the-friendly-isles +illustration,Romanticism,gustave-dore_don-quixote-19 +religious_painting,Romanticism,ivan-aivazovsky_dejection-of-noah-from-mountain-ararat-1870 +nude_painting,Art_Nouveau_Modern,raphael-kirchner_nude-drawings-13 +religious_painting,Northern_Renaissance,martin-schongauer_the-fifth-wise-virgin +abstract_painting,Abstract_Expressionism,willem-de-kooning_night +portrait,Realism,valentin-serov_portrait-of-lialia-adelaida-simonovich-1880 +landscape,Impressionism,camille-pissarro_enclosed-field-at-eragny-1896 +cityscape,Realism,charles-sheeler_american-landscape-1930 +still_life,Impressionism,henri-matisse_fruit-and-coffee-pot +landscape,Fauvism,henri-matisse_the-riverbank-1907 +nude_painting,Expressionism,ernst-ludwig-kirchner_female-nudes +portrait,Northern_Renaissance,rogier-van-der-weyden_portrait-of-pierre-de-beffremont +portrait,Expressionism,egon-schiele_portrait-of-the-publisher-eduard-kosmack-1910 +landscape,Impressionism,claude-monet_taking-a-walk-on-the-cliffs-of-sainte-adresse +illustration,Art_Nouveau_Modern,edmund-dulac_hidden-within-their-depths-from-the-garden-of-paradise +illustration,Art_Nouveau_Modern,eugã¨ne-grasset_la-belle-jardiniere-may-1896 +portrait,Impressionism,pierre-auguste-renoir_portraits-of-marie-sophie-chocquet-1876 +landscape,Realism,aleksey-savrasov_breath-of-spring +landscape,Post_Impressionism,istvan-nagy_hills-with-blue-shades-1932 +genre_painting,Realism,gustave-courbet_the-stone-breaker-1849 +religious_painting,Naive_Art_Primitivism,marc-chagall_god-creates-man-and-gives-him-the-breath-of-life-genesis-ii-7 +portrait,Impressionism,periklis-vyzantios_portrait-of-a-girl +religious_painting,Northern_Renaissance,rogier-van-der-weyden_sforza-triptych-1460 +genre_painting,Impressionism,henry-herbert-la-thangue_at-the-well +portrait,Impressionism,berthe-morisot_portrait-of-edma-pontillon +portrait,Pop_Art,andy-warhol_ingrid-bergman-with-hat +sketch_and_study,Realism,ivan-shishkin_landscape-with-carts +genre_painting,Naive_Art_Primitivism,david-burliuk_a-peasant-couple-with-cow-and-geese +portrait,Realism,ilya-repin_portrait-of-the-writer-t-l-shchepkina-kupernik-1914 +landscape,Realism,camille-corot_saint-nicholas-les-arras-willows-on-the-banks-of-the-scarpe-1872 +genre_painting,Impressionism,maurice-prendergast_nantasket +still_life,Expressionism,richard-diebenkorn_lemons-and-jar +religious_painting,Northern_Renaissance,jan-van-eyck_the-last-judgment-detail-1426 +genre_painting,Impressionism,william-merritt-chase_afternoon-by-the-sea-aka-gravesend-bay +landscape,Impressionism,maxime-maufra_landscape-with-mill +sketch_and_study,Realism,ivan-shishkin_swamp-in-the-the-forest-1885 +landscape,Post_Impressionism,gustave-loiseau_sails-on-the-oise-1919-1 +religious_painting,Northern_Renaissance,robert-campin_werl-altarpiece-1438 +landscape,Romanticism,pavel-svinyin_the-road-in-the-mountains +landscape,Impressionism,claude-monet_the-seine-at-vetheuil-1 +cityscape,Impressionism,konstantin-korovin_a-street-in-vichy-1911 +portrait,Expressionism,emil-nolde_gustav-schiefler-1915 +genre_painting,Impressionism,eugene-boudin_laundresses-on-the-banks-of-the-touques-10 +landscape,Realism,isaac-levitan_dull-day-1890 +portrait,Realism,ivan-kramskoy_portrait-of-a-woman-1883 +genre_painting,Fauvism,louis-valtat_woman-with-guitar-1906 +landscape,Impressionism,francis-picabia_saint-tropez +genre_painting,Impressionism,umberto-boccioni_mother-and-child-1906 +cityscape,Post_Impressionism,carlos-botelho_lisbon-bouquet-1935 +landscape,Rococo,george-morland_landscape-with-a-gypsy-family +portrait,Ukiyo_e,keisai-eisen_beautiful-oiran-1840 +illustration,Romanticism,gustave-dore_the-hoarders-and-wasters +still_life,Baroque,caravaggio_not-identified-1 +landscape,Impressionism,samuel-mutzner_gr-dina-ci-migiu-1940 +landscape,Contemporary_Realism,john-miller_blue-horizon +abstract_painting,Minimalism,robert-mangold_study-attic-series-viii-1990 +sketch_and_study,Post_Impressionism,vincent-van-gogh_double-bass-player-1887(1) +still_life,Post_Impressionism,panayiotis-tetsis_still-life +sketch_and_study,Realism,vasily-vereshchagin_at-the-fortress-walls-let-them-enter +portrait,Romanticism,konstantin-makovsky_gipsy +landscape,Symbolism,nicholas-roerich_border-of-tibet-1940 +landscape,Impressionism,childe-hassam_brooklyn-bridge-in-winter +genre_painting,Naive_Art_Primitivism,louis-vivin_la-main-chaude +nude_painting,Expressionism,ernst-ludwig-kirchner_female-lover +landscape,Romanticism,william-turner_moonlight-a-study-at-millbank +cityscape,Post_Impressionism,maurice-utrillo_little-communicant-church-of-mourning +landscape,Impressionism,pierre-auguste-renoir_banks-of-the-river-1 +landscape,Post_Impressionism,david-burliuk_riverhead +nude_painting,Expressionism,hedda-sterne_reclining-nude-1938 +portrait,Post_Impressionism,paul-cezanne_madame-cezanne-in-a-yellow-chair-1 +nude_painting,Expressionism,amedeo-modigliani_reclining-nude-with-left-arm-resting-on-forehead-1917 +portrait,Baroque,frans-hals_the-company-of-captain-reinier-reael-and-lieutenant-cornelis-michielsz-blaeuw-known-as-the-1637-2 +genre_painting,Baroque,frans-hals_fruit-and-vegetable-seller-1630 +landscape,Analytical_Cubism,georges-braque_the-castle-in-la-roche-guyon-1909 +religious_painting,Early_Renaissance,sandro-botticelli_transfiguration-st-jerome-st-augustine-1500(1) +abstract_painting,Pop_Art,nicholas-krushenick_ancient-image-1984 +sketch_and_study,Post_Impressionism,vincent-van-gogh_treetop-seen-against-the-wall-of-the-asylum-1889 +sketch_and_study,Post_Impressionism,vincent-van-gogh_marguerite-gachet-at-the-piano-1890 +landscape,Symbolism,mikalojus-ciurlionis_raigardas-i-1907 +illustration,Realism,n.c.-wyeth_treasure-island-title-1 +landscape,Impressionism,arkhip-kuindzhi_moonlight-night-on-the-dnieper +religious_painting,Symbolism,edward-burne-jones_king-gaspar +landscape,Impressionism,winston-churchill_woods-at-mimizan +landscape,Realism,vasily-polenov_backyard-the-village-of-turgenev-1892 +illustration,Realism,boris-kustodiev_the-attack-on-the-wedding-carriage-1919 +cityscape,Post_Impressionism,pyotr-konchalovsky_kutaisi-1935 +portrait,Realism,boris-kustodiev_the-model-wearing-a-greatcoat-1900 +portrait,Realism,ilya-mashkov_portrait-1943 +genre_painting,Romanticism,sir-lawrence-alma-tadema_the-roman-wine-tasters-1861 +portrait,Impressionism,john-singer-sargent_bedouins +landscape,Cubism,natalia-goncharova_landscape-at-ladyzhino +religious_painting,High_Renaissance,lorenzo-lotto_nativity-of-mary +abstract_painting,Abstract_Expressionism,forrest-bess_view-of-maya-1951 +genre_painting,Realism,ilya-repin_not-expected-1898 +portrait,Rococo,antoine-pesne_marianne-cochois +still_life,Post_Impressionism,vincent-van-gogh_still-life-bottle-lemons-and-oranges-1888 +abstract_painting,Minimalism,joe-goode_untitled-1971-1 +sketch_and_study,Rococo,giovanni-battista-tiepolo_nude-study-in-an-academy +cityscape,Expressionism,wassily-kandinsky_cemetery-and-vicarage-in-kochel-1909 +still_life,Baroque,frans-snyders_still-life-with-crab-poultry-and-fruit-1620 +portrait,Realism,nicolae-grigorescu_peasant-woman-from-muscel-1874 +portrait,Impressionism,camille-pissarro_woman-sewing-1881 +genre_painting,Naive_Art_Primitivism,pablo-picasso_a-parody-of-manet-s-olympia-with-junyer-and-picasso +landscape,Realism,ivan-shishkin_the-bridge-over-the-river +landscape,Realism,ivan-shishkin_forest-stream-2 +landscape,Impressionism,henry-herbert-la-thangue_an-old-italian-garden-1927 +landscape,Post_Impressionism,jack-bush_old-house-hogg-s-hollow-1929 +portrait,Rococo,fyodor-rokotov_portrait-of-count-artemiy-ivanovich-vorontsov +genre_painting,Expressionism,josef-herman_digging-for-roots-1949 +religious_painting,Early_Renaissance,benozzo-gozzoli_san-domenico-annunciation +genre_painting,Naive_Art_Primitivism,david-burliuk_barbershop-1946 +portrait,Romanticism,sir-lawrence-alma-tadema_a-love-missle-1878 +sketch_and_study,Baroque,rembrandt_christ-crucified-between-the-two-thieves-an-oval-plate-1641 +portrait,Post_Impressionism,candido-portinari_carlos-drummond-de-andrade +portrait,Expressionism,theo-van-doesburg_portrait-of-a-j-j-de-winter +genre_painting,Art_Nouveau_Modern,filipp-malyavin_whirlwind-1906 +abstract_painting,Abstract_Expressionism,sam-francis_limb-sf78-095-1978 +religious_painting,Northern_Renaissance,albrecht-durer_lamentation-for-the-dead-christ-1498 +portrait,Rococo,joshua-reynolds_george-clive-and-his-family-with-an-indian-maid +genre_painting,Post_Impressionism,maurice-prendergast_harbor-afternoon +landscape,Impressionism,zinaida-serebriakova_winter-in-the-royal-village-upper-bath-1912 +landscape,Impressionism,samuel-mutzner_zi-de-prim-var-1925 +portrait,Realism,grigoriy-myasoyedov_portrait-of-fiddler-v-g-walter-1902 +landscape,Impressionism,istvan-nagy_vernal-sunshine +still_life,Expressionism,henri-matisse_still-life-with-shellfish +portrait,Expressionism,lucian-freud_bella-1986 +religious_painting,Romanticism,edward-burne-jones_the-merciful-knight-1863 +illustration,Expressionism,lynd-ward_not-detected-272509 +genre_painting,Post_Impressionism,victor-borisov-musatov_silence-indoors-1900 +landscape,Baroque,jacob-isaakszoon-van-ruisdael_two-undershot-watermills-with-men-opening-a-sluice-1650 +cityscape,Expressionism,pablo-picasso_view-of-riera-de-sant-joan-from-the-window-1900 +landscape,Ukiyo_e,hiroshige_a-snowy-gorge +religious_painting,Naive_Art_Primitivism,marc-chagall_elijah-on-the-top-of-mount-carmel-announced-the-impending-rain-before-any-single-cloud-in-the +genre_painting,Expressionism,ernst-ludwig-kirchner_cocotte-on-the-road +portrait,Expressionism,amedeo-modigliani_marcelle-1917 +landscape,Post_Impressionism,paul-gauguin_rocks-on-the-breton-coast-1888 +religious_painting,Baroque,rembrandt_bathsheba-bathing-1654 +portrait,Romanticism,orest-kiprensky_portrait-of-the-prince-aleksandr-mikhailovich-golitsyn-1819 +landscape,Romanticism,john-atkinson-grimshaw_wooded-valley-probably-bolton-woods-lovers-in-a-woodland-clearing-a-pair +portrait,Ukiyo_e,keisai-eisen_katsuyama-of-the-matsubaya +illustration,Romanticism,gustave-dore_satan-shown-as-the-fallen-angel-after-having-been-smitten +religious_painting,Northern_Renaissance,hugo-van-der-goes_diptych-of-the-fall-of-man-and-the-redemption-lamentation-of-christ +landscape,Realism,ivan-shishkin_pines-summer-landscape-1867 +portrait,Romanticism,dante-gabriel-rossetti_fair-rosamund-1861 +portrait,Naive_Art_Primitivism,mily-possoz_la-dessinatrice +genre_painting,Post_Impressionism,abraham-manievich_late-summer-afternoon-the-bronx +genre_painting,Baroque,francesco-guardi_hot-air-balloon-rising +genre_painting,Romanticism,viktor-vasnetsov_mounted-knights-1896 +landscape,Impressionism,william-merritt-chase_dunes-at-shinnecock +portrait,Rococo,dmitry-levitzky_natalia-borshchova-1776 +religious_painting,Expressionism,margareta-sterian_the-fishermans-legend +portrait,Impressionism,samuel-mutzner_femeie-c-nt-nd-la-chitar +landscape,Expressionism,candido-portinari_scarecrow-1959-1 +genre_painting,Art_Nouveau_Modern,ferdinand-hodler_lumberjack-1910 +portrait,Realism,konstantin-makovsky_portrait-of-the-boy +landscape,Romanticism,ivan-aivazovsky_gurzuf-1859 +portrait,Northern_Renaissance,rogier-van-der-weyden_portrait-of-a-young-woman-in-a-pinned-hat-1435 +religious_painting,Northern_Renaissance,hans-memling_triptych +abstract_painting,Abstract_Expressionism,sam-gilliam_coffee-thyme-1980 +abstract_painting,Abstract_Expressionism,jimmy-ernst_white-space-1951 +landscape,Post_Impressionism,gustave-loiseau_banks-of-the-seine-in-summer-tournedos-sur-seine-1899 +still_life,Pop_Art,roy-lichtenstein_compositions-ii-1964(1) +cityscape,Impressionism,joaquã­n-sorolla_port-valencia +sketch_and_study,Post_Impressionism,arshile-gorky_untitled-2 +religious_painting,Northern_Renaissance,albrecht-durer_st-george-on-foot-1502 +portrait,Realism,david-burliuk_portrait-of-marusia-1933 +landscape,Impressionism,gustave-caillebotte_orchard-and-avenue-of-trees +religious_painting,Baroque,peter-paul-rubens_susanna-and-the-elders-1 +landscape,Realism,james-mcneill-whistler_the-unsafe-tenement +portrait,Art_Nouveau_Modern,felix-vallotton_portrait-of-french-writer-victor-barrucand-1900 +religious_painting,Northern_Renaissance,petrus-christus_the-lamentation +landscape,Symbolism,nicholas-roerich_sortavala-islands-1917 +religious_painting,Baroque,hendrick-terbrugghen_the-calling-of-st-matthew-1 +landscape,Realism,vasily-polenov_pond-1879 +portrait,Baroque,rembrandt_mater-dolorosa-1660 +landscape,Impressionism,camille-pissarro_sunset-1872 +illustration,Art_Nouveau_Modern,heorhiy-narbut_organ-1910 +still_life,Post_Impressionism,constantin-piliuta_still-life-with-flowers +sketch_and_study,Post_Impressionism,pablo-picasso_madeleine-1904 +landscape,Naive_Art_Primitivism,henri-rousseau_view-of-parc-de-montsouris-1895 +portrait,Post_Impressionism,paul-cezanne_little-girl-with-a-doll-1904 +portrait,Expressionism,lucian-freud_susie-1988 +portrait,Expressionism,george-bouzianis_lady-with-umbrella-1935 +genre_painting,Symbolism,nicholas-roerich_three-arrows-1923 +landscape,Symbolism,nicholas-roerich_solang-valley +portrait,Impressionism,pierre-auguste-renoir_madame-h-riot-1882 +portrait,Baroque,anthony-van-dyck_charles-i-in-three-positions-1636(1) +abstract_painting,Color_Field_Painting,gene-davis_royal-veil-1971(1) +religious_painting,Art_Nouveau_Modern,nicholas-roerich_zmievna-1906 +sketch_and_study,Realism,vincent-van-gogh_woman-with-a-mourning-shawl-1885 +religious_painting,Naive_Art_Primitivism,marc-chagall_rainbow-in-the-sky-a-sign-of-covenant-between-god-and-earth-1931 +portrait,Post_Impressionism,william-scott_girl-at-a-blue-table-1938 +religious_painting,Expressionism,paul-klee_new-angel-1920(1) +landscape,Impressionism,zinaida-serebriakova_winter-landscape-neskuchnoye-1910 +landscape,Fauvism,andre-derain_landscape-near-chatou-1904-1 +portrait,Impressionism,francisc-sirato_woman-from-bucovina +landscape,Impressionism,hoca-ali-riza_aml-ca-dan +sketch_and_study,Impressionism,valentin-serov_portrait-of-the-artist-m-a-vrubel-1907 +landscape,Realism,ivan-shishkin_in-crimea +portrait,Realism,boris-kustodiev_portrait-b-a-gorin-goryainov-1926-1 +landscape,Impressionism,arkhip-kuindzhi_sunset-in-the-winter-a-coast-of-the-sea +nude_painting,Impressionism,pierre-auguste-renoir_bather-with-long-hair +sketch_and_study,Naive_Art_Primitivism,fernand-leger_study-nuts-1931 +portrait,Impressionism,james-tissot_portrait-of-an-actress-in-eighteenth-century-dress +religious_painting,Northern_Renaissance,hans-memling_st-ursula-and-her-companions-landing-at-basel-from-the-reliquary-of-st-ursula-1489 +cityscape,Romanticism,franz-richard-unterberger_a-market-in-naples +portrait,Realism,ivan-kramskoy_a-girl-with-her-scythe-1873 +cityscape,Expressionism,paul-klee_with-the-setting-sun-1919(1) +portrait,Northern_Renaissance,hans-memling_portrait-of-tommaso-portinari +genre_painting,Ukiyo_e,utagawa-kunisada_not_detected_240307 +religious_painting,High_Renaissance,pietro-perugino_polyptych-of-st-peter-st-benedict-1500 +still_life,Rococo,jean-baptiste-simeon-chardin_still-life-with-cat-and-fish-1728 +portrait,Romanticism,jan-matejko_kazimierz-jagiellonczyk +landscape,Expressionism,martiros-saryan_mount-abul-and-passing-camels-1912 +cityscape,Symbolism,mstislav-dobuzhinsky_vilno-in-the-courtyard-of-old-university +illustration,Expressionism,martiros-saryan_plowing-1929 +portrait,Post_Impressionism,vincent-van-gogh_young-man-with-a-hat-1888 +nude_painting,Realism,julius-leblanc-stewart_the-unfulfilled-wish-1899(1) +portrait,Expressionism,corneliu-michailescu_black-eyes +landscape,Realism,gustave-courbet_river-and-cliff-1865 +abstract_painting,Color_Field_Painting,leon-berkowitz_cathedral-18a-1966 +landscape,Romanticism,theodore-gericault_the-plaster-kiln-1823 +portrait,Post_Impressionism,stefan-luchian_florist +abstract_painting,Action_painting,jackson-pollock_autumn-rhythm-number-30-1950 +landscape,Expressionism,david-bomberg_tregor-and-tregoff-cornwall-1947 +portrait,Impressionism,mary-cassatt_portrait-of-girl-1879 +cityscape,Impressionism,john-singer-sargent_the-steps-of-the-church-of-s-s-domenico-e-siste-in-rome-1906 +cityscape,Impressionism,claude-monet_rouen-cathedral-symphony-in-grey-and-rose +landscape,Impressionism,pierre-auguste-renoir_bulrushes-on-the-banks-of-the-seine-1874 +genre_painting,Post_Impressionism,henri-de-toulouse-lautrec_two-girls-1890 +cityscape,Post_Impressionism,constantin-piliuta_wind-street +genre_painting,Baroque,adriaen-van-ostade_the-interior-of-a-peasant-s-cottage +portrait,Mannerism_Late_Renaissance,paolo-veronese_livia-da-porto-thiene-and-her-daughter-porzia-1552 +genre_painting,Impressionism,gustave-caillebotte_rising-road +cityscape,Cubism,paul-klee_oriental-architecture-1929 +cityscape,Post_Impressionism,edouard-vuillard_the-cake-shop +landscape,Expressionism,burhan-dogancay_a-farm-house-in-france-1952 +abstract_painting,Color_Field_Painting,alfred-jensen_untitled-1960 +portrait,Northern_Renaissance,hans-holbein-the-younger_lady-butts +abstract_painting,Minimalism,agnes-martin_untitled-1959 +landscape,Realism,nikolai-ge_old-park +landscape,Impressionism,gustave-caillebotte_willow-on-the-banks-of-the-seine +genre_painting,Post_Impressionism,serge-sudeikin_festivities-1906 +landscape,Impressionism,claude-monet_the-banks-of-the-seine-ile-de-la-grande-jatte +genre_painting,Northern_Renaissance,hans-baldung_standing-witch-with-monster-1515 +still_life,Realism,martiros-saryan_the-gifts-of-spring-1968 +abstract_painting,Color_Field_Painting,kenzo-okada_untitled-1963 +landscape,Post_Impressionism,paul-cezanne_houses-in-provence-near-gardanne-1886 +cityscape,Expressionism,andre-derain_banks-of-seine +genre_painting,Expressionism,lucian-freud_annabel-sleeping-1988 +religious_painting,Baroque,le-nain-brothers_birth-of-the-virgin +portrait,Ukiyo_e,utagawa-kuniyoshi_woman-under-a-cherry-tree +religious_painting,Early_Renaissance,giovanni-bellini_barbarigo-altarpiece-1488-2 +portrait,Rococo,fyodor-rokotov_portrait-of-count-illarion-ivanovich-vorontsov +genre_painting,Baroque,joseph-wright_an-experiment-on-a-bird-in-the-air-pump-1768 +landscape,Impressionism,pyotr-konchalovsky_a-house-in-belkino-1907 +landscape,Post_Impressionism,maxime-maufra_the-dunes-of-port-blanc-near-ile-de-quiberon-1908 +portrait,Expressionism,george-mavroides_memory-of-manet-1984 +cityscape,Impressionism,camille-pissarro_the-tuileries-gardens-1900 +abstract_painting,Minimalism,robert-ryman_blue-line +landscape,Impressionism,claude-monet_sunset-foggy-weather-pourville +abstract_painting,Minimalism,yves-gaucher_b2wps-3-1990 +landscape,Impressionism,claude-monet_the-church-at-varengeville-1882 +landscape,Impressionism,stefan-popescu_the-garden-of-finistere-chapel +cityscape,Naive_Art_Primitivism,louis-vivin_le-ch-teau-de-saint-germain +landscape,Realism,isaac-levitan_felling-1898 +genre_painting,Impressionism,camille-pissarro_la-ronde-1892 +sketch_and_study,Early_Renaissance,leonardo-da-vinci_study-sheet-1478 +portrait,Realism,winslow-homer_peeling-a-lemon +landscape,Impressionism,childe-hassam_peach-blossoms-villiers-le-bel-1889 +sketch_and_study,Post_Impressionism,vincent-van-gogh_vincent-s-house-1888 +sketch_and_study,Realism,ivan-shishkin_creek-in-gurzuf +portrait,Baroque,anthony-van-dyck_james-stuart-duke-of-richmond-and-lennox-with-his-attributes-1634 +still_life,Realism,henri-fantin-latour_peaches-in-a-bowl-1894 +illustration,Realism,n.c.-wyeth_pirates-attack-the-stockade +religious_painting,High_Renaissance,titian_presentation-of-the-virgin-at-the-temple-1539 +genre_painting,Impressionism,joaquã­n-sorolla_children-on-the-beach-1910 +genre_painting,Impressionism,eliseu-visconti_maternidade +illustration,Romanticism,gustave-dore_you-will-all-be-chopped-into-little-bits-like-mincemeat +sketch_and_study,Realism,vasily-perov_repast-1865-1 +landscape,Realism,ivan-shishkin_mushroom-pickers +portrait,Cubism,fernand-leger_the-two-women-bouquet-1921 +abstract_painting,Abstract_Expressionism,jay-defeo_untitled-jewelry-series-1976 +portrait,Baroque,peter-paul-rubens_portrait-of-marchesa-brigida-spinola-doria +genre_painting,Post_Impressionism,gwen-john_two-women +religious_painting,Naive_Art_Primitivism,marc-chagall_moses-receiving-the-tablets-of-law-2 +landscape,Pop_Art,robert-silvers_starry-night-2002 +genre_painting,Rococo,giovanni-battista-tiepolo_venetian-promenade +landscape,Symbolism,mikalojus-ciurlionis_allegro-sonata-of-the-spring-1907(1) +portrait,Realism,james-tissot_waiting +abstract_painting,Abstract_Expressionism,milton-resnick_flag-1963 +portrait,Romanticism,konstantin-makovsky_portrait-of-the-young-lady-with-pink-bow +abstract_painting,Abstract_Expressionism,lee-krasner_obsidian-1962 +illustration,Naive_Art_Primitivism,martiros-saryan_illustration-to-poem-by-a-isahakyan-abu-lala-mahari-1936 +still_life,Expressionism,georges-braque_the-blue-washbasin-1942 +genre_painting,Art_Nouveau_Modern,boris-kustodiev_the-consecration-of-water-on-the-theophany-1915 +genre_painting,Rococo,william-hogarth_the-fishing-party +cityscape,Romanticism,rudolf-von-alt_the-st-nicholas-church-in-gastein-1897 +landscape,Impressionism,lovis-corinth_the-jochberg-and-the-walchensee-1924 +genre_painting,Impressionism,pierre-auguste-renoir_the-alphabet-jean-and-gabrielle +portrait,Impressionism,paul-gauguin_aline-gauguin-and-one-of-her-brothers +nude_painting,Impressionism,giovanni-boldini_young-lady-entering-bath +portrait,Expressionism,lucian-freud_susie-1989 +cityscape,Symbolism,nicholas-roerich_the-dead-city-1918 +sketch_and_study,Realism,boris-kustodiev_generals-1926-1 +landscape,Post_Impressionism,istvan-nagy_autumn-in-bakony-1927 +cityscape,Cubism,georges-braque_a-house-at-estaque-1908 +still_life,Cubism,pablo-picasso_jug-candle-and-enamel-pan-1945 +illustration,Romanticism,gustave-dore_the-serpent +cityscape,Expressionism,george-bouzianis_landscape-1918 +portrait,Romanticism,orest-kiprensky_portrait-of-prince-nikita-petrovich-trubetskoy-1826 +nude_painting,Realism,vincent-van-gogh_idol-2 +religious_painting,High_Renaissance,michelangelo_the-last-judgement-1541 +portrait,Realism,ilya-repin_portrait-of-academician-a-f-koni-1915 +abstract_painting,Abstract_Expressionism,dan-christensen_swing-low-1988 +nude_painting,Expressionism,egon-schiele_woman-with-blue-stockings-1912 +genre_painting,Rococo,jean-honore-fragonard_the-progress-of-love-the-pursuit-1773 +portrait,Northern_Renaissance,hans-holbein-the-younger_portrait-of-a-member-of-the-wedigh-family-1533 +religious_painting,Early_Renaissance,domenico-ghirlandaio_adoration-of-the-magi-1490 +landscape,Impressionism,john-henry-twachtman_french-river-scene +sketch_and_study,Realism,arkhip-kuindzhi_forest-landscape +landscape,Post_Impressionism,vincent-van-gogh_orchard-with-peach-trees-in-blossom-1888 +portrait,Realism,boris-kustodiev_portrait-of-the-painter-ivan-bilibin-1901 +landscape,Impressionism,pericles-pantazis_village-sous-la-neige-vall-e-de-la-meuse-1878 +genre_painting,Romanticism,johann-koler_faithful-guardian-1878 +landscape,Realism,konstantin-bogaevsky_walls-and-towers-of-soldai-1904 +nude_painting,Impressionism,james-mcneill-whistler_the-arabian +genre_painting,Realism,james-tissot_still-on-top +portrait,Expressionism,serge-sudeikin_portrait-of-lawrence-mansfield-higgins-1932 +abstract_painting,Color_Field_Painting,karl-benjamin_v-s-1960 +sketch_and_study,Post_Impressionism,henri-de-toulouse-lautrec_at-the-bar-picton-rue-scribe-1896 +landscape,Impressionism,claude-monet_the-church-at-varengaville-grey-weather +portrait,Impressionism,camille-pissarro_resting-peasant-girl-lying-on-the-grass-pontoise-1882 +cityscape,Impressionism,claude-monet_the-seine-at-rouen +landscape,Realism,theodore-rousseau_marshland-in-les-landes +landscape,Post_Impressionism,maurice-de-vlaminck_the-road-1958 +cityscape,Rococo,bernardo-bellotto_schloss-schonbrunn-1760 +cityscape,Baroque,canaletto_st-mark-s-basin-1738 +landscape,Impressionism,camille-pissarro_the-dunes-at-knocke-belgium-1902 +sketch_and_study,Realism,vincent-van-gogh_sand-diggers-1882 +portrait,Post_Impressionism,candido-portinari_retrato-de-maria-1932 +religious_painting,Symbolism,george-frederick-watts_mammon-1885 +landscape,Contemporary_Realism,neil-welliver_cascade +genre_painting,Impressionism,john-singer-sargent_lizzatori-1911 +landscape,Impressionism,john-henry-twachtman_winter-landscape +portrait,Realism,vasily-surikov_italian-woman-1884 +still_life,Cubism,georges-braque_the-studio-v-1949 +cityscape,Impressionism,paul-gauguin_street-in-rouen-1884-1 +portrait,Realism,edgar-degas_a-roman-beggar-woman-1857 +portrait,Impressionism,ipolit-strambu_reverie-1919 +genre_painting,Post_Impressionism,paul-cezanne_the-card-players-1893-1 +abstract_painting,Abstract_Expressionism,helen-frankenthaler_buddha-s-court-1964 +landscape,Romanticism,john-constable_hampstead-1833 +portrait,Expressionism,salvador-dali_a-seated-man-and-a-dancing-couple +portrait,Realism,ilya-repin_portrait-of-professor-ivanov-1882 +abstract_painting,Action_painting,jackson-pollock_galaxy-1947 +portrait,Expressionism,salvador-dali_portrait-of-a-gipsy +landscape,Impressionism,claude-monet_watermill-at-limetz +sketch_and_study,Northern_Renaissance,hieronymus-bosch_temptation-of-st-anthony +nude_painting,Northern_Renaissance,albrecht-durer_male-and-female-nudes-1516 +sketch_and_study,Impressionism,pierre-auguste-renoir_bather +genre_painting,Realism,william-adolphe-bouguereau_pleasant-burden-1895 +landscape,Symbolism,konstantinos-parthenis_landscape-1911 +portrait,Realism,david-burliuk_marusia-1938 +landscape,Impressionism,childe-hassam_mountain-home-idaho +portrait,Impressionism,pierre-auguste-renoir_portrait-of-claude-1892 +religious_painting,Baroque,anthony-van-dyck_saint-bartholomew +portrait,Impressionism,philip-de-laszlo_portrait-of-lady-rachel-cavendish +landscape,Post_Impressionism,gustave-loiseau_by-the-eure-river-in-summer-1902-1 +genre_painting,Expressionism,franz-marc_lion-hunt-after-delacroix-1913 +landscape,Post_Impressionism,karl-schrag_luminous-space-low-tide +portrait,Expressionism,jean-paul-lemieux_l-orpheline-1957 +portrait,Realism,vasily-surikov_portrait-of-a-i-yemelyanova-1903 +nude_painting,Impressionism,edgar-degas_woman-leaving-her-bath-1898 +portrait,Expressionism,zinaida-serebriakova_portrait-of-katya-1933 +portrait,Romanticism,ford-madox-brown_cathy-madox-brown-at-the-age-of-three-years +genre_painting,Romanticism,edwin-henry-landseer_death-of-the-wild-bull-1836 +genre_painting,Symbolism,pierre-puvis-de-chavannes_marseilles-gate-to-the-orient-detail-1 +portrait,Realism,valentin-serov_portrait-of-savva-mamontov-1887 +landscape,Realism,isaac-levitan_evening-at-volga-1888 +landscape,Impressionism,claude-monet_the-arm-of-the-siene-at-jeufosse-afternoon +genre_painting,Art_Nouveau_Modern,raphael-kirchner_flashing-motorists-1904 +portrait,Expressionism,ernst-ludwig-kirchner_portrait-of-dodo-with-hat +genre_painting,Romanticism,gustave-dore_young-beggar +genre_painting,Realism,winslow-homer_artists-sketching-in-the-white-mountains +portrait,Romanticism,orest-kiprensky_portrait-of-the-prince-f-a-golitsyn-1833 +religious_painting,Northern_Renaissance,hieronymus-bosch_haywain-1500-7 +genre_painting,Post_Impressionism,henri-de-toulouse-lautrec_two-friends-1895-1 +landscape,Impressionism,childe-hassam_rooftops-pont-aven +landscape,Impressionism,childe-hassam_a-long-island-garden +cityscape,Cubism,jean-metzinger_the-village-1918 +landscape,Symbolism,zinaida-serebriakova_brittany-camara-1927 +portrait,Impressionism,samuel-mutzner_odalisc +landscape,Impressionism,t.-c.-steele_beech-trees-1895 +religious_painting,Early_Renaissance,sandro-botticelli_madonna-of-the-sea(1) +abstract_painting,Color_Field_Painting,ronnie-landfield_the-howl-of-terror-1967 +portrait,Realism,john-singer-sargent_charlotte-cram-1900 +landscape,Symbolism,nicholas-roerich_ancient-landscape-1910 +portrait,Realism,john-singer-sargent_portrait-of-lady-michaelis-1925 +landscape,Impressionism,robert-julian-onderdonk_bluebonnet-scene-with-a-girl-1920 +landscape,Symbolism,nicholas-roerich_tervus +nude_painting,Expressionism,nikolaos-lytras_nude +nude_painting,Expressionism,henri-matisse_nude-with-scarf +landscape,Impressionism,camille-pissarro_the-bassin-des-tuileries-afternoon-1900 +abstract_painting,Color_Field_Painting,edward-avedisian_untitled-1962 +cityscape,Realism,camille-corot_the-forum-seen-from-the-farnese-gardens-rome-1826 +portrait,Romanticism,konstantin-makovsky_lady-in-black +portrait,Rococo,louise-elisabeth-vigee-le-brun_portrait-of-antoinette-elisabeth-marie-d-aguesseau-countess-of-s-gur-1785 +genre_painting,Expressionism,max-pechstein_two-dancers +genre_painting,Realism,vasily-perov_the-boy-preparing-for-a-fight-1866 +nude_painting,Impressionism,pierre-auguste-renoir_sleeping-woman-1897 +genre_painting,Expressionism,edvard-munch_melancholy-1892 +cityscape,Impressionism,john-singer-sargent_statue-of-daphne-1910 +landscape,Cubism,paul-cezanne_mont-sainte-victoire-6 +sketch_and_study,Impressionism,arthur-verona_child-study +religious_painting,High_Renaissance,vittore-carpaccio_madonna-and-blessing-child-1510 +landscape,Cubism,fernand-leger_the-house-under-the-trees-1913 +portrait,Expressionism,ernst-ludwig-kirchner_erna-with-cigarette-1915 +sketch_and_study,Baroque,rembrandt_antiope-and-jupiter-1659 +religious_painting,Early_Renaissance,domenico-ghirlandaio_announcement-of-death-to-st-fina-1475 +religious_painting,Mannerism_Late_Renaissance,parmigianino_mystic-marriage-of-st-catherine-1527 +landscape,Realism,charles-francois-daubigny_the-seine-in-bezons-val-d-oise-1851 +landscape,Impressionism,joaquã­n-sorolla_three-boats-by-a-shore-1899 +still_life,Cubism,pablo-picasso_glass-and-fruits-1908 +genre_painting,Realism,vincent-van-gogh_weaver-1884-3 +landscape,Romanticism,caspar-david-friedrich_boat-on-the-shor-moonrise +cityscape,Post_Impressionism,maurice-utrillo_abbesses-street-1 +still_life,Post_Impressionism,martiros-saryan_fruits-and-vegetables-1933 +religious_painting,Baroque,bartolome-esteban-murillo_the-madonna-of-the-rosary +portrait,Expressionism,ernst-ludwig-kirchner_portrait-of-the-conductor-and-composer-otto-klemperer +landscape,Realism,vasily-polenov_killed-soldier-near-the-village-of-mechka-1883 +religious_painting,Early_Renaissance,fra-angelico_crucifixion-with-st-dominic-1445 +genre_painting,Post_Impressionism,maurice-prendergast_in-central-park-new-york +abstract_painting,Abstract_Expressionism,frank-stella_the-fountain-1992 +nude_painting,Expressionism,lucian-freud_annabel-and-rattler +portrait,Art_Nouveau_Modern,felix-vallotton_portrait-of-communard-raoul-rigault-1897 +portrait,Baroque,jacob-jordaens_portrait-of-a-lady-sitting-in-a-chair +sketch_and_study,Cubism,kazimir-malevich_standing-figure-1927 +religious_painting,Early_Renaissance,domenico-ghirlandaio_confirmation-of-the-rule-1485 +genre_painting,Realism,winslow-homer_croquet-players-1 +portrait,Romanticism,karl-bodmer_assiniboin-indians +nude_painting,Expressionism,lovis-corinth_the-magdalen-with-pearls-in-her-hair-1919 +genre_painting,Impressionism,edgar-degas_dancer-at-the-barre +still_life,Cubism,georges-braque_the-pedestal-1938 +religious_painting,Baroque,rembrandt_ahasuerus-xerxes-haman-and-esther +cityscape,Fauvism,henri-matisse_notre-dame-sunrise-1902 +still_life,Expressionism,horia-bernea_bread-1976 +genre_painting,Post_Impressionism,maurice-prendergast_beach-at-st-malo-1 +landscape,Impressionism,pierre-auguste-renoir_village-by-the-sea-1889 +portrait,Realism,giovanni-boldini_willy +landscape,Cubism,ben-nicholson_1943-45-st-ives-cornwall-1945 +abstract_painting,Abstract_Expressionism,henri-matisse_the-maritime-wildlife-1950 +illustration,Naive_Art_Primitivism,marc-chagall_now-the-king-loved-science-and-geometry-1948 +landscape,Romanticism,caspar-david-friedrich_oak-tree-in-the-snow-1828 +portrait,Expressionism,george-segal_helen-in-wicker-rocker-1978 +abstract_painting,Color_Field_Painting,anne-appleby_autumn-aspen-2000 +cityscape,Impressionism,camille-pissarro_the-pont-boieldieu-rouen-sunset-1896 +portrait,Post_Impressionism,theo-van-rysselberghe_young-girl-with-a-vase-of-flowers +portrait,Expressionism,neil-welliver_amon-s-orchard +religious_painting,Baroque,jusepe-de-ribera_the-immaculate-1630 +genre_painting,Impressionism,marie-bracquemond_on-the-terrace-at-s-vres-1880 +portrait,Post_Impressionism,gwen-john_little-girl-wearing-large-hat +abstract_painting,Abstract_Expressionism,lee-krasner_noon-1947 +still_life,Realism,yiannis-moralis_still-life-1934 +sketch_and_study,Realism,valentin-serov_portrait-of-n-z-rappoport-1908 +landscape,Symbolism,nicholas-roerich_himalayas-1938-5 +genre_painting,Naive_Art_Primitivism,marc-chagall_drawing-in-rose-1959 +genre_painting,Impressionism,julian-alden-weir_the-ice-cutters-1895 +religious_painting,Baroque,guido-reni_mary-with-child-1635 +landscape,Realism,aleksey-savrasov_old-pine-1854 +cityscape,Impressionism,maurice-prendergast_la-porte-san-denis-1892 +still_life,Synthetic_Cubism,georges-braque_violin-and-newspaper-musical-forms +abstract_painting,Color_Field_Painting,gene-davis_edges-solar-beat-1962 +sketch_and_study,Realism,vincent-van-gogh_miners-in-the-snow-at-dawn-1880 +cityscape,Impressionism,alfred-sisley_garden-in-louveciennes-in-the-snow-1874 +genre_painting,Baroque,jan-steen_dancing-couple-detail-1663-9 +religious_painting,Baroque,annibale-carracci_assumption-of-the-virgin-mary-1601 +landscape,Romanticism,caspar-david-friedrich_wc-abri-enneig-abri-sous-la-neige-circa-1827-1827-alte-nationalgalerie-31-25-cm-12-2-9-8-in-oil +genre_painting,Impressionism,nikolay-bogdanov-belsky_on-the-lake +portrait,Rococo,maurice-quentin-de-la-tour_abbot-jean-jacques-huber +genre_painting,Impressionism,camille-pissarro_shepherdess-bringing-in-sheep-1886 +landscape,Art_Nouveau_Modern,franklin-carmichael_jackknife-village-1926 +abstract_painting,Color_Field_Painting,frank-stella_untitled-abstraction-1956 +religious_painting,Baroque,yov-kondzelevych_icon-spas-nerukotvornyi-savior-not-made-by-hands-from-the-maniava-hermitage-iconostasis-1705 +genre_painting,Impressionism,john-singer-sargent_bedouin-camp-1906 +genre_painting,Naive_Art_Primitivism,maurice-prendergast_summer-afternoon +landscape,Impressionism,winston-churchill_a-villa-at-the-riviera(1) +genre_painting,Romanticism,karl-bryullov_pilgrims-at-the-entrance-of-the-lateran-basilica(1) +genre_painting,Realism,julius-leblanc-stewart_a-hunt-ball-1885(1) +genre_painting,Pop_Art,leroy-neiman_the-gaming-table-1990 +abstract_painting,Abstract_Expressionism,hans-hofmann_the-conjurer-1959 +nude_painting,Expressionism,zinaida-serebriakova_nude-with-book-1940 +landscape,Cubism,stanley-pinker_gone-but-not-forgotten-1976 +landscape,Impressionism,pierre-auguste-renoir_view-at-guernsey-1883 +landscape,Contemporary_Realism,jamie-wyeth_not-detected-267430 +illustration,Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-epic-duke-stepanovich(1) +genre_painting,Expressionism,wassily-kandinsky_farewell-1903 +religious_painting,Early_Renaissance,piero-della-francesca_the-stigmatisation-of-st-francis +portrait,Expressionism,lucian-freud_francis-wyndham +landscape,Impressionism,alfred-sisley_street-entering-the-village-1880 +still_life,Post_Impressionism,roger-fry_still-life-with-coffee-pot-1915 +sketch_and_study,Northern_Renaissance,albrecht-durer_studies-on-a-great-picture-of-the-virgin-madonna-and-child-saints-and-angels-playing-1 +cityscape,Baroque,alexey-zubov_view-of-the-gagarin-s-moscow-mansion-from-the-courtyard-1707 +landscape,Realism,isaac-levitan_moonlit-night-a-village +cityscape,Cubism,lyonel-feininger_church-of-the-minorites-ii-1926 +sketch_and_study,Northern_Renaissance,albrecht-durer_study-sheet-with-the-rape-of-europa +portrait,Expressionism,amedeo-modigliani_portrait-of-mario-varvogli +landscape,Symbolism,mstislav-dobuzhinsky_cross-in-tel-iai-1933 +portrait,Realism,nikolay-bogdanov-belsky_country-boy-1 +genre_painting,Impressionism,william-james-glackens_the-bathing-hour-1910 +genre_painting,Post_Impressionism,suzanne-valadon_women-in-white-stockings-1924 +genre_painting,Realism,vincent-van-gogh_interior-with-peasant-woman-sewing-1885 +landscape,Impressionism,winston-churchill_view-at-mimizan-1920 +genre_painting,Symbolism,nicholas-roerich_mongolia-yurtas-1938 +illustration,Naive_Art_Primitivism,martiros-saryan_illustration-to-armenian-folk-tales-1937-2 +portrait,Romanticism,konstantin-makovsky_alexander-ii-of-russia +landscape,Impressionism,eugene-boudin_the-cliffs-at-dieppe-and-the-petit-paris +genre_painting,Expressionism,edvard-munch_old-man-in-warnemunde-1907 +cityscape,Pointillism,henri-martin_port-collioure-2 +cityscape,Post_Impressionism,paul-cezanne_house-and-farm-at-jas-de-bouffan-1887 +landscape,Post_Impressionism,grace-cossington-smith_the-gully-1928 +cityscape,Cubism,fernand-leger_chimneys-on-rooftops-1911 +sketch_and_study,Post_Impressionism,vincent-van-gogh_landscape-with-the-oise-1890-1 +portrait,Baroque,adriaen-van-ostade_the-merry-peasant +nude_painting,Realism,john-singer-sargent_standing-male-figure +still_life,Impressionism,stefan-luchian_cornflowers-1 +landscape,Impressionism,camille-pissarro_big-walnut-tree-at-eragny-1892 +cityscape,Realism,nicholas-roerich_windows-of-the-house-of-xvii-century-1903 +portrait,Realism,martiros-saryan_portrait-of-william-saroyan-1960 +religious_painting,Early_Renaissance,pietro-perugino_christ-handing-the-keys-to-st-peter-1482 +landscape,Impressionism,pericles-pantazis_landscape +sketch_and_study,Realism,james-tissot_judaic-ornament-1889-1 +genre_painting,Realism,ivan-vladimirov_from-their-homes +nude_painting,Ukiyo_e,utagawa-kunisada_not_detected_240340 +illustration,Expressionism,martiros-saryan_illustration-for-book-by-v-totovents-life-on-the-old-roman-road-1934 +religious_painting,High_Renaissance,andrea-del-sarto_the-annunciation-1513 +sketch_and_study,Art_Nouveau_Modern,henri-de-toulouse-lautrec_alone-elles-1896 +cityscape,Impressionism,eugene-boudin_san-marco-square-in-venice-1895 +landscape,Realism,vasily-polenov_pond-in-the-park-olshanka-1877 +landscape,Realism,nikolai-ge_bay-vyko +illustration,Art_Nouveau_Modern,edmund-dulac_abysm-of-time-from-the-tempest +sketch_and_study,Rococo,antoine-watteau_nude-with-right-arm-raised-1718 +portrait,Rococo,joshua-reynolds_young-woman-leaning-on-a-ledge +landscape,Post_Impressionism,maxime-maufra_the-retreating-fog-morning-les-andelys-1902 +portrait,Expressionism,rafael-zabaleta_girl-with-still-life-1953 +abstract_painting,Abstract_Expressionism,theodoros-stamos_cyclops-1947 +illustration,Art_Nouveau_Modern,aubrey-beardsley_the-platonic-lament-1894 +religious_painting,Northern_Renaissance,lucas-cranach-the-elder_stigmatiasation-of-st-francis +landscape,Cubism,leopold-survage_landscape +sketch_and_study,Post_Impressionism,vincent-van-gogh_sheet-with-figures-at-a-table-a-sower-clogs-etc-1890 +portrait,Rococo,francisco-bayeu-y-subias_retrato-de-sebastiana-merclein-su-mujer-1786 +portrait,Art_Nouveau_Modern,koloman-moser_dancer-miss-olga-george-1911 +portrait,Expressionism,zinaida-serebriakova_a-young-woman-in-a-white-headdress-1928 +sketch_and_study,Romanticism,fyodor-solntsev_patriarchal-ognennik-clothes-of-archer +nude_painting,Expressionism,ernst-ludwig-kirchner_four-bathers +religious_painting,Northern_Renaissance,lucas-cranach-the-elder_madonna-1514 +genre_painting,Impressionism,mary-cassatt_mother-sara-and-the-baby-1 +abstract_painting,Color_Field_Painting,ian-davenport_poured-lines-southwark-street-2009 +religious_painting,Baroque,jacob-jordaens_binding-of-isaac +abstract_painting,Color_Field_Painting,mark-rothko_no-24 +landscape,Post_Impressionism,gregoire-boonzaier_west-coast-fishing-village-with-beached-boats-fishermen-arniston-1966 +landscape,Romanticism,john-atkinson-grimshaw_waterloo-lake-roundhay-park-leeds +portrait,Rococo,john-russell_william-wilberforce-1759-1833 +genre_painting,Romanticism,john-atkinson-grimshaw_the-butterfly +religious_painting,Northern_Renaissance,mabuse_madonna-and-child-with-cherries +landscape,Impressionism,alfred-sisley_the-small-meadow-at-by-1881 +portrait,Baroque,rembrandt_a-young-woman-trying-on-earings +genre_painting,Baroque,jan-steen_robbed-violin-player +portrait,Cubism,umberto-boccioni_study-for-sculpture-empty-and-full-abstracts-of-a-head-1912 +portrait,High_Renaissance,lorenzo-lotto_portrait-of-a-man-with-a-felt-hat-1541 +portrait,Romanticism,john-hoppner_rear-admiral-sir-horatio-nelson-ca-1800 +portrait,Expressionism,istvan-farkas_the-aged-sailor-and-the-old-woman-1939 +religious_painting,Early_Renaissance,paolo-uccello_st-dominic +abstract_painting,Abstract_Expressionism,joan-miro_not_detected_227941 +genre_painting,Art_Nouveau_Modern,raphael-kirchner_love-flowers-1903 +landscape,Impressionism,james-mcneill-whistler_gray-and-gold-the-golden-bay +landscape,Expressionism,oskar-kokoschka_not_detected_235893 +religious_painting,High_Renaissance,giorgione_madonna-and-child-with-saints-liberale-and-francis-the-castelfranco-madonna-1505(2) +abstract_painting,Minimalism,ralph-hotere_the-seasons-part-i-and-ii-1976 +religious_painting,Mannerism_Late_Renaissance,el-greco_the-annunciation-1576 +abstract_painting,Color_Field_Painting,theodoros-stamos_infinity-field-lefkada-series-1977-1 +portrait,Rococo,joshua-reynolds_portrait-of-charles-hamilton-8th-early-of-haddington +sketch_and_study,Realism,vincent-van-gogh_stooks-and-a-mill-1885 +landscape,Realism,aleksey-savrasov_type-in-the-outskirts-of-moscow-to-the-manor-and-two-female-figures-1850 +sketch_and_study,Post_Impressionism,vincent-van-gogh_portrait-of-the-postman-joseph-roulin-1888 +landscape,Romanticism,akseli-gallen-kallela_m-ntykoski-waterfall-1893 +portrait,Romanticism,karl-bryullov_portrait-of-aurora-demidova-1838(1) +sketch_and_study,Pointillism,henri-edmond-cross_the-bay-of-cavaliere-study +landscape,Naive_Art_Primitivism,tarsila-do-amaral_the-lake-1928 +landscape,Impressionism,childe-hassam_gloucester-harbor-2 +landscape,Romanticism,caspar-david-friedrich_wc-caspardavidfriedrich-der-nachmittag +genre_painting,Impressionism,giovanni-boldini_a-friend-of-the-marquis-1875 +portrait,Rococo,joshua-reynolds_mrs-william-beresford-and-her-son-john-later-lord-decies +portrait,Impressionism,pierre-auguste-renoir_gabrielle-wearing-a-necklace-1906 +still_life,Post_Impressionism,pyotr-konchalovsky_still-life-vegetables-1916 +religious_painting,Early_Renaissance,filippo-lippi_st-fredianus-diverts-the-river-serchio +illustration,Realism,nicholas-roerich_window-with-grate-1896 +genre_painting,Impressionism,john-singer-sargent_zuleika +nude_painting,Expressionism,salvador-dali_untitled-nude-figures-after-michelangelo +genre_painting,Romanticism,jan-matejko_output-scholars-from-krakow +genre_painting,Realism,martiros-saryan_dvin-excavations-1952 +portrait,Expressionism,helene-schjerfbeck_katkelma-1905 +genre_painting,Romanticism,nikolaos-gyzis_the-vow-1886 +portrait,Expressionism,marie-laurencin_portrait-of-andr-salmon-1942 +sketch_and_study,Post_Impressionism,ferdinand-hodler_tree-in-the-workshop-garden-1917 +cityscape,Post_Impressionism,maurice-utrillo_cabare-belle-gabrielle +portrait,Expressionism,lucian-freud_gaz +religious_painting,Northern_Renaissance,hieronymus-bosch_haywain-1500-6 +landscape,Impressionism,alfred-sisley_the-laundry-1876 +portrait,Ukiyo_e,keisai-eisen_t-sei-matsu +landscape,Realism,aleksey-savrasov_after-a-thunderstorm +religious_painting,Baroque,matthias-stom_st-ambrose(1) +abstract_painting,Abstract_Expressionism,sam-francis_untitled-exp-sf-09-17-78-1978 +religious_painting,High_Renaissance,vittore-carpaccio_the-glory-of-st-vidal-1514 +genre_painting,Symbolism,edvard-munch_moonlight-1893 +genre_painting,Impressionism,eugene-boudin_beach-scene-at-trouville +genre_painting,Realism,nikolay-bogdanov-belsky_guslar +cityscape,Impressionism,childe-hassam_mount-vernon-street-boston +landscape,Realism,theodore-rousseau_not_detected_198935(1) +portrait,Expressionism,ernst-ludwig-kirchner_sitting-woman-with-a-wooden-sculpture +genre_painting,Art_Nouveau_Modern,boris-kustodiev_picnic-1920 +religious_painting,Northern_Renaissance,jan-provoost_donor-with-st-nicholas-and-his-wife-with-st-godelina +portrait,Romanticism,vasily-tropinin_kusov-alexey +landscape,Impressionism,childe-hassam_the-brush-house +religious_painting,Baroque,guido-reni_loth-and-her-daughters-fleeing-sodome-1616 +genre_painting,Pointillism,maurice-prendergast_promenade +genre_painting,Baroque,jan-siberechts_a-wooded-landscape-with-peasants-in-a-horse-drawn-cart-travelling-down-a-flooded-road +religious_painting,Baroque,peter-paul-rubens_the-miracle-of-st-walburga +still_life,Realism,vincent-van-gogh_still-life-with-five-bottles-1884 +genre_painting,Post_Impressionism,henri-de-toulouse-lautrec_at-the-moulin-rouge-the-dance-1890 +portrait,Impressionism,camille-pissarro_seated-peasant-and-knitting-peasant +cityscape,Post_Impressionism,maurice-utrillo_paris-street +cityscape,Expressionism,yiannis-tsaroychis_coffee-house-at-porto-rafti-1962 +sketch_and_study,Realism,vincent-van-gogh_people-in-the-studio-1883 +landscape,Impressionism,alfred-sisley_walnut-tree-in-a-thomery-field-1880 +portrait,Realism,john-singer-sargent_alice-vanderbilt-shepard-1888 +portrait,Expressionism,amedeo-modigliani_louise-1917 +cityscape,Realism,vincent-van-gogh_view-from-the-window-of-vincent-s-studio-in-winter-1883-1 +genre_painting,Naive_Art_Primitivism,david-burliuk_woman-with-red-cow +still_life,Post_Impressionism,stefan-popescu_still-life-with-gourd +nude_painting,Impressionism,theodor-pallady_intimacy +genre_painting,Baroque,gerrit-dou_girl-chopping-onions +portrait,Expressionism,zinaida-serebriakova_the-breadseller-from-rue-lepic-1927 +abstract_painting,Abstract_Expressionism,burhan-dogancay_saratoga-dreaming-1984 +sketch_and_study,Symbolism,nicholas-roerich_wanderer-of-the-light-city-1933 +landscape,Expressionism,ernst-ludwig-kirchner_rhaetian-railway-davos +nude_painting,Cubism,pablo-picasso_a-reclining-female-nude-1936 +nude_painting,Expressionism,marcelle-cahn_nu-sur-fond-bleu-1924 +nude_painting,Rococo,francois-boucher_nude-on-a-sofa-1752(1) +genre_painting,Baroque,jan-steen_twin-birth-celebration-1668 +sketch_and_study,Expressionism,jean-helion_untitled-sketchbook-page-1955 +cityscape,Impressionism,childe-hassam_the-grands-boulevard-paris +landscape,Realism,camille-corot_the-cart +genre_painting,Post_Impressionism,pablo-picasso_mother-and-child-baladins-1905 +portrait,Realism,john-singer-sargent_mrs-hugh-hammersley-1893 +religious_painting,Romanticism,vasily-polenov_feast-of-of-the-prodigal-son-1874 +religious_painting,Symbolism,james-tissot_the-deluge +cityscape,Northern_Renaissance,albrecht-durer_courtyard-of-the-former-castle-in-innsbruck-with-clouds-1494 +genre_painting,Rococo,george-morland_stable-scene +sketch_and_study,Realism,valentin-serov_dull-serov-1911 +still_life,Impressionism,lovis-corinth_larkspur-1924 +sketch_and_study,Symbolism,nicholas-roerich_procopius-the-righteous-removes-a-cloud-of-stone-from-the-great-ustyug-1913 +genre_painting,Expressionism,tia-peltz_mosur-i-zizica +sketch_and_study,Symbolism,mikhail-vrubel_horseman-1890 +cityscape,Art_Nouveau_Modern,nicholas-roerich_smolensk-the-porch-of-the-convent-1903-1 +portrait,Rococo,joshua-reynolds_caroline-lady-holland-1758 +cityscape,Post_Impressionism,gustave-loiseau_street-at-pont-aven +landscape,Impressionism,claude-monet_cliff-near-dieppe-1 +cityscape,Post_Impressionism,istvan-ilosvai-varga_nagyb-nya-1929 +cityscape,Impressionism,pierre-auguste-renoir_the-bridge-at-chatou +landscape,Symbolism,nicholas-roerich_himalayas-1942 +portrait,Expressionism,zinaida-serebriakova_breton-1935 +portrait,Early_Renaissance,andrea-del-castagno_farinata-degli-uberti +illustration,Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-epic-ilya-muromets-and-nightingale-the-robber-1940(1) +genre_painting,Impressionism,berthe-morisot_child-with-a-red-apron +landscape,Pointillism,camille-pissarro_the-cabage-place-at-pontoise-1882 +portrait,Ukiyo_e,keisai-eisen_head-of-a-beauty-1825 +cityscape,Post_Impressionism,pyotr-konchalovsky_moscow-spiridonovka-1931 +landscape,Impressionism,konstantin-korovin_beach-at-dieppe +portrait,Expressionism,dimitris-mytaras_portrait-of-man-sitting-1980 +landscape,Impressionism,claude-monet_meadow-at-giverny +portrait,Rococo,maurice-quentin-de-la-tour_francois-dachery +religious_painting,Baroque,josefa-de-obidos_st-francis-and-st-clare-of-assisi-in-adoration-of-the-infant-christ +religious_painting,Early_Renaissance,pietro-perugino_pope-fabiano-1483 +sketch_and_study,Northern_Renaissance,albrecht-durer_christ-before-caiaphas +portrait,Romanticism,orest-kiprensky_portrait-of-the-italian-landscape-painter-gregorio-fidanza +landscape,Cubism,vicente-manansala_untitled-landscape-1966 +portrait,Expressionism,max-beckmann_the-artist-and-his-wife-1925 +portrait,Art_Nouveau_Modern,paul-mathiopoulos_portrait-noble +landscape,Impressionism,alfred-sisley_dawn-1878 +landscape,Realism,camille-corot_shepherd-resting +portrait,Post_Impressionism,paul-cezanne_seated-man +abstract_painting,Action_painting,jackson-pollock_no-1-1948(1) +abstract_painting,Abstract_Expressionism,john-hoyland_before-time-mysteries-12-05-01-11-2011 +landscape,Impressionism,edgar-degas_lake-and-mountains +genre_painting,Art_Nouveau_Modern,nicholas-roerich_building-a-city-1902 +religious_painting,Early_Renaissance,luca-signorelli_saints-eligius-and-antonio +portrait,Baroque,rembrandt_artemisia-1634 +sketch_and_study,Post_Impressionism,vincent-van-gogh_pine-trees-seen-against-the-wall-of-the-asylum-1889-1 +genre_painting,Impressionism,joaquã­n-sorolla_valencian-dance-in-an-orange-grove-1898 +religious_painting,Northern_Renaissance,albrecht-durer_the-descent-from-the-cross-1511 +landscape,Impressionism,alfred-sisley_path-near-the-parc-de-courances-1868 +genre_painting,Impressionism,childe-hassam_street-scene-with-hansom-cab +genre_painting,Cubism,andrã©-lhote_les-joueurs-de-rugby +landscape,Romanticism,john-crome_a-view-on-the-wensum-norfolk +landscape,Contemporary_Realism,jamie-wyeth_sea-of-storms-1970 +portrait,Post_Impressionism,salvador-dali_portrait-of-grandmother-ana-sewing +religious_painting,Baroque,bartolome-esteban-murillo_the-prodigal-son-driven-out-1660 +landscape,Post_Impressionism,gustave-loiseau_the-port-at-collioure-1921 +landscape,Impressionism,john-henry-twachtman_the-white-bridge-1897 +genre_painting,Realism,ivan-vladimirov_requisitioning +landscape,Realism,camille-corot_peasants-near-a-village +portrait,Rococo,carl-ludwig-johann-christineck_portrait-of-sarah-cook-1775 +landscape,Expressionism,johannes-sveinsson-kjarval_from-thingvellir-1957 +illustration,Romanticism,gustave-dore_the-suicides(1) +genre_painting,Impressionism,samuel-mutzner_nunt-la-sat-1952 +cityscape,Impressionism,pierre-auguste-renoir_place-de-la-trinite-1875-1 +genre_painting,Impressionism,giovanni-fattori_die-baumallee-mit-zwei-kindern-1895 +landscape,Post_Impressionism,gustave-loiseau_landscape-in-autumn-1909 +landscape,Romanticism,taras-shevchenko_bohdan-s-church-in-subotiv-1845 +religious_painting,Romanticism,francisco-goya_the-repentant-saint-peter +genre_painting,Expressionism,natalia-goncharova_peasants-dancing +still_life,Post_Impressionism,irma-stern_still-life-with-hibiscus-angel-s-trumpets-and-fruits-1929 +landscape,Post_Impressionism,ion-theodorescu-sion_piatra-craiului-1920 +portrait,Pop_Art,r.-b.-kitaj_la-hispanista-nissa-torrents +genre_painting,Symbolism,odilon-redon_mystical-conversation +illustration,Romanticism,gustave-dore_the-battle-of-nicaea-in-1097-1877 +still_life,Post_Impressionism,ilya-mashkov_still-life-1922 +religious_painting,Baroque,caravaggio_christ-on-the-mount-of-olives-1605(1) +cityscape,Romanticism,william-turner_the-burning-of-the-houses-of-parliament-2 +genre_painting,Impressionism,mary-cassatt_mother-combing-sara-s-hair +cityscape,Impressionism,konstantin-korovin_paris-saint-denis-arc +illustration,Romanticism,gustave-dore_don-quixote-103 +genre_painting,Post_Impressionism,pablo-picasso_the-mother-leading-two-children-1901 +cityscape,Impressionism,camille-pissarro_the-pont-neuf-and-the-statue-of-henri-iv-1901 +landscape,Expressionism,nikolaos-lytras_landscape-tinos +landscape,Impressionism,claude-monet_apple-trees-in-blossom-by-the-water(1) +landscape,Cubism,albert-gleizes_untitled-7 +portrait,Post_Impressionism,pierre-bonnard_portrait-of-a-girl-mademoiselle-renee-terrasse-1916 +genre_painting,Naive_Art_Primitivism,niko-pirosmani_shepherd-with-flock +still_life,Cubism,juan-gris_fruit-and-book +genre_painting,Realism,mihaly-munkacsy_making-lint-1871 +cityscape,Expressionism,marcel-janco_amsterdam +religious_painting,Rococo,giovanni-battista-tiepolo_the-appearance-of-the-angels-to-abraham-1728 +landscape,Impressionism,paul-signac_saint-paul-de-vence +religious_painting,Realism,vasily-polenov_among-the-teachers-1896-1 +sketch_and_study,Expressionism,laszlo-moholy-nagy_figurative-composition(1) +landscape,Post_Impressionism,paul-gauguin_coastal-landscape-1886 +landscape,Romanticism,john-constable_the-vale-of-dedham-1828 +genre_painting,Impressionism,konstantin-korovin_lady-with-a-guitar-1911 +religious_painting,Early_Renaissance,fra-angelico_penitent-st-jerome +portrait,Baroque,francisco-de-zurbaran_portrait-of-fra-gonzalo-de-illescas-1639 +genre_painting,Art_Nouveau_Modern,zinaida-serebriakova_ballet-dancers-in-their-dressing-room-1923 +portrait,Romanticism,gustave-courbet_the-desperate-man-the-man-made-mad-by-fear +portrait,Realism,william-adolphe-bouguereau_the-broken-pitcher-1891 +portrait,Romanticism,dante-gabriel-rossetti_woman-with-a-fan-1870 +genre_painting,Expressionism,kathe-kollwitz_not_detected_235988 +portrait,High_Renaissance,lorenzo-lotto_portrait-of-crossbowman +abstract_painting,Color_Field_Painting,paul-reed_tatar-1998 +genre_painting,Impressionism,edgar-degas_the-millinery-shop-1884 +illustration,Realism,n.c.-wyeth_painting-of-native-american +portrait,Realism,gustave-courbet_portrait-of-the-artist-s-father +cityscape,Realism,john-singer-sargent_temple-of-denderah-1891 +portrait,Art_Nouveau_Modern,jacek-malczewski_portrait-of-feliks-jasienski +portrait,Northern_Renaissance,albrecht-durer_portrait-of-william-pirckheimer-1503 +landscape,Symbolism,nicholas-roerich_sissu-lahaul-1932 +abstract_painting,Abstract_Expressionism,dan-flavin_juan-gris-in-paris-adieu-picabia-1960 +portrait,Impressionism,pierre-auguste-renoir_not_detected_218784-1905 +portrait,Baroque,rembrandt_a-study-of-an-elderly-man-in-a-cap +genre_painting,Impressionism,eugene-boudin_laundresses-on-the-banks-of-the-touques-4 +still_life,Expressionism,pablo-picasso_exotic-flowers-1907 +portrait,Cubism,fernand-leger_head-constructor-1950 +abstract_painting,Action_painting,franz-kline_scudera-1961 +abstract_painting,Abstract_Expressionism,sam-francis_spleen-yellow-1971 +religious_painting,Mannerism_Late_Renaissance,parmigianino_madonna-and-child-1 +nude_painting,Art_Nouveau_Modern,raphael-kirchner_deadly-sins-3 +illustration,Art_Nouveau_Modern,aubrey-beardsley_how-queen-guenever-rode-on-maying-ii +portrait,Baroque,antoine-pesne_portrait-of-johann-melchior-dinglinger +portrait,Post_Impressionism,henri-catargi_maternity-1935 +genre_painting,Romanticism,dante-gabriel-rossetti_the-bower-meadow-1872-1 +still_life,Post_Impressionism,maurice-prendergast_fruit-and-flowers +still_life,Impressionism,claude-monet_peaches +sketch_and_study,Symbolism,nicholas-roerich_sketch-for-tale-of-tsar-saltan-1919-3 +landscape,Impressionism,henrique-pousao_caminho-capri-1882 +landscape,Impressionism,arkhip-kuindzhi_cypresses-on-a-seashore-the-crimea-1887 +still_life,Realism,vincent-van-gogh_still-life-of-paintbrushes-in-a-flowerpot-1884 +landscape,Post_Impressionism,ferdynand-ruszczyc_ostatnie-niegi-1899 +portrait,Ukiyo_e,utagawa-toyokuni_segawa-kikunojo-iii-and-bando-mitsugoro-ii-1798 +genre_painting,Impressionism,pierre-auguste-renoir_woman-in-a-chemise +genre_painting,Post_Impressionism,maurice-prendergast_on-the-shore +genre_painting,Impressionism,joaquã­n-sorolla_lighthouse-walk-at-biarritz-1906 +portrait,Symbolism,felicien-rops_my-aunt-johanna +portrait,Baroque,rembrandt_the-artist-s-son-titus-1656 +landscape,Expressionism,costas-niarchos_at-the-beach +landscape,Naive_Art_Primitivism,victor-brauner_paysage-1953 +portrait,Romanticism,george-frederick-watts_klayti(1) +sketch_and_study,Expressionism,frank-auerbach_study-after-titian-ii +genre_painting,Naive_Art_Primitivism,william-h.-johnson_early-morning-work-1940 +religious_painting,Baroque,rembrandt_st-jerome-praying-1632 +sketch_and_study,Expressionism,martiros-saryan_mount-aragats-1914 +portrait,Baroque,frans-hals_portrait-of-a-seated-man-1666 +sketch_and_study,Realism,vasily-surikov_cossack-s-head-1891 +religious_painting,Early_Renaissance,carlo-crivelli_saint +portrait,Impressionism,mary-cassatt_lady-with-a-fan-portrait-of-anne-chlotte-gailld +portrait,Post_Impressionism,paul-cezanne_portrait-of-madame-cezanne-2 +portrait,Art_Nouveau_Modern,felix-vallotton_portrait-of-belgian-poet-mile-verhaeren-1896 +genre_painting,Impressionism,mary-cassatt_mother-jeanne-nursing-her-baby-1908 +cityscape,Fauvism,endre-bartos_tokaj +still_life,Synthetic_Cubism,pablo-picasso_still-life-with-violin-and-fruits-1912 +cityscape,Fauvism,lajos-tihanyi_pont-st-michel-1908 +landscape,Impressionism,camille-pissarro_landscape-with-a-white-horse-in-a-meadow-l-hermitage +religious_painting,Northern_Renaissance,albrecht-durer_christ-on-the-cross-with-the-virgin-and-st-john-1510 +landscape,Realism,aleksey-savrasov_willow-by-the-pond-1872 +portrait,Realism,basuki-abdullah_potret-wanita +landscape,Art_Nouveau_Modern,j.-e.-h.-macdonald_the-beaver-dam-1919 +religious_painting,Naive_Art_Primitivism,marc-chagall_moses-spreads-the-darkness-over-egypt-exodus-ix-21-23 +religious_painting,Early_Renaissance,giovanni-bellini_madonna-with-the-child-1464 +portrait,Realism,ivan-kramskoy_portrait-of-the-artist-nikolai-dmitrievich-dmitriev-orenburg-1866 +nude_painting,Expressionism,henri-matisse_nude-6 +landscape,Romanticism,eugene-delacroix_the-coast-of-spain-at-salabrena-1832(1) +genre_painting,Impressionism,adam-baltatu_the-needlewoman +landscape,Impressionism,camille-pissarro_white-frost-at-eragny-1895 +religious_painting,Baroque,francisco-de-zurbaran_christ-on-the-cross-1627 +religious_painting,Realism,nikolai-ge_golgotha +portrait,Expressionism,helene-schjerfbeck_girl-from-california-1934 +abstract_painting,Minimalism,agnes-martin_untitled-6-1980 +cityscape,New_Realism,john-french-sloan_the-city-from-greenwich-village-1922 +landscape,Pointillism,camille-pissarro_sunset-at-sent-charlez-eragny-1891 +nude_painting,Symbolism,felicien-rops_frequently-asked-love-the-cage +landscape,Realism,isaac-levitan_autumn-landscape-2 +religious_painting,Northern_Renaissance,lucas-cranach-the-elder_the-ten-commandments +portrait,Art_Nouveau_Modern,egon-schiele_portrait-of-friederike-maria-beer-1914 +portrait,Fauvism,maurice-de-vlaminck_portrait-of-a-woman +landscape,Symbolism,mikalojus-ciurlionis_scherzo-sonata-of-the-sun-1907 +portrait,Realism,camille-corot_portrait-of-madame-langeron-four-years-old-1845 +abstract_painting,Abstract_Expressionism,ralph-rosenborg_flower-garden-1967 +portrait,Northern_Renaissance,jean-fouquet_portrait-of-charles-vii-king-of-france +genre_painting,Symbolism,pablo-picasso_peasants-1906 +landscape,Impressionism,thomas-kinkade_a-view-from-cannery-row-monterey-1996 +sketch_and_study,Realism,ivan-shishkin_wildflowers-1884 +genre_painting,Impressionism,john-atkinson-grimshaw_spring +abstract_painting,Abstract_Expressionism,brice-marden_st-barts-1-1991 +landscape,Pointillism,georges-lacombeâ _in-the-forest +religious_painting,Northern_Renaissance,lucas-cranach-the-elder_rest-on-the-flight-into-egypt-1504 +abstract_painting,Minimalism,andre-pierre-arnal_pliage-folded-painting-1975 +portrait,Realism,vasily-polenov_portrait-of-a-v-prahov-art-historian-and-art-critic-1879 +landscape,Realism,ivan-shishkin_bee-families-1884 +landscape,Cubism,joan-miro_ciurana-the-path +portrait,Realism,giovanni-boldini_portrait-of-donna-franca-florio-1912 +portrait,Rococo,benjamin-west_mr-john-williams-1766 +religious_painting,Northern_Renaissance,albrecht-durer_madonna-and-child-on-a-stone-bench-1520 +religious_painting,Rococo,giovanni-battista-tiepolo_transportation-of-the-holy-house-of-nazareth-to-loreto +genre_painting,Naive_Art_Primitivism,niko-pirosmani_feast-with-barrel-organist-datico-1906 +portrait,Rococo,joshua-reynolds_elizabeth-countess-of-pembroke-and-her-son-1767 +illustration,Romanticism,gustave-dore_don-quixote-95 +genre_painting,Impressionism,theophrastos-triantafyllidis_man-in-the-woods-of-boulogne +religious_painting,Naive_Art_Primitivism,marc-chagall_rebecca-gives-drink-to-the-servant-of-abraham-which-recognizes-the-bride-destined-by-god-to +genre_painting,Symbolism,zinaida-serebriakova_put-on-one-s-shoes-farmer-1915 +abstract_painting,Color_Field_Painting,gene-davis_moroccan-midnight-1984 +cityscape,Impressionism,childe-hassam_early-morning-on-the-avenue-in-may +cityscape,Impressionism,antoine-blanchard_place-de-la-republic-9 +landscape,Baroque,hercules-seghers_mountain-valley +genre_painting,Impressionism,edmund-charles-tarbell_girl-with-sailboat-1899 +illustration,Symbolism,felicien-rops_the-hidden-side-of-a-whist-party-illustration-from-les-diaboliques-by-jules-amedee-barbey-d-1886 +religious_painting,Naive_Art_Primitivism,marc-chagall_ruth-gleaning-1960 +portrait,Impressionism,giovanni-boldini_portrait-of-maria-eulalia-of-spain-1898 +landscape,Impressionism,santiago-rusinol_jardines-de-aranjuez-2 +portrait,Realism,john-singer-sargent_mrs-charles-e-inches-louise-pomeroy-1887 +cityscape,Art_Nouveau_Modern,mstislav-dobuzhinsky_finland-a-street-in-lovisa-1915 +genre_painting,Impressionism,emmanuel-zairis_mowers +religious_painting,Mannerism_Late_Renaissance,agnolo-bronzino_moses-strikes-water-from-the-wall-rocks +landscape,Post_Impressionism,vincent-van-gogh_enclosed-field-behind-saint-paul-hospital-1889(1) +religious_painting,High_Renaissance,raphael_the-guards-outside-the-prison-detail-from-the-liberation-of-st-peter-in-the-stanza-d-eliodoro-1514 +portrait,Post_Impressionism,edouard-vuillard_half-figure-of-a-seated-woman +landscape,Cubism,paul-cezanne_chateau-noir-2 +religious_painting,Mannerism_Late_Renaissance,paolo-veronese_martyrdom-of-st-sebastian +nude_painting,Symbolism,konstantin-somov_bathings-in-the-sun +landscape,Cubism,jean-metzinger_landscape-1914 +portrait,Realism,pyotr-konchalovsky_portrait-of-boris-nikolayevich-yakovlev-1953 +still_life,Impressionism,claude-monet_flowers-and-fruit +religious_painting,Naive_Art_Primitivism,marc-chagall_rainbow-in-the-sky-a-sign-of-covenant-between-god-and-earth-genesis-ix-8-17 +portrait,Early_Renaissance,antonello-da-messina_portrait-of-a-young-man +portrait,Romanticism,ivan-aivazovsky_portrait-of-the-artist-s-grandmother-ashkhen-1858 +illustration,Symbolism,theodor-severin-kittelsen_soria-moria-slott-1911-2 +nude_painting,Ukiyo_e,utagawa-kunisada_not_detected_240354 +abstract_painting,Abstract_Expressionism,alexander-liberman_untitled-abstract-1977 +portrait,High_Renaissance,andrea-solario_man-with-a-pink-carnation +genre_painting,Impressionism,maurice-prendergast_figures-on-the-grass-1895 +genre_painting,Realism,pavel-fedotov_not-detected-270365 +sketch_and_study,Baroque,rembrandt_sick-woman-with-a-large-white-headdress-saskia +cityscape,Post_Impressionism,edouard-cortes_place-de-clichy-in-winter +religious_painting,Early_Renaissance,filippo-lippi_triptych +religious_painting,Northern_Renaissance,joachim-patinir_the-rest-of-the-flight-into-egypt-1524 +landscape,Post_Impressionism,richard-gerstl_grinzing-1907 +genre_painting,Art_Nouveau_Modern,koloman-moser_two-dancers-1902 +abstract_painting,Minimalism,alex-hay_old-green-2005 +landscape,Expressionism,horia-bernea_spring-night-1965 +portrait,Art_Nouveau_Modern,zinaida-serebriakova_portrait-of-boris-serebryakov-1915 +religious_painting,Romanticism,edward-burne-jones_the-virgin +genre_painting,Impressionism,camille-pissarro_peasant-woman-with-basket +portrait,Baroque,frans-hals_portrait-of-willem-croes +portrait,Naive_Art_Primitivism,tarsila-do-amaral_pastoral +portrait,Expressionism,amedeo-modigliani_a-blond-wearing-earrings +landscape,Post_Impressionism,david-burliuk_villa-of-w-r-wagner-1962 +sketch_and_study,Realism,martiros-saryan_byurakan-study-1958 +portrait,Realism,antã³nio-de-carvalho-da-silva-porto_t-te-de-jeune-fille +abstract_painting,Minimalism,pierre-soulages_peinture-103-x-81-cm-18-mars-2004-2004 +genre_painting,Impressionism,eva-gonzales_woman-awakening-1876 +portrait,Expressionism,pablo-picasso_head-of-hurdy-gurdy-1905 +landscape,Romanticism,camille-corot_the-eel-gatherers +genre_painting,Realism,james-tissot_the-ball +still_life,Post_Impressionism,vincent-van-gogh_gypsum-torso-1886(1) +illustration,Naive_Art_Primitivism,marc-chagall_pliushkin-treats-tchtchikov +genre_painting,Impressionism,pierre-auguste-renoir_la-grenouillere-1869-1 +landscape,Realism,camille-corot_evening-distant-tower +portrait,Romanticism,orest-kiprensky_portrait-of-sergei-nikiforovich-marin-1812 +sketch_and_study,Realism,konstantin-somov_portrait-of-n-vysotskaya +landscape,Impressionism,arkhip-kuindzhi_ai-petri-crimea +portrait,Realism,vasily-vereshchagin_beggar-ninety-six-years-old +portrait,Realism,ilya-repin_poet-futurist-portrait-of-vladimir-vladimirovich-mayakovsky-1916 +landscape,Romanticism,ivan-aivazovsky_sunset-at-the-crimean-coast-1856 +religious_painting,Mannerism_Late_Renaissance,tintoretto_lamentation-over-the-dead-christ +genre_painting,Ukiyo_e,utagawa-kuniyoshi_twenty-four-paragons-of-filial-piety-of-our-country +portrait,Expressionism,amedeo-modigliani_the-man-with-the-monocle +landscape,Realism,camille-corot_le-gue-cows-on-the-banks-of-the-gue +genre_painting,Expressionism,josef-herman_harvest-scene-1960 +portrait,Rococo,thomas-gainsborough_portrait-of-a-woman-possibly-of-the-lloyd-family +portrait,Realism,camille-corot_the-mother-superior-of-the-convent-of-the-annonciades-1855 +landscape,Realism,charles-francois-daubigny_sunrise-banks-of-the-oise-1865 +cityscape,Post_Impressionism,vincent-van-gogh_terrace-of-a-cafe-on-montmartre-la-guinguette-1886 +portrait,Mannerism_Late_Renaissance,tintoretto_portrait-of-a-man-1 +genre_painting,Pointillism,georges-seurat_trombone-player-1887 +abstract_painting,Abstract_Expressionism,mostafa-dashti_untitled-2006(1) +landscape,Impressionism,paul-gauguin_quarries-at-pontoise-1882 +landscape,Impressionism,gregoire-boonzaier_landscape-with-trees-and-houses-1964 +portrait,Post_Impressionism,pyotr-konchalovsky_girl-with-a-fan-1908 +sketch_and_study,High_Renaissance,raphael_lamentation-over-the-dead-christ +illustration,Naive_Art_Primitivism,marc-chagall_illustration-for-louis-aragon-s-work-one-who-says-things-without-saying-anything-1976 +illustration,Art_Nouveau_Modern,theodor-severin-kittelsen_for-tidlig-nedkomst-1894 +genre_painting,Realism,james-tissot_the-garden-bench +landscape,Impressionism,claude-monet_the-flood +religious_painting,Early_Renaissance,masaccio_st-paul-1426 +landscape,Realism,ivan-shishkin_oaks-under-sestroretsk-1857 +abstract_painting,Minimalism,brice-marden_to-corfu-1976 +genre_painting,Impressionism,valentin-serov_artist-k-korovin-on-the-river-bank-1905 +landscape,Impressionism,winston-churchill_trees-near-breccles +illustration,Realism,georgios-jakobides_plan-for-the-short-story-the-ugly-sister-of-d-vikelas-1901(1) +portrait,Baroque,anthony-van-dyck_martin-ryckaert-1631 +portrait,Baroque,rembrandt_portrait-of-a-seated-man +religious_painting,Early_Renaissance,luca-signorelli_moses-s-testament-and-death-detail-1482-1 +cityscape,Post_Impressionism,pierre-bonnard_eiffel-tower-and-the-seine +genre_painting,Romanticism,sir-lawrence-alma-tadema_mrs-george-lewis-and-her-daughter-elizabeth-1899 +landscape,Symbolism,konstantin-somov_summer-landscape +nude_painting,Realism,henry-herbert-la-thangue_nude-study +landscape,Symbolism,mikalojus-ciurlionis_leo-1907 +landscape,Realism,isaac-levitan_village-khotkovo +genre_painting,Symbolism,victor-borisov-musatov_on-a-balcony-1899 +abstract_painting,Abstract_Expressionism,cy-twombly_untitled-15 +nude_painting,Realism,yiannis-moralis_nude-standing +portrait,Realism,theodor-severin-kittelsen_grynaas-ole-pedersen +religious_painting,Baroque,bartolome-esteban-murillo_st-justina-and-st-rufina-1675 +religious_painting,High_Renaissance,raphael_the-judgment-of-solomon-1519 +portrait,Impressionism,helene-schjerfbeck_at-home-mother-sewing-1903 +portrait,Expressionism,abidin-dino_nomads-portrait-of-a-woman-1940 +still_life,Pop_Art,roy-lichtenstein_still-life-with-crystal-bowl-1973 +illustration,Symbolism,felicien-rops_front-cover-of-jos-phin-p-ladan-s-novel-initiation-sentimentale +portrait,Impressionism,lovis-corinth_in-a-corset-1910 +nude_painting,Realism,camille-corot_woman-sitting-with-nude-breasts +portrait,Expressionism,helene-schjerfbeck_rosy-cheeked-girl-1927 +religious_painting,Baroque,bartolome-esteban-murillo_virgin-glorious +genre_painting,Impressionism,edgar-degas_after-the-bath-woman-drying-her-feet-1886 +religious_painting,High_Renaissance,titian_st-luke +landscape,Post_Impressionism,stefan-dimitrescu_houses-in-mangalia-1925 +landscape,Baroque,jacob-isaakszoon-van-ruisdael_a-road-through-an-oak-wood +religious_painting,Northern_Renaissance,hieronymus-bosch_the-last-judgement-1 +religious_painting,Realism,nikolai-ge_what-is-truth-christ-and-pilate +abstract_painting,Color_Field_Painting,friedel-dzubas_ghana +landscape,Realism,camille-corot_souvenir-of-italy-the-moored-boat-1864 +cityscape,Impressionism,guy-rose_spring-on-the-riviera +portrait,Romanticism,sir-lawrence-alma-tadema_agrippina-with-the-ashes-of-germanicus +abstract_painting,Abstract_Expressionism,mark-tobey_the-awakening-night-1974 +portrait,Realism,john-singer-sargent_mrs-asher-wertheimer-flora-joseph +nude_painting,Post_Impressionism,pyotr-konchalovsky_a-girl-with-a-book-1927 +portrait,Romanticism,karl-bryullov_portrait-of-ye-i-durnova +illustration,Romanticism,gustave-dore_the-gate-of-hell(1) +genre_painting,Impressionism,john-singer-sargent_a-man-seated-by-a-stream +portrait,Romanticism,karl-bryullov_portrait-of-sculptor-i-p-vitaly-1837 +sketch_and_study,Expressionism,martiros-saryan_shelving-field-on-the-slope-of-the-mountain-1914 +portrait,Realism,pyotr-konchalovsky_boy-with-a-pipe-andron-mikhalkov-1940 +genre_painting,Impressionism,mary-cassatt_the-child-s-caress +abstract_painting,Color_Field_Painting,gene-davis_pocono-1984 +genre_painting,Expressionism,paula-modersohn-becker_two-girls-standing-on-the-birch-trunk +genre_painting,Naive_Art_Primitivism,raoul-dufy_the-racecourse-of-deauville-1950 +portrait,Realism,john-singer-sargent_charles-stewart-sixth-marquess-of-londonderry-carrying-the-great-sword-of-state-at-the-coronat-1904 +abstract_painting,Color_Field_Painting,mark-rothko_red-on-maroon +genre_painting,Cubism,jean-metzinger_embarkation-of-harlequin-arlequin-1923 +portrait,Expressionism,neil-welliver_couple-with-leslie +genre_painting,Realism,vincent-van-gogh_woman-digging-1883 +nude_painting,Expressionism,jose-gutierrez-solana_naked-man-and-woman +genre_painting,Baroque,david-teniers-the-younger_peasants-dancing-outside-an-inn +genre_painting,New_Realism,william-james-glackens_hammerstein-s-roof-garden +portrait,Post_Impressionism,henri-de-toulouse-lautrec_prostitute-the-sphinx-1898 +genre_painting,Romanticism,taras-shevchenko_solitude-in-her-own-house-1859 +cityscape,Symbolism,nicholas-roerich_and-we-bring-the-light-1922 +sketch_and_study,Post_Impressionism,vincent-van-gogh_the-starry-night-1889-1 +abstract_painting,Color_Field_Painting,victor-pasmore_il-labirinto-della-psiche-1986 +sketch_and_study,Realism,ivan-shishkin_pine-1889 +genre_painting,Realism,john-singer-sargent_marble-quarries-at-carrara-1913 +abstract_painting,Minimalism,sol-lewitt_irregular-form(1) +portrait,Expressionism,martiros-saryan_portrait-of-john-steinbeck-1963 +sketch_and_study,Impressionism,pierre-auguste-renoir_girl-s-head +portrait,Realism,vasily-surikov_portrait-of-e-a-surikova +religious_painting,Mannerism_Late_Renaissance,maerten-van-heemskerck_lamentation-on-the-dead-christ-1566-1 +genre_painting,Expressionism,arturo-souto_war-scene-1937-3 +landscape,Impressionism,eugene-boudin_villerville-the-shore-1896 +portrait,Romanticism,john-trumbull_alexander-hamilton-1792 +portrait,Rococo,vladimir-borovikovsky_rodzianko-ekaterina +portrait,Post_Impressionism,pablo-picasso_seated-harlequin +portrait,Romanticism,vasily-tropinin_portrait-of-a-p-i-sorokoumovskogo +portrait,Realism,ilya-repin_ukrainian-peasant-1880 +abstract_painting,Abstract_Expressionism,jimmy-ernst_observation-vii-1965 +portrait,Ukiyo_e,tsukioka-yoshitoshi_looking-disagreeable-the-appearance-of-a-young-lady-from-nagoya-during-the-ansei-era +portrait,Romanticism,alexander-shilov_diplomat-1982 +still_life,Pointillism,henri-matisse_still-life-11 +abstract_painting,Abstract_Expressionism,richard-pousette-dart_golden-door-1989 +religious_painting,Baroque,peter-paul-rubens_miraculous-fishing +abstract_painting,Color_Field_Painting,ronald-davis_diamond-pinwheel-1964 +portrait,Impressionism,claude-monet_portrait-of-pere-paul +portrait,Impressionism,camille-pissarro_portrait-of-madame-pissarro-sewing-near-a-window +nude_painting,Expressionism,ernst-ludwig-kirchner_resting-couple +nude_painting,Expressionism,lucian-freud_naked-portrait-1973 +sketch_and_study,Post_Impressionism,vincent-van-gogh_sheet-with-peasants-eating-and-other-figures-1890 +still_life,Expressionism,max-weber_still-life-with-two-tables +still_life,Cubism,andre-derain_still-life-1910 +genre_painting,Ukiyo_e,katsushika-hokusai_street-scenes-newly-pubished-3 +religious_painting,High_Renaissance,giorgione_christ-carrying-the-cross(2) +portrait,Impressionism,james-tissot_mrs-newton-with-a-parasol +abstract_painting,Color_Field_Painting,manabu-mabe_miragem +still_life,Post_Impressionism,ilya-mashkov_apples-and-pears-on-white-1908 +portrait,Realism,thomas-eakins_portrait-of-amelia-van-buren +still_life,Expressionism,george-bouzianis_still-life-with-pomegranate-and-pans-1931 +religious_painting,Mannerism_Late_Renaissance,tintoretto_the-annunciation-1587 +nude_painting,Impressionism,edgar-degas_the-morning-bath-1883 +genre_painting,Rococo,jean-baptiste-simeon-chardin_lady-sealing-a-letter +landscape,Post_Impressionism,salvador-dali_landscape-near-ampurdan-2 +sketch_and_study,Realism,vincent-van-gogh_three-persons-sitting-at-the-window-1885 +portrait,Realism,gustave-courbet_the-reflection-1864 +portrait,Romanticism,gheorghe-tattarescu_laz-r-kalinderu +religious_painting,Early_Renaissance,carlo-crivelli_saint-peter-1473 +genre_painting,Romanticism,sir-lawrence-alma-tadema_egyptian-chess-players-1865 +landscape,Post_Impressionism,maxime-maufra_at-sunrise-in-a-valley-brittany-1916 +religious_painting,Northern_Renaissance,jan-van-hemessen_the-mocking-of-christ +cityscape,Impressionism,camille-pissarro_the-carrousel-autumn-morning-1899 +portrait,Romanticism,joseph-wright_robert-vernon-atherton-gwillym +abstract_painting,Color_Field_Painting,claude-viallat_untitled-no-196-2001 +genre_painting,Romanticism,jehan-georges-vibert_preparations-for-the-procession +still_life,Realism,vincent-van-gogh_basket-of-potatoes-1885(1) +illustration,Art_Nouveau_Modern,edmund-dulac_the-arabian-nights-the-queen-of-the-ebony-isles +landscape,Post_Impressionism,anita-malfatti_paisagem-de-santo-amaro-1920 +religious_painting,Romanticism,paul-delaroche_the-temptation-of-s-anthony +genre_painting,Impressionism,childe-hassam_woman-cutting-roses-in-a-garden-1889 +landscape,Impressionism,lovis-corinth_menton-1913 +portrait,Realism,vasily-tropinin_portrait-of-vladimir-artemyevitch-rajewski-1846 +portrait,Romanticism,sir-lawrence-alma-tadema_anna-alma-tadema-1883 +abstract_painting,Minimalism,marcel-barbeau_m-diterran-e-1971 +cityscape,Post_Impressionism,pyotr-konchalovsky_bakhchisarai-khan-s-palace-1930-1 +portrait,Expressionism,max-beckmann_woman-with-parrot-1946 +landscape,Impressionism,willard-metcalf_flying-shadows +cityscape,Symbolism,kuzma-petrov-vodkin_old-dieppe-1925 +landscape,Post_Impressionism,viorel-marginean_the-winter-1993 +cityscape,Impressionism,alfred-sisley_the-bridge-at-moret-1893 +landscape,Impressionism,alfred-sisley_summer-at-bougival-1876 +genre_painting,Symbolism,nicholas-roerich_hunting +landscape,Symbolism,nicholas-roerich_path-to-kailas-monastery-1932 +landscape,Contemporary_Realism,fairfield-porter_girl-in-a-landscape-1965 +portrait,Rococo,fyodor-rokotov_portrait-of-prince-ivan-bariatinsky-as-a-youth +genre_painting,Romanticism,gustave-dore_barthelemi-undergoing-the-ordeal-of-fire +portrait,Art_Nouveau_Modern,felix-vallotton_portrait-of-french-poet-jules-laforgue-1898 +sketch_and_study,Post_Impressionism,henri-de-toulouse-lautrec_clown-1886 +abstract_painting,Color_Field_Painting,kenzo-okada_tanabata-1955 +cityscape,Impressionism,antoine-blanchard_porte-st-denis-winter +genre_painting,New_Realism,william-james-glackens_fruit-stand-coney-island +portrait,Baroque,ivan-nikitin_tzarina-praskovia-ioanovna-1714 +landscape,Realism,ivan-shishkin_on-the-forest-boundary-line-1878 +genre_painting,Baroque,bartolome-esteban-murillo_boys-playing-dice-1675 +still_life,Post_Impressionism,martiros-saryan_bright-flowers-1942 +landscape,Impressionism,camille-pissarro_a-part-of-groettes-pontoise-gray-weather-1875 +genre_painting,Post_Impressionism,theo-van-rysselberghe_bathers +genre_painting,Cubism,olexandr-archipenko_in-the-cafe-woman-with-cup +genre_painting,Art_Nouveau_Modern,ferdinand-hodler_reading-man +landscape,Post_Impressionism,gustave-loiseau_the-garden +portrait,Romanticism,karl-bryullov_portrait-of-a-man-from-the-tittoni-s-family(1) +abstract_painting,Abstract_Expressionism,joan-snyder_symphony-1970 +still_life,Fauvism,mary-fedden_mauve-still-life-1968 +landscape,Romanticism,ivan-aivazovsky_bay-of-naples-1845 +still_life,Realism,pyotr-konchalovsky_still-life-capercaillie-1939 +landscape,Post_Impressionism,constantine-maleas_view-of-kalavryta +religious_painting,Symbolism,nicholas-roerich_maitreya-1932 +cityscape,Northern_Renaissance,pieter-bruegel-the-elder_walls-towers-and-gates-of-amsterdam +nude_painting,Pop_Art,r.-b.-kitaj_where-the-railroad-leaves-the-sea +landscape,Post_Impressionism,paul-gauguin_coastal-landscape-from-martinique-1887 +genre_painting,Impressionism,edgar-degas_the-ballet-rehearsal-on-stage-1874 +landscape,Impressionism,claude-monet_late-afternoon-in-vetheuil +cityscape,Post_Impressionism,albert-marquet_le-havre-1911 +landscape,Rococo,thomas-gainsborough_wooded-landscape-with-a-waggon-in-the-shade +portrait,Impressionism,lovis-corinth_reading-woman +landscape,Realism,isaac-levitan_at-the-lake-como-enbankment-1894 +portrait,Early_Renaissance,filippo-lippi_portrait-of-a-woman-1440 +landscape,Ukiyo_e,katsushika-hokusai_fishing-in-the-bay-uraga +landscape,Symbolism,konstantin-somov_autumn +abstract_painting,Color_Field_Painting,pedro-calapez_lugar-19-ou-lugar-dos-pequenos-lugares-2003 +religious_painting,Mannerism_Late_Renaissance,jacopo-pontormo_noli-me-tangere-1532 +genre_painting,Realism,john-everett-millais_greenwich-pensioners-at-the-tomb-of-nelson +landscape,Impressionism,joaquã­n-sorolla_the-breakwater-of-san-sebastian-1918 +sketch_and_study,High_Renaissance,michelangelo_studies-for-the-last-judgement +religious_painting,Naive_Art_Primitivism,marc-chagall_job-in-despair-1960 +religious_painting,Mannerism_Late_Renaissance,gregorio-lopes_salom-apresentando-a-cabe-a-do-santo +cityscape,Post_Impressionism,vincent-van-gogh_drawbridge-with-lady-with-parasol-1888(1) +portrait,Art_Nouveau_Modern,raphael-kirchner_fanny-brice-1916-1 +nude_painting,Romanticism,eliseu-visconti_nu-feminino +portrait,Art_Nouveau_Modern,zinaida-serebriakova_country-girl-1906 +landscape,Expressionism,wassily-kandinsky_study-for-autumn-1909 +portrait,Realism,ilya-repin_portrait-of-vladimir-bekhterev-1913 +genre_painting,Realism,thomas-eakins_john-biglin-in-a-single-scull-1874 +portrait,Pop_Art,robert-silvers_not-detected-275042 +landscape,Symbolism,nicholas-roerich_ak-tagh-lenin-s-mountain +religious_painting,Mannerism_Late_Renaissance,el-greco_st-joseph-and-the-christ-child-1599 +portrait,Baroque,aleksey-antropov_portrait-of-archbishop-gavriil-petrov +portrait,Expressionism,oskar-kokoschka_portrait-of-commerce-counselor-ebenstein-1908 +religious_painting,Early_Renaissance,fra-angelico_the-naming-of-st-john-the-baptist-1435 +nude_painting,Post_Impressionism,henri-le-fauconnier_modele-a-la-guitare +nude_painting,Impressionism,william-james-glackens_nude-on-a-red-sofa +landscape,Realism,theodore-rousseau_solitude-park-chamagnieu +genre_painting,Baroque,isaac-van-ostade_travellers-outside-an-inn +landscape,Symbolism,konstantin-somov_landscape +landscape,Romanticism,paul-cezanne_landscape-in-the-ile-de-france-1865 +portrait,High_Renaissance,lorenzo-lotto_portrait-of-laura-da-pola-wife-of-febo-da-brescia +still_life,Contemporary_Realism,jamie-wyeth_mischief-night-1986 +religious_painting,Symbolism,james-tissot_the-egyptians-admire-sarai-s-beauty +portrait,Realism,konstantin-somov_portrait-of-mikhail-kuzmin-1909 +abstract_painting,Color_Field_Painting,frank-stella_river-of-ponds-1971 +genre_painting,Baroque,esaias-van-de-velde_winter-state-3 +portrait,Realism,ilya-repin_portrait-of-the-composer-anton-rubinstein-1887-2 +landscape,Pop_Art,hiro-yamagata_country-club-1987 +landscape,Impressionism,claude-monet_the-church-at-varengeville +landscape,Post_Impressionism,victor-pasmore_the-quiet-river-the-thames-at-chiswick-1943(1) +portrait,Realism,john-singer-sargent_etta-dunham-1895 +still_life,Synthetic_Cubism,juan-gris_the-siphon-1913 +portrait,Expressionism,zinaida-serebriakova_musicians-arab-and-negro-1928 +landscape,Realism,nicholas-roerich_italy-1907 +landscape,Impressionism,guy-rose_the-saine-valley-giverny +portrait,Art_Nouveau_Modern,ivan-bilibin_fellah-1922(1) +still_life,Cubism,pablo-picasso_our-futures-is-in-the-air-1912 +religious_painting,Northern_Renaissance,albrecht-durer_the-apostles-philip-and-james-1516 +cityscape,Post_Impressionism,maurice-utrillo_st-pierre-de-montmartre +sketch_and_study,Symbolism,nicholas-roerich_study-to-krishna-1933 +genre_painting,Impressionism,yiannis-tsaroychis_horseman-and-bather-with-house-1965 +landscape,Contemporary_Realism,jamie-wyeth_roots-1971 +religious_painting,Mannerism_Late_Renaissance,maerten-van-heemskerck_jesus-christ-crowned-with-thorns-1550 +genre_painting,Symbolism,nicholas-roerich_daughters-of-earth-1919 +sketch_and_study,Romanticism,joseph-wright_study-of-the-interior-of-glass-house +sketch_and_study,Realism,isaac-levitan_autumn-1885 +abstract_painting,Abstract_Expressionism,cy-twombly_untitled-part-viii +genre_painting,Realism,james-tissot_waiting-for-the-ferry +genre_painting,Baroque,gabriel-metsu_a-woman-seated-at-a-table-and-a-man-tuning-a-violin +portrait,Rococo,joshua-reynolds_omai-omiah +portrait,Realism,ilya-repin_reading-girl-1876 +still_life,High_Renaissance,giorgione_globe-moon-sun-astronomy-1510 +sketch_and_study,Realism,vincent-van-gogh_sien-with-child-on-her-lap-1882 +sketch_and_study,Baroque,rembrandt_a-study-for-the-great-jewish-bride +abstract_painting,Abstract_Expressionism,paul-jenkins_not_detected_235691 +genre_painting,Impressionism,maurice-prendergast_sketch-figures-on-beach-also-known-as-early-beach +landscape,Romanticism,ivan-aivazovsky_the-bay-of-naples-in-the-morning-1893 +illustration,Romanticism,gustave-dore_don-quixote-147 +landscape,Realism,ivan-shishkin_the-bark-on-the-dry-trunk-1890 +portrait,Expressionism,edvard-munch_woman-on-the-verandah-1924 +landscape,Realism,salvador-dali_landscape-near-ampurdan +sketch_and_study,Post_Impressionism,vincent-van-gogh_female-nude-seated-1886(1) +religious_painting,Romanticism,gustave-dore_david-shows-saul-how-he-spared-his-life +illustration,Art_Nouveau_Modern,aubrey-beardsley_portrait-of-himself-in-bed-1894 +still_life,Post_Impressionism,henri-matisse_still-life-15 +portrait,Impressionism,pierre-auguste-renoir_woman-reading-1906 +portrait,Expressionism,george-bouzianis_kid-eating-breakfast-1921 +landscape,Northern_Renaissance,joachim-patinir_landscape-with-the-destruction-of-sodom-and-gomorrah +landscape,Impressionism,childe-hassam_the-evening-star +cityscape,Realism,boris-kustodiev_street-in-krutogorsk-1914 +portrait,Realism,ivan-kramskoy_portrait-of-maria-fyodorovna-born-princess-dagmar-of-denmark-wife-of-russian-tsar-alexander-iii +genre_painting,Realism,anders-zorn_the-waltz-1891 +cityscape,Impressionism,claude-monet_the-palazzo-ducale-2 +landscape,Cubism,paul-cezanne_bibemus-the-red-rock-1897 +religious_painting,Symbolism,gustave-moreau_st-cecilia-the-angels-announcing-her-coming-martyrdom-1897 +portrait,Art_Nouveau_Modern,paul-mathiopoulos_girl-with-a-rose-1950 +genre_painting,Romanticism,alfred-stevens_pleasant-letter +illustration,Art_Nouveau_Modern,nicholas-roerich_vignette-for-book-n-k-roerich-1918-9 +genre_painting,Impressionism,edmund-charles-tarbell_girl-crotcheting-1904 +landscape,Impressionism,paul-signac_saint-briac-the-marker-le-cheval-1885 +still_life,Impressionism,pierre-auguste-renoir_glass-of-wine-1908 +religious_painting,Early_Renaissance,fra-angelico_marriage-of-the-virgin-1432 +abstract_painting,Abstract_Expressionism,frank-lobdell_dark-presence-iii-yellow-1963 +genre_painting,Baroque,jan-steen_harpsichord-lesson-1660 +genre_painting,Romanticism,francisco-goya_promenade-of-the-holy-office-1823 +still_life,Post_Impressionism,irma-stern_still-life-with-lillies-1957 +religious_painting,Post_Impressionism,koloman-moser_judith-and-holofernes-1916 +genre_painting,Realism,vasily-perov_before-vows +portrait,Baroque,diego-velazquez_francisco-bandres-de-abarca +sketch_and_study,Realism,vincent-van-gogh_sien-under-umbrella-with-girl-1882 +sketch_and_study,Baroque,agostino-carracci_neptune-dispersing-the-clouds-and-calming-the-tides +genre_painting,Post_Impressionism,georges-seurat_peasant-woman-seated-in-the-grass-1883 +genre_painting,Impressionism,gustave-caillebotte_the-canoes-1878 +landscape,Realism,theodore-rousseau_spring-1852 +genre_painting,Realism,vasily-vereshchagin_the-rider-in-jaipur +landscape,Symbolism,konstantin-bogaevsky_classical-landscape-1910 +portrait,Impressionism,pierre-auguste-renoir_gypsy-girl-1879 +portrait,High_Renaissance,giorgione_portrait-of-a-young-woman-laura-1506 +portrait,Expressionism,ion-nicodim_unknown-title(16) +religious_painting,Naive_Art_Primitivism,marc-chagall_solomon-praying-in-the-temple-in-presence-of-the-congregation-of-israel-i-kings-viii-23-30 +illustration,Art_Nouveau_Modern,kay-nielsen_on-the-way-to-the-dance +sketch_and_study,Realism,vincent-van-gogh_man-loading-a-cart-1885 +religious_painting,Northern_Renaissance,martin-schongauer_adoration-of-the-shepherds +genre_painting,Realism,vladimir-makovsky_at-the-porter-s-room-1893 +nude_painting,Impressionism,carlos-saenz-de-tejada_nude-girl +portrait,Expressionism,paul-klee_gauze-1940(1) +genre_painting,Baroque,rembrandt_the-woman-taken-in-adultery-1644 +landscape,Impressionism,john-henry-twachtman_path-in-the-hills-branchville-connecticut +sketch_and_study,Realism,vasily-surikov_head-of-girl +genre_painting,Impressionism,william-merritt-chase_end-of-the-season-sun +still_life,Fauvism,mary-fedden_the-moon-2009 +nude_painting,Impressionism,edgar-degas_woman-at-her-toilette-1905 +genre_painting,Impressionism,childe-hassam_rue-madeleine-place-de-l-opera +abstract_painting,Color_Field_Painting,sam-francis_untitled-edge-1964 +landscape,Realism,isaac-levitan_gray-day-1 +religious_painting,Northern_Renaissance,albrecht-durer_betrayal-of-christ-1508 +portrait,Impressionism,raoul-dufy_portrait-of-the-artist-s-sister-suzanne-dufy-1904 +abstract_painting,Abstract_Expressionism,hans-hofmann_heraldic-call-1965 +portrait,Pointillism,theo-van-rysselberghe_portrait-of-the-painter-s-uncle-1894 +genre_painting,Impressionism,childe-hassam_country-fair-new-england +abstract_painting,Abstract_Expressionism,theodoros-stamos_sentinell-iii-a-1965 +cityscape,Impressionism,william-merritt-chase_the-red-roofs-of-haarlem-aka-a-street-in-holland +sketch_and_study,Art_Nouveau_Modern,koloman-moser_kolo-middle-dolomites +cityscape,Impressionism,john-henry-twachtman_waterside-scene +genre_painting,Baroque,rembrandt_a-beggar-and-a-companion-piece-turned-to-the-left-1634 +cityscape,Impressionism,arkhip-kuindzhi_roofs-winter-1876 +religious_painting,Romanticism,gustave-dore_the-courage-of-a-mother +landscape,Realism,aleksey-savrasov_elk-island-in-sokolniki-1869-1 +portrait,Realism,vasily-surikov_girl-with-a-red-jacket-1892 +portrait,Impressionism,zinaida-serebriakova_portrait-of-boris-serebryakov-1904 +sketch_and_study,Realism,thomas-eakins_swimming-hole-sketch +still_life,Realism,guy-rose_spring-harvest-also-known-as-still-life-with-asparagus-1887 +nude_painting,Naive_Art_Primitivism,fernando-botero_the-bath +genre_painting,Impressionism,nikolay-bogdanov-belsky_ferriage +portrait,Realism,henri-de-toulouse-lautrec_bust-of-a-nude-man +still_life,Post_Impressionism,paul-cezanne_still-life-with-fruit-and-a-ginger-pot +cityscape,Impressionism,camille-pissarro_the-louvre-morning-mist-1901 +religious_painting,Baroque,rembrandt_the-entombment-1639 +landscape,Expressionism,salvador-dali_untitled-imaginary-landscape-at-pubol +genre_painting,Impressionism,william-merritt-chase_weary-aka-who-rang +landscape,Pop_Art,edward-ruscha_standard-station-1966 +landscape,Impressionism,odilon-redon_lane-of-trees +genre_painting,Symbolism,nicholas-roerich_lotus-1933 +landscape,Impressionism,camille-pissarro_view-of-eragny-1884 +cityscape,Symbolism,mstislav-dobuzhinsky_old-city-in-kaunas-1923 +landscape,Realism,felix-vallotton_villa-beaulieu-honfleur-1909 +genre_painting,Impressionism,john-singer-sargent_bivouac-1911 +nude_painting,Realism,julius-leblanc-stewart_nude-in-the-forest(1) +religious_painting,High_Renaissance,pietro-perugino_virgin-and-child-between-sts-john-the-baptist-and-catherine +portrait,Northern_Renaissance,albrecht-durer_portrait-of-a-woman-from-brussels +religious_painting,Early_Renaissance,fra-angelico_crucified-christ-with-the-virgin-st-john-the-evangelist-and-cardinal-juan-de-torquemada-1442 +landscape,Impressionism,camille-pissarro_afternoon-in-eragny-grey-weather-1900 +illustration,Romanticism,gustave-dore_don-quixote-113 +abstract_painting,Abstract_Expressionism,joan-mitchell_untitled-1969-1 +portrait,Expressionism,gerard-sekoto_blue-head +landscape,Impressionism,claude-monet_customs-house-at-varengaville +landscape,Art_Nouveau_Modern,akseli-gallen-kallela_the-lair-of-the-lynx-1906 +religious_painting,Northern_Renaissance,pieter-bruegel-the-elder_christ-carrying-the-cross-1564 +cityscape,Art_Nouveau_Modern,egon-schiele_the-small-city-dead-city-1912 +nude_painting,Impressionism,auguste-rodin_untitled(3) +landscape,Realism,ivan-shishkin_landscape +cityscape,Impressionism,claude-monet_boats-at-zaandam +portrait,Impressionism,pierre-auguste-renoir_pink-and-blue-1881 +religious_painting,Early_Renaissance,giovanni-bellini_madonna-and-child-1 +portrait,Realism,anton-azbe_portrait-of-a-girl-1888 +abstract_painting,Color_Field_Painting,gene-davis_wall-stripes-no-3-1962 +nude_painting,Impressionism,edgar-degas_after-the-bath-3 +portrait,Realism,john-everett-millais_portrait-of-gracia-lees +genre_painting,Impressionism,william-merritt-chase_portrait-of-a-woman-the-white-dress-1890 +landscape,Post_Impressionism,gustave-loiseau_a-bend-in-the-eure-1919 +cityscape,Impressionism,claude-monet_carrieres-saint-denis-1872 +portrait,Expressionism,richard-gerstl_portrait-of-mother-maria-gerstl-unfinished-1908 +genre_painting,Romanticism,william-shayer_the-half-way-house-thatcham-1848 +portrait,Fauvism,joan-miro_portrait-of-juanita-obrador +genre_painting,Realism,constantin-artachino_fishing +religious_painting,Early_Renaissance,fra-angelico_compagnia-di-san-francesco-altarpiece +abstract_painting,Color_Field_Painting,barnett-newman_not-detected-265181(1) +abstract_painting,Minimalism,brice-marden_air-water +religious_painting,Mannerism_Late_Renaissance,paolo-veronese_monk-with-a-black-boy-1558 +landscape,Romanticism,joseph-wright_sunset-on-the-coast-near-naples +landscape,Realism,pyotr-konchalovsky_kolomenskoye-after-the-rain-1930 +cityscape,Realism,alexey-bogolyubov_smolny-as-seen-from-bolshaya-okhta +landscape,Contemporary_Realism,john-miller_beach(4) +landscape,Post_Impressionism,mario-zanini_paisagem-com-ponte-1962 +portrait,Symbolism,edward-burne-jones_girl-s-head-1897 +portrait,Post_Impressionism,le-pho_portrait-of-a-vietnamese-boy +portrait,Post_Impressionism,edouard-vuillard_woman-with-black-eyebrows +abstract_painting,Abstract_Expressionism,milton-resnick_untitled +landscape,Romanticism,karl-bodmer_sioux-teepee-from-volume-1-of-travels-in-the-interior-of-north-america-1833 +portrait,Post_Impressionism,vincent-van-gogh_madame-roulin-rocking-the-cradle-a-lullaby-1889-2 +genre_painting,Northern_Renaissance,albrecht-durer_knight-and-trooper +landscape,Symbolism,nicholas-roerich_himalayas-5 +religious_painting,Northern_Renaissance,hieronymus-bosch_st-john-the-evangelist-on-patmos-reverse +portrait,Northern_Renaissance,hans-memling_young-man-at-prayer +still_life,Post_Impressionism,ilya-mashkov_still-life-with-mushrooms-1915 +sketch_and_study,Realism,vincent-van-gogh_man-and-woman-sharing-a-meal-1885 +portrait,Art_Nouveau_Modern,felix-vallotton_portrait-of-french-writer-ernest-hello-1898 +portrait,New_Realism,george-luks_old-woman +genre_painting,Baroque,isaac-van-ostade_travellers-halting-at-an-inn +abstract_painting,Minimalism,ronald-davis_pink-diamond-1966 +abstract_painting,Abstract_Expressionism,helen-frankenthaler_connected-by-joy-1970 +portrait,Expressionism,salvador-dali_head-inspired-by-michelangelo +genre_painting,Expressionism,egon-schiele_reclining-woman-with-green-stockings-adele-harms-1917 +landscape,Realism,ivan-shishkin_bee-families +portrait,Cubism,amadeo-de-souza-cardoso_head-1913 +portrait,Post_Impressionism,pablo-picasso_portrait-of-gustave-coquiot-1901-1 +landscape,Romanticism,richard-parkes-bonington_boulogne-sands-1827 +portrait,Realism,ivan-kramskoy_portrait-artist-and-photographer-of-mikhail-borisovich-tulinova-1868 +genre_painting,Ukiyo_e,kitagawa-utamaro_courtesan-applying-lip-rouge +genre_painting,Symbolism,konstantin-somov_lovers +landscape,Post_Impressionism,janos-tornyai_great-tree-at-m-rt-ly-1910 +sketch_and_study,Realism,john-singer-sargent_mrs-george-swinton-1906 +abstract_painting,Minimalism,richard-tuttle_twin-river-1965 +religious_painting,Naive_Art_Primitivism,marc-chagall_moses-and-aaron-1979 +landscape,Realism,konstantin-bogaevsky_woodland-scene +genre_painting,Art_Nouveau_Modern,wilhelm-kotarbinski_eveneing-at-the-terrace +sketch_and_study,Fauvism,kazimir-malevich_bathers-1 +portrait,Romanticism,william-holman-hunt_portrait-of-fanny-holman-hunt-1868 +abstract_painting,Abstract_Expressionism,helen-frankenthaler_flirt-1995 +sketch_and_study,Baroque,rembrandt_woman-wearing-a-costume-of-northern-holland +nude_painting,Post_Impressionism,moise-kisling_waiting-1917 +portrait,Northern_Renaissance,lucas-cranach-the-elder_portraits-of-henry-the-pious-duke-of-saxony-and-his-wife-katharina-von-mecklenburg-1514 +abstract_painting,Abstract_Expressionism,gotthard-graubner_untitled-1991 +illustration,Symbolism,harry-clarke_tales-of-mystery-and-imagination-by-edgar-allan-poe-1923-21 +abstract_painting,Color_Field_Painting,michel-carrade_unknown-title +abstract_painting,Abstract_Expressionism,paul-jenkins_not_detected_235695 +religious_painting,Symbolism,james-tissot_the-flight-of-the-prisoners +abstract_painting,Color_Field_Painting,claude-viallat_untitled-no-114-2002 +genre_painting,Impressionism,mary-cassatt_mother-rose-nursing-her-child +landscape,Realism,fyodor-vasilyev_on-the-river-calm +genre_painting,Realism,anders-zorn_breakfast-in-the-green +religious_painting,Early_Renaissance,carlo-crivelli_christ-s-prayer-on-oelber-1468 +religious_painting,Naive_Art_Primitivism,marc-chagall_moses-receiving-the-tablets-of-law-1952 +abstract_painting,Abstract_Expressionism,paul-reed_17-1964 +landscape,Symbolism,nicholas-roerich_ladakh +landscape,Impressionism,alfred-sisley_autumn-in-louveciennes-1873 +religious_painting,Northern_Renaissance,robert-campin_mourning-trinity-throne-of-god-1435 +landscape,Post_Impressionism,wu-guanzhong_love-in-fangzhuang-2002 +landscape,Post_Impressionism,emily-carr_sea-drift-at-the-edge-of-the-forest-1931 +portrait,Expressionism,ernst-ludwig-kirchner_girl-with-long-hair +portrait,Realism,giovanni-boldini_consuelo-duchess-of-marlborough-with-her-son-ivor-spencer-churchill-1906 +religious_painting,Baroque,guido-reni_saint-joseph +genre_painting,Realism,winslow-homer_the-guide +portrait,Rococo,antoine-pesne_frederick-ii-of-prussia-1750 +religious_painting,High_Renaissance,pietro-perugino_madonna-enthroned-with-st-john-the-tufer-and-st-sebastian-detail-1 +portrait,Impressionism,nikolay-bogdanov-belsky_oskar-backlund-astronomer +abstract_painting,Minimalism,paul-brach_the-negative-way-10-1964 +portrait,Realism,pavel-fedotov_portrait-of-n-p-zhdanovich-as-a-child-1847 +cityscape,Expressionism,zinaida-serebriakova_paris-luxembourg-gardens-1930 +abstract_painting,Color_Field_Painting,louis-cane_les-grilles-1976 +portrait,Realism,pablo-picasso_portrait-of-aunt-pepa-1896 +portrait,Baroque,judith-leyster_girl-with-a-straw-hat +genre_painting,Realism,klavdy-lebedev_boyar-wedding-1883 +nude_painting,Realism,pierre-auguste-renoir_lise-on-the-bank-of-the-seine-1870 +still_life,Post_Impressionism,paul-cezanne_still-life-with-plaster-cupid-1895 +genre_painting,Impressionism,edgar-degas_the-racecourse-1885 +landscape,Impressionism,sever-burada_the-way-home +portrait,Ukiyo_e,utagawa-kuniyoshi_courtesan-in-training +portrait,Expressionism,carlos-orozco-romero_mujer-con-sombrero-mu-equita +genre_painting,Impressionism,arkhip-kuindzhi_sunset-1 +landscape,Romanticism,frederic-edwin-church_aegean-sea-1877 +sketch_and_study,Realism,aleksey-savrasov_motives-of-the-russian-landscape +abstract_painting,Abstract_Expressionism,joan-miro_not_detected_227951 +portrait,Post_Impressionism,irma-stern_portrait-of-a-west-african-girl-1955 +portrait,Rococo,vladimir-borovikovsky_christina-the-peasant-woman-from-torzhok +abstract_painting,Abstract_Expressionism,jack-tworkov_q1-75-s-2-1977 +portrait,Realism,winslow-homer_autumn +landscape,Impressionism,gregoire-boonzaier_an-old-cottage-mowbray-1933 +portrait,Realism,vincent-van-gogh_head-of-a-peasant-study-for-the-potato-eaters-1885(1) +portrait,Post_Impressionism,ion-tuculescu_portrait-of-prof-ion-ciolac-1927 +genre_painting,Realism,john-singer-sargent_mosquito-nets-1908 +landscape,Impressionism,claude-monet_grainstack-at-sunset +abstract_painting,Abstract_Expressionism,brice-marden_cold-mountain-series-zen-study-6-1991 +landscape,Realism,john-henry-twachtman_view-near-polling +portrait,Baroque,antoine-pesne_portrait-of-the-crown-prince-friedrich-ludwig-of-w-rttemberg-and-his-wife-henriette-marie-of +genre_painting,Pointillism,marevna-(marie-vorobieff)_dance +genre_painting,Impressionism,peder-severin-kroyer_burmeister-and-wain-iron-foundry-1885 +portrait,Art_Nouveau_Modern,egon-schiele_standing-woman-1908 +religious_painting,Early_Renaissance,leonardo-da-vinci_virgin-of-the-rocks +religious_painting,Expressionism,salvador-dali_untitled-surrealist-angel +portrait,Rococo,antoine-pesne_portrait-of-elisabeth-christine-von-braunschweig-bevern-prussian-queen +genre_painting,Realism,winslow-homer_fishergirl-baiting-lines +sketch_and_study,Post_Impressionism,vincent-van-gogh_couple-walking(1) +genre_painting,Contemporary_Realism,eric-fischl_dancer +cityscape,Pop_Art,hiro-yamagata_not-detected-272408 +landscape,Post_Impressionism,pyotr-konchalovsky_moscow-apple-orchard-1921 +portrait,Impressionism,pierre-auguste-renoir_woman-s-head-4 +genre_painting,Expressionism,salvador-dali_untitled-scene-in-a-cabaret-in-madrid +cityscape,Post_Impressionism,pyotr-konchalovsky_rome-st-peter-s-cathedral-1924 +landscape,Romanticism,lev-lagorio_landscape-with-lake-1859 +landscape,Romanticism,marcus-larson_fishing-near-the-fjord-by-moonlight-1862 +landscape,Post_Impressionism,viorel-marginean_prim-vara-la-cenade-1979 +still_life,Post_Impressionism,karl-schrag_evening-fragrance-of-gardens +landscape,Northern_Renaissance,albrecht-altdorfer_landscape-with-a-footbridge +landscape,Expressionism,m.c.-escher_not_detected_204710 +sketch_and_study,Impressionism,pierre-auguste-renoir_portrait-of-a-little-girl +genre_painting,Impressionism,pierre-auguste-renoir_woman-with-a-parrot-henriette-darras-1871 +landscape,Abstract_Expressionism,wu-guanzhong_confucian-forest +landscape,Impressionism,mikhail-nesterov_a-tree-in-blossom-1890 +abstract_painting,Abstract_Expressionism,jean-paul-riopelle_untitled-composition-1951 +portrait,Fauvism,maurice-de-vlaminck_portrait-of-derain-1905 +sketch_and_study,Post_Impressionism,vincent-van-gogh_pine-trees-near-the-wall-of-the-asylum-1889-1 +genre_painting,Impressionism,edgar-degas_at-the-milliner-s +cityscape,Cubism,jan-sluyters_houses-in-the-jordaan +genre_painting,Impressionism,berthe-morisot_women-and-little-girls-in-a-natural-setting +sketch_and_study,Northern_Renaissance,albrecht-durer_rock-study-of-hikers +cityscape,Impressionism,claude-monet_waterloo-bridge-1901-1 +landscape,Impressionism,john-henry-twachtman_spring-stream +genre_painting,Art_Nouveau_Modern,nicholas-roerich_forest-people-1916 +genre_painting,Impressionism,pierre-auguste-renoir_the-agreement-1919 +portrait,Mannerism_Late_Renaissance,agnolo-bronzino_portrait-of-maria-de-medici-1553 +cityscape,Post_Impressionism,edouard-cortes_boulevard-de-la-madeleine-9 +landscape,Art_Nouveau_Modern,frank-johnston_autumn-algoma +genre_painting,Post_Impressionism,georges-lemmen_girl-with-doll-1904 +landscape,Realism,ivan-shishkin_landscape-cliff +landscape,Post_Impressionism,vincent-van-gogh_a-group-of-cottages-1890(1) +sketch_and_study,Realism,james-tissot_vases-of-judea-1889 +cityscape,Impressionism,cornelis-vreedenburgh_corvershof-nieuw-heerengracht +cityscape,Post_Impressionism,david-burliuk_french-town-1950 +landscape,Symbolism,nicholas-roerich_qaidam +sketch_and_study,Expressionism,paula-modersohn-becker_five-children-on-the-edge-of-the-meadow-1903 +genre_painting,Naive_Art_Primitivism,david-burliuk_horse-drawn-sleigh +abstract_painting,Color_Field_Painting,paul-feeley_untitled-august-1962 +abstract_painting,Minimalism,jean-degottex_pli-x-pli-iii +religious_painting,Northern_Renaissance,lucas-cranach-the-elder_the-crucifixion-1503-1 +landscape,Symbolism,nicholas-roerich_himalayas-1937-1 +religious_painting,Mannerism_Late_Renaissance,giorgio-vasari_immaculate-conception-center-st-eustachian-left-and-st-blaise-rigth +genre_painting,Impressionism,pierre-auguste-renoir_on-the-banks-of-the-seine-at-agenteuil-1880 +portrait,Realism,giovanni-boldini_portrait-of-mlle-de-gillespie-la-dame-de-biarritz-1912 +landscape,Expressionism,jack-bush_childhood-1955 +genre_painting,Romanticism,edward-burne-jones_song-of-love +landscape,Impressionism,pyotr-konchalovsky_belkino-birches-1907 +portrait,Naive_Art_Primitivism,kateryna-bilokur_portrait-of-farmer-tatiana-bakhmach-1933 +portrait,Post_Impressionism,felix-vallotton_portrait-of-verlaine-1902 +religious_painting,Expressionism,margareta-sterian_daughter-of-the-pharaoh +landscape,Impressionism,childe-hassam_ice-on-the-hudson +landscape,Ukiyo_e,katsushika-hokusai_the-coast-of-seven-leages-in-kamakura +landscape,Realism,isaac-levitan_moonlit-night-a-village-1897 +nude_painting,Impressionism,pierre-auguste-renoir_nude-in-a-straw-hat-1892 +genre_painting,Romanticism,adolphe-joseph-thomas-monticelli_the-meeting-of-the-elegant-ladies +landscape,Realism,isaac-levitan_view-in-plyos-1888 +still_life,Expressionism,chaim-soutine_hen-and-tomatoes +genre_painting,Expressionism,august-macke_round-dance +genre_painting,Expressionism,marc-chagall_a-group-of-people +portrait,Expressionism,dimitris-mytaras_female-figure-1 +portrait,Ukiyo_e,utagawa-kunisada_kagamiiwa-hamanosuke-sumo-wrestler +portrait,Realism,henri-fantin-latour_a-studio-in-the-batignolles-homage-to-manet-1870 +sketch_and_study,Realism,ivan-shishkin_the-tops-of-the-pines-1 +portrait,Pointillism,camille-pissarro_portrait-of-nini-1884 +cityscape,Post_Impressionism,maurice-utrillo_sacre-coeur-1 +cityscape,Impressionism,claude-monet_rouen-cathedral-portal-in-the-sun +still_life,Expressionism,georges-braque_the-green-napkin-1943 +genre_painting,Impressionism,ivan-grohar_the-sower-1907 +cityscape,Post_Impressionism,maurice-utrillo_houses-in-ouessant +portrait,Romanticism,paul-cezanne_portrait-of-an-old-man +cityscape,Impressionism,cornelis-vreedenburgh_view-on-the-amstel +genre_painting,Post_Impressionism,vanessa-bell_conversation-1916 +abstract_painting,Abstract_Expressionism,richard-pousette-dart_phoenix-presence-1967 +portrait,Baroque,le-nain-brothers_two-girls +genre_painting,Baroque,gerrit-dou_the-bible-lesson-or-anne-and-tobias +illustration,Abstract_Expressionism,henri-matisse_the-circus-1947 +portrait,Romanticism,francisco-goya_count-fernand-nunez-vii-1803 +portrait,Romanticism,ford-madox-brown_emma-hill +landscape,Post_Impressionism,constantine-maleas_aswan-of-the-nile +landscape,Post_Impressionism,karl-schrag_play-of-sunlight-jamaica +landscape,Impressionism,eugene-boudin_the-bridge-over-the-toques-at-trouville +landscape,Naive_Art_Primitivism,andre-bauchant_unknown-title +nude_painting,Expressionism,jan-sluyters_two-nudes-in-studio +religious_painting,Early_Renaissance,sandro-botticelli_christ-carrying-the-cross(1) +genre_painting,Baroque,jan-steen_dancing-couple-detail-1663-6 +landscape,Impressionism,claude-monet_argenteuil-1(1) +genre_painting,Naive_Art_Primitivism,david-burliuk_a-girl-watering-horse +cityscape,Impressionism,eugene-boudin_abbeville-street-and-the-church-of-saint-vulfran-1884 +portrait,Realism,henri-fantin-latour_adolphe-jullien-1887 +sketch_and_study,Mannerism_Late_Renaissance,paolo-veronese_venus-and-adonis-with-cupid +cityscape,Impressionism,antoine-blanchard_place-de-la-madeleine-2 +portrait,Romanticism,konstantin-makovsky_ukrainian +landscape,Realism,ivan-shishkin_forest-stream-1896 +landscape,Realism,isaac-levitan_the-lake-eventide +still_life,Symbolism,kuzma-petrov-vodkin_still-life-with-an-ashtray-1920 +landscape,Realism,ivan-shishkin_beach-mary-howe-1889 +landscape,Realism,pyotr-konchalovsky_under-the-trees-1954 +portrait,Expressionism,jury-annenkov_sergei-yesenin-russian-poet-1923 +cityscape,Romanticism,william-turner_rome-from-mount-aventine +landscape,Cubism,andre-derain_landscape-at-cadaques +abstract_painting,Abstract_Expressionism,sam-francis_untitled-sfp85-3-1985 +portrait,Baroque,diego-velazquez_young-peasant-girl-1650 +genre_painting,Baroque,jan-steen_a-village-wedding-feast-with-revellers-and-a-dancing-party +genre_painting,Impressionism,konstantin-korovin_spanish-squash-1902 +portrait,Rococo,thomas-gainsborough_the-hon-mrs-graham-1777 +nude_painting,Impressionism,childe-hassam_the-bather +portrait,Northern_Renaissance,hans-holbein-the-younger_portrait-of-dirk-tybis-1533 +portrait,Naive_Art_Primitivism,fernando-botero_pedro-on-horseback +landscape,Symbolism,nicholas-roerich_teacher-s-order-1931 +genre_painting,Impressionism,mary-cassatt_red-poppies-1880 +illustration,Realism,boris-kustodiev_lunch-at-troyekurov-1919 +landscape,New_Realism,edward-hopper_corn-hill +genre_painting,Baroque,jan-steen_dancing-couple-detail-1663-12 +religious_painting,Northern_Renaissance,lucas-cranach-the-elder_cranach-the-garden-of-gethsemane +genre_painting,Impressionism,maurice-prendergast_south-boston-pier +cityscape,Impressionism,antoine-blanchard_porte-st-denis-4 +landscape,Impressionism,eugene-boudin_pier-deauville-1869 +abstract_painting,Color_Field_Painting,theodoros-stamos_olympia-sun-box-1957 +sketch_and_study,Early_Renaissance,domenico-ghirlandaio_confirmation-of-the-rule +sketch_and_study,Symbolism,nicholas-roerich_sketch-with-the-image-of-maitreya-carved-on-a-rock +landscape,Post_Impressionism,gustave-loiseau_near-pontoise-1901 +portrait,Post_Impressionism,vincent-van-gogh_portrait-of-doctor-gachet-1890 +religious_painting,Baroque,pietro-da-cortona_return-of-hagar +landscape,Art_Nouveau_Modern,a.y.-jackson_hills-at-great-bear-lake-1953 +landscape,Post_Impressionism,paul-cezanne_mont-sainte-victoire-5 +landscape,Realism,camille-corot_la-cervara-the-roman-countryside +religious_painting,High_Renaissance,pietro-perugino_madonna-with-child-particular-detail +landscape,Realism,camille-corot_twisted-trees-on-a-ridge-sunset +genre_painting,Impressionism,camille-pissarro_peasants-carrying-straw-montfoucault-1875 +cityscape,Realism,vasily-sadovnikov_demidov-hotel-fragment-of-panorama-of-nevsky-prospect-1835 +portrait,Rococo,allan-ramsay_portrait-of-sir-john-hynde-cotton-3rd-bt +landscape,Impressionism,alfred-sisley_the-seine-at-point-du-jour-1878 +genre_painting,Northern_Renaissance,pieter-bruegel-the-elder_the-fair-at-hoboken-1559 +portrait,Naive_Art_Primitivism,david-burliuk_a-friends(1) +genre_painting,Expressionism,iosif-iser_tatar-family-1920 +landscape,Symbolism,nicholas-roerich_tibet-evening-1937 +genre_painting,Cubism,rafael-zabaleta_interior-with-nude-1956 +portrait,Art_Nouveau_Modern,jacek-malczewski_three-heads-faith +portrait,Art_Nouveau_Modern,zinaida-serebriakova_portrait-of-a-young-woman-1915 +cityscape,Post_Impressionism,anna-ostroumova-lebedeva_view-of-kislovodsk +religious_painting,Early_Renaissance,antonello-da-messina_christ +landscape,Realism,camille-corot_ravine-in-the-morvan-near-lormes-1860 +abstract_painting,Color_Field_Painting,claude-viallat_untitled-no-52-2001 +cityscape,Post_Impressionism,gustave-loiseau_port-at-dieppe-1909 +religious_painting,High_Renaissance,pietro-perugino_madonna-of-consolation-1498 +portrait,Northern_Renaissance,rogier-van-der-weyden_portrait-of-charles-the-bold-1 +genre_painting,Rococo,jean-baptiste-simeon-chardin_soap-bubbles-1735 +portrait,Baroque,rembrandt_portrait-of-a-couple-in-an-interior +sketch_and_study,High_Renaissance,michelangelo_ideal-head-of-a-woman +portrait,Baroque,rembrandt_hendrickje-at-an-open-doo-1656 +portrait,Rococo,dmitry-levitzky_catherine-ii +cityscape,Post_Impressionism,edouard-cortes_the-grands-boulevards +portrait,Post_Impressionism,ion-tuculescu_portrait-of-actress-aura-fotino-1927 +religious_painting,Naive_Art_Primitivism,marc-chagall_moses-and-the-striking-rock-1931 +genre_painting,Expressionism,ernst-ludwig-kirchner_dance-school +genre_painting,Realism,winslow-homer_for-to-be-a-farmer-s-boy +portrait,Cubism,natalia-goncharova_orange-vendor-spain +portrait,Romanticism,john-hoppner_princess-sophia-after-john-hoppner +abstract_painting,Abstract_Expressionism,sam-francis_untitled-1993 +portrait,Rococo,benjamin-west_john-eardley-wilmot-1812 +portrait,Impressionism,william-merritt-chase_lady-with-a-rose +portrait,Realism,konstantin-makovsky_portrait-of-the-girl-5 +genre_painting,Expressionism,ernst-ludwig-kirchner_life-on-the-alpine-pasture +religious_painting,Romanticism,gustave-dore_expulsion-of-ishmael-and-his-mother +nude_painting,Impressionism,lovis-corinth_female-semi-nude-with-hat-1910 +cityscape,Post_Impressionism,maurice-utrillo_square-tertre-on-montmartre +portrait,High_Renaissance,giovanni-antonio-boltraffio_portrait-of-gerolamo-casio-1495 +sketch_and_study,Northern_Renaissance,albrecht-durer_two-castles +still_life,Cubism,pablo-picasso_still-life +genre_painting,Romanticism,gustave-dore_amateur-from-garden +portrait,Expressionism,egon-schiele_two-little-girls-1911 +portrait,Impressionism,julian-alden-weir_the-blue-gown +genre_painting,Post_Impressionism,vincent-van-gogh_reaper-with-sickle-after-millet-1889 +genre_painting,Post_Impressionism,mily-possoz_untitled +abstract_painting,Abstract_Expressionism,lee-krasner_night-light-1948 +landscape,Fauvism,louis-valtat_landscape-with-violet-irises-1903 +portrait,Realism,vincent-van-gogh_head-of-a-peasant-woman-with-dark-cap-1885-6(1) +religious_painting,Symbolism,nicholas-roerich_armageddon +landscape,Realism,ivan-shishkin_forest-7 +sketch_and_study,Expressionism,jean-david_couple +landscape,Naive_Art_Primitivism,raoul-dufy_the-wheatfield-1929 +portrait,Post_Impressionism,henri-matisse_not-identified-7 +sketch_and_study,Realism,ivan-shishkin_group-of-deciduous-trees-and-stones +genre_painting,Impressionism,maurice-prendergast_a-street-in-rouen-1894 +genre_painting,Impressionism,max-liebermann_the-terrace-at-the-restaurant-jacob-in-nienstedten-on-the-elbe-1902 +landscape,Impressionism,john-singer-sargent_graveyard-in-the-tyrol-1915 +landscape,Post_Impressionism,vincent-van-gogh_cottages-and-cypresses-reminiscence-of-the-north-1890(1) +portrait,Art_Nouveau_Modern,alphonse-mucha_poster-presentation-of-andersen-s-snow-queen +genre_painting,Impressionism,edgar-degas_a-carriage-at-the-races-1872 +religious_painting,Romanticism,gustave-dore_st-peter-delivered-from-prison +portrait,Realism,william-adolphe-bouguereau_a-little-coaxing-1890 +sketch_and_study,Post_Impressionism,vincent-van-gogh_l-ecorche-and-borghese-gladiator-1887 +landscape,Symbolism,nicholas-roerich_glaciers-of-lahaul-1936 +portrait,Post_Impressionism,lovis-corinth_flora-1923 +sketch_and_study,Realism,vincent-van-gogh_sorrowing-woman-1887 +genre_painting,Realism,vladimir-makovsky_the-doss-house-1889 +illustration,Romanticism,gustave-dore_beatrice-ii +portrait,Realism,pavel-fedotov_portrait-of-second-captain-vannovsky +landscape,Impressionism,camille-pissarro_hoarfrost-1890 +landscape,Art_Nouveau_Modern,nicholas-roerich_stylites-1917 +sketch_and_study,Realism,isaac-levitan_small-village-under-the-snow +landscape,Impressionism,claude-monet_cliffs-of-the-porte-d-aval +portrait,Realism,ilya-repin_ukranian-girl-by-a-fence-1876 +portrait,Realism,giovanni-boldini_the-marquesa-de-pinar-del-rio +cityscape,Realism,vasily-vereshchagin_sinto-temple-in-nikko +landscape,Romanticism,rudolf-von-alt_the-cemetery-in-gastein-1898 +landscape,Symbolism,nicholas-roerich_himalayas-26 +landscape,Symbolism,nicholas-roerich_kereksury-1927 +genre_painting,Symbolism,nicholas-roerich_the-sacred-gift-1924 +still_life,Post_Impressionism,pyotr-konchalovsky_still-life-the-green-glass-1931 +landscape,Impressionism,augustus-john_llyn-treweryn-1912 +sketch_and_study,Realism,vasily-surikov_dancing-girls-1883 +sketch_and_study,Northern_Renaissance,albrecht-durer_the-holy-family-in-a-room +cityscape,Baroque,alexey-zubov_st-petersburg-view-of-the-peter-and-paul-fortress-1727 +genre_painting,Realism,viktor-vasnetsov_russian-proverbs-and-sayings-1867-1 +landscape,Symbolism,nicholas-roerich_himalayas-blue-mountains-1939 +genre_painting,Romanticism,francisco-goya_the-school-scene +landscape,Symbolism,nicholas-roerich_lamayuru-ladakh-1947 +landscape,Impressionism,william-merritt-chase_boat-house-prospect-park-aka-boats-on-the-lake-prospect-park +portrait,Impressionism,ion-andreescu_the-red-scarf +cityscape,Romanticism,rudolf-von-alt_ruins-of-diocletian-at-spalato-1841 +abstract_painting,Abstract_Expressionism,sam-gilliam_st-albans-1976 +illustration,Art_Nouveau_Modern,edmund-dulac_i-will-marry-you-from-beauty-and-the-beast +landscape,Impressionism,robert-julian-onderdonk_blue-bonnets-at-late-afternoon-1915 +landscape,Post_Impressionism,vincent-van-gogh_farmhouse-in-provence-1888(1) +religious_painting,High_Renaissance,raphael_the-madonna-of-the-fish-the-madonna-with-the-archangel-gabriel-and-st-jerome +religious_painting,Romanticism,gustave-dore_the-martyrdom-of-the-holy-innocents-1868 +landscape,Impressionism,john-henry-twachtman_the-boat-yard +landscape,Realism,ivan-shishkin_forest-landscape-2 +portrait,Northern_Renaissance,jean-hey_the-dauphin-charles-orlant-1494 +genre_painting,Romanticism,william-shayer_herders-resting-at-lunch +portrait,Art_Nouveau_Modern,felix-vallotton_portrait-of-french-writer-francis-poictevin-1898 +portrait,Expressionism,richard-gerstl_portrait-of-arnold-schonberg +genre_painting,Romanticism,george-stubbs_sir-john-nelthorpe-6th-baronet-out-shooting-with-his-dogs-in-barton-field-lincolnshire-1776 +portrait,Impressionism,pierre-auguste-renoir_woman-wearing-a-corset +portrait,Pop_Art,r.-b.-kitaj_mary-ann +landscape,Realism,camille-corot_ville-d-avray +religious_painting,Mannerism_Late_Renaissance,parmigianino_saint-barbara +portrait,Realism,anders-zorn_mrs-walter-bacon-1891 +landscape,Naive_Art_Primitivism,arman-manookian_coral-tree-by-black-point-honolulu-o-ahu-1930 +religious_painting,Baroque,rembrandt_the-stoning-of-st-stephen-1635 +religious_painting,Romanticism,eugene-delacroix_monk-at-prayer-1821(1) +portrait,Romanticism,konstantin-makovsky_head-of-child-portrait-of-the-son-konstantin +genre_painting,Symbolism,akseli-gallen-kallela_the-storm-1902 +portrait,Realism,giovanni-boldini_moving-to-the-bois-de-boulogene +portrait,Naive_Art_Primitivism,david-burliuk_two-sisters +illustration,Symbolism,william-blake_the-youthful-poet-s-dream-1820 +landscape,Romanticism,taras-shevchenko_pochayiv-lavra-from-the-west-1846 +landscape,Impressionism,claude-monet_poplars-autumn-pink-effect +sketch_and_study,Post_Impressionism,vincent-van-gogh_men-in-front-of-the-counter-in-a-cafe-1890 +cityscape,Post_Impressionism,maurice-utrillo_montmartre-street +religious_painting,Mannerism_Late_Renaissance,titian_ecce-homo-1 +portrait,Northern_Renaissance,albrecht-durer_sebastian-brant +abstract_painting,Abstract_Expressionism,sam-francis_straight-line-of-the-sun-l-l187-1975 +cityscape,Naive_Art_Primitivism,raoul-dufy_the-casino-of-nice-1929 +sketch_and_study,Cubism,olga-rozanova_scetch-of-the-composition-1916 +genre_painting,Impressionism,childe-hassam_twilight-aka-le-crepuscule +religious_painting,Mannerism_Late_Renaissance,tintoretto_the-assumption-of-the-virgin-1594 +religious_painting,High_Renaissance,titian_madonna-in-glory-with-the-christ-child-and-sts-francis-and-alvise-with-the-donor-1520 +genre_painting,Romanticism,henryk-siemiradzki_the-funeral-of-ruz-in-bulgar +landscape,Realism,camille-corot_windswept-landscape-1865 +abstract_painting,Abstract_Expressionism,helen-frankenthaler_untitled-1963 +genre_painting,Realism,james-tissot_in-full-sun +sketch_and_study,Symbolism,akseli-gallen-kallela_by-the-river-of-tuonela-study-for-the-jus-lius-mausoleum-frescos-1903 +portrait,Impressionism,mary-cassatt_woman-on-a-striped-with-a-dog-also-known-as-young-woman-on-a-striped-sofa-with-her-dog +still_life,Analytical_Cubism,georges-braque_violin-mozart-kubelick-1912 +landscape,Art_Nouveau_Modern,j.-e.-h.-macdonald_lake-mcarthur-yoho-park-1924 +genre_painting,Post_Impressionism,dumitru-ghiatza_at-the-edge-of-the-field-1924 +abstract_painting,Abstract_Expressionism,friedel-dzubas_untitled-1959 +portrait,Realism,nicolae-grigorescu_catinca +landscape,Impressionism,childe-hassam_a-parade-of-boats-1895 +landscape,Fauvism,charles-lapicque_paysage +portrait,Realism,edouard-manet_head-of-jean-baptiste-faure +landscape,Cubism,pyotr-konchalovsky_san-gimignano-1912 +still_life,Impressionism,paul-cezanne_still-life-with-bottles-and-apples +genre_painting,Post_Impressionism,pierre-bonnard_playing-catch-also-known-as-children-in-a-garden-1905 +cityscape,Pop_Art,hiro-yamagata_not-detected-272426 +religious_painting,Early_Renaissance,filippo-lippi_seven-saints-1450 +abstract_painting,Abstract_Expressionism,hassel-smith_up-mousehole-1962 +religious_painting,Baroque,rembrandt_the-denial-of-peter-1660 +illustration,Romanticism,gustave-dore_satan-s-flight-through-chaos +portrait,Early_Renaissance,paolo-uccello_portrait-of-a-young-man-1440 +portrait,Expressionism,amedeo-modigliani_jeanne-hebuterne-1919-1 +portrait,Romanticism,alfred-stevens_women-s-harp +landscape,Realism,m.c.-escher_snow +portrait,Pop_Art,patrick-procktor_seated-figures-1967 +landscape,Realism,ivan-shishkin_crimean-view-near-yalta-1879 +sketch_and_study,Realism,vasily-vereshchagin_beating-the-fiances-of-penelope-returning-ulysses-1862 +portrait,Romanticism,pavel-svinyin_the-chief-of-the-little-osages +abstract_painting,Color_Field_Painting,theodoros-stamos_infinity-field-creten-series-rizitika-4-1983 +landscape,Ukiyo_e,katsushika-hokusai_inume-pass-in-the-kai-province +abstract_painting,Color_Field_Painting,mark-rothko_untitled-4 +landscape,Romanticism,john-crome_moonrise-on-the-yare-1816 +portrait,Naive_Art_Primitivism,fernando-botero_mona-lisa +abstract_painting,Abstract_Expressionism,helen-frankenthaler_seeing-the-moon-on-a-hot-summer-day-1987 +religious_painting,Northern_Renaissance,jan-van-eyck_the-ghent-altar-detail-1432-7 +sketch_and_study,Mannerism_Late_Renaissance,jacopo-pontormo_four-evangelists +religious_painting,Baroque,peter-paul-rubens_descent-from-the-cross-centre-panel-1614 +sketch_and_study,Post_Impressionism,vincent-van-gogh_interior-of-a-farm-with-two-figures-1890 +genre_painting,Cubism,jacques-villon_girl-at-the-piano-fillette-au-piano-1912 +nude_painting,Expressionism,lucian-freud_naked-portrait-1 +genre_painting,Realism,vasily-surikov_menshikov-in-berezovo-1883 +portrait,Rococo,antoine-pesne_frederick-the-great-as-crown-prince +still_life,Realism,nikolay-bogdanov-belsky_still-life +portrait,Impressionism,valentin-serov_portrait-of-the-writer-leonid-andreev-1907 +genre_painting,Impressionism,edgar-degas_three-dancers-1 +abstract_painting,Color_Field_Painting,gene-davis_hot-beat-1964 +religious_painting,Northern_Renaissance,dirk-bouts_martyrdom-of-st-hippolytus-the-central-panel-from-st-hippolytus-triptych-1475 +sketch_and_study,Realism,charles-francois-daubigny_low-tide-on-the-coast +cityscape,Impressionism,john-henry-twachtman_san-trovaso-square-venice +portrait,Baroque,peter-paul-rubens_charles-v-in-armour +portrait,Realism,william-merritt-chase_hattie +abstract_painting,Color_Field_Painting,jack-youngerman_blueglide-1972 +portrait,Pointillism,theo-van-rysselberghe_denise-marechal-1892 +portrait,Baroque,diego-velazquez_the-infanta-margarita-teresa-of-spain-in-a-red-dress-1653 +cityscape,Cubism,paul-klee_villa-r-1919(2) +still_life,Post_Impressionism,paul-gauguin_bouquet-of-flowers-with-a-window-open-to-the-sea-reverse-of-hay-making-in-brittany-1888 +portrait,Impressionism,samuel-mutzner_al-turi-de-mama-1925 +landscape,Impressionism,childe-hassam_a-fisherman-s-cottage +sketch_and_study,Realism,vasily-surikov_don-cossack-rjidin-study-to-the-conquest-of-siberia-by-yermak +genre_painting,Impressionism,childe-hassam_ten-pound-island +genre_painting,Post_Impressionism,emmanuel-zairis_the-old-egg-seller +sketch_and_study,Romanticism,nikolaos-gyzis_draft-of-arts-and-spirits +cityscape,Impressionism,joaquã­n-sorolla_view-of-plascencia-1917 +religious_painting,Art_Nouveau_Modern,nicholas-roerich_archangel-michael-1907 +cityscape,Realism,vasily-polenov_jerusalem-from-the-west-jaffa-gate-and-the-citadel-1882 +portrait,Expressionism,amedeo-modigliani_jeanne-hebuterne-in-front-of-a-door-1919 +religious_painting,Baroque,rembrandt_christ-before-pilate-1636 +illustration,Art_Nouveau_Modern,nicholas-roerich_vignette-for-book-n-k-roerich-1918-21 +still_life,Fauvism,walasse-ting_blue-vase-many-flowers +landscape,Symbolism,j.-e.-h.-macdonald_early-morning-rocky-mountains +illustration,Art_Nouveau_Modern,nicholas-roerich_vignette-for-book-n-k-roerich-1918-19 +abstract_painting,Color_Field_Painting,morris-louis_horizontal-viii-1962 +genre_painting,Impressionism,paul-cezanne_breakfeast-in-the-outside +genre_painting,Rococo,giovanni-domenico-tiepolo_the-winter-walk-from-the-room-of-the-gothic-pavilion-in-the-foresteria-1757 +sketch_and_study,Realism,vincent-van-gogh_marsh-with-water-lillies-1881 +nude_painting,Symbolism,odilon-redon_nude-begonia-and-heads +still_life,Fauvism,mary-fedden_chinese-teapot-1989 +landscape,Impressionism,gustave-caillebotte_willows-by-the-yerres +genre_painting,Impressionism,edgar-degas_ballet-at-the-paris-opera-1877 +genre_painting,Symbolism,pablo-picasso_boy-with-a-dog-1905 +portrait,Baroque,peter-paul-rubens_two-young-women-with-a-dog +portrait,Realism,ilya-repin_portrait-of-romanov +portrait,Ukiyo_e,hiroshige_the-poet-ariwara-no-narihira +portrait,Art_Nouveau_Modern,paul-mathiopoulos_portrait-of-a-seated-girl +sketch_and_study,Realism,vincent-van-gogh_workman-beside-a-mound-of-peat-and-a-peat-boat-with-two-figures-1883 +landscape,Northern_Renaissance,albrecht-altdorfer_the-battle-of-issus-fragment-1529-1 +religious_painting,Symbolism,nicholas-roerich_maitreya-tibet-1937 +landscape,Impressionism,john-henry-twachtman_country-path +sketch_and_study,Symbolism,arnold-bã¶cklin_triton-and-nereid-1877 +portrait,Impressionism,pierre-auguste-renoir_seated-woman-in-a-blue-dress-1915 +illustration,Romanticism,gustave-dore_the-mountain-s-foot +religious_painting,Art_Nouveau_Modern,nicholas-roerich_saviour-almighty-and-saints-1906-1 +cityscape,Romanticism,cornelis-springer_the-construction-of-two-gasholders-for-the-hollandsche-gazfabriek-on-the-schans-1847 +landscape,Impressionism,camille-pissarro_morning-sunlighton-the-snow-eragny-sur-epte-1895 +genre_painting,Symbolism,salvador-dali_seated-figure-contemplating-a-great-tapeworm-masturbator +cityscape,Art_Nouveau_Modern,anna-ostroumova-lebedeva_neva-through-the-columns-of-the-exchange-1908 +sketch_and_study,High_Renaissance,leonardo-da-vinci_drawing-of-the-torso-and-the-arms +religious_painting,Naive_Art_Primitivism,marc-chagall_david-with-his-harp-1956 +sketch_and_study,Post_Impressionism,henri-de-toulouse-lautrec_man-in-a-shirt-from-behind-1888 +portrait,Baroque,anthony-van-dyck_diana-cecil-countess-of-oxford-1638 +portrait,Rococo,benjamin-west_sir-joseph-banks-1773 +religious_painting,Northern_Renaissance,jan-provoost_virgin-and-child +religious_painting,Northern_Renaissance,rogier-van-der-weyden_virgin-and-child-1 +cityscape,Impressionism,camille-pissarro_the-pont-boieldieu-rouen-damp-weather-1896 +landscape,Post_Impressionism,pierre-bonnard_the-mediterranean-centre-of-triptych +landscape,Realism,camille-corot_pond-with-a-large-tree +portrait,Romanticism,john-hoppner_the-frankland-sisters-1795 +illustration,Romanticism,gustave-dore_second-assault-of-jerusalem-by-the-crusaders-repulsed-1877 +landscape,Post_Impressionism,maxime-maufra_the-ark-of-port-blanc-the-isle-of-presq-quiberon +abstract_painting,Color_Field_Painting,morris-louis_beta-delta-1961 +illustration,Romanticism,gustave-dore_don-quixote-9 +religious_painting,Early_Renaissance,piero-della-francesca_st-sebastian-and-john-the-baptist(1) +nude_painting,Expressionism,lucian-freud_after-breakfast +landscape,Impressionism,hoca-ali-riza_unknown-title +portrait,Realism,martiros-saryan_portrait-of-a-i-alikhanov +portrait,Cubism,fernand-leger_the-study-for-the-city-centre-1927 +cityscape,Realism,james-tissot_supposed-site-of-the-temple-1889 +landscape,Realism,camille-pissarro_landscape-at-le-varenne-saint-hilaire +portrait,Romanticism,orest-kiprensky_portrait-of-golitsyna +religious_painting,Early_Renaissance,andrea-mantegna_the-descent-into-hell-1468 +cityscape,Impressionism,claude-monet_boats-at-rouen +landscape,Romanticism,ivan-aivazovsky_view-of-yalta-1867 +cityscape,Romanticism,william-turner_rome-from-monte-testaccio +portrait,Realism,ilya-repin_portrait-of-the-artist-ivan-kramskoy-1882 +religious_painting,Early_Renaissance,giovanni-bellini_transfiguration-of-christ +religious_painting,Baroque,mestre-ataã­de_anjos-detail +religious_painting,Northern_Renaissance,hans-memling_virgin-and-child-in-a-rose-garden-with-two-angels +nude_painting,Romanticism,eliseu-visconti_primavera +religious_painting,High_Renaissance,lorenzo-lotto_stories-of-st-barbara-1524 +abstract_painting,Abstract_Expressionism,rafa-nasiri_untitled-1972 +portrait,Romanticism,camille-corot_mademoiselle-de-foudras-1872 +genre_painting,Naive_Art_Primitivism,william-h.-johnson_classroom-scene-1946 +portrait,Impressionism,berthe-morisot_at-the-ball-1875 +landscape,Realism,pyotr-konchalovsky_in-the-garden-sunny-day-1932 +sketch_and_study,Post_Impressionism,paul-gauguin_head-of-a-woman +genre_painting,Realism,eugene-boudin_beach-scene-trouville-1863-1 +cityscape,Impressionism,john-singer-sargent_venice-the-prison +genre_painting,Cubism,ernst-ludwig-kirchner_harnessed-team +landscape,Realism,martiros-saryan_cliff-in-the-slope-of-aragats-1958 +sketch_and_study,Realism,ivan-shishkin_in-sestroretsk +genre_painting,Realism,pavel-fedotov_gamblers +portrait,Realism,john-singer-sargent_general-officers-of-world-war-i-1922 +portrait,Naive_Art_Primitivism,fernando-botero_the-captain +portrait,Impressionism,lucia-demetriade-balacescu_unknown-title-3 +portrait,Mannerism_Late_Renaissance,tintoretto_portrait-of-a-man-2 +portrait,Realism,ilya-repin_portrait-of-the-artist-viktor-vasnetsov-1882 +portrait,Impressionism,helene-schjerfbeck_old-woman-1907 +still_life,Baroque,francisco-de-zurbaran_still-life +landscape,Impressionism,eugene-boudin_plougastel-the-ferry-passage-1870 +portrait,Expressionism,zinaida-serebriakova_prince-felix-yusupov-1925 +portrait,Realism,vasily-perov_head-of-a-kirgiz-convict-1873 +religious_painting,Symbolism,odilon-redon_saint-sebastian-1910 +religious_painting,Early_Renaissance,bartolome-bermejo_christ-leading-the-patriarchs-to-the-paradise-detail-1480 +nude_painting,Expressionism,frantisek-kupka_the-little-girl-with-a-ball-1908 +genre_painting,Romanticism,fyodor-bronnikov_carnival-in-rome-1860 +abstract_painting,Abstract_Expressionism,sam-francis_untitled-sf218s-1976 +portrait,Romanticism,jan-matejko_boleslaus-i +religious_painting,Early_Renaissance,benozzo-gozzoli_the-raising-of-lazarus-detail +portrait,Cubism,vladimir-tatlin_the-fishmonger-1911 +still_life,Pop_Art,roy-lichtenstein_still-life-with-dossier-1976 +genre_painting,Art_Nouveau_Modern,aubrey-beardsley_a-repetition-of-tristan-und-isolde-1896 +portrait,Rococo,allan-ramsay_portrait-of-queen-charlotte-1762 +genre_painting,Naive_Art_Primitivism,edith-vonnegut_hot +still_life,Cubism,georges-braque_napkin-knife-and-pore-1908 +portrait,Baroque,rembrandt_portrait-of-hendrickje-stoffels-1659 +abstract_painting,Abstract_Expressionism,sam-francis_untitled +religious_painting,Mannerism_Late_Renaissance,el-greco_st-dominic-praying +still_life,Realism,robert-brackman_an-etude-in-gray-2 +landscape,Post_Impressionism,pyotr-konchalovsky_silver-poplar-trees-1919 +landscape,Contemporary_Realism,mostafa-dashti_untitled-1989(3) +abstract_painting,Expressionism,pierre-alechinsky_stars-and-disasters-astres-et-d-sastres-1969-1(4) +still_life,Realism,martin-johnson-heade_still-life-with-apple-blossoms-in-a-nautilus-shell-1870 +landscape,Naive_Art_Primitivism,jean-hugo_constant-idoux +portrait,Expressionism,bui-xuan-phai_portrait +genre_painting,Rococo,pietro-longhi_early-morning-chocolate +sketch_and_study,Ukiyo_e,katsushika-hokusai_drawing-of-man-seated-with-left-leg-resting-over-right-knee +cityscape,Impressionism,childe-hassam_saint-mark-s-in-the-bowery +portrait,Romanticism,jan-matejko_casimir-the-restorer +portrait,Baroque,adriaen-van-ostade_a-baker +genre_painting,Cubism,candido-portinari_o-painel-tiradentes-1948 +religious_painting,Romanticism,gustave-dore_the-creation-of-light +landscape,Symbolism,nicholas-roerich_moon-over-monastery-in-mountains +portrait,Symbolism,odilon-redon_portrait-of-ari-redon-in-profile +cityscape,Art_Nouveau_Modern,egon-schiele_landscape-at-krumau-1916 +abstract_painting,Abstract_Expressionism,cy-twombly_untitled-part-v +landscape,Symbolism,konstantin-bogaevsky_romantic-landscape +still_life,Impressionism,adam-baltatu_still-life-with-red-pot-and-apples +genre_painting,Post_Impressionism,maurice-prendergast_outer-harbor +portrait,Baroque,anthony-van-dyck_portrait-of-a-gentleman-1624 +landscape,Baroque,rembrandt_the-vista-1652 +portrait,Mannerism_Late_Renaissance,paolo-veronese_lucretia +genre_painting,Realism,george-catlin_sioux-war-council +abstract_painting,Abstract_Expressionism,conrad-marca-relli_steel-grey-1959 +genre_painting,Baroque,david-teniers-the-younger_the-old-man-and-the-maid +genre_painting,Realism,vasily-vereshchagin_cannon-1883 +religious_painting,Post_Impressionism,maurice-denis_the-road-to-calvary +abstract_painting,Color_Field_Painting,olivier-debre_pale-jaune +landscape,Realism,aleksey-savrasov_oaks-on-the-shore-1867 +religious_painting,Mannerism_Late_Renaissance,cristovao-de-figueiredo_sant-ssima-trindade-1530 +landscape,Symbolism,nicholas-roerich_the-holiest-thang-la-1939 +portrait,Impressionism,joaquã­n-sorolla_an-arab-examining-a-pistol-1881 +genre_painting,High_Renaissance,andrea-mantegna_the-family-of-ludovico-gonzaga +portrait,Ukiyo_e,utagawa-kuniyoshi_the-actor-21 +portrait,Post_Impressionism,augustus-john_the-girl-on-the-cliff-1936 +abstract_painting,Color_Field_Painting,leon-berkowitz_big-blue +landscape,Symbolism,nicholas-roerich_himalayas-1947-2 +landscape,Naive_Art_Primitivism,raoul-dufy_landscape-of-esterel-1926 +genre_painting,Impressionism,henri-de-toulouse-lautrec_princeteau-in-his-studio-1881 +abstract_painting,Minimalism,conrad-marca-relli_summer-suite-f-1970 +landscape,Impressionism,camille-pissarro_gizors-new-section +nude_painting,Impressionism,edgar-degas_after-the-bath-1884 +portrait,Impressionism,pierre-auguste-renoir_andree-in-blue-andree-heurschling +landscape,Impressionism,laszlo-mednyanszky_fishing-on-the-tisza-1880 +religious_painting,Romanticism,gustave-dore_saul-and-the-witch-of-endor-1866 +sketch_and_study,Realism,pyotr-konchalovsky_sketch-of-composition-for-the-painting-bathing-cavalry-1928 +landscape,Pointillism,henri-edmond-cross_untitled +landscape,Expressionism,sidney-nolan_carcase-in-swamp-1955 +cityscape,Impressionism,antoine-blanchard_quai-st-michel-notre-dame +still_life,Post_Impressionism,grace-cossington-smith_pumpkin-leaves-drooping-1926 +portrait,Impressionism,pierre-auguste-renoir_the-little-school-boy-1879 +still_life,Fauvism,ilya-mashkov_still-life-with-bottle-jug-and-fruit +genre_painting,Impressionism,ferdinand-hodler_prayer-in-the-saint-pierre-cathedral-in-geneva-1882 +genre_painting,Expressionism,ossip-zadkine_backstage-at-the-casino-de-paris +sketch_and_study,Realism,vincent-van-gogh_stooping-woman-in-landscape-1883 +abstract_painting,Abstract_Expressionism,jack-tworkov_blue-note-1959 +sketch_and_study,Romanticism,dante-gabriel-rossetti_the-bower-meadow-study-study-of-dancing-girls-1872 +genre_painting,Rococo,jean-honore-fragonard_the-blind-man-s-bluff-game +landscape,Contemporary_Realism,neil-welliver_trees-reflected-on-ice +sketch_and_study,Art_Nouveau_Modern,nicholas-roerich_vernicle-1934 +landscape,Impressionism,claude-monet_the-pave-de-chailly +genre_painting,Romanticism,adolphe-joseph-thomas-monticelli_three-friends +genre_painting,Expressionism,pablo-picasso_the-bread-carrier-1905 +still_life,Rococo,jean-baptiste-simeon-chardin_the-instruments-of-music-calendar-1767 +portrait,Realism,john-singer-sargent_george-frederick-mccorquodale-1902 +portrait,Impressionism,karoly-ferenczy_gardeners-1891 +cityscape,Impressionism,paul-signac_le-havre-with-rain-clouds-1922 +religious_painting,Northern_Renaissance,jan-van-eyck_adoration-of-the-lamb-1429 +portrait,Post_Impressionism,pyotr-konchalovsky_portrait-of-an-art-critic-v-a-nikolsky-1933 +portrait,Realism,julius-leblanc-stewart_portrait-of-a-woman-1908(1) +landscape,Contemporary_Realism,neil-welliver_base-of-falls +landscape,Realism,aleksey-savrasov_forest-road-in-sokolniki +landscape,Realism,vincent-van-gogh_farmhouses-in-loosduinen-near-the-hague-at-twilight-1883(1) +portrait,Expressionism,amedeo-modigliani_portrait-of-jean-cocteau-1917 +genre_painting,Expressionism,ernst-ludwig-kirchner_dancer-1912 +genre_painting,Rococo,george-morland_bargaining-for-sheep-1794 +sketch_and_study,Symbolism,nicholas-roerich_sketch-of-lamp-and-tsar-cannon-for-rimsky-korsakovs-opera-1919 +genre_painting,Impressionism,camille-pissarro_cowherd-1883 +genre_painting,Expressionism,ernst-ludwig-kirchner_playing-children +genre_painting,Impressionism,edgar-degas_two-dancers-resting +portrait,Symbolism,odilon-redon_the-golden-cell-1892 +genre_painting,Realism,vincent-van-gogh_girl-in-the-woods-1882(1) +genre_painting,Expressionism,margareta-sterian_seals-in-the-arena +landscape,Post_Impressionism,natalia-goncharova_pink-light +genre_painting,Symbolism,nicholas-roerich_burning-the-darkness-1924 +portrait,Early_Renaissance,domenico-ghirlandaio_giovanna-tornabuoni-and-her-accompaniment +nude_painting,Baroque,rembrandt_nude-man-seated-before-a-curtain-1646 +landscape,Post_Impressionism,karl-schrag_palm-trees-gray-and-yellow-sky +cityscape,Realism,vincent-van-gogh_congregation-leaving-the-reformed-church-in-nuenen-1884(1) +religious_painting,Northern_Renaissance,hans-memling_virgin-and-child-enthroned-with-two-angels-1490 +cityscape,Impressionism,pierre-auguste-renoir_the-piazza-san-marco-1881 +illustration,Romanticism,gustave-dore_don-quixote-28 +sketch_and_study,Symbolism,martiros-saryan_ararat-in-clouds-1971 +genre_painting,Northern_Renaissance,pieter-bruegel-the-elder_summer-1568 +landscape,Impressionism,henry-herbert-la-thangue_ligurian-bridle-path-1920 +portrait,Impressionism,giovanni-boldini_the-divine-in-blue +portrait,Rococo,thomas-gainsborough_portrait-of-john-hobart-2nd-earl-of-buckinghamshire-1784 +genre_painting,Ukiyo_e,katsushika-hokusai_geisha-reading-a-book +genre_painting,Impressionism,mary-cassatt_the-banjo-lesson-1894 +genre_painting,Impressionism,john-singer-sargent_black-tent-1906 +religious_painting,Baroque,peter-paul-rubens_the-supper-at-emmaus +portrait,Northern_Renaissance,albrecht-durer_head-of-a-woman-1 +abstract_painting,Abstract_Expressionism,joan-snyder_song-cycle-4-2011 +landscape,Art_Nouveau_Modern,gustav-klimt_park-1910 +portrait,Baroque,aleksey-antropov_portrait-of-tsar-peter-i +portrait,Early_Renaissance,sandro-botticelli_woman-with-attributes-of-saint-catherine-so-called-catherina-sforza-sandro-botticelli-1475(1) +cityscape,Realism,claude-monet_the-garden-of-the-princess-1867 +portrait,Art_Nouveau_Modern,wilhelm-kotarbinski_pigeons +religious_painting,High_Renaissance,correggio_adoration-of-the-christ-child(2) +landscape,Impressionism,paul-cezanne_factories-near-mont-de-cengle +genre_painting,Expressionism,kathe-kollwitz_germany-s-children-starve-1924 +sketch_and_study,Naive_Art_Primitivism,marc-chagall_moses-receiving-the-tablets-of-law-3 +genre_painting,Impressionism,edgar-degas_the-dancing-class-1874 +landscape,Realism,isaac-levitan_mountains-crimea-1886 +landscape,Realism,gustave-courbet_the-valley-of-the-loue-in-stormy-weather-1849 +landscape,Symbolism,nicholas-roerich_himalayas-1947-5 +landscape,Romanticism,ivan-aivazovsky_oreanda-1858 +sketch_and_study,Realism,boris-kustodiev_portrait-s-p-podyachev-1926 +portrait,High_Renaissance,titian_the-bravo +illustration,Naive_Art_Primitivism,marc-chagall_tchitchikov-s-arrival-to-town-n +cityscape,New_Realism,edward-hopper_early-sunday-morning +abstract_painting,Color_Field_Painting,morris-louis_number-99-1960 +landscape,Pointillism,henri-edmond-cross_cypresses +illustration,Art_Nouveau_Modern,aubrey-beardsley_how-king-mark-and-sir-dinadan-heard-sir-palomides-i +genre_painting,Impressionism,edgar-degas_dancers-4 +cityscape,Impressionism,camille-pissarro_boulevard-montmartre-spring-rain-1897 +landscape,Northern_Renaissance,albrecht-altdorfer_the-battle-of-issus-fragment-1529-6 +still_life,Impressionism,pierre-auguste-renoir_jug-1 +abstract_painting,Color_Field_Painting,paul-jenkins_phenomena-wind-arch +religious_painting,Baroque,rembrandt_christ-raises-jairus +landscape,Impressionism,t.-c.-steele_in-the-whitewater-valley-near-metamora-1894 +landscape,Pointillism,georges-seurat_the-watering-can-1883 +landscape,Impressionism,arkhip-kuindzhi_a-birch-grove-2 +portrait,Expressionism,chronis-botsoglou_mutilhnios-psaras +landscape,Impressionism,robert-julian-onderdonk_bluebonnets-late-afternoon +cityscape,Cubism,marc-chagall_the-blue-house-1917 +genre_painting,Impressionism,joaquã­n-sorolla_valencia-beach-fisherwomen-1919 +genre_painting,Realism,john-lewis-krimmel_philadelphia-election-day-1815 +portrait,Expressionism,jury-annenkov_portrait-of-zinoviev-1926 +genre_painting,Naive_Art_Primitivism,niko-pirosmani_religious-holiday-in-kartli-central-georgia +nude_painting,Art_Nouveau_Modern,aubrey-beardsley_adulterer-1897 +religious_painting,High_Renaissance,cima-da-conegliano_doubting-thomas-with-st-magnus +cityscape,Impressionism,claude-monet_the-railroad-station-at-argenteuil +portrait,Realism,konstantin-somov_portrait-a-somova-mikhailova-1 +genre_painting,Impressionism,nicolae-grigorescu_peasant-sewing-by-the-window +landscape,Post_Impressionism,maxime-maufra_landscape-1902 +landscape,Symbolism,nicholas-roerich_himalayas-22 +sketch_and_study,Impressionism,pierre-auguste-renoir_young-girl-in-a-flowered-hat-1905 +landscape,Impressionism,julian-alden-weir_the-grey-trellis-1891 +nude_painting,Abstract_Expressionism,brett-whiteley_nude-at-basin-1963 +portrait,Expressionism,pablo-picasso_portrait-of-diaghilev-and-seligsberg-1917 +landscape,Abstract_Expressionism,wu-guanzhong_fishes-1986 +nude_painting,Naive_Art_Primitivism,arman-manookian_hawaiian-figure-1930 +sketch_and_study,Post_Impressionism,pyotr-konchalovsky_forging-of-buffalo-study-1927 +cityscape,New_Realism,edward-hopper_queensborough-bridge +portrait,Realism,john-singer-sargent_mrs-benjamin-kissam-1888 +portrait,Art_Nouveau_Modern,boris-kustodiev_sailor-and-his-girl-1926 +religious_painting,Early_Renaissance,benozzo-gozzoli_procession-of-the-magi-1461 +genre_painting,Romanticism,alphonse-mucha_the-printing-of-the-bible-of-kralice-in-ivancice-1914 +landscape,Post_Impressionism,maurice-prendergast_salem-massachusetts +genre_painting,Realism,boris-kustodiev_on-the-balcony-1922 +sketch_and_study,Romanticism,orest-kiprensky_view-from-the-window-1807 +religious_painting,Northern_Renaissance,albrecht-durer_illustration-to-revelationes-sancte-birgitte-1500-1 +genre_painting,Ukiyo_e,keisai-eisen_dinner-and-love-on-the-river-1840 +cityscape,Romanticism,taras-shevchenko_cathedral-of-ascension-in-pereiaslav-1845 +portrait,Post_Impressionism,pyotr-konchalovsky_portrait-of-the-composer-sergei-prokofiev-1934 +religious_painting,Northern_Renaissance,hans-memling_the-last-judgment-triptych-left-wing-the-blessed-at-the-gate-to-heaven-paradise-with-the-st-1470 +portrait,Expressionism,amedeo-modigliani_paul-guillaume-1916 +abstract_painting,Color_Field_Painting,gene-davis_untitled-1962-1 +still_life,Expressionism,august-macke_still-life-with-bowl-of-apples-and-japanese-fan +landscape,Impressionism,claude-monet_arriving-at-montegeron(1) +genre_painting,Post_Impressionism,maurice-prendergast_gloucester-harbor +portrait,Realism,john-singer-sargent_mrs-walter-bacon-virginia-purdy-barker-1896 +genre_painting,Baroque,rembrandt_the-skater-1639 +landscape,Naive_Art_Primitivism,tarsila-do-amaral_obra-tarsila-do-amaral +religious_painting,Symbolism,gustave-moreau_the-fiancee-of-the-night-the-song-of-songs +religious_painting,Baroque,jacob-jordaens_saint-john-the-baptist +still_life,Naive_Art_Primitivism,maria-primachenko_ukrainian-dough-looks-into-every-house-1977 +landscape,Impressionism,edgar-degas_beach-at-ebbe-1870 +still_life,Post_Impressionism,constantin-piliuta_boughs-without-leaves-1995 +religious_painting,Naive_Art_Primitivism,marc-chagall_moses-with-the-tablets-of-the-law-1961 +portrait,Realism,ilya-repin_portrait-of-vasily-kirillovich-syutayev-1882 +still_life,Cubism,roger-de-la-fresnaye_smoking-in-the-shelter-1918 +cityscape,Post_Impressionism,edouard-cortes_new-bridge +portrait,Baroque,diego-velazquez_aesop-1640 +landscape,Romanticism,john-crome_sailing-barges +abstract_painting,Color_Field_Painting,mark-rothko_not_detected_242131 +portrait,Expressionism,pablo-picasso_portrait-of-child-1951 +religious_painting,Romanticism,francisco-goya_the-burial-of-christ-1772 +genre_painting,Baroque,pieter-de-hooch_company-making-music +cityscape,Expressionism,saul-steinberg_railway-1951 +genre_painting,Impressionism,gustave-caillebotte_the-house-painters-1877 +illustration,Romanticism,gustave-dore_the-sinews-of-war +landscape,Symbolism,koloman-moser_landscape-in-semmering-with-view-of-rax +genre_painting,Naive_Art_Primitivism,william-h.-johnson_knitting-party-1942(1) +abstract_painting,Abstract_Expressionism,joan-miro_the-birth-of-day +genre_painting,Romanticism,karl-bodmer_crow-indians-plate-13-from-volume-1-of-travels-in-the-interior-of-north-america-1843 +portrait,Rococo,maurice-quentin-de-la-tour_portrait-of-alexandre-jean-joseph-le-riche-de-la-pouplini-re +landscape,Symbolism,nicholas-roerich_karelian-landscape-rocky-seashore-1917 +portrait,Post_Impressionism,henri-matisse_portrait-of-margurite-sleeping +genre_painting,Post_Impressionism,pierre-bonnard_the-bourgeois-afternoon-or-the-terrasse-family-1900 +sketch_and_study,Realism,vincent-van-gogh_head-of-a-woman-1885 +abstract_painting,Expressionism,ilka-gedo_the-march-of-triangles-1981 +genre_painting,Impressionism,henri-martin_farmer-1920 +landscape,Post_Impressionism,paul-gauguin_the-large-tree-1889 +landscape,Realism,ivan-shishkin_on-the-mountain-castel-near-alushta-1879 +sketch_and_study,Impressionism,valentin-serov_portrait-of-princess-polina-shcherbatova-1911 +cityscape,Post_Impressionism,pierre-bonnard_boats-in-port-at-low-tide-1905 +landscape,Impressionism,alfred-sisley_the-seine-at-argenteuil-1872 +still_life,Pop_Art,andy-warhol_after-the-party +portrait,Romanticism,lev-lagorio_kozma-prutkov +landscape,Impressionism,alfred-sisley_near-moret-sur-loing-1881 +abstract_painting,Abstract_Expressionism,aki-kuroda_untitled-2008-1 +abstract_painting,Color_Field_Painting,jose-guerrero_yellow-1987 +landscape,Impressionism,alfred-sisley_the-seine-with-the-institute-of-france +cityscape,Expressionism,ernst-ludwig-kirchner_tram-and-rail +portrait,Baroque,diego-velazquez_queen-isabel-of-bourbon-equestrian-1635 +portrait,Romanticism,karl-bryullov_portrait-of-p-v-basin-1 +landscape,Expressionism,jean-paul-lemieux_route-15-1965 +landscape,Impressionism,constantine-maleas_landscape-with-tree-and-mosque-in-the-background +portrait,Expressionism,lucian-freud_baby-on-a-green-sofa-1961 +abstract_painting,Abstract_Expressionism,william-baziotes_night-form-1947 +landscape,Romanticism,ivan-aivazovsky_the-coast-at-amalfi-1841 +portrait,Impressionism,paul-gauguin_portrait-of-philibert-favre-1885 +cityscape,Impressionism,claude-monet_waterloo-bridge-sunlight-effect-5 +landscape,Expressionism,ion-pacea_peisaj +cityscape,Realism,vasily-polenov_corner-of-the-medieval-city-with-a-wall-1889 +portrait,Realism,vladimir-makovsky_portrait-of-the-artist-illarion-mikhailovich-pryanishikov-1883 +genre_painting,Realism,james-tissot_partie-carree-1870 +religious_painting,Realism,nikolai-ge_last-supper +portrait,Cubism,hans-richter_portrait-of-dora-rukser-1927 +genre_painting,Romanticism,ivan-aivazovsky_the-wedding-of-the-poet-in-ancient-greece-1886 +portrait,Expressionism,paula-modersohn-becker_the-painter-with-camellia-branch-self-portrait-1907 +religious_painting,Northern_Renaissance,mabuse_holy-family +religious_painting,Symbolism,george-frederick-watts_the-death-of-cain +portrait,Early_Renaissance,antonello-da-messina_portrait-of-a-man +landscape,Impressionism,guy-rose_the-blue-pool-near-mt-whitney +landscape,Impressionism,claude-monet_the-effect-of-fog-near-dieppe +illustration,Symbolism,william-blake_illustration-to-milton-s-comus-1820 +genre_painting,Art_Nouveau_Modern,aubrey-beardsley_the-bathers +sketch_and_study,Post_Impressionism,henri-martin_study-of-young-farmers +genre_painting,Rococo,thomas-gainsborough_rocky-coastal-scene-1781 +portrait,Mannerism_Late_Renaissance,paolo-veronese_nobleman-in-hunting-attire-1561 +portrait,Early_Renaissance,benozzo-gozzoli_procession-of-the-magus-caspar-detail-1461-4 +genre_painting,Expressionism,henri-matisse_the-dance-1933 +portrait,Rococo,carl-ludwig-johann-christineck_portrait-of-an-unknown-woman +sketch_and_study,Realism,theodore-rousseau_the-plain-of-barbizon +sketch_and_study,Post_Impressionism,vincent-van-gogh_bird-s-eye-view-of-saint-remy-1889(1) +cityscape,Rococo,bernardo-bellotto_venice-veduta +religious_painting,Mannerism_Late_Renaissance,jacopo-pontormo_mary-with-christ-child-and-saints-1514 +genre_painting,Realism,edouard-manet_the-exposition-universelle-1867 +portrait,Realism,john-everett-millais_james-wyatt-and-his-granddaughter-mary +portrait,Art_Nouveau_Modern,felix-vallotton_portrait-of-jean-ajalbert-1899 +landscape,Post_Impressionism,maurice-de-vlaminck_the-clearing-at-valmondoiis +still_life,Post_Impressionism,paul-cezanne_still-life-bottle-of-rum-1890 +cityscape,Realism,john-singer-sargent_a-window-in-the-vatican-1906 +nude_painting,Expressionism,ernst-ludwig-kirchner_two-nude-girls +landscape,Symbolism,nicholas-roerich_lake-in-the-mountains-1943 +portrait,Expressionism,ernst-ludwig-kirchner_woman-in-a-green-blouse +illustration,Naive_Art_Primitivism,oskar-kokoschka_not_detected_235927 +abstract_painting,Minimalism,mira-schendel_untitled-1984 +illustration,Symbolism,william-blake_illustration-to-dante-s-divine-comedy +genre_painting,Post_Impressionism,jacques-villon_autre-temps +portrait,Expressionism,kees-van-dongen_woman-with-green-stockings-1905 +sketch_and_study,Realism,vincent-van-gogh_vicarage-and-church-at-etten-1876 +nude_painting,Expressionism,amedeo-modigliani_reclining-nude-1917 +cityscape,Expressionism,martiros-saryan_a-street-constantinople-1910-1 +portrait,Post_Impressionism,moise-kisling_portrait-of-jean-cocteau-1916 +landscape,Cubism,joan-miro_not_detected_227965 +religious_painting,Early_Renaissance,filippo-lippi_madonna-enthroned-with-saints +genre_painting,Romanticism,karl-bryullov_forced-to-swim-1852(1) +cityscape,Post_Impressionism,edouard-cortes_place-du-theatre-de-la-comedie-francaise +cityscape,Post_Impressionism,vincent-van-gogh_the-tarascon-diligence-1888 +portrait,Romanticism,francisco-goya_st-gregory-the-great-1797 +portrait,Romanticism,john-hoppner_william-lock +portrait,Realism,ilya-repin_andriy-kot-1880 +sketch_and_study,Realism,vincent-van-gogh_peasant-woman-planting-beets-2-1885 +landscape,Impressionism,camille-pissarro_thaw-pontoise-1872 +religious_painting,Northern_Renaissance,jan-van-eyck_virgin-and-child-with-st-michael-st-catherine-and-a-donor-1437 +portrait,Impressionism,mary-cassatt_margot-in-white-1902 +illustration,Naive_Art_Primitivism,martiros-saryan_illustration-to-armenian-folk-tales-1937-4 +landscape,Realism,martiros-saryan_landscape-1964 +portrait,Baroque,aleksey-antropov_portrait-of-a-mistress-agrippina-leontyevna-apraksina +religious_painting,High_Renaissance,lorenzo-lotto_st-jerome-in-the-desert +still_life,Post_Impressionism,pyotr-konchalovsky_still-life-pipes-1931 +portrait,Baroque,rembrandt_portrait-of-the-artist-at-his-easel-detail-of-the-face-1660 +religious_painting,Mannerism_Late_Renaissance,el-greco_apostle-st-thomas +still_life,Baroque,jean-baptiste-simeon-chardin_wild-rabbit-with-game-bag-and-powder-flask-1730 +landscape,Realism,aleksey-savrasov_night-1894 +landscape,Post_Impressionism,ferdynand-ruszczyc_wieczor-wilejka +abstract_painting,Color_Field_Painting,gene-davis_monet-s-garden-1980 +portrait,Expressionism,theo-van-doesburg_abraham-kuyper-1910 +landscape,Realism,ivan-shishkin_forest-river +landscape,Realism,isaac-levitan_at-twilight-river-istra-1885 +genre_painting,Impressionism,edgar-degas_russian-dancers-3 +portrait,Expressionism,amedeo-modigliani_portrait-of-anna-zborowska-1919 +portrait,Romanticism,john-collier_the-child-bride-1883 +religious_painting,Northern_Renaissance,albrecht-durer_the-presentation-of-christ-in-the-temple-1505 +still_life,Baroque,cornelis-norbertus-gysbrechts_trompe-l-oeil-with-studio-wall-and-vanitas-still-life-1668 +genre_painting,Impressionism,mary-cassatt_maternal-caress-1896 +genre_painting,Naive_Art_Primitivism,kazimir-malevich_argentine-polka-1911 +cityscape,Baroque,pieter-de-hooch_courtyard-of-a-house-in-delft-1658 +landscape,Impressionism,claude-monet_roses-in-the-hoshede-s-garden-at-montregon +landscape,Naive_Art_Primitivism,kateryna-bilokur_collective-farmer-1949 +religious_painting,High_Renaissance,andrea-mantegna_the-resurrection-of-christ +genre_painting,Impressionism,konstantin-korovin_summer-evening-on-the-porch-1922 +nude_painting,Post_Impressionism,eduardo-viana_nu-1925 +landscape,Expressionism,zinaida-serebriakova_village-neskuchnoye-kursk-province-1916 +religious_painting,Mannerism_Late_Renaissance,el-greco_marriage-at-cana +illustration,Symbolism,william-blake_beatrice +landscape,Impressionism,john-henry-twachtman_the-inlet +portrait,Baroque,rembrandt_old-man-1 +landscape,Realism,johan-hendrik-weissenbruch_ship-canal +genre_painting,Baroque,jan-steen_doctor-s-visit-1662 +portrait,Romanticism,francisco-goya_general-jose-de-palafox-1814 +portrait,Romanticism,camille-corot_madame-stumpf-and-her-daughter-1872 +portrait,Impressionism,edgar-degas_melancholy-1874 +landscape,Romanticism,albert-bierstadt_green-mountains-vermont +religious_painting,Northern_Renaissance,hans-baldung_adam-and-eve-1520 +still_life,Baroque,frans-snyders_still-life-with-dead-game-fruits-and-vegetables-in-a-market +landscape,Impressionism,t.-c.-steele_the-muscatatuck-1898 +portrait,Realism,boris-kustodiev_portrait-of-d-f-bogoslovsky-1900 +genre_painting,Impressionism,frederic-remington_an-assault-on-his-dignity-1906 +landscape,Impressionism,gustave-caillebotte_farmer-s-house-in-trouville +genre_painting,Realism,vincent-van-gogh_woman-with-kettle-by-the-fireplace-1885 +landscape,Symbolism,nicholas-roerich_himalayas-1938 +still_life,Post_Impressionism,irma-stern_still-life-with-anthuriums-and-fruit-1961 +landscape,Expressionism,fred-williams_red-landscape +cityscape,Realism,vasily-surikov_seville-1910 +genre_painting,Impressionism,pierre-auguste-renoir_young-woman-reading-an-illustrated-journal +abstract_painting,Minimalism,alex-hay_raw-wood-2003 +genre_painting,Romanticism,dante-gabriel-rossetti_the-blue-closet-1857 +landscape,Impressionism,alfred-sisley_frost-in-louveciennes-1873 +genre_painting,Symbolism,konstantin-somov_promenade-after-rain-1 +portrait,Romanticism,david-wilkie_king-george-iv +religious_painting,Expressionism,emil-nolde_jesus-christ-and-the-sinner-1926 +portrait,Pop_Art,robert-silvers_guernica-photomosaic-mounted-on-aluminum +genre_painting,Impressionism,pierre-auguste-renoir_laundresses +genre_painting,Romanticism,osman-hamdi_two-young-girls-visiting-a-shrine-1890 +portrait,Impressionism,pierre-auguste-renoir_girl-in-a-lace-hat-1891 +portrait,Realism,john-singer-sargent_charles-deering +portrait,Romanticism,gheorghe-tattarescu_ion-gr-di-teanu +religious_painting,High_Renaissance,lorenzo-lotto_the-story-of-st-barbara-and-st-alvise-1524 +landscape,Expressionism,martiros-saryan_mottled-landscape-1924 +landscape,Realism,salvador-dali_rocks-on-the-coast-lyane +religious_painting,Romanticism,edward-burne-jones_angeli-laudantes +genre_painting,Art_Nouveau_Modern,sergey-solomko_waiting +landscape,Post_Impressionism,paul-cezanne_the-trees-of-jas-de-bouffan-in-spring +religious_painting,High_Renaissance,lorenzo-lotto_madonna-of-the-rosary-1539 +landscape,Symbolism,nicholas-roerich_himalayas-chain-of-kanchenjunga-1936 +sketch_and_study,Realism,ivan-shishkin_oak-on-the-shore-of-the-gulf-of-finland-1857 +cityscape,Mannerism_Late_Renaissance,el-greco_view-of-toledo(1) +landscape,Post_Impressionism,paul-cezanne_farmyard-at-auvers +cityscape,Romanticism,franz-richard-unterberger_fishermen-on-the-terrace +genre_painting,Post_Impressionism,suzanne-valadon_casting-the-net-1914 +cityscape,Romanticism,maxim-vorobiev_view-of-moscow +landscape,Impressionism,isaac-levitan_garden-in-yalta-cypress-trees-1886 +landscape,Realism,aleksey-savrasov_early-spring-1876 +abstract_painting,Abstract_Expressionism,geta-bratescu_frontispice-for-unwritten-love-poem-1987 +landscape,Impressionism,camille-pissarro_autumn-path-through-the-woods-1876 +landscape,Impressionism,t.-c.-steele_morning-the-sheep +illustration,Art_Nouveau_Modern,carlos-saenz-de-tejada_don-juan-tenorio +illustration,Naive_Art_Primitivism,marc-chagall_illustration-for-louis-aragon-s-work-one-who-says-things-without-saying-anything-1976-12 +genre_painting,Romanticism,mykola-pymonenko_a-date +genre_painting,Romanticism,sir-lawrence-alma-tadema_from-an-absent-one-1871 +genre_painting,Symbolism,konstantin-somov_lady-and-harlequin-fireworks +landscape,Art_Nouveau_Modern,gustav-klimt_garden-with-roosters +illustration,Symbolism,theodor-severin-kittelsen_soria-moria-slott-1911 +landscape,Post_Impressionism,oleksandr-bogomazov_landscape-with-red-houses-1911 +sketch_and_study,Post_Impressionism,henri-de-toulouse-lautrec_two-half-naked-women-seen-from-behind-in-the-rue-des-moulins-brothel-1894 +abstract_painting,Abstract_Expressionism,paul-jenkins_not_detected_235708 +landscape,Impressionism,pierre-auguste-renoir_landscape-in-the-sun-1881 +illustration,Romanticism,gustave-dore_tumult-and-escape +genre_painting,Expressionism,charles-demuth_the-boat-ride-from-sorrento-1919 +portrait,Impressionism,mary-cassatt_marie-therese-gaillard-1894 +genre_painting,Rococo,william-hogarth_married-to-an-old-maid +cityscape,Post_Impressionism,edouard-cortes_the-place-de-opera +portrait,Realism,ilya-repin_peasant-girl-1880 +genre_painting,Romanticism,karl-bodmer_a-blackfoot-indian-on-horseback-plate-19-from-volume-1-of-travels-in-the-interior-of-north-1843 +sketch_and_study,Art_Nouveau_Modern,nicholas-roerich_coast-ledenets-1919-1 +landscape,Romanticism,johann-koler_the-artist-s-birthplace-1863 +portrait,Realism,william-adolphe-bouguereau_the-snack +landscape,Romanticism,taras-shevchenko_valley-on-the-khiva-road-1851-1 +cityscape,Romanticism,rudolf-von-alt_holy-trinity-greek-church-vienna +genre_painting,Art_Nouveau_Modern,sergey-solomko_meeting-2 +portrait,Romanticism,henry-raeburn_portrait-of-david-anderson +landscape,Pointillism,theo-van-rysselberghe_the-valley-of-the-sambre-1890 +genre_painting,Baroque,adriaen-brouwer_two-peasants +cityscape,Impressionism,childe-hassam_summer-at-cos-cob +landscape,Post_Impressionism,gustave-loiseau_in-the-woods +genre_painting,Art_Nouveau_Modern,sergey-solomko_song-without-words +portrait,Impressionism,pierre-auguste-renoir_girl-with-falcon-1882 +still_life,Naive_Art_Primitivism,max-ernst_shells-and-flowers +genre_painting,Impressionism,childe-hassam_the-table-garden +landscape,Realism,eugene-boudin_view-from-the-camaret-heights-1873 +cityscape,Impressionism,claude-monet_the-old-rue-de-la-chaussee-argenteuil +abstract_painting,Minimalism,agnes-martin_untitled-no-1-1981 +portrait,Realism,ivan-vladimirov_sister-of-mercy +landscape,Post_Impressionism,vincent-van-gogh_undergrowth-1887 +genre_painting,Northern_Renaissance,pieter-bruegel-the-elder_three-soldiers-1558 +landscape,Post_Impressionism,vincent-van-gogh_olive-trees-1889 +abstract_painting,Minimalism,luciano-bartolini_untitled-1981 +landscape,Art_Nouveau_Modern,boris-kustodiev_after-the-storm-1921 +portrait,Realism,vasily-surikov_portrait-of-n-p-passek-1887 +genre_painting,Impressionism,konstantin-korovin_buying-a-dagger-1889 +genre_painting,Expressionism,kathe-kollwitz_not_detected_235972 +nude_painting,Romanticism,sir-lawrence-alma-tadema_in-the-tepidarium-1881 +still_life,Baroque,mario-nuzzi_glowers-in-a-sculpted-vase-on-a-stone-plinth +landscape,Impressionism,gregoire-boonzaier_shanty-town +portrait,Expressionism,paul-klee_the-signatories-to-the-window-the-artist-at-the-window-1909(1) +still_life,Expressionism,mary-fedden_still-life-with-onions-1987 +still_life,Post_Impressionism,vincent-van-gogh_a-pair-of-leather-clogs-1888(1) +cityscape,New_Realism,yiannis-tsaroychis_cafe-neon-at-night-1965 +landscape,Post_Impressionism,gustave-loiseau_by-the-eure-river-in-spring-1902 +portrait,Realism,ivan-kramskoy_portrait-of-alexandr-griboyedov +portrait,Baroque,anthony-van-dyck_thomas-wentworth-1st-earl-of-strafford-in-an-armor-1639 +sketch_and_study,Realism,vasily-polenov_the-head-of-a-young-woman-in-a-white-veil +landscape,Symbolism,nicholas-roerich_snowy-peaks-at-sunset-1945 +cityscape,Romanticism,thomas-cole_the-course-of-empire-the-consummation-of-the-empire-1836 +illustration,Symbolism,william-blake_the-lovers-whirlwind-1827 +landscape,Impressionism,max-slevogt_under-an-arbour-1901 +genre_painting,Realism,ilya-repin_preparation-for-the-examination-1864 +sketch_and_study,Realism,vincent-van-gogh_seated-woman-1885 +religious_painting,Northern_Renaissance,lucas-cranach-the-elder_feast-of-herod-1539 +portrait,Mannerism_Late_Renaissance,sofonisba-anguissola_infantin-isabella-clara-eugenia-1573 +portrait,Expressionism,amedeo-modigliani_portrait-of-a-woman-with-a-white-collar-1919 +cityscape,Impressionism,john-singer-sargent_base-of-a-palace-1904 +portrait,Realism,john-singer-sargent_h-r-h-the-duchess-of-connaught-and-strathearn-princess-louisa-margaret-alexandra-victoria-agnes-1908 +cityscape,Post_Impressionism,pyotr-konchalovsky_novgorod-anthony-the-roman-1925-1 +portrait,Art_Nouveau_Modern,zinaida-serebriakova_portrait-of-a-a-cherkesovoy-benoit-and-his-son-alexander-1922 +sketch_and_study,Realism,vincent-van-gogh_orphan-man-with-cap-seen-from-the-back-1882 +genre_painting,Realism,andrei-ryabushkin_in-a-village-going-to-liturgy +landscape,Realism,vincent-van-gogh_landscape-with-a-farm-1883 +portrait,Early_Renaissance,pietro-perugino_portrait-of-lorenzo-di-credi +religious_painting,Northern_Renaissance,albrecht-durer_adam-and-eve-1504-1 +abstract_painting,Abstract_Expressionism,atsuko-tanaka_89m-1989 +religious_painting,Mannerism_Late_Renaissance,el-greco_christ-driving-the-traders-from-the-temple-1576 +cityscape,Impressionism,alfred-sisley_platz-in-argenteuil-1872 +genre_painting,Baroque,gabriel-metsu_the-sleeping-sportsman-1659 +genre_painting,Impressionism,berthe-morisot_the-bowl-of-milk +portrait,Realism,vasily-perov_portrait-of-the-painter-alexey-savrasov +illustration,Naive_Art_Primitivism,marc-chagall_disputation-of-pliushkin-and-mavra +still_life,Expressionism,chaim-soutine_the-table +genre_painting,Realism,constantin-guys_officers-of-the-guard +genre_painting,Expressionism,ernst-ludwig-kirchner_dancer-in-a-blue-skirt +abstract_painting,Color_Field_Painting,sean-scully_untitled-1983 +portrait,Ukiyo_e,keisai-eisen_rejected-geisha-from-passions-cooled-by-springtime-snow-1825(1) +landscape,Post_Impressionism,milton-avery_vermont-hills-1936 +cityscape,Realism,johan-hendrik-weissenbruch_city-view +religious_painting,Northern_Renaissance,pieter-bruegel-the-elder_triptych +portrait,Post_Impressionism,henri-matisse_lorette-with-turban-and-yellow-vest-1917 +portrait,Impressionism,matej-sternen_primo-trubar +abstract_painting,Minimalism,fernando-lanhas_o32-60-1960 +abstract_painting,Abstract_Expressionism,hans-hofmann_goliath-1960 +landscape,Impressionism,john-henry-twachtman_harbor-scene-1 +cityscape,Impressionism,james-mcneill-whistler_note-in-gold-and-silver-dordrecht +cityscape,Impressionism,john-henry-twachtman_venice-1 +cityscape,Romanticism,rudolf-von-alt_a-view-of-monreale-above-palermo +portrait,Romanticism,karl-bryullov_v-a-musin-pushkin +portrait,Romanticism,george-frederick-watts_jane-senior-1858(1) +genre_painting,Naive_Art_Primitivism,david-burliuk_tea-party-1960 +genre_painting,Impressionism,maurice-prendergast_viewing-the-ships-1896 +portrait,Symbolism,mikhail-vrubel_portrait-of-m-v-yakunchikova +cityscape,Impressionism,childe-hassam_new-york-late-afternoon-winter +cityscape,Impressionism,julian-alden-weir_willimantic-thread-factory-1893 +portrait,Realism,andrei-ryabushkin_beginner +portrait,Northern_Renaissance,hans-holbein-the-younger_portrait-of-edward-vi-as-a-child +landscape,Impressionism,childe-hassam_cotysville +still_life,Realism,theodore-gericault_head-of-a-drowned-man +portrait,Naive_Art_Primitivism,fernand-leger_composition-with-two-sailors-1951 +portrait,Realism,boris-kustodiev_women-1902 +portrait,Expressionism,rafael-zabaleta_seated-boy-1 +genre_painting,Romanticism,karl-bryullov_confession-of-an-italian-woman-1830(1) +landscape,Romanticism,thomas-cole_a-tornado-in-the-wilderness-1835 +portrait,Realism,alexey-venetsianov_head-of-an-old-peasant +sketch_and_study,Realism,vincent-van-gogh_the-public-soup-kitchen-1883-1 +landscape,Impressionism,pierre-auguste-renoir_the-test-garden-in-algiers-1882 +genre_painting,Realism,mihaly-munkacsy_churning-woman-1873 +landscape,Realism,pyotr-konchalovsky_the-tops-of-the-birches-1940 +sketch_and_study,Northern_Renaissance,albrecht-durer_studies-on-a-great-picture-of-the-virgin-madonna-and-child-saints-and-angels-playing +landscape,Realism,ivan-shishkin_on-the-kama-near-yelabuga-1885 +portrait,Realism,pyotr-konchalovsky_portrait-of-konstantin-mikhailovich-simonov-1950 +genre_painting,Realism,konstantin-makovsky_on-the-square-in-ivanovo-congress-nizhny-novgorod-kremlin +illustration,Romanticism,gustave-dore_paradise-lost-9 +landscape,Realism,johan-hendrik-weissenbruch_dune +portrait,Baroque,william-hogarth_portrait-of-lord-george-graham-in-his-saloon +illustration,Early_Renaissance,fra-angelico_glorification-of-saint-dominic +illustration,Art_Nouveau_Modern,nicholas-roerich_vignette-for-book-n-k-roerich-1918-24 +still_life,Post_Impressionism,pyotr-konchalovsky_still-life-with-a-candlestick-and-a-pear-1940 +religious_painting,Symbolism,arnold-bã¶cklin_the-deposition +genre_painting,Impressionism,guy-rose_on-the-river-s-edge-1910 +still_life,Impressionism,alfred-sisley_grapes-and-walnuts-1876 +landscape,Cubism,theo-van-doesburg_tree-1916 +religious_painting,Symbolism,henri-fantin-latour_the-birth-of-christ +portrait,Realism,john-singer-sargent_mrs-archibald-douglas-dick-nee-isabelle-parrott-1886 +illustration,Art_Nouveau_Modern,aubrey-beardsley_design-for-a-frontispiece-to-virgilius-the-sorcerer +still_life,Impressionism,paul-cezanne_still-life-post-bottle-cup-and-fruit +sketch_and_study,Symbolism,kuzma-petrov-vodkin_men-s-head-1921 +sketch_and_study,Baroque,diego-velazquez_study-for-the-head-of-apollo-1630 +illustration,Expressionism,lynd-ward_not-detected-272515 +landscape,Post_Impressionism,pyotr-konchalovsky_krylatskoye-mist-1923 +landscape,Post_Impressionism,gustave-loiseau_landscape-of-seine-et-oise-1906 +genre_painting,Impressionism,john-singer-sargent_two-girls-with-parasols-at-fladbury-1889 +portrait,Baroque,frans-hals_catharina-hooft-with-her-nurse +abstract_painting,Abstract_Expressionism,joan-mitchell_hemlock-1956(1) +portrait,Expressionism,amedeo-modigliani_paul-guillaume-1915 +landscape,Impressionism,paul-gauguin_the-queen-s-mill-1881 +genre_painting,Art_Nouveau_Modern,pablo-picasso_seated-fat-clown-1905 +portrait,Pop_Art,andy-warhol_man-ray +abstract_painting,Action_painting,franz-kline_untitled-1957-1 +abstract_painting,Color_Field_Painting,morris-louis_ambi-i-1960 +landscape,Realism,camille-corot_a-rising-path +genre_painting,Art_Nouveau_Modern,filipp-malyavin_two-girls-1910 +landscape,Post_Impressionism,gustave-loiseau_trees-in-bloom +genre_painting,Expressionism,ernst-ludwig-kirchner_design-for-the-banquet-hall-in-essen-1933-1 +cityscape,Impressionism,eugene-boudin_entrance-to-the-harbor-1889 +portrait,Realism,vincent-van-gogh_head-of-a-woman-12 +portrait,Realism,david-burliuk_marusia-portrait-of-the-artist-s-wife-1928 +genre_painting,Naive_Art_Primitivism,david-burliuk_gypsies-with-horse +genre_painting,Realism,vincent-van-gogh_woman-grinding-coffee-1881 +portrait,Post_Impressionism,roger-bissiã¨re_woman-in-a-straw-hat-1920 +genre_painting,Baroque,johannes-vermeer_the-art-of-painting +landscape,Impressionism,childe-hassam_sunset-isle-of-shoals +sketch_and_study,Northern_Renaissance,albrecht-durer_river-landscape +portrait,Rococo,joshua-reynolds_catherine-lady-bampfylde +landscape,Impressionism,zinaida-serebriakova_window-1910 +religious_painting,High_Renaissance,correggio_madonna-and-child-with-saint-francis-1514 +portrait,Impressionism,pierre-auguste-renoir_young-girl-wearing-a-red-hat-1913 +genre_painting,Realism,vasily-vereshchagin_kalmyk-chapel-1870 +religious_painting,Symbolism,gustave-moreau_woman-and-panther-salome-and-the-panther +sketch_and_study,Realism,vincent-van-gogh_town-d-avray-l-etang-au-batelier-1875 +cityscape,Symbolism,nicholas-roerich_and-we-are-opening-the-gates-1922-1 +landscape,Romanticism,joseph-wright_italian-landscape +landscape,Realism,vasily-polenov_the-ghosts-of-hellas +landscape,Post_Impressionism,pyotr-konchalovsky_fir-trees-by-the-river +portrait,Romanticism,john-william-waterhouse_portrait-of-miss-claire-kenworthy +abstract_painting,Abstract_Expressionism,atsuko-tanaka_1980-d4-1980 +portrait,Impressionism,william-merritt-chase_lady-in-black +portrait,Romanticism,konstantin-makovsky_parisienne-in-pearl-necklace +genre_painting,High_Renaissance,vittore-carpaccio_two-venetian-ladies +abstract_painting,Color_Field_Painting,leon-berkowitz_untitled-1977(1) +religious_painting,Northern_Renaissance,jean-fouquet_the-coronation-of-the-virgin +genre_painting,Expressionism,martiros-saryan_persia-1913 +illustration,Art_Nouveau_Modern,aubrey-beardsley_arthur-and-the-strange-mantle +landscape,Impressionism,pierre-auguste-renoir_entering-the-village-of-essoyes-1901 +landscape,Impressionism,alfred-sisley_footpath-in-the-gardens-at-by +sketch_and_study,Northern_Renaissance,hans-holbein-the-younger_lady-elyot +genre_painting,Post_Impressionism,georges-seurat_study-with-figures-study-for-la-grande-jatte-1885 +sketch_and_study,Realism,theodore-rousseau_boat-near-a-shore-lined-with-trees +still_life,Baroque,jean-baptiste-simeon-chardin_the-left-overs-of-a-lunch-also-called-the-silver-goblet +genre_painting,Rococo,george-morland_gypsy-encampment-1795 +abstract_painting,Color_Field_Painting,mark-rothko_yellow-band +sketch_and_study,Post_Impressionism,vincent-van-gogh_fishing-boats-at-sea-1888(1) +landscape,Impressionism,claude-monet_the-garden-gate-at-vetheuil-1 +portrait,Impressionism,pierre-auguste-renoir_young-woman-in-a-blue-and-pink-striped-shirt-1875 +genre_painting,Post_Impressionism,pyotr-konchalovsky_vissarion-a-shoemaker-at-work-1926 +genre_painting,Realism,giovanni-boldini_the-summer-stroll +landscape,Naive_Art_Primitivism,horace-pippin_maple-sugar-season-1941 +landscape,Realism,m.c.-escher_old-olive-tree-corsica +genre_painting,Impressionism,berthe-morisot_griffon-dog-s-head-follette +portrait,Post_Impressionism,augustus-john_girl-leaning-on-a-stick-1910 +portrait,Romanticism,jan-matejko_sigismund-ii-august +portrait,Realism,ion-andreescu_portrait-of-woman-in-a-costume-1882 +cityscape,Expressionism,spyros-papaloukas_monastery +nude_painting,Realism,henri-fantin-latour_small-brunette-bather-1884 +abstract_painting,Abstract_Expressionism,willem-de-kooning_untitled-7 +sketch_and_study,Realism,vincent-van-gogh_peasant-woman-head +religious_painting,Early_Renaissance,fra-angelico_st-romuald-1440 +landscape,Cubism,louis-marcoussis_composition-au-coquillage-1940 +cityscape,Impressionism,henri-martin_the-bridge-on-the-river +cityscape,Realism,m.c.-escher_san-michele-dei-frisone-rome +cityscape,Expressionism,ernst-ludwig-kirchner_view-of-basel-and-the-rhine-1928 +genre_painting,Baroque,gerard-terborch_portrait-of-a-man-reading +genre_painting,Art_Nouveau_Modern,henri-de-toulouse-lautrec_at-the-nouveau-cirque-the-dancer-and-five-stuffed-shirts-1891 +still_life,Cubism,pablo-picasso_crane-book-and-oil-lamp-1946 +genre_painting,Expressionism,candido-portinari_mulher-com-filho-morto +portrait,Realism,valentin-serov_portrait-of-mikhail-morozov-1902 +religious_painting,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 +still_life,Cubism,pablo-picasso_untitled-1920-2 +landscape,Realism,koloman-moser_blooming-flowers-with-garden-fence +genre_painting,Symbolism,nicholas-roerich_pearl-of-searching-1924 +nude_painting,Fauvism,william-h.-johnson_female-nude-with-red-hair-seated-on-pillows-1940 +genre_painting,Ukiyo_e,utagawa-kunisada_yoshiwara +landscape,Romanticism,caspar-david-friedrich_eldena +still_life,Cubism,henri-matisse_the-pinapple-1948 +nude_painting,Symbolism,lovis-corinth_witches-1897 +landscape,Romanticism,eugene-delacroix_the-porte-d-amont-etretat-1849(1) +landscape,Impressionism,pierre-auguste-renoir_the-greenhouse-1876 +nude_painting,Realism,alexey-venetsianov_bather +religious_painting,Mannerism_Late_Renaissance,paolo-veronese_assumption-1558 +abstract_painting,Minimalism,robert-mangold_ellow-black-zone-painting-iv-1996 +cityscape,Impressionism,camille-pissarro_sunrise-at-rouen-1898 +portrait,Impressionism,pierre-auguste-renoir_woman-on-a-staircase +still_life,Rococo,jean-baptiste-simeon-chardin_duck-with-an-olive-jar-1764 +genre_painting,Ukiyo_e,katsushika-hokusai_a-woman-makes-a-cursing-ritual-ceremony +portrait,Post_Impressionism,nicolae-tonitza_three-brothers-the-painter-s-children-1920 +illustration,Art_Nouveau_Modern,aubrey-beardsley_how-sir-launcelot-was-known-by-dame-elaine-i +cityscape,Impressionism,antoine-blanchard_place-de-la-bastiile-1 +abstract_painting,Action_painting,jackson-pollock_number-1-lavender-mist(1) +landscape,Realism,aleksey-savrasov_by-evening-1886 +cityscape,Impressionism,camille-pissarro_the-pont-boieldieu-rouen-sunset-misty-weather-1896 +landscape,Impressionism,winston-churchill_village-house-in-southern-france +landscape,Realism,johan-hendrik-weissenbruch_a-farm-on-the-waterfront +abstract_painting,Abstract_Expressionism,frank-stella_giuf-e-la-berretta-rossa-state-ii-1989 +genre_painting,Naive_Art_Primitivism,marc-chagall_itinerant-players-1963 +portrait,Mannerism_Late_Renaissance,tintoretto_portrait-of-senator-marco-grimani-1583 +genre_painting,Impressionism,max-liebermann_boys-bathing-with-beach-warden-1907 +portrait,Impressionism,lovis-corinth_woman-with-lilies-in-a-greenhouse-1911 +religious_painting,Symbolism,odilon-redon_the-saint +portrait,Art_Nouveau_Modern,felix-vallotton_edgar-allan-poe-1895 +sketch_and_study,Post_Impressionism,vincent-van-gogh_the-bridge +still_life,Contemporary_Realism,fairfield-porter_still-life-with-stapler-1970 +landscape,Symbolism,nicholas-roerich_turquoise-sky-pink-mountains-purple-foot-1940 +genre_painting,Impressionism,nikolay-bogdanov-belsky_little-girl-in-a-garden +nude_painting,Art_Nouveau_Modern,raphael-kirchner_powder-of-ris-1911 +genre_painting,Impressionism,childe-hassam_the-quarry-pool-folly-cove-cape-ann +landscape,Impressionism,ilya-mashkov_georgia-tbilisi-the-kura-river +abstract_painting,Color_Field_Painting,anne-truitt_envoi-1989 +portrait,Pop_Art,andy-warhol_joseph-beuys-in-memoriam +genre_painting,Naive_Art_Primitivism,pablo-picasso_dinner-time-evocation-of-horta-d-ebre-1903 +landscape,Romanticism,john-crome_the-poringland-oak-1818 +abstract_painting,Color_Field_Painting,barnett-newman_uriel-1955 +genre_painting,Impressionism,edgar-degas_ballet-scene-3 +religious_painting,Early_Renaissance,filippo-lippi_the-adoration-of-the-infant-jesus-1465 +nude_painting,Pop_Art,r.-b.-kitaj_the-rise-of-fascism +still_life,Cubism,georges-braque_glass-pitcher-and-lemons-1942 +landscape,Impressionism,claude-monet_the-rocks-of-belle-lle +religious_painting,Northern_Renaissance,albrecht-durer_christ-before-caiaphas-1512 +genre_painting,Baroque,adriaen-brouwer_peasants-smoking-and-drinking +genre_painting,Expressionism,carlos-saenz-de-tejada_the-brigades-of-dawn-1938 +portrait,Realism,ivan-kramskoy_portrait-of-a-poet-and-artist-taras-shevchenko-1871 +cityscape,Realism,vasily-sadovnikov_entrance-into-verkiai-palace-vilnius-lithuania-1848 +portrait,Expressionism,amedeo-modigliani_portrait-of-a-woman-1915 +portrait,Realism,konstantin-makovsky_head-of-the-girl-in-a-kerchief +genre_painting,Cubism,mario-zanini_composi-o-com-figuras-1965 +religious_painting,High_Renaissance,andrea-mantegna_the-agony-in-the-garden +portrait,Realism,anders-zorn_martha-dana +portrait,Rococo,joshua-reynolds_lady-taylor-1784 +genre_painting,Post_Impressionism,charles-cottet_cabaret-1893 +genre_painting,Impressionism,john-singer-sargent_in-the-garden-corfu-1909 +sketch_and_study,Mannerism_Late_Renaissance,giorgio-vasari_pope-leo-x-appointing-cardinals +portrait,Impressionism,pierre-auguste-renoir_aline-at-the-gate-girl-in-the-garden-1884 +abstract_painting,Color_Field_Painting,ian-davenport_poured-lines-light-violet-green-blue-red-violet-1995 +religious_painting,High_Renaissance,vittore-carpaccio_salvator-mundi +genre_painting,Ukiyo_e,kitagawa-utamaro_woman-with-a-mirror +landscape,Art_Nouveau_Modern,j.-e.-h.-macdonald_autumn-algoma-1918 +portrait,Expressionism,martiros-saryan_portrait-of-artist-s-wife +landscape,Pointillism,georges-seurat_alfalfa-st-denis-1886 +cityscape,Romanticism,franz-richard-unterberger_capri +cityscape,Post_Impressionism,tivadar-kosztka-csontvary_sacrificial-stone-in-baalbek-1907 +landscape,Realism,gustave-courbet_in-the-forest-1865 +portrait,Ukiyo_e,tsukioka-yoshitoshi_a-young-woman-from-kansei-period-playing-with-her-cat +landscape,Impressionism,joaquã­n-sorolla_the-cave-at-san-javea-1895 +cityscape,Art_Nouveau_Modern,anna-ostroumova-lebedeva_petersburg-rostral-column-under-the-snow-1909 +abstract_painting,Abstract_Expressionism,sam-francis_untitled-1953 +landscape,Realism,isaac-levitan_the-vladimir-s-road-1892 +still_life,Pop_Art,patrick-caulfield_grey-pipe-1981 +portrait,Expressionism,billy-childish_robert-walser-lying-dead-in-the-snow-2008 +religious_painting,Symbolism,james-tissot_god-s-curse +abstract_painting,Abstract_Expressionism,yayoi-kusama_waves-1953 +religious_painting,Rococo,giovanni-domenico-tiepolo_jesus-and-the-children +sketch_and_study,Realism,john-singer-sargent_nicola-d-inverno +still_life,Post_Impressionism,paul-cezanne_apples-pears-and-grapes +landscape,Realism,aleksey-savrasov_winter-landscape-1871 +cityscape,Realism,m.c.-escher_not_detected_204662 +portrait,Realism,james-tissot_summer +landscape,Symbolism,nicholas-roerich_cliff-dwellings-arizona-1921-1 +religious_painting,Early_Renaissance,filippo-lippi_st-john-taking-leave-of-his-parents-1465 +landscape,Fauvism,charles-lapicque_l-hiver-dans-les-bois-1965 +landscape,Romanticism,paul-cezanne_landscape-1866 +genre_painting,Realism,julius-leblanc-stewart_an-idle-afternoon-1884(1) +portrait,Impressionism,william-merritt-chase_girl-in-a-japanese-kimono +landscape,Symbolism,mikalojus-ciurlionis_prelude-1908-1 +portrait,Post_Impressionism,pyotr-konchalovsky_portrait-of-the-actress-vera-georgievna-dulova-1949 +abstract_painting,Color_Field_Painting,ellsworth-kelly_high-yellow-1960 +landscape,Romanticism,richard-parkes-bonington_at-the-english-coast-1825 +portrait,Northern_Renaissance,hans-holbein-the-younger_de-vos-van-steenwijk +portrait,Expressionism,david-alfaro-siqueiros_hart-crane-1931 +religious_painting,High_Renaissance,luca-signorelli_saint-george-and-the-dragon-1505 +landscape,Post_Impressionism,vladimir-dimitrov_unknown-title-29 +illustration,Romanticism,gustave-dore_the-envious +landscape,Impressionism,alfred-sisley_high-waters-at-moret-sur-loing-1879 +portrait,Romanticism,konstantin-makovsky_arab-boy-with-an-orange +portrait,Impressionism,lucia-demetriade-balacescu_femeie-cu-evantai-1961 +nude_painting,Impressionism,karoly-ferenczy_painter-and-model-1904 +landscape,Post_Impressionism,gustave-loiseau_cliffs-at-saint-jouin-1907 +portrait,Realism,vasily-perov_portrait-of-an-unknown +portrait,Post_Impressionism,maurice-prendergast_head-of-a-girl-with-roses +still_life,Pop_Art,audrey-flack_wheel-of-fortune-1978 +landscape,Impressionism,umberto-boccioni_passing-train-1908 +illustration,Expressionism,martiros-saryan_illustration-for-tale-of-hovhannes-tumanyan-wolf-1934 +portrait,Naive_Art_Primitivism,niko-pirosmani_the-farmer-and-his-grandson-1908 +landscape,Rococo,francois-boucher_river-landscape-with-ruin-and-bridge +genre_painting,Symbolism,kuzma-petrov-vodkin_in-the-children-s-1925 +sketch_and_study,Realism,henri-matisse_the-study-of-gustave-moreau-1895 +cityscape,Impressionism,lovis-corinth_building-under-construction-in-monte-carlo-1914 +portrait,Baroque,frans-hals_banquet-of-the-officers-of-the-st-george-civic-guard-company-detail-1 +nude_painting,Impressionism,ipolit-strambu_nude-with-carpet-background-1921 +genre_painting,Baroque,david-teniers-the-younger_guardroom-1642 +cityscape,Post_Impressionism,edouard-cortes_avenue-de-l-opera +religious_painting,Northern_Renaissance,jan-van-hemessen_judith +genre_painting,Symbolism,theodor-severin-kittelsen_sorgen +sketch_and_study,Realism,vincent-van-gogh_woman-sewing-1881 +cityscape,Romanticism,fyodor-solntsev_the-fun-palace +genre_painting,Realism,vasily-perov_the-funeral-of-a-poor-quarter-of-paris-1863 +nude_painting,Post_Impressionism,moise-kisling_nude-woman-lying-on-the-grass +abstract_painting,Abstract_Expressionism,conrad-marca-relli_untitled-1978-1 +landscape,Impressionism,guy-rose_spring +illustration,Romanticism,gustave-dore_assassination-of-henry-of-germany +landscape,Baroque,adriaen-van-ostade_landscape +still_life,Impressionism,pierre-auguste-renoir_the-luncheon-of-the-boating-party-1881 +sketch_and_study,Art_Nouveau_Modern,nicholas-roerich_procopius-the-righteous-removes-a-cloud-of-stone-from-the-great-ustyug-1914 +landscape,Realism,ilya-repin_the-road-from-montmartre-in-paris-1876 +landscape,Realism,charles-francois-daubigny_fishing-port-1874 +cityscape,Impressionism,giovanni-boldini_the-dispatch-bearer-1879 +religious_painting,Baroque,anthony-van-dyck_evangelist-john +portrait,Post_Impressionism,kuzma-petrov-vodkin_kadusha-1907 +portrait,Realism,vincent-van-gogh_woman-with-white-bonnet-sien-s-mother-1883 +sketch_and_study,Realism,vincent-van-gogh_man-putting-potatoes-in-a-sack-1881 +genre_painting,Impressionism,william-james-glackens_the-artist-s-wife-knitting-1920 +landscape,Post_Impressionism,martiros-saryan_blossoming-garden-1907 +religious_painting,Early_Renaissance,domenico-ghirlandaio_st-stephen +portrait,Realism,george-pemba_young-boy-1957 +genre_painting,Impressionism,henry-herbert-la-thangue_in-the-orchard-1893 +portrait,Realism,john-singer-sargent_mrs-william-russell-cooke-1895 +still_life,Synthetic_Cubism,georges-braque_violin-and-glass-1913-1 +still_life,Fauvism,aldemir-martins_flores-e-frutas-2003 +illustration,Symbolism,harry-clarke_fairy-tales-by-hans-christian-andersen-1916 +nude_painting,Romanticism,eugene-delacroix_study-sardanapalus(1) +portrait,Symbolism,konstantin-vasilyev_marshal-zhukov +genre_painting,Art_Nouveau_Modern,raphael-kirchner_all-healing-2 +portrait,Realism,camille-corot_madame-corot-the-artist-s-mother-born-marie-francoise-oberson +portrait,Art_Nouveau_Modern,gustav-klimt_portrait-of-joseph-pembauer +genre_painting,Impressionism,giovanni-fattori_bauer-mit-ochsenkarren-1900 +sketch_and_study,Cubism,pyotr-konchalovsky_cassis-1913 +still_life,Pop_Art,andy-warhol_telephone +portrait,Romanticism,pierre-paul-prud'hon_untitled +religious_painting,Northern_Renaissance,rogier-van-der-weyden_st-luke-drawing-a-portrait-of-the-virgin-mary-1440(1) +landscape,Impressionism,gustave-caillebotte_the-briard-plain +portrait,Post_Impressionism,vincent-van-gogh_the-zouave-half-length-1888 +landscape,Realism,theodor-severin-kittelsen_oppe-paa-flya(1) +landscape,Realism,aleksey-savrasov_autumn-forest-kuntsevo-damn-place-1872 +portrait,Post_Impressionism,augustus-john_dorelia-in-a-landscape-1910 +genre_painting,Rococo,pietro-longhi_the-dancing-lesson +genre_painting,Post_Impressionism,henri-matisse_two-figures-reclining-in-a-landscape-1921 +portrait,Romanticism,henry-raeburn_robert-macqueen-lord-braxfield +abstract_painting,Abstract_Expressionism,john-hoyland_2008-untitled-silkscreen +portrait,Realism,vincent-van-gogh_a-carpenter-with-apron-1882(1) +portrait,Rococo,joseph-wright_portrait-of-a-lady-1 +genre_painting,Realism,vasily-polenov_marienquelle-in-nazaret +portrait,Impressionism,paul-gauguin_mette-gauguin-in-an-evening-dress-1884 +portrait,Realism,vasily-surikov_portrait-of-young-woman-with-kokoshnik-1892 +genre_painting,Realism,james-tissot_the-way +religious_painting,Romanticism,theodore-chasseriau_la-descente-de-croix-1855 +portrait,Romanticism,pierre-paul-prud'hon_marguerite-marie-lagnier-ten-years-old-1796 +cityscape,Baroque,canaletto_stonemason-s-yard-1727 +nude_painting,Impressionism,anders-zorn_helga-1917 +genre_painting,Naive_Art_Primitivism,david-burliuk_a-bookstore(1) +landscape,Realism,camille-corot_near-rotterdam-small-houses-on-the-banks-of-a-canal-1854 +portrait,Post_Impressionism,umberto-boccioni_the-signora-virginia-1905 +portrait,Baroque,jacob-jordaens_portrait-of-a-man +portrait,Expressionism,marc-chagall_young-girl-on-a-sofa-mariaska-1907 +portrait,Romanticism,konstantin-makovsky_portrait-of-an-unknown-in-red-dress +sketch_and_study,Realism,vincent-van-gogh_parsonage-with-flowering-trees-1884 +cityscape,Impressionism,antoine-blanchard_rue-royal-madeleine-5 +landscape,Impressionism,eugene-boudin_oiseme-landscape-near-chartres-1893 +landscape,Cubism,man-ray_landscape +genre_painting,Expressionism,edvard-munch_girl-yawning-1913 +genre_painting,Expressionism,jean-paul-lemieux_la-conversation-1968 +landscape,Realism,isaac-levitan_house-with-broom-trees +landscape,Impressionism,claude-monet_the-pond-at-montgeron +landscape,Post_Impressionism,theo-van-doesburg_landscape-with-hay-cart-church-towers-and-windmill-1901 +still_life,Post_Impressionism,vincent-van-gogh_two-cut-sunflowers-1887 +portrait,Realism,john-singer-sargent_portrait-of-edith-french +portrait,Mannerism_Late_Renaissance,hans-von-aachen_portrait-of-a-man-possibly-johannes-kepler-1612 +portrait,Romanticism,alexey-venetsianov_portrait-of-m-a-venetsianova +portrait,Realism,ilya-repin_portrait-of-luiza-mersi-d-arzhanto-1890 +cityscape,Impressionism,childe-hassam_october-sundown-newport-1901 +illustration,Symbolism,harry-clarke_the-year-s-at-the-spring-1920-42 +abstract_painting,Minimalism,richard-tuttle_20-pearls-8-2003 +landscape,Fauvism,janos-mattis-teutsch_light-landscape-1917 +religious_painting,Naive_Art_Primitivism,david-burliuk_saint-anthony-near-the-cave-1949(1) +cityscape,Expressionism,candido-portinari_favelas-1930 +genre_painting,Realism,thomas-eakins_the-chess-player-1876 +genre_painting,Realism,constantin-guys_two-seated-women +abstract_painting,Expressionism,john-marin_wehawken-sequence +genre_painting,Impressionism,mary-cassatt_interior-of-a-tramway-passing-a-bridge-1891 +landscape,Realism,theodore-rousseau_not_detected_198946 +still_life,Impressionism,rudolf-schweitzer-cumpana_vas-cu-trandafiri-1962 +illustration,Romanticism,gustave-dore_reclining-upon-a-bed-was-a-princess-of-radiant-beauty +landscape,Expressionism,max-weber_landscape-with-church-spires-and-trees +cityscape,Impressionism,john-singer-sargent_on-the-canal-1903 +cityscape,Pop_Art,hiro-yamagata_once-upon-a-time-1986 +genre_painting,Impressionism,john-singer-sargent_girls-gathering-blossoms-valdemosa-majorca-1910 +sketch_and_study,Romanticism,orest-kiprensky_portrait-of-alexander-varnek-1814 +landscape,Symbolism,nicholas-roerich_kara-kirghizians-1932 +landscape,Expressionism,betty-parsons_page-1-of-an-illustrated-letter-from-betty-parsons-to-h-e-henry-ernst-schnakenberg +abstract_painting,Abstract_Expressionism,cy-twombly_untitled-12 +landscape,Realism,camille-corot_civita-castellana-1827 +landscape,Impressionism,camille-pissarro_road-to-racquencourt-1871 +portrait,Post_Impressionism,spyros-papaloukas_lady-with-hat-1917 +sketch_and_study,Post_Impressionism,henri-matisse_lydia-with-her-hair-in-a-net-1939 +landscape,Art_Nouveau_Modern,franklin-carmichael_lake-wabagishik-1928 +illustration,Romanticism,gustave-dore_don-quixote-33 +portrait,Impressionism,nikolay-bogdanov-belsky_portrait-of-a-young-woman +portrait,Impressionism,pierre-auguste-renoir_not_detected_218785-1909 +cityscape,Impressionism,john-singer-sargent_all-ave-maria +portrait,Rococo,jean-marc-nattier_madame-louise-of-france-1748 +sketch_and_study,Post_Impressionism,maurice-prendergast_venice-unfinished +genre_painting,Ukiyo_e,kitagawa-utamaro_not_detected_233132 +landscape,Expressionism,egon-schiele_little-tree-chestnut-tree-at-lake-constance-1912 +still_life,Impressionism,vasile-popescu_landscapist-props-1940 +still_life,Impressionism,adam-baltatu_pipkin-with-chrysanthemums +portrait,Impressionism,pierre-auguste-renoir_portrait-of-victor-chocquet-1875 +portrait,Baroque,anthony-van-dyck_portrait-of-virginio-cesarini-1623 +landscape,Post_Impressionism,samuel-mutzner_pagoda-din-kiyotaki-1913 +landscape,Pointillism,auguste-herbin_park-in-paris-1904 +religious_painting,Symbolism,nicholas-roerich_mother-of-turfan-1924 +portrait,Symbolism,alfred-kubin_the-great-grandmother-1926 +genre_painting,Pop_Art,gerard-fromanger_au-printemps +genre_painting,Expressionism,candido-portinari_boys-playing +religious_painting,Early_Renaissance,filippo-lippi_st-luke-the-evangelist-1454 +sketch_and_study,Early_Renaissance,luca-signorelli_four-demons-with-a-book +abstract_painting,Color_Field_Painting,mark-rothko_four-darks-in-red-1958 +landscape,Expressionism,martiros-saryan_evening-in-the-mountains-1932 +landscape,Realism,ivan-shishkin_a-walk-in-the-forest-1869 +abstract_painting,Minimalism,jo-baer_untitled-lavender-wraparound +landscape,Realism,ivan-shishkin_in-the-grove-1869 +portrait,Impressionism,camille-pissarro_the-goose-girl-1900 +cityscape,Post_Impressionism,walter-sickert_the-arcades-of-fish-shop-dieppe +landscape,Realism,ivan-shishkin_beech-forest-in-switzerland-1863-1 +religious_painting,Northern_Renaissance,hieronymus-bosch_tree-man +landscape,Romanticism,thomas-cole_view-of-mount-etna-1844 +sketch_and_study,Symbolism,ferdinand-hodler_compositional-study-to-retreat-from-marignano +abstract_painting,Minimalism,robert-ryman_untitled-1965 +portrait,Post_Impressionism,henri-matisse_the-yellow-dress-1931 +portrait,Expressionism,amedeo-modigliani_fat-child-1915 +portrait,Impressionism,max-slevogt_nini-on-trellising +portrait,Realism,ilya-repin_portrait-of-efim-repin-the-artist-s-father-1879 +nude_painting,Naive_Art_Primitivism,fernando-botero_the-toilet-in-the-morning +landscape,Realism,fyodor-vasilyev_trees-study +portrait,Baroque,frans-hals_nicolaes-woutersz-van-der-meer-1631 +landscape,Romanticism,alexander-ivanov_italian-landscape +sketch_and_study,Baroque,rembrandt_artist-in-his-studio-1633 +portrait,Realism,john-singer-sargent_elsie-wagg +landscape,Symbolism,nicholas-roerich_caravan-1931 +genre_painting,Realism,thomas-eakins_taking-the-count-1898 +cityscape,Post_Impressionism,henri-catargi_mediteraneean-city-1931 +nude_painting,Ukiyo_e,katsushika-hokusai_mujeres-teniendo-relaciones-por-medio-de-un-harikata-dildo +portrait,Naive_Art_Primitivism,david-burliuk_sorrow(1) +cityscape,Fauvism,william-h.-johnson_harlem-street-1941(1) +still_life,Impressionism,konstantin-korovin_still-life-with-fruit-and-bottle +portrait,Rococo,antoine-pesne_isabel-cristina-de-brunswick-wolfenb-ttel +genre_painting,Impressionism,edgar-degas_woman-on-a-sofa-1875 +landscape,Symbolism,frank-johnston_a-northern-night-1917 +genre_painting,Realism,ilya-repin_on-the-terrace-1908 +genre_painting,Naive_Art_Primitivism,fernand-leger_the-bathers +portrait,Baroque,aleksey-antropov_portrait-of-f-krasnoschiokov +landscape,Realism,camille-corot_the-roman-cammagna-with-the-tiber-1828 +religious_painting,Baroque,matthias-stom_the-adoration-of-the-magi(1) +landscape,Art_Nouveau_Modern,j.-e.-h.-macdonald_forest-wilderness-1921 +genre_painting,Realism,john-lewis-krimmel_black-people-s-prayer-meeting +landscape,Impressionism,camille-pissarro_bridge-at-montfoucault-1874 +sketch_and_study,Post_Impressionism,vincent-van-gogh_road-with-men-walking-carriage-cypress-star-and-crescent-moon-1890 +portrait,Realism,felix-vallotton_paul-vallotton-the-artist-s-brother-1886 +cityscape,Expressionism,mario-eloy_bailarico-1936 +genre_painting,Romanticism,john-william-waterhouse_sweet-summer-1912 +landscape,Ukiyo_e,keisai-eisen_omiya-yado-fuji-enkei-no-50-1842(1) +abstract_painting,Abstract_Expressionism,taro-yamamoto_paper-kite-brown-hat-and-red-vase-1987 +sketch_and_study,Realism,ilya-mashkov_seated-nude-putting-his-hand-on-her-thigh +portrait,Expressionism,martiros-saryan_persian-woman-1910 +abstract_painting,Minimalism,conrad-marca-relli_untitled-2 +sketch_and_study,Northern_Renaissance,albrecht-durer_crowning-with-thorns-1504 +portrait,Baroque,peter-paul-rubens_the-duke-of-buckingham +portrait,Symbolism,odilon-redon_head-of-a-young-woman-in-profile +portrait,Baroque,diego-velazquez_philip-iv-of-spain-1627 +portrait,Realism,vasily-perov_wanderer-1859 +landscape,Realism,nikolai-ge_florence-the-cascina-park +abstract_painting,Minimalism,paul-brach_dark-vessel-1965 +portrait,Romanticism,jan-matejko_wladyslaw-ii-the-exile +landscape,Realism,aleksey-savrasov_summer-landscape-1860 +abstract_painting,Abstract_Expressionism,helen-frankenthaler_flotilla-2006 +cityscape,Realism,john-singer-sargent_church-of-san-stae-venice-1913 +portrait,Symbolism,konstantin-somov_portrait-of-s-dyagilev +landscape,Realism,aleksey-savrasov_sea +abstract_painting,Minimalism,jean-degottex_breve-1985 +portrait,Realism,vincent-van-gogh_head-of-a-woman-1883 +landscape,Impressionism,willard-metcalf_sillon +nude_painting,Baroque,rembrandt_a-woman-seated-before-a-dutch-stove-1658 +illustration,Romanticism,gustave-dore_gargantua-1873-1 +still_life,Impressionism,constantin-artachino_edelweiss-in-brown-vase +religious_painting,Post_Impressionism,suzanne-valadon_adam-and-eve-1909 +illustration,Naive_Art_Primitivism,marc-chagall_sobakevitch +religious_painting,High_Renaissance,michelangelo_the-ancestors-of-christ-hezekiah-1509 +landscape,Impressionism,homer-watson_moonlight-on-the-grand +genre_painting,Impressionism,ivan-grohar_snopi-1909 +nude_painting,Expressionism,jan-sluyters_a-standing-nude +abstract_painting,Abstract_Expressionism,jack-bush_summer-no-3-1956 +genre_painting,Post_Impressionism,constantin-piliuta_nocturne-1973 +landscape,Realism,frits-thaulow_cottages-by-a-river +illustration,Romanticism,gustave-dore_the-siege-of-ptolemais +genre_painting,Impressionism,john-singer-sargent_leaving-church-campo-san-canciano-venice +genre_painting,Analytical_Cubism,pablo-picasso_woman-with-guitar +sketch_and_study,Realism,ivan-shishkin_pine-forest-1889 +portrait,Art_Nouveau_Modern,richard-gerstl_double-portrait-of-matilda-and-gertrude-schonberg-1906 +portrait,Realism,ilya-repin_portrait-of-a-boy +religious_painting,Baroque,peter-paul-rubens_the-meeting-of-abraham-and-melchizedek +genre_painting,Impressionism,stefan-dimitrescu_peasant-counsel +cityscape,Impressionism,antoine-blanchard_champs-elysees-winter +genre_painting,Northern_Renaissance,albrecht-durer_the-small-courier-1496 +landscape,Impressionism,ivan-grohar_kamnitnik-1905 +abstract_painting,Color_Field_Painting,theodoros-stamos_infinity-field-lefkada-series-i-1980 +landscape,Impressionism,winston-churchill_garden-scene-at-breccles(1) +cityscape,Expressionism,costas-niarchos_untitled(2) +still_life,Synthetic_Cubism,georges-braque_guitar-and-sheet-music-on-table-1918 +religious_painting,Early_Renaissance,jacopo-bellini_madonna-and-child-1448 +landscape,Romanticism,john-constable_a-view-on-the-stour-near-dedham-1822 +landscape,Symbolism,a.y.-jackson_winter-morning-charlevoix-county-1933 +religious_painting,Baroque,le-nain-brothers_nativity-with-the-torch +genre_painting,Baroque,jan-steen_dancing-couple-detail-1663-4 +abstract_painting,Abstract_Expressionism,richard-diebenkorn_urbana-no-2-the-archer +genre_painting,Contemporary_Realism,jamie-wyeth_mushroom-picker-1963 +landscape,Romanticism,lev-lagorio_river-in-the-foothills-1889 +portrait,Impressionism,edgar-degas_woman-with-a-bandage-1873 +portrait,Baroque,peter-paul-rubens_portrait-of-philip-rubens +portrait,Impressionism,pierre-auguste-renoir_young-woman-in-a-straw-hat +landscape,Symbolism,nicholas-roerich_pine-trees-with-cloudy-background-1912 +landscape,Impressionism,camille-pissarro_landscape-under-snow-upper-norwood-1871 +religious_painting,Baroque,francesco-solimena_expulsion-of-heliodorus-from-the-temple-1 +landscape,Realism,camille-corot_the-shepherd-overlooking-the-rocky-gorge-1859 +genre_painting,Symbolism,franz-stuck_hunt-1899 +landscape,Impressionism,claude-monet_the-garden-gate +religious_painting,High_Renaissance,michelangelo_the-ancestors-of-christ-nahshon-1512 +portrait,Northern_Renaissance,albrecht-durer_portrait-of-jacob-muffle-1526 +sketch_and_study,Post_Impressionism,theo-van-rysselberghe_etude-pour-la-promenade +religious_painting,Early_Renaissance,giovanni-bellini_madonna-and-child-1464 +portrait,Romanticism,john-william-waterhouse_phyllis-waterlow-1895 +abstract_painting,Abstract_Expressionism,jimmy-ernst_aeroflower-1942 +portrait,Realism,wilhelm-leibl_bauernm-dchen-mit-wei-em-kopftuch-1876 +still_life,Impressionism,pierre-auguste-renoir_pitcher +portrait,Pop_Art,leroy-neiman_muhammad-ali-the-athlete-of-the-century-2001 +nude_painting,Post_Impressionism,suzanne-valadon_nude-reclining-on-a-sofa-1928 +portrait,Impressionism,panayiotis-tetsis_double-portrait +sketch_and_study,Romanticism,karl-bryullov_portrait-of-f-d-gverazzi-1830 +cityscape,Contemporary_Realism,richard-whitney_end-of-an-era +portrait,Romanticism,john-hoppner_the-honorable-lucy-elizabeth-byng-1799 +abstract_painting,Color_Field_Painting,gene-davis_red-witch-1966 +nude_painting,Cubism,marevna-(marie-vorobieff)_black-woman-with-peppers-1938 +portrait,Baroque,ivan-nikitin_anna-petrovna +abstract_painting,Color_Field_Painting,blinky-palermo_unknown-title +genre_painting,Impressionism,nikolay-bogdanov-belsky_latgal-girls +abstract_painting,Abstract_Expressionism,joan-mitchell_untitled-1950 +landscape,Symbolism,konstantin-somov_landscape-in-the-evening-martyshkino +genre_painting,Impressionism,joaquã­n-sorolla_ex-voto-1892 +portrait,Romanticism,gheorghe-tattarescu_sailor +portrait,Realism,ilya-repin_portrait-of-the-composer-mikhail-glinka-1887 +landscape,Naive_Art_Primitivism,fernando-botero_patio +genre_painting,Impressionism,edgar-degas_dinner-at-the-ball-1879 +portrait,Expressionism,pyotr-konchalovsky_natasha-in-a-chair-1915 +genre_painting,Romanticism,francisco-goya_brigand-stripping-a-woman-1800 +landscape,Realism,isaac-levitan_the-last-rays-of-the-sun-a-lake-1899 +cityscape,Expressionism,paul-klee_a-pressure-of-tegernsee-1919(1) +abstract_painting,Cubism,carlos-merida_untitled-1964 +religious_painting,Northern_Renaissance,lucas-cranach-the-elder_adam-and-eve-1531 +landscape,Impressionism,claude-monet_the-house-among-the-roses-2 +genre_painting,Impressionism,ipolit-strambu_after-bath-1918 +cityscape,Expressionism,zinaida-serebriakova_italy-assisi-1932 +abstract_painting,Abstract_Expressionism,hassel-smith_untitled-1963 +abstract_painting,Cubism,arshile-gorky_blue-figure-in-a-chair +portrait,Post_Impressionism,suzanne-valadon_portrait-of-monsieur-mori-1922 +genre_painting,Romanticism,william-shayer_fisherfolk-and-their-catch-by-the-sea +sketch_and_study,Realism,vasily-perov_paris-sharmanschitsa-sketch-1863 +genre_painting,Impressionism,eugene-boudin_laundresses-on-the-banks-of-the-touques-6 +abstract_painting,Minimalism,robert-mangold_column-structure-xxii-2008 +landscape,Art_Nouveau_Modern,gustav-klimt_apple-tree-i +landscape,Impressionism,claude-monet_fishing-boats-at-etretat +genre_painting,Realism,john-lewis-krimmel_nightlife-in-philadelphia-an-oyster-barrow-in-front-of-the-chestnut-street-theater +portrait,Realism,george-catlin_ball-players +landscape,Impressionism,john-henry-twachtman_the-ledges +abstract_painting,Color_Field_Painting,piero-dorazio_sistina-i-1987 +landscape,Post_Impressionism,henri-edmond-cross_boats +genre_painting,Rococo,william-hogarth_surrounded-by-artists-and-professors +genre_painting,Impressionism,eugene-boudin_beach-scene-trouville +portrait,New_Realism,george-luks_man-with-a-monocle +genre_painting,Baroque,le-nain-brothers_the-forging +landscape,Symbolism,nicholas-roerich_himalayas-1944 +abstract_painting,Minimalism,anne-truitt_sumi-drawing-1966 +genre_painting,Realism,anders-zorn_neglected-1884 +portrait,Expressionism,lucian-freud_leigh-bowery-1991 +portrait,Cubism,juan-gris_clown +portrait,Romanticism,karl-bryullov_portrait-of-an-architect-i-a-monighetti(1) +sketch_and_study,Realism,vincent-van-gogh_peasant-girl-half-figure +still_life,Impressionism,pierre-auguste-renoir_faisans-canapetiere-et-grives-1902 +sketch_and_study,Realism,fyodor-vasilyev_the-trunk-of-an-old-oak-1869 +religious_painting,Rococo,giovanni-battista-tiepolo_the-apotheosis-of-saint-roch +landscape,Realism,pyotr-konchalovsky_early-spring +landscape,Realism,gustave-courbet_chateau-du-chillon-1875 +portrait,Impressionism,pierre-auguste-renoir_gabrielle-with-a-large-hat +genre_painting,Ukiyo_e,kitagawa-utamaro_moonlight-revelry-at-dozo-sagami +still_life,Impressionism,kimon-loghi_the-carnations +portrait,Impressionism,pierre-auguste-renoir_young-woman-seated-in-an-oriental-costume-1905 +genre_painting,Rococo,thomas-gainsborough_the-cottage-door-1 +landscape,Realism,isaac-levitan_overgrown-pond-1887-1 +sketch_and_study,Symbolism,kuzma-petrov-vodkin_female-head-1913 +landscape,Expressionism,emil-nolde_flower-garden-1908 +cityscape,Impressionism,henri-martin_view-of-salute-in-venice +genre_painting,Impressionism,berthe-morisot_at-the-exposition-palace +abstract_painting,Abstract_Expressionism,mark-tobey_evocation-1970 +religious_painting,Early_Renaissance,sandro-botticelli_pity-1490(1) +nude_painting,Impressionism,andre-dunoyer-de-segonzac_nude-on-a-bed +religious_painting,Baroque,peter-paul-rubens_st-onufrij-instruct-monk +portrait,Realism,boris-kustodiev_waiter-1922 +genre_painting,Romanticism,akseli-gallen-kallela_boy-with-a-crow-1884 +landscape,Romanticism,franz-richard-unterberger_amalfi-the-gulf-of-salerno-1 +sketch_and_study,Art_Nouveau_Modern,henri-de-toulouse-lautrec_skating-professional-beauty-mlle-liane-de-lancy-at-the-palais-de-glace-1896 +genre_painting,Naive_Art_Primitivism,grandma-moses_not_detected_251657(1) +landscape,Impressionism,constantine-maleas_three-egyptian-women-walk-outdoors-1911 +genre_painting,Impressionism,edgar-degas_two-dancers-pastel-on-paper +still_life,Synthetic_Cubism,juan-gris_the-pipe-1916 +illustration,Romanticism,n.c.-wyeth_the-green-knight-preparing-to-battle-sir-beaumains +sketch_and_study,Expressionism,martiros-saryan_yerevan-1923-1 +religious_painting,Naive_Art_Primitivism,marc-chagall_moses-with-the-burning-bush-1966 +landscape,Realism,vincent-van-gogh_landscape-with-bog-oak-trunks-1883 +landscape,Symbolism,nicholas-roerich_kangchenjunga-1937 +sketch_and_study,Baroque,bartolome-esteban-murillo_man-sitting +portrait,Symbolism,gustave-moreau_sappho-on-the-cliff +genre_painting,Impressionism,claude-monet_the-beach-at-trouville +genre_painting,Realism,vladimir-makovsky_a-letter +landscape,Cubism,pyotr-konchalovsky_a-pond-1920-1 +abstract_painting,Minimalism,angelo-de-sousa_sem-titulo-1985 +religious_painting,Mannerism_Late_Renaissance,paolo-veronese_the-finding-of-moses-1 +portrait,Baroque,diego-velazquez_portrait-of-cardinal-infante-ferdinand-of-austria-with-gun-and-dog-1632 +cityscape,Post_Impressionism,edouard-cortes_la-madeleine-in-crepuscule-look-from-boulevard +genre_painting,Art_Nouveau_Modern,frank-johnston_what-greets-the-eye-when-you-look-back-at-the-pilot-1918 +nude_painting,Ukiyo_e,katsushika-hokusai_not_detected_223505(2) +religious_painting,High_Renaissance,raphael_the-visitation +genre_painting,Expressionism,henri-matisse_pianist-and-checker-players-1924 +cityscape,Realism,m.c.-escher_san-gimignano +genre_painting,New_Realism,john-french-sloan_mcsorley-s-cats-1929 +genre_painting,Expressionism,candido-portinari_crian-a-morta-1944 +genre_painting,Impressionism,camille-pissarro_fan-project +genre_painting,Naive_Art_Primitivism,david-burliuk_milkmade-with-cow +sketch_and_study,Northern_Renaissance,hans-holbein-the-younger_sir-thomas-eliot +genre_painting,Romanticism,william-turner_scarborough-town-and-castle0-morning0-boys-catching-crabs +portrait,Romanticism,henry-raeburn_portrait-of-mrs-andrew +genre_painting,Realism,vasily-perov_courting-an-official-to-his-daughter-tailor-1862 +abstract_painting,Color_Field_Painting,endre-balint_homage-to-franz-kafka-1976 +cityscape,Post_Impressionism,spyros-papaloukas_arsenal-mount-athos-1935 +religious_painting,Romanticism,gustave-dore_elijah-is-nourished-by-an-angel +landscape,Impressionism,claude-monet_the-train-in-the-country +landscape,Impressionism,armand-guillaumin_paysage-crozant-1900 +abstract_painting,Abstract_Expressionism,joan-miro_woman-in-front-of-the-sun-i +cityscape,Cubism,lyonel-feininger_torturm-ii-1925 +genre_painting,Impressionism,childe-hassam_boston-common-at-twilight +portrait,Expressionism,amedeo-modigliani_cafe-singer-1917 +genre_painting,Romanticism,george-stubbs_freeman-the-earl-of-clarendon-s-gamekeeper-with-a-dying-doe-and-hound-1800 +landscape,Northern_Renaissance,joachim-patinir_landscape-with-st-john-the-baptist-preaching +religious_painting,Romanticism,edward-burne-jones_the-adoration-of-the-magi +abstract_painting,Color_Field_Painting,alma-woodsey-thomas_white-roses-sing-and-sing-1976 +abstract_painting,Minimalism,perle-fine_an-accordment-73-1973 +still_life,Synthetic_Cubism,georges-braque_still-life-on-a-table-with-gillette-1914 +portrait,Realism,vasily-vereshchagin_japanese-1903 +landscape,Realism,johan-hendrik-weissenbruch_fisherman-in-polder-landscape +genre_painting,Romanticism,sir-lawrence-alma-tadema_the-apodyterium-1886 +portrait,Realism,william-adolphe-bouguereau_bacchante-1899 +religious_painting,Romanticism,eugene-delacroix_jacob-s-fight-with-the-angel-1861(1) +religious_painting,Early_Renaissance,piero-della-francesca_st-sigismund-and-sigismondo-pandolfo-malatesta-1451(1) +portrait,Symbolism,mikhail-nesterov_the-hermit-1889 +landscape,Art_Nouveau_Modern,egon-schiele_setting-sun-1913 +nude_painting,Post_Impressionism,vincent-van-gogh_standing-male-and-seated-female-nudes +portrait,Post_Impressionism,periklis-vyzantios_euphrosyne-great-greatgrandchild-of-l-kountourioti +genre_painting,Symbolism,nicholas-roerich_partisans-1942 +portrait,Realism,john-singer-sargent_a-bedouin-arab +cityscape,Art_Nouveau_Modern,anna-ostroumova-lebedeva_academy-of-arts-1922-1 +sketch_and_study,Impressionism,edgar-degas_seated-woman-adjusting-her-hair +landscape,Post_Impressionism,paul-gauguin_farm-in-brittany-1894 +still_life,Cubism,juan-gris_fruit-dish-and-glass-1924 +cityscape,Impressionism,camille-pissarro_place-du-theatre-francais-1898 +genre_painting,Impressionism,victor-borisov-musatov_autumn-mood-1901 +sketch_and_study,Realism,thomas-eakins_perspective-drawing-for-hunting +landscape,Post_Impressionism,paul-gauguin_the-first-flowers-1888 +illustration,Romanticism,gustave-dore_don-quixote-101 +portrait,Romanticism,konstantin-makovsky_girl-with-jug +still_life,Impressionism,alfred-sisley_bouquet-of-flowers-1875 +landscape,Impressionism,adam-baltatu_houses-at-the-edge-of-the-forest +religious_painting,Northern_Renaissance,gerard-david_the-rest-on-the-flight-into-egypt +sketch_and_study,Rococo,thomas-gainsborough_study-of-willows +genre_painting,Romanticism,jean-leon-gerome_pifferari-1 +cityscape,Impressionism,alfred-sisley_moret-on-long-time-gray +genre_painting,Symbolism,odilon-redon_a-strange-juggler-1885 +abstract_painting,Abstract_Expressionism,paul-jenkins_phenomena-woman-witch-1969 +cityscape,Impressionism,antoine-blanchard_la-gare-dorleans-et-le-quai-dorsay +portrait,Realism,john-everett-millais_portrait-of-margaret-fuller-maitland +religious_painting,Northern_Renaissance,lucas-cranach-the-elder_nativity-holy-night-christmas +portrait,New_Realism,george-luks_lily-williams +genre_painting,Expressionism,ernst-ludwig-kirchner_postdamerplatz-1 +landscape,Impressionism,arkhip-kuindzhi_crimea-yayla +genre_painting,Post_Impressionism,martiros-saryan_gathering-of-grapes-1933 +portrait,Romanticism,vasily-tropinin_portrait-of-a-i-tropinina-the-artist-s-wife-1809 +genre_painting,Impressionism,rudolf-schweitzer-cumpana_la-ghicitoare-1921 +portrait,Impressionism,pierre-auguste-renoir_portrait-of-a-young-girl-1887 +landscape,Post_Impressionism,gustave-loiseau_notre-dame-de-la-clarte-1909 +abstract_painting,Minimalism,jiro-yoshihara_to-martha-s-memory-1970 +genre_painting,Rococo,pietro-longhi_preparing-the-polenta +religious_painting,Realism,vladimir-makovsky_jesus-christ-1894 +sketch_and_study,High_Renaissance,leonardo-da-vinci_study-for-the-last-supper +portrait,Naive_Art_Primitivism,aldemir-martins_baiana-1980 +cityscape,Realism,salvador-dali_blue-knot-and-ear-of-wheat-next-to-the-castle +cityscape,Post_Impressionism,henri-rousseau_view-of-the-palais-du-metropolitan-1909 +sketch_and_study,Impressionism,adolf-hitler_ardoye-in-flanders +religious_painting,Early_Renaissance,filippo-lippi_adoration-of-the-magi-detail-4 +abstract_painting,Abstract_Expressionism,paul-jenkins_not_detected_235701 +genre_painting,Baroque,david-teniers-the-younger_archduke-leopold-s-gallery-1651 +religious_painting,Baroque,peter-paul-rubens_adoration-of-the-shepherds-1616 +portrait,Baroque,caravaggio_boy-bitten-by-a-lizard(1) +abstract_painting,Abstract_Expressionism,conrad-marca-relli_x-l-31-62-1962 +genre_painting,Realism,vincent-van-gogh_people-strolling-on-the-beach-1882 +portrait,Ukiyo_e,utagawa-kuniyoshi_woman-walkin-throught-a-noren +cityscape,Impressionism,camille-pissarro_quay-in-rouen-sunset-1896 +genre_painting,Naive_Art_Primitivism,david-burliuk_tea-time-with-a-white-cat +landscape,Baroque,paul-bril_landscape-1 +landscape,Impressionism,john-henry-twachtman_from-the-upper-terrace-1897 +genre_painting,Expressionism,pablo-picasso_two-figures-1904 +cityscape,Post_Impressionism,maurice-utrillo_the-house-of-mimi-pinson-in-montmartre +landscape,Expressionism,costas-niarchos_landscape +religious_painting,High_Renaissance,raphael_terranuova-madonna +sketch_and_study,Impressionism,pierre-auguste-renoir_two-women-in-a-garden +genre_painting,Art_Nouveau_Modern,sergey-solomko_evening +religious_painting,High_Renaissance,dosso-dossi_st-cosmas-and-st-damian-1534 +landscape,Pointillism,paul-signac_the-red-buoy-saint-tropez-1895 +genre_painting,Post_Impressionism,maurice-prendergast_the-bridle-path-central-park-1902 +cityscape,Post_Impressionism,edouard-cortes_place-vendome +portrait,New_Realism,george-luks_portrait-of-miss-ruth-breslin-1925 +portrait,Realism,thomas-eakins_portrait +genre_painting,Post_Impressionism,charles-cottet_funeral-in-brittany-1897 +landscape,Impressionism,childe-hassam_thunderstorm-on-the-oregon-trail +genre_painting,Rococo,george-morland_lovers-observed +illustration,Romanticism,gustave-dore_don-quixote-143 +portrait,Rococo,francois-boucher_portrait-of-the-artist-s-daughter +genre_painting,Expressionism,edvard-munch_spring-1889 +genre_painting,Impressionism,william-merritt-chase_young-woman-before-a-mirror +cityscape,Impressionism,konstantin-korovin_moon-night +portrait,Realism,vasily-perov_head-of-a-kirghiz-study-for-the-court-pugachev +illustration,Art_Nouveau_Modern,boris-kustodiev_title-page-1921 +portrait,Realism,john-singer-sargent_professors-welch-halsted-osler-and-kelly-also-known-as-the-four-doctors-1906 +religious_painting,High_Renaissance,correggio_salvator-mundi +sketch_and_study,Impressionism,eugene-boudin_rotterdam-the-commodities-exchange-port-1878 +abstract_painting,Minimalism,david-batchelor_niche-drawing-2002 +landscape,New_Realism,edward-hopper_d-r-g-locomotive +landscape,Post_Impressionism,david-burliuk_green-landscape +landscape,Realism,viktor-vasnetsov_the-valley-of-the-river-near-the-village-of-vori-whorl-landscape-with-children-1880 +illustration,Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-epic-exile-khan-batygi-1941(1) +genre_painting,Post_Impressionism,henri-matisse_antibes-1908 +abstract_painting,Color_Field_Painting,richard-diebenkorn_ocean-park-no-63 +religious_painting,Northern_Renaissance,jan-van-eyck_virgin-and-child-with-saints-and-donor-1441 +sketch_and_study,Romanticism,caspar-david-friedrich_study-of-heads-figures-and-foliage +genre_painting,Symbolism,odilon-redon_fear-1866 +cityscape,Impressionism,john-singer-sargent_fa-ade-of-a-palazzo-girgente-sicily +abstract_painting,Color_Field_Painting,leon-berkowitz_duality-15 +abstract_painting,Color_Field_Painting,theodoros-stamos_twin-sun-box-1965 +genre_painting,Realism,julius-leblanc-stewart_yachting-in-the-mediterranean-1896(1) +nude_painting,Impressionism,valentin-serov_portrait-of-yelena-oliv-1905 +sketch_and_study,Art_Nouveau_Modern,zinaida-serebriakova_self-portrait-1914 +landscape,Art_Nouveau_Modern,anna-ostroumova-lebedeva_spring-snow-1902 +landscape,Symbolism,leon-spilliaert_young-man-with-red-scarf-1908 +genre_painting,Realism,vincent-van-gogh_weaver-facing-right-1884 +abstract_painting,Minimalism,brice-marden_red-yellow-blue-painting-no-1-1974 +genre_painting,Pop_Art,conrad-marca-relli_the-players +portrait,Mannerism_Late_Renaissance,titian_portrait-of-antonio-anselmi +cityscape,Impressionism,john-singer-sargent_palazzo-labbia-venice +religious_painting,Northern_Renaissance,albrecht-durer_the-seven-trumpets-are-given-to-the-angels-1498 +sketch_and_study,Naive_Art_Primitivism,jean-hugo_maison-en-ruine-a-la-targette-1915 +genre_painting,Ukiyo_e,katsushika-hokusai_primer-book-of-treasury-loyal-vassals +abstract_painting,Color_Field_Painting,gene-davis_tarzan-series-i-1969(1) +genre_painting,Baroque,bartolome-esteban-murillo_christ-the-good-shepherd +portrait,Realism,anders-zorn_mona-1898 +sketch_and_study,High_Renaissance,michelangelo_male-nude-and-arm-of-bearded-man-1504 +genre_painting,Impressionism,edgar-degas_woman-at-her-toilette-2 +landscape,Impressionism,alfred-sisley_snow-at-louveciennes-1874 +abstract_painting,Abstract_Expressionism,jean-paul-riopelle_pavane-1954 +still_life,Cubism,juan-gris_fruit-bowl-and-fruit +portrait,Realism,thomas-eakins_portrait-of-mrs-hubbard-sketch +sketch_and_study,Realism,vincent-van-gogh_two-hands +portrait,Romanticism,orest-kiprensky_portrait-of-aleksey-ivanovich-korsakov-1808 +portrait,Realism,john-singer-sargent_manuel-garcia-1905 +cityscape,Impressionism,maurice-prendergast_ponte-della-paglia-also-known-as-marble-bridge-1899 +portrait,Naive_Art_Primitivism,pablo-picasso_catalan-woman-1911 +portrait,Romanticism,gustave-dore_portrait-of-dante-alighieri-1860 +portrait,Impressionism,edgar-degas_achille-de-gas-1872 +landscape,Realism,aleksey-savrasov_early-spring-flood-1893 +genre_painting,Art_Nouveau_Modern,wilhelm-kotarbinski_delirium +abstract_painting,Color_Field_Painting,john-hoyland_untitled-litograph +illustration,Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-russian-fairy-story-the-frog-princess-1901-1 +nude_painting,Expressionism,zinaida-serebriakova_nude-1927 +abstract_painting,Abstract_Expressionism,basil-beattie_cause-and-effect-iv-1973 +cityscape,Romanticism,john-atkinson-grimshaw_blackman-street-london-1885 +sketch_and_study,Early_Renaissance,jacopo-bellini_unknown(4) +abstract_painting,Color_Field_Painting,pedro-calapez_folder-02-2009 +portrait,Post_Impressionism,nicolae-tonitza_portrait-of-a-biracial-woman +landscape,Romanticism,akseli-gallen-kallela_view-from-north-quay-1891 +genre_painting,Art_Nouveau_Modern,raphael-kirchner_lillian-lorraine-1 +genre_painting,Romanticism,karl-bodmer_scalp-dance-of-the-minatarres-1843 +abstract_painting,Abstract_Expressionism,friedel-dzubas_omen-1959 +abstract_painting,Color_Field_Painting,olivier-debre_daitoku-ji-temple-1990 +genre_painting,Realism,edouard-manet_the-spanish-singer-1860 +sketch_and_study,Romanticism,alexander-orlowski_grass-1812 +genre_painting,Romanticism,franz-richard-unterberger_in-the-bay-of-naples +genre_painting,Expressionism,natalia-goncharova_moscow-street +still_life,Realism,pyotr-konchalovsky_still-life-basket-with-ash-1947 +portrait,Expressionism,princess-fahrelnissa-zeid_turuncu-elbiseli-k-z +portrait,Impressionism,frederic-remington_the-scout-friends-or-foes-1905 +religious_painting,Northern_Renaissance,mabuse_adam-and-eve-in-paradise +portrait,Pop_Art,peter-max_nelson-mandela-1-2001 +genre_painting,Romanticism,karl-bryullov_a-merry-return-1830(1) +portrait,Impressionism,pierre-auguste-renoir_madame-alphonse-daudet-1876 +genre_painting,Cubism,victor-brauner_woman-worker-1923 +landscape,Impressionism,claude-monet_morning-on-the-seine-mist +portrait,Impressionism,henri-martin_peasant-woman-in-the-fields +portrait,Realism,anders-zorn_portrait-of-emma-in-the-paris-studio-1894 +sketch_and_study,Realism,aleksey-savrasov_pine-from-gusareva +portrait,Art_Nouveau_Modern,sergey-solomko_ripe-fruits +religious_painting,Mannerism_Late_Renaissance,titian_ecce-homo-1560 +portrait,Rococo,john-russell_captain-and-mrs-hardcastle-1785 +religious_painting,High_Renaissance,giorgione_sacred-conversation-1505(2) +still_life,Expressionism,emil-nolde_mask-still-life-iii-1911 +religious_painting,Baroque,peter-paul-rubens_miracle-of-st-francis-1618 +nude_painting,Naive_Art_Primitivism,maurice-prendergast_the-bathers +sketch_and_study,Realism,charles-francois-daubigny_the-channel-in-hollang +still_life,Impressionism,berthe-morisot_the-blue-vase +religious_painting,Naive_Art_Primitivism,marc-chagall_noah-receives-the-order-to-build-the-ark-1931 +genre_painting,Early_Renaissance,sandro-botticelli_figures-on-the-road-to-calvary(1) +landscape,Impressionism,claude-monet_ice-lock-port-villez +landscape,Impressionism,william-merritt-chase_shinnecock-landscape-02 +abstract_painting,Abstract_Expressionism,brice-marden_red-window-study +genre_painting,Post_Impressionism,paul-gauguin_at-the-pond-1887 +landscape,Realism,gustave-courbet_beach-in-normandy +genre_painting,Expressionism,arturo-souto_brothel-1932 +portrait,Post_Impressionism,vladimir-dimitrov_unknown-title-16 +portrait,Rococo,antoine-pesne_countess-wilhelmine-von-brandenburg-bayreuth +landscape,Pointillism,henri-edmond-cross_the-fourth-of-july-by-the-sea +portrait,Baroque,frans-hals_young-man-and-woman-in-an-inn-yonker-ramp-and-his-sweetheart-1623 +landscape,Romanticism,ferdinand-georg-waldmã¼ller_maple-trees-near-ischl-1831 +genre_painting,Expressionism,arturo-souto_paris-at-night-1930 +genre_painting,Post_Impressionism,paul-gauguin_man-picking-fruit-from-a-tree-1897 +genre_painting,Expressionism,edvard-munch_workers-in-the-snow-1913 +illustration,Art_Nouveau_Modern,edmund-dulac_the-same-gurgling-the-nightingale +religious_painting,Naive_Art_Primitivism,marc-chagall_esther-1960 +genre_painting,Realism,boris-kustodiev_at-the-sketches-at-the-foothills +still_life,Synthetic_Cubism,pablo-picasso_violin-1913 +portrait,Realism,ivan-kramskoy_portrait-of-the-artist-v-m-maksimov +portrait,Art_Nouveau_Modern,raphael-kirchner_greek-virgins-1900-7 +cityscape,Romanticism,cornelis-springer_the-herengracht-aan-de-amstel +portrait,Symbolism,odilon-redon_woman-with-flowers-1903 +landscape,Impressionism,paul-gauguin_quarries-at-pontoise-ii-1882 +landscape,Symbolism,konstantin-bogaevsky_star-the-wormwood-1908 +cityscape,Rococo,bernardo-bellotto_the-schloss-hof-garden-side-1758 +portrait,Rococo,vladimir-borovikovsky_portrait-of-germaine-de-stael-1812 +abstract_painting,Action_painting,jackson-pollock_number-3(2) +portrait,Romanticism,jan-matejko_casimir-the-just +genre_painting,Impressionism,john-singer-sargent_ramon-subercaseaux +genre_painting,Expressionism,henri-matisse_woman-reading-at-a-dressing-table-interieur-nice-1919 +religious_painting,Symbolism,mikhail-nesterov_christ-with-martha-and-mary-1911 +landscape,Romanticism,karl-bodmer_the-cusanusstift-in-bernkastel-kues-1831 +cityscape,Romanticism,franz-richard-unterberger_amalfi +portrait,Baroque,diego-velazquez_philip-iv-of-spain-in-brown-and-silver-1632 +cityscape,Mannerism_Late_Renaissance,maerten-van-heemskerck_construction-of-the-new-st-peter-s-basilica-in-rome-1536 +religious_painting,Mannerism_Late_Renaissance,tintoretto_the-crucifixion-of-christ-1568 +portrait,Expressionism,henri-matisse_seated-woman-back-turned-to-the-open-window-1922 +cityscape,Post_Impressionism,edouard-cortes_place-de-la-republique +nude_painting,Realism,gustave-courbet_the-woman-in-the-waves-the-bather-1868 +portrait,Impressionism,francisc-sirato_young-woman-in-interior-1923 +landscape,Pointillism,henri-edmond-cross_afternoon-at-pardigon-var-1907 +religious_painting,Early_Renaissance,piero-della-francesca_recognition-of-the-true-cross-detail(1) +landscape,Symbolism,nicholas-roerich_himalayas-study-6 +still_life,Post_Impressionism,ilya-mashkov_raspberry-1939 +abstract_painting,Color_Field_Painting,alma-woodsey-thomas_red-rose-cantata-1973 +landscape,Impressionism,eugene-boudin_bridge-on-the-river-touques-at-deauville +portrait,Expressionism,marie-laurencin_two-heads-1935 +cityscape,Cubism,lyonel-feininger_gelmeroda-1936 +portrait,Symbolism,konstantinos-parthenis_portrait-of-averoff +landscape,Impressionism,berthe-morisot_haystacks-at-bougival-1883 +portrait,Ukiyo_e,utagawa-kuniyoshi_ishi-jo-wife-of-oboshi-yoshio-one-of-the-loyal-ronin +landscape,Expressionism,chaim-soutine_road-at-cagnes +still_life,Post_Impressionism,gwen-john_the-brown-tea-pot +portrait,Expressionism,lucian-freud_head-of-a-naked-girl +portrait,Pop_Art,martial-raysse_tableau-presque-cuv-1964 +landscape,Impressionism,john-henry-twachtman_tiger-lilies +portrait,Art_Nouveau_Modern,valentin-serov_portrait-of-henrietta-girshman-1906 +landscape,Realism,martiros-saryan_southern-winter-1934 +genre_painting,Realism,boris-kustodiev_village-fair-1920 +religious_painting,Northern_Renaissance,hieronymus-bosch_the-garden-of-earthly-delights-1515-6 +portrait,Realism,ilya-repin_wounded-man-1913 +portrait,Impressionism,berthe-morisot_the-red-blouse +cityscape,Post_Impressionism,henri-edmond-cross_venetian-canal +religious_painting,Baroque,alonzo-cano_st-bernard-and-the-virgin +landscape,Symbolism,konstantin-bogaevsky_memories-of-mantegna-1942 +religious_painting,Mannerism_Late_Renaissance,jacopo-pontormo_st-sebastian-1515 +portrait,Rococo,joseph-wright_the-children-of-hugh-and-sarah-wood-of-swanwick-derbyshire +still_life,Impressionism,paul-gauguin_pears-and-grapes-1875 +abstract_painting,Pop_Art,nicholas-krushenick_untitled-1965 +portrait,Pop_Art,roy-lichtenstein_girl-at-piano-1963(1) +religious_painting,Northern_Renaissance,jan-van-eyck_madonna-at-the-fountain-1439 +religious_painting,Symbolism,salvador-dali_sedet-sola-civitas-plena-poupolo-2-chronicles-36-19-1967 +illustration,Art_Nouveau_Modern,kay-nielsen_the-unicorn-valiant-little-tailor +sketch_and_study,Post_Impressionism,vincent-van-gogh_sheet-with-sketches-of-diggers-and-other-figures-1890-1 +genre_painting,Impressionism,maurice-prendergast_ring-around-the-rosy +portrait,Art_Nouveau_Modern,felix-vallotton_portrait-of-french-writer-marcel-boulenger-1899 +landscape,Romanticism,thomas-cole_expulsion-moon-and-firelight +still_life,Post_Impressionism,pablo-picasso_still-life-with-table-1906 +landscape,Realism,aleksey-savrasov_rye-1881-1 +genre_painting,Realism,winslow-homer_nach-dem-tornado +cityscape,Impressionism,maurice-prendergast_the-grand-canal-venice-1899 +portrait,Realism,vasily-vereshchagin_chinese-official-of-tribe-sibo-1870 +genre_painting,Baroque,johannes-vermeer_young-woman-with-a-pearl-necklace +abstract_painting,Abstract_Expressionism,ronnie-landfield_untitles-1964 +landscape,Art_Nouveau_Modern,j.-e.-h.-macdonald_seashore-nova-scotia-1923 +abstract_painting,Abstract_Expressionism,paul-jenkins_phenomena-tarot-over +genre_painting,Baroque,adriaen-brouwer_the-master-of-drinking +religious_painting,Symbolism,jacek-malczewski_resurrection +abstract_painting,Cubism,jacques-villon_le-mois-de-mai-1952 +landscape,Symbolism,gustav-klimt_orchard +religious_painting,Early_Renaissance,antonello-da-messina_madonna-and-child-madonna-benson-1470 +cityscape,Romanticism,rudolf-von-alt_the-st-stephen-s-cathedral-in-vienna-1847 +landscape,Post_Impressionism,mario-zanini_paisagem-da-represa-de-sto-amaro-1940 +illustration,Romanticism,gustave-dore_the-inferno-canto-10 +religious_painting,Symbolism,henri-fantin-latour_bathsheba-1903 +religious_painting,Northern_Renaissance,albrecht-durer_st-paul-1 +portrait,Post_Impressionism,jacek-malczewski_portrait-of-stanis-aw-witkiewicz +cityscape,Art_Nouveau_Modern,mstislav-dobuzhinsky_the-provinces-in-the-1830s(1) +nude_painting,Expressionism,ernst-ludwig-kirchner_nudes-in-atelier +portrait,Rococo,thomas-gainsborough_mrs-christopher-horton-later-anne-duchess-of-cumberland-1766 +portrait,Expressionism,balthus_the-white-skirt-1937 +portrait,Pop_Art,andy-warhol_mao +portrait,Pop_Art,robert-silvers_not-detected-275027 +portrait,Romanticism,orest-kiprensky_portrait-ivan-dmitrevsky-1814 +landscape,Realism,isaac-levitan_sunny-day-1876 +genre_painting,Realism,jean-francois-millet_the-potato-growers +illustration,Romanticism,gustave-dore_dante-and-pope-adrian-v +landscape,Symbolism,nicholas-roerich_himalayas-14 +still_life,Post_Impressionism,constantine-maleas_still-life +portrait,Post_Impressionism,theo-van-rysselberghe_emile-verhaeren-writing-1915 +abstract_painting,Color_Field_Painting,afro_santarossa-1974 +religious_painting,Baroque,francisco-de-zurbaran_the-child-jesus-in-the-spine +portrait,Impressionism,iosif-iser_spanioloaica-1946 +genre_painting,Realism,vladimir-makovsky_at-volga-1897 +landscape,Northern_Renaissance,albrecht-altdorfer_the-battle-of-issus-fragment-1529 +cityscape,Romanticism,rudolf-von-alt_view-of-the-old-town-square-with-the-church-in-prague-they-1843 +abstract_painting,Color_Field_Painting,henri-matisse_the-snail-1953 +genre_painting,Impressionism,john-lavery_the-tennis-party-1885 +landscape,Realism,martiros-saryan_view-of-the-gorge-from-the-pushkin-pass-1949 +religious_painting,Romanticism,viktor-vasnetsov_christ-almighty-1896 +portrait,High_Renaissance,andrea-del-sarto_portrait-of-a-young-man +abstract_painting,Minimalism,robert-mangold_x-within-x-orange-1981 +landscape,Realism,aleksey-savrasov_elk-island-in-sokolniki-1869 +genre_painting,Realism,winslow-homer_perils-of-the-sea +landscape,Realism,isaac-levitan_river-in-the-forest-autumn-at-river-istra-1886 +genre_painting,Post_Impressionism,vincent-van-gogh_rest-work-after-millet-1890 +portrait,Romanticism,john-trumbull_jonathan-trumbull-jr-with-mrs-trumbull-and-faith-trumbull-1777 +sketch_and_study,Post_Impressionism,vincent-van-gogh_sketch-of-the-painting-the-potato-eaters-1890 +illustration,Expressionism,vasile-kazar_window-towards-insomnia-4-1987 +genre_painting,Realism,vladimir-makovsky_moscow-types-1879 +portrait,Post_Impressionism,vincent-van-gogh_portrait-of-camille-roulin-1888 +genre_painting,Impressionism,maurice-prendergast_the-race +abstract_painting,Abstract_Expressionism,cy-twombly_leda-and-the-swan +cityscape,Post_Impressionism,edouard-cortes_notre-dame +cityscape,Romanticism,john-atkinson-grimshaw_wimbledon-park-autumn-after-glow-1866 +genre_painting,Rococo,william-hogarth_the-enraged-musician-1741 +landscape,Impressionism,adolf-hitler_war-torn-town-1918 +genre_painting,Realism,robert-brackman_life-about-me +still_life,Baroque,judith-leyster_still-life +portrait,Impressionism,pierre-auguste-renoir_tilla-durieux-1914 +religious_painting,Romanticism,francesco-hayez_samson-slays-the-lion +genre_painting,Impressionism,frederic-remington_the-advance-1898 +portrait,Realism,jose-malhoa_portrait-of-carlos-i-of-portugal-1891 +genre_painting,Symbolism,odilon-redon_bust-of-a-man-asleep-amid-flowers +abstract_painting,Abstract_Expressionism,friedel-dzubas_echo-1958 +genre_painting,Expressionism,martiros-saryan_shepherd-1929 +portrait,Rococo,francisco-bayeu-y-subias_carlos-iv-1791 +sketch_and_study,Realism,boris-kustodiev_portrait-of-martha-and-marina-chaliapin-1920 +portrait,Romanticism,vasily-tropinin_portrait-of-prince-alexander-s-dolgorukov +genre_painting,Realism,viktor-vasnetsov_tea-drinking-in-a-tavern-1874 +sketch_and_study,Northern_Renaissance,albrecht-durer_the-cathedral-of-aix-la-chapelle-with-its-surroundings-seen-from-the-coronation-hall-1520 +landscape,Impressionism,vasile-popescu_balchik-1938 +sketch_and_study,Realism,vasily-surikov_krasnoyarsk-rebellion-1902 +cityscape,Impressionism,joaquã­n-sorolla_fountain-at-the-alcazin-sevilla +landscape,Impressionism,laszlo-mednyanszky_landscape-at-autumn-1890 +religious_painting,High_Renaissance,michelangelo_sistine-chapel-ceiling-the-delphic-sibyl-1509 +religious_painting,Northern_Renaissance,albrecht-durer_adoration-of-the-magi +portrait,Impressionism,john-lavery_evelyn-farquhar-1906 +portrait,Baroque,peter-paul-rubens_portrait-of-george-vilie +cityscape,Post_Impressionism,henri-martin_houses-in-the-village-1 +portrait,Romanticism,jan-matejko_the-young-man +genre_painting,Impressionism,pierre-auguste-renoir_girl-and-cat-1882 +abstract_painting,Abstract_Expressionism,joan-mitchell_untitled-1979 +genre_painting,Realism,jean-francois-millet_fishermen +portrait,Impressionism,pierre-auguste-renoir_girl-with-auburn-hair-1882 +genre_painting,Baroque,rembrandt_beggar-man-and-beggar-woman-conversing-1630 +still_life,Expressionism,henri-matisse_fish-tank-in-the-room-1912 +genre_painting,Realism,edvard-munch_aunt-karen-in-the-rocking-chair-1883 +genre_painting,Impressionism,mary-cassatt_children-in-a-garden-1878 +portrait,Expressionism,ligia-macovei_unknown-title-6 +portrait,Naive_Art_Primitivism,tarsila-do-amaral_fam-lia-1925 +landscape,Realism,theodore-rousseau_malhec-rocks-in-the-valley-of-saint-vincent-1830 +genre_painting,Analytical_Cubism,pablo-picasso_bathers-in-the-forest-1908 +portrait,Realism,ilya-repin_portrait-of-nadya-repina-1881 +genre_painting,Post_Impressionism,constantin-piliuta_flamenco +cityscape,Realism,adolf-hitler_alter-werderthor-wien +portrait,Rococo,thomas-gainsborough_lord-hastings-governor-of-india-1784 +still_life,Cubism,amadeo-de-souza-cardoso_composition-with-guitar +genre_painting,Cubism,albert-gleizes_untitled-6 +portrait,Impressionism,pierre-auguste-renoir_portrait-of-pierre-renoir-in-a-sailor-suit-1890-1 +genre_painting,Impressionism,edgar-degas_the-little-milliners-1882 +landscape,Symbolism,martiros-saryan_view-of-bjini-fortress-armenia-1923 +portrait,Art_Nouveau_Modern,felix-vallotton_portrait-of-french-philosopher-and-historian-hippolyte-taine-1897 +sketch_and_study,Realism,vasily-perov_khlysty-zeal-sketch +cityscape,Impressionism,stefan-dimitrescu_t-rgu-cucului-inn-1930 +portrait,Baroque,francesco-solimena_triumph-of-charles-iii-at-the-battle-of-velletri +genre_painting,Post_Impressionism,paul-serusier_young-breton-the-little-knitter +genre_painting,Contemporary_Realism,eric-fischl_by-the-river +portrait,Realism,vasily-vereshchagin_turkestan-officer-when-there-will-no-campaign-1873 +abstract_painting,Expressionism,ramon-oviedo_heridas-indelebles +landscape,Realism,ivan-shishkin_study-forest +landscape,Symbolism,nicholas-roerich_study-of-mountains-3 +portrait,High_Renaissance,raphael_the-parnassus-detail-of-homer-dante-and-virgil-in-the-stanze-della-segnatura-1511 +genre_painting,Naive_Art_Primitivism,marc-chagall_strawberries-bella-and-ida-at-the-table-1916 +sketch_and_study,High_Renaissance,michelangelo_head +landscape,Post_Impressionism,vincent-van-gogh_orchard-in-blossom-1888-2 +landscape,Impressionism,ilya-mashkov_neva-islets-rest-house-1923 +landscape,Impressionism,adolf-hitler_the-trail-1916 +religious_painting,Baroque,peter-paul-rubens_the-raising-of-the-cross-1621 +genre_painting,Impressionism,konstantin-korovin_the-dance-1912 +landscape,Impressionism,claude-monet_cliff-at-petit-ailly +portrait,Impressionism,camille-pissarro_lucien-pissarro-in-an-interior +portrait,Expressionism,dimitris-mytaras_mytaras-06-3 +abstract_painting,Color_Field_Painting,theodoros-stamos_spartan-sun-box-i +genre_painting,Fauvism,raoul-dufy_bathers-1908 +genre_painting,Impressionism,edgar-degas_women-combing-their-hair-1877 +nude_painting,High_Renaissance,michelangelo_ignudo-16 +cityscape,Impressionism,gregoire-boonzaier_cape-street-scene-1941 +landscape,Impressionism,eugene-boudin_the-rocks-of-l-ilette-and-the-fortifications-1893 +landscape,Cubism,paul-cezanne_chateau-noir +religious_painting,Northern_Renaissance,lucas-cranach-the-elder_st-george-with-head-of-the-dragon +landscape,Baroque,claude-lorrain_trees +religious_painting,Naive_Art_Primitivism,fernando-botero_head-of-christ +cityscape,Impressionism,childe-hassam_just-off-the-avenue-fifty-third-street-may +religious_painting,Northern_Renaissance,petrus-christus_nativity +landscape,Post_Impressionism,paul-gauguin_fire-by-the-water-1886 +abstract_painting,Minimalism,lee-ufan_from-line-1974 +landscape,Realism,efim-volkov_farm +genre_painting,Expressionism,balthus_the-moth-1960 +portrait,Realism,ivan-kramskoy_portrait-samarin-1878 +cityscape,Impressionism,claude-monet_saint-lazare-station-exterior-1 +genre_painting,Impressionism,william-merritt-chase_the-song +portrait,Post_Impressionism,henri-de-toulouse-lautrec_woman-s-head +religious_painting,Early_Renaissance,benozzo-gozzoli_saint-ursula-with-angels-and-donor-detail-1 +religious_painting,Realism,ivan-kramskoy_the-painting-of-the-main-dome-of-the-temple-of-christ-the-savior-in-moscow-1865 +landscape,Expressionism,salvador-dali_vilabertrin +landscape,Symbolism,nicholas-roerich_himalayas-1947-6 +cityscape,Impressionism,konstantin-korovin_pier-in-the-crimea-1913 +portrait,Rococo,joshua-reynolds_thomas-conolly-1764 +sketch_and_study,Realism,vincent-van-gogh_parsonage-garden-at-dusk-1885 +portrait,Realism,arkhip-kuindzhi_portrait-of-n-a-jaroshenko +landscape,Impressionism,giuseppe-de-nittis_a-roman-aqueduct +still_life,Expressionism,richard-diebenkorn_tomato-and-knife +portrait,Rococo,thomas-gainsborough_a-peasant-girl-with-dog-and-jug-1785 +portrait,Fauvism,henri-matisse_portrait-of-madame-matisse-green-stripe-1905 +religious_painting,Baroque,rembrandt_the-raising-of-lazarus-1630 +religious_painting,Baroque,jacob-jordaens_st-charles-cares-for-the-plague-victims-of-milan-1655 +portrait,Realism,ivan-kramskoy_portrait-of-leo-tolstoy-1873 +still_life,Cubism,georges-braque_cafe-bar-1919 +religious_painting,Baroque,francisco-de-zurbaran_the-immaculate-conception-1630 +religious_painting,Mannerism_Late_Renaissance,titian_christ-crowned-with-thorns +religious_painting,Baroque,rembrandt_the-sacrifice-of-abraham-1635 +abstract_painting,Minimalism,joan-hernandez-pijuan_paisatge-blanc-2003 +still_life,Synthetic_Cubism,juan-gris_guitar-on-a-chair-1913 +genre_painting,Romanticism,dante-gabriel-rossetti_golden-water-1858 +portrait,Expressionism,carlos-saenz-de-tejada_portrait-of-carlos-saenz-de-tejada-benvenuti-1941 +portrait,Baroque,jacob-jordaens_portrait-of-catharina-behaghel-1635 +abstract_painting,Abstract_Expressionism,paul-jenkins_not_detected_235694 +nude_painting,Impressionism,edgar-degas_the-toilette-after-the-bath +portrait,Mannerism_Late_Renaissance,lavinia-fontana_portrait-of-a-couple-1580 +landscape,Romanticism,thomas-cole_summer-twilight-a-recollection-of-a-scene-in-new-england-1834 +religious_painting,High_Renaissance,luca-signorelli_the-end-of-the-world-apocalypse-1502 +landscape,Contemporary_Realism,john-miller_casa-do-rio-beach-goa +genre_painting,Impressionism,ivan-vladimirov_walk-in-the-park-1905 +portrait,Expressionism,chaim-soutine_portrait-of-a-woman +genre_painting,Baroque,jan-steen_morning-toilet-1665 +portrait,Impressionism,pierre-auguste-renoir_bust-of-a-woman-yellow-dress +portrait,Impressionism,karoly-ferenczy_man-sitting-on-a-log-1895 +portrait,Expressionism,marcel-janco_urmuz-1923 +genre_painting,Naive_Art_Primitivism,niko-pirosmani_razzle-dazzle-of-three-urban-dwellers-in-the-forest +landscape,Ukiyo_e,keisai-eisen_komagata-d-temple-at-onmaya-embankment-onmaya-gashi-1820(1) +portrait,Baroque,rembrandt_old-man-with-turban +portrait,Expressionism,amedeo-modigliani_lunia-czechovska-1919 +genre_painting,Post_Impressionism,raoul-dufy_frouzette-and-her-father-1906 +portrait,Realism,vincent-van-gogh_workman-with-spade-sitting-near-the-window-1883 +portrait,Expressionism,albert-bloch_portrait-of-a-man-1911 +religious_painting,Northern_Renaissance,albrecht-durer_madonna-and-child-in-half-length +landscape,Cubism,auguste-herbin_bridge-over-the-oise-to-vadencourt-1912 +landscape,Pointillism,georges-lemmen_view-of-the-thames-1892 +cityscape,Expressionism,costas-niarchos_boats +religious_painting,Romanticism,orest-kiprensky_tiburtine-sibyl-1830 +portrait,Expressionism,lucian-freud_head-on-a-green-sofa-1961 +portrait,Northern_Renaissance,jean-fouquet_portrait-of-pope-eugene-iv +landscape,Post_Impressionism,piet-mondrian_view-from-the-dunes-with-beach-and-piers-1909 +portrait,Realism,boris-kustodiev_s-p-podyachev-in-his-hut-in-the-village-obolyaninove-1926 +sketch_and_study,Art_Nouveau_Modern,konstantin-korovin_soldier-costume-design-for-gartman-s-ballet-1908 +genre_painting,Realism,winslow-homer_spring +cityscape,Expressionism,spyros-papaloukas_landscape-5 +portrait,Post_Impressionism,nicolae-tonitza_spanish-woman-1928 +genre_painting,Impressionism,henry-herbert-la-thangue_a-veronese-road +genre_painting,Realism,mikhail-nesterov_old-painter-1884 +cityscape,Art_Nouveau_Modern,anna-ostroumova-lebedeva_the-lion-and-the-fortress-woodcut-for-the-magazine-world +abstract_painting,Minimalism,brice-marden_tour-iii +genre_painting,Realism,william-adolphe-bouguereau_ladmiration-1897 +genre_painting,Impressionism,edgar-degas_the-rehearsal-1877 +illustration,Art_Nouveau_Modern,aubrey-beardsley_how-king-arthur-saw-the-questing-beast +still_life,Expressionism,georges-braque_the-black-fish-1942 +religious_painting,Baroque,guido-reni_holy-family-1642 +portrait,Northern_Renaissance,hans-holbein-the-younger_portrait-of-sir-brian-tuke +genre_painting,Naive_Art_Primitivism,marc-chagall_burlesque-and-circus-1985 +portrait,Expressionism,zinaida-serebriakova_portrait-of-nadezhda-mikhailovna-kroshkin-1923 +portrait,Romanticism,orest-kiprensky_mother-and-child-1809 +portrait,Pointillism,jean-metzinger_femme-au-chapeau-1906 +still_life,Impressionism,edouard-manet_lilac-and-roses-1883 +genre_painting,Romanticism,paul-delaroche_the-children-of-edward-1831 +portrait,Romanticism,karl-bryullov_portrait-of-archbishop-giuseppe-capecalatro-1835(1) +genre_painting,Realism,vincent-van-gogh_women-miners-1882 +portrait,Expressionism,egon-schiele_seated-child-1918 +religious_painting,Romanticism,gustave-dore_the-death-of-gideon-s-sons +religious_painting,Early_Renaissance,benozzo-gozzoli_fall-of-simon-magus-1462 +genre_painting,Realism,julius-leblanc-stewart_ladies-with-a-gentleman-in-a-top-hat-1888(1) +cityscape,Expressionism,ernst-ludwig-kirchner_station-in-davos +landscape,Realism,ferdinand-hodler_the-small-plantane-1890 +sketch_and_study,Realism,vincent-van-gogh_lap-with-hands +portrait,Symbolism,kuzma-petrov-vodkin_portrait-of-andrei-bely-1932 +still_life,Cubism,andre-masson_the-bird-pierced-with-arrows +portrait,Cubism,fernand-leger_the-three-comrades-1920 +sketch_and_study,Realism,nicholas-roerich_study-of-flowers-1889 +religious_painting,Early_Renaissance,piero-della-francesca_the-penance-of-st-jerome(1) +portrait,Rococo,thomas-gainsborough_john-plampin +genre_painting,Post_Impressionism,nicolae-tonitza_childrens-room-1920 +genre_painting,Impressionism,mary-cassatt_mother-and-child-smiling-at-each-other-1908 +portrait,Post_Impressionism,richard-gerstl_waldemar-unger-i-1905 +religious_painting,Romanticism,francisco-goya_saint-gregory-1799 +sketch_and_study,Post_Impressionism,suzanne-valadon_utrillo-nude-sitting-on-a-couch-1895 +religious_painting,Baroque,bernardo-strozzi_lamentation-over-the-dead-christ-1617 +portrait,Rococo,benjamin-west_sarah-ursula-rose-1756 +cityscape,Impressionism,camille-pissarro_afternoon-sun-rouen-1896 +portrait,Early_Renaissance,domenico-ghirlandaio_ludovica-tornabuoni +nude_painting,Cubism,pablo-picasso_the-great-odalisque-after-ingres-1907 +landscape,Expressionism,salvador-dali_the-maids-in-waiting-las-meninas +religious_painting,Baroque,diego-velazquez_christ-after-the-flagellation-contemplated-by-the-christian-soul-1628 +landscape,Post_Impressionism,paul-gauguin_yellow-haystacks-golden-harvest-1889 +landscape,Baroque,joseph-wright_landscape-study-development-from-a-blot +religious_painting,Symbolism,odilon-redon_anthony-help-me-o-my-god-plate-2-1896 +portrait,Fauvism,rik-wouters_man-with-straw-hat-1913 +landscape,Expressionism,martiros-saryan_armenian-landscape-1934 +religious_painting,Early_Renaissance,fra-angelico_the-healing-of-justinian-by-saint-cosmas-and-saint-damian-1440 +religious_painting,Mannerism_Late_Renaissance,correggio_martyrdom-of-four-saints +religious_painting,Early_Renaissance,benozzo-gozzoli_st-augustine-departing-for-milan-detail-1465-1 +landscape,Post_Impressionism,constantin-piliuta_springtime-1990 +still_life,Cubism,pablo-picasso_fruit-dish-1912 +portrait,Baroque,ivan-nikitin_portrait-of-baron-s-g-stroganoff-1726 +still_life,Realism,octav-bancila_crengu-e-de-liliac +sketch_and_study,Impressionism,pierre-auguste-renoir_two-bathers +abstract_painting,Abstract_Expressionism,joan-miro_blue-iii +genre_painting,Impressionism,peder-severin-kroyer_beach-at-skagen-1903 +landscape,Impressionism,guy-rose_indian-tobacco-trees-la-jolla-1916 +still_life,Cubism,georges-braque_musical-instruments-1908 +abstract_painting,Abstract_Expressionism,brice-marden_eagles-mere-set-5-1997 +still_life,Realism,vincent-van-gogh_still-life-with-basket-of-apples-1885 +landscape,Expressionism,paula-modersohn-becker_landscape-with-birch-trees-1907 +sketch_and_study,Northern_Renaissance,albrecht-durer_study-sheet-with-mary-and-child +genre_painting,Baroque,adriaen-van-ostade_the-fishmarket +religious_painting,Early_Renaissance,filippo-lippi_saint-anthony-and-archangel-michael-1456 +genre_painting,Naive_Art_Primitivism,lyonel-feininger_the-rainbow-der-regenbogen-1918 +landscape,Symbolism,nicholas-roerich_morning-star-1932 +abstract_painting,Minimalism,richard-tuttle_20-pearls-1-2003 +still_life,Expressionism,pyotr-konchalovsky_still-life-sombrero-1916 +portrait,Romanticism,camille-corot_the-halberdsman-1870 +abstract_painting,Color_Field_Painting,barnett-newman_be-i-1970 +nude_painting,Ukiyo_e,utagawa-kunisada_not_detected_240350 +cityscape,Realism,vasily-polenov_the-mosque-of-omar-haram-el-sharif-1882 +portrait,Realism,boris-kustodiev_a-merchant-1918 +genre_painting,Romanticism,osman-hamdi_ladies-taking-a-walk +sketch_and_study,Romanticism,william-turner_two-figures-on-a-beach-with-a-boat-1845 +portrait,Romanticism,alfred-stevens_the-baroness-von-munchhausen +portrait,Expressionism,chronis-botsoglou_study-for-portrait +genre_painting,Impressionism,edgar-degas_women-on-a-cafe-terrace-1877 +abstract_painting,Abstract_Expressionism,joan-miro_not_detected_227949 +landscape,Impressionism,alfred-sisley_barges-at-billancourt-1877 +portrait,Realism,boris-kustodiev_portrait-of-n-a-podsosov-1906 +illustration,Art_Nouveau_Modern,edmund-dulac_cerburus-the-black-dog-of-hades-from-the-picture-book-for-the-red-cross +religious_painting,Baroque,jan-steen_samson-and-delilah-1670 +landscape,Impressionism,alfred-sisley_near-moret-1891 +abstract_painting,Abstract_Expressionism,horia-bernea_prapor(2) +genre_painting,Impressionism,henri-de-toulouse-lautrec_master-of-the-hunt +portrait,Impressionism,william-merritt-chase_portrait-of-mrs-william-merritt-chase +landscape,Pointillism,georges-seurat_the-bec-du-hoc-grandcamp-1885 +portrait,Rococo,carl-ludwig-johann-christineck_portrait-of-alexey-bobrinsky-as-a-child-1769-1 +landscape,Realism,theodore-rousseau_the-oak-tree-crashed-into-the-forest-of-fontainebleau +still_life,Baroque,gerrit-dou_still-life-with-armor-shield-halberd-sword-leather-jacket-and-drum +portrait,Realism,jean-francois-millet_portrait-of-a-naval-officer +abstract_painting,Minimalism,brice-marden_untitled-1970 +landscape,Symbolism,konstantin-bogaevsky_landscape-with-trees-1927 +religious_painting,High_Renaissance,raphael_the-judgment-of-solomon-1511 +portrait,Rococo,joshua-reynolds_miss-price-1770 +illustration,Romanticism,louis-janmot_po-me-de-l-me-1-g-n-ration-divine +landscape,Impressionism,egon-schiele_meadow-with-village-in-background-1907 +abstract_painting,Abstract_Expressionism,vasile-dobrian_get-yourselves-accustomed-with-the-dizzy-detachments-from-earth-from-the-archways-series +landscape,Impressionism,claude-monet_the-seine-at-lavacourt +landscape,Impressionism,claude-monet_path-at-la-cavee-pourville +genre_painting,Baroque,adriaen-van-ostade_the-schoolmaster +sketch_and_study,Romanticism,george-stubbs_frontal-view-of-the-skeleton-of-a-horse-study-no-10-from-the-anatomy-of-the-horse-1766 +landscape,Baroque,david-teniers-the-younger_landscape +portrait,Realism,john-singer-sargent_charles-woodbury-1921 +abstract_painting,Abstract_Expressionism,mark-rothko_multiform-1948 +cityscape,New_Realism,edward-hopper_not_detected_235604 +abstract_painting,Color_Field_Painting,morris-louis_untitled-1958 +cityscape,Impressionism,childe-hassam_columbus-avenue-rainy-day-1885 +portrait,Expressionism,elaine-de-kooning_portrait-of-jack-greenbaum-1959 +landscape,Romanticism,maxim-vorobiev_oriental-landscape-1821 +cityscape,Expressionism,zinaida-serebriakova_morocco-sefrou-the-roofs-of-the-city-1932 +portrait,Romanticism,francisco-goya_king-carlos-iv-in-hunting-costume-1799 +religious_painting,Symbolism,james-tissot_jael-shows-to-barak-sisera-lying-dead +nude_painting,Impressionism,pierre-auguste-renoir_caryatides +sketch_and_study,Realism,thomas-eakins_study-of-dr-agnew-for-the-agnew-clinic +cityscape,Impressionism,camille-pissarro_hyde-park-london-1890 +sketch_and_study,Realism,vincent-van-gogh_lane-with-poplars +religious_painting,Symbolism,gustave-moreau_the-martyred-st-sebastian-1869 +religious_painting,Early_Renaissance,sandro-botticelli_the-virgin-and-child-surrounded-by-five-angels(1) +landscape,Symbolism,konstantin-bogaevsky_mountain-landscape +genre_painting,Realism,boris-kustodiev_a-balloon-seller-1915 +portrait,Baroque,cornelis-de-vos_portrait-of-a-nobleman-and-three-children +sketch_and_study,Expressionism,egon-schiele_peasant-homestead-in-a-landscape-1913 +portrait,Symbolism,kuzma-petrov-vodkin_portrait-of-the-daughter-against-the-backdrop-of-still-life +portrait,Naive_Art_Primitivism,niko-pirosmani_sister-of-mercy +portrait,Romanticism,orest-kiprensky_portrait-of-feodor-rostopchin-1822 +abstract_painting,Color_Field_Painting,sam-francis_untitled-edge-1964(1) +sketch_and_study,Realism,vincent-van-gogh_torso-of-venus-4 +genre_painting,Realism,theo-van-rysselberghe_moroccan-fruit-market +landscape,Symbolism,nicholas-roerich_study-of-mountains-7 +sketch_and_study,Early_Renaissance,pisanello_three-cows-1440 +landscape,Symbolism,konstantin-somov_rainbow-2 +still_life,Synthetic_Cubism,juan-gris_still-life-in-front-of-the-wiindow-1922 +genre_painting,Fauvism,raoul-dufy_4th-of-july-1906 +cityscape,Post_Impressionism,edouard-cortes_st-denis-5 +religious_painting,Early_Renaissance,antonello-da-messina_madonna-and-child-with-a-praying-franciscan-donor +portrait,Art_Nouveau_Modern,raphael-kirchner_greek-girls-3 +landscape,Impressionism,camille-pissarro_road-to-saint-germain-louveciennes-1871 +portrait,Realism,william-adolphe-bouguereau_shepherdess-1889 +landscape,Impressionism,camille-pissarro_bourgeois-house-in-l-hermitage-pontoise-1873 +abstract_painting,Abstract_Expressionism,hans-hofmann_furioso-1963 +abstract_painting,Color_Field_Painting,ralph-hotere_kei-muri-i-te-awe-kapara-shadowed-behind-the-tattooed-face-1972 +landscape,Naive_Art_Primitivism,henri-rousseau_corner-of-the-plateau-of-bellevue-1902 +religious_painting,Baroque,peter-paul-rubens_the-meeting-of-abraham-and-melchisedek-1621 +landscape,Impressionism,camille-pissarro_autumn-morning-at-eragny-1897 +landscape,Expressionism,zinaida-serebriakova_pears-on-the-branches-1930 +genre_painting,Baroque,gerrit-dou_cardplayers-at-candlelight +still_life,Cubism,lyubov-popova_still-life-with-tray +genre_painting,Expressionism,umberto-boccioni_mar-a-sacchi-reading-1907 +portrait,Rococo,benjamin-west_queen-charlotte-1776 +portrait,Mannerism_Late_Renaissance,giorgio-vasari_the-house-of-giorgio-vasari-in-arezzo-1 +religious_painting,Northern_Renaissance,hans-memling_christ-crowned-with-thorns +landscape,Realism,vincent-van-gogh_pine-trees-in-the-fen-1884 +cityscape,Post_Impressionism,constantin-piliuta_in-the-city +genre_painting,Post_Impressionism,vincent-van-gogh_quay-with-men-unloading-sand-barges-1888-1 +sketch_and_study,Romanticism,john-everett-millais_study-for-ophelia +sketch_and_study,Post_Impressionism,vincent-van-gogh_standing-female-nude-seen-from-the-back +portrait,Ukiyo_e,utagawa-kuniyoshi_women +religious_painting,Northern_Renaissance,hieronymus-bosch_adoration-of-the-magi-1516 +abstract_painting,Abstract_Expressionism,lee-krasner_cool-white-1959 +abstract_painting,Abstract_Expressionism,cy-twombly_untitled-8 +sketch_and_study,Realism,boris-kustodiev_portrait-v-a-kastalsky-1921 +sketch_and_study,Post_Impressionism,vincent-van-gogh_seated-woman-4-1887 +genre_painting,Cubism,amadeo-de-souza-cardoso_corpus-christi-procession-1913(1) +religious_painting,Baroque,peter-paul-rubens_carrying-the-cross +religious_painting,Baroque,annibale-carracci_christ-wearing-the-crown-of-thorns-supported-by-angels-1587 +landscape,Impressionism,paul-signac_an-old-port-of-marseille +portrait,Expressionism,ligia-macovei_unknown-title-26 +portrait,Northern_Renaissance,hans-baldung_portrait-of-a-man-1514 +portrait,Rococo,john-russell_portrait-of-george-de-ligne-gregory-1793 +religious_painting,High_Renaissance,andrea-del-sarto_lament-of-christ +landscape,Impressionism,piet-mondrian_farm-sun +genre_painting,Impressionism,camille-pissarro_the-harvest-1883 +portrait,Post_Impressionism,vladimir-dimitrov_unknown-title-1 +portrait,Impressionism,frederic-remington_the-cowboy-1902 +portrait,Romanticism,karl-bryullov_st-alexandra +portrait,Romanticism,jan-matejko_henryk-brodaty +landscape,Fauvism,maurice-de-vlaminck_autumn-landscape-1905 +genre_painting,Cubism,pablo-picasso_woman-with-mandolin-1925 +landscape,Post_Impressionism,pyotr-konchalovsky_peterhof-1931 +landscape,Impressionism,frits-thaulow_a-french-river-landscape +nude_painting,Expressionism,george-mavroides_back-again-1954 +sketch_and_study,Rococo,maurice-quentin-de-la-tour_preparation-to-the-portrait-of-dauphin-louis-de-france-son-of-louis-xv +portrait,Impressionism,pierre-auguste-renoir_charles-le-coeur-1874 +genre_painting,Expressionism,saul-steinberg_the-waltz-1953 +cityscape,Naive_Art_Primitivism,louis-vivin_le-dejeuner-sur-l-herbe-1925 +landscape,Impressionism,william-merritt-chase_prospect-park-brooklyn-02 +landscape,Naive_Art_Primitivism,niko-pirosmani_village +portrait,Post_Impressionism,henri-de-toulouse-lautrec_miss-may-belfort-1895 +abstract_painting,Minimalism,yves-gaucher_r-cr-ii-n-d-j-1968 +religious_painting,Symbolism,nicholas-roerich_order-of-rigden-jyepo-1947 +portrait,Expressionism,pyotr-konchalovsky_portrait-of-s-p-konchalovsky-with-her-daughter-1916 +abstract_painting,Abstract_Expressionism,sam-francis_untitled-3 +abstract_painting,Abstract_Expressionism,sam-francis_untitled-ii-1983 +genre_painting,High_Renaissance,raphael_vision-of-a-knight +genre_painting,Symbolism,pierre-puvis-de-chavannes_the-river +landscape,Expressionism,margareta-sterian_the-red-car +genre_painting,Realism,frederic-remington_signaling-the-main-command-1885 +portrait,Expressionism,zinaida-serebriakova_portrait-of-abbe-esten-1935 +religious_painting,Early_Renaissance,piero-della-francesca_battle-between-heraclius-and-chosroes-detail(1) +genre_painting,Romanticism,konstantin-makovsky_sunday-evening-in-the-village +genre_painting,Realism,janos-tornyai_the-legacy-1920 +genre_painting,Impressionism,joaquã­n-sorolla_boys-in-the-sea +landscape,Art_Nouveau_Modern,gustav-klimt_fir-forest-i +portrait,Rococo,vladimir-borovikovsky_portrait-of-count-g-g-kushelev +religious_painting,Symbolism,gustave-moreau_the-apparition-1876 +landscape,Symbolism,nicholas-roerich_royal-monastery-1932 +portrait,Expressionism,m.c.-escher_father-with-magnifying-glass +genre_painting,Post_Impressionism,maurice-prendergast_seashore-2 +portrait,Expressionism,marie-laurencin_girl-s-head-1918 +still_life,Expressionism,max-weber_still-life-with-red-bananas +genre_painting,Impressionism,james-tissot_a-fete-day-at-brighton-naval-flags-of-various-european-nations-seen-in-background +religious_painting,Baroque,peter-paul-rubens_judith-with-the-head-of-holofernes +landscape,Impressionism,odilon-redon_trees +sketch_and_study,Impressionism,nicolae-vermont_the-emigrants +genre_painting,Realism,vasily-surikov_evening-in-petersburg-1871 +portrait,Realism,boris-kustodiev_portrait-of-y-i-lavrin-1909 +landscape,Realism,taras-shevchenko_nunnery-in-chyhyryn-1845 +portrait,Ukiyo_e,keisai-eisen_woman-in-snow +portrait,Impressionism,berthe-morisot_on-a-bench +portrait,Rococo,joshua-reynolds_the-strawberry-girl-1777 +religious_painting,Early_Renaissance,sandro-botticelli_christ-in-the-sepulchre(1) +sketch_and_study,Romanticism,karl-bryullov_flying-angel-mourning-victims-of-the-inquisition-1850(1) +cityscape,Post_Impressionism,pyotr-konchalovsky_sorrento-grave-of-sylvester-shchedrin-1924 +illustration,Expressionism,lynd-ward_not-detected-272533 +still_life,Impressionism,pierre-auguste-renoir_apples-and-manderines +genre_painting,Naive_Art_Primitivism,marc-chagall_acrobates-1961 +landscape,Impressionism,claude-monet_rain-in-belle-ile +portrait,Expressionism,yiannis-tsaroychis_koundouriotissa-or-woman-from-eleusis-1948 +illustration,Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-fairy-tale-vasilisa-the-beautiful(1) +landscape,Impressionism,camille-pissarro_landscape-at-chaponval-1880 +landscape,Impressionism,claude-monet_lavacourt-sun-and-snow +landscape,Symbolism,zinaida-serebriakova_landscape-village-neskuchnoye-1916 +portrait,Rococo,thomas-gainsborough_carl-friedrich-abel +still_life,Cubism,pyotr-konchalovsky_bread-on-the-green-1913 +nude_painting,Expressionism,henri-matisse_odalisque-half-length-the-tatoo-1923 +cityscape,Realism,pyotr-konchalovsky_bolshaya-sadovaya-pink-house-1931 +genre_painting,Baroque,esaias-van-de-velde_party-in-the-garden-1619 +portrait,Baroque,frans-hals_the-laughing-child +cityscape,Impressionism,antoine-blanchard_theatre-des-varietes-large-1 +genre_painting,Art_Nouveau_Modern,raphael-kirchner_lillian-lorraine +portrait,Impressionism,john-lavery_le-mort-du-cygne-anna-pavlova-1911 +genre_painting,New_Realism,william-james-glackens_skating-in-central-park-1910 +landscape,Impressionism,robert-julian-onderdonk_on-the-san-antonio-river-1910 +genre_painting,Baroque,johannes-vermeer_the-milkmaid +cityscape,Symbolism,nicholas-roerich_glow-1914-1 +genre_painting,Realism,jean-francois-millet_a-stonemason +abstract_painting,Abstract_Expressionism,joan-snyder_woman-child-1972 +sketch_and_study,Romanticism,fyodor-solntsev_people-clothes-the-province-of-kiev-3 +cityscape,Realism,winslow-homer_salt-kettle-bermuda +genre_painting,Realism,mykola-pymonenko_before-the-campaign +nude_painting,Impressionism,pierre-auguste-renoir_seated-bather-1 +portrait,Rococo,joshua-reynolds_sir-richard-worsley +portrait,Baroque,anthony-van-dyck_portrait-of-philip-lord-wharton +portrait,Realism,robert-brackman_a-plant-for-elizabeth +landscape,Realism,camille-corot_evening-landscape-the-ferryman-evening-1839 +illustration,Symbolism,william-blake_the-casting-of-the-rebel-angels-into-hell-1808 +religious_painting,Early_Renaissance,andrea-mantegna_st-jerome-in-the-wilderness-1450 +cityscape,Symbolism,kuzma-petrov-vodkin_samarkand-1921 +portrait,Impressionism,pierre-auguste-renoir_portrait-of-pierre-renoir-in-a-sailor-suit-1890 +landscape,Post_Impressionism,henri-catargi_landscape-from-arges-valley-1967 +genre_painting,Art_Nouveau_Modern,boris-kustodiev_paris-boulevard-at-night-1913 +portrait,High_Renaissance,lorenzo-lotto_portrait-of-a-musician-1529 +abstract_painting,Color_Field_Painting,gene-davis_end-stripes-1960 +landscape,Fauvism,charles-lapicque_lagune-bretonne-1959 +landscape,Realism,m.c.-escher_ravello-iii +abstract_painting,Minimalism,perle-fine_timelessness-2-1974 +landscape,Naive_Art_Primitivism,niki-de-sainte-phalle_garden-1972 +cityscape,Impressionism,claude-monet_the-la-rue-bavolle-at-honfleur-2 +genre_painting,Realism,vincent-van-gogh_girl-kneeling-1881(1) +genre_painting,Expressionism,edvard-munch_christmas-in-the-brothel-1905 +landscape,Impressionism,arkhip-kuindzhi_trunks-of-trees +genre_painting,Art_Nouveau_Modern,andrei-ryabushkin_a-young-man-breaking-into-the-girls-dance-and-the-old-women-are-in-panic +landscape,Post_Impressionism,david-burliuk_boat-at-a-shore-sun +still_life,Realism,henri-fantin-latour_asters-and-fruit-on-a-table-1868 +illustration,Romanticism,gustave-dore_inferno-canto-4 +portrait,Romanticism,karl-bryullov_alexander-ribeaupierre(1) +cityscape,Expressionism,oskar-kokoschka_not_detected_235875 +portrait,Impressionism,joaquã­n-sorolla_portrait-of-antonio-elegido-1893 +abstract_painting,Color_Field_Painting,sam-francis_untitled-1958-1 +religious_painting,Impressionism,karoly-ferenczy_deposition-from-the-cross-1903 +still_life,Cubism,louis-marcoussis_still-life +portrait,Impressionism,pierre-auguste-renoir_bust-of-a-woman-wearing-a-hat-1881 +portrait,Post_Impressionism,vincent-van-gogh_portrait-of-alexander-reid-1887 +portrait,Baroque,judith-leyster_jolly-toper +sketch_and_study,Realism,vasily-surikov_shooting-cossack +portrait,Post_Impressionism,pyotr-konchalovsky_a-girl-in-a-velvet-coat-1928 +cityscape,Naive_Art_Primitivism,henri-rousseau_the-mill +portrait,Rococo,dmitry-levitzky_portrait-of-prince-alexander-prozorovskiy-1779 +landscape,Post_Impressionism,pyotr-konchalovsky_fotieva-road-1926 +sketch_and_study,Post_Impressionism,vincent-van-gogh_pine-trees-near-the-wall-of-the-asylum-1889-2 +portrait,Impressionism,constantin-artachino_lipoveanul +portrait,Ukiyo_e,keisai-eisen_shimada-station-shimada-shuku-no-24-from-an-untitled-series-of-the-fifty-three-stations-of-the(1) +genre_painting,Expressionism,ernst-ludwig-kirchner_equestrienne +abstract_painting,Cubism,carlos-merida_geometrica-en-la-forma-1951 +landscape,Impressionism,t.-c.-steele_on-the-oregon-coast-1902 +sketch_and_study,Naive_Art_Primitivism,marc-chagall_moses-with-the-burning-bush-2 +abstract_painting,Abstract_Expressionism,louis-schanker_football-3-1950 +genre_painting,Symbolism,nicholas-roerich_the-treasure-diviner-1943 +genre_painting,Realism,james-tissot_the-woman-of-fashion-la-mondaine-1885 +portrait,Northern_Renaissance,albrecht-durer_portrait-of-captain-felix-hungersperg +landscape,Realism,ivan-shishkin_forest-landscape-1 +portrait,Rococo,maurice-quentin-de-la-tour_jean-monnet +landscape,Post_Impressionism,felix-vallotton_the-coal-scuttles-1889 +portrait,Impressionism,ion-theodorescu-sion_fata-n-ro-u-1927 +genre_painting,Expressionism,marc-chagall_wandering-jew-1914 +genre_painting,Impressionism,joaquã­n-sorolla_to-the-water-1902 +landscape,Contemporary_Realism,jamie-wyeth_new-shoot-1973 +landscape,Symbolism,nicholas-roerich_himalayas-29 +portrait,Realism,ivan-kramskoy_portrait-of-a-publisher-and-writer-alexei-sergeyevich-suvorina-1881 +abstract_painting,Color_Field_Painting,mark-rothko_no-301 +illustration,Naive_Art_Primitivism,marc-chagall_illustration-for-louis-aragon-s-work-one-who-says-things-without-saying-anything-1976-17 +religious_painting,Northern_Renaissance,jean-fouquet_charity-of-st-martin-1460 +cityscape,Rococo,bernardo-bellotto_view-of-the-square-of-zelazna-brama-warsaw-1779 +religious_painting,Northern_Renaissance,jean-fouquet_virgin-and-child-enthroned +religious_painting,Baroque,guido-reni_mary-s-birth-1611 +portrait,Rococo,thomas-gainsborough_wc-stringer-lawrence +religious_painting,Romanticism,gustave-dore_the-ninth-plague-darkness +landscape,Realism,arkhip-kuindzhi_oaks +cityscape,Impressionism,camille-pissarro_the-louvre-winter-sunshine-morning-1900 +genre_painting,Post_Impressionism,georges-seurat_on-the-balcony +portrait,Fauvism,ilya-mashkov_portrait-of-a-woman-minsk-1908 +landscape,Post_Impressionism,viorel-marginean_unknown-title-1 +genre_painting,Art_Nouveau_Modern,aubrey-beardsley_cinesias-entreating-myrrhina-to-coition +religious_painting,Early_Renaissance,piero-della-francesca_federico-da-montefeltro-1472(1) +still_life,Realism,henri-fantin-latour_peaches-1869 +still_life,Fauvism,theodor-pallady_still-life-with-red-flowers +sketch_and_study,Rococo,maurice-quentin-de-la-tour_study-for-portrait-of-unknown-man-2 +still_life,Ukiyo_e,katsushika-hokusai_round-dish-with-scalloped-edge +religious_painting,Naive_Art_Primitivism,marc-chagall_michal-saves-david-from-saul-1960 +landscape,Realism,ivan-shishkin_forest-from-the-mountain-1895 +portrait,Northern_Renaissance,albrecht-durer_portrait-of-hieronymus-holzschuher-1526 +portrait,Art_Nouveau_Modern,ferdinand-hodler_portrait-of-james-vibert-1915 +religious_painting,Early_Renaissance,piero-della-francesca_burial-of-the-holy-wood-1464(1) +cityscape,Realism,vasily-sadovnikov_illumination-on-the-moika-embankment-in-st-petersburg-1856 +religious_painting,High_Renaissance,pietro-perugino_polyptych-of-st-peter-st-ercolano-1500 +portrait,Expressionism,henri-matisse_purple-robe-and-anemones-1937 +sketch_and_study,Post_Impressionism,paul-cezanne_seated-nude +abstract_painting,Action_painting,franz-kline_untitled-1 +sketch_and_study,Impressionism,james-mcneill-whistler_study-for-the-portrait-of-f-r-leyland-1873 +genre_painting,Realism,giovanni-boldini_in-the-studio +abstract_painting,Color_Field_Painting,sam-francis_untitled-1960-1 +landscape,Romanticism,ferdinand-georg-waldmã¼ller_the-ruin-of-the-greek-theater-in-taormina-sicily-1844 +portrait,Romanticism,william-holman-hunt_the-birthday-a-portrait-of-the-artist-s-wife-edith +landscape,Impressionism,gustave-caillebotte_the-pink-villa-at-trouville +still_life,Impressionism,pierre-auguste-renoir_three-lemons-1918 +genre_painting,Impressionism,william-merritt-chase_girl-with-tambourine +landscape,Post_Impressionism,pyotr-konchalovsky_novgorod-anthony-the-roman-view-from-the-river-1926 +religious_painting,Mannerism_Late_Renaissance,paolo-veronese_the-vision-of-saint-helena +genre_painting,Northern_Renaissance,albrecht-durer_entombment +abstract_painting,Abstract_Expressionism,rafa-nasiri_untitled-051-1998 +portrait,Ukiyo_e,keisai-eisen_courtesan-hanaogi-from-the-ogi-house-1825 +genre_painting,Realism,vincent-van-gogh_three-woodcutters-walking-1884 +portrait,Realism,salvador-dali_portrait-of-mrs-mary-sigall +nude_painting,Expressionism,ossip-zadkine_three-women-in-an-interior +abstract_painting,Abstract_Expressionism,jack-tworkov_june-21-1964 +portrait,Cubism,paul-klee_the-mask-with-the-little-flag-1925(1) +portrait,Baroque,frans-hals_mulatto-1627 +sketch_and_study,Post_Impressionism,vincent-van-gogh_head-of-a-woman-with-her-hair-loose-1886 +nude_painting,Post_Impressionism,vincent-van-gogh_nude-woman-reclining-seen-from-the-back-1887 +portrait,Northern_Renaissance,lucas-cranach-the-elder_katharina-von-bora-future-wife-of-martin-luther-1526 +portrait,Impressionism,pierre-auguste-renoir_the-daughters-of-catulle-mendes-1888 +genre_painting,Post_Impressionism,maurice-prendergast_bathers-new-england +portrait,Post_Impressionism,vladimir-dimitrov_unknown-title-5 +landscape,Symbolism,odilon-redon_two-trees-1875 +genre_painting,Romanticism,albert-bierstadt_the-ambush-1876 +sketch_and_study,Realism,vasily-surikov_wanderer +abstract_painting,Abstract_Expressionism,robert-goodnough_soaring-i-1994 +abstract_painting,Minimalism,brice-marden_for-caroline-1977 +abstract_painting,Minimalism,agnes-martin_drops-1961 +religious_painting,Naive_Art_Primitivism,marc-chagall_white-crucifixion-1938 +religious_painting,Symbolism,nicholas-roerich_order-of-rigden-jyepo +illustration,Art_Nouveau_Modern,edmund-dulac_a-loaf-of-bread-the-rubaiyat-of-omar-khayyam +genre_painting,Ukiyo_e,kitagawa-utamaro_the-hour-of-the-dragon +genre_painting,Realism,gustave-courbet_the-winnowers-1855(1) +landscape,Romanticism,john-constable_arundel-mill-and-castle-1837 +genre_painting,New_Realism,william-james-glackens_may-day-in-central-park-1905 +portrait,Ukiyo_e,keisai-eisen_the-courtesan-hitomoto-of-the-daimonjiya-house(1) +religious_painting,Early_Renaissance,carlo-crivelli_annunciation +landscape,Impressionism,konstantin-korovin_winter-1911-1 +portrait,Post_Impressionism,david-burliuk_a-girl-1954 +landscape,Pointillism,camille-pissarro_sunset-bazincourt-steeple-1 +illustration,Art_Nouveau_Modern,edmund-dulac_death-listened-to-the-nightingale-the-nightingale +sketch_and_study,Realism,boris-kustodiev_woman-standing-with-arms-raised-1915 +sketch_and_study,Expressionism,ernst-ludwig-kirchner_sailboats-at-fehmarn +abstract_painting,Minimalism,robert-ryman_bent-line-drawing +genre_painting,Rococo,jean-baptiste-simeon-chardin_the-young-schoolmistress-1740 +portrait,Baroque,rembrandt_portrait-of-cornelis-claesz-1640 +portrait,Early_Renaissance,domenico-ghirlandaio_portrait-of-a-lady +genre_painting,Expressionism,margareta-sterian_suite +religious_painting,Baroque,francisco-de-zurbaran_flagellation-of-st-jerome-by-the-angels-1639 +still_life,Analytical_Cubism,juan-gris_still-life-with-guitar-1913 +genre_painting,Impressionism,emile-claus_le-pique-nique-1887 +portrait,Rococo,william-hogarth_the-servants-of-the-painter +portrait,Baroque,frans-hals_three-childeren-with-a-goat-cart +landscape,Impressionism,camille-pissarro_vegetable-garden-at-hermitage-near-pontoise-1879 +landscape,Symbolism,nicholas-roerich_mist-before-dawn-1924 +abstract_painting,Color_Field_Painting,mark-rothko_no-3-1967 +nude_painting,Post_Impressionism,victor-pasmore_nude-1941(1) +genre_painting,Expressionism,henri-matisse_music-1910 +abstract_painting,Color_Field_Painting,helen-frankenthaler_earliness-1975 +genre_painting,Art_Nouveau_Modern,raphael-kirchner_boys-and-girls-at-sea-9 +genre_painting,Baroque,adriaen-brouwer_the-smokers-or-the-peasants-of-moerdijk-1630 +landscape,Realism,ivan-shishkin_covert-1874 +cityscape,Impressionism,rudolf-schweitzer-cumpana_str-du-n-atena +portrait,Expressionism,amedeo-modigliani_portrait-of-paul-alexander-on-green-background-1909 +portrait,Expressionism,paula-modersohn-becker_portrait-of-martha-vogeler +cityscape,Expressionism,zinaida-serebriakova_marrakech-the-walls-and-towers-of-the-city-1928 +portrait,Art_Nouveau_Modern,felix-vallotton_portrait-of-french-writer-octave-uzanne-1892 +genre_painting,Impressionism,camille-pissarro_laundry-and-mill-at-osny-1884 +genre_painting,Realism,julius-leblanc-stewart_the-ball(1) +landscape,Post_Impressionism,anita-malfatti_gruta-da-imprensa +landscape,Post_Impressionism,albert-marquet_outskirts-of-paris-1905 +genre_painting,Post_Impressionism,paul-gauguin_arearea-i-1892 +landscape,Realism,isaac-levitan_ai-petri-1886 +genre_painting,Impressionism,edgar-degas_the-absinthe-drinker-1876 +religious_painting,Early_Renaissance,leonardo-da-vinci_the-baptism-of-christ +landscape,Impressionism,t.-c.-steele_meridian-street-thawing-weather-1887 +genre_painting,Romanticism,john-collier_the-prodigal-daughter-1903 +portrait,Realism,mikhail-nesterov_portrait-of-vera-mukhina-1940 +landscape,Baroque,esaias-van-de-velde_landscape-with-ruins +landscape,Realism,vasily-vereshchagin_passage-of-barskaun +cityscape,Post_Impressionism,maurice-utrillo_hector-berlioz-s-house +genre_painting,Realism,winslow-homer_the-adirondack-guide +nude_painting,Naive_Art_Primitivism,fernando-botero_woman-stapling-her-bra +landscape,Expressionism,horia-bernea_the-column +genre_painting,New_Realism,william-james-glackens_1911-for-the-championship-of-the-backlot-league +genre_painting,Expressionism,henri-matisse_the-silence-that-lives-in-houses-1947 +genre_painting,Realism,klavdy-lebedev_to-the-son-1894 +abstract_painting,Color_Field_Painting,dan-christensen_new-morning-1996 +portrait,Impressionism,philip-wilson-steer_seated-lady +still_life,Cubism,juan-gris_bananas +portrait,Northern_Renaissance,hugo-van-der-goes_benedictine-monk +abstract_painting,Abstract_Expressionism,sam-francis_free-floating-clouds-1980 +landscape,Realism,frits-thaulow_a-river-in-the-winter +abstract_painting,Minimalism,kazuo-nakamura_topology-series-1-1968 +portrait,Northern_Renaissance,hans-holbein-the-younger_unknown-gentleman-with-music-books-and-lute +genre_painting,Baroque,david-teniers-the-younger_peasants-bowling-in-a-village-street +sketch_and_study,Symbolism,nicholas-roerich_monhigan-study-1922-13 +landscape,Post_Impressionism,marsden-hartley_landscape-new-mexico-1920-1 +genre_painting,Impressionism,frederic-remington_apache-fire-signal-1891 +religious_painting,Northern_Renaissance,hieronymus-bosch_the-carrying-of-the-cross-1480 +portrait,Realism,john-lewis-krimmel_young-girl-with-a-blue-dress +genre_painting,Realism,vasily-polenov_dunkey-driver-in-cairo-1882 +landscape,Art_Nouveau_Modern,ivan-bilibin_crimea-koktebel-1939(1) +landscape,Romanticism,thomas-moran_the-sacrifice-of-isaac-1868 +abstract_painting,Color_Field_Painting,theodoros-stamos_infinity-field-lefkada-series-for-c-d-friedrich-1981 +sketch_and_study,Post_Impressionism,vincent-van-gogh_sketch-of-a-couple-walking-with-a-child-1890 +portrait,Rococo,carl-ludwig-johann-christineck_nikolai-mordvinov-1771 +genre_painting,Expressionism,jose-gutierrez-solana_the-trial-of-madame-roland +genre_painting,Pointillism,georges-seurat_farm-women-at-work-1883 +portrait,High_Renaissance,luca-signorelli_sallust-1502 +still_life,Realism,edouard-manet_branch-of-white-peonies-and-secateurs-1864 +genre_painting,New_Realism,edward-hopper_model-sitting +landscape,Impressionism,john-henry-twachtman_niagara-gorge +genre_painting,Rococo,benjamin-west_harvesting-at-windsor-1795 +religious_painting,High_Renaissance,pietro-perugino_polyptych-of-st-peter-prophet-isaiah-1500 +landscape,Impressionism,claude-monet_the-sea-seen-from-the-cliffs-of-fecamp +genre_painting,Naive_Art_Primitivism,grã©goire-michonze_figures-in-the-village +portrait,Expressionism,august-macke_reading-woman +portrait,Naive_Art_Primitivism,fernando-botero_the-hunter +landscape,Impressionism,john-henry-twachtman_dock-at-newport +genre_painting,Realism,vasily-vereshchagin_chorus-of-dervishes-begging-tashkent-1870 +landscape,Realism,johan-hendrik-weissenbruch_windy-day +portrait,Mannerism_Late_Renaissance,titian_pope-paul-iii-1546 +cityscape,Art_Nouveau_Modern,boris-kustodiev_fontanka-1916 +religious_painting,High_Renaissance,titian_st-sebastian-1522 +abstract_painting,Abstract_Expressionism,richard-pousette-dart_the-magnificent-1951 +genre_painting,Ukiyo_e,keisai-eisen_rambunctious-1840(1) +nude_painting,Impressionism,walter-sickert_figure-1906 +landscape,Realism,gustave-courbet_view-of-the-parc-de-crete-over-clarens-1874 +landscape,Realism,winslow-homer_storm-bahamas +genre_painting,Realism,vasily-vereshchagin_eunuch-at-the-door-of-the-harem-1870 +genre_painting,Impressionism,henry-herbert-la-thangue_selling-chickens-in-liguria-1906 +portrait,Romanticism,miklos-barabas_portrait-of-a-woman-1846 +landscape,Realism,charles-francois-daubigny_eel-fishermen-1864 +religious_painting,Mannerism_Late_Renaissance,agnolo-bronzino_st-matthew +religious_painting,Northern_Renaissance,dirk-bouts_the-capture-of-christ +still_life,Realism,henri-fantin-latour_flowers-and-fruit-1868 +genre_painting,Symbolism,nicholas-roerich_runaways-1943 +still_life,Post_Impressionism,le-pho_fleurs-1971 +genre_painting,Symbolism,felicien-rops_lady-with-puppet +genre_painting,Romanticism,konstantin-makovsky_the-transfer-of-the-sacred-carpet-from-mecca-to-cairo +landscape,Romanticism,ivan-aivazovsky_night-in-the-ukraine-1871 +portrait,Expressionism,rafael-zabaleta_portrait-of-aunt-pepa-1942 +portrait,Expressionism,paula-modersohn-becker_two-girls-in-front-of-birch-trees +portrait,Romanticism,fyodor-bronnikov_portrait-of-an-old-man-1874 +portrait,Realism,gustave-courbet_portrait-of-paul-verlaine +portrait,Realism,vasily-tropinin_alyabyev-a-1850 +portrait,Cubism,albert-gleizes_man-on-a-balcony-portrait-of-dr-th-o-morinaud-1912 +genre_painting,Symbolism,pierre-puvis-de-chavannes_children-in-an-orchard +religious_painting,Mannerism_Late_Renaissance,parmigianino_madonna-with-the-long-neck-1540 +abstract_painting,Minimalism,ellsworth-kelly_horizontal-line-1951 +sketch_and_study,Impressionism,arkhip-kuindzhi_mountains-on-the-shore +cityscape,Impressionism,claude-monet_monte-carlo-seen-from-roquebrune +portrait,Rococo,antoine-pesne_portrait-of-an-unknown-woman-by-antoine-pesne-bode-museum-berlin +sketch_and_study,Realism,nicholas-roerich_tomb-near-village-podlipie-1899 +portrait,Realism,anders-zorn_in-mourning-1880 +portrait,Impressionism,pierre-auguste-renoir_woman-with-a-yellow-turban-1917 +landscape,Post_Impressionism,vincent-van-gogh_pear-tree-in-blossom-1888 +genre_painting,Post_Impressionism,maurice-prendergast_seaside-picnic +religious_painting,Baroque,ivan-rutkovych_icon-savior-nerukotvornyi-saviour-not-made-by-hands-from-the-zhovkva-iconostasis-1699 +portrait,Post_Impressionism,henri-de-toulouse-lautrec_portrait-of-a-woman-of-the-house-on-the-rue-d-amboise-1892 +abstract_painting,Abstract_Expressionism,helen-frankenthaler_august-deep-1978 +abstract_painting,Abstract_Expressionism,alice-baber_red-yellow-and-blue-1960 +abstract_painting,Action_painting,franz-kline_untitled-1955 +illustration,Romanticism,andrei-ryabushkin_dobrynya-nikitich-illustration-for-the-book-russian-epic-heroes +landscape,Impressionism,pierre-auguste-renoir_banks-of-a-river-1896 +portrait,High_Renaissance,titian_portrait-of-ariosto-1510 +landscape,Impressionism,claude-monet_poppy-field-in-giverny +portrait,Expressionism,tsuguharu-foujita_male-portrait +landscape,Romanticism,john-crome_lane-near-norwich +genre_painting,Impressionism,guy-rose_the-difficult-reply-1910 +landscape,Impressionism,pierre-auguste-renoir_cagnes-landscape-1910 +abstract_painting,Abstract_Expressionism,jock-macdonald_riviera-winter-colour-symphony-1955 +sketch_and_study,Realism,vasily-surikov_the-fight-of-good-spirits-against-evil-spirits-1875 +genre_painting,Baroque,esaias-van-de-velde_merry-company-in-the-park-1614 +portrait,Northern_Renaissance,albrecht-durer_ulrich-varnbuler-1522 +portrait,Symbolism,odilon-redon_rodolphe-bresdin-1865 +landscape,Symbolism,ferdinand-hodler_schynige-plate-1909 +still_life,Post_Impressionism,paul-cezanne_table-napkin-and-fruit +genre_painting,Expressionism,henri-matisse_odalisque-1923 +portrait,Impressionism,joaquã­n-sorolla_girl-with-flowers +landscape,Realism,vasily-polenov_erechtheion-the-portico-of-caryatids-1882-1 +abstract_painting,Color_Field_Painting,ellsworth-kelly_green-1951 +abstract_painting,Minimalism,judy-chicago_optical-shapes-3-1969 +landscape,Realism,isaac-levitan_a-haystack-1894 +portrait,Pop_Art,andy-warhol_gertrude-stein +abstract_painting,Abstract_Expressionism,theodoros-stamos_three-kings-1949 +portrait,Expressionism,pablo-picasso_profile-of-young-dutchwoman-1905 +genre_painting,Impressionism,pierre-auguste-renoir_picking-flowers-1875 +abstract_painting,Abstract_Expressionism,arthur-pinajian_untitled-landscape-bellport-no-1168-1984 +religious_painting,High_Renaissance,andrea-del-sarto_last-supper +portrait,Baroque,frans-hals_a-boy-with-a-viol-1630 +religious_painting,Rococo,jean-honore-fragonard_the-adoration-of-the-shepherds +cityscape,Post_Impressionism,gustave-loiseau_louvier-road-in-winter +cityscape,Impressionism,antoine-blanchard_rue-royal-madeleine-1 +abstract_painting,Abstract_Expressionism,joan-miro_the-gold-of-the-azure +portrait,Rococo,dmitry-levitzky_paul-i-of-russia +portrait,Northern_Renaissance,lucas-cranach-the-elder_young-mother-with-child +landscape,Romanticism,william-turner_abergavenny-bridge-monmountshire-clearing-up-after-a-showery-day +landscape,Rococo,thomas-gainsborough_a-coastal-landscape-1782 +genre_painting,Baroque,adriaen-van-de-venne_a-merry-company-in-an-arbor +portrait,Pop_Art,keith-haring_portrait-of-macho-camacho-1985 +portrait,Romanticism,francisco-goya_the-marquesa-de-pontejos +portrait,Post_Impressionism,anita-malfatti_autorretrato +portrait,Realism,valentin-serov_portrait-of-alexander-turchaninov-1906 +nude_painting,Cubism,rufino-tamayo_mujer-en-gris-1931 +sketch_and_study,Realism,pablo-picasso_plaster-male-torso-1893 +sketch_and_study,Impressionism,edgar-degas_ancer-with-red-stockings +portrait,Impressionism,pierre-auguste-renoir_portrait-of-jean-renoir-1895 +portrait,Art_Nouveau_Modern,felix-vallotton_portrait-of-french-poet-albert-samain-1896 +abstract_painting,Minimalism,walter-darby-bannard_baffin-1961 +nude_painting,Baroque,agostino-carracci_the-satyr-and-nymph +religious_painting,Early_Renaissance,benozzo-gozzoli_st-fina-1465 +portrait,Expressionism,chronis-botsoglou_the-artist-s-mother-1988 +abstract_painting,Minimalism,agnes-martin_petal-1964 +portrait,Expressionism,amedeo-modigliani_lunia-czechowska-1917 +genre_painting,Expressionism,pablo-picasso_claude-in-the-arms-of-his-mother-1948 +portrait,Realism,giovanni-boldini_lady-with-a-black-hat +genre_painting,Impressionism,childe-hassam_a-fruit-store-1889 +landscape,Ukiyo_e,katsushika-hokusai_landscape-with-two-falconers +portrait,Ukiyo_e,utagawa-kuniyoshi_bijin-with-a-dog-in-the-snow-1845 +portrait,Post_Impressionism,henri-de-toulouse-lautrec_seated-woman-in-the-garden-of-mr-forest-justine-dieuhl-1890 +religious_painting,High_Renaissance,raphael_st-cecilia-with-sts-paul-john-evangelists-augustine-and-mary-magdalene-1516 +landscape,Expressionism,martiros-saryan_orange-rocks-1958 +genre_painting,Romanticism,karl-bodmer_ptihn-tak-ochata-dance-of-the-mandan-women-plate-28-from-volume-1-of-travels-in-the-interior-of-1843 +cityscape,Impressionism,antoine-blanchard_place-de-la-madeleine-marche-aux-fleurs +genre_painting,Impressionism,thalia-flora-karavia_aquifer +portrait,Realism,ilya-repin_autumn-bouquet-portrait-of-vera-repina-1892 +genre_painting,Romanticism,ferdinand-georg-waldmã¼ller_the-cured-1864 +abstract_painting,Abstract_Expressionism,joan-mitchell_riviere-1990 +genre_painting,Impressionism,pierre-auguste-renoir_two-women-in-the-grass +religious_painting,Northern_Renaissance,albrecht-durer_madonna-by-the-wall-1514 +religious_painting,Symbolism,gustave-moreau_christ-in-the-garden +nude_painting,Cubism,jack-bush_nude-1954 +still_life,Cubism,fernand-leger_the-chair-membership-to-the-lamp-the-lamp-still-life-1955 +portrait,Post_Impressionism,kees-van-dongen_woman-with-blue-hat-1912 +genre_painting,Realism,james-tissot_room-overlooking-the-harbour +abstract_painting,Cubism,carlos-merida_juego-en-tres-tonos-1972 +portrait,Expressionism,jean-paul-lemieux_le-champ-de-tr-fles +sketch_and_study,Northern_Renaissance,albrecht-durer_study-of-a-man-with-a-drill +landscape,Impressionism,pierre-auguste-renoir_figures-in-a-landscape-1900 +portrait,Romanticism,domingos-sequeira_retrato-de-d-carlota-joaquina-rainha-de-portugal-1802 +landscape,Realism,theodor-severin-kittelsen_jomfruland-1893 +sketch_and_study,Mannerism_Late_Renaissance,maerten-van-heemskerck_early-palazzo-colonna-with-remains-of-the-ancient-temple-of-serapis +landscape,Realism,camille-corot_the-goat-herd-of-genzano-1843 +landscape,Impressionism,alfred-sisley_fields-at-saint-cloud +portrait,Contemporary_Realism,neil-welliver_red-slips +sketch_and_study,Impressionism,john-singer-sargent_woman-with-collie +illustration,Symbolism,william-blake_job-accepting-charity-1825 +portrait,Romanticism,paul-delaroche_countess-potocka-playing-piano-1851 +landscape,Impressionism,francis-picabia_the-port-at-martigues +portrait,Realism,alexey-venetsianov_the-spinner +nude_painting,Impressionism,pierre-auguste-renoir_reclining-semi-nude-nude-male-half-length-1900 +genre_painting,Realism,valentin-serov_farm-yard-in-finland-1902 +genre_painting,Art_Nouveau_Modern,carl-larsson_around-the-lamp-at-evening-1900(1) +landscape,Impressionism,joaquã­n-sorolla_around-segovia +landscape,Realism,nikolai-ge_bay-in-livorno-sunset +still_life,Impressionism,pierre-auguste-renoir_still-life-with-carafe-1892 +abstract_painting,Color_Field_Painting,paul-jenkins_patternity +portrait,Cubism,marc-chagall_david-in-profile-1914 +genre_painting,Impressionism,giovanni-boldini_the-conversation-1870 +religious_painting,High_Renaissance,raphael_the-presentation-in-the-temple-1503 +portrait,Romanticism,konstantin-makovsky_portrait-of-the-lady +cityscape,Impressionism,micaela-eleutheriade_heidelberg +genre_painting,Post_Impressionism,alexandre-benois_ray-embankment-in-basel-in-the-rain(2) +portrait,Rococo,fyodor-rokotov_portrait-of-count-i-g-orlov +portrait,Impressionism,edgar-degas_portrait-of-a-woman-1880 +abstract_painting,Abstract_Expressionism,theodoros-stamos_high-snow-low-sun-1960 +sketch_and_study,Baroque,rembrandt_view-of-diemen-1655 +abstract_painting,Abstract_Expressionism,sam-francis_concert-hall-set-iii-sf-232-1977 +landscape,Art_Nouveau_Modern,ferdinand-hodler_thun-stockhornkette-evening +religious_painting,Baroque,gabriel-metsu_the-dismissal-of-hagar +sketch_and_study,Realism,vincent-van-gogh_hand-with-a-pot-the-knob-of-a-chair-and-a-hunk-of-bread-1885(1) +illustration,Naive_Art_Primitivism,martiros-saryan_peasants-dancing-1929 +portrait,Rococo,joshua-reynolds_mrs-elizabeth-carnac +landscape,Baroque,hercules-seghers_view-of-rhenen-1630 +illustration,Expressionism,lynd-ward_not-detected-272526 +abstract_painting,Minimalism,mark-rothko_untitled-1969 +illustration,Romanticism,gustave-dore_the-captives +portrait,Baroque,diego-velazquez_don-baltasar-carlos-with-a-dwarf-1632 +abstract_painting,Abstract_Expressionism,mostafa-dashti_untitled-1999 +nude_painting,Expressionism,vilmos-aba-novak_combing-woman-combing-the-artist-s-wife-1925 +illustration,Symbolism,harry-clarke_the-year-s-at-the-spring-1920-38 +portrait,High_Renaissance,titian_portrait-of-eleonora-gonzaga-1538 +portrait,Northern_Renaissance,bernhard-strigel_maximilian-i-1459-1519 +genre_painting,Realism,jean-francois-millet_the-young-shepherdess-1873 +landscape,Expressionism,martiros-saryan_apple-trees-in-blossom-1912 +landscape,Contemporary_Realism,neil-welliver_light-in-brook +portrait,Early_Renaissance,benozzo-gozzoli_procession-of-the-magus-balthazar-detail-1461-5 +landscape,Realism,fyodor-vasilyev_the-shore-cloudy-day-1869 +genre_painting,Naive_Art_Primitivism,marc-chagall_on-the-tramp-1962 +abstract_painting,Color_Field_Painting,ray-parker_untitled-1970 +sketch_and_study,Impressionism,pierre-auguste-renoir_two-women-in-a-rowboat-1886 +genre_painting,Naive_Art_Primitivism,grandma-moses_checkered-house-1943 +landscape,Realism,gustave-courbet_the-houses-of-the-chateau-d-ornans-1853 +landscape,Post_Impressionism,martiros-saryan_persian-house-1913 +abstract_painting,Abstract_Expressionism,arthur-pinajian_untitled-landscape-bellport-no-256-1990 +cityscape,Symbolism,mstislav-dobuzhinsky_summer-garden-in-winter-1922(1) +portrait,Expressionism,boris-grigoriev_the-harlot-of-marseilles-1923 +genre_painting,Impressionism,william-merritt-chase_a-bit-of-the-terrace-aka-early-morning-stroll +landscape,Symbolism,nicholas-roerich_ancient-city +genre_painting,Post_Impressionism,raoul-dufy_umbrellas-1906 +sketch_and_study,Realism,vincent-van-gogh_woman-with-a-broom-1882 +portrait,Expressionism,amedeo-modigliani_portrait-of-a-polish-woman +cityscape,Post_Impressionism,david-burliuk_figures-by-a-riverside +portrait,Impressionism,ion-andreescu_portrait-of-a-girl +religious_painting,Baroque,anthony-van-dyck_an-apostle-with-folded-hands-1620 +portrait,Realism,constantin-guys_portrait-of-a-lady +religious_painting,Mannerism_Late_Renaissance,tintoretto_the-baptism-of-christ-1581 +landscape,Impressionism,t.-c.-steele_okemo-mountain-ludlow-vermont-1887 +genre_painting,Impressionism,winston-churchill_randolph-churchill-reading(1) +portrait,Rococo,benjamin-west_mr-robert-grafton-and-mrs-mary-partridge-wells-grafton-1773 +religious_painting,Mannerism_Late_Renaissance,paolo-veronese_holy-family-with-sts-anthony-abbot-catherine-and-the-infant-john-the-baptist-1551 +cityscape,Impressionism,micaela-eleutheriade_mangalia +sketch_and_study,Art_Nouveau_Modern,nicholas-roerich_sketch-of-tsar-dodon +abstract_painting,Color_Field_Painting,frank-stella_les-indes-galantes-iv-1973 +cityscape,Impressionism,camille-pissarro_the-old-market-at-rouen +religious_painting,Northern_Renaissance,hieronymus-bosch_the-wayfarer +nude_painting,Baroque,agostino-carracci_angelica-and-medor +cityscape,Post_Impressionism,vincent-van-gogh_les-alyscamps-1888(2) +religious_painting,Baroque,rembrandt_adoration-of-the-shepherds-1646 +genre_painting,Naive_Art_Primitivism,raoul-dufy_the-mexican-musicians +portrait,Realism,edgar-degas_portrait-of-madame-edmondo-morbilli-1865 +abstract_painting,Color_Field_Painting,olivier-debre_rose-gris-raye-a-la-bande-orange-1996 +landscape,Impressionism,armand-guillaumin_pommiers-en-fleurs-1889 +sketch_and_study,Symbolism,nicholas-roerich_fight-near-kerzhenets-1910 +genre_painting,Romanticism,william-shayer_the-watering-place-1864 +landscape,Impressionism,gregoire-boonzaier_firs-with-red-trunks-kenilworth-1969 +sketch_and_study,Art_Nouveau_Modern,nicholas-roerich_entry-of-tent-of-ivan-the-terrible +still_life,Fauvism,aldemir-martins_vase-with-flowers-and-fruit-2001 +sketch_and_study,Northern_Renaissance,hieronymus-bosch_a-comical-barber-scene +religious_painting,Early_Renaissance,domenico-ghirlandaio_st-stephen-the-martyr +sketch_and_study,Post_Impressionism,vincent-van-gogh_cottages-and-trees-1890(1) +portrait,Early_Renaissance,masaccio_portrait-of-a-young-woman-1425 +landscape,Impressionism,willard-metcalf_may-night +portrait,Impressionism,pierre-auguste-renoir_first-portrait-of-madame-georges-charpeitier-1877 +landscape,Impressionism,camille-pissarro_kew-gardens-2-1892 +landscape,Fauvism,august-macke_gartentor +sketch_and_study,Northern_Renaissance,albrecht-durer_studies-on-a-great-picture-of-the-virgin-madonna-and-child-saints-and-angels-playing-1521 +landscape,Pointillism,henri-edmond-cross_provence-landscape +illustration,Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-poem-the-tale-of-the-golden-cockerel-by-alexander-pushkin-1906(1) +landscape,Post_Impressionism,panayiotis-tetsis_sifnos-1972 +landscape,Realism,ivan-shishkin_forest-before-the-storm-1872 +landscape,Symbolism,nicholas-roerich_himalayas-1947-1 +genre_painting,Realism,thomas-eakins_william-rush-carving-his-allegorical-figure-of-the-schuykill-river-1877 +genre_painting,Pointillism,camille-pissarro_the-gleaners-1889 +landscape,Impressionism,camille-pissarro_fields +nude_painting,Impressionism,emmanuel-zairis_nude-model +genre_painting,Baroque,gabriel-metsu_a-man-and-a-woman-seated-by-a-virginal-1660 +landscape,Expressionism,fred-williams_waterpond-in-a-landscape-ii-1966 +landscape,Expressionism,richard-gerstl_embankment-near-gmunden-and-schlafende-griechin-in-the-background +still_life,Impressionism,konstantin-korovin_still-life-with-blue-vase-1922 +portrait,Impressionism,pierre-auguste-renoir_summer-1875 +genre_painting,Post_Impressionism,maurice-prendergast_beach-scene-no-4 +sketch_and_study,Impressionism,joaquã­n-sorolla_children-in-the-sea +sketch_and_study,Baroque,rembrandt_sheet-of-sketches-with-a-portrait-of-saskia +religious_painting,Northern_Renaissance,albrecht-durer_the-ascension-1511 +portrait,Impressionism,valentin-serov_portrait-of-the-artist-ilya-repin-1901 +religious_painting,High_Renaissance,andrea-solario_the-crucifixion-1503 +genre_painting,New_Realism,john-french-sloan_backyards-greenwich-village-1914 +portrait,Baroque,rembrandt_portrait-of-alijdt-adriaensdr-1639 +portrait,Realism,john-singer-sargent_conrad-and-reine-ormand-1906 +still_life,Cubism,henri-laurens_composition-1916 +religious_painting,Rococo,giovanni-battista-tiepolo_the-virgin-appearing-to-st-philip-neri-1740 +cityscape,Pop_Art,hiro-yamagata_not-detected-272413 +religious_painting,High_Renaissance,raphael_the-alba-madonna-1 +still_life,Synthetic_Cubism,georges-braque_guitar-program-statue-d-epouvante-1913 +portrait,Rococo,vladimir-borovikovsky_carenkov-masukov +landscape,Impressionism,zinaida-serebriakova_digging-trees-in-the-garden-1908 +abstract_painting,Minimalism,sol-lewitt_blue-vertical-2000 +landscape,Symbolism,martiros-saryan_aragats-1922 +portrait,Expressionism,zinaida-serebriakova_portrait-of-alexander-benois-1924 +portrait,Pop_Art,martial-raysse_made-in-japan-la-grande-odalisque-1964 +portrait,Baroque,alonzo-cano_ideal-portrait-of-a-spanish-king +abstract_painting,Minimalism,brice-marden_untitled-1973 +landscape,Post_Impressionism,paul-cezanne_trees-and-houses-1886 +portrait,Impressionism,william-merritt-chase_portrait-of-louis-betts +sketch_and_study,Art_Nouveau_Modern,koloman-moser_the-sketch-of-the-round-window-art-1897 +portrait,Ukiyo_e,kitagawa-utamaro_okita-the-tea-house-girl +genre_painting,Romanticism,pavel-svinyin_baptists +portrait,Post_Impressionism,tarsila-do-amaral_blue-hat-1922 +nude_painting,Realism,robert-brackman_three-women-nude-and-with-pitcher +genre_painting,Naive_Art_Primitivism,fernand-leger_manufacturers-1950 +cityscape,Impressionism,claude-monet_charing-cross-bridge-cleopatra-s-needle-1901 +portrait,Romanticism,henry-raeburn_portrait-of-sir-walter-scott-1822 +portrait,Synthetic_Cubism,juan-gris_harlequin-at-a-table-1919 +landscape,Post_Impressionism,henri-le-fauconnier_le-jardin-de-l-artiste-grosrouvres-1935 +still_life,Impressionism,paul-gauguin_flowers-and-japanese-book-1882 +genre_painting,Impressionism,robert-brackman_seated-in-a-cafe +genre_painting,Realism,pavel-fedotov_difficult-bride +cityscape,Cubism,john-marin_stonington-maine-1923 +landscape,Impressionism,isaac-levitan_lake-in-the-forest +still_life,Realism,nicholas-roerich_head-of-zeus-1893 +landscape,Symbolism,mikalojus-ciurlionis_raigardas-iii-1907 +portrait,Romanticism,pierre-paul-prud'hon_nicolas-perchet-1795 +abstract_painting,Color_Field_Painting,morris-louis_beth-chaf-1959 +portrait,Contemporary_Realism,richard-whitney_lane-kirkland +portrait,Expressionism,amedeo-modigliani_portrait-of-paul-alexander +genre_painting,Expressionism,andre-derain_drinker +abstract_painting,Abstract_Expressionism,kenzo-okada_number-2-1954 +abstract_painting,Abstract_Expressionism,jack-bush_may-1955 +portrait,Early_Renaissance,paolo-uccello_roundel-with-head-1 +religious_painting,High_Renaissance,pietro-perugino_pala-di-monteripido +landscape,Romanticism,john-atkinson-grimshaw_lane-in-cheshire-1883 +portrait,Impressionism,berthe-morisot_young-lady-seated-on-a-bench +illustration,Realism,mikhail-vrubel_duel-of-pechorin-and-grushnitsky-1891 +portrait,Realism,william-adolphe-bouguereau_meditation-1902 +sketch_and_study,High_Renaissance,raphael_study-for-adam-1509 +religious_painting,Art_Nouveau_Modern,nicholas-roerich_blue-paintings-1906 +nude_painting,Impressionism,childe-hassam_june +abstract_painting,Abstract_Expressionism,gerhard-richter_ice-4 +illustration,Art_Nouveau_Modern,aubrey-beardsley_withered-spring +nude_painting,Impressionism,paul-gauguin_bust-of-a-nude-girl-1884 +cityscape,Expressionism,wassily-kandinsky_moscow-i-1916 +portrait,Realism,nikolay-bogdanov-belsky_portrait-of-an-unknown-lady-in-a-black-kerchief-with-a-lacy-collar +landscape,Realism,ivan-shishkin_pine-forest-in-ligovo-1895 +portrait,Realism,vasily-vereshchagin_solon-boy-1870 +landscape,Realism,konstantin-makovsky_summer-afternoon +portrait,Impressionism,pierre-auguste-renoir_young-woman-taking-a-walk +portrait,Realism,john-singer-sargent_grace-woodhouse-1890 +illustration,Art_Nouveau_Modern,raphael-kirchner_unknown-1909 +religious_painting,High_Renaissance,titian_adoration-of-the-shepherds-1533 +still_life,Synthetic_Cubism,juan-gris_the-checkerboard-1915 +portrait,Romanticism,george-frederick-watts_alfred-tennyson-1st-baron-tennyson(1) +landscape,Expressionism,lovis-corinth_the-walchensee-with-mountain-range-and-shore-1925 +abstract_painting,Abstract_Expressionism,willem-de-kooning_merritt-parkway-1959 +portrait,Impressionism,anders-zorn_the-sisters-schwartz +genre_painting,Impressionism,childe-hassam_at-gloucester +religious_painting,Early_Renaissance,giovanni-bellini_the-madonna-of-the-red-cherubs +religious_painting,Early_Renaissance,filippo-lippi_the-annunciation-with-two-kneeling-donors-1455 +genre_painting,Realism,john-lewis-krimmel_the-sleighing-frolic +sketch_and_study,Realism,thomas-eakins_portraits-5 +abstract_painting,Color_Field_Painting,theodoros-stamos_low-white-sun-box-1965 +landscape,Impressionism,joaquã­n-sorolla_rocks-of-the-cape-javea-1905 +cityscape,Realism,arkhip-kuindzhi_view-of-the-isaac-cathedral-at-moonlight-night-1869 +portrait,Realism,ilya-repin_portrait-of-minister-of-ways-of-communication-and-member-of-state-council-prince-mikhail-1903 +landscape,Baroque,rembrandt_landscape-with-a-cow-drinking-1649 +portrait,Expressionism,pablo-picasso_bust-of-woman-1907 +portrait,Art_Nouveau_Modern,raphael-kirchner_portrait-of-girls-with-grey-border-1902-1 +religious_painting,Mannerism_Late_Renaissance,el-greco_assumption-of-the-virgin-1577 +genre_painting,Symbolism,kuzma-petrov-vodkin_raznoschitsa-1922 +landscape,Pointillism,camille-pissarro_pear-tress-in-bloom-eragny-morning +abstract_painting,Abstract_Expressionism,esteban-vicente_primavera-1997 +sketch_and_study,High_Renaissance,leonardo-da-vinci_heart-and-its-blood-vessels +still_life,Rococo,jean-baptiste-simeon-chardin_the-silver-beaker +abstract_painting,Abstract_Expressionism,sam-francis_blue-violet-1963 +landscape,Impressionism,john-henry-twachtman_woodland-stream-in-a-winter-landscape +illustration,Art_Nouveau_Modern,nicholas-roerich_illustration-to-feast-of-peter-the-great-1901 +portrait,Art_Nouveau_Modern,aubrey-beardsley_max-alvary +genre_painting,Impressionism,edgar-degas_dancer-arranging-her-hair +landscape,Impressionism,arkhip-kuindzhi_evening-in-the-steppe +portrait,Romanticism,francisco-goya_the-count-of-tajo +genre_painting,Impressionism,maurice-prendergast_maine-beach +landscape,Realism,camille-pissarro_village-church +landscape,Realism,ivan-shishkin_mill-in-the-forest-preobrazhenskoe-1897 +portrait,Romanticism,francisco-goya_brother-juan-fernandez-de-rojas-1800 +still_life,Baroque,cornelis-norbertus-gysbrechts_silverware-in-an-open-cabinet +landscape,Post_Impressionism,emily-carr_cedar-sanctuary-1942 +portrait,Realism,william-merritt-chase_study-of-girl-in-japanese-dress-1895 +portrait,Realism,vincent-van-gogh_portrait-of-a-woman-1885 +sketch_and_study,Mannerism_Late_Renaissance,jacopo-pontormo_study-for-the-deluge-1 +religious_painting,High_Renaissance,raphael_madonna-della-tenda +still_life,Realism,eugene-boudin_flowers-and-fruit-in-a-garden-1869 +portrait,High_Renaissance,andrea-solario_the-lute-player +religious_painting,Northern_Renaissance,albrecht-durer_christ-in-limbo-1511 +landscape,Ukiyo_e,utagawa-kuniyoshi_seaweed-gatherers-at-omari +landscape,Post_Impressionism,pierre-bonnard_the-garden +portrait,Pop_Art,andy-warhol_elvis-presley(1) +portrait,Realism,vincent-van-gogh_fisherman-in-jacket-with-upturned-collar-1883(1) +genre_painting,Impressionism,nikolay-bogdanov-belsky_the-latern +nude_painting,Cubism,yiannis-moralis_not-detected-9(1) +landscape,Impressionism,henri-martin_trees-by-the-river +portrait,Art_Nouveau_Modern,ferdinand-hodler_giulia-leonardi-1910 +genre_painting,Impressionism,john-singer-sargent_rehearsal-of-the-pas-de-loup-orchestra-at-the-cirque-d-hiver-1878 +sketch_and_study,Art_Nouveau_Modern,nicholas-roerich_kneeling-angel-1912 +landscape,Realism,constant-troyon_hillside-with-rocky-outcrops-1852 +genre_painting,Expressionism,pyotr-konchalovsky_triptych-cossack-with-a-fork +sketch_and_study,Realism,ivan-shishkin_edge-of-the-forest +sketch_and_study,Art_Nouveau_Modern,zinaida-serebriakova_peasant-girl +portrait,Baroque,rembrandt_portrait-of-a-young-woman-1655 +abstract_painting,Abstract_Expressionism,mark-tobey_morning-grass +religious_painting,High_Renaissance,pietro-perugino_altarpiece-of-st-augustine-scene-john-the-tufer-and-the-st-augustine-1510 +religious_painting,High_Renaissance,pietro-perugino_the-presepio-detail-1 +portrait,Realism,john-singer-sargent_mrs-william-henry-vanderbilt-1888 +portrait,Impressionism,pierre-auguste-renoir_study-two-women-s-heads-1895 +portrait,Realism,william-adolphe-bouguereau_little-sulky-1888 +landscape,Art_Nouveau_Modern,ivan-bilibin_monastery-of-st-george-hosevita-palestine-1924 +sketch_and_study,Realism,boris-kustodiev_sketch-1917 +landscape,Realism,grigoriy-myasoyedov_autumn-morning-1893 +genre_painting,Symbolism,odilon-redon_oriental-woman +portrait,Realism,ivan-kramskoy_girl-with-a-cat-1882 +genre_painting,Realism,vladimir-makovsky_evening-company +nude_painting,Fauvism,ilya-mashkov_reclining-nude +cityscape,Impressionism,camille-pissarro_garden-of-the-louvre-fog-effect-1899 +portrait,Rococo,joseph-wright_sir-william-fitzherbert-as-a-boy +abstract_painting,Abstract_Expressionism,cy-twombly_quattro-stagioni-estate-1995-1 +portrait,Realism,ivan-kramskoy_portrait-of-a-girl-1870 +religious_painting,Northern_Renaissance,dirk-bouts_virgin-and-child +cityscape,Symbolism,martiros-saryan_a-street-noon-1910 +landscape,Realism,vincent-van-gogh_avenue-of-poplars-at-sunset-1884(1) +abstract_painting,Abstract_Expressionism,manabu-mabe_vento-vermelho +genre_painting,Impressionism,pierre-auguste-renoir_ball-at-the-moulin-de-la-galette-1876(1) +sketch_and_study,Impressionism,paul-gauguin_river-bank-in-winter +portrait,Romanticism,gheorghe-tattarescu_femeie-t-n-r-cu-salb +landscape,Impressionism,alfred-sisley_landscape-at-andresy-1875 +genre_painting,Romanticism,orest-kiprensky_flood-in-st-petersburg-1824 +landscape,Expressionism,salvador-dali_moonlight +landscape,Post_Impressionism,david-burliuk_in-the-park +cityscape,Romanticism,cornelis-springer_kerkegracht-en-weeshuis-in-leiden +cityscape,Art_Nouveau_Modern,carlos-saenz-de-tejada_the-palace-escoriaza-esquivel +abstract_painting,Color_Field_Painting,gene-davis_dr-peppercorn-1967 +abstract_painting,Color_Field_Painting,helen-frankenthaler_air-frame-1965 +landscape,Impressionism,nicolae-darascu_landscape-from-saint-tropez-1913 +landscape,Realism,fyodor-vasilyev_pine-grove-in-the-swamp-1873 +landscape,Post_Impressionism,constantine-maleas_landsapce-of-pendelis +cityscape,Impressionism,john-atkinson-grimshaw_hampstead +abstract_painting,Abstract_Expressionism,wolfgang-paalen_les-cosmogones-stage +portrait,Rococo,dmitry-levitzky_alexander-khrapovitsky-1781 +portrait,Realism,john-singer-sargent_jacques-barenton-1883 +religious_painting,Baroque,peter-paul-rubens_the-trinity-adored-by-the-duke-of-mantua-and-his-family +abstract_painting,Abstract_Expressionism,bradley-walker-tomlin_number-20-1949-1 +still_life,Rococo,jean-baptiste-oudry_still-life-with-a-violin-a-recorder-books-a-portfolio-of-sheet-of-music-peaches-and-grapes-on-a +genre_painting,Expressionism,ernst-ludwig-kirchner_women-playing-with-a-ball-1932 +genre_painting,Impressionism,nicolae-grigorescu_oxcart-1899 +religious_painting,High_Renaissance,cima-da-conegliano_the-coronation-of-the-virgin +landscape,Pointillism,camille-pissarro_setting-sun-and-fog-eragny-1891 +still_life,Post_Impressionism,vincent-van-gogh_plaster-statuette-of-a-female-torso-1886 +genre_painting,Realism,john-singer-sargent_venetian-wineshop +sketch_and_study,Realism,ilya-repin_landscape-1891 +portrait,Post_Impressionism,vincent-van-gogh_portrait-of-the-postman-joseph-roulin +landscape,Realism,isaac-levitan_old-yard-plyos-1890 +still_life,Impressionism,vasile-popescu_table-with-fruits-in-balchik-1938 +genre_painting,Baroque,paul-bril_the-stag-hunt-1595 +religious_painting,High_Renaissance,michelangelo_the-prophet-jonah-1511 +portrait,Expressionism,lajos-tihanyi_portrait-of-jacques-de-la-fregonniere-1933 +genre_painting,Impressionism,konstantin-korovin_two-in-a-chair-1921 +genre_painting,Realism,mykola-pymonenko_kiev-flower-girl-1 +cityscape,Impressionism,iosif-iser_landscape-from-toledo-1930 +illustration,Art_Nouveau_Modern,aubrey-beardsley_the-black-cat +religious_painting,High_Renaissance,pietro-perugino_the-presepio +portrait,Baroque,diego-velazquez_portrait-of-pope-innocent-x-1650 +cityscape,Expressionism,albert-bloch_cityscape-with-tower +portrait,Realism,vincent-van-gogh_baby(1) +sketch_and_study,Symbolism,ferdinand-hodler_farewell-participating-female-figure-1908 +portrait,Romanticism,konstantin-makovsky_portrait-of-dark-haired-beauty +genre_painting,Realism,vasily-surikov_taking-a-snowy-town-1891 +landscape,Impressionism,pierre-auguste-renoir_orchard-at-louveciennes-the-english-pear-tree-1875 +cityscape,Romanticism,rudolf-von-alt_schwarzenberg-palace-1832 +genre_painting,Realism,vasily-perov_vendor-of-song-books-1864 +portrait,Impressionism,peder-severin-kroyer_viggo-johansen-1887 +portrait,Baroque,diego-velazquez_portrait-of-the-infanta-margarita +cityscape,Impressionism,william-merritt-chase_the-antiquary-shop-1879 +portrait,Romanticism,arthur-hughes_portrait-of-mrs-louisa-jenner +genre_painting,Northern_Renaissance,pieter-bruegel-the-elder_peasant-wedding-1568 +genre_painting,Naive_Art_Primitivism,grã©goire-michonze_children-s-games-1979 +cityscape,Impressionism,eugene-boudin_antwerp-the-port +portrait,Rococo,maurice-quentin-de-la-tour_jacques-louis-francois-roussel-marquis-de-courcy +landscape,Realism,theodore-rousseau_valley-in-the-auvergne-mountains-1830 +cityscape,Impressionism,antoine-blanchard_boulevard-des-capucines-2 +landscape,Realism,camille-corot_the-lac-de-nemi +cityscape,Post_Impressionism,maurice-utrillo_notre-dame +portrait,Expressionism,amedeo-modigliani_portrait-of-madame-reynouard-1916 +religious_painting,Naive_Art_Primitivism,marc-chagall_lamentations-of-jeremiah-lamentaions-iii-1-9 +still_life,Impressionism,pierre-auguste-renoir_still-life-almonds-and-walnuts-1905 +cityscape,Post_Impressionism,paul-cezanne_gardanne-horizontal-view +landscape,Realism,gustave-courbet_boats-on-a-beach-etretat +illustration,Romanticism,gustave-dore_the-eagle-ii +landscape,Symbolism,konstantin-bogaevsky_sugdayya-1922 +portrait,Realism,william-adolphe-bouguereau_adornment-fields +cityscape,Expressionism,egon-schiele_island-town-krumau-town-crescent-1915 +abstract_painting,Color_Field_Painting,helen-frankenthaler_white-portal-1967 +still_life,Synthetic_Cubism,juan-gris_beer-glass-and-cards +genre_painting,Post_Impressionism,panayiotis-tetsis_cafe-1957 +portrait,High_Renaissance,titian_portrait-of-nicolas-perrenot-of-granvelle +landscape,Symbolism,victor-borisov-musatov_phantoms-1903 +religious_painting,Northern_Renaissance,albrecht-durer_madonna-crowned-by-two-angels-1518 +landscape,Realism,camille-corot_boid-guillaumi-near-rouen-a-gate-flanked-by-two-posts-1822 +landscape,Impressionism,camille-pissarro_sunset-at-moret-sur-loing-1901 +landscape,Realism,pyotr-konchalovsky_on-the-river-protva-fisherman-1953 +landscape,Impressionism,claude-monet_the-banks-of-the-seine-at-port-villez +illustration,Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-russian-fairy-story-maria-morevna-1900-7(1) +portrait,Mannerism_Late_Renaissance,agnolo-bronzino_portrait-of-piero-di-lorenzo-de-medici +abstract_painting,Minimalism,denise-green_blue-quadrant-1984 +genre_painting,Impressionism,edgar-degas_racehorses +portrait,Ukiyo_e,tsukioka-yoshitoshi_looking-shy-the-appearance-of-a-young-girl-of-the-meiji-era +portrait,Impressionism,joaquã­n-sorolla_portrait-of-photographer-christian-franzen-1901 +portrait,Impressionism,konstantin-korovin_portrait-of-nikolay-chichagov-1902 +abstract_painting,Minimalism,robert-mangold_fragments-i-vii-1998 +illustration,Romanticism,gustave-dore_don-quixote-97 +still_life,Naive_Art_Primitivism,seraphine-louis_unknown-title-6 +sketch_and_study,Realism,viktor-vasnetsov_game-preference-sketch +religious_painting,Early_Renaissance,domenico-ghirlandaio_madonna-and-child-with-st-sebastian-and-st-julian +portrait,Realism,john-singer-sargent_arthur-james-balfor-1908 +landscape,Symbolism,nicholas-roerich_mountain-lake-1917 +landscape,Expressionism,margareta-sterian_landscape-in-apului +religious_painting,Expressionism,max-beckmann_triptych-of-the-temptation-of-st-anthony-1937 +landscape,Post_Impressionism,vincent-van-gogh_walk-along-the-banks-of-the-seine-near-asnieres-1887 +nude_painting,Impressionism,edgar-degas_woman-drying-herself-1 +illustration,Romanticism,gustave-dore_idylls-of-the-king +landscape,Romanticism,thomas-cole_schroon-mountain-adirondacks-1838 +landscape,Romanticism,joseph-wright_the-cloister-of-san-cosimato +portrait,Realism,vasily-vereshchagin_lully-gypsy-1868 +cityscape,Post_Impressionism,gustave-loiseau_moret-on-loing-autumn +genre_painting,Impressionism,konstantin-makovsky_olenka-and-kolya-on-the-steps +genre_painting,Rococo,pietro-longhi_the-happy-couple +landscape,Realism,martiros-saryan_flowering-garnet-1947 +cityscape,Naive_Art_Primitivism,jules-lefranc_un-coin-en-provence +sketch_and_study,Post_Impressionism,henri-de-toulouse-lautrec_aristide-bruant-on-his-bicycle-1892 +landscape,Impressionism,claude-monet_the-seine-and-the-chaantemesle-hills +abstract_painting,Abstract_Expressionism,sam-francis_sculpture-drawing-toyko-sf65-018-1965 +portrait,Realism,pyotr-konchalovsky_portrait-of-peter-andreievich-pavlenko-1950 +portrait,Impressionism,ion-andreescu_peasant-woman-with-green-headscarf +nude_painting,Impressionism,pierre-auguste-renoir_woman-in-an-interior-1 +religious_painting,Symbolism,pierre-puvis-de-chavannes_the-beheading-of-st-john-the-baptist +landscape,Rococo,thomas-gainsborough_mountain-landscape-with-shepherd-1783 +landscape,Romanticism,thomas-cole_autumn-landscape-mount-chocorua-1828 +landscape,Realism,fyodor-vasilyev_wet-meadow-1-study +portrait,Impressionism,santiago-rusinol_portrait-of-ramon-casas +landscape,Expressionism,ernst-ludwig-kirchner_trees +abstract_painting,Abstract_Expressionism,mostafa-dashti_untitled-2005 +portrait,Post_Impressionism,nicolae-tonitza_forester-s-son +genre_painting,Realism,vasily-perov_dividing-the-inheritance-in-a-monastery-death-of-a-monk +abstract_painting,Minimalism,martial-raysse_untitled-1 +religious_painting,Post_Impressionism,vincent-van-gogh_pieta-1889 +genre_painting,Art_Nouveau_Modern,j.-e.-h.-macdonald_the-supply-boat-1916 +abstract_painting,Color_Field_Painting,john-hoyland_view-1979 +portrait,Rococo,joshua-reynolds_mrs-mary-robinson-perdita-1784 +portrait,Rococo,thomas-gainsborough_portrait-of-colonel-john-bullock +genre_painting,Expressionism,theophrastos-triantafyllidis_nannies-at-the-royal-garden-1940 +portrait,Impressionism,peder-severin-kroyer_marie-in-red-dress-1890 +religious_painting,Northern_Renaissance,hieronymus-bosch_temptation-of-st-anthony-2 +genre_painting,Romanticism,francisco-goya_knife-grinder-1812 +religious_painting,Northern_Renaissance,albrecht-durer_the-penance-of-st-john-chrysostom +abstract_painting,Abstract_Expressionism,clyfford-still_1947-r-no-1-1947 +landscape,Realism,ivan-shishkin_forest-stream-1895 +portrait,Rococo,benjamin-west_portrait-of-queen-charlotte-of-the-united-kingdom-with-windsor-and-the-royal-family-in-the-1779 +religious_painting,Romanticism,gustave-dore_the-apostles-preaching-the-gospel +genre_painting,Impressionism,edgar-degas_scene-from-the-steeplechase-the-fallen-jockey-1866 +sketch_and_study,High_Renaissance,leonardo-da-vinci_study-of-horses-1 +landscape,Symbolism,nicholas-roerich_gilgit-road-1925 +nude_painting,Impressionism,edgar-degas_the-tub-1886 +portrait,Romanticism,jan-matejko_victoria-kosinska +nude_painting,Expressionism,pablo-picasso_untitled-1971-2 +genre_painting,Cubism,pablo-picasso_seated-woman-in-garden-1938 +landscape,Impressionism,gustave-caillebotte_yerres-on-the-pond-water-lilies +abstract_painting,Minimalism,pat-lipsky_for-leslie-1974 +abstract_painting,Abstract_Expressionism,jean-paul-riopelle_horizons-ouverts-1956 +portrait,Northern_Renaissance,rogier-van-der-weyden_portrait-of-laurent-froimont +illustration,Art_Nouveau_Modern,konstantin-somov_book-of-the-marquise-illustration-5-1918 +portrait,Realism,robert-brackman_girl-from-village-1960 +abstract_painting,Abstract_Expressionism,raoul-ubac_ardoise +portrait,Northern_Renaissance,lucas-cranach-the-elder_sibylle-von-kleve +portrait,Impressionism,valentin-serov_portrait-of-yevdokia-loseva-1903 +nude_painting,Symbolism,henri-fantin-latour_morning +still_life,Impressionism,pierre-auguste-renoir_sugar-bowl-and-earthenware-bowl +sketch_and_study,Realism,edouard-manet_sketch-of-moving-farmer +nude_painting,Northern_Renaissance,albrecht-durer_nude-1493 +landscape,Impressionism,gustave-caillebotte_the-park-monceau +nude_painting,Symbolism,henri-fantin-latour_source +genre_painting,Expressionism,pyotr-konchalovsky_triptych-bandura-player +religious_painting,Northern_Renaissance,gerard-david_triptych-of-jan-des-trompes-rear-of-the-wings +still_life,Cubism,jean-metzinger_still-life-playing-cards-coffee-cup-and-apples-1917 +illustration,Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-fairy-tale-vasilisa-the-beautiful-1900-3(1) +landscape,Romanticism,william-turner_boscastle-cornwall +nude_painting,Expressionism,max-pechstein_dawn-1911 +portrait,Rococo,vladimir-borovikovsky_portrait-of-empress-maria-fyodorovna +landscape,Symbolism,nicholas-roerich_land-of-snow-people-1947 +portrait,Impressionism,mary-cassatt_little-girl-in-a-red-beret-1898 +still_life,Realism,arthur-segal_still-life-with-banjo-and-clarinette +portrait,Pop_Art,valerio-adami_gottfried-keller-ritratto-1986 +abstract_painting,Abstract_Expressionism,forrest-bess_untitled-39-1950 +abstract_painting,Minimalism,brice-marden_range-1970 +landscape,Impressionism,claude-monet_sunset-on-the-siene +genre_painting,Impressionism,lucia-demetriade-balacescu_promenada-parizian-1947 +religious_painting,High_Renaissance,leonardo-da-vinci_head-of-st-andrew +landscape,Symbolism,nicholas-roerich_himalayas-morning-1940 +portrait,Art_Nouveau_Modern,zinaida-serebriakova_moloduha-maria-zhegulina-1909 +cityscape,Impressionism,john-henry-twachtman_campo-santa-marta +landscape,Symbolism,nicholas-roerich_himalayan-snows +portrait,Impressionism,iosif-iser_spaniole +genre_painting,Cubism,oscar-dominguez_femme-sur-divan-1942 +portrait,Realism,john-singer-sargent_leon-delafosse +portrait,Rococo,pietro-longhi_portrait-of-francesco-guardi +portrait,Realism,pavel-fedotov_portrait-of-nadezhda-p-zhdanovich-at-the-piano-1849 +cityscape,Impressionism,camille-pissarro_boulevard-montmartre-spring-rain +sketch_and_study,Art_Nouveau_Modern,henri-de-toulouse-lautrec_horsemen-riding-in-the-bois-de-boulogne-1888 +genre_painting,Romanticism,jan-matejko_jan-kochanowski-over-the-dead-body-of-his-daughter-1862 +genre_painting,Expressionism,lyonel-feininger_carnival-in-arcueil-1911 +still_life,Realism,pericles-pantazis_still-life-and-woman +religious_painting,Mannerism_Late_Renaissance,maerten-van-heemskerck_st-luke-painting-the-virgin +portrait,Symbolism,henri-fantin-latour_the-muse-richard-wagner-1862 +genre_painting,Rococo,pietro-longhi_the-indiscreet-gentleman +abstract_painting,Abstract_Expressionism,hans-hofmann_rhapsody-1958 +religious_painting,Symbolism,felicien-rops_the-satanic-satan-sowing-tares +landscape,Post_Impressionism,gustave-loiseau_cap-frehel-1902 +religious_painting,Symbolism,nicholas-roerich_the-last-angel-1912 +genre_painting,Rococo,jean-baptiste-simeon-chardin_the-laundress +landscape,Baroque,peter-paul-rubens_stormy-landscape +landscape,Impressionism,claude-monet_floating-ice-near-bennecourt +landscape,Realism,ivan-shishkin_pines +religious_painting,Romanticism,francisco-goya_birth-of-the-virgin-1772 +still_life,Realism,henri-fantin-latour_basket-of-white-grapes-and-peaches-1895 +religious_painting,Northern_Renaissance,albrecht-durer_the-holy-georg +portrait,Post_Impressionism,moise-kisling_small-head-1947 +sketch_and_study,Expressionism,edvard-munch_workers-on-their-way-home-1915 +landscape,Realism,vasily-polenov_pond-at-wehle-1874 +sketch_and_study,Northern_Renaissance,albrecht-durer_study-of-a-body-of-christ +still_life,Expressionism,otto-dix_still-life-with-widow-s-veil +portrait,Romanticism,edward-burne-jones_portrait-of-katie-lewis +portrait,Romanticism,orest-kiprensky_portrait-of-zinaida-volkonskaya-1829 +portrait,Realism,nikolai-ge_portrait-of-olga-kostycheva +abstract_painting,Color_Field_Painting,manabu-mabe_untitled +landscape,Romanticism,ferdinand-georg-waldmã¼ller_mill-at-the-outlet-of-the-k-nigssee-1840 +portrait,Realism,thomas-eakins_wallace-posing +sketch_and_study,Realism,vasily-surikov_cossack-1893 +landscape,Impressionism,camille-pissarro_landscape-at-melleray-woman-carrying-water-to-horses-1881 +portrait,Realism,boris-kustodiev_portrait-of-the-composer-d-v-morozov-1919 +landscape,Realism,thomas-eakins_drawing-the-seine-1882 +cityscape,Impressionism,claude-monet_zaandam-little-bridge +illustration,Art_Nouveau_Modern,edmund-dulac_the-fairy-of-the-garden-from-the-garden-of-the-paradise +abstract_painting,Pop_Art,aki-kuroda_untitled-2012 +genre_painting,Baroque,jacob-jordaens_as-the-old-sang-so-the-young-pipe-1638 +sketch_and_study,Realism,jean-francois-millet_landscape-near-vichy-1870 +portrait,Romanticism,jan-matejko_przemysl-ii +genre_painting,Impressionism,childe-hassam_girl-standing +landscape,Symbolism,nicholas-roerich_gang-cold-ravine-1946(1) +cityscape,Impressionism,childe-hassam_avenue-of-the-allies-02 +abstract_painting,Abstract_Expressionism,gerhard-richter_ice-2 +sketch_and_study,Expressionism,theo-van-doesburg_dancing-man-from-sketchbook-60-1931 +cityscape,Realism,henrique-pousao_a-casa-de-persianas-azuis-1882 +genre_painting,Cubism,marevna-(marie-vorobieff)_lady-and-the-animals-1966 +landscape,Realism,john-collier_spring-at-cadenabbia +abstract_painting,Abstract_Expressionism,sam-francis_untitled-1959 +portrait,Realism,thomas-eakins_young-girl-meditating-study-1877 +cityscape,Symbolism,mstislav-dobuzhinsky_a-house-in-kaunas-1930 +portrait,Mannerism_Late_Renaissance,hans-von-aachen_boy-with-grapes-1605 +portrait,Post_Impressionism,pyotr-konchalovsky_portrait-of-g-a-egorova-1934 +abstract_painting,Color_Field_Painting,gene-davis_royal-curtain-1980 +genre_painting,Baroque,gabriel-metsu_the-patient-and-the-doctor +abstract_painting,Color_Field_Painting,mark-rothko_blue-over-red-1953 +genre_painting,Rococo,giovanni-battista-tiepolo_worshippers-1745 +genre_painting,Impressionism,edgar-degas_rest +cityscape,Realism,vasily-surikov_venice-doge-s-palace-1900 +cityscape,Post_Impressionism,edouard-cortes_new-bridge-1 +abstract_painting,Minimalism,judy-chicago_big-blue-pink-1971 +portrait,Naive_Art_Primitivism,camille-bombois_in-the-bar +abstract_painting,Color_Field_Painting,mark-rothko_untitled-9 +landscape,Expressionism,billy-childish_erupting-volcano-2011 +cityscape,Post_Impressionism,gustave-loiseau_cligancourt-street +genre_painting,Impressionism,camille-pissarro_laundresses-at-eragny +portrait,Impressionism,mary-cassatt_head-of-sara-in-a-bonnet-looking-left-1901 +landscape,Impressionism,pierre-auguste-renoir_landscape-with-snow +landscape,Realism,nikolai-ge_the-view-from-santo-terenzo-at-lerici-by-night +genre_painting,Art_Nouveau_Modern,filipp-malyavin_singing-peasants +cityscape,Post_Impressionism,edouard-cortes_place-saint-michel-notre-dame-1 +still_life,Cubism,pablo-picasso_untitled-1920-1 +religious_painting,Mannerism_Late_Renaissance,paolo-veronese_st-jerome +genre_painting,Expressionism,jose-gutierrez-solana_trail-traperos +sketch_and_study,Rococo,maurice-quentin-de-la-tour_mademoiselle-pavigne +portrait,Mannerism_Late_Renaissance,lavinia-fontana_portrait-of-the-coozzadini-family-1584 +portrait,Expressionism,amedeo-modigliani_portrait-of-chaim-soutine-1915 +nude_painting,Art_Nouveau_Modern,raphael-kirchner_deadly-sins-2 +genre_painting,Fauvism,august-macke_woman-with-a-yellow-jacket-1913 +portrait,Romanticism,jan-matejko_leszek-the-black-1 +genre_painting,Realism,mykola-pymonenko_victime-of-fanatisme-1899 +portrait,Rococo,joshua-reynolds_portrait-of-a-lady +landscape,Impressionism,claude-monet_grainstack-at-giverny +portrait,Baroque,frans-hals_portrait-of-a-seated-woman-1666 +landscape,Impressionism,frits-thaulow_woodland-scene-with-a-river +landscape,Post_Impressionism,paul-cezanne_the-pigeon-tower-at-bellevue +genre_painting,Impressionism,james-mcneill-whistler_whistler-in-his-studio +portrait,Realism,pierre-auguste-renoir_portrait-of-henry-bernstein +sketch_and_study,Impressionism,walter-sickert_study-for-the-little-tea-party-1916 +genre_painting,Realism,vincent-van-gogh_sower-1881-1 +abstract_painting,Action_painting,franz-kline_number-2-1954 +landscape,Impressionism,alfred-sisley_the-seine-near-saint-cloud-high-water-1879 +portrait,Rococo,dmitry-levitzky_portrait-of-denis-diderot-1773 +landscape,Impressionism,sever-burada_balchik-noon +landscape,Impressionism,guy-rose_point-lobos +abstract_painting,Color_Field_Painting,john-hoyland_18-6-65-1965 +sketch_and_study,Symbolism,mstislav-dobuzhinsky_auk-nai-1930 +cityscape,Impressionism,rudolf-schweitzer-cumpana_mahala-de-bucure-ti-1940 +genre_painting,Symbolism,konstantin-somov_bathing +genre_painting,Impressionism,berthe-morisot_woman-and-child-in-a-garden-1884 +religious_painting,Northern_Renaissance,hieronymus-bosch_group-of-victims +genre_painting,Post_Impressionism,maurice-prendergast_can-can-dancer +portrait,Impressionism,paul-gauguin_man-with-a-toque +landscape,Impressionism,gustave-caillebotte_sunflowers-on-the-banks-of-the-seine +illustration,Romanticism,gustave-dore_the-baptism-of-infidels +religious_painting,High_Renaissance,pietro-perugino_the-virgin-and-child-with-an-angel +landscape,Impressionism,childe-hassam_a-back-road +landscape,Post_Impressionism,gustave-loiseau_house-by-the-water-1920 +genre_painting,Impressionism,paul-cezanne_a-painter-at-work-1875 +cityscape,Realism,vincent-van-gogh_churchyard-in-winter-1883(1) +cityscape,Realism,vasily-sadovnikov_view-of-the-anichkov-palace-from-the-fontanka-river-1838 +abstract_painting,Abstract_Expressionism,richard-diebenkorn_berkeley-no-59 +genre_painting,Romanticism,francisco-goya_the-shipwreck-1794 +genre_painting,Naive_Art_Primitivism,marc-chagall_a-big-peasant-1968 +religious_painting,Baroque,rembrandt_tobias-cured-with-his-son-1636 +still_life,Fauvism,ilya-mashkov_still-life-apples +abstract_painting,Abstract_Expressionism,hans-hofmann_untitled-1950 +illustration,Expressionism,lynd-ward_not-detected-272543 +portrait,Ukiyo_e,utagawa-kuniyoshi_actor +nude_painting,Post_Impressionism,raoul-dufy_female-nude-bust +landscape,Romanticism,william-turner_hill-town-on-the-edge-of-the-campagna +nude_painting,Expressionism,amedeo-modigliani_nude-bust-1915 +still_life,Synthetic_Cubism,juan-gris_guitar-and-glass-1914 +portrait,Ukiyo_e,keisai-eisen_streetwalker-tsujigimi(1) +abstract_painting,Color_Field_Painting,antonio-palolo_untitled-1992-1 +abstract_painting,Cubism,lyubov-popova_space-force-construction +portrait,Realism,ilya-repin_portrait-of-e-d-batasheva-1891 +religious_painting,Northern_Renaissance,albrecht-durer_doomsday +religious_painting,Northern_Renaissance,konrad-witz_the-liberation-of-st-peter +abstract_painting,Cubism,carlos-merida_epitalamio-1968 +landscape,Impressionism,pierre-auguste-renoir_the-bridge-at-argenteuil-in-autumn-1882 +abstract_painting,Abstract_Expressionism,frank-stella_estoril-five-ii-from-the-circuits-series-1982 +religious_painting,Mannerism_Late_Renaissance,el-greco_christ-blessing-the-saviour-of-the-world +portrait,Romanticism,francisco-goya_sleep +portrait,Realism,john-singer-sargent_izme-vickers-1907 +landscape,Art_Nouveau_Modern,konstantinos-parthenis_corfu-landscape-1917 +sketch_and_study,Symbolism,alphonse-mucha_wrestler +still_life,Symbolism,kuzma-petrov-vodkin_pink-still-life-1918 +nude_painting,Cubism,pablo-picasso_nude-woman-with-turkish-bonnet-1955 +cityscape,Romanticism,john-atkinson-grimshaw_salthouse-dock-liverpool-1 +portrait,Baroque,rembrandt_jan-six-1654 +landscape,Realism,vasily-vereshchagin_site-of-the-battle-fought-on-july-18-1877-in-front-of-the-krishin-redoubt-near-plevna-1880 +still_life,High_Renaissance,giorgione_armor-1510(1) +sketch_and_study,Northern_Renaissance,albrecht-durer_head-of-paul +nude_painting,Realism,thomas-eakins_masked-nude-woman-seated +religious_painting,Northern_Renaissance,albrecht-durer_apostle-bartholomew +landscape,Realism,winslow-homer_road-in-bermuda +sketch_and_study,Symbolism,nicholas-roerich_rani-nulla-river-on-kulu-side-of-rohtang-pass +illustration,Romanticism,gustave-dore_two-hundred-knights-attack-twenty-thousand-saracens +religious_painting,Baroque,jusepe-de-ribera_holy-family-with-st-bruno-the-carthusian-monks-saints-who-left-st-bernard-of-siena-st +genre_painting,High_Renaissance,giorgione_the-three-philosophers-1509(2) +landscape,Post_Impressionism,pyotr-konchalovsky_autumn-landscape +genre_painting,Realism,antã³nio-de-carvalho-da-silva-porto_carro-de-bois +illustration,Symbolism,harry-clarke_the-year-s-at-the-spring-1920-20 +cityscape,Impressionism,childe-hassam_marche-st-pierre-montmartre +cityscape,Post_Impressionism,maurice-utrillo_the-debray-farm +portrait,Rococo,antoine-pesne_prince-augustus-william-of-prussia +religious_painting,Early_Renaissance,andrea-mantegna_death-of-the-virgin-1461 +portrait,Realism,julius-leblanc-stewart_young-beauty-in-a-white-dress(1) +portrait,Baroque,rembrandt_saskia-at-her-toilet +portrait,Cubism,juan-gris_clown-1919 +abstract_painting,Minimalism,mario-schifano_untitled-1963 +cityscape,Art_Nouveau_Modern,anna-ostroumova-lebedeva_st-isaac-s-cathedral-in-a-foggy-day-1922 +abstract_painting,Abstract_Expressionism,paul-jenkins_not_detected_235706 +portrait,Romanticism,francisco-goya_boys-with-mastiff +landscape,Symbolism,nicholas-roerich_ladakh-himalayas +landscape,Realism,gustave-courbet_stream-in-the-jura-mountains-1873 +religious_painting,Early_Renaissance,benozzo-gozzoli_madonna-and-child-giving-blessings +portrait,Realism,ilya-repin_portrait-of-the-artist-ivan-p-pohitonov-1882 +landscape,Post_Impressionism,gustave-loiseau_hendreville-by-the-eure-river +religious_painting,Mannerism_Late_Renaissance,giorgio-vasari_jesus-christ-in-the-house-of-martha-and-mary +sketch_and_study,Art_Nouveau_Modern,nicholas-roerich_ledenets-1919-1 +portrait,Realism,boris-kustodiev_portrait-of-y-e-kustodieva-with-daughter-irina-1908 +cityscape,Impressionism,claude-monet_waterloo-bridge-overcast-weather-2-1901 +genre_painting,Baroque,johannes-vermeer_the-procuress-1656 +abstract_painting,Color_Field_Painting,morris-louis_saf-dalet-1959 +religious_painting,High_Renaissance,leonardo-da-vinci_head-of-st-peter +portrait,Expressionism,lucian-freud_man-in-a-headscarf-also-known-as-the-procurer +portrait,Romanticism,vasily-tropinin_boy-with-zhaleyka +religious_painting,Naive_Art_Primitivism,marc-chagall_st-mark-and-st-matthew-1978 +landscape,Impressionism,santiago-rusinol_la-verja +nude_painting,Symbolism,felicien-rops_woman-on-a-rocking-horse +cityscape,Impressionism,camille-pissarro_boulevard-montmartre-spring-1897-1 +portrait,Baroque,gabriel-metsu_the-old-drinker +landscape,Symbolism,konstantin-somov_edge-of-the-forest-ligovo +cityscape,Romanticism,john-roddam-spencer-stanhope_thoughts-of-the-past-1 +portrait,Romanticism,karl-bodmer_young-amerindian +abstract_painting,Minimalism,gotthard-graubner_untitled-1971 +genre_painting,Symbolism,odilon-redon_boat-with-two-figures-1902 +genre_painting,Impressionism,camille-pissarro_springtime-peasants-in-a-field-1882 +portrait,Rococo,allan-ramsay_charlotte-sophia-of-mecklenburg-strelitz-1762 +cityscape,Post_Impressionism,maurice-utrillo_church-at-villiers-le-bel +portrait,Pop_Art,andy-warhol_venere-dopo-botticelli +portrait,Rococo,joshua-reynolds_portrait-of-emma-countess-of-mount-edgcumbe +genre_painting,Romanticism,francisco-goya_a-woman-and-two-children-by-a-fountain-1786 +portrait,Baroque,anthony-van-dyck_lady-lucy-percy +cityscape,Post_Impressionism,maurice-utrillo_moulin-de-la-galette-2 +abstract_painting,Abstract_Expressionism,alice-baber_seven-green-leagues-1967 +religious_painting,Northern_Renaissance,martin-schongauer_adoration-of-the-magi +landscape,Realism,isaac-levitan_spring-high-waters-1897 +sketch_and_study,Symbolism,nicholas-roerich_signs-of-christ-1924 +portrait,Post_Impressionism,henri-de-toulouse-lautrec_woman-brothel-1894 +landscape,Impressionism,adam-baltatu_houses-in-bretania +landscape,Impressionism,winston-churchill_gardener-s-cottage-at-mme-balsan-s-house(1) +landscape,Pointillism,theo-van-rysselberghe_the-mill-at-kelf-1894 +landscape,Impressionism,philip-wilson-steer_the-golden-valley-stroud +genre_painting,Realism,pyotr-konchalovsky_sunny-day-the-pioneers-1933 +landscape,Abstract_Expressionism,richard-diebenkorn_landscape-with-figure +landscape,Post_Impressionism,theo-van-rysselberghe_sunset-1916 +still_life,Realism,pyotr-konchalovsky_still-life-with-a-fly-every-victuals-1932 +genre_painting,Art_Nouveau_Modern,boris-kustodiev_merchant-wives-1912 +nude_painting,Contemporary_Realism,eric-fischl_new-house +landscape,Post_Impressionism,vincent-van-gogh_the-grounds-of-the-asylum-1889 +sketch_and_study,High_Renaissance,vittore-carpaccio_the-triumph-of-st-george-1502 +religious_painting,Romanticism,jan-matejko_angel-with-harp +portrait,Impressionism,pierre-auguste-renoir_the-dancer-1874 +religious_painting,Romanticism,karl-bryullov_the-judas-kiss-1847 +genre_painting,Art_Nouveau_Modern,sergey-solomko_russian-types +genre_painting,Baroque,bernardo-strozzi_the-cook-1620 +genre_painting,Impressionism,john-singer-sargent_carrara-workmen-1911 +portrait,Cubism,juan-gris_the-reader-1926 +abstract_painting,Minimalism,pierre-soulages_peinture-324-x-181-cm-14-mars-1999-polyptyque-1999 +religious_painting,Mannerism_Late_Renaissance,paolo-veronese_the-consecration-of-saint-nicholas +sketch_and_study,Post_Impressionism,vincent-van-gogh_three-peasants-with-spades-on-a-road-in-the-rain-1890 +landscape,Romanticism,karl-bryullov_cliffs-and-moon-at-night(1) +genre_painting,Naive_Art_Primitivism,fernand-leger_not_detected_196071 +religious_painting,Art_Nouveau_Modern,jacek-malczewski_christ-and-samaritan-woman-1 +still_life,Cubism,maurice-de-vlaminck_fruit-and-flowers +cityscape,Realism,james-mcneill-whistler_the-last-of-old-westminster +portrait,Impressionism,t.-c.-steele_the-boatman-1884 +portrait,Mannerism_Late_Renaissance,agnolo-bronzino_portrait-of-ferdinando-de-medici +portrait,Romanticism,eduard-von-gebhardt_portrait-of-a-man-1911 +abstract_painting,Abstract_Expressionism,jimmy-ernst_silence-at-sharpeville-1962 +religious_painting,Baroque,rembrandt_christ-and-the-woman-of-samaria-an-arched-print-1658 +cityscape,Post_Impressionism,vincent-van-gogh_view-of-roofs-and-backs-of-houses-1886 +cityscape,Cubism,lyonel-feininger_st-mary-s-church-with-the-arrow-1930 +genre_painting,Post_Impressionism,henri-martin_return-from-the-fields-1896 +landscape,Realism,aleksey-savrasov_near-the-village-of-st-michael-pskov-province +portrait,Realism,vincent-van-gogh_head-of-a-peasant-woman-with-white-cap-1884(1) +genre_painting,Realism,nicholas-roerich_elders-gathering +sketch_and_study,Realism,vincent-van-gogh_peasant-woman-sitting-with-chin-in-hand-1885 +genre_painting,Realism,thomas-eakins_elizabeth-at-the-piano +landscape,Realism,camille-corot_souvenir-of-arricia +cityscape,Cubism,fernand-leger_factories-1918 +portrait,Symbolism,mikhail-nesterov_archbishop-portrait-of-antoniy-volynskiy-1917 +genre_painting,Impressionism,childe-hassam_the-quai-st-michel +genre_painting,Post_Impressionism,le-pho_in-the-garden +religious_painting,Baroque,francisco-de-zurbaran_the-dream-of-saint-joseph-1635 +cityscape,Romanticism,william-turner_old-london-brige +illustration,Symbolism,harry-clarke_tales-of-mystery-and-imagination-by-edgar-allan-poe-1923-2 +genre_painting,Expressionism,edvard-munch_the-scream-1893(1) +landscape,Fauvism,janos-mattis-teutsch_houses-with-trees-1910 +genre_painting,Realism,gustave-courbet_the-stone-breakers-1849 +religious_painting,Romanticism,gustave-dore_the-plague-of-jerusalem +sketch_and_study,Post_Impressionism,vincent-van-gogh_diggers-and-road-with-cottages-1890(1) +still_life,Impressionism,paul-cezanne_apples-1878 +sketch_and_study,Symbolism,kuzma-petrov-vodkin_ivan-karamazov-1927 +landscape,Realism,camille-corot_fisherman-at-the-river-bank +portrait,Rococo,thomas-gainsborough_portrait-of-elizabeth-bowes +cityscape,Expressionism,marcel-janco_landscape +genre_painting,Post_Impressionism,david-burliuk_marusia-in-the-library +religious_painting,Early_Renaissance,carlo-crivelli_coronation-of-the-virgin-1493 +genre_painting,New_Realism,edward-hopper_new-york-restaurant +abstract_painting,Minimalism,perle-fine_accordment-series-15-on-its-way-1977 +portrait,Baroque,gerard-terborch_memorial-portrait-of-moses-ter-borch +landscape,Impressionism,claude-monet_the-alps-seen-from-cap-d-antibes +portrait,Northern_Renaissance,mabuse_portrait-of-baudoin-of-burgundy +portrait,Art_Nouveau_Modern,alphonse-mucha_carnation-1 +religious_painting,Baroque,anthony-van-dyck_christ-on-the-cross-1627 +illustration,Romanticism,gustave-dore_idylls-of-the-king-7 +still_life,Pop_Art,saul-steinberg_the-politecnico-table-1974 +illustration,Expressionism,martiros-saryan_flamboyant-landscape-1933 +landscape,Fauvism,auguste-herbin_landscape-of-a-waterway-1908 +religious_painting,Naive_Art_Primitivism,marc-chagall_moses-and-aaron-with-pharaoh-1966 +abstract_painting,Abstract_Expressionism,tsuruko-yamazaki_work-1969 +landscape,Baroque,isaac-van-ostade_winter-landscape-1 +landscape,Romanticism,john-constable_cottage-rainbow-mill +nude_painting,Realism,anders-zorn_red-sand +religious_painting,Art_Nouveau_Modern,nicholas-roerich_archangel-with-birds-1905 +nude_painting,Art_Nouveau_Modern,zinaida-serebriakova_bath-1913 +portrait,Impressionism,edouard-manet_berthe-morisot-with-a-bouquet-of-violets-1872 +cityscape,Symbolism,mstislav-dobuzhinsky_dredger-1923 +genre_painting,Symbolism,felicien-rops_the-reader +sketch_and_study,Post_Impressionism,vincent-van-gogh_sheet-with-a-few-sketches-of-figures-1890 +abstract_painting,Color_Field_Painting,ray-parker_untilted-1959 +landscape,Baroque,rembrandt_a-wooded-road +religious_painting,Northern_Renaissance,albrecht-durer_christ-taking-leave-of-his-mother +sketch_and_study,Northern_Renaissance,hans-holbein-the-younger_portrait-of-jane-seymour-1537 +genre_painting,Post_Impressionism,irma-stern_ballet-dancers-1943 +cityscape,Impressionism,antoine-blanchard_place-du-palais-royal +illustration,Romanticism,n.c.-wyeth_sir-mador-s-spear-brake-all-to-pieces-but-the-other-s-spear-held +landscape,Pointillism,camille-pissarro_flowering-apple-trees-at-eragny-1888 +portrait,Baroque,anthony-van-dyck_portrait-of-the-three-eldest-children-of-charles-i +religious_painting,Northern_Renaissance,albrecht-altdorfer_passion-of-christ-1 +religious_painting,Realism,ivan-kramskoy_christ-in-the-wilderness-1872 +portrait,Pop_Art,andy-warhol_marylin-gray +portrait,Realism,john-singer-sargent_the-countess-of-rocksavage-later-marchioness-of-cholmondeley-1922 +portrait,Cubism,pablo-picasso_bust-of-young-woman-from-avignon-1907 +landscape,Symbolism,nicholas-roerich_kuluta-1936 +cityscape,Realism,vasily-surikov_naples-vesuvius-1884 +portrait,Romanticism,camille-corot_la-zingara +illustration,Symbolism,william-blake_illustration-to-dante-s-divine-comedy-hell-2 +landscape,Romanticism,johan-christian-dahl_stalheim-1842 +portrait,Analytical_Cubism,pablo-picasso_harlequin-leaning-1909 +religious_painting,Mannerism_Late_Renaissance,paolo-veronese_lamentation-over-the-dead-christ +portrait,Impressionism,mary-cassatt_young-woman-picking-the-fruit-of-knowledge-1892 +sketch_and_study,Post_Impressionism,vincent-van-gogh_cypresses-1889-2(1) +portrait,Post_Impressionism,mily-possoz_jardim-com-figuras-1918 +genre_painting,Impressionism,mary-cassatt_the-bath +genre_painting,Impressionism,berthe-morisot_in-a-villa-at-the-seaside +genre_painting,Expressionism,umberto-boccioni_agitate-crowd-surrounding-a-high-equestrian-monument-1908 +portrait,Realism,m.c.-escher_infant-arthur +genre_painting,Realism,mykola-pymonenko_from-the-forrest-1 +genre_painting,Expressionism,paul-klee_death-and-fire-1940(1) +landscape,Post_Impressionism,kazuo-nakamura_autumn-1955 +portrait,Realism,thomas-eakins_portrait-of-benjamin-sharp-1903 +sketch_and_study,Romanticism,orest-kiprensky_griffonnage +sketch_and_study,Expressionism,martiros-saryan_in-the-garden-1928 +portrait,Naive_Art_Primitivism,niko-pirosmani_little-kinto +cityscape,Expressionism,otto-dix_the-street-of-brothels +sketch_and_study,Rococo,maurice-quentin-de-la-tour_study-for-portrait-of-unknown-woman-3 +landscape,Pointillism,henri-edmond-cross_boats-in-the-port-of-st-tropez +cityscape,Post_Impressionism,arturo-souto_the-pantheon-seen-from-rue-soufflot-paris-1941 +abstract_painting,Minimalism,alighiero-boetti_mimetico +landscape,Post_Impressionism,jozsef-rippl-ronai_manor-house-at-k-rtv-lyes-1907 +landscape,Post_Impressionism,vincent-van-gogh_way-in-the-voyer-d-argenson-park-in-asnieres-1887 +landscape,Romanticism,caspar-david-friedrich_forrest-in-the-end-of-the-autumn +genre_painting,Symbolism,pablo-picasso_mother-and-child-on-the-beach-1902 +landscape,Realism,theodore-rousseau_not_detected_198939 +sketch_and_study,Symbolism,ferdinand-hodler_left-border-warriors +landscape,Baroque,adriaen-van-de-velde_the-farm-1666 +landscape,Impressionism,camille-pissarro_pontoise-banks-of-the-oise-1872 +abstract_painting,Cubism,vladimir-tatlin_relief +cityscape,Realism,pyotr-konchalovsky_spring-in-moscow-konyushkovskaya-street-1943 +abstract_painting,Color_Field_Painting,gene-davis_solar-skin-1964 +sketch_and_study,Realism,vincent-van-gogh_peasant-with-a-chopping-knife-1881 +portrait,Rococo,louise-elisabeth-vigee-le-brun_portrait-of-anna-pitt-as-hebe-1792 +religious_painting,Mannerism_Late_Renaissance,el-greco_coronation-of-the-virgin-1591 +landscape,Impressionism,pyotr-konchalovsky_garden-near-rome-peaches-in-bloom-1904 +landscape,Realism,ivan-shishkin_twilight-after-sunset-1874 +religious_painting,Early_Renaissance,domenico-ghirlandaio_death-and-assumption-of-the-virgin-1490 +landscape,Post_Impressionism,tom-thomson_the-pool +landscape,Realism,aleksey-savrasov_thaw-1887 +cityscape,Impressionism,antoine-blanchard_theatre-du-gymnase-boulevard-bonne-nouvelle-1 +portrait,Impressionism,federico-zandomeneghi_the-white-collar +still_life,Post_Impressionism,pierre-bonnard_pitcher +landscape,Realism,boris-kustodiev_on-the-volga-1926 +religious_painting,High_Renaissance,pietro-perugino_madonna-with-saints-adoring-the-child +cityscape,Romanticism,cornelis-springer_view-of-oudewater +religious_painting,Northern_Renaissance,pieter-bruegel-the-elder_last-judgment +sketch_and_study,Realism,vasily-surikov_soldier-s-head-in-a-cocked-hat-1898 +religious_painting,Impressionism,lovis-corinth_the-large-martyrdom-1907 +genre_painting,Impressionism,edgar-degas_combing-the-hair-1895 +sketch_and_study,Rococo,maurice-quentin-de-la-tour_portrait-of-mademoiselle-dangeville +landscape,Impressionism,childe-hassam_moonrise-at-sunset +portrait,Impressionism,stefan-dimitrescu_the-cook-1926 +genre_painting,Post_Impressionism,pablo-picasso_the-fourteenth-of-july-1901 +genre_painting,Post_Impressionism,vincent-van-gogh_olive-grove-with-picking-figures-1889 +cityscape,Naive_Art_Primitivism,mstislav-dobuzhinsky_kelm-gates-of-estate-1934 +portrait,Impressionism,konstantin-korovin_self-portrait-1938 +religious_painting,Mannerism_Late_Renaissance,el-greco_christ-driving-the-traders-from-the-temple-1570 +genre_painting,Impressionism,georges-lemmen_young-woman-sewing-1905 +landscape,Symbolism,nicholas-roerich_ladakh-kashmir-1943 +genre_painting,Expressionism,jose-gutierrez-solana_masks +sketch_and_study,Expressionism,pablo-picasso_the-girls-of-avignon-study-1907-1 +abstract_painting,Expressionism,clyfford-still_ph-343-1937 +cityscape,Impressionism,eugene-boudin_fervaques-a-village-street-1881 +religious_painting,Mannerism_Late_Renaissance,paolo-veronese_st-anthony-preaching-to-the-fish +genre_painting,Impressionism,edgar-degas_dancer-onstage-with-a-bouquet +landscape,Realism,arkhip-kuindzhi_night-landscape +portrait,Expressionism,egon-schiele_seated-young-girl-1910 +religious_painting,Northern_Renaissance,hans-memling_madonna-and-child-enthroned-with-two-angels-1480 +genre_painting,Expressionism,candido-portinari_retirantes +portrait,Post_Impressionism,nicolae-tonitza_venice-girl-putana-1926 +landscape,Realism,viktor-vasnetsov_yarilin-valley-1885 +religious_painting,Early_Renaissance,andrea-mantegna_altarpiece-of-san-zeno-in-verona-right-panel-of-st-benedict-st-lawrence-st-gregory-and-st-john-1459 +abstract_painting,Minimalism,robert-mangold_plane-figure-iii-1992 +landscape,Realism,ilya-repin_ukrainian-peasant-house-1880 +portrait,Expressionism,george-mavroides_portrait-of-nina +landscape,Realism,camille-corot_mantes-cathedral +religious_painting,Rococo,vladimir-borovikovsky_archangel-gavriil +sketch_and_study,Early_Renaissance,jacopo-bellini_flagellation +sketch_and_study,Impressionism,joaquã­n-sorolla_the-beach-at-biarritz-sketch +religious_painting,High_Renaissance,giorgione_judith(1) +nude_painting,Expressionism,amedeo-modigliani_standing-nude-elvira-1918 +portrait,Fauvism,rik-wouters_education-1912 +portrait,Expressionism,otto-dix_wounded-man-fleeing +religious_painting,Northern_Renaissance,rogier-van-der-weyden_saint-columba-altarpiece-1455 +cityscape,Romanticism,cornelis-springer_marketview-with-cityhall-woerden +portrait,Expressionism,pyotr-konchalovsky_portrait-of-french-pianist-alfred-cortot-1936 +landscape,Realism,pyotr-konchalovsky_winter-landscape-with-train-1934 +genre_painting,Realism,nikolay-bogdanov-belsky_farewell-of-a-new-soldier +landscape,Realism,ivan-shishkin_cliff-1878 +portrait,Post_Impressionism,le-pho_the-bath-portrait-of-a-young-girl-1938 +still_life,Symbolism,odilon-redon_the-seashell-1912 +cityscape,Impressionism,camille-pissarro_rue-saint-honore-afternoon-rain-effect-1897 +religious_painting,Northern_Renaissance,rogier-van-der-weyden_pierre-bladelin-triptych-1450 +genre_painting,Naive_Art_Primitivism,niko-pirosmani_rant +abstract_painting,Cubism,theo-van-doesburg_composition-ii-still-life-1916 +religious_painting,Mannerism_Late_Renaissance,el-greco_st-luke-painting-the-virgin-1568 +abstract_painting,Abstract_Expressionism,frank-stella_shards-1982 +landscape,Impressionism,pierre-auguste-renoir_landscape-at-cagnes-1908 +still_life,Impressionism,pierre-auguste-renoir_still-life-with-strawberries-1 +abstract_painting,Cubism,fernand-leger_composition-1920 +portrait,Rococo,vladimir-borovikovsky_nikolai-mikhailovich-yakovlev +landscape,Realism,camille-corot_the-boatman-left-the-bank-with-a-woman-and-a-child-sitting-in-his-boat-sunset +portrait,Post_Impressionism,paul-gauguin_portrait-of-woman-against-the-cezanne-s-still-life-with-apples-1890 +landscape,Impressionism,pierre-auguste-renoir_the-estaque-1882 +cityscape,Impressionism,pierre-auguste-renoir_the-old-port-of-marseille-people-and-boats-1890 +religious_painting,Realism,vasily-surikov_the-good-samaritan-1874 +illustration,Romanticism,gustave-dore_the-she-wolf +portrait,Rococo,maurice-quentin-de-la-tour_portrait-of-maurice-of-saxony +cityscape,Impressionism,konstantin-korovin_arkhangelsk-port-on-dvina-1894 +genre_painting,Realism,gustave-courbet_woman-of-frankfurt-1858 +cityscape,Art_Nouveau_Modern,egon-schiele_houses-on-the-moldau-krumau-1910 +still_life,Realism,martiros-saryan_still-life-with-matryoshka-dolls-1965 +landscape,Impressionism,childe-hassam_yachts-gloucester-1889 +portrait,Romanticism,miklos-barabas_count-istv-n-sz-chenyi-1848 +portrait,Impressionism,lovis-corinth_wilhelmine-in-the-green-dress-1924 +genre_painting,Baroque,jan-steen_pub-garden-1663 +landscape,Realism,isaac-levitan_lake-autumn +genre_painting,Pop_Art,gerard-fromanger_le-peintre-et-son-mod-le-1974 +portrait,Expressionism,august-macke_elisabeth-gerhard-sewing +cityscape,Realism,alexey-bogolyubov_baku-1861 +landscape,Impressionism,claude-monet_poplars-four-trees +cityscape,Impressionism,camille-pissarro_place-du-carrousel-the-tuileries-gardens-1900 +religious_painting,Northern_Renaissance,hans-memling_hell +portrait,Romanticism,paul-cezanne_paul-alexis-reading-a-manuscript-to-emile-zola +abstract_painting,Color_Field_Painting,perle-fine_cool-series-no-80-impatient-spring-1963 +religious_painting,Naive_Art_Primitivism,marc-chagall_already-been-old-joshua-brings-together-the-israelites-and-recalls-of-the-favor-which-the-lord +cityscape,Impressionism,claude-monet_rouen-cathedral-west-facade-sunlight-1894 +portrait,Northern_Renaissance,albrecht-durer_my-agnes-1494 +abstract_painting,Abstract_Expressionism,kenzo-okada_the-cliff +landscape,Realism,isaac-levitan_gray-day-1895 +portrait,Rococo,allan-ramsay_king-george-iii +landscape,Northern_Renaissance,albrecht-altdorfer_mountain-range-1530 +illustration,Romanticism,gustave-dore_the-inferno-canto-22 +genre_painting,Impressionism,john-singer-sargent_a-spanish-interior +abstract_painting,Abstract_Expressionism,sam-francis_la-primavera-fredda-cold-spring-1988 +portrait,Romanticism,orest-kiprensky_portrait-of-a-military-doctor-1812 +landscape,Naive_Art_Primitivism,david-burliuk_anna-maria-island-florida-1946 +still_life,Synthetic_Cubism,juan-gris_glass-and-bottle +religious_painting,Early_Renaissance,fra-angelico_christ-glorified-in-the-court-of-heaven-1430 +landscape,Impressionism,alfred-sisley_view-of-montmartre-from-the-cite-des-fleurs-1869 +genre_painting,Romanticism,alfred-stevens_elegant-at-billiards-1906 +genre_painting,Impressionism,childe-hassam_at-the-piano +still_life,Realism,m.c.-escher_mumified-frog +sketch_and_study,Expressionism,frank-auerbach_working-drawing-for-primrose-hill-1 +genre_painting,Impressionism,john-singer-sargent_breakfast-in-the-loggia-1910 +genre_painting,Baroque,johannes-vermeer_the-music-lesson +illustration,Art_Nouveau_Modern,andrei-ryabushkin_illustration-for-the-coronation-album +still_life,Post_Impressionism,paul-gauguin_still-life-with-l-esperance-1901 +cityscape,Post_Impressionism,edouard-cortes_quay-du-louvre-winter +nude_painting,Impressionism,roger-fry_spring-1921 +cityscape,Post_Impressionism,raoul-dufy_the-jetty-at-sainte-adresse-1906 +landscape,Realism,ivan-shishkin_pine-forest-1878 +religious_painting,Early_Renaissance,fra-angelico_the-story-of-st-nicholas-st-nicholas-saves-the-ship-detail-1448 +abstract_painting,Abstract_Expressionism,jean-paul-riopelle_lithograph-1968 +religious_painting,Romanticism,edward-burne-jones_david-s-charge-to-solomon-1882 +genre_painting,Romanticism,sir-lawrence-alma-tadema_the-vintage-festival-1870 +landscape,Realism,isaac-levitan_autumn-morning-1887 +religious_painting,Early_Renaissance,andrea-del-castagno_god-the-father-1442 +abstract_painting,Abstract_Expressionism,howard-mehring_black-1963 +landscape,Romanticism,john-constable_study-of-tree-trunks +portrait,Realism,alexey-venetsianov_peasant-children-in-the-field +genre_painting,Art_Nouveau_Modern,zinaida-serebriakova_harvesting-1915 +genre_painting,Realism,vasily-vereshchagin_dervishes-in-holiday-costumes-tashkent-1870 +landscape,Impressionism,pierre-auguste-renoir_landscape-13 +cityscape,Impressionism,john-singer-sargent_venetian-doorway +landscape,Impressionism,pierre-auguste-renoir_landscape-at-beaulieu-1899 +genre_painting,Realism,eugene-boudin_beach-scene-trouville-1863 +cityscape,Impressionism,antoine-blanchard_caf-de-la-paix-opera-3 +portrait,Impressionism,edgar-degas_diego-martelli-1879 +religious_painting,Northern_Renaissance,lucas-cranach-the-elder_the-crucifixion-with-the-converted-centurion-1538 +portrait,Expressionism,zinaida-serebriakova_portrait-of-a-lady-i-whelan-with-a-lapdog-1926 +nude_painting,Post_Impressionism,rene-magritte_pebble-1948(1) +religious_painting,Mannerism_Late_Renaissance,maerten-van-heemskerck_the-adoration-of-the-shepherds-1569 +landscape,Baroque,adriaen-van-de-velde_landscape-with-shepherds +genre_painting,Baroque,adriaen-van-ostade_a-peasant-family-outside-a-cottage +genre_painting,Romanticism,dante-gabriel-rossetti_writing-on-the-sand-1859 +landscape,Realism,m.c.-escher_pineta-of-calvi-corsica +landscape,Realism,viktor-vasnetsov_vyatka-river-1878 +portrait,Realism,salvador-dali_portrait-of-gala-1977 +sketch_and_study,Northern_Renaissance,hieronymus-bosch_fox-and-rooster +genre_painting,Post_Impressionism,edouard-vuillard_the-tuileries-gardens-paris +religious_painting,Northern_Renaissance,albrecht-durer_christ-bearing-the-cross-1498 +portrait,Ukiyo_e,kitagawa-utamaro_reading-a-letter +portrait,Pop_Art,robert-silvers_girl-with-the-pearl-earring-2008 +portrait,Romanticism,karl-bryullov_portrait-of-s-a-sobolevsky-1 +nude_painting,Cubism,joan-miro_standing-nude +religious_painting,Early_Renaissance,carlo-crivelli_saint-jerome-1473 +abstract_painting,Minimalism,brice-marden_adriatic-1973 +cityscape,Post_Impressionism,pyotr-konchalovsky_leningrad-the-bridge-on-the-canal-1931 +landscape,Expressionism,konstantinos-parthenis_the-small-church-of-kefalonia-1925 +portrait,Impressionism,pierre-auguste-renoir_madame-monet-reading +genre_painting,Cubism,marc-chagall_visit-to-grandparents-1915 +illustration,Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-russian-fairy-story-maria-morevna-1900-4(1) +genre_painting,Impressionism,john-singer-sargent_the-cashmere-shawl-1910 +portrait,Realism,john-singer-sargent_portrait-of-henry-james-1913 +religious_painting,Early_Renaissance,andrea-del-castagno_st-mark-1442 +abstract_painting,Abstract_Expressionism,bradley-walker-tomlin_number-3-1948 +landscape,Realism,camille-corot_the-italian-goatherd +portrait,Realism,anders-zorn_mona-1911 +landscape,Ukiyo_e,keisai-eisen_unuma-pl-53-from-a-facsimile-edition-of-sixty-nine-stations-of-the-kiso-highway +portrait,Rococo,joshua-reynolds_captain-the-honourable-john-byron +still_life,Cubism,max-weber_chardenal-dictionary +cityscape,Impressionism,theodor-pallady_case-la-turtucaia +genre_painting,Baroque,jan-steen_smoker +landscape,Symbolism,nicholas-roerich_on-the-way-to-shekar-dzong-1928 +religious_painting,Naive_Art_Primitivism,marc-chagall_moses-breaks-tablets-of-law-1931 +religious_painting,Early_Renaissance,fra-angelico_st-michael-1424 +genre_painting,Expressionism,salvador-dali_the-fossilised-automobile-of-cape-creus-1936 +cityscape,Impressionism,alfred-sisley_village-street-grey-weather-1874 +portrait,Realism,vasily-perov_portrait-of-an-unknown-1 +genre_painting,Baroque,adriaen-van-de-velde_amusement-on-the-ice-1669 +sketch_and_study,Post_Impressionism,vincent-van-gogh_sower-with-setting-sun-1888-1 +genre_painting,Realism,mikhail-nesterov_snowballs-1879 +portrait,Mannerism_Late_Renaissance,tintoretto_portrait-of-a-young-man +landscape,Impressionism,john-singer-sargent_moraine +landscape,Impressionism,claude-monet_the-manneport-rock-arch-west-of-etretat +sketch_and_study,Realism,aleksey-savrasov_tomb-on-the-banks-of-the-volga-1871 +portrait,Pop_Art,r.-b.-kitaj_portrait-of-walter-lippman +still_life,Realism,felix-vallotton_still-life-with-roses-1920 +religious_painting,Romanticism,gustave-dore_the-egyptians-ask-moses-to-depart +genre_painting,Ukiyo_e,kitagawa-utamaro_the-lazy-bone +genre_painting,Realism,vincent-van-gogh_man-sitting-reading-a-book-1882 +genre_painting,Impressionism,edmund-charles-tarbell_in-the-orchard-1891 +portrait,Realism,georgios-jakobides_the-smoker-1887 +portrait,Impressionism,camille-pissarro_portrait-of-madame-felicie-vellay-estruc +landscape,Realism,theodore-rousseau_not_detected_198942 +portrait,Rococo,joshua-reynolds_lady-worsley +religious_painting,Naive_Art_Primitivism,marc-chagall_the-noah-s-sacrifice-1932 +landscape,Post_Impressionism,roger-fry_beaumes +portrait,Cubism,pablo-picasso_woman-with-a-fan-1907 +abstract_painting,Color_Field_Painting,charles-hinman_untitled-from-the-on-the-bowery-portfolio-1969 +landscape,Romanticism,thomas-cole_valley-of-the-vaucluse-1841 +abstract_painting,Abstract_Expressionism,joan-snyder_madrigal-x-2001 +landscape,Contemporary_Realism,jamie-wyeth_big-inch-1965 +abstract_painting,Cubism,willi-baumeister_wall-picture-with-metals-1923 +landscape,Realism,johan-hendrik-weissenbruch_canal-at-rijswijk-1 +genre_painting,Impressionism,rudolf-schweitzer-cumpana_de-la-f-nt-n-1930 +genre_painting,Impressionism,berthe-morisot_woman-wearing-gloves-aka-the-parisian +still_life,Naive_Art_Primitivism,pablo-picasso_jug-with-handle-1954 +landscape,Expressionism,ernst-ludwig-kirchner_witch-and-scarecrow-in-the-snow-1932 +religious_painting,Rococo,vladimir-borovikovsky_not_detected_195192 +religious_painting,Mannerism_Late_Renaissance,el-greco_christ-on-the-cross-adored-by-two-donors +portrait,Realism,pericles-pantazis_portrait-of-varvogli-1875 +landscape,Impressionism,joaquã­n-sorolla_the-shadow-of-alcantara-bridge-toledo-1906 +genre_painting,Expressionism,lyonel-feininger_desolated-village-verfallenes-dorf-1918 +portrait,Baroque,peter-paul-rubens_portrait-of-jan-gaspar-gevartius +portrait,Art_Nouveau_Modern,nicholas-roerich_prince-knyaz-1916 +illustration,Romanticism,n.c.-wyeth_the-death-of-arthur-and-mordred +still_life,Impressionism,rudolf-schweitzer-cumpana_vas-cu-trandafiri-1971 +sketch_and_study,Baroque,canaletto_the-piazzetta-looking-towards-s-maria-della-salute +portrait,Pop_Art,andy-warhol_marlon-brando +landscape,Realism,eugene-boudin_farm-near-quimper +portrait,Art_Nouveau_Modern,raphael-kirchner_greek-girls +sketch_and_study,Baroque,rembrandt_mocking-of-christ +portrait,Expressionism,zinaida-serebriakova_moroccan-in-blue-1932 +sketch_and_study,Romanticism,orest-kiprensky_kutuzov-parading-in-the-temple-of-fame +genre_painting,New_Realism,edward-hopper_western-motel +landscape,Symbolism,nicholas-roerich_himalayas-53 +religious_painting,Mannerism_Late_Renaissance,el-greco_st-paul-and-st-peter +still_life,Fauvism,mary-fedden_yellow-butterfly-2008 +genre_painting,Realism,julius-leblanc-stewart_quiet-day-on-the-seine-1880(1) +portrait,Expressionism,billy-childish_lt-sydney-a-cloman-first-infantry-on-his-horse-on-the-wounded-knee-battleground-2010 +religious_painting,High_Renaissance,vittore-carpaccio_the-martyrdom-of-the-pilgrims-and-the-funeral-of-st-ursula-from-the-st-ursula-cycle-1490-94-1493 +landscape,Realism,aleksey-savrasov_after-the-rain +cityscape,Post_Impressionism,arturo-souto_neighborhood-in-mexico-1951 +still_life,Impressionism,nicolae-vermont_carnations-1924 +abstract_painting,Abstract_Expressionism,howard-hodgkin_clean-sheets-1984 +genre_painting,Impressionism,berthe-morisot_julie-playing-a-violin +landscape,Impressionism,claude-monet_palm-tree-at-bordighera +portrait,Expressionism,istvan-farkas_model-with-big-hands-1920 +portrait,Impressionism,valentin-serov_portrait-of-sergey-muromtsev-1910 +abstract_painting,Abstract_Expressionism,frank-stella_and-the-holy-one-blessed-be-he-1984 +portrait,Northern_Renaissance,hans-memling_portrait-of-an-old-woman-1470 +genre_painting,Realism,robert-brackman_life-still-life-3 +landscape,Post_Impressionism,martiros-saryan_on-marna-yerevan-1927 +landscape,Expressionism,ivan-albright_road-to-kairouan-tunisia-1970 +landscape,Impressionism,william-merritt-chase_terrace-prospect-park +illustration,Abstract_Expressionism,henri-matisse_jazz-book-1947 +genre_painting,Impressionism,mary-cassatt_mother-and-child-1908 +portrait,Realism,giovanni-boldini_emiliana-concha-de-ossa-1901 +landscape,Impressionism,alfred-sisley_matratat-s-boatyard-moret-sur-loing +genre_painting,Post_Impressionism,vincent-van-gogh_man-with-spade-in-a-suburb-of-paris-1887 +genre_painting,Romanticism,william-shayer_harvesters-resting +portrait,Realism,thomas-eakins_portrait-of-charles-linford-the-artist +landscape,Romanticism,richard-parkes-bonington_on-the-coast-of-picardy-1826 +abstract_painting,Color_Field_Painting,ronnie-landfield_rose-s-painting-1986 +portrait,Rococo,joshua-reynolds_general-john-burgoyne +landscape,Impressionism,alfred-sisley_snowy-weather-at-veneux-nadon-1880 +illustration,Expressionism,arthur-segal_vom-strande-page-1-1913 +religious_painting,Mannerism_Late_Renaissance,jacopo-pontormo_the-deposition +sketch_and_study,Naive_Art_Primitivism,marc-chagall_abraham-and-three-angels-2 +abstract_painting,Minimalism,pierre-soulages_peinture-222-x-314-cm-24-f-vrier-2008-2008 +genre_painting,Impressionism,nikolay-bogdanov-belsky_girls-in-kerchiefs +religious_painting,Early_Renaissance,carlo-crivelli_saint-roch-1 +genre_painting,Pop_Art,gerard-fromanger_en-chine-hu-xian-1974 +abstract_painting,Color_Field_Painting,morris-louis_dalet-zayin-1959 +religious_painting,Northern_Renaissance,rogier-van-der-weyden_mary-altarpiece-1445 +portrait,Mannerism_Late_Renaissance,maerten-van-heemskerck_portrait-of-donor +genre_painting,Impressionism,pierre-auguste-renoir_young-girl-seated-in-a-garden +cityscape,Impressionism,joaquã­n-sorolla_la-salute-venice-1910 +religious_painting,Northern_Renaissance,gerard-david_the-adoration-of-the-magi-2 +landscape,Realism,isaac-levitan_fields-1899-1 +abstract_painting,Minimalism,jo-baer_untitled-1963 +sketch_and_study,High_Renaissance,leonardo-da-vinci_studies-of-legs-of-man-and-the-leg-of-a-horse +landscape,Art_Nouveau_Modern,konstantin-korovin_margaret-s-garden-1910 +landscape,Expressionism,paul-klee_southern-gardens-1921(1) +portrait,Realism,ilya-repin_portrait-of-sculptor-mark-matveevich-antokolski-1914 +nude_painting,Symbolism,james-mcneill-whistler_blue-and-violet-ii +still_life,Post_Impressionism,paul-cezanne_dish-of-peaches +religious_painting,Realism,vasily-surikov_annunciation-1914 +landscape,Impressionism,john-henry-twachtman_scene-along-a-dutch-river +landscape,Impressionism,julian-alden-weir_ravine-near-branchville-1915 +portrait,Realism,valentin-serov_portrait-of-mara-oliv-1895 +genre_painting,Pop_Art,roy-lichtenstein_blam-1962(1) +abstract_painting,Abstract_Expressionism,helen-frankenthaler_harvest-1976 +still_life,Cubism,louis-marcoussis_breton-bread-two-fish-spoon-1929 +still_life,Cubism,george-segal_caf-still-life-with-bow-tie-braque-1986 +genre_painting,New_Realism,edward-hopper_conference-at-night +genre_painting,Impressionism,edmund-charles-tarbell_across-the-room-1899 +genre_painting,Cubism,natalia-goncharova_boy-with-rooster +religious_painting,Romanticism,viktor-vasnetsov_madonna +genre_painting,Post_Impressionism,amrita-sher-gil_fruit-vendors +portrait,Fauvism,henri-matisse_marguerite-1906 +portrait,Expressionism,amedeo-modigliani_the-singer-from-nice +genre_painting,Realism,nikolay-bogdanov-belsky_visit-of-the-unhealthy-teacher +still_life,Impressionism,childe-hassam_giant-magnolias +portrait,Expressionism,amedeo-modigliani_portrait-of-picasso-1915 +portrait,Post_Impressionism,richard-gerstl_waldemar-unger-ii-1905 +portrait,Baroque,frans-hals_portrait-of-a-woman-1 +cityscape,Post_Impressionism,edouard-cortes_the-triumphal-arc-winter +religious_painting,Northern_Renaissance,hieronymus-bosch_the-garden-of-earthly-delights-4 +landscape,Impressionism,alfred-sisley_sunrise-at-saint-mammes-1880 +religious_painting,Mannerism_Late_Renaissance,parmigianino_mystic-marriage-of-saint-catherine-1531 +genre_painting,Impressionism,william-merritt-chase_the-japanese-print +portrait,High_Renaissance,titian_the-concert +portrait,Baroque,pieter-de-hooch_portrait-of-a-family-of-musicians-1663 +landscape,Impressionism,alfred-sisley_a-park-in-louveciennes-1874 +abstract_painting,Abstract_Expressionism,joan-miro_not_detected_227955 +genre_painting,Symbolism,felicien-rops_the-lover-of-christ +portrait,Expressionism,george-mavroides_mary-1981 +portrait,Expressionism,emil-nolde_portrait-of-south-sea-islander-1937 +still_life,Post_Impressionism,pyotr-konchalovsky_still-life-peaches-1916 +portrait,Expressionism,ernst-ludwig-kirchner_graef-and-friend +portrait,Impressionism,john-lavery_japanese-switzerland-1913 +landscape,Expressionism,kurt-schwitters_mountain-graveyard-1919 +abstract_painting,Minimalism,genevieve-asse_untitled-1970 +landscape,Romanticism,karl-bodmer_the-town-traben-trarbach-and-the-grevenburg-on-the-moselle-river-in-germany-1841 +still_life,Impressionism,stefan-luchian_roses +abstract_painting,Abstract_Expressionism,arthur-pinajian_untitled-landscape-woodstock-no-4398-1962 +still_life,Impressionism,pierre-auguste-renoir_fish +sketch_and_study,Baroque,bartolome-esteban-murillo_virgin-and-child-1680-1 +cityscape,Impressionism,eugene-boudin_entrance-to-the-harbor +landscape,Impressionism,claude-monet_cliff-near-dieppe-in-the-morning +genre_painting,Impressionism,georges-lemmen_two-women-in-the-garden-1900 +landscape,Symbolism,nicholas-roerich_evening-1939 +landscape,Impressionism,guy-rose_laguna-eucalyptus-1917 +religious_painting,Early_Renaissance,benozzo-gozzoli_baptism-of-st-augustine-1465 +sketch_and_study,Expressionism,balthus_study-to-guitar-lesson-1934 +abstract_painting,Abstract_Expressionism,gerhard-richter_ice +sketch_and_study,Northern_Renaissance,albrecht-durer_study-of-drapery-1508 +landscape,Impressionism,winston-churchill_west-front-of-blenheim-palace +abstract_painting,Abstract_Expressionism,john-hoyland_2005-the-gnome-silkscreen +genre_painting,Analytical_Cubism,pablo-picasso_harlequin-s-family-1908 +landscape,Impressionism,claude-monet_grainstack-impression-in-pinks-and-blues +abstract_painting,Abstract_Expressionism,richard-diebenkorn_albuquerque-no-4 +genre_painting,Art_Nouveau_Modern,boris-kustodiev_country-journey-1918 +genre_painting,Romanticism,caspar-david-friedrich_funeral-scene-at-the-beach +genre_painting,Realism,vincent-van-gogh_wood-gatherers-in-the-snow-1884 +nude_painting,Expressionism,lucian-freud_naked-child-laughing-1963 +portrait,Expressionism,helene-schjerfbeck_forty-year-old-1939 +genre_painting,Impressionism,childe-hassam_paris-street-scene-1 +cityscape,Art_Nouveau_Modern,nicholas-roerich_izborsk-towers-1903-1 +abstract_painting,Color_Field_Painting,piero-dorazio_apex-1984 +genre_painting,Realism,james-mcneill-whistler_wapping-on-thames +religious_painting,Romanticism,gustave-dore_cyrus-restoring-the-vessels-of-the-temple-1866 +portrait,Romanticism,francisco-goya_cardinal-luis-maria-de-borbon-y-vallabriga +genre_painting,Symbolism,nicholas-roerich_whispers-of-desert-story-about-new-era-1925 +genre_painting,Rococo,antoine-watteau_maskerade +religious_painting,Romanticism,viktor-vasnetsov_nestor-the-chronicler-1893 +genre_painting,Expressionism,max-pechstein_horse-fair-1910 +illustration,Art_Nouveau_Modern,kay-nielsen_east-of-the-sun-and-west-of-the-moon-1914-1 +landscape,Impressionism,william-merritt-chase_shinnecock-hills-summer +cityscape,Impressionism,walter-sickert_the-piazzetta-and-the-old-campanile-venice +genre_painting,Realism,jean-francois-millet_brushwood-collectors +genre_painting,Baroque,jan-steen_inn-with-violinist-card-players-1668 +religious_painting,Symbolism,james-tissot_noah-s-sacrifice +landscape,Impressionism,cornelis-vreedenburgh_a-peasant-woman-on-a-path-along-a-canal-1907 +cityscape,Post_Impressionism,maurice-utrillo_view-of-pontoise +still_life,Realism,william-merritt-chase_the-big-brass-bowl +abstract_painting,Color_Field_Painting,morris-louis_ayin-1958 +portrait,Expressionism,corneliu-baba_portrait-harlequin-1974 +religious_painting,Early_Renaissance,filippo-lippi_madonna-and-child-with-two-angels-1465 +abstract_painting,Color_Field_Painting,paul-feeley_untitled-february-26-1964 +landscape,Realism,camille-corot_les-alinges-haute-savoie-figures-under-the-trees-1845 +portrait,Romanticism,orest-kiprensky_portrait-of-nicholas-semenovich-mosolov-1811 +landscape,Post_Impressionism,salvador-dali_the-vegetable-garden-of-llaner +abstract_painting,Minimalism,david-batchelor_hackney-road-drawing-2004 +landscape,Impressionism,pieter-wenning_old-cottage-plumstead +sketch_and_study,Expressionism,walter-battiss_zanzibar-study +religious_painting,Early_Renaissance,sandro-botticelli_virgin-and-child-with-the-infant-st-john-the-baptistbetween-1500(1) +sketch_and_study,Realism,vincent-van-gogh_sien-s-mother-s-house-1882 +portrait,Realism,nicolae-grigorescu_giri-with-white-veil(1) +landscape,Realism,camille-corot_lormes-shepherdess-sitting-under-trees-beside-a-stream-1842 +religious_painting,Baroque,yov-kondzelevych_the-maniava-hermitage-iconostasis-1705 +portrait,Romanticism,francesco-hayez_portrait-of-princess-di-sant-antimo +abstract_painting,Color_Field_Painting,sam-francis_untitled-sfm66-03-1966 +genre_painting,Rococo,pietro-longhi_a-nobleman-kissing-lady-s-hand-1746 +portrait,Cubism,alekos-kontopoulos_enangalismos +portrait,Rococo,antoine-pesne_countess-friederike-von-ansbach +landscape,Impressionism,guy-rose_the-blue-house-1 +cityscape,Symbolism,nicholas-roerich_predicted-cloud +genre_painting,Rococo,william-hogarth_the-arrest-for-theft-1735 +genre_painting,Post_Impressionism,victor-borisov-musatov_three-ladies-on-the-terrace-1903 +cityscape,Impressionism,childe-hassam_church-at-old-lyme-2 +nude_painting,Pop_Art,walter-battiss_beach-boys +genre_painting,Expressionism,martiros-saryan_egyptian-women-1911 +religious_painting,Early_Renaissance,pietro-perugino_st-anthony-of-padua-and-st-sebastian-1478 +portrait,Expressionism,helene-schjerfbeck_portrait-of-a-girl-in-blue-and-brown-inez-1944 +religious_painting,Mannerism_Late_Renaissance,titian_madonna-and-child-with-mary-magdalene +landscape,Post_Impressionism,william-h.-johnson_mountains-and-sea-hardanger-fjord-norway-1938(1) +sketch_and_study,Realism,vincent-van-gogh_sower-1881-2 +landscape,Impressionism,pierre-auguste-renoir_park-scene +abstract_painting,Color_Field_Painting,barnett-newman_galaxy-1949 +still_life,Naive_Art_Primitivism,fernando-botero_fruit-basket +landscape,Impressionism,arkhip-kuindzhi_moonlight-in-a-forest-winter +portrait,Realism,camille-corot_femme-de-chanbre +landscape,Impressionism,childe-hassam_rocky-beach-appledore +portrait,Impressionism,mary-cassatt_profile-of-an-italian-woman +abstract_painting,Minimalism,brice-marden_souvenir-de-gr-ce-14-1974 +portrait,Romanticism,konstantin-makovsky_portrait-of-artist-k-bornikov +landscape,Art_Nouveau_Modern,a.y.-jackson_october-morning-algoma-wartz-lake-1920 +landscape,Realism,camille-corot_between-lake-geneva-and-the-alps-1825 +genre_painting,Naive_Art_Primitivism,marc-chagall_the-circus-with-the-yellow-clown-1967 +landscape,Symbolism,nicholas-roerich_himalayas-1944-1 +nude_painting,Expressionism,ernst-ludwig-kirchner_seated-female-nude +sketch_and_study,Post_Impressionism,suzanne-valadon_nude-getting-into-the-bath-beside-the-seated-grandmother-1908 +illustration,Art_Nouveau_Modern,alexandre-benois_letter-l-1904(3) +religious_painting,Northern_Renaissance,robert-campin_samian-sibyl +cityscape,Romanticism,franz-richard-unterberger_the-grand-canal-venice-1 +portrait,Romanticism,eduard-von-gebhardt_estonian-peasant +cityscape,Naive_Art_Primitivism,jules-lefranc_le-pont-marie +genre_painting,Expressionism,pablo-picasso_hairdressing-1906 +landscape,Realism,ivan-shishkin_village-courtyard-end-of-1860 +genre_painting,Rococo,william-hogarth_the-polling-1755 +portrait,Expressionism,lucian-freud_guy-and-speck-1981 +landscape,Impressionism,claude-monet_the-gulf-juan-at-antibes +portrait,Expressionism,amedeo-modigliani_elena-picard-1917 +cityscape,Impressionism,claude-monet_the-hamlet-of-chantemesie-at-the-foot-of-the-rock +religious_painting,Northern_Renaissance,albrecht-durer_christ-taken-captive-1511 +landscape,Post_Impressionism,wassily-kandinsky_forest-edge +genre_painting,Rococo,jean-honore-fragonard_the-beginnings-of-model +abstract_painting,Abstract_Expressionism,kenzo-okada_untitled-1970 +portrait,Baroque,frans-hals_portrait-of-a-preacher +landscape,Contemporary_Realism,neil-welliver_study-for-midday-barren +portrait,Baroque,peter-paul-rubens_king-james-i-of-england +landscape,Symbolism,konstantin-somov_landscape-with-a-rainbow-1919 +abstract_painting,Color_Field_Painting,morris-louis_alpha-phi-1961 +genre_painting,Symbolism,mikhail-nesterov_summer +abstract_painting,Minimalism,genevieve-asse_triptyque-1991 +sketch_and_study,Symbolism,kuzma-petrov-vodkin_artist-s-model-from-the-back-1906 +portrait,Expressionism,istvan-farkas_french-poet-and-his-mother-1932 +landscape,Post_Impressionism,gustave-loiseau_tournedos-sur-seine-1901 +genre_painting,Naive_Art_Primitivism,fernando-botero_children-fortunes +abstract_painting,Abstract_Expressionism,basuki-abdullah_abstract-1 +illustration,Northern_Renaissance,albrecht-durer_the-ship-of-fool-2 +still_life,Synthetic_Cubism,juan-gris_the-violin-1916 +religious_painting,High_Renaissance,pietro-perugino_pala-di-sant-agostino-adoration-of-the-magi +genre_painting,Abstract_Expressionism,salvador-dali_leda-s-swan-leda-and-the-swan +genre_painting,Rococo,francois-boucher_the-beautiful-kitchen +landscape,Naive_Art_Primitivism,grandma-moses_a-storm-is-on-the-water-now-1947 +cityscape,Expressionism,zinaida-serebriakova_collioure-1930 +portrait,Realism,john-singer-sargent_mrs-harold-harmsworth-1906 +abstract_painting,Abstract_Expressionism,perle-fine_pale-gold-grey-1950 +religious_painting,Northern_Renaissance,albrecht-durer_the-resurrection-1511 +landscape,Rococo,george-morland_lake-scene-and-a-cottage-1790 +portrait,Realism,ilya-repin_m-k-tenisheva-at-work-1897 +illustration,Art_Nouveau_Modern,edmund-dulac_cinderella-from-the-picture-book-for-the-red-cross +portrait,Realism,pavel-fedotov_portrait-of-a-p-zhdanovich-1847 +portrait,Cubism,man-ray_portrait-of-juliet +religious_painting,Early_Renaissance,benozzo-gozzoli_view-of-the-main-apsidal-chapel-1452-1 +illustration,Art_Nouveau_Modern,ivan-bilibin_illustration-for-alexander-pushkin-s-fairytale-of-the-tsar-saltan-1905-1(1) +genre_painting,Art_Nouveau_Modern,sergey-solomko_pledge-of-love-1 +portrait,Mannerism_Late_Renaissance,el-greco_vincenzo-anastagi +genre_painting,Impressionism,nikolay-bogdanov-belsky_children-in-winter +landscape,Post_Impressionism,kuzma-petrov-vodkin_neighborhoods-khvalynsk +landscape,Impressionism,claude-monet_seascape-near-fecamp +portrait,Expressionism,marc-chagall_the-old-jew-1912 +portrait,Romanticism,nikolaos-gyzis_capuchin +religious_painting,Mannerism_Late_Renaissance,cristovao-de-figueiredo_mart-rio-de-santo-hip-lito-1530 +portrait,Romanticism,karl-bryullov_portrait-of-m-a-beck-and-her-daughter-m-i-beck +landscape,Symbolism,konstantin-bogaevsky_last-rays-1903 +genre_painting,Realism,vincent-van-gogh_girl-in-white-in-the-woods-1882(1) +landscape,Romanticism,ivan-aivazovsky_bathing-of-a-sheeps-1877 +cityscape,Impressionism,constantin-artachino_corner-of-bucharest-during-winter +genre_painting,Impressionism,gustave-caillebotte_boaters-rowing-on-the-yerres +cityscape,Art_Nouveau_Modern,egon-schiele_vorstadt-1914 +religious_painting,Mannerism_Late_Renaissance,paolo-veronese_feast-in-the-house-of-levi-1573 +portrait,Impressionism,camille-pissarro_peasant-woman +sketch_and_study,Realism,vasily-surikov_soldier-1898 +genre_painting,Impressionism,edgar-degas_rider-in-a-red-coat-1868 +religious_painting,Early_Renaissance,filippo-lippi_disputation-in-the-synagogue-detail-1465-2 +abstract_painting,Abstract_Expressionism,henri-matisse_japanese-mask-1950 +landscape,Romanticism,taras-shevchenko_st-michael-s-church-in-pereiaslav-khmelnytskyi-1845 +landscape,Post_Impressionism,pablo-picasso_house-in-the-field-1893 +cityscape,Impressionism,claude-monet_waterloo-bridge-in-the-fog-1901 +landscape,Impressionism,alfred-sisley_view-of-the-village-1885 +abstract_painting,Color_Field_Painting,ronnie-landfield_ocean-love-1981 +illustration,Expressionism,martiros-saryan_illustration-to-a-poem-by-firdausi-shahnameh-1934 +cityscape,Impressionism,francisc-sirato_mangalia-street +genre_painting,Rococo,antoine-watteau_the-blunder-1718 +genre_painting,New_Realism,george-luks_st-botolph-street-1922 +still_life,Expressionism,zinaida-serebriakova_basket-with-melons-and-squash-1938 +portrait,Symbolism,mikhail-nesterov_portrait-of-e-p-nesterova-1906 +nude_painting,Post_Impressionism,moise-kisling_not-identified-34 +landscape,Impressionism,john-singer-sargent_the-alps-val-d-aosta-purtud-1891 +illustration,Art_Nouveau_Modern,aubrey-beardsley_the-return-of-tannhauser-to-the-venusberg-1895 +landscape,Impressionism,claude-monet_paysage-of-norway-the-blue-houses +cityscape,Rococo,canaletto_london-the-thames-and-the-city-of-london-from-the-terrace-of-richmond-house +landscape,Impressionism,claude-monet_road-to-giverny-in-winter +landscape,Cubism,lyonel-feininger_the-village-of-legefeld-i-dorf-legefeld-i-1916 +genre_painting,Impressionism,childe-hassam_in-the-garden-1889-1 +religious_painting,Baroque,eustache-le-sueur_saint-bruno-the-feet-of-pope-urban-ii-1648 +genre_painting,Realism,arkhip-kuindzhi_chumaks-path-in-mariupol-1875 +abstract_painting,Color_Field_Painting,basil-beattie_orange-no-1-1969 +portrait,Rococo,fyodor-rokotov_portrait-of-an-unknown-man-in-a-green-caftan +portrait,Cubism,amadeo-de-souza-cardoso_ukulele-1915 +cityscape,Expressionism,mstislav-dobuzhinsky_enbankment-of-pryazhka-river-1921 +portrait,Romanticism,john-hoppner_an-unknown-british-officer +cityscape,Post_Impressionism,ilya-mashkov_urban-winter-landscape-1914 +landscape,Realism,winslow-homer_under-the-falls-the-grand-discharge-1895 +religious_painting,Northern_Renaissance,hugo-van-der-goes_the-portinari-tryptich-middle-panel-1478 +genre_painting,Impressionism,edgar-degas_dancer +nude_painting,Cubism,marevna-(marie-vorobieff)_claude-lamorrise-with-two-tibetan-dogs +religious_painting,Baroque,alonzo-cano_saint-john-the-evangelist-s-vision-of-jerusalem-1635 +sketch_and_study,Realism,vincent-van-gogh_sketch-of-a-left-hand-1886 +abstract_painting,Abstract_Expressionism,sam-francis_blue-balls-v-1962 +landscape,Realism,jean-francois-millet_path-through-the-chestnut-trees-cusset-1867 +portrait,Art_Nouveau_Modern,egon-schiele_standing-girl-in-a-plaid-garment +genre_painting,Ukiyo_e,kitagawa-utamaro_not_detected_233127 +sketch_and_study,Romanticism,ford-madox-brown_the-spirit-of-justice-study-for-the-head-of-a-counsellor +religious_painting,Realism,mihaly-munkacsy_ecce-homo-1896 +religious_painting,Early_Renaissance,giovanni-bellini_madonna-with-child-blessing-1464 +portrait,Realism,alexey-venetsianov_peasant-girl-with-a-sickle-in-the-rye +cityscape,Symbolism,albert-bloch_night-ii-1914 +religious_painting,High_Renaissance,luca-signorelli_doctors-of-the-church-1502 +landscape,Impressionism,claude-monet_beach-and-cliffs-at-pourville-morning-effect +sketch_and_study,Early_Renaissance,leonardo-da-vinci_perspectival-study-of-the-adoration-of-the-magi +abstract_painting,Minimalism,pierre-soulages_peinture-19-mai-1982-1982 +portrait,Rococo,joshua-reynolds_general-sir-banastre-tarleton +genre_painting,Naive_Art_Primitivism,yiannis-tsaroychis_military-policeman-arresting-the-spirit-1965 +portrait,Impressionism,camille-pissarro_cowgirl-eragny-1887 +cityscape,Impressionism,antoine-blanchard_place-de-la-bastiile +genre_painting,Impressionism,eugene-boudin_figures-on-the-beach-at-trouville-1865 +nude_painting,Impressionism,pierre-auguste-renoir_bather-wiping-a-wound-1909 +genre_painting,Post_Impressionism,amrita-sher-gil_south-indian-villagers-going-to-a-market-1937 +still_life,Realism,william-merritt-chase_still-life-with-fish +sketch_and_study,Expressionism,zinaida-serebriakova_sculpture-in-the-tuileries-1941 +religious_painting,Symbolism,konstantinos-parthenis_annunciation +religious_painting,Baroque,guido-reni_saint-john-1621 +landscape,Post_Impressionism,david-burliuk_summer-gardens-near-the-house +still_life,Synthetic_Cubism,juan-gris_fruit-bowl-with-bottle-1914 +nude_painting,Impressionism,pierre-auguste-renoir_seated-nude-in-profile-gabrielle-1913 +landscape,Post_Impressionism,anita-malfatti_rochedos-monhegan-island-1915 +portrait,Cubism,amadeo-de-souza-cardoso_girl-of-carnations-1913 +landscape,Impressionism,claude-monet_breakup-of-ice +sketch_and_study,Baroque,anthony-van-dyck_self-portrait +portrait,Expressionism,henri-matisse_manila-shawl-1911 +portrait,Realism,boris-kustodiev_at-home-1918 +landscape,Impressionism,pierre-auguste-renoir_landscape-in-normandy-1895 +genre_painting,Impressionism,konstantin-korovin_the-spanish-tavern-1888 +still_life,Cubism,olga-rozanova_writing-desk +genre_painting,Impressionism,pierre-auguste-renoir_girl-streched-out-on-the-grass-1890 +landscape,Art_Nouveau_Modern,ivan-bilibin_crimea-koktebel-1939-1(1) +portrait,Symbolism,gustav-klimt_lady-by-the-fireplace-1898 +abstract_painting,Abstract_Expressionism,richard-diebenkorn_berkeley-no-7 +cityscape,Expressionism,martiros-saryan_surb-zoravor-church-1934 +portrait,Post_Impressionism,paul-cezanne_boy-in-a-red-vest-1888 +religious_painting,Early_Renaissance,domenico-ghirlandaio_madonna-and-child-enthroned-with-four-angels-the-archangels-michael-and-raphael-and-st-gusto-1485 +landscape,Realism,isaac-levitan_sunny-autumn-day-1897 +landscape,Impressionism,childe-hassam_walk-around-the-island +landscape,Symbolism,nicholas-roerich_himalayas-blue-mountains-1939-1 +still_life,Impressionism,konstantin-korovin_fish-1916 +portrait,Romanticism,johann-koler_portrait-of-the-artist-s-father-1864 +genre_painting,Impressionism,mary-cassatt_maternal-tenderness-1908 +still_life,Realism,pyotr-konchalovsky_still-life-rowan-on-blue-1947 +genre_painting,Baroque,adriaen-van-ostade_the-stall-keeper +landscape,Symbolism,konstantin-bogaevsky_ships-1912 +cityscape,Impressionism,camille-pissarro_avenue-de-l-opera-snow-effect-1899 +cityscape,Cubism,tarsila-do-amaral_a-gare +portrait,Realism,vasily-surikov_anfisa +religious_painting,Baroque,rembrandt_supper-at-emmaus-1649 +genre_painting,Impressionism,edgar-degas_dancers +portrait,Realism,nikolay-bogdanov-belsky_girl-1 +sketch_and_study,High_Renaissance,michelangelo_study-of-christ-on-the-cross-between-the-virgin-and-st-john-the-evangelist-1556 +landscape,Realism,aleksey-savrasov_riverbank-be +still_life,Fauvism,ilya-mashkov_still-life-flowers-in-a-vase-with-tray +portrait,Realism,boris-kustodiev_portrait-of-peter-kapitza-and-nikolai-semyonov-1921 +landscape,Impressionism,paul-signac_the-bonaventure-pine-1893 +religious_painting,Northern_Renaissance,gerard-david_two-legends-of-st-nicholas +abstract_painting,Color_Field_Painting,frank-stella_jasper-s-dilemma-1972 +cityscape,Impressionism,camille-pissarro_the-garden-of-the-hotel-berneval-1900 +portrait,Impressionism,pierre-auguste-renoir_colonel-barton-howard-jenks-1865 +portrait,Fauvism,jan-sluyters_portrait-of-a-young-lady-with-a-veil-1907 +religious_painting,Naive_Art_Primitivism,marc-chagall_eve-is-cursed-by-god-1960 +sketch_and_study,Art_Nouveau_Modern,koloman-moser_figure-study-of-tristan +cityscape,Fauvism,maurice-de-vlaminck_chatou +religious_painting,Romanticism,henryk-siemiradzki_entrance-of-christ-into-jerusalem +landscape,Post_Impressionism,vincent-van-gogh_trees-and-undergrowth-1887-1 +abstract_painting,Minimalism,denise-green_evanescence-red-2007 +genre_painting,Romanticism,konstantin-makovsky_in-artist-s-workshop +portrait,Expressionism,amedeo-modigliani_woman-seated-by-a-fireplace-1915 +landscape,Post_Impressionism,pyotr-konchalovsky_evening-1930 +genre_painting,Symbolism,pierre-puvis-de-chavannes_cider +landscape,Post_Impressionism,vincent-van-gogh_garden-with-flowers-1888-1(1) +abstract_painting,Color_Field_Painting,jack-bush_moonflight-1961 +cityscape,Cubism,joan-miro_not_detected_227963 +abstract_painting,Abstract_Expressionism,richard-pousette-dart_presence-amaranth-garden-1974 +sketch_and_study,Post_Impressionism,pierre-bonnard_the-cat +genre_painting,Impressionism,boris-kustodiev_on-the-terrace-1906 +landscape,Realism,isaac-levitan_autumn-landscape-village +religious_painting,Romanticism,francisco-goya_the-arrest-of-christ-1788 +portrait,Realism,boris-kustodiev_portrait-of-g-s-vereisky-1917-1 +genre_painting,Impressionism,berthe-morisot_little-dancer +portrait,Expressionism,amedeo-modigliani_chaim-soutine +landscape,Symbolism,nicholas-roerich_rohtang-pass-1936 +cityscape,Symbolism,mstislav-dobuzhinsky_yard-petersburg +cityscape,Post_Impressionism,vincent-van-gogh_view-of-montmartre-1886 +cityscape,Romanticism,cornelis-springer_walstraatje-in-harderwijk +cityscape,Realism,adolf-hitler_the-munich-opera-house +abstract_painting,Color_Field_Painting,gotthard-graubner_centaurea-1983 +still_life,Realism,nicholas-roerich_homer-1893 +landscape,Romanticism,thomas-cole_lake-with-dead-trees-catskill-1825 +genre_painting,Art_Nouveau_Modern,alphonse-mucha_the-introduction-of-the-slavonic-liturgy-1912 +religious_painting,Northern_Renaissance,robert-campin_adoration-of-shepherds-1420 +landscape,Impressionism,gustave-caillebotte_garden-at-yerres +religious_painting,Baroque,anthony-van-dyck_st-george-and-the-dragon +religious_painting,Naive_Art_Primitivism,marc-chagall_angel-in-paradise-1956 +religious_painting,Expressionism,emil-nolde_holy-family-1931 +portrait,Expressionism,salvador-dali_portrait-of-my-sister-original-state-1924 +genre_painting,Impressionism,edgar-degas_visit-to-a-museum-1880 +sketch_and_study,Post_Impressionism,pierre-bonnard_figure-studies-for-le-printemps-1912 +genre_painting,Expressionism,lucian-freud_ib-and-her-husband-1992 +portrait,Romanticism,john-hoppner_miranda +nude_painting,Mannerism_Late_Renaissance,jacopo-pontormo_two-male-figures-looking-in-a-mirror-and-a-putto +religious_painting,Romanticism,johann-koler_christ-of-the-cross-1859 +abstract_painting,Abstract_Expressionism,bradley-walker-tomlin_number-7-1953 +nude_painting,High_Renaissance,michelangelo_ignudo-7 +landscape,Impressionism,alfred-sisley_the-furrows-1873 +genre_painting,Romanticism,george-stubbs_john-and-sophia-musters-riding-at-colwick-hall-1777 +portrait,Expressionism,jean-paul-lemieux_portrait-1961 +landscape,Impressionism,childe-hassam_canal-scene +landscape,Realism,isaac-levitan_draw-1899-1 +landscape,Naive_Art_Primitivism,radi-nedelchev_winter-night-1971 +cityscape,Impressionism,paul-cezanne_the-house-of-dr-gached-in-auvers-1873 +portrait,Rococo,maurice-quentin-de-la-tour_self-portrait-3 +landscape,Realism,theodore-rousseau_loire +religious_painting,Early_Renaissance,paolo-uccello_fresco-in-the-cloister-of-san-miniato-al-monte-loggia-in-florence-1439 +genre_painting,Realism,camille-corot_mur-cotes-du-nord-1855 +portrait,Art_Nouveau_Modern,anders-zorn_lisen-lamm +portrait,Realism,pavel-fedotov_portrait-of-n-p-chernyshova-1847 +still_life,Synthetic_Cubism,pablo-picasso_the-guitar-1916 +landscape,Expressionism,ernst-ludwig-kirchner_red-tree-on-the-beach +genre_painting,Impressionism,mary-cassatt_in-the-box +genre_painting,Rococo,william-hogarth_visit-with-the-quack-doctor +portrait,Romanticism,francisco-goya_portrait-of-the-bullfighter-pedro-romero +landscape,Realism,aleksey-savrasov_sparrow-hills-near-moscow +portrait,Cubism,marevna-(marie-vorobieff)_homage-to-friends-from-montparnasse-1962 +landscape,Post_Impressionism,paul-cezanne_the-alley-at-chantilly-1888-1 +abstract_painting,Color_Field_Painting,jack-youngerman_black-red-1962 +landscape,Impressionism,alfred-sisley_banks-of-the-loing-at-moret-morning-1888 +portrait,Post_Impressionism,francisc-sirato_fat-citind +landscape,Expressionism,fred-williams_iron-ore-landscape-1981 +portrait,Impressionism,edgar-degas_gustave-moreau-1868 +nude_painting,Post_Impressionism,theo-van-rysselberghe_the-model-s-siesta-1920 +landscape,Impressionism,alfred-sisley_bridge-over-the-orvanne-near-moret-1883 +landscape,Impressionism,stefan-popescu_landscape-from-provence-1924 +still_life,Expressionism,pyotr-konchalovsky_still-life-tray-and-vegetables-1910 +religious_painting,Baroque,guido-reni_david-with-the-head-of-goliath +religious_painting,Baroque,anthony-van-dyck_an-apostle +still_life,Cubism,pablo-picasso_guitar-bottle-fruit-dish-and-glass-on-the-table-1919 +landscape,Symbolism,nicholas-roerich_shadow-of-the-teacher-1947 +still_life,Post_Impressionism,constantin-piliuta_pots-with-pelargoniums +genre_painting,Realism,vincent-van-gogh_woman-praying-1883 +landscape,Impressionism,samuel-mutzner_peisaj-de-amiaz-1928 +portrait,Early_Renaissance,domenico-ghirlandaio_elderly-woman-1490 +portrait,Realism,koloman-moser_serpentine-dancer-poster-design-for-lois-fuller-1 +landscape,Impressionism,willard-metcalf_blossom-time +landscape,Impressionism,pyotr-konchalovsky_study-1907 +landscape,Symbolism,nicholas-roerich_karelian-landscape-1919 +nude_painting,Cubism,joan-miro_standing-nude-1 +illustration,Romanticism,gustave-dore_ancient-mariner +landscape,Impressionism,claude-monet_poppy-field-argenteuil +landscape,Impressionism,gustave-caillebotte_yerres-the-lawn-in-the-park-seen-from-a-path +illustration,Symbolism,mikhail-vrubel_the-flying-demon-1899 +portrait,Art_Nouveau_Modern,anders-zorn_portrait-of-elizabeth-sherman-cameron-1900 +religious_painting,Northern_Renaissance,albrecht-durer_expulsion-from-the-paradise-1510 +landscape,Symbolism,nicholas-roerich_book-of-wisdom-1924 +landscape,Post_Impressionism,vincent-van-gogh_fortifications-of-paris-with-houses-1887(1) +portrait,Realism,ion-theodorescu-sion_peasants-of-abrud-1913 +abstract_painting,Abstract_Expressionism,paul-jenkins_pawnee +landscape,Impressionism,pierre-auguste-renoir_landscape-near-pont-aven +genre_painting,Impressionism,edgar-degas_dance-class-at-the-opera-1872 +landscape,Realism,horia-bernea_garden-at-v-ratec-1987 +religious_painting,Baroque,rembrandt_the-angel-appearing-to-the-shepherds-1634 +landscape,Post_Impressionism,gustave-loiseau_cliffs-at-grainval-1902 +landscape,Realism,ivan-shishkin_forest-stream-3 +landscape,Rococo,jean-honore-fragonard_the-trough-1765 +genre_painting,Impressionism,berthe-morisot_children-at-the-basin-1886 +abstract_painting,Color_Field_Painting,gene-davis_voodoo-1984 +portrait,Rococo,joshua-reynolds_commodore-the-honourable-augustus-keppel +portrait,Romanticism,franz-xaver-winterhalter_emperor-frederick-iii-of-germany-king-of-prussia-with-his-wife-empress-victoria-and-their +landscape,Realism,camille-corot_outside-paris-the-heights-above-ville-d-avray-1870 +sketch_and_study,Expressionism,martiros-saryan_gorge-pambak-1929 +cityscape,Impressionism,paul-gauguin_corner-of-the-garden-rue-carsal +cityscape,Impressionism,antoine-blanchard_champs-elysees-1 +cityscape,Impressionism,alfred-sisley_a-path-in-louveciennes-1876 +portrait,Post_Impressionism,vanessa-bell_helen-dudley-1915 +religious_painting,Baroque,bartolome-esteban-murillo_madonna-and-child-1638 +abstract_painting,Color_Field_Painting,ronnie-landfield_volcano-the-heat-1983 +landscape,Impressionism,henry-herbert-la-thangue_a-proven-al-morning +sketch_and_study,Impressionism,mary-cassatt_sketch-of-ellen-my-cassatt-in-a-big-blue-hat +abstract_painting,Minimalism,lee-ufan_from-point-1976 +landscape,Romanticism,ferdinand-georg-waldmã¼ller_prater-landscape-1830 +portrait,Impressionism,john-singer-sargent_francois-flameng-and-paul-helleu +cityscape,Impressionism,childe-hassam_allies-day-may +landscape,Impressionism,claude-monet_the-valley-of-sasso-blue-effect +cityscape,Post_Impressionism,pierre-daura_breton-house-and-church-1964 +abstract_painting,Color_Field_Painting,claude-viallat_untitled-no-34-1999 +cityscape,Post_Impressionism,maurice-utrillo_pontoise-l-eperon-street-and-street-de-la-coutellerie +still_life,Cubism,pablo-picasso_fruit-in-a-vase-1909 +landscape,Impressionism,camille-pissarro_marketplace-gisors-1891 +genre_painting,Impressionism,childe-hassam_a-new-york-blizzard +landscape,Post_Impressionism,pyotr-konchalovsky_outbuilding-in-the-garden-1918 +portrait,Impressionism,konstantin-korovin_portrait-of-s-mamontov-in-a-theatre-costume +landscape,Impressionism,salvador-dali_landscape-1 +portrait,Romanticism,joseph-wright_lady-wilmot-and-her-child +nude_painting,Expressionism,balthus_nude-with-a-silk-scarf +landscape,Expressionism,richard-diebenkorn_view-from-the-porch +portrait,Expressionism,zinaida-serebriakova_portrait-of-r-ernst-1921 +genre_painting,Impressionism,mary-cassatt_nurse-and-child-1897 +genre_painting,Romanticism,william-shayer_the-road-side-inn-somerset +portrait,Realism,ilya-repin_negress-1907 +religious_painting,Baroque,eustache-le-sueur_the-virgin-and-child-with-saint-john-the-baptist +genre_painting,Baroque,nicolas-tournier_company-at-the-table +portrait,Realism,vasily-surikov_portrait-of-mother-1894 +genre_painting,Cubism,saul-steinberg_las-vegas-1985 +landscape,Symbolism,nicholas-roerich_himalayas-moon-mountains-1933 +landscape,Romanticism,thomas-moran_cinnabar-mountain-yellowstone-river-watercolour-1871 +genre_painting,Impressionism,anders-zorn_dance-in-gopsmor-1906 +genre_painting,Realism,boris-kustodiev_ride-boris-and-yu-kustodiyevs-1915 +genre_painting,Expressionism,august-macke_garden-restaurant +landscape,Realism,isaac-levitan_springtime-the-last-snow-1895-1 +genre_painting,Cubism,diego-rivera_woman-at-a-well-1913 +genre_painting,Mannerism_Late_Renaissance,el-greco_a-boy-blowing-on-an-ember-to-light-a-candle +landscape,Post_Impressionism,vincent-van-gogh_vegetable-gardens-in-montmartre-1887-2 +portrait,Impressionism,william-merritt-chase_spanish-girl +religious_painting,Northern_Renaissance,hieronymus-bosch_the-adoration-of-the-magi-1510-1 +religious_painting,High_Renaissance,raphael_the-holy-family-of-the-oak-tree +landscape,Expressionism,balthus_the-yonne-valley-1957 +religious_painting,Mannerism_Late_Renaissance,el-greco_the-virgin-of-the-immaculate-conception-1 +landscape,Expressionism,max-pechstein_springtime-1919 +genre_painting,Rococo,thomas-gainsborough_two-shepherd-boys-with-dogs-fighting-1783 +landscape,Realism,giovanni-boldini_wall-paintings-of-falconiera +genre_painting,Impressionism,andre-dunoyer-de-segonzac_les-canotiers-sur-la-marne +landscape,Naive_Art_Primitivism,andre-bauchant_paysage-montagneux-1929 +portrait,Post_Impressionism,henri-de-toulouse-lautrec_madame-la-comtesse-a-de-toulouse-loutrec-1882 +abstract_painting,Cubism,ben-nicholson_aegean-2-1967 +landscape,Impressionism,alfred-sisley_the-loing-at-moret-the-laundry-boat-1890 +landscape,Realism,johan-hendrik-weissenbruch_shell-carts-on-the-beach +still_life,Realism,vincent-van-gogh_still-life-with-four-stone-bottles-flask-and-white-cup-1884 +sketch_and_study,Northern_Renaissance,albrecht-durer_figure-of-woman-shown-in-motion-1528 +genre_painting,Post_Impressionism,vincent-van-gogh_a-sower-and-a-man-with-a-spade-1890(1) +landscape,Impressionism,william-merritt-chase_in-washington-park-brooklyn-n-y +genre_painting,Expressionism,tia-peltz_calea-v-c-re-ti +nude_painting,Expressionism,balthus_sleeping-nude-1980 +still_life,Cubism,jean-david_still-life-and-fruit +genre_painting,Impressionism,joaquã­n-sorolla_bathing-at-la-granja-1907 +nude_painting,Realism,felix-vallotton_reclining-nude-on-a-couch +portrait,Impressionism,edmund-charles-tarbell_amethyst +portrait,Realism,iosif-iser_woman-in-yellow-chair-1933 +landscape,Post_Impressionism,martiros-saryan_ashtarak-in-hazy-day-1954 +portrait,Romanticism,henry-raeburn_john-johnstone-betty-johnstone-and-miss-wedderburn +genre_painting,Impressionism,eugene-boudin_beach-scene-at-trouville-3 +abstract_painting,Abstract_Expressionism,helen-frankenthaler_solar-imp-2001 +landscape,Realism,volodymyr-orlovsky_summer-landscape-with-road +still_life,Cubism,vasile-dobrian_red-guitar-1982 +portrait,Baroque,theodoor-van-thulden_francoise-van-bever +cityscape,Post_Impressionism,vincent-van-gogh_windmill-on-montmartre-1886 +abstract_painting,Abstract_Expressionism,sam-francis_untitled-1990-5 +portrait,Expressionism,chaim-soutine_little-girl-with-doll +illustration,Romanticism,gustave-dore_forthwith-upright-he-rears-from-off-the-pool-his-mighty-stature +portrait,Northern_Renaissance,jan-van-eyck_the-virgin-of-the-chancellor-rolin-detail-1436 +landscape,Impressionism,claude-monet_the-road-to-giverny-2 +illustration,Expressionism,arthur-segal_vom-strande-page-13-1913 +still_life,Realism,henri-fantin-latour_still-life-apples-and-grapes-1880 +portrait,Northern_Renaissance,albrecht-durer_portrait-of-jakob-fugger-1 +genre_painting,Cubism,marcel-janco_bel-a-zurich-1917 +still_life,Expressionism,albert-bloch_still-life-iii +portrait,Post_Impressionism,edouard-vuillard_portrait-of-a-woman-in-profile +landscape,Expressionism,milton-avery_gaspe-pink-sky-1940 +genre_painting,Impressionism,childe-hassam_a-new-year-s-nocturne-new-york +religious_painting,Mannerism_Late_Renaissance,tintoretto_virgin-and-child-with-saint-catherine-saint-augustine-saint-marc-and-saint-john-the-baptist-1550 +genre_painting,Impressionism,berthe-morisot_the-artist-s-sister-edma-with-her-daughter-jeanne +religious_painting,Naive_Art_Primitivism,marc-chagall_jacob-wrestling-with-the-angel-6 +abstract_painting,Abstract_Expressionism,betty-parsons_untitled-abstraction(6) +nude_painting,Fauvism,louis-valtat_young-girls-playing-with-a-lion-cub +landscape,Cubism,georges-braque_viaduct-at-l-estaque-1908 +landscape,Impressionism,joaquã­n-sorolla_naranjos-alcira +portrait,Expressionism,iosif-iser_spanioloaic +landscape,Impressionism,alfred-sisley_promenade-of-chestnut-trees-1878 +portrait,Realism,boris-kustodiev_alexander-murashko-at-work-on-a-collective-picture-of-the-model-statement-in-the-studio-of-ilya-1900 +cityscape,Romanticism,fyodor-bronnikov_street-in-italy-1890 +still_life,Expressionism,henri-matisse_still-life-with-pineapples-1 +illustration,Romanticism,gustave-dore_pantagruel-1 +genre_painting,Rococo,jean-baptiste-simeon-chardin_a-chemist-in-his-laboratory-a-philosopher-giving-a-lecture-1734 +portrait,Realism,vasily-perov_portrait-of-nikolai-kridener-the-artist-s-brother-1856 +genre_painting,Impressionism,eugene-boudin_berck-fishermen-at-low-tide +landscape,Symbolism,nicholas-roerich_mountain-abode-1933 +landscape,Impressionism,claude-monet_morning-on-the-seine-clear-weather +nude_painting,Ukiyo_e,utagawa-kuniyoshi_a-person-as-a-person-should-be +landscape,Cubism,henri-matisse_sun-s-ray-1917 +portrait,Pop_Art,billy-apple_relation-of-aesthetic-choice-to-life-activity-function-of-the-subject-1962 +landscape,Expressionism,ernst-ludwig-kirchner_bridge-in-landwassertal +landscape,Symbolism,nicholas-roerich_mount-m-1931-1 +still_life,Cubism,maurice-de-vlaminck_still-life-with-pears +landscape,Art_Nouveau_Modern,egon-schiele_river-landscape-1913 +landscape,Impressionism,claude-monet_argenteuil-flowers-by-the-riverbank(1) +religious_painting,Baroque,peter-paul-rubens_adoration-of-the-shepherds +nude_painting,Impressionism,edgar-degas_leaving-the-bath +genre_painting,Expressionism,arturo-souto_market-of-segovia-1945 +portrait,Romanticism,eugene-delacroix_frederic-chopin-1838(1) +still_life,Post_Impressionism,pierre-bonnard_basket-and-plate-of-fruit-on-a-red-checkered-tablecloth +genre_painting,Impressionism,anders-zorn_a-premiere-1890 +abstract_painting,Color_Field_Painting,paul-feeley_kilroy-1957 +cityscape,Art_Nouveau_Modern,anna-ostroumova-lebedeva_the-monument-to-peter-i-1942 +genre_painting,Art_Nouveau_Modern,boris-kustodiev_fireplace-night-1917 +sketch_and_study,Realism,john-singer-sargent_study-for-the-archers +landscape,Impressionism,camille-pissarro_the-quarry-pontoise +landscape,Romanticism,pavel-svinyin_shad-fishermen-on-the-shore-of-the-hudson-river +still_life,Naive_Art_Primitivism,kateryna-bilokur_still-life-flowers-apples-tomatoes-1950 +landscape,Realism,johan-hendrik-weissenbruch_the-bleach +genre_painting,Art_Nouveau_Modern,raphael-kirchner_marionettes +genre_painting,Impressionism,eugene-boudin_bathers-on-the-beach-at-trouville-1869 +landscape,Impressionism,berthe-morisot_willows-in-the-garden-at-bougival +portrait,Realism,gustave-courbet_juliette-courbet-1844 +still_life,Post_Impressionism,le-pho_flower-composition +abstract_painting,Minimalism,ellsworth-kelly_black-on-black-1951 +landscape,Impressionism,claude-monet_road-of-la-roche-guyon +landscape,Impressionism,francis-picabia_the-effect-of-sun-on-the-banks-of-the-loing +cityscape,Post_Impressionism,pyotr-konchalovsky_leningrad-nicholas-bridge-1931 +religious_painting,Realism,vladimir-makovsky_miracle-at-cana-1887 +genre_painting,Impressionism,gustave-caillebotte_a-balcony-boulevard-haussmann +religious_painting,Baroque,bernardo-strozzi_st-cecilia-1625 +abstract_painting,Minimalism,angelo-de-sousa_sem-titulo +sketch_and_study,Impressionism,valentin-serov_portrait-of-a-princess-olga-orlova-1910 +illustration,Realism,boris-kustodiev_e-zamyatin-the-district-1923 +cityscape,Impressionism,lucian-grigorescu_acoperi-uri-dinspre-pia-a-sf-gheorghe-1940 +genre_painting,Art_Nouveau_Modern,sergey-solomko_embrace +portrait,Baroque,jan-steen_portrait-of-geertruy-gael-second-wife-of-gerrit-gerritsz-schouten-1665 +landscape,Baroque,david-teniers-the-younger_on-the-outskirts-of-a-town +cityscape,Northern_Renaissance,hans-baldung_drawing-of-the-castles-of-alsacien-ortenberg-right-and-ramstein-left-1514 +portrait,Rococo,joshua-reynolds_mary-amelia-1st-marchioness-of-salisbury-1789 +portrait,Romanticism,dante-gabriel-rossetti_algernon-charles-swinburne-1862-1 +portrait,Baroque,anthony-van-dyck_anna-wake +abstract_painting,Abstract_Expressionism,richard-pousette-dart_illumination-gothic-1958 +genre_painting,Cubism,marc-chagall_three-acrobates-1926 +cityscape,Post_Impressionism,vincent-van-gogh_avenue-with-flowering-chestnut-trees-at-arles-1889(1) +still_life,Fauvism,jean-hugo_nature-morte-dans-la-grande-salle-au-rivier-1979 +abstract_painting,Abstract_Expressionism,bui-xuan-phai_abstract(1) +illustration,Symbolism,felicien-rops_the-hanged-man-at-the-bell-illustration-for-the-legend-of-thyl-ulenspiegel-and-lamme-goedzak-by +landscape,Impressionism,edgar-degas_plowed-field +sketch_and_study,Realism,boris-kustodiev_a-soldier-with-a-rifle-1917 +still_life,Post_Impressionism,le-pho_chrysanthemums-and-sunflowers +portrait,Expressionism,iosif-iser_woman-from-muscel-1935 +genre_painting,Naive_Art_Primitivism,henri-rousseau_carnival-evening-1886 +portrait,Post_Impressionism,pyotr-konchalovsky_portrait-of-a-pianists-verigin-1918 +portrait,Naive_Art_Primitivism,menez_sem-t-tulo-1988 +portrait,Romanticism,jan-matejko_jan-iii-sobieski-1 +abstract_painting,Minimalism,robert-ryman_untitled(2) +portrait,Symbolism,mikhail-nesterov_portrait-of-apollinary-vasnetsov +still_life,Analytical_Cubism,georges-braque_the-candlestick-1911 +illustration,Romanticism,joseph-wright_the-captive-from-sterne +cityscape,Impressionism,john-singer-sargent_rio-dell-angelo-1902 +portrait,Impressionism,frederic-bazille_portrait-of-alphonse-tissie +sketch_and_study,Realism,john-singer-sargent_bartholomy-magagnosco +abstract_painting,Color_Field_Painting,louis-cane_toile-d-coup-e-1989 +portrait,Impressionism,helene-schjerfbeck_portrait-of-a-girl-1887 +portrait,Baroque,adriaen-van-ostade_a-man-in-the-window +religious_painting,Romanticism,edward-burne-jones_the-vyner-memorial-window +landscape,Romanticism,william-turner_keyes-mill +illustration,Romanticism,gustave-dore_the-inferno-canto-18 +nude_painting,Romanticism,konstantin-makovsky_beauty-preparing-to-bathe +portrait,Romanticism,konstantin-makovsky_emperor-alexander-ii-on-his-deathbed-1881 +genre_painting,Impressionism,maurice-prendergast_revere-beach-1896-1 +portrait,Post_Impressionism,ion-theodorescu-sion_compozi-ie-cu-motive-rom-ne-ti-1924 +religious_painting,Post_Impressionism,maurice-denis_noli-me-tangere +sketch_and_study,Post_Impressionism,pablo-picasso_seated-nude-and-standing-nude-1906 +landscape,Romanticism,karl-bodmer_confluence-of-the-fox-river-and-the-wabash-in-indiana-1832 +genre_painting,Naive_Art_Primitivism,diego-rivera_the-day-of-the-dead-1944 +sketch_and_study,Symbolism,konstantin-somov_female-portrait-and-sketches-of-hands +genre_painting,Expressionism,dimitris-mytaras_theatrical-figure-on-a-yellow-sofa +landscape,Romanticism,ivan-aivazovsky_view-of-amalfi-1865 +portrait,Rococo,antoine-watteau_the-delicate-musician +genre_painting,Romanticism,gustave-dore_the-rime-of-the-ancient-mariner +portrait,Symbolism,viktor-vasnetsov_portrait-of-boris-vasnetsov-son-of-the-artist-1889 +abstract_painting,Abstract_Expressionism,sam-francis_untitled-1960 +landscape,Fauvism,maurice-de-vlaminck_the-river-seine-at-chatou-1906 +landscape,Post_Impressionism,ferdynand-ruszczyc_wiosna +portrait,Romanticism,pavel-svinyin_an-osage-warrior +illustration,Romanticism,gustave-dore_and-now-expecting-each-hour-their-great-adventurer-from-the-search-of-foreign-worlds +religious_painting,Realism,vasily-polenov_palestine-sermon-on-the-mount +nude_painting,Expressionism,periklis-vyzantios_nude +sketch_and_study,Realism,boris-kustodiev_dried-fish-merchant-1924 +religious_painting,Romanticism,jan-matejko_st-stanislaus-killing +religious_painting,Baroque,guido-reni_penitent-mary-magdalene +religious_painting,High_Renaissance,luca-signorelli_the-capture-of-christ +nude_painting,Expressionism,yiannis-moralis_not-detected-12(1) +portrait,Mannerism_Late_Renaissance,el-greco_st-louis-king-of-france-with-a-page +cityscape,Art_Nouveau_Modern,anna-ostroumova-lebedeva_barge-1904 +portrait,Mannerism_Late_Renaissance,jacopo-pontormo_portrait-of-a-young-man-in-a-red-cap-1529 +still_life,Impressionism,nicolae-darascu_vase-with-flowers +portrait,Rococo,carl-ludwig-johann-christineck_portrait-of-prince-g-g-orlov-1768 +genre_painting,Realism,nikolay-bogdanov-belsky_two-girls-on-a-swing +portrait,Impressionism,pierre-auguste-renoir_portrait-of-a-little-girl-1880 +portrait,Post_Impressionism,david-burliuk_marusia-with-flowers +nude_painting,Impressionism,pierre-auguste-renoir_the-great-bathers-the-nymphs-1919 +landscape,Romanticism,arnold-bã¶cklin_at-alban-hills-1851 +portrait,Baroque,joshua-reynolds_mary-duchess-of-richmond-1767 +landscape,Romanticism,john-crome_woodland-with-a-river-and-barges-with-sails +nude_painting,Post_Impressionism,roger-bissiã¨re_nu-couch-sur-linge-blanc-1925 +landscape,Romanticism,john-constable_hadleigh-castle-1829 +genre_painting,Expressionism,martiros-saryan_a-meeting-pushkin-with-carriage-carrying-the-body-of-griboyedov-1936 +religious_painting,Baroque,bartolome-esteban-murillo_the-marriage-of-the-virgin-1670 +genre_painting,Impressionism,childe-hassam_marlborough-street-boston +portrait,Expressionism,ion-nicodim_woman-portrait +genre_painting,Naive_Art_Primitivism,edith-vonnegut_joy +portrait,Romanticism,karl-bryullov_portrait-of-s-a-bobrinsky +landscape,Romanticism,ivan-aivazovsky_the-bay-of-naples-early-in-the-morning-1897 +portrait,Realism,felix-vallotton_seated-black-woman-front-view-1911 +portrait,Impressionism,berthe-morisot_after-luncheon +landscape,Realism,ivan-shishkin_beach-1890 +portrait,Rococo,john-russell_sir-william-herschel-1738-1822-1795 +nude_painting,Cubism,olexandr-archipenko_two-nude-female-figures-with-a-cloth +cityscape,Expressionism,ernst-ludwig-kirchner_bridge-in-berlin +genre_painting,Impressionism,william-merritt-chase_on-the-beach-shinnecock +landscape,Post_Impressionism,david-burliuk_sea-at-night +landscape,Impressionism,claude-monet_the-mannerport-near-etretat +cityscape,Impressionism,burhan-dogancay_old-ankara-1958 +landscape,Impressionism,winston-churchill_near-breccles(1) +sketch_and_study,Impressionism,pierre-auguste-renoir_portrait-of-a-woman +portrait,Realism,ivan-kramskoy_woman-with-an-umbrella-in-the-grass-midday-1883 +portrait,Post_Impressionism,paul-cezanne_young-man-and-skull +abstract_painting,Minimalism,paul-brach_oracle-1964 +landscape,Realism,gustave-courbet_the-black-creek-1865 +portrait,Impressionism,joaquã­n-sorolla_portrait-of-king-alfonso-xiii-in-the-uniform-of-the-hussars-1907 +abstract_painting,Abstract_Expressionism,william-baziotes_moon-animal-1950 +genre_painting,Post_Impressionism,henri-matisse_young-girl-in-a-green-dress-1921 +genre_painting,Realism,viktor-vasnetsov_news-from-the-front-1878 +cityscape,Impressionism,camille-pissarro_the-pont-corneille-rouen-morning-effect-1896 +landscape,Realism,ivan-shishkin_river-backwater-in-the-forest-1890 +genre_painting,Post_Impressionism,gwen-john_m-re-poussepin-and-the-catholic-church +religious_painting,Northern_Renaissance,lucas-cranach-the-elder_judith-with-the-head-of-holofernes-1 +genre_painting,Post_Impressionism,maurice-prendergast_beach-st-malo +portrait,Romanticism,henry-raeburn_captain-patrick-miller-1789 +cityscape,Realism,james-mcneill-whistler_brown-and-silver-old-battersea-bridge +genre_painting,Naive_Art_Primitivism,niko-pirosmani_vintage +genre_painting,Post_Impressionism,constantin-piliuta_ballerinas +portrait,Rococo,antoine-pesne_princess-amalia-of-prussia-as-an-amazon +genre_painting,Realism,nikolay-bogdanov-belsky_hunters +abstract_painting,Abstract_Expressionism,paul-jenkins_not_detected_235722 +landscape,Expressionism,william-h.-johnson_snow-peaks-and-blossoms-1938 +illustration,Romanticism,gustave-dore_don-quixote-47 +landscape,Impressionism,camille-pissarro_the-effect-of-snow-sunset-eragny-1895 +religious_painting,Northern_Renaissance,hans-baldung_holy-family-in-the-room-with-five-angels +cityscape,Post_Impressionism,maurice-prendergast_paris +genre_painting,Expressionism,ernst-ludwig-kirchner_two-women-in-a-cafe-1929 +genre_painting,Post_Impressionism,arturo-souto_galicia-1963 +genre_painting,Romanticism,paul-delaroche_young-mother-and-her-children +portrait,Naive_Art_Primitivism,camille-bombois_la-gitana-1935 +landscape,Impressionism,claude-monet_study-rushes-at-argenteuil +religious_painting,Naive_Art_Primitivism,marc-chagall_noah-s-ark-1966 +abstract_painting,Abstract_Expressionism,robert-goodnough_composition +abstract_painting,Color_Field_Painting,ray-parker_untitled-1967 +religious_painting,Northern_Renaissance,gerard-david_polyptych-of-cervara-center-panel-madonna-and-child-enthroned +abstract_painting,Minimalism,lee-ufan_dialogue-2010 +religious_painting,Baroque,jacob-jordaens_the-martyrdom-of-st-apollonia-1628 +portrait,Impressionism,marie-bracquemond_the-artist-s-son-and-sister-in-the-garden-at-sevres-1890 +landscape,Post_Impressionism,pyotr-konchalovsky_sion-shepherd-and-sheeps-1927 +genre_painting,Pointillism,henri-edmond-cross_by-the-mediterranean +landscape,Symbolism,nicholas-roerich_study-of-mountains-1933 +genre_painting,Romanticism,alfred-stevens_girl-with-duck-1893 +cityscape,Romanticism,albert-bierstadt_street-in-nassau-1878 +genre_painting,Impressionism,camille-pissarro_workers-in-the-fields +genre_painting,Pointillism,camille-pissarro_flock-of-sheep-1888 +landscape,Post_Impressionism,maxime-maufra_the-ponce-paper-factory-on-the-edge-of-the-sathe-woods-1918 +illustration,Romanticism,gustave-dore_the-inferno-canto-7 +sketch_and_study,Post_Impressionism,vincent-van-gogh_horse-and-carriage-1890 +portrait,Baroque,jacob-jordaens_portrait-of-the-rogier-witer-1635 +genre_painting,Baroque,frans-snyders_return-from-the-hunt +portrait,Realism,vincent-van-gogh_man-with-bowler-1885 +portrait,Romanticism,henry-raeburn_sir-john-sinclair-1795 +portrait,Post_Impressionism,moise-kisling_not-identified-7 +landscape,Impressionism,t.-c.-steele_village-scene-1 +portrait,Expressionism,edvard-munch_berlin-girl-1906 +genre_painting,Impressionism,pericles-pantazis_bloke-eating-watermelon +genre_painting,Realism,nikolay-bogdanov-belsky_resting-boy +genre_painting,Post_Impressionism,henri-de-toulouse-lautrec_combing +portrait,Impressionism,james-tissot_girl-with-a-fan +landscape,Romanticism,william-shayer_ben-nevis-and-mountain-stream-1855 +portrait,Cubism,willi-baumeister_apollo-1923 +illustration,Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-epic-ilya-muromets-and-svyatogor-s-wife-1912(1) +sketch_and_study,Expressionism,rafael-zabaleta_point-frame +nude_painting,High_Renaissance,michelangelo_ignudo-13 +still_life,Impressionism,claude-monet_jar-of-peaches +genre_painting,Impressionism,mary-cassatt_mathilde-holding-a-baby-who-reaches-out-to-the-right-1 +cityscape,Impressionism,maurice-prendergast_city-point-bridge +religious_painting,Baroque,peter-paul-rubens_the-raising-of-the-cross-1610 +genre_painting,Post_Impressionism,pablo-picasso_acrobat-and-young-harlequin-1905 +genre_painting,Impressionism,maurice-prendergast_along-the-seine +landscape,Expressionism,fred-williams_hillside-i-1965 +religious_painting,Northern_Renaissance,albrecht-durer_the-hermits-st-anthony-and-st-paul-1504 +nude_painting,Ukiyo_e,katsushika-hokusai_models-hugs +portrait,Expressionism,yiannis-tsaroychis_man-with-butterfly-wings-sitting-study-from-life-1965 +genre_painting,Pointillism,henri-edmond-cross_bathers-1 +genre_painting,Impressionism,edgar-degas_before-the-curtain-call-1892 +landscape,Art_Nouveau_Modern,gustav-klimt_flower-garden-1907 +landscape,Realism,ivan-kramskoy_pond-1880 +genre_painting,Rococo,george-morland_the-carrier-preparing-to-set-out-1793 +landscape,Expressionism,jack-bush_french-farm-house-montreal-1930 +still_life,Impressionism,andre-dunoyer-de-segonzac_l-ananas-1925 +landscape,Impressionism,claude-monet_weeping-willow-3-1919 +landscape,Romanticism,paul-cezanne_road-1871 +sketch_and_study,Post_Impressionism,maxime-maufra_beuzec-concq-in-concarneau-1911 +genre_painting,Baroque,caravaggio_musicians(1) +landscape,Romanticism,maxim-vorobiev_sunrise-in-the-suburbs-of-st-petersburg-1832 +illustration,Art_Nouveau_Modern,edmund-dulac_the-pearl-of-the-fish-from-the-kingdom-of-the-pearl +portrait,Expressionism,egon-schiele_portrait-of-eduard-kosmack-frontal-with-clasped-hands-1910 +portrait,Pop_Art,andy-warhol_marella-agnelli-1973 +religious_painting,Early_Renaissance,fra-angelico_perugia-altarpiece-left-panel-1448 +landscape,Post_Impressionism,vincent-van-gogh_trees-in-the-garden-of-the-hospital-saint-paul-1888 +abstract_painting,Color_Field_Painting,ray-parker_untitled-1979 +portrait,Rococo,joshua-reynolds_sir-john-molesworth +sketch_and_study,Post_Impressionism,vincent-van-gogh_boy-with-cap-and-clogs(1) +portrait,Realism,ilya-repin_portrait-of-ivan-zvetkov-1907 +landscape,Romanticism,lev-lagorio_crimea-monk-and-diva-rocks-1890 +nude_painting,Symbolism,james-mcneill-whistler_harmony-in-blue-and-gold-the-little-blue-girl-1901 +illustration,Art_Nouveau_Modern,koloman-moser_reproduction-template-for-the-middle-part-of-the-leaf-love-for-gerlach-s-allegories-new-series +genre_painting,Impressionism,iosif-iser_t-t-roaice-1940 +genre_painting,Expressionism,clyfford-still_untitled-1934 +abstract_painting,Abstract_Expressionism,sam-gilliam_time-before-history-1994 +sketch_and_study,Early_Renaissance,jacopo-bellini_presentation-of-the-virgin-at-the-temple +illustration,Romanticism,gustave-dore_devils-and-virgil(1) +religious_painting,Baroque,bartolome-esteban-murillo_joseph-with-infant-chris-1666 +portrait,Rococo,antoine-pesne_jean-philippe-baratier-presented-by-minerva-german-scholar-1735 +landscape,Impressionism,childe-hassam_moonrise-at-sunset-harney-desert +religious_painting,Early_Renaissance,giovanni-bellini_pieta-1 +portrait,Mannerism_Late_Renaissance,paolo-veronese_portrait-of-agostino-barbarigo +portrait,Baroque,frans-hals_portrait-of-a-woman-2 +religious_painting,Romanticism,gustave-dore_the-daughter-of-herod-head-of-john-the-baptist +genre_painting,Pointillism,henri-edmond-cross_the-washerwoman-1896 +cityscape,Post_Impressionism,vincent-van-gogh_the-garden-of-saint-paul-hospital-with-figure-1889 +religious_painting,Northern_Renaissance,mabuse_adam-and-eve-1 +genre_painting,Realism,ivan-vladimirov_issuance-of-bread +abstract_painting,Color_Field_Painting,morris-louis_green-picket-1962 +landscape,Impressionism,alfred-sisley_sand-on-the-quayside-port-marly-1875 +portrait,Realism,william-adolphe-bouguereau_girl-holding-lemons-1899 +religious_painting,Baroque,rembrandt_the-conspiration-of-the-bataves-1662 +still_life,Impressionism,julian-alden-weir_silver-chalice-japanese-bronze-and-red-tapir-1889 +cityscape,Realism,vasily-polenov_cordoba-1883 +genre_painting,Romanticism,karl-bryullov_italian-woman-with-a-child-by-a-window(1) +portrait,Cubism,gosta-adrian-nilsson_blue-head-1951 +portrait,Expressionism,egon-schiele_upright-standing-woman-1912 +abstract_painting,Abstract_Expressionism,mark-tobey_fire-dancers-1957 +landscape,Realism,volodymyr-orlovsky_grain-is-maturing-1870 +sketch_and_study,Realism,vincent-van-gogh_two-hands-and-two-arms +illustration,Symbolism,william-blake_illustration-to-milton-s-on-the-morning-of-christ-s-nativity-1815-1 +abstract_painting,Expressionism,ion-tuculescu_relations-in-orange +landscape,Symbolism,nicholas-roerich_sentinels +cityscape,Romanticism,william-turner_venice-looking-east-from-the-guidecca-sunrise +landscape,Post_Impressionism,gustave-loiseau_auxerre-cathedral-1907 +genre_painting,Cubism,albert-gleizes_la-chasse-1911 +portrait,Cubism,fernand-leger_the-woman-with-the-fruit-dish-1924 +portrait,Expressionism,jose-de-almada-negreiros_untitled-1930 +religious_painting,Northern_Renaissance,hugo-van-der-goes_the-portinari-triptych-close-1478 +abstract_painting,Minimalism,martin-barre_65-b-l-1965 +abstract_painting,Color_Field_Painting,mark-rothko_untitled-1949-1 +portrait,Post_Impressionism,edouard-vuillard_the-striped-blouse +religious_painting,Northern_Renaissance,lucas-cranach-the-elder_law-and-grace-1529 +cityscape,Art_Nouveau_Modern,anna-ostroumova-lebedeva_trees-near-the-apollo-colonnade-1923 +genre_painting,Impressionism,maurice-prendergast_lacemakers-venice +portrait,Expressionism,zinaida-serebriakova_portrait-s-n-andronikovoy-halpern-1924 +nude_painting,Fauvism,lajos-tihanyi_nudes-1907 +abstract_painting,Color_Field_Painting,theodoros-stamos_infinity-field-1971 +genre_painting,Impressionism,claude-monet_the-promenade-near-argenteuil +landscape,Realism,gustave-courbet_the-glacier-1873 +landscape,Impressionism,claude-monet_the-spring-in-argentuil +religious_painting,Baroque,rembrandt_the-blinding-of-samson-1636 +genre_painting,Romanticism,sir-lawrence-alma-tadema_the-women-of-amphissa-1887 +still_life,Pop_Art,andy-warhol_green-coca-cola-bottles +abstract_painting,Abstract_Expressionism,manabu-mabe_sentimental-song-1980 +portrait,Post_Impressionism,gwen-john_girl-in-profile +religious_painting,Northern_Renaissance,hieronymus-bosch_the-hearing-forest-and-the-seeing-field +genre_painting,Impressionism,william-james-glackens_the-bandstand-1919 +cityscape,Cubism,marc-chagall_cows-over-vitebsk-1966 +portrait,Baroque,agostino-carracci_ann-parolini-guicciardini-1598 +landscape,Impressionism,hoca-ali-riza_unknown-title(7) +genre_painting,Impressionism,eugene-boudin_women-fishing-for-shrimp-at-kerhor-1880-2 +illustration,Romanticism,gustave-dore_the-punishment-of-the-simonists +genre_painting,Art_Nouveau_Modern,boris-kustodiev_gostiny-dvor-in-a-merchant-shout-1916 +genre_painting,Symbolism,odilon-redon_woman-in-red +genre_painting,Romanticism,sir-lawrence-alma-tadema_among-the-ruins-1904 +religious_painting,High_Renaissance,raphael_the-madonna-of-the-chair-1515 +portrait,Post_Impressionism,kazimir-malevich_blue-portrait-1930 +portrait,Art_Nouveau_Modern,paul-mathiopoulos_highres1145438754-41-tif +still_life,Post_Impressionism,paul-cezanne_the-green-pitcher-1887 +landscape,Impressionism,camille-pissarro_the-bazincourt-steeple-study-1895 +religious_painting,Baroque,rembrandt_the-agony-in-the-garden-1657 +landscape,Realism,johan-hendrik-weissenbruch_dutch-polder-landscape +cityscape,Impressionism,gregoire-boonzaier_view-of-table-bay-bo-kaap-1944 +portrait,Romanticism,nikolaos-gyzis_learning-by-heart-1883(1) +sketch_and_study,Realism,vincent-van-gogh_fisherman-with-basket-on-his-back-1882(1) +portrait,Baroque,anthony-van-dyck_emperor-charles-v-on-horseback-1620 +cityscape,Impressionism,theodor-pallady_bridge-over-seine +sketch_and_study,Northern_Renaissance,albrecht-durer_rest-on-the-flight +portrait,Romanticism,karl-bryullov_aleksandr-turgenev(1) +sketch_and_study,Expressionism,august-macke_woman-with-lyre-and-dog +religious_painting,Symbolism,george-frederick-watts_denunciation-of-adam-and-eve +sketch_and_study,Post_Impressionism,vincent-van-gogh_man-on-a-bench-1886 +portrait,Impressionism,mary-cassatt_head-of-julie-looking-down +landscape,Realism,theodore-rousseau_plain-in-front-of-the-pyrenees +nude_painting,Expressionism,egon-schiele_standing-male-nude-1910 +cityscape,Rococo,bernardo-bellotto_colosseum-and-arch-of-constantine-rome +portrait,Impressionism,giovanni-boldini_portrait-of-georges-de-bellio-1828-94-1894 +portrait,Rococo,allan-ramsay_portrait-of-archibald-campbell-3rd-duke-of-argyll +cityscape,Impressionism,egon-schiele_houses-on-the-town-square-in-klosterneuberg-1908 +portrait,Romanticism,francisco-goya_queen-maria-luisa +abstract_painting,Abstract_Expressionism,hans-hofmann_lonely-journey-1965 +portrait,Realism,john-singer-sargent_marian-madge-roller-1902 +landscape,Baroque,esaias-van-de-velde_winter-landscape +portrait,Rococo,carl-ludwig-johann-christineck_teresa-schnee-1777 +landscape,Post_Impressionism,emily-carr_a-rushing-sea-of-undergrowth-1935 +cityscape,Impressionism,eugene-boudin_brussels-the-louvain-canal +landscape,Romanticism,george-frederick-watts_petraia(1) +sketch_and_study,Expressionism,pyotr-konchalovsky_the-model-at-the-mirror-1923 +still_life,Cubism,amadeo-de-souza-cardoso_painting-1917 +cityscape,Post_Impressionism,edouard-cortes_chatelet +abstract_painting,Abstract_Expressionism,helen-frankenthaler_square-one-1985 +genre_painting,Post_Impressionism,emmanuel-zairis_two-fishermen +portrait,Cubism,amadeo-de-souza-cardoso_untitled-portrait-of-paul-alexander-1917 +genre_painting,Realism,claude-monet_the-luncheon +sketch_and_study,Northern_Renaissance,albrecht-durer_study-journal-naked-couple-and-the-devil +portrait,Realism,john-singer-sargent_john-ridgely-carter-1901 +portrait,Rococo,thomas-gainsborough_portrait-of-queen-charlotte-1781 +genre_painting,Impressionism,pierre-auguste-renoir_laundresses-at-cagnes-1912 +landscape,Post_Impressionism,paul-cezanne_mont-sainte-victoire-1887-2 +illustration,Naive_Art_Primitivism,marc-chagall_banquet-at-the-police-chief-s-house +religious_painting,Baroque,frans-hals_st-matthew +still_life,Impressionism,octav-bancila_can-cu-flori-de-c-mp-1930 +landscape,Expressionism,nikolaos-lytras_landscape-karyatides +religious_painting,Symbolism,salvador-dali_elias-per-turbinem-super-currus-igneus-1967 +sketch_and_study,Naive_Art_Primitivism,fernand-leger_the-pool +nude_painting,Symbolism,koloman-moser_standing-youth +portrait,Expressionism,salvador-dali_portrait-of-jose-m-torres +religious_painting,Baroque,bernardo-strozzi_st-peter-cures-the-lame-beggar +portrait,Art_Nouveau_Modern,jacek-malczewski_farewell-to-atelier +portrait,Romanticism,konstantin-makovsky_portrait-of-russian-opera-singer-sandra-panaeva +portrait,Baroque,aleksey-antropov_countess-anna-vorontsova +landscape,Expressionism,martiros-saryan_rain-in-early-may-1940 +religious_painting,Mannerism_Late_Renaissance,el-greco_martyrdom-of-st-maurice-and-his-legions-1581 +still_life,Rococo,jean-baptiste-oudry_still-life-with-monkey-fruits-and-flowers-1724 +portrait,Northern_Renaissance,lucas-cranach-the-elder_portrait-of-johann-i-the-steadfast-elector-of-saxony +portrait,Expressionism,nicolae-tonitza_turk-women-in-balcic-1936 +abstract_painting,Minimalism,brice-marden_sea-painting-ii-1974 +religious_painting,Early_Renaissance,jacopo-bellini_triptych-of-the-virgin-1470 +abstract_painting,Color_Field_Painting,perle-fine_blue-chip-blue-1-1974 +religious_painting,Northern_Renaissance,albrecht-durer_christ-washing-peter-s-feet-1511 +religious_painting,Mannerism_Late_Renaissance,el-greco_the-entombment-of-christ-1570 +landscape,Romanticism,john-constable_dedham-lock-and-mill-1820 +genre_painting,Expressionism,anita-malfatti_samba-1945 +still_life,Post_Impressionism,bela-czobel_masks-1929 +portrait,Symbolism,odilon-redon_the-doge-s-wife +portrait,Romanticism,jan-matejko_boleslaw-v-the-chaste +portrait,Romanticism,polychronis-lembesis_portrait-of-a-girl +landscape,Impressionism,childe-hassam_gloucester-inner-harbor +portrait,Romanticism,francesco-hayez_portrait-of-giuseppe-roberti-1819 +portrait,Cubism,fernand-leger_trouville-1921 +landscape,Expressionism,martiros-saryan_village-makravank-1902 +portrait,Realism,john-singer-sargent_drawing-of-edwin-austin-abbey +landscape,Impressionism,joaquã­n-sorolla_furnace-of-elche-palm +cityscape,Realism,vasily-vereshchagin_vehicle-in-delhi-1875 +religious_painting,Naive_Art_Primitivism,marc-chagall_isaiah-s-oracle-on-the-ruins-of-babylon-isaiah-xiii +sketch_and_study,Realism,john-singer-sargent_dorothy-barnard +landscape,Pop_Art,patrick-procktor_areal-view-marylenbone-gardens-1986 +cityscape,Post_Impressionism,pyotr-konchalovsky_the-city-of-arles-the-square-1908 +cityscape,Impressionism,camille-pissarro_morning-after-the-rain-rouen-1896 +portrait,Expressionism,edvard-munch_dagny-juel-przybyszewska-1893 +portrait,Realism,william-adolphe-bouguereau_earrings-1891 +religious_painting,Symbolism,albert-bloch_saint-francis-in-the-woods-1927 +religious_painting,High_Renaissance,correggio_departure-of-christ-from-mary-with-mary-and-martha-the-sisters-of-lazarus-1518 +landscape,Realism,theodore-rousseau_not_detected_198937 +portrait,Baroque,hendrick-terbrugghen_democritus-1628 +cityscape,Fauvism,constantin-artachino_oriental-bourg +landscape,Post_Impressionism,paul-cezanne_pine-and-aqueduct +landscape,Art_Nouveau_Modern,aladar-korosfoi-kriesch_lakeshore +religious_painting,Art_Nouveau_Modern,ivan-bilibin_blessing-of-the-knight-1920(1) +landscape,Impressionism,claude-monet_the-rock-needle-seen-through-the-porte-d-aval-1886 +landscape,Post_Impressionism,vincent-van-gogh_orchard-in-blossom-bordered-by-cypresses-1888-1 +portrait,Northern_Renaissance,hans-memling_portrait-of-benedetto-portinari-1487 +landscape,Realism,aleksey-savrasov_spring-3 +genre_painting,Post_Impressionism,vincent-van-gogh_the-novel-reader-1888-1 +landscape,Impressionism,odilon-redon_peyrelebade-landscape +landscape,Symbolism,nicholas-roerich_stones-and-rocks-1919 +portrait,Realism,james-tissot_kathleen-newton-in-an-armchair +portrait,Romanticism,orest-kiprensky_portrait-of-a-i-molchanova-with-daughter-1814 +landscape,Romanticism,joseph-wright_a-grotto-in-the-gulf-of-salernum-with-the-figure-of-julia-banished-from-rome-1780 +genre_painting,Art_Nouveau_Modern,raphael-kirchner_greek-virgins-1900-6 +landscape,Romanticism,william-turner_petworth-park-tillington-church-in-the-distance +portrait,Expressionism,lucian-freud_figure-with-bare-arms-1961 +still_life,Naive_Art_Primitivism,marc-chagall_the-gladiolas-1967 +portrait,Impressionism,robert-julian-onderdonk_untitled-1 +landscape,Post_Impressionism,ferdynand-ruszczyc_krzy-w-niegu-1902 +illustration,Naive_Art_Primitivism,marc-chagall_selifan-interrupts-petrouchka-cleaning +genre_painting,Realism,volodymyr-orlovsky_the-mowers +landscape,Naive_Art_Primitivism,maria-primachenko_dear-taras-hryhorovych-whatever-you-see-here-is-yours-1982 +still_life,Post_Impressionism,vincent-van-gogh_oleanders-and-books-1888 +landscape,Cubism,amadeo-de-souza-cardoso_windmill-1910 +landscape,Realism,aleksey-savrasov_beach-1854 +genre_painting,Art_Nouveau_Modern,ferdinand-hodler_the-reaper-1910 +religious_painting,Baroque,rembrandt_abraham-dismissing-hagar-1637 +religious_painting,High_Renaissance,raphael_putti-detail-from-the-sistine-madonna-1513 +landscape,Realism,fyodor-vasilyev_the-crowns-of-the-trees +genre_painting,Naive_Art_Primitivism,david-burliuk_russian-man-on-sled-pulled-by-horse +portrait,Mannerism_Late_Renaissance,giorgio-vasari_portrait-of-alessandro-de-medici +religious_painting,Baroque,jacob-jordaens_the-annunciation +portrait,Cubism,christian-schad_portrait-de-walter-serner-1916 +landscape,Expressionism,martiros-saryan_yard-of-the-artist-s-house-1923 +portrait,Impressionism,marie-bracquemond_the-lady-in-white +landscape,Post_Impressionism,maxime-maufra_the-barges-lighthouse-1904 +landscape,Post_Impressionism,henri-le-fauconnier_a-view-of-zandvoort +cityscape,Realism,vasily-vereshchagin_present-trophies-1872 +portrait,Realism,boris-kustodiev_portrait-of-d-f-bogoslovsky-1902 +landscape,Ukiyo_e,keisai-eisen_the-castle-of-unuma(1) +genre_painting,Impressionism,eliseu-visconti_garden-in-luxembourg-1905 +religious_painting,Early_Renaissance,giovanni-bellini_polyptych-of-san-vincenzo-ferreri-1468-5 +cityscape,Cubism,salvador-dali_the-first-day-of-spring-1923 +cityscape,Impressionism,john-singer-sargent_palazzo-labia-venice-1913 +landscape,Realism,isaac-levitan_autumn-day-sokolniki-1879 +portrait,Rococo,antoine-pesne_girl-with-a-dove-1754 +still_life,Post_Impressionism,paul-gauguin_flowers-in-a-fruit-bowl-1894 +portrait,Mannerism_Late_Renaissance,sofonisba-anguissola_portrait-of-philipp-ii-of-spain-1570 +landscape,Post_Impressionism,maurice-prendergast_rockport-mass +portrait,Romanticism,miklos-barabas_portrait-of-poet-mih-ly-v-r-smarty-1836 +portrait,Expressionism,amedeo-modigliani_portrait-of-morgan-russell-1918 +cityscape,Impressionism,camille-pissarro_upper-norwood-chrystal-palace-london-1870 +still_life,Cubism,marevna-(marie-vorobieff)_cubist-sunflowers +abstract_painting,Abstract_Expressionism,bui-xuan-phai_abstract(4) +genre_painting,Romanticism,sir-lawrence-alma-tadema_roman-family +abstract_painting,Minimalism,perle-fine_untitled-1973 +landscape,Post_Impressionism,albert-huie_houses-on-stilts-with-fishermen +abstract_painting,Minimalism,martin-barre_72-73-d-160-x-148-1973 +portrait,Romanticism,taras-shevchenko_portrait-of-e-v-keykuatova-1847 +portrait,Pop_Art,patrick-procktor_edward-jones-chief-clerk-doe-belize-1983 +portrait,Art_Nouveau_Modern,boris-kustodiev_restaurant-owner-1920 +portrait,Baroque,aleksey-antropov_portrait-of-princess-t-a-trubetzkaya +portrait,Baroque,bartolome-esteban-murillo_old-woman-with-distaff +sketch_and_study,Baroque,rembrandt_nativity-1654 +portrait,Romanticism,vasily-tropinin_kiseleva +portrait,Expressionism,yiannis-tsaroychis_cyclist-with-a-red-vest-1936 +cityscape,Romanticism,cornelis-springer_a-visit-of-bayliff-ten-frootenhuys-to-the-guild-of-archers-1864 +sketch_and_study,Realism,vincent-van-gogh_torso-of-venus-1887-4 +genre_painting,Expressionism,arturo-souto_harbour-scene-1939 +portrait,Baroque,rembrandt_portrait-of-rembrandt-s-mother +genre_painting,Art_Nouveau_Modern,raphael-kirchner_maid-of-athens-1900 +landscape,Symbolism,nicholas-roerich_moonlight-sortavala-1918 +nude_painting,Ukiyo_e,utagawa-kunisada_not_detected_240071 +portrait,Impressionism,pierre-auguste-renoir_bust-of-a-young-girl-wearing-a-straw-hat-1917 +genre_painting,Realism,vincent-van-gogh_sien-peeling-potatoes-1883 +genre_painting,Realism,theodor-severin-kittelsen_for-meget-av-det-gode(2) +sketch_and_study,Realism,isaac-levitan_trunks-of-the-trees +genre_painting,Impressionism,frederic-remington_cavalry-in-an-arizona-sandstorm-1889 +religious_painting,Early_Renaissance,domenico-ghirlandaio_madonna +portrait,Realism,david-burliuk_portrait-of-marusia-burliuk +portrait,Art_Nouveau_Modern,felix-vallotton_portrait-of-french-poet-francis-viel-griffin-1898 +genre_painting,Impressionism,giuseppe-de-nittis_breakfast-in-the-garden-1883 +cityscape,Post_Impressionism,edouard-cortes_caf-de-la-paix-paris-5 +genre_painting,Impressionism,giovanni-boldini_the-beauty-before-the-mirror +religious_painting,Early_Renaissance,piero-della-francesca_torment-of-the-jew(1) +landscape,Romanticism,ivan-aivazovsky_the-bay-of-naples-at-moonlit-night-1842 +landscape,Symbolism,nicholas-roerich_himalayas-1924 +genre_painting,Ukiyo_e,kitagawa-utamaro_the-hour-of-the-dog +still_life,Post_Impressionism,william-scott_six-open-forms-1971 +genre_painting,Symbolism,odilon-redon_reflection +genre_painting,Romanticism,konstantin-makovsky_the-bulgarian-martyresses +abstract_painting,Abstract_Expressionism,jay-defeo_incision-1961 +cityscape,Post_Impressionism,pyotr-konchalovsky_france-nemours-1908 +sketch_and_study,Cubism,fernand-leger_dancer-in-blue-veil +portrait,Post_Impressionism,ion-theodorescu-sion_portrait-of-lola-schmierer-roth +nude_painting,Expressionism,balthus_nude-at-rest-1977 +landscape,Realism,camille-corot_fishermen-in-a-boat-1865 +portrait,Realism,john-singer-sargent_lady-eden-1906 +genre_painting,Romanticism,dante-gabriel-rossetti_reverie-1868 +portrait,New_Realism,edward-hopper_self-portrait-1930 +landscape,Impressionism,claude-monet_valley-of-the-creuse-grey-day-1889 +genre_painting,Art_Nouveau_Modern,henri-de-toulouse-lautrec_la-goulue-and-paul-lescau-1894 +nude_painting,Expressionism,paula-modersohn-becker_nude-girl-1904 +portrait,High_Renaissance,lorenzo-lotto_a-lady-with-a-drawing-of-lucretia +genre_painting,New_Realism,william-james-glackens_under-the-trees +genre_painting,Expressionism,henri-matisse_not-identified-18 +portrait,Expressionism,laszlo-mednyanszky_head-of-a-tramp-1896 +landscape,Impressionism,arkhip-kuindzhi_autumn-1 +genre_painting,Impressionism,camille-pissarro_lovers-seated-at-the-foot-of-a-willow-tree-1901 +genre_painting,Realism,wilhelm-leibl_der-zeitungsleser-1891 +cityscape,Impressionism,childe-hassam_place-centrale-and-fort-cabanas-1895 +portrait,Baroque,frans-hals_laughing-boy +portrait,Romanticism,konstantin-makovsky_boyar-s-wife-at-the-window-1885 +sketch_and_study,Northern_Renaissance,rogier-van-der-weyden_saint-gregory-the-great-and-st-jerome +religious_painting,High_Renaissance,michelangelo_the-ancestors-of-christ-amminadab-1512 +nude_painting,Expressionism,marevna-(marie-vorobieff)_portrait-of-the-artist-s-daughter-marika-rivera-aged-23-with-a-lover +genre_painting,Synthetic_Cubism,georges-braque_man-with-a-guitar-1914 +portrait,Expressionism,francis-picabia_portrait-of-woman +landscape,Symbolism,nicholas-roerich_message-from-shambhala +genre_painting,Post_Impressionism,pierre-bonnard_the-merchant-of-four-seasons-1899 +religious_painting,Northern_Renaissance,martin-schongauer_birth-of-jesus +religious_painting,Early_Renaissance,domenico-ghirlandaio_st-barbara-crushing-her-infidel-father +cityscape,Symbolism,nicholas-roerich_issa-pond-le +portrait,Northern_Renaissance,albrecht-durer_portrait-of-the-artist-s-mother-1514 +portrait,Northern_Renaissance,bernhard-strigel_emperor-maximilian-i-1459-1519 +sketch_and_study,High_Renaissance,leonardo-da-vinci_study-of-proportion +religious_painting,Early_Renaissance,fra-angelico_annunciation-1442 +landscape,Realism,constant-troyon_the-angler +illustration,Expressionism,lynd-ward_not-detected-272513 +landscape,Impressionism,gustave-caillebotte_sunflowers-in-the-garden-at-petit-gennevilliers +landscape,Fauvism,maurice-de-vlaminck_the-chatou-bridge-1907 +religious_painting,Northern_Renaissance,lucas-cranach-the-elder_judith-1 +cityscape,Impressionism,konstantin-korovin_paris-kafe-1 +portrait,High_Renaissance,titian_portrait-of-a-man-munich-1513 +portrait,Realism,vincent-van-gogh_orphan-man-in-sunday-clothes-with-eye-bandage-1882 +nude_painting,Expressionism,amedeo-modigliani_lying-nude-1917 +cityscape,Impressionism,konstantin-korovin_paris-by-night +genre_painting,Naive_Art_Primitivism,david-burliuk_three-peasants +landscape,Fauvism,auguste-herbin_church-at-orgeruse-1908 +genre_painting,Realism,vincent-van-gogh_digger-1882-2(1) +portrait,Expressionism,lucian-freud_ib-1984 +abstract_painting,Abstract_Expressionism,jackson-pollock_stenographic-figure(1) +portrait,Romanticism,ivan-aivazovsky_portrait-of-khalibjan-mayor-of-the-new-nakhichevan-1862 +landscape,Impressionism,arkhip-kuindzhi_crimea +genre_painting,Post_Impressionism,charles-cottet_au-pays-de-la-mer-douleur-1909 +portrait,Realism,george-catlin_tul-lock-ch-sh-ko-drinks-the-juice-of-the-stone-choctaw-1834 +portrait,Expressionism,zinaida-serebriakova_anna-akhmatova-1922 +portrait,Expressionism,amedeo-modigliani_portrait-of-raymond-1915 +nude_painting,Fauvism,william-h.-johnson_nude-1939(1) +abstract_painting,Color_Field_Painting,anne-appleby_summer-aspen-2000 +landscape,Impressionism,claude-monet_rowboat-on-the-seine-at-jeufosse +portrait,Expressionism,yiannis-tsaroychis_cyclist-in-front-of-a-backdrop-by-sotiris-spatharis-1939 +portrait,Impressionism,camille-pissarro_la-mere-gaspard-1876 +religious_painting,Symbolism,salvador-dali_in-principiodeus-creavit-1964 +nude_painting,Expressionism,ernst-ludwig-kirchner_reclining-female-nude-on-a-couch +religious_painting,Baroque,guido-reni_magdalene-with-the-jar-of-ointment +religious_painting,Impressionism,edgar-degas_david-and-goliath +genre_painting,Realism,thomas-eakins_william-rush-carving-his-allegorical-figure-of-the-schuylkill-river-1908 +abstract_painting,Color_Field_Painting,barnett-newman_canto-ii-1963 +abstract_painting,Color_Field_Painting,ray-parker_m-yellow-1965 +portrait,Realism,nicolae-grigorescu_mountaineer +genre_painting,Post_Impressionism,vincent-van-gogh_two-peasant-women-digging-in-field-with-snow-1890 +genre_painting,Symbolism,arnold-bã¶cklin_children-carving-may-flutes-1877 +genre_painting,Cubism,andrã©-lhote_le-judgment-de-paris-1927 +landscape,Impressionism,guy-rose_misty-dunes-carmel +religious_painting,Baroque,peter-paul-rubens_the-incredulity-of-st-thomas-1615 +religious_painting,Northern_Renaissance,jan-van-hemessen_parable-of-the-prodigal-son +nude_painting,Northern_Renaissance,albrecht-durer_woman-s-bath +abstract_painting,Abstract_Expressionism,richard-diebenkorn_seawall +religious_painting,Rococo,giovanni-domenico-tiepolo_nebuchadnezar-sending-the-three-young-men-into-the-fiery-furnace +portrait,Romanticism,vasily-tropinin_guitarist-1823 +landscape,Expressionism,martiros-saryan_landscape-with-a-view-of-mount-ararat-1937 +religious_painting,Naive_Art_Primitivism,marc-chagall_moses-and-aaron-with-pharaoh-1931 +portrait,Expressionism,egon-schiele_portrait-of-erich-lederer-1912 +cityscape,Ukiyo_e,hiroshige_evening-shower-at-nihonbashi-bridge +portrait,Baroque,rembrandt_rembrandt-s-mother-seated-looking-to-the-right-1631 +landscape,Impressionism,alfred-sisley_plum-and-walnut-trees-in-spring-1889 +illustration,Art_Nouveau_Modern,edmund-dulac_the-pearl-of-the-boar-from-the-kingdom-of-the-pearl +landscape,Impressionism,francis-picabia_moret-route-of-pres +landscape,Post_Impressionism,pyotr-konchalovsky_pond-1928 +genre_painting,Expressionism,paula-modersohn-becker_children-with-goldfish-bowl-1907 +abstract_painting,Abstract_Expressionism,sam-francis_very-first-stone-1968 +genre_painting,Romanticism,alfred-stevens_japanese +portrait,Art_Nouveau_Modern,carl-larsson_lille-matts-larsson-1912(1) +portrait,Naive_Art_Primitivism,fernando-botero_the-seamstress +landscape,Post_Impressionism,vincent-van-gogh_path-in-the-park-at-arles-1888 +landscape,Post_Impressionism,paul-gauguin_bathing-in-front-of-the-port-of-pont-aven-1886 +religious_painting,Symbolism,james-tissot_the-ark-passes-over-the-jordan +abstract_painting,Abstract_Expressionism,sam-francis_untitled-1975-1 +genre_painting,Baroque,pieter-de-hooch_interior-with-figures +portrait,Romanticism,francesco-hayez_portrait-of-conte-baglioni +sketch_and_study,Post_Impressionism,vincent-van-gogh_sketch-of-a-donkey-1890 +still_life,Synthetic_Cubism,juan-gris_the-sunblind-1914 +genre_painting,Rococo,pietro-longhi_the-hunters-drawing-numbers +abstract_painting,Abstract_Expressionism,richard-diebenkorn_ocean-park-no-7 +illustration,Romanticism,gustave-dore_don-quixote-78 +genre_painting,Impressionism,max-liebermann_bathing-boys-1900 +sketch_and_study,Post_Impressionism,henri-de-toulouse-lautrec_red-haired-woman-seen-from-behind-1891 +landscape,Impressionism,john-henry-twachtman_boat-at-bulkhead +genre_painting,Impressionism,edgar-degas_woman-ironing-1869 +genre_painting,Realism,viktor-vasnetsov_pharmacist-1871 +landscape,Fauvism,mary-fedden_minarets-1968 +abstract_painting,Minimalism,agnes-martin_desert-rain-1957 +portrait,Art_Nouveau_Modern,carl-larsson_karin-and-kersti-1898(1) +abstract_painting,Pop_Art,robert-indiana_twenty-golden-orbs-1959 +portrait,Impressionism,lovis-corinth_portrait-of-a-woman-in-a-purple-hat-1912 +religious_painting,Baroque,cornelis-de-vos_salbung-salomos +portrait,Impressionism,theo-van-rysselberghe_portrait-of-children +genre_painting,Naive_Art_Primitivism,marc-chagall_village-1975 +nude_painting,Impressionism,theodor-pallady_the-little-cigarette-nude-1931 +landscape,Fauvism,henri-matisse_the-moulade +still_life,Cubism,pyotr-konchalovsky_vessels-on-the-red-tablecloth-1916 +portrait,Romanticism,alfred-stevens_portrait-of-a-young-woman +portrait,Symbolism,franz-stuck_mary +sketch_and_study,High_Renaissance,leonardo-da-vinci_studies-of-the-foetus-in-the-womb +nude_painting,Baroque,agostino-carracci_paris-and-oenone +landscape,Realism,james-tissot_tombs-in-the-valley-of-hinnom-1889 +illustration,Expressionism,m.c.-escher_emblemata-butterfly +landscape,Post_Impressionism,vincent-van-gogh_the-old-mill-1888 +portrait,Expressionism,nikolaos-lytras_portrait-of-m-hors-1916(1) +religious_painting,Naive_Art_Primitivism,marc-chagall_a-man-with-thora-1975 +cityscape,Cubism,jean-david_refinery +portrait,Realism,nikolai-ge_portrait-of-piotr-ge-the-artist-s-son-1 +genre_painting,Post_Impressionism,charles-cottet_mourning-brittany +genre_painting,Baroque,le-nain-brothers_the-happy-family-1642 +cityscape,Naive_Art_Primitivism,marc-chagall_the-street-in-vitebsk-1914 +cityscape,Pointillism,georges-seurat_the-pont-de-courbevoie-1886 +abstract_painting,Minimalism,robert-ryman_untitled-1963 +still_life,Cubism,raoul-dufy_the-violin-1916 +religious_painting,Romanticism,jean-leon-gerome_the-flight-into-egypt +abstract_painting,Color_Field_Painting,morris-louis_gamma-tau-1960 +landscape,Impressionism,claude-monet_the-sunken-road-in-the-cliff-at-varangeville +genre_painting,Northern_Renaissance,pieter-bruegel-the-elder_misanthrope-1568 +nude_painting,Expressionism,jan-sluyters_still-life-with-standing-nude +portrait,Ukiyo_e,utagawa-kuniyoshi_women-5 +religious_painting,Early_Renaissance,benozzo-gozzoli_tabernacle-of-the-madonna-delle-tosse-death-of-mary +landscape,Impressionism,abdullah-suriosubroto_indonesian-landscape-1 +religious_painting,Baroque,jacques-stella_the-rest-on-the-flight-into-egypt-1639 +cityscape,Expressionism,bui-xuan-phai_ancient-hanoi-street +landscape,Realism,fyodor-vasilyev_before-a-thunderstorm +nude_painting,Art_Nouveau_Modern,raphael-kirchner_pride +abstract_painting,Minimalism,joan-hernandez-pijuan_folquer-1972 +genre_painting,Post_Impressionism,kuzma-petrov-vodkin_theatre-drama +genre_painting,Romanticism,sir-lawrence-alma-tadema_the-sculpture-gallery-1874 +genre_painting,Realism,winslow-homer_market-scene-nassau +landscape,Symbolism,nicholas-roerich_himalayas-1934 +portrait,Cubism,marevna-(marie-vorobieff)_portrait-of-marc-chagall-1956 +nude_painting,Impressionism,edgar-degas_after-the-bath-5 +landscape,Romanticism,ivan-aivazovsky_pushkin-on-the-coast-black-sea-1887 +landscape,Expressionism,wassily-kandinsky_improvisation-3-1909 +portrait,Fauvism,walasse-ting_green-lady-with-pink-rose +genre_painting,Impressionism,pierre-auguste-renoir_two-women-with-flowered-hat +genre_painting,Impressionism,camille-pissarro_peasant-woman-standing-next-to-a-tree +genre_painting,Realism,mary-cassatt_offering-the-panel-to-the-bullfighter-1873 +abstract_painting,Color_Field_Painting,alma-woodsey-thomas_air-view-of-a-spring-nursery-1966 +abstract_painting,Color_Field_Painting,anne-truitt_truitt-84-1984 +cityscape,Post_Impressionism,vincent-van-gogh_restaurant-de-la-sirene-at-asnieres-1887-1 +still_life,Post_Impressionism,ion-pacea_still-life-with-flowers-and-apples +landscape,Impressionism,micaela-eleutheriade_cultur-de-varz-pe-nisip +genre_painting,Realism,vasily-vereshchagin_eaters-of-opium-1868 +genre_painting,Post_Impressionism,maurice-prendergast_viewing-the-sailboat +landscape,Realism,aleksey-savrasov_bonfire-of-the-river +religious_painting,Northern_Renaissance,albrecht-durer_madonna-and-child-on-the-grassy-bank-1 +nude_painting,Cubism,stanley-pinker_the-bathers +abstract_painting,Abstract_Expressionism,willem-de-kooning_untitled-1950 +landscape,Impressionism,claude-monet_springtime-in-giverny +sketch_and_study,Realism,viktor-vasnetsov_fallen-knight-1879 +landscape,Realism,isaac-levitan_reeds-and-water-lilies-1889 +portrait,Ukiyo_e,katsushika-hokusai_portrait-of-matsuo-basho +landscape,Impressionism,arkhip-kuindzhi_forest-burdock +landscape,Symbolism,lawren-harris_algoma-hill-1920 +religious_painting,Northern_Renaissance,hieronymus-bosch_allegory-of-gluttony-and-lust-1500 +landscape,Impressionism,john-henry-twachtman_pasture-with-barns-cos-cob +landscape,Realism,constant-troyon_on-the-farm +religious_painting,Northern_Renaissance,dirk-bouts_the-gathering-of-the-manna +portrait,Realism,boris-kustodiev_portrait-of-the-grand-duchess-maria-pavlovna-1911 +portrait,Post_Impressionism,nicolae-tonitza_little-tatar-girl-1936 +illustration,Art_Nouveau_Modern,aubrey-beardsley_the-stomach-dance-1893 +portrait,Rococo,antoine-pesne_johanna-holstein-gottorp +portrait,Expressionism,tia-peltz_the-penetration-of-the-telephone-in-the-village +landscape,Symbolism,nicholas-roerich_gilgit-road-1925-1 +nude_painting,Expressionism,lucian-freud_naked-girl-asleep-ii-1968 +landscape,Realism,mikhail-lebedev_in-a-park +cityscape,Art_Nouveau_Modern,anna-ostroumova-lebedeva_pavlovsk-novosilviysky-bridge-1921 +abstract_painting,Color_Field_Painting,michel-carrade_unknown-title-1 +abstract_painting,Minimalism,fred-sandback_untitled-1971 +religious_painting,Early_Renaissance,masaccio_crucifixion +sketch_and_study,Realism,boris-kustodiev_portrait-of-yuri-korvin-krukovsky-1926 +portrait,Impressionism,berthe-morisot_madame-albine-sermicola-in-the-studio +landscape,Impressionism,pierre-auguste-renoir_algiers-landscape-1895 +portrait,Realism,martiros-saryan_portrait-of-avetik-isahakyan-1940 +religious_painting,Northern_Renaissance,mabuse_st-jerome-penitent +religious_painting,Northern_Renaissance,hans-baldung_altarpiece-with-the-martyrdom-of-st-sebastian-1507 +portrait,Ukiyo_e,utagawa-kuniyoshi_women-2 +landscape,Realism,aleksey-savrasov_compressed-field-1874 +landscape,Expressionism,august-macke_view-of-tegernsee +cityscape,Pointillism,henri-martin_the-church-of-dalbade-in-toulouse +landscape,Romanticism,christen-kobke_a-mansion-near-resund +landscape,Impressionism,camille-pissarro_trees-on-a-hill-autumn-landscape-in-louveciennes-1872 +genre_painting,Romanticism,caspar-david-friedrich_two-men-by-the-sea +landscape,New_Realism,john-french-sloan_a-gloucester-day +portrait,Romanticism,franz-xaver-winterhalter_young-italian-girl-by-the-well +genre_painting,Impressionism,childe-hassam_bastille-day-boulevard-rochechouart-paris +cityscape,Impressionism,john-singer-sargent_side-canal-in-venice-1902 +landscape,Realism,ivan-shishkin_holy-creek-near-yelabuga-1886 +landscape,Post_Impressionism,dumitru-ghiatza_village-among-mountains +portrait,Expressionism,rafael-zabaleta_portrait-of-seated-blonde-woman-1944 +genre_painting,Impressionism,edgar-degas_dancer-adjusting-her-sandel-1 +abstract_painting,Minimalism,daniel-buren_peinture-acrylique-blanche-sur-tissu-ray-blanc-et-orange-1972 +landscape,Realism,fyodor-vasilyev_in-the-mountains-of-the-crimea +genre_painting,Rococo,pietro-longhi_the-temptation +portrait,Romanticism,david-wilkie_the-bag-piper-1813 +genre_painting,Fauvism,august-macke_turkish-cafe-ii +religious_painting,Romanticism,viktor-vasnetsov_savior-in-the-crown-of-thorns-1906 +landscape,Contemporary_Realism,john-miller_beach +landscape,Cubism,paul-cezanne_mont-sainte-victoire-seen-from-les-lauves-1905 +landscape,Realism,isaac-levitan_apiary-1887 +religious_painting,Northern_Renaissance,jan-van-eyck_the-madonna-of-canon-van-der-paele-detail-1436-3 +genre_painting,Symbolism,nicholas-roerich_sadness-two-in-boat-1939 +portrait,Realism,thomas-eakins_portrait-of-miss-mary-perkins-1902 +abstract_painting,Color_Field_Painting,barnett-newman_canto-xiv-1964 +abstract_painting,Action_painting,hans-hofmann_rope-swinger-1962 +abstract_painting,Minimalism,john-mclaughlin_number-6-1963 +genre_painting,Impressionism,konstantin-korovin_paris-cafe-fragment-1895 +sketch_and_study,Realism,john-singer-sargent_two-studies-for-madame-x +sketch_and_study,Realism,ivan-shishkin_etude-1885 +portrait,Rococo,dmitry-levitzky_portrait-of-m-i-mussar +portrait,Impressionism,pierre-auguste-renoir_helene-bellow-1908 +religious_painting,High_Renaissance,andrea-mantegna_saint-jerome-reading-with-the-lion-1500 +religious_painting,Northern_Renaissance,hans-memling_passion-greverade-altarpiece-closed-1491 +portrait,Art_Nouveau_Modern,zinaida-serebriakova_girl-with-a-candle-self-portrait-1911 +landscape,Impressionism,claude-monet_vetheuil +landscape,Impressionism,camille-pissarro_flowering-apple-trees-eragny-1895 +genre_painting,Ukiyo_e,tsukioka-yoshitoshi_taira +religious_painting,Mannerism_Late_Renaissance,giorgio-vasari_chapel-with-the-lord-in-glory +sketch_and_study,Mannerism_Late_Renaissance,jacopo-pontormo_anatomical-study +genre_painting,Impressionism,pierre-auguste-renoir_cagnes-landscape-with-woman-and-child-1910 +landscape,Post_Impressionism,maxime-maufra_the-heart-of-the-port-of-goulphar-belle-ile-en-mer-1909 +cityscape,Pointillism,paul-signac_port-of-la-rochelle-1921 +genre_painting,Baroque,jan-steen_twelfth-night-1662 +portrait,Impressionism,claude-monet_portrait-of-germaine-hoschede-with-a-doll-1877 +genre_painting,Expressionism,arturo-souto_refugees-1937 +genre_painting,Impressionism,pierre-auguste-renoir_two-women-s-heads-the-loge-1903 +genre_painting,Realism,vasily-perov_burglary-at-easter-eve-1861 +landscape,Post_Impressionism,maurice-prendergast_quai-dinard +genre_painting,Expressionism,august-macke_parkway +sketch_and_study,Post_Impressionism,paul-gauguin_breton-woman-1886 +cityscape,Impressionism,konstantin-korovin_trading-pier-in-the-capital-city-sketch-of-set-for-c-pugni-s-ballet-1912 +portrait,Naive_Art_Primitivism,david-burliuk_peasant-girl-1945 +portrait,Expressionism,amedeo-modigliani_anna-hanka-zborowska-1917 +religious_painting,Northern_Renaissance,hans-memling_standing-virgin-and-child +genre_painting,Post_Impressionism,maurice-prendergast_the-swans +abstract_painting,Abstract_Expressionism,theodoros-stamos_infinity-field-lefkada-series-3-1979 +portrait,Expressionism,amedeo-modigliani_chakoska-1917 +portrait,Rococo,joseph-wright_boy-with-plumed-hat-and-greyhound +portrait,Baroque,diego-velazquez_queen-mariana-1653 +portrait,Romanticism,theodore-gericault_portrait-of-eugene-delacroix-1819 +portrait,Realism,vasily-surikov_portrait-of-doctor-a-d-yesersky-1910 +portrait,Realism,john-singer-sargent_the-sitwell-family-1900 +landscape,Impressionism,walter-battiss_marcello-samos +portrait,Realism,salvador-dali_back-the-girl +portrait,Cubism,leopold-survage_portrait-de-nonnes +genre_painting,Baroque,rembrandt_the-flute-player-1642 +abstract_painting,Abstract_Expressionism,conrad-marca-relli_taos-2-1961 +genre_painting,Symbolism,pablo-picasso_girl-on-the-ball-1905 +illustration,Art_Nouveau_Modern,kay-nielsen_two-brothers +landscape,Romanticism,john-crome_st-benet-s-abbey-norfolk +portrait,Mannerism_Late_Renaissance,agnolo-bronzino_portrait-of-pope-clement-vii +portrait,Romanticism,polychronis-lembesis_portrait-of-lady-wearing-white-cap-1879 +landscape,Symbolism,nicholas-roerich_entrance-to-shambhala +landscape,Realism,isaac-levitan_twilight-moon-1899-1 +portrait,Impressionism,valentin-serov_portrait-of-henrietta-girshman-1911 +landscape,Expressionism,andre-derain_sorrowful-landscape-1946 +abstract_painting,Minimalism,robert-ryman_untitled-1963(1) +illustration,Romanticism,gustave-dore_don-quixote-22 +landscape,Realism,valentin-serov_october-domotcanovo-1895 +landscape,Impressionism,gustave-caillebotte_the-pontoon-at-argenteuil-1887 +landscape,Impressionism,claude-monet_torrent-of-the-petite-creuse-at-freeselines +genre_painting,Realism,vladimir-makovsky_brew-seller-1879 +landscape,Symbolism,nicholas-roerich_study-of-mountains-8 +landscape,Impressionism,henrique-pousao_aldeia-de-saint-sauves-1881 +religious_painting,Expressionism,vilmos-aba-novak_carrying-the-cross-1921 +landscape,Realism,isaac-levitan_autumn-leaves-1879 +portrait,Romanticism,camille-corot_portrait-of-a-standing-woman +sketch_and_study,Symbolism,nicholas-roerich_monhigan-study-1922-2 +religious_painting,Art_Nouveau_Modern,wilhelm-kotarbinski_seraphim +abstract_painting,Abstract_Expressionism,willem-de-kooning_untitled-8 +landscape,Symbolism,gustave-moreau_view-of-the-villa-borthese-1858 +genre_painting,Pointillism,camille-pissarro_flock-of-sheep-in-a-field-after-the-harvest-1889 +still_life,Naive_Art_Primitivism,marc-chagall_the-pheasant-1966 +portrait,Realism,pierre-auguste-renoir_lise-with-umbrella-1867 +cityscape,Impressionism,vasily-surikov_berlin-enbankment +genre_painting,Post_Impressionism,maurice-denis_noele-s-first-steps +genre_painting,Art_Nouveau_Modern,sergey-solomko_date-1 +portrait,Baroque,anthony-van-dyck_portrait-of-susanna-fourment-and-her-daughter-1620 +cityscape,Cubism,andrã©-lhote_cordes-1912 +still_life,Realism,vincent-van-gogh_beer-tankards-1885(1) +abstract_painting,Abstract_Expressionism,cy-twombly_school-of-athens-1 +landscape,Impressionism,t.-c.-steele_at-noon-day-1894 +landscape,Realism,camille-corot_the-quai-des-paquis-geneva-1842 +landscape,Realism,frits-thaulow_winter-on-the-isle-of-stord +nude_painting,Cubism,pyotr-konchalovsky_the-model-in-a-chair-1918 +cityscape,Impressionism,camille-pissarro_place-du-theatre-francais-foggy-weather-1898 +illustration,Expressionism,vasile-kazar_illustration-for-catul-s-poems-1969 +genre_painting,Impressionism,camille-pissarro_the-hay-wagon-montfoucault-1879 +cityscape,Impressionism,childe-hassam_east-gloucester-end-of-trolly-line +illustration,Symbolism,harry-clarke_the-year-s-at-the-spring-1920-7 +abstract_painting,Minimalism,fernando-lanhas_unknown-title-4 +landscape,Realism,ivan-shishkin_autumn-1892-1 +illustration,Art_Nouveau_Modern,ivan-bilibin_mushroom-1900 +nude_painting,Impressionism,joaquã­n-sorolla_seated-nude-1906 +religious_painting,Expressionism,vilmos-aba-novak_baptism-of-christ-1931 +landscape,Realism,constant-troyon_apple-harvest-in-normandy-1865 +landscape,Impressionism,john-singer-sargent_mountain-fire +landscape,Impressionism,konstantin-korovin_winter-night-1910 +landscape,Realism,vasily-polenov_pier-in-port-said-1882 +still_life,Impressionism,claude-monet_the-tea-set +nude_painting,Art_Nouveau_Modern,raphael-kirchner_nude-drawings-7 +landscape,Romanticism,ivan-aivazovsky_lunar-night-at-the-spring-1877 +portrait,Expressionism,amedeo-modigliani_a-girl-in-yellow-dress-1917 +sketch_and_study,Realism,vincent-van-gogh_peasant-woman-lifting-potatoes-5-1885 +portrait,Expressionism,marevna-(marie-vorobieff)_portrait-of-two-girls +genre_painting,Impressionism,edgar-degas_dancer-1 +portrait,Baroque,rembrandt_bust-of-an-old-man-with-a-flowing-beard-the-head-bowed-forward-the-left-shoulder-unshaded-1630 +religious_painting,Naive_Art_Primitivism,marc-chagall_moses-with-the-burning-bush-5 +genre_painting,Impressionism,joaquã­n-sorolla_maria-on-the-beach-zarauz-1910 +landscape,Symbolism,nicholas-roerich_koksar-1932 +sketch_and_study,Art_Nouveau_Modern,alphonse-mucha_study-of-drapery-1900 +genre_painting,Impressionism,joaquã­n-sorolla_before-the-bath-1909 +landscape,Impressionism,raoul-dufy_sandy-beach-of-sainte-adresse +sketch_and_study,Post_Impressionism,vincent-van-gogh_boy-with-spade(1) +portrait,Post_Impressionism,vincent-van-gogh_girl-with-ruffled-hair-the-mudlark-1888(1) +nude_painting,Impressionism,childe-hassam_the-butterfly +portrait,Expressionism,pablo-picasso_portrait-of-seniora-soler-girl-in-a-chemise-1903 +genre_painting,Impressionism,konstantin-korovin_in-the-artist-s-studio-1892 +genre_painting,Romanticism,sir-lawrence-alma-tadema_a-roman-art-lover-1870 +landscape,Impressionism,adam-baltatu_houses-in-provence +landscape,Expressionism,georges-braque_the-three-boats-1929 +religious_painting,Early_Renaissance,fra-angelico_view-of-the-chapel-vaulting +genre_painting,Impressionism,eugene-boudin_on-the-beach-trouville-1887 +portrait,Romanticism,camille-corot_gypsy-girl-with-mandolin +nude_painting,High_Renaissance,michelangelo_ignudo-4 +religious_painting,Symbolism,james-tissot_the-gathering-of-the-manna-1 +religious_painting,Early_Renaissance,benozzo-gozzoli_the-raising-of-lazarus +religious_painting,Mannerism_Late_Renaissance,jacopo-pontormo_visitation-1 +sketch_and_study,Realism,thomas-eakins_studies-for-william-rush-1876-7 +still_life,Baroque,willem-kalf_still-life-with-drinking-horn-1653 +genre_painting,Impressionism,nicolae-grigorescu_laundrywoman-in-brittany +portrait,Realism,ivan-kramskoy_portrait-s-i-kramskoy +portrait,Impressionism,augustus-john_the-orange-jacket-1916 +cityscape,Impressionism,john-singer-sargent_on-the-grand-canal +abstract_painting,Color_Field_Painting,esteban-vicente_red-field-1972 +landscape,Impressionism,claude-monet_the-pyramids-cliffs-at-belle-ile +religious_painting,Baroque,peter-paul-rubens_st-gregory-the-great-with-saints +portrait,Expressionism,nikolaos-lytras_young-man +portrait,Impressionism,pierre-auguste-renoir_woman-in-an-interior +portrait,Post_Impressionism,nicolae-tonitza_unknown-title-4 +genre_painting,Romanticism,david-wilkie_the-refusal-from-burn-s +genre_painting,Baroque,sebastien-bourdon_le-camp-de-boh-miens +sketch_and_study,Post_Impressionism,pyotr-konchalovsky_landscape +genre_painting,Realism,james-tissot_the-dreamer-summer-evening +portrait,Mannerism_Late_Renaissance,paolo-veronese_portrait-of-a-venetian-woman-la-belle-nani +nude_painting,Cubism,pyotr-konchalovsky_the-model-on-the-carpet-1919 +portrait,Mannerism_Late_Renaissance,agnolo-bronzino_portrait-of-the-grand-duke-cosimo-i-de-medici +portrait,Impressionism,gustave-caillebotte_portrait-of-a-man-1880 +abstract_painting,Color_Field_Painting,olivier-debre_paysage-rouge +still_life,Realism,octav-bancila_natur-static-cu-caise +landscape,Expressionism,albert-bloch_blue-waterfall-1932 +nude_painting,Impressionism,giovanni-boldini_the-artist-s-model-montecatini +nude_painting,Impressionism,william-james-glackens_nude-in-green-chair +genre_painting,Ukiyo_e,utagawa-kunisada_not_detected_240332 +still_life,Post_Impressionism,ion-pacea_natur-static-cu-vas-i-fructe +genre_painting,Symbolism,nicholas-roerich_russian-easter +landscape,Symbolism,nicholas-roerich_the-language-of-the-forest-1922 +portrait,Romanticism,jan-matejko_wladyslaw-iii-laskonogi +nude_painting,Impressionism,childe-hassam_east-headland-pool +abstract_painting,Minimalism,frank-stella_point-of-pines-from-black-series-ii-1967 +portrait,Ukiyo_e,keisai-eisen_okitsu-no-18-from-an-untitled-series-of-the-fifty-three-stations-of-the-t-kaid-road-1830(1) +landscape,Symbolism,nicholas-roerich_the-rock-temples +sketch_and_study,Realism,vincent-van-gogh_peasant-woman-working-with-a-long-stick-1885 +abstract_painting,Color_Field_Painting,michel-carrade_unknown-title-12 +religious_painting,Romanticism,eduard-von-gebhardt_the-raising-of-lazarus-1896 +genre_painting,Impressionism,edgar-degas_the-promenade-on-houseback-1868 +still_life,Synthetic_Cubism,georges-braque_still-life-with-ace-of-hearts-1914 +illustration,Art_Nouveau_Modern,aubrey-beardsley_the-lady-with-the-monkey +portrait,Romanticism,victor-meirelles_a-morta +illustration,Romanticism,gustave-dore_don-quixote-83 +still_life,Contemporary_Realism,janet-fish_preserved-peaches-1975 +portrait,Rococo,antoine-pesne_anna-karolina-orzelska +cityscape,Impressionism,gustave-caillebotte_rue-halevy-balcony-view +religious_painting,Rococo,giovanni-battista-tiepolo_abraham-and-the-three-angels-1 +sketch_and_study,Impressionism,pierre-auguste-renoir_landscape +genre_painting,Expressionism,umberto-boccioni_pianist-and-listener-1908 +portrait,Naive_Art_Primitivism,niko-pirosmani_girl-with-ball +genre_painting,Expressionism,arturo-souto_clowns-1944 +sketch_and_study,Romanticism,eduard-von-gebhardt_study-for-the-head-of-christ-in-a-crucifixion +portrait,Impressionism,henri-martin_a-young-woman +illustration,Art_Nouveau_Modern,thomas-theodor-heine_from-thorheiten-1901 +landscape,Impressionism,francis-picabia_moret-sur-loing +portrait,Expressionism,margareta-sterian_portrait +landscape,Impressionism,camille-pissarro_the-path-in-the-village-1875 +landscape,Realism,maxime-lalanne_eaux-chaudes +religious_painting,Early_Renaissance,antonello-da-messina_virgin-annunciate-1475 +religious_painting,High_Renaissance,lorenzo-lotto_st-christopher-1531 +abstract_painting,Abstract_Expressionism,joe-goode_tissue-tear-series-untitled-1975 +landscape,Impressionism,asgrimur-jonsson_view-of-elli-a-rvogur-reykjav-k-1930 +landscape,Post_Impressionism,gustave-loiseau_ice-on-the-oise-river-1905 +sketch_and_study,Symbolism,kuzma-petrov-vodkin_portrait-of-the-poet-1913 +portrait,Romanticism,david-wilkie_not-detected-277182(2) +portrait,Expressionism,amedeo-modigliani_portrait-of-a-young-woman-1 +portrait,Art_Nouveau_Modern,carl-larsson_brita-as-iduna-i-unn-lithography-title-page-for-the-christmas-edition-of-idun-1901-1901(1) +abstract_painting,Abstract_Expressionism,theodoros-stamos_old-sparta-1952 +cityscape,Art_Nouveau_Modern,nicholas-roerich_rostov-veliky-door-of-the-church-on-ishna-1903 +cityscape,Romanticism,pavel-svinyin_a-fort +genre_painting,Expressionism,max-weber_adoration-of-the-moon +landscape,Impressionism,claude-monet_cliffs-at-pourville-in-the-fog +sketch_and_study,Symbolism,pierre-puvis-de-chavannes_study-for-four-figures-in-rest +religious_painting,Romanticism,ivan-aivazovsky_deluge-1864 +religious_painting,Baroque,jacob-jordaens_the-flight-into-egypt-1641 +religious_painting,Mannerism_Late_Renaissance,tintoretto_annunciation-maria-1594 +portrait,Symbolism,gustav-klimt_lady-with-cape-and-hat-1898 +landscape,Impressionism,childe-hassam_isles-of-shoals-appledore +portrait,Post_Impressionism,emmanuel-zairis_portrait-of-iakoveena +religious_painting,Early_Renaissance,andrea-mantegna_virgin-and-child-with-st-john-the-baptist-st-zachary-and-st-elizabeth-1490 +genre_painting,Baroque,le-nain-brothers_the-rest-of-the-rider +cityscape,Post_Impressionism,edouard-cortes_quai-de-la-siene +landscape,Impressionism,claude-monet_view-over-vetheuil +landscape,Symbolism,kuzma-petrov-vodkin_samarkand-1921-2 +genre_painting,Realism,vincent-van-gogh_the-potato-eaters-1885-1 +genre_painting,Impressionism,max-liebermann_parrot-caretaker-in-artis-1902 +landscape,Symbolism,nicholas-roerich_sacred-himalayas-1934-2 +sketch_and_study,High_Renaissance,raphael_portrait-of-a-young-woman-1 +landscape,Impressionism,robert-julian-onderdonk_bandera-hills +portrait,Ukiyo_e,utagawa-kuniyoshi_onodera-junai-hidetomo-shading-his-eyes +sketch_and_study,Realism,james-tissot_metal-ornament-taken-from-the-mosque-of-es-sakra-from-the-life-of-our-lord-jesus-christ +religious_painting,Early_Renaissance,domenico-veneziano_the-miracle-of-st-zenobius-1448 +abstract_painting,Abstract_Expressionism,willem-de-kooning_untitled-i +sketch_and_study,Romanticism,john-constable_autumn-sunset +portrait,Symbolism,felicien-rops_the-girl-in-the-cantine-for-pilots +religious_painting,Romanticism,viktor-vasnetsov_virgin-and-child +portrait,Realism,alexey-venetsianov_reapers +landscape,Impressionism,abdullah-suriosubroto_indonesian-landscape +nude_painting,Impressionism,edgar-degas_after-the-bath-woman-drying-herself +genre_painting,Romanticism,sir-lawrence-alma-tadema_whispering-noon-1896 +cityscape,Impressionism,camille-pissarro_the-tuilleries-gardens-winter-afternoon-1899 +genre_painting,Early_Renaissance,benozzo-gozzoli_the-vigil-of-the-shepherds-detail +abstract_painting,Color_Field_Painting,leon-berkowitz_vertical-7-1968 +landscape,Impressionism,claude-monet_weeping-willow-1922 +landscape,Realism,camille-corot_dieppe-end-of-a-pier-and-the-sea-1822 +portrait,Baroque,peter-paul-rubens_louis-xiii-1625 +portrait,Post_Impressionism,vladimir-dimitrov_unknown-title-17 +landscape,Romanticism,ivan-aivazovsky_on-the-way-to-yalta-1860 +genre_painting,Realism,boris-kustodiev_the-khorovod-1912 +genre_painting,Naive_Art_Primitivism,ivan-generalic_landleben-1985 +genre_painting,Cubism,pablo-picasso_man-with-mandolin-1920 +genre_painting,Romanticism,john-william-waterhouse_crystal-ball +genre_painting,Realism,anders-zorn_the-toast-1893 +genre_painting,Impressionism,pierre-auguste-renoir_young-girls-on-the-beach-1898 +portrait,Impressionism,mary-cassatt_portrait-of-a-young-woman +nude_painting,Contemporary_Realism,eric-fischl_sleepwalker +abstract_painting,Color_Field_Painting,barnett-newman_by-twos-1949 +genre_painting,Art_Nouveau_Modern,gustav-klimt_the-old-burgtheater-1889 +illustration,Romanticism,gustave-dore_twilight +genre_painting,Naive_Art_Primitivism,niko-pirosmani_woman-milks-a-cow-1916 +cityscape,Impressionism,camille-pissarro_the-seine-viewed-from-the-pont-neuf-winter-1902 +landscape,Impressionism,konstantin-korovin_creek-1 +genre_painting,Impressionism,mary-cassatt_the-pensive-reader +portrait,Realism,iosif-iser_self-portrait +portrait,Naive_Art_Primitivism,fernando-botero_federico-da-montefeltro-after-piero-della-francesca +landscape,Post_Impressionism,vincent-van-gogh_landscape-with-carriage-and-train-1890 +religious_painting,High_Renaissance,correggio_adoration-of-the-child-1520(2) +religious_painting,Northern_Renaissance,hans-memling_virgin-and-child-enthroned-with-two-musical-angels-1467 +genre_painting,Pop_Art,roy-lichtenstein_kiss(1) +portrait,Symbolism,odilon-redon_woman-with-veil-1895 +genre_painting,Post_Impressionism,georges-seurat_woman-with-umbrella-1884 +genre_painting,Synthetic_Cubism,pablo-picasso_student-with-newspaper-1913 +landscape,Realism,charles-francois-daubigny_fields-in-the-month-of-june +religious_painting,Mannerism_Late_Renaissance,titian_madonna-and-child-in-an-evening-landscape-1565 +sketch_and_study,Northern_Renaissance,albrecht-durer_head-of-peter +religious_painting,Naive_Art_Primitivism,marc-chagall_the-judgement-of-solomon-i-kings-iii-16-27 +genre_painting,Realism,ilya-repin_bridge-in-abramtsevo-1879 +portrait,Expressionism,zinaida-serebriakova_young-girl +cityscape,Post_Impressionism,edouard-cortes_caf-de-la-paix-paris +landscape,Ukiyo_e,hiroshige_bay-at-kominato-in-awa-province +portrait,Naive_Art_Primitivism,arman-manookian_hawaiian-woman-1929 +landscape,Impressionism,t.-c.-steele_a-bleak-day-1888 +genre_painting,Post_Impressionism,amrita-sher-gil_village-scene-1938 +sketch_and_study,Post_Impressionism,vincent-van-gogh_enclosed-field-1889(1) +cityscape,Realism,nicholas-roerich_porhov-belfry-on-fortress-tower-1899 +genre_painting,Expressionism,martiros-saryan_the-girl-leopard-and-trees-1907 +cityscape,Romanticism,camille-corot_rome-the-fountain-of-the-academie-de-france +sketch_and_study,Northern_Renaissance,albrecht-durer_apostle-3 +genre_painting,Realism,corneliu-baba_field-rest-1954 +portrait,Northern_Renaissance,hans-holbein-the-younger_portrait-of-sir-richard-southwell-1536 +cityscape,Expressionism,ernst-ludwig-kirchner_brandenburg-gate-in-berlin +portrait,Realism,konstantin-somov_portrait-of-e-pits-bilibina +portrait,Impressionism,mary-cassatt_young-woman-sewing-in-the-garden-1886 +genre_painting,Baroque,jean-baptiste-simeon-chardin_the-kitchen-maid +portrait,Post_Impressionism,gwen-john_not-identified-1 +landscape,Realism,camille-corot_the-banks-of-the-midouze-mont-de-marsan-as-seen-from-the-pont-du-commerce-1872 +portrait,Art_Nouveau_Modern,carl-larsson_mrs-dora-lamm-and-her-two-eldest-sons-1903(1) +religious_painting,Symbolism,odilon-redon_david-and-goliath-1875 +portrait,Rococo,dmitry-levitzky_portrait-of-ursula-mniszech-1782 +religious_painting,Symbolism,jacek-malczewski_angels-with-tobias +religious_painting,Early_Renaissance,masaccio_the-trinity-1428 +cityscape,Baroque,canaletto_san-giacomo-di-rialto-1 +genre_painting,Romanticism,konstantin-makovsky_boyar +abstract_painting,Color_Field_Painting,bridget-riley_zing-1-1971 +sketch_and_study,Realism,vincent-van-gogh_wheat-field-with-mower-and-a-stooping-peasant-woman-1885 +illustration,Romanticism,gustave-dore_heresiarchs +cityscape,Impressionism,armand-guillaumin_saint-julien-des-chazes-1895 +still_life,Cubism,pyotr-konchalovsky_still-life-the-guitar-1917 +religious_painting,Early_Renaissance,fra-angelico_saint-cosmas-and-saint-damian-crucifixed-and-stoned-1440 +portrait,Post_Impressionism,paul-cezanne_boy-in-a-red-vest-1890-1 +portrait,Realism,vincent-van-gogh_orphan-man-with-cap-half-length-1883 +religious_painting,Romanticism,gustave-dore_the-angel-raphael-and-the-family-of-tobit +sketch_and_study,Realism,arkhip-kuindzhi_mountains-and-clouds +religious_painting,Early_Renaissance,fra-angelico_christ-in-limbo-1442 +religious_painting,Mannerism_Late_Renaissance,maerten-van-heemskerck_christ-crowned-with-thorns +genre_painting,Impressionism,joaquã­n-sorolla_beach-at-valencia-1908 +genre_painting,Impressionism,max-liebermann_tennis-game-by-the-sea-1901 +landscape,Realism,nikolai-ge_bridge-in-viko +sketch_and_study,Symbolism,kuzma-petrov-vodkin_sketch-of-the-painting-girls-on-the-volga-1914 +abstract_painting,Color_Field_Painting,morris-louis_pillar-of-fire-1961 +abstract_painting,Color_Field_Painting,frank-stella_tahkt-i-sulayman-variation-ii-1969 +landscape,Impressionism,gustave-caillebotte_yerres-the-aviary-in-the-ornamental-farm +portrait,Impressionism,william-merritt-chase_girl-in-white +portrait,Romanticism,vasily-tropinin_kireyevsk-e-v-1839 +portrait,Cubism,raoul-dufy_the-neapolitan-fisherman-1914 +landscape,Art_Nouveau_Modern,gustav-klimt_fruit-trees-1901 +religious_painting,Early_Renaissance,carlo-crivelli_saint-james-of-the-marches-with-two-kneeling-donor-1477 +portrait,Naive_Art_Primitivism,david-burliuk_woman-with-yellow-scarf +religious_painting,Symbolism,henri-fantin-latour_the-temptation-of-st-anthony +portrait,Romanticism,francisco-goya_pedro-romero +religious_painting,High_Renaissance,pietro-perugino_christ-between-the-baptist-and-the-satan-disguised-as-an-old-man-1508 +portrait,New_Realism,george-luks_jack-and-russell-burke +cityscape,Post_Impressionism,piet-mondrian_lighthouse-in-westkapelle-1909 +abstract_painting,Abstract_Expressionism,paul-jenkins_not_detected_235684 +landscape,Realism,johan-hendrik-weissenbruch_a-summer-landscape-with-figures-on-a-path +landscape,Expressionism,salvador-dali_south-noon +religious_painting,Romanticism,gustave-dore_the-crucifixion +landscape,Impressionism,claude-monet_rose-flowered-arches-at-giverny +landscape,Impressionism,camille-pissarro_landscape-at-louveciennes-1870 +nude_painting,Contemporary_Realism,neil-welliver_figure-in-water +cityscape,Impressionism,antoine-blanchard_place-de-la-republique +landscape,Realism,camille-corot_recollections-of-mortefontaine +landscape,Impressionism,claude-monet_the-garden-1 +religious_painting,Northern_Renaissance,hans-memling_triptych-of-jan-floreins-1479 +portrait,Baroque,peter-paul-rubens_portrait-of-lady-arundel-with-her-train +genre_painting,Baroque,gerard-terborch_woman-drinking-wine +portrait,Post_Impressionism,theo-van-rysselberghe_portrait-of-madame-monnon-1919 +portrait,Realism,vasily-vereshchagin_old-molokan-in-a-light-shirt-1865 +landscape,Realism,ivan-shishkin_in-winter-1883 +abstract_painting,Minimalism,agnes-martin_starlight +genre_painting,Realism,nikolay-bogdanov-belsky_woman-stitching-the-shawl +landscape,Post_Impressionism,paul-cezanne_the-chateau-de-medan +genre_painting,Post_Impressionism,paul-gauguin_we-shall-not-go-to-market-today-1892 +sketch_and_study,High_Renaissance,leonardo-da-vinci_various-figure-studies +portrait,Naive_Art_Primitivism,fernando-botero_rubens-and-his-wife +portrait,Northern_Renaissance,lucas-cranach-the-elder_portrait-of-barbara-duchess-of-saxony +genre_painting,Impressionism,henry-herbert-la-thangue_the-man-with-the-scythe-1896 +genre_painting,Romanticism,george-stubbs_eclipse +landscape,Impressionism,vasile-popescu_garden-in-c-lim-ne-ti-1942 +landscape,Realism,aleksey-savrasov_rafts-1868 +portrait,Impressionism,edgar-degas_jerome-ottoz-1876 +portrait,Expressionism,marie-laurencin_portrait-of-baroness-gourgaud-in-black-mantilla-1924 +landscape,Symbolism,nicholas-roerich_central-himalayas +landscape,Impressionism,arkhip-kuindzhi_winter-spots-of-light-on-cottage-roof +sketch_and_study,Northern_Renaissance,albrecht-durer_left-hand-of-an-apostle +genre_painting,Rococo,joseph-wright_mr-and-mrs-thomas-coltman +landscape,Post_Impressionism,gustave-loiseau_red-house-near-port-marly-1 +portrait,Baroque,gabriel-metsu_lady-seated-in-a-window +illustration,Naive_Art_Primitivism,marc-chagall_the-house-painters +portrait,Romanticism,jan-matejko_ostafij-daszkiewicz +landscape,Art_Nouveau_Modern,anna-ostroumova-lebedeva_fiesole-italy-1904 +portrait,Mannerism_Late_Renaissance,tintoretto_portrait-of-a-man-aged-twenty-six-1547 +genre_painting,Realism,winslow-homer_hudson-river +abstract_painting,Color_Field_Painting,guido-molinari_untitled-1966 +landscape,Realism,theodore-rousseau_the-pond-at-the-foot-of-the-hill +religious_painting,Early_Renaissance,andrea-del-verrocchio_the-baptism-of-christ +landscape,Impressionism,childe-hassam_on-the-snake-river-oregon +illustration,Romanticism,gustave-dore_sanuti-showing-maps-of-the-east-to-pope-john-xxii +portrait,Realism,vasily-vereshchagin_kalmyk-lama-1873 +portrait,Romanticism,alexander-orlowski_portrait-of-the-architect-giacomo-quarenghi-1811 +nude_painting,Realism,salvador-dali_l-etoile +religious_painting,Symbolism,james-tissot_miriam-shut-out-from-the-camp +abstract_painting,Color_Field_Painting,jose-guerrero_frigiliana-1985 +religious_painting,Baroque,alonzo-cano_vision-of-st-anthony-of-padua-1662 +illustration,Color_Field_Painting,andre-lanskoy_diary-of-a-madman-36 +landscape,Impressionism,camille-pissarro_near-pointoise-1878 +portrait,Expressionism,martiros-saryan_portrait-of-critic-garegin-levonian-1912 +landscape,Analytical_Cubism,georges-braque_castle-at-la-roche-guyon-1909 +portrait,Expressionism,amedeo-modigliani_annie-bjarne-1919 +landscape,Impressionism,jean-alexandru-steriadi_amiaz-la-balcic-1925 +cityscape,Realism,vasily-sadovnikov_view-of-the-anichkov-palace-1862 +illustration,Naive_Art_Primitivism,marc-chagall_sobakevich-s-house +religious_painting,Early_Renaissance,bartolome-bermejo_christ-leading-the-patriarchs-to-the-paradise-1480 +abstract_painting,Minimalism,richard-serra_pittsburgh-1985 +portrait,Realism,james-tissot_portrait-of-the-pilgrim-1894 +religious_painting,Northern_Renaissance,hans-memling_descent-from-the-cross-left-hand-panel-from-the-deposition-diptych-1494 +portrait,Contemporary_Realism,jamie-wyeth_rudolf-nureyev +sketch_and_study,Realism,ivan-shishkin_the-sketch-for-the-painting-rye-1878 +portrait,Romanticism,john-hoppner_portrait-of-mrs-young +genre_painting,Romanticism,akseli-gallen-kallela_in-the-sauna-1889 +cityscape,Impressionism,jacek-malczewski_courtyard-in-zoo +landscape,Post_Impressionism,jozsef-rippl-ronai_a-park-at-night-1895(1) +genre_painting,Impressionism,william-james-glackens_bathing-at-bellport-1911 +abstract_painting,Minimalism,doug-wheeler_untitled-1964 +abstract_painting,Expressionism,ligia-macovei_unknown-title-7 +still_life,Synthetic_Cubism,georges-braque_newspaper-bottle-packet-of-tobacco-1914 +landscape,Post_Impressionism,vincent-van-gogh_enclosed-field-with-ploughman-1889-1(1) +landscape,Realism,isaac-levitan_late-autumn-1 +illustration,Art_Nouveau_Modern,aubrey-beardsley_pierrot-1 +portrait,Expressionism,chronis-botsoglou_nauths +religious_painting,Symbolism,salvador-dali_iesu-transfigurato-mark-9-4f-1964 +portrait,Realism,vasily-perov_portrait-of-the-historian-mikhail-pogodin-1872 +genre_painting,Baroque,gerrit-dou_the-hermit-1670 +portrait,Symbolism,mstislav-dobuzhinsky_unknown-woman-in-red-1901 +landscape,Realism,vasily-vereshchagin_elbrus-1867 +cityscape,Cubism,tarsila-do-amaral_s-o-paulo(1) +portrait,Realism,valentin-serov_portrait-of-yekaterina-chokolova-1887 +cityscape,Impressionism,claude-monet_charing-cross-bridge-reflections-on-the-thames-1901 +landscape,Romanticism,thomas-cole_landscape-with-dead-tree-1828 +still_life,Impressionism,nutzi-acontz_still-life-with-fruit +religious_painting,Baroque,peter-paul-rubens_saint-peter +portrait,Post_Impressionism,marcel-duchamp_portrait-of-dr-ferdinand-tribout-1910 +still_life,Fauvism,maurice-de-vlaminck_still-life-1 +still_life,Analytical_Cubism,pablo-picasso_guitar-and-violin +landscape,Post_Impressionism,bertalan-por_lights-on-the-riverside-1909 +landscape,Realism,johan-hendrik-weissenbruch_view-on-canal +portrait,High_Renaissance,luca-signorelli_tibullus-1502 +sketch_and_study,Realism,vincent-van-gogh_peasant-woman-head-1 +cityscape,Impressionism,camille-pissarro_the-raised-tarrace-of-the-pont-neuf-and-statue-of-henri-iv-1901 +religious_painting,Early_Renaissance,paolo-uccello_scene-temple-mary-1440 +genre_painting,Baroque,jan-steen_baptism +genre_painting,Impressionism,petre-abrudan_tough-winter-1938 +landscape,Realism,konstantin-makovsky_under-the-green-trees-summer-landscape +religious_painting,Northern_Renaissance,hans-memling_ecce-homo-in-the-arms-of-the-virgin-1479 +landscape,Impressionism,maxime-maufra_landscape-near-douarnenez-1897 +abstract_painting,Pop_Art,nicholas-krushenick_untitled-1961 +landscape,Realism,arkhip-kuindzhi_sunrise +landscape,Realism,aleksey-savrasov_moonlit-night-on-the-river-1885 +religious_painting,Romanticism,gustave-dore_ecce-homo-1877 +landscape,Realism,aleksey-savrasov_volga-1870-1 +landscape,Cubism,stanley-pinker_a-girl-with-an-umbrella +religious_painting,Naive_Art_Primitivism,horace-pippin_crucifixion-1943 +genre_painting,Impressionism,konstantin-korovin_yard-1904 +portrait,Rococo,louise-elisabeth-vigee-le-brun_portrait-of-joseph-vernet-1778 +landscape,Impressionism,claude-monet_the-road-to-the-farm-of-saint-simeon +illustration,Romanticism,gustave-dore_satan-in-council +cityscape,New_Realism,edward-hopper_drug-store-1927 +religious_painting,High_Renaissance,pietro-perugino_prudence-and-justice-with-six-antique-wisemen +portrait,Realism,alexey-venetsianov_checkered-shawl +religious_painting,Northern_Renaissance,rogier-van-der-weyden_triptych-of-the-redemption-1459 +religious_painting,High_Renaissance,michelangelo_sistine-chapel-ceiling-the-flood-1512 +illustration,Expressionism,oskar-kokoschka_not_detected_235843 +nude_painting,Expressionism,lucian-freud_sleeping-by-the-lion-carpet-also-known-as-sue-tilley +still_life,Expressionism,m.c.-escher_mascot +portrait,Impressionism,valentin-serov_sasha-serov-1897 +still_life,Realism,pyotr-konchalovsky_still-life-bananas-1942 +landscape,Cubism,amadeo-de-souza-cardoso_landscape-1912 +landscape,Realism,ivan-shishkin_in-the-park +sketch_and_study,Realism,isaac-levitan_at-volga +religious_painting,Romanticism,viktor-vasnetsov_last-judgment +portrait,Romanticism,ford-madox-brown_henry-fawcett-dame-millicent-garrett-fawcett +portrait,Realism,ivan-kramskoy_portrait-of-yuri-stepanovich-nechaev-maltsev-1885 +landscape,Realism,vladimir-makovsky_ukrainian-landscape-with-huts-1901 +religious_painting,Northern_Renaissance,hieronymus-bosch_the-last-judgement-detail-of-the-dagger-1500 +cityscape,Impressionism,antoine-blanchard_la-madeleine-boulevard-des-capucines +landscape,Impressionism,arkhip-kuindzhi_twilight +sketch_and_study,Symbolism,george-frederick-watts_study-for-hyperion +sketch_and_study,Realism,thomas-eakins_sketch-for-between-rounds +genre_painting,Impressionism,nicolae-grigorescu_girl-in-the-mirror +illustration,Expressionism,jose-gutierrez-solana_drawing-for-the-end-of-the-world +landscape,Pointillism,henri-edmond-cross_antibes-afternoon +still_life,Fauvism,mary-fedden_jug-and-four-eggs-1967 +genre_painting,Post_Impressionism,paul-gauguin_what-s-new-1892 +sketch_and_study,Realism,vincent-van-gogh_sketchbook +religious_painting,Symbolism,franz-stuck_susanna-and-the-elders-1913 +landscape,Symbolism,hugo-simberg_spring-evening-during-the-ice-break-1897 +landscape,Romanticism,william-turner_lake-lucerne +nude_painting,Expressionism,amedeo-modigliani_nude-with-coral-necklace-1917 +portrait,Realism,valentin-serov_portrait-of-kolya-nikolay-simonovich-1880 +landscape,Impressionism,pierre-auguste-renoir_the-path-through-the-forest-1871 +portrait,Expressionism,pablo-picasso_portrait-of-sylvette-david-1954-1 +portrait,Realism,anton-azbe_portrait-of-a-bavarian-man-1889 +abstract_painting,Color_Field_Painting,richard-diebenkorn_ocean-park-no-27-1970 +landscape,Impressionism,claude-monet_wood-lane +portrait,Rococo,fyodor-rokotov_portrait-of-count-g-g-orlov-1763 +portrait,Art_Nouveau_Modern,felix-vallotton_portrait-of-pierre-lou-s-1898 +landscape,Impressionism,laszlo-mednyanszky_mountain-landscape-with-lake +portrait,Romanticism,francesco-hayez_portrait-of-ferdinand-i-of-austria-1840 +religious_painting,Baroque,bartolome-esteban-murillo_virgin-and-child +landscape,Fauvism,henri-matisse_view-of-collioure-1 +portrait,Expressionism,kees-van-dongen_la-gitane-la-curieuse-1911 +sketch_and_study,Impressionism,pierre-auguste-renoir_woman-in-a-rocking-chair +genre_painting,Rococo,jean-honore-fragonard_the-bolt +portrait,Romanticism,paul-cezanne_the-negro-scipio-1867 +sketch_and_study,Romanticism,edward-burne-jones_design-for-the-sirens +nude_painting,Romanticism,camille-corot_repose-1860 +cityscape,Impressionism,antoine-blanchard_omnibus-on-the-place-de-la-madeleine-winter +landscape,Impressionism,mihaly-munkacsy_dusty-country-road-ii-1883 +abstract_painting,Action_painting,jackson-pollock_composition-white-black-blue-and-red-on-white-1948 +genre_painting,Realism,vincent-van-gogh_digger-1881-2(1) +religious_painting,Baroque,diego-velazquez_christ-in-the-house-of-mary-and-martha +landscape,Symbolism,nicholas-roerich_temple-1931 +landscape,Expressionism,chaim-soutine_ceret-lanscape +genre_painting,Realism,vladimir-makovsky_knuckles-1870 +genre_painting,Romanticism,george-stubbs_lord-and-lady-in-a-phaeton +abstract_painting,Minimalism,brice-marden_the-seasons-1975 +nude_painting,Impressionism,pierre-auguste-renoir_bather-seated-by-the-sea +landscape,Post_Impressionism,martiros-saryan_ashtarak-1956 +sketch_and_study,Post_Impressionism,vincent-van-gogh_tiled-roof-with-chimneys-and-church-tower-1888 +still_life,Pop_Art,patrick-caulfield_glazed-earthenware-1976 +landscape,Impressionism,john-henry-twachtman_tree-by-a-road +abstract_painting,Abstract_Expressionism,joan-mitchell_untitled-1953 +sketch_and_study,Realism,vincent-van-gogh_peasant-woman-head-1885 +abstract_painting,Color_Field_Painting,barnett-newman_onement-v-1952 +portrait,Impressionism,georges-ribemont-dessaignes_untitled-portrait +landscape,Impressionism,alfred-sisley_snow-on-the-road-louveciennes-chemin-de-la-machine-1874 +landscape,Realism,martiros-saryan_lilac-1922 +genre_painting,Baroque,gerard-terborch_woman-writing-a-letter +landscape,Impressionism,alfred-sisley_welsh-coast-in-the-fog-1887 +landscape,Romanticism,john-atkinson-grimshaw_wharfedale +portrait,Post_Impressionism,augustus-john_mavis-wheeler-1945 +religious_painting,Symbolism,pierre-puvis-de-chavannes_the-beheading-of-st-john-the-baptist-1869 +still_life,Expressionism,francis-picabia_still-life +landscape,Post_Impressionism,gustave-loiseau_petit-dalles-at-normandy-1908 +portrait,Baroque,diego-velazquez_a-buffoon-incorrectly-called-antonio-the-englishman-1640 +religious_painting,Early_Renaissance,bartolome-bermejo_the-flagellation-of-st-engracia-1477 +genre_painting,Realism,peder-severin-kroyer_artists-luncheon-in-skagen-1883 +illustration,Symbolism,william-blake_illustration-to-milton-s-comus-1820-5 +cityscape,Expressionism,corneliu-michailescu_venice +abstract_painting,Color_Field_Painting,afro_lunario-1974 +portrait,Romanticism,orest-kiprensky_e-komarovsky-1823 +sketch_and_study,Realism,thomas-eakins_study-for-taking-the-count-1898 +landscape,Realism,isaac-levitan_night-riverbank +cityscape,Impressionism,samuel-mutzner_strad-n-tunis-1921 +landscape,Impressionism,iosif-iser_dobrujan-landscape +sketch_and_study,Symbolism,odilon-redon_madness-1882 +religious_painting,High_Renaissance,andrea-solario_virgin-and-child +landscape,Impressionism,paul-gauguin_bare-trees-1885 +landscape,Romanticism,john-atkinson-grimshaw_bowder-stone-borrowdale +cityscape,Cubism,jean-david_houses-in-flames +religious_painting,Realism,vasily-polenov_seated-christ-1887 +portrait,Rococo,john-russell_portrait-of-a-lady-with-her-child-1798 +abstract_painting,Color_Field_Painting,barnett-newman_seventh-station-1964 +genre_painting,Rococo,jean-baptiste-simeon-chardin_girl-with-racket-and-shuttlecock +cityscape,Impressionism,eugene-boudin_dunkirk-the-inner-port-1889 +cityscape,Symbolism,konstantin-bogaevsky_baku-oil-rigs-1931 +abstract_painting,Abstract_Expressionism,william-baziotes_oriental-1952 +cityscape,Art_Nouveau_Modern,mstislav-dobuzhinsky_channel-in-haarlem-1910 +portrait,Romanticism,karl-bryullov_portrait-of-grand-duchess-maria-nikolaevna +portrait,Ukiyo_e,utagawa-kuniyoshi_women-22 +landscape,Impressionism,frits-thaulow_landscape-and-river +religious_painting,Impressionism,constantin-artachino_christ-study +portrait,Romanticism,francisco-goya_the-prisoners-in-chains +genre_painting,Symbolism,konstantin-somov_russian-ballet-champs-elysees-sylph +genre_painting,Realism,nikolaos-gyzis_cards-i-1885 +abstract_painting,Abstract_Expressionism,brice-marden_distant-muses-2000 +landscape,Romanticism,thomas-cole_scene-from-the-last-of-the-mohicans-cora-kneeling-at-the-feet-of-tanemund-1827 +genre_painting,Realism,jean-francois-millet_dandelions-1868 +landscape,Impressionism,john-singer-sargent_villa-torlonia-fountain-1907-1 +nude_painting,Expressionism,jury-annenkov_hommage-a-modigliani-nude-1930 +cityscape,Impressionism,paul-gauguin_notre-dame-des-agnes-1884 +portrait,Art_Nouveau_Modern,egon-schiele_portrait-of-miss-waerndorfer-1913 +abstract_painting,Minimalism,tony-smith_untitled-1962 +genre_painting,Impressionism,joaquã­n-sorolla_washing-the-horse-1909 +still_life,Post_Impressionism,moise-kisling_not-identified-17 +still_life,Impressionism,claude-monet_basket-of-graphes-quinces-and-pears-1885 +genre_painting,Art_Nouveau_Modern,frank-johnston_c-flight-machine-cracked-on-hangar-b-1918 +portrait,High_Renaissance,titian_portrait-of-laura-de-dianti +landscape,Cubism,raoul-dufy_trees-1913 +still_life,Expressionism,henri-matisse_still-life-with-lemons-1943 +landscape,Expressionism,paul-klee_ravaged-land-1921(1) +portrait,Cubism,wifredo-lam_the-fiance-1944 +abstract_painting,Color_Field_Painting,ronnie-landfield_marine-mystery-1972 +cityscape,Impressionism,camille-pissarro_the-port-of-rouen-2-1883 +portrait,Art_Nouveau_Modern,alphonse-mucha_the-trappistine-1897 +cityscape,Rococo,bernardo-bellotto_dresden-the-ruins-of-the-pirnaische-vorstadt-1763 +sketch_and_study,Realism,vincent-van-gogh_planting-beets-1885 +landscape,Realism,vincent-van-gogh_landscape-with-a-church-and-houses-1885 +still_life,Post_Impressionism,pyotr-konchalovsky_still-life-oak-branch-1921 +genre_painting,Impressionism,camille-pissarro_woman-wearing-a-green-headscarf-1893 +cityscape,Impressionism,antoine-blanchard_porte-st-denis-7 +landscape,Impressionism,stefan-luchian_path-towards-the-cemetery +portrait,Contemporary_Realism,dimitris-mytaras_portrait-of-the-officer-george-alexander-a-mangaki-1982 +genre_painting,Ukiyo_e,kitagawa-utamaro_not_detected_233129 +portrait,Expressionism,amedeo-modigliani_pierre-reverdy +religious_painting,Baroque,david-teniers-the-younger_the-temptation-of-st-anthony-3 +abstract_painting,Color_Field_Painting,gene-davis_night-patrol-1975 +religious_painting,Symbolism,kuzma-petrov-vodkin_angels-with-a-way-savior-1914 +still_life,Impressionism,andre-dunoyer-de-segonzac_fenouil-poivrons-et-tomates-1960 +cityscape,Impressionism,oleksandr-bogomazov_a-bridge-1908 +landscape,Impressionism,claude-monet_the-isle-grande-jatte +abstract_painting,Color_Field_Painting,theodoros-stamos_sunbox-1966 +genre_painting,Northern_Renaissance,albrecht-durer_abduction +landscape,Symbolism,nicholas-roerich_himalayas-61 +landscape,Realism,ivan-vladimirov_sukhumi-1925 +genre_painting,Naive_Art_Primitivism,grã©goire-michonze_le-mur-rose-1961 +religious_painting,High_Renaissance,andrea-mantegna_christ-the-redeemer-1493 +portrait,Realism,vasily-perov_portrait-of-a-a-borisov-1869 +portrait,Post_Impressionism,mily-possoz_mulher-com-leque +still_life,Impressionism,vanessa-bell_chrysanthemums-1920 +religious_painting,Baroque,rembrandt_deposition-from-the-cross-1634 +landscape,Impressionism,gustave-caillebotte_landscape-with-railway-tracks +genre_painting,Naive_Art_Primitivism,grã©goire-michonze_field-with-figures +landscape,Expressionism,paula-modersohn-becker_twilight-landscape-with-house-and-fork +illustration,Art_Nouveau_Modern,theodor-severin-kittelsen_et-overfall(2) +landscape,Romanticism,arnold-bã¶cklin_arable-land-corridors-in-the-early-spring +cityscape,Romanticism,william-turner_ancient-rome-agrippina-landing-with-the-ashes-of-germanicus +genre_painting,Impressionism,paul-cezanne_legendary-scene +abstract_painting,Color_Field_Painting,perle-fine_cool-series-no-36-rough-hewn-1963 +genre_painting,Naive_Art_Primitivism,grã©goire-michonze_women-and-birds +landscape,Post_Impressionism,maxime-maufra_evening-twilight-on-the-seine +genre_painting,Impressionism,pierre-auguste-renoir_young-woman-in-white-reading +abstract_painting,Abstract_Expressionism,sam-francis_untitled-monotype-with-woodcut +cityscape,Rococo,bernardo-bellotto_verona-veduta-1746 +portrait,Baroque,peter-paul-rubens_albert-vii-governor-of-the-southern-provinces +cityscape,Romanticism,alexey-bogolyubov_riding-on-neva-river-1854 +genre_painting,Impressionism,edgar-degas_musicians-in-the-orchestra-1872 +religious_painting,Northern_Renaissance,rogier-van-der-weyden_saint-george-and-the-dragon-1435 +religious_painting,Symbolism,mikhail-nesterov_st-mark-the-apostle-1909 +genre_painting,Naive_Art_Primitivism,tarsila-do-amaral_brazilian-religion-1927 +portrait,Expressionism,helene-schjerfbeck_the-teacher-1933 +portrait,Realism,alexey-venetsianov_portrait-of-artist-s-daughters-alexandra-and-felisata +cityscape,Impressionism,antoine-blanchard_rue-tronchet-la-madeleine +abstract_painting,Abstract_Expressionism,robert-goodnough_the-beach-at-night-1962 +landscape,Expressionism,albert-bloch_mountain +religious_painting,Northern_Renaissance,hans-memling_christ-giving-his-blessing-1478 +religious_painting,High_Renaissance,raphael_the-holy-family-1506 +religious_painting,Baroque,jacob-jordaens_christ-on-a-cross-1622 +religious_painting,Early_Renaissance,domenico-ghirlandaio_the-annunciation-1490 +genre_painting,Realism,vincent-van-gogh_behind-the-hedges-1884(1) +cityscape,Post_Impressionism,vincent-van-gogh_the-rispal-restaurant-at-asnieres-1887 +portrait,Realism,john-collier_portrait-of-professor-huxley +landscape,Impressionism,claude-monet_rocks-at-belle-ile +landscape,Impressionism,childe-hassam_old-lyme-bridge +cityscape,Impressionism,camille-pissarro_the-quays-at-rouen-1883 +portrait,Expressionism,jean-dubuffet_two-female-heads-in-profile +portrait,Romanticism,jan-matejko_dobrawa +genre_painting,Art_Nouveau_Modern,sergey-solomko_rivals +landscape,Ukiyo_e,katsushika-hokusai_tama-river-in-the-musashi-province +portrait,Impressionism,pierre-auguste-renoir_the-braid-suzanne-valadon-1886 +landscape,Baroque,rembrandt_the-three-trees-1643 +genre_painting,Impressionism,joaquã­n-sorolla_inquisitive-child-1916 +portrait,Post_Impressionism,gwen-john_not-identified-2 +landscape,Impressionism,claude-monet_the-siene-at-vetheuil +abstract_painting,Minimalism,genevieve-asse_haeres-1977 +landscape,Romanticism,miklos-barabas_lago-maggiore-1834 +landscape,Impressionism,claude-monet_landscape-at-port-villez +cityscape,Impressionism,camille-pissarro_saint-sever-port-rouen-1896 +portrait,Romanticism,john-trumbull_portrait-of-george-washington-and-william-billy-lee-1780 +genre_painting,Impressionism,gustave-caillebotte_portraits-in-the-countryside +landscape,Expressionism,richard-diebenkorn_chabot-valley +portrait,Impressionism,james-tissot_older-sister-1 +sketch_and_study,Expressionism,egon-schiele_portrait-of-heinrich-rieger-1917 +illustration,Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-russian-fairy-story-the-frog-princess-1899-2 +religious_painting,Baroque,bartolome-esteban-murillo_saint-francis-of-assisi-embracing-the-crucified-christ +portrait,Romanticism,karl-bryullov_portrait-of-baroness-i-i-klodt(1) +sketch_and_study,Art_Nouveau_Modern,alphonse-mucha_carnation +genre_painting,Impressionism,camille-pissarro_bather-in-the-woods-1895 +landscape,Expressionism,zinaida-serebriakova_view-of-the-peter-and-paul-fortress-1921 +still_life,Rococo,jean-baptiste-simeon-chardin_a-green-neck-duck-with-a-seville-orange +cityscape,Art_Nouveau_Modern,nicholas-roerich_pechora-general-view-of-the-courtyard-1903 +genre_painting,Expressionism,pablo-picasso_dancer-1919 +portrait,Romanticism,jean-leon-gerome_egyptian-water-carrier +landscape,Post_Impressionism,vincent-van-gogh_railway-carriages-1888 +portrait,Impressionism,pierre-auguste-renoir_madame-henriot-1874 +portrait,Rococo,fyodor-rokotov_portrait-of-an-unknown-man-1 +sketch_and_study,Realism,vincent-van-gogh_peasant-woman-sitting-by-the-fire-1885 +portrait,Impressionism,edouard-manet_madame-manet-on-a-blue-sofa-1874 +cityscape,Expressionism,lyonel-feininger_railroad-viaduct-die-eisenbahnbr-cke-1919 +religious_painting,Early_Renaissance,paolo-uccello_scenes-of-monastic-life +abstract_painting,Abstract_Expressionism,raoul-ubac_mines-de-rien-petits-d-lires-1974 +nude_painting,Expressionism,ernst-ludwig-kirchner_naked-girl-behind-the-curtain-franzi-1926 +landscape,Post_Impressionism,maxime-maufra_banks-of-loire +portrait,Realism,boris-kustodiev_portrait-of-public-servant-nikolai-nikolayevich-korevo-1903 +sketch_and_study,Post_Impressionism,paul-gauguin_here-we-make-love +landscape,Symbolism,nicholas-roerich_great-wall-of-china-1938 +portrait,Symbolism,mikhail-nesterov_portrait-of-v-m-nesterova-1908 +genre_painting,Ukiyo_e,kitagawa-utamaro_courtesan-s-entourage-at-new-year-s-festival-1788 +genre_painting,Realism,vasily-perov_parisian-promenade-1863 +illustration,Naive_Art_Primitivism,marc-chagall_then-he-spent-the-night-with-her-1948 +genre_painting,Art_Nouveau_Modern,jacques-villon_the-game-of-solitaire-1904 +portrait,Expressionism,amedeo-modigliani_young-brunette-girl-sitting-1918 +cityscape,Rococo,bernardo-bellotto_zwinger-waterway-1750 +cityscape,Symbolism,nicholas-roerich_batuhalka-the-capital-of-inner-mongolia-1927 +portrait,Baroque,rembrandt_albert-cuyper +portrait,Post_Impressionism,pablo-picasso_portrait-of-the-artist-1903 +genre_painting,Impressionism,berthe-morisot_the-cheval-glass +sketch_and_study,Post_Impressionism,franz-marc_elephant-1907 +genre_painting,Realism,james-tissot_by-the-thames-at-richmond +genre_painting,Impressionism,childe-hassam_flower-store-and-dairy-store +landscape,Post_Impressionism,vincent-van-gogh_entrance-to-a-quarry-near-saint-remy-1889(1) +still_life,Synthetic_Cubism,juan-gris_composition-with-violin +landscape,Symbolism,konstantinos-parthenis_landscape-1903-1 +portrait,High_Renaissance,raphael_portrait-of-a-woman-la-muta-1507 +landscape,Post_Impressionism,martiros-saryan_ashtarak-1957 +landscape,Impressionism,claude-monet_valley-of-the-creuse-afternoon-sunlight +landscape,Impressionism,isaac-levitan_fields-1899 +landscape,Cubism,andrã©-lhote_paysage-au-lambrequin-rose-1914 +landscape,Realism,ivan-shishkin_marsh-polissia-1890 +abstract_painting,Minimalism,mark-rothko_no-7-1964 +portrait,Romanticism,vasily-polenov_huguenot-1870 +cityscape,Impressionism,john-singer-sargent_santa-maria-della-salute-1906 +landscape,Symbolism,nicholas-roerich_tangla-1943 +abstract_painting,Color_Field_Painting,sean-scully_wall-of-light-desert-night-1999 +abstract_painting,Abstract_Expressionism,brice-marden_untitled-1996 +sketch_and_study,Symbolism,james-ensor_my-aunt-asleep-dreaming-of-monsters-1890 +landscape,Post_Impressionism,gustave-loiseau_trees-by-the-river +nude_painting,Cubism,m.-h.-maxy_nude-with-idol-1924 +cityscape,Cubism,jean-david_city-scape-ceramic +portrait,Impressionism,william-merritt-chase_portrait-of-a-man +landscape,Realism,ivan-shishkin_cliff-1893 +religious_painting,Symbolism,odilon-redon_salome +landscape,Expressionism,anita-malfatti_o-farol-1915 +sketch_and_study,Symbolism,nicholas-roerich_himalayas-study-1934-1 +abstract_painting,Color_Field_Painting,olivier-debre_royau-bleu-vert +genre_painting,Realism,konstantin-makovsky_landlady +portrait,Art_Nouveau_Modern,anders-zorn_gustav-v-1909 +religious_painting,High_Renaissance,michelangelo_the-ancestors-of-christ-achim-eliud-1512 +portrait,Post_Impressionism,henri-de-toulouse-lautrec_portrait-of-cipa-godebsky-1896 +landscape,Art_Nouveau_Modern,carl-larsson_harvesting-ice-1905(1) +genre_painting,Romanticism,richard-parkes-bonington_francis-i-and-the-duchess-of-etampes +landscape,Realism,ivan-shishkin_forest-pine +portrait,Realism,taras-shevchenko_portrait-of-unknown-woman-with-violet-dress-1846 +still_life,Naive_Art_Primitivism,maria-primachenko_tablecloth-1976 +religious_painting,Early_Renaissance,andrea-mantegna_the-virgin-and-child-with-saints-jerome-a-1455 +landscape,Post_Impressionism,paul-gauguin_landscape-at-arles-1888 +religious_painting,Early_Renaissance,benozzo-gozzoli_the-dance-of-salome-detail-1462 +nude_painting,Expressionism,otto-dix_old-woman +genre_painting,Romanticism,dante-gabriel-rossetti_the-garland-1874 +still_life,Contemporary_Realism,janet-fish_cartwheel-2000 +landscape,Impressionism,childe-hassam_calvary-church-in-the-snow +portrait,Romanticism,orest-kiprensky_portrait-of-an-unknown-woman-in-a-turban-1824 +genre_painting,Post_Impressionism,albert-marquet_village-cafe-1900 +portrait,Realism,ivan-kramskoy_portrait-of-vera-nikolaevna-tretjakowa-born-mamontowa-1876 +genre_painting,Romanticism,ivan-aivazovsky_boat-ride-by-kumkapi-in-constantinople-1846 +sketch_and_study,Naive_Art_Primitivism,kazimir-malevich_woman-s-head-in-profile-1912 +landscape,Post_Impressionism,alekos-kontopoulos_le-canal-bethune-1939 +landscape,Pointillism,henri-edmond-cross_antibes-morning +landscape,Realism,konstantinos-volanakis_seascape +religious_painting,High_Renaissance,andrea-mantegna_judith-with-the-head-of-holofernes-1495 +religious_painting,Naive_Art_Primitivism,marc-chagall_jerusalem-was-taken-by-nebuchadnezzar-as-the-prophecy-of-jeremiah-jeremiah-xxi-4-7 +genre_painting,Symbolism,mstislav-dobuzhinsky_twilight-1900 +landscape,Realism,ivan-shishkin_forest-glade-glade-1897 +portrait,High_Renaissance,giorgione_a-soldier-1510(2) +nude_painting,Expressionism,egon-schiele_standing-female-nude-in-a-blue-robe-1913 +genre_painting,Naive_Art_Primitivism,david-burliuk_buy-my-fish +genre_painting,Cubism,max-beckmann_the-dream-1921 +genre_painting,Romanticism,wilhelm-kotarbinski_scene-from-roman-life +religious_painting,Baroque,juan-de-valdes-leal_ascension-of-elijah-1658 +landscape,Art_Nouveau_Modern,ferdinand-hodler_the-lake-1911 +landscape,Impressionism,alfred-sisley_the-marly-machine-and-the-dam-1875 +genre_painting,Realism,constantin-guys_two-women-1891 +genre_painting,Impressionism,edgar-degas_at-the-races-1872 +genre_painting,Romanticism,john-william-waterhouse_a-song-of-springtime-1913 +religious_painting,Northern_Renaissance,hans-memling_st-john-altarpiece-1479-1 +religious_painting,Early_Renaissance,filippo-lippi_madonna-and-child-enthroned-with-two-angels +religious_painting,Symbolism,mikhail-nesterov_a-fresco-by-m-nesterov-from-akhali-zarzma-monastery-abastumani-georgia +sketch_and_study,Early_Renaissance,andrea-mantegna_the-entombment-1459 +genre_painting,Post_Impressionism,paul-gauguin_a-big-tree-1891-1 +sketch_and_study,Realism,vasily-polenov_bridge-on-the-river-cuprija-in-paracin-1876 +portrait,Baroque,joshua-reynolds_paul-henry-ourry +portrait,Realism,pyotr-konchalovsky_portrait-of-sergei-vladimirovich-mikhalkov-with-his-son-1943 +still_life,Cubism,louis-marcoussis_a-cello-1921 +illustration,Expressionism,tsuguharu-foujita_les-divertissements-d-eros +cityscape,Cubism,paul-klee_revolving-house-1921(1) +abstract_painting,Abstract_Expressionism,perle-fine_untitled-1957 +still_life,Cubism,pablo-picasso_still-life-with-antique-bust-1925 +cityscape,Post_Impressionism,edouard-cortes_boulevard-de-la-madeleine-10 +religious_painting,Northern_Renaissance,rogier-van-der-weyden_polyptych-with-the-nativity +genre_painting,Impressionism,philip-wilson-steer_hydrangeas-1901 +illustration,Romanticism,andrei-ryabushkin_ilya-of-murom-illustration-for-the-book-russian-epic-heroes +genre_painting,Realism,konstantin-makovsky_friends +cityscape,Post_Impressionism,pyotr-konchalovsky_landscape-with-the-moon-bolshaya-sadovaya-1931 +religious_painting,Baroque,jusepe-de-ribera_jacob-s-dream-1639 +landscape,Symbolism,konstantin-bogaevsky_eastern-altar-1919 +portrait,Mannerism_Late_Renaissance,jacopo-pontormo_portrait-of-two-friends +genre_painting,Impressionism,joaquã­n-sorolla_galicia-the-pilgrimage-1915 +landscape,Impressionism,camille-pissarro_autumn-morning-1892 +landscape,Realism,m.c.-escher_not_detected_204697 +religious_painting,Early_Renaissance,carlo-crivelli_saint-george-and-the-dragon-1490 +landscape,Realism,camille-corot_at-civita-castellana-wooded-rocks +genre_painting,Naive_Art_Primitivism,david-burliuk_teatime-self-portrait-with-raphael-sawyer-1947 +portrait,Expressionism,salvador-dali_portrait-of-a-woman-grey-jacket-wearing-a-pearl-necklace +still_life,Post_Impressionism,paul-cezanne_still-life-with-water-jug-1893 +cityscape,Post_Impressionism,maurice-utrillo_house-in-the-suburbs-of-paris +portrait,Rococo,joshua-reynolds_sir-joseph-banks-1772 +portrait,Impressionism,pierre-auguste-renoir_profile-of-andre-leaning-over +landscape,Impressionism,alfred-sisley_the-bridge-of-sevres-1877 +cityscape,Post_Impressionism,maurice-prendergast_sanmaria-formosa-venice +abstract_painting,Abstract_Expressionism,sam-francis_sf59-040-1959 +landscape,Impressionism,john-henry-twachtman_tulip-tree-greenwich +portrait,Expressionism,amedeo-modigliani_victoria-1916 +portrait,Pointillism,henri-edmond-cross_portrait-of-madame-cross +still_life,Expressionism,gregoire-boonzaier_still-life-flowers-1979 +portrait,Expressionism,oswaldo-guayasamin_el-guitarrista +illustration,Expressionism,vasile-kazar_dawn-without-awning-1970 +portrait,Expressionism,martiros-saryan_portrait-of-katarine-saryan-1963 +landscape,Symbolism,nicholas-roerich_the-way +sketch_and_study,Baroque,rembrandt_christ-appearing-to-the-apostles-1656 +nude_painting,Impressionism,pierre-auguste-renoir_after-bathing +genre_painting,Art_Nouveau_Modern,raphael-kirchner_greek-virgins-1900-10 +religious_painting,Baroque,francisco-de-zurbaran_st-catherine-of-alexandria +landscape,Symbolism,nicholas-roerich_kangchenjunga-1936-1 +genre_painting,Realism,charles-hermans_l-aube-1875 +cityscape,Expressionism,paul-delvaux_for-the-brussels-luxembourg-station-1922 +religious_painting,Early_Renaissance,sandro-botticelli_portrait-of-a-man-1(1) +abstract_painting,Abstract_Expressionism,hedda-sterne_further-i-1989 +genre_painting,Post_Impressionism,amrita-sher-gil_brahmacharis-1937 +landscape,Impressionism,claude-monet_two-trees-in-a-meadow +portrait,Baroque,caravaggio_portrait-of-alof-de-wignacourt-and-his-page-1608 +still_life,Naive_Art_Primitivism,niko-pirosmani_still-life-1 +portrait,Expressionism,umberto-boccioni_carlo-carr-1 +portrait,Rococo,antoine-pesne_carl-heinrich-graun +still_life,Minimalism,william-scott_bowl-white-on-grey-1962 +landscape,Realism,isaac-levitan_valley-of-the-river-autumn-1896 +landscape,Impressionism,petre-abrudan_tulcea-outskirts +still_life,Realism,henri-fantin-latour_still-life-with-peaches-1896 +landscape,Symbolism,nicholas-roerich_karakoram-way-to-turkestan-1936 +portrait,Ukiyo_e,utagawa-kuniyoshi_kansaki-yagoro-noriyasu-seen-behind-a-transparent-screen +cityscape,Post_Impressionism,walter-sickert_venice-la-salute +sketch_and_study,Northern_Renaissance,albrecht-durer_handestudien +religious_painting,High_Renaissance,lorenzo-lotto_the-presentation-of-christ-in-the-temple-1556 +abstract_painting,Minimalism,martin-barre_65-s-10-1965 +portrait,Impressionism,thalia-flora-karavia_portrait-of-a-man +portrait,Northern_Renaissance,hans-holbein-the-younger_portrait-of-nicholas-kratzer-1528 +still_life,Post_Impressionism,paul-cezanne_still-life-with-curtain-and-flowered-pitcher-1895 +cityscape,Impressionism,claude-monet_regatta-at-sainte-adresse +portrait,Impressionism,boris-kustodiev_portrait-of-a-boy +religious_painting,Naive_Art_Primitivism,marc-chagall_elijah-resurrects-the-son-of-the-widow-of-zarephath-i-kings-xvii-17-22 +still_life,Expressionism,lucian-freud_still-life-quinces-1982 +landscape,Impressionism,guy-rose_view-in-the-san-gabriel-mountains +landscape,Realism,johan-hendrik-weissenbruch_river-landscape +genre_painting,Realism,john-singer-sargent_venetian-street-1882 +landscape,Realism,aleksey-savrasov_after-the-storm +portrait,Cubism,gosta-adrian-nilsson_jack-1915 +still_life,Analytical_Cubism,georges-braque_still-life-with-a-violin-1911 +religious_painting,Early_Renaissance,masaccio_san-giovenale-triptych-central-panel-1423 +portrait,Post_Impressionism,vincent-van-gogh_young-man-with-cornflower-1890 +genre_painting,Art_Nouveau_Modern,raphael-kirchner_eve-1912 +still_life,Expressionism,chaim-soutine_flowers-and-fish-1919 +cityscape,Expressionism,frank-auerbach_the-origin-of-the-great-bear-1968 +abstract_painting,Minimalism,richard-tuttle_20-pearls-9-2003 +abstract_painting,Abstract_Expressionism,sam-francis_untitled-sf59-531-1959 +portrait,Post_Impressionism,panayiotis-tetsis_portrait-of-a-k-1998 +landscape,Impressionism,claude-monet_path-under-the-rose-trellises-1924 +nude_painting,Impressionism,andre-dunoyer-de-segonzac_la-cure-de-soleil-1927 +portrait,Expressionism,martiros-saryan_alexander-tamanyan-1928 +religious_painting,Northern_Renaissance,gerard-david_triptych-of-jan-des-trompes +landscape,Symbolism,nicholas-roerich_st-moritz-1923 +abstract_painting,Minimalism,john-mclaughlin_number-6 +landscape,Symbolism,nicholas-roerich_monhigan-creating-1922 +illustration,Romanticism,gustave-dore_don-quixote-89 +landscape,Impressionism,alfred-sisley_morning-sun-saint-mammes-1884 +genre_painting,Impressionism,victor-borisov-musatov_prayer-on-the-railway-station-1894 +religious_painting,Mannerism_Late_Renaissance,giorgio-vasari_the-deposition +cityscape,Pointillism,henri-edmond-cross_view-of-menton-1902 +landscape,Art_Nouveau_Modern,franklin-carmichael_october-gold-1922 +religious_painting,Romanticism,thomas-cole_expulsion-from-the-garden-of-eden-1828 +genre_painting,Expressionism,ernst-ludwig-kirchner_street-scene-with-green-cocotte +portrait,Realism,vincent-van-gogh_fisherman-s-wife-on-the-beach-1882(1) +genre_painting,Expressionism,zinaida-serebriakova_boy-musician-1928 +landscape,Ukiyo_e,hiroshige_seba +religious_painting,Northern_Renaissance,albrecht-durer_paul-the-apostle +landscape,Expressionism,albert-bloch_garden-glimpse +genre_painting,Realism,anders-zorn_summer-entertainment-1886 +religious_painting,Early_Renaissance,andrea-mantegna_polyptych-of-st-luke-1455 +illustration,Symbolism,mikhail-vrubel_tamara-dancing-1891 +landscape,Realism,pyotr-konchalovsky_the-tops-of-the-birches-1934 +nude_painting,Expressionism,salvador-dali_winged-victory +cityscape,Post_Impressionism,raoul-dufy_hotel-sube-1926 +portrait,Pop_Art,andy-warhol_jackie-1 +portrait,Baroque,hendrick-terbrugghen_heraclitus-1628 +genre_painting,Symbolism,franz-stuck_evening-star +illustration,Expressionism,vasile-kazar_window-towards-insomnia-1-1987 +genre_painting,Romanticism,john-william-waterhouse_the-flower-picker-1895 +genre_painting,Impressionism,pierre-auguste-renoir_a-girl-with-a-watering-can-1876 +portrait,Expressionism,martiros-saryan_brunette-1929 +portrait,Romanticism,edwin-henry-landseer_john-allen +sketch_and_study,Post_Impressionism,vincent-van-gogh_the-garden-with-flowers-1888 +landscape,Realism,isaac-levitan_trees-and-bushes +genre_painting,Impressionism,gustave-caillebotte_skiffs-on-the-yerres +portrait,Romanticism,theodor-aman_gipsy-girl-1884 +landscape,Symbolism,nicholas-roerich_rinchenpong-1924 +cityscape,Naive_Art_Primitivism,marc-chagall_view-over-notre-dame-1980 +landscape,Impressionism,claude-monet_landscape-near-montecarlo +religious_painting,High_Renaissance,michelangelo_the-ancestors-of-christ-rehoboam-abijah-1512 +genre_painting,Romanticism,sir-lawrence-alma-tadema_the-roses-of-heliogabalus-1888 +religious_painting,Early_Renaissance,andrea-mantegna_adoration-of-the-magi-1460 +portrait,Realism,valentin-serov_portrait-of-the-singer-angelo-mazini-1890 +landscape,Romanticism,john-constable_dedham-church-and-vale-1800 +still_life,Naive_Art_Primitivism,radi-nedelchev_still-life-with-red-apples-1967 +portrait,Impressionism,william-merritt-chase_james-abbott-mcneill-whistler +illustration,Romanticism,gustave-dore_the-crusaders-massacre-the-inhabitants-of-caesarea-1877 +genre_painting,Expressionism,balthus_three-sisters +abstract_painting,Color_Field_Painting,morris-louis_alphard-1961 +portrait,Impressionism,lovis-corinth_portrait-of-eleonore-von-wilke-countess-finkh-1907 +landscape,Baroque,esaias-van-de-velde_rocky-landscape-with-road-along-river +religious_painting,Early_Renaissance,benozzo-gozzoli_st-augustine-departing-for-milan-detail-1465 +genre_painting,Expressionism,lucian-freud_large-interior-w11-after-watteau-1983 +cityscape,Impressionism,medi-wechsler-dinu_sulina-house-iii +landscape,Impressionism,william-merritt-chase_grain-field-shinnecock-hills +landscape,Pointillism,georges-seurat_the-english-channel-at-grandcamp-1885 +still_life,Rococo,jean-baptiste-simeon-chardin_still-life-of-cooking-utensils-cauldron-frying-pan-and-eggs +portrait,Romanticism,sir-lawrence-alma-tadema_flag-of-truce-1900 +religious_painting,Mannerism_Late_Renaissance,jacopo-pontormo_annunciation +nude_painting,Post_Impressionism,henri-matisse_nude-s-back-1918 +illustration,Romanticism,gustave-dore_don-quixote-s-moralising-on-ingratitude +portrait,Rococo,vladimir-borovikovsky_portrait-of-the-russian-poet-evgeny-boratynsky-1820 +portrait,Post_Impressionism,henri-matisse_laurette-in-green-in-a-pink-chair-1917 +landscape,Symbolism,konstantin-bogaevsky_atlantis-1922 +sketch_and_study,Symbolism,kuzma-petrov-vodkin_portrait-of-a-woman +religious_painting,Symbolism,franz-stuck_crucifixion-1913 +portrait,Rococo,joshua-reynolds_master-hare-1789 +portrait,Mannerism_Late_Renaissance,el-greco_portrait-of-a-man-1 +abstract_painting,Color_Field_Painting,michel-carrade_unknown-title-11 +landscape,Impressionism,joaquã­n-sorolla_san-sebastian-landscape +landscape,Post_Impressionism,henri-matisse_landscape-3 +landscape,Northern_Renaissance,albrecht-durer_landscape-near-segonzano-in-the-valley-cembra-1495 +religious_painting,Northern_Renaissance,pieter-bruegel-the-elder_lust-1558 +genre_painting,Expressionism,corneliu-baba_woman-ironing +cityscape,Romanticism,franz-richard-unterberger_the-grand-canal-venice +landscape,Realism,pyotr-konchalovsky_swimming-in-the-afternoon-the-sun-1923 +abstract_painting,Abstract_Expressionism,terry-frost_tree-tree-1989 +portrait,Realism,nicholas-roerich_pechora-a-half-beleiver-a-setos-woman-1903 +landscape,Realism,nicholas-roerich_ukrainian-landscape +portrait,Post_Impressionism,umberto-boccioni_virgilio-brocchi-1907 +landscape,Impressionism,camille-pissarro_pastoral +sketch_and_study,Impressionism,edgar-degas_dancer-seen-from-behind-and-3-studies-of-feet +landscape,Post_Impressionism,maxime-maufra_low-tide-at-douarnenez-1908 +genre_painting,Rococo,pietro-longhi_the-wet-nurse +sketch_and_study,Impressionism,gustave-caillebotte_the-floor-scrapers-study +portrait,Rococo,louise-elisabeth-vigee-le-brun_moritz-von-fries +sketch_and_study,Impressionism,james-tissot_premier-frontispiece +landscape,Impressionism,robert-julian-onderdonk_landscape-4 +cityscape,Impressionism,john-singer-sargent_villa-papa-giulla +religious_painting,Baroque,rembrandt_samson-accusing-his-father-in-law +landscape,Post_Impressionism,maxime-maufra_march-sunlight-port-marly-1902 +portrait,Realism,ilya-repin_makar-simak-plastun +landscape,Impressionism,paul-gauguin_winter-s-end-1885 +abstract_painting,Color_Field_Painting,blinky-palermo_untitled-1968 +nude_painting,Post_Impressionism,moise-kisling_not-identified-30 +portrait,Impressionism,giovanni-boldini_madame-marie-louise-herouet +portrait,Baroque,adriaen-van-ostade_an-old-woman-by-window +religious_painting,Symbolism,lovis-corinth_the-deposition-1895 +abstract_painting,Minimalism,john-mclaughlin_number-13-1961 +landscape,Realism,charles-francois-daubigny_the-clump-of-alders +landscape,Romanticism,caspar-david-friedrich_not-detected-5 +genre_painting,Baroque,jan-siberechts_the-market-garden-1664 +religious_painting,Northern_Renaissance,albrecht-durer_st-thomas-1514 +genre_painting,Naive_Art_Primitivism,yiannis-tsaroychis_military-policeman-arresting-the-spirit +landscape,Post_Impressionism,a.y.-jackson_barns-1926 +portrait,Realism,anders-zorn_joseph-ernest-renan-1892 +landscape,Expressionism,sidney-nolan_desert-storm-1955 +genre_painting,Symbolism,nicholas-roerich_and-we-continue-fishing-1922 +landscape,Naive_Art_Primitivism,tarsila-do-amaral_id-lio +sketch_and_study,Realism,isaac-levitan_village-by-the-ravine +genre_painting,Impressionism,nikolay-bogdanov-belsky_reading-girls +nude_painting,Impressionism,theodor-pallady_nude-on-the-couch-1943 +abstract_painting,Abstract_Expressionism,brice-marden_beyond-eagles-mere-2 +still_life,Synthetic_Cubism,georges-braque_still-life-on-a-table-1918 +genre_painting,Impressionism,nikolay-bogdanov-belsky_summer-day-1 +abstract_painting,Color_Field_Painting,richard-diebenkorn_ocean-park-no-49 +portrait,Cubism,marc-chagall_a-poet +genre_painting,Romanticism,jan-matejko_alchemist-sendivogius-1867 +landscape,Cubism,lajos-tihanyi_three-trees-1922 +landscape,Impressionism,alfred-sisley_the-lane-of-poplars-at-moret-sur-loing-1888 +religious_painting,Realism,vasily-polenov_among-the-teachers +landscape,Post_Impressionism,gustave-loiseau_grainville-cliff-near-fecamp-1902 +portrait,Mannerism_Late_Renaissance,maerten-van-heemskerck_pieter-jan-foppeszoon-and-his-family-1530 +landscape,Symbolism,mikhail-nesterov_homeland-of-aksakov-urals-1914 +cityscape,Realism,boris-kustodiev_in-the-estate-of-a-collector-schwartz-uspenskoe-in-the-staraya-ladoga-1908 +nude_painting,Impressionism,guy-rose_by-the-fireside-1910 +landscape,Impressionism,willard-metcalf_old-homestead-connecticut +religious_painting,Baroque,jacob-jordaens_the-four-evangelists +landscape,Realism,isaac-levitan_parkway +abstract_painting,Abstract_Expressionism,joan-mitchell_untitled-1951-1(1) +genre_painting,Post_Impressionism,vincent-van-gogh_a-public-garden-with-people-walking-in-the-rain-1886(1) +portrait,Romanticism,konstantin-makovsky_negress +genre_painting,Post_Impressionism,vincent-van-gogh_olive-picking-1889 +cityscape,Impressionism,willard-metcalf_inner-harbour-gloucester +religious_painting,High_Renaissance,pietro-perugino_altarpiece-of-st-augustine-adoration-of-the-shepherds-1510 +religious_painting,Northern_Renaissance,petrus-christus_the-last-judgement-1452 +religious_painting,Art_Nouveau_Modern,sergey-solomko_what-have-they-done-with-my-home +landscape,Impressionism,theo-van-rysselberghe_the-dunes-zwin-knokke-1887 +landscape,Contemporary_Realism,john-miller_beach-no-3 +cityscape,Impressionism,claude-monet_dieppe-1882 +cityscape,Realism,ivan-shishkin_dresden-bridge-of-august-1862 +illustration,Romanticism,gustave-dore_the-sun-glorifies-souls +landscape,Impressionism,asgrimur-jonsson_mt-arnarfell-1927 +genre_painting,Post_Impressionism,pierre-bonnard_study-for-afternoon-in-the-garden-1891 +genre_painting,Realism,paul-serusier_evening +genre_painting,Baroque,joseph-wright_a-blacksmith-s-shop-1771 +landscape,Impressionism,adam-baltatu_street-in-hu-i +illustration,Symbolism,william-blake_the-butts-set-1808 +genre_painting,Realism,ivan-vladimirov_capture-of-the-white-guard-spyware +abstract_painting,Abstract_Expressionism,victor-pasmore_the-starry-night-1987 +illustration,Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-epic-volga-and-mikula-1940(1) +sketch_and_study,Baroque,rembrandt_jacob-shown-the-bloodstained-coat-of-joseph-1657 +portrait,Naive_Art_Primitivism,fernand-leger_portrait-of-henri-martin +portrait,Expressionism,amedeo-modigliani_woman-with-blue-eyes-1918 +genre_painting,Impressionism,edgar-degas_dancer-against-a-stage-flat +landscape,Symbolism,zinaida-serebriakova_autumn-landscape-1914 +still_life,Pop_Art,patrick-caulfield_ros-bottle-1975 +landscape,Realism,isaac-levitan_early-spring-the-last-snow +landscape,Impressionism,john-henry-twachtman_windmill-in-the-dutch-countryside +landscape,Romanticism,ivan-aivazovsky_view-on-lagoon-of-venice-1841 +portrait,Baroque,rembrandt_a-man-in-an-arboug-1642 +landscape,Post_Impressionism,pyotr-konchalovsky_pond-1921 +sketch_and_study,Post_Impressionism,vincent-van-gogh_branch-with-leaves(1) +sketch_and_study,Realism,john-singer-sargent_two-studies-for-soldiers-of-gassed +cityscape,Realism,vincent-van-gogh_drawbridge-in-nieuw-amsterdam-1883(1) +portrait,Baroque,joseph-wright_dressing-the-kitten +landscape,Romanticism,ivan-aivazovsky_yalta-the-mountains-at-night +portrait,Realism,vasily-vereshchagin_turkestan-soldiers-in-the-winter-form-1873 +portrait,Impressionism,john-singer-sargent_rosina-1878 +portrait,Abstract_Expressionism,willem-de-kooning_woman-verso-untitled +portrait,Impressionism,giovanni-boldini_sitting-lady-the-talk-1905 +abstract_painting,Abstract_Expressionism,frank-bowling_blue-trane-1992 +portrait,Ukiyo_e,utagawa-kuniyoshi_kaji-of-gion-holding-a-fan +portrait,Realism,john-singer-sargent_richard-morris-hunt-1895 +landscape,Pointillism,georges-seurat_white-houses-ville-d-avray-1882 +portrait,Impressionism,giovanni-fattori_dame-im-wald-1875 +genre_painting,Art_Nouveau_Modern,eugã¨ne-grasset_grafton-gallery-from-les-affiche-illustrees-1897 +still_life,Pop_Art,patrick-caulfield_cigar-1978 +cityscape,Rococo,thomas-gainsborough_the-charterhouse-london-1748 +portrait,Baroque,frans-hals_frans-post +landscape,Naive_Art_Primitivism,candido-portinari_pipas +landscape,Impressionism,paul-cezanne_the-sea-at-l-estaque-1878 +religious_painting,Baroque,francisco-de-zurbaran_adoration-of-the-shepherds +landscape,Impressionism,john-henry-twachtman_springtime +landscape,Impressionism,alfred-sisley_orchard-in-spring-1881 +portrait,Realism,ivan-kramskoy_peasant-with-a-bridle-1883 +portrait,Impressionism,istvan-nagy_schoolboy-1932 +sketch_and_study,Realism,ivan-shishkin_forest-road +abstract_painting,Abstract_Expressionism,william-congdon_luna-7-subiaco-1967 +portrait,Rococo,maurice-quentin-de-la-tour_marie-josephe-of-saxony-1 +abstract_painting,Color_Field_Painting,louis-cane_papier-d-coup-et-coll-1967 +portrait,Mannerism_Late_Renaissance,paolo-veronese_portrait-of-a-lady +landscape,Romanticism,ivan-aivazovsky_river-rioni-georgia-1880 +sketch_and_study,Northern_Renaissance,martin-schongauer_two-armbrustspanners +illustration,Romanticism,gustave-dore_heaven-rung-with-jubilee-and-loud-hosannas-filled-the-eternal-regions +portrait,Art_Nouveau_Modern,henri-de-toulouse-lautrec_polaire +landscape,Realism,camille-corot_the-flood +religious_painting,Early_Renaissance,fra-angelico_annunciation-and-adoration-of-the-magi +cityscape,Impressionism,henri-martin_port-of-marseille +illustration,Ukiyo_e,utagawa-kuniyoshi_dipicting-the-characters-from-the-chushingura +still_life,Impressionism,gregoire-boonzaier_tabletop-still-life-1939 +sketch_and_study,Realism,james-tissot_capital-from-the-mosque-of-el-aksa-1889 +abstract_painting,Expressionism,paul-klee_heroic-roses-1938(1) +religious_painting,Northern_Renaissance,hieronymus-bosch_the-garden-of-earthly-delights-1515-9 +genre_painting,Baroque,adriaen-van-ostade_peasants-in-an-inn +landscape,Impressionism,paul-cezanne_village-behind-trees-1879 +sketch_and_study,Post_Impressionism,vincent-van-gogh_vincent-s-bedroom-1888 +portrait,Contemporary_Realism,jamie-wyeth_portrait-of-shorty-1963 +abstract_painting,Abstract_Expressionism,brice-marden_post-calligraphic-drawing-1998 +portrait,Impressionism,anders-zorn_queen-sophia +landscape,Impressionism,claude-monet_park-monceau-3 +landscape,Post_Impressionism,pyotr-konchalovsky_cassis-cliffs-1913 +landscape,Realism,camille-pissarro_landscape-with-factory-1867 +landscape,Expressionism,martiros-saryan_gohtan-mountains-1914 +religious_painting,Early_Renaissance,fra-angelico_the-story-of-st-nicholas-1448-1 +portrait,Impressionism,giovanni-fattori_portr-t-der-dritten-ehefrau-1905 +cityscape,Impressionism,camille-pissarro_the-docks-rouen-afternoon-1898 +cityscape,Realism,vincent-van-gogh_a-house-magros-1879(1) +religious_painting,Northern_Renaissance,hieronymus-bosch_the-garden-of-earthly-delights-1516-16 +illustration,Cubism,carlos-saenz-de-tejada_figurine-for-ravel-s-bolero-antonia-merce-la-argentina-1930 +landscape,Symbolism,konstantin-bogaevsky_landscape-with-waterfall-and-bridge-1942 +genre_painting,Cubism,umberto-boccioni_the-drinker-1914 +abstract_painting,Cubism,arshile-gorky_child-of-an-idumean-night-composition-no-4 +religious_painting,Northern_Renaissance,hans-memling_the-triptych-of-willem-moreel-middle-panel-saint-christopher-with-saint-maurus-of-glanfeuil-and-1484 +sketch_and_study,High_Renaissance,leonardo-da-vinci_study-of-christ-for-the-last-supper +portrait,Realism,ilya-repin_portrait-of-a-peasant-1889 +still_life,Cubism,jean-hugo_la-peinture-et-la-musique-1928 +genre_painting,Realism,vincent-van-gogh_girl-with-black-cap-sitting-on-the-ground-1881(1) +illustration,Art_Nouveau_Modern,nicholas-roerich_vignette-for-book-n-k-roerich-1918-12 +landscape,Impressionism,guy-rose_laguna-1 +still_life,Realism,ilya-mashkov_fruits-from-the-agricultural-exhibition-1939 +landscape,Impressionism,armand-guillaumin_le-pornic-1909 +abstract_painting,Abstract_Expressionism,mark-tobey_new-crescent-1953 +portrait,Symbolism,kuzma-petrov-vodkin_the-girl-in-sarafan-1928 +portrait,Impressionism,pierre-auguste-renoir_portrait-of-gabrielle-young-girl-with-flowers +landscape,Impressionism,claude-monet_morning-at-etretat-1883 +still_life,Expressionism,arturo-souto_still-life-1957 +landscape,Impressionism,winston-churchill_the-goldfish-pool-at-chartwell(1) +still_life,Synthetic_Cubism,juan-gris_fruit-dish-glass-and-newspaper-1916 +genre_painting,Baroque,gerrit-dou_the-dropsical-woman +illustration,Romanticism,louis-janmot_po-me-de-l-me-15-un-soir +portrait,Realism,vasily-vereshchagin_chinese-1873 +illustration,Symbolism,william-blake_the-goblin-1820 +portrait,Art_Nouveau_Modern,mikhail-vrubel_a-lady-in-lilac-portrait-of-nadezhda-zabela +landscape,Romanticism,lev-lagorio_sukhum-kale-1873 +still_life,Impressionism,pierre-auguste-renoir_pears +genre_painting,Impressionism,berthe-morisot_jeannie-s-head-aka-tete-de-jeannie +landscape,Impressionism,valentin-serov_pond-in-abramtsevo-1886 +religious_painting,Realism,james-tissot_judas-hangs-himself-illustration-for-the-life-of-christ +landscape,Realism,aleksey-savrasov_village-bulgarians-small-minaret-and-the-ruins-of-the-white-house-1874 +religious_painting,Northern_Renaissance,robert-campin_the-nuptials-of-the-virgin-1420 +still_life,Impressionism,claude-monet_branch-of-lemons +landscape,Impressionism,paul-cezanne_the-house-of-pere-lacroix-in-auvers-1873 +landscape,Realism,ion-andreescu_the-winter +religious_painting,Early_Renaissance,fra-angelico_last-judgment-1 +still_life,Realism,constantin-stahi_still-life-with-watermelons-1912 +genre_painting,Impressionism,konstantin-korovin_a-poor-shot +abstract_painting,Color_Field_Painting,helen-frankenthaler_sun-corner-1968 +landscape,Impressionism,claude-monet_church-at-jeufosse-snowy-weather +portrait,Art_Nouveau_Modern,wilhelm-kotarbinski_sappho +sketch_and_study,Naive_Art_Primitivism,fernand-leger_the-album-circus-1950-19 +illustration,Art_Nouveau_Modern,ivan-bilibin_drawing-from-the-magazine-world-of-art-1900(1) +abstract_painting,Abstract_Expressionism,mark-rothko_no-19 +sketch_and_study,Realism,aleksey-savrasov_pines-adjacent-to-the-root-of-the-barrel-1854 +religious_painting,Early_Renaissance,leonardo-da-vinci_annunciation-1 +sketch_and_study,Baroque,annibale-carracci_triton +cityscape,Post_Impressionism,gustave-loiseau_cligancourt-street-1 +genre_painting,Impressionism,pierre-auguste-renoir_two-girls-in-black-1881 +cityscape,Impressionism,giovanni-boldini_the-red-umbrella-1875 +religious_painting,Early_Renaissance,benozzo-gozzoli_tabernacle-of-the-visitation-birth-of-mary +cityscape,Impressionism,lucian-grigorescu_peisaj-din-bucure-ti-1940 +cityscape,Romanticism,paul-cezanne_rue-des-saules-montmartre-1867 +landscape,Romanticism,paul-cezanne_rock-in-the-forest-of-fontainbleau-1868 +sketch_and_study,Realism,arkhip-kuindzhi_moonlight-night-on-the-river +landscape,Expressionism,akseli-gallen-kallela_sunset-1899 +cityscape,Romanticism,cornelis-springer_a-view-of-franeker-with-the-zakkend-ragerschuisje-1872 +landscape,Cubism,paul-cezanne_mont-sainte-victoire-seen-from-les-lauves-1 +still_life,Impressionism,pierre-auguste-renoir_cup-lemon-and-tomato +portrait,Realism,vasily-polenov_portrait-of-a-p-bogolyubov-1890 +landscape,Impressionism,claude-monet_the-cliffs-at-etretat-1886 +cityscape,Realism,vasily-vereshchagin_ruins-of-a-theater-in-chuguchak-1870 +sketch_and_study,Realism,vasily-perov_the-arrival-of-rural-teachers +genre_painting,New_Realism,william-james-glackens_central-park-in-winter +cityscape,Impressionism,claude-monet_houses-at-argenteuil +landscape,Impressionism,john-henry-twachtman_gloucester-harbor-2 +landscape,Pointillism,richard-gerstl_tree-with-ladder-1907 +religious_painting,Mannerism_Late_Renaissance,parmigianino_madonna-and-child-with-st-john-and-st-jerome-1527 +portrait,Romanticism,george-frederick-watts_aglaia-coronio(1) +portrait,Ukiyo_e,utagawa-kuniyoshi_the-actor-15 +landscape,Realism,ivan-shishkin_the-sun-lit-pines-1886 +portrait,Realism,vincent-van-gogh_head-of-a-peasant-woman-with-white-cap-1885-5(1) +still_life,Realism,robert-brackman_a-plate-of-fruit +cityscape,Impressionism,john-singer-sargent_venetian-canal-1 +portrait,Impressionism,joaquã­n-sorolla_old-valencian-fisherman-1907 +cityscape,Realism,fyodor-bronnikov_square-in-rome +portrait,Cubism,fernand-leger_woman-with-flower-portrait-study-1920 +still_life,Baroque,mario-nuzzi_natura-morta-con-tralcio-di-fiori +sketch_and_study,Rococo,maurice-quentin-de-la-tour_self-portrait-4 +genre_painting,Romanticism,mykola-pymonenko_easter-vigil-1 +illustration,Romanticism,gustave-dore_the-stoning-of-stephen +genre_painting,Impressionism,william-merritt-chase_alice-in-studio-in-shinnecock-long-island-sun +portrait,Realism,valentin-serov_portrait-of-alexei-stakhovich-1911 +cityscape,Naive_Art_Primitivism,henri-rousseau_the-eiffel-tower +portrait,Pop_Art,claudio-tozzi_desta-vez-eu-consigo-fugir-1967 +portrait,Realism,boris-kustodiev_portrait-of-m-v-dobuzhinsky-at-the-table-1913 +cityscape,Art_Nouveau_Modern,nicholas-roerich_yaroslavl-saint-basil-church-1903 +illustration,Symbolism,william-blake_oberon-titania-and-puck-with-fairies-dancing(1) +landscape,Impressionism,robert-julian-onderdonk_bluebonnets-at-dusk +genre_painting,Art_Nouveau_Modern,pablo-picasso_woman-on-the-street-1901 +abstract_painting,Abstract_Expressionism,ralph-rosenborg_landscape-study-sky-and-clouds-1940 +portrait,Romanticism,paul-cezanne_portrait-of-antoine-valabregue +sketch_and_study,Symbolism,mikhail-vrubel_fallen-demon-1901 +landscape,Romanticism,john-constable_dedham-lock-and-mill-1818 +landscape,Impressionism,camille-pissarro_the-fields-of-eragny-the-apple-tree-1894 +landscape,Realism,isaac-levitan_study-to-above-the-eternal-tranquility-1892 +portrait,Romanticism,jan-matejko_sigismund-iii-vasa-1 +sketch_and_study,Impressionism,eugene-boudin_fish-market +cityscape,Post_Impressionism,edouard-cortes_boulevard-de-la-madeleine-2 +still_life,Impressionism,pierre-auguste-renoir_still-life-with-fruit-1881 +landscape,Impressionism,santiago-rusinol_moulin-de-la-galette-1891 +illustration,Art_Nouveau_Modern,heorhiy-narbut_illustration-for-alexander-pushkin-s-poem-ruslan-and-ludmila-1905 +genre_painting,Expressionism,pierre-tal-coat_arlequin +religious_painting,Early_Renaissance,benozzo-gozzoli_scenes-from-the-life-of-st-francis-south-wall +landscape,Fauvism,louis-valtat_landscape-of-the-south-of-france +abstract_painting,Abstract_Expressionism,richard-pousette-dart_syllable-in-the-cosmos-1986 +portrait,Realism,ilya-repin_portrait-of-sergey-vitte-1903 +landscape,Realism,volodymyr-orlovsky_summer-day-in-ukraine-1892 +landscape,Rococo,george-morland_wooded-landscape-with-a-toll-gate +portrait,Art_Nouveau_Modern,pablo-picasso_courtesan-with-necklace-of-gems-1901 +still_life,Cubism,serge-charchoune_washtable-1926 +still_life,Baroque,willem-kalf_still-life-with-glassware-and-porcelain-covered-bowl-1662 +genre_painting,Impressionism,federico-zandomeneghi_the-reader +genre_painting,Baroque,judith-leyster_boy-playing-the-flute-1660 +sketch_and_study,Impressionism,pierre-auguste-renoir_landscape-19 +religious_painting,Northern_Renaissance,martin-schongauer_altar-of-omgeving-1491 +genre_painting,Rococo,giovanni-domenico-tiepolo_the-barker-1757 +landscape,Realism,grigoriy-myasoyedov_creek-in-the-forest +cityscape,Realism,vasily-surikov_okhotnikov-s-house-in-krasnoyarsk-1890 +religious_painting,Baroque,peter-paul-rubens_virgin-and-child-with-the-infant-st-john +landscape,Post_Impressionism,vincent-van-gogh_alychamps-1888(1) +sketch_and_study,Realism,martiros-saryan_armenia-1940 +nude_painting,Realism,paul-mathiopoulos_female-nude +cityscape,Expressionism,lynd-ward_not-detected-272486 +genre_painting,Romanticism,john-constable_the-lock-1824 +religious_painting,Baroque,bernardo-strozzi_the-charity-of-st-lawrence-1640 +religious_painting,Mannerism_Late_Renaissance,tintoretto_christ-carried-to-the-tomb +sketch_and_study,Realism,vincent-van-gogh_idol-and-sketches-of-venus +sketch_and_study,Art_Nouveau_Modern,zinaida-serebriakova_portrait-of-k-lancere-1910-1 +portrait,Naive_Art_Primitivism,tarsila-do-amaral_oper-rios-1933 +religious_painting,High_Renaissance,titian_angel-1522 +landscape,Symbolism,nicholas-roerich_tibetian-camp-1936 +cityscape,Impressionism,camille-pissarro_the-church-of-st-jacques-in-dieppe-morning-sun-1901 +portrait,Symbolism,odilon-redon_violette-haymann +portrait,Rococo,fyodor-rokotov_portrait-of-catherine-ii-of-russia +genre_painting,Naive_Art_Primitivism,grã©goire-michonze_family-in-a-village-1965 +nude_painting,Contemporary_Realism,eric-fischl_the-life-of-pigeons +portrait,Realism,charles-hermans_spanish-beauty +genre_painting,Baroque,jan-steen_parrot-cage +portrait,Symbolism,kuzma-petrov-vodkin_tajik +portrait,Impressionism,pierre-auguste-renoir_madame-renoir-and-bob-1910 +cityscape,Post_Impressionism,maurice-utrillo_houses-in-montmartre +landscape,Expressionism,anita-malfatti_o-barco-1915 +sketch_and_study,Realism,vincent-van-gogh_two-men-with-a-four-wheeled-wagon-1882 +abstract_painting,Minimalism,genevieve-asse_la-pointe-de-l-oeil-2002 +landscape,Impressionism,fern-coppedge_the-delaware-valley +religious_painting,Northern_Renaissance,dirk-bouts_the-feast-of-the-passover-from-the-winged-altar-in-st-peter-in-leuven +sketch_and_study,Northern_Renaissance,hieronymus-bosch_christ-carrying-the-cross +genre_painting,Impressionism,pierre-auguste-renoir_the-lesson-1906 +religious_painting,Northern_Renaissance,lucas-cranach-the-elder_virgin-and-child-with-st-anne +cityscape,Impressionism,pierre-auguste-renoir_walls-in-spain +abstract_painting,Color_Field_Painting,victor-pasmore_square-motif-in-white-and-indian-red-1960 +genre_painting,Impressionism,edouard-manet_at-the-races-1875 +religious_painting,Early_Renaissance,carlo-crivelli_madonna-and-child-1 +abstract_painting,Minimalism,robert-ryman_untitled-1959 +landscape,Realism,isaac-levitan_a-river-1888 +genre_painting,Expressionism,nicolae-tonitza_to-light-the-lamp +landscape,Post_Impressionism,david-burliuk_view-of-the-water-rural-landscape-with-a-lake-1947 +landscape,Art_Nouveau_Modern,anna-ostroumova-lebedeva_landscape-near-the-pil-tower-1923 +abstract_painting,Minimalism,agnes-martin_aspiration-1960 +portrait,Symbolism,james-mcneill-whistler_harmony-in-yellow-and-gold-the-gold-girl-connie-gilchrist-1873 +genre_painting,Expressionism,balthus_the-cardgame-1973 +sketch_and_study,Realism,vincent-van-gogh_peasant-woman-standing-near-a-ditch-or-pool-1885 +genre_painting,Art_Nouveau_Modern,sergey-solomko_date-2 +genre_painting,Naive_Art_Primitivism,marc-chagall_a-flowered-easel-1984 +genre_painting,Art_Nouveau_Modern,boris-kustodiev_haymaking-1917 +illustration,Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-magazine-education(1) +sketch_and_study,Realism,ilya-mashkov_the-head-of-laocoon-1900 +genre_painting,Realism,constantin-guys_carriage-and-three-gentlemen-on-horses +portrait,Rococo,william-hogarth_portrait-of-a-young-woman +still_life,Fauvism,max-weber_chinese-bowl +genre_painting,Impressionism,pierre-auguste-renoir_bathers-1916 +cityscape,Impressionism,antoine-blanchard_eglise-de-saint-germain-des-pres +portrait,Expressionism,theo-van-doesburg_potrait-of-evert-rinsema-1915 +illustration,Romanticism,gustave-dore_geryon-symbol-of-deceit +genre_painting,Realism,ilya-repin_wanderer-1881 +landscape,Post_Impressionism,paul-gauguin_tropical-landscape-martinique-1887 +sketch_and_study,Realism,thomas-eakins_drawing-of-a-workman +abstract_painting,Minimalism,rodolfo-arico_untitled-1966 +abstract_painting,Color_Field_Painting,richard-diebenkorn_ocean-park-no-24 +portrait,Cubism,amadeo-de-souza-cardoso_red-ocean-blue-1915 +religious_painting,Symbolism,salvador-dali_filiae-herodiadis-saltatio-matthew-14-6-1964 +landscape,Post_Impressionism,vincent-van-gogh_trees-and-undergrowth-1887 +religious_painting,Northern_Renaissance,jan-van-eyck_st-francis-receiving-the-stigmata +still_life,Expressionism,dimitris-mytaras_a-visiting-bird +religious_painting,Early_Renaissance,sandro-botticelli_madonna-of-the-book(1) +portrait,Rococo,joshua-reynolds_dorothy-countess-of-lisburne +portrait,Symbolism,nicholas-roerich_allal-ming-1920 +portrait,Romanticism,konstantin-makovsky_boyaryshnya-1 +abstract_painting,Color_Field_Painting,morris-louis_purple-fill-1962 +genre_painting,Realism,vincent-van-gogh_four-men-cutting-wood-1882(1) +genre_painting,Naive_Art_Primitivism,raoul-dufy_red-quartet +genre_painting,Impressionism,berthe-morisot_young-woman-with-a-straw-hat +genre_painting,New_Realism,john-french-sloan_scrubwoman-astor-library-1911 +portrait,Expressionism,henri-matisse_woman-in-green-with-a-carnation-1909 +genre_painting,Expressionism,chaim-soutine_two-children-on-a-road +landscape,Pointillism,jean-metzinger_landscape-couch-e-de-soleil-no-1-1906 +landscape,Expressionism,jack-bush_farm-house-caledon-1944 +cityscape,Post_Impressionism,vincent-van-gogh_a-square-in-paris-1886(1) +portrait,Ukiyo_e,utagawa-kuniyoshi_the-chaste-woman-of-katsushika +abstract_painting,Abstract_Expressionism,hans-hofmann_abstraction-in-white-1954 +cityscape,Romanticism,franz-richard-unterberger_a-view-in-venice-rio-s-marina +sketch_and_study,Abstract_Expressionism,mark-tobey_reclining-figure-of-a-horse-1964 +sketch_and_study,Realism,ilya-repin_n-wentzell-1879 +sketch_and_study,Realism,vasily-perov_regular-pool-1865-1 +landscape,Baroque,esaias-van-de-velde_winter-landscape-1629 +genre_painting,Post_Impressionism,ion-theodorescu-sion_femeie-n-parc-1919 +portrait,Baroque,frans-hals_portrait-of-a-man-1633-1 +landscape,Impressionism,nikolay-bogdanov-belsky_road-in-a-winter-garden-1930 +cityscape,Impressionism,claude-monet_house-of-parliament-sun +genre_painting,Symbolism,serge-sudeikin_night-festival-1905 +portrait,High_Renaissance,titian_portrait-of-ippolito-de-medici-in-a-hungarian-costume-1533 +portrait,Expressionism,amedeo-modigliani_doctor-devaraigne-1917 +abstract_painting,Abstract_Expressionism,forrest-bess_untitled-1970 +genre_painting,Post_Impressionism,henri-martin_cultivation-of-the-vines +portrait,Expressionism,lucian-freud_lord-goodman-in-his-yellow-pyjamas +religious_painting,Baroque,peter-paul-rubens_assumption-of-virgin +portrait,Rococo,william-hogarth_david-garrick-as-richard-iii-1745 +religious_painting,Early_Renaissance,pietro-perugino_birth-of-christ-tondo +portrait,Realism,ilya-repin_seller-of-student-works-at-the-academy-of-arts-1870 +sketch_and_study,Realism,ivan-shishkin_patio-1878 +portrait,Expressionism,andre-derain_portrait-of-a-man-with-a-newspaper +portrait,Realism,vincent-van-gogh_girl-with-a-shawl-1883(1) +portrait,Post_Impressionism,pablo-picasso_portrait-of-jaime-sabartes-1904 +landscape,Symbolism,nicholas-roerich_himalayan-landscape +religious_painting,Baroque,guido-reni_joseph-and-potiphar +cityscape,Impressionism,john-atkinson-grimshaw_liverpool-quay-by-moonlight-1887 +cityscape,Art_Nouveau_Modern,anna-ostroumova-lebedeva_fortress-beep-1922 +cityscape,Post_Impressionism,maurice-utrillo_benches-at-montmagny-val-d-oise +religious_painting,Rococo,giovanni-battista-tiepolo_the-sacrifice-of-melchizedek-1742 +portrait,Expressionism,amedeo-modigliani_gypsy-woman-with-a-baby-1919 +landscape,Post_Impressionism,francisc-sirato_square-in-balcic-1936 +cityscape,Post_Impressionism,edouard-cortes_st-denis-2 +illustration,Art_Nouveau_Modern,aubrey-beardsley_the-toilet-of-salome-1894 +religious_painting,Romanticism,vasily-polenov_the-ressurection-of-jair-s-daughter-1870 +sketch_and_study,High_Renaissance,michelangelo_study-to-madonna-and-child-with-st-john-the-baptist +genre_painting,Post_Impressionism,pyotr-konchalovsky_the-first-step-1932 +genre_painting,Impressionism,claude-monet_green-park-in-london +sketch_and_study,Realism,ivan-shishkin_sorrel +portrait,Realism,ilya-repin_portrait-of-the-lawyer-vladimir-spasovitch-1891 +portrait,Realism,edgar-degas_achille-de-gas-as-a-naval-cadet-detail-1857 +portrait,High_Renaissance,pietro-perugino_portrait-of-francesco-delle-opere-1494 +portrait,Impressionism,edgar-degas_three-heads +portrait,Expressionism,tsuguharu-foujita_famille +religious_painting,Northern_Renaissance,lucas-cranach-the-elder_salome +cityscape,Romanticism,cornelis-springer_oudewater-street-at-summer-1878 +sketch_and_study,Baroque,canaletto_the-piazzetta-to-the-south +nude_painting,Romanticism,gustave-courbet_nude-reclining-by-the-sea +genre_painting,Impressionism,maurice-prendergast_ladies-seated-on-a-bench-also-known-as-ladies-in-the-park +landscape,Impressionism,robert-julian-onderdonk_glimpse-of-the-sea-long-island-1906 +portrait,Romanticism,karl-bodmer_sih-chida-and-mahchsi-karehde-mandan-indians-plate-20-from-volume-2-of-travels-in-the-interior-1844 +still_life,Impressionism,eugene-boudin_fish-skate-and-dogfish +illustration,Art_Nouveau_Modern,nicholas-roerich_vignette-for-book-n-k-roerich-1918-23 +cityscape,Symbolism,jury-annenkov_paris +landscape,Realism,camille-corot_in-the-vicinity-of-geneva +genre_painting,Impressionism,stefan-luchian_flower-fight-on-the-road +abstract_painting,Abstract_Expressionism,milton-resnick_abstraction-1963 +religious_painting,Baroque,francisco-de-zurbaran_apotheosis-of-st-thomas-aquinas-1631 +portrait,Art_Nouveau_Modern,zinaida-serebriakova_portrait-of-g-i-chulkov-1910 +genre_painting,Symbolism,pierre-puvis-de-chavannes_the-rest +landscape,Romanticism,thomas-moran_east-wall-of-the-canyon-from-inspiration-point-1871 +portrait,Realism,john-singer-sargent_mrs-charles-fairchild-1887 +illustration,Romanticism,gustave-dore_don-quixote-35 +genre_painting,Art_Nouveau_Modern,carl-larsson_the-crayfish-season-opens-1897(1) +portrait,Post_Impressionism,gwen-john_a-lady-reading-1911(1) +sketch_and_study,Baroque,rembrandt_portrait-of-a-boy-1641 +illustration,Art_Nouveau_Modern,ivan-bilibin_fragment-of-cover-1900(1) +illustration,Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-tale-of-prince-ivan-the-firebird-and-the-grey-wolf-1899-1(1) +religious_painting,Early_Renaissance,piero-della-francesca_death-of-adam(1) +landscape,Impressionism,alfred-sisley_springtime-1889 +genre_painting,Rococo,antoine-watteau_the-pleasures-of-the-ball-1714 +genre_painting,Impressionism,stefan-dimitrescu_ploughing-1915 +landscape,Impressionism,camille-pissarro_the-effect-of-snow-at-hermitage-1874 +genre_painting,Impressionism,edgar-degas_dancer-1896 +cityscape,Impressionism,eugene-boudin_rotterdam-the-pont-de-la-bourse-1876 +abstract_painting,Abstract_Expressionism,sam-francis_untitled-s-f-e-081-1991 +landscape,Realism,camille-corot_young-girl-seated-in-a-meadow-1865 +still_life,Synthetic_Cubism,pablo-picasso_bottle-of-black-rum-vive-la-france-1913 +genre_painting,Expressionism,lyonel-feininger_euphoric-victory-siegesrausch-1918 +religious_painting,Baroque,jusepe-de-ribera_st-mary-magdalene-or-st-thais-in-the-desert +portrait,Art_Nouveau_Modern,jacek-malczewski_portrait-of-j-zef-pi-sudski-1916 +genre_painting,Art_Nouveau_Modern,carlos-saenz-de-tejada_the-anglo-spanish +cityscape,Impressionism,antoine-blanchard_caf-de-la-paix-opera +still_life,Synthetic_Cubism,georges-braque_the-bottle-of-rum-1914 +genre_painting,Expressionism,jose-gutierrez-solana_alh-ndiga-huts-1933 +landscape,Pointillism,kazimir-malevich_church-1905 +portrait,Realism,camille-corot_the-fair-maid-of-gascony-the-blond-gascon-1850 +religious_painting,Baroque,rembrandt_john-the-baptist-preaching-1635 +portrait,Baroque,adriaen-van-ostade_a-peasant-in-a-red-beret-smoking-a-pipe +genre_painting,Pointillism,henri-martin_idylle +portrait,High_Renaissance,andrea-del-sarto_domenico-di-jacopo-di-matteo-called-becuccio-bicchieraio +genre_painting,Symbolism,nicholas-roerich_snow-maiden +landscape,Impressionism,john-henry-twachtman_near-paris +landscape,Impressionism,childe-hassam_old-house-and-garden-east-hampton +genre_painting,Expressionism,zinaida-serebriakova_three-figures-in-the-doorway-marrakesh-1932 +cityscape,Impressionism,gustave-caillebotte_pont-d-argenteuil +nude_painting,Post_Impressionism,moise-kisling_not-identified-28 +cityscape,New_Realism,edward-hopper_not_detected_235596(1) +genre_painting,Realism,jean-francois-millet_the-knitting-lesson-1869 +portrait,Romanticism,edward-burne-jones_baronne-deslandes +landscape,Realism,camille-corot_a-farmyard-near-fontainebleau +landscape,Symbolism,konstantin-bogaevsky_night-at-the-seaside-1903 +abstract_painting,Abstract_Expressionism,jimmy-ernst_terra-incognita-10-1974 +portrait,Realism,constantin-guys_t-li-re-1864 +religious_painting,Northern_Renaissance,albrecht-durer_mary-with-a-pear +genre_painting,Impressionism,joaquã­n-sorolla_looking-for-crabs-among-the-rocks-javea-1905 +still_life,Analytical_Cubism,georges-braque_the-bottle-of-rum-1912 +sketch_and_study,Realism,konstantin-bogaevsky_trees-in-baran-eli-1906 +cityscape,Impressionism,claude-monet_boulevard-of-capucines-1874 +religious_painting,Mannerism_Late_Renaissance,el-greco_apostle-st-matthew +cityscape,Naive_Art_Primitivism,henri-rousseau_notre-dame-view-of-the-ile-saint-louis-from-the-quai-henri-iv-1909 +portrait,Impressionism,pierre-auguste-renoir_girl-with-hat +landscape,Post_Impressionism,pyotr-konchalovsky_kazbek-gergeti-1927 +genre_painting,Realism,guy-rose_la-mere-pichaud-1890 +still_life,Cubism,joan-miro_still-life-with-rose +sketch_and_study,Post_Impressionism,vincent-van-gogh_l-arlesienne-portrait-of-madame-ginoux-1888 +portrait,Romanticism,konstantin-makovsky_portrait-of-grand-princess-maria-nikolayevna +portrait,Romanticism,orest-kiprensky_portrait-of-darya-nikolaevna-chvostova-1814 +religious_painting,Rococo,giovanni-battista-tiepolo_the-flight-to-egypt +genre_painting,Impressionism,edgar-degas_russian-dancers-2 +portrait,Impressionism,thalia-flora-karavia_boy-reading-1906 +genre_painting,Impressionism,edgar-degas_russian-dancer-1895 +religious_painting,Expressionism,oskar-kokoschka_crucifixion-golgotha-1912 +landscape,Symbolism,nicholas-roerich_the-straight-path-1912 +religious_painting,Early_Renaissance,fra-angelico_st-peter-martyr-1440 +portrait,Romanticism,konstantin-makovsky_woman-in-a-national-costume +genre_painting,Art_Nouveau_Modern,sergey-solomko_lady-with-peacock +genre_painting,Expressionism,lasar-segall_a-fam-lia-enferma-1920 +landscape,Romanticism,ivan-aivazovsky_sea-view-1841-1 +sketch_and_study,Art_Nouveau_Modern,nicholas-roerich_kiss-the-earth +landscape,Romanticism,frederic-edwin-church_rainy-season-in-the-tropics-1866 +religious_painting,Northern_Renaissance,hans-memling_virgin-and-child-enthroned +genre_painting,Expressionism,candido-portinari_catechesis-1941 +religious_painting,Baroque,francesco-solimena_st-john-the-baptist +portrait,Romanticism,eugene-delacroix_willibald-von-glueck-at-the-clavecin-composing-the-score-of-his-armide-1831(1) +abstract_painting,Abstract_Expressionism,sam-francis_blue-and-red-balls-1962 +nude_painting,High_Renaissance,michelangelo_nude-woman-on-her-knees +cityscape,Naive_Art_Primitivism,louis-vivin_le-consult-d-auvergne-et-le-sacre-couer +cityscape,Realism,pyotr-konchalovsky_spring-courtyard-1942 +genre_painting,Baroque,adriaen-brouwer_the-pancake-baker +religious_painting,Baroque,mestre-ataã­de_a-flagela-o-de-cristo +portrait,Realism,vasily-surikov_a-girl-with-braids-portrait-of-a-a-dobrinskaya-1910 +abstract_painting,Abstract_Expressionism,guido-molinari_untitled-1953-1 +landscape,Realism,isaac-levitan_apple-trees-in-blossom-1896-2 +landscape,Expressionism,ernst-ludwig-kirchner_railway-in-dresden-1909 +cityscape,Impressionism,john-singer-sargent_palazzo-corner-della-ca-grande-1907 +landscape,Naive_Art_Primitivism,grã©goire-michonze_shepherds-in-the-valley-1981 +portrait,Baroque,gabriel-metsu_the-family-of-jan-jacobsz-hinlopen +landscape,Post_Impressionism,david-burliuk_the-river-dnieper +portrait,Pop_Art,peter-blake_red-power-1972 +portrait,New_Realism,william-james-glackens_girl-in-a-black-cape-1897 +genre_painting,Analytical_Cubism,georges-braque_a-girl(1) +landscape,Post_Impressionism,maxime-maufra_the-signal-tower-1911 +cityscape,Realism,nicholas-roerich_distillery-in-izvara-1893 +cityscape,Pop_Art,hiro-yamagata_not-detected-272424 +sketch_and_study,Northern_Renaissance,albrecht-durer_the-choir-of-the-groote-kerk-in-bergen-op-zoon +portrait,Impressionism,max-slevogt_francisco-d-andrade-reading-a-newspaper +cityscape,Romanticism,cornelis-springer_along-the-canal-1844 +landscape,Realism,johan-hendrik-weissenbruch_summer-landscape +still_life,Expressionism,theo-van-doesburg_still-life-with-statue-vase-and-jar-1920 +genre_painting,Cubism,pablo-picasso_las-meninas-velazquez-1957-5 +portrait,Realism,boris-kustodiev_portrait-of-y-e-kustodieva-1920 +religious_painting,Naive_Art_Primitivism,marc-chagall_king-david-s-tower-1971 +landscape,Impressionism,john-henry-twachtman_trees-in-a-nursery +landscape,Realism,isaac-levitan_village-twilight-1897 +portrait,Baroque,aleksey-antropov_portrait-of-anna-vasiliyevna-buturlina +landscape,Impressionism,claude-monet_cliff-at-fecamp +nude_painting,Contemporary_Realism,philip-pearlstein_iron-bed-and-plastic-chair-1999 +landscape,Symbolism,nicholas-roerich_himalayas-evening-1940 +landscape,Post_Impressionism,vincent-van-gogh_avenue-in-the-park-1888(1) +portrait,Romanticism,francesco-hayez_carolina-zucchi-la-malata-1825 +religious_painting,High_Renaissance,lorenzo-lotto_enthroned-madonna-with-angels-and-saints-st-catherine-of-alexandria-and-st-augustine-on-the-1521 +landscape,Impressionism,claude-monet_springtime-1 +genre_painting,Naive_Art_Primitivism,niko-pirosmani_autumn-feast +landscape,Symbolism,salvador-dali_landscape-with-rock-in-the-shape-of-a-triumphal-arch +religious_painting,High_Renaissance,pietro-perugino_pala-di-fano-marriage-of-the-virgin +portrait,High_Renaissance,giorgione_portrait-of-young-man-giustiniani-portrait-1504(2) +portrait,Contemporary_Realism,fairfield-porter_henry-sitting-in-chair-1958 +religious_painting,Early_Renaissance,piero-della-francesca_battle-between-heraclius-and-chosroes-detail-1(1) +abstract_painting,Abstract_Expressionism,perle-fine_a-timeless-moment-1954 +landscape,Realism,fyodor-vasilyev_cypresses-in-the-crimea +religious_painting,Mannerism_Late_Renaissance,paolo-veronese_crucifixion-1 +portrait,Realism,viktor-vasnetsov_portrait-of-the-artist-arkhip-kuinji-1869 +cityscape,Expressionism,egon-schiele_dead-city-city-on-the-blue-river-1911 +landscape,Cubism,auguste-herbin_paysage-c-ret-1913 +portrait,Romanticism,konstantin-makovsky_female-portrait-10 +nude_painting,Cubism,pablo-picasso_nude-with-raised-arms-1907 +genre_painting,Baroque,rembrandt_beggar-in-a-high-cap-standing-1629 +cityscape,Impressionism,paul-signac_port-louis-lomalo +abstract_painting,Abstract_Expressionism,kenzo-okada_lemon-yellow-1950 +portrait,Realism,vincent-van-gogh_fisherman-with-sou-wester-head-1883(1) +religious_painting,High_Renaissance,raphael_the-holy-family-with-saints-elizabeth-and-john +abstract_painting,Minimalism,jean-degottex_horsph-re +still_life,Realism,vincent-van-gogh_still-life-with-an-earthern-bowl-and-pears-1885 +cityscape,Realism,james-tissot_site-of-the-antonia-tower-1889 +genre_painting,Romanticism,gustave-dore_tircis-and-amaranth +landscape,Symbolism,nicholas-roerich_chiktan-citadel-in-himalayas-1932 +landscape,Symbolism,nicholas-roerich_treasure-of-snows-kangchenjunga-1940 +portrait,Realism,ilya-repin_portrait-of-the-pianist-conductor-and-composer-anton-grigorievich-rubinstein-1881 +landscape,Post_Impressionism,henri-matisse_landscape-2 +sketch_and_study,Expressionism,martiros-saryan_landscape-in-kalaki-gohtan-1914 +genre_painting,Post_Impressionism,emmanuel-zairis_smith +genre_painting,Post_Impressionism,vincent-van-gogh_boy-cutting-grass-with-a-sickle-1881(1) +genre_painting,Post_Impressionism,paul-gauguin_mango-pickers-martinique-1887 +abstract_painting,Minimalism,paul-brach_corona-i-1995 +nude_painting,Post_Impressionism,theo-van-rysselberghe_etude-of-female-nude-1914 +landscape,Post_Impressionism,vincent-van-gogh_wheat-fields-at-auvers-under-clouded-sky-1890 +portrait,Expressionism,tia-peltz_cimpoi-player +sketch_and_study,Pointillism,camille-pissarro_study-of-a-peasant-in-open-air-also-known-as-peasant-digging-1882 +genre_painting,Impressionism,william-merritt-chase_surprise +genre_painting,Ukiyo_e,utagawa-kuniyoshi_moso-hunting-for-bamboo-shoots +abstract_painting,Color_Field_Painting,anne-appleby_verona-variation-7-2003 +abstract_painting,Abstract_Expressionism,geta-bratescu_medeic-callisthetic-moves-v-1981 +genre_painting,Realism,james-tissot_holyday-1876 +landscape,Impressionism,camille-pissarro_meadow-at-bazincourt-1885 +portrait,Realism,arkhip-kuindzhi_the-head-of-a-ukrainian-peasant-in-a-straw-hat +cityscape,Post_Impressionism,maurice-utrillo_church-of-st-pierre-and-the-dome-of-sacre-coeur +portrait,Expressionism,pablo-picasso_man-in-blue +portrait,Post_Impressionism,pablo-picasso_portrait-of-madame-canals-1905 +portrait,Romanticism,paul-cezanne_sorrow-1867 +portrait,Baroque,gerrit-dou_portrait-of-a-couple-in-a-landscape +landscape,Impressionism,maurice-prendergast_assisi +landscape,Romanticism,joseph-wright_vesuvius-in-eruption-with-a-view-over-the-islands-in-the-bay-of-naples +portrait,Rococo,vladimir-borovikovsky_portrait-of-aleksei-alekseevich-konstantinova-1806 +abstract_painting,Abstract_Expressionism,gerhard-richter_abstract-painting-780-1 +landscape,Impressionism,claude-monet_poppy-field-in-a-hollow-near-giverny +landscape,Impressionism,paul-gauguin_quarry-hole-in-the-cliff-1882 +landscape,Impressionism,john-henry-twachtman_upland-pastures +religious_painting,High_Renaissance,pinturicchio_madonna-with-writing-child-and-st-jerome-1481 +genre_painting,Realism,n.c.-wyeth_a-hindu-mystic +genre_painting,Impressionism,carl-larsson_the-old-man-and-the-new-trees-1883(1) +portrait,Post_Impressionism,suzanne-valadon_portrait-of-marie-coca-and-her-daughter-1913 +genre_painting,Synthetic_Cubism,pablo-picasso_couple-of-dancers-1915 +genre_painting,Realism,james-tissot_at-the-louvre-1 +abstract_painting,Abstract_Expressionism,betty-parsons_untitled(2) +religious_painting,Northern_Renaissance,albrecht-durer_st-jerome-in-his-study-without-cardinal-s-robes +landscape,Impressionism,guy-rose_the-old-bridge-france-1910 +nude_painting,Expressionism,amedeo-modigliani_seated-nude-1909 +abstract_painting,Minimalism,walter-darby-bannard_untitled-1962 +cityscape,Expressionism,vasile-dobrian_red-cargo-naval-shipyard +portrait,Pop_Art,andy-warhol_kimiko +landscape,Impressionism,john-henry-twachtman_the-torrent +religious_painting,Symbolism,gustave-moreau_third-station-of-the-cross +portrait,Expressionism,serge-sudeikin_portrait-of-nina-shik-1937 +landscape,Impressionism,pericles-pantazis_the-cliffs-at-the-lesse-1878 +genre_painting,Romanticism,sir-lawrence-alma-tadema_a-street-altar-1883 +religious_painting,Baroque,rembrandt_abraham-and-isaac-1645 +illustration,Romanticism,gustave-dore_the-gluttons-ciacco(1) +landscape,Impressionism,ilya-mashkov_gurzuf-views-of-the-chekhov-s-house-and-the-beach-1925 +religious_painting,Early_Renaissance,pietro-perugino_madonna-enthroned-with-saints-catherine-and-rose-of-alexandria-and-two-angels-1492 +portrait,Expressionism,balthus_andre-derain-1936 +religious_painting,Northern_Renaissance,hans-memling_man-of-sorrows +abstract_painting,Abstract_Expressionism,vasile-dobrian_the-fingers-were-running-wild-on-the-rib-piano-from-the-archways-series +landscape,Impressionism,alfred-sisley_pont-de-moret-sur-loing +religious_painting,Mannerism_Late_Renaissance,el-greco_concert-of-angels +genre_painting,Impressionism,berthe-morisot_the-piano +cityscape,Impressionism,rudolf-schweitzer-cumpana_bridge-over-seine-1932 +sketch_and_study,Impressionism,valentin-serov_portrait-of-the-artist-a-p-ostroumova-lebedeva-1899 +portrait,Impressionism,pierre-auguste-renoir_jean-drawing +abstract_painting,Abstract_Expressionism,douglas-huebler_untitled-1959 +nude_painting,Expressionism,max-beckmann_not-detected-259756 +nude_painting,Art_Nouveau_Modern,boris-kustodiev_russian-venus-1926 +portrait,Post_Impressionism,spyros-papaloukas_young-man-with-hat-1925 +abstract_painting,Color_Field_Painting,jack-bush_three-and-blue-loop-1971 +portrait,Mannerism_Late_Renaissance,piero-di-cosimo_portrait-of-simonetta-vespucci-as-cleopatra-1490 +genre_painting,Expressionism,nikolaos-lytras_reading +genre_painting,Impressionism,john-henry-twachtman_on-the-terrace +cityscape,Cubism,maurice-de-vlaminck_village-on-the-river-1915 +religious_painting,Baroque,yov-kondzelevych_saint-george +genre_painting,Impressionism,john-singer-sargent_thou-shalt-not-steal-1918 +portrait,Art_Nouveau_Modern,felix-vallotton_portrait-of-french-writer-andr-ferdinand-herold-1896 +landscape,Symbolism,mikalojus-ciurlionis_news-1905 +genre_painting,Fauvism,albert-marquet_posters-at-trouville-1906 +genre_painting,Expressionism,ernst-ludwig-kirchner_archer +genre_painting,Impressionism,mary-cassatt_mother-and-children-1901 +landscape,Symbolism,nicholas-roerich_himalayas-57 +cityscape,Realism,boris-kustodiev_venice-1907 +landscape,Romanticism,ivan-aivazovsky_pyramids-1895 +landscape,Impressionism,alfred-sisley_by-way-of-the-old-ferry-1880 +portrait,Realism,vasily-perov_portrait-of-peter-ivanovich-nikolayev-chairman-of-the-vladimir-district-council-1876 +landscape,Impressionism,claude-monet_the-house-seen-from-the-rose-garden-1924 +religious_painting,Mannerism_Late_Renaissance,el-greco_the-resurrection +genre_painting,Art_Nouveau_Modern,henri-de-toulouse-lautrec_the-cartwheel-1893 +portrait,Ukiyo_e,utagawa-kuniyoshi_lingering-snow-at-ishiyama +portrait,High_Renaissance,giovanni-antonio-boltraffio_portrait-of-a-lady-as-st-lucy-1500 +abstract_painting,Minimalism,paul-brach_vessel-1965 +nude_painting,New_Realism,john-french-sloan_santa-fe-siesta-1949 +genre_painting,Baroque,rembrandt_money +nude_painting,Expressionism,walter-battiss_blondie +portrait,Expressionism,amedeo-modigliani_man-with-a-glass-of-wine +cityscape,Expressionism,margareta-sterian_easter-in-the-village +sketch_and_study,Realism,boris-kustodiev_girl-brushing-her-hair-1917 +religious_painting,Northern_Renaissance,hans-memling_st-veronica-1475 +portrait,Romanticism,gheorghe-tattarescu_flor-reas +genre_painting,Realism,nikolay-bogdanov-belsky_tea-drinking +abstract_painting,Minimalism,park-seo-bo_ecriture-no-070325-2007 +portrait,Impressionism,augustus-john_dorelia-1959 +landscape,Impressionism,guy-rose_mission-point +portrait,High_Renaissance,titian_philip-ii-of-spain +landscape,Fauvism,endre-bartos_magic-1981 +genre_painting,Realism,nikolay-bogdanov-belsky_children-at-the-piano +religious_painting,Early_Renaissance,benozzo-gozzoli_procession-of-the-magus-balthazar-detail-1461 +cityscape,Romanticism,cornelis-springer_town-square-before-a-church-a-capriccio-1846 +landscape,Romanticism,john-constable_view-of-salisbury +portrait,Impressionism,james-mcneill-whistler_the-blue-girl-1874 +portrait,Cubism,fernand-leger_two-figures-naked-on-red-bottom-1923 +genre_painting,Art_Nouveau_Modern,raphael-kirchner_maid-of-athens-1900-3 +religious_painting,Early_Renaissance,andrea-mantegna_st-mark-1450 +landscape,Romanticism,ivan-aivazovsky_smugglers-1884 +genre_painting,Rococo,giovanni-domenico-tiepolo_chinese-prince-in-fortune-tellers-1757 +religious_painting,Art_Nouveau_Modern,nicholas-roerich_saviour-almighty-and-saints-1906 +abstract_painting,Color_Field_Painting,mark-rothko_no-1-royal-red-and-blue-1954 +cityscape,Post_Impressionism,maxime-maufra_the-port-of-sauzon-1905 +abstract_painting,Minimalism,gene-davis_untitled-1972 +genre_painting,Post_Impressionism,pablo-picasso_moulin-de-la-galette-1900 +nude_painting,Impressionism,pierre-auguste-renoir_the-bather-after-the-bath-1888 +illustration,Romanticism,gustave-dore_geri-del-bello +religious_painting,Cubism,jean-david_shimshon-and-the-lion +still_life,Baroque,gerrit-dou_still-life-with-book-and-purse +religious_painting,Early_Renaissance,carlo-crivelli_enthroned-madonna +landscape,Impressionism,willard-metcalf_maytime +genre_painting,Romanticism,karl-bodmer_saukie-and-fox-indians-plate-20-from-volume-1-of-travels-in-the-interior-of-north-america-1833 +illustration,Symbolism,william-blake_illustration-to-milton-s-paradise-lost-1807-2 +still_life,Synthetic_Cubism,juan-gris_breakfast-1914 +nude_painting,Northern_Renaissance,albrecht-durer_male-nude-with-a-glass-and-snake-asclepius +landscape,Realism,gustave-courbet_view-of-la-tour-de-farges-1857 +sketch_and_study,Baroque,rembrandt_healing-of-peter-s-mother-in-law-1660 +cityscape,Impressionism,paul-gauguin_osny-rue-de-pontoise-winter-1883 +portrait,Baroque,gerrit-dou_bust-of-a-man-1645 +religious_painting,Baroque,rembrandt_the-flight-into-egypt-a-night-piece-1651 +portrait,Northern_Renaissance,jan-van-eyck_a-man-in-a-turban-1433 +landscape,Symbolism,nicholas-roerich_palden-lhamo-1932 +religious_painting,Baroque,bartolome-esteban-murillo_immaculate-conception-of-the-escorial(1) +landscape,Realism,isaac-levitan_road-1899 +landscape,Impressionism,pieter-wenning_cottage-nelspruit-1919 +portrait,Realism,ilya-repin_portrait-of-the-author-leonid-andreev-1904 +portrait,Baroque,rembrandt_saskia-as-flora-1634-oil-on-canvas-1634 +portrait,Impressionism,mary-cassatt_sara-in-a-large-flowered-hat-looking-right-holding-her-dog +cityscape,Impressionism,camille-pissarro_dieppe-dunquesne-basin-low-tide-sun-morning-1902 +religious_painting,Baroque,annibale-carracci_the-dead-christ-1585 +portrait,Romanticism,eugene-delacroix_michelangelo-in-his-studio-1850(1) +portrait,Expressionism,oskar-kokoschka_not_detected_235885 +illustration,Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-tale-of-prince-ivan-the-firebird-and-the-grey-wolf-1899-5 +genre_painting,Romanticism,rudolf-von-alt_motif-from-goisern-1903 +genre_painting,Realism,james-tissot_the-ruins-inner-voices-1885 +genre_painting,Realism,thomas-eakins_music-1904 +genre_painting,Symbolism,gustave-moreau_victim +cityscape,Impressionism,claude-monet_the-bridge-amsterdam +genre_painting,Impressionism,james-mcneill-whistler_red-and-pink-the-little-mephisto +landscape,Symbolism,nicholas-roerich_lake-in-the-mountains +genre_painting,Impressionism,william-merritt-chase_park-bench-aka-an-idle-hour-in-the-park-central-park +landscape,Post_Impressionism,marcel-janco_on-the-way-to-ein-hod +portrait,Expressionism,candido-portinari_marriage-on-the-farm-1944 +portrait,Rococo,maurice-quentin-de-la-tour_madame-de-mondonville +sketch_and_study,Post_Impressionism,vincent-van-gogh_luxembourg-garden-in-paris +genre_painting,Romanticism,william-shayer_fishermen +portrait,Baroque,anthony-van-dyck_portrait-of-a-monk-of-the-benedictine-order-holding-a-skull +abstract_painting,Abstract_Expressionism,theodoros-stamos_infinity-field-lefkada-series-1979 +abstract_painting,Abstract_Expressionism,cy-twombly_untitled-part-vi +genre_painting,Naive_Art_Primitivism,maria-primachenko_halia-and-cossack-1947 +genre_painting,Expressionism,lucian-freud_memory-of-london +portrait,Realism,vasily-surikov_portrait-of-olga-surikova-the-artist-s-daughter-1888 +portrait,Expressionism,emil-nolde_young-couple-1935 +sketch_and_study,Art_Nouveau_Modern,henri-de-toulouse-lautrec_the-beauty-and-the-beast-the-bezique-1895 +genre_painting,Ukiyo_e,hiroshige_tsuchi-yama +genre_painting,Naive_Art_Primitivism,raoul-dufy_the-thoroughbred-1940 +landscape,Fauvism,endre-bartos_thick-forest-1973 +landscape,Symbolism,martiros-saryan_ararat-valley-1945 +portrait,Impressionism,pierre-auguste-renoir_portrait-of-pierre-1890 +landscape,Contemporary_Realism,john-miller_beach(3) +religious_painting,Baroque,guido-reni_saint-mark +sketch_and_study,Romanticism,gustave-moreau_the-chimera-1856 +genre_painting,Naive_Art_Primitivism,jules-lefranc_cafe-maure +portrait,Naive_Art_Primitivism,otto-gustav-carlsund_katakombbruden-1934 +genre_painting,Romanticism,ford-madox-brown_the-opening-of-the-bridgewater-canal +religious_painting,Northern_Renaissance,hans-memling_st-andrew-left-wing-of-a-diptych-reverse-1490 +religious_painting,Baroque,rembrandt_simeon-in-the-temple +religious_painting,Symbolism,salvador-dali_iesus-flagellatus-john-19-1-1964 +portrait,Romanticism,vasily-tropinin_family-portrait-of-counts-morkovs-1813 +religious_painting,Post_Impressionism,marcel-duchamp_paradise-adam-and-eve +illustration,Art_Nouveau_Modern,aubrey-beardsley_messalina-returning-from-the-bath +landscape,Art_Nouveau_Modern,konstantin-korovin_first-steps-of-prospectors-in-tundra-1894 +genre_painting,Expressionism,jose-gutierrez-solana_village-cupletista +portrait,Expressionism,max-pechstein_the-masked-woman-1910 +landscape,Impressionism,julian-alden-weir_autumn-days +abstract_painting,Abstract_Expressionism,sam-francis_untitled-variant-f-1989 +genre_painting,Expressionism,josef-herman_pruning-the-vines-1952 +landscape,Post_Impressionism,henri-matisse_aht-amont-cliffs-at-etretat-1920 +cityscape,Romanticism,taras-shevchenko_vasylkiv-fort-in-kyiv-1846 +cityscape,Romanticism,maxim-vorobiev_view-of-sobornaya-square-in-the-moscow-kremlin-1817 +still_life,Impressionism,berthe-morisot_daisies +portrait,Post_Impressionism,raoul-dufy_jeanne-with-flowers-1907 +portrait,Expressionism,oskar-kokoschka_not_detected_235865 +genre_painting,Romanticism,jehan-georges-vibert_at-the-corrida-1875 +portrait,Realism,alexey-venetsianov_peasant-woman-with-milk +abstract_painting,Cubism,olexandr-archipenko_the-appointment-of-the-four-forms-from-the-portfolio-life-forms +abstract_painting,Color_Field_Painting,leon-berkowitz_seven-lights-series-1975 +genre_painting,Realism,mykola-pymonenko_at-the-shadow +cityscape,Expressionism,albert-bloch_study-of-shape-and-color-9-with-railway-bridge +illustration,Realism,thomas-eakins_illustration-for-neelus-peeler-s-conditions-1879 +genre_painting,Naive_Art_Primitivism,fernando-botero_the-murder-of-anna-rosa-caderonne-1 +portrait,Expressionism,paula-modersohn-becker_young-girl-with-straw-hat-and-a-flower-in-her-hand-1902 +genre_painting,Expressionism,ernst-ludwig-kirchner_two-bathing-girls-in-a-bathtub +portrait,Early_Renaissance,paolo-uccello_head-of-prophet-1443-1 +landscape,Realism,isaac-levitan_mist-autumn-1899 +abstract_painting,Abstract_Expressionism,raoul-ubac_kreuzweg-1955 +cityscape,Realism,camille-corot_view-of-the-grand-canal-venice-from-the-riva-degli-schiavone-1828 +sketch_and_study,Post_Impressionism,vincent-van-gogh_doctor-gachet-sitting-at-a-table-with-books-and-a-glass-with-sprigs-of-foxglove-1890(1) +nude_painting,Post_Impressionism,henri-de-toulouse-lautrec_reclining-nude-1897 +nude_painting,Realism,julius-leblanc-stewart_the-laughing-maid-1899(1) +illustration,Naive_Art_Primitivism,marc-chagall_gogol-and-chagall +abstract_painting,Minimalism,fernando-calhau_untitled-1968 +religious_painting,Romanticism,ivan-aivazovsky_jesus-walks-on-water-1888 +abstract_painting,Color_Field_Painting,jack-bush_red-m-1971 +abstract_painting,Abstract_Expressionism,jimmy-ernst_southwest-image-1958 +landscape,Baroque,peter-paul-rubens_landscape-with-tower +genre_painting,Impressionism,pierre-auguste-renoir_motherhood-woman-breast-feeding-her-child-1886 +genre_painting,Baroque,david-teniers-the-younger_flanders-in-a-peasant-cottage +nude_painting,Expressionism,emil-nolde_women-and-pierrot-1917 +portrait,Realism,camille-corot_young-italian-patriot-in-the-mountains +portrait,Rococo,vladimir-borovikovsky_portrait-of-emperor-paul-i-1800 +portrait,Early_Renaissance,antonello-da-messina_portrait-of-a-man-the-condottiero-1475 +genre_painting,Impressionism,pierre-auguste-renoir_mother-and-child-1881 +portrait,Impressionism,edmund-charles-tarbell_my-wife-emeline-in-a-garden +cityscape,Impressionism,maurice-prendergast_franklin-park-boston-1895 +illustration,Art_Nouveau_Modern,theodor-severin-kittelsen_first-page-1890 +cityscape,Romanticism,camille-corot_basilica-of-constantine-1828 +landscape,Impressionism,paul-gauguin_returning-from-the-harvest-manuring-1884 +religious_painting,Rococo,giovanni-battista-tiepolo_the-discovery-of-the-true-cross-and-st-helena +landscape,Impressionism,kazimir-malevich_landscape-with-white-houses +portrait,Impressionism,pierre-auguste-renoir_the-spanish-guitarist-1897 +landscape,Post_Impressionism,maxime-maufra_view-of-the-port-of-auray-1909 +landscape,Realism,pyotr-konchalovsky_nemtsovo-pond-1950 +abstract_painting,Abstract_Expressionism,clyfford-still_untitled-1952-1 +genre_painting,Expressionism,henri-matisse_harmony-in-red-1908 +genre_painting,Realism,max-liebermann_amsterdam-orphanage-1876 +landscape,Symbolism,nicholas-roerich_ambassador-1914 +religious_painting,Northern_Renaissance,albrecht-altdorfer_beautiful-mary-in-the-church-1519 +cityscape,Cubism,john-marin_st-paul-s-manhattan-1914 +portrait,Realism,jehan-georges-vibert_a-grand-white-enuch-watching-doves +portrait,Realism,john-singer-sargent_essie-ruby-and-ferdinand-children-of-asher-wertheimer-1902 +landscape,Impressionism,paul-gauguin_the-forest-path-1873 +portrait,Rococo,maurice-quentin-de-la-tour_study-for-portrait-of-unknown-man +landscape,Symbolism,ferdinand-hodler_the-grammont-1906 +religious_painting,Naive_Art_Primitivism,marc-chagall_eliezer-and-rebecca-1931 +portrait,Art_Nouveau_Modern,gustav-klimt_lady-with-hat-and-featherboa +genre_painting,Post_Impressionism,paul-cezanne_five-bathers-1878 +landscape,Impressionism,cornelis-vreedenburgh_garden-with-blossoming-trees +portrait,Impressionism,william-merritt-chase_young-girl +landscape,Realism,ivan-shishkin_in-the-forest +portrait,Realism,edouard-manet_eva-gonzales-1878 +sketch_and_study,Expressionism,arturo-souto_a-woman-1954 +portrait,Impressionism,claude-monet_jean-pierre-hoschede-called-bebe-jean +abstract_painting,Minimalism,john-mclaughlin_number-23-1960 +religious_painting,Northern_Renaissance,joachim-wtewael_adoration-by-the-shepherds +genre_painting,Impressionism,john-singer-sargent_bedouin-mother-1905 +cityscape,Art_Nouveau_Modern,mstislav-dobuzhinsky_roadway-in-vilnius-1910 +genre_painting,Realism,frederic-remington_prospecting-for-cattle-range-1889 +portrait,Romanticism,jan-matejko_wladyslaw-the-exile +landscape,Symbolism,ferdinand-hodler_lake-geneva-with-mont-blanc-in-the-morning-light-1918 +portrait,Romanticism,eugene-delacroix_the-women-of-algiers-1834(1) +portrait,Northern_Renaissance,jean-hey_portrait-of-francis-de-chateaubriand +abstract_painting,Abstract_Expressionism,rafa-nasiri_untitled-068-2002 +abstract_painting,Abstract_Expressionism,cy-twombly_coronation-of-sesostris-1 +genre_painting,Post_Impressionism,henri-matisse_woman-by-a-window +landscape,Post_Impressionism,pyotr-konchalovsky_crimea-the-rocks-by-the-sea-1929 +illustration,Realism,n.c.-wyeth_routs-black-dog +landscape,Realism,johan-hendrik-weissenbruch_farmer-with-herd-on-countryroad +nude_painting,Post_Impressionism,pyotr-konchalovsky_reclining-model-1923-1 +religious_painting,Mannerism_Late_Renaissance,el-greco_the-marriage-of-the-virgin +landscape,Expressionism,paul-klee_landscape-with-yellow-birds-1923(1) +cityscape,Post_Impressionism,pyotr-konchalovsky_summer-landscape-1920 +portrait,Northern_Renaissance,jean-hey_portrait-of-charles-ii-of-bourbon +genre_painting,Symbolism,victor-borisov-musatov_emerald-necklace-1904 +landscape,Impressionism,nicolae-darascu_the-house-with-linden-tree-from-balcic-1933 +portrait,Romanticism,alphonse-mucha_portrait-of-a-girl-1913 +portrait,Northern_Renaissance,jean-fouquet_portrait-of-the-ferrara-court-jester-gonella +portrait,Expressionism,amedeo-modigliani_oscar-miestchaninoff-1917 +illustration,Romanticism,gustave-dore_so-parted-they-the-angel-up-to-heaven-from-the-thick-shade-and-adam-to-his-bower +landscape,Realism,isaac-levitan_lake-1 +religious_painting,Rococo,giovanni-battista-tiepolo_the-immaculate-conception-1768 +portrait,Pointillism,theo-van-rysselberghe_elisaeth-van-rysselberghe-in-a-straw-hat-1901 +portrait,Rococo,thomas-gainsborough_robert-butcher-of-walthamstan +landscape,Impressionism,camille-pissarro_landscape-at-osny-1883 +landscape,Impressionism,claude-monet_the-mill-at-vervy +cityscape,Impressionism,jean-alexandru-steriadi_strad-la-balcic-1924 +cityscape,Impressionism,eugene-boudin_the-port-fecamp +sketch_and_study,Realism,vincent-van-gogh_two-hands-2 +religious_painting,Realism,ilya-repin_raising-of-jairus-daughter-1871 +genre_painting,Expressionism,egon-schiele_two-girls-on-a-fringed-blanket-1911 +landscape,Impressionism,robert-julian-onderdonk_bluebonnets-at-late-afternoon-near-la-grange-1918 +genre_painting,Art_Nouveau_Modern,henri-de-toulouse-lautrec_at-the-circus-horse-and-monkey-dressage-1899 +landscape,Romanticism,orest-kiprensky_landscape +abstract_painting,Abstract_Expressionism,sam-francis_for-thirteen-sfs-335-1989 +landscape,Impressionism,camille-pissarro_the-rising-path-pontoise-1875 +landscape,Realism,theodore-rousseau_the-large-oak-tree-forest-of-fontainebleau-1839 +cityscape,Post_Impressionism,maurice-utrillo_abbesses-street +landscape,Symbolism,konstantin-somov_landscape-with-a-wicket +religious_painting,Early_Renaissance,piero-della-francesca_vision-of-constantine-detail(1) +landscape,Post_Impressionism,bertalan-por_gypsies-1907 +sketch_and_study,Symbolism,nicholas-roerich_strolling-figure +cityscape,Fauvism,mario-zanini_parati-1964 +sketch_and_study,Realism,thomas-eakins_study-for-ships-and-sailboats-on-the-delaware-1874 +landscape,Impressionism,claude-monet_mount-kolsaas-3 +abstract_painting,Minimalism,paul-brach_corona-ii-1995 +landscape,Impressionism,childe-hassam_sailing-vessel-at-sea-sunset +portrait,Realism,martiros-saryan_portrait-of-a-ballerina-galina-ulanova-1940 +abstract_painting,Minimalism,paul-brach_the-negative-way-7-1964 +portrait,Fauvism,william-h.-johnson_art-class-three-men-1939 +portrait,Romanticism,domingos-sequeira_retrato-de-conde-de-farrobo-1813 +abstract_painting,Minimalism,kazuo-nakamura_time-and-space-series-1-1974 +landscape,Symbolism,nicholas-roerich_stupa-at-chung-chu-1928 +still_life,Fauvism,bela-czobel_still-life-in-yellow-1960 +religious_painting,Realism,vasily-surikov_a-rich-man-and-lazarus-1873 +landscape,Art_Nouveau_Modern,nicholas-roerich_forest-1917 +portrait,Rococo,antoine-pesne_luise-ulrike-von-preu-en +genre_painting,Pop_Art,gerard-fromanger_le-kiosque-1973 +religious_painting,Mannerism_Late_Renaissance,andrea-del-sarto_the-sacrifice-of-abraham +cityscape,Realism,vasily-surikov_belfry-ivan-the-great-1876 +religious_painting,Mannerism_Late_Renaissance,paolo-veronese_the-marriage-at-cana +portrait,Romanticism,orest-kiprensky_portrait-of-grand-duke-michael-pavlovich-of-russia-1819 +genre_painting,Romanticism,karl-bodmer_funeral-scaffold-of-a-sioux-chief-near-fort-pierre-plate-11-from-volume-2-of-travels-in-the-1844 +religious_painting,Symbolism,salvador-dali_et-posuerunt-eum-in-monumento-mark-15-46-1964 +genre_painting,Baroque,adriaen-van-ostade_country-concert +landscape,Post_Impressionism,paul-gauguin_among-the-lillies-1893 +landscape,Realism,martiros-saryan_sevan-lake-1953 +portrait,Post_Impressionism,david-burliuk_study-for-marusia +landscape,Impressionism,paul-signac_port-en-bessin-a-cliff-1883 +portrait,Expressionism,yiannis-tsaroychis_the-thinker-1936 +cityscape,Impressionism,claude-monet_rouen-cathedral-the-gate-and-the-tower +portrait,Impressionism,james-mcneill-whistler_edward-guthrie-kennedy-1895 +landscape,Impressionism,camille-pissarro_kew-gardens-crossroads-near-the-pond-1892 +genre_painting,Realism,jean-francois-millet_laundress +religious_painting,Northern_Renaissance,albrecht-durer_lot-s-escape +abstract_painting,Minimalism,sol-lewitt_summer-collage-1981 +genre_painting,Naive_Art_Primitivism,pablo-picasso_a-bank-of-canal-1905 +portrait,Analytical_Cubism,pablo-picasso_woman-and-pears-fernande-1909 +genre_painting,Post_Impressionism,pyotr-konchalovsky_bathing-boys-1920 +nude_painting,Expressionism,jean-fautrier_petit-nu-noir-1926 +landscape,Realism,nikolay-bogdanov-belsky_wood-path-in-spring +landscape,Expressionism,balthus_landscape-in-chassy-1 +portrait,Romanticism,konstantin-makovsky_cup-of-honey +abstract_painting,Color_Field_Painting,helen-frankenthaler_what-red-lines-can-do-1970 +genre_painting,Realism,james-tissot_ramsgate +religious_painting,Early_Renaissance,fra-angelico_saint-lawrence-receiving-the-treasures-of-the-church-from-pope-sixtus-ii-1449 +still_life,Cubism,amedee-ozenfant_composition-ii-1929 +portrait,Expressionism,emil-nolde_portrait-of-south-sea-islander-1 +genre_painting,Expressionism,max-beckmann_family-picture-1920 +cityscape,Impressionism,camille-pissarro_the-pont-corneille-rouen-grey-weather-1896 +portrait,Rococo,joshua-reynolds_edward-morant-and-his-son-john +religious_painting,Art_Nouveau_Modern,wilhelm-kotarbinski_daughter-of-jairus +abstract_painting,Color_Field_Painting,jose-guerrero_rojo-morado-1985 +religious_painting,Baroque,rembrandt_jacob-wrestling-with-the-angel-1659 +abstract_painting,Color_Field_Painting,howard-hodgkin_arch-1971 +landscape,Impressionism,constantin-flondor_plane-trees-1952 +religious_painting,High_Renaissance,luca-signorelli_flagellation +cityscape,New_Realism,edward-hopper_gloucester-harbor +religious_painting,Northern_Renaissance,martin-schongauer_madonna-on-the-turf-bench +portrait,Post_Impressionism,kees-van-dongen_le-sphinx-1925 +abstract_painting,Abstract_Expressionism,morris-louis_untitled-1956 +illustration,Romanticism,gustave-dore_a-message-from-the-east +portrait,Rococo,vladimir-borovikovsky_portrait-of-f-a-borovsky-1799 +portrait,Impressionism,valentin-serov_portrait-of-yelena-balina-1911 +abstract_painting,Abstract_Expressionism,john-hoyland_splay-1979 +abstract_painting,Abstract_Expressionism,philip-guston_painting-no-9-1952 +portrait,Art_Nouveau_Modern,leon-bakst_portrait-of-boris-nikolayevich-bugaev-pseudonym-andrey-bely-1905 +cityscape,Realism,eugene-boudin_cattle-market-at-daoulas-brittany-1861 +portrait,Post_Impressionism,henri-matisse_head-of-lorette-with-curls-1917 +sketch_and_study,Northern_Renaissance,albrecht-durer_christ-on-the-mount-of-olives-4 +genre_painting,Impressionism,iosif-iser_l-utari +landscape,Contemporary_Realism,john-miller_sunrise-of-wonder-viii +landscape,Fauvism,louis-valtat_by-the-sea-1904 +landscape,Impressionism,edouard-manet_the-garden-at-bellevue-1880 +sketch_and_study,Expressionism,pyotr-konchalovsky_the-model-behind-his-back-drawing-for-the-painting-woman-with-a-mirror-1923 +cityscape,Romanticism,john-atkinson-grimshaw_whitby-harbor-by-moonlight +genre_painting,Realism,ilya-repin_watch-1881 +cityscape,Impressionism,camille-pissarro_outer-harbour-of-le-havre-1903 +religious_painting,Northern_Renaissance,hieronymus-bosch_the-garden-of-earthly-delights-1516-3 +landscape,Symbolism,nicholas-roerich_ashram-1940 +landscape,Romanticism,christen-kobke_one-of-the-small-towers-on-frederiksborg-castle-1835 +landscape,Impressionism,eugene-boudin_criqueboeuf-the-church +abstract_painting,Abstract_Expressionism,arthur-pinajian_untitled-landscape-bellport-no-224-1989 +cityscape,Pointillism,henri-martin_the-tower-of-collioure-in-moonrise +religious_painting,Baroque,guido-reni_st-catherine-1615 +portrait,Art_Nouveau_Modern,raphael-kirchner_greek-virgins-1900-2 +portrait,Art_Nouveau_Modern,sergey-solomko_young-woman-in-hat +genre_painting,Realism,camille-pissarro_apple-trees-at-pontoise-1868 +landscape,Art_Nouveau_Modern,ferdinand-hodler_the-forest-near-reichenbach-1903 +abstract_painting,Abstract_Expressionism,sam-francis_untitled-sf-358-1993 +genre_painting,Realism,vincent-van-gogh_sien-nursing-baby-1882 +landscape,Realism,ivan-shishkin_the-forest-horizons-1884 +abstract_painting,Abstract_Expressionism,sam-francis_untitled-from-pasadena-box-lembark-l61-1963 +landscape,Post_Impressionism,pyotr-konchalovsky_orchard-1922 +portrait,Expressionism,henri-matisse_girl-with-tulips-1910 +religious_painting,Mannerism_Late_Renaissance,tintoretto_paradies +abstract_painting,Abstract_Expressionism,betty-parsons_untitled-abstraction(4) +landscape,Baroque,rembrandt_the-mill-on-the-het-blauwhoofd +portrait,Impressionism,childe-hassam_edith-blaney-mrs-dwight-blaney +religious_painting,Mannerism_Late_Renaissance,tintoretto_the-murder-of-abel-1552 +illustration,Romanticism,gustave-dore_don-quixote-108 +religious_painting,Early_Renaissance,domenico-ghirlandaio_the-adoration-of-the-magi-1487 +genre_painting,Impressionism,robert-julian-onderdonk_the-family-at-cards-unfinished +landscape,Impressionism,vasile-popescu_house-in-fundeni-1941 +religious_painting,Early_Renaissance,luca-signorelli_st-paul +abstract_painting,Color_Field_Painting,helen-frankenthaler_reflections-ix-1995 +abstract_painting,Minimalism,john-mclaughlin_untitled-1963(2) +sketch_and_study,Realism,vincent-van-gogh_mower-after-millet-1881 +portrait,Expressionism,lucian-freud_the-painter-s-mother-1984 +portrait,Art_Nouveau_Modern,gustav-klimt_portrait-of-maria-munk-unfinished-1918 +sketch_and_study,Impressionism,edgar-degas_jockey-1882 +portrait,Realism,john-singer-sargent_mrs-charles-hunter-mary-smyth-1898 +genre_painting,Northern_Renaissance,albrecht-durer_the-lady-of-the-festival-du-rosaire-1506 +genre_painting,Impressionism,giuseppe-de-nittis_at-the-tribune-during-the-race +abstract_painting,Minimalism,conrad-marca-relli_untitled-1976 +genre_painting,Realism,nikolay-bogdanov-belsky_composition +religious_painting,Baroque,bartolome-esteban-murillo_the-flight-into-egypt-1650 +abstract_painting,Abstract_Expressionism,conrad-marca-relli_untitled-1973 +portrait,Impressionism,pierre-auguste-renoir_mademoiselle-demarsy-woman-leaning-on-her-elbow-1882 +abstract_painting,Color_Field_Painting,paul-feeley_julius-1960 +sketch_and_study,Naive_Art_Primitivism,marc-chagall_the-creation-of-man-4 +landscape,Impressionism,berthe-morisot_the-old-track-to-auvers-1863 +sketch_and_study,Northern_Renaissance,albrecht-durer_study-of-three-hands +cityscape,Realism,vasily-surikov_florence-1884 +still_life,Post_Impressionism,paul-cezanne_still-life-1879 +portrait,Expressionism,andre-derain_the-cup-of-tea-1935 +illustration,Romanticism,n.c.-wyeth_sir-launcelot-in-the-wilderness-after-leaving-the-round-table +landscape,Impressionism,camille-pissarro_a-meadow-in-eragny-1889 +religious_painting,Naive_Art_Primitivism,marc-chagall_ten-commandements +illustration,Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-poem-two-crow-by-alexander-pushkin-1910(1) +portrait,Realism,basuki-abdullah_javanese-girl +religious_painting,Northern_Renaissance,hans-baldung_rest-on-the-flight-to-egypt-1514 +genre_painting,Romanticism,william-shayer_looking-out-to-sea-1846 +portrait,Romanticism,francisco-goya_portrait-of-maria-teresa-of-ballabriga-countess-of-chinchon +landscape,Romanticism,caspar-david-friedrich_landscape-with-rainbow +sketch_and_study,Realism,vincent-van-gogh_four-hands-two-holding-bowls-1885(1) +cityscape,Romanticism,william-turner_rome-from-the-vatican +genre_painting,Romanticism,konstantin-makovsky_household-conversation +genre_painting,Impressionism,edgar-degas_dancer-and-tambourine +cityscape,Symbolism,mstislav-dobuzhinsky_vilnius-st-catherine-s-church-1906 +cityscape,Impressionism,claude-monet_argenteuil-the-hospice(1) +portrait,Synthetic_Cubism,pablo-picasso_figure +portrait,Northern_Renaissance,lucas-cranach-the-elder_philipp-melanchthon-1537 +portrait,Naive_Art_Primitivism,horace-pippin_portrait-of-christian-brinton-1940 +genre_painting,Post_Impressionism,kuzma-petrov-vodkin_in-the-veil-1907 +portrait,Realism,gustav-klimt_portrait-of-a-girl-head-slightly-turned-left +religious_painting,Baroque,rembrandt_st-bartholomew-1657 +religious_painting,High_Renaissance,cima-da-conegliano_madonna-and-child-1 +landscape,Realism,horia-bernea_the-column-1996 +abstract_painting,Abstract_Expressionism,sam-gilliam_baptistry-1975 +still_life,Cubism,lyubov-popova_the-jug-on-the-table +religious_painting,Early_Renaissance,benozzo-gozzoli_tabernacle-of-the-visitation-meeting-at-the-golden-gate +abstract_painting,Minimalism,robert-mangold_column-painting-9-2003 +genre_painting,Impressionism,eugene-boudin_beach-scene-5 +genre_painting,Naive_Art_Primitivism,william-h.-johnson_ambulance-on-the-go-1942 +genre_painting,Post_Impressionism,maurice-denis_parisians-at-the-seaside-evening +genre_painting,Art_Nouveau_Modern,pablo-picasso_picasso-with-partner-1901 +religious_painting,Baroque,mestre-ataã­de_ascens-o-de-cristo +landscape,Art_Nouveau_Modern,koloman-moser_meadow +landscape,Impressionism,guy-rose_mist-over-point-lobos-1918 +landscape,Realism,ivan-shishkin_fir-forest +landscape,Expressionism,candido-portinari_scarecrow-1959 +landscape,Impressionism,alfred-sisley_view-of-st-cloud-1876 +portrait,Art_Nouveau_Modern,felix-vallotton_portrait-of-french-writer-albert-aurier-1898 +landscape,Realism,ivan-shishkin_ferns +religious_painting,Romanticism,taras-shevchenko_st-sebastian-1856 +portrait,Realism,john-singer-sargent_elizabeth-winthrop-chanler-1893 +portrait,Rococo,antoine-pesne_friedrich-hoffmann-german-physician +nude_painting,Impressionism,theodor-pallady_intimacy-1 +abstract_painting,Color_Field_Painting,kenzo-okada_three-whites-1963 +sketch_and_study,Realism,vincent-van-gogh_peasant-woman-stooping-1885 +genre_painting,Expressionism,martiros-saryan_street-in-cairo-1911 +still_life,Baroque,frans-snyders_still-life-with-dead-hares-and-birds-armchair-hounds-hunting-gun +genre_painting,Symbolism,nicholas-roerich_evening-call-1931 +nude_painting,Expressionism,franz-marc_nude-lying-in-the-flowers-1910 +still_life,Post_Impressionism,paul-cezanne_still-life-vase-with-flowers-1903 +genre_painting,Pointillism,georges-seurat_the-rope-colored-skirt-1884 +religious_painting,High_Renaissance,andrea-mantegna_the-resurrection +landscape,Impressionism,lucia-demetriade-balacescu_munci-de-prim-var +landscape,Impressionism,konstantin-korovin_pond-1910 +portrait,Post_Impressionism,pablo-picasso_portrait-of-allan-stein-1906 +portrait,Romanticism,jan-matejko_portrait-of-alfred-potocki-1879 +religious_painting,High_Renaissance,giorgione_the-judgement-of-solomon-1505(2) +still_life,Post_Impressionism,pyotr-konchalovsky_still-life-1910 +religious_painting,Baroque,rembrandt_adoration-of-the-magi-1632 +portrait,Expressionism,pablo-picasso_s-junyer-vidal-with-woman-beside-him-1903 +genre_painting,Art_Nouveau_Modern,nicholas-roerich_hearth-1902 +cityscape,Symbolism,mstislav-dobuzhinsky_bruges-courtyard-1910 +genre_painting,Realism,vladimir-makovsky_congratulations-1878 +religious_painting,Baroque,ivan-rutkovych_icon-of-archangel-michael-1699 +abstract_painting,Abstract_Expressionism,sam-francis_untitled-4 +cityscape,Post_Impressionism,edouard-cortes_theatre-du-vaudeville-4 +genre_painting,Post_Impressionism,vincent-van-gogh_prisoners-exercising-prisoners-round-1890 +abstract_painting,Minimalism,brice-marden_grove-group-2-1972 +landscape,Impressionism,claude-monet_the-church-at-varengeville-and-the-gorge-of-les-moutiers +portrait,Realism,konstantin-somov_portrait-of-m-kuzmin +genre_painting,Romanticism,william-shayer_the-plough-inn +portrait,Expressionism,m.c.-escher_seated-man-with-cat-on-his-lap +still_life,Post_Impressionism,paul-cezanne_still-life-with-fruit-geraniums-stock-1894 +sketch_and_study,Realism,aleksey-savrasov_grave +cityscape,Naive_Art_Primitivism,henri-rousseau_the-toll-house-1890 +genre_painting,Expressionism,frantisek-kupka_always-poor-1902 +portrait,Realism,james-mcneill-whistler_arrangement-in-black +genre_painting,Expressionism,jose-gutierrez-solana_the-trail-1933 +abstract_painting,Color_Field_Painting,barnett-newman_untitled-i-1950 +nude_painting,Expressionism,otto-dix_myself-in-brussels(1) +landscape,Realism,isaac-levitan_spring-in-crimea-1900 +sketch_and_study,Realism,vincent-van-gogh_sketch-of-a-seated-woman-1888 +genre_painting,Realism,vincent-van-gogh_woman-with-a-child-on-her-lap-1883 +landscape,Impressionism,paul-signac_the-seine-near-sevres +portrait,Realism,vasily-surikov_maria-s-head +landscape,Realism,ferdinand-hodler_the-chestnut-trees-1889 +sketch_and_study,Post_Impressionism,georges-seurat_soldier-fencing-another-reclining-1880 +cityscape,Baroque,canaletto_dolo-on-the-brenta +abstract_painting,Minimalism,brice-marden_grid-i-lewison-17 +nude_painting,Romanticism,eugene-delacroix_nude-bearded-man-seated(1) +abstract_painting,Abstract_Expressionism,mark-tobey_the-imaginary-village-1954 +landscape,Realism,pierre-auguste-renoir_the-painter-jules-le-coeur-walking-his-dogs-in-the-forest-of-fontainebleau-1866 +cityscape,Romanticism,ivan-aivazovsky_the-bay-golden-horn-in-istanbul-1872 +sketch_and_study,Realism,boris-kustodiev_venus-1920 +landscape,Symbolism,arnold-bã¶cklin_ruins-in-the-moonlit-landscape-1849 +landscape,Post_Impressionism,gustave-loiseau_the-seine-at-pontoise +genre_painting,Impressionism,eugene-boudin_empress-eugenie-on-the-beach-at-trouville-1863 +portrait,New_Realism,john-french-sloan_pink-and-blue-1915 +portrait,High_Renaissance,raphael_portrait-of-maddalena-doni-1506 +portrait,Impressionism,helene-schjerfbeck_portrait-of-a-child-1883 +cityscape,Impressionism,antoine-blanchard_flower-market-madeleine-1 +nude_painting,Baroque,rembrandt_woman-sitting-half-dressed-beside-a-stove-1658 +landscape,Impressionism,winston-churchill_lakeland-scene-near-breccles(1) +landscape,Realism,camille-pissarro_view-from-louveciennes +cityscape,Romanticism,william-turner_alnwick-castle-northumberland +portrait,Impressionism,james-mcneill-whistler_the-princess-from-the-land-of-porcelain-1865 +portrait,Expressionism,salvador-dali_portrait-of-el-sany-pancraci +religious_painting,Early_Renaissance,fra-angelico_st-nicholas-of-bari-1424 +cityscape,Impressionism,francis-picabia_not_detected_236842 +genre_painting,Post_Impressionism,david-burliuk_village-at-slobozhanschina +portrait,Realism,mikhail-nesterov_a-girl-with-kokoshnik-woman-s-headdress-in-old-russia-1885 +portrait,Ukiyo_e,utagawa-toyokuni_ishikawa-goemon-pulling-a-painting-of-himself-out-of-a-lidded-jar +genre_painting,Realism,vasily-vereshchagin_lezginka-1867 +portrait,Pop_Art,andy-warhol_rebel-without-a-cause-james-dean +portrait,Baroque,sebastien-bourdon_queen-christina-of-sweden +abstract_painting,Pop_Art,howard-hodgkin_girl-on-a-sofa-1968 +landscape,Post_Impressionism,nicolae-darascu_landscape-from-provence-1913 +landscape,Impressionism,konstantin-korovin_at-the-oke-1892 +religious_painting,Mannerism_Late_Renaissance,titian_david-and-goliath-1544 +landscape,Realism,arkhip-kuindzhi_steppe-cornfield-1875 +cityscape,Expressionism,costas-niarchos_view +sketch_and_study,Expressionism,martiros-saryan_nile-near-aswan-1911 +portrait,Cubism,romare-bearden_family-mother-and-child-1980 +religious_painting,Naive_Art_Primitivism,marc-chagall_an-angel-1956 +landscape,Symbolism,konstantin-bogaevsky_autumn-evening +portrait,Symbolism,gulacsy-lajos_young-woman-with-rose-tree-1912 +still_life,Impressionism,gustave-caillebotte_still-life +landscape,Impressionism,alfred-sisley_along-the-woods-in-autumn-1885 +religious_painting,High_Renaissance,titian_christ-1522 +religious_painting,Northern_Renaissance,albrecht-durer_temptation-of-st-anthony +landscape,Post_Impressionism,gustave-loiseau_apple-trees-in-october-1898 +genre_painting,Post_Impressionism,felix-vallotton_felix-feneon-at-the-revue-blanche-1896 +landscape,Realism,camille-corot_two-women-talking-by-a-gate +abstract_painting,Abstract_Expressionism,gene-davis_red-line-1952 +landscape,Impressionism,camille-pissarro_village-corner-1863 +portrait,Expressionism,paul-delvaux_large-nude-pink-1929 +portrait,Realism,gustav-klimt_portrait-of-a-man-with-beard-in-three-quarter-profil +portrait,Baroque,jacob-jordaens_portrait-of-a-gentlewoman +portrait,Early_Renaissance,domenico-ghirlandaio_portrait-of-the-donor-francesca-pitti-tornabuoni-1490 +nude_painting,Impressionism,pierre-auguste-renoir_after-the-bath-1910 +landscape,Realism,theodore-rousseau_the-avenue-of-chestnut-trees-1840 +landscape,Impressionism,pierre-auguste-renoir_the-head-of-monte-sorrento-1881 +still_life,Rococo,jean-baptiste-simeon-chardin_still-life-with-turkey-hanged +religious_painting,Mannerism_Late_Renaissance,tintoretto_assumption-of-the-virgin +genre_painting,Post_Impressionism,amrita-sher-gil_woman-on-charpai-1940 +landscape,Romanticism,john-atkinson-grimshaw_roundhay-lake-from-castle-1893 +genre_painting,Impressionism,john-singer-sargent_two-women-asleep-in-a-punt-under-the-willows-1887 +abstract_painting,Abstract_Expressionism,paul-jenkins_not_detected_235727 +cityscape,Post_Impressionism,gustave-loiseau_the-auxerre-cathedral-1907 +genre_painting,Rococo,george-morland_watering-horses-1791 +portrait,Expressionism,amedeo-modigliani_jeanne-hebuterne-with-a-scarf-1919 +portrait,Romanticism,konstantin-makovsky_portrait-of-adleberg +genre_painting,Impressionism,giovanni-boldini_crossing-the-street-1875 +portrait,Realism,grigoriy-myasoyedov_portrait-of-shishkin-1891 +religious_painting,Symbolism,gustave-moreau_david +landscape,Impressionism,camille-pissarro_the-haystack-pontoise-1873 +landscape,Impressionism,claude-monet_the-siene-at-argentuil-1 +landscape,Impressionism,willard-metcalf_the-golden-screen +genre_painting,Impressionism,childe-hassam_sunday-morning +religious_painting,Baroque,alonzo-cano_st-isidore-saves-a-child-that-had-fallen-in-a-well +portrait,Rococo,fyodor-rokotov_portrait-of-an-unknown-woman-in-a-blue-dress-with-yellow-trimmings +still_life,Impressionism,gustave-caillebotte_hors-d-oeuvre +portrait,Expressionism,edvard-munch_ludvig-karsten-1905 +still_life,Post_Impressionism,henri-matisse_still-life-1902 +abstract_painting,Color_Field_Painting,alma-woodsey-thomas_wind-and-crepe-myrtle-concerto-1973 +landscape,Impressionism,childe-hassam_bending-sail-on-the-old-mill +abstract_painting,Abstract_Expressionism,esteban-vicente_untitled-1985 +genre_painting,Romanticism,william-shayer_the-end-of-the-day +abstract_painting,Abstract_Expressionism,mark-tobey_to-life-1974 +nude_painting,Impressionism,edouard-manet_the-blonde-with-bare-breasts-1878 +illustration,Art_Nouveau_Modern,alexandre-benois_letter-b-1904(4) +illustration,Expressionism,lynd-ward_not-detected-272532 +nude_painting,Post_Impressionism,kees-van-dongen_torso-the-idol-1905 +sketch_and_study,Realism,thomas-eakins_sketch-for-cowboys-in-the-badlands-1888 +illustration,Romanticism,gustave-dore_the-prideful-oderisi +portrait,Impressionism,micaela-eleutheriade_dupa-baie +portrait,Realism,gustave-courbet_study-for-les-demoiselles-des-bords-de-la-seine-1856 +sketch_and_study,Realism,vincent-van-gogh_sketches-of-a-hen-and-a-cock-1890 +religious_painting,Naive_Art_Primitivism,marc-chagall_moses-is-saved-from-the-water-by-pharaoh-s-daughter-1931 +nude_painting,Fauvism,ilya-mashkov_two-nudes-1918 +landscape,Romanticism,thomas-cole_catskill-landscape-1846 +cityscape,Expressionism,chaim-soutine_parisian-suburb +genre_painting,Naive_Art_Primitivism,niko-pirosmani_tatar-camel-driver +nude_painting,Post_Impressionism,andre-derain_the-beautiful-model-1923 +nude_painting,Impressionism,pierre-auguste-renoir_two-bathers-1896 +landscape,Pop_Art,roy-lichtenstein_gullscape-1964(1) +portrait,Realism,gustave-courbet_portrait-of-jules-valles-1865 +portrait,Rococo,louise-elisabeth-vigee-le-brun_maria-luisa-of-spain-wife-of-emperor-leopold-ii +religious_painting,Rococo,vladimir-borovikovsky_intercession-of-the-blessed-virgin-mary +landscape,Impressionism,joaquã­n-sorolla_courtyard-1910 +religious_painting,Symbolism,pierre-puvis-de-chavannes_mary-magdalene-in-the-desert-1 +landscape,Art_Nouveau_Modern,koloman-moser_view-of-strains +portrait,Realism,mary-cassatt_toreador-1873 +landscape,Impressionism,childe-hassam_newfields-new-hampshire-1 +portrait,Expressionism,paula-modersohn-becker_portrait-of-an-approximately-12-year-old-italian-girl-1906 +religious_painting,Early_Renaissance,fra-angelico_st-stephen-being-led-to-his-martyrdom-1449 +genre_painting,Rococo,pietro-longhi_the-spinner +religious_painting,Baroque,guido-reni_st-francis-in-prayer-with-two-angels-1631 +abstract_painting,Abstract_Expressionism,ad-reinhardt_number-43-abstract-painting-yellow-1947 +landscape,Realism,ivan-shishkin_in-the-mountains-near-gurzuf-1879 +landscape,Impressionism,james-mcneill-whistler_beach-scene +portrait,Rococo,dmitry-levitzky_eustathius-palmenbah +portrait,Post_Impressionism,kuzma-petrov-vodkin_portrait-of-a-woman-portrait-of-an-unknown-1908 +genre_painting,Art_Nouveau_Modern,nicholas-roerich_archers-1908 +genre_painting,Post_Impressionism,maurice-prendergast_figures-under-the-flag +cityscape,Realism,giovanni-boldini_seine-in-bougival +genre_painting,Expressionism,louay-kayyali_the-laundrette-1971 +landscape,Impressionism,henry-herbert-la-thangue_the-aqueduct +portrait,Realism,david-burliuk_an-actor-1938 +portrait,Realism,vincent-van-gogh_head-of-a-woman-17 +religious_painting,Northern_Renaissance,albrecht-altdorfer_nativity-1507 +illustration,Romanticism,gustave-dore_the-lustful +genre_painting,Art_Nouveau_Modern,wilhelm-kotarbinski_song-of-the-slaves +landscape,Impressionism,camille-pissarro_the-cabbage-field-pontoise-1873 +abstract_painting,Abstract_Expressionism,atsuko-tanaka_untitled-1984 +portrait,Romanticism,konstantin-makovsky_portrait-of-cyril-vladimirovich-grand-duke-of-russia +nude_painting,Contemporary_Realism,philip-pearlstein_girl-on-iron-bench-1972 +cityscape,Rococo,bernardo-bellotto_view-of-warsaw-from-praga-1770-1 +landscape,Impressionism,william-merritt-chase_shinnecock-hills-longisland +genre_painting,Naive_Art_Primitivism,fernand-leger_the-camper-1954 +genre_painting,Art_Nouveau_Modern,sergey-solomko_love-talk +portrait,Ukiyo_e,utagawa-kuniyoshi_actors +genre_painting,Expressionism,martiros-saryan_under-the-trees-1907 +genre_painting,Impressionism,pierre-auguste-renoir_woman-in-a-boat +abstract_painting,Color_Field_Painting,theodoros-stamos_grand-blue-sun-box-1969 +religious_painting,Realism,james-tissot_journey-of-the-magi +landscape,Romanticism,william-turner_caernarvon-castle +genre_painting,Realism,konstantin-makovsky_fair-booths-on-admiralty-square-st-petersburg +portrait,Post_Impressionism,jozsef-rippl-ronai_girl-dressed-up-in-blue +landscape,Expressionism,egon-schiele_the-bridge-1913 +genre_painting,Symbolism,konstantin-somov_bathings +landscape,Realism,ivan-shishkin_the-edge-of-a-pine-forest +sketch_and_study,Expressionism,august-macke_sketch-of-the-bridge +genre_painting,Romanticism,fyodor-bronnikov_fees-for-the-crown-1856 +portrait,Realism,ilya-repin_portrait-of-n-i-repina-1896 +landscape,Impressionism,mikhail-nesterov_small-house-in-ufa-1884 +still_life,Synthetic_Cubism,georges-braque_bottle-1914 +portrait,Realism,thomas-eakins_portrait-of-dr-william-thompson +sketch_and_study,Early_Renaissance,pisanello_study-of-a-head-1436 +genre_painting,Cubism,m.-h.-maxy_string-trio +abstract_painting,Abstract_Expressionism,gene-davis_bay-1958 +portrait,Rococo,maurice-quentin-de-la-tour_marc-ren-marquis-de-voyer-d-argenson-lieutenant-general-of-the-king-s-armies-inspector-general +genre_painting,Impressionism,edgar-degas_dancers-1899-1 +abstract_painting,Color_Field_Painting,alma-woodsey-thomas_red-azaleas-singing-and-dancing-rock-and-roll-music-1976 +cityscape,Baroque,francesco-guardi_city-view-1780 +sketch_and_study,Realism,ivan-vladimirov_a-russian-cavalry-officer-recto-and-other-sketches-of-various-characters-verso +still_life,Synthetic_Cubism,pablo-picasso_pipe-and-card-1914 +portrait,Expressionism,amedeo-modigliani_the-boy +portrait,Ukiyo_e,utagawa-kuniyoshi_women-9 +portrait,Rococo,joseph-wright_francis-burdett +illustration,Symbolism,mstislav-dobuzhinsky_white-nights-1922-4 +landscape,Pointillism,georges-seurat_end-of-the-jetty-honfleur-1886 +sketch_and_study,Baroque,rembrandt_old-man-in-meditation-leaning-on-a-book-1645 +portrait,Post_Impressionism,jan-sluyters_girl-at-a-red-sofa +religious_painting,High_Renaissance,andrea-del-sarto_the-punishment-of-the-sinners +sketch_and_study,Rococo,maurice-quentin-de-la-tour_preparation-to-the-portrait-of-the-dauphine-marie-josephe-of-saxony +religious_painting,Northern_Renaissance,hans-memling_john-the-baptist-and-st-lawrence +portrait,Baroque,rembrandt_bust-of-an-old-man-1631 +religious_painting,Northern_Renaissance,albrecht-durer_martyrdom-of-the-ten-thousand-1508 +landscape,Realism,aleksey-savrasov_descent-to-the-river-1868 +landscape,Symbolism,nicholas-roerich_himalayas-16 +genre_painting,Baroque,jan-steen_return-of-the-prodigal-son-1670 +portrait,Realism,basuki-abdullah_cantik +genre_painting,Realism,edouard-manet_a-boy-with-a-pitcher-1862 +cityscape,Pop_Art,hiro-yamagata_very-special-celebration-1980 +landscape,Impressionism,nicolae-tonitza_seine-at-courbevoie-1910 +genre_painting,Romanticism,pavel-svinyin_merry-making-at-the-wayside-inn-1812 +genre_painting,Impressionism,camille-pissarro_apple-trees-sunset-eragny-1896 +cityscape,Pointillism,paul-signac_lighthouse-at-groix +portrait,Impressionism,pierre-auguste-renoir_algerian-woman-1881 +portrait,Baroque,joseph-wright_mrs-john-ashton +cityscape,Post_Impressionism,maurice-utrillo_church-of-st-leomer +landscape,Impressionism,willard-metcalf_white-lilacs +portrait,Symbolism,felicien-rops_the-absinthe-drinker +landscape,Realism,ivan-shishkin_birch-grove-1875 +abstract_painting,Minimalism,rodolfo-arico_untitled-1973 +genre_painting,Realism,wilhelm-leibl_in-der-k-che-k-che-in-kutterling-1898 +portrait,Impressionism,max-slevogt_slevogt-family-in-the-garden-of-godramstein +genre_painting,Art_Nouveau_Modern,alphonse-mucha_prophetess-1896 +portrait,Baroque,rembrandt_portrait-of-maerten-soolmans-1634 +sketch_and_study,Romanticism,pierre-paul-prud'hon_study-for-the-soul-breaking-the-bonds-that-attach-to-the-land +religious_painting,Romanticism,dante-gabriel-rossetti_the-sermon-on-the-mount-1862 +genre_painting,Romanticism,edward-burne-jones_the-garden-court-1890 +landscape,Impressionism,guy-rose_view-of-wood-s-cove +genre_painting,Romanticism,george-stubbs_lady-reading-in-a-wooded-park-1770 +genre_painting,Naive_Art_Primitivism,maria-primachenko_at-the-well-1969 +genre_painting,Impressionism,claude-monet_the-dinner-1869-1 +genre_painting,Expressionism,martiros-saryan_gathering-peaches-in-the-collective-farm-in-armenia-1938 +religious_painting,Early_Renaissance,filippo-lippi_adoration-of-the-magi-detail-2 +abstract_painting,Color_Field_Painting,ian-davenport_poured-lines-orange-2005 +landscape,Post_Impressionism,henri-le-fauconnier_village-among-the-rocks-1910 +landscape,Realism,henrique-pousao_casas-brancas-de-caprile-1882 +religious_painting,Mannerism_Late_Renaissance,el-greco_st-james-the-less +cityscape,Impressionism,antoine-blanchard_theatre-des-varietes-large +illustration,Romanticism,gustave-dore_don-quixote-12 +landscape,Baroque,paul-bril_landscape-with-st-jerome-and-rocky-crag +genre_painting,Realism,vasily-perov_a-meal-in-the-monastery-1876 +portrait,Impressionism,pierre-auguste-renoir_gabrielle-at-her-window-1907 +still_life,Post_Impressionism,ion-pacea_natur-static-cu-gips-antic +genre_painting,Realism,vladimir-makovsky_fair-1882 +religious_painting,Art_Nouveau_Modern,ivan-bilibin_judgement-sketch-of-murals-for-of-the-church-of-the-assumption-in-olshany-1 +genre_painting,Impressionism,pierre-auguste-renoir_the-sewing-machine-1876 +landscape,Symbolism,nicholas-roerich_ancient-novgorod-the-saviour-nereditsa +cityscape,Impressionism,claude-monet_saint-lazare-station-exterior-view +illustration,Romanticism,gustave-dore_orlando-furioso-9 +abstract_painting,Abstract_Expressionism,jimmy-ernst_twice-1972 +cityscape,Realism,johan-hendrik-weissenbruch_along-the-canal-1893 +abstract_painting,Minimalism,robert-mangold_distorted-circle-within-a-polygon-i-1972 +portrait,Rococo,antoine-pesne_frederick-and-his-sister-wilhelmina +cityscape,Fauvism,martiros-saryan_constantinople-1910 +portrait,Romanticism,miklos-barabas_portrait-of-mrs-istv-n-bitt-1874 +genre_painting,Art_Nouveau_Modern,sergey-solomko_concubine +illustration,Symbolism,william-blake_illustration-to-milton-s-comus-1820-3 +still_life,Post_Impressionism,panayiotis-tetsis_still-life-5 +portrait,Impressionism,pierre-auguste-renoir_woman-playing-cards +still_life,Cubism,georges-braque_the-studio-iv-1950 +sketch_and_study,Baroque,pietro-da-cortona_study-for-the-age-of-silver +genre_painting,Baroque,rembrandt_peasant-with-his-hands-behind-his-back-1631 +illustration,Symbolism,harry-clarke_the-year-s-at-the-spring-1920-40 +genre_painting,Expressionism,balthus_drawing-room +sketch_and_study,Realism,vincent-van-gogh_peasant-woman-two-heads-1885 +religious_painting,Baroque,rembrandt_the-adoration-of-the-shepherds-fragment-1646 +cityscape,Naive_Art_Primitivism,louis-vivin_florence +landscape,Impressionism,claude-monet_windmill-at-zaandam +portrait,Expressionism,chaim-soutine_young-man-wearing-a-small-hat +illustration,Naive_Art_Primitivism,marc-chagall_illustration-for-louis-aragon-s-work-one-who-says-things-without-saying-anything-1976-24 +portrait,Expressionism,amedeo-modigliani_the-young-apprentice +genre_painting,Impressionism,joaquã­n-sorolla_afternoon-sun-playa-de-valencia-1910 +genre_painting,Naive_Art_Primitivism,maria-primachenko_spectacle-cossack-beyond-the-danube-1936-1 +portrait,Art_Nouveau_Modern,raphael-kirchner_bessie-mccoy-1 +portrait,Baroque,rembrandt_portrait-of-a-man-wearing-a-black-hat +cityscape,Impressionism,micaela-eleutheriade_places-des-vosges +portrait,Impressionism,childe-hassam_french-peasant-girl +landscape,Ukiyo_e,katsushika-hokusai_the-pontoon-bridge-at-sano-in-the-province-of-kozuka +religious_painting,Romanticism,gustave-dore_the-wise-men-guided-by-the-star +genre_painting,Impressionism,pierre-auguste-renoir_the-skiff-1880 +genre_painting,Baroque,adriaen-van-ostade_a-talk-at-fireplace +cityscape,Impressionism,john-henry-twachtman_waterfront-scene-gloucester +still_life,Cubism,auguste-herbin_cherries +portrait,Impressionism,pierre-auguste-renoir_young-woman-braiding-her-hair-1876 +genre_painting,Romanticism,william-holman-hunt_may-morning-on-magdalen-college-tower-oxford +religious_painting,Baroque,juan-de-valdes-leal_piet +cityscape,Impressionism,ivan-grohar_kofja-loka-v-snegu-1905 +religious_painting,Northern_Renaissance,hans-baldung_beheading-of-st-dorothea-1516 +cityscape,Post_Impressionism,pyotr-konchalovsky_leningrad-the-embankment-of-the-neva-1931 +religious_painting,Early_Renaissance,fra-angelico_birth-of-the-virgin-1434 +portrait,Realism,robert-brackman_somewhere-in-america-1934 +landscape,Realism,ivan-shishkin_krestovsky-island-shrouded-in-mist +landscape,Romanticism,john-crome_view-on-mousehold-heath-near-norwich-1812 +landscape,Romanticism,lev-lagorio_fountain-of-hannibal-in-rocca-di-papa-near-rome-1857 +landscape,Symbolism,nicholas-roerich_ladakh-golden-clouds-over-blue-mountains-1943 +cityscape,Impressionism,konstantin-korovin_landscape-with-factory-buildings-1908 +genre_painting,Realism,jean-francois-millet_the-gleaners-1857 +portrait,Pointillism,theo-van-rysselberghe_madame-von-bodenhausen-with-her-daughter-luli-1910 +portrait,Expressionism,balthus_colette-sitting +landscape,Impressionism,claude-monet_poppy-field-in-giverny-03 +sketch_and_study,Art_Nouveau_Modern,henri-de-toulouse-lautrec_miss-may-milton-from-le-rire +landscape,Romanticism,thomas-cole_a-view-of-the-two-lakes-and-mountain-house-catskill-mountains-morning-1844 +landscape,Impressionism,joaquã­n-sorolla_sailing-vessels-on-a-breezy-day-valencia +portrait,Art_Nouveau_Modern,anders-zorn_effect-of-night-1895 +portrait,Cubism,pablo-picasso_untitled-1919 +cityscape,Impressionism,camille-pissarro_pont-neuf-fog-1902 +sketch_and_study,Realism,vincent-van-gogh_head-of-a-man-bareheaded-1885(1) +genre_painting,Romanticism,pavel-svinyin_in-the-forrest +genre_painting,Baroque,jacob-jordaens_as-the-old-sang-so-the-young-pipe-1644 +portrait,Romanticism,konstantin-makovsky_peasant-boy +portrait,Northern_Renaissance,hans-holbein-the-younger_unknown-young-man-at-his-office-desk +still_life,Expressionism,jose-gutierrez-solana_still-life-with-red-cabbage-copper-cauliflower-and-cabbage +portrait,Naive_Art_Primitivism,william-h.-johnson_anna-mae-1944 +genre_painting,Baroque,rembrandt_the-barrel-organ-player-polander-standing-with-arms-folded-1631 +portrait,Romanticism,george-frederick-watts_honourable-mary-baring-later-marchioness-of-northampton(1) +landscape,Romanticism,pavel-svinyin_niagara-falls-canadian-side-by-moonlight +genre_painting,Naive_Art_Primitivism,niko-pirosmani_robbers-getting-ready-for-a-raid +religious_painting,Northern_Renaissance,hans-baldung_nativity-1510 +genre_painting,Baroque,rembrandt_the-baptism-of-the-eunuch-1626 +cityscape,Realism,vincent-van-gogh_backyards-of-old-houses-in-antwerp-in-the-snow-1885 +religious_painting,Early_Renaissance,fra-angelico_saint-cosmas-and-saint-damian-condamned-1440 +religious_painting,Northern_Renaissance,albrecht-durer_martyrdom-of-st-sebastian +sketch_and_study,Expressionism,martiros-saryan_bars-and-women-1909 +religious_painting,Romanticism,gustave-dore_st-paulshipwrecked +landscape,Pointillism,henri-edmond-cross_river-in-saint-clair +abstract_painting,Minimalism,jo-baer_cardinations-1974 +illustration,Expressionism,arthur-segal_vom-strande-page-9-1913 +portrait,Post_Impressionism,theo-van-rysselberghe_woman-with-violin-portrait-of-rene-druet-1910 +portrait,Impressionism,william-merritt-chase_portrait-of-james-rapelje-howell +abstract_painting,Abstract_Expressionism,jack-tworkov_rwb-2-1961 +illustration,Symbolism,harry-clarke_tales-of-mystery-and-imagination-by-edgar-allan-poe-1923 +religious_painting,Mannerism_Late_Renaissance,el-greco_virgin-mary-1 +nude_painting,Post_Impressionism,henri-matisse_standing-nude +landscape,Impressionism,marianne-north_ulwar-india-1878 +portrait,Impressionism,john-singer-sargent_henrietta-reubell +still_life,Fauvism,ilya-mashkov_still-life-with-loaves-of-bread-1912 +portrait,Romanticism,jan-matejko_wladyslaw-of-varna-1 +abstract_painting,Abstract_Expressionism,joan-mitchell_heel-sit-stay-1977 +genre_painting,Post_Impressionism,le-pho_mother-and-child +religious_painting,Early_Renaissance,paolo-uccello_stoning-of-st-stephen +portrait,Expressionism,zinaida-serebriakova_portrait-of-a-jewish-philanthropist-igor-s-hurwitz-1941 +landscape,Post_Impressionism,pierre-bonnard_the-cote-d-azur +genre_painting,Realism,winslow-homer_the-bathers +portrait,Impressionism,mary-cassatt_head-of-a-young-woman-1873 +religious_painting,Early_Renaissance,pietro-perugino_journey-of-moses-and-circumcision-of-her-second-child-1483 +abstract_painting,Minimalism,rodolfo-arico_untitled-4 +religious_painting,High_Renaissance,pietro-perugino_pala-di-fano-annunciation +landscape,Impressionism,claude-monet_flood-at-giverny-1897 +portrait,Expressionism,lucian-freud_head-of-a-child +portrait,Romanticism,sir-lawrence-alma-tadema_god-speed-1893 +genre_painting,Impressionism,frantisek-kupka_the-book-lover-1897 +landscape,Impressionism,eugene-boudin_the-port-of-trouville-1875 +landscape,Realism,david-burliuk_great-peconick-bay-l-i-n-y +genre_painting,Romanticism,alfred-stevens_the-japanese-parisian-1872 +portrait,Romanticism,john-hoppner_portrait-of-adam-duncan-1st-viscount-duncan-1798 +landscape,Realism,aleksey-savrasov_summer +illustration,Symbolism,william-blake_illustration-to-dante-s-divine-comedy-hell-5 +portrait,Expressionism,paul-klee_the-saint-of-inner-light-1921(1) +genre_painting,Naive_Art_Primitivism,pablo-picasso_naked-woman-and-musketeer-1967 +cityscape,Impressionism,childe-hassam_street-scene-montmartre +portrait,Romanticism,sir-lawrence-alma-tadema_mrs-frank-d-millet-1886 +landscape,Realism,camille-corot_lormes-a-waterfall-with-a-standing-peasant-spinning-wool-1842 +sketch_and_study,Realism,vincent-van-gogh_torso-of-venus-and-a-landscape-1887 +landscape,Impressionism,claude-monet_the-isle-grande-jatte-on-the-siene +sketch_and_study,Baroque,rembrandt_jesus-and-the-adulteress-by-rembrandt +religious_painting,Northern_Renaissance,hans-memling_madonna-and-child-with-angels +genre_painting,Realism,mykola-pymonenko_from-the-forrest +religious_painting,Northern_Renaissance,gerard-david_triptych-of-jean-des-trompes-side-panels +nude_painting,Expressionism,ernst-ludwig-kirchner_stooping-act-in-space +genre_painting,Impressionism,claude-monet_garden-at-sainte-adresse +nude_painting,Post_Impressionism,henri-de-toulouse-lautrec_the-big-maria-venus-mintmartre-1884 +cityscape,Pointillism,camille-pissarro_ile-lacruix-rouen-effect-of-fog-1888 +genre_painting,Cubism,olexandr-archipenko_woman-with-a-fan-ii +sketch_and_study,New_Realism,edward-hopper_male-nude-1904 +still_life,Cubism,olga-rozanova_tomatoes +cityscape,Post_Impressionism,pyotr-konchalovsky_venice-palazzo-ducale-1924 +portrait,Expressionism,iosif-iser_turcoaice +portrait,Baroque,rembrandt_portrait-of-clement-de-jonge-1651 +portrait,Art_Nouveau_Modern,raphael-kirchner_green-lantern +genre_painting,Post_Impressionism,arturo-souto_place-of-firewood-pontevedra-1963 +portrait,Rococo,pietro-longhi_portrait-of-bishop-benedetto-ganassoni-1774 +portrait,Cubism,lyubov-popova_air-man-space +nude_painting,Expressionism,oskar-kokoschka_not_detected_235863 +abstract_painting,Abstract_Expressionism,brice-marden_untitled-press-series-1972-1 +landscape,Pointillism,henri-matisse_cape-layet-1904 +landscape,Impressionism,claude-monet_the-beach-at-saint-adresse +cityscape,Impressionism,rudolf-schweitzer-cumpana_t-rg-la-salonic-1929 +landscape,Post_Impressionism,gustave-loiseau_fecamp +genre_painting,Art_Nouveau_Modern,sergey-solomko_christ-is-risen +portrait,Art_Nouveau_Modern,raphael-kirchner_marquisette-2 +landscape,Impressionism,camille-pissarro_vegetable-garden-in-eragny-overcast-sky-morning-1901 +abstract_painting,Abstract_Expressionism,sam-francis_untitled-l-213-sf-240-1976 +landscape,Art_Nouveau_Modern,lawren-harris_maligne-lake-jasper-park-1924 +still_life,Expressionism,august-macke_untitled +portrait,Rococo,joshua-reynolds_lady-elizabeth-keppel +illustration,Art_Nouveau_Modern,eugã¨ne-grasset_la-belle-jardiniere-november-1896 +landscape,Post_Impressionism,anna-ostroumova-lebedeva_crimea-monastery-of-st-cosmas-and-st-damian-1924 +abstract_painting,Color_Field_Painting,john-hoyland_6-3-66-1966 +landscape,Cubism,auguste-herbin_mill-on-the-marn-creteil-1911 +cityscape,Impressionism,claude-monet_san-giorgio-maggiore +sketch_and_study,Romanticism,dante-gabriel-rossetti_study-of-a-girl-1867 +sketch_and_study,Post_Impressionism,henri-de-toulouse-lautrec_woman-putting-on-her-stocking +cityscape,Impressionism,camille-pissarro_the-jetty-le-havre-high-tide-morning-sun-1903 +landscape,Expressionism,pyotr-konchalovsky_spanish-landscape-1910 +cityscape,Impressionism,alfred-sisley_church-of-moret-1893 +genre_painting,Ukiyo_e,kitagawa-utamaro_three-seated-ladies-with-lanterns +cityscape,Post_Impressionism,maurice-utrillo_suburban-street-scene +nude_painting,Northern_Renaissance,albrecht-durer_nude-study-nude-female-from-the-back-1495 +landscape,Symbolism,martiros-saryan_sunny-landscape-1923 +portrait,Impressionism,pierre-auguste-renoir_the-daughters-of-paul-durand-ruel-marie-theresa-and-jeanne-1882 +portrait,Romanticism,henryk-siemiradzki_a-gypsy +portrait,Symbolism,konstantin-somov_portrait-of-a-somov-the-artist-s-father +abstract_painting,Color_Field_Painting,anne-appleby_mother-e-2009 +nude_painting,Expressionism,henri-matisse_studio-quay-of-saint-michel-1916 +genre_painting,Naive_Art_Primitivism,marc-chagall_equestrienne-1931 +cityscape,Realism,camille-corot_rome-the-trinita-dei-monti-view-from-the-gardens-of-the-academie-de-france +portrait,Realism,john-singer-sargent_mrs-adolph-hirsh-1905 +landscape,Romanticism,thomas-cole_the-old-mill-at-sunset-1844 +genre_painting,Romanticism,sir-lawrence-alma-tadema_a-sculpture-gallery-in-rome-at-the-time-of-agrippa-1867 +religious_painting,Baroque,francisco-de-zurbaran_st-francis +portrait,Ukiyo_e,utagawa-toyokuni-ii_sumo-wrester-in-blue-brown-striped-underkimono +portrait,Baroque,jacob-jordaens_child-s-head-1620 +genre_painting,Impressionism,childe-hassam_across-the-common-on-a-winter-evening +landscape,Romanticism,ivan-aivazovsky_rush-on-dnepr-near-aleshki-1857 +sketch_and_study,Northern_Renaissance,rogier-van-der-weyden_the-annunciation-1 +sketch_and_study,Realism,vasily-surikov_the-standard-with-the-mandylion-kept-in-the-armoury-of-the-moscow-kremlin-study-to-the-conquest-1895 +portrait,Symbolism,victor-hugo_gavroche-at-11-years-old-1850 +abstract_painting,Color_Field_Painting,mark-rothko_not_detected_242129 +still_life,Post_Impressionism,paul-gauguin_still-life-with-profile-of-laval-1886 +nude_painting,Expressionism,marcel-duchamp_the-bec-auer-1967 +portrait,Pop_Art,leroy-neiman_abraham-lincoln-1968 +still_life,Realism,ilya-mashkov_watermelon-and-grapes-1920 +cityscape,Impressionism,ivan-albright_view-from-the-hotel-window-of-roof-of-guild-hall-brussels-belgium-1976 +portrait,Impressionism,edgar-degas_little-girl-carrying-flowers-in-her-apron +sketch_and_study,Cubism,juan-gris_still-life-with-goblet +still_life,Expressionism,ilka-gedo_table-1-1949 +sketch_and_study,Baroque,anthony-van-dyck_st-mary-s-church-at-rye-england-1634 +landscape,Romanticism,john-crome_dock-leaves-1813 +landscape,Fauvism,othon-friesz_la-ciotat-1907 +sketch_and_study,Baroque,jacob-jordaens_study-of-the-head-of-apollo +religious_painting,Early_Renaissance,sandro-botticelli_portrait-of-a-young-woman-1485(1) +religious_painting,High_Renaissance,raphael_saint-john-the-baptist-preaching-1505 +landscape,Expressionism,george-luks_autumn-landscape +religious_painting,High_Renaissance,dosso-dossi_lamentation-over-the-body-of-christ-1517 +sketch_and_study,Realism,vincent-van-gogh_landscape-in-stormy-weather-1885 +genre_painting,Realism,jean-francois-millet_charity-1859 +genre_painting,Naive_Art_Primitivism,niko-pirosmani_sheth-helps-prince-baryatinsky-catch-shamil +genre_painting,Expressionism,august-macke_anglers-on-the-rhine +genre_painting,Impressionism,mary-cassatt_mother-holding-a-child-in-her-arms +religious_painting,Baroque,annibale-carracci_the-mystic-marriage-of-st-catherine-1587 +landscape,Symbolism,nicholas-roerich_sanctuaries-and-citadels-1925 +genre_painting,Realism,boris-kustodiev_mercahnt-s-wife-with-purchases-1923 +landscape,Realism,camille-pissarro_banks-of-a-river-with-barge +portrait,Post_Impressionism,pyotr-konchalovsky_girl-from-arles-1908 +genre_painting,Baroque,pieter-de-hooch_a-musical-conversation-1674 +illustration,Art_Nouveau_Modern,aubrey-beardsley_three-musicians +religious_painting,Northern_Renaissance,hans-memling_the-departure-of-saint-ursula-from-basle-panel-from-the-reliquary-of-st-ursula-1489 +abstract_painting,Action_painting,hans-hofmann_in-the-vastness-of-sorrowful-thoughts-1963 +portrait,Impressionism,pierre-auguste-renoir_lydia-sieligmann-1917 +landscape,Pointillism,henri-edmond-cross_a-pine-tree +landscape,Symbolism,kuzma-petrov-vodkin_krasulin-1915 +portrait,Mannerism_Late_Renaissance,titian_portrait-of-pietro-aretino-1 +landscape,Impressionism,arkhip-kuindzhi_red-sunset-1 +abstract_painting,Color_Field_Painting,morris-louis_floral-v-1960 +nude_painting,Impressionism,eliseu-visconti_dorso-de-mulher +genre_painting,Ukiyo_e,ogata-gekko_women-in-daily-life +portrait,Impressionism,james-mcneill-whistler_lady-in-gray +portrait,Rococo,joshua-reynolds_lady-in-pink-said-to-be-mrs-elizabeth-sheridan +cityscape,Post_Impressionism,edouard-cortes_rue-de-rivoli-1 +genre_painting,Impressionism,berthe-morisot_in-the-garden +genre_painting,Rococo,giovanni-domenico-tiepolo_minuet-with-pantaloon-and-colombine-from-the-room-of-carnival-scenes-in-the-foresteria-1757 +landscape,Post_Impressionism,ferdynand-ruszczyc_pustka-stare-gniazdo-1901 +sketch_and_study,High_Renaissance,leonardo-da-vinci_study-for-madonna-and-child-with-st-anne +genre_painting,Impressionism,joaquã­n-sorolla_elderly-castellano-pouring-wine-1907 +genre_painting,Realism,vladimir-makovsky_waiting-for-an-audience-1904 +still_life,Romanticism,paul-cezanne_amour-in-plaster +cityscape,Impressionism,antoine-blanchard_place-de-la-madeleine +abstract_painting,Color_Field_Painting,alma-woodsey-thomas_late-night-reflections-1972 +still_life,Romanticism,konstantin-makovsky_still-life-palace-of-facets +cityscape,Realism,adolf-hitler_castle-battlements +landscape,Impressionism,t.-c.-steele_village-scene +still_life,Fauvism,ilya-mashkov_still-life-fruits-1910 +cityscape,Impressionism,claude-monet_vetheuil-ice-floes +abstract_painting,Abstract_Expressionism,henri-matisse_papercut-1947 +religious_painting,Romanticism,gustave-dore_the-death-of-jezebel +abstract_painting,Abstract_Expressionism,joan-mitchell_tilleul-1978-1(1) +still_life,Impressionism,pierre-auguste-renoir_still-life-with-glass-and-lemon +landscape,Realism,camille-corot_ville-d-avray-1873 +nude_painting,Mannerism_Late_Renaissance,jacopo-pontormo_female-nude +abstract_painting,Abstract_Expressionism,philip-guston_clock +genre_painting,Impressionism,edgar-degas_jockeys-1881 +portrait,Realism,anders-zorn_carl-snoilsky +still_life,Synthetic_Cubism,pablo-picasso_glass-on-a-table-1914 +landscape,Post_Impressionism,giorgio-morandi_hilltop-at-evening-1928 +cityscape,Post_Impressionism,spyros-papaloukas_at-mount-athos +portrait,Romanticism,john-hoppner_mrs-cholmondeley-1791 +portrait,Romanticism,miklos-barabas_standing-portrait-of-l-szl-teleki-1861 +abstract_painting,Abstract_Expressionism,philip-guston_zone +genre_painting,Impressionism,childe-hassam_the-garden-door +still_life,Post_Impressionism,le-pho_still-life-with-poppies-1975 +sketch_and_study,Symbolism,mstislav-dobuzhinsky_pskov-1923 +portrait,Realism,gustav-klimt_portrait-of-a-man-with-beard +genre_painting,Impressionism,ilya-repin_the-yield-on-the-red-porch-1910 +genre_painting,Expressionism,arturo-souto_balloons +landscape,Impressionism,john-henry-twachtman_round-hill-road-1900 +genre_painting,Expressionism,albert-bloch_entombent +sketch_and_study,Impressionism,william-merritt-chase_sketch-on-a-young-girl-on-ocean-steamer +still_life,Impressionism,rudolf-schweitzer-cumpana_flori-de-prim-var-1973 +portrait,Expressionism,dimitris-mytaras_female-figure +landscape,Impressionism,georges-seurat_a-river-bank-the-seine-at-asnieres-1883 +religious_painting,Northern_Renaissance,albrecht-durer_st-christopher-carrying-the-christ-child +portrait,Realism,gustave-courbet_portrait-of-alphonse-promayet-1847 +landscape,Romanticism,pavel-svinyin_the-tomb-of-george-washington +abstract_painting,Abstract_Expressionism,conrad-marca-relli_cap-d-ail-1961 +abstract_painting,Color_Field_Painting,bridget-riley_big-blue-1982 +genre_painting,Impressionism,joaquã­n-sorolla_types-of-the-roncal +cityscape,Art_Nouveau_Modern,ivan-milev_venice-1924 +sketch_and_study,Realism,vincent-van-gogh_woman-with-a-fork-in-a-winter-landscape-1883 +portrait,Baroque,theodoor-van-thulden_josina-copes-van-westrum-and-her-children +portrait,Romanticism,henry-raeburn_portrait-of-william-blair +landscape,Post_Impressionism,pierre-bonnard_at-grand-lemps-also-known-as-the-park +sketch_and_study,Realism,ilya-repin_figure-of-dancing-man-1900 +portrait,Northern_Renaissance,hans-holbein-the-younger_portrait-of-a-woman +landscape,Realism,aleksey-savrasov_summer-landscape-1850 +landscape,Romanticism,johan-christian-dahl_eruption-of-vesuvius-1826 +genre_painting,Naive_Art_Primitivism,david-burliuk_women-at-tea +landscape,Expressionism,adam-baltatu_fantastic-landscape +still_life,Naive_Art_Primitivism,fernando-botero_still-life-2 +landscape,Romanticism,ivan-aivazovsky_landscape-with-windmills +landscape,Expressionism,paul-klee_fire-full-moon-1933(1) +religious_painting,Northern_Renaissance,hieronymus-bosch_triptych-of-last-judgement +sketch_and_study,Realism,vasily-surikov_yermak-s-conquest-of-siberia-study-2 +genre_painting,Cubism,roger-de-la-fresnaye_the-fourteenth-of-july-1914 +still_life,Post_Impressionism,vincent-van-gogh_plaster-statuette-of-a-female-torso-1886-3 +genre_painting,Expressionism,ernst-ludwig-kirchner_the-soldier-bath +genre_painting,Impressionism,eugene-boudin_laundresses-on-the-banks-of-the-touques +portrait,Impressionism,mary-cassatt_woman-standing-holding-a-fan-1879 +religious_painting,High_Renaissance,leonardo-da-vinci_salvator-mundi-1500 +portrait,Rococo,thomas-gainsborough_augustus-john-third-earl-of-briston-1768 +portrait,Impressionism,william-merritt-chase_portrait-of-martha-walter +abstract_painting,Abstract_Expressionism,hans-hofmann_above-deep-waters-1959 +cityscape,Realism,vincent-van-gogh_view-of-the-hague-with-the-new-church-1882 +genre_painting,Expressionism,arturo-souto_the-toureiro-and-the-maja-1932 +abstract_painting,Minimalism,frederick-hammersley_on-and-off-1972 +landscape,Impressionism,camille-pissarro_sunset-at-eragny +portrait,Impressionism,lovis-corinth_wilhelmine-with-a-ball-1915 +landscape,Romanticism,miklos-barabas_the-blue-grotto-1835 +religious_painting,Early_Renaissance,piero-della-francesca_st-julian(1) +portrait,Romanticism,karl-bryullov_girl-in-a-forest-1851(1) +abstract_painting,Abstract_Expressionism,jack-bush_november-19-oscar-s-death +portrait,Symbolism,mikhail-nesterov_portrait-of-natalia-yashvil-1905 +abstract_painting,Minimalism,martin-barre_63-m-3-1963 +religious_painting,Northern_Renaissance,hans-memling_st-john-the-baptist-and-st-mary-magdalen-wings-of-a-triptych +genre_painting,Realism,james-tissot_a-convalescent +religious_painting,Northern_Renaissance,hans-holbein-the-younger_death-of-the-virgin-1 +genre_painting,Baroque,gerrit-dou_the-doctor +abstract_painting,Color_Field_Painting,barnett-newman_the-station-of-the-cross-first-station-1958 +landscape,Romanticism,marcus-larson_dramatiskt-forslandskap-med-figurer-och-kvarnbyggnader-1854 +sketch_and_study,Realism,theodore-rousseau_the-forest-in-winter-1 +portrait,Realism,basuki-abdullah_portrait-of-raden-mas-soedibio-and-his-wife +religious_painting,Baroque,matthias-stom_st-jerome(1) +portrait,Expressionism,serge-sudeikin_portrait-of-balieva-komissarghevskaia +sketch_and_study,Realism,viktor-vasnetsov_the-head-of-the-peasant-1878 +portrait,Romanticism,edward-burne-jones_georgiana-burne-jones-their-children-margaret-and-philip-in-the-background-1883 +portrait,Romanticism,konstantin-makovsky_head-of-the-girl-1 +landscape,Post_Impressionism,constantine-maleas_walls-of-monemvasia-1928 +landscape,Impressionism,guy-rose_river-epte-giverny-1910-1 +abstract_painting,Abstract_Expressionism,terry-frost_rider-s-song-1989 +abstract_painting,Minimalism,martin-barre_66-7-a-1966 +genre_painting,Realism,vincent-van-gogh_four-peasants-at-a-meal-study-for-the-potato-eaters-1885(1) +abstract_painting,Abstract_Expressionism,sam-francis_untitled-sfe-075-1990 +religious_painting,Art_Nouveau_Modern,nicholas-roerich_harrowing-of-hell +portrait,Post_Impressionism,raoul-dufy_portrait-of-mrs-dufy-1930 +abstract_painting,Minimalism,fernando-calhau_121-1998 +sketch_and_study,Art_Nouveau_Modern,koloman-moser_three-crouching-women +illustration,Art_Nouveau_Modern,theodor-severin-kittelsen_mor-mor-det-gjoer-saa-vondt-aa-loepe-1894 +cityscape,Romanticism,william-turner_heriot-s-hospital-edinburgh +religious_painting,Northern_Renaissance,jean-fouquet_the-crucifixion-1460 +abstract_painting,Minimalism,jiro-yoshihara_untitled-1966 +religious_painting,Early_Renaissance,jacopo-bellini_virgin-with-child +abstract_painting,Color_Field_Painting,mark-rothko_not_detected_242136 +religious_painting,High_Renaissance,vittore-carpaccio_the-meditation-on-the-passion +portrait,High_Renaissance,giovanni-antonio-boltraffio_girl-with-cherries-also-attributed-to-giovanni-ambrogio-de-predis-1495 +portrait,Baroque,rembrandt_lucretia +genre_painting,Impressionism,joaquã­n-sorolla_children-on-the-seashore-1903 +still_life,Cubism,pablo-picasso_the-table-1919 +genre_painting,Expressionism,marc-chagall_marching-1915 +portrait,High_Renaissance,dosso-dossi_alfonso-d-este +religious_painting,Early_Renaissance,giovanni-bellini_the-madonna-of-the-trees-1487 +landscape,Symbolism,nicholas-roerich_messenger-1915 +portrait,Expressionism,nikolaos-lytras_portrait-of-a-little-girl +landscape,Post_Impressionism,paul-cezanne_a-turn-in-the-road-at-la-roche-guyon-1885 +genre_painting,Contemporary_Realism,jamie-wyeth_other-voices-1995 +landscape,Symbolism,nicholas-roerich_himalayas-ladakh +religious_painting,Early_Renaissance,fra-angelico_madonna-of-mercy-with-kneeling-friars +religious_painting,Rococo,vladimir-borovikovsky_st-alexander-nevsky +genre_painting,Romanticism,david-wilkie_samuel-in-the-temple +genre_painting,Impressionism,camille-pissarro_laundresses-on-the-banks-of-the-oise-at-pontoise +landscape,Post_Impressionism,paul-gauguin_nostalgic-promenade-1889 +landscape,Impressionism,william-merritt-chase_the-potato-patch-aka-garden-shinnecock +genre_painting,Expressionism,jose-gutierrez-solana_masks-cooks +cityscape,Post_Impressionism,edouard-cortes_les-grands-boulevards-2 +genre_painting,Romanticism,sir-lawrence-alma-tadema_pleading-1876 +abstract_painting,Color_Field_Painting,mark-rothko_no-2 +genre_painting,Realism,camille-pissarro_male-and-female-peasants-on-a-path-crossing-the-countryside +landscape,Realism,isaac-levitan_oak-grove-autumn-1880 +abstract_painting,Abstract_Expressionism,clyfford-still_1945-h-1945 +cityscape,Post_Impressionism,vincent-van-gogh_vincent-s-house-in-arles-the-yellow-house-1888 +genre_painting,Cubism,pablo-picasso_algerian-women-1955 +landscape,Impressionism,childe-hassam_dexter-s-garden +abstract_painting,Abstract_Expressionism,friedel-dzubas_over-the-hill-1953 +genre_painting,Art_Nouveau_Modern,raphael-kirchner_ice-flowers-1899-3 +portrait,Romanticism,fyodor-bronnikov_the-old-man-reading-a-letter +cityscape,Rococo,bernardo-bellotto_the-fortress-of-konigstein-1758 +abstract_painting,Abstract_Expressionism,sam-francis_untitled-sf-259-1980 +landscape,Post_Impressionism,constantine-maleas_greek-landscape +landscape,Realism,ferdinand-hodler_the-golden-meadow-1890 +religious_painting,Early_Renaissance,pietro-perugino_the-miracles-of-san-bernardino-miracle-baby-born-with-one-dead +portrait,Post_Impressionism,maurice-prendergast_woman-with-a-parasol +nude_painting,Post_Impressionism,maurice-prendergast_sea-maidens +still_life,Expressionism,ernst-ludwig-kirchner_still-live-with-tulips-and-oranges +landscape,Symbolism,gustav-klimt_birch-in-a-forest +sketch_and_study,Expressionism,martiros-saryan_rural-landscape-1962 +portrait,Romanticism,karl-bodmer_kiasax-bear-on-the-left +cityscape,Art_Nouveau_Modern,nicholas-roerich_they-build-the-ships-1903 +genre_painting,Cubism,marc-chagall_the-watering-trough-1925 +abstract_painting,Color_Field_Painting,frank-stella_sinjerli-variations-iia-1977 +still_life,Realism,vincent-van-gogh_vase-with-carnations-and-bottle-1886 +portrait,Impressionism,nikolay-bogdanov-belsky_girl-with-peonies +portrait,Northern_Renaissance,lucas-cranach-the-elder_lucretia-1533 +landscape,Impressionism,santiago-rusinol_el-valle-de-los-naranjos +landscape,Fauvism,bela-kadar_village-street +still_life,Fauvism,rik-wouters_still-life-1912 +landscape,Realism,arkhip-kuindzhi_steppe-in-the-evening +portrait,Expressionism,henri-matisse_not-identified-22 +sketch_and_study,Impressionism,pierre-auguste-renoir_coco-and-roses-study +genre_painting,Naive_Art_Primitivism,marc-chagall_circus +landscape,Impressionism,james-mcneill-whistler_nocturne-battersea-bridge +genre_painting,Realism,valentin-serov_bathing-a-horse-1905 +landscape,Naive_Art_Primitivism,maurice-prendergast_landscape-with-figures-and-goat +religious_painting,Naive_Art_Primitivism,marc-chagall_reconciliation-of-all-creatures-under-the-reign-of-the-justice-promised-by-isaiah-isaiah-xi-5-9 +genre_painting,Realism,pyotr-konchalovsky_carcase-of-calf-1946 +abstract_painting,Abstract_Expressionism,richard-pousette-dart_abstract-eye-1943 +genre_painting,Impressionism,paul-cezanne_the-harvesters-1878 +religious_painting,Northern_Renaissance,lucas-cranach-the-elder_paradise-1536 +portrait,Realism,john-singer-sargent_brigadier-archibald-campbell-douglas-1886 +religious_painting,Symbolism,salvador-dali_tertia-die-resurrexit-1967 +cityscape,Post_Impressionism,istvan-ilosvai-varga_yellow-blockhouse-1934 +landscape,Realism,fyodor-vasilyev_return-of-the-herd +cityscape,Impressionism,adam-baltatu_venice-alleyways +cityscape,Impressionism,john-singer-sargent_palazzo-grimani-1907 +portrait,Realism,thomas-eakins_portrait-of-leslie-w-miller-1901 +portrait,High_Renaissance,titian_young-man-with-cap-and-gloves-1515 +landscape,Impressionism,maxime-maufra_the-banks-of-the-river-auray +sketch_and_study,Expressionism,theo-van-doesburg_composition-the-cow-2 +landscape,Romanticism,ivan-aivazovsky_view-of-gunib-1868 +nude_painting,Art_Nouveau_Modern,raphael-kirchner_nude-drawings-12 +genre_painting,Impressionism,henri-de-toulouse-lautrec_hunting-1880 +nude_painting,Expressionism,rafael-zabaleta_female-nude +abstract_painting,Color_Field_Painting,ellsworth-kelly_spectrum-iii-1967 +nude_painting,Cubism,milton-avery_blue-nude-1947 +genre_painting,Realism,ivan-kramskoy_moonlit-night-1880 +cityscape,Realism,pyotr-konchalovsky_winter-rooftops-1942 +landscape,Impressionism,gustave-caillebotte_the-yerres-effect-of-ligh +sketch_and_study,Realism,vincent-van-gogh_peasant-woman-with-spade-1885 +landscape,Symbolism,nicholas-roerich_tibet-1933 +portrait,Realism,vasily-tropinin_old-beggar-1823 +portrait,Baroque,rembrandt_titus-van-rijn-in-a-monk-s-habit-1660 +landscape,Realism,arkhip-kuindzhi_after-a-rain-1879-1 +abstract_painting,Cubism,mario-sironi_the-plane +portrait,Cubism,theo-van-doesburg_abstract-portrait-1915 +genre_painting,Impressionism,pierre-auguste-renoir_the-embroiderer-woman-embroidering-in-a-garden +portrait,Baroque,gerrit-dou_portrait-of-a-woman-1646 +landscape,Realism,camille-corot_pond-with-three-cows-souvenir-of-ville-d-avray +cityscape,Post_Impressionism,edouard-cortes_place-saint-michel-notre-dame-3 +landscape,Realism,camille-corot_ponte-nomentano-1828 +portrait,Expressionism,pablo-picasso_woman-with-hat-1943 +sketch_and_study,Expressionism,alexander-calder_the-circus-1932 +abstract_painting,Abstract_Expressionism,helen-frankenthaler_monotype-i-1981 +still_life,Post_Impressionism,edouard-vuillard_flowers-on-a-fireplace-in-clayes-1935 +portrait,Impressionism,berthe-morisot_young-girl-in-white +sketch_and_study,Romanticism,dante-gabriel-rossetti_the-day-dream-1878 +genre_painting,Impressionism,giuseppe-de-nittis_woman-on-the-beach +portrait,Art_Nouveau_Modern,felix-vallotton_portrait-of-french-writer-jean-lorrain-1898 +landscape,Romanticism,alexander-ivanov_view-of-naples-from-the-road-in-pozilippe +landscape,Expressionism,richard-gerstl_sunny-meadow-with-fruit-trees +landscape,Impressionism,hoca-ali-riza_unknown-title(5) +landscape,Post_Impressionism,paul-gauguin_view-of-pont-aven-from-lezaven-1888 +landscape,Impressionism,childe-hassam_northeast-headlands-new-england-coast +portrait,Impressionism,bela-czobel_girl-before-a-bed-1905 +abstract_painting,Color_Field_Painting,sam-francis_untitled-sf55-003-1955 +illustration,Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-poem-the-tale-of-the-golden-cockerel-by-alexander-pushkin-1906-2(1) +portrait,Post_Impressionism,vincent-van-gogh_portrait-of-patience-escalier-1888-1 +portrait,Expressionism,milton-avery_two-figures-at-desk-1944 +portrait,Impressionism,giovanni-fattori_lady-with-a-fan-1865 +landscape,Realism,isaac-levitan_calm-summer-evening-1894 +genre_painting,Realism,antã³nio-de-carvalho-da-silva-porto_pequena-fiandeira-napolitana-1877 +religious_painting,Mannerism_Late_Renaissance,tintoretto_crucifixion +genre_painting,Impressionism,joaquã­n-sorolla_children-in-the-sea-1909 +still_life,Post_Impressionism,paul-gauguin_still-life-with-peaches-1889 +religious_painting,Northern_Renaissance,albrecht-durer_madonna-crowned-by-an-angel-1520 +religious_painting,Baroque,rembrandt_the-virgin-of-sorrow-1661 +genre_painting,Realism,nikolay-bogdanov-belsky_on-the-raid +landscape,Post_Impressionism,vincent-van-gogh_les-alpilles-mountain-landscape-near-south-reme-1889 +abstract_painting,Minimalism,eva-hesse_untitled-1966 +portrait,Romanticism,henry-raeburn_elizabeth-hamilton +cityscape,Mannerism_Late_Renaissance,maerten-van-heemskerck_hanging-gardens-of-babylon +portrait,Post_Impressionism,max-pechstein_portr-t-frau-cuhrt-1908 +landscape,Impressionism,armand-guillaumin_sunset-at-ivry-soleil-couchant-ivry-1873 +religious_painting,High_Renaissance,pietro-perugino_madonna-of-loreta-nativity +cityscape,Rococo,bernardo-bellotto_carmelite-church-in-warsaw-1780 +religious_painting,High_Renaissance,pietro-perugino_the-almighty-with-prophets-and-sybils-detail-1 +landscape,Expressionism,martiros-saryan_sevan-lake-1936 +illustration,Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-russian-fairy-story-the-frog-princess-1899-1(1) +genre_painting,Ukiyo_e,kitagawa-utamaro_not_detected_233139 +portrait,Northern_Renaissance,albrecht-durer_portrait-of-a-man +genre_painting,Impressionism,camille-pissarro_the-hayymaker +cityscape,Naive_Art_Primitivism,jules-lefranc_paris-du-pont-alexandre-iii-1932 +still_life,Cubism,amedee-ozenfant_composition-puriste-1926 +landscape,Impressionism,theophrastos-triantafyllidis_boats-at-shore +illustration,Art_Nouveau_Modern,ivan-bilibin_merchants-illustration-for-alexander-pushkin-s-fairytale-of-the-tsar-saltan-1905 +abstract_painting,Abstract_Expressionism,walter-darby-bannard_bimini-1972 +genre_painting,Pop_Art,richard-hamilton_swingeing-london-67-1968 +portrait,Baroque,frans-hals_fisher-boy +cityscape,Expressionism,ossip-zadkine_como +portrait,Art_Nouveau_Modern,raphael-kirchner_yvonne-shelton-1 +landscape,Symbolism,mikalojus-ciurlionis_allegro-sonata-of-the-sumer-1908(1) +landscape,Symbolism,nicholas-roerich_tibet-1937-2 +religious_painting,Symbolism,william-blake_the-number-of-the-beast-is-666 +landscape,Symbolism,nicholas-roerich_river-chandra-1931 +religious_painting,Baroque,bartolome-esteban-murillo_virgin-and-child-1650 +abstract_painting,Color_Field_Painting,barnett-newman_eighth-station-1964 +portrait,Rococo,vladimir-borovikovsky_portrait-of-alexander-semenovitsch-chvostov-1801 +landscape,Realism,camille-pissarro_the-gardens-of-l-hermitage-pontoise +abstract_painting,Abstract_Expressionism,richard-pousette-dart_bird-in-the-spring-1992 +sketch_and_study,Post_Impressionism,vincent-van-gogh_lamp-in-front-of-a-window +abstract_painting,Color_Field_Painting,john-ferren_red-spot-1954 +portrait,Expressionism,amedeo-modigliani_head-of-a-woman-with-a-hat-1907 +abstract_painting,Abstract_Expressionism,perle-fine_ceremony-of-a-kind-1955 +landscape,Romanticism,paul-cezanne_landscape-1870 +portrait,Impressionism,rudolf-schweitzer-cumpana_micul-violonist-1922 +abstract_painting,Abstract_Expressionism,guido-molinari_untitled-1953-2 +portrait,Realism,valentin-serov_portrait-of-praskovia-tchaokovskaia-1892 +abstract_painting,Abstract_Expressionism,conrad-marca-relli_untitled-1955-1 +portrait,Post_Impressionism,henri-matisse_lorette-with-a-red-dress-1917 +portrait,Romanticism,camille-corot_the-eldest-daughter-of-m-edouard-delalain-mme-de-graet +still_life,Post_Impressionism,vanessa-bell_still-life-on-corner-of-a-mantelpiece-1914 +genre_painting,Impressionism,henri-martin_mother-and-child-in-pergola-at-marquayrol +cityscape,Romanticism,fyodor-bronnikov_street-in-italian-town-1 +genre_painting,Impressionism,joaquã­n-sorolla_beaching-the-boat-study-1908 +portrait,Northern_Renaissance,lucas-cranach-the-elder_john-duke-of-saxony +still_life,Analytical_Cubism,georges-braque_still-life-with-a-pair-of-banderillas-1911 +portrait,Post_Impressionism,paul-gauguin_the-sorcerer-of-hiva-oa-marquesan-man-in-the-red-cape-1902 +portrait,Realism,james-tissot_portrait-of-miss-lloyd +abstract_painting,Minimalism,alex-hay_yellow-time-2007 +still_life,Expressionism,georges-braque_still-life-with-flowers-1945 +landscape,Post_Impressionism,ferdynand-ruszczyc_wiecz-r-wilejka-1900 +landscape,Cubism,natalia-goncharova_pillars-of-salt +sketch_and_study,Naive_Art_Primitivism,marc-chagall_striking-the-rock-3 +abstract_painting,Abstract_Expressionism,sam-francis_untitled-black-clouds-1952 +religious_painting,Early_Renaissance,andrea-mantegna_maria-with-the-sleeping-child-1455 +landscape,Expressionism,vilmos-aba-novak_landscape-1924 +portrait,Art_Nouveau_Modern,jozsef-rippl-ronai_terka-linzer-1923 +portrait,Rococo,joshua-reynolds_frederick-count-of-schaumburg-lippe-1767 +illustration,Symbolism,mikhail-vrubel_tamara-lying-in-state-1891 +landscape,Impressionism,john-singer-sargent_palestine +religious_painting,Early_Renaissance,fra-angelico_bosco-ai-frati-altarpiece +abstract_painting,Abstract_Expressionism,cy-twombly_untitled-5 +landscape,Impressionism,salvador-dali_es-poal-pianque-1920 +religious_painting,Baroque,caravaggio_crucifixion-of-saint-andrew-1607(1) +landscape,Realism,camille-corot_goatherd-standing-playing-the-flute-under-the-trees-1855 +landscape,Impressionism,asgrimur-jonsson_from-hornafj-r-ur-the-farm-st-ra-l-g-southeast-iceland-1912 +religious_painting,Naive_Art_Primitivism,henri-rousseau_eve-1907 +genre_painting,Baroque,adriaen-van-ostade_a-village-inn +religious_painting,Mannerism_Late_Renaissance,giorgio-vasari_st-francis-receiving-the-stigmata-1548 +abstract_painting,Abstract_Expressionism,atsuko-tanaka_untitled-1999 +religious_painting,Impressionism,paul-cezanne_the-temptation-of-st-anthony-1 +landscape,Impressionism,john-henry-twachtman_branchville-fields +landscape,Art_Nouveau_Modern,ivan-bilibin_creek-in-winter-1915(1) +sketch_and_study,Realism,vincent-van-gogh_beach-and-sea-1882(1) +landscape,Impressionism,andre-dunoyer-de-segonzac_seine-sur-la-triel-1960 +illustration,Expressionism,m.c.-escher_scholastica-flying-witch +abstract_painting,Color_Field_Painting,frank-stella_seward-park-1958 +still_life,Impressionism,paul-mathiopoulos_vase-with-roses +landscape,Impressionism,willard-metcalf_september-morning-plainfield-new-hampshire +still_life,Post_Impressionism,le-pho_yellow-lilies +religious_painting,Rococo,giovanni-battista-tiepolo_nativity-of-jesus +genre_painting,Impressionism,joaquã­n-sorolla_the-arrival-of-the-boats-1907 +portrait,Impressionism,augustus-john_barbara-allen +genre_painting,Naive_Art_Primitivism,david-burliuk_feeding-a-ducks +landscape,Impressionism,claude-monet_charing-cross-bridge-02 +genre_painting,Realism,winslow-homer_croquet-players +genre_painting,Expressionism,edvard-munch_man-and-woman-1898 +landscape,Impressionism,claude-monet_the-seine-at-port-villez +genre_painting,Cubism,pablo-picasso_woman-with-guitar-1913 +abstract_painting,Minimalism,ellsworth-kelly_two-whites-1959 +portrait,Rococo,joshua-reynolds_lady-sarah-bunbury-sacrificing-to-the-graces +portrait,Mannerism_Late_Renaissance,tintoretto_sebastiano-venier-1571 +genre_painting,Post_Impressionism,le-pho_composition-1 +portrait,Baroque,cornelis-de-vos_portrait-of-the-artist-with-his-family +sketch_and_study,Romanticism,ivan-aivazovsky_dejection-of-noah-from-mountain-ararat-1897 +landscape,Art_Nouveau_Modern,ferdinand-hodler_wetterhorn +genre_painting,Baroque,bartolome-esteban-murillo_a-young-man-with-a-basket-of-fruit-1640 +genre_painting,Baroque,jan-steen_in-the-tavern-1660 +abstract_painting,Abstract_Expressionism,richard-pousette-dart_white-garden-1951 +illustration,Art_Nouveau_Modern,nicholas-roerich_vignette-for-book-n-k-roerich-1918-13 +landscape,Expressionism,ion-tuculescu_landscape-with-tree +religious_painting,Northern_Renaissance,hans-memling_st-john-altarpiece-1479 +religious_painting,Mannerism_Late_Renaissance,correggio_madonna-with-st-george-1532 +landscape,Realism,vincent-van-gogh_barn-with-moss-covered-roof-1881(1) +portrait,Northern_Renaissance,mabuse_prince-hans-of-denmark-norway-and-sweden +cityscape,Post_Impressionism,raoul-dufy_martigues +still_life,Impressionism,ion-theodorescu-sion_flori-i-fructe +genre_painting,Post_Impressionism,pierre-bonnard_at-the-fence-1895 +religious_painting,Symbolism,viktor-vasnetsov_alexander-nevsky-1893 +genre_painting,Expressionism,margareta-sterian_circus-scene +landscape,Symbolism,nicholas-roerich_clear-evening-1924 +religious_painting,Expressionism,salvador-dali_mohammed-s-dream +genre_painting,Symbolism,kuzma-petrov-vodkin_mother-1913 +landscape,Post_Impressionism,paul-cezanne_the-farm-of-bellevue +religious_painting,Northern_Renaissance,albrecht-durer_madonna-nursing-1519 +portrait,Ukiyo_e,kitagawa-utamaro_woman-in-bedroom-on-rainy-night +genre_painting,Art_Nouveau_Modern,boris-kustodiev_pancake-tuesday-in-a-village-maslenitsa-1916 +portrait,Naive_Art_Primitivism,henri-rousseau_boy-on-the-rocks-1895 +cityscape,Cubism,hans-hofmann_untitled-1942 +religious_painting,Symbolism,felicien-rops_the-temptation-of-st-anthony +cityscape,Fauvism,jan-sluyters_view-on-road +nude_painting,Realism,john-singer-sargent_reclining-nude +sketch_and_study,Naive_Art_Primitivism,fernand-leger_study-for-the-party-campaign +religious_painting,Northern_Renaissance,albrecht-durer_the-cross-of-christ-3 +religious_painting,Art_Nouveau_Modern,nicholas-roerich_vernicle-1910 +genre_painting,Realism,vasily-vereshchagin_fakirs-1876 +abstract_painting,Abstract_Expressionism,joan-snyder_chant-1979 +portrait,Romanticism,jan-matejko_mieszko-i-of-poland +genre_painting,Impressionism,theophrastos-triantafyllidis_flea-market-1943 +still_life,Realism,ilya-mashkov_still-life-1938 +religious_painting,Naive_Art_Primitivism,fernando-botero_adam-and-eve-eve +still_life,Analytical_Cubism,pablo-picasso_the-pigeon-pea-1912 +illustration,Art_Nouveau_Modern,thomas-theodor-heine_from-thorheiten-1901-2 +abstract_painting,Color_Field_Painting,jose-guerrero_en-la-casa-de-vel-zquez-1971 +landscape,Impressionism,kimon-loghi_blooming-cherry-trees +portrait,Baroque,anthony-van-dyck_portrait-of-emmanuel-philibert-1624 +religious_painting,Naive_Art_Primitivism,marc-chagall_moses-died-looking-to-the-promised-land-where-he-should-not-enter-deuteronomy-xxxiv-1-5 +genre_painting,Impressionism,nikolay-bogdanov-belsky_spring-rehearsal +landscape,Romanticism,john-crome_an-egyptian-poppy-and-a-water-mole-1812 +cityscape,Romanticism,rudolf-von-alt_the-main-square-in-bratislava-1843 +religious_painting,Symbolism,william-blake_satan-exulting-over-eve-1795 +portrait,Rococo,joshua-reynolds_charles-lennox-3rd-duke-of-richmond-and-lennox-1758 +nude_painting,Expressionism,lucian-freud_naked-man-on-a-bed +religious_painting,Expressionism,salvador-dali_pieta-2 +portrait,New_Realism,john-french-sloan_young-woman-in-black-and-white-mary-kerr-1902 +genre_painting,Baroque,jacob-jordaens_the-bean-king +portrait,Cubism,fernand-leger_three-characters-1920 +landscape,Impressionism,john-singer-sargent_reflections-rocks-and-water +portrait,Mannerism_Late_Renaissance,agnolo-bronzino_portrait-of-francesco-i-de-medici-1551 +still_life,Pop_Art,roy-lichtenstein_still-life-with-goldfish-1974 +portrait,Expressionism,ernst-ludwig-kirchner_dodo-head-on-pillow +religious_painting,Mannerism_Late_Renaissance,el-greco_christ-healing-the-blind-man-1560 +sketch_and_study,Early_Renaissance,pisanello_study-of-a-young-man-with-his-hands-tied-behind-his-back-1438 +portrait,Realism,john-singer-sargent_miss-eden-1905 +portrait,Rococo,dmitry-levitzky_maria-feodorovna +landscape,Pop_Art,peter-max_without-borders-2011 +portrait,Romanticism,franz-xaver-winterhalter_albert-edward-prince-of-wales-1846 +religious_painting,Northern_Renaissance,hans-memling_the-passion-1471 +portrait,Realism,ilya-repin_portrait-of-writer-vsevolod-mikhailovich-garshin-1884 +landscape,Symbolism,nicholas-roerich_pilgrim-1932 +portrait,Romanticism,vasily-tropinin_portrait-of-v-s-eneva-1810 +portrait,Rococo,joshua-reynolds_miss-cocks-and-her-niece +landscape,Pointillism,kazimir-malevich_landscape-with-yellow-house-1907 +genre_painting,Realism,vasily-perov_arrival-of-a-new-governess-in-a-merchant-house-1866 +sketch_and_study,Realism,vasily-perov_drowned-1867-1 +religious_painting,Baroque,peter-paul-rubens_the-sacrifice-of-isaac +portrait,Baroque,rembrandt_an-old-man-seen-from-behind-1631 +abstract_painting,Abstract_Expressionism,joan-miro_not_detected_227944 +portrait,Realism,vasily-vereshchagin_indian-1873 +illustration,Art_Nouveau_Modern,aubrey-beardsley_the-burial-of-salome +portrait,Romanticism,vasily-tropinin_portrait-of-fedor-semenovich-moslova +portrait,Romanticism,jan-matejko_kazimierz-i-odnowiciel +abstract_painting,Abstract_Expressionism,arshile-gorky_one-year-the-milkweed +religious_painting,Early_Renaissance,andrea-mantegna_the-nativity-1490 +abstract_painting,Color_Field_Painting,paul-feeley_asmidiske-1964 +abstract_painting,Color_Field_Painting,jose-guerrero_franja-roja-y-amarilla-1975 +landscape,Contemporary_Realism,neil-welliver_birches +nude_painting,Expressionism,marcel-duchamp_standing-nude-1910 +sketch_and_study,Naive_Art_Primitivism,fernand-leger_the-album-circus-1950-21 +genre_painting,Baroque,isaac-van-ostade_the-halt-at-the-inn +religious_painting,Early_Renaissance,andrea-mantegna_scenes-from-the-life-of-st-james-1448-1 +landscape,Impressionism,alfred-sisley_november-afternoon-1881 +religious_painting,Early_Renaissance,carlo-crivelli_saint-nicolas +genre_painting,Art_Nouveau_Modern,raphael-kirchner_all-healing-4 +sketch_and_study,Expressionism,pablo-picasso_study-to-two-sisters-1902 +abstract_painting,Minimalism,genevieve-asse_atlantique-iv-1991 +portrait,Impressionism,john-singer-sargent_ena-wertheimer-with-antonio-mancini-1904 +portrait,Realism,ilya-repin_a-soldier +nude_painting,Mannerism_Late_Renaissance,jacopo-pontormo_female-nude-1 +portrait,Impressionism,mary-cassatt_simone-in-plumed-hat +sketch_and_study,High_Renaissance,raphael_study-for-the-knight-s-dream +still_life,Symbolism,odilon-redon_after-the-execution-1877 +genre_painting,Romanticism,edward-burne-jones_love-among-the-ruins-1894 +cityscape,Post_Impressionism,edouard-cortes_the-rue-royal-madeleine +cityscape,Impressionism,john-singer-sargent_palace-and-gardens-spain-1912 +portrait,Impressionism,pierre-auguste-renoir_young-woman-wearing-a-hat-1894 +landscape,Fauvism,louis-valtat_a-tree-in-the-garden-1896 +genre_painting,New_Realism,william-james-glackens_city-scene-1910 +religious_painting,Symbolism,nicholas-roerich_order-of-buddha-all-conquering-1926 +genre_painting,Romanticism,caspar-david-friedrich_woman-with-a-candlestick +landscape,Symbolism,nicholas-roerich_brahmaputra-1946 +genre_painting,Impressionism,camille-pissarro_the-carrier-at-hermitage-pontoise-1878 +sketch_and_study,Realism,valentin-serov_horse-1884 +sketch_and_study,Realism,nicholas-roerich_sketch-to-holy-fire-1900 +portrait,Post_Impressionism,edouard-vuillard_madame-vuillard-at-table +sketch_and_study,Realism,vincent-van-gogh_the-fish-drying-barn-at-scheveningen +religious_painting,Art_Nouveau_Modern,nicholas-roerich_st-mercurius-of-smolensk-1918-1 +genre_painting,Impressionism,john-lavery_the-chess-players-1929 +portrait,Post_Impressionism,pyotr-konchalovsky_portrait-of-n-s-mikhalkov-in-the-chair-1954 +landscape,Post_Impressionism,paul-gauguin_landscape-with-three-trees-1892 +still_life,Realism,gustave-courbet_still-life-apples-pears-and-flowers-on-a-table-saint-pelagie-1871 +landscape,Romanticism,karl-bodmer_yellowstone-missouri-river-steamboat-depicted-as-aground-on-1844 +religious_painting,Naive_Art_Primitivism,marc-chagall_moses-received-the-tablets-of-law +genre_painting,Rococo,pietro-longhi_the-venetian-family-1765 +religious_painting,Northern_Renaissance,albrecht-durer_christ-on-the-cross-2 +illustration,Art_Nouveau_Modern,heorhiy-narbut_illustration-fairy-tales-teremok-mizgir-1910-3 +landscape,Impressionism,claude-monet_the-rocks-at-pourville-low-tide +portrait,Ukiyo_e,utagawa-kuniyoshi_the-actor-5 +sketch_and_study,Rococo,joshua-reynolds_a-cherub-head-in-different-views +portrait,Expressionism,pablo-picasso_portrait-of-olga-1920 +portrait,Art_Nouveau_Modern,zinaida-serebriakova_portrait-of-gm-balanchivadze-dzh-balanchina-in-a-suit-of-bacchus +abstract_painting,Color_Field_Painting,barnett-newman_onement-vi-1953 +landscape,Impressionism,claude-monet_sainte-adresse-fishing-boats-on-the-shore +genre_painting,Impressionism,henri-martin_meet +genre_painting,Realism,jean-francois-millet_harvesters-resting-1853 +still_life,Realism,edouard-manet_peony-stem-and-shears-1864 +genre_painting,New_Realism,george-luks_knitting-for-the-soldiers-high-bridge-park +portrait,Expressionism,egon-schiele_the-artist-s-wife-seated-1918 +portrait,Realism,john-everett-millais_merry +religious_painting,High_Renaissance,raphael_the-alba-madonna +sketch_and_study,Northern_Renaissance,albrecht-durer_weeping-angel-boy-1521 +still_life,Romanticism,paul-cezanne_stove-in-the-atelier +genre_painting,Impressionism,edgar-degas_at-the-cafe-des-ambassadeurs-1885 +portrait,Romanticism,william-shayer_fisherwomen +genre_painting,Realism,vladimir-makovsky_two-sisters-1893 +genre_painting,Impressionism,edgar-degas_ballet-dancers-in-the-wings-1900 +cityscape,Naive_Art_Primitivism,henri-rousseau_seine-and-eiffel-tower-in-the-sunset-1910 +religious_painting,Early_Renaissance,fra-angelico_madonna-of-the-star +portrait,Expressionism,oskar-kokoschka_gitta-wallerstein +genre_painting,Art_Nouveau_Modern,raphael-kirchner_love-flowers-1903-3 +landscape,Impressionism,claude-monet_the-beach-at-fecamp +religious_painting,Baroque,bartolome-esteban-murillo_angel-holding-a-hammer-and-nails-1660 +abstract_painting,Cubism,ben-nicholson_feb-55-1955 +genre_painting,Art_Nouveau_Modern,zinaida-serebriakova_girls-at-the-piano-1922 +cityscape,Romanticism,ivan-aivazovsky_exchange-of-peterburg-1847 +genre_painting,Impressionism,camille-pissarro_weeders-1882 +portrait,Expressionism,egon-schiele_seated-girl-facing-front-1911 +abstract_painting,Abstract_Expressionism,helen-frankenthaler_tales-of-genji-i-1998 +portrait,Realism,ilya-repin_portrait-of-an-italian-woman +sketch_and_study,Rococo,maurice-quentin-de-la-tour_preparation-to-the-portrait-of-anne-charlotte-roussel-marquise-de-courcy +genre_painting,Impressionism,henry-herbert-la-thangue_on-the-ramparts +religious_painting,Naive_Art_Primitivism,marc-chagall_happy-future-of-jerusalem-have-found-favor-with-god-isaiah-lxii-1-5 +portrait,Mannerism_Late_Renaissance,agnolo-bronzino_portrait-of-andrea-doria-as-neptune +nude_painting,Cubism,rene-magritte_the-model-1922(1) +religious_painting,Baroque,francisco-de-zurbaran_saint-lucy-1 +portrait,Rococo,thomas-gainsborough_mr-and-mrs-william-hallett-the-morning-walk-1785 +landscape,Impressionism,claude-monet_the-banks-of-the-fjord-at-christiania +portrait,Rococo,joshua-reynolds_william-james +religious_painting,Baroque,anthony-van-dyck_st-martin-dividing-his-cloak +genre_painting,Northern_Renaissance,albrecht-durer_the-congress-and-double-betrothal-at-vienna-from-the-triumphal-arch-of-maximilian-i +genre_painting,Naive_Art_Primitivism,fernando-botero_room-with-children-s-games +portrait,Realism,georgios-jakobides_the-insatiable-1884 +illustration,Naive_Art_Primitivism,marc-chagall_a-doorman-doesn-t-permit-tchitchikov-to-visit-a-governor +genre_painting,Pointillism,georges-seurat_study-for-a-sunday-on-la-grande-jatte-1885 +genre_painting,High_Renaissance,vittore-carpaccio_hunting-on-the-lagoon +cityscape,Impressionism,konstantin-korovin_paris-cafe-de-la-paix-1906 +portrait,High_Renaissance,pinturicchio_portrait-of-the-donor-1504 +cityscape,Impressionism,joaquã­n-sorolla_victor-hugo-s-house-in-passages +landscape,Post_Impressionism,paul-cezanne_the-bay-of-l-estaque-from-the-east +genre_painting,Expressionism,francis-picabia_the-laundresses +illustration,Romanticism,gustave-dore_the-inferno-canto-6-1 +genre_painting,Symbolism,felicien-rops_burial-in-the-walloon-country +portrait,High_Renaissance,giorgione_portrait-of-young-man(2) +abstract_painting,Abstract_Expressionism,william-baziotes_the-web-1946 +religious_painting,Early_Renaissance,bartolome-bermejo_saint-michael-triumphs-over-the-devil-1468 +religious_painting,Baroque,jacob-jordaens_adoration-of-the-magi +genre_painting,Expressionism,pablo-picasso_the-room-of-the-ironer-1904 +portrait,Impressionism,pierre-auguste-renoir_portrait-of-lucie-berard-1879 +landscape,Symbolism,konstantin-bogaevsky_romantic-landscape-1 +landscape,Post_Impressionism,pierre-bonnard_landscape-with-freight-train-1909 +portrait,Romanticism,pierre-paul-prud'hon_madame-simon +landscape,Impressionism,childe-hassam_the-hawk-s-nest +sketch_and_study,Impressionism,pierre-auguste-renoir_bather-drying-herself +portrait,Realism,james-tissot_portrait-of-woman +genre_painting,Impressionism,edgar-degas_dancer-on-stage-1 +illustration,Romanticism,gustave-dore_priests-exhorting-the-crusaders +sketch_and_study,Impressionism,mary-cassatt_sketch-of-francois +cityscape,Post_Impressionism,pyotr-konchalovsky_saint-basil-red-square-1932 +portrait,Fauvism,louis-valtat_the-pink-1906 +religious_painting,Early_Renaissance,sandro-botticelli_crucifixion(1) +illustration,Art_Nouveau_Modern,aubrey-beardsley_siegfried-illustration-act-ii +landscape,Symbolism,nicholas-roerich_pass-suget-1936 +landscape,Impressionism,claude-monet_zaan-at-zaandam-1 +abstract_painting,Abstract_Expressionism,sam-francis_heart-stone-1963 +religious_painting,Early_Renaissance,bartolome-bermejo_piet-of-canon-luis-despl-detail-1490 +religious_painting,Early_Renaissance,carlo-crivelli_saint-sebastian +portrait,Expressionism,carlos-saenz-de-tejada_the-enchanted-forest-holy-company +portrait,Expressionism,nicolae-tonitza_girl-in-pink +genre_painting,Symbolism,nicholas-roerich_mongolian-horseman +portrait,Rococo,joshua-reynolds_the-eliot-family +genre_painting,Ukiyo_e,katsushika-hokusai_a-scene-of-a-shinto-shrine-dance-kagura +portrait,Expressionism,egon-schiele_standing-figure-with-halo-1913 +abstract_painting,Color_Field_Painting,friedel-dzubas_untitled-1981(1) +landscape,Post_Impressionism,gustave-loiseau_woods-by-the-oise-river-1919 +genre_painting,Baroque,gerrit-dou_interior-with-a-young-violinist-1637 +genre_painting,Impressionism,childe-hassam_the-sonata-1 +landscape,Post_Impressionism,vincent-van-gogh_banks-of-the-seine-near-pont-de-clichy-1887(1) +illustration,Art_Nouveau_Modern,kay-nielsen_the-flying-trunk +religious_painting,Early_Renaissance,fra-angelico_reliquary-tabernacle +landscape,Symbolism,nicholas-roerich_stronghold-of-tibet +abstract_painting,Abstract_Expressionism,sam-francis_why-then-opened-ii-1963 +genre_painting,Post_Impressionism,vincent-van-gogh_fishing-in-the-spring-1887(1) +religious_painting,Baroque,bernardo-strozzi_david-with-the-head-of-goliath +cityscape,Expressionism,ernst-ludwig-kirchner_red-elisabeth-riverbank-berlin-1913 +portrait,Cubism,pablo-picasso_seated-woman-1939 +landscape,Impressionism,alfred-sisley_saint-mammes-ducks-on-canal-1885 +still_life,Expressionism,george-mavroides_plate-with-fruits-1958 +genre_painting,Impressionism,pierre-auguste-renoir_girl-wiping-her-feet +portrait,Romanticism,john-collier_the-sinner-1904 +portrait,Rococo,vladimir-borovikovsky_portrait-of-a-member-of-the-chidbov-family-1798 +still_life,Cubism,joan-miro_the-carbide-lamp-1923 +landscape,Impressionism,robert-julian-onderdonk_texas-landscape +cityscape,Impressionism,giovanni-boldini_venice +sketch_and_study,Baroque,peter-paul-rubens_the-elevation-of-the-cross(1) +landscape,Impressionism,ivan-albright_near-prague-czechoslovakia-1976 +sketch_and_study,Art_Nouveau_Modern,ferdinand-hodler_pulling-soldiers-1908-2 +genre_painting,Impressionism,berthe-morisot_the-rouart-s-dining-room-1880 +landscape,Realism,charles-francois-daubigny_banks-of-the-oise +portrait,Romanticism,henry-raeburn_portrait-of-bryce-mcmurdo +abstract_painting,Cubism,amadeo-de-souza-cardoso_interior-expression-of-things-1915 +sketch_and_study,Symbolism,ferdinand-hodler_dying-cadet +cityscape,Impressionism,camille-pissarro_the-seine-and-the-louvre-paris-1903 +illustration,Art_Nouveau_Modern,jose-de-almada-negreiros_revista-contempor-nea-1922 +abstract_painting,Abstract_Expressionism,esteban-vicente_untitled-1982 +landscape,Impressionism,claude-monet_argenteuil-2(1) +genre_painting,Realism,vincent-van-gogh_donkey-cart-with-boy-and-scheveningen-woman-1882(1) +landscape,Naive_Art_Primitivism,maria-primachenko_two-pigeons-drank-water-by-a-windmill-and-ford-1970 +genre_painting,Impressionism,camille-pissarro_peasant-pushing-a-wheelbarrow-maison-rondest-pontoise-1874 +landscape,Post_Impressionism,gustave-loiseau_sails-on-the-oise-1919 +religious_painting,Northern_Renaissance,rogier-van-der-weyden_madonna-and-child-3 +sketch_and_study,High_Renaissance,leonardo-da-vinci_drawing-of-a-fancy-dress-costume +landscape,Post_Impressionism,pyotr-konchalovsky_bank-of-agarvi-1927 +portrait,Art_Nouveau_Modern,zinaida-serebriakova_portrait-of-a-nurse-1907 +landscape,Post_Impressionism,david-burliuk_view-of-burliuk-estate-usa-1945(1) +genre_painting,Post_Impressionism,raoul-dufy_phonography +landscape,Realism,fyodor-vasilyev_evening +abstract_painting,Abstract_Expressionism,jimmy-ernst_untitled-1965 +landscape,Expressionism,ligia-macovei_unknown-title-15 +portrait,Expressionism,zinaida-serebriakova_portrait-of-n-lanceray-mom-1912 +portrait,Realism,vladimir-makovsky_portrait-of-i-e-tsvetkov-1905 +genre_painting,Impressionism,boris-kustodiev_in-the-box-1909 +abstract_painting,Color_Field_Painting,gene-davis_pumpkin-1959 +portrait,Mannerism_Late_Renaissance,agnolo-bronzino_allegorical-portrait-of-dante-1530 +abstract_painting,Abstract_Expressionism,mark-rothko_untitled-14b +still_life,Realism,ion-andreescu_onions +portrait,Baroque,frans-hals_malle-babbe-detail-1635 +genre_painting,Naive_Art_Primitivism,david-burliuk_homeward-bound-in-a-horse-drawn-carriage(1) +still_life,Cubism,stuart-davis_egg-beater-no-4-1928 +genre_painting,Realism,gustave-courbet_the-bathers-1853 +religious_painting,Northern_Renaissance,hieronymus-bosch_hell-fall-of-the-damned-1504 +religious_painting,Mannerism_Late_Renaissance,paolo-veronese_st-mennas +still_life,Cubism,pablo-picasso_still-life-on-a-table-1947 +landscape,Ukiyo_e,katsushika-hokusai_shimomeguro +religious_painting,Mannerism_Late_Renaissance,tintoretto_the-temptation-of-adam-1552 +religious_painting,Naive_Art_Primitivism,marc-chagall_the-forgiveness-of-god-is-announced-in-jerusalem-isaiah-liv-6-10 +portrait,Cubism,amadeo-de-souza-cardoso_portrait-of-man-1913 +portrait,Romanticism,konstantin-makovsky_portrait-24 +genre_painting,Impressionism,pierre-auguste-renoir_young-woman-in-a-boat-lise-trehot-1870 +abstract_painting,Color_Field_Painting,charles-hinman_fan-dance-1968 +religious_painting,Northern_Renaissance,hans-baldung_the-flood-1516 +still_life,Cubism,juan-gris_figs +portrait,Realism,anders-zorn_ida-1905 +portrait,Romanticism,jan-matejko_mieszko +portrait,Ukiyo_e,keisai-eisen_from-the-series-t-to-meisho-kokoro-no-nazo-sugata-awase +landscape,Post_Impressionism,henri-catargi_landscape-in-arges-valley-1959 +portrait,Pop_Art,andy-warhol_ingrid-bergman-as-herself-1 +genre_painting,Impressionism,pierre-auguste-renoir_woman-combing-her-hair-1887 +landscape,Expressionism,egon-schiele_meadow-church-and-houses-1912 +religious_painting,Expressionism,marcel-janco_fruit-and-dishes-on-the-table +abstract_painting,Color_Field_Painting,mark-rothko_composition-1958 +religious_painting,Mannerism_Late_Renaissance,giorgio-vasari_st-jerome-in-meditation +abstract_painting,Minimalism,edward-corbett_p-t-5-1970 +religious_painting,Northern_Renaissance,robert-campin_the-annunciation-1430 +landscape,Post_Impressionism,viorel-marginean_iarna-la-cenade-1986 +still_life,Impressionism,piet-mondrian_anemones-in-a-vase +sketch_and_study,Romanticism,john-everett-millais_cymon-and-iphigenia-study +genre_painting,Romanticism,gustave-dore_houndsditch-1872 +religious_painting,Mannerism_Late_Renaissance,titian_cain-and-abel-1544 +cityscape,Post_Impressionism,maurice-utrillo_the-quartier-saint-romain-at-anse-rhone +abstract_painting,Color_Field_Painting,ron-gorchov_untitled-1977 +genre_painting,Impressionism,berthe-morisot_haying-at-mezy +cityscape,Expressionism,mstislav-dobuzhinsky_barbershop-window-1906 +nude_painting,Impressionism,pierre-auguste-renoir_seated-young-woman-nude-1910 +nude_painting,Post_Impressionism,mario-zanini_banhistas +still_life,Synthetic_Cubism,juan-gris_bowl-glass-and-newspaper +genre_painting,Romanticism,joseph-wright_the-lady-in-milton-s-comus +religious_painting,Early_Renaissance,domenico-ghirlandaio_stigmata-of-st-francis-1485 +landscape,Expressionism,lyonel-feininger_woodblock-for-the-harbor-hafen-1918 +landscape,Realism,vasily-polenov_winter-landscape-behovo-1897 +portrait,Rococo,antoine-pesne_frederick-the-great-1736 +landscape,Impressionism,claude-monet_misty-morning-on-the-seine-mauve +religious_painting,Symbolism,salvador-dali_vox-clamantis-1967 +cityscape,Impressionism,konstantin-korovin_the-road-in-the-southern-city-1908 +cityscape,Rococo,canaletto_padua-the-prato-della-valle-with-santa-giustinia-and-the-church-of-misericordia-1 +portrait,Impressionism,pierre-auguste-renoir_portrait-of-a-kid-in-a-beret-1892 +abstract_painting,Abstract_Expressionism,rafa-nasiri_untitled-049-1995 +genre_painting,Naive_Art_Primitivism,niko-pirosmani_transportation-in-didube +landscape,Post_Impressionism,pyotr-konchalovsky_landscape-with-the-railway-1935 +religious_painting,Northern_Renaissance,albrecht-durer_christ-taking-leave-of-his-mother-1511 +landscape,Realism,martiros-saryan_under-the-apricot-tree-1954 +portrait,Fauvism,john-duncan-fergusson_hortensia +landscape,Realism,ivan-shishkin_fir-1 +abstract_painting,Minimalism,robert-mangold_series-of-three-1984 +landscape,Symbolism,nicholas-roerich_himalayas-tops-of-mountains-with-the-turqoise-sky-1937 +landscape,Contemporary_Realism,neil-welliver_illusory-flowage +landscape,Post_Impressionism,vincent-van-gogh_field-with-stacks-of-wheat-1890(1) +portrait,Rococo,thomas-gainsborough_edward-richard-gardiner +landscape,Impressionism,claude-monet_low-tide-at-pourville +abstract_painting,Abstract_Expressionism,gerhard-richter_dark +sketch_and_study,Post_Impressionism,vincent-van-gogh_village-street-sketch-1890 +portrait,Rococo,vladimir-borovikovsky_portrait-of-the-russian-poet-gavril-derzhavin-1795 +portrait,Contemporary_Realism,fairfield-porter_under-the-elms-1972 +genre_painting,Impressionism,philip-wilson-steer_girl-on-a-sofa-1891 +illustration,Art_Nouveau_Modern,aubrey-beardsley_the-artist-bookplate +portrait,Realism,james-tissot_chrysanthemums +landscape,Post_Impressionism,georges-braque_terrace-of-hotel-mistral-at-estaque-1907 +cityscape,Romanticism,thomas-cole_the-dream-of-the-architect-1840 +landscape,Impressionism,claude-monet_the-headland-of-the-heve-at-low-tide +religious_painting,Northern_Renaissance,hieronymus-bosch_death-and-the-miser-1490 +abstract_painting,Abstract_Expressionism,arshile-gorky_waterfall +still_life,Synthetic_Cubism,pablo-picasso_guitar-and-sheet-of-music-1912 +religious_painting,Romanticism,vasily-polenov_a-depiction-of-jesus-and-the-woman-taken-in-adultery-1888 +genre_painting,Baroque,johannes-vermeer_woman-reading-a-letter-woman-in-blue-reading-a-letter +landscape,Rococo,francois-boucher_landscape-near-beauvais-early-1740 +cityscape,Rococo,bernardo-bellotto_view-of-verona-and-the-river-adige-from-the-ponte-nuovo-1747 +landscape,Pointillism,henri-edmond-cross_an-incoming-storm-1908 +cityscape,Romanticism,john-atkinson-grimshaw_the-lovers +genre_painting,Rococo,thomas-gainsborough_the-cottage-door +genre_painting,Realism,eugene-boudin_the-beach-at-trouville-1864-1 +portrait,Rococo,joshua-reynolds_mrs-turnour-1757 +landscape,Romanticism,christen-kobke_frederiksborg-palace-in-the-evening-light-1835 +abstract_painting,Abstract_Expressionism,joan-mitchell_merci-1992 +portrait,Realism,julius-leblanc-stewart_portrait-of-mrs-francis-stanton-blake-1908(1) +genre_painting,Realism,julius-leblanc-stewart_sarah-bernhardt-and-christine-nilsson-1883(1) +sketch_and_study,Realism,theodore-rousseau_view-of-mountains-girard +portrait,Romanticism,joseph-wright_john-coates-browne +genre_painting,Early_Renaissance,masaccio_not_detected_199406-1428 +sketch_and_study,Symbolism,ferdinand-hodler_lake-thun-from-the-path-to-the-plate-schynigen-1906-1 +genre_painting,Rococo,pietro-longhi_friars-in-venice +illustration,Symbolism,william-blake_illustration-to-milton-s-l-allegro-and-il-penseroso-1820 +landscape,Realism,camille-corot_stormy-weather-pas-de-calais +genre_painting,Naive_Art_Primitivism,marc-chagall_clarity-to-each-other-1985 +portrait,Romanticism,pierre-paul-prud'hon_gian-battista-sommariva-1815 +abstract_painting,Minimalism,gene-davis_carousel-1980 +abstract_painting,Color_Field_Painting,aki-kuroda_untitled-5-1982 +cityscape,Post_Impressionism,maurice-utrillo_chartres-cathedral +genre_painting,Romanticism,george-stubbs_baronet-1794 +cityscape,Romanticism,pavel-svinyin_ruined-house +landscape,Impressionism,pierre-auguste-renoir_children-by-the-sea-in-guernsey-1883 +religious_painting,Early_Renaissance,antonello-da-messina_annunciation-1474 +genre_painting,Realism,ivan-vladimirov_at-the-workers-outskirts-in-the-days-of-overthrowing-the-autocracy +landscape,Impressionism,alfred-sisley_the-dam-at-saint-mammes-1885 +nude_painting,Romanticism,eliseu-visconti_nude +genre_painting,Baroque,adriaen-van-ostade_sense-of-hearing +landscape,Realism,ivan-shishkin_in-the-forest-1886 +abstract_painting,Color_Field_Painting,ron-gorchov_samba-2005 +still_life,Fauvism,rik-wouters_dining-table-1908 +portrait,Realism,william-adolphe-bouguereau_the-bohemian-1890 +nude_painting,Realism,salvador-dali_portrait-of-gala-1 +illustration,Symbolism,harry-clarke_tales-of-mystery-and-imagination-by-edgar-allan-poe-1923-12 +portrait,Naive_Art_Primitivism,fernando-botero_the-president-and-first-lady-2 +portrait,Impressionism,mary-cassatt_woman-in-black +landscape,Realism,ivan-shishkin_slope +cityscape,Pop_Art,hiro-yamagata_not-detected-272407 +portrait,Post_Impressionism,ilya-mashkov_portrait-of-z-d-r-lady-in-blue-1927 +landscape,Realism,vladimir-makovsky_crimean-seashore-1889 +religious_painting,Baroque,francisco-de-zurbaran_st-francis-kneeling-1639 +illustration,Rococo,william-hogarth_caliban-from-the-tempest-of-william-shakespeare +landscape,Realism,aleksey-savrasov_autumn-sokolniki +landscape,Expressionism,henri-catargi_landscape-1927 +abstract_painting,Color_Field_Painting,theodoros-stamos_infinity-field-lefkada-series-1981(3) +cityscape,Post_Impressionism,edouard-cortes_st-martin-1 +sketch_and_study,Northern_Renaissance,rogier-van-der-weyden_demons-tortures-a-sinner +portrait,Expressionism,paul-klee_the-future-man-1933(1) +landscape,Symbolism,nicholas-roerich_sandoling-lamayura +cityscape,Impressionism,samuel-mutzner_figaro +landscape,Symbolism,nicholas-roerich_stupa-1933 +religious_painting,Northern_Renaissance,rogier-van-der-weyden_lamentation-2 +genre_painting,Post_Impressionism,jacek-malczewski_lutoslawice +religious_painting,Symbolism,albert-bloch_gethsemane-1948 +portrait,Northern_Renaissance,hans-holbein-the-younger_portrait-of-a-man-with-a-letter-and-gloves +portrait,Realism,ivan-kramskoy_portrait-of-the-sculptor-mark-antokolsky-1876 +landscape,Realism,camille-corot_a-ford-with-large-trees +genre_painting,Symbolism,konstantin-somov_fireworks-in-the-park +religious_painting,Baroque,caravaggio_ecce-homo(1) +still_life,Cubism,theo-van-doesburg_composition-iii-still-life-1916 +genre_painting,Romanticism,paul-cezanne_woman-diving-into-water +abstract_painting,Color_Field_Painting,anne-truitt_one-may-1976 +portrait,Mannerism_Late_Renaissance,titian_portrait-of-a-painter-with-a-palm-tree-1561 +genre_painting,Post_Impressionism,raoul-dufy_men-fishing-1907 +cityscape,Cubism,lyonel-feininger_gelmeroda-ix-1926 +genre_painting,Realism,boris-kustodiev_bather-1921 +landscape,Realism,theodore-rousseau_view-of-mountains-auvergne-1830 +landscape,Impressionism,armand-guillaumin_crozant-solitude-1915 +religious_painting,High_Renaissance,correggio_head-of-an-angel +portrait,Impressionism,mary-cassatt_portrait-of-mrs-h-o-hevemeyer-1896 +religious_painting,Northern_Renaissance,hieronymus-bosch_hermit-saints-triptych-left-panel +portrait,Rococo,jean-marc-nattier_portrait-of-alexander-kurakin-1728 +genre_painting,Impressionism,eva-gonzales_the-toilet +nude_painting,Fauvism,marcel-duchamp_the-bush +genre_painting,Expressionism,edvard-munch_model-on-the-couch-1928 +sketch_and_study,Realism,charles-francois-daubigny_the-studio-on-the-boat-1861 +landscape,Realism,gustave-courbet_village-street-in-winter +genre_painting,Baroque,adriaen-brouwer_the-brawl +portrait,Romanticism,nikolaos-gyzis_head-of-old-man-1880(1) +portrait,Romanticism,john-hoppner_richard-humphreys-the-boxer +landscape,Post_Impressionism,marsden-hartley_landscape-new-mexico-1920 +genre_painting,Naive_Art_Primitivism,david-burliuk_the-stand-1946 +genre_painting,Pop_Art,aldo-mondino_untitled-2000 +illustration,Romanticism,gustave-dore_help-the-marquis-of-carabas-is-drowning +sketch_and_study,Post_Impressionism,vincent-van-gogh_strollers-and-onlookers-at-a-place-of-entertainment-1887 +sketch_and_study,Rococo,maurice-quentin-de-la-tour_madame-favart +landscape,Impressionism,arkhip-kuindzhi_ukraine-1879 +landscape,Impressionism,claude-monet_the-valley-of-sasso +still_life,Expressionism,chaim-soutine_still-life-with-fish +genre_painting,Expressionism,marevna-(marie-vorobieff)_modi-kisling-and-chaim-soutine-1914 +illustration,Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-russian-fairy-story-feather-of-finist-falcon-5(1) +genre_painting,Cubism,candido-portinari_chorinho-1942 +portrait,Romanticism,jan-matejko_alexander-jagiellon +nude_painting,Expressionism,amedeo-modigliani_reclining-nude-with-head-resting-on-right-arm-1919 +illustration,Romanticism,gustave-dore_walter-the-penniless-in-hungary +sketch_and_study,Realism,vincent-van-gogh_sien-nursing-baby-half-figure-1882-1 +portrait,Romanticism,orest-kiprensky_portrait-of-kusov-aleksey-ivanovich-1809 +genre_painting,Romanticism,jan-matejko_copernicus-in-the-tower-at-frombork-1872 +still_life,Post_Impressionism,vincent-van-gogh_a-pair-of-shoes-1887-1(1) +religious_painting,Northern_Renaissance,dirk-bouts_the-virgin-and-child +nude_painting,Realism,anders-zorn_studio-idyll-1918 +genre_painting,Realism,valentin-serov_children-of-the-artist-olga-and-anton-serov-1906 +sketch_and_study,Realism,valentin-serov_portrait-of-l-k-naryshkin-1910 +genre_painting,Pop_Art,roy-lichtenstein_him-1964(1) +genre_painting,Northern_Renaissance,jean-fouquet_cases-of-noble-men-and-women +genre_painting,Cubism,marc-chagall_the-poet-or-half-past-three-1912 +abstract_painting,Color_Field_Painting,howard-hodgkin_moroccan-door-1991 +abstract_painting,Abstract_Expressionism,kenzo-okada_footsteps-1954 +sketch_and_study,Early_Renaissance,pisanello_study-of-the-head-of-a-horse-1439 +genre_painting,Impressionism,frederic-remington_radisson-and-groseilliers-1905 +illustration,Romanticism,gustave-dore_the-minataur +genre_painting,Post_Impressionism,roger-bissiã¨re_femme-couch-e-dans-l-herbe-1926 +landscape,Romanticism,john-crome_the-way-through-the-wood-1813 +portrait,Post_Impressionism,nicolae-tonitza_on-the-veranda +genre_painting,Rococo,jean-honore-fragonard_the-good-mother +portrait,Romanticism,francisco-goya_mariano-goya +landscape,Contemporary_Realism,jamie-wyeth_cooling-off-1970 +portrait,Art_Nouveau_Modern,anna-ostroumova-lebedeva_portrait-of-leo-tolstoy-1929 +genre_painting,Post_Impressionism,panayiotis-tetsis_street-market-1982 +abstract_painting,Abstract_Expressionism,ralph-rosenborg_landscape-a-country-road-and-wild-flowers-1960 +religious_painting,Baroque,francisco-de-zurbaran_saint-lucy +portrait,Impressionism,robert-julian-onderdonk_portrait-of-gertrude-1902 +genre_painting,Rococo,benjamin-west_woodcutters-in-windsor-park-1795 +landscape,Impressionism,pierre-auguste-renoir_landscape-at-essoyes +abstract_painting,Abstract_Expressionism,frank-bowling_oddysseus-s-footfalls-1982 +nude_painting,Realism,julius-leblanc-stewart_study-of-a-nude-woman-1892(1) +landscape,Realism,gustave-courbet_rocky-landscape +landscape,Realism,viktor-vasnetsov_lull-1881 +landscape,Symbolism,victor-hugo_ruined-aqueduct-1850 +portrait,High_Renaissance,titian_portrait-of-a-man-with-ermine-coat +landscape,Realism,valentin-serov_balcony-1911 +portrait,Expressionism,amedeo-modigliani_portrait-of-jeanne-hebuterne-1918-2 +nude_painting,Impressionism,anders-zorn_after-the-bath-1895 +landscape,Romanticism,ivan-aivazovsky_volga-1887 +landscape,Post_Impressionism,richard-gerstl_meadow-with-houses-in-background-1907 +portrait,Fauvism,ilya-mashkov_the-lady-in-the-hat-1909 +still_life,Fauvism,mary-fedden_still-life-with-pineapple-and-butterfly-2008 +cityscape,Naive_Art_Primitivism,henri-rousseau_promeneurs-dans-un-parc-1908 +sketch_and_study,Cubism,pablo-picasso_artist-s-studio-1916 +illustration,Art_Nouveau_Modern,koloman-moser_reproduction-template-for-the-left-part-of-the-leaf-for-gerlach-s-love-allegories-new-series +portrait,Early_Renaissance,andrea-del-castagno_equestrian-monument-to-niccolo-da-tolentino-1456 +abstract_painting,Abstract_Expressionism,conrad-marca-relli_the-expendible-1957 +landscape,Impressionism,camille-pissarro_the-effect-of-snow-at-montfoucault-1891 +landscape,Impressionism,claude-monet_the-seine-at-port-villez-snow-effect-02 +cityscape,Naive_Art_Primitivism,jules-lefranc_sacre-coeur +religious_painting,Realism,vasily-polenov_christ-and-the-sinner-1885 +landscape,Naive_Art_Primitivism,grandma-moses_a-beautiful-world-1948 +landscape,Post_Impressionism,gustave-loiseau_cliffs-at-cape-frehel-1905 +portrait,Realism,ilya-repin_portrait-of-the-philanthropist-olga-sergeyevna-aleksandrova-heinz-1890 +nude_painting,Realism,christoffer-wilhelm-eckersberg_seated-nude-model +portrait,Ukiyo_e,utagawa-kunisada-ii_portrait-of-utagawa-kunisada +genre_painting,Cubism,pablo-picasso_mother-and-child-marie-therese-and-maya-1938 +landscape,Impressionism,francis-picabia_the-martigues-1 +landscape,Expressionism,billy-childish_erupting-volcano-sea-view-2011 +portrait,Rococo,giovanni-battista-tiepolo_a-young-woman-with-a-macaw +religious_painting,Romanticism,john-william-waterhouse_the-missal-1902 +genre_painting,Northern_Renaissance,hans-holbein-the-younger_signboard-for-a-schoolmaster-1516 +abstract_painting,Color_Field_Painting,mario-cesariny_a-torre-de-pisa-vai-cair-1978 +nude_painting,Ukiyo_e,katsushika-hokusai_not_detected_223529 +portrait,Mannerism_Late_Renaissance,hans-von-aachen_matthias-holy-roman-emperor-as-king-of-bohemia-1612 +sketch_and_study,Post_Impressionism,paul-cezanne_the-oak-1885 +portrait,Realism,vasily-surikov_portrait-of-a-p-yurgenson-1908 +portrait,Realism,vladimir-makovsky_lover-of-painting-portrait-of-a-collector-i-e-tsvetkov-1907 +portrait,Impressionism,giovanni-boldini_portrait-of-rita-de-acosta-lydig-1911 +religious_painting,Symbolism,odilon-redon_anthony-what-is-the-point-of-all-this-the-devil-there-is-no-point-plate-18-1896 +landscape,Impressionism,pierre-auguste-renoir_landscape-near-essoyes-1892 +genre_painting,Romanticism,david-wilkie_reading-the-will-1821 +genre_painting,Ukiyo_e,kitagawa-utamaro_the-hour-of-the-monkey +sketch_and_study,Naive_Art_Primitivism,marc-chagall_untitled-1973 +portrait,Romanticism,vasily-tropinin_portrait-of-v-m-yakovlev-1830 +genre_painting,Realism,ilya-repin_haulers-on-the-volga-1873 +portrait,Naive_Art_Primitivism,fernando-botero_the-colombian-based +illustration,Art_Nouveau_Modern,aubrey-beardsley_prospectus-no-1 +portrait,Baroque,artemisia-gentileschi_portrait-of-a-condottiero-1622 +landscape,Impressionism,alfred-sisley_an-old-cottage-at-sablons-1885 +genre_painting,Impressionism,john-singer-sargent_a-gust-of-wind +sketch_and_study,Early_Renaissance,leonardo-da-vinci_study-of-the-madonna-and-child-with-a-cat +portrait,Romanticism,joseph-wright_self-portrait-at-the-age-of-about-twenty +sketch_and_study,Impressionism,joaquã­n-sorolla_two-men-on-a-deck +religious_painting,Romanticism,paul-delaroche_saint-veronica +landscape,Impressionism,pierre-auguste-renoir_a-walk-in-the-woods-madame-lecoeur-and-her-children-1870 +landscape,Pointillism,georges-seurat_la-grande-jatte-1884 +landscape,Impressionism,vasile-popescu_little-house-in-predeal-1942 +portrait,Impressionism,max-liebermann_portrait-of-mrs-irene-triesch +genre_painting,Realism,vladimir-makovsky_prayer-service-at-the-farm-in-ukraine-1886 +landscape,Romanticism,caspar-david-friedrich_fir-trees-in-the-snow-1828 +portrait,Impressionism,pierre-auguste-renoir_suzanne-valadon +landscape,Impressionism,claude-monet_haystacks-white-frost-sunrise +nude_painting,Expressionism,jules-pascin_claudine-resting-1913 +still_life,Expressionism,istvan-farkas_still-life-with-coffee-maker-1943 +religious_painting,Symbolism,james-tissot_adam-is-tempted-by-eve +genre_painting,Rococo,william-hogarth_the-staymaker +landscape,Impressionism,william-merritt-chase_the-deserted-beach +genre_painting,Realism,jean-francois-millet_hunting-birds-at-night-1874 +landscape,Impressionism,claude-monet_park-monceau-2 +genre_painting,Expressionism,martiros-saryan_three-trees-kate-lusik-and-me-1971 +genre_painting,Expressionism,franz-marc_young-boy-with-a-lamb-1911 +genre_painting,Impressionism,edgar-degas_slippers-of-ballerina +cityscape,Realism,vincent-van-gogh_building-in-eindhoven-the-weigh-house-1885(1) +abstract_painting,Color_Field_Painting,morris-louis_nun-1959 +portrait,Post_Impressionism,wassily-kandinsky_gabriele-munter-1905 +landscape,Realism,ivan-shishkin_winter-forest +landscape,Impressionism,alfred-sisley_saint-lubin-church-1886 +landscape,Realism,ivan-shishkin_gursuf-1879 +sketch_and_study,Realism,ivan-shishkin_young-crop-of-nuts +portrait,Realism,william-adolphe-bouguereau_the-younger-brother-1902 +landscape,Impressionism,stefan-popescu_blue-landscape-1913 +religious_painting,High_Renaissance,leonardo-da-vinci_the-virgin-and-child-with-st-anne-1510 +religious_painting,Early_Renaissance,fra-angelico_visitation-1434 +portrait,Post_Impressionism,paul-cezanne_seated-peasant +landscape,Impressionism,henri-matisse_farms-in-brittany-belle-ile-1897 +religious_painting,Early_Renaissance,piero-della-francesca_constantine-s-victory-over-maxentius-detail(1) +landscape,Rococo,george-morland_winter-landscape-with-peasants-and-donkeys +genre_painting,Symbolism,franz-stuck_children-sleidging +cityscape,Post_Impressionism,abraham-manievich_town-scene-with-bus-stop +genre_painting,Expressionism,marc-chagall_soldiers-with-bread-1915 +cityscape,Cubism,vajda-lajos_floating-houses-1937 +landscape,Realism,john-everett-millais_glen-birnam +abstract_painting,Color_Field_Painting,ellsworth-kelly_blue-and-yellow-and-red-orange-1965 +abstract_painting,Minimalism,rodolfo-arico_l-oggetto-tenebroso-di-paolo-uccello-1970 +landscape,Impressionism,cornelis-vreedenburgh_sand-diggers +landscape,Post_Impressionism,pierre-bonnard_the-pont-de-vernon-1920 +landscape,Impressionism,john-henry-twachtman_frozen-brook +cityscape,Impressionism,childe-hassam_a-spring-morning-1892 +religious_painting,Northern_Renaissance,martin-schongauer_altarpiece-of-the-dominicans-the-mystical-hunt +landscape,Expressionism,martiros-saryan_evening-in-the-mountains-1907 +landscape,Impressionism,alfred-sisley_among-the-vines-near-louveciennes-1874 +portrait,Expressionism,edvard-munch_christen-sandberg-1909 +landscape,Impressionism,guy-rose_a-grey-day-carmel +genre_painting,Expressionism,pierre-tal-coat_femme-allong-e +religious_painting,Northern_Renaissance,albrecht-durer_ecce-homo-1510 +cityscape,Expressionism,ernst-ludwig-kirchner_the-red-tower-in-halle-1915 +cityscape,Expressionism,louay-kayyali_maaloula-1963 +landscape,Romanticism,joseph-wright_landscape-with-figures-and-a-tilted-cart-matlock-hogh-tor-in-the-distance +portrait,Realism,giovanni-boldini_a-lady-admiiring-a-fan-1878 +nude_painting,Post_Impressionism,paul-gauguin_a-breton-boy-1889-1 +cityscape,Rococo,bernardo-bellotto_view-of-vienna-square-in-front-of-the-university-seen-from-the-southeast-off-the-great-hall-of +religious_painting,Rococo,vladimir-borovikovsky_st-tsaritsa-alexandra-1815 +sketch_and_study,Rococo,maurice-quentin-de-la-tour_studies-of-men-s-hands +portrait,Romanticism,konstantin-makovsky_herring-dish +nude_painting,Baroque,rembrandt_a-seated-female-nude +religious_painting,High_Renaissance,titian_judith-with-the-head-of-holofernes +abstract_painting,Abstract_Expressionism,paul-jenkins_untitled-2 +portrait,Post_Impressionism,meijer-de-haan_old-jewish-woman-1880 +genre_painting,Expressionism,natalia-goncharova_washerwomen +portrait,Post_Impressionism,nicolae-tonitza_child-portrait-1926 +portrait,Ukiyo_e,utagawa-kuniyoshi_woman-with-fan +portrait,Romanticism,konstantin-makovsky_moor +landscape,Realism,aleksey-savrasov_landscape-with-a-house +sketch_and_study,Post_Impressionism,vincent-van-gogh_studies-figure-the-enclosure-wall-of-saint-paul-hospital-and-others-1889 +illustration,Romanticism,gustave-dore_the-inferno-canto-33-1 +sketch_and_study,Expressionism,pablo-picasso_seated-female-nude-1907 +portrait,Realism,john-singer-sargent_portrait-of-the-countess-of-clary-aldringen-1896 +nude_painting,Abstract_Expressionism,willem-de-kooning_the-visit +religious_painting,Symbolism,nicholas-roerich_st-panteleimon-the-healer-1916 +still_life,Post_Impressionism,marsden-hartley_still-life-no-1-1912 +cityscape,Expressionism,ernst-ludwig-kirchner_street-at-stadtpark +sketch_and_study,Realism,john-singer-sargent_head-of-a-neapolitan-boy-in-profile-1879 +abstract_painting,Abstract_Expressionism,jimmy-ernst_night-subway-1948 +landscape,Impressionism,john-henry-twachtman_the-white-bridge-2 +landscape,Impressionism,t.-c.-steele_vernon-beeches-1892 +genre_painting,Baroque,rembrandt_woman-carrying-a-child-downstairs-1636 +landscape,Impressionism,alfred-sisley_landscape-the-banks-of-the-loing-at-saint-mammes-1881 +abstract_painting,Minimalism,ellsworth-kelly_circle-form-1951 +sketch_and_study,Symbolism,mstislav-dobuzhinsky_riga +landscape,Expressionism,istvan-farkas_on-the-hillside-1931 +landscape,Post_Impressionism,paul-cezanne_gardanne-1890 +landscape,Impressionism,paul-gauguin_the-cliffs-of-le-bouille-1884 +portrait,Cubism,pablo-picasso_head-of-a-man-1908-1 +landscape,Impressionism,francisc-sirato_houses-on-the-shore-of-lake-cernica +landscape,Art_Nouveau_Modern,lawren-harris_pine-tree-and-red-house-winter-city-1924 +landscape,Realism,thomas-eakins_painting-cowboys-in-the-bad-lands-1888 +landscape,Expressionism,viorel-marginean_spring-1986 +portrait,Baroque,frans-hals_a-banquet-of-the-officers-of-the-st-george-militia-company-1616 +sketch_and_study,Realism,ivan-shishkin_on-the-seashore-sestroreck +portrait,Realism,ilya-repin_portrait-of-the-actor-pavel-samoylov-1915 +genre_painting,Impressionism,claude-monet_springtime-1886 +illustration,Romanticism,gustave-dore_don-quixote-63 +genre_painting,Impressionism,giovanni-boldini_two-women-are-sewing +portrait,Pop_Art,andy-warhol_marilyn-reversal +religious_painting,Mannerism_Late_Renaissance,tintoretto_st-louis-st-george-and-the-princess +landscape,Impressionism,fern-coppedge_new-hope-bucks-county-1935 +portrait,Rococo,joshua-reynolds_portrait-of-mrs-baldwin-full-length-seated-on-a-red-divan(1) +portrait,Realism,john-singer-sargent_violet-1886 +landscape,Romanticism,lev-lagorio_landscape-1871 +religious_painting,Early_Renaissance,fra-angelico_madonna-and-child-1 +landscape,Impressionism,guy-rose_river-epte-giverny-1910 +landscape,Post_Impressionism,viorel-marginean_n-l-imi-2007 +religious_painting,Mannerism_Late_Renaissance,el-greco_st-john-the-evangelist-and-st-francis +landscape,Symbolism,martiros-saryan_ararat-from-byurakan-1957 +cityscape,Post_Impressionism,pyotr-konchalovsky_evening-on-the-pier-1920 +portrait,Northern_Renaissance,hans-holbein-the-younger_portrait-of-sir-thomas-more-1527 +genre_painting,Naive_Art_Primitivism,henri-rousseau_the-walk-in-the-forest-1890 +portrait,Post_Impressionism,pyotr-konchalovsky_portrait-of-arfenik-artemevna-tadeo-1930 +portrait,Expressionism,m.c.-escher_fiet-van-stolk +cityscape,Synthetic_Cubism,juan-gris_landscape-at-beaulieu +landscape,Post_Impressionism,moise-kisling_tyniec-1912 +portrait,Impressionism,valentin-serov_children-sasha-and-yura-serov-1899 +portrait,Post_Impressionism,edouard-vuillard_yvonne-printemps-and-sacha-guitry +still_life,Post_Impressionism,pyotr-konchalovsky_still-life-with-a-red-tray-1910 +sketch_and_study,Symbolism,nicholas-roerich_monhigan-study-1922-18 +abstract_painting,Color_Field_Painting,dan-christensen_hornet-1970 +landscape,Symbolism,nicholas-roerich_ruins-of-a-chinese-fort-1926 +landscape,Realism,aleksey-savrasov_spring-kitchen-gardens-1893 +landscape,Ukiyo_e,hiroshige_temple-complex-on-an-island-and-ferries-on-a-river +landscape,Contemporary_Realism,john-miller_porth-kidney-beach +landscape,Impressionism,claude-monet_norman-farm-through-the-trees +sketch_and_study,Pop_Art,roy-lichtenstein_artist-s-studio-the-dance-sketch-1974(1) +portrait,Expressionism,lucian-freud_girl-with-fuzzy-hair +cityscape,Impressionism,gustave-caillebotte_square-in-paris-snowy-weather +landscape,Realism,isaac-levitan_view-of-novodevichy-monastery-1899 +landscape,Impressionism,t.-c.-steele_roan-mountain +genre_painting,Baroque,esaias-van-de-velde_militia-in-the-dunes-in-ambush +genre_painting,Impressionism,giovanni-boldini_the-letter-1873 +sketch_and_study,Symbolism,gustave-moreau_study-puff-adder +cityscape,Impressionism,walter-sickert_the-notre-dame-des-champs +landscape,Post_Impressionism,pyotr-konchalovsky_rural-landscape-1931 +genre_painting,Post_Impressionism,henri-de-toulouse-lautrec_the-two-girlfriends-1894 +abstract_painting,Pop_Art,nicholas-krushenick_wire-mill-1973 +landscape,Post_Impressionism,kazuo-nakamura_summer-storm-1982 +portrait,Northern_Renaissance,albrecht-durer_portrait-of-kaiser-sigismund-1516 +religious_painting,High_Renaissance,andrea-mantegna_christ-carrying-the-cross-1505 +portrait,Cubism,pyotr-konchalovsky_portrait-of-a-e-goncz-1918-1 +religious_painting,Early_Renaissance,benozzo-gozzoli_the-dance-of-salome-detail-1462-2 +portrait,Northern_Renaissance,hans-holbein-the-younger_portrait-of-jane-pemberton +sketch_and_study,Realism,vasily-surikov_whacky-seated-on-the-ground-study-to-boyarynya-morozova +genre_painting,Ukiyo_e,keisai-eisen_a-couple-1827 +still_life,Realism,eugene-boudin_pheasant-duck-and-fruit-1879 +portrait,Realism,vasily-tropinin_diomede-v-kiselev-1834 +genre_painting,Pointillism,henri-matisse_luxury-serenity-and-pleasure-1904 +genre_painting,Pointillism,georges-seurat_seated-bather-1883 +genre_painting,Expressionism,candido-portinari_grupo-de-meninas-brincando-1940 +landscape,Symbolism,nicholas-roerich_abode-of-king-gesar-1947 +abstract_painting,Color_Field_Painting,ian-davenport_matt-black-and-gloss-1991 +portrait,Impressionism,lucia-demetriade-balacescu_unknown-title-4 +portrait,Realism,john-singer-sargent_mrs-ernest-hills-1909 +sketch_and_study,Baroque,rembrandt_a-polander-turned-to-the-left-1632 +portrait,Impressionism,pericles-pantazis_best-friends-forever +sketch_and_study,Baroque,claude-lorrain_coast-scene-with-a-battle-on-a-bridge-1 +religious_painting,Mannerism_Late_Renaissance,correggio_madonna-and-child-with-st-sebastian-1524 +portrait,Romanticism,paul-cezanne_uncle-dominique-as-a-lawyer-1866 +portrait,Impressionism,pierre-auguste-renoir_portrait-of-lucien-daudet-1875 +portrait,Realism,john-singer-sargent_the-honourable-victoria-stanley +landscape,Impressionism,ilya-mashkov_square-in-the-village-mikhailovskaya-1933 +genre_painting,Impressionism,edgar-degas_dancers-in-the-wings-1 +religious_painting,Art_Nouveau_Modern,wilhelm-kotarbinski_egypt-receives-the-light +genre_painting,Cubism,oscar-dominguez_le-peintre-et-son-mod-le-1945 +cityscape,Post_Impressionism,grace-cossington-smith_the-bridge-in-curve-1930 +portrait,Realism,ilya-repin_portrait-of-i-r-tarhanov-1892 +religious_painting,Northern_Renaissance,hieronymus-bosch_not_detected_195349 +sketch_and_study,Northern_Renaissance,albrecht-durer_lectern-with-books +illustration,Romanticism,gustave-dore_don-quixote-75 +nude_painting,Realism,robert-brackman_april-morn +abstract_painting,Color_Field_Painting,sam-francis_untitled-tokyo-1969 +sketch_and_study,Baroque,bartolome-esteban-murillo_battle-of-centaurs-and-greek +landscape,Fauvism,auguste-herbin_stationnetje-olie-op-doek +cityscape,Post_Impressionism,maurice-de-vlaminck_the-seine-at-chatou +genre_painting,Naive_Art_Primitivism,henri-rousseau_woman-walking-in-an-exotic-forest-1905 +portrait,Romanticism,francisco-goya_the-duke-of-wellington-1814 +sketch_and_study,High_Renaissance,raphael_study-for-the-head-of-a-poet +portrait,Expressionism,amedeo-modigliani_woman-s-head-1915-1 +genre_painting,Expressionism,kathe-kollwitz_not_detected_235973 +landscape,Impressionism,paul-gauguin_autumn-landscape-farm-and-pond-1877 +portrait,Expressionism,ernst-ludwig-kirchner_portrait-of-otto-mueller +landscape,Post_Impressionism,grace-cossington-smith_landscape-at-pentecost-1929 +portrait,Realism,william-merritt-chase_moses-swaim +genre_painting,Romanticism,paul-cezanne_a-modern-olympia-1870 +illustration,Art_Nouveau_Modern,thomas-theodor-heine_simplicissimus-kiss-of-peace-1919 +still_life,Impressionism,andre-dunoyer-de-segonzac_les-mimosas-1970 +religious_painting,Early_Renaissance,fra-angelico_crucified-christ-with-saint-john-the-evangelist +religious_painting,Symbolism,nicholas-roerich_saint-pantaleon-the-healer-1916 +genre_painting,Realism,vincent-van-gogh_interior-with-peasant-woman-sewing-1885-2 +portrait,Realism,william-adolphe-bouguereau_a-moment-of-rest-1900 +portrait,Rococo,vladimir-borovikovsky_maria-nikolaevna-yakovleva +sketch_and_study,Romanticism,sir-lawrence-alma-tadema_figures-on-the-terrace-by-the-acropolis-1874 +portrait,Romanticism,jan-matejko_stanislaw-august +landscape,Realism,martiros-saryan_lilac-1940 +religious_painting,Symbolism,pierre-puvis-de-chavannes_fresco-for-the-decoration-of-the-pantheon-saints-detail +landscape,Impressionism,pierre-auguste-renoir_the-varangeville-church-and-the-cliffs-1880 +portrait,Romanticism,konstantin-makovsky_russian-beauty +landscape,Impressionism,camille-pissarro_the-park-in-charrettes-pontoise-1878 +portrait,Realism,edouard-manet_lola-de-valence-1862 +genre_painting,Naive_Art_Primitivism,william-h.-johnson_chain-gang-1939 +genre_painting,Impressionism,gustave-caillebotte_paris-a-rainy-day-1877 +abstract_painting,Color_Field_Painting,morris-louis_gamma-delta-1960 +genre_painting,Post_Impressionism,paul-gauguin_women-at-the-riverside-1892 +religious_painting,High_Renaissance,michelangelo_sistine-chapel-ceiling-david-and-goliath-1509 +portrait,Realism,vincent-van-gogh_head-of-a-peasant-woman-with-dark-cap-1885(1) +landscape,Impressionism,claude-monet_trees-in-winter-view-of-bennecourt +illustration,Symbolism,konstantin-somov_frontispiece-to-the-book-n-sapunova +genre_painting,Impressionism,pierre-auguste-renoir_oarsmen-at-chatou-1879 +illustration,Romanticism,gustave-dore_a-heroine-florine-of-burgundy-1877 +landscape,Contemporary_Realism,gilles-aillaud_mar-e-basse-ii-rochers-1984 +portrait,Realism,viktor-vasnetsov_monk-collector +cityscape,Realism,isaac-levitan_fortress-finland-1896 +landscape,Contemporary_Realism,jamie-wyeth_giant-dryads +sketch_and_study,Impressionism,max-liebermann_sketch-for-the-portrait-of-friedrich-naumann +nude_painting,Expressionism,amedeo-modigliani_seated-nude-1917-2 +portrait,Romanticism,konstantin-makovsky_mr-balashov-s-children-1880 +landscape,Realism,aleksey-savrasov_landscape-the-village-of-volyn-1887 +genre_painting,Post_Impressionism,pierre-bonnard_evening-in-paris-1911 +portrait,Expressionism,amedeo-modigliani_a-woman-with-velvet-ribbon +portrait,Realism,nikolai-ge_katerina-ivanovna-zabello +religious_painting,Early_Renaissance,andrea-del-castagno_stories-of-christ-s-passion-1447-4 +portrait,Post_Impressionism,arshile-gorky_the-artist-with-his-mother-1936 +illustration,Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-tale-of-prince-ivan-the-firebird-and-the-grey-wolf-1899-4 +landscape,Symbolism,nicholas-roerich_slavic-land-1943 +abstract_painting,Color_Field_Painting,mark-rothko_untitled-black-and-gray +portrait,Realism,anders-zorn_antonin-proust +portrait,Romanticism,konstantin-makovsky_eastern-woman-with-a-child +still_life,Expressionism,toyen_still-life-with-serviete-1929 +illustration,Romanticism,gustave-dore_don-quixote-140 +portrait,Expressionism,amedeo-modigliani_portrait-of-a-woman-in-a-black-tie-1917 +genre_painting,Rococo,jean-honore-fragonard_the-cradle-1765 +landscape,Realism,isaac-levitan_early-spring-a-young-pine-tree +landscape,Pointillism,henri-martin_the-child-with-goose +portrait,Rococo,joshua-reynolds_portrait-of-admiral-augustus-keppel +sketch_and_study,Realism,vasily-surikov_head-of-a-young-cossack-1905 +nude_painting,Realism,jean-francois-millet_not_detected_189998 +portrait,Impressionism,william-merritt-chase_the-birthday-party-aka-helen-velasquez-chase +cityscape,Cubism,albert-gleizes_vers-le-port +religious_painting,Baroque,diego-velazquez_st-paul +landscape,Realism,james-tissot_valley-of-jehoshaphat-1889 +portrait,Mannerism_Late_Renaissance,maerten-van-heemskerck_portraits-of-donors +abstract_painting,Minimalism,jean-degottex_hagakure-x-1958 +religious_painting,Northern_Renaissance,albrecht-durer_altar-medium-and-image-wing-overall-view +religious_painting,Northern_Renaissance,hans-memling_granada-diptych-right-wing-the-holy-women-and-st-john +portrait,Romanticism,polychronis-lembesis_head-of-a-woman +cityscape,Impressionism,konstantin-korovin_a-florence-street-in-the-rain-1888 +sketch_and_study,Realism,vasily-surikov_the-head-of-nun +religious_painting,Northern_Renaissance,jean-fouquet_david-prayers-1460 +illustration,Symbolism,konstantin-somov_picnic-illustration-to-the-book-of-the-marquise +genre_painting,Baroque,adriaen-brouwer_interior-with-smokers-1632 +portrait,Realism,ilya-repin_portrait-of-painter-grigory-grigoryevich-myasoyedov-1883 +landscape,Realism,isaac-levitan_village-a-gray-day +portrait,Art_Nouveau_Modern,boris-kustodiev_vegetables-merchant-1920 +portrait,Baroque,anthony-van-dyck_philip-fourth-lord-wharton-1632 +landscape,Impressionism,robert-julian-onderdonk_panoramic-landscape +genre_painting,Baroque,johannes-vermeer_the-geographer +cityscape,Cubism,joan-miro_not_detected_227961 +religious_painting,Symbolism,nicholas-roerich_saint-sergius-1922 +abstract_painting,Minimalism,kazuo-nakamura_city-s-suburb +genre_painting,Ukiyo_e,utagawa-sadatora_fashionable-seven-autumn-plants-1 +genre_painting,Post_Impressionism,pablo-picasso_woman-with-cigarette-1903 +still_life,Expressionism,chaim-soutine_gladioli-1919 +still_life,Post_Impressionism,vanessa-bell_window-still-life-1915 +sketch_and_study,Realism,vasily-surikov_head-of-boyarynya-morozova-study-1886-1 +religious_painting,Romanticism,gustave-moreau_pieta-1854 +landscape,Realism,charles-francois-daubigny_a-june-day +abstract_painting,Color_Field_Painting,perle-fine_cool-series-no-7-square-shooter-1963 +portrait,Naive_Art_Primitivism,marc-chagall_clown-with-flowers-1963 +genre_painting,Post_Impressionism,maurice-prendergast_the-pavilion-1910 +cityscape,Post_Impressionism,pyotr-konchalovsky_novgorod-detinets-1925 +genre_painting,Rococo,george-morland_easy-money +religious_painting,High_Renaissance,pietro-perugino_transfiguration-1500 +abstract_painting,Abstract_Expressionism,dan-christensen_tsara-2001 +landscape,Impressionism,claude-monet_three-trees-in-grey-weather +landscape,Impressionism,pierre-auguste-renoir_the-garden-at-fontenay-1874 +religious_painting,Naive_Art_Primitivism,marc-chagall_moses-calls-the-waters-down-upon-the-egyptian-army-1966 +landscape,Expressionism,balthus_the-cherry-tree +portrait,Realism,boris-kustodiev_portrait-of-p-l-barc-1909 +landscape,Realism,isaac-levitan_felling-firewood-1898 +landscape,Symbolism,konstantin-bogaevsky_landscape-with-castle-1912 +nude_painting,Cubism,yiannis-moralis_nude(1) +religious_painting,Mannerism_Late_Renaissance,tintoretto_judith-and-holofernes +genre_painting,Realism,vincent-van-gogh_farmer-leaning-on-his-spade-1881(1) +genre_painting,Impressionism,konstantin-korovin_winter-sun-1919 +genre_painting,Realism,jehan-georges-vibert_scramble-for-the-lunch +abstract_painting,Color_Field_Painting,frank-stella_furg-1975 +illustration,Naive_Art_Primitivism,marc-chagall_illustration-for-louis-aragon-s-work-one-who-says-things-without-saying-anything-1976-16 +still_life,Impressionism,pierre-auguste-renoir_still-life-with-apples-and-almonds +portrait,Contemporary_Realism,richard-whitney_dr-nelson-kiang +genre_painting,Impressionism,mary-cassatt_baby-in-his-mother-s-arms-sucking-his-finger-1889 +cityscape,Symbolism,mstislav-dobuzhinsky_a-cottage-in-st-petersburg-1905 +sketch_and_study,Baroque,bartolome-esteban-murillo_immaculate-conception-and-heads-outlined +portrait,Naive_Art_Primitivism,fernand-leger_the-bunch-of-turnips-1951 +portrait,Rococo,dmitry-levitzky_portrait-of-countess-a-s-protasova +genre_painting,Baroque,peter-paul-rubens_night-scene-1617 +cityscape,Romanticism,ivan-aivazovsky_golden-horn-1872 +religious_painting,High_Renaissance,luca-signorelli_the-trinity-the-virgin-and-two-saints +genre_painting,Naive_Art_Primitivism,maria-primachenko_godfather-brings-a-calf-to-godmother-1983 +genre_painting,Realism,ilya-repin_scene-from-balet-study-1874 +still_life,Realism,nicholas-roerich_herodotus-1893 +portrait,Impressionism,istvan-nagy_young-wife-keeping-apples-1934 +landscape,Impressionism,childe-hassam_lilies +cityscape,Realism,vasily-surikov_view-of-monument-to-peter-i-on-the-senate-square-in-st-petersburg-1870 +portrait,Cubism,eduardo-viana_rapaz-das-lou-as-1919 +genre_painting,Ukiyo_e,hiroshige_cherry-tree +abstract_painting,Action_painting,jackson-pollock_untitled-1951-1 +landscape,Expressionism,august-macke_at-the-rhine-near-hersel +abstract_painting,Color_Field_Painting,claude-viallat_untitled-no-103-2002 +landscape,Impressionism,gregoire-boonzaier_landscape-with-trees-and-distant-cottages-1990 +portrait,Realism,david-burliuk_portrait +nude_painting,Expressionism,marcel-duchamp_selected-details-after-ingres-ii-1968 +genre_painting,Impressionism,julian-alden-weir_after-the-ride-aka-visiting-neighbors +landscape,Realism,ivan-shishkin_fallen-tree-1875 +genre_painting,Ukiyo_e,utagawa-kunisada-ii_mother-and-baby +cityscape,Romanticism,pavel-svinyin_the-upper-bridge-over-the-schuylkill +illustration,Naive_Art_Primitivism,marc-chagall_they-were-in-forty-pairs-1948 +sketch_and_study,Realism,vincent-van-gogh_man-with-rake-1883 +cityscape,Realism,isaac-levitan_venice-1890 +genre_painting,Romanticism,akseli-gallen-kallela_shepherd-boy-from-paanaj-rvi-1892 +genre_painting,Romanticism,john-william-waterhouse_maidens-picking-flowers-by-a-stream +genre_painting,Romanticism,jan-matejko_polonia +landscape,Impressionism,john-singer-sargent_in-the-alps-1910 +portrait,Rococo,thomas-gainsborough_mrs-graham +genre_painting,Expressionism,frank-auerbach_the-sitting-room +portrait,Cubism,candido-portinari_menino-com-carneiro-1953 +genre_painting,Expressionism,mstislav-dobuzhinsky_from-the-life-in-petrograd-in-1920-courtyard-of-the-house-of-arts-1920(1) +portrait,Impressionism,stefan-luchian_lica-cu-portocala +genre_painting,Realism,konstantin-makovsky_two-breton-women-1904 +genre_painting,Ukiyo_e,keisai-eisen_planting-the-new-year-s-pine(1) +abstract_painting,Minimalism,robert-ryman_convert-1988 +still_life,Impressionism,pierre-auguste-renoir_garland-of-fruit-and-flowers-1915 +landscape,Realism,isaac-levitan_by-the-seashore-1886 +sketch_and_study,Rococo,thomas-gainsborough_study-for-charity-relieving-distress +cityscape,Romanticism,fyodor-bronnikov_street-in-italy +portrait,Romanticism,konstantin-makovsky_portrait-of-maria-petipa +religious_painting,Early_Renaissance,sandro-botticelli_the-youth-moses-1482(1) +landscape,Realism,vincent-van-gogh_the-kingfisher-1884 +portrait,Expressionism,egon-schiele_hermits-1912 +portrait,Romanticism,dante-gabriel-rossetti_alexa-wilding-1877 +portrait,Rococo,william-hogarth_john-henley-with-five-unknown-figures +abstract_painting,Minimalism,mario-schifano_monocromo-blu-1961 +still_life,Fauvism,ding-yanyong_vase-with-lemons-1972 +landscape,Post_Impressionism,tom-thomson_evening-canoe-lake-1916 +landscape,Rococo,thomas-gainsborough_landscape +landscape,Symbolism,nicholas-roerich_lahaul-1932 +genre_painting,Impressionism,edgar-degas_dancer-with-a-fan-1879 +religious_painting,Baroque,peter-paul-rubens_martyrdom-of-st-catherine +religious_painting,Baroque,peter-paul-rubens_king-solomon-and-the-queen-of-sheba +sketch_and_study,Realism,thomas-eakins_anatomical-drawing +portrait,Art_Nouveau_Modern,felix-vallotton_portrait-of-french-pacifist-and-esperantist-gaston-moch-1898 +portrait,Rococo,carl-ludwig-johann-christineck_portrait-of-paul-of-russia-dressed-as-chevalier-of-the-order-of-st-andrew-1760 +sketch_and_study,Realism,vasily-polenov_head-of-i-i-levitan-turned-like-the-head-of-christ-in-the-dream-1894 +illustration,Art_Nouveau_Modern,kay-nielsen_the-hardy-tin-solder +portrait,Analytical_Cubism,pablo-picasso_portrait-of-ambroise-vollard-1910 +nude_painting,Impressionism,joaquã­n-sorolla_boy-with-a-ball-1887 +landscape,Cubism,raoul-dufy_trees-at-estaque-1908 +still_life,Expressionism,henri-matisse_still-life-1 +portrait,Impressionism,frederic-bazille_louis-auriol-fishing +religious_painting,Romanticism,gustave-dore_jael-kills-sisera +nude_painting,Impressionism,anders-zorn_in-werner-s-rowing-boat-1917 +religious_painting,Northern_Renaissance,hans-holbein-the-younger_solomon-and-the-queen-of-sheba +still_life,Contemporary_Realism,janet-fish_blue-decanter-polka-dot-bowl-suzani-2009 +genre_painting,Post_Impressionism,le-pho_maternity +portrait,Cubism,wifredo-lam_femme-cheval-1943 +cityscape,Post_Impressionism,pyotr-konchalovsky_rome-circus-of-nero-1924 +nude_painting,Expressionism,paula-modersohn-becker_nude-girl-standing-1906 +portrait,Northern_Renaissance,albrecht-durer_three-children-s-heads +genre_painting,Impressionism,pierre-auguste-renoir_young-woman-with-a-dog-1876 +genre_painting,Impressionism,pierre-auguste-renoir_the-luncheon-of-the-boating-party-1881-1 +portrait,Impressionism,matej-sternen_lady-in-blue +landscape,Impressionism,arkhip-kuindzhi_mountains +genre_painting,Expressionism,paula-modersohn-becker_mother-with-baby-at-her-breast-and-child-in-landscape-1905 +religious_painting,Baroque,peter-paul-rubens_st-cecilia-1640 +cityscape,Realism,vasily-surikov_kolomenskoye +still_life,Synthetic_Cubism,pablo-picasso_partition-bottle-of-port-guitar-playing-cards-1917 +landscape,Impressionism,arkhip-kuindzhi_winter-2 +portrait,Post_Impressionism,theo-van-rysselberghe_thomas-braun-s-three-daughters-1904 +abstract_painting,Minimalism,frank-stella_black-stack-1970 +landscape,Impressionism,joaquã­n-sorolla_boats-in-the-port-valencia-1904 +portrait,Realism,ilya-repin_old-farmer-1885 +portrait,Post_Impressionism,raoul-dufy_the-woman-in-pink-1908 +landscape,Impressionism,claude-monet_the-artist-s-house-in-argenteuil +portrait,Impressionism,pierre-auguste-renoir_jeanne-samary-in-a-low-necked-dress-1877 +landscape,Impressionism,piet-mondrian_along-the-amstel-1903 +landscape,Impressionism,pierre-auguste-renoir_cagnes-landscape-1908-1 +portrait,Post_Impressionism,henri-martin_the-weaving-women +religious_painting,Romanticism,gustave-dore_the-army-of-the-amorites-is-destroyed +landscape,Romanticism,thomas-moran_salvator-rosa-sketching-the-banditi-1860 +landscape,Impressionism,arkhip-kuindzhi_rainbow-2 +portrait,Realism,thomas-eakins_portrait-of-mrs-james-w-crowell-1875 +landscape,Realism,volodymyr-orlovsky_in-the-meadow-thickets-podolsk-province-1890 +cityscape,Romanticism,william-turner_wolverhampton-staffordshire +portrait,Realism,ivan-kramskoy_portrait-of-princess-catherine-alekseevny-vasilchikova-1867 +genre_painting,Post_Impressionism,felix-vallotton_the-fourteenth-of-july-at-etretat-1899 +genre_painting,Realism,sergey-solomko_by-the-fence +cityscape,Impressionism,maurice-prendergast_monte-pincio-1899 +genre_painting,Impressionism,camille-pissarro_workers-in-the-fields-1 +genre_painting,Post_Impressionism,georges-seurat_men-laying-stakes-1883 +abstract_painting,Color_Field_Painting,richard-diebenkorn_ocean-park-no-21 +portrait,High_Renaissance,leonardo-da-vinci_isabella-d-este-1500 +landscape,Post_Impressionism,gustave-loiseau_barges-on-the-oise-1908 +cityscape,Expressionism,zinaida-serebriakova_street-in-marrakech-1932 +religious_painting,Early_Renaissance,antonello-da-messina_crusifixion-1475 +portrait,Pop_Art,peter-blake_self-portrait-with-badges-1961 +landscape,Pointillism,henri-edmond-cross_canal-de-la-guidecca-venice +landscape,Realism,mikhail-lebedev_windy-day +landscape,Ukiyo_e,katsushika-hokusai_kuwana +illustration,Expressionism,m.c.-escher_initial-v-1 +genre_painting,Impressionism,mary-cassatt_children-playing-with-a-cat-1908 +religious_painting,Art_Nouveau_Modern,nicholas-roerich_throne-of-the-invisible-god-1909-1 +landscape,Realism,ivan-shishkin_young-pines-on-the-sandy-cliff-mary-howie-on-finnish-railways-1890 +landscape,Impressionism,marianne-north_rajput-forts-1878 +genre_painting,Baroque,rembrandt_man-pulling-a-rope-1628 +portrait,Impressionism,mary-cassatt_robert-and-his-sailboat-1882 +cityscape,Impressionism,konstantin-korovin_paris-after-rain-1900 +landscape,Post_Impressionism,vincent-van-gogh_tree-trunks-in-the-grass-1890 +portrait,Romanticism,karl-bodmer_massika-saki-indian-wakusasse-musquake-indian-plate-3-from-volume-1-of-travels-in-the-interior-1833 +religious_painting,Mannerism_Late_Renaissance,tintoretto_the-dead-christ-adored-by-doges-pietro-lando-and-marcantonio-trevisan +sketch_and_study,Baroque,rembrandt_a-man-with-curly-hair-1635 +landscape,Impressionism,maxime-maufra_fishermen-on-the-banks-of-the-loire-1889 +genre_painting,Impressionism,giovanni-boldini_gentleman-at-the-piano +portrait,Romanticism,orest-kiprensky_portrait-of-ekaterina-petrovna-rostopchina-1822 +genre_painting,Post_Impressionism,henri-de-toulouse-lautrec_ball-at-the-moulin-de-la-galette-1889 +portrait,Symbolism,lovis-corinth_thomas-in-armor-1925 +genre_painting,Post_Impressionism,maurice-prendergast_three-little-girls-in-red-1895 +portrait,Realism,pyotr-konchalovsky_portrait-of-the-singer-zara-alexandrovna-dolukhanova-1955 +cityscape,Post_Impressionism,arshile-gorky_staten-island +landscape,Impressionism,maurice-prendergast_sienna +genre_painting,Impressionism,childe-hassam_fifth-avenue-in-winter +portrait,Rococo,antoine-pesne_girl-with-pigeons-1728 +illustration,Realism,boris-kustodiev_ataman-platov-1924 +genre_painting,Northern_Renaissance,albrecht-altdorfer_wild-folk-family-1510 +religious_painting,Early_Renaissance,filippo-lippi_madonna-and-child-1 +sketch_and_study,Post_Impressionism,vincent-van-gogh_snowy-landscape-with-stooping-woman +portrait,Post_Impressionism,gwen-john_girl-with-bare-shoulders-1909 +religious_painting,Naive_Art_Primitivism,marc-chagall_moses-casts-his-stick-that-transformed-into-a-snake-on-the-orders-of-the-lord-that-referred-to +illustration,Art_Nouveau_Modern,heorhiy-narbut_illustration-to-three-fables-of-krylov-1911 +genre_painting,Post_Impressionism,henri-le-fauconnier_little-schoolgirl-1907 +landscape,Cubism,henri-le-fauconnier_lake-1911 +landscape,Impressionism,john-henry-twachtman_artist-s-home-in-autumn-greenwich-connecticut +landscape,Symbolism,nicholas-roerich_lake-hyumpola-1917 +genre_painting,Realism,vasily-perov_easter-procession-in-a-village-1861 +genre_painting,Impressionism,berthe-morisot_the-mandolin +portrait,Impressionism,theodor-pallady_woman-in-interior-1948 +genre_painting,Post_Impressionism,georges-seurat_woman-with-a-monkey-1884 +genre_painting,Ukiyo_e,utagawa-kunisada_goemon-ishikawa-and-his-son-goroichi +religious_painting,Mannerism_Late_Renaissance,jacopo-pontormo_st-john-the-evangelist +religious_painting,Romanticism,eugene-delacroix_christ-on-the-sea-of-galilee-1854(1) +landscape,Post_Impressionism,paul-gauguin_the-moment-of-truth-i-1892 +portrait,Romanticism,dante-gabriel-rossetti_portrait-of-elizabeth-siddal-1865 +cityscape,Realism,david-bomberg_jerusalem-looking-to-mount-scopus-1925 +landscape,Impressionism,pierre-auguste-renoir_landscape-with-bridge-1 +landscape,Cubism,paul-cezanne_forest-1894 +landscape,Realism,theodore-rousseau_normandy-farms-1867 +sketch_and_study,Northern_Renaissance,hans-holbein-the-younger_portrait-of-bishop-john-fisher +genre_painting,Realism,konstantin-makovsky_petersburg-patio +portrait,Romanticism,francisco-goya_juan-antonio-llorente +religious_painting,Realism,ilya-repin_calvary-crucifixion-study-1869 +religious_painting,Impressionism,max-slevogt_the-prodigal-son +landscape,Impressionism,claude-monet_the-church-of-vetheuil +religious_painting,Northern_Renaissance,hieronymus-bosch_last-judgement +portrait,Impressionism,gustave-caillebotte_at-the-cafe-rouen-1880 +religious_painting,Baroque,guido-reni_david-and-goliath-1610 +religious_painting,Early_Renaissance,fra-angelico_saint-cosmas-and-saint-damian-salvaged-1440 +portrait,Art_Nouveau_Modern,wilhelm-kotarbinski_girl-between-hollyhocks +portrait,Expressionism,yiannis-moralis_two-friends(1) +religious_painting,Northern_Renaissance,jean-fouquet_capture-of-jerusalem-by-ptolemy-soter-1475 +religious_painting,Romanticism,gustave-dore_david-and-jonathan +still_life,Synthetic_Cubism,juan-gris_guitar-and-fruit-dish +abstract_painting,Color_Field_Painting,perle-fine_cool-series-no-12-fiercely-remote-1963 +religious_painting,Northern_Renaissance,dirk-bouts_nativity-the-wing-of-polyptych +religious_painting,Early_Renaissance,jacopo-bellini_crucifix +portrait,Realism,ilya-repin_portrait-of-vera-repinahe-the-artist-s-daughter-1886 +cityscape,Romanticism,john-atkinson-grimshaw_in-the-golden-gloaming-1881 +landscape,Realism,camille-corot_dunkirk-a-fisherwoman-with-shrimp +portrait,Realism,ilya-repin_portrait-of-t-l-tolstaya-1893 +still_life,Realism,constantin-stahi_still-life-1872 +landscape,Post_Impressionism,samuel-mutzner_lan-de-gr-u +portrait,Realism,vasily-polenov_head-of-red-headed-man +nude_painting,Expressionism,max-beckmann_reclining-nude-1929 +still_life,Fauvism,mary-fedden_three-eggs-1994 +religious_painting,Expressionism,salvador-dali_the-ecumenical-council +religious_painting,Early_Renaissance,benozzo-gozzoli_st-sebastian-1465 +abstract_painting,Color_Field_Painting,theodoros-stamos_classic-yellow-sun-box-1968 +portrait,Realism,vasily-surikov_portrait-of-a-n-tretyakova +genre_painting,Realism,john-singer-sargent_venetian-glass-workers-1882 +portrait,Baroque,aleksey-antropov_portrait-of-an-unknown-woman-1790 +genre_painting,Art_Nouveau_Modern,nicholas-roerich_tsar-1905 +landscape,Rococo,george-morland_shepherd-in-a-snowy-landscape +genre_painting,Rococo,pietro-longhi_the-concert-1741 +portrait,Symbolism,pablo-picasso_woman-with-raven-1904 +abstract_painting,Color_Field_Painting,morris-louis_gemma-1962 +nude_painting,Cubism,pablo-picasso_female-nude-near-the-garden-1956 +portrait,Symbolism,gustave-moreau_sappho-in-leucadia +portrait,Impressionism,ion-theodorescu-sion_sister-maria-ciureanu-1931 +religious_painting,High_Renaissance,titian_entry-of-mary-into-the-temple-1538 +portrait,Expressionism,vajda-lajos_green-clown-mask-1938 +nude_painting,Fauvism,ilya-mashkov_seated-nude +sketch_and_study,Post_Impressionism,paul-cezanne_mercury-after-pigalle-1891 +religious_painting,Romanticism,john-roddam-spencer-stanhope_the-temptation-of-eve +nude_painting,Expressionism,george-bouzianis_boy-outdoors-1927(1) +portrait,Expressionism,martiros-saryan_fabric-saleswoman-1907 +landscape,Symbolism,nicholas-roerich_himalayas-1921 +portrait,Expressionism,lucian-freud_francis-bacon +abstract_painting,Abstract_Expressionism,ralph-rosenborg_composition-in-red-and-black +cityscape,Romanticism,cornelis-springer_westermarket-in-amsterdam +genre_painting,Realism,julius-leblanc-stewart_lady-on-a-pink-divan-1877(1) +sketch_and_study,Impressionism,max-slevogt_achill +sketch_and_study,Cubism,louis-marcoussis_still-life-1 +genre_painting,Expressionism,jose-gutierrez-solana_children-with-the-lamp +religious_painting,Rococo,giovanni-battista-tiepolo_carrying-the-cross +landscape,Realism,pyotr-konchalovsky_olive-wood-1952 +sketch_and_study,Realism,nicholas-roerich_study-to-building-a-city-1902 +sketch_and_study,Realism,vincent-van-gogh_orphan-man-with-pickax-on-his-shoulder-1883 +landscape,Impressionism,alfred-sisley_the-slopes-of-bougival-1875 +landscape,Symbolism,nicholas-roerich_idols-1943 +nude_painting,Expressionism,amedeo-modigliani_nude +religious_painting,Romanticism,vasily-polenov_ressurection-of-jairus-daughter-1871 +landscape,Symbolism,nicholas-roerich_rock-relief-of-buddha-1928 +cityscape,Art_Nouveau_Modern,nicholas-roerich_rostov-veliky-church-on-ishna-1903 +cityscape,Art_Nouveau_Modern,nicholas-roerich_old-riga-1903 +portrait,Expressionism,mark-rothko_self-portrait +landscape,Post_Impressionism,pyotr-konchalovsky_garden-with-gazebo-1929 +portrait,Expressionism,vajda-lajos_monster-s-head-1938 +genre_painting,Baroque,adriaen-van-ostade_the-family-1 +abstract_painting,Color_Field_Painting,friedel-dzubas_towards +landscape,Impressionism,alfred-sisley_route-to-marly-le-roi-in-snow +religious_painting,Northern_Renaissance,hans-baldung_mater-dolorosa +landscape,Post_Impressionism,vincent-van-gogh_orchard-with-blossoming-apricot-trees-1888 +religious_painting,Northern_Renaissance,hugo-van-der-goes_portinari-triptych-detail-1478-1 +portrait,Romanticism,theodore-gericault_portrait-of-alfred-and-elizabeth-dedreux-1819 +landscape,Expressionism,horia-bernea_the-column-1997 +portrait,Baroque,rembrandt_the-poet-jeremia-de-decker-1666 +portrait,Northern_Renaissance,hans-memling_portrait-of-a-young-man-before-a-landscape +religious_painting,Baroque,francisco-de-zurbaran_st-engracia-1650 +landscape,Expressionism,m.c.-escher_not_detected_204672 +abstract_painting,Abstract_Expressionism,mark-rothko_untitled-1 +portrait,Post_Impressionism,paul-cezanne_portrait-of-madame-cezanne-1883 +portrait,Impressionism,rudolf-schweitzer-cumpana_ranc-pe-lavi-1929 +religious_painting,High_Renaissance,pietro-perugino_madonna-delle-grazie +portrait,Ukiyo_e,utagawa-kuniyoshi_women-25 +genre_painting,Romanticism,polychronis-lembesis_the-girl-and-the-goat +landscape,Fauvism,viorel-marginean_peisaj-2009 +landscape,Impressionism,winston-churchill_distant-view-of-eze(1) +portrait,Expressionism,henri-matisse_woman-with-oriental-dress-1919 +landscape,Pop_Art,roy-lichtenstein_red-barn-ii-1969(1) +portrait,Romanticism,konstantin-makovsky_the-boyarynia +genre_painting,Art_Nouveau_Modern,henri-de-toulouse-lautrec_horsewoman-1899 +abstract_painting,Abstract_Expressionism,walter-battiss_john +landscape,Realism,gustave-courbet_sea-coast-in-normandy-1867 +portrait,Post_Impressionism,eduardo-viana_retrato-do-arquitecto-varela +landscape,Impressionism,gregoire-boonzaier_landskap-met-kronkelende-pad-kenilworth-1975 +religious_painting,Northern_Renaissance,gerard-david_the-angel-of-the-annunciation +religious_painting,Art_Nouveau_Modern,wilhelm-kotarbinski_cross-jews-across-black-sea +landscape,Realism,konstantin-makovsky_irrigation-in-egypt +portrait,Romanticism,vasily-tropinin_portrait-of-s-menshikov-1852 +still_life,Impressionism,nicolae-darascu_vase-with-peonies-1925 +sketch_and_study,Realism,vincent-van-gogh_hand-1885(1) +sketch_and_study,Naive_Art_Primitivism,marc-chagall_the-creation-of-man-7 +landscape,Contemporary_Realism,neil-welliver_hope-to-megunticook +genre_painting,Expressionism,yiannis-moralis_daydreaming-1959 +sketch_and_study,High_Renaissance,leonardo-da-vinci_stof-bethlehem-and-other-plants +landscape,Realism,camille-corot_view-near-epernon-1860 +genre_painting,Northern_Renaissance,martin-schongauer_marter-of-st-ursula +landscape,Cubism,pablo-picasso_mediterranean-landscape-1952 +genre_painting,Symbolism,konstantin-somov_figures-in-the-park +landscape,Impressionism,alfred-sisley_the-pont-at-moret-afternoon-effect-1891 +portrait,Pointillism,paul-signac_portrait-of-felix-feneon-1890 +abstract_painting,Minimalism,cy-twombly_untitled-2 +landscape,Expressionism,costas-niarchos_at-the-beach-1 +landscape,Impressionism,childe-hassam_afternoon-sky-harney-desert +abstract_painting,Abstract_Expressionism,gerhard-richter_abstract-painting-780-1-1 +genre_painting,Impressionism,eugene-boudin_beach-scene-at-trouville-1 +portrait,Realism,theo-van-rysselberghe_portrait-of-jean-cepeinick-1881 +abstract_painting,Abstract_Expressionism,mark-tobey_komposition-schwarz-1972 +landscape,Symbolism,nicholas-roerich_lahaul-1947 +cityscape,Impressionism,william-merritt-chase_gondolas-along-venetian-canal-aka-gondola-in-venice +religious_painting,Symbolism,james-tissot_joseph-makes-himself-known-to-his-brethren +landscape,Impressionism,camille-pissarro_study-at-pontoise +abstract_painting,Abstract_Expressionism,peter-busa_venetian-glow-1959 +abstract_painting,Minimalism,fernando-lanhas_o39-68-1968 +landscape,Realism,isaac-levitan_in-the-crimea-mountains-1886 +portrait,Early_Renaissance,antonello-da-messina_portrait-of-a-man-1470 +genre_painting,Impressionism,stefan-dimitrescu_a-cross-on-the-hill +still_life,Naive_Art_Primitivism,martiros-saryan_blue-pitcher-1910 +portrait,Impressionism,pierre-auguste-renoir_portrait-of-lucienne-1918 +religious_painting,Mannerism_Late_Renaissance,el-greco_apostle-st-james-the-greater-1606 +genre_painting,Impressionism,pierre-auguste-renoir_umbrellas-1886 +genre_painting,Cubism,andre-derain_bathing-women +still_life,Naive_Art_Primitivism,fernando-botero_still-life +still_life,Post_Impressionism,jan-sluyters_hat-with-flowers +portrait,Impressionism,theodor-pallady_thinking-woman +portrait,Baroque,rembrandt_bust-of-young-woman-probably-saskia-van-uylenburgh-1633 +cityscape,Realism,vasily-vereshchagin_ruins-in-chuguchak-1869 +landscape,Realism,martiros-saryan_church-karmravor-of-vii-century-1956 +genre_painting,Realism,basuki-abdullah_ploughing-the-sawah +portrait,Expressionism,amedeo-modigliani_alice-1915 +portrait,Expressionism,edvard-munch_writer-hans-jaeger-1889 +landscape,Northern_Renaissance,gerard-david_forest-scene +cityscape,Post_Impressionism,vincent-van-gogh_view-of-saintes-maries-1888 +landscape,Impressionism,armand-guillaumin_paysage-de-creuse-1897 +landscape,Realism,theodore-rousseau_mountain-landscape-near-fontainebleau +abstract_painting,Color_Field_Painting,paul-feeley_carthage-1962 +genre_painting,Expressionism,vilmos-aba-novak_carousel-1931 +genre_painting,Rococo,william-hogarth_wanstead-assembly-at-wanstead_-house +sketch_and_study,Realism,martiros-saryan_mountain-gave-1962 +landscape,Symbolism,nicholas-roerich_kangchenjunga-1947 +genre_painting,Baroque,david-teniers-the-younger_archduke-leopold-wilhelm-of-austria-in-his-gallery-1651 +genre_painting,Baroque,jan-steen_garden-party-1677 +genre_painting,Impressionism,edgar-degas_the-step-with-battement-1879 +portrait,Realism,vasily-tropinin_portrait-of-levitskaya-volkonskaya-1852 +landscape,Realism,theodore-rousseau_riverside +portrait,Impressionism,vasily-surikov_portrait-of-woman-with-yellow-background-1911 +nude_painting,Art_Nouveau_Modern,zinaida-serebriakova_the-bathhouse-1912 +religious_painting,Symbolism,gustave-moreau_saint-sebastian-1875 +sketch_and_study,Realism,vincent-van-gogh_wood-gatherer-figure-study-1884 +genre_painting,Cubism,kazimir-malevich_taking-in-the-harvest-1911 +religious_painting,High_Renaissance,pietro-perugino_nativity-1502 +portrait,Realism,john-singer-sargent_senator-calvin-brice-1898 +genre_painting,Impressionism,joaquã­n-sorolla_maria-at-the-beach-biarritz-1906 +religious_painting,Northern_Renaissance,rogier-van-der-weyden_christ-appears-to-mary-1430 +landscape,Post_Impressionism,gustave-loiseau_saint-cyr-du-vaudreuil +portrait,Realism,ilya-repin_portrait-of-ivan-turgenev-1879 +still_life,Post_Impressionism,constantin-piliuta_field-flowers-1987 +landscape,Symbolism,ferdinand-hodler_grand-muveran-1912 +religious_painting,Early_Renaissance,giovanni-bellini_dead-christ-supported-by-angels-1485-1 +sketch_and_study,Impressionism,edgar-degas_woman-at-the-window +religious_painting,Romanticism,gustave-dore_the-good-samaritan +sketch_and_study,Expressionism,theo-van-doesburg_study-for-composition-viii-the-cow +landscape,Impressionism,frits-thaulow_french-river-landscape-with-a-stone-bridge +landscape,Romanticism,joseph-wright_landscape-with-a-rainbow-1794 +genre_painting,Post_Impressionism,vincent-van-gogh_morning-going-to-work-1890 +genre_painting,Expressionism,yiannis-moralis_love-hope-1934 +abstract_painting,Minimalism,robert-ryman_untitled-1976 +portrait,Romanticism,pavel-svinyin_great-warrior-of-seminols +portrait,Romanticism,theodore-chasseriau_alexis-de-tocqueville-1850 +abstract_painting,Minimalism,ellsworth-kelly_white-plaque-bridge-arch-and-reflection-1955 +genre_painting,Impressionism,frits-thaulow_evening-at-the-bay-of-frogner +portrait,Impressionism,mary-cassatt_lydia-cassatt-in-a-green-bonnet-and-a-coat +sketch_and_study,Realism,vasily-polenov_the-head-of-a-young-man-in-a-blue-veil +cityscape,Impressionism,gustave-caillebotte_traffic-island-on-boulevard-haussmann +landscape,Realism,isaac-levitan_small-village +portrait,High_Renaissance,raphael_portrait-of-bindo-altoviti-1515 +genre_painting,Romanticism,fyodor-bronnikov_children-on-the-streets-of-pompeii +genre_painting,Romanticism,nikolaos-gyzis_carnival-in-athens-1892 +landscape,Realism,nicholas-roerich_plitnaia-hill-1893 +cityscape,Baroque,claude-lorrain_entrance-to-la-rochelle-harbour-claude-lorrain-1631 +portrait,Cubism,wifredo-lam_mother-and-child-ii-1939 +portrait,Impressionism,claude-monet_camille-monet-in-the-garden +landscape,Symbolism,martiros-saryan_land-1969 +landscape,Impressionism,paul-cezanne_jas-de-bouffan-the-pool +portrait,Expressionism,barnett-newman_rothko-by-newman +landscape,Romanticism,christen-kobke_a-view-from-dosseringen-near-the-sortedam-lake-looking-towards-the-suburb-n-rrebro-outside-1838 +portrait,High_Renaissance,andrea-solario_portrait-of-charles-d-amboise-1507 +portrait,Realism,boris-kustodiev_portrait-of-a-woman-in-blue-portrait-p-sudkovskaya-1906 +sketch_and_study,Northern_Renaissance,albrecht-durer_head-of-an-angel-1506 +landscape,Realism,camille-corot_a-farm-in-the-nievre-1831 +cityscape,Expressionism,gregoire-boonzaier_district-six +portrait,Baroque,frans-hals_portrait-of-a-man-6 +nude_painting,Cubism,yiannis-moralis_reclining-nude-1 +nude_painting,Impressionism,pierre-auguste-renoir_gabrielle-sun +portrait,Symbolism,odilon-redon_predistined-child +landscape,Post_Impressionism,gustave-loiseau_poplars-on-the-banks-of-the-eure-1903 +cityscape,Symbolism,mstislav-dobuzhinsky_a-street-in-bruges +landscape,Impressionism,camille-pissarro_the-banks-of-the-oise-pontoise-also-known-as-man-fishing-1878 +landscape,Post_Impressionism,paul-gauguin_rocks-on-the-coast-1889 +cityscape,Post_Impressionism,maurice-utrillo_church-of-st-severin +abstract_painting,Abstract_Expressionism,ronnie-landfield_red-line-painting-1968 +still_life,Cubism,fernand-leger_still-life-with-candle +landscape,Romanticism,ivan-aivazovsky_view-of-feodosiya-1845 +genre_painting,Expressionism,candido-portinari_lavadeiras +sketch_and_study,Baroque,theodoor-van-thulden_holy-man +genre_painting,Expressionism,marcel-janco_figures-in-the-shuk +abstract_painting,Abstract_Expressionism,frank-stella_the-butcher-came-and-slew-the-ox-1984 +genre_painting,Post_Impressionism,henri-de-toulouse-lautrec_artillerman-and-girl +portrait,Realism,kazimir-malevich_smith-1933 +still_life,Fauvism,walasse-ting_orange-and-yellow-sunflowers +portrait,Realism,ivan-kramskoy_portrait-of-the-artist-ilya-repin +abstract_painting,Abstract_Expressionism,elaine-de-kooning_italian-summer-28-1970 +cityscape,Post_Impressionism,henri-edmond-cross_the-seine-by-the-trocadero +portrait,Rococo,allan-ramsay_lady-susan-fox-strangways-1761 +genre_painting,Romanticism,theodore-chasseriau_la-petra-camara-1854 +genre_painting,Romanticism,osman-hamdi_tavla-playing-zeybek +genre_painting,Expressionism,pablo-picasso_family-of-acrobats-study-1905 +portrait,Impressionism,jacek-malczewski_ukrainian-1891 +portrait,Romanticism,francisco-goya_marquesa-mariana-de-pontejos +religious_painting,Early_Renaissance,sandro-botticelli_st-jerome-in-penitence-predella-panel-from-the-altarpiece-of-st-mark-1490(1) +landscape,Impressionism,paul-cezanne_the-trees-of-jas-de-bouffan-1876 +genre_painting,Expressionism,edvard-munch_fertility-ii-1902 +cityscape,Impressionism,alfred-sisley_princesse-street-in-louveciennes-1872 +landscape,Contemporary_Realism,neil-welliver_study-for-blue-ducktrap +genre_painting,Art_Nouveau_Modern,sergey-solomko_escape +nude_painting,Expressionism,richard-gerstl_self-portrait +abstract_painting,Abstract_Expressionism,rafa-nasiri_untitled-024-1979 +genre_painting,Naive_Art_Primitivism,marc-chagall_a-blue-painter-1980 +landscape,Impressionism,robert-julian-onderdonk_redbud-tree-in-bloom-at-leon-springs-san-antonio-1921 +sketch_and_study,Realism,vincent-van-gogh_three-persons-returning-from-the-potato-field-1883 +genre_painting,Impressionism,edgar-degas_dancer-in-green-tutu +landscape,Symbolism,konstantin-somov_evening-landscape +portrait,Expressionism,pablo-picasso_bust-of-woman-1965 +abstract_painting,Minimalism,kazuo-nakamura_topology-spatial-concepts-1968 +genre_painting,Realism,edouard-manet_the-spanish-ballet-1862 +religious_painting,Northern_Renaissance,lucas-cranach-the-elder_christ-taking-leave-of-his-mother-1520 +still_life,Baroque,osias-beert_still-life-with-cherries-and-strawberries-in-china-bowls-1608 +landscape,Post_Impressionism,anna-ostroumova-lebedeva_pavlovsk-rozopavilonny-pond +landscape,Realism,isaac-levitan_seashore-in-crimea-1890 +landscape,Impressionism,pierre-auguste-renoir_cagnes +portrait,Impressionism,childe-hassam_lady-in-pink +landscape,Impressionism,claude-monet_the-old-tree-sunlight-on-the-petit-cruese +landscape,Romanticism,john-crome_grove-scene-1820 +portrait,Expressionism,dimitris-mytaras_woman-in-profile +landscape,Romanticism,karl-bodmer_view-of-the-godesburg-and-the-seven-mountains +portrait,Mannerism_Late_Renaissance,agnolo-bronzino_portrait-of-young-woman-with-her-son +nude_painting,Art_Nouveau_Modern,boris-kustodiev_russian-venus-1920 +sketch_and_study,Realism,vincent-van-gogh_weaver-facing-left-1884-1 +cityscape,Realism,vasily-surikov_square-san-fernando-in-seville-1910 +portrait,Pop_Art,andy-warhol_howdy-doodie +landscape,Realism,aleksey-savrasov_tomb-of-the-volga-1871 +portrait,Impressionism,pierre-auguste-renoir_madelaine-in-a-white-blouse-and-a-bouquet-of-flowers-1919 +abstract_painting,Abstract_Expressionism,wolfgang-paalen_eroun-1944 +sketch_and_study,Realism,nicholas-roerich_izvara-1897 +cityscape,Northern_Renaissance,albrecht-durer_fort-between-mountains-and-sea +landscape,Romanticism,camille-corot_cascade-of-terni-1826 +landscape,Impressionism,arkhip-kuindzhi_twilight-in-the-steppe +landscape,Impressionism,gustave-caillebotte_laundry-drying-petit-gennevilliers +landscape,Impressionism,julian-alden-weir_nassau-bahamas-1913 +religious_painting,Northern_Renaissance,rogier-van-der-weyden_saint-catherine-1445 +genre_painting,Ukiyo_e,keisai-eisen_mother-and-boy-with-ice(1) +portrait,Realism,john-singer-sargent_judith-gautier +nude_painting,Romanticism,francesco-hayez_cunnilingus-or-oral-sex-performed-on-a-woman-1 +landscape,Baroque,esaias-van-de-velde_landscape-robbing-of-a-equestrian +abstract_painting,Minimalism,pierre-soulages_peinture-130-x-81-cm-20-03-2004-2004 +landscape,Baroque,hercules-seghers_view-of-brussels-from-the-north-east-1625 +genre_painting,New_Realism,john-french-sloan_eagles-of-tesuque-1921 +portrait,Northern_Renaissance,hugo-van-der-goes_portrait-of-a-man-1475 +landscape,Post_Impressionism,constantine-maleas_landscape-with-cypresses(1) +portrait,Baroque,rembrandt_man-sharpening-a-quill-1632 +landscape,Expressionism,paula-modersohn-becker_landscape-with-trees +landscape,Impressionism,claude-monet_the-road-to-vetheuil +portrait,Pointillism,paul-signac_the-portrait-of-maximilien-luce-1891 +genre_painting,Art_Nouveau_Modern,raphael-kirchner_marionettes-2 +genre_painting,Impressionism,joaquã­n-sorolla_grape-harvest-1896 +genre_painting,Impressionism,henry-herbert-la-thangue_the-festa +sketch_and_study,Expressionism,frank-auerbach_tree-at-tretire +illustration,Romanticism,gustave-dore_don-quixote-24 +genre_painting,Impressionism,thalia-flora-karavia_by-the-river +religious_painting,Northern_Renaissance,joachim-wtewael_adoration-by-the-shepherds-1625 +landscape,Impressionism,berthe-morisot_girl-in-a-boat-with-geese +genre_painting,Expressionism,max-beckmann_great-scene-of-agony-1906 +portrait,Impressionism,grace-cossington-smith_the-reader-1916 +religious_painting,Early_Renaissance,fra-angelico_christ-the-judge +abstract_painting,Abstract_Expressionism,jack-bush_three-greens-and-black-1958 +portrait,Expressionism,salvador-dali_sebastian-de-morra-with-catastrophic-signs +religious_painting,Symbolism,pierre-puvis-de-chavannes_mary-magdalene-in-the-desert +portrait,Expressionism,amedeo-modigliani_portrait-of-paulette-jourdain-1919 +genre_painting,Early_Renaissance,andrea-mantegna_horse-and-groom-with-hunting-dogs-from-the-camera-degli-sposi-or-camera-picta-detail-1474 +cityscape,Impressionism,camille-pissarro_the-railroad-bridge-at-bedford-park-1 +nude_painting,Impressionism,pierre-auguste-renoir_seated-nude-at-east-1885 +landscape,Post_Impressionism,wu-guanzhong_scenery-of-guilin-1973 +landscape,Impressionism,valentin-serov_watermill-in-finland-1902 +landscape,Ukiyo_e,katsushika-hokusai_the-lake-of-hakone-in-the-segami-province +landscape,Impressionism,pierre-auguste-renoir_landscape-with-trees +genre_painting,Expressionism,albert-bloch_the-green-dress-1913 +sketch_and_study,Symbolism,gustave-moreau_study-of-helen +religious_painting,Baroque,diego-velazquez_saint-john-at-patmos +sketch_and_study,Realism,henry-herbert-la-thangue_study-of-the-bust-of-a-young-cornishwoman-with-a-window-behind +portrait,Baroque,rembrandt_polish-nobleman-1637 +abstract_painting,Abstract_Expressionism,manabu-mabe_untitled-1 +still_life,Fauvism,alberto-magnelli_map-of-the-world-and-lacerba-1914 +genre_painting,Realism,vasily-vereshchagin_a-rich-kyrgyz-hunter-with-a-falcon-1871 +landscape,Realism,aleksey-savrasov_landscape-bank-of-the-volga-1874 +landscape,Pointillism,henri-edmond-cross_the-maures +landscape,Post_Impressionism,viorel-marginean_autumn +religious_painting,Symbolism,james-tissot_sarai-is-taken-to-pharaoh-s-palace +still_life,Realism,gustave-courbet_three-red-apples-1871 +landscape,Impressionism,claude-monet_camille-monet-in-the-garden-at-the-house-in-argenteuil +portrait,Cubism,marc-chagall_soldiers-1912 +still_life,Synthetic_Cubism,juan-gris_newspaper-with-coffee-mill-1915 +religious_painting,Early_Renaissance,sandro-botticelli_madonna-and-child-with-six-saints(1) +landscape,Realism,gustave-courbet_the-ornans-paper-mill +landscape,Impressionism,pierre-auguste-renoir_landscape-18 +cityscape,Post_Impressionism,maurice-utrillo_la-butte-pinson-1 +genre_painting,Ukiyo_e,katsushika-hokusai_no-kakinomoto-hitomaro +landscape,Impressionism,theodor-pallady_lakeshore-1930 +genre_painting,Art_Nouveau_Modern,carl-larsson_los-deberes-1898(1) +genre_painting,Realism,james-tissot_the-political-lady-1885 +genre_painting,Realism,nikolay-bogdanov-belsky_behind-the-light +religious_painting,Symbolism,james-tissot_adam-and-eve-driven-from-paradise +portrait,Post_Impressionism,irma-stern_portrait-of-a-young-malay-girl-1939 +portrait,Realism,martiros-saryan_portrait-of-a-winner-1956 +religious_painting,Rococo,giovanni-domenico-tiepolo_lamentation-at-the-foot-of-the-cross-1760 +portrait,Mannerism_Late_Renaissance,agnolo-bronzino_alessandro-de-medici +portrait,Realism,ilya-repin_portrait-of-princess-maria-klavdievna-tenisheva-1896 +portrait,Northern_Renaissance,martin-schongauer_head-of-a-high-priest +portrait,Impressionism,octav-angheluta_striped-skirt +abstract_painting,Abstract_Expressionism,clyfford-still_1944-n-no-1-1944 +nude_painting,Expressionism,lucian-freud_portrait-of-rose-1979 +cityscape,Realism,pyotr-konchalovsky_bakhchisarai-common-view-1930 +cityscape,Post_Impressionism,vincent-van-gogh_cafe-terrace-place-du-forum-arles-1888(1) +portrait,Impressionism,william-merritt-chase_a-coquette +religious_painting,Baroque,bernardo-strozzi_the-release-of-st-peter +religious_painting,Symbolism,william-blake_the-soldiers-casting-lots-for-christ-s-garments-1800 +portrait,High_Renaissance,titian_not_detected_224923 +portrait,Expressionism,louay-kayyali_boy-in-red-jacket +nude_painting,Symbolism,felicien-rops_sex-position-69 +genre_painting,Naive_Art_Primitivism,fernando-botero_dancers-at-the-bar +cityscape,Impressionism,rudolf-schweitzer-cumpana_str-du-spre-montmartre +abstract_painting,Abstract_Expressionism,helen-frankenthaler_guadalupe-1989 +genre_painting,Symbolism,kuzma-petrov-vodkin_earthquake-in-the-crimea-1928 +landscape,Impressionism,alfred-sisley_foggy-morning-voisins-1874 +sketch_and_study,Realism,vasily-polenov_a-house-from-a-trip-to-germany-1872 +portrait,Impressionism,theo-van-rysselberghe_the-sisters-of-the-painter-schlobach-1884 +portrait,Realism,thomas-eakins_portraits-4 +nude_painting,Impressionism,pierre-auguste-renoir_nude-arranging-her-hair-1885 +portrait,Realism,mykola-yaroshenko_portrait-of-s-v-panina-1892 +landscape,Realism,gustave-courbet_the-source-of-the-loue-river-1864 +landscape,Romanticism,william-turner_archway-with-trees-by-the-sea +genre_painting,Analytical_Cubism,juan-gris_man-in-the-cafe-1912 +landscape,Expressionism,oskar-kokoschka_dolomite-landscape-tre-croci +cityscape,Impressionism,camille-pissarro_the-tuileries-gardens-winter-afternoon-1899 +portrait,Expressionism,carlos-saenz-de-tejada_portrait-of-eduardo-santonja-rosales +genre_painting,Baroque,jan-steen_feast-of-the-chamber-of-rhetoricians-near-a-town-gate +abstract_painting,Abstract_Expressionism,richard-diebenkorn_berkeley-no-58 +landscape,Post_Impressionism,maurice-prendergast_rocky-cove-with-village +sketch_and_study,Early_Renaissance,domenico-ghirlandaio_study-1 +portrait,Expressionism,george-bouzianis_portrait-6(2) +abstract_painting,Color_Field_Painting,mark-rothko_untitled-7 +cityscape,Symbolism,mstislav-dobuzhinsky_kaunas-1933 +sketch_and_study,Baroque,rembrandt_a-sketch-for-a-flight-into-egypt-1632 +portrait,Romanticism,orest-kiprensky_portrait-of-the-sculptor-bertel-thorvaldsen-1831 +portrait,Post_Impressionism,bertalan-por_margitka-1938 +genre_painting,Art_Nouveau_Modern,wilhelm-kotarbinski_in-the-land-of-pyramids +sketch_and_study,Romanticism,orest-kiprensky_the-old-man-s-head-1807 +genre_painting,Impressionism,julian-alden-weir_girl-standing-by-a-gate-1896 +genre_painting,Realism,theo-van-rysselberghe_dario-de-regoyos-playing-the-guitar-1882 +genre_painting,Baroque,jan-steen_action-proves-the-man-1659 +genre_painting,Art_Nouveau_Modern,sergey-solomko_flirting-boyar +cityscape,Impressionism,camille-pissarro_the-port-of-dieppe-1902 +still_life,Impressionism,pierre-auguste-renoir_still-life-with-lemons +landscape,Romanticism,ivan-aivazovsky_sunset-mill +illustration,Romanticism,gustave-dore_don-quixote-11 +portrait,Romanticism,orest-kiprensky_portrait-of-an-unknown-woman-with-a-kerchief-on-her-neck-1829 +genre_painting,Expressionism,serge-sudeikin_cabaret-halt-of-comedians-my-life-1915 +genre_painting,Post_Impressionism,vincent-van-gogh_mademoiselle-gachet-in-her-garden-at-auvers-sur-oise-1890 +landscape,Post_Impressionism,piet-mondrian_avond-evening-the-red-tree-1910 +portrait,Impressionism,pierre-auguste-renoir_claude-renoir-potting-1916 +abstract_painting,Abstract_Expressionism,theodoros-stamos_classic-boundaries-iv-1962 +genre_painting,Impressionism,paul-cezanne_the-fountain +landscape,Realism,camille-corot_field-by-a-river-1870 +portrait,Expressionism,willem-de-kooning_seated-woman +genre_painting,Post_Impressionism,henri-de-toulouse-lautrec_hangover-1889 +portrait,Realism,ilya-repin_death-of-fedor-chizhov-2-1877 +portrait,Expressionism,christo-coetzee_young-man-1951 +portrait,Expressionism,amedeo-modigliani_young-woman-in-a-small-ruff-1915 +religious_painting,Romanticism,gustave-dore_deborah-engraved-by-ettlin +landscape,Impressionism,claude-monet_the-beach-at-etretat +cityscape,Impressionism,camille-pissarro_rouen-saint-sever-afternoon-1898 +genre_painting,Post_Impressionism,david-burliuk_walkowitz-at-home +cityscape,Art_Nouveau_Modern,anna-ostroumova-lebedeva_lithuanian-castle-1922 +cityscape,Impressionism,konstantin-korovin_among-the-mills-1900 +abstract_painting,Cubism,francis-picabia_udnie-young-american-girl-1913 +genre_painting,New_Realism,edward-hopper_sunlights-in-cafeteria +religious_painting,High_Renaissance,vittore-carpaccio_glorification-of-st-ursula-and-her-companions-1491 +cityscape,Realism,vasily-vereshchagin_mausoleum-of-shah-i-zinda-in-samarkand-1870 +abstract_painting,Abstract_Expressionism,conrad-marca-relli_autumn-suite-a-1970 +portrait,Expressionism,amedeo-modigliani_the-servant-girl +portrait,Mannerism_Late_Renaissance,hans-von-aachen_portrait-of-rudolf-ii-holy-roman-emperor-1608 +genre_painting,Impressionism,joaquã­n-sorolla_rump-of-valencia-1906 +religious_painting,Baroque,eustache-le-sueur_death-of-st-bruno +religious_painting,Romanticism,gustave-moreau_saint-george-after-vittore-carpaccio +landscape,Baroque,rembrandt_landscape-with-a-stone-bridge +portrait,Impressionism,guy-rose_miss-c +portrait,Cubism,roger-de-la-fresnaye_joan-of-arc +landscape,Symbolism,nicholas-roerich_night-rider-1918 +portrait,Baroque,jusepe-de-ribera_john-of-austria-the-younger-1648 +genre_painting,Realism,john-singer-sargent_hospital-at-granada-1912 +portrait,Impressionism,pierre-auguste-renoir_portrait-of-gabrielle +cityscape,Rococo,bernardo-bellotto_the-ruins-of-the-old-kreuzkirche-dresden-1765 +portrait,Impressionism,mary-cassatt_child-in-orange-dress-1902 +religious_painting,High_Renaissance,giovanni-bellini_madonna-and-child-1490-1 +landscape,Impressionism,willard-metcalf_york-maine +landscape,Impressionism,eugene-boudin_shore-at-sainte-adresse-low-tide-1894 +portrait,Realism,nicholas-roerich_mikhail-ivanovich-1893 +portrait,Realism,salvador-dali_la-turbie-sir-james-dunn-seated +genre_painting,Romanticism,david-wilkie_the-chelsea-pensioners-reading-the-waterloo-dispatch-1822 +genre_painting,Impressionism,rudolf-schweitzer-cumpana_via-a-la-ar-1923 +genre_painting,Ukiyo_e,ogata-gekko_odori-dancer +sketch_and_study,Symbolism,nicholas-roerich_mountain-landscape-1933 +genre_painting,Realism,ilya-repin_the-revolutionary-meeting-1883 +portrait,Realism,vasily-polenov_tiberian-jew-1882 +portrait,Realism,giovanni-boldini_portrait-of-a-lady +still_life,Cubism,pyotr-konchalovsky_breads-1920 +sketch_and_study,Realism,vincent-van-gogh_woman-sewing-1885 +landscape,Impressionism,mihaly-munkacsy_storm-at-the-puszta-1867 +portrait,Mannerism_Late_Renaissance,agnolo-bronzino_francesco-i-de-medici-grand-duke-of-tuscany +portrait,Romanticism,jan-matejko_wladyslaw-the-short-2 +religious_painting,Northern_Renaissance,hieronymus-bosch_the-last-judgement-1482 +sketch_and_study,Realism,isaac-levitan_winter-landscape-cemetery +sketch_and_study,Expressionism,umberto-boccioni_kneeling-allegorical-figure +portrait,Baroque,peter-paul-rubens_helena-fourment +genre_painting,Realism,thomas-eakins_the-gross-clinic-1875 +genre_painting,Naive_Art_Primitivism,niko-pirosmani_fruit-stall +genre_painting,Art_Nouveau_Modern,henri-de-toulouse-lautrec_at-the-circus-the-animal-trainer-1899 +nude_painting,Realism,paul-mathiopoulos_male-nude +landscape,Impressionism,paul-gauguin_the-farm-in-grue-1883 +landscape,Post_Impressionism,raoul-dufy_the-river +nude_painting,Cubism,pablo-picasso_female-nude-1941 +portrait,Expressionism,paul-klee_wi-in-memoriam-1938(1) +genre_painting,Art_Nouveau_Modern,paul-mathiopoulos_mother-with-daughter +portrait,Symbolism,konstantin-somov_lady-in-pink +portrait,Early_Renaissance,andrea-mantegna_portrait-of-cardinal-lodovico-mezzarota-1459 +genre_painting,Baroque,adriaen-brouwer_in-the-tavern-1 +landscape,Pointillism,georges-seurat_sailboat-1884 +landscape,Impressionism,arkhip-kuindzhi_flower-garden-caucasus-1908 +landscape,Impressionism,winston-churchill_a-storm-over-cannes(1) +genre_painting,Baroque,jan-steen_peasant-wedding +still_life,Synthetic_Cubism,juan-gris_the-bay-1921 +illustration,Realism,n.c.-wyeth_jim-hawkins-long-john-silver-and-his-parrot +still_life,Fauvism,ilya-mashkov_fruit-on-the-plate-1910 +genre_painting,Naive_Art_Primitivism,david-burliuk_a-girl +sketch_and_study,Naive_Art_Primitivism,marc-chagall_the-sacrifice-of-isaac-4 +genre_painting,Romanticism,dante-gabriel-rossetti_the-blessed-damozel-1878 +landscape,Realism,camille-corot_the-beach-at-dunkirk-1857 +abstract_painting,Color_Field_Painting,morris-louis_number-28-1961 +abstract_painting,Color_Field_Painting,helen-frankenthaler_summer-insignia-1969 +landscape,Expressionism,egon-schiele_house-between-trees-i-1908 +nude_painting,Impressionism,amrita-sher-gil_self-portrait-as-tahitian-1934 +genre_painting,Impressionism,ipolit-strambu_in-the-family-1927 +religious_painting,Romanticism,gustave-dore_the-temptation-of-jesus +still_life,Analytical_Cubism,georges-braque_pedestal-table-stal-1912 +landscape,Art_Nouveau_Modern,franklin-carmichael_la-cloche-panorama-1939 +still_life,Realism,ilya-mashkov_roses-and-strawberries-1941 +genre_painting,Cubism,kazimir-malevich_woodcutter +portrait,Romanticism,orest-kiprensky_ekaterina-bakunina-1813 +portrait,Impressionism,julian-alden-weir_at-the-piano +portrait,Northern_Renaissance,albrecht-durer_portrait-of-a-young-man +religious_painting,Mannerism_Late_Renaissance,cristovao-de-figueiredo_tr-ptico-da-paix-o-de-cristo-1530 +portrait,Post_Impressionism,maurice-denis_mother-and-child +abstract_painting,Abstract_Expressionism,blinky-palermo_coney-island-ii-1975 +sketch_and_study,High_Renaissance,leonardo-da-vinci_spring-device +portrait,Symbolism,ion-theodorescu-sion_lux-in-tenebris-lucet-1909 +portrait,Expressionism,edvard-munch_friedrich-nietzsche-1906(1) +genre_painting,Impressionism,frederic-remington_shotgun-hospitality-1908 +portrait,Expressionism,janos-mattis-teutsch_portrait-of-brancusi +genre_painting,Symbolism,kuzma-petrov-vodkin_1918-in-petrograd-1920 +landscape,Symbolism,nicholas-roerich_blue-temples-grand-canyon-arizona-1921 +genre_painting,Realism,pyotr-konchalovsky_katya-sleeping-on-the-left-side-1932 +portrait,Realism,ivan-kramskoy_portrait-of-the-cellist-s-morozov-1884 +genre_painting,Realism,giovanni-boldini_confidences +landscape,Realism,johan-hendrik-weissenbruch_autumn-evening +portrait,Expressionism,amedeo-modigliani_madame-othon-friesz-la-marseillaise-1915 +abstract_painting,Abstract_Expressionism,helen-frankenthaler_interior-1957 +portrait,Art_Nouveau_Modern,ferdinand-hodler_portrait-of-general-ulrich-wille-1916 +portrait,Realism,william-adolphe-bouguereau_head-study-of-female-face-blonde-1898 +cityscape,Expressionism,martiros-saryan_enchantment-of-the-sun-1905 +landscape,Post_Impressionism,abraham-manievich_landscape-with-animals +portrait,Baroque,rembrandt_bust-of-an-old-man-with-a-beret-1631 +genre_painting,Expressionism,balthus_young-girl-at-the-window-1957 +landscape,Impressionism,gustave-caillebotte_the-garden-at-petit-gennevilliers-in-winter +religious_painting,Romanticism,gustave-dore_the-walls-of-jericho-fall-down +landscape,Impressionism,guy-rose_laguna-coast-1910 +cityscape,Impressionism,valentin-serov_seaside-in-venice-1887 +still_life,Impressionism,constantin-artachino_pipkin-with-alewifes +abstract_painting,Color_Field_Painting,barnett-newman_covenant-1949 +abstract_painting,Abstract_Expressionism,joan-miro_hair-pursued-by-2-planets +portrait,Expressionism,george-mavroides_on-a-couch +portrait,Realism,john-singer-sargent_mrs-cazalet-and-her-children-1901 +abstract_painting,Color_Field_Painting,leon-berkowitz_up-green-1984 +abstract_painting,Color_Field_Painting,pat-lipsky_magus-1981 +genre_painting,Impressionism,edgar-degas_the-cafe-concert-the-song-of-the-dog-1877 +portrait,Realism,fernand-khnopff_portrait-of-jeanne-kefer-1885 +genre_painting,Realism,vincent-van-gogh_orphan-man-with-top-hat-holding-cup-1882 +landscape,Impressionism,zinaida-serebriakova_autumn-1910 +landscape,Impressionism,willard-metcalf_purple-white-and-gold +landscape,Impressionism,willard-metcalf_farm-buildings-in-a-winter-landscape +landscape,Romanticism,ferdinand-georg-waldmã¼ller_rettenbach-gorge-at-ischl-1831 +landscape,Expressionism,paula-modersohn-becker_birch-trunks-in-front-of-red-farmstead +religious_painting,Baroque,francisco-de-zurbaran_st-romanus-and-st-barulas-of-antioch-1638 +landscape,Realism,ilya-repin_peasant-yard-1879 +genre_painting,Romanticism,john-constable_the-leaping-horse +sketch_and_study,Northern_Renaissance,hans-holbein-the-younger_thomas-more +genre_painting,Expressionism,henri-matisse_the-piano-lesson +landscape,Realism,theodore-rousseau_landscape +nude_painting,Fauvism,henri-matisse_nude-in-a-wood-1906 +landscape,Art_Nouveau_Modern,j.-e.-h.-macdonald_mountain-snowfall-lake-oesa-1932 +religious_painting,High_Renaissance,pietro-perugino_the-virgin-enthroned-with-angels-and-saints-vallombrosa-alterpiece +religious_painting,Baroque,adriaen-van-de-venne_moses-striking-the-rock +still_life,Post_Impressionism,maurice-prendergast_floral-still-life-1913 +abstract_painting,Minimalism,sol-lewitt_untitled-from-4x4x4-1990 +landscape,Romanticism,rudolf-von-alt_the-castle-of-san-lorenzo-in-ragusa-1840 +illustration,Art_Nouveau_Modern,kay-nielsen_in-powder-and-crinoline-1912-3 +portrait,Naive_Art_Primitivism,william-h.-johnson_three-friends-1945 +genre_painting,Impressionism,joaquã­n-sorolla_sad-inheritance-1899 +portrait,Art_Nouveau_Modern,zinaida-serebriakova_peasant-girl-1906 +still_life,Realism,ilya-mashkov_still-life-with-the-broken-pomegranate +genre_painting,Symbolism,nicholas-roerich_mongolian-rider-1931 +portrait,Rococo,joshua-reynolds_captain-bligh +religious_painting,Art_Nouveau_Modern,nicholas-roerich_queen-of-heaven-over-river-of-life-1914 +religious_painting,Early_Renaissance,benozzo-gozzoli_st-sebastian-intercessor-1465 +religious_painting,Northern_Renaissance,albrecht-durer_virgin-and-child-holding-a-half-eaten-pear-1512 +illustration,Romanticism,gustave-dore_the-celestial-pilot +portrait,Baroque,rembrandt_portrait-of-a-seated-woman +religious_painting,High_Renaissance,luca-signorelli_virgin-with-child-1498 +portrait,Romanticism,konstantin-makovsky_male-portrait +genre_painting,Cubism,vicente-manansala_ang-magbabayo-pounding-rice-1979 +landscape,Expressionism,horia-bernea_in-the-verandah-1985 +religious_painting,Baroque,bartolome-esteban-murillo_st-john-the-baptist-with-the-scribes-and-pharisees +portrait,Northern_Renaissance,robert-campin_portrait-of-a-woman +genre_painting,Symbolism,tivadar-kosztka-csontvary_trees-in-electric-light-at-jajce-1903 +sketch_and_study,Northern_Renaissance,rogier-van-der-weyden_portrait-of-a-young-man +landscape,Impressionism,claude-monet_river-thawing-near-vetheuil +cityscape,Post_Impressionism,edouard-cortes_rue-de-rivoli-2 +nude_painting,Post_Impressionism,grã©goire-michonze_nude +still_life,Impressionism,lajos-tihanyi_still-life-1911 +portrait,Pointillism,theo-van-rysselberghe_maria-sethe-at-the-harmonium-1891 +genre_painting,Rococo,jean-marc-nattier_the-music-lesson-1710 +landscape,Romanticism,pavel-svinyin_albany +cityscape,Expressionism,wassily-kandinsky_red-wall-destiny-1909 +illustration,Romanticism,gustave-dore_don-quixote-105 +nude_painting,Impressionism,edgar-degas_after-the-bath-1886 +abstract_painting,Abstract_Expressionism,mostafa-dashti_untitled-2011(1) +landscape,Post_Impressionism,paul-cezanne_large-pine +landscape,Realism,gustave-courbet_le-chateau-de-thoraise-1865 +portrait,Cubism,mily-possoz_a-menina-da-boina-verde-1930 +portrait,Naive_Art_Primitivism,marc-chagall_bride-with-a-fan-1911 +landscape,Impressionism,samuel-mutzner_prim-var-1930 +landscape,Impressionism,eugene-boudin_the-jetties-low-tide-trouville-1896 +portrait,Romanticism,camille-corot_marie-louise-sennegon-1831 +landscape,Impressionism,paul-gauguin_white-house-1885 +portrait,Romanticism,henry-raeburn_portrait-of-colonel-francis-james-scott-1 +religious_painting,Baroque,bartolome-esteban-murillo_the-rest-on-the-flight-into-egypt +cityscape,Post_Impressionism,panayiotis-tetsis_athens +religious_painting,Symbolism,odilon-redon_and-the-eyes-without-heads-were-floating-like-molluscs-plate-13-1896 +illustration,Art_Nouveau_Modern,ivan-bilibin_cover-a-series-of-poetry-publishing-rosehip-1906(1) +landscape,Post_Impressionism,paul-gauguin_path-down-to-the-aven-1888 +abstract_painting,Cubism,otto-gustav-carlsund_composition-with-red-dots-1927 +still_life,Impressionism,pierre-auguste-renoir_still-life-with-strawberries-3 +landscape,Symbolism,nicholas-roerich_winter-landscape-1918 +genre_painting,Impressionism,joaquã­n-sorolla_the-relic-1893 +portrait,Rococo,joshua-reynolds_francis-rawdon-hastings +portrait,Art_Nouveau_Modern,filipp-malyavin_portrait-of-a-rich-peasant +abstract_painting,Minimalism,richard-tuttle_20-pearls-a-2007 +sketch_and_study,Early_Renaissance,leonardo-da-vinci_study-of-a-child-with-a-cat +cityscape,Impressionism,claude-monet_view-of-le-havre-1873 +nude_painting,Art_Nouveau_Modern,raphael-kirchner_contemplation +genre_painting,Art_Nouveau_Modern,alphonse-mucha_8th-sokol-festival-1912 +sketch_and_study,Post_Impressionism,henri-de-toulouse-lautrec_lo-e-fuller-in-1893 +landscape,Impressionism,gustave-caillebotte_landscape-near-yerres +cityscape,Romanticism,william-holman-hunt_london-bridge-on-the-night-of-the-marriage-of-the-prince-and-princess-of-wales-1866 +landscape,Expressionism,wassily-kandinsky_a-mountain-1909 +portrait,Art_Nouveau_Modern,carl-larsson_selma-lagerl-f-1908(1) +cityscape,New_Realism,edward-hopper_house-by-the-railroad +abstract_painting,Color_Field_Painting,paul-feeley_thruway-1958 +genre_painting,Expressionism,tia-peltz_the-clowns +portrait,Impressionism,pierre-auguste-renoir_bust-of-a-young-woman-with-flowered-ear-1898 +landscape,Impressionism,konstantin-korovin_kem-1905 +portrait,Rococo,joshua-reynolds_mrs-jane-braddyll +cityscape,Romanticism,ivan-aivazovsky_moonlit-night-beside-the-sea-1847 +portrait,Rococo,benjamin-west_princes-william-and-edward-1778 +abstract_painting,Abstract_Expressionism,milton-resnick_untitled-1959 +still_life,Cubism,henri-laurens_la-bouteille-1916 +cityscape,Impressionism,john-atkinson-grimshaw_saturday-night-on-the-clyde-at-glasgow +abstract_painting,Abstract_Expressionism,robert-goodnough_the-club-1993 +portrait,Baroque,peter-paul-rubens_albert-rubens +genre_painting,Post_Impressionism,augustus-john_dorelia-and-the-children-at-martigues-1910 +genre_painting,Impressionism,mary-cassatt_the-banjo-lesson-1893 +landscape,Realism,isaac-levitan_the-last-rays-of-the-sun-aspen-forest-1897 +landscape,Realism,konstantin-bogaevsky_romantic-landscape-on-the-seashore +nude_painting,Expressionism,amedeo-modigliani_nude-on-sofa-almaisa-1916 +portrait,Romanticism,orest-kiprensky_portrait-of-v-s-sheremetev-1825 +genre_painting,Post_Impressionism,gwen-john_the-precious-book +religious_painting,Northern_Renaissance,albrecht-durer_crucifixion-1508 +landscape,Romanticism,ivan-aivazovsky_the-old-feodosia-1839 +genre_painting,Impressionism,henri-de-toulouse-lautrec_dog-car-1880 +landscape,Impressionism,guy-rose_carmel-seascape +portrait,Romanticism,henry-raeburn_portrait-of-sir-john-and-lady-clerk-of-penicuik +landscape,Romanticism,eugene-delacroix_the-cottage-in-the-grove-1838(1) +genre_painting,Impressionism,childe-hassam_church-procession-spanish-steps +sketch_and_study,Naive_Art_Primitivism,fernand-leger_the-album-circus-1950-32 +still_life,Expressionism,georges-braque_the-glass-of-lilac-1946 +illustration,Romanticism,gustave-dore_perched-upon-a-bust-of-pallas +religious_painting,Northern_Renaissance,albrecht-durer_crucifixion-1519 +abstract_painting,Cubism,arshile-gorky_mechanics-of-flying +illustration,Romanticism,andrei-ryabushkin_mikula-selyaninovich-illustration-for-the-book-russian-epic-heroes +landscape,Art_Nouveau_Modern,leon-bakst_an-ancient-horror-1908 +religious_painting,Northern_Renaissance,albrecht-durer_st-catherine-and-the-executioner +genre_painting,Expressionism,max-beckmann_beginnning-1949 +portrait,Baroque,jusepe-de-ribera_the-clubfooted-boy-1642 +genre_painting,Symbolism,pierre-puvis-de-chavannes_the-poor-fisherman +cityscape,Post_Impressionism,maurice-utrillo_the-maquis-of-montmartre-under-the-snow +genre_painting,Impressionism,constantin-artachino_turk-women-on-the-shore-of-danube +portrait,Baroque,rembrandt_portrait-of-coppenol-1658 +religious_painting,Northern_Renaissance,hieronymus-bosch_the-garden-of-earthly-delights-1516 +landscape,Realism,fyodor-vasilyev_landscape-with-a-rock-and-stream +religious_painting,Early_Renaissance,sandro-botticelli_the-resurrection(1) +genre_painting,Romanticism,john-everett-millais_apple-blossoms-1859 +portrait,Expressionism,jean-dubuffet_fear +sketch_and_study,Cubism,juan-gris_harlequin-1920 +genre_painting,Expressionism,egon-schiele_mother-with-two-children-1917 +sketch_and_study,Baroque,rembrandt_jesus-disputing-the-doctors-a-larger-print-1652 +portrait,Realism,john-singer-sargent_portrait-of-mademoiselle-suzanne-poirson-1884 +genre_painting,Baroque,pieter-de-hooch_at-the-linen-closet-1663 +portrait,Realism,wilhelm-leibl_portr-t-der-frau-gedon-1869 +landscape,Impressionism,stefan-luchian_chiajna-willows +portrait,Realism,john-singer-sargent_sir-george-lewis-1896 +genre_painting,Post_Impressionism,pablo-picasso_sleeping-woman-meditation-1904 +portrait,Impressionism,francisc-sirato_young-woman-in-interior-1947 +portrait,Realism,ilya-repin_portrait-of-tatiana-rechinskay-1882 +religious_painting,Symbolism,salvador-dali_mariae-annunciato-luke-1-26f-1967 +genre_painting,Rococo,pietro-longhi_the-little-concert +still_life,Cubism,gino-severini_still-life-with-the-dome-of-st-peter-s-1943 +abstract_painting,Pointillism,yayoi-kusama_sunlight-1998 +landscape,Symbolism,nicholas-roerich_taklamakan-chinese-turkestan +nude_painting,Contemporary_Realism,philip-pearlstein_nude-and-african-drum-2006 +nude_painting,Expressionism,george-bouzianis_naked-boy-1928 +genre_painting,Expressionism,max-beckmann_man-and-woman-1932 +genre_painting,Romanticism,francisco-goya_the-fair-at-madrid-1779 +portrait,Expressionism,amedeo-modigliani_the-caretaker-s-son-1918 +portrait,Realism,vasily-tropinin_portrait-of-a-i-tropinina-1820 +portrait,Art_Nouveau_Modern,felix-vallotton_portrait-of-french-painter-l-on-pourtau-1898 +landscape,Realism,david-burliuk_dacha-near-saint-petersburg(1) +genre_painting,Impressionism,eugene-boudin_beach-scene-14 +illustration,Romanticism,gustave-dore_don-quixote-65 +portrait,Realism,vasily-surikov_portrait-of-alexander-suvorov-1907 +landscape,Expressionism,laszlo-mednyanszky_fires-in-the-forest-1910 +portrait,Realism,ivan-kramskoy_portrait-of-anna-von-derviz-1881 +still_life,Post_Impressionism,henri-de-toulouse-lautrec_bouquet-of-violets-in-a-vase-1882 +abstract_painting,Abstract_Expressionism,hans-hofmann_song-of-the-nightingale-1964 +cityscape,Post_Impressionism,maurice-prendergast_the-porch-with-the-old-mosaics-st-mark-s-venice +genre_painting,Ukiyo_e,keisai-eisen_daikoku-ebisu-and-fukurokuju-counting-money +landscape,Romanticism,jean-leon-gerome_quaerens-quem-devoret +still_life,Analytical_Cubism,georges-braque_violin-and-clarinet-on-a-table-1912 +cityscape,Impressionism,theodor-pallady_toledo-street +portrait,Cubism,salvador-dali_mannequin-barcelona-mannequin-1927 +sketch_and_study,High_Renaissance,michelangelo_study-of-nude-man-1 +genre_painting,Expressionism,martiros-saryan_on-the-horse-1912 +abstract_painting,Color_Field_Painting,frank-stella_untitled-1959 +portrait,Rococo,maurice-quentin-de-la-tour_portrait-of-maurice-of-saxony-1747 +genre_painting,Romanticism,arthur-hughes_the-property-room-1879 +genre_painting,Baroque,rembrandt_studio-scenne-with-sitters-1650 +portrait,Baroque,diego-velazquez_portrait-of-philip-iv-1653 +religious_painting,High_Renaissance,correggio_the-rest-on-the-flight-to-egypt-with-saint-francis-1517 +abstract_painting,Abstract_Expressionism,clyfford-still_untitled-1947 +sketch_and_study,Realism,thomas-eakins_study-of-an-old-man-1911 +still_life,Naive_Art_Primitivism,fernando-botero_still-life-with-violin +sketch_and_study,Realism,vincent-van-gogh_sketches-of-a-man-with-a-ladder-other-figures-and-a-cemetery-1885 +portrait,Expressionism,zinaida-serebriakova_hostess-bistro-mon-abbe-1934 +landscape,Impressionism,william-merritt-chase_shinnecock-landscape-with-figures +still_life,Post_Impressionism,horace-pippin_two-pink-roses-1940 +religious_painting,Baroque,jacob-jordaens_the-return-from-egypt-of-the-holy-family-1616 +genre_painting,Naive_Art_Primitivism,david-burliuk_song-of-harvest-1936 +genre_painting,Impressionism,valentin-serov_peter-i-on-the-hunt-1902 +nude_painting,Post_Impressionism,lovis-corinth_susanna-and-the-elders-1923 +landscape,Baroque,esaias-van-de-velde_sperm-whale-on-the-beach-of-noordwijk-1614 +religious_painting,Romanticism,jan-matejko_angel-with-flutes +landscape,Realism,fyodor-vasilyev_river-in-krasnoye-selo +religious_painting,Early_Renaissance,benozzo-gozzoli_adoration-of-the-magi-1 +abstract_painting,Color_Field_Painting,michel-carrade_unknown-title-9 +portrait,Mannerism_Late_Renaissance,agnolo-bronzino_unknown-lady +landscape,Impressionism,claude-monet_vetheuil-4 +still_life,Baroque,frans-snyders_fish-market +religious_painting,Baroque,jacob-jordaens_the-apostles-st-paul-and-st-barnabas-at-lystra-1645 +cityscape,Fauvism,maurice-de-vlaminck_landscape-with-red-roofs +landscape,Impressionism,t.-c.-steele_morning-by-the-stream-1893 +still_life,Rococo,jean-baptiste-simeon-chardin_game-still-life-with-hunting-dog +landscape,Realism,efim-volkov_grazing +landscape,Symbolism,nicholas-roerich_kyrgyz-mazar-sanju-1925 +portrait,Impressionism,ipolit-strambu_girl-sewing +genre_painting,Realism,anders-zorn_a-toast-in-the-idun-society-1892 +portrait,Rococo,jean-marc-nattier_jeanne-antoinette-poisson-marquise-de-pompadour-as-diana-1746 +portrait,Rococo,dmitry-levitzky_portrait-of-johann-hauffe-1790 +genre_painting,Impressionism,edgar-degas_woman-at-a-window-1872 +genre_painting,Naive_Art_Primitivism,marc-chagall_creation-1980 +portrait,Realism,ilya-repin_portrait-of-a-boy-1881 +religious_painting,Baroque,annibale-carracci_samson-imprisoned +genre_painting,Rococo,george-morland_smugglers-on-a-beach +portrait,Expressionism,martiros-saryan_portrait-of-actress-anna-humashyan-1923 +portrait,Impressionism,pierre-auguste-renoir_head-of-a-woman +portrait,Realism,george-catlin_h-tchoo-t-c-knee-snapping-turtle-a-half-breed-1834 +genre_painting,Post_Impressionism,martiros-saryan_evening-in-the-garden-1903 +religious_painting,Early_Renaissance,pietro-perugino_moses-s-journey-into-egypt-and-the-circumcision-of-his-son-eliezer-detail +genre_painting,Expressionism,henri-matisse_the-dance-1933-1 +genre_painting,Impressionism,nikolay-bogdanov-belsky_children-fishermen +portrait,Rococo,thomas-gainsborough_elizabeth-wrottesley-1765 +landscape,Art_Nouveau_Modern,felix-vallotton_mont-blanc-1892-1 +landscape,Impressionism,janos-tornyai_farm-with-shadoof-1907 +landscape,Post_Impressionism,gustave-loiseau_river-in-autumn-1919 +sketch_and_study,Realism,vincent-van-gogh_man-with-a-sack-of-wood-1881 +nude_painting,Expressionism,chronis-botsoglou_1968 +genre_painting,Impressionism,constantin-artachino_little-shepherd +landscape,Impressionism,claude-monet_fisherman-s-cottage-at-varengeville +portrait,Realism,john-singer-sargent_portrait-of-lancelot-allen-1894 +religious_painting,Romanticism,gustave-dore_resurrection-of-lazarus +genre_painting,Realism,sergey-solomko_squash +portrait,Realism,giovanni-boldini_the-countess-ritzer +sketch_and_study,Impressionism,edgar-degas_three-girls-sitting-en-face-1879 +genre_painting,Realism,constantin-artachino_peasant-bakestone +religious_painting,Early_Renaissance,sandro-botticelli_three-scenes-from-the-story-of-esther(1) +abstract_painting,Abstract_Expressionism,joan-mitchell_weeds-1976 +landscape,Impressionism,pierre-auguste-renoir_noirmoutiers-1892 +landscape,Fauvism,georges-braque_la-ciotat-1907 +sketch_and_study,Realism,vincent-van-gogh_woman-by-a-hearth-1885-1 +religious_painting,Naive_Art_Primitivism,marc-chagall_moses-and-his-brother-come-to-pharaoh-and-claim-the-freedom-for-the-people-of-israel-exodus-v-1 +genre_painting,Baroque,adriaen-van-ostade_the-family +abstract_painting,Color_Field_Painting,paul-jenkins_tibetan-flange +genre_painting,Romanticism,jan-matejko_drowned-in-bosphorus +genre_painting,Realism,vincent-van-gogh_church-pew-with-worshippers-1882(1) +cityscape,Post_Impressionism,maurice-prendergast_fiesvenice-s-pietro-in-vol-also-known-as-the-day-before-the-fiesta-st-pietro-in-volte +religious_painting,Mannerism_Late_Renaissance,paolo-veronese_the-martyrdom-and-last-communion-of-saint-lucy-1582 +religious_painting,Naive_Art_Primitivism,marc-chagall_abraham-is-going-to-sacrifice-his-son-according-to-the-order-of-god-genesis-xxii-9-14 +religious_painting,High_Renaissance,raphael_madonna-with-the-baldachino-detail-1508 +nude_painting,Expressionism,marcel-duchamp_selected-details-after-courbet-1968 +genre_painting,Impressionism,joaquã­n-sorolla_running-along-the-beach-1908 +illustration,Naive_Art_Primitivism,boris-kustodiev_cover-for-the-book-russia-1923 +portrait,Impressionism,mary-cassatt_lydia-reading-on-a-divan-1881 +landscape,Realism,isaac-levitan_path-in-the-forest +religious_painting,Symbolism,salvador-dali_turris-babel-1967 +portrait,Romanticism,orest-kiprensky_portrait-of-p-basin-1829 +illustration,Expressionism,m.c.-escher_emblemata-flint +landscape,Impressionism,childe-hassam_point-lobos-carmel +landscape,Post_Impressionism,pyotr-konchalovsky_kazbek-early-morning-5-00-am-1927 +religious_painting,Early_Renaissance,jacopo-bellini_john-the-evangelist-the-apostle-peter-1430 +portrait,High_Renaissance,giovanni-antonio-boltraffio_saint-sebastian +portrait,Romanticism,orest-kiprensky_equestrian-portrait-of-alexander-i-1820 +portrait,Romanticism,gheorghe-tattarescu_munteanca +genre_painting,Realism,julius-leblanc-stewart_flower-girl-1890(1) +abstract_painting,Abstract_Expressionism,esteban-vicente_azul-1994 +portrait,Romanticism,henry-raeburn_portrait-of-thomas-reid +still_life,Expressionism,george-bouzianis_still-life-with-fruit-and-chair-1931 +landscape,Realism,vasily-polenov_oka-near-tarusa +genre_painting,Romanticism,sir-lawrence-alma-tadema_a-kiss-1891 +portrait,Realism,valentin-serov_portrait-of-anna-staal-1910 +sketch_and_study,High_Renaissance,leonardo-da-vinci_study-of-st-anne-mary-and-the-christ-child +landscape,Realism,johan-hendrik-weissenbruch_figures-on-a-country-road-a-church-in-the-distance +landscape,Impressionism,camille-pissarro_the-cote-des-boeurs-at-l-hermitage-near-pontoise-1877 +landscape,Impressionism,pierre-auguste-renoir_landscape-5 +nude_painting,Romanticism,eliseu-visconti_unknown-title +religious_painting,Romanticism,william-holman-hunt_the-scapegoat-1856 +abstract_painting,Abstract_Expressionism,helen-frankenthaler_reflections-iii-1995 +portrait,Rococo,john-russell_captain-braithwaite +portrait,Impressionism,mary-cassatt_little-girl-with-a-japanese-doll +abstract_painting,Minimalism,agnes-martin_tremolo-1962 +landscape,Baroque,canaletto_old-walton-bridge-over-the-thames-1754 +abstract_painting,Abstract_Expressionism,forrest-bess_symbol-of-flowers-1951 +genre_painting,Impressionism,james-tissot_hush-the-concert +sketch_and_study,Romanticism,edward-burne-jones_head-study-of-maria-zambaco-the-wine-of-circe +landscape,Impressionism,claude-monet_morning-on-the-seine-near-giverny-the-fog +portrait,Rococo,fyodor-rokotov_portrait-of-n-e-struisky +portrait,Realism,anders-zorn_portrait-of-edith-palgrave-edward-in-her-london-residence +genre_painting,Impressionism,maurice-prendergast_beechmont +portrait,Romanticism,david-wilkie_unknown-man-formerly-known-as-james-northcote +landscape,Impressionism,pierre-auguste-renoir_the-garden-of-essai-in-algiers-1881 +genre_painting,Post_Impressionism,maurice-prendergast_the-stony-beach-ogunquit +landscape,Post_Impressionism,kuzma-petrov-vodkin_cacti-1907 +portrait,Impressionism,pierre-auguste-renoir_madame-charpentier-1878 +landscape,Realism,m.c.-escher_castrovalva +genre_painting,Impressionism,joaquã­n-sorolla_andalusia-the-round-up-1914 +still_life,Baroque,josefa-de-obidos_natureza-morta-1660 +genre_painting,Impressionism,emmanuel-zairis_the-carnival-in-athens-1930 +portrait,Art_Nouveau_Modern,zinaida-serebriakova_portrait-of-the-composer-s-daughter-ef-napravnik +abstract_painting,Abstract_Expressionism,friedel-dzubas_untitled(2) +portrait,Romanticism,camille-corot_sicilian-odalisque-1872 +portrait,Expressionism,yiannis-tsaroychis_officer-mariner-in-pink-background-1959 +landscape,Post_Impressionism,jack-bush_farm-house-1941 +portrait,Romanticism,taras-shevchenko_portrain-of-g-i-zakrevska-1843 +landscape,Realism,aleksey-savrasov_forest-near-the-lake-illuminated-by-the-sun-1856 +religious_painting,Mannerism_Late_Renaissance,el-greco_not-identified +genre_painting,Symbolism,kuzma-petrov-vodkin_samarkand-1921-1 +religious_painting,Baroque,francesco-solimena_sacred-conversation +landscape,Impressionism,william-merritt-chase_october-1 +landscape,Impressionism,john-henry-twachtman_greenwich-garden-1899 +landscape,Impressionism,guy-rose_carmel-shore-1919-1 +abstract_painting,Abstract_Expressionism,perle-fine_unequivocably-blue-1967 +genre_painting,Cubism,gino-severini_a-dancer-1 +religious_painting,Mannerism_Late_Renaissance,paolo-veronese_baptism-of-christ +still_life,Impressionism,adam-baltatu_still-life-with-vegetables +landscape,Impressionism,giovanni-fattori_der-schindanger-in-livorno-1867 +portrait,Romanticism,john-crome_woman-in-a-turban +landscape,Impressionism,john-singer-sargent_a-marble-fountain-at-aranjuez-spain-1912 +religious_painting,High_Renaissance,giovanni-bellini_pieta +landscape,Symbolism,nicholas-roerich_monhigan-vagueness-1922 +cityscape,Post_Impressionism,nikola-tanev_street-in-sofia-1939 +portrait,Romanticism,david-wilkie_billy-waters-mariner-and-street-performer-beggar-1815 +portrait,Impressionism,pierre-auguste-renoir_woman-with-a-blue-blouse-1883 +landscape,Post_Impressionism,sorin-ilfoveanu_fallow-ground-1981 +landscape,Post_Impressionism,vanessa-bell_landscape-with-a-pond-and-water-lilies-1915 +portrait,Ukiyo_e,utagawa-kuniyoshi_women-14 +illustration,Expressionism,martiros-saryan_the-death-of-kikos-1934 +landscape,Impressionism,camille-pissarro_spring-morning-cloudy-eragny-1900 +abstract_painting,Synthetic_Cubism,ad-reinhardt_newsprint-collage-1940 +landscape,Romanticism,ivan-aivazovsky_the-pier-in-feodosia-1840 +portrait,Realism,ivan-kramskoy_dmitry-grigorovich-a-russian-writer-1876 +abstract_painting,Abstract_Expressionism,cy-twombly_quarzeat +landscape,Symbolism,hugo-simberg_mountain-stream-in-caucasia-1899 +portrait,Realism,ilya-repin_portrait-of-vera-repina-1925 +landscape,Contemporary_Realism,neil-welliver_big-flowage +landscape,Realism,ferdinand-hodler_the-aarekanal-near-thun-1879 +portrait,Mannerism_Late_Renaissance,paolo-veronese_gentleman-in-black +illustration,Expressionism,m.c.-escher_vignette +portrait,Art_Nouveau_Modern,filipp-malyavin_a-rich-peasant +religious_painting,Early_Renaissance,luca-signorelli_the-conversion-of-paul-1482 +religious_painting,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 +abstract_painting,Abstract_Expressionism,arshile-gorky_golden-brown-painting-1944 +genre_painting,Realism,salvador-dali_crucifixion-corpus-hypercubicus-1954 +genre_painting,Post_Impressionism,henri-de-toulouse-lautrec_the-violinist-dancia-1900 +portrait,Romanticism,konstantin-makovsky_portrait-of-a-suvorina +abstract_painting,Abstract_Expressionism,joan-miro_not_detected_227939 +sketch_and_study,Symbolism,kuzma-petrov-vodkin_head-boys-against-the-backdrop-of-the-rural-landscape-1927 +landscape,Realism,ivan-shishkin_forest-3 +portrait,Impressionism,pierre-auguste-renoir_madame-maurice-denis-nee-jeanne-boudot-1904 +abstract_painting,Minimalism,conrad-marca-relli_untitled-1967 +genre_painting,Naive_Art_Primitivism,henri-rousseau_woman-in-red-in-the-forest +still_life,Realism,ilya-repin_apples-and-leaves-1879 +landscape,Art_Nouveau_Modern,a.y.-jackson_north-shore-lake-superior-1926 +landscape,Realism,isaac-levitan_gray-day-the-swamp-1898 +sketch_and_study,Realism,vincent-van-gogh_vicarage-at-etten-1876 +portrait,Realism,giovanni-boldini_diego-martelli-1865 +portrait,Realism,ilya-repin_portrait-of-doctor-constantine-franzevich-yanitsky-1865 +genre_painting,Symbolism,nicholas-roerich_glory-to-the-hero-1933 +landscape,Impressionism,alfred-sisley_the-mills-of-moret-sunrise-1889(1) +still_life,Synthetic_Cubism,pablo-picasso_guitar-1920-1 +portrait,Impressionism,matej-sternen_on-the-couch-1909 +sketch_and_study,Baroque,bartolome-esteban-murillo_the-immaculate-conception +cityscape,Expressionism,bui-xuan-phai_unknown-title +landscape,Impressionism,alfred-sisley_ferry-to-the-ile-de-la-loge-flood-1872 +genre_painting,Impressionism,childe-hassam_promenaders-in-the-garden-1898 +landscape,Impressionism,maurice-prendergast_early-beach +portrait,Post_Impressionism,vincent-van-gogh_the-smoker-peasant-1888 +religious_painting,Early_Renaissance,benozzo-gozzoli_upper-portions-of-the-east-window-wall-1465 +genre_painting,Impressionism,childe-hassam_lady-in-flower-garden +religious_painting,Northern_Renaissance,albrecht-durer_salvator-mundi +portrait,High_Renaissance,lorenzo-lotto_signor-marsilio-cassotti-and-his-wife-faustina-1523 +portrait,Cubism,roger-de-la-fresnaye_man-with-a-red-kerchief-1922 +sketch_and_study,Realism,felix-vallotton_seated-nude-on-a-couch +landscape,Romanticism,ivan-aivazovsky_view-on-crimea +landscape,Impressionism,claude-monet_vetheuil-l-inondation +abstract_painting,Abstract_Expressionism,paul-jenkins_not_detected_235724 +genre_painting,Romanticism,dante-gabriel-rossetti_the-beloved-1866 +genre_painting,Impressionism,edgar-degas_dancers-in-the-rehearsal-hall-1895 +sketch_and_study,Northern_Renaissance,albrecht-durer_oriental-ruler-enthroned-1497 +landscape,Post_Impressionism,grã©goire-michonze_landscape-1977 +religious_painting,Mannerism_Late_Renaissance,titian_sorrows-1554 +nude_painting,Expressionism,paula-modersohn-becker_standing-female-nude-her-arms-located-in-front-of-the-chest +portrait,Northern_Renaissance,pieter-bruegel-the-elder_pieter-bruegel-the-elder +genre_painting,Expressionism,edvard-munch_death-in-the-sickroom-1893 +genre_painting,Symbolism,kuzma-petrov-vodkin_the-first-demonstration-family-working-on-the-first-anniversary-of-october-1927 +portrait,Expressionism,lucian-freud_alice-costelloe +landscape,Romanticism,paul-cezanne_clearing-1867 +landscape,Impressionism,claude-monet_valley-of-the-creuse-sunlight-effect +portrait,Realism,ilya-repin_portrait-of-the-writer-n-b-nordman-severova-1905 +genre_painting,Impressionism,pierre-auguste-renoir_breakfast-at-berneval-1898 +abstract_painting,Color_Field_Painting,helen-frankenthaler_untitled(1) +landscape,Naive_Art_Primitivism,jules-lefranc_paysage-basco-bearnais +genre_painting,Rococo,bernardo-bellotto_a-hussar-on-horseback-1773 +landscape,Symbolism,ferdinand-hodler_the-monk-1914 +cityscape,Realism,alfred-sisley_street-of-marlotte-also-known-as-women-going-to-the-woods-1866 +landscape,Realism,ivan-shishkin_forest-in-winter-1884 +portrait,Impressionism,camille-pissarro_pere-melon-resting-1879 +religious_painting,High_Renaissance,titian_the-healing-of-the-wrathful-son-1511 +cityscape,Impressionism,jean-alexandru-steriadi_case-din-via-ripetta-1921 +religious_painting,High_Renaissance,andrea-solario_st-catherine +portrait,Baroque,rembrandt_flora-1634 +portrait,Post_Impressionism,henri-matisse_not-identified-15 +abstract_painting,Abstract_Expressionism,frank-lobdell_15-april-1962-1962 +religious_painting,Northern_Renaissance,albrecht-durer_adoration-of-the-magi-1 +landscape,Romanticism,ivan-aivazovsky_caravan-in-the-oasis-egypt-1871 +religious_painting,Romanticism,viktor-vasnetsov_seraphim-1896 +abstract_painting,Minimalism,perle-fine_soft-neon-1973 +landscape,Post_Impressionism,abraham-manievich_unknown-title-1 +still_life,Post_Impressionism,paul-gauguin_still-life-with-three-puppies-1888 +genre_painting,Expressionism,james-ensor_the-drunkards-1883 +portrait,Expressionism,martiros-saryan_portrait-of-dmitri-shostakovich-1963 +abstract_painting,Abstract_Expressionism,sam-francis_untitled-5 +landscape,Baroque,esaias-van-de-velde_farm-near-frozen-river-with-skaters-on-the-ice +abstract_painting,Abstract_Expressionism,howard-mehring_untitled-1958(2) +portrait,Expressionism,lucian-freud_the-painter-s-mother-ii-1972 +cityscape,Expressionism,egon-schiele_edge-of-town-krumau-town-crescent-1918 +sketch_and_study,Realism,john-singer-sargent_drawing-9 +still_life,Analytical_Cubism,georges-braque_glass-on-a-table +religious_painting,Baroque,mestre-ataã­de_baptism-of-christ +religious_painting,High_Renaissance,cima-da-conegliano_madonna-and-child-with-saints +religious_painting,Baroque,annibale-carracci_landscape-with-the-sacrifice-of-isaac +portrait,Mannerism_Late_Renaissance,piero-di-cosimo_giuliano-da-san-gallo-1500 +sketch_and_study,High_Renaissance,leonardo-da-vinci_the-proportions-of-the-head +cityscape,Post_Impressionism,pierre-bonnard_boulevard-des-batignolles +landscape,Impressionism,claude-monet_the-pond-at-montgeron-2 +portrait,Realism,ilya-repin_portrait-of-the-author-vladimir-korolemko-1912 +illustration,Romanticism,gustave-dore_the-inferno-canto-12 +religious_painting,Symbolism,nicholas-roerich_sergius-of-radonezh-1932(1) +landscape,Impressionism,childe-hassam_looking-towards-mount-adams-from-mount-hood +cityscape,Post_Impressionism,maurice-de-vlaminck_the-beautiful-village +portrait,Romanticism,karl-bryullov_portrait-of-s-a-schubert +abstract_painting,Abstract_Expressionism,blinky-palermo_ohne-titel-f-r-peter-dibke-1970 +landscape,Post_Impressionism,paul-cezanne_rocks-at-l-estaque +genre_painting,Romanticism,alfred-stevens_the-farewell-note +portrait,Expressionism,balthus_portrait-of-baroness-alain-de-rothschild-1958 +landscape,Romanticism,taras-shevchenko_landscape-with-kurgan-stelae-1845 +landscape,Realism,isaac-levitan_village-in-winter +genre_painting,Pointillism,paul-signac_young-women-of-provence-at-the-well-1892 +genre_painting,Impressionism,nikolay-bogdanov-belsky_summer-day +genre_painting,Realism,vladimir-makovsky_declaration-of-love-1891 +sketch_and_study,Naive_Art_Primitivism,marc-chagall_study-to-jacob-wrestling-with-the-angel +genre_painting,Art_Nouveau_Modern,raphael-kirchner_geisha-2 +landscape,Realism,ivan-shishkin_pine-forest-1885 +abstract_painting,Abstract_Expressionism,sam-francis_composition-in-blue-and-white-1960 +genre_painting,Post_Impressionism,maurice-prendergast_beach-scene-with-lighthouse-also-known-as-children-at-the-seashore +genre_painting,Romanticism,ferdinand-georg-waldmã¼ller_after-confiscation-1859 +landscape,Symbolism,nicholas-roerich_himalayas-morning-1941 +religious_painting,High_Renaissance,lorenzo-lotto_altar-of-st-lucia-footplate-st-lucia-in-prayer-and-the-valediction-of-st-lucia-1532 +landscape,Symbolism,nicholas-roerich_sared-himalayas-1933-1 +cityscape,Romanticism,rudolf-von-alt_the-st-stephen-s-cathedral-in-vienna-1831 +portrait,Impressionism,guy-rose_jade-beads +genre_painting,Baroque,gerrit-dou_man-with-easel +genre_painting,Art_Nouveau_Modern,wilhelm-kotarbinski_the-seller-of-amulets +portrait,Baroque,frans-hals_banquet-of-the-officers-of-the-st-george-civic-guard-company-detail +abstract_painting,Action_painting,jackson-pollock_number-8-1949 +portrait,New_Realism,yiannis-tsaroychis_sailor-on-pink-background +abstract_painting,Minimalism,brice-marden_10-2011 +cityscape,Impressionism,camille-pissarro_kensington-gardens +landscape,Post_Impressionism,asgrimur-jonsson_from-h-safell-mt-str-tur-west-iceland-1945 +portrait,Expressionism,amedeo-modigliani_monsier-deleu-1916 +landscape,Impressionism,gustave-caillebotte_banks-of-the-yerres +portrait,Romanticism,karl-bodmer_wahk-ta-ge-li-a-sioux-warrior-plate-8-from-volume-2-of-travels-in-the-interior-of-north-america-1844 +genre_painting,Post_Impressionism,paul-gauguin_flutist-on-the-cliffs-1889 +nude_painting,Expressionism,amedeo-modigliani_caryatid-2 +abstract_painting,Color_Field_Painting,karl-benjamin_20-1977 +sketch_and_study,Post_Impressionism,vincent-van-gogh_peasant-woman-head-9 +religious_painting,Baroque,rembrandt_the-elevation-of-the-cross +genre_painting,Analytical_Cubism,albert-gleizes_woman-with-animals-1914 +portrait,Northern_Renaissance,albrecht-durer_emperor-charlemagne +genre_painting,Impressionism,john-singer-sargent_violet-sleeping +cityscape,Fauvism,jan-sluyters_house-at-the-achterweg +portrait,Expressionism,helene-schjerfbeck_girl-with-blue-ribbon-1943 +landscape,Pointillism,georges-seurat_view-of-le-crotoy-from-upstream-1889 +still_life,Post_Impressionism,morris-graves_bouquet-for-mary-lea-1957 +landscape,Ukiyo_e,hiroshige_travellers-on-a-mountain-path-at-night +landscape,Impressionism,william-james-glackens_bowlers-la-ciotat-1930 +genre_painting,Impressionism,eva-gonzales_the-little-lever +religious_painting,Early_Renaissance,fra-angelico_predella-of-the-san-domenico-altarpiece-1424 +abstract_painting,Color_Field_Painting,gotthard-graubner_farbwanne-1985 +illustration,Romanticism,gustave-dore_the-inferno-canto-13 +cityscape,Impressionism,anders-zorn_view-from-the-ship-island-pier-1890 +religious_painting,Early_Renaissance,filippo-lippi_st-john-taking-leave-of-his-parents-detail-1465 +abstract_painting,Abstract_Expressionism,willem-de-kooning_abstraction-1950 +landscape,Art_Nouveau_Modern,anna-ostroumova-lebedeva_winter-1902 +religious_painting,Rococo,william-hogarth_the-good-samaritan-1737 +portrait,Realism,ilya-repin_the-blond-portrait-of-tevashova-1898 +portrait,Romanticism,john-constable_portrait-of-maria-bicknell-1816 +landscape,Impressionism,eugene-boudin_villefranche-the-citadel-1892 +portrait,Realism,john-singer-sargent_expectancy +genre_painting,Romanticism,george-stubbs_colonel-pocklington-with-his-sisters +cityscape,Impressionism,pieter-wenning_malay-quarter +abstract_painting,Abstract_Expressionism,frank-stella_front-cover-from-had-gadya-series-1984 +portrait,Expressionism,jury-annenkov_leon-trotsky +sketch_and_study,High_Renaissance,michelangelo_various-studies +genre_painting,Rococo,antoine-watteau_the-camp +abstract_painting,Color_Field_Painting,gene-davis_untitled-1979(2) +landscape,Impressionism,victor-borisov-musatov_a-caucasian-study-1895 +genre_painting,Cubism,amadeo-de-souza-cardoso_sheperd +sketch_and_study,Northern_Renaissance,albrecht-durer_head-of-an-old-man +landscape,Romanticism,taras-shevchenko_turkmen-cemetery-in-dolnapa-valley-1851 +religious_painting,Romanticism,gustave-dore_david-slays-goliath +landscape,Post_Impressionism,maurice-de-vlaminck_landscape-1 +genre_painting,Realism,nikolaos-gyzis_after-the-memorial-service-1883 +abstract_painting,Color_Field_Painting,ad-reinhardt_untitled-1954 +genre_painting,Realism,vladimir-makovsky_iconographer-1891 +religious_painting,Art_Nouveau_Modern,jacek-malczewski_christ-before-pilate-1910 +religious_painting,Northern_Renaissance,hieronymus-bosch_the-garden-of-earthly-delights-1515-2 +genre_painting,Impressionism,childe-hassam_hassam-street-in-portsmouth +religious_painting,Northern_Renaissance,albrecht-durer_st-margaret +sketch_and_study,Realism,arkhip-kuindzhi_forest-near-the-water-1872 +genre_painting,Impressionism,edgar-degas_ballet-rehearsal-1891 +genre_painting,Expressionism,max-pechstein_badende-in-moritzburg-1910 +abstract_painting,Abstract_Expressionism,ronald-davis_tapestry-1962 +religious_painting,Early_Renaissance,fra-angelico_institution-of-the-eucharist-1442 +sketch_and_study,Impressionism,william-merritt-chase_figure-study-i +religious_painting,Mannerism_Late_Renaissance,maerten-van-heemskerck_lamentation-on-the-dead-christ-1566 +cityscape,Impressionism,camille-pissarro_st-stephen-s-church-lower-norwood-1870 +genre_painting,Naive_Art_Primitivism,marc-chagall_the-farmyard-1962 +cityscape,Post_Impressionism,gustave-loiseau_port-of-dieppe-1903 +religious_painting,Early_Renaissance,carlo-crivelli_saint-catherine-of-alexandria +portrait,Realism,giovanni-boldini_diaz-albertini-1909 +abstract_painting,Abstract_Expressionism,esteban-vicente_kalani-hawaii-1969 +landscape,Art_Nouveau_Modern,heorhiy-narbut_church-of-the-nativity-of-the-blessed-virgin-in-the-village-khokhlovka-chernigov-region-1912 +portrait,Expressionism,filipp-malyavin_portrait-of-sculptor-vladimir-beklemishev +still_life,Realism,vincent-van-gogh_milk-jug +landscape,Romanticism,ivan-aivazovsky_moon-path-1886 +portrait,Impressionism,octav-angheluta_micuta-cusatoreasa +abstract_painting,Abstract_Expressionism,howard-hodgkin_rain-1989 +portrait,Northern_Renaissance,hans-baldung_portrait-of-ludwig-graf-zu-loewenstein-1513 +genre_painting,Symbolism,kuzma-petrov-vodkin_hurricane-1914 +still_life,Realism,henri-fantin-latour_still-life-with-roses-fruit-and-a-glass-of-wine-1872 +landscape,Post_Impressionism,david-burliuk_path-in-the-garden +abstract_painting,Baroque,willi-baumeister_seaweed-1950 +abstract_painting,Minimalism,judy-chicago_pasadena-lifesavers-yellow-series-5-1969 +cityscape,Expressionism,frank-auerbach_to-the-studios +abstract_painting,Abstract_Expressionism,willem-de-kooning_door-to-the-river +genre_painting,Realism,eugene-boudin_crinolines-on-the-beach-1863 +landscape,Symbolism,nicholas-roerich_mist +sketch_and_study,Baroque,rembrandt_standing-beggar-turned-to-the-right-1629 +cityscape,Realism,vincent-van-gogh_gasworks-1882(1) +portrait,Realism,pyotr-konchalovsky_portrait-of-mole-catcher-fedor-petrovich-1938 +genre_painting,Impressionism,nikolay-bogdanov-belsky_swimming +abstract_painting,Color_Field_Painting,piero-dorazio_untitled-1978 +genre_painting,Realism,constantin-guys_the-chasseurs-d-afrique-during-the-crimean-war-of-1854 +sketch_and_study,Realism,vincent-van-gogh_studies-of-a-dead-sparrow-1885 +landscape,Symbolism,mikalojus-ciurlionis_forest-1906 +abstract_painting,Abstract_Expressionism,tsuruko-yamazaki_work-1994 +genre_painting,Symbolism,kazimir-malevich_prayer-1907 +abstract_painting,Color_Field_Painting,theodoros-stamos_infinity-field-lefkada-series-1981(1) +landscape,Romanticism,pavel-svinyin_boston-mall +cityscape,Post_Impressionism,edouard-cortes_theatre-du-chatelet-1 +abstract_painting,Color_Field_Painting,leon-berkowitz_pendant-green-1977 +landscape,Impressionism,edgar-degas_landscape-with-rocks +landscape,Art_Nouveau_Modern,anna-ostroumova-lebedeva_moonlit-night-landscape-1923 +cityscape,Realism,camille-corot_geneva-view-of-part-of-the-city +landscape,Cubism,auguste-herbin_composition-landscape-at-ceret-1919 +sketch_and_study,Expressionism,martiros-saryan_in-front-of-the-mirror-lusik-1939 +genre_painting,Expressionism,jose-gutierrez-solana_the-hairdresser-1933 +genre_painting,Baroque,pieter-de-hooch_a-dutch-courtyard +still_life,Impressionism,otto-gustav-carlsund_still-life-with-bottle-and-green-pears-1932 +still_life,Impressionism,pierre-auguste-renoir_still-life-2 +portrait,Impressionism,berthe-morisot_young-woman-in-a-blue-blouse-1 +cityscape,Romanticism,franz-richard-unterberger_view-to-saint-mark-s-square-venice +cityscape,Romanticism,cornelis-springer_brielle +abstract_painting,Color_Field_Painting,frank-stella_tetuan-iii-1973 +abstract_painting,Abstract_Expressionism,robert-goodnough_release-2005 +landscape,Impressionism,andre-dunoyer-de-segonzac_the-road-from-grimaud-1937 +portrait,Impressionism,konstantin-korovin_actress-hope-komarovskaya-1919 +still_life,Expressionism,natalia-goncharova_still-life-with-a-tige +cityscape,Expressionism,arturo-souto_port-of-bilbao-1933 +religious_painting,Art_Nouveau_Modern,wilhelm-kotarbinski_entry-into-jerusalem +abstract_painting,Color_Field_Painting,sean-scully_diptych-1991 +cityscape,Symbolism,mstislav-dobuzhinsky_a-nook-of-petersburg-1904 +nude_painting,Impressionism,pierre-auguste-renoir_bather-2 +portrait,Realism,ilya-repin_portrait-of-the-artist-grigory-myasoedov-1886 +religious_painting,Northern_Renaissance,dirk-bouts_ecce-agnus-dei +genre_painting,Expressionism,yiannis-tsaroychis_worktime +nude_painting,Impressionism,pierre-auguste-renoir_nude-seated-in-a-landscape +portrait,Naive_Art_Primitivism,niko-pirosmani_shota-rustaveli-1913 +still_life,Impressionism,pierre-auguste-renoir_lemons-1912 +still_life,Fauvism,john-duncan-fergusson_the-blue-lamp-1920 +landscape,Romanticism,thomas-cole_view-in-the-white-mountains-1827 +landscape,Impressionism,stefan-popescu_jardin-du-luxembourg +religious_painting,Romanticism,gustave-dore_the-spies-return-from-the-promised-land +landscape,Post_Impressionism,vincent-van-gogh_flowering-garden-1888(1) +genre_painting,Romanticism,osman-hamdi_lady-who-fits-the-vase(1) +abstract_painting,Abstract_Expressionism,cy-twombly_untitled-9 +genre_painting,Expressionism,balthus_patience-1943 +portrait,Expressionism,helene-schjerfbeck_under-the-linden-1911 +genre_painting,Rococo,william-hogarth_a-harlot-s-progress-plate-5 +abstract_painting,Color_Field_Painting,frank-stella_sabra-iii-1967 +nude_painting,Expressionism,jean-helion_remake-1983 +cityscape,Post_Impressionism,istvan-ilosvai-varga_nagyb-nya-1931 +religious_painting,High_Renaissance,leonardo-da-vinci_head-of-christ +portrait,Cubism,pablo-picasso_the-student-1919 +religious_painting,Early_Renaissance,giovanni-bellini_polyptych-of-san-vincenzo-ferreri-1468-4 +portrait,Northern_Renaissance,lucas-cranach-the-elder_portrait-of-anna-cuspinian +still_life,Romanticism,francisco-goya_still-life-plucked-turkey-and-pan-with-fish-1812 +portrait,Impressionism,pierre-auguste-renoir_jeanne-samary-1877 +portrait,Realism,william-adolphe-bouguereau_madame-la-comtesse-de-cambaceres-1895 +cityscape,Impressionism,micaela-eleutheriade_pe-str-zile-parisului +genre_painting,Ukiyo_e,kitagawa-utamaro_the-yoshiwara-sparrow +illustration,Symbolism,william-blake_illustration-to-dante-s-divine-comedy-hell +abstract_painting,Cubism,paul-klee_castle-garden-1931(1) +portrait,Romanticism,francisco-goya_tio-paquete +genre_painting,Realism,vladimir-makovsky_peasant-children-1890 +landscape,Symbolism,martiros-saryan_landscape-mount-aragats-1904 +portrait,Expressionism,amedeo-modigliani_lunia-czechowska +still_life,Cubism,louis-marcoussis_still-life-in-front-of-the-window-1920 +landscape,Post_Impressionism,maxime-maufra_semaphore-of-the-beg-meil-brittany-1900 +portrait,Ukiyo_e,utagawa-kuniyoshi_kuzunoha +genre_painting,Realism,jean-francois-millet_peasants-bringing-home-a-calf-born-in-the-fields-1864 +landscape,Impressionism,claude-monet_olive-trees-study +abstract_painting,Abstract_Expressionism,helen-frankenthaler_viewpoint-ii-1979 +landscape,Realism,thomas-eakins_the-meadows-gloucester-new-jersey-1883 +landscape,Art_Nouveau_Modern,anna-ostroumova-lebedeva_road-to-the-white-birch-1923 +landscape,Realism,vasily-polenov_colossuses-memnon-statue-of-amenhotep-iii +illustration,Romanticism,gustave-dore_don-quixote-70 +religious_painting,Baroque,bartolome-esteban-murillo_st-thomas-of-villanueva-distributing-alms +portrait,High_Renaissance,titian_portrait-of-aretino +landscape,Realism,efim-volkov_winter-landscape +abstract_painting,Minimalism,yves-klein_untitled-yellow-pink-monochrome-1955 +landscape,Impressionism,thalia-flora-karavia_landscape +still_life,Fauvism,pyotr-konchalovsky_still-life-table-with-fruits-and-yellow-flowers-1929 +landscape,Realism,ivan-shishkin_landscape-edge-of-a-wood +portrait,Art_Nouveau_Modern,boris-kustodiev_portrait-of-peter-kapitza-1926 +genre_painting,Art_Nouveau_Modern,raphael-kirchner_love-flowers-1903-4 +illustration,Expressionism,m.c.-escher_flor-de-pascua-the-scapegoat +cityscape,Impressionism,claude-monet_seine-at-rouen-1872 +illustration,Symbolism,william-blake_illustration-to-milton-s-paradise-lost-1808-1 +landscape,Ukiyo_e,hiroshige_a-shrine-among-trees-on-a-moor +genre_painting,Impressionism,joaquã­n-sorolla_seville-the-bullfighters-1915 +landscape,Expressionism,amedeo-modigliani_landscape +abstract_painting,Action_painting,franz-kline_meryon-1961 +genre_painting,Impressionism,camille-pissarro_girl-tending-a-cow-in-pasture-1874 +portrait,Expressionism,frank-auerbach_rimbaud-1976 +genre_painting,Baroque,esaias-van-de-velde_summer +genre_painting,Cubism,jean-metzinger_les-baigneuses-1913 +portrait,Northern_Renaissance,hans-holbein-the-younger_edward-prince-of-wales-1543 +sketch_and_study,Expressionism,carlos-saenz-de-tejada_sketches-for-mural-castillo-de-la-mota-1957 +cityscape,Impressionism,claude-monet_fishing-boats-at-honfleur +portrait,Rococo,thomas-gainsborough_john-henderson +landscape,Expressionism,spyros-papaloukas_landscape-from-delphi-1945 +landscape,Realism,camille-corot_wooded-plateau-fountainebleau-1840 +landscape,Post_Impressionism,pablo-picasso_dutch-landscape-with-windmills-1905 +sketch_and_study,Naive_Art_Primitivism,fernand-leger_study-of-women-at-the-plant +nude_painting,Expressionism,francis-picabia_nude-from-back-on-a-background-of-the-sea +portrait,Northern_Renaissance,albrecht-durer_portrait-of-a-woman-creszentia-pirckheimer +portrait,Art_Nouveau_Modern,jacek-malczewski_portrait-of-tadeusz-b-otnicki-with-medusa-1902 +religious_painting,High_Renaissance,michelangelo_the-prophet-daniel-1511 +portrait,Mannerism_Late_Renaissance,titian_the-red-sultana +abstract_painting,Abstract_Expressionism,esteban-vicente_composition-1997 +portrait,Realism,gustave-courbet_marc-trapadoux-is-examining-the-book-of-prints-1848 +religious_painting,Naive_Art_Primitivism,marc-chagall_the-dance-of-myriam-1966 +landscape,Romanticism,thomas-cole_the-temple-of-segesta-with-the-artist-sketching-1843 +still_life,Post_Impressionism,vincent-van-gogh_still-life-with-basket-of-apples-to-lucien-pissarro-1887 +portrait,High_Renaissance,pietro-perugino_potrait-of-don-baldassarre +landscape,Impressionism,john-henry-twachtman_back-of-coney-island +cityscape,Impressionism,childe-hassam_the-alhambra-aka-summer-palace-of-the-caliphs-granada-spain +abstract_painting,Abstract_Expressionism,paul-reed_21c-1964 +landscape,Impressionism,andre-dunoyer-de-segonzac_la-brouette-1934 +portrait,Mannerism_Late_Renaissance,titian_cameria-daughter-of-suleiman-the-magnificent +landscape,Realism,johan-hendrik-weissenbruch_landscape-with-windmill-near-schiedam-1873 +genre_painting,Ukiyo_e,katsushika-hokusai_woman-profile +genre_painting,Impressionism,t.-c.-steele_flower-mart-1890 +portrait,Impressionism,frederic-bazille_manet-and-his-easel +portrait,Art_Nouveau_Modern,boris-kustodiev_portrait-of-f-f-notgaft-collector-1918 +portrait,Impressionism,pablo-picasso_portrait-of-gustave-coquiot-1901 +portrait,Expressionism,amedeo-modigliani_woman-s-head-1915-2 +portrait,Rococo,thomas-gainsborough_nee-margaret-burr +portrait,Rococo,antoine-pesne_portrait-of-sophie-dorothea-von-preu-en-1737 +abstract_painting,Abstract_Expressionism,hedda-sterne_tondo-1973 +genre_painting,Impressionism,edgar-degas_four-jockeys +still_life,Post_Impressionism,paul-cezanne_sugarbowl-pears-and-tablecloth +cityscape,Baroque,alexey-zubov_catherinehof-1716 +genre_painting,Pop_Art,roy-lichtenstein_the-grip-1962 +genre_painting,Post_Impressionism,maurice-prendergast_picnic-by-the-inlet +nude_painting,Expressionism,ernst-ludwig-kirchner_reclining-female-nude-in-front-of-a-mirror +portrait,Expressionism,amedeo-modigliani_seated-woman-with-child-motherhood-1919 +religious_painting,Early_Renaissance,benozzo-gozzoli_birth-of-st-francis-prophecy-of-the-birth-by-a-pilgrim-homage-of-the-simple-man-detail +portrait,New_Realism,john-french-sloan_george-sotter-1902 +religious_painting,Mannerism_Late_Renaissance,correggio_christ-presented-to-the-people-ecce-homo(2) +genre_painting,Baroque,rembrandt_a-jew-with-the-high-cap-1639 +landscape,Symbolism,nicholas-roerich_bharagarh-fort-1929 +landscape,Impressionism,santiago-rusinol_huerto-del-vinyet-1892 +landscape,Realism,grigoriy-myasoyedov_the-road-in-the-rye-1881 +illustration,Art_Nouveau_Modern,raphael-kirchner_legendes-1903-4 +still_life,Post_Impressionism,panayiotis-tetsis_still-life-4 +genre_painting,Post_Impressionism,paul-gauguin_the-large-tree-1891 +genre_painting,Impressionism,eugene-boudin_beach-scene-12 +genre_painting,Realism,edouard-manet_pertuiset-lion-hunter-1881 +portrait,Romanticism,orest-kiprensky_portrait-of-ivan-vasilievich-kusov-1808 +genre_painting,Contemporary_Realism,eric-fischl_krefeld-project-bedroom-scene-1 +portrait,Impressionism,pierre-auguste-renoir_young-girl-with-a-hat +portrait,Naive_Art_Primitivism,niko-pirosmani_a-peasant-woman-with-her-son +landscape,Post_Impressionism,jack-bush_country-road-1942 +landscape,Symbolism,salvador-dali_landscape-with-hidden-image-of-michelangelo-s-david +religious_painting,High_Renaissance,leonardo-da-vinci_madonna-with-the-yarnwinder +abstract_painting,Minimalism,walter-darby-bannard_the-sheet-1960 +genre_painting,Post_Impressionism,maurice-prendergast_beach-at-st-malo +abstract_painting,Abstract_Expressionism,joan-miro_not_detected_227974 +genre_painting,Baroque,gerrit-dou_violin-player-1653 +nude_painting,Romanticism,johann-koler_eve-after-falling-into-sin-1883 +religious_painting,Northern_Renaissance,hans-memling_triptych-of-the-mystical-marriage-of-st-catherine-of-alexandria-right-wing-scene-of-st-john-the-1479 +religious_painting,Northern_Renaissance,hieronymus-bosch_the-entombment-1507 +genre_painting,Rococo,jean-baptiste-simeon-chardin_a-game-of-billiards-1725 +portrait,Realism,nikolay-bogdanov-belsky_portrait-of-a-lady +genre_painting,Expressionism,mark-tobey_pike-street-market-1942 +landscape,Impressionism,childe-hassam_dawn +religious_painting,Early_Renaissance,fra-angelico_prophets-1447 +still_life,Cubism,georges-braque_the-echo +landscape,Impressionism,hoca-ali-riza_manzara-landscape-1898 +illustration,Symbolism,harry-clarke_tales-of-mystery-and-imagination-by-edgar-allan-poe-1923-14 +portrait,Cubism,pablo-picasso_head-of-a-man-1908-2 +portrait,Romanticism,vasily-tropinin_portrait-of-nikolai-ivanovich-and-nadezhda-mikhailovna +genre_painting,Impressionism,pierre-auguste-renoir_bathers-1892 +portrait,Romanticism,alexander-shilov_singer-e-obraztsova-1987 +sketch_and_study,Realism,thomas-eakins_female-nude-figure-study-for-arcadia +genre_painting,Baroque,adriaen-brouwer_feeling +landscape,Impressionism,claude-monet_the-japanese-bridge-the-water-lily-pond-1899 +religious_painting,Northern_Renaissance,lucas-cranach-the-elder_judith-victorious +landscape,Romanticism,william-turner_the-vale-of-ashburnham +genre_painting,Ukiyo_e,tsukioka-yoshitoshi_yoshitsune-with-benkei +landscape,Realism,ivan-shishkin_evening-in-a-pine-forest-1875 +illustration,Art_Nouveau_Modern,koloman-moser_illustration-for-the-viennese-fashion-magazine-1890 +religious_painting,Mannerism_Late_Renaissance,tintoretto_st-mark-rescuing-a-saracen-from-shipwreck-1566 +landscape,Romanticism,ivan-aivazovsky_lunar-night-on-the-crimean-coast-1852 +sketch_and_study,Early_Renaissance,leonardo-da-vinci_study-for-the-adoration-of-the-magi +genre_painting,Impressionism,eugene-boudin_elegant-women-on-the-beach-1863 +genre_painting,Cubism,roger-de-la-fresnaye_artillery-1911 +genre_painting,Impressionism,nikolay-bogdanov-belsky_on-the-ferry +portrait,Pointillism,marevna-(marie-vorobieff)_not-identified-5 +abstract_painting,Color_Field_Painting,morris-louis_alpha-epsilon-1960 +genre_painting,Impressionism,pierre-auguste-renoir_two-women-in-a-garden-1895 +landscape,Realism,frits-thaulow_the-mill +genre_painting,Cubism,alberto-magnelli_farmers-at-table-1922 +genre_painting,Expressionism,frantisek-kupka_algiers +genre_painting,Naive_Art_Primitivism,marc-chagall_window-in-the-country-1915 +cityscape,Impressionism,gregoire-boonzaier_table-mountain-from-district-6-1972 +cityscape,Post_Impressionism,maurice-utrillo_moulin-de-la-galette-and-sacre-coeur +portrait,Impressionism,pierre-auguste-renoir_woman-wearing-a-hat-1889 +portrait,Realism,konstantin-somov_portrait-of-aleksandr-blok-1907 +portrait,Realism,konstantin-makovsky_nanny-of-ivan-the-terrible +landscape,Impressionism,claude-monet_the-beach-at-sainte-adresse +genre_painting,Post_Impressionism,maurice-denis_games-in-the-sand-also-known-as-beach-with-fighters +illustration,Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-fairy-tale-vasilisa-the-beautiful-1900(1) +sketch_and_study,Art_Nouveau_Modern,koloman-moser_figure-study-of-tristan-1 +landscape,Impressionism,pierre-auguste-renoir_the-seine-at-argenteuil-1888 +cityscape,Post_Impressionism,edouard-cortes_winter-evening +portrait,Expressionism,marie-laurencin_the-kiss-1927 +genre_painting,Expressionism,marcel-janco_the-parade +portrait,Realism,ivan-kramskoy_portrait-of-a-woman +portrait,Early_Renaissance,paolo-uccello_portraits-of-giotto-uccello-donatello-manetti-and-bruno +genre_painting,Baroque,gerard-terborch_the-glass-of-lemonade-1 +genre_painting,Realism,alexey-venetsianov_harvesting-summer +landscape,Impressionism,claude-monet_apple-trees-in-bloom(1) +portrait,Impressionism,pierre-auguste-renoir_madeleine-leaning-on-her-elbow-with-flowers-in-her-hair-1918 +cityscape,Expressionism,amadeo-de-souza-cardoso_windows-of-a-fisherman-1915(1) +religious_painting,Expressionism,paula-modersohn-becker_the-good-samaritan-1907 +religious_painting,Baroque,guido-reni_st-joseph +still_life,Realism,vincent-van-gogh_still-life-with-coffee-mill-pipe-case-and-jug-1884 +sketch_and_study,Romanticism,orest-kiprensky_portrait-of-ivan-krylov-and-an-unknown-woman +portrait,Impressionism,gustave-caillebotte_portrait-of-madame-martial-caillebotte-1877 +portrait,Symbolism,konstantin-somov_portrait-of-the-composer-sergei-rachmaninov-1925 +genre_painting,Pointillism,henri-martin_banks-of-the-garonne +nude_painting,Expressionism,lucian-freud_night-portrait-face-down-2000 +religious_painting,Baroque,anthony-van-dyck_abraham-and-isaac +landscape,Cubism,auguste-herbin_mill-at-saint-b-nin +illustration,Art_Nouveau_Modern,heorhiy-narbut_illustration-to-wooden-eagle-1909-2 +genre_painting,Symbolism,kazimir-malevich_not_detected_219728 +cityscape,Impressionism,eugene-boudin_canal-near-brussels-1871 +still_life,Naive_Art_Primitivism,camille-bombois_bouquet +abstract_painting,Abstract_Expressionism,walter-darby-bannard_mandragora-1969 +genre_painting,Impressionism,berthe-morisot_rosalie-reisener +religious_painting,Northern_Renaissance,albrecht-altdorfer_passion-of-christ-2 +portrait,Rococo,louise-elisabeth-vigee-le-brun_portrait-of-caroline-murat-with-her-daughter-letizia-1807 +sketch_and_study,Realism,boris-kustodiev_portrait-of-s-r-ernst-1921 +landscape,Symbolism,nicholas-roerich_kangchenjunga-mountain-lakes-1931 +landscape,Impressionism,william-merritt-chase_shinnecock-hills-a-view-of-shinnecock +portrait,Realism,george-catlin_buffalo-bull-s-back-fat-stu-mick-o-s-cks-head-chief-of-the-blood-tribe-blackfoot-1832 +landscape,Impressionism,camille-pissarro_landscape-2 +landscape,Expressionism,edvard-munch_red-house-and-spruces-1927 +genre_painting,Romanticism,ford-madox-brown_pretty-baa-lambs-1852 +cityscape,Impressionism,camille-pissarro_route-du-fond-in-hermitage-pontoise-1877 +portrait,Impressionism,walter-sickert_harold-gilman +portrait,Art_Nouveau_Modern,felix-vallotton_portrait-of-french-writer-victor-charbonnel-1898 +landscape,Impressionism,julian-alden-weir_the-birches-1903 +landscape,Contemporary_Realism,john-miller_beach(6) +genre_painting,New_Realism,edward-hopper_two-comedians +still_life,Post_Impressionism,martiros-saryan_still-life-with-jug-and-fruit-1913 +landscape,Impressionism,pierre-auguste-renoir_little-river +portrait,Expressionism,frank-auerbach_portrait-of-julia +landscape,Post_Impressionism,wassily-kandinsky_beach-baskets-in-holland-1904 +landscape,Realism,maxime-lalanne_luz +genre_painting,Impressionism,childe-hassam_the-fireplace +still_life,Impressionism,pierre-auguste-renoir_cup-and-fruit +sketch_and_study,Baroque,peter-paul-rubens_study-for-a-standing-female-saint +landscape,Realism,pyotr-konchalovsky_the-women-on-the-track-1939 +landscape,Impressionism,willard-metcalf_morning-shadows +cityscape,Rococo,bernardo-bellotto_lagoon-landscape-1741 +sketch_and_study,Impressionism,julian-alden-weir_the-statue-of-liberty +still_life,Realism,adolf-hitler_white-orchids +cityscape,Cubism,tarsila-do-amaral_cityscape +cityscape,Expressionism,william-h.-johnson_cagnes-sur-mer-1927 +landscape,Realism,ivan-shishkin_forest-hut-1892 +religious_painting,Expressionism,corneliu-baba_piet-1986 +landscape,Romanticism,john-constable_scene-on-a-river-1 +landscape,Realism,gustave-courbet_waterfall-in-the-jura-1876 +sketch_and_study,Realism,boris-kustodiev_portrait-of-ilya-repin-1900 +illustration,Romanticism,louis-janmot_po-me-de-l-me-18-r-alit +religious_painting,Northern_Renaissance,hans-memling_angel-holding-an-olive-branch-1480 +abstract_painting,Cubism,jean-helion_figure-rose-1937 +portrait,Cubism,fã©lix-del-marle_study-for-a-portrait-of-jean-dupr-1913 +genre_painting,Romanticism,francesco-hayez_meditation-on-the-history-of-italy-1850 +portrait,Impressionism,augustus-john_king-feisal-of-iraq-1919 +sketch_and_study,Symbolism,kuzma-petrov-vodkin_over-a-cliff-1920 +genre_painting,Naive_Art_Primitivism,fernando-botero_the-siesta +abstract_painting,Color_Field_Painting,imi-knoebel_ich-nicht-viii-2006 +landscape,Realism,aleksey-savrasov_a-spring-day-1873 +landscape,Impressionism,claude-monet_sun-setting-over-the-seine-at-lavacourt-winter-effect-1880 +abstract_painting,Abstract_Expressionism,willem-de-kooning_excavation +portrait,Impressionism,gustave-caillebotte_portrait-of-paul-hugot +genre_painting,Realism,ilya-repin_the-boys-on-the-grass-1903 +genre_painting,Realism,vladimir-makovsky_in-the-hut-of-forester +cityscape,Expressionism,frank-auerbach_to-the-studios-1980 +genre_painting,Art_Nouveau_Modern,raphael-kirchner_all-healing-1 +genre_painting,Symbolism,konstantin-somov_date-night +portrait,Realism,martiros-saryan_portrait-of-a-film-director-ruben-simonov-1939 +abstract_painting,Color_Field_Painting,john-hoyland_red-blue-1969 +cityscape,Romanticism,cornelis-springer_view-behind-the-grote-kerk-in-naarden +portrait,Realism,vasily-perov_portrait-of-the-sculptor-vladimir-brovsky +genre_painting,Realism,ferdinand-hodler_the-cobbler-by-the-window-1882 +genre_painting,Realism,ivan-kramskoy_girl-with-washed-linen-on-the-yoke-1874 +portrait,Impressionism,edouard-manet_mother-in-the-garden-at-bellevue-1880 +abstract_painting,Minimalism,ellsworth-kelly_horizontal-and-vertical-lines-1951 +landscape,Impressionism,john-henry-twachtman_the-winding-brook-1890 +still_life,Fauvism,mary-fedden_still-life-with-fruit-and-flowers-1988 +genre_painting,Impressionism,stefan-luchian_the-laundress +portrait,Baroque,judith-leyster_the-jester-1625 +portrait,Romanticism,dante-gabriel-rossetti_the-loving-cup +portrait,Expressionism,edvard-munch_woman-in-blue-frau-barth-1921 +cityscape,Post_Impressionism,francisc-sirato_evening-at-balcic-1940 +still_life,Realism,henri-fantin-latour_still-life-with-peaches-1880 +landscape,Impressionism,maxime-maufra_the-old-mill-the-andelys +portrait,Realism,john-singer-sargent_betty-wertheimer +landscape,Impressionism,john-singer-sargent_the-simplon-1 +landscape,Symbolism,konstantin-bogaevsky_the-star-1908 +portrait,Impressionism,berthe-morisot_portrait-of-the-artist-s-sister-mme-edma-pontillon-c-1872-75 +religious_painting,High_Renaissance,pietro-perugino_the-pazzi-crucifixion-1496 +portrait,Realism,john-collier_mrs-huxley-1928 +landscape,Post_Impressionism,vincent-van-gogh_the-house-of-pere-pilon-1890 +portrait,Expressionism,martiros-saryan_the-head-of-the-girl-mariam-tazahulahyan-1912 +abstract_painting,Abstract_Expressionism,paul-jenkins_distance-finding-mozart +portrait,Impressionism,william-merritt-chase_the-pink-bow +cityscape,Art_Nouveau_Modern,anna-ostroumova-lebedeva_petersburg-new-holland-1901 +still_life,Impressionism,paul-gauguin_still-life-with-carafe-and-ceramic-figure-1885 +portrait,Impressionism,claude-monet_camille-on-the-beach-1871 +sketch_and_study,Post_Impressionism,vincent-van-gogh_a-lane-of-cypresses-with-a-couple-walking-1888(1) +landscape,Pointillism,henri-martin_terrace-in-marquayrol +cityscape,Post_Impressionism,gustave-loiseau_port-of-fecamp-1 +genre_painting,Post_Impressionism,maurice-prendergast_buck-s-harbor +portrait,Realism,ilya-repin_portrait-of-e-g-mamontova-1879 +portrait,Mannerism_Late_Renaissance,paolo-veronese_figures-behind-the-parapet-1561 +portrait,Baroque,frans-hals_portrait-of-a-man-8 +landscape,Abstract_Expressionism,jimmy-ernst_sea-of-grass-1983 +religious_painting,Realism,vasily-polenov_the-limits-of-tyre-1911 +landscape,Realism,vasily-polenov_ebb-vel-1874 +portrait,Fauvism,ilya-mashkov_portrait-of-evguenia-kirkaldi-1910 +landscape,Realism,ivan-shishkin_gathering-storm-1884 +landscape,Impressionism,claude-monet_autumn-on-the-seine-at-argenteuil +abstract_painting,Abstract_Expressionism,ronnie-landfield_the-storm-from-denver-to-the-bronx-1970 +genre_painting,Baroque,bartolome-esteban-murillo_a-girl-and-her-duenna-1670 +portrait,Rococo,joshua-reynolds_sir-thomas-kennedy-james-caulfeild-mr-ward-and-mr-phelps +portrait,Post_Impressionism,henri-matisse_portrait-of-his-daughter-margaret +sketch_and_study,Expressionism,chronis-botsoglou_self-portrait-1998 +landscape,Realism,ivan-shishkin_forest-road-1892 +portrait,Realism,william-adolphe-bouguereau_vocation-1896 +cityscape,Impressionism,eugene-boudin_door-of-the-touques-church +landscape,Impressionism,edgar-degas_houses-at-the-foot-of-a-cliff-saint-valery-sur-somme +landscape,Romanticism,lev-lagorio_farmhouse-on-the-island-1895 +landscape,Realism,isaac-levitan_by-the-whirlpool-1891-1 +abstract_painting,Abstract_Expressionism,horia-bernea_prapor +portrait,Cubism,juan-gris_not_detected_207837 +genre_painting,Expressionism,arturo-souto_dance-class-1932 +nude_painting,Realism,nikolay-bogdanov-belsky_nude-model +genre_painting,Baroque,jan-steen_village-festival-with-the-ship-of-saint-rijn-uijt +cityscape,Impressionism,claude-monet_rouen-cathedral-grey-weather +genre_painting,Romanticism,william-holman-hunt_the-festival-of-st-swithin-or-the-dovecote-1875 +abstract_painting,Minimalism,brice-marden_grove-group-i-1973 +genre_painting,Northern_Renaissance,pieter-bruegel-the-elder_the-beggars-1568 +portrait,Rococo,dmitry-levitzky_portrait-of-i-v-lopukhin +religious_painting,High_Renaissance,vittore-carpaccio_the-calling-of-st-matthew-1507 +portrait,Realism,john-singer-sargent_margaret-hyde-19th-countess-of-suffolk-1898 +portrait,Rococo,joseph-wright_portrait-of-fleetwood-hesketh-1769 +religious_painting,Northern_Renaissance,hieronymus-bosch_the-garden-of-earthly-delights-1516-11 +genre_painting,Baroque,rembrandt_a-beggar-and-a-companion-piece-turned-to-the-right-1634 +landscape,Realism,ion-andreescu_beech-forest +landscape,Impressionism,konstantin-korovin_last-snow +landscape,Realism,isaac-levitan_watermill +portrait,Romanticism,edward-burne-jones_girl-and-goldfish-1861 +landscape,Realism,aleksey-savrasov_thunderstorm-1856 +landscape,Symbolism,gustav-klimt_the-tall-poplar-trees-ii +genre_painting,Impressionism,edgar-degas_pink-dancer +landscape,Realism,camille-corot_mont-soracte +sketch_and_study,Expressionism,carlos-saenz-de-tejada_sketch-of-decoration-for-the-dome-convent-of-jesus-and-mary-college +cityscape,Romanticism,ivan-aivazovsky_smolny-convent-1849 +genre_painting,Impressionism,konstantin-korovin_spring-rituals +landscape,Rococo,thomas-gainsborough_drinkstone-park-cornard-woodland +genre_painting,Realism,thomas-eakins_baby-at-play-1876 +landscape,Impressionism,ion-andreescu_mountain-landscape +genre_painting,Expressionism,martiros-saryan_the-blessing-of-the-elderly-1923 +sketch_and_study,Symbolism,nicholas-roerich_karelia +landscape,Art_Nouveau_Modern,nicholas-roerich_punkaharju-1907 +illustration,Symbolism,mikhail-vrubel_tamara-and-demon-1891-1 +portrait,Impressionism,valentin-serov_mika-morozov-1901 +cityscape,Impressionism,pierre-auguste-renoir_the-port-of-rochelle-1896 +abstract_painting,Color_Field_Painting,gene-davis_citadel-1962 +portrait,Romanticism,orest-kiprensky_young-gardener-1817 +portrait,Impressionism,lovis-corinth_woman-s-half-portrait-with-straw-hat-luise-halbe-1898 +landscape,Realism,john-singer-sargent_villa-torlonia-fountain-1907 +cityscape,Impressionism,antoine-blanchard_l-opera-caf-de-la-paix +religious_painting,Mannerism_Late_Renaissance,el-greco_the-resurrection-1600 +portrait,Rococo,louise-elisabeth-vigee-le-brun_portrait-of-charles-alexandre-de-calonne-1784 +sketch_and_study,Realism,vincent-van-gogh_peasant-woman-planting-potatoes-1885 +religious_painting,Romanticism,eugene-delacroix_the-descent-from-the-cross(1) +portrait,Rococo,louise-elisabeth-vigee-le-brun_elisabeth-alexeievna +landscape,Realism,isaac-levitan_at-the-birch-grove +religious_painting,Baroque,johannes-vermeer_saint-praxedis +abstract_painting,Abstract_Expressionism,brice-marden_suicide-note-1973 +religious_painting,Early_Renaissance,luca-signorelli_the-crucifixion-2 +portrait,Impressionism,pierre-auguste-renoir_romaine-lascaux-1864 +landscape,Realism,ivan-shishkin_oak-1865 +religious_painting,Northern_Renaissance,albrecht-durer_st-jerome-1492 +cityscape,Post_Impressionism,piet-mondrian_village-church-1898 +portrait,Impressionism,valentin-serov_portrait-of-grand-duchess-olga-alexandrovna-1893 +sketch_and_study,Post_Impressionism,vincent-van-gogh_wheat-field-1888 +religious_painting,Symbolism,salvador-dali_omnes-gentes-in-valle-iosaphat-joel-3-2-1967 +portrait,Expressionism,iosif-iser_tatar-women +abstract_painting,Minimalism,enrico-castellani_similmente +genre_painting,Impressionism,eugene-boudin_beach-scene-at-trouville-2 +landscape,Impressionism,egon-schiele_house-with-a-bay-window-in-the-garden-1907 +genre_painting,Art_Nouveau_Modern,henri-de-toulouse-lautrec_the-last-drop-1887 +abstract_painting,Abstract_Expressionism,elaine-de-kooning_sunday-afternoon-1957 +landscape,Romanticism,john-constable_malvern-hall +portrait,Realism,giovanni-boldini_lady-colin-campbell-1897 +portrait,Romanticism,francesco-hayez_portrait-of-antoniet-tarsis-basilico-1851 +illustration,Pop_Art,peter-max_discovery-1992 +cityscape,Realism,vasily-vereshchagin_hemis-monastery-in-ladakh-1875 +genre_painting,Art_Nouveau_Modern,aubrey-beardsley_the-fruit-bearers +religious_painting,Northern_Renaissance,robert-campin_holy-virgin-in-glory-1430 +abstract_painting,Abstract_Expressionism,arthur-pinajian_untitled-landscape-bellport-no-732-1992 +genre_painting,Impressionism,theophrastos-triantafyllidis_boating +still_life,Synthetic_Cubism,juan-gris_fruit-bowl-book-and-newspaper +landscape,Impressionism,armand-guillaumin_valley-in-pontgibaud-1890 +sketch_and_study,Realism,vincent-van-gogh_peasant-woman-gleaning-1885-1 +portrait,Art_Nouveau_Modern,jacek-malczewski_a-woman-in-a-grove-1917 +still_life,Synthetic_Cubism,juan-gris_guitar-and-fruit-dish-1 +cityscape,Pop_Art,hiro-yamagata_snowfire-1986 +portrait,Northern_Renaissance,lucas-cranach-the-elder_portrait-of-johann-friederich-i-the-magnanimous-elector-of-saxony-1509 +landscape,Impressionism,laszlo-mednyanszky_hildside-at-springtime-little-landscape-1904 +illustration,Symbolism,william-blake_illustration-to-milton-s-paradise-lost-1808 +cityscape,Realism,vasily-surikov_venice +portrait,Analytical_Cubism,albert-gleizes_portrait-of-igor-stravinsky-1914 +abstract_painting,Minimalism,agnes-martin_untitled-1994 +portrait,Realism,henri-fantin-latour_the-dubourg-family-1878 +religious_painting,Northern_Renaissance,albrecht-altdorfer_penitent-st-jerome-1507 +still_life,Impressionism,james-mcneill-whistler_blue-and-white-covered-urn +landscape,Realism,john-singer-sargent_moorish-courtyard-1913 +landscape,Art_Nouveau_Modern,anna-ostroumova-lebedeva_rainbow-1923 +illustration,Romanticism,andrei-ryabushkin_volga-vseslavevich +landscape,Fauvism,janos-mattis-teutsch_landscape-1918(1) +portrait,Romanticism,camille-corot_young-woman-at-the-well-1870 +portrait,High_Renaissance,vittore-carpaccio_portrait-of-a-young-woman +landscape,Realism,konstantinos-volanakis_karaiskakis-faliro +nude_painting,Post_Impressionism,nicolae-tonitza_back-nude-1929 +genre_painting,Impressionism,childe-hassam_across-the-avenue-in-sunlight-june +nude_painting,Expressionism,lucian-freud_naked-portait-and-a-green-chair +portrait,Realism,theodor-severin-kittelsen_johanna +portrait,Realism,nikolaos-gyzis_pastry-man +religious_painting,Baroque,rembrandt_joseph-and-potiphar-s-wife-1634 +genre_painting,Post_Impressionism,walter-sickert_brighton-pierrots-1915 +cityscape,Impressionism,berthe-morisot_the-quay-at-bougival +portrait,Expressionism,george-bouzianis_figure-of-a-woman +genre_painting,Impressionism,joaquã­n-sorolla_dragging-the-trawler-1904 +cityscape,Impressionism,antoine-blanchard_theatre-des-varietes-large-3 +landscape,Realism,ivan-shishkin_por-threshold-1889 +still_life,Post_Impressionism,paul-cezanne_still-life-with-apples-and-fruit-bowl-1882 +landscape,Realism,konstantin-bogaevsky_landscape-1940 +cityscape,Post_Impressionism,edouard-cortes_st-martin-3 +genre_painting,Expressionism,edvard-munch_high-summer-ii-1915 +landscape,Symbolism,nicholas-roerich_kangchenjunga-1924-1 +abstract_painting,Abstract_Expressionism,helen-frankenthaler_harbinger-1986 +landscape,Impressionism,nicolae-vermont_namaiesti-monastery-1901 +sketch_and_study,Rococo,maurice-quentin-de-la-tour_study-of-the-portrait-1 +portrait,Realism,giovanni-boldini_morning-letter-1884 +portrait,Realism,john-everett-millais_little-speedwell-s-darling-blue-1892 +genre_painting,Art_Nouveau_Modern,carl-larsson_a-fairy-or-kersti-and-a-view-of-a-meadow(1) +cityscape,Impressionism,pablo-picasso_palace-of-arts-barcelona-1903 +cityscape,Naive_Art_Primitivism,jules-lefranc_la-place-vend-me-ciel-gris +landscape,Realism,theodore-rousseau_not_detected_198938 +portrait,Baroque,frans-hals_portrait-of-isaac-abrahamsz-1635 +genre_painting,Romanticism,jan-matejko_samuel-zborowski +portrait,Early_Renaissance,domenico-ghirlandaio_portrait-of-giovanna-tornabuoni +still_life,Impressionism,paul-gauguin_flowers-and-carpet-1881 +landscape,Impressionism,piet-mondrian_meandering-landscape-with-river-1907 +genre_painting,Post_Impressionism,maurice-prendergast_girls-in-the-park +nude_painting,Post_Impressionism,theo-van-rysselberghe_four-bathers +landscape,Impressionism,pierre-auguste-renoir_landscape-near-manton-1883 +sketch_and_study,Post_Impressionism,vincent-van-gogh_pine-trees-in-front-of-the-wall-of-the-asylum-4-1889 +abstract_painting,Color_Field_Painting,alma-woodsey-thomas_a-glimpse-of-mars-1969 +sketch_and_study,Realism,vasily-perov_general-requiring-horses-sketch-for-the-painting-the-scene-at-the-post-office-1866 +sketch_and_study,Romanticism,edwin-henry-landseer_sir-francis-burdett +religious_painting,Northern_Renaissance,hieronymus-bosch_death-and-the-miser-2 +genre_painting,Romanticism,francisco-goya_young-people-laughing-1823 +genre_painting,Impressionism,paul-cezanne_bathers +portrait,Art_Nouveau_Modern,egon-schiele_portrait-of-the-composer-arthur-lowenstein-1909 +nude_painting,Impressionism,edgar-degas_woman-drying-herself-1886 +portrait,Naive_Art_Primitivism,niko-pirosmani_shota-rustaveli-and-queen-tamar-1915 +portrait,Ukiyo_e,tsukioka-yoshitoshi_the-appearance-of-a-waitress-at-fukagawa-in-the-tempo-era +abstract_painting,Minimalism,john-mclaughlin_number-17-1962 +illustration,Symbolism,konstantin-somov_cover-of-the-fashion-magazine-parisian +genre_painting,Impressionism,konstantin-korovin_winter-twilight +portrait,Baroque,guido-reni_portrait-of-a-girl-with-crown-1642 +genre_painting,Contemporary_Realism,eric-fischl_corrida-in-ronda-no-4 +landscape,Post_Impressionism,vincent-van-gogh_farmhouse-in-a-wheat-field-1888-1(1) +landscape,Impressionism,camille-pissarro_pontoise-landscape-through-the-fields-1879 +illustration,Romanticism,gustave-dore_don-quixote-54 +landscape,Impressionism,willard-metcalf_farm-scene +cityscape,Impressionism,camille-pissarro_the-great-bridge-rouen-1896 +portrait,Romanticism,karl-bryullov_portrait-of-i-a-beck +portrait,Mannerism_Late_Renaissance,titian_the-doge-niccolo-marcello-1542 +sketch_and_study,Romanticism,dante-gabriel-rossetti_annie-miller-1877-2 +genre_painting,Expressionism,albert-bloch_three-pierrots-and-harlequin-1914 +landscape,Rococo,thomas-gainsborough_figures-with-cart-at-roadside +landscape,Romanticism,ivan-aivazovsky_night-at-crimea-view-on-ayu-dag-1859 +landscape,Impressionism,camille-pissarro_the-effect-of-snow-at-l-hermitage-pontoise-1875 +religious_painting,Expressionism,max-beckmann_adam-and-eve-1917 +portrait,Impressionism,edouard-manet_portrait-of-mademoiselle-isabelle-lemonnier +landscape,Impressionism,giovanni-fattori_l-arno-presso-bellariva-1870 +portrait,Mannerism_Late_Renaissance,tintoretto_man-in-armour +genre_painting,Romanticism,william-turner_frosty-morning +portrait,Impressionism,joaquã­n-sorolla_head-of-an-italian-girl-1886 +genre_painting,Impressionism,eugene-boudin_beach-scene-villers-1894 +cityscape,Post_Impressionism,gustave-loiseau_moulin-simondou-a-pont-aven +sketch_and_study,Realism,arkhip-kuindzhi_ploughing-on-oxen +portrait,Romanticism,dante-gabriel-rossetti_the-twig-1865 +landscape,Realism,isaac-levitan_quiet-cloister-1890-3 +religious_painting,Northern_Renaissance,rogier-van-der-weyden_saint-jerome-and-the-lion-1450 +portrait,Realism,pyotr-konchalovsky_portrait-of-manuel-pavon-1940 +portrait,Post_Impressionism,moise-kisling_portrait-of-madeleine-sologne-1936 +landscape,Impressionism,pierre-auguste-renoir_a-walk-by-the-sea-1915 +abstract_painting,Abstract_Expressionism,joan-mitchell_untitled-1959 +portrait,Realism,vasily-tropinin_portrait-of-the-actor-v-a-karatyghin-1842 +abstract_painting,Minimalism,pino-pinelli_pittura-b-1995 +landscape,Impressionism,claude-monet_vetheuil-under-the-sun +religious_painting,Early_Renaissance,paolo-uccello_oculus-depicting-the-resurrection-1443 +portrait,Impressionism,stefan-luchian_the-millet-beer-seller +portrait,Cubism,georges-braque_head-of-a-woman-1909 +abstract_painting,Minimalism,derek-boshier_output-1966 +landscape,Realism,pyotr-konchalovsky_the-trees-behind-the-fence-1940 +religious_painting,High_Renaissance,lorenzo-lotto_the-nativity-1527 +landscape,Realism,felix-vallotton_usous-wood +illustration,Northern_Renaissance,albrecht-durer_title-page-to-the-second-latin-edition-of-1511-1498 +portrait,Impressionism,valentin-serov_portrait-of-konstantin-korovin-1891 +sketch_and_study,Post_Impressionism,henri-de-toulouse-lautrec_portrait-of-misia-natanson +still_life,Symbolism,kuzma-petrov-vodkin_apple-and-cherry-1917 +portrait,Art_Nouveau_Modern,max-slevogt_anna-pawlowa +genre_painting,Realism,john-singer-sargent_on-his-holidays-norway-1901 +abstract_painting,Abstract_Expressionism,milton-resnick_hawkeye-ii-1971 +still_life,Cubism,georges-braque_still-life-with-guitar-1935 +religious_painting,Northern_Renaissance,albrecht-durer_the-fall-1511 +genre_painting,Impressionism,edgar-degas_dancers-in-a-studio +cityscape,Post_Impressionism,gustave-loiseau_the-loing-at-moret +landscape,Impressionism,william-merritt-chase_landscape-a-shinnecock-vale +landscape,Romanticism,franz-richard-unterberger_the-bay-of-naples-1 +abstract_painting,Abstract_Expressionism,miriam-schapiro_autobiography +portrait,Realism,mykola-yaroshenko_portrait-of-p-strepetova-1884 +cityscape,Pop_Art,hiro-yamagata_not-detected-272398 +landscape,Symbolism,jozsef-rippl-ronai_cherry-tree-blossoms +religious_painting,Northern_Renaissance,albrecht-durer_christ-taken-captive-1510 +portrait,Expressionism,william-h.-johnson_arab-woman-kairouan-1932 +landscape,Pointillism,georges-lemmen_rooftops +genre_painting,Rococo,william-hogarth_the-tete-a-tete-1743 +cityscape,Pop_Art,hiro-yamagata_tour-de-france-1983 +cityscape,Impressionism,claude-monet_street-in-saint-adresse +landscape,Realism,ivan-shishkin_summer-day-trees +sketch_and_study,Romanticism,orest-kiprensky_anacreon-s-grave-1820 +religious_painting,Early_Renaissance,sandro-botticelli_workshop-of-esther-at-the-palace-gate-1480(1) +landscape,Post_Impressionism,paul-cezanne_in-the-forest-1899 +landscape,Post_Impressionism,maurice-de-vlaminck_snowstorm +religious_painting,Romanticism,gustave-dore_samson-destroys-the-philistines-with-an-ass-jawbone +abstract_painting,Abstract_Expressionism,ad-reinhardt_number-6-1946 +still_life,Post_Impressionism,francisc-sirato_red-and-pink-roses-1940 +landscape,Realism,isaac-levitan_about-nightfall-grove +landscape,Impressionism,t.-c.-steele_the-house-of-the-singing-winds +cityscape,Post_Impressionism,vincent-van-gogh_gate-in-the-paris-ramparts-1887(1) +nude_painting,Realism,anton-azbe_half-nude-1888 +genre_painting,Expressionism,marcel-janco_mother-and-children +religious_painting,Northern_Renaissance,albrecht-durer_st-george +still_life,Post_Impressionism,karl-schrag_mexican-sky +landscape,Impressionism,paul-gauguin_winter-landscape-1879 +portrait,Pointillism,richard-gerstl_portrait-of-a-gentleman-1907 +cityscape,Realism,vasily-sadovnikov_view-of-the-winter-palace-from-the-west-1840 +abstract_painting,Color_Field_Painting,paul-feeley_untitled-1962 +portrait,Pop_Art,tano-festa_da-michelangelo-trittico-1978 +still_life,Post_Impressionism,serge-sudeikin_saxon-figurines-1911 +sketch_and_study,Realism,vasily-perov_modern-idyll-1880 +landscape,Realism,ivan-shishkin_oak-grove-in-a-gray-day-1873 +sketch_and_study,Ukiyo_e,katsushika-hokusai_drawing-of-man-resting-on-axe-and-carrying-part-of-tree-trunk-on-his-back +genre_painting,Post_Impressionism,pablo-picasso_bullfight-scene-1901 +cityscape,Post_Impressionism,vincent-van-gogh_le-moulin-de-la-gallette-3-1886 +religious_painting,Symbolism,james-tissot_the-fire-of-atonement-1900 +genre_painting,Expressionism,balthus_the-golden-fruit-1956 +religious_painting,Baroque,annibale-carracci_baptism-of-christ-1584 +genre_painting,Art_Nouveau_Modern,raphael-kirchner_two-in-a-car-1916 +genre_painting,Realism,vasily-perov_receiving-wanderer-1874 +illustration,Romanticism,gustave-dore_the-crusaders-crossing-mount-taurus +portrait,Realism,vasily-tropinin_portrait-l-k-makovsky-1830 +landscape,Realism,camille-pissarro_landscape-with-house-in-the-woods-in-saint-thomas-antilles +landscape,Expressionism,spyros-papaloukas_landscape +portrait,Impressionism,giuseppe-de-nittis_presso-al-lago +genre_painting,Impressionism,childe-hassam_the-new-york-window +still_life,Baroque,willem-kalf_still-life-with-silver-bowl-glasses-and-fruit-1658 +portrait,Rococo,joshua-reynolds_augustus-keppel-1783 +landscape,Post_Impressionism,kuzma-petrov-vodkin_biribi-1907 +genre_painting,Post_Impressionism,grã©goire-michonze_figures-in-the-village-1964 +portrait,Impressionism,john-singer-sargent_village-children-1890 +religious_painting,Symbolism,james-tissot_jesus-goes-up-alone-onto-a-mountain-to-pray-1894 +portrait,Impressionism,pierre-auguste-renoir_girl-with-a-dog +portrait,Realism,thomas-eakins_portrait-of-lucy-langdon-williams-wilson-1908 +abstract_painting,Abstract_Expressionism,hans-hofmann_summer-night-s-bliss-1961 +portrait,Impressionism,giuseppe-de-nittis_a-lady-from-naples +portrait,Expressionism,mark-rothko_untitled-14 +abstract_painting,Abstract_Expressionism,arthur-pinajian_untitled-1960 +portrait,Symbolism,stefan-luchian_mother-with-baby +landscape,Impressionism,alfred-sisley_trees-in-bloom-1889 +cityscape,Expressionism,lyonel-feininger_city-on-the-mountain-stadt-auf-dem-berge-1918 +abstract_painting,Color_Field_Painting,luis-feito_untitled +genre_painting,Impressionism,joaquã­n-sorolla_louis-comfort-tiffany-1911 +landscape,Realism,camille-corot_view-of-the-colosseum-from-the-farnese-gardens-1826 +religious_painting,High_Renaissance,luca-signorelli_the-crucifixion-1505 +sketch_and_study,Post_Impressionism,pyotr-konchalovsky_still-life-samovar-1913 +still_life,Cubism,louis-marcoussis_still-life-with-window +genre_painting,Romanticism,francisco-goya_the-blind-guitar-player +genre_painting,Art_Nouveau_Modern,carl-larsson_the-manure-pile-1906(1) +genre_painting,Impressionism,edgar-degas_dancer-with-bouquets +landscape,Post_Impressionism,vincent-van-gogh_mountains-at-saint-remy-with-dark-cottage-1889 +nude_painting,Ukiyo_e,utagawa-kunisada_not_detected_240335 +portrait,Rococo,vladimir-borovikovsky_portrait-of-grand-duke-konstantin-pavlovich-1795 +nude_painting,Romanticism,paul-cezanne_a-male-nude-1863 +portrait,Expressionism,ernst-ludwig-kirchner_milliner-with-hat +genre_painting,Impressionism,santiago-rusinol_summer-shower-1891 +sketch_and_study,Art_Nouveau_Modern,nicholas-roerich_yaroslavna-s-lament +abstract_painting,Color_Field_Painting,jack-bush_green-loop-1971 +genre_painting,Impressionism,camille-pissarro_haymaking +portrait,Realism,john-singer-sargent_mrs-albert-vickers-1884 +genre_painting,Realism,pablo-picasso_the-altarboy-1896 +portrait,Expressionism,zinaida-serebriakova_portrait-of-a-woman-1923 +landscape,Romanticism,thomas-moran_haunted-house-1858 +landscape,Impressionism,eugene-boudin_etaples-la-canache-high-tide-1890 +still_life,Post_Impressionism,giorgio-morandi_still-life-the-blue-vase-1920 +landscape,Impressionism,alfred-sisley_walnut-trees-sunset-early-days-of-october-1882 +abstract_painting,Abstract_Expressionism,theodoros-stamos_the-door-1961 +portrait,Expressionism,paula-modersohn-becker_portrait-of-a-peasant-woman-with-hood-1903 +genre_painting,Baroque,francesco-guardi_carnival-thursday-on-the-piazzetta-1770 +sketch_and_study,Realism,isaac-levitan_forest-edge +nude_painting,Post_Impressionism,alekos-kontopoulos_naked-in-the-woods-1932 +landscape,Romanticism,lev-lagorio_an-old-mill-1859 +religious_painting,Symbolism,salvador-dali_canita-tuba-in-sion-joel-2-1-1967 +sketch_and_study,Realism,isaac-levitan_building-by-the-water-at-the-edge-of-village +genre_painting,Impressionism,nikolay-bogdanov-belsky_by-the-campfire +genre_painting,Impressionism,edgar-degas_at-the-milliner-s-1 +cityscape,Romanticism,richard-parkes-bonington_front-view-of-the-cathedral-1822 +landscape,Fauvism,janos-mattis-teutsch_landscape-with-road-1916 +portrait,Expressionism,amedeo-modigliani_portrait-of-diego-rivera-1916 +portrait,Impressionism,giovanni-boldini_reading-sold +genre_painting,Naive_Art_Primitivism,david-burliuk_the-last-cow +landscape,Realism,m.c.-escher_not_detected_204677 +landscape,Impressionism,lucian-grigorescu_prim-var-la-balcic-1936 +religious_painting,Early_Renaissance,filippo-lippi_adoration-of-the-child-with-saints-1465 +portrait,Impressionism,philip-de-laszlo_edwina-mountbatten-countess-mountbatten-of-burma-1924 +landscape,Impressionism,alfred-sisley_the-hills-of-la-bouille-1894 +sketch_and_study,Post_Impressionism,vincent-van-gogh_arums(1) +genre_painting,Post_Impressionism,pablo-picasso_the-pool-of-tuileries-1901 +genre_painting,Symbolism,odilon-redon_the-green-horseman +nude_painting,Contemporary_Realism,eric-fischl_the-travel-of-romance-scene-i +portrait,Romanticism,vasily-tropinin_a-portrait-of-a-georgian-woman +portrait,Impressionism,william-merritt-chase_portrait-of-a-lady +portrait,Realism,vasily-vereshchagin_parsi-priest-fire-worshiper-bombay-1876 +portrait,Baroque,rembrandt_portrait-of-a-man-1632 +landscape,Expressionism,ernst-ludwig-kirchner_return-of-the-animals +portrait,Romanticism,taras-shevchenko_portrait-of-y-f-rudzinsky-1845 +genre_painting,Impressionism,maurice-prendergast_evening-shower-paris +nude_painting,Cubism,ernst-ludwig-kirchner_three-naked-in-the-forest-1935 +illustration,Romanticism,gustave-dore_this-said-they-both-betook-them-several-ways +sketch_and_study,Realism,vincent-van-gogh_three-hands-two-with-knives +landscape,Realism,theodor-aman_jardin-du-luxembourg +genre_painting,Impressionism,edgar-degas_singers-on-stage +genre_painting,Naive_Art_Primitivism,grandma-moses_christmas-at-home +genre_painting,Realism,james-tissot_spring +landscape,Realism,aleksey-savrasov_oaks-1855 +abstract_painting,Minimalism,brice-marden_untitled-1965 +landscape,Impressionism,claude-monet_three-trees-in-spring +landscape,Romanticism,caspar-david-friedrich_neubrandenburg-1817 +genre_painting,Post_Impressionism,paul-gauguin_sheperd-and-sheperdess-in-a-meadow-1888 +genre_painting,Naive_Art_Primitivism,william-h.-johnson_lunchtime-rest-1941(1) +genre_painting,Ukiyo_e,kitagawa-utamaro_dressing-a-boy-on-the-occasion-of-his-first-letting-his-hair-grow +portrait,Impressionism,valentin-serov_anna-pavlova-in-the-ballet-sylphyde-1909 +portrait,Realism,john-singer-sargent_dorothy-1900 +landscape,Abstract_Expressionism,kazuo-nakamura_white-landscape-1953 +abstract_painting,Color_Field_Painting,helen-frankenthaler_distillation-1973 +religious_painting,Northern_Renaissance,joachim-wtewael_supper-at-emmaus +portrait,Baroque,le-nain-brothers_the-academy +still_life,Baroque,frans-snyders_still-life-with-fruit-basket-and-game +cityscape,Post_Impressionism,maurice-utrillo_chapelle-de-buis +portrait,Art_Nouveau_Modern,boris-kustodiev_coachman-1920 +landscape,Realism,camille-corot_the-ponds-of-ville-d-avray +portrait,Impressionism,mary-cassatt_simone-in-white-bonnet-seated-with-clasped-hands-no-1 +cityscape,Impressionism,antoine-blanchard_grands-boulevards +portrait,Realism,john-singer-sargent_edwin-booth-1890 +genre_painting,Impressionism,pierre-auguste-renoir_two-women-and-a-child +genre_painting,Impressionism,berthe-morisot_young-girl-and-the-budgie +still_life,Cubism,georges-braque_lemons-1929 +illustration,Romanticism,gustave-dore_don-quixote-94 +landscape,Realism,vasily-polenov_winter-1890 +abstract_painting,Cubism,fernand-leger_discs-1919 +nude_painting,Post_Impressionism,pablo-picasso_reclining-nude-fernande-1906 +sketch_and_study,Northern_Renaissance,albrecht-durer_madonna-and-child-with-the-little-st-john +landscape,Impressionism,claude-monet_port-d-amount-etretat +landscape,Symbolism,konstantin-somov_in-the-park-of-versailles +abstract_painting,Color_Field_Painting,frank-stella_rayy-sketch +genre_painting,Impressionism,camille-pissarro_the-tedders +genre_painting,Expressionism,edvard-munch_towards-the-forest-ii-1915 +cityscape,Impressionism,antoine-blanchard_le-moulin-rouge-place-blanche-a-montmartre +genre_painting,Expressionism,corneliu-baba_steel-workers +religious_painting,Symbolism,pierre-puvis-de-chavannes_the-prodigal-son-2 +cityscape,Post_Impressionism,maurice-prendergast_park-naples +landscape,Symbolism,nicholas-roerich_kangchenjunga-4 +genre_painting,Impressionism,john-lavery_sutton-courtenay-summer-on-the-river-or-the-wharf-1917 +landscape,Post_Impressionism,albert-marquet_river-scene +portrait,Expressionism,amedeo-modigliani_woman-with-red-hair-1917 +genre_painting,Post_Impressionism,georges-seurat_boy-with-horse-1883 +nude_painting,Expressionism,august-macke_three-acts +landscape,Expressionism,georges-braque_the-weeding-machine-1961 +nude_painting,Art_Nouveau_Modern,raphael-kirchner_nude-drawings-2 +cityscape,Post_Impressionism,panayiotis-tetsis_cityscape +portrait,Symbolism,henri-fantin-latour_head-of-a-young-woman-1876 +portrait,Symbolism,kuzma-petrov-vodkin_portrait-of-n-l-1922 +illustration,Romanticism,joseph-wright_edwin-from-minstrel-by-dr-beattie +landscape,Realism,volodymyr-orlovsky_huts-in-summer-day-1870(1) +genre_painting,Impressionism,pablo-picasso_brasserie-on-monmartre +nude_painting,Realism,anders-zorn_the-two-1916 +portrait,Romanticism,theodore-gericault_portrait-of-laura-bro-1820 +abstract_painting,Minimalism,pino-pinelli_pittura-bl-g-1993 +genre_painting,Impressionism,mary-cassatt_reine-lefebre-and-margot-before-a-window-1902 +portrait,Expressionism,akseli-gallen-kallela_portrait-of-maxim-gorky-1906 +portrait,Romanticism,john-hoppner_princess-amelia-1785 +genre_painting,Expressionism,periklis-vyzantios_hunger +abstract_painting,Color_Field_Painting,sam-francis_untitled-sfs-243-1968 +cityscape,New_Realism,george-luks_brooklyn-bridge-1916 +genre_painting,Impressionism,eugene-boudin_trouville-fish-market-1875 +genre_painting,Romanticism,mykola-pymonenko_ukrainian-night-1905 +portrait,Fauvism,john-duncan-fergusson_anne-estelle-rice-in-paris-closerie-des-lilas-1907 +portrait,Expressionism,paul-klee_pierrot-lunaire-1924(1) +abstract_painting,Color_Field_Painting,gene-davis_triple-jump-1962 +portrait,High_Renaissance,lorenzo-lotto_portrait-of-a-gentleman-in-his-study +cityscape,Expressionism,gerard-sekoto_paris-street-scene +religious_painting,Baroque,rembrandt_the-circumcision-1661 +genre_painting,Baroque,aelbert-cuyp_a-distant-view-of-dordrecht-with-a-milkmaid-and-four-cow-1650 +portrait,Naive_Art_Primitivism,henri-rousseau_marshal-des-logis-frumence-biche-of-the-35th-artillery +nude_painting,Art_Nouveau_Modern,raphael-kirchner_nude-drawings-10 +landscape,Fauvism,janos-mattis-teutsch_landscape-with-mountains-1916 +genre_painting,Impressionism,berthe-morisot_pasie-sewing-in-bougival-s-garden-1881 +landscape,Realism,ivan-shishkin_go-to-the-autumn-1880 +nude_painting,Impressionism,pierre-auguste-renoir_bather-1905 +genre_painting,Romanticism,sir-lawrence-alma-tadema_depiction-of-joseph-reading-to-the-pharaoh-1878 +genre_painting,Impressionism,theodor-aman_costume-party-in-the-workshop-1885 +portrait,Fauvism,maurice-de-vlaminck_woman-with-a-dog-1906 +religious_painting,Symbolism,odilon-redon_jacob-wrestling-with-the-angel-1 +landscape,Realism,isaac-levitan_the-gully-1898 +landscape,Romanticism,william-turner_norham-castle-sunrise-1845 +portrait,Baroque,frans-hals_a-young-man-in-a-large-hat-1629 +cityscape,Symbolism,mikalojus-ciurlionis_allegro-sonata-of-the-sun-1907(1) +religious_painting,Mannerism_Late_Renaissance,paolo-veronese_assumption-1587 +genre_painting,Expressionism,margareta-sterian_behind-the-curtain +portrait,Romanticism,christen-kobke_portrait-of-frederik-hansen-s-dring-1832 +genre_painting,Baroque,rembrandt_a-beggar-sitting-in-an-elbow-chair-1630 +abstract_painting,Color_Field_Painting,sean-scully_raval-rojo-2004 +landscape,Symbolism,nicholas-roerich_tibetian-fortress-1936 +abstract_painting,Minimalism,yves-gaucher_b-w-vi-1970 +landscape,Realism,thomas-eakins_delaware-river-scene-1881 +illustration,Naive_Art_Primitivism,oskar-kokoschka_not_detected_235924 +sketch_and_study,Post_Impressionism,vincent-van-gogh_child-and-woman-pouring-coffee-1890(1) +cityscape,Impressionism,t.-c.-steele_tinker-place-1891 +portrait,Symbolism,mikhail-nesterov_portrait-of-olga-nesterova-woman-in-a-riding-habit-1906 +portrait,Post_Impressionism,kazimir-malevich_portrait-of-woman-in-yellow-hat-1930 +genre_painting,Baroque,pieter-de-hooch_going-for-the-walk +religious_painting,Northern_Renaissance,albrecht-durer_ecce-homo +cityscape,Impressionism,lucian-grigorescu_peisaj-din-bucure-ti-1946 +landscape,Symbolism,nicholas-roerich_chan-thang-northern-tibet-1939 +religious_painting,Post_Impressionism,maurice-denis_the-offertory-at-calvary +genre_painting,Expressionism,vilmos-aba-novak_red-s-band-1930 +portrait,Expressionism,amedeo-modigliani_portrait-of-a-girl-victoria-1917 +portrait,Naive_Art_Primitivism,fernando-botero_vallecas-the-child-after-velasquez +portrait,Expressionism,pyotr-konchalovsky_matador-manuel-gartha-1910 +portrait,Baroque,rembrandt_bearded-man-with-a-beret-1655 +portrait,Impressionism,pierre-auguste-renoir_dancer-with-castanettes-1909 +genre_painting,Impressionism,claude-monet_the-red-cape-madame-monet +genre_painting,Art_Nouveau_Modern,raphael-kirchner_behind-the-scenes-1900-3 +landscape,Realism,gustave-courbet_deer-in-the-snow-1867 +religious_painting,High_Renaissance,andrea-mantegna_saint-anthony-of-padua-and-st-bernardine-of-siena-presenting-the-monogram-of-christ +abstract_painting,Abstract_Expressionism,sam-gilliam_manet-i-1999 +portrait,Realism,john-singer-sargent_lady-playfair-1884 +genre_painting,Impressionism,edgar-degas_four-dancers-1 +portrait,Realism,boris-kustodiev_portrait-of-p-n-sakulin-1923 +still_life,Cubism,joan-miro_horse-pipe-and-red-flower +cityscape,Realism,isaac-levitan_monastery-gate-and-wall-1885-1 +landscape,Realism,gustave-courbet_rocky-landscape-near-flagey-1855 +genre_painting,Romanticism,johann-koler_girl-at-the-spring-1862 +landscape,New_Realism,john-french-sloan_yellow-rock-gloucester-1915 +genre_painting,Post_Impressionism,georges-seurat_the-mower-1882-1 +abstract_painting,Abstract_Expressionism,cy-twombly_tiznit +portrait,Romanticism,francisco-goya_dona-teresa-sureda +still_life,Post_Impressionism,paul-cezanne_flower-pots +still_life,Realism,corneliu-baba_still-life-1979 +landscape,Realism,ivan-shishkin_trees-1 +portrait,Realism,boris-kustodiev_portrait-of-a-woman-a-v-rzhevuskaya-1909 +landscape,Realism,theodore-rousseau_the-pond-near-the-road-1848 +sketch_and_study,Baroque,rembrandt_christ-disputing-with-the-doctors-1630 +genre_painting,Cubism,vicente-manansala_the-musicians +religious_painting,High_Renaissance,titian_the-virgin-and-child-with-four-saints +portrait,Expressionism,amedeo-modigliani_servant-girl +portrait,Symbolism,konstantin-somov_portrait-of-m-braykevich +genre_painting,Baroque,david-teniers-the-younger_great-village-feast-with-a-dancing-couple +landscape,Realism,david-burliuk_mount-fuji-1922 +nude_painting,Impressionism,theodor-pallady_nude-in-chair +genre_painting,Art_Nouveau_Modern,carl-larsson_woodcutters-in-the-forest-1906(1) +nude_painting,Expressionism,paula-modersohn-becker_standing-female-nude +landscape,Rococo,george-morland_roadside-inn-1790 +cityscape,New_Realism,george-luks_city-scene +sketch_and_study,Symbolism,pablo-picasso_salome-1905 +landscape,Art_Nouveau_Modern,lawren-harris_lake-superior-1928 +sketch_and_study,Naive_Art_Primitivism,fernand-leger_the-album-circus-1950-58 +cityscape,Impressionism,adolf-hitler_town-gate +abstract_painting,Abstract_Expressionism,alma-woodsey-thomas_red-abstraction-1960 +sketch_and_study,Post_Impressionism,vincent-van-gogh_couple-dancing-1885(1) +abstract_painting,Color_Field_Painting,friedel-dzubas_red-split +still_life,Expressionism,ernst-ludwig-kirchner_pink-roses +landscape,Symbolism,zinaida-serebriakova_spruce-1914 +landscape,Impressionism,willard-metcalf_cornish-hills +landscape,Impressionism,ipolit-strambu_landscape-1908 +landscape,Romanticism,maxim-vorobiev_the-nevka-by-the-elagin-island-1829 +landscape,Impressionism,alfred-sisley_loing-river-and-church-at-moret-1886 +religious_painting,Early_Renaissance,benozzo-gozzoli_madonna-and-child-enthroned-among-st-benedict-st-scholastica-st-ursula-and-st-john-gualberto +religious_painting,Rococo,giovanni-domenico-tiepolo_flagellation +portrait,Post_Impressionism,henri-de-toulouse-lautrec_portrait-of-georges-henri-manuel-1891 +illustration,Romanticism,gustave-dore_purgatorio-canto-33 +nude_painting,Impressionism,edgar-degas_after-the-bath-woman-drying-her-nape-1895 +genre_painting,Ukiyo_e,kitagawa-utamaro_not_detected_233119-1799 +portrait,Cubism,pablo-picasso_portrait-of-manuel-pallares-1909 +genre_painting,Art_Nouveau_Modern,raphael-kirchner_strenges-urteil-1904 +religious_painting,Baroque,rembrandt_apostle-paul-1635 +sketch_and_study,Realism,vincent-van-gogh_peasant-woman-stooping-to-the-left +portrait,Symbolism,kuzma-petrov-vodkin_the-girl-at-the-window-1928 +nude_painting,Expressionism,jack-bush_nude-study-1949 +illustration,Art_Nouveau_Modern,thomas-theodor-heine_eifersucht +nude_painting,Realism,gustave-courbet_the-young-bather +genre_painting,Impressionism,camille-pissarro_in-the-hospital +genre_painting,Naive_Art_Primitivism,fernando-botero_new-born-nun +landscape,Realism,nicholas-roerich_near-mount-sobachya-in-sosnitsy-1893 +still_life,Realism,henri-fantin-latour_vase-with-apples-and-foliage-1878 +landscape,Impressionism,alfred-sisley_the-seine-view-from-the-quay-de-pont-du-jour-1878 +genre_painting,Impressionism,stefan-luchian_sheperdess +landscape,Impressionism,john-singer-sargent_corfu-1909 +sketch_and_study,Realism,vincent-van-gogh_peasant-with-sickle-seen-from-the-back-1885 +landscape,Impressionism,childe-hassam_village-scene-1885 +genre_painting,Post_Impressionism,arturo-souto_cover-for-the-magazine-vieiros-no-2-1962 +landscape,Impressionism,alfred-sisley_by-the-loing +genre_painting,Realism,boris-kustodiev_on-the-promenade-1922 +religious_painting,Symbolism,mikhail-nesterov_angel-on-the-holy-sepulchre +illustration,Symbolism,harry-clarke_the-year-s-at-the-spring-1920-23 +landscape,Ukiyo_e,keisai-eisen_the-kirifuri-falls-one-of-the-three-waterfalls-1847(1) +landscape,Realism,camille-corot_view-of-pierrefonds +still_life,Expressionism,ilka-gedo_table-8-1949 +genre_painting,Impressionism,gustave-caillebotte_the-orange-trees-or-the-artist-s-brother-in-his-garden-1878 +portrait,Realism,salvador-dali_portrait-of-gala-1933 +landscape,Expressionism,nikolaos-lytras_landscape-acropolis +abstract_painting,Color_Field_Painting,conrad-marca-relli_ibiza-v-1968 +genre_painting,Expressionism,natalia-goncharova_linen +landscape,Impressionism,john-henry-twachtman_the-cascade +abstract_painting,Abstract_Expressionism,sam-francis_star-1964 +landscape,Post_Impressionism,paul-cezanne_the-alley-at-chantilly-1888-2 +sketch_and_study,Post_Impressionism,henri-de-toulouse-lautrec_madame-palmyre-with-her-dog-1897 +landscape,Art_Nouveau_Modern,a.y.-jackson_terre-sauvage-1913 +religious_painting,Baroque,rembrandt_st-paul-in-prison-1627 +portrait,Baroque,frans-hals_petrus-scriverius-1626 +portrait,Northern_Renaissance,lucas-cranach-the-elder_portrait-of-a-young-woman +landscape,Impressionism,guy-rose_laguna-beach +landscape,Post_Impressionism,david-burliuk_book-of-the-sea +portrait,Expressionism,zinaida-serebriakova_in-the-dressing-room-1924 +cityscape,Expressionism,bui-xuan-phai_hanoi-street-nd +landscape,Impressionism,claude-monet_regatta-at-argenteuil +landscape,Realism,ferdinand-hodler_the-beech-forest-1885 +portrait,Fauvism,marcel-duchamp_portrait-of-the-artist-s-father-1910 +portrait,Cubism,peter-busa_new-york-times-1945 +sketch_and_study,Naive_Art_Primitivism,fernand-leger_hive +portrait,Post_Impressionism,edouard-vuillard_theodore-duret +cityscape,Impressionism,konstantin-korovin_paris-boulevard-1911 +sketch_and_study,Naive_Art_Primitivism,marc-chagall_jacob-wrestling-with-the-angel-4 +cityscape,Expressionism,paul-klee_small-landscape-with-the-village-church-1925(1) +abstract_painting,Minimalism,myron-stout_untitled-1955 +genre_painting,Impressionism,ivan-grohar_mo-z-vozom +portrait,Expressionism,theo-van-doesburg_farmer-1910 +still_life,Synthetic_Cubism,juan-gris_the-bottle-of-banyuls-1914-1 +genre_painting,Realism,anders-zorn_lucky-with-the-ladies +sketch_and_study,Romanticism,dante-gabriel-rossetti_ecce-ancilla-domini-study +landscape,Art_Nouveau_Modern,ivan-bilibin_great-ustyug(1) +portrait,Realism,john-singer-sargent_mrs-gardner-in-white-1922 +portrait,Symbolism,odilon-redon_portrait-of-madame-redon-embroidering-1880 +nude_painting,Realism,thomas-eakins_standing-nude-1876 +religious_painting,Northern_Renaissance,albrecht-durer_the-nativity-1511 +landscape,Cubism,georges-braque_big-trees-at-estaque-1908 +religious_painting,Early_Renaissance,andrea-del-castagno_the-last-supper-1447 +landscape,Impressionism,john-henry-twachtman_view-along-a-river +genre_painting,Impressionism,maurice-prendergast_low-tide-1 +genre_painting,Impressionism,paul-cezanne_bather-with-arms-spread-1876 +landscape,Romanticism,john-crome_the-yare-at-thorpe-norwich-1806 +genre_painting,Baroque,pieter-de-hooch_woman-drinking-with-soldiers-1658 +landscape,Realism,gustave-courbet_waterfall-in-the-wood-1863 +abstract_painting,Abstract_Expressionism,raoul-ubac_ardoise-1981 +portrait,Impressionism,william-merritt-chase_the-japanese-book +landscape,Realism,ivan-shishkin_fir-forest-on-the-river-kama-1877 +landscape,Symbolism,nicholas-roerich_buried-treasures-1917 +portrait,Expressionism,theo-van-doesburg_frederik-van-eeden-1910 +landscape,Impressionism,homer-watson_the-cliff-light-cape-breton +portrait,Art_Nouveau_Modern,zinaida-serebriakova_portrait-of-boris-serebryakov-1913 +sketch_and_study,Realism,vasily-surikov_cossack-with-gun-1893 +cityscape,Impressionism,maurice-prendergast_ponte-della-paglia +genre_painting,Rococo,antoine-watteau_satire-on-physicians-1709 +illustration,Naive_Art_Primitivism,jury-annenkov_illustration-to-aleksander-blok-s-poem-the-twelve-1918-3 +portrait,Rococo,william-hogarth_the-graham-children-1742 +abstract_painting,Minimalism,pino-pinelli_pittura-r-1975 +religious_painting,Mannerism_Late_Renaissance,gregorio-lopes_apresenta-o-do-menino-no-templo-1520 +genre_painting,Post_Impressionism,maurice-prendergast_squanton-also-known-as-men-in-park-with-a-wagon-squanton +portrait,Impressionism,camille-pissarro_mother-presle-montfoucault-1874 +landscape,Post_Impressionism,gustave-loiseau_boats-on-the-seine-at-oissel-1909 +genre_painting,Symbolism,nicholas-roerich_hunting-1937 +still_life,Cubism,pablo-picasso_glass-bottle-packet-of-tobacco-1922 +sketch_and_study,Northern_Renaissance,albrecht-durer_christ-and-mary-magdalene +portrait,Post_Impressionism,meijer-de-haan_maternity-mary-henry-breastfeeding-1890 +cityscape,Post_Impressionism,edouard-cortes_les-grands-boulevards +sketch_and_study,Northern_Renaissance,rogier-van-der-weyden_virgin-and-child +landscape,Romanticism,lev-lagorio_on-the-caucasus-mountains-1879 +genre_painting,Impressionism,edouard-manet_young-woman-taking-a-walk-holding-an-open-umbrella-1880 +portrait,Baroque,diego-velazquez_the-waterseller-of-seville-1623 +portrait,Realism,columbano-bordalo-pinheiro_five-o-clock-tea +genre_painting,Post_Impressionism,henri-de-toulouse-lautrec_the-singing-lesson-the-teacher-mlle-dihau-with-mme-faveraud-1898 +landscape,Impressionism,john-singer-sargent_granada-1912 +abstract_painting,Abstract_Expressionism,willem-de-kooning_saturday-night +religious_painting,Naive_Art_Primitivism,marc-chagall_naomi-and-her-beautiful-daughters-1960 +landscape,Symbolism,nicholas-roerich_lake-dal-1925 +landscape,Impressionism,claude-monet_the-railway-bridge-at-argenteuil +illustration,Art_Nouveau_Modern,konstantin-somov_book-of-the-marquise-illustration-4 +still_life,Realism,pyotr-konchalovsky_still-life-strawberries-1955 +sketch_and_study,Romanticism,ford-madox-brown_the-last-of-england-1855 +genre_painting,Art_Nouveau_Modern,raphael-kirchner_geisha-10 +religious_painting,Mannerism_Late_Renaissance,el-greco_coronation-of-the-virgin-1591-1 +genre_painting,Impressionism,mary-cassatt_the-lamp-1891 +landscape,Romanticism,john-constable_golding-constable-s-kitchen-garden-1815 +sketch_and_study,Impressionism,frederic-bazille_not-detected-259699 +abstract_painting,Abstract_Expressionism,sam-francis_dark-and-fast-1981 +genre_painting,Pop_Art,roy-lichtenstein_whaam-1963 +cityscape,Post_Impressionism,edouard-cortes_flower-market-at-la-madeleine-5 +cityscape,Impressionism,francis-picabia_the-martigues +genre_painting,Impressionism,claude-monet_the-boat-studio-1876 +religious_painting,Mannerism_Late_Renaissance,jacopo-pontormo_volta-1515-2 +portrait,Romanticism,john-hoppner_miss-mary-linwood-1800 +landscape,Post_Impressionism,gustave-loiseau_flowering-orchard-spring-1902 +religious_painting,Expressionism,jean-david_esther-and-ahaseurus +genre_painting,Art_Nouveau_Modern,wilhelm-kotarbinski_evening-peace +cityscape,Post_Impressionism,henri-martin_sunny-doorway +cityscape,Romanticism,ivan-aivazovsky_constantinople-sunset-1899 +still_life,Realism,pyotr-konchalovsky_still-life-apples-at-the-roundtable-1934 +abstract_painting,Color_Field_Painting,ad-reinhardt_untitled-6-1966 +landscape,Post_Impressionism,pierre-daura_fall-at-the-mccorkle-s-barn-1942 +genre_painting,Northern_Renaissance,pieter-bruegel-the-elder_the-magpie-on-the-gallows-1568 +still_life,Fauvism,ion-pacea_still-life-with-pomegranates +abstract_painting,Cubism,arshile-gorky_the-raven-composition-no-3 +abstract_painting,Abstract_Expressionism,hans-hofmann_lust-and-delight-1965(1) +genre_painting,Post_Impressionism,vincent-van-gogh_alychamps-autumn-1888(1) +still_life,Realism,pyotr-konchalovsky_grouse-snipe-and-ruff-1926 +abstract_painting,Minimalism,frederick-hammersley_sanforized-1-1967 +abstract_painting,Color_Field_Painting,morris-louis_alpha-tau-1961 +portrait,Ukiyo_e,utagawa-kuniyoshi_scrbbling-on-the-storehouse-wall +portrait,Impressionism,pierre-auguste-renoir_woman-in-a-red-blouse-1 +landscape,Symbolism,nicholas-roerich_tibet-dzong-1936 +portrait,Realism,fyodor-bronnikov_portrait-of-an-italian-ballerina-virginia-zucchi-1889 +genre_painting,Analytical_Cubism,pablo-picasso_the-piano-accordionist-1911 +landscape,Impressionism,claude-monet_the-road-from-vetheuil +genre_painting,Impressionism,eugene-boudin_trouville-beach-scene-1873 +portrait,Cubism,juan-gris_harlequin-1922 +genre_painting,New_Realism,edward-hopper_new-york-restaurant-1 +still_life,Cubism,pablo-picasso_the-bird-cage +portrait,Expressionism,henri-matisse_woman-sitting-in-a-chair +portrait,Impressionism,pierre-auguste-renoir_portrait-of-mme-theodore-charpentier +genre_painting,Impressionism,edouard-manet_interior-at-arcachon-1871 +religious_painting,Art_Nouveau_Modern,wilhelm-kotarbinski_pilate-s-court +abstract_painting,Abstract_Expressionism,geta-bratescu_the-rule-of-the-circle-the-rule-of-the-game-1985(9) +landscape,Impressionism,eugene-boudin_brest-fishing-boats +abstract_painting,Color_Field_Painting,jose-guerrero_red-composition +landscape,Realism,vasily-polenov_indian-summer-1893 +landscape,Expressionism,konstantinos-parthenis_kerkyra-the-old-fortress-1930 +abstract_painting,Color_Field_Painting,mark-rothko_united-blue-yellow-green-on-red-1954 +portrait,Pointillism,marevna-(marie-vorobieff)_portrait-of-young-woman +landscape,Cubism,louis-marcoussis_nuit-ii-composition-with-frog +portrait,Realism,thomas-eakins_portrait-of-alfred-reynolds-in-the-taubman-museum-of-art +genre_painting,Naive_Art_Primitivism,grandma-moses_the-burning-of-troy-in-1862-1943 +religious_painting,Northern_Renaissance,jan-van-eyck_the-prophet-zacharias-and-the-angel-gabriel-1432 +sketch_and_study,Art_Nouveau_Modern,wilhelm-kotarbinski_moth-and-convolvulus-thumbnail-panels +portrait,Impressionism,john-singer-sargent_morning-walk-1888 +genre_painting,Expressionism,natalia-goncharova_fruit +genre_painting,Impressionism,edgar-degas_woman-putting-on-her-gloves +sketch_and_study,Realism,vincent-van-gogh_head-of-a-young-man-1 +landscape,Impressionism,willard-metcalf_october-morning-no-1 +religious_painting,Romanticism,viktor-vasnetsov_bogomater +genre_painting,Expressionism,zinaida-serebriakova_blue-ballerinas-1922 +landscape,Romanticism,john-constable_stratford-mill-1 +sketch_and_study,Symbolism,konstantin-somov_portrait-of-e-vladimirskaya +religious_painting,High_Renaissance,titian_madonna-and-child-with-st-catherine-and-a-rabbit-1530 +landscape,Contemporary_Realism,jamie-wyeth_lighthouse-dandelions +cityscape,Impressionism,antoine-blanchard_porte-st-denis-3 +religious_painting,Early_Renaissance,piero-della-francesca_prophet-1(1) +cityscape,Impressionism,claude-monet_the-seine-at-asnieres-03 +landscape,Symbolism,nicholas-roerich_st-sergius-hermitage-1933 +portrait,Cubism,rufino-tamayo_the-woman-with-red-mask-1940 +genre_painting,Impressionism,max-liebermann_stevenstift-in-leiden-1889 +illustration,Art_Nouveau_Modern,kay-nielsen_a-snowdrift-carried-them-away +religious_painting,Romanticism,gustave-dore_christ-feeding-the-multitude +abstract_painting,Abstract_Expressionism,richard-pousette-dart_the-center-1943 +portrait,Realism,john-singer-sargent_mrs-huth-jackson-clara-annabel-caroline-grant-duff-1907 +portrait,Romanticism,ivan-aivazovsky_portrait-of-a-i-kaznacheev-1847 +sketch_and_study,Realism,vasily-polenov_head-of-christ +portrait,Romanticism,camille-corot_odalisque +religious_painting,Symbolism,salvador-dali_veni-domine-jesu-revelation-22-17-1967 +nude_painting,Impressionism,edgar-degas_after-bathing-woman-drying-herself-2 +portrait,Cubism,roy-lichtenstein_woman-in-a-wheelchair-1963 +illustration,Symbolism,william-blake_illustration-to-dante-s-divine-comedy-1795 +genre_painting,Post_Impressionism,pablo-picasso_the-death-of-casagemas-1901 +portrait,Impressionism,octav-bancila_ig-ncu-cu-salb-i-pip-1915 +cityscape,New_Realism,edward-hopper_not_detected_235603 +sketch_and_study,Post_Impressionism,vincent-van-gogh_mademoiselle-gachet-at-the-piano-1890 +cityscape,Impressionism,childe-hassam_view-of-the-paseo-del-prado +genre_painting,Impressionism,cornelis-vreedenburgh_fisherman-on-a-poldercanal +portrait,Realism,david-burliuk_portrait-of-sergei-eisenstein-1932 +religious_painting,Cubism,christian-schad_kreuzabnahme-1916 +portrait,Post_Impressionism,vincent-van-gogh_portrait-of-camille-roulin-1888-1 +portrait,Baroque,frans-hals_portait-of-a-woman-1635 +portrait,Ukiyo_e,katsushika-hokusai_oiran-and-kamuro +portrait,Realism,viktor-vasnetsov_portrait-of-appolinary-vasnetsov-1872 +landscape,Impressionism,joaquã­n-sorolla_windmills-on-the-tagus-toledo-1906 +religious_painting,Symbolism,gustave-moreau_saint-george-1869 +genre_painting,Romanticism,edwin-henry-landseer_royal-sports-on-hill-and-loch +religious_painting,High_Renaissance,andrea-mantegna_the-holy-family-with-saints-elizabeth-and-the-infant-john-the-baptist-jpg +abstract_painting,Abstract_Expressionism,geta-bratescu_medeic-callisthetic-moves-iv-1981 +landscape,Realism,peder-severin-kroyer_marie-in-the-garden-the-roses +landscape,Symbolism,konstantin-somov_landscape-with-a-rainbow-1915 +landscape,Realism,isaac-levitan_village-1884 +religious_painting,Northern_Renaissance,petrus-christus_the-virgin-and-child-enthroned-with-saints-jerome-and-francis-1458 +landscape,Post_Impressionism,janos-tornyai_clouding-over-the-great-hungarian-plain +genre_painting,Baroque,adriaen-brouwer_peasants-playing-cards-in-a-tavern +genre_painting,Post_Impressionism,vincent-van-gogh_the-sower-sower-with-setting-sun-1888 +sketch_and_study,Realism,vasily-surikov_yermak-s-conquest-of-siberia-study-1891 +religious_painting,Northern_Renaissance,albrecht-durer_a-life-of-the-virgin-1503 +portrait,Baroque,rembrandt_portrait-of-hendrickje-stofells-as-flora-1659 +portrait,Post_Impressionism,vincent-van-gogh_portrait-of-adeline-ravoux-1890-2 +portrait,Realism,boris-kustodiev_portrait-of-gury-nikolaevich-smirnov-a-cousin-of-the-artist-1898 +genre_painting,Rococo,giovanni-domenico-tiepolo_the-minuet-or-carnival-scene-1755 +still_life,Synthetic_Cubism,pablo-picasso_bottle-of-vieux-marc-glass-and-newspaper-1913 +abstract_painting,Minimalism,angelo-de-sousa_86-3-15q-1986 +cityscape,Realism,isaac-levitan_in-the-vicinity-of-bordiguera-in-the-north-of-italy-1890 +genre_painting,Abstract_Expressionism,mark-tobey_two-men-walking-1964 +portrait,Expressionism,jean-paul-lemieux_jeune-fille-au-chandail-rouge-1974 +portrait,Post_Impressionism,charles-cottet_old-woman-of-brittany +landscape,Romanticism,caspar-david-friedrich_the-sea-of-ice-1824 +cityscape,Impressionism,john-singer-sargent_pool-in-the-garden-of-la-granja-1912 +illustration,Early_Renaissance,sandro-botticelli_the-story-of-lucretia-1504(1) +landscape,Romanticism,ferdinand-hodler_charlet-in-hilterfingen-1871 +genre_painting,Expressionism,max-pechstein_stillende-mutter-1927 +genre_painting,Impressionism,max-liebermann_on-the-way-to-school-in-edam-1904 +still_life,Post_Impressionism,henri-matisse_still-life-with-a-checked-tablecloth +cityscape,Impressionism,antoine-blanchard_place-de-la-republic-3 +portrait,Impressionism,julian-alden-weir_the-flower-seller +still_life,Realism,nicholas-roerich_euripides-1893 +landscape,Realism,ivan-shishkin_landscape-with-a-woman-1872 +sketch_and_study,Post_Impressionism,pyotr-konchalovsky_reclining-model-1923 +landscape,Romanticism,john-crome_the-lime-kiln-1806 +religious_painting,Northern_Renaissance,albrecht-durer_st-jerome-in-his-study-1511 +genre_painting,Expressionism,martiros-saryan_workers-1927 +nude_painting,Cubism,yiannis-moralis_not-detected-18 +sketch_and_study,Realism,vasily-surikov_study-to-boyarynya-morozova-3 +nude_painting,Cubism,pablo-picasso_three-women-1908 +landscape,Realism,aleksey-savrasov_early-spring-1 +portrait,Realism,umberto-boccioni_the-mother +portrait,Baroque,frans-hals_vincent-laurensz-van-der-vinne +genre_painting,Naive_Art_Primitivism,fernand-leger_leisure-on-red-background-1949 +landscape,Impressionism,walter-battiss_aloes-near-a-river +religious_painting,Northern_Renaissance,lucas-cranach-the-elder_christ-and-the-adulteress-1520 +landscape,Post_Impressionism,ferdinand-hodler_lake-thun-from-lessig-1904 +portrait,Expressionism,egon-schiele_the-artist-s-sister-melanie-1908 +religious_painting,Early_Renaissance,domenico-ghirlandaio_the-visitation-1491 +landscape,Impressionism,robert-julian-onderdonk_flying-shadows-1910 +illustration,Romanticism,gustave-dore_hop-o-my-thumb-climbs-to-the-top-of-a-tall-tree-to-see-what-he-can-see +portrait,Realism,vincent-van-gogh_head-of-a-woman-15 +cityscape,Impressionism,pierre-auguste-renoir_house-in-collett-at-cagnes-1912 +landscape,Romanticism,thomas-moran_childe-roland-to-the-dark-tower-came-1859 +portrait,Baroque,frans-hals_regents-of-the-old-men-s-alms-house-haarlem-1664 +landscape,Impressionism,pierre-auguste-renoir_banks-of-the-river-1906 +portrait,Realism,ivan-kramskoy_fyodor-vasilyev-1871 +landscape,Romanticism,maxim-vorobiev_odessa-1832 +religious_painting,Northern_Renaissance,albrecht-durer_bearing-of-the-cross-1512 +genre_painting,Romanticism,thomas-cole_indian-at-sunset-1847 +portrait,Expressionism,amedeo-modigliani_lolotte-head-of-a-woman-in-a-hat +still_life,Post_Impressionism,lovis-corinth_autumn-flowers-1923 +abstract_painting,Color_Field_Painting,claude-viallat_untitled-no-63-1996 +genre_painting,Romanticism,konstantin-makovsky_fairy-tails +abstract_painting,Minimalism,yves-gaucher_untitled-yellow-1966 +genre_painting,Art_Nouveau_Modern,jacek-malczewski_poisoned-well-ii +still_life,Expressionism,henri-matisse_still-life-5 +genre_painting,Romanticism,fyodor-bronnikov_before-entering-the-arena-1873 +landscape,Impressionism,claude-monet_hyde-park +religious_painting,Baroque,rembrandt_christ-in-the-storm-1633 +landscape,New_Realism,john-french-sloan_passing-schooner-1917 +genre_painting,Naive_Art_Primitivism,niko-pirosmani_company-bego(5) +still_life,Post_Impressionism,henri-matisse_pascal-s-pensees-1924 +landscape,Post_Impressionism,bertalan-por_landscape-1908 +cityscape,Post_Impressionism,maurice-utrillo_lapin-agile-1 +portrait,Baroque,anthony-van-dyck_portrait-of-maria-louisa-de-tassis +landscape,Realism,efim-volkov_near-the-monastery +genre_painting,Realism,constantin-guys_voiture +landscape,Realism,gustave-courbet_les-doubs-a-la-maison-monsieur +portrait,Expressionism,amedeo-modigliani_marie-daughter-of-the-people-1918 +portrait,Impressionism,william-merritt-chase_ready-for-a-walk-beatrice-clough-bachmann +landscape,Symbolism,nicholas-roerich_gundla-1931 +landscape,Realism,vincent-van-gogh_edge-of-a-wood-1882(1) +abstract_painting,Abstract_Expressionism,mark-tobey_new-world-dimensions-iv +still_life,Impressionism,micaela-eleutheriade_vas-cu-tuf-nele +still_life,Cubism,fernand-leger_pear-compotoir-1923 +landscape,Impressionism,claude-monet_landscape-at-giverny-1 +portrait,Northern_Renaissance,hans-memling_portrait-of-a-young-woman +portrait,Romanticism,alexander-orlowski_portrait-of-denis-davydov-1814 +portrait,Contemporary_Realism,jamie-wyeth_portrait-of-orca-bates-1989 +cityscape,Rococo,bernardo-bellotto_dresden-the-frauenkirche-and-the-rampische-gasse +landscape,Impressionism,claude-monet_the-road-and-the-house +portrait,Expressionism,amedeo-modigliani_portrait-of-jeanne-hebuterne-with-her-left-arm-behind-her-head-1919 +genre_painting,New_Realism,john-french-sloan_sun-and-wind-on-the-roof-1915 +illustration,Romanticism,gustave-dore_don-quixote-110 +abstract_painting,Abstract_Expressionism,jackson-pollock_the-deep-1953 +portrait,Realism,ilya-repin_portrait-of-alesha-repin-age-of-pushkin-1916 +religious_painting,Early_Renaissance,giovanni-bellini_dead-christ-supported-by-two-angels +portrait,Northern_Renaissance,hans-holbein-the-younger_sir-henry-guildford-1527 +portrait,Impressionism,eugene-boudin_portrait-of-a-little-girl +sketch_and_study,Realism,valentin-serov_naked-woman-1910 +religious_painting,Early_Renaissance,sandro-botticelli_madonna-and-child-1470(1) +genre_painting,Impressionism,nikolay-bogdanov-belsky_doing-the-lessons +sketch_and_study,Naive_Art_Primitivism,david-burliuk_portrait-of-elshemius-1962 +landscape,Romanticism,arnold-bã¶cklin_villa-by-the-sea-1 +sketch_and_study,Realism,ivan-shishkin_coltsfoot-1878 +portrait,Realism,john-singer-sargent_ena-and-betty-daughters-of-asher-and-mrs-wertheimer-1901 +illustration,Art_Nouveau_Modern,theodor-severin-kittelsen_book-cover-1890 +portrait,Expressionism,amedeo-modigliani_two-girls-1918 +landscape,Romanticism,john-crome_a-woody-landscape +genre_painting,Ukiyo_e,tsukioka-yoshitoshi_ariwara-no-yukihira +abstract_painting,Minimalism,joan-hernandez-pijuan_esb-s-per-l-alzinera-grossa-1976 +landscape,Post_Impressionism,frank-johnston_the-shadowed-valley +cityscape,Impressionism,henri-martin_fountain-in-the-garden-at-luxembourg +landscape,Post_Impressionism,a.y.-jackson_maple-woods-algoma-1920 +genre_painting,Realism,edouard-manet_gypsy-with-a-cigarette +genre_painting,Impressionism,camille-pissarro_gathering-herbs-1882 +landscape,Impressionism,pericles-pantazis_supreme-court-1880 +genre_painting,Post_Impressionism,georges-lemmen_la-modiste-1901 +landscape,Impressionism,paul-gauguin_the-forest-edge-1885 +portrait,Impressionism,pierre-auguste-renoir_the-cup-of-chocolate-1878 +genre_painting,Impressionism,arthur-verona_girl-s-dower +abstract_painting,Abstract_Expressionism,betty-parsons_untitled-1950 +still_life,Realism,eugene-boudin_mullet-and-fish +sketch_and_study,Early_Renaissance,fra-angelico_institution-of-the-eucharist-1446 +landscape,Impressionism,arkhip-kuindzhi_elbrus-moonlit-night +genre_painting,Impressionism,berthe-morisot_little-girl-in-a-garden +abstract_painting,Abstract_Expressionism,joan-mitchell_tilleul-1978 +sketch_and_study,Realism,valentin-serov_eugene-ysaye-1903 +still_life,Fauvism,auguste-herbin_still-life-1909 +religious_painting,Northern_Renaissance,albrecht-durer_the-adoration-of-the-wise-men-1524 +sketch_and_study,Impressionism,pierre-auguste-renoir_landscape-sketch-1917 +portrait,Impressionism,pierre-auguste-renoir_portrait-in-a-pink-dress +nude_painting,Realism,pablo-picasso_female-nude-from-back-1895 +portrait,Cubism,henri-laurens_head-of-a-woman-1915 +landscape,Impressionism,paul-cezanne_rocks +still_life,Synthetic_Cubism,pablo-picasso_glass-and-bottle-of-bass-1914 +still_life,Realism,constantin-stahi_still-life-with-strawberries-1905 +illustration,Art_Nouveau_Modern,andrei-ryabushkin_a-bow-with-a-red-porch-illustration-for-the-coronation-album +genre_painting,Impressionism,nikolay-bogdanov-belsky_gathering-the-flowers +landscape,Impressionism,joaquã­n-sorolla_mountains-at-jaca +nude_painting,Expressionism,rafael-zabaleta_seated-female-nude-and-artist-s-self-portrait +cityscape,Post_Impressionism,vincent-van-gogh_a-view-of-paris-with-the-op-1886(1) +portrait,Art_Nouveau_Modern,gustav-klimt_portrait-of-adele-bloch-bauer-ii-1912 +cityscape,Romanticism,ivan-aivazovsky_view-of-seaside-town-1877 +portrait,Realism,george-catlin_h-l-te-m-l-te-t-z-te-n-ek-ee-sam-perryman-creek-chief-1834 +still_life,Post_Impressionism,theophrastos-triantafyllidis_still-life +portrait,Realism,david-burliuk_artist-abraham-manievitch-1925 +portrait,Expressionism,otto-dix_ellis +portrait,Northern_Renaissance,albrecht-durer_portrait-of-susanne-von-brandenburg-ansbach +religious_painting,Romanticism,gustave-dore_esther-accuses-haman +genre_painting,Post_Impressionism,georges-seurat_stone-breaker-and-wheelbarrow-le-raincy-1883 +portrait,Realism,vladimir-makovsky_portrait-of-i-e-tsvetkov-1913 +still_life,Pop_Art,roy-lichtenstein_desk-calendar-1962(1) +landscape,Romanticism,ivan-aivazovsky_ice-in-the-dnepr-1872 +still_life,Realism,nicholas-roerich_platon-1893 +portrait,Pointillism,theo-van-rysselberghe_portrait-of-irma-sethe-1894 +portrait,Impressionism,gustave-caillebotte_portrait-of-camille-daurelle +landscape,Expressionism,anita-malfatti_o-canal-e-a-ponte +landscape,Expressionism,roy-lichtenstein_sailboats-1985 +portrait,Expressionism,chaim-soutine_woman-in-profile-portrait-of-madame-tennent +portrait,Realism,thomas-eakins_head-of-a-cowboy +portrait,Romanticism,alexey-venetsianov_portrait-of-m-a-fonvizin +portrait,Romanticism,konstantin-makovsky_girl-wering-a-crown +abstract_painting,Minimalism,jiro-yoshihara_work-1971 +religious_painting,Early_Renaissance,fra-angelico_the-meeting-of-sts-dominic-and-francis-of-assisi-1435 +religious_painting,High_Renaissance,correggio_madonna-1514(2) +portrait,Impressionism,claude-monet_camille-monet-on-a-garden-bench +abstract_painting,Minimalism,jean-degottex_unknown-title-1 +landscape,Realism,maxime-lalanne_castle-overlooking-a-river +landscape,Realism,isaac-levitan_landscape-1892 +landscape,Impressionism,william-merritt-chase_pulling-for-shore +genre_painting,Post_Impressionism,le-pho_composition +landscape,Realism,camille-corot_marshy-pastures +landscape,Impressionism,camille-pissarro_sunset-at-eragny-1890 +portrait,Realism,pyotr-konchalovsky_portrait-of-worker-yakobchenko-1938 +landscape,Romanticism,ivan-aivazovsky_during-the-harvest-in-ukraine-1883 +cityscape,Impressionism,claude-monet_boulevard-saint-denis-argenteuil-in-winter-1875 +abstract_painting,Abstract_Expressionism,taro-yamamoto_untitled-abstract +portrait,Fauvism,sonia-delaunay_sleeping-girl +sketch_and_study,Romanticism,fyodor-solntsev_royal-clothing-of-the-xvii-century-the-image-of-tsar-fedor-alekseevich +abstract_painting,Color_Field_Painting,dan-christensen_serpens-1968 +landscape,Baroque,adriaen-van-de-velde_a-classical-landscape-1671 +religious_painting,Baroque,peter-paul-rubens_st-francis-of-assisi-receiving-the-stigmata +genre_painting,Impressionism,edgar-degas_at-the-cafe-des-ambassadeurs-1885-1 +portrait,Romanticism,vasily-tropinin_monk-with-candle-1834 +sketch_and_study,Art_Nouveau_Modern,vasily-polenov_details-of-golden-gates-1893 +cityscape,High_Renaissance,giorgione_view-of-castelfranco-and-shepherd(2) +sketch_and_study,Art_Nouveau_Modern,nicholas-roerich_sea-1919 +still_life,Post_Impressionism,vincent-van-gogh_dead-leaf-and-pod-1890(1) +portrait,Impressionism,claude-monet_alice-hoschede-in-the-garden(1) +genre_painting,Impressionism,joaquã­n-sorolla_galician-party +portrait,Realism,ivan-kramskoy_portrait-of-an-unknown-man-1875 +nude_painting,Romanticism,camille-corot_the-roman-odalisque-marietta-1843 +cityscape,Post_Impressionism,vincent-van-gogh_the-factory-at-asnieres-1887 +portrait,Northern_Renaissance,lucas-cranach-the-elder_portrait-of-katharina-von-bora +abstract_painting,Color_Field_Painting,perle-fine_cool-series-no-2-yellow-over-tan-1963 +religious_painting,Early_Renaissance,giovanni-bellini_polyptych-of-san-vincenzo-ferreri-1468-7 +genre_painting,Realism,ilya-repin_on-the-platform-of-the-station-street-scene-with-a-receding-carriage +genre_painting,Baroque,gerard-terborch_gallant-conversation-the-paternal-admonition +portrait,Ukiyo_e,utagawa-kuniyoshi_uoya-danshichi-kurobel-pouring-a-bucket-of-water-over-himself +still_life,Fauvism,ilya-mashkov_still-life-with-begonias-1910 +landscape,Realism,isaac-levitan_lake-como-1894-3 +abstract_painting,Color_Field_Painting,jack-bush_stripped-to-the-right-1965 +religious_painting,Northern_Renaissance,rogier-van-der-weyden_madonna-and-child +religious_painting,High_Renaissance,leonardo-da-vinci_head-of-christ-1 +portrait,Realism,pablo-picasso_bust-of-young-man +landscape,Impressionism,jose-malhoa_autumn-1918 +cityscape,Impressionism,childe-hassam_flags-on-57th-street-winter-1918 +sketch_and_study,Realism,theodore-rousseau_the-avenue-of-chestnut-trees-1837 +landscape,Fauvism,pyotr-konchalovsky_balaklava-fishing-nets-1929 +still_life,Post_Impressionism,vincent-van-gogh_still-life-with-mussels-and-shrimp-1886 +religious_painting,Northern_Renaissance,albrecht-durer_christ-on-the-mount-of-olives-1 +illustration,Expressionism,lynd-ward_not-detected-272504 +portrait,Expressionism,princess-fahrelnissa-zeid_antique-portrait-1940 +landscape,Realism,johan-hendrik-weissenbruch_man-in-a-boat-in-a-canal +genre_painting,Art_Nouveau_Modern,carl-larsson_for-karin-s-name-day-1899(1) +landscape,Post_Impressionism,paul-gauguin_pont-aven-woman-and-child-1886 +religious_painting,Northern_Renaissance,mabuse_adam-and-eve +portrait,Rococo,allan-ramsay_hon-mary-townshend-the-daughter-of-charles-townshend-2nd-viscount-townshend-of-raynham-and +genre_painting,Pointillism,theo-van-rysselberghe_summer-afternoon-tea-in-the-garden-1901 +still_life,Synthetic_Cubism,juan-gris_violin-and-guitar-1913 +portrait,Realism,william-merritt-chase_mrs-chase-and-cosy +landscape,Realism,isaac-levitan_forest-lake +landscape,Impressionism,alfred-sisley_view-of-a-village-by-a-river-1892 +still_life,Realism,henri-fantin-latour_still-life-with-torso-and-flowers-1874 +sketch_and_study,Expressionism,pyotr-konchalovsky_tree-in-abramtsevo-1921 +portrait,Mannerism_Late_Renaissance,tintoretto_portrait-of-a-genoese-nobleman +genre_painting,Expressionism,balthus_drawing-room-1942 +portrait,Baroque,diego-velazquez_portrait-of-a-man-with-a-goatee-1622 +abstract_painting,Minimalism,henk-peeters_untitled-2 +genre_painting,Realism,grigoriy-myasoyedov_pushkin-and-his-friends-listen-to-mickiewicz-in-the-salon-of-princess-zinaida-volkonskaya-1907 +illustration,Romanticism,gustave-dore_devils-and-barrators(1) +portrait,Northern_Renaissance,hans-holbein-the-younger_anna-meyer +portrait,Northern_Renaissance,albrecht-durer_portrait-a-young-venetian +still_life,Impressionism,roger-fry_peonies-and-poppies-1929 +cityscape,Impressionism,jean-alexandru-steriadi_peisaj-din-la-ciotat-1933 +landscape,Realism,frits-thaulow_in-the-elbank-hamburg +portrait,Realism,john-singer-sargent_princess-demidoff-sophie-ilarinovna +landscape,Impressionism,giuseppe-de-nittis_poplars +portrait,Ukiyo_e,utagawa-kunisada_sumo-wrestler-somagahana-fuchiemon +nude_painting,High_Renaissance,giorgione_nude-young-woman-1508(1) +landscape,Post_Impressionism,constantine-maleas_landscape +portrait,Impressionism,pierre-auguste-renoir_catulle-mendez +nude_painting,Expressionism,henri-matisse_reclining-nude-back-1927 +genre_painting,Realism,mykola-yaroshenko_funeral-of-firstborn-1893 +genre_painting,Impressionism,max-liebermann_woman-with-goats +portrait,Expressionism,tsuguharu-foujita_young-woman-on-a-pink-canape-1918 +genre_painting,Post_Impressionism,ilya-mashkov_conquest-of-the-north-pole +abstract_painting,Color_Field_Painting,paul-reed_draa-1988 +portrait,Romanticism,jan-matejko_kazimierz-ii-sprawiedliwy +cityscape,Impressionism,john-atkinson-grimshaw_old-chelsea +abstract_painting,Color_Field_Painting,angelo-de-sousa_um-2006 +religious_painting,Romanticism,gustave-dore_st-paulatephesus +sketch_and_study,Baroque,pietro-da-cortona_the-age-of-gold +cityscape,Post_Impressionism,maurice-utrillo_church-of-st-peter-on-monmartre +religious_painting,Baroque,rembrandt_jacob-with-laban-1644 +religious_painting,Mannerism_Late_Renaissance,piero-di-cosimo_crucifixion-of-christ +landscape,Symbolism,nicholas-roerich_himalayas-spoors-of-motley-mountains-1943 +sketch_and_study,Post_Impressionism,vincent-van-gogh_violinist-seen-from-the-front-1887 +genre_painting,Symbolism,odilon-redon_primitive-man-seated-in-shadow +genre_painting,Expressionism,august-macke_the-way-on-the-water +genre_painting,Romanticism,akseli-gallen-kallela_old-woman-with-a-cat-1885 +religious_painting,Baroque,bartolome-esteban-murillo_the-prodigal-son-feeding-swine-1660 +abstract_painting,Abstract_Expressionism,betty-parsons_untitled-3 +religious_painting,High_Renaissance,giovanni-bellini_the-lamentation-over-the-body-of-christ +landscape,Impressionism,adam-baltatu_winter-landscape-1 +still_life,Pop_Art,roy-lichtenstein_glass-and-lemon-in-a-mirror-1974(1) +abstract_painting,Abstract_Expressionism,joan-mitchell_la-chatiere-1960 +landscape,Realism,aleksey-savrasov_volga +abstract_painting,Minimalism,pierre-soulages_peinture-18-mars-2010-2010 +landscape,Impressionism,pyotr-konchalovsky_siberia-taiga-1902 +genre_painting,Post_Impressionism,amrita-sher-gil_unknown-title +genre_painting,Impressionism,joaquã­n-sorolla_on-the-sands-at-zarauz-beach-1910 +landscape,Impressionism,alfred-sisley_a-turn-of-the-river-loing-summer-1896-1 +abstract_painting,Color_Field_Painting,sam-gilliam_recitals-2009 +religious_painting,High_Renaissance,titian_the-gipsy-madonna-1511 +genre_painting,Ukiyo_e,kitagawa-utamaro_a-monkey-trainer-performing-at-a-noblemans-house-1788 +landscape,Realism,fyodor-vasilyev_pond-at-the-sunset +still_life,Post_Impressionism,christo-coetzee_fish +genre_painting,Cubism,fernand-leger_the-birds-in-the-landscape-1921 +portrait,Romanticism,konstantin-makovsky_portrait-of-prince-p-vyazemsky +portrait,Romanticism,jan-matejko_catherine-potocka +portrait,Baroque,agostino-carracci_a-peasant-man-head-and-shoulders-shouting +portrait,Impressionism,victor-borisov-musatov_girl-in-the-sunlight-1897 +genre_painting,Expressionism,amadeo-de-souza-cardoso_landscape-with-black-figure-1915 +genre_painting,Rococo,william-hogarth_before-1 +genre_painting,Northern_Renaissance,albrecht-altdorfer_lovers-in-a-hay-field-1508 +portrait,Realism,ilya-repin_portrait-of-p-p-chistyakov-1870 +abstract_painting,Abstract_Expressionism,conrad-marca-relli_pamplona +landscape,Post_Impressionism,adam-baltatu_winter-at-hu-i +portrait,Symbolism,arnold-bã¶cklin_portrait-of-the-singer-karl-wallenreiter +religious_painting,Northern_Renaissance,hieronymus-bosch_the-garden-of-earthly-delights-1516-14 +portrait,Rococo,joshua-reynolds_lady-delm-and-her-children-1780 +landscape,Impressionism,childe-hassam_isle-of-shoals-4 +abstract_painting,Minimalism,pino-pinelli_pittura-bl-1993 +abstract_painting,Color_Field_Painting,esteban-vicente_one-day-1976 +abstract_painting,Minimalism,joan-hernandez-pijuan_espai-horizontal-amb-nou-horizontal-1976 +religious_painting,Baroque,bernardo-strozzi_madonna-and-child-with-the-young-st-john-1620 +religious_painting,Baroque,francesco-solimena_the-meeting-of-pope-leo-and-attila +portrait,Realism,edouard-manet_the-boy-with-a-sword-1862 +religious_painting,Early_Renaissance,benozzo-gozzoli_procession-of-the-magus-balthazar-detail-1461-3 +abstract_painting,Abstract_Expressionism,sam-francis_untitled-1978 +nude_painting,Post_Impressionism,suzanne-valadon_the-two-bathers-1923 +genre_painting,Expressionism,salvador-dali_woman-on-a-ram +still_life,Impressionism,pierre-auguste-renoir_flowers-in-a-vase-and-a-glass-of-champagne +abstract_painting,Abstract_Expressionism,jean-paul-riopelle_conversation-1946 +portrait,Expressionism,lucian-freud_girl-by-the-sea +portrait,Symbolism,kuzma-petrov-vodkin_portrait-of-anna-akhmatova-1922 +religious_painting,High_Renaissance,raphael_the-deposition-1507-1 +genre_painting,Post_Impressionism,pyotr-konchalovsky_soldiers-1910 +portrait,Realism,boris-kustodiev_portrait-of-lazar-ivanovich-bublichenko-1923 +nude_painting,High_Renaissance,michelangelo_ignudo-10 +portrait,Rococo,maurice-quentin-de-la-tour_antoine-gaspard-grimold-de-la-reyniere-1 +religious_painting,Romanticism,eugene-delacroix_the-entombment-of-christ-1848(1) +still_life,Cubism,juan-gris_guitar-and-fruit-bowl-on-a-table-1918 +sketch_and_study,High_Renaissance,leonardo-da-vinci_study-of-an-apostle-s-head-and-architectural-study +still_life,Post_Impressionism,pierre-bonnard_still-life-with-earthenware-dish-1918 +genre_painting,Romanticism,joseph-wright_the-alchemist-discovering-phosphorus-or-the-alchemist-in-search-of-the-philosophers-stone-1771 +portrait,Mannerism_Late_Renaissance,tintoretto_double-portrait-of-two-men +sketch_and_study,Post_Impressionism,vincent-van-gogh_view-of-arles-from-a-hill-1888 +abstract_painting,Minimalism,alex-hay_past-time-2007 +sketch_and_study,Post_Impressionism,vincent-van-gogh_field-with-two-sowers-and-trees-1890(1) +portrait,Expressionism,abidin-dino_drawing-pain-1968 +illustration,Ukiyo_e,utagawa-kuniyoshi_dipicting-the-characters-from-the-chushingura-2 +abstract_painting,Color_Field_Painting,morris-louis_gamma-ro-1960 +illustration,Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-magazine-bogey-1905(1) +sketch_and_study,Expressionism,frank-auerbach_tree-at-tretire-ii +genre_painting,Impressionism,frederic-remington_the-end-of-the-day-1904 +landscape,Impressionism,alfred-sisley_horses-being-watered-at-marly-le-roi-1875 +portrait,Ukiyo_e,keisai-eisen_hiratsuka-station-1830 +genre_painting,Realism,vladimir-makovsky_easter-mass-1888 +religious_painting,Baroque,rembrandt_the-apostle-paul +genre_painting,Cubism,m.-h.-maxy_human-construction-1926 +abstract_painting,Color_Field_Painting,dan-christensen_bass-casio-1994 +portrait,Expressionism,george-bouzianis_portrait(7) +religious_painting,Early_Renaissance,fra-angelico_madonna-and-child-1435 +sketch_and_study,Rococo,maurice-quentin-de-la-tour_madame-de-pompadour +landscape,Pointillism,theo-van-rysselberghe_in-the-shade-of-the-pines-study-1905 +religious_painting,Naive_Art_Primitivism,marc-chagall_king-solomon-with-harp-1965 +portrait,Mannerism_Late_Renaissance,el-greco_portrait-of-don-rodrigo-vasquez +religious_painting,Northern_Renaissance,hieronymus-bosch_epiphany +genre_painting,Realism,ilya-repin_refusal-of-confession +genre_painting,Impressionism,joaquã­n-sorolla_the-first-child-1890 +genre_painting,Northern_Renaissance,albrecht-durer_man-drawing-a-lute-1523 +still_life,Post_Impressionism,paul-cezanne_tulips-in-a-vase-1892 +genre_painting,Impressionism,edouard-manet_woman-fastening-her-garter-1878 +landscape,Post_Impressionism,paul-gauguin_lollichon-s-field-and-the-church-of-pont-aven-1886 +cityscape,Impressionism,claude-monet_san-giorgio-maggiore-at-dusk +portrait,Baroque,diego-velazquez_prince-balthasar-carlos-dressed-as-a-hunter-1636 +genre_painting,Impressionism,childe-hassam_paris-at-twilight +genre_painting,Impressionism,eugene-boudin_beach-scene-6 +landscape,Realism,vincent-van-gogh_winter-garden-1884 +landscape,Impressionism,robert-julian-onderdonk_fall-landscape +illustration,Abstract_Expressionism,abidin-dino_saman-sar-s-illustration +portrait,Impressionism,edgar-degas_portrait-of-henri-valpincon-as-a-child-with-a-governess-1870 +portrait,Expressionism,iosif-iser_ballerina +illustration,Art_Nouveau_Modern,ivan-bilibin_illustration-for-alexander-pushkin-s-fairytale-of-the-tsar-saltan-1905-3(1) +religious_painting,Symbolism,nicholas-roerich_the-last-angel-1942 +genre_painting,Romanticism,john-everett-millais_the-black-brunswicker-1860 +portrait,Romanticism,jan-matejko_konrad-i-of-masovia +portrait,Realism,john-singer-sargent_clementina-austruther-thompson-1889 +abstract_painting,Minimalism,ellsworth-kelly_mandorla-form-1951 +genre_painting,Ukiyo_e,tsukioka-yoshitoshi_the-fever +sketch_and_study,Impressionism,pierre-auguste-renoir_young-woman-seated +landscape,Impressionism,pierre-auguste-renoir_midday-landscape +portrait,Northern_Renaissance,albrecht-durer_portrait-of-african-woman-catherine +landscape,Impressionism,theodor-pallady_house-from-oltenia +cityscape,Contemporary_Realism,richard-whitney_matinee +abstract_painting,Abstract_Expressionism,hans-hofmann_sanctum-sanctorum-1962 +illustration,Symbolism,harry-clarke_tales-of-mystery-and-imagination-by-edgar-allan-poe-1923-13 +landscape,Impressionism,claude-monet_weeping-willow-5-1919 +landscape,Baroque,hercules-seghers_panoramic-landscape +genre_painting,Post_Impressionism,henri-de-toulouse-lautrec_booth-of-la-goulue-at-the-foire-du-trone-dance-at-the-moulin-rouge-1895 +religious_painting,Naive_Art_Primitivism,marc-chagall_an-angel-painter-1928 +genre_painting,Realism,ilya-repin_on-a-turf-bench-1876 +abstract_painting,Color_Field_Painting,sam-francis_blue-and-red-1953 +nude_painting,Ukiyo_e,utagawa-kunisada_not_detected_240351 +abstract_painting,Color_Field_Painting,barnett-newman_second-station-1960 +landscape,Realism,theo-van-rysselberghe_meuse-river-around-namur-1880 +landscape,Expressionism,pyotr-konchalovsky_balaklava-view-of-the-city-and-the-bay-1929 +portrait,Baroque,aleksey-antropov_lord-god-safaof +genre_painting,Impressionism,federico-zandomeneghi_promenade +portrait,Baroque,gerrit-dou_portrait-of-a-man +landscape,Impressionism,alfred-sisley_the-road-from-mantes-to-choisy-le-roi-1874 +portrait,Expressionism,chaim-soutine_the-cellist-serevitsch +landscape,Symbolism,mstislav-dobuzhinsky_kaunas-zhalyakalnis-winter +religious_painting,Expressionism,konstantinos-parthenis_the-virgin-mary-1942 +abstract_painting,Minimalism,jean-degottex_composition-1975 +religious_painting,Early_Renaissance,giovanni-bellini_pesaro-altarpiece-predella-1474-1 +landscape,Realism,aleksey-savrasov_spring-1880 +genre_painting,New_Realism,yiannis-tsaroychis_copying-titian-1971 +landscape,Realism,vasily-polenov_oka-evening-1903 +religious_painting,High_Renaissance,pietro-perugino_polyptych-albani-torlonia-particular-detail +genre_painting,Impressionism,henry-herbert-la-thangue_a-sussex-farm-1904 +landscape,Art_Nouveau_Modern,konstantin-korovin_type-of-settlement-1900 +landscape,Fauvism,charles-lapicque_nuit-romaine-1958 +landscape,Symbolism,nicholas-roerich_trans-himalayas-1928 +landscape,Realism,camille-corot_road-through-wooded-mountains +genre_painting,Art_Nouveau_Modern,andrei-ryabushkin_wedding-train-in-the-xvii-century-moscow +landscape,Post_Impressionism,dumitru-ghiatza_bistri-a-valley-1965 +religious_painting,Realism,vasily-polenov_dreams-on-the-hill +genre_painting,Cubism,vicente-manansala_two-men-with-cockerel +sketch_and_study,Naive_Art_Primitivism,fernand-leger_the-acrobats-study-for-the-circus +landscape,Impressionism,camille-pissarro_landscape-at-osny-near-watering-1883 +portrait,Symbolism,konstantin-vasilyev_elder +abstract_painting,Cubism,max-weber_slide-lecture-at-the-metropolitan-museum +landscape,Impressionism,robert-julian-onderdonk_east-loyal-field-1908 +portrait,Realism,georgios-jakobides_the-smoker-1886 +landscape,Realism,ivan-shishkin_in-the-forest-from-the-forest-with-mushrooms-1883 +religious_painting,Realism,nikolai-ge_not_detected_252978 +landscape,Realism,charles-francois-daubigny_the-river-meuse-at-dordrecht-1872 +landscape,Impressionism,alfred-sisley_bristol-channel-from-penarth-evening-1897 +portrait,Impressionism,john-singer-sargent_miss-wedewood-and-miss-sargent-sketching-1908 +religious_painting,Northern_Renaissance,pieter-bruegel-the-elder_the-massacre-of-the-innocents-1566 +religious_painting,Naive_Art_Primitivism,marc-chagall_jeremiah-received-gift-of-the-prophecy-jeremiah-i-4-10 +illustration,Abstract_Expressionism,salvador-dali_the-pool-of-tears +landscape,Impressionism,camille-pissarro_landscape-fields-eragny-1885 +landscape,Expressionism,saul-steinberg_fingerprint-landscape-1950 +portrait,Northern_Renaissance,albrecht-durer_portrait-of-paul-martin-and-the-topler-pfinzig +religious_painting,Naive_Art_Primitivism,marc-chagall_god-appears-to-solomon-in-a-dream-and-he-asked-him-for-wisdom-i-kings-iii-5-9 +portrait,Art_Nouveau_Modern,felix-vallotton_portrait-of-french-writer-and-poet-henri-de-r-gnier-1898 +genre_painting,Realism,nicholas-roerich_man-from-pskov-1894 +still_life,Post_Impressionism,constantin-piliuta_chrysanthemums +landscape,Impressionism,eugene-boudin_trouville-the-port +genre_painting,Impressionism,pierre-auguste-renoir_the-coiffure-1888 +portrait,Rococo,john-russell_mary-phoebe-spencer-nelson-taylor-and-daughters-1776-1847 +genre_painting,Art_Nouveau_Modern,raphael-kirchner_love-flowers-1903-2 +portrait,Romanticism,dante-gabriel-rossetti_study-for-a-vision-of-fiammetta +portrait,Romanticism,paul-cezanne_achille-emperaire +genre_painting,Impressionism,edgar-degas_two-dancers-1 +landscape,Post_Impressionism,pyotr-konchalovsky_night-at-the-field-1923 +genre_painting,Post_Impressionism,georges-seurat_at-work-the-land-man-s-face-in-profile-leaning-forward +genre_painting,Impressionism,pierre-auguste-renoir_woman-stoking-a-stove-1912 +cityscape,Impressionism,rudolf-schweitzer-cumpana_strad-din-montmartre-1932 +illustration,Symbolism,william-blake_illustration-to-milton-s-on-the-morning-of-christ-s-nativity-1809-1 +sketch_and_study,Early_Renaissance,leonardo-da-vinci_head-of-an-old-man +illustration,Art_Nouveau_Modern,edmund-dulac_the-bright-liquid +landscape,Impressionism,alfred-sisley_view-of-the-thames-charing-cross-bridge-1874 +sketch_and_study,Post_Impressionism,paul-cezanne_madame-cezanne-with-hortensias-1885 +portrait,Abstract_Expressionism,willem-de-kooning_untitled-woman +abstract_painting,Abstract_Expressionism,frank-stella_swan-engraving-circle-ii-state-iii-1983 +genre_painting,Art_Nouveau_Modern,zinaida-serebriakova_girls-neskuchnoye-1913 +portrait,Realism,ivan-kramskoy_portrait-of-the-artist-nikolay-bogoliubov-1876 +genre_painting,Expressionism,balthus_chassy-by-the-fireplace-at-workshop +portrait,Impressionism,camille-pissarro_mother-jolly-1874 +sketch_and_study,Realism,vincent-van-gogh_landscape-with-a-church-1883 +sketch_and_study,Romanticism,orest-kiprensky_apollo-in-a-chariot-1817 +religious_painting,Baroque,peter-paul-rubens_the-baptism-of-christ +landscape,Realism,vasily-polenov_klyazma-river-zhukovka-1888 +landscape,Impressionism,john-singer-sargent_val-d-aosta-purtud-1909 +portrait,Impressionism,pierre-auguste-renoir_madame-monet-1872 +religious_painting,High_Renaissance,cima-da-conegliano_the-healing-of-anianus +cityscape,Impressionism,antoine-blanchard_le-chatelet +genre_painting,New_Realism,edward-hopper_carolina-morning +landscape,Impressionism,camille-pissarro_march-sun-pontoise-1875 +genre_painting,Realism,fyodor-vasilyev_on-the-beach-1873 +genre_painting,Impressionism,berthe-morisot_the-butterfly-hunt-1874 +portrait,High_Renaissance,titian_portrait-of-vincenzo-mosti +portrait,Expressionism,zinaida-serebriakova_girl-in-pink-1932 +cityscape,Post_Impressionism,maurice-utrillo_moulin-in-sannois-under-snow +genre_painting,Impressionism,camille-pissarro_peasants-chatting-in-the-farmyard-eragny +genre_painting,Romanticism,jacek-malczewski_painter-s-inspiration-1897 +sketch_and_study,Post_Impressionism,vincent-van-gogh_rocky-ground-at-montmajour +religious_painting,High_Renaissance,luca-signorelli_marriage-of-the-virgin-1491 +religious_painting,Baroque,rembrandt_jesus-and-his-parents-returning-from-jerusalem-1654 +portrait,Realism,ilya-repin_portrait-of-nadezhda-stasova-1884 +portrait,Pointillism,pablo-picasso_woman-with-spanish-dress-1917 +genre_painting,Realism,vladimir-makovsky_the-doctor-s-waiting-room-1870 +portrait,Realism,leon-bonnat_fille-romaine-la-fontaine-1875 +still_life,Cubism,georges-braque_still-life-with-clarinet-1927 +genre_painting,Realism,vincent-van-gogh_miners-women-carrying-sacks-the-bearers-of-the-burden-1881 +sketch_and_study,Rococo,antoine-watteau_three-studies-of-a-lady-with-a-hat +genre_painting,Romanticism,miklos-barabas_the-arrival-of-the-daughter-in-law-1856 +cityscape,Post_Impressionism,gustave-loiseau_the-church-of-st-gervais-1920 +landscape,Impressionism,camille-pissarro_the-pond-at-montfoucault-1874 +genre_painting,Baroque,esaias-van-de-velde_hunter-with-two-dogs +still_life,Expressionism,georges-braque_still-life-with-stairs-1943 +landscape,Realism,camille-corot_aqueduct-1839 +still_life,Impressionism,stefan-luchian_vase-with-carnations-1907 +portrait,Romanticism,orest-kiprensky_portrait-of-elizabeth-olenina-1813 +genre_painting,Impressionism,nikolay-bogdanov-belsky_teacher-visitors +religious_painting,Northern_Renaissance,hieronymus-bosch_temptation-of-st-anthony-3 +religious_painting,Early_Renaissance,piero-della-francesca_crucifixion(1) +cityscape,Post_Impressionism,maurice-prendergast_central-park-new-york-1901 +landscape,Expressionism,martiros-saryan_scene-from-the-train-window-1960-1 +abstract_painting,Minimalism,myron-stout_untitled-5-2-17-55-1955 +landscape,Contemporary_Realism,neil-welliver_study-for-aqua-spring +cityscape,Impressionism,antoine-blanchard_arc-de-triomphe-4 +illustration,Romanticism,gustave-dore_ascent-to-the-fifth-circle +portrait,Romanticism,dante-gabriel-rossetti_golden-tresses-1865 +portrait,Mannerism_Late_Renaissance,sofonisba-anguissola_portrait-of-bianca-ponzoni-anguissola-the-artist-s-mother-1557 +religious_painting,Northern_Renaissance,jan-van-hemessen_st-jerome-praying-before-a-rocky-grotto-1548 +genre_painting,Impressionism,nikolay-bogdanov-belsky_reading-in-the-garden +portrait,Expressionism,george-bouzianis_portrait-of-painter-waldmuller +landscape,Impressionism,arthur-verona_country-road +still_life,Expressionism,georges-braque_the-billiard-table-1944 +landscape,Post_Impressionism,vincent-van-gogh_the-green-wheatfield-behind-the-asylum-1889 +portrait,Impressionism,mary-cassatt_woman-s-head-with-large-hat +religious_painting,Baroque,annibale-carracci_the-penitent-magdalen-in-a-landscape +cityscape,Fauvism,raoul-dufy_view-from-an-open-window +landscape,Impressionism,william-merritt-chase_shinnecock-hills-aka-a-view-of-shinnecock +portrait,Impressionism,edgar-degas_mme-theodore-gobillard-1869 +portrait,Realism,ivan-kramskoy_portrait-of-ekaterina-kornilova-1880 +portrait,Realism,vasily-surikov_portrait-of-princess-p-i-shcherbatova-1910 +cityscape,Northern_Renaissance,albrecht-durer_the-castle-at-trento-1495 +religious_painting,Early_Renaissance,carlo-crivelli_saint-john-the-evangelist +landscape,Impressionism,camille-pissarro_landscape-at-l-hermitage-1874 +portrait,Post_Impressionism,umberto-boccioni_ferruccio-busoni-1916 +still_life,Fauvism,ilya-mashkov_still-life-with-grapes-1910 +genre_painting,Impressionism,edgar-degas_a-ballet-seen-from-the-opera-box-1885 +genre_painting,Expressionism,martiros-saryan_red-horse-1919 +landscape,Symbolism,mikalojus-ciurlionis_the-sun-1907 +cityscape,Impressionism,paul-cezanne_the-house-and-the-tree +illustration,Art_Nouveau_Modern,kay-nielsen_the-story-of-a-mother +portrait,Romanticism,adolphe-joseph-thomas-monticelli_empress-eugenie-and-her-attendants +landscape,Impressionism,henri-catargi_summer-landscape-1966 +genre_painting,Realism,vasily-vereshchagin_polititians-in-opium-shop-tashkent-1870 +illustration,Romanticism,gustave-dore_don-quixote-150 +cityscape,Romanticism,william-turner_melrose-abbey +landscape,Realism,ivan-shishkin_sandy-road-1898 +landscape,Impressionism,micaela-eleutheriade_peisaj-pe-valea-prahovei-1948 +cityscape,Impressionism,nikolay-bogdanov-belsky_church-view +portrait,Romanticism,pierre-paul-prud'hon_lavinie-barbier-walbonne +genre_painting,Expressionism,ernst-ludwig-kirchner_group-of-artists-1927 +abstract_painting,Color_Field_Painting,theodoros-stamos_untitled-1967 +genre_painting,Impressionism,camille-pissarro_haymaking-at-eragny-1891 +cityscape,Impressionism,childe-hassam_the-harbor-of-a-thousand-masts-gloucester +religious_painting,Mannerism_Late_Renaissance,agnolo-bronzino_holy-family +portrait,Impressionism,nicolae-grigorescu_andreescu-at-barbizon-1880 +landscape,Realism,vasily-vereshchagin_monastery-in-a-rock-ladakh-1875 +still_life,Realism,constantin-stahi_watermelons-1907 +portrait,Baroque,judith-leyster_laughing-children-with-a-cat-1629 +landscape,Impressionism,claude-monet_spring-1875 +genre_painting,Naive_Art_Primitivism,david-burliuk_woman-with-two-buckets +portrait,Impressionism,pierre-auguste-renoir_the-artist-s-son-jean-1900 +genre_painting,Art_Nouveau_Modern,raphael-kirchner_flashing-motorists-1904-1 +cityscape,Symbolism,mstislav-dobuzhinsky_kaunas-cathedral-1931 +genre_painting,Baroque,rembrandt_the-golf-player-1654 +portrait,Symbolism,arnold-bã¶cklin_petrarch-by-the-fountain-of-vaucluse +landscape,Expressionism,ernst-ludwig-kirchner_junkerboden +portrait,Baroque,rembrandt_an-old-man-with-a-beard-1630 +cityscape,Art_Nouveau_Modern,nicholas-roerich_pskov-churchyard-1904-1 +portrait,Impressionism,joaquã­n-sorolla_academical-painting-from-nature-1887 +portrait,Baroque,frans-hals_portrait-of-a-woman-possibly-sara-wolphaerts-van-diemen +landscape,Realism,pyotr-konchalovsky_grey-day-blossoming-apple-trees-by-the-pond-1937 +religious_painting,Romanticism,gustave-dore_the-nativity +landscape,Impressionism,william-merritt-chase_shinnecock-hills-long-island +portrait,Romanticism,alexander-shilov_natasha-1995(4) +abstract_painting,Color_Field_Painting,clyfford-still_1956-d-1956 +landscape,Post_Impressionism,vincent-van-gogh_park-at-asnieres-in-spring-1887 +genre_painting,Romanticism,francisco-goya_attack-on-a-coach-1793 +genre_painting,Post_Impressionism,stefan-luchian_artist-s-studio +abstract_painting,Color_Field_Painting,morris-louis_tet-1958 +portrait,Realism,andrei-ryabushkin_woman-in-novgorod-peasant-dress +illustration,Romanticism,gustave-dore_the-centaurs-nessus(1) +landscape,Baroque,paul-bril_landscape-with-a-hunting-party-and-roman-ruins +genre_painting,Symbolism,pierre-puvis-de-chavannes_sleeping +illustration,Art_Nouveau_Modern,aubrey-beardsley_lady-with-cello +genre_painting,Romanticism,gustave-dore_tavern-in-whitechapel-1869 +religious_painting,High_Renaissance,pietro-perugino_st-nicholas-of-tolentino-1507 +genre_painting,Symbolism,konstantin-somov_sleeping-young-woman +portrait,Northern_Renaissance,albrecht-durer_male-portrait-before-green-base +landscape,Baroque,jacob-isaakszoon-van-ruisdael_landscape-with-a-house-in-the-grove-1646 +landscape,Symbolism,serge-sudeikin_harlequin-s-garden-1915 +genre_painting,Impressionism,childe-hassam_the-southwest-wind +portrait,Expressionism,bela-czobel_madonna-1937 +religious_painting,Baroque,bartolome-esteban-murillo_the-virgin-and-child-with-st-rosalina-1670 +still_life,Baroque,cornelis-norbertus-gysbrechts_trompe-l-oeil-a-cabinet-in-the-artist-s-studio-1671 +landscape,Post_Impressionism,emily-carr_blue-sky-1932 +sketch_and_study,Early_Renaissance,filippo-lippi_female-figure-1430 +landscape,Impressionism,pierre-auguste-renoir_the-coast-of-brittany-fishing-boats +religious_painting,Baroque,alonzo-cano_st-john-the-evangelist-at-patmos +landscape,Post_Impressionism,paul-cezanne_l-estaque-with-red-roofs-1885 +still_life,Cubism,louis-marcoussis_hy-res-i-1928 +genre_painting,Post_Impressionism,maurice-prendergast_cove-with-figures +portrait,High_Renaissance,titian_girls-in-furs-portrait-of-a-woman-1537 +genre_painting,Rococo,george-morland_selling-carrots-1795 +religious_painting,Realism,william-adolphe-bouguereau_the-madonna-of-the-roses-1903 +landscape,Symbolism,nicholas-roerich_landscape-with-lake-and-tree-on-the-shore +portrait,Impressionism,pierre-auguste-renoir_the-ingenue-1877 +portrait,Realism,george-catlin_osage-warrior-of-the-wha-sha-she-band-a-subdivision-of-hunkah-1834 +sketch_and_study,Expressionism,martiros-saryan_shepherds-1925 +cityscape,Ukiyo_e,keisai-eisen_unknown-title +portrait,Impressionism,john-singer-sargent_reconnoitering +abstract_painting,Abstract_Expressionism,sam-francis_untitled-1-1987 +landscape,Impressionism,pierre-auguste-renoir_looking-out-at-the-sacre-coeur-1896 +religious_painting,Early_Renaissance,filippo-lippi_annunciation +religious_painting,High_Renaissance,michelangelo_the-ancestors-of-christ-manasseh-amon-1512 +genre_painting,Realism,vladimir-makovsky_the-prisoner-1882 +cityscape,Romanticism,john-atkinson-grimshaw_an-autumn-idyll-1885 +landscape,Realism,ivan-shishkin_branches +landscape,Post_Impressionism,lajos-tihanyi_landscape-1912 +cityscape,Post_Impressionism,tivadar-kosztka-csontvary_castellamare-di-stabia-1902 +sketch_and_study,Impressionism,mary-cassatt_sketch-of-reine-and-child +genre_painting,Northern_Renaissance,albrecht-durer_youth-with-executioner +abstract_painting,Color_Field_Painting,sam-francis_untitled-purple-edge-1965 +portrait,Expressionism,amedeo-modigliani_young-servant-girl +portrait,Realism,thomas-eakins_portrait-of-charles-gruppe-1904 +genre_painting,Realism,nikolaos-gyzis_the-underground-school-1885 +landscape,Post_Impressionism,anita-malfatti_porto-de-m-naco-1926 +religious_painting,Baroque,peter-paul-rubens_st-ildefonso-receiving-a-priest-cloak +landscape,Impressionism,claude-monet_poppy-field +religious_painting,Romanticism,edward-burne-jones_the-wise-and-foolish-virgins-1859 +landscape,Post_Impressionism,paul-cezanne_the-aqueduct-and-lock +sketch_and_study,Realism,boris-kustodiev_portrait-of-z-proshinskaya-1901 +still_life,Impressionism,pierre-auguste-renoir_still-life-with-fish-1 +cityscape,Post_Impressionism,edouard-cortes_boulevard-bonne-nouvelle-porte-st-denis +landscape,Romanticism,franz-richard-unterberger_figures-in-a-village-in-the-dolomites +illustration,Cubism,louis-marcoussis_planches-de-salut-1931(1) +religious_painting,Mannerism_Late_Renaissance,el-greco_baptism-of-christ-1600 +religious_painting,High_Renaissance,lorenzo-lotto_altar-of-recanati-polyptych-crowning-of-the-right-wing-st-catherine-of-siena-and-st-sigismund-1508 +religious_painting,Northern_Renaissance,hieronymus-bosch_haywain-1500-2 +landscape,Symbolism,nicholas-roerich_pir-panjal-1925-2 +still_life,Impressionism,paul-cezanne_still-life-with-apples-and-biscuits-1877 +genre_painting,Northern_Renaissance,pieter-bruegel-the-elder_census-at-bethlehem-1566 +landscape,Post_Impressionism,henri-matisse_trivaux-pond-1917 +religious_painting,Northern_Renaissance,hieronymus-bosch_the-ship-of-fools-1500(1) +landscape,Post_Impressionism,gustave-loiseau_by-the-loing-river +sketch_and_study,Baroque,canaletto_the-grand-canal-seen-from-rialto-toward-the-north-1725 +genre_painting,Post_Impressionism,pablo-picasso_pierrot-with-a-mask-1918 +landscape,Post_Impressionism,vincent-van-gogh_cottages-reminiscence-of-the-north-1890(1) +genre_painting,Fauvism,henri-matisse_pastoral-1905 +still_life,Expressionism,salvador-dali_still-life-pulpo-y-scorpa +landscape,New_Realism,john-french-sloan_sally-and-paul-reds-and-greens +sketch_and_study,Realism,ivan-shishkin_pines-on-the-cliffs-alupka-1879 +genre_painting,Impressionism,william-james-glackens_italo-american-celebration-washington-square +religious_painting,Northern_Renaissance,hans-holbein-the-younger_st-barbara-1516 +still_life,Expressionism,richard-diebenkorn_knife-and-glass +genre_painting,Realism,vincent-van-gogh_sien-sewing-half-figure-1883-1 +cityscape,Impressionism,alfred-sisley_moret-sur-loing-morning-1892 +portrait,Realism,vasily-perov_blind-musician-1864 +portrait,Romanticism,dante-gabriel-rossetti_fanny-cornforth-1868 +portrait,Realism,camille-corot_portrait-of-a-young-girl-1859 +portrait,Post_Impressionism,henri-matisse_marguerite +portrait,Realism,vasily-perov_an-old-1874 +portrait,Post_Impressionism,henri-matisse_laurette-with-long-locks +abstract_painting,Cubism,m.-h.-maxy_vertical-construction-1923 +still_life,Expressionism,lyonel-feininger_still-life-with-can +portrait,Naive_Art_Primitivism,fernando-botero_four-women +portrait,Realism,fyodor-bronnikov_portrait-of-the-artist-s-mother-1871 +landscape,Expressionism,ernst-ludwig-kirchner_snow-at-the-staffelalp +nude_painting,Pop_Art,allen-jones_pour-les-levres-1965 +portrait,Romanticism,francisco-goya_la-tirana-1799 +landscape,Impressionism,ivan-grohar_temarski-vrt-1907 +portrait,Naive_Art_Primitivism,niko-pirosmani_a-boy-carrying-food +portrait,Rococo,allan-ramsay_portrait-of-augusta-of-saxe-gotha-princess-of-wales +religious_painting,Baroque,bernardo-strozzi_berenice +landscape,Impressionism,claude-monet_the-seine-at-bennecourt-winter +religious_painting,Early_Renaissance,sandro-botticelli_santa-maria-novella(1) +landscape,Impressionism,julian-alden-weir_loading-ice +portrait,Symbolism,nicholas-roerich_tibetian-lama-1927 +abstract_painting,Cubism,ossip-zadkine_composition +cityscape,Naive_Art_Primitivism,henri-rousseau_the-monument-to-chopin-in-the-luxembourg-gardens-1909 +religious_painting,Northern_Renaissance,hieronymus-bosch_the-temptation-of-st-anthony-1516-4 +portrait,Realism,ivan-kramskoy_somnambulant-1871 +illustration,Art_Nouveau_Modern,raphael-kirchner_legendes-1903-5 +landscape,Post_Impressionism,adam-baltatu_village-boundary +genre_painting,Expressionism,wassily-kandinsky_the-singer-1903 +genre_painting,Impressionism,william-merritt-chase_i-am-going-to-see-grandma-aka-mrs-chase-and-child +portrait,Impressionism,james-tissot_berthe +portrait,Expressionism,henri-matisse_olga-merson-1910 +still_life,Post_Impressionism,paul-cezanne_still-life-with-a-chest-of-drawers +religious_painting,Baroque,ivan-rutkovych_icon-christ-in-glory-1699 +abstract_painting,Abstract_Expressionism,morris-louis_number-1-1957 +landscape,Post_Impressionism,gustave-loiseau_poplars-by-the-eure-river-1900 +abstract_painting,Color_Field_Painting,brice-marden_thira-1980 +portrait,Northern_Renaissance,rogier-van-der-weyden_group-of-men +genre_painting,Naive_Art_Primitivism,david-burliuk_to-get-one-kiss-he-uses-two-keys +religious_painting,High_Renaissance,cima-da-conegliano_the-deposition +landscape,Impressionism,edgar-degas_steep-coast-1892 +genre_painting,Impressionism,joaquã­n-sorolla_after-the-bath-1916 +genre_painting,Baroque,peter-paul-rubens_boar-hunt +portrait,Impressionism,pierre-auguste-renoir_young-woman-wearing-a-hat +landscape,Realism,vincent-van-gogh_country-lane-with-trees-1882(1) +portrait,Expressionism,amedeo-modigliani_seated-woman-1919 +landscape,Impressionism,alfred-sisley_path-along-the-loing-canal-1891 +cityscape,Impressionism,claude-monet_rouen-cathedral-the-portal-morning-effect +landscape,Contemporary_Realism,neil-welliver_beaver-pond-1976 +cityscape,Post_Impressionism,maurice-utrillo_basilica-of-st-denis-1 +cityscape,Romanticism,ivan-aivazovsky_view-of-peterburg-1888 +illustration,Expressionism,carlos-saenz-de-tejada_platero-well +landscape,Northern_Renaissance,pieter-bruegel-the-elder_the-return-of-the-herd-autumn-1565 +abstract_painting,Minimalism,judy-chicago_morning-fan-1971 +landscape,Rococo,hubert-robert_the-old-bridge-1775 +landscape,Impressionism,camille-pissarro_fields-1877 +nude_painting,Post_Impressionism,henri-de-toulouse-lautrec_crouching-woman-with-red-hair-1897 +portrait,Expressionism,pyotr-konchalovsky_portrait-of-the-artist-alexander-leonidovich-vishnevsky-1920 +landscape,Romanticism,richard-parkes-bonington_landscape-near-quilleboeuf +portrait,Realism,konstantin-somov_portrait-of-artist-a-benua +portrait,Baroque,rembrandt_old-man-with-a-black-hat-and-gorget +portrait,Romanticism,joseph-wright_reverend-basil-bury-beridge +sketch_and_study,Realism,vasily-perov_organ-grinders +portrait,Post_Impressionism,vincent-van-gogh_l-arlesienne-portrait-of-madame-ginoux-1890 +religious_painting,Early_Renaissance,masaccio_st-girolamo-end-giovanni-battista-1428 +sketch_and_study,Realism,isaac-levitan_edge-of-forest-1891 +still_life,Realism,henri-fantin-latour_lemons-apples-and-tulips-1865 +nude_painting,Expressionism,zinaida-serebriakova_standing-nude-1932 +portrait,Post_Impressionism,umberto-boccioni_adriana-bisi-fabbri-1907 +landscape,Realism,konstantin-bogaevsky_evening-at-the-sea-1941 +landscape,Impressionism,georges-seurat_the-hedge-also-known-as-the-clearing-1882 +genre_painting,Naive_Art_Primitivism,grã©goire-michonze_beach-scene +landscape,Romanticism,caspar-david-friedrich_not-detected-4 +cityscape,Post_Impressionism,raoul-dufy_l-avenue-du-bois-1908 +portrait,Impressionism,mary-cassatt_clissa-turned-left-with-her-hand-to-her-ear-1895 +landscape,Pointillism,andre-derain_the-bridge-view-on-the-river-1905 +landscape,Realism,camille-corot_marcoussis-cows-grazing-1850 +landscape,Pointillism,henri-edmond-cross_family-of-swans +portrait,Expressionism,andre-derain_portrait-of-a-woman +cityscape,Impressionism,umberto-boccioni_the-grand-canal-in-venice-1907 +landscape,Impressionism,pierre-auguste-renoir_young-woman-in-a-garden-cagnes-1905 +abstract_painting,Abstract_Expressionism,philip-guston_untitled-5 +abstract_painting,Abstract_Expressionism,richard-pousette-dart_palimpsest-1944 +portrait,Expressionism,oswaldo-guayasamin_ternura-1989 +genre_painting,Symbolism,felicien-rops_lady-with-puppet-1 +cityscape,Symbolism,paul-mathiopoulos_after-the-rain-queen-street-wisdom-1900 +genre_painting,Realism,vasily-vereshchagin_russian-camp-in-turkestan +cityscape,Pop_Art,hiro-yamagata_metro-1987 +landscape,Impressionism,claude-monet_the-manneport-seen-from-the-east +portrait,Post_Impressionism,augustus-john_david-and-caspar-1912 +still_life,Impressionism,nicolae-darascu_vase-with-flowers-1 +portrait,Expressionism,george-mavroides_the-green-with-erica-1970 +sketch_and_study,Realism,john-singer-sargent_madame-edouard-pailleron-study-1879 +genre_painting,Impressionism,william-merritt-chase_when-one-is-old +religious_painting,Expressionism,konstantinos-parthenis_agia-sofia +genre_painting,Realism,vincent-van-gogh_a-sheet-with-sketches-1883(1) +genre_painting,Realism,andrei-ryabushkin_waiting-for-newlyweds-from-the-wedding-in-the-novgorod-province +genre_painting,Realism,james-tissot_goodbye-on-the-mersey +abstract_painting,Color_Field_Painting,friedel-dzubas_sartoris-1963 +religious_painting,Naive_Art_Primitivism,marc-chagall_a-jonah-s-boat-1977 +abstract_painting,Abstract_Expressionism,walasse-ting_fireworks-1973 +genre_painting,Impressionism,paul-gauguin_conversation-1885 +portrait,Symbolism,kuzma-petrov-vodkin_portrait-s-d-mstislavsky-1929 +cityscape,Post_Impressionism,maurice-utrillo_moulin-de-la-galette-5 +religious_painting,Northern_Renaissance,mabuse_man-of-sorrow +cityscape,Impressionism,eugene-boudin_la-place-de-la-gare-a-deauville-1879 +landscape,Symbolism,felix-vallotton_the-lake-leman-effect-of-the-evening-1900 +portrait,Expressionism,ding-yanyong_portrait-with-horse-1971 +genre_painting,Symbolism,gustave-moreau_arabian-poet-persian-1886 +landscape,Realism,isaac-levitan_evening-golden-plyos-1889-1 +genre_painting,Naive_Art_Primitivism,grandma-moses_the-rainbow-1961 +landscape,Romanticism,ivan-aivazovsky_alexander-ii-crossing-the-danube-1878 +religious_painting,Baroque,caravaggio_beheading-of-saint-john-the-baptist-1608(1) +cityscape,Baroque,jan-siberechts_a-view-of-longleat-1675 +portrait,Rococo,dmitry-levitzky_portrait-of-v-i-and-m-a-mitrofanovs +landscape,Impressionism,adam-baltatu_summer-sky +sketch_and_study,Baroque,rembrandt_view-of-houtewael-near-the-sint-anthoniespoort-1650 +landscape,Impressionism,giovanni-fattori_hay-stacks +genre_painting,Expressionism,pablo-picasso_untitled-1970-1 +abstract_painting,Abstract_Expressionism,robert-goodnough_soaring-ii-1994 +portrait,Post_Impressionism,vladimir-dimitrov_unknown-title-19 +landscape,Art_Nouveau_Modern,franklin-carmichael_autumn-in-the-northland +religious_painting,Northern_Renaissance,albrecht-durer_eve-1507 +portrait,Realism,john-singer-sargent_madame-errazuriz-also-known-as-the-lady-in-black +portrait,Post_Impressionism,david-burliuk_marusia-1960 +cityscape,Art_Nouveau_Modern,egon-schiele_windows-facade-of-a-house-1914 +sketch_and_study,Post_Impressionism,vincent-van-gogh_six-sketches-of-figures-among-others-a-man-sowing-wheat-1890 +portrait,Realism,william-adolphe-bouguereau_marguerite-1903 +genre_painting,Contemporary_Realism,jamie-wyeth_cat-bates-of-monhegan-1995 +cityscape,Impressionism,john-henry-twachtman_venice +landscape,Impressionism,camille-pissarro_the-street-of-hermitage-pontoise-1874 +sketch_and_study,Baroque,rembrandt_christ-presented-to-the-people-1655 +landscape,Realism,isaac-levitan_autumn-birches-1899 +genre_painting,Impressionism,giovanni-boldini_horses-and-knights +landscape,Impressionism,childe-hassam_oyster-sloop-cos-cob +genre_painting,Impressionism,childe-hassam_cab-stand-at-night-madison-square-new-york +nude_painting,Post_Impressionism,suzanne-valadon_after-the-bath-1908 +genre_painting,Impressionism,pierre-auguste-renoir_a-box-in-the-theater-des-varietes-1898 +portrait,Pointillism,theo-van-rysselberghe_portrait-of-madame-charles-maus-1890 +genre_painting,Analytical_Cubism,pablo-picasso_guitar-player-1910 +abstract_painting,Color_Field_Painting,gene-davis_treble-1975 +sketch_and_study,Baroque,rembrandt_two-studies-of-a-bird-of-paradise-1630 +cityscape,Impressionism,claude-monet_vetheuil-the-church +religious_painting,Northern_Renaissance,hans-memling_the-reliquary-of-st-ursula-1489 +abstract_painting,Color_Field_Painting,gene-davis_signal-1973 +sketch_and_study,Early_Renaissance,jacopo-bellini_unknown(3) +cityscape,Impressionism,maurice-prendergast_riva-san-biagio-venice +cityscape,Post_Impressionism,maurice-de-vlaminck_the-pont-de-chatou +cityscape,Impressionism,claude-monet_the-seine-at-asnieres-02 +sketch_and_study,Realism,vincent-van-gogh_sketch-of-a-foot-1886 +cityscape,Post_Impressionism,gustave-loiseau_the-auxerre-cathedral-1912 +portrait,Symbolism,franz-stuck_innocence-1889 +landscape,Impressionism,henri-matisse_brittany-also-known-as-boat-1896 +portrait,Impressionism,pablo-picasso_portrait-of-minguell +portrait,Ukiyo_e,keisai-eisen_no-13-8-13-from-an-untitled-series-of-beauties(1) +religious_painting,Baroque,bartolome-esteban-murillo_virgin-and-child-1680 +abstract_painting,Color_Field_Painting,morris-louis_number-32-1961 +genre_painting,Contemporary_Realism,eric-fischl_catboy +portrait,Cubism,leopold-survage_femme-et-oiseau-1927 +portrait,Realism,ilya-repin_portrait-of-actress-lyubov-sazonova-shuvalova-1899 +cityscape,Impressionism,antoine-blanchard_paris-la-cathedrale-notre-dame +religious_painting,Northern_Renaissance,albrecht-durer_apostle-judas-thaddeus +portrait,Northern_Renaissance,mabuse_portrait-of-hendrik-iii-count-of-nassau-breda +cityscape,Realism,aleksey-savrasov_little-house-in-the-province-spring-1878 +nude_painting,Realism,thomas-eakins_portraits +genre_painting,Baroque,adriaen-van-ostade_barber-extracting-of-tooth +landscape,Post_Impressionism,auguste-herbin_paysage-cubiste-1913 +abstract_painting,Color_Field_Painting,louis-cane_toile-tamponn-e-1967-2 +portrait,Romanticism,theodore-gericault_portrait-of-a-man-the-vendean-1823 +still_life,Pop_Art,patrick-caulfield_big-sausage-1978 +genre_painting,Post_Impressionism,paul-gauguin_taperaa-mahana-1892 +landscape,Post_Impressionism,maxime-maufra_the-auray-river-1909 +abstract_painting,Abstract_Expressionism,perle-fine_charcoal-red-winter-1960 +portrait,Ukiyo_e,kitagawa-utamaro_three-beauties-of-the-present-day-1793 +still_life,Post_Impressionism,theo-van-doesburg_still-life-1906 +genre_painting,Ukiyo_e,katsushika-hokusai_street-scenes-newly-pubished-10 +genre_painting,Rococo,pietro-longhi_the-parlour +abstract_painting,Color_Field_Painting,sean-scully_yellow-red-1994 +still_life,Post_Impressionism,mary-fedden_blue-2006 +genre_painting,Art_Nouveau_Modern,ferdinand-hodler_jenenser-student-1908 +portrait,Rococo,dmitry-levitzky_portrait-of-g-k-levitzky-artist-s-father-1779 +cityscape,Impressionism,alfred-sisley_boulevard-heloise-argenteuil-1872 +portrait,Expressionism,oswaldo-guayasamin_dos-cabezas-1987 +religious_painting,Symbolism,william-blake_and-elohim-created-adam-1795 +landscape,Impressionism,claude-monet_autumn-effect-at-argenteuil-1873 +landscape,Post_Impressionism,karl-schrag_the-glade-day-1970 +genre_painting,Romanticism,ivan-aivazovsky_flock-of-sheep-at-gale-1861 +genre_painting,Realism,grigoriy-myasoyedov_opahivanie-1876 +genre_painting,Pop_Art,richard-hamilton_a-languid-floating-flower-1983 +cityscape,Romanticism,ivan-aivazovsky_embankment-of-oriental-town-1862 +landscape,Impressionism,robert-julian-onderdonk_evening-near-jackson-southwest-texas +portrait,Rococo,vladimir-borovikovsky_portrait-of-general-adjutant-count-pyotr-tolstoy-1799 +abstract_painting,Abstract_Expressionism,esteban-vicente_untitled-2000 +religious_painting,Early_Renaissance,pietro-perugino_the-galitzin-triptych +cityscape,Romanticism,ivan-aivazovsky_smolny-convent-sunseat-1847 +portrait,Impressionism,pierre-auguste-renoir_girl-with-flowers-1888 +landscape,Romanticism,william-turner_mountain-stream-coniston +cityscape,Impressionism,gustave-caillebotte_roof-under-the-snow-paris +still_life,Post_Impressionism,henri-catargi_still-life-with-wine-bottle-and-lemons-1926 +portrait,Naive_Art_Primitivism,niko-pirosmani_ortachali-beauty-1905 +portrait,Expressionism,ernst-ludwig-kirchner_portrait-of-art-dealer-manfred-shames-1932 +portrait,Impressionism,william-merritt-chase_the-moroccan-girl +landscape,Cubism,pyotr-konchalovsky_mount-cassis-1913 +portrait,Realism,john-singer-sargent_portrait-of-a-man-probably-nicola-d-inverno +genre_painting,Realism,vasily-perov_out-under-1879 +cityscape,Impressionism,pierre-auguste-renoir_landscape-with-red-roofs +nude_painting,Cubism,marc-chagall_nude-1913 +portrait,Rococo,thomas-gainsborough_mr-and-mrs-john-gravenor-and-their-daughters-elizabeth-and-ann-1754 +still_life,Expressionism,henri-matisse_still-life-with-a-magnolia-1941 +nude_painting,Expressionism,henri-matisse_zulma-1950 +portrait,Realism,ivan-kramskoy_portrait-of-dmitry-vasilyevich-grigorovich-1876 +landscape,Impressionism,edgar-degas_at-saint-valery-sur-somme +cityscape,Cubism,maurice-de-vlaminck_wines-liquors-1910 +illustration,Romanticism,gustave-dore_don-quixote-106 +landscape,Cubism,juan-gris_the-garden-1916 +portrait,Post_Impressionism,vincent-van-gogh_the-baby-marcelle-roulin-1888 +portrait,Northern_Renaissance,petrus-christus_kneeling-male-donor +landscape,Impressionism,alfred-sisley_banks-of-the-seine-wind-blowing-1894 +cityscape,Impressionism,antoine-blanchard_paris-les-champs-elysees +abstract_painting,Abstract_Expressionism,forrest-bess_night-flight-1959 +illustration,Romanticism,gustave-dore_the-gluttons-forese +religious_painting,Northern_Renaissance,hans-memling_the-archangel-michael-1479 +landscape,Realism,camille-corot_the-gardens-of-the-villa-d-este-tivoli-1843 +genre_painting,Pointillism,paul-signac_breakfast-the-dining-room +portrait,Romanticism,alfred-stevens_portrait-of-a-young-lady-1906 +nude_painting,New_Realism,yiannis-tsaroychis_reclining-nude +nude_painting,Fauvism,janos-mattis-teutsch_woman-on-a-blue-divan-1947 +genre_painting,Baroque,jacob-jordaens_the-king-drinks-1638 +cityscape,Art_Nouveau_Modern,anna-ostroumova-lebedeva_petersburg-the-summer-garden-in-winter-1902 +landscape,Realism,camille-corot_the-solitude-recollection-of-vigen-limousin-1866 +religious_painting,Northern_Renaissance,rogier-van-der-weyden_saints-margaret-and-apollonia-1450 +religious_painting,High_Renaissance,lorenzo-lotto_madonna-and-child-with-saint-peter-martyr-1503 +landscape,Post_Impressionism,paul-gauguin_lane-at-alchamps-arles-1888 +genre_painting,Realism,charles-francois-daubigny_wood-fire-in-the-country-1871 +portrait,Baroque,anthony-van-dyck_portrait-of-a-gentleman-dressed-in-black-in-front-of-a-pillar +landscape,Post_Impressionism,vincent-van-gogh_the-ploughed-field-1888 +cityscape,Post_Impressionism,maurice-utrillo_saint-rustique-street +landscape,Post_Impressionism,paul-cezanne_house-behind-trees-on-the-road-to-tholonet-1887 +portrait,Early_Renaissance,benozzo-gozzoli_procession-of-the-magus-balthazar-detail-1461-4 +portrait,Realism,john-singer-sargent_portrait-of-jeanne-kieffer-1879 +sketch_and_study,Northern_Renaissance,albrecht-durer_feet-of-an-apostle +portrait,Realism,giovanni-boldini_duke-marlborough-singer-sargent-and-family +landscape,Impressionism,robert-julian-onderdonk_sunlight-and-shadow-1910 +genre_painting,Naive_Art_Primitivism,david-burliuk_a-horse-and-a-groom-1925 +cityscape,Impressionism,camille-pissarro_portal-from-the-abbey-church-of-saint-laurent-1901 +abstract_painting,Color_Field_Painting,john-ferren_untitled-1952-1 +religious_painting,Early_Renaissance,masaccio_the-tribute-money-1425 +cityscape,Impressionism,childe-hassam_spring-on-west-78th-street +portrait,Post_Impressionism,pierre-bonnard_woman-in-a-blue-hat-1908 +portrait,Impressionism,pierre-auguste-renoir_woman-with-a-rose-1876 +abstract_painting,Minimalism,henk-peeters_pyrography-on-linen-1959 +cityscape,Impressionism,roger-fry_bassano +landscape,Impressionism,claude-monet_morning-on-the-seine-near-giverny-02 +abstract_painting,Color_Field_Painting,kenzo-okada_screen-i-diptych-1955 +religious_painting,Naive_Art_Primitivism,fernando-botero_saint-rose-of-lima +genre_painting,Realism,james-tissot_the-rendez-vous +religious_painting,Mannerism_Late_Renaissance,piero-di-cosimo_the-immaculate-conception-with-saints-1510 +genre_painting,Baroque,jan-steen_skittle-players-outside-an-inn-1663 +portrait,Expressionism,gerard-sekoto_boy-and-the-candle-1943 +cityscape,Impressionism,konstantin-korovin_after-the-rain-paris-1897 +landscape,Symbolism,nicholas-roerich_dzong-1928 +portrait,Naive_Art_Primitivism,david-burliuk_portrait-of-woman +genre_painting,Impressionism,pierre-auguste-renoir_canoeing-young-girl-in-a-boat-1877 +nude_painting,Expressionism,edvard-munch_nude-i-1913 +cityscape,Romanticism,william-turner_the-burning-of-the-houses-of-parliament-3 +still_life,Cubism,amadeo-de-souza-cardoso_parto-da-viola-bom-m-nage-1916 +landscape,Impressionism,william-james-glackens_garden-in-hartford-1918 +religious_painting,Baroque,rembrandt_the-supper-at-emmaus +landscape,Ukiyo_e,katsushika-hokusai_moonlight-over-the-sumida-river-in-edo +portrait,Cubism,fernand-leger_man-and-woman-1921 +religious_painting,Early_Renaissance,bartolome-bermejo_piet-of-canon-luis-despl-1490 +cityscape,Realism,andrei-ryabushkin_mikhailovsky-street-in-novgorod +still_life,Realism,martin-johnson-heade_giant-magnolias-on-a-blue-velvet-cloth-1890 +sketch_and_study,Baroque,rembrandt_self-portrait-open-mouthed +landscape,Realism,camille-corot_the-monastery-behind-the-trees +landscape,Impressionism,winston-churchill_mimizan(1) +abstract_painting,Minimalism,alighiero-boetti_immaginando-tutto-1982 +illustration,Romanticism,gustave-dore_schismatics-mahomet +landscape,Romanticism,john-constable_landscape-ploughing-scene-in-suffolk-1814 +genre_painting,Impressionism,berthe-morisot_shepherdess-resting-1891 +landscape,Post_Impressionism,vincent-van-gogh_the-ravine-of-the-peyroulets-1889 +genre_painting,Impressionism,edgar-degas_torso-of-a-dancer +landscape,Symbolism,martiros-saryan_mountain-landscape-1969 +still_life,Cubism,juan-gris_bottle-and-pitcher +abstract_painting,Abstract_Expressionism,sam-francis_big-orange-1955 +landscape,Post_Impressionism,paul-cezanne_the-valley-of-the-oise-1880 +abstract_painting,Color_Field_Painting,anne-truitt_9-jan-73-1973 +religious_painting,Early_Renaissance,giovanni-bellini_polyptych-of-san-vincenzo-ferreri-1468-3 +illustration,Romanticism,gustave-dore_the-ascent +landscape,Post_Impressionism,vincent-van-gogh_wheat-stacks-with-reaper-1888 +portrait,Realism,boris-kustodiev_portrait-of-nikolay-lazarevich-bublichenko-1924 +landscape,Romanticism,caspar-david-friedrich_landscape-with-the-rosenberg-in-bohemian-switzerland +cityscape,Post_Impressionism,pyotr-konchalovsky_novgorod-kukui-tower-1928-1 +landscape,Realism,camille-pissarro_view-of-l-hermitage-at-pontoise-1867 +cityscape,Pointillism,theo-van-rysselberghe_the-door-of-monsour-hay-in-meknes-morocco-1887 +genre_painting,Cubism,ernst-ludwig-kirchner_entertainment +genre_painting,Impressionism,pierre-auguste-renoir_in-the-garden-1885 +portrait,Mannerism_Late_Renaissance,el-greco_female-portrait +illustration,Art_Nouveau_Modern,nicholas-roerich_vignette-for-book-n-k-roerich-1918-7 +abstract_painting,Color_Field_Painting,barnett-newman_tenth-station-1965 +landscape,Impressionism,childe-hassam_posilippo +genre_painting,Symbolism,alphonse-mucha_the-apotheosis-of-the-slavs-1925 +genre_painting,Rococo,francois-boucher_breakfast-1739 +genre_painting,Romanticism,dante-gabriel-rossetti_a-christmas-carol-1857 +landscape,Cubism,pyotr-konchalovsky_cassis-1913-1 +religious_painting,Symbolism,george-frederick-watts_adam-and-eve-before-the-temptation +portrait,Realism,giovanni-boldini_profile-of-a-young-woman +genre_painting,Baroque,adriaen-van-de-velde_frozen-canal-with-skaters-and-hockey-players-1668 +genre_painting,Expressionism,vilmos-aba-novak_well-sweep-watering-at-the-well-sweep-1927 +portrait,Realism,mihaly-munkacsy_relaxing-lady +genre_painting,Impressionism,akseli-gallen-kallela_marie-gall-n-at-the-kuhmoniemi-bridge-1890 +portrait,Ukiyo_e,utagawa-kuniyoshi_the-actor-14 +still_life,Cubism,otto-gustav-carlsund_composition-with-music-instrument +landscape,Impressionism,pierre-auguste-renoir_landscape-4 +portrait,Realism,salvador-dali_portrait-of-the-marquis-de-cuevas +landscape,Expressionism,chaim-soutine_gorge-de-loup-sur-vence +abstract_painting,Color_Field_Painting,perle-fine_cool-series-no-9-gibraltar-1963 +landscape,Romanticism,ivan-aivazovsky_surf-1897 +portrait,Impressionism,peder-severin-kroyer_holger-drachman-1902 +landscape,Impressionism,alfred-sisley_banks-of-the-loing-near-moret-1890 +cityscape,Impressionism,konstantinos-volanakis_the-port-of-volos-1 +portrait,Romanticism,karl-bryullov_portrait-of-the-poet-and-playwright-nestor-kukolnic +cityscape,Rococo,bernardo-bellotto_view-of-an-old-bridge-over-the-river-po-turin-1745 +cityscape,Impressionism,antoine-blanchard_place-du-chatelet +landscape,Impressionism,claude-monet_poppy-field-in-giverny-02 +portrait,Rococo,maurice-quentin-de-la-tour_jean-jacques-rousseau +illustration,Expressionism,jury-annenkov_illustration-to-aleksander-blok-s-poem-the-twelve-1918-2 +sketch_and_study,Post_Impressionism,pablo-picasso_marin-and-student-1907 +landscape,Expressionism,ernst-ludwig-kirchner_windswept-firs +abstract_painting,Color_Field_Painting,gene-davis_two-part-blue-1964 +abstract_painting,Abstract_Expressionism,frank-bowling_sacha-jason-guyana-dreams-1989 +genre_painting,Ukiyo_e,utagawa-kuniyoshi_the-station-kambara +genre_painting,Rococo,william-hogarth_w-a-rake-s-progress-the-gaming-house-1735 +genre_painting,Impressionism,edgar-degas_dancers-on-set-1880 +genre_painting,Mannerism_Late_Renaissance,jacopo-pontormo_episode-from-the-life-in-the-hospital-1514 +genre_painting,Impressionism,giovanni-boldini_a-guitar-player-1873 +genre_painting,Impressionism,john-singer-sargent_at-torre-galli-ladies-in-a-garden-1910 +genre_painting,Impressionism,john-singer-sargent_artist-in-the-simplon +genre_painting,Realism,vasily-perov_return-of-the-peasants-from-a-funeral-in-the-winter +genre_painting,Expressionism,pablo-picasso_big-heads-1969 +genre_painting,Expressionism,egon-schiele_cardinal-and-nun-caress-1912 +genre_painting,Realism,camille-corot_the-monk-1874 +genre_painting,Impressionism,edgar-degas_the-curtain +genre_painting,Impressionism,constantin-artachino_on-the-terrace +genre_painting,Impressionism,eugene-boudin_beach-scene +genre_painting,Cubism,arthur-segal_die-melkerin +genre_painting,Symbolism,nicholas-roerich_dragging-portage-1915 +genre_painting,Impressionism,giuseppe-de-nittis_snow-effect +genre_painting,Naive_Art_Primitivism,marc-chagall_the-lovers-heaven-1964 +genre_painting,Impressionism,nikolay-bogdanov-belsky_school-friends +genre_painting,Realism,vladimir-makovsky_verdict-1882 +genre_painting,Post_Impressionism,pablo-picasso_pierrot-and-colombina-1900 +genre_painting,Expressionism,edvard-munch_four-girls-in-arsgardstrand-1903 +genre_painting,Naive_Art_Primitivism,marc-chagall_dance-1962 +genre_painting,Impressionism,john-singer-sargent_camping-at-lake-o-hara-1916 +genre_painting,Impressionism,edgar-degas_before-the-ballet-detail-1892-1 +genre_painting,Impressionism,william-merritt-chase_peonies-1897 +genre_painting,Impressionism,giovanni-boldini_the-dump-at-the-door-of-asier-1887 +genre_painting,Naive_Art_Primitivism,edith-vonnegut_falling +genre_painting,Impressionism,camille-pissarro_laundresses-at-eragny-1 +genre_painting,Impressionism,camille-pissarro_the-tedder-1884 +genre_painting,Impressionism,childe-hassam_flower-girl-by-the-seine-paris +genre_painting,Expressionism,gerard-sekoto_prayer-in-church-1947 +genre_painting,Romanticism,sir-lawrence-alma-tadema_fhe-frigidarium-1890 +genre_painting,Impressionism,john-singer-sargent_two-girls-lying-on-the-grass-1889 +genre_painting,Romanticism,francisco-goya_the-ill-matched-couple +genre_painting,Realism,winslow-homer_blackboard +genre_painting,Romanticism,francisco-goya_old-eating-soup-1823 +genre_painting,Impressionism,edgar-degas_the-dance-class-1874 +genre_painting,Pop_Art,richard-hamilton_chiara-chair-2004 +genre_painting,Contemporary_Realism,eric-fischl_best-western-study +genre_painting,Realism,nikolay-bogdanov-belsky_to-work +genre_painting,Naive_Art_Primitivism,niko-pirosmani_the-temple-festival-in-bolnisi +genre_painting,Impressionism,eugene-boudin_laundresses-on-the-banks-of-the-river +genre_painting,Impressionism,nutzi-acontz_horseshoeing-1948 +genre_painting,Expressionism,wassily-kandinsky_white-sound-1908 +genre_painting,Romanticism,alfred-stevens_knitter +genre_painting,Romanticism,george-stubbs_lord-grosvenor-s-arabian-stallion-with-a-groom +genre_painting,Impressionism,joaquã­n-sorolla_guitplayers-valencia-1889 +genre_painting,Impressionism,julian-alden-weir_summer-1898 +genre_painting,Romanticism,joseph-wright_a-conversation-between-girls-or-two-girls-with-their-black-servant-1770 +genre_painting,Impressionism,eugene-boudin_beach-at-trouville-1864 +genre_painting,Impressionism,camille-pissarro_picking-peas-1 +genre_painting,Impressionism,mary-cassatt_after-the-bath +genre_painting,Symbolism,nicholas-roerich_fires-of-victory-sentinel-lights-on-the-towers-in-gobi-1940 +genre_painting,Realism,ilya-repin_putting-a-propagandist-under-arrest-1878 +genre_painting,Realism,ivan-grohar_brna-1899 +genre_painting,Impressionism,henri-martin_woman-by-the-artist +genre_painting,Impressionism,claude-monet_jeanne-marguerite-lecadre-in-the-garden +genre_painting,Art_Nouveau_Modern,carl-larsson_lisbeth-reading-1904(1) +genre_painting,Post_Impressionism,maurice-prendergast_the-flying-horses +genre_painting,Naive_Art_Primitivism,marc-chagall_lilacs-1980 +genre_painting,Fauvism,kazimir-malevich_pedicurist-in-the-baths +genre_painting,Post_Impressionism,edouard-vuillard_good-children +genre_painting,Baroque,diego-velazquez_two-young-men-eating-at-a-humble-table +genre_painting,Naive_Art_Primitivism,grã©goire-michonze_figures-in-the-village(1) +genre_painting,Post_Impressionism,paul-gauguin_a-seashore-1887 +genre_painting,Impressionism,berthe-morisot_getting-up-1886 +genre_painting,Baroque,adriaen-brouwer_tavern-scene +genre_painting,Realism,james-tissot_study-of-cathlene-newton-in-a-thames-tavern +genre_painting,Naive_Art_Primitivism,yiannis-tsaroychis_four-men-at-a-cafe-1927 +genre_painting,Naive_Art_Primitivism,marc-chagall_the-avenue-of-opera-1969 +genre_painting,Baroque,adriaen-van-ostade_village-feast +genre_painting,Realism,nicholas-roerich_ivan-forester-1894 +genre_painting,Realism,ilya-repin_send-off-of-recruit-1879 +genre_painting,Art_Nouveau_Modern,sergey-solomko_temptation +genre_painting,Post_Impressionism,pablo-picasso_the-three-dutchwoman-1905 +genre_painting,Realism,gustave-courbet_poachers-in-the-snow-1867 +genre_painting,Impressionism,joaquã­n-sorolla_peppers-1903 +genre_painting,Ukiyo_e,utagawa-toyokuni_three-beauties-snow +genre_painting,Rococo,william-hogarth_the-four-times-of-day-night-1736 +genre_painting,Post_Impressionism,le-pho_woman-in-a-garden +genre_painting,Realism,peder-severin-kroyer_luncheon-at-antino +genre_painting,Contemporary_Realism,eric-fischl_scenes-from-late-paradise-the-parade +genre_painting,Realism,vasily-polenov_dungeon-1880 +genre_painting,Expressionism,ernst-ludwig-kirchner_parterre-acrobats +genre_painting,Cubism,pablo-picasso_algerian-women-delacroix-1955 +genre_painting,Baroque,gerard-terborch_the-letter +genre_painting,Pointillism,henri-edmond-cross_la-plage-de-saint-clair-1907 +genre_painting,Expressionism,billy-childish_man-sat-on-chairs-2011 +genre_painting,Pointillism,maurice-prendergast_rising-tide-st-malo +genre_painting,Impressionism,berthe-morisot_reading +genre_painting,Realism,vasily-vereshchagin_west-tibetans-1876 +genre_painting,Impressionism,nikolay-bogdanov-belsky_an-afternoon-fishing +genre_painting,Impressionism,pierre-auguste-renoir_seated-couple-1912 +genre_painting,Pop_Art,roy-lichtenstein_live-ammo-ha-ha-ha-1962(1) +genre_painting,Expressionism,chaim-soutine_two-children-on-a-road-1 +genre_painting,Expressionism,lucian-freud_triple-portrait-1987 +genre_painting,Early_Renaissance,benozzo-gozzoli_the-school-of-tagaste-1465-1 +genre_painting,Realism,boris-kustodiev_under-the-arches-of-the-old-church-1918 +genre_painting,Baroque,peter-paul-rubens_roman-charity +genre_painting,Contemporary_Realism,eric-fischl_scenes-of-late-paradise-the-welcome +genre_painting,Pointillism,georges-seurat_sketch-with-many-figures-for-sunday-afternoon-on-grande-jatte-1884 +genre_painting,Realism,vincent-van-gogh_old-woman-asleep-after-rops-1873 +genre_painting,Post_Impressionism,stefan-luchian_hair-washing-1912 +genre_painting,Impressionism,eugene-boudin_beach-scene-15 +genre_painting,Impressionism,edgar-degas_before-the-ballet-detail-1892 +genre_painting,Realism,george-catlin_attacking-the-grizzly-bear-1844 +genre_painting,Impressionism,john-atkinson-grimshaw_the-rector-s-garden-queen-of-the-lilies-1877 +genre_painting,Realism,winslow-homer_croquet-scene +genre_painting,Ukiyo_e,katsushika-hokusai_sunset-across-the-ryogoku-bridge-from-the-bank-of-the-sumida-river-at-onmagayashi +genre_painting,Expressionism,egon-schiele_reclining-woman-with-blond-hair-1914 +genre_painting,Impressionism,pierre-auguste-renoir_shepherdess-1887 +genre_painting,Post_Impressionism,maurice-prendergast_village-by-the-sea +genre_painting,Baroque,esaias-van-de-velde_the-robbery-1616 +genre_painting,Post_Impressionism,pierre-bonnard_sea-landscape-1900 +genre_painting,Post_Impressionism,paul-gauguin_the-red-cow-1889 +genre_painting,Rococo,william-hogarth_a-just-view-of-the-english-stage-1724 +genre_painting,Art_Nouveau_Modern,raphael-kirchner_girls-with-good-luck-charms-2 +genre_painting,Art_Nouveau_Modern,henri-de-toulouse-lautrec_the-ball-1880 +genre_painting,Realism,anders-zorn_sappho-1917 +genre_painting,Analytical_Cubism,pablo-picasso_man-with-guitar-1912 +genre_painting,Realism,vladimir-makovsky_the-condemned-1879 +genre_painting,Ukiyo_e,keisai-eisen_children-s-pastimes-a-procession-on-nihon-bridge-1820 +genre_painting,New_Realism,george-luks_spring-morning-houston-and-division-streets-new-york-1922 +genre_painting,Symbolism,konstantin-somov_fireworks-display-1922 +genre_painting,Realism,james-mcneill-whistler_the-cobbler-1855 +genre_painting,Baroque,jan-steen_winning-speaker +genre_painting,Post_Impressionism,paul-gauguin_washerwomen-at-roubine-du-roi-1888 +genre_painting,Impressionism,camille-pissarro_the-factory-1873 +genre_painting,Expressionism,august-macke_sunny-way +genre_painting,Impressionism,maurice-prendergast_italian-flower-market-1898 +genre_painting,New_Realism,john-french-sloan_chinese-restaurant-1909 +genre_painting,Ukiyo_e,keisai-eisen_shinagawa-hot-tea-1845(1) +genre_painting,Baroque,peter-paul-rubens_return-of-the-prodigal-son +genre_painting,Baroque,adriaen-van-ostade_feasting-peasants-in-a-tavern +genre_painting,Rococo,george-morland_a-gypsy-encampment-1798 +genre_painting,Fauvism,august-macke_gelbes-segel +genre_painting,Impressionism,edgar-degas_the-green-dancer-1879 +genre_painting,Realism,james-tissot_young-lady-in-a-boat +genre_painting,Post_Impressionism,constantin-piliuta_at-the-bar +genre_painting,Impressionism,william-merritt-chase_woman-on-a-dock +genre_painting,Expressionism,egon-schiele_young-mother-1914 +genre_painting,Expressionism,louay-kayyali_the-flute-seller +genre_painting,Pointillism,henri-edmond-cross_in-the-shade-1902 +genre_painting,Expressionism,balthus_the-dream +genre_painting,Baroque,adriaen-brouwer_village-scene-with-men-drinking +genre_painting,Pointillism,paul-signac_sunday +genre_painting,Expressionism,margareta-sterian_road-of-no-return +genre_painting,Art_Nouveau_Modern,wilhelm-kotarbinski_near-the-prison +genre_painting,Post_Impressionism,maurice-prendergast_beach-scene-with-boats +genre_painting,Ukiyo_e,katsushika-hokusai_street-scenes-newly-pubished-2 +genre_painting,Post_Impressionism,pierre-bonnard_picking-cherries-1946 +genre_painting,Symbolism,arnold-bã¶cklin_ideal-spring-landscape-1871 +genre_painting,Post_Impressionism,felix-vallotton_bathe-with-etratat-1899 +genre_painting,Realism,winslow-homer_the-milk-maid +genre_painting,Post_Impressionism,andre-derain_funeral-1899 +genre_painting,Realism,winslow-homer_breezing-up-a-fair-wind-1876 +genre_painting,Romanticism,francisco-goya_old-beggar-with-a-maja +genre_painting,Impressionism,gustave-caillebotte_the-parquet-planers-1876 +genre_painting,Art_Nouveau_Modern,carl-larsson_the-day-before-christmas-1892(1) +genre_painting,Impressionism,berthe-morisot_the-bath-at-mesnil +genre_painting,Impressionism,edouard-manet_argenteuil-1874 +genre_painting,Expressionism,lynd-ward_not-detected-272548 +genre_painting,Realism,vincent-van-gogh_interior-with-peasant-woman-sewing-1885-3 +genre_painting,Baroque,pieter-de-hooch_a-mistress-and-her-maid +genre_painting,Post_Impressionism,paul-gauguin_in-the-heat-the-pigs-1888 +genre_painting,Analytical_Cubism,pablo-picasso_clarinetist +genre_painting,Impressionism,maurice-prendergast_ladies-in-the-rain +genre_painting,Impressionism,mary-cassatt_mother-and-child-in-a-boat +genre_painting,Cubism,theo-van-doesburg_the-cardplayers-1916 +genre_painting,Romanticism,adolphe-joseph-thomas-monticelli_the-promenade +genre_painting,Impressionism,edgar-degas_cafe-concert-singer +genre_painting,Naive_Art_Primitivism,maria-primachenko_let-us-go-to-the-betrothal-party-1968 +genre_painting,Realism,aleksey-savrasov_do-icons +genre_painting,Expressionism,paula-modersohn-becker_two-girls-seated-in-the-birch-forest +genre_painting,Impressionism,john-singer-sargent_the-brook-1907 +genre_painting,Expressionism,yiannis-tsaroychis_departure-with-oval-mirror-1962 +genre_painting,Impressionism,henry-herbert-la-thangue_a-proven-al-stream-1903 +genre_painting,Ukiyo_e,utagawa-kunisada_not_detected_239640 +genre_painting,Realism,pavel-fedotov_grand-duke-mikhail-pavlovich-visiting-the-camp-of-the-finland-regiment-of-imperial-guards-on-1838 +genre_painting,Baroque,adriaen-brouwer_peasants-quarrelling-in-an-interior-1630 +genre_painting,Expressionism,paul-klee_bad-band-1920(1) +genre_painting,Post_Impressionism,pyotr-konchalovsky_mother-and-child-1928 +genre_painting,Romanticism,franz-xaver-winterhalter_roman-genre-scene +genre_painting,Expressionism,dimitris-mytaras_untitled(1) +genre_painting,Realism,nicholas-roerich_elders-gathering-1898 +genre_painting,Impressionism,henri-edmond-cross_women-tying-the-vine +genre_painting,Impressionism,edgar-degas_woman-at-her-toilette-1 +genre_painting,Impressionism,childe-hassam_improvisation +genre_painting,High_Renaissance,giorgione_the-storm-1505(2) +genre_painting,Symbolism,nicholas-roerich_hermit-by-the-misterious-stone-unknown-old-man-has-settled-1941 +genre_painting,Naive_Art_Primitivism,william-h.-johnson_high-life-harlem-1940(1) +genre_painting,Post_Impressionism,paul-cezanne_four-bathers-1880 +genre_painting,Baroque,rembrandt_old-beggar-woman-with-a-gourd-1629 +genre_painting,Impressionism,camille-pissarro_laundring-women-eragny-sur-eptes-1895 +genre_painting,Expressionism,lyonel-feininger_the-disparagers-1911 +genre_painting,Romanticism,sir-lawrence-alma-tadema_the-parting-kiss-1882 +genre_painting,Post_Impressionism,stefan-dimitrescu_balchik-beach-1926 +genre_painting,Art_Nouveau_Modern,sergey-solomko_young-lovers +genre_painting,Naive_Art_Primitivism,maria-primachenko_spectacle-cossack-beyond-the-danube-1936 +genre_painting,Expressionism,pyotr-konchalovsky_bullfight-study-1910 +genre_painting,Realism,nicolae-grigorescu_hora +genre_painting,Rococo,pietro-longhi_the-washerwomen +genre_painting,Realism,vladimir-makovsky_midday-sun-1881 +genre_painting,Baroque,adriaen-van-ostade_sense-of-smell +genre_painting,Realism,theo-van-rysselberghe_the-children-of-francois-van-rysselberghe-1885 +genre_painting,Realism,octav-bancila_sf-r-itul-permisiei-1898 +genre_painting,Post_Impressionism,pyotr-konchalovsky_the-woman-at-the-creek-1932 +genre_painting,Realism,james-tissot_woman-in-an-interior +genre_painting,Rococo,jean-baptiste-simeon-chardin_the-washing-up-guy-in-the-pub +genre_painting,Romanticism,fyodor-bronnikov_completed-scores +genre_painting,Post_Impressionism,vincent-van-gogh_marguerite-gachet-at-the-piano-1890-1 +genre_painting,Impressionism,pierre-auguste-renoir_young-woman-seated-on-the-grass +genre_painting,Romanticism,eugene-delacroix_horse-and-rider-attacked-by-a-lion(1) +genre_painting,Impressionism,eugene-boudin_princess-pauline-metternich-on-the-beach +genre_painting,Romanticism,caspar-david-friedrich_easter-morning +genre_painting,Impressionism,frits-thaulow_after-the-rain +genre_painting,Realism,vasily-perov_boy-craftsman-1865 +genre_painting,Pop_Art,patrick-procktor_a-group-of-polish-pilots-1960 +genre_painting,Baroque,johannes-vermeer_young-woman-with-a-water-pitcher +genre_painting,Realism,ivan-vladimirov_photographer-in-the-countryside-1921 +genre_painting,Fauvism,august-macke_man-with-donkey +genre_painting,Post_Impressionism,paul-cezanne_bathers-1880 +genre_painting,Impressionism,edgar-degas_madame-alexis-rouart-and-her-children +genre_painting,Realism,octav-bancila_o-afacere-bun-1899 +genre_painting,Romanticism,arthur-hughes_old-neighbor-gone-bye +genre_painting,Art_Nouveau_Modern,carl-larsson_the-kitchen(1) +genre_painting,Ukiyo_e,katsushika-hokusai_images-of-bathers-bathing-people +genre_painting,Baroque,adriaen-van-ostade_scissors-grinder +genre_painting,Impressionism,camille-pissarro_the-goose-girl-at-montfoucault-white-frost-1875 +genre_painting,Post_Impressionism,wassily-kandinsky_ancient-russia-1904 +genre_painting,Impressionism,edgar-degas_dancers-in-the-wings +genre_painting,Post_Impressionism,alexandre-benois_breton-dancing-1906(2) +genre_painting,Realism,vladimir-makovsky_before-explaining-the-date-1900 +genre_painting,Cubism,lyonel-feininger_landungssteg-1920 +genre_painting,Expressionism,edvard-munch_self-portrait-during-eye-disease-ii-1930 +genre_painting,Impressionism,amadeo-de-souza-cardoso_gypsies-1910 +genre_painting,Cubism,m.-h.-maxy_danube-water-levels-1926 +genre_painting,Impressionism,william-merritt-chase_in-the-park-a-by-path +genre_painting,Post_Impressionism,rene-magritte_the-staging-post-1948(1) +genre_painting,Post_Impressionism,maurice-prendergast_the-balloon-1 +genre_painting,Pointillism,paul-signac_woman-at-her-toilette-wearing-a-purple-corset-1893 +genre_painting,Impressionism,edouard-manet_croquet-1873 +genre_painting,Naive_Art_Primitivism,niko-pirosmani_prayer-in-a-village +genre_painting,Realism,edouard-manet_the-absinthe-drinker-1859 +genre_painting,Post_Impressionism,vladimir-dimitrov_unknown-title-3 +genre_painting,Impressionism,camille-pissarro_bathers-2-1895 +genre_painting,Impressionism,william-merritt-chase_at-the-seaside +genre_painting,Baroque,pieter-de-hooch_woman-and-child-in-a-courtyard +genre_painting,Art_Nouveau_Modern,boris-kustodiev_haymaking +genre_painting,Post_Impressionism,charles-cottet_selling-livestock +genre_painting,Impressionism,james-mcneill-whistler_variations-in-violet-and-grey-market-place +genre_painting,Realism,james-mcneill-whistler_caprice-in-purple-and-gold-the-golden-screen-1864 +genre_painting,Impressionism,mary-cassatt_maternal-kiss-1896 +genre_painting,Baroque,le-nain-brothers_the-concert +genre_painting,Impressionism,joaquã­n-sorolla_after-the-bath-1908 +genre_painting,Post_Impressionism,paul-cezanne_harlequin-1890 +genre_painting,Romanticism,francisco-goya_diligent-blind-man +genre_painting,Rococo,pietro-longhi_the-tooth-extractor +genre_painting,Naive_Art_Primitivism,grã©goire-michonze_figures +genre_painting,Impressionism,thomas-eakins_hiawatha +genre_painting,Baroque,gabriel-metsu_breakfast +genre_painting,Post_Impressionism,edouard-vuillard_sacha-guitry-in-his-dressing-room-1912 +genre_painting,Art_Nouveau_Modern,felix-vallotton_the-beautiful-sunday-1895 +genre_painting,Naive_Art_Primitivism,grã©goire-michonze_family-1964 +genre_painting,Post_Impressionism,maurice-prendergast_in-the-park-also-known-as-the-promenade +genre_painting,Baroque,pieter-de-hooch_a-woman-peeling-apples +genre_painting,Impressionism,emmanuel-zairis_girl-in-the-vegetable-garden-1920 +genre_painting,Impressionism,william-james-glackens_girl-roller-skating-washington-square-1914 +genre_painting,Expressionism,margareta-sterian_jewish-wedding +genre_painting,Realism,vasily-perov_street-musicians-in-paris-1863 +genre_painting,Impressionism,edgar-degas_dancers-2 +genre_painting,Romanticism,paul-cezanne_bathers-1870-1 +genre_painting,Realism,peder-severin-kroyer_in-the-store-during-a-pause-from-fishing-1882 +genre_painting,Symbolism,kuzma-petrov-vodkin_spring-in-the-country-1929 +genre_painting,Baroque,esaias-van-de-velde_ice-on-the-moat-entertainment-1618 +genre_painting,Impressionism,pierre-auguste-renoir_confidences-1878 +genre_painting,Realism,ilya-repin_barge-haulers-on-the-volga-2-1870 +genre_painting,Expressionism,max-pechstein_somme-1918 +genre_painting,Rococo,jean-honore-fragonard_visit-to-the-nurse +genre_painting,Post_Impressionism,vincent-van-gogh_the-spinner-after-millet-1889 +genre_painting,Art_Nouveau_Modern,sergey-solomko_scribe +genre_painting,Romanticism,taras-shevchenko_young-kazakh-s-song-1857 +genre_painting,Impressionism,mary-cassatt_the-boating-party-1894 +genre_painting,Ukiyo_e,katsushika-hokusai_fujimi-fuji-view-field-in-the-owari-province +genre_painting,Impressionism,maurice-prendergast_low-tide-afternoon-treport-1892 +genre_painting,Impressionism,pierre-auguste-renoir_reading-the-part-1876 +genre_painting,Expressionism,vilmos-aba-novak_market-of-ceramics +genre_painting,Impressionism,childe-hassam_fishing +genre_painting,Realism,anders-zorn_the-guitar-1895 +genre_painting,Impressionism,thomas-eakins_compositional-study-for-william-rush-carving-his-allegorical-figure-of-the-schuylkill-river +genre_painting,Impressionism,john-henry-twachtman_barnyard-1900 +genre_painting,Expressionism,ernst-ludwig-kirchner_blue-dressed-artists +genre_painting,Symbolism,odilon-redon_alsace-or-reading-monk +genre_painting,Impressionism,henry-herbert-la-thangue_a-ligurian-shepherdess +genre_painting,Naive_Art_Primitivism,fernando-botero_lovers-1 +genre_painting,Symbolism,kuzma-petrov-vodkin_the-samovar-1926 +genre_painting,Impressionism,john-singer-sargent_la-biancheria-1910 +genre_painting,Ukiyo_e,katsushika-hokusai_street-scenes-newly-pubished-8 +genre_painting,Post_Impressionism,luigi-russolo_memories-of-a-night-1911 +genre_painting,Naive_Art_Primitivism,marc-chagall_celebration-1982 +genre_painting,Impressionism,childe-hassam_the-snowy-winter-of-1918-new-york +genre_painting,Baroque,jacob-jordaens_ferry-boat-to-antwerp-1623 +genre_painting,Romanticism,william-shayer_cattle-by-a-stream +genre_painting,Romanticism,david-wilkie_josephine-and-the-fortune-teller +genre_painting,Realism,john-lewis-krimmel_barroom-dancing-1820 +genre_painting,Rococo,pietro-longhi_the-seller-of-fritters +genre_painting,Impressionism,mary-cassatt_mother-and-child-1 +genre_painting,Impressionism,theophrastos-triantafyllidis_bathers-on-the-boat-1930 +genre_painting,Rococo,pietro-longhi_a-visit-to-a-lady-1746 +genre_painting,Impressionism,henri-de-toulouse-lautrec_count-alphonse-de-toulouse-lautrec-driving-a-four-horse-hitch-1881 +genre_painting,Art_Nouveau_Modern,carl-larsson_convalescence(1) +genre_painting,Impressionism,james-tissot_the-secret-rendez-vous +genre_painting,Contemporary_Realism,eric-fischl_the-bed-the-chair-dancing-watching +genre_painting,Baroque,gerard-terborch_the-duet-singer-and-theorbo-player +genre_painting,Expressionism,louay-kayyali_the-ice-cream-seller-1960 +genre_painting,Impressionism,claude-monet_coal-dockers +genre_painting,Naive_Art_Primitivism,fernand-leger_the-acrobat-and-his-partner-1948 +genre_painting,Realism,alexey-venetsianov_the-girl-in-the-hayloft +genre_painting,Impressionism,childe-hassam_winter-central-park +genre_painting,Realism,frederic-remington_the-right-of-the-road-1900 +genre_painting,Post_Impressionism,georges-seurat_final-study-for-bathing-at-asnieres-1884 +genre_painting,Impressionism,theodor-pallady_pe-cheiul-senei +genre_painting,Baroque,rembrandt_a-young-man-and-a-girl-playing-cards +genre_painting,Cubism,gino-severini_the-concert-1955 +genre_painting,Realism,vasily-surikov_minusinsk-on-the-way-1873 +genre_painting,Realism,vincent-van-gogh_digger-1882(1) +genre_painting,Naive_Art_Primitivism,niko-pirosmani_white-tavern +genre_painting,Impressionism,samuel-mutzner_t-rg-n-grande-jatte-1922 +genre_painting,Art_Nouveau_Modern,raphael-kirchner_geisha-5 +genre_painting,Impressionism,joaquã­n-sorolla_bathing +genre_painting,New_Realism,john-french-sloan_hairdresser-s-window-1907 +genre_painting,Baroque,pieter-de-hooch_cardplayers-1658 +genre_painting,Impressionism,henry-herbert-la-thangue_packing-stocks-1920 +genre_painting,Naive_Art_Primitivism,niko-pirosmani_threshing-yard-evening +genre_painting,Rococo,george-morland_the-miseries-of-idleness-1780 +genre_painting,Baroque,jan-steen_prince-s-day-1660 +genre_painting,Impressionism,camille-pissarro_peasants-and-hay-stacks-1878 +genre_painting,Romanticism,adolphe-joseph-thomas-monticelli_an-evening-at-the-paiva +genre_painting,Impressionism,john-singer-sargent_girgenti +genre_painting,Ukiyo_e,utagawa-kuniyoshi_tsuchiyama +genre_painting,Post_Impressionism,ferdinand-hodler_prayer-in-the-cathedral-of-st-pierre-geneva-1882 +genre_painting,Impressionism,santiago-rusinol_waiting-for-customers +genre_painting,Impressionism,william-merritt-chase_keying-up-the-court-jester +genre_painting,Impressionism,valentin-serov_a-woman-with-a-jug +genre_painting,Art_Nouveau_Modern,wilhelm-kotarbinski_two-girls-in-yellow-and-pink +genre_painting,Impressionism,mary-cassatt_the-kiss-1891 +genre_painting,Post_Impressionism,periklis-vyzantios_port +genre_painting,Romanticism,francisco-goya_asmodea-1823 +genre_painting,Realism,vasily-perov_boy-with-raised-hands-reaching-out-to-the-public-1864 +genre_painting,Expressionism,tsuguharu-foujita_the-lion-tamer-1930 +genre_painting,Impressionism,james-mcneill-whistler_flower-market +genre_painting,Early_Renaissance,andrea-mantegna_the-house-of-ludovico-gonzaga-bridegroom-decorated-wall-and-his-son-1475 +genre_painting,Baroque,adriaen-van-ostade_inn-scene +genre_painting,Realism,vladimir-makovsky_market-in-poltava +genre_painting,Realism,john-singer-sargent_simplon-pass-the-tease-1911 +genre_painting,Realism,ivan-vladimirov_the-shooting-of-peasants-by-white-cossacks +genre_painting,Realism,theodor-severin-kittelsen_far-til-marken(2) +genre_painting,Impressionism,edouard-manet_luncheon-in-the-studio-1868 +genre_painting,Romanticism,taras-shevchenko_lost-at-cards-1856 +genre_painting,Expressionism,henri-matisse_young-woman-playing-violin-1923 +genre_painting,Realism,valentin-serov_grand-eagle-cup-1910 +genre_painting,Realism,vincent-van-gogh_workman-sitting-on-a-basket-cutting-bread-1882 +genre_painting,Realism,john-singer-sargent_two-white-dresses-1911 +genre_painting,Impressionism,joaquã­n-sorolla_net-menders-in-valencia-1909 +genre_painting,Impressionism,nikolay-bogdanov-belsky_boys-catching-fish +genre_painting,Realism,andrei-ryabushkin_coming-back-from-fair +genre_painting,Northern_Renaissance,hans-baldung_witches-1514 +genre_painting,Naive_Art_Primitivism,boris-kustodiev_easter-procession-1915-1 +genre_painting,Expressionism,vilmos-aba-novak_drinkers-wine-drinkers-1925 +genre_painting,Impressionism,pierre-auguste-renoir_two-little-girls +genre_painting,Impressionism,childe-hassam_the-children +genre_painting,Post_Impressionism,marcel-duchamp_japanese-apple-tree-1911 +genre_painting,Romanticism,jacek-malczewski_at-the-stage-siberians-1890 +genre_painting,Naive_Art_Primitivism,fernand-leger_the-two-sailors-1951 +genre_painting,Impressionism,pierre-auguste-renoir_party-in-the-country-at-berneval-1898 +genre_painting,Post_Impressionism,pierre-bonnard_young-womwn-in-an-interior-1906 +genre_painting,Impressionism,eugene-boudin_laundresses-on-the-banks-of-the-touques-1893 +genre_painting,Impressionism,claude-monet_not_detected_212144 +genre_painting,New_Realism,yiannis-tsaroychis_mariner-reading-with-pink-background(1) +genre_painting,Baroque,adriaen-van-de-venne_princes-maurits-and-frederik-hendrik-of-orange-at-the-valkenburg-horse-fair +genre_painting,Ukiyo_e,hiroshige_miyanokoshi +genre_painting,Realism,jean-francois-millet_peasant-family +genre_painting,Rococo,giovanni-domenico-tiepolo_minuet-in-villa +genre_painting,Post_Impressionism,pablo-picasso_woman-at-a-fountain-1901 +genre_painting,Post_Impressionism,henri-de-toulouse-lautrec_ballet-dancers-1885 +genre_painting,Ukiyo_e,kitagawa-utamaro_not_detected_233117-1799 +genre_painting,Rococo,george-morland_paying-the-ostler-1804 +genre_painting,Expressionism,edvard-munch_despair-1892 +genre_painting,Impressionism,edgar-degas_before-the-race +genre_painting,Realism,antã³nio-de-carvalho-da-silva-porto_volta-do-mercado-1886 +genre_painting,Romanticism,john-william-waterhouse_spring-spreads-one-green-lap-of-flowers-1910 +genre_painting,Realism,john-everett-millais_yes +genre_painting,Romanticism,andrei-ryabushkin_strelets-patrol-at-ilyinskie-gates-in-the-old-moscow +genre_painting,Expressionism,edvard-munch_the-sick-child-ii-1896 +genre_painting,Expressionism,louay-kayyali_seated-boy +genre_painting,Impressionism,john-singer-sargent_the-artist-sketching-1922 +genre_painting,Rococo,william-hogarth_suicide-of-the-countess +genre_painting,Expressionism,paula-modersohn-becker_girls-in-the-garden-with-glass-ball-elsbeth-1902 +genre_painting,Expressionism,corneliu-baba_the-fear-homage-to-francisco-goya-1987 +genre_painting,Expressionism,pablo-picasso_untitled-1968 +genre_painting,Cubism,georges-braque_woman-with-book-1945 +genre_painting,Romanticism,sir-lawrence-alma-tadema_water-pets +genre_painting,Romanticism,konstantin-makovsky_before-the-wedding-1890 +genre_painting,Symbolism,konstantin-somov_lady-and-harlequin +genre_painting,Impressionism,childe-hassam_descending-the-steps-central-park +genre_painting,Impressionism,childe-hassam_mrs-hassam-at-villiers-le-bel +genre_painting,Realism,james-tissot_reading-the-news-1874 +genre_painting,Rococo,pietro-longhi_the-fortune-teller +genre_painting,Rococo,william-hogarth_the-countess-s-morning-levee +genre_painting,Northern_Renaissance,albrecht-durer_the-knight-and-the-landsknecht +genre_painting,Post_Impressionism,moise-kisling_not-identified-20 +genre_painting,Baroque,rembrandt_the-sense-of-sight +genre_painting,Impressionism,berthe-morisot_the-bath-1886 +genre_painting,Impressionism,eugene-boudin_fishwomen-at-berck +genre_painting,Cubism,salvador-dali_figures-lying-on-the-sand +genre_painting,Impressionism,joaquã­n-sorolla_boy-on-the-sand +genre_painting,Impressionism,pierre-auguste-renoir_rural-scene +genre_painting,Impressionism,paul-cezanne_bathers-1875 +genre_painting,Cubism,rafael-zabaleta_bathers-on-the-beach-under-umbrella-1955 +genre_painting,Art_Nouveau_Modern,carl-larsson_esbjorn-doing-his-homework(1) +genre_painting,Expressionism,arturo-souto_scullery-1931 +genre_painting,Impressionism,giuseppe-de-nittis_return-from-the-races +genre_painting,Impressionism,john-singer-sargent_gondoliers-s-siesta-1905 +genre_painting,Rococo,pietro-longhi_lady-at-the-dressmaker +genre_painting,Art_Nouveau_Modern,carl-larsson_the-bridge-1896(1) +genre_painting,Cubism,ernst-ludwig-kirchner_the-kiss +genre_painting,Impressionism,childe-hassam_peonies +genre_painting,Impressionism,claude-monet_two-anglers +genre_painting,Realism,eugene-boudin_beach-scene-trouville-1864-1 +genre_painting,Baroque,bartolome-esteban-murillo_flower-seller-1670 +genre_painting,Art_Nouveau_Modern,alphonse-mucha_not_detected_227797 +genre_painting,Romanticism,dante-gabriel-rossetti_found-1854 +genre_painting,Post_Impressionism,pierre-bonnard_figures-in-the-street-1894 +genre_painting,Baroque,le-nain-brothers_the-family-of-the-peasants +genre_painting,Impressionism,konstantinos-volanakis_fishing-boat +genre_painting,Ukiyo_e,utagawa-toyokuni-ii_tsuruya-uchi-fujiwara-wataru-hisa-no +genre_painting,Pointillism,giacomo-balla_girl-running-on-a-balcony-1912 +genre_painting,Romanticism,jan-matejko_wladyslaw-the-short +genre_painting,Impressionism,stefan-popescu_sunday +genre_painting,Romanticism,gustave-moreau_two-modern-horsewomen +genre_painting,Symbolism,odilon-redon_two-young-girls-among-the-flowers-1912 +genre_painting,Realism,constantin-guys_two-women-with-fans +genre_painting,Expressionism,lyonel-feininger_bathers-on-the-beach-i-1912-1912 +genre_painting,Impressionism,pierre-auguste-renoir_young-woman-reading +genre_painting,Baroque,rembrandt_a-woman-making-water-1631 +genre_painting,Impressionism,georges-seurat_farmer-to-work-1883 +genre_painting,Expressionism,salvador-dali_scene-in-the-courtyard-of-the-escorial-with-a-figure-in-the-foreground-inspired-by-michelangelo +genre_painting,Realism,vincent-van-gogh_peasant-woman-sowing-with-a-basket-1881 +genre_painting,Art_Nouveau_Modern,sergey-solomko_seducer-1 +genre_painting,Impressionism,camille-pissarro_the-sower-montfoucault-1875 +genre_painting,Impressionism,pierre-auguste-renoir_woman-in-a-landscape-1 +genre_painting,Post_Impressionism,maurice-prendergast_band-concert +genre_painting,Naive_Art_Primitivism,david-burliuk_the-procession +genre_painting,Art_Nouveau_Modern,jacek-malczewski_vision +genre_painting,Impressionism,eliseu-visconti_a-carta +genre_painting,Expressionism,albert-bloch_piping-pierrot +genre_painting,Post_Impressionism,pierre-bonnard_landing-stage +genre_painting,Realism,pierre-auguste-renoir_the-inn-of-mother-anthony-1866 +genre_painting,Cubism,pablo-picasso_musicians-with-masks-1921-1 +genre_painting,Romanticism,karl-bryullov_promenade-portrait-of-the-duke-of-leuchtenberg-e-mussart-ye-i-mussart-prince-p-r-bagration +genre_painting,Impressionism,eliseu-visconti_my-child-tobias-at-six-months-1910 +genre_painting,Naive_Art_Primitivism,marc-chagall_praying-1983 +genre_painting,Expressionism,serge-sudeikin_dairy-hour +genre_painting,Naive_Art_Primitivism,grandma-moses_not_detected_251629(1) +genre_painting,Expressionism,louay-kayyali_sleeping-boy-1972 +genre_painting,Realism,vincent-van-gogh_orphan-man-with-top-hat-eating-from-a-plate-1882 +genre_painting,Post_Impressionism,paul-cezanne_harlequin-1890-1 +genre_painting,Baroque,gerrit-dou_the-lady-at-her-dressing-table-1667 +genre_painting,Post_Impressionism,henri-de-toulouse-lautrec_marcelle-lender-dancing-in-the-bolero-in-chilperic-1895 +genre_painting,Romanticism,theodore-gericault_the-return-from-russia +genre_painting,Impressionism,eugene-boudin_beach-scene-1 +genre_painting,Art_Nouveau_Modern,alphonse-mucha_the-slavs-in-their-original-homeland-1912 +genre_painting,Post_Impressionism,paul-gauguin_the-invocation-1903 +genre_painting,Impressionism,mary-cassatt_women-and-child-1889 +genre_painting,Impressionism,claude-monet_entrance-to-the-port-of-trouville +genre_painting,Naive_Art_Primitivism,niko-pirosmani_razzle-dazzle-during-the-grape-harvest-1906(1) +genre_painting,Realism,james-mcneill-whistler_variations-in-flesh-colour-and-green-the-balcony +genre_painting,Expressionism,henri-matisse_two-dancers-study-for-rouge-et-noir-1938 +genre_painting,Impressionism,pierre-auguste-renoir_young-woman-at-the-piano-1876 +genre_painting,Realism,vincent-van-gogh_shepherd-with-a-flock-of-sheep-1884 +genre_painting,Impressionism,henri-de-toulouse-lautrec_the-falconer-comte-alphonse-de-toulouse-lautrec-1881 +genre_painting,Realism,james-tissot_the-artist-s-ladies-1885 +genre_painting,Realism,thomas-eakins_mending-the-net-1881 +genre_painting,Baroque,gabriel-metsu_visit-to-the-nursery-after-the-birth-of-sara-hinlopen-1661 +genre_painting,Realism,helene-schjerfbeck_dancing-shoes-1882 +genre_painting,Synthetic_Cubism,georges-braque_the-musician-1918 +genre_painting,Impressionism,pierre-auguste-renoir_woman-combing-her-hair-1908 +genre_painting,New_Realism,edward-hopper_chair-car-1965 +genre_painting,Rococo,pietro-longhi_standing-woman-holding-a-muff-facing-right-1760 +genre_painting,Ukiyo_e,kitagawa-utamaro_shower-3 +genre_painting,Expressionism,louay-kayyali_woman-selling-figs +genre_painting,Symbolism,serge-sudeikin_ballet-1910 +genre_painting,Expressionism,pablo-picasso_the-brutal-embrace-1900 +genre_painting,Post_Impressionism,vincent-van-gogh_ward-in-the-hospital-at-arles-1889 +genre_painting,Romanticism,thomas-cole_indians-viewing-landscape +genre_painting,Art_Nouveau_Modern,raphael-kirchner_boys-and-girls-at-sea-6 +genre_painting,Post_Impressionism,maurice-denis_easter-morning-or-easter-mystery +genre_painting,Realism,james-tissot_children-s-party +genre_painting,Symbolism,nicholas-roerich_hunting-1 +genre_painting,Post_Impressionism,maurice-prendergast_may-party-also-known-as-may-day-central-park +genre_painting,Realism,vasily-perov_old-parents-visiting-the-grave-of-their-son-1874 +genre_painting,Romanticism,sir-lawrence-alma-tadema_a-difference-of-opinion-1896 +genre_painting,Romanticism,caspar-david-friedrich_man-and-woman +genre_painting,Expressionism,paula-modersohn-becker_breast-feeding-mother +genre_painting,Realism,thomas-eakins_cowboy-singing +genre_painting,Baroque,johannes-vermeer_mistress-and-maid-lady-with-her-maidservant-holding-a-letter +genre_painting,Rococo,giovanni-domenico-tiepolo_the-new-world-1797 +genre_painting,Expressionism,august-macke_gartenbild +genre_painting,Impressionism,theodor-aman_reading-in-the-cismigiu-garden-1879 +genre_painting,Impressionism,joaquã­n-sorolla_arrival-of-the-fishing-boats-on-the-beach-valencia-1898 +genre_painting,Impressionism,edgar-degas_les-pointes-1878 +genre_painting,Impressionism,john-henry-twachtman_mother-and-child-1 +genre_painting,Post_Impressionism,maurice-prendergast_the-lido-venice +genre_painting,Baroque,le-nain-brothers_peasants-at-their-cottage-door +genre_painting,Post_Impressionism,raoul-dufy_study-of-the-dance-1910 +genre_painting,Romanticism,ivan-aivazovsky_ox-cart-crossing-a-flooded-plain-1897 +genre_painting,Romanticism,theodore-gericault_the-swiss-guard-at-the-louvre +genre_painting,Realism,james-tissot_ball-on-shipboard +genre_painting,Realism,vasily-vereshchagin_the-children-of-the-tribe-solonov-1870 +genre_painting,Realism,vincent-van-gogh_old-man-warming-himself-1881 +genre_painting,Romanticism,konstantin-makovsky_boyaryshnya-by-the-window-1 +genre_painting,Baroque,pieter-de-hooch_woman-with-infant-serving-maid-with-child +genre_painting,Romanticism,adolphe-joseph-thomas-monticelli_at-the-well +genre_painting,Ukiyo_e,utagawa-sadatora_fashionable-seven-autumn-plants +genre_painting,Expressionism,pablo-picasso_harlequin-s-family-1905 +genre_painting,Realism,konstantin-makovsky_peasant-dinner-during-harvesting +genre_painting,Symbolism,kuzma-petrov-vodkin_spring-in-the-country-1929-1 +genre_painting,Realism,jean-francois-millet_woman-with-a-rake-1857 +genre_painting,Rococo,william-hogarth_the-denunciation +genre_painting,Expressionism,margareta-sterian_scene-with-two-faces +genre_painting,Impressionism,georges-seurat_stone-crusher +genre_painting,Romanticism,karl-bryullov_girl-gathering-grapes-in-a-suburb-of-naples(1) +genre_painting,Naive_Art_Primitivism,diego-rivera_the-maize-festival-1924 +genre_painting,Impressionism,arthur-verona_women-assembly +genre_painting,Baroque,gerrit-dou_dentist-by-candlelight +genre_painting,Baroque,peter-paul-rubens_hippopotamus-and-crocodile-hunt +genre_painting,Cubism,fernand-leger_acrobats-in-gray-1944 +genre_painting,Expressionism,martiros-saryan_near-pomegranate-tree-1907 +genre_painting,Expressionism,ernst-ludwig-kirchner_couple-in-a-room +genre_painting,Ukiyo_e,katsushika-hokusai_honjo-tatekawa-the-timberyard-at-honjo +genre_painting,Impressionism,edgar-degas_the-dance-lesson-1879 +genre_painting,Realism,vasily-perov_fishing +genre_painting,Impressionism,pierre-auguste-renoir_young-guitarist-standing +genre_painting,Fauvism,august-macke_picnic-on-the-beach +genre_painting,Post_Impressionism,felix-vallotton_gossip-1902 +genre_painting,Naive_Art_Primitivism,niko-pirosmani_vintage-fragment-picture +genre_painting,Impressionism,john-singer-sargent_on-the-verandah-ironbound-island-maine +genre_painting,Impressionism,konstantin-korovin_on-the-road-1885 +genre_painting,Realism,pyotr-konchalovsky_katya-with-a-doll-by-the-window-1936 +genre_painting,Art_Nouveau_Modern,eugã¨ne-grasset_bonne-nouvelle +genre_painting,Art_Nouveau_Modern,carl-larsson_lisbeth-in-blue-bird-1900(1) +genre_painting,Expressionism,louay-kayyali_the-mother-1961 +genre_painting,Realism,andrei-ryabushkin_governor-s-wife-martha-and-eternal-bell-1886 +genre_painting,Realism,vladimir-makovsky_date-1883 +genre_painting,Baroque,annibale-carracci_the-butcher-s-shop +genre_painting,Art_Nouveau_Modern,felix-vallotton_street-scene-1895 +genre_painting,Romanticism,sir-lawrence-alma-tadema_promise-of-spring +genre_painting,Realism,ivan-vladimirov_in-the-queue-for-bread-first-world-war +genre_painting,Impressionism,john-atkinson-grimshaw_in-the-pleasaunce-1875 +genre_painting,Contemporary_Realism,neil-welliver_man-in-canoe-jpg +genre_painting,Fauvism,august-macke_children-at-the-grocery-store +genre_painting,Northern_Renaissance,albrecht-durer_peasans-at-the-market-1512 +genre_painting,Realism,winslow-homer_fresh-eggs-1874 +genre_painting,Realism,fyodor-vasilyev_dugout +genre_painting,Art_Nouveau_Modern,raphael-kirchner_geisha-4 +genre_painting,Art_Nouveau_Modern,aubrey-beardsley_masked-woman-with-a-white-mouse +genre_painting,Romanticism,karl-bodmer_the-travellers-meeting-with-minatarre-indians-near-fort-clark-plate-26-from-volume-1-of-travels-1843 +genre_painting,Ukiyo_e,utagawa-kuniyoshi_sosan-returning-to-his-mother +genre_painting,Naive_Art_Primitivism,kazimir-malevich_on-the-cemetery-1911 +genre_painting,Rococo,george-morland_smugglers-1792 +genre_painting,Impressionism,nicolae-grigorescu_woman-on-the-seashore-1881 +genre_painting,Realism,vladimir-makovsky_over-the-chips-1892 +genre_painting,Art_Nouveau_Modern,boris-kustodiev_palm-sunday-near-the-spassky-gate-on-the-red-square-in-moscow-1917 +genre_painting,Realism,mihaly-munkacsy_biboulous-husband-1873 +genre_painting,Impressionism,childe-hassam_lady-in-the-park-aka-in-the-garden +genre_painting,Naive_Art_Primitivism,horace-pippin_the-squirrel-hunter-1940 +genre_painting,Impressionism,iosif-iser_spaniole-n-interior +genre_painting,Impressionism,georgios-jakobides_at-the-studio-1884 +genre_painting,Romanticism,william-shayer_view-on-the-isle-of-wight +genre_painting,Ukiyo_e,kitagawa-utamaro_middle-class-mother-and-daughter +genre_painting,Impressionism,edgar-degas_three-dancers-yellow-skirts-blue-blouses +genre_painting,Northern_Renaissance,albrecht-durer_soldiers-under-the-cross +genre_painting,Expressionism,jose-gutierrez-solana_bull-fighting-in-ronda +genre_painting,Expressionism,ernst-ludwig-kirchner_man-and-naked-woman +genre_painting,Symbolism,henri-fantin-latour_bathers-ii +genre_painting,Impressionism,karoly-ferenczy_feeding-the-chickens-1895 +genre_painting,Impressionism,pierre-auguste-renoir_young-woman-in-a-garden +genre_painting,Romanticism,alfred-stevens_on-a-stroll +genre_painting,Baroque,gerrit-dou_the-physician-1653-1 +genre_painting,Naive_Art_Primitivism,marc-chagall_under-the-snow-1964 +genre_painting,Romanticism,william-holman-hunt_the-finding-of-the-saviour-in-the-temple-1862 +genre_painting,Impressionism,childe-hassam_in-the-garden-at-villers-le-bel +genre_painting,Art_Nouveau_Modern,raphael-kirchner_love-flowers-1903-1 +genre_painting,Impressionism,konstantin-korovin_evening-1917 +genre_painting,Impressionism,georges-seurat_man-leaning-on-a-parapet-1881 +genre_painting,Realism,jean-francois-millet_the-infant-the-sick-child-1858 +genre_painting,Impressionism,john-singer-sargent_figure-and-pool-1917 +genre_painting,Realism,fyodor-bronnikov_the-catholic-mass +genre_painting,Art_Nouveau_Modern,raphael-kirchner_boys-and-girls-at-sea-3 +genre_painting,Impressionism,sever-burada_children-tapping-easter-eggs +genre_painting,Ukiyo_e,utagawa-kuniyoshi_the-poet-yacuren-and-a-companion-strolling-in-a-grove-of-trees +genre_painting,Expressionism,egon-schiele_two-seated-girls-1911 +genre_painting,Realism,boris-kustodiev_country-fair-1921 +genre_painting,Impressionism,edgar-degas_two-dancers-at-rest +genre_painting,Impressionism,edgar-degas_woman-trying-on-a-hat +genre_painting,Romanticism,paul-cezanne_women-dressing +genre_painting,Realism,james-mcneill-whistler_the-kitchen +genre_painting,Pointillism,georges-seurat_seated-and-standing-woman-1884 +genre_painting,Impressionism,childe-hassam_snow-storm-fifth-avenue-1907 +genre_painting,Impressionism,john-singer-sargent_val-d-aosta-man-fishing +genre_painting,Realism,konstantin-makovsky_landscape-3 +genre_painting,Romanticism,sir-lawrence-alma-tadema_entrance-to-a-roman-theatre-1866 +genre_painting,Post_Impressionism,georges-seurat_the-stone-breaker-1882 +genre_painting,Ukiyo_e,katsushika-hokusai_the-fuji-from-the-mountains-of-totomi +genre_painting,Realism,volodymyr-orlovsky_harvest-1882(1) +genre_painting,Impressionism,edmund-charles-tarbell_thoroughbred-with-jockey-up +genre_painting,Expressionism,jose-gutierrez-solana_claudia-girls +genre_painting,Expressionism,ernst-ludwig-kirchner_street-with-passangers +genre_painting,Symbolism,nicholas-roerich_spell-words-1922 +genre_painting,Impressionism,pierre-auguste-renoir_reclining-women-1893 +genre_painting,Realism,vincent-van-gogh_man-sitting-by-the-stove-the-pauper-1882 +genre_painting,Rococo,giovanni-domenico-tiepolo_pulcinella-on-holiday +genre_painting,Realism,ivan-vladimirov_at-the-well-1905 +genre_painting,Impressionism,nikolay-bogdanov-belsky_children-on-a-horse +genre_painting,Romanticism,francisco-goya_the-greasy-pole-1787 +genre_painting,Impressionism,berthe-morisot_the-orange-picker +genre_painting,Post_Impressionism,paul-cezanne_leaving-on-the-water +genre_painting,Cubism,pablo-picasso_seated-woman-with-spelling-book-1941 +genre_painting,Realism,vladimir-makovsky_from-the-rain-1887 +genre_painting,Impressionism,claude-monet_wild-poppies-near-argenteuil-1873 +genre_painting,Symbolism,henri-fantin-latour_two-bathers +genre_painting,Art_Nouveau_Modern,carl-larsson_in-sundborn-church-1905(1) +genre_painting,Post_Impressionism,pyotr-konchalovsky_bakhchisarai-embroidery-carpet-cooperative-1930 +genre_painting,Impressionism,mary-cassatt_mother-and-child-4 +genre_painting,Realism,ivan-kramskoy_children-in-the-forest-1887 +genre_painting,Expressionism,max-pechstein_dancer-in-the-mirror-1923 +genre_painting,Romanticism,caspar-david-friedrich_not-detected-1(1) +genre_painting,Realism,theodor-severin-kittelsen_dra-en-lort-sa-jeg(2) +genre_painting,Realism,jean-francois-millet_the-carder +genre_painting,Post_Impressionism,paul-gauguin_breton-woman-and-goose-by-the-water-1888 +genre_painting,Impressionism,william-merritt-chase_afternoon-in-the-park +genre_painting,Impressionism,julian-alden-weir_at-the-water-trough-1877 +genre_painting,Ukiyo_e,katsushika-hokusai_street-scenes-newly-pubished-5 +genre_painting,Impressionism,john-atkinson-grimshaw_the-cradle-song +genre_painting,Pointillism,pablo-picasso_the-happy-family +genre_painting,Naive_Art_Primitivism,jules-lefranc_les-sables-ls914 +genre_painting,Romanticism,dante-gabriel-rossetti_golden-head-jpg +genre_painting,Baroque,jean-baptiste-simeon-chardin_the-prayer-before-meal +genre_painting,Pop_Art,roy-lichtenstein_look-mickey-1961(1) +genre_painting,Realism,vasily-perov_return-reaper-from-the-field-in-the-ryazan-province-1874 +genre_painting,Post_Impressionism,le-pho_two-girls-in-the-flower-garden +genre_painting,Rococo,jean-baptiste-oudry_les-amusements-champ-tres-le-cheval-fondu-tapestry-1730 +genre_painting,Art_Nouveau_Modern,sergey-solomko_on-the-bridge +genre_painting,Naive_Art_Primitivism,david-burliuk_before-the-journey-1947 +genre_painting,Post_Impressionism,le-pho_afternoon-in-the-garden +genre_painting,Expressionism,andre-derain_the-bagpiper-at-camiers +genre_painting,Impressionism,camille-pissarro_shoemakers +genre_painting,Realism,vasily-vereshchagin_letter-remained-unfinished-1901 +genre_painting,Impressionism,berthe-morisot_the-artist-s-sister-at-a-window +genre_painting,Impressionism,john-lavery_the-jockeys-dressing-room-at-ascot-1923 +genre_painting,Impressionism,rudolf-schweitzer-cumpana_cu-covrigii-preg-tiri-de-cr-ciun-1925 +genre_painting,Realism,vladimir-makovsky_visiting-a-poor-people-1874 +genre_painting,Symbolism,nicholas-roerich_stone-age-1910 +genre_painting,Baroque,le-nain-brothers_country-interior-1642 +genre_painting,Expressionism,ernst-ludwig-kirchner_street +genre_painting,Post_Impressionism,vincent-van-gogh_sower-1888 +genre_painting,Impressionism,eugene-boudin_fisherwomen-at-berck-1875 +genre_painting,Impressionism,theo-van-rysselberghe_encampment-near-a-moroccan-village +genre_painting,Romanticism,edward-burne-jones_the-challenge-in-the-wilderness-1898 +genre_painting,Impressionism,ferdinand-hodler_the-fisherman +genre_painting,Realism,ilya-repin_in-the-hut-1878 +genre_painting,Ukiyo_e,katsushika-hokusai_nakahara-in-the-sagami-province +genre_painting,Impressionism,edgar-degas_three-jockeys +genre_painting,Impressionism,joaquã­n-sorolla_valencian-fisherman-1897 +genre_painting,Romanticism,karl-bryullov_lazzaroni-and-children-1852(1) +genre_painting,Realism,gustave-courbet_going-fishing-1865 +genre_painting,Expressionism,arturo-souto_i-go-1934 +genre_painting,Realism,ilya-repin_railway-guard-hotkovo-1882 +genre_painting,Post_Impressionism,henri-de-toulouse-lautrec_at-the-cirque-fernando-rider-on-a-white-horse-1888 +genre_painting,Art_Nouveau_Modern,raphael-kirchner_maid-of-athens-1900-2 +genre_painting,Symbolism,kuzma-petrov-vodkin_mother-and-child-1927 +genre_painting,Naive_Art_Primitivism,william-h.-johnson_off-to-market-1941(1) +genre_painting,Pop_Art,richard-hamilton_i-m-dreaming-of-a-white-christmas-1967 +genre_painting,Art_Nouveau_Modern,alexandre-benois_italian-comedy-love-note(1) +genre_painting,Cubism,vicente-manansala_luksong-tinik-jumping-over-thorns-1973 +genre_painting,Cubism,ernst-ludwig-kirchner_mask-dance +genre_painting,Expressionism,marc-chagall_the-spoonful-of-milk-1912 +genre_painting,Post_Impressionism,rafael-zabaleta_farmers-in-the-garden +genre_painting,Romanticism,jehan-georges-vibert_the-church-in-danger-1 +genre_painting,Realism,eugene-boudin_the-road-from-trouville-to-honfleur +genre_painting,Realism,ilya-repin_storm-on-the-volga-1891 +genre_painting,Symbolism,konstantin-somov_letter-mysterious-messenger +genre_painting,Realism,mihaly-munkacsy_pawn-office-1874 +genre_painting,Romanticism,osman-hamdi_girl-reciting-qu-ran-1880 +genre_painting,New_Realism,john-french-sloan_a-woman-s-work-1912 +genre_painting,Symbolism,konstantin-somov_a-sleeping-woman +genre_painting,Cubism,gino-severini_harlequin-1965 +genre_painting,Post_Impressionism,vincent-van-gogh_a-pair-of-lovers-arles-1888(1) +genre_painting,Analytical_Cubism,albert-gleizes_acrobats-1916 +genre_painting,Impressionism,camille-pissarro_peasant-woman-at-the-well +genre_painting,Baroque,jan-steen_dissolute-household +genre_painting,Impressionism,edouard-manet_young-woman-in-the-garden-1882 +genre_painting,Realism,mikhail-nesterov_home-arrest-1883 +genre_painting,Rococo,jean-honore-fragonard_the-souvenir-1778 +genre_painting,Rococo,pietro-longhi_the-rhinoceros-1751 +genre_painting,Pop_Art,roy-lichtenstein_spray-1962 +genre_painting,Romanticism,mykola-pymonenko_harvest-gathering-in-ukraine +genre_painting,Naive_Art_Primitivism,william-h.-johnson_farm-family-1940 +genre_painting,Pop_Art,roy-lichtenstein_forget-it-forget-me-1962(1) +genre_painting,Expressionism,mark-tobey_untitled-from-market-series +genre_painting,Cubism,jacques-villon_the-equilibrist-l-equilibriste-1913 +genre_painting,Impressionism,mary-cassatt_jules-being-dried-by-his-mother-1900 +genre_painting,Impressionism,childe-hassam_messenger-boy +genre_painting,Impressionism,konstantin-korovin_the-pomors-1894 +genre_painting,Romanticism,john-collier_the-grand-lady-1920 +genre_painting,Impressionism,joaquã­n-sorolla_in-hope-of-the-fishing-1913 +genre_painting,Art_Nouveau_Modern,filipp-malyavin_dancing-woman-1913 +genre_painting,Cubism,marc-chagall_the-fiddler-1914 +genre_painting,Impressionism,ilya-repin_picnic +genre_painting,Expressionism,candido-portinari_the-girls-of-arcozelo +genre_painting,Romanticism,gustave-moreau_abduction-of-the-young-venetian-woman-by-cypriot-pirates-1851 +genre_painting,Impressionism,camille-pissarro_seated-peasant-1892 +genre_painting,Post_Impressionism,henri-de-toulouse-lautrec_the-sofa-1896 +genre_painting,Ukiyo_e,utagawa-kuniyoshi_yamabe-no-akahito +genre_painting,Pointillism,theo-van-rysselberghe_the-race-track-at-boulogne-sur-mer-1900 +genre_painting,Post_Impressionism,tivadar-kosztka-csontvary_riders-on-the-seashore-1909 +genre_painting,Impressionism,joaquã­n-sorolla_the-young-yachtsman-1909 +genre_painting,Naive_Art_Primitivism,david-burliuk_woman-with-horse +genre_painting,Art_Nouveau_Modern,raphael-kirchner_geisha-9 +genre_painting,Impressionism,pierre-auguste-renoir_the-lesson +genre_painting,Baroque,adriaen-van-ostade_the-flute-player +genre_painting,Realism,mary-cassatt_during-carnival-1872 +genre_painting,Impressionism,frederic-bazille_family-reunion-1867 +genre_painting,Impressionism,anders-zorn_in-my-gondola-1894 +genre_painting,Symbolism,konstantin-somov_italian-comedy-2 +genre_painting,Art_Nouveau_Modern,boris-kustodiev_mercahnt-s-wife-with-purchases-1920 +genre_painting,Realism,john-lewis-krimmel_in-an-american-inn-1814 +genre_painting,Art_Nouveau_Modern,jacek-malczewski_the-court +genre_painting,Baroque,jean-baptiste-simeon-chardin_the-morning-toilet +genre_painting,Baroque,rembrandt_a-man-seated-at-a-table-covered-with-books-1636 +genre_painting,Impressionism,yiannis-tsaroychis_man-on-horseback-and-bather-standing-1965 +genre_painting,Baroque,rembrandt_philosopher-in-meditation-1632 +genre_painting,Realism,vincent-van-gogh_girl-sitting-knitting-1882(1) +genre_painting,Romanticism,karl-bryullov_italian-expecting-a-child-looking-at-his-shirt-her-husband-cobble-together-a-cradle(1) +genre_painting,Impressionism,victor-borisov-musatov_young-girl-on-the-balcony-1900 +genre_painting,Impressionism,mikhail-nesterov_old-and-young +genre_painting,Cubism,pablo-picasso_musicians-with-masks-1921 +genre_painting,Baroque,rembrandt_beggars-on-the-doorstep-of-a-house-1648 +genre_painting,Cubism,georges-braque_woman-at-the-mirror-1945 +genre_painting,Expressionism,edvard-munch_awakening-men-1916 +genre_painting,Impressionism,eugene-boudin_trouville-beach-scene-1874 +genre_painting,Impressionism,samuel-mutzner_iarmaroc-de-mo-i-1940 +genre_painting,Baroque,adriaen-brouwer_peasants-fighting +genre_painting,Ukiyo_e,keisai-eisen_oiso(1) +genre_painting,Expressionism,arturo-souto_balcony-to-the-sea-1962 +genre_painting,Impressionism,edgar-degas_the-riders-1876 +genre_painting,Symbolism,konstantin-vasilyev_parade-in-the-1941 +genre_painting,Northern_Renaissance,albrecht-durer_the-great-chariot +genre_painting,Impressionism,gustave-caillebotte_man-at-the-window-1875 +genre_painting,Expressionism,george-bouzianis_woman-looking-over-her-shoulder +genre_painting,Romanticism,francisco-goya_the-kite-1778 +genre_painting,Impressionism,henri-martin_woman-sitting-in-a-port +genre_painting,Impressionism,joaquã­n-sorolla_three-sails-1903 +genre_painting,Baroque,frans-snyders_fruit-seller +genre_painting,Symbolism,felicien-rops_the-entrance-to-the-ball +genre_painting,Impressionism,eugene-boudin_berck-jetty-and-sailing-boats-at-low-tide +genre_painting,Impressionism,mary-cassatt_in-the-park +genre_painting,Expressionism,jose-gutierrez-solana_masks-of-cowbells +genre_painting,Cubism,marc-chagall_the-promenade-1918 +genre_painting,Impressionism,berthe-morisot_julie-and-eugene-manet-1883 +genre_painting,Symbolism,nicholas-roerich_waiting +genre_painting,Impressionism,henri-martin_woman-in-a-blue-apron-and-straw-hat-picking-a-spray-of-flowers-1919 +genre_painting,Symbolism,jacek-malczewski_the-prodigal-son +genre_painting,Post_Impressionism,pyotr-konchalovsky_forging-of-buffalo-1927 +genre_painting,Impressionism,claude-monet_in-the-garden +genre_painting,Realism,vincent-van-gogh_two-peasant-women-digging-potatoes-1885 +genre_painting,Art_Nouveau_Modern,aubrey-beardsley_singer +genre_painting,Realism,jean-francois-millet_the-drunkeness-of-noah +genre_painting,Impressionism,willard-metcalf_old-woman-with-child-and-goose-1885 +genre_painting,Impressionism,childe-hassam_fifth-avenue-in-winter-2 +genre_painting,Baroque,hendrick-terbrugghen_duet-1628 +genre_painting,Naive_Art_Primitivism,grã©goire-michonze_le-charpentier-sur-la-place-1971 +genre_painting,Impressionism,eugene-boudin_beach-scene-10 +genre_painting,Naive_Art_Primitivism,maurice-prendergast_gloucester-park +genre_painting,Baroque,david-teniers-the-younger_landscape-with-a-family +genre_painting,Cubism,m.-h.-maxy_workers-1935 +genre_painting,Impressionism,eugene-boudin_the-beach-1871 +genre_painting,Romanticism,alfred-stevens_study-of-the-role +genre_painting,Ukiyo_e,keisai-eisen_pipe-smokers-1835(1) +genre_painting,Romanticism,alfred-stevens_in-memoriam +genre_painting,Baroque,rembrandt_the-sleeping-herdsman-1644 +genre_painting,Impressionism,eugene-boudin_the-beach-1894 +genre_painting,Expressionism,iosif-iser_nuns +genre_painting,Realism,ilya-repin_haulers-cross-wade-1872 +genre_painting,Impressionism,claude-monet_the-artist-s-garden-at-vetheuil-1881 +genre_painting,Romanticism,sir-lawrence-alma-tadema_egyptian-juggler-1870 +genre_painting,Cubism,raoul-dufy_the-pleasures-of-peace-dance-the-journey-to-the-islands-1910 +genre_painting,Art_Nouveau_Modern,sergey-solomko_russian-in-the-netherlands-at-the-time-of-peter-the-great +genre_painting,Naive_Art_Primitivism,pablo-picasso_drawing-nude-seated-in-armchair-1965 +genre_painting,Romanticism,william-shayer_carthorses-and-rustics-by-a-stream-1840 +genre_painting,Baroque,isaac-van-ostade_tavern +genre_painting,Baroque,david-teniers-the-younger_the-archduke-leopold-wilhelm-in-his-picture-gallery-in-brussels-1651 +genre_painting,Realism,vincent-van-gogh_peasant-woman-digging-1885-2 +genre_painting,Realism,theodor-severin-kittelsen_asbjoern-sigurdssons-drap-paa-tore-sel-01 +genre_painting,Realism,john-lewis-krimmel_blind-man-s-bluff +genre_painting,Baroque,frans-snyders_cook-with-food +genre_painting,Rococo,giovanni-domenico-tiepolo_peasant-family-at-table-from-the-room-of-rustic-scenes-in-the-foresteria-guesthouse-1757 +genre_painting,Post_Impressionism,maurice-prendergast_spring-in-franklin-park-1895 +genre_painting,Realism,vladimir-makovsky_on-the-grand-staircase-1919 +genre_painting,Art_Nouveau_Modern,henri-de-toulouse-lautrec_la-goulue-and-valentin-waltz +genre_painting,Realism,winslow-homer_game-of-croquet +genre_painting,Romanticism,sir-lawrence-alma-tadema_the-honeymoon-1868 +genre_painting,Expressionism,candido-portinari_o-vendedor-de-passarinhos +genre_painting,Expressionism,dimitris-mytaras_reclining-figure +genre_painting,Impressionism,pierre-auguste-renoir_woman-with-a-black-dog-1874 +genre_painting,Post_Impressionism,stefan-luchian_green-coat +genre_painting,Post_Impressionism,pablo-picasso_mother-and-son-on-the-shore-1902 +genre_painting,Realism,ilya-repin_in-the-upper-tier-of-the-theater-1920 +genre_painting,Realism,vladimir-makovsky_a-private-conversation-1878 +genre_painting,Ukiyo_e,utagawa-kuniyoshi_tametomo-lifting-a-heavy-beam +genre_painting,Romanticism,dante-gabriel-rossetti_the-bower-meadow-1872 +genre_painting,Rococo,william-hogarth_the-prison-1735 +genre_painting,Realism,ivan-vladimirov_photographer-in-a-village-1921 +genre_painting,Impressionism,william-james-glackens_soda-fountain-1935 +genre_painting,Cubism,gino-severini_commedia-dell-arte-1958 +genre_painting,Symbolism,konstantin-somov_the-date-1 +genre_painting,Romanticism,sir-lawrence-alma-tadema_a-collection-of-pictures-at-the-time-of-augustus-1867 +genre_painting,Impressionism,peder-severin-kroyer_oscar-bj-rck-and-eilif-peterssen-painting-portraits-of-georg-brandes-1883 +genre_painting,Impressionism,camille-pissarro_the-poultry-market-1885 +genre_painting,Cubism,pablo-picasso_composition-peasants-1906 +genre_painting,Impressionism,edgar-degas_young-girl-braiding-her-hair-1894 +genre_painting,Romanticism,william-turner_music-company-petworth +genre_painting,Expressionism,paula-modersohn-becker_three-children-with-goat-in-the-birch-forest +genre_painting,Symbolism,nicholas-roerich_legend +genre_painting,Expressionism,kathe-kollwitz_the-march-of-the-weavers-in-berlin-1897 +genre_painting,Impressionism,john-lavery_boating-on-the-thames-1890 +genre_painting,Post_Impressionism,pablo-picasso_the-fortune-1901 +genre_painting,Art_Nouveau_Modern,wilhelm-kotarbinski_the-setting-sun +genre_painting,Rococo,jean-baptiste-simeon-chardin_the-tea-drinker-1735 +genre_painting,Expressionism,lyonel-feininger_trumpeter-trompeter-1918 +genre_painting,Art_Nouveau_Modern,raphael-kirchner_girls-with-good-luck-charms-9 +genre_painting,Expressionism,edvard-munch_ashes-ii-1896 +genre_painting,Impressionism,victor-borisov-musatov_lady-embroidering-1901 +genre_painting,Impressionism,berthe-morisot_the-beach-at-petit-dalles-aka-on-the-beach +genre_painting,Rococo,pietro-longhi_hunters-shooting-at-ducks +genre_painting,Romanticism,theodore-chasseriau_forge-du-creusot-1836 +genre_painting,Expressionism,thalia-flora-karavia_bizani-1913 +genre_painting,Impressionism,edgar-degas_two-ballet-dancers +genre_painting,Ukiyo_e,kitagawa-utamaro_women-making-dresses-3 +genre_painting,Realism,boris-kustodiev_may-day-demonstration-in-putilov-1906 +genre_painting,Art_Nouveau_Modern,wilhelm-kotarbinski_adagio +genre_painting,Baroque,david-teniers-the-younger_country-celebration +genre_painting,Impressionism,edgar-degas_three-dancers-blue-skirts-red-blouses +genre_painting,Realism,viktor-vasnetsov_russian-proverbs-and-sayings-1867 +genre_painting,Cubism,pablo-picasso_man-with-mandolin-1920-1 +genre_painting,Realism,carl-bloch_in-a-roman-osteria-1866 +genre_painting,Post_Impressionism,henri-de-toulouse-lautrec_the-bartender-1900 +genre_painting,Romanticism,karl-bodmer_indians-hunting-the-bison-left-1832 +genre_painting,Expressionism,marcel-janco_middle-eastern-figures +genre_painting,Realism,vasily-vereshchagin_douvana-begging-dervishes-1873 +genre_painting,Impressionism,franz-marc_woman-in-the-wind-by-the-sea-1907 +genre_painting,Symbolism,franz-stuck_sounds-of-spring-1910 +genre_painting,Rococo,giovanni-domenico-tiepolo_landscape-with-sitting-farmer-1757 +genre_painting,Baroque,gerrit-dou_man-interrupted-at-his-writing-1635 +genre_painting,Expressionism,theophrastos-triantafyllidis_young-people-having-fun-at-galatsi-1935 +genre_painting,Romanticism,george-stubbs_melbourne-and-milbanke-families +genre_painting,Impressionism,pierre-auguste-renoir_the-first-step-1876 +genre_painting,Impressionism,berthe-morisot_the-little-maid-servant +genre_painting,Naive_Art_Primitivism,david-burliuk_woman-with-wooden-bucket-and-yellow-horse +genre_painting,Naive_Art_Primitivism,niko-pirosmani_train-in-kakhetia +genre_painting,Romanticism,jan-matejko_bishop-union +genre_painting,Symbolism,edvard-munch_the-voice-1893 +genre_painting,Art_Nouveau_Modern,sergey-solomko_caught +genre_painting,Realism,winslow-homer_under-the-coco-palm +genre_painting,Impressionism,konstantin-korovin_at-the-tea-table-1888 +genre_painting,Post_Impressionism,nicolae-darascu_mangalia-yard-1925 +genre_painting,Expressionism,henri-matisse_the-three-sisters-with-a-sculpture-left-panel-from-the-three-sisters-triptych-1917 +genre_painting,Expressionism,max-beckmann_galleria-umberto-1925 +genre_painting,Realism,viktor-vasnetsov_acrobats-festival-in-a-paris-suburb-1877 +genre_painting,Impressionism,maurice-prendergast_summer-visitors-1896 +genre_painting,Realism,thomas-eakins_cowboy-singing-1 +genre_painting,Baroque,francesco-guardi_the-fire-at-san-marcuola-1789 +genre_painting,Impressionism,joaquã­n-sorolla_valencia-couples-on-horseback-1916 +genre_painting,Symbolism,franz-stuck_spring-dance-1909 +genre_painting,Impressionism,pierre-auguste-renoir_the-swing-1895 +genre_painting,Ukiyo_e,utagawa-toyokuni_fishing-net +genre_painting,Impressionism,pierre-auguste-renoir_the-little-theater-box-1874 +genre_painting,Fauvism,alberto-magnelli_the-cafe-1914 +genre_painting,Baroque,gabriel-metsu_a-woman-drawing-wine-from-a-barrel +genre_painting,Impressionism,giuseppe-de-nittis_around-the-shade +genre_painting,Baroque,bartolome-esteban-murillo_game-dealers +genre_painting,Expressionism,edvard-munch_snow-falling-in-the-lane-1906 +genre_painting,Impressionism,nikolay-bogdanov-belsky_on-a-visit +genre_painting,Impressionism,max-liebermann_the-yacht-race-1924 +genre_painting,Symbolism,odilon-redon_the-boat-1902 +genre_painting,Realism,james-tissot_the-inn-of-the-three-ravens +genre_painting,Impressionism,john-singer-sargent_by-the-river-1888 +genre_painting,Impressionism,iosif-iser_field-party +genre_painting,Symbolism,henri-martin_the-poets-in-the-bois-sacre +genre_painting,Impressionism,pierre-auguste-renoir_the-piano-lesson-1889 +genre_painting,Baroque,adriaen-brouwer_the-schlachtfest +genre_painting,Impressionism,childe-hassam_carriage-parade +genre_painting,Expressionism,jose-gutierrez-solana_the-poster-of-the-crime-the-blind-musician +genre_painting,Baroque,pieter-de-hooch_the-morning-toilet-of-a-young-man +genre_painting,Realism,john-everett-millais_sleeping +genre_painting,Realism,mihaly-munkacsy_baby-visitors-1879 +genre_painting,Expressionism,balthus_the-week-with-four-thursdays-1949 +genre_painting,Romanticism,alfred-stevens_mother-and-children-1887 +genre_painting,Symbolism,gustave-moreau_women-ibis-pink +genre_painting,Baroque,pieter-de-hooch_skittle-players-in-a-garden +genre_painting,Realism,boris-kustodiev_tatar-who-sells-watermelons-1924 +genre_painting,Post_Impressionism,georges-seurat_the-painter +genre_painting,Impressionism,edgar-degas_dancer-in-pink-dress-1880 +genre_painting,Symbolism,odilon-redon_a-madman-in-a-dismal-landscape-1885 +genre_painting,Naive_Art_Primitivism,david-burliuk_peasant-woman-with-red-and-green-cows +genre_painting,Art_Nouveau_Modern,felix-vallotton_the-compelling-reason-1898 +genre_painting,Post_Impressionism,grace-cossington-smith_strike-1917 +genre_painting,Symbolism,pierre-puvis-de-chavannes_work +genre_painting,Impressionism,claude-monet_festival-at-argenteuil +genre_painting,Impressionism,edgar-degas_woman-ironing-silhouette-1873 +genre_painting,New_Realism,william-james-glackens_far-from-the-fresh-farm-air-1911 +genre_painting,Realism,john-singer-sargent_shoeing-the-ox +genre_painting,Impressionism,mary-cassatt_mother-and-sara-admiring-the-baby-1901 +genre_painting,Baroque,peter-paul-rubens_the-lion-hunt-1621 +genre_painting,Realism,jean-francois-millet_garden-scene +genre_painting,Naive_Art_Primitivism,grandma-moses_so-long-till-next-year-1960 +genre_painting,Impressionism,pierre-auguste-renoir_young-woman-standing-1895 +genre_painting,Ukiyo_e,utagawa-kuniyoshi_suikoden-series-1 +genre_painting,Naive_Art_Primitivism,pablo-picasso_dancer-1954 +genre_painting,Baroque,rembrandt_batavernas-trohetsed-1662 +genre_painting,Impressionism,berthe-morisot_young-girl-with-an-umbrella +genre_painting,Realism,james-tissot_the-thames-1876 +genre_painting,Rococo,william-hogarth_wga-a-scene-from-the-beggar-s-opera-1729 +genre_painting,Impressionism,pierre-auguste-renoir_le-place-clichy +genre_painting,Naive_Art_Primitivism,raoul-dufy_chateau-and-horses-1930 +genre_painting,Baroque,jan-steen_dancing-couple-1663 +genre_painting,Impressionism,giovanni-boldini_the-lady-pianist +genre_painting,Impressionism,childe-hassam_in-the-garden-aka-celia-thaxter-in-her-garden +genre_painting,Impressionism,childe-hassam_evening-champs-elysees-aka-pres-du-louvre +genre_painting,Expressionism,ernst-ludwig-kirchner_street-scene-1 +genre_painting,Realism,james-tissot_at-the-rifle-range +genre_painting,Art_Nouveau_Modern,carl-larsson_threshing-1906(1) +genre_painting,Impressionism,edgar-degas_dancer-with-a-bouquet-of-flowers-the-star-of-the-ballet +genre_painting,Romanticism,david-wilkie_distraining-for-rent-1815(1) +genre_painting,Romanticism,william-holman-hunt_the-eve-of-st-agnes-1867 +genre_painting,Art_Nouveau_Modern,gustav-klimt_the-kiss-1908(1) +genre_painting,Ukiyo_e,katsushika-hokusai_a-oiran-a-special-beautiful-courtesan +genre_painting,Post_Impressionism,maurice-denis_child-in-an-apron-or-little-girl-in-a-red-dress +genre_painting,Post_Impressionism,maurice-prendergast_the-balloon +genre_painting,Expressionism,albert-bloch_lamentation +genre_painting,Realism,constantin-guys_leaving-the-theater +genre_painting,Impressionism,william-james-glackens_from-under-willows +genre_painting,Realism,george-catlin_ball-play-of-the-choctaw-ball-up-1850 +genre_painting,Impressionism,gustave-caillebotte_regatta-at-argenteuil-1893 +genre_painting,Naive_Art_Primitivism,marc-chagall_youthfulness-1985 +genre_painting,Baroque,pieter-de-hooch_card-players-at-a-table +genre_painting,Impressionism,berthe-morisot_the-cherry-picker-1891 +genre_painting,Ukiyo_e,kitagawa-utamaro_the-hour-of-the-horse +genre_painting,Realism,pavel-fedotov_encore-encore +genre_painting,Impressionism,mary-cassatt_on-the-water-1895 +genre_painting,Post_Impressionism,paul-gauguin_breton-women-at-the-turn-1888 +genre_painting,Expressionism,max-beckmann_dancing-bar-in-baden-baden-1923 +genre_painting,Expressionism,edvard-munch_by-the-deathbed-fever-i-1915 +genre_painting,Post_Impressionism,maurice-prendergast_bathers-and-strollers +genre_painting,Mannerism_Late_Renaissance,tintoretto_tintoretto-at-the-deathbed-of-his-daughter +genre_painting,Impressionism,childe-hassam_bleakk-house-broadstairs +genre_painting,Synthetic_Cubism,pablo-picasso_harlequin-1915 +genre_painting,Symbolism,pablo-picasso_scene-in-a-cabaret-1902 +genre_painting,Naive_Art_Primitivism,grandma-moses_not_detected_251621 +genre_painting,Expressionism,margareta-sterian_the-alarm +genre_painting,Post_Impressionism,henri-de-toulouse-lautrec_the-last-crunbs-1891 +genre_painting,Realism,aleksey-savrasov_round-dance-in-the-village-1874 +genre_painting,Pointillism,georges-seurat_the-circus-1891 +genre_painting,Impressionism,childe-hassam_summer-evening-paris +genre_painting,Post_Impressionism,edouard-vuillard_woman-in-grey-in-a-lane +genre_painting,Impressionism,claude-monet_the-luncheon-1 +genre_painting,Impressionism,john-lavery_bathing-in-the-lido-venice-1912 +genre_painting,Impressionism,pierre-auguste-renoir_the-reading +genre_painting,Romanticism,francisco-goya_picnic-on-the-banks-of-the-manzanares-1776 +genre_painting,Realism,anders-zorn_fish-market-in-st-ives +genre_painting,Impressionism,pierre-auguste-renoir_monet-painting-in-his-garden-at-argenteuil-1873 +genre_painting,Realism,vasily-polenov_granny-s-orchard-1878 +genre_painting,Expressionism,martiros-saryan_still-life-and-children-1928 +genre_painting,Romanticism,john-collier_the-garden-party +genre_painting,Realism,vasily-vereshchagin_bacha-and-his-fans-1868 +genre_painting,Expressionism,edvard-munch_tavern-in-st-cloud-1890 +genre_painting,Romanticism,akseli-gallen-kallela_rustic-life-1887 +genre_painting,Impressionism,pierre-auguste-renoir_the-artist-s-studio-rue-saint-georges-1876 +genre_painting,Expressionism,max-beckmann_departure-1935 +genre_painting,Expressionism,candido-portinari_gaiola-i-do-livro-menino-de-engenho-1959 +genre_painting,Impressionism,eugene-boudin_laundresses-on-the-banks-of-touques-1884 +genre_painting,Impressionism,edgar-degas_two-dancers +genre_painting,Expressionism,ernst-ludwig-kirchner_dancer +genre_painting,Ukiyo_e,utagawa-kunisada-ii_visit-to-a-peony-garden +genre_painting,Impressionism,john-singer-sargent_hills-of-galilee +genre_painting,Northern_Renaissance,albrecht-durer_drummers-and-pipers +genre_painting,Post_Impressionism,samuel-mutzner_sevilla-1921 +genre_painting,Post_Impressionism,georges-seurat_man-painting-his-boat-1883 +genre_painting,Realism,pablo-picasso_science-and-charity-1897 +genre_painting,Impressionism,eugene-boudin_berck-fisherwomen-on-the-beach +genre_painting,Baroque,gabriel-metsu_the-cittern-player +genre_painting,Baroque,william-hogarth_scene-in-a-tavern-1735 +genre_painting,Impressionism,john-singer-sargent_boy-on-a-rock +genre_painting,Realism,pavel-fedotov_fashionable-wife-lioness +genre_painting,Art_Nouveau_Modern,boris-kustodiev_merchant-s-yard-1921 +genre_painting,Realism,edouard-manet_boy-blowing-bubbles-1869 +genre_painting,Post_Impressionism,paul-gauguin_the-house-of-singing-1892 +genre_painting,Art_Nouveau_Modern,aubrey-beardsley_smithers +genre_painting,Art_Nouveau_Modern,raphael-kirchner_couples-between-red-borders-1901-2 +genre_painting,Naive_Art_Primitivism,niko-pirosmani_peasant-woman-with-children-goes-for-water +genre_painting,Naive_Art_Primitivism,marc-chagall_fiddler-with-ruster-1982 +genre_painting,Impressionism,edgar-degas_dancer-resting +genre_painting,Realism,julius-leblanc-stewart_after-the-ball-1877(1) +genre_painting,Romanticism,fyodor-bronnikov_cleaning-corpses-during-an-epidemic +genre_painting,Art_Nouveau_Modern,henri-de-toulouse-lautrec_the-chatelaine-the-tocsin-1895 +genre_painting,Baroque,rembrandt_the-shepards-in-the-woods-1644 +genre_painting,Expressionism,corneliu-baba_maternity +genre_painting,Expressionism,edvard-munch_street-in-asgardstrand-1902 +genre_painting,Impressionism,edouard-manet_woman-before-a-mirror-1877 +genre_painting,Impressionism,philip-wilson-steer_boulogne-sands +genre_painting,Expressionism,edvard-munch_jealousy-from-the-series-the-green-room-1907 +genre_painting,Expressionism,ernst-ludwig-kirchner_evenig-scene +genre_painting,Expressionism,laszlo-mednyanszky_evanescence-1917 +genre_painting,Impressionism,pierre-auguste-renoir_gabrielle-with-renoir-s-children +genre_painting,Impressionism,eugene-boudin_beach-scene-3 +genre_painting,Impressionism,edgar-degas_two-riders-by-a-lake +genre_painting,Impressionism,mary-cassatt_nude-baby-on-mother-s-lap-resting-her-arm-on-the-back-of-the-chair-1913 +genre_painting,Impressionism,nikolay-bogdanov-belsky_horses-bathing +genre_painting,Symbolism,nikolaos-gyzis_repentance-1895 +genre_painting,Realism,anders-zorn_smoking-woman-1907 +genre_painting,Symbolism,nicholas-roerich_thought-1946 +genre_painting,Impressionism,edgar-degas_dancer-with-bouquet +genre_painting,Naive_Art_Primitivism,grã©goire-michonze_personnages-1982 +genre_painting,Impressionism,berthe-morisot_reading-with-green-umbrella +genre_painting,Baroque,adriaen-van-de-venne_what-won-t-people-do-for-money +genre_painting,Art_Nouveau_Modern,koloman-moser_loneliness-1902 +genre_painting,Realism,thomas-eakins_the-pathetic +genre_painting,Impressionism,edgar-degas_exit-from-weighing-1866 +genre_painting,Romanticism,john-everett-millais_a-flood +genre_painting,Impressionism,thomas-eakins_a-street-scene +genre_painting,Naive_Art_Primitivism,horace-pippin_cabin-in-the-cotton-1935 +genre_painting,Impressionism,edgar-degas_dancer-with-a-bouquet-of-flowers-1878 +genre_painting,Rococo,jean-baptiste-simeon-chardin_young-draughtsman-copying-an-academy-study +genre_painting,Post_Impressionism,georges-lemmen_family-gathering-in-saint-idesbald +genre_painting,Realism,winslow-homer_in-front-of-yorktown +genre_painting,Romanticism,arnold-bã¶cklin_march-of-the-goths +genre_painting,Baroque,david-teniers-the-younger_the-kermess-at-the-half-moon-inn-1641 +genre_painting,Rococo,giovanni-domenico-tiepolo_the-storyteller +genre_painting,Impressionism,childe-hassam_the-breakfast-room-winter-morning-1911 +genre_painting,Impressionism,mary-cassatt_helene-de-septeuil-1889 +genre_painting,Baroque,jan-steen_dancing-couple-detail-1663-2 +genre_painting,Post_Impressionism,jacek-malczewski_poisoned-well-v +genre_painting,Post_Impressionism,maurice-prendergast_gloucester-fishermen-s-houses-1915 +genre_painting,Realism,vasily-perov_grandfather-and-grandson-1871 +genre_painting,Romanticism,edward-burne-jones_the-arming-and-departure-of-the-kniights-1894 +genre_painting,Impressionism,maurice-prendergast_revere-beach-1 +genre_painting,Post_Impressionism,david-burliuk_the-ballerina +genre_painting,Romanticism,william-shayer_unloading-the-catch-near-benchurch-isle +genre_painting,Post_Impressionism,maurice-prendergast_may-day-central-park-also-known-as-central-park-or-children-in-the-park +genre_painting,Impressionism,paul-gauguin_the-artist-s-children-1884 +genre_painting,Realism,giovanni-boldini_young-woman-writing +genre_painting,Naive_Art_Primitivism,grã©goire-michonze_scene-de-village-aux-oiseaux-bleus +genre_painting,Impressionism,eugene-boudin_beach-scene-11 +genre_painting,Impressionism,joaquã­n-sorolla_fishermen-pull-in-the-nets-1896 +genre_painting,Impressionism,ion-andreescu_haymaking +genre_painting,Realism,peder-severin-kroyer_st-john-s-eve-bonfire-on-skagen-s-beach-1906 +genre_painting,Expressionism,max-pechstein_zwei-fischer-mit-netz-1923 +genre_painting,Impressionism,joaquã­n-sorolla_after-the-bath-1902 +genre_painting,Post_Impressionism,henri-de-toulouse-lautrec_the-dancer-in-her-dressing-room-1885 +genre_painting,Fauvism,john-duncan-fergusson_people-and-sails-at-royan-1910 +genre_painting,Realism,james-tissot_the-hammock +genre_painting,Impressionism,joaquã­n-sorolla_landscape-with-figure +genre_painting,Art_Nouveau_Modern,sergey-solomko_returning-from-matins +genre_painting,Realism,vincent-van-gogh_digger-1882-1(1) +genre_painting,Romanticism,karl-bryullov_pifferary-in-front-of-madonna(1) +genre_painting,Fauvism,andre-derain_the-dance-1906 +genre_painting,Expressionism,august-macke_market-in-algiers +genre_painting,Naive_Art_Primitivism,grã©goire-michonze_scene-paysanne +genre_painting,Expressionism,pablo-picasso_the-soup-1903 +genre_painting,New_Realism,george-luks_prospect-park +genre_painting,Romanticism,sir-lawrence-alma-tadema_the-flower-market-1868 +genre_painting,Post_Impressionism,david-burliuk_spring-in-pennsylvania-1946 +genre_painting,Symbolism,odilon-redon_woman-in-profile-under-a-gothic-arch-1 +genre_painting,Romanticism,albert-bierstadt_on-the-plains-sunset +genre_painting,Realism,theo-van-rysselberghe_moroccan-market-1883 +genre_painting,Impressionism,childe-hassam_the-boid-de-boulogne +genre_painting,Expressionism,josef-herman_in-the-canteen-1954 +genre_painting,Romanticism,taras-shevchenko_at-the-pub-1856 +genre_painting,New_Realism,john-french-sloan_monument-in-the-plaza-new-york-1949 +genre_painting,Ukiyo_e,katsushika-hokusai_watermill-at-onden +genre_painting,Impressionism,edgar-degas_race-horses-at-longchamp-1874 +genre_painting,Post_Impressionism,pierre-bonnard_early-spring-little-fauns-1909 +genre_painting,Art_Nouveau_Modern,carl-larsson_when-the-children-have-gone-to-bed(1) +genre_painting,Realism,vincent-van-gogh_man-in-a-village-inn-1883 +genre_painting,Realism,james-tissot_hide-and-seek +genre_painting,Impressionism,stefan-dimitrescu_copyist-monks-in-dur-u-1920 +genre_painting,Baroque,david-teniers-the-younger_village-scene +genre_painting,Expressionism,ernst-ludwig-kirchner_two-girls +genre_painting,Realism,aleksey-savrasov_feminine-strap +genre_painting,Impressionism,frederic-bazille_the-fortune-teller +genre_painting,Post_Impressionism,paul-cezanne_five-bathers-1887 +genre_painting,Realism,pyotr-konchalovsky_on-the-lawn-1954 +genre_painting,Post_Impressionism,henri-de-toulouse-lautrec_the-two-friends-1894 +genre_painting,Cubism,lyonel-feininger_the-green-bridge-ii-1916 +genre_painting,Ukiyo_e,kitagawa-utamaro_women-making-dresses-2 +genre_painting,Realism,vasily-perov_wanderer-1869 +genre_painting,Symbolism,john-atkinson-grimshaw_luxury +genre_painting,Impressionism,pierre-auguste-renoir_head-of-a-young-woman-red-hat-1890 +genre_painting,Romanticism,adolphe-joseph-thomas-monticelli_stage +genre_painting,Impressionism,rudolf-schweitzer-cumpana_baptism-at-the-countryside-1924 +genre_painting,Realism,james-tissot_the-jews-passover +genre_painting,Symbolism,konstantin-somov_lady-with-the-dog-1 +genre_painting,Rococo,george-morland_a-farrier-s-shop-1793 +genre_painting,Impressionism,john-singer-sargent_albanian-olive-pickers-1909 +genre_painting,Post_Impressionism,emmanuel-zairis_fishermen +genre_painting,Art_Nouveau_Modern,boris-kustodiev_fair-1908 +genre_painting,Baroque,gerard-terborch_woman-at-a-mirror +genre_painting,Expressionism,kathe-kollwitz_not_detected_235978 +genre_painting,Impressionism,eugene-boudin_antwerp-fishing-boats +genre_painting,Art_Nouveau_Modern,boris-kustodiev_shrove-tide-1919-1 +genre_painting,Expressionism,ernst-ludwig-kirchner_lovers-in-the-bibliothek +genre_painting,Baroque,johannes-vermeer_a-lady-writing +genre_painting,Impressionism,emile-claus_bringing-in-the-nets-1893 +genre_painting,Rococo,william-hogarth_a-harlot-s-progress-plate-1 +genre_painting,Fauvism,john-duncan-fergusson_caf-concert-des-ambassadeurs-1907 +genre_painting,Romanticism,alexander-ivanov_seven-boys-in-colourful-clothes +genre_painting,Baroque,adriaen-van-ostade_dancing-farmers +genre_painting,Baroque,jan-steen_cheated-groom-1670 +genre_painting,Expressionism,salvador-dali_grandmother-ana-sewing +genre_painting,Realism,jean-francois-millet_women-carrying-faggots-1858 +genre_painting,Ukiyo_e,kitagawa-utamaro_three-courtesans-stroll-amidst-cherry-blossoms-1803 +genre_painting,Realism,james-tissot_the-tedious-story +genre_painting,Naive_Art_Primitivism,niko-pirosmani_two-georgians-at-marani +genre_painting,Fauvism,maurice-de-vlaminck_potatoe-pickers-1907 +genre_painting,Expressionism,paula-modersohn-becker_reclining-mother-and-child +genre_painting,Baroque,jan-steen_dancing-couple-detail-1663-7 +genre_painting,Symbolism,georges-lacombeâ _the-apple-picker +genre_painting,Symbolism,konstantin-somov_evening-1902 +genre_painting,New_Realism,john-french-sloan_the-effect-is-spoiled-1915 +genre_painting,Romanticism,william-turner_the-big-connection-channel-at-southall-mill +genre_painting,Symbolism,arnold-bã¶cklin_lament-of-the-shepherd-1866 +genre_painting,Impressionism,camille-pissarro_peasants-harvesting-potatoes-1882 +genre_painting,Impressionism,william-merritt-chase_shell-beach-at-shinnecock +genre_painting,Impressionism,joaquã­n-sorolla_sketch-for-sad-legacy +genre_painting,Ukiyo_e,keisai-eisen_the-third-month-cherry-blossoms-in-naka-no-ch(1) +genre_painting,Cubism,raoul-dufy_love-1910 +genre_painting,Expressionism,edvard-munch_worker-and-child-1908 +genre_painting,Realism,camille-pissarro_a-creek-in-saint-thomas-antilles-1856 +genre_painting,Expressionism,max-beckmann_journey-on-the-fish-1934 +genre_painting,Cubism,louis-marcoussis_figures-on-a-beach-1930 +genre_painting,Symbolism,jan-toorop_candle-factory +genre_painting,Rococo,giovanni-domenico-tiepolo_offering-of-fruits-to-moon-goddess +genre_painting,Expressionism,ernst-ludwig-kirchner_coffee-drinking-women +genre_painting,Realism,andrei-ryabushkin_the-old-men +genre_painting,Post_Impressionism,pyotr-konchalovsky_harvest-1923 +genre_painting,Rococo,george-morland_door-of-a-village-inn +genre_painting,Symbolism,henri-fantin-latour_not-identified-1 +genre_painting,Art_Nouveau_Modern,sergey-solomko_meeting +genre_painting,Rococo,giovanni-domenico-tiepolo_pulcinella-in-love +genre_painting,Pointillism,georges-seurat_the-gardener-1884 +genre_painting,Impressionism,joaquã­n-sorolla_boy-on-the-rocks-javea +genre_painting,Realism,vincent-van-gogh_woman-cutting-bread-1885 +genre_painting,Expressionism,paul-klee_rope-dancer-1923(1) +genre_painting,Realism,edouard-manet_the-balcony-1869 +genre_painting,Impressionism,mary-cassatt_pattycake-1897 +genre_painting,Realism,pierre-auguste-renoir_riding-in-the-bois-de-boulogne-madame-henriette-darras-or-the-ride-1873 +genre_painting,Impressionism,edmund-charles-tarbell_in-a-garden-1890 +genre_painting,Expressionism,jose-gutierrez-solana_two-masks +genre_painting,Realism,vincent-van-gogh_bench-with-three-persons-1882(1) +genre_painting,Impressionism,victor-borisov-musatov_the-boy-nearly-broken-jug-1899 +genre_painting,Impressionism,edgar-degas_two-dancers-in-yellow-and-pink +genre_painting,Symbolism,gulacsy-lajos_sunday-afternoon-in-como-1912 +genre_painting,Impressionism,edgar-degas_group-of-dancers-1 +genre_painting,Naive_Art_Primitivism,fred-yates_porthmeor-beach-st-ives +genre_painting,Romanticism,jean-leon-gerome_recreation-in-a-russian-camp +genre_painting,Expressionism,lucian-freud_the-painter-surprised-by-a-naked-admirer-2005 +genre_painting,Naive_Art_Primitivism,jules-lefranc_la-petite-fleuriste-1953 +genre_painting,Realism,vasily-perov_caretaker-letting-an-apartment-to-a-lady-1878 +genre_painting,Symbolism,james-mcneill-whistler_the-dancing-girl-1870 +genre_painting,Northern_Renaissance,albrecht-durer_bagpipes-players-1514 +genre_painting,Art_Nouveau_Modern,boris-kustodiev_merchant-s-wife-on-the-promenade-1920 +genre_painting,Art_Nouveau_Modern,sergey-solomko_jokester +genre_painting,Impressionism,mykola-pymonenko_boy-with-a-basket +genre_painting,Art_Nouveau_Modern,wilhelm-kotarbinski_a-ray-of-sunlight +genre_painting,Impressionism,camille-pissarro_peasant-woman-on-a-country-road +genre_painting,Baroque,bartolome-esteban-murillo_two-kids-are-fighting +genre_painting,Baroque,gabriel-metsu_the-intruder +genre_painting,Romanticism,david-wilkie_pitlessie-fair-1804 +genre_painting,Impressionism,edgar-degas_the-star-1881 +genre_painting,Symbolism,odilon-redon_initiation-to-study-1905 +genre_painting,Art_Nouveau_Modern,henri-de-toulouse-lautrec_ambroise-thomas-assistant-at-a-rehearsal-of-francoise-de-rimini-1896 +genre_painting,Baroque,adriaen-brouwer_the-card-players +genre_painting,Romanticism,alexander-orlowski_peasants-by-the-carriage-1815 +genre_painting,Impressionism,edgar-degas_horses-and-jockeys +genre_painting,Realism,vladimir-makovsky_wandering-fiddler-1886 +genre_painting,Symbolism,ferdinand-hodler_the-dying-valentine-gode-darel +genre_painting,Realism,pyotr-konchalovsky_the-construction-of-bathhouse-1935 +genre_painting,Symbolism,henri-martin_poetesses-on-a-take-shore +genre_painting,Expressionism,august-macke_arcade-in-thun +genre_painting,Baroque,jan-steen_merry-family-1668 +genre_painting,Expressionism,jose-gutierrez-solana_masks-with-donkey +genre_painting,Northern_Renaissance,pieter-bruegel-the-elder_soldiers-at-rest-1556 +genre_painting,Impressionism,edgar-degas_dancer-in-her-dressing-room +genre_painting,Baroque,gerard-terborch_a-young-woman-playing-a-theorbo-to-two-men +genre_painting,Post_Impressionism,henri-de-toulouse-lautrec_dinner-at-the-house-of-m-and-mme-nathanson-1898 +genre_painting,Expressionism,max-pechstein_sunset-1921 +genre_painting,Impressionism,john-singer-sargent_pater-harrison +genre_painting,Baroque,rembrandt_the-anatomy-lesson-of-dr-nicolaes-tulp-1632 +genre_painting,Impressionism,eva-gonzales_reading-in-the-forest +genre_painting,Realism,camille-corot_breton-woman-and-her-little-girl +genre_painting,Ukiyo_e,katsushika-hokusai_kuwana-2 +genre_painting,Post_Impressionism,vincent-van-gogh_landscape-with-couple-walking-and-crescent-moon-1890(1) +genre_painting,Rococo,thomas-gainsborough_the-market-cart-1786 +genre_painting,Impressionism,edouard-manet_the-reading-1869 +genre_painting,Romanticism,john-everett-millais_the-ransom +genre_painting,Pop_Art,peter-blake_the-meeting-or-have-a-nice-day-mr-hockney-1983 +genre_painting,Realism,mary-cassatt_musical-party-1874 +genre_painting,Ukiyo_e,ogata-gekko_sumo-wrestlers-1899 +genre_painting,Ukiyo_e,hiroshige_japanese-triptych-print-showing-japanese-and-foreign-people-walking-along-the-sumida-river +genre_painting,Rococo,thomas-gainsborough_wooded-landscape-with-cattle-by-a-pool-and-a-cottage-at-evening-1782 +genre_painting,Post_Impressionism,henri-de-toulouse-lautrec_lucien-guitry-and-granne-granier-1895 +genre_painting,Art_Nouveau_Modern,raphael-kirchner_maid-of-athens-1900-4 +genre_painting,Rococo,thomas-gainsborough_homecoming +genre_painting,Ukiyo_e,utagawa-kunisada_not_detected_240331 +genre_painting,Post_Impressionism,maurice-prendergast_on-the-beach-st-malo +genre_painting,Art_Nouveau_Modern,frantisek-kupka_boudoir-scene-1903 +genre_painting,Impressionism,nikolay-bogdanov-belsky_joyful-company +genre_painting,Expressionism,salvador-dali_woman-nursing-her-son +genre_painting,Impressionism,edouard-manet_the-suicide +genre_painting,Impressionism,pierre-auguste-renoir_the-cup-of-tea-1907 +genre_painting,Impressionism,julian-alden-weir_mother-and-child +genre_painting,Romanticism,francisco-goya_woman-battered-with-a-cane +genre_painting,Post_Impressionism,maurice-prendergast_jumping-rope +genre_painting,Realism,ivan-vladimirov_in-a-lesson-of-credence-with-the-sexton-1913 +genre_painting,Romanticism,karl-bodmer_buffalo-dance-of-the-mandan-indians-in-front-of-their-medicine-lodge-in-mih-tutta-hankush-plate-1843 +genre_painting,Art_Nouveau_Modern,boris-kustodiev_street-of-a-provincial-town-1917 +genre_painting,Ukiyo_e,kitagawa-utamaro_not_detected_233121-1799 +genre_painting,Expressionism,chronis-botsoglou_untitled +genre_painting,Impressionism,gustave-caillebotte_man-drying-his-leg +genre_painting,Baroque,adriaen-van-ostade_the-violinist +genre_painting,Impressionism,berthe-morisot_child-playing-in-the-garden +genre_painting,Pointillism,henri-edmond-cross_the-flowered-column +genre_painting,Impressionism,paul-gauguin_working-the-land-1873 +genre_painting,Baroque,agostino-carracci_hairy-harry-mad-peter-and-tiny-amon-1600 +genre_painting,Impressionism,eugene-boudin_trouville-beach-scene-1875 +genre_painting,Expressionism,laszlo-mednyanszky_soldiers-1918 +genre_painting,Art_Nouveau_Modern,aladar-korosfoi-kriesch_pupppet-theatre-1907 +genre_painting,Contemporary_Realism,eric-fischl_what-s-between-you-and-me +genre_painting,Realism,vincent-van-gogh_woman-by-a-hearth-1885 +genre_painting,Expressionism,edvard-munch_man-bathing-1899 +genre_painting,Art_Nouveau_Modern,jacques-villon_bibi-shining-shoes-1900 +genre_painting,Ukiyo_e,utagawa-kuniyoshi_wrestling +genre_painting,Art_Nouveau_Modern,zinaida-serebriakova_ballerinas-in-the-dressing-room-1923 +genre_painting,Baroque,nicolas-tournier_drinking-party-with-a-lute-player +genre_painting,Realism,vasily-vereshchagin_inn-near-tashkent-1867 +genre_painting,Romanticism,john-william-waterhouse_resting +genre_painting,Contemporary_Realism,eric-fischl_a-visit-to-a-visit-from-the-island +genre_painting,Impressionism,pierre-auguste-renoir_young-girls-at-the-piano-1892 +genre_painting,Symbolism,nicholas-roerich_drops-of-life-1924 +genre_painting,Realism,vincent-van-gogh_scheveningen-woman-with-wheeelbarrow-1883 +genre_painting,Naive_Art_Primitivism,niko-pirosmani_razzle-dazzle-of-three-princes(1) +genre_painting,Realism,klavdy-lebedev_sostrunka-b-r-im-wald-bers-m-google-sprachtools-1907 +genre_painting,Naive_Art_Primitivism,yiannis-tsaroychis_remembering-1954-1974 +genre_painting,New_Realism,john-french-sloan_south-beach-bathers-1908 +genre_painting,Romanticism,sir-lawrence-alma-tadema_the-favourite-poet-1888 +genre_painting,Realism,vincent-van-gogh_old-man-reading-1882 +genre_painting,Romanticism,karl-bryullov_bivouac-on-a-crater-vesuvius(1) +genre_painting,Post_Impressionism,henri-de-toulouse-lautrec_behind-the-scenes-1899 +genre_painting,Expressionism,balthus_patience-1955 +genre_painting,Expressionism,billy-childish_man-walking-in-snow-1999 +genre_painting,Post_Impressionism,pyotr-konchalovsky_novgorod-the-fish-market-1928 +genre_painting,Realism,nikolaos-gyzis_the-barber-1880(1) +genre_painting,Impressionism,maurice-prendergast_low-tide-3 +genre_painting,Realism,isaac-levitan_blessing-of-the-waters-1893 +genre_painting,Art_Nouveau_Modern,carl-larsson_mother-and-daughter-1903(1) +genre_painting,Post_Impressionism,pyotr-konchalovsky_children-at-the-piano-1919 +genre_painting,Post_Impressionism,henri-de-toulouse-lautrec_tristan-bernard-at-the-buffalo-station-1895 +genre_painting,Realism,vladimir-makovsky_the-artist-and-the-apprentice +genre_painting,Realism,jean-francois-millet_shepherds-of-arcadia-1843 +genre_painting,Realism,boris-kustodiev_the-hut-kostroma-province-1917 +genre_painting,Realism,jacek-malczewski_memories-of-youth +genre_painting,Romanticism,sir-lawrence-alma-tadema_on-the-road-to-the-temple-of-ceres-1879 +genre_painting,Realism,nicholas-roerich_messenger-clan-revolted-against-to-clan-1897 +genre_painting,Realism,john-lewis-krimmel_the-village-tavern +genre_painting,Expressionism,albert-bloch_winter +genre_painting,Impressionism,childe-hassam_the-barnyard +genre_painting,Impressionism,joaquã­n-sorolla_trafficking-in-human-beings-1894 +genre_painting,Baroque,jan-steen_girl-eating-oysters-1660 +genre_painting,Impressionism,giovanni-boldini_the-model-and-the-mannequin-1873 +genre_painting,Rococo,william-hogarth_election-propaganda-1755 +genre_painting,Impressionism,claude-monet_the-promenade-study +genre_painting,Naive_Art_Primitivism,david-burliuk_peasant-couple-1945-1(1) +genre_painting,Romanticism,joseph-wright_two-boys-fighting-over-a-bladder-1770 +genre_painting,Baroque,adriaen-brouwer_musical-company +genre_painting,Fauvism,max-weber_burlesque +genre_painting,Realism,vasily-perov_the-first-rank-son-of-a-sacristan-produced-in-the-collegiate-registrars-1860 +genre_painting,Romanticism,gustave-dore_the-seven-league-boots +genre_painting,Cubism,man-ray_silhouette +genre_painting,Naive_Art_Primitivism,candido-portinari_futebol-1935 +genre_painting,Romanticism,sir-lawrence-alma-tadema_ninety-four-in-the-shade-1876 +genre_painting,Impressionism,pablo-picasso_stuffed-shirts-1900 +genre_painting,Impressionism,edgar-degas_the-rehearsal-of-the-ballet-on-stage +genre_painting,Ukiyo_e,utagawa-toyokuni_three-beauties-playing-battledore-and-shuttlecock +genre_painting,Northern_Renaissance,pieter-bruegel-the-elder_haymaking-1565 +genre_painting,Impressionism,federico-zandomeneghi_woman-in-corset +genre_painting,Expressionism,arturo-souto_double-maternity-1964 +genre_painting,New_Realism,william-james-glackens_seated-actress-with-mirror-1903 +genre_painting,Impressionism,edgar-degas_the-false-start +genre_painting,Impressionism,william-merritt-chase_interior-of-the-baptistry-at-st-mark-s +genre_painting,Realism,pyotr-konchalovsky_in-the-cathedral-of-yuryev-abbot-bessarion-1926 +genre_painting,Post_Impressionism,raoul-dufy_the-onion-market +genre_painting,Art_Nouveau_Modern,wilhelm-kotarbinski_roman-holiday +genre_painting,Romanticism,sir-lawrence-alma-tadema_the-inundation-of-the-biesbosch-in-1421-1856 +genre_painting,Baroque,jacob-jordaens_cavalier-executing-a-levade-in-front-of-a-portal-1643 +genre_painting,Ukiyo_e,kitagawa-utamaro_flowers-of-edo +genre_painting,Impressionism,william-merritt-chase_woman-in-kimono-holding-a-japanese-fan +genre_painting,Post_Impressionism,gwen-john_the-convalescent-1924 +genre_painting,Cubism,olexandr-archipenko_bathers +genre_painting,Art_Nouveau_Modern,raphael-kirchner_boys-and-girls-at-sea-5 +genre_painting,Realism,pavel-fedotov_the-widow +genre_painting,Post_Impressionism,paul-gauguin_breton-woman-with-a-pitcher-1888 +genre_painting,Realism,ivan-vladimirov_on-the-streets-of-petrograd-1918 +genre_painting,Expressionism,paul-klee_strong-dream-1929(1) +genre_painting,Art_Nouveau_Modern,aladar-korosfoi-kriesch_fair-1917 +genre_painting,Post_Impressionism,leroy-neiman_bistro-garden-1997 +genre_painting,Impressionism,mary-cassatt_motherhood +genre_painting,Impressionism,max-kurzweil_a-walk-in-the-garden-1896 +genre_painting,Symbolism,akseli-gallen-kallela_symposium-1894 +genre_painting,Realism,eugene-boudin_near-honfleur +genre_painting,Realism,vasily-surikov_on-nevsky-prospekt-at-night-1874 +genre_painting,Realism,james-tissot_waiting-for-the-ferry-1 +genre_painting,Realism,ivan-kramskoy_kramsky-who-writes-a-portrait-of-his-daughter-sofia-ivanovna-archaeology-from-marriage-juncker-1884 +genre_painting,Impressionism,edgar-degas_dance-opera +genre_painting,Expressionism,marc-chagall_mania-cutting-bread-1914 +genre_painting,Symbolism,konstantin-somov_italian-comedy-1 +genre_painting,Realism,boris-kustodiev_painter-1924 +genre_painting,Baroque,rembrandt_the-anatomy-lesson-of-dr-nicolaes-tulp-fragment-1632-1 +genre_painting,Naive_Art_Primitivism,fernando-botero_drag +genre_painting,Impressionism,joaquã­n-sorolla_morning-sun-1901 +genre_painting,Impressionism,james-mcneill-whistler_blue-and-silver-boat-entering-pourville +genre_painting,Impressionism,camille-pissarro_peasant-planting-pea-sticks-1891 +genre_painting,Impressionism,camille-pissarro_young-woman-washing-plates-1882 +genre_painting,Cubism,pyotr-konchalovsky_the-game-of-billiards-1918 +genre_painting,Impressionism,edgar-degas_the-dance-studio +genre_painting,Impressionism,gustave-caillebotte_rower-in-a-top-hat-1878 +genre_painting,Romanticism,francisco-goya_plague-hospital-1800 +genre_painting,Naive_Art_Primitivism,mary-fedden_irish-fishermen-1988 +genre_painting,Impressionism,max-liebermann_women-plucking-geese-1871 +genre_painting,Realism,vladimir-makovsky_making-jam-1876 +genre_painting,Impressionism,edouard-manet_swallows-1873 +genre_painting,Rococo,william-hogarth_times-of-the-day-morning +genre_painting,Symbolism,edward-burne-jones_three-female-figures-dancing-and-playing +genre_painting,Baroque,jan-steen_rhetoricians-1668 +genre_painting,Impressionism,camille-pissarro_two-cowherds-by-the-river +genre_painting,Art_Nouveau_Modern,sergey-solomko_promise +genre_painting,Pointillism,henri-edmond-cross_excursion +genre_painting,Fauvism,boris-grigoriev_in-a-paris-cafe-1914 +genre_painting,Realism,vincent-van-gogh_two-women-talking-to-each-other-while-digging-1885 +genre_painting,Romanticism,miklos-barabas_flirtation-1841 +genre_painting,Northern_Renaissance,hans-baldung_witches-1508 +genre_painting,Romanticism,david-wilkie_the-penny-wedding(1) +genre_painting,Baroque,gerrit-dou_woman-peeling-carrot +genre_painting,Realism,peder-severin-kroyer_committee-for-the-french-art-exhibition-in-copenhagen-1888 +genre_painting,Art_Nouveau_Modern,raphael-kirchner_the-players-pastel-on-paper +genre_painting,Impressionism,pericles-pantazis_child-with-crown +genre_painting,Cubism,pablo-picasso_farmer-s-wife-on-a-stepladder-1933 +genre_painting,Baroque,johannes-vermeer_a-young-woman-reading +genre_painting,Art_Nouveau_Modern,sergey-solomko_thanks +genre_painting,Northern_Renaissance,hans-baldung_aristotle-and-phyllis-1513 +genre_painting,Impressionism,edouard-manet_a-young-man-peeling-a-pear-portrait-of-leon-leenhoff-1868 +genre_painting,Art_Nouveau_Modern,raphael-kirchner_geisha-6 +genre_painting,Art_Nouveau_Modern,sergey-solomko_forever-together +genre_painting,Impressionism,max-slevogt_the-circus +genre_painting,Post_Impressionism,paul-cezanne_large-bathers-1900 +genre_painting,Romanticism,constantin-daniel-rosenthal_scene-at-a-fountain +genre_painting,Expressionism,georges-braque_the-man-of-the-guitar +genre_painting,Post_Impressionism,pierre-bonnard_workers-1920 +genre_painting,Impressionism,edgar-degas_dancers-on-the-scenery +genre_painting,Post_Impressionism,vanessa-bell_frederick-and-jessie-etchells-painting-1912 +genre_painting,Rococo,giovanni-battista-tiepolo_worshippers-1745-1 +genre_painting,Cubism,marc-chagall_the-pinch-of-snuff-1912 +genre_painting,Impressionism,nikolay-bogdanov-belsky_coming-after-the-daily-work +genre_painting,Impressionism,max-liebermann_beer-garden-in-munchen +genre_painting,Fauvism,kees-van-dongen_dans-les-folies-berg-res-1914 +genre_painting,Contemporary_Realism,jamie-wyeth_the-pickup-2008 +genre_painting,Naive_Art_Primitivism,marc-chagall_a-green-tree-with-lovers-1980 +genre_painting,Impressionism,boris-kustodiev_a-young-merchant-s-wife-1914 +genre_painting,Symbolism,james-mcneill-whistler_a-dancing-woman-in-a-pink-robe-seen-from-the-back-1890 +genre_painting,Realism,mihaly-munkacsy_strike-1895 +genre_painting,Realism,julius-leblanc-stewart_redemption-1895(1) +genre_painting,Impressionism,philip-wilson-steer_girl-and-st-bernard-dog +genre_painting,Art_Nouveau_Modern,sergey-solomko_banquet +genre_painting,Post_Impressionism,charles-reiffel_holiday-mission-beach-1938 +genre_painting,Post_Impressionism,victor-borisov-musatov_a-walk-1901 +genre_painting,Impressionism,nicolae-vermont_constan-a-promenade-1910 +genre_painting,Realism,pyotr-konchalovsky_katya-by-the-window-1935 +genre_painting,Expressionism,tsuguharu-foujita_harlem-cotton-club +genre_painting,Romanticism,konstantin-makovsky_genre-scene +genre_painting,Realism,constantin-artachino_on-the-meadow +genre_painting,Expressionism,paula-modersohn-becker_kneeling-breast-feeding-mother +genre_painting,Impressionism,nikolay-bogdanov-belsky_girl-on-a-sofa +genre_painting,Expressionism,albert-bloch_reclining-figure +genre_painting,Post_Impressionism,edouard-cortes_lamp-effect +genre_painting,Realism,nikolaos-gyzis_the-fortune-teller-1885(3) +genre_painting,Art_Nouveau_Modern,carl-larsson_the-skier(1) +genre_painting,Ukiyo_e,katsushika-hokusai_kajikazawa-in-kai-province +genre_painting,Impressionism,camille-pissarro_harvest-at-eragny-1901 +genre_painting,Art_Nouveau_Modern,raphael-kirchner_a-girl-holding-a-rose-1916 +genre_painting,Impressionism,joaquã­n-sorolla_the-siesta-1912 +genre_painting,Impressionism,edgar-degas_woman-with-loose-red-hair +genre_painting,Baroque,pieter-de-hooch_nursing-mother +genre_painting,Realism,viktor-vasnetsov_playmates-1878 +genre_painting,Naive_Art_Primitivism,tarsila-do-amaral_carnaval-em-madureira-1924 +genre_painting,Expressionism,balthus_the-cat-in-the-mirror-2 +genre_painting,Impressionism,nutzi-acontz_mamut-s-caf +genre_painting,Post_Impressionism,arturo-souto_stallholders +genre_painting,Ukiyo_e,kitagawa-utamaro_not_detected_233128 +genre_painting,Impressionism,john-singer-sargent_bringing-down-marble-from-the-quarries-in-carrara-1911 +genre_painting,Impressionism,maurice-prendergast_shipyard-children-playing +genre_painting,Impressionism,pierre-auguste-renoir_woman-in-a-landscape +genre_painting,Post_Impressionism,henri-matisse_conversation-under-the-olive-trees-1921 +genre_painting,Impressionism,berthe-morisot_view-on-paris-sun +genre_painting,Baroque,gabriel-metsu_the-sick-child +genre_painting,Post_Impressionism,pierre-bonnard_girl-with-parrot-1910 +genre_painting,Expressionism,jose-gutierrez-solana_the-bibliophile +genre_painting,Expressionism,balthus_the-child-with-pigeons +genre_painting,Cubism,fernand-leger_the-big-parade +genre_painting,Impressionism,james-mcneill-whistler_pink-note-shelling-peas +genre_painting,Impressionism,federico-zandomeneghi_young-girl-reading-1 +genre_painting,Impressionism,frits-thaulow_a-village-street-in-france +genre_painting,Symbolism,frantisek-kupka_bather-1906 +genre_painting,Realism,vasily-perov_the-market-in-moscow-1868 +genre_painting,Impressionism,giovanni-boldini_couple-in-spanish-dress-with-two-parrots-el-matador +genre_painting,Romanticism,francisco-goya_four-yard-long-snake-in-bordeaux +genre_painting,Impressionism,john-singer-sargent_bedouin-encampment-1906 +genre_painting,Cubism,m.-h.-maxy_serenade-1934 +genre_painting,Baroque,rembrandt_saskia-looking-out-of-a-window-1635 +genre_painting,Expressionism,ernst-ludwig-kirchner_dancing-mary-wigman +genre_painting,Impressionism,edgar-degas_dancer-tilting +genre_painting,Impressionism,berthe-morisot_the-orange-picker-1 +genre_painting,Baroque,david-teniers-the-younger_a-smoker-leaning-on-a-table-1643 +genre_painting,Romanticism,polychronis-lembesis_grandmother +genre_painting,Symbolism,mikhail-nesterov_the-taking-of-the-veil-1898 +genre_painting,Ukiyo_e,utagawa-kuniyoshi_the-hundred-and-eight-heroes-of-the-popular-suikoden-2 +genre_painting,Expressionism,marc-chagall_war-1915 +genre_painting,Romanticism,john-atkinson-grimshaw_two-thousand-years-ago-1878 +genre_painting,Art_Nouveau_Modern,henri-de-toulouse-lautrec_ballet-de-papa-chrysanth-me-1892 +genre_painting,Post_Impressionism,raoul-dufy_fishermen +genre_painting,Rococo,pietro-longhi_the-charlatan-1757 +genre_painting,Impressionism,eugene-boudin_trouville-1869 +genre_painting,Impressionism,berthe-morisot_getting-out-of-bed-1886 +genre_painting,Baroque,jan-steen_tric-trac-players-1667 +genre_painting,Romanticism,alfred-stevens_quai-aux-fleurs +genre_painting,Pop_Art,andy-warhol_five-deaths +genre_painting,Impressionism,claude-monet_the-dinner-1869 +genre_painting,Post_Impressionism,henri-de-toulouse-lautrec_the-haido-1893 +genre_painting,Rococo,giovanni-domenico-tiepolo_the-tooth-extractor +genre_painting,Realism,nikolay-bogdanov-belsky_the-last-will +genre_painting,Realism,edouard-manet_young-woman-with-a-book-1875 +genre_painting,Northern_Renaissance,albrecht-durer_couple-on-horseback +genre_painting,Impressionism,joaquã­n-sorolla_wounded-foot-1909 +genre_painting,Expressionism,ernst-ludwig-kirchner_archer-at-wildboden-1937 +genre_painting,Impressionism,antã³nio-de-carvalho-da-silva-porto_recanto-de-praia +genre_painting,Romanticism,fyodor-bronnikov_italian-peasant-on-the-barrel +genre_painting,Baroque,jan-steen_quack +genre_painting,Baroque,bartolome-esteban-murillo_two-children-eating-a-melon-and-grapes-1646 +genre_painting,Expressionism,emil-nolde_excited-people +genre_painting,Realism,winslow-homer_eight-bells +genre_painting,Impressionism,edgar-degas_two-dancers-in-blue +genre_painting,Impressionism,childe-hassam_hassam-childe-fifth-avenue-at-washington-square-sun +genre_painting,Ukiyo_e,katsushika-hokusai_a-bride-is-on-her-way-with-her-maid +genre_painting,Symbolism,arnold-bã¶cklin_idyll-1866 +genre_painting,Expressionism,yiannis-tsaroychis_hlaf-naked-pianist-1971 +genre_painting,Baroque,jan-steen_mother-and-child +genre_painting,Realism,vincent-van-gogh_cottage-with-woman-digging-1885(1) +genre_painting,New_Realism,george-luks_hobo-musician +genre_painting,Expressionism,rafael-zabaleta_puppeteer-in-the-town-square-1943 +genre_painting,Impressionism,edgar-degas_on-stage +genre_painting,Romanticism,osman-hamdi_the-lady-who-haves-her-hair-combed +genre_painting,Art_Nouveau_Modern,stefan-luchian_the-well +genre_painting,Impressionism,guy-rose_the-green-mirror-1911 +genre_painting,Impressionism,paul-cezanne_strangled-woman-1872 +genre_painting,Post_Impressionism,maurice-prendergast_late-afternoon-new-england +genre_painting,Expressionism,martiros-saryan_fruit-shop-1910 +genre_painting,Symbolism,pablo-picasso_crouching-woman-1902 +genre_painting,Impressionism,paul-signac_carnival-at-nice +genre_painting,Impressionism,berthe-morisot_red-haired-girl-sitting-on-a-veranda-1884 +genre_painting,Impressionism,edouard-manet_tarring-the-boat-1873 +genre_painting,Realism,vincent-van-gogh_woman-peeling-potatoes-near-a-window-2-1881 +genre_painting,Realism,giovanni-boldini_conversation-at-the-cafe +genre_painting,Ukiyo_e,utagawa-kunisada-ii_ushiwaka-maru-training-with-the-tengu +genre_painting,Realism,vincent-van-gogh_peasant-digging-1885 +genre_painting,Post_Impressionism,charles-cottet_lamentation-of-women-camaret-around-the-chapel-of-burnt-roch-amadour-1911 +genre_painting,Realism,ivan-vladimirov_at-the-workers-outskirts-of-the-days-of-the-overthrow-of-the-autocracy-february-1917 +genre_painting,Art_Nouveau_Modern,boris-kustodiev_february-27-1917 +genre_painting,Symbolism,jan-toorop_women-at-the-sea +genre_painting,Expressionism,pablo-picasso_mother-and-son-with-handkerchief-1903 +genre_painting,Realism,vasily-perov_fishers-priest-deacon-and-seminarian-1879 +genre_painting,Impressionism,max-liebermann_parrot-avenue-1902 +genre_painting,Realism,vasily-perov_girl +genre_painting,Symbolism,nicholas-roerich_messenger-island-1914 +genre_painting,Impressionism,maurice-prendergast_ladies-with-parasols +genre_painting,Baroque,david-teniers-the-younger_the-flautist +genre_painting,Impressionism,nikolay-bogdanov-belsky_virtuozo +genre_painting,Impressionism,edgar-degas_the-pink-dancers-before-the-ballet-1884 +genre_painting,Impressionism,edgar-degas_dancers-pink-and-green-1890 +genre_painting,Impressionism,pericles-pantazis_ath-the-beach-no2 +genre_painting,Realism,mary-cassatt_the-opera-1878 +genre_painting,Impressionism,joaquã­n-sorolla_child-s-siesta +genre_painting,Cubism,man-ray_departure-of-summer +genre_painting,Impressionism,camille-pissarro_a-peasant-in-the-lane-at-hermitage-pontoise-1876 +genre_painting,Impressionism,edgar-degas_woman-ironing-1886 +genre_painting,Naive_Art_Primitivism,niko-pirosmani_robber-with-a-stolen-horse +genre_painting,Art_Nouveau_Modern,henri-de-toulouse-lautrec_the-sailor-s-sopng-at-the-star-le-havre-1899 +genre_painting,Realism,vincent-van-gogh_man-winding-yarn-1884 +genre_painting,Post_Impressionism,paul-cezanne_bathers-in-front-of-a-tend +genre_painting,Expressionism,ernst-ludwig-kirchner_mountain-hut-with-goat +genre_painting,Post_Impressionism,felix-vallotton_lady-at-the-piano-1904 +genre_painting,Post_Impressionism,paul-gauguin_bonjour-monsieur-gauguin-1889 +genre_painting,Romanticism,george-stubbs_cheetah-with-two-indian-servants-and-a-deer +genre_painting,Post_Impressionism,paul-gauguin_women-and-white-horse-1903 +genre_painting,Realism,ilya-repin_end-of-the-black-sea-freedom +genre_painting,Symbolism,jacek-malczewski_severus-1902 +genre_painting,Romanticism,francisco-goya_dance-of-the-majos-at-the-banks-of-manzanares-1777 +genre_painting,Impressionism,joaquã­n-sorolla_after-bathing-valencia-1908 +genre_painting,Baroque,david-teniers-the-younger_village-feast +genre_painting,Baroque,pieter-de-hooch_tavern-scene-with-maid-trying-to-fill-the-glass-of-a-cavalier-the-empty-glass +genre_painting,Impressionism,joaquã­n-sorolla_afternoon-sun-1903 +genre_painting,Impressionism,edgar-degas_the-fallen-jockey +genre_painting,Impressionism,nutzi-acontz_dobrujan-street +genre_painting,Naive_Art_Primitivism,arman-manookian_red-sails-1928 +genre_painting,Impressionism,camille-pissarro_peasant-woman-and-child-harvesting-the-fields-pontoise-1882 +genre_painting,Symbolism,nicholas-roerich_morning-prayer-1931 +genre_painting,Symbolism,nicholas-roerich_snakes-facing-whisperer-a-serpent-1917 +genre_painting,Romanticism,sir-lawrence-alma-tadema_when-flowers-return-1911 +genre_painting,Rococo,george-morland_the-departure-1792 +genre_painting,Romanticism,paul-cezanne_hortense-breast-feeding-paul-1872 +genre_painting,Impressionism,berthe-morisot_young-girl-with-doll-1 +genre_painting,Impressionism,gustave-caillebotte_the-bather-or-the-diver-1877 +genre_painting,Impressionism,eugene-boudin_strand-in-trouville-1868 +genre_painting,Romanticism,ferdinand-georg-waldmã¼ller_the-homecoming-1859 +genre_painting,Rococo,george-morland_the-village-butcher-1800 +genre_painting,Impressionism,emile-claus_afternoon-along-the-river +genre_painting,Impressionism,paul-cezanne_afternoon-in-naples +genre_painting,Art_Nouveau_Modern,zinaida-serebriakova_at-breakfast-1914 +genre_painting,Realism,jean-francois-millet_the-spinner +genre_painting,Art_Nouveau_Modern,carlos-saenz-de-tejada_the-portal-n-vitoria-fifties +genre_painting,Symbolism,kuzma-petrov-vodkin_anxiety-1926 +genre_painting,Expressionism,ernst-ludwig-kirchner_woman-before-the-mirror-1912 +genre_painting,Romanticism,taras-shevchenko_at-apiary-1843 +genre_painting,Impressionism,valentin-serov_rinsing-linen-on-the-river-1901 +genre_painting,Realism,winslow-homer_the-red-canoe-1884 +genre_painting,Rococo,william-hogarth_the-madhouse-1735 +genre_painting,Romanticism,sir-lawrence-alma-tadema_at-aphrodite-s-cradle-1908 +genre_painting,Contemporary_Realism,jamie-wyeth_emperor-of-chickens-2002 +genre_painting,Expressionism,ernst-ludwig-kirchner_life-on-the-alpine-pasture-1 +genre_painting,Post_Impressionism,salvador-dali_dutch-interior +genre_painting,New_Realism,john-french-sloan_the-haymarket-1907 +genre_painting,Impressionism,philip-wilson-steer_the-music-room-1906 +genre_painting,Romanticism,adolphe-joseph-thomas-monticelli_young-girls-and-dog-in-a-park +genre_painting,Romanticism,taras-shevchenko_the-gypsy-fortune-teller-1841 +genre_painting,Realism,anders-zorn_motherhood +genre_painting,Expressionism,martiros-saryan_arabian-dancer-1913 +genre_painting,Realism,frederic-remington_a-gander-pull-1894 +genre_painting,Impressionism,victor-borisov-musatov_in-the-park +genre_painting,Impressionism,pierre-auguste-renoir_two-girls-in-the-garden-at-montmartre-1895 +genre_painting,Rococo,pietro-longhi_the-duck-hunt +genre_painting,Realism,thomas-eakins_homespun-1881 +genre_painting,Post_Impressionism,maxime-maufra_bretons-on-the-way +genre_painting,Romanticism,adolphe-joseph-thomas-monticelli_elegant-gathering +genre_painting,Baroque,adriaen-van-de-venne_early-depiction-of-a-dutch-telescope +genre_painting,Expressionism,henri-matisse_interior-with-etruscan-vase-1940 +genre_painting,Romanticism,osman-hamdi_the-carpet-merchant +genre_painting,Baroque,david-teniers-the-younger_tavern-scene-1640 +genre_painting,Realism,henry-herbert-la-thangue_the-connoisseur-1887 +genre_painting,Naive_Art_Primitivism,edith-vonnegut_mop-n-glo +genre_painting,Art_Nouveau_Modern,raphael-kirchner_greek-virgins-1900-1 +genre_painting,Baroque,johannes-vermeer_a-young-woman-seated-at-a-virginal-a-lady-seated-at-a-virginal +genre_painting,Realism,boris-kustodiev_group-portrait-of-family-schwartz-1908 +genre_painting,Impressionism,pierre-auguste-renoir_the-shepherdess +genre_painting,Northern_Renaissance,bernhard-strigel_sleeping-grave-guards-with-mace-and-sword +genre_painting,Impressionism,guy-rose_in-the-oak-grove-1919 +genre_painting,Romanticism,william-turner_what-you-will-1822 +genre_painting,Realism,giovanni-boldini_woman-at-a-piano +genre_painting,Art_Nouveau_Modern,wilhelm-kotarbinski_venetian-serenade +genre_painting,Impressionism,camille-pissarro_peasants-resting-1881 +genre_painting,Rococo,pietro-longhi_the-alchemists +genre_painting,Naive_Art_Primitivism,david-burliuk_the-green-cow +genre_painting,Impressionism,stefan-dimitrescu_at-the-market-1925 +genre_painting,Northern_Renaissance,albrecht-durer_knight-on-horseback +genre_painting,Symbolism,konstantin-somov_concert +genre_painting,Impressionism,joaquã­n-sorolla_midday-at-valencia-beach-1904 +genre_painting,Baroque,adriaen-van-ostade_cutting-the-feather +genre_painting,Expressionism,billy-childish_tea-drinker-high-atlas-2008 +genre_painting,Ukiyo_e,katsushika-hokusai_three-women-and-two-children +genre_painting,Expressionism,max-beckmann_the-actors-1942 +genre_painting,Baroque,gerrit-dou_a-lady-playing-the-clavichord +genre_painting,Impressionism,edgar-degas_helene-rouart-mme-marin-1886 +genre_painting,Impressionism,edouard-manet_woman-reading +genre_painting,Expressionism,alekos-kontopoulos_the-farmer +genre_painting,Impressionism,philip-wilson-steer_woman-sewing +genre_painting,Impressionism,mary-cassatt_a-baby-smiling-at-two-young-women-1873 +genre_painting,Naive_Art_Primitivism,fernand-leger_the-dancers-yellow-background-1954 +genre_painting,Impressionism,edgar-degas_three-dancers-2 +genre_painting,Impressionism,spyros-papaloukas_boats-at-seine-1918 +genre_painting,Realism,andrei-ryabushkin_tavern +genre_painting,Impressionism,mary-cassatt_mother-and-two-children-1906 +genre_painting,Post_Impressionism,pablo-picasso_toilette-1906-1 +genre_painting,Impressionism,childe-hassam_cab-station-rue-bonaparte +genre_painting,Realism,ilya-repin_tramps-homeless-1894 +genre_painting,Symbolism,mikhail-nesterov_hermit-fathers-and-immaculate-women-1932 +genre_painting,Fauvism,henri-matisse_moroccan-caf-1913 +genre_painting,Expressionism,albert-bloch_for-clown-iv +genre_painting,Impressionism,edgar-degas_conversation-1895 +genre_painting,Symbolism,nicholas-roerich_human-ancestors-study +genre_painting,Rococo,giovanni-domenico-tiepolo_summer-stroll-1757 +genre_painting,Romanticism,sir-lawrence-alma-tadema_courtship-the-proposal-1892 +genre_painting,Realism,mihaly-munkacsy_the-last-day-of-a-condemned-man-1872 +genre_painting,Realism,john-singer-sargent_venetian-water-carriers-1882 +genre_painting,Cubism,kazimir-malevich_two-and-a-pushcart-1911 +genre_painting,Impressionism,pierre-auguste-renoir_figures-on-the-beach +genre_painting,Baroque,bartolome-esteban-murillo_the-little-fruit-seller-1675 +genre_painting,Symbolism,pablo-picasso_harlequin-s-death-1906 +genre_painting,Contemporary_Realism,jamie-wyeth_giuliana-and-the-sunflowers-1987 +genre_painting,Realism,constant-troyon_herdsman-1860 +genre_painting,Cubism,max-weber_invocation +genre_painting,Baroque,peter-paul-rubens_tournament-in-front-of-castle-steen-1637 +genre_painting,Realism,james-tissot_an-interesting-story-1872 +genre_painting,Expressionism,ernst-ludwig-kirchner_tavern +genre_painting,Expressionism,jose-gutierrez-solana_the-clowns +genre_painting,Romanticism,ivan-aivazovsky_russian-squadron-on-the-raid-of-sevastopol-1846 +genre_painting,Post_Impressionism,henri-matisse_he-music-lesson-1917 +genre_painting,Expressionism,yiannis-moralis_funerary-composition-iii-1963 +genre_painting,Naive_Art_Primitivism,grandma-moses_joy-ride-1953 +genre_painting,Contemporary_Realism,eric-fischl_beautiful-day +genre_painting,Post_Impressionism,corneliu-baba_return-from-grubbing +genre_painting,Impressionism,konstantin-korovin_nasturtium-1888 +genre_painting,Expressionism,wassily-kandinsky_crinolines-1909 +genre_painting,Northern_Renaissance,albrecht-durer_rustic-couple-1497 +genre_painting,Realism,winslow-homer_bass-fishing-florida +genre_painting,Romanticism,lev-lagorio_simeiz-1899 +genre_painting,Baroque,adriaen-van-ostade_piping-and-drinking-in-the-tavern +genre_painting,Ukiyo_e,kitagawa-utamaro_not_detected_233137 +genre_painting,Expressionism,henri-matisse_bathers-with-a-turtle-1908 +genre_painting,Romanticism,william-holman-hunt_the-importunate-neighbour-1895 +genre_painting,Impressionism,john-singer-sargent_simplon-pass-reading-1911 +genre_painting,Romanticism,karl-bodmer_the-party-in-which-karl-bodmer-was-traveling-stopped-to-camp-along-the-missouri-river-in-north-1833 +genre_painting,Expressionism,franz-marc_bathing-girls-1910 +genre_painting,Expressionism,henri-matisse_boudoir-1921 +genre_painting,Impressionism,mary-cassatt_the-child-s-caress-1890 +genre_painting,Romanticism,pavel-svinyin_works-on-the-shore +genre_painting,Realism,jean-francois-millet_the-gleaners +genre_painting,Baroque,jean-baptiste-simeon-chardin_the-attentive-nurse +genre_painting,Symbolism,kuzma-petrov-vodkin_1919-alarm-1934 +genre_painting,Impressionism,edgar-degas_ballerinas-adjusting-their-dresses +genre_painting,Expressionism,kathe-kollwitz_not_detected_235985 +genre_painting,Post_Impressionism,pyotr-konchalovsky_natalia-petrovna-with-katya-at-the-piano-1935 +genre_painting,Romanticism,paul-cezanne_bathers-and-fisherman-with-a-line-1872 +genre_painting,Romanticism,dante-gabriel-rossetti_how-they-met-themselves-1864 +genre_painting,Post_Impressionism,vincent-van-gogh_donkey-and-cart(1) +genre_painting,Expressionism,paula-modersohn-becker_breastfeeding-mother-of-paula-modersohn-becker-1902 +genre_painting,Rococo,pietro-longhi_in-the-vegetable-garden-at-the-river-mouth +genre_painting,Realism,charles-hermans_l-aube-detail-1875 +genre_painting,Naive_Art_Primitivism,jean-hugo_barques +genre_painting,Impressionism,mary-cassatt_two-seated-women-1869 +genre_painting,Expressionism,marcel-duchamp_bare-stripped-bride-1968 +genre_painting,Baroque,johannes-vermeer_a-lady-standing-at-a-virginal +genre_painting,Post_Impressionism,paul-gauguin_night-cafe-in-arles-madame-ginoux-1888 +genre_painting,Naive_Art_Primitivism,david-burliuk_two-girls-in-a-farmyard-with-ducks-and-a-windmill +genre_painting,Rococo,bernardo-bellotto_spanish-riding-school-1773 +genre_painting,Impressionism,maurice-prendergast_sunday-morning-paris +genre_painting,Contemporary_Realism,eric-fischl_on-the-stairs-of-the-temple +genre_painting,Expressionism,edvard-munch_man-and-woman-ii-1915 +genre_painting,Ukiyo_e,katsushika-hokusai_street-scenes-newly-pubished-11 +genre_painting,Post_Impressionism,georges-seurat_artist-at-work-1884 +genre_painting,Impressionism,berthe-morisot_eugene-manet-on-the-isle-of-wight +genre_painting,Art_Nouveau_Modern,sergey-solomko_bird-fancier +genre_painting,Analytical_Cubism,pablo-picasso_friendship-1908 +genre_painting,Expressionism,tia-peltz_acroba-i-la-circ-1982 +genre_painting,Cubism,ernst-ludwig-kirchner_great-lovers-mr-and-miss-hembus +genre_painting,Realism,ferdinand-hodler_the-reaper +genre_painting,Baroque,nicolas-tournier_the-concert +genre_painting,Romanticism,william-shayer_country-life-1849 +genre_painting,Impressionism,pierre-auguste-renoir_girl-with-a-basket-of-fish +genre_painting,Post_Impressionism,pierre-bonnard_the-lodge-1908 +genre_painting,Symbolism,nicholas-roerich_song-of-shambhala-1943 +genre_painting,Cubism,max-weber_the-two-musicians +genre_painting,Impressionism,walter-sickert_the-little-tea-party-nina-hamnett-and-roald-kristian-1916 +genre_painting,Impressionism,eugene-boudin_laundresses-on-the-banks-of-the-touques-5 +genre_painting,Realism,thomas-eakins_at-the-piano +genre_painting,Impressionism,pierre-auguste-renoir_place-clichy +genre_painting,Realism,ivan-vladimirov_from-morning-service +genre_painting,Impressionism,arthur-segal_figures-in-a-wooded-park +genre_painting,Art_Nouveau_Modern,boris-kustodiev_merchant-s-woman-with-a-mirror-1920 +genre_painting,Realism,vasily-perov_melting-snow-maiden +genre_painting,Impressionism,frits-thaulow_alkejegeren +genre_painting,Realism,edouard-manet_the-old-musician-1862 +genre_painting,Realism,julius-leblanc-stewart_on-the-yacht-namouna-venice-1890(1) +genre_painting,Impressionism,berthe-morisot_girl-and-child-on-the-grass +genre_painting,New_Realism,william-james-glackens_chez-mouquin-1905 +genre_painting,Post_Impressionism,paul-gauguin_the-great-buddha-1899 +genre_painting,Rococo,george-morland_the-press-gang-1790 +genre_painting,Ukiyo_e,katsushika-hokusai_the-harvesting-of-mushrooms +genre_painting,Impressionism,joaquã­n-sorolla_valencia-beach-in-the-morning-light-1908 +genre_painting,Art_Nouveau_Modern,carl-larsson_cowgirl-in-the-meadow-1906(1) +genre_painting,Expressionism,martiros-saryan_armenian-dance-1915 +genre_painting,Cubism,paul-cezanne_bathers-2 +genre_painting,Realism,antã³nio-de-carvalho-da-silva-porto_guardando-o-rebanho +genre_painting,Ukiyo_e,hiroshige_the-inari-shrine-at-oji +genre_painting,Romanticism,sir-lawrence-alma-tadema_the-soldier-of-marathon +genre_painting,Post_Impressionism,theo-van-rysselberghe_in-the-shade-of-the-pines-1905 +genre_painting,Analytical_Cubism,pablo-picasso_man-with-a-guitar-1911-1 +genre_painting,Impressionism,william-merritt-chase_women-under-trellis +genre_painting,Impressionism,camille-pissarro_harvesting-potatos +genre_painting,Baroque,jan-steen_dissolute-household-1664 +genre_painting,Realism,boris-kustodiev_teatime-1913 +genre_painting,Impressionism,edgar-degas_in-a-laundry +genre_painting,Realism,james-tissot_boarding-the-yacht +genre_painting,Impressionism,pierre-auguste-renoir_children-s-afternoon-at-wargemont-marguerite-1884 +genre_painting,Romanticism,william-shayer_the-young-anglers +genre_painting,Art_Nouveau_Modern,aubrey-beardsley_rejane +genre_painting,Impressionism,camille-pissarro_eugene-murer-at-his-pastry-oven-1877 +genre_painting,Impressionism,victor-borisov-musatov_in-a-boat +genre_painting,Realism,boris-kustodiev_threshing-1908 +genre_painting,Ukiyo_e,kitagawa-utamaro_not_detected_233126 +genre_painting,Post_Impressionism,maurice-prendergast_east-boston-ferry +genre_painting,Naive_Art_Primitivism,maria-primachenko_maiden-and-cossack-enjoying-a-ride-on-horseback-1982 +genre_painting,Impressionism,nikolay-bogdanov-belsky_celebration-on-a-steps +genre_painting,Realism,pavel-fedotov_wintry-street-on-vasilievsky-island-st-petersburg +genre_painting,Impressionism,berthe-morisot_in-the-bois-de-boulogne +genre_painting,Impressionism,pierre-auguste-renoir_the-mosque-arab-holiday-the-casbah-1881 +genre_painting,Impressionism,james-tissot_in-the-conservatory +genre_painting,Symbolism,james-mcneill-whistler_variations-in-blue-and-green +genre_painting,Symbolism,odilon-redon_a-boat +genre_painting,Realism,karoly-ferenczy_red-wall-1910 +genre_painting,Art_Nouveau_Modern,nicholas-roerich_sign-1915 +genre_painting,Romanticism,dante-gabriel-rossetti_the-two-mothers-1851 +genre_painting,Art_Nouveau_Modern,koloman-moser_november-1902 +genre_painting,Impressionism,frederic-remington_the-apaches +genre_painting,Post_Impressionism,henri-de-toulouse-lautrec_the-salon-in-the-rue-des-moulins-1894 +genre_painting,Realism,nicolae-vermont_slavic-souls-1900 +genre_painting,Post_Impressionism,victor-borisov-musatov_autumn-evening-sketch-for-a-panel-1904 +genre_painting,Realism,james-tissot_at-the-louvre +genre_painting,Impressionism,frederic-bazille_the-improvised-field-hospital-1865 +genre_painting,Realism,fyodor-vasilyev_peasant-family-in-a-boat +genre_painting,Post_Impressionism,suzanne-valadon_the-cast-off-doll-1921 +genre_painting,Naive_Art_Primitivism,fernando-botero_guerrillas +genre_painting,Baroque,johannes-vermeer_woman-with-a-lute +genre_painting,Ukiyo_e,utagawa-toyokuni-ii_the-kabuki-actors-onoe-kikugoro-iii-as-oboshi-yuranosuke-1825 +genre_painting,Art_Nouveau_Modern,wilhelm-kotarbinski_a-roman-bacchanal-detail +genre_painting,Realism,vincent-van-gogh_girl-standing-knitting-1882(1) +genre_painting,Impressionism,nikolay-bogdanov-belsky_tug-of-war +genre_painting,Post_Impressionism,pierre-bonnard_pastoral-symphony +genre_painting,Impressionism,childe-hassam_the-hovel-and-the-skyscraper +genre_painting,New_Realism,edward-hopper_the-bootleggers +genre_painting,Impressionism,umberto-boccioni_farmers-at-work-risaiole-1908 +genre_painting,Impressionism,childe-hassam_summer-sunlight +genre_painting,Cubism,fernand-leger_acrobats-2 +genre_painting,Art_Nouveau_Modern,jacques-villon_spanish-dancer-danseuse-espagnole-1899 +genre_painting,Post_Impressionism,pyotr-konchalovsky_bathing-boy-1928 +genre_painting,Art_Nouveau_Modern,sergey-solomko_defeated +genre_painting,Romanticism,andrei-ryabushkin_they-are-coming-moscovites-watching-the-entry-of-a-foreign-embassy-into-moscow-at-the-end-of +genre_painting,Cubism,rafael-zabaleta_sideboard-1958 +genre_painting,Impressionism,berthe-morisot_the-flageolet +genre_painting,Symbolism,edvard-munch_young-woman-on-the-shore-1896 +genre_painting,Post_Impressionism,pablo-picasso_the-death-of-casagemas-1901-1 +genre_painting,Realism,camille-pissarro_donkey-ride-at-la-roche-guyon +genre_painting,Art_Nouveau_Modern,boris-kustodiev_christmas-tree-bargain-1918 +genre_painting,Naive_Art_Primitivism,raoul-dufy_races-with-goodwwood-1930 +genre_painting,Naive_Art_Primitivism,niko-pirosmani_the-girl-and-the-goose-with-goslings +genre_painting,Impressionism,julius-leblanc-stewart_picnic-under-the-trees(1) +genre_painting,Northern_Renaissance,pieter-bruegel-the-elder_the-adoration-of-the-kings-in-the-snow-1557 +genre_painting,Impressionism,joaquã­n-sorolla_maria-painting-in-el-pardo-1907 +genre_painting,Romanticism,sir-lawrence-alma-tadema_the-discourse +genre_painting,Post_Impressionism,raoul-dufy_the-sea-in-deauville-1935 +genre_painting,Realism,vasily-surikov_on-nevsky-prospekt-on-day-1874 +genre_painting,Fauvism,henri-matisse_the-joy-of-life-1906 +genre_painting,Baroque,esaias-van-de-velde_bandits-attacking-a-caravan-of-travellers +genre_painting,Ukiyo_e,katsushika-hokusai_fujiwara-no-ason-michinobu +genre_painting,Romanticism,akseli-gallen-kallela_the-girl-and-the-rooster-1886 +genre_painting,Baroque,rembrandt_artist-in-his-studio-1626 +genre_painting,Impressionism,john-singer-sargent_bedouin-women-carrying-water-jars-1891 +genre_painting,Contemporary_Realism,eric-fischl_scenes-from-late-paradise-beached +genre_painting,Realism,thomas-eakins_will-schuster-and-a-black-1876 +genre_painting,Impressionism,mary-cassatt_nurse-reading-to-a-little-girl-1895 +genre_painting,Post_Impressionism,henri-de-toulouse-lautrec_jane-avril-leaving-the-moulin-rouge-1893 +genre_painting,Rococo,giovanni-battista-tiepolo_the-investiture-of-herold-as-duke-of-franconia-1751 +genre_painting,Romanticism,john-william-waterhouse_gathering-summer-flowers-in-a-devonshire-garden +genre_painting,Expressionism,max-beckmann_not-detected-259755 +genre_painting,Impressionism,pierre-auguste-renoir_at-the-concert-box-at-the-opera-1880 +genre_painting,Realism,winslow-homer_the-bridal-path-white-mountains-1868 +genre_painting,Expressionism,otto-dix_sex-murder +genre_painting,Expressionism,edvard-munch_brothel-scene-zum-sussen-madel-1907 +genre_painting,Impressionism,cornelis-vreedenburgh_the-bar-of-jan-hamdorff +genre_painting,Cubism,natalia-goncharova_the-ice-cutters +genre_painting,Impressionism,valentin-serov_at-the-ferry-1905 +genre_painting,Naive_Art_Primitivism,candido-portinari_ndias +genre_painting,Post_Impressionism,paul-gauguin_tahitians-at-rest-unfinished +genre_painting,Art_Nouveau_Modern,boris-kustodiev_build-a-monastery-1906 +genre_painting,Post_Impressionism,alfred-sisley_not_detected_238362 +genre_painting,Post_Impressionism,paul-gauguin_the-clog-maker-1888 +genre_painting,Post_Impressionism,istvan-ilosvai-varga_woman-painter-1934 +genre_painting,Art_Nouveau_Modern,henri-de-toulouse-lautrec_the-box-with-the-guilded-mask-1893 +genre_painting,Romanticism,edward-burne-jones_the-knight-s-farewell-1858 +genre_painting,Impressionism,giovanni-boldini_exit-of-a-costumes-ball-in-montmartre +genre_painting,Realism,gustave-courbet_burial-at-ornans-1849 +genre_painting,Naive_Art_Primitivism,marc-chagall_parade-1980 +genre_painting,Romanticism,johann-koler_ketraja +genre_painting,Realism,vincent-van-gogh_interior-with-a-weaver-facing-right-1883 +genre_painting,Impressionism,henri-martin_philosopher +genre_painting,Post_Impressionism,pierre-bonnard_claude-terrasse-at-the-piano +genre_painting,Realism,james-tissot_bad-news +genre_painting,Impressionism,edouard-manet_the-monet-family-in-their-garden-at-argenteuil-1874(1) +genre_painting,Impressionism,eugene-boudin_trouville-on-the-beach-sheltered-by-a-parasol-1895 +genre_painting,Realism,vincent-van-gogh_mother-at-the-cradle-and-child-sitting-on-the-floor-1881 +genre_painting,Impressionism,john-singer-sargent_the-sketchers-1914 +genre_painting,Post_Impressionism,maurice-prendergast_market-scene +genre_painting,Ukiyo_e,katsushika-hokusai_gale-to-asajigahara +genre_painting,Pointillism,georges-seurat_study-for-a-sunday-afternoon-on-the-island-of-la-grande-jatte-1884 +genre_painting,Naive_Art_Primitivism,marc-chagall_saint-paul-de-vance-at-sunset-1977 +genre_painting,Ukiyo_e,kitagawa-utamaro_the-hour-of-the-snake +genre_painting,Impressionism,camille-pissarro_the-siesta-1899 +genre_painting,Naive_Art_Primitivism,grandma-moses_halloween-1955 +genre_painting,Ukiyo_e,katsushika-hokusai_an-old-woman +genre_painting,Romanticism,karl-bodmer_a-skin-lodge-of-an-assiniboin-chief-plate-16-from-volume-1-of-travels-in-the-interior-of-north-1843 +genre_painting,Art_Nouveau_Modern,henri-de-toulouse-lautrec_moulin-rouge-l-union-franco-russian +genre_painting,Symbolism,mikhail-nesterov_spring-1922 +genre_painting,Expressionism,max-beckmann_the-prodigal-son-1949 +genre_painting,Naive_Art_Primitivism,diego-rivera_portrait-of-madesta-and-inesita-1939 +genre_painting,Impressionism,edgar-degas_red-ballet-skirts +genre_painting,Impressionism,philip-wilson-steer_ludlow-walks +genre_painting,Expressionism,edvard-munch_mother-and-daughter-1897 +genre_painting,Romanticism,gustave-dore_pierrot-grin +genre_painting,Naive_Art_Primitivism,david-burliuk_tea-time-1946 +genre_painting,Impressionism,edgar-degas_three-ballet-dancers-1879 +genre_painting,Post_Impressionism,henri-de-toulouse-lautrec_booth-of-la-goulue-at-the-foire-du-trone-the-moorish-dance-1895 +genre_painting,Post_Impressionism,georges-seurat_the-ploughman +genre_painting,Expressionism,bui-xuan-phai_cheo +genre_painting,Expressionism,jules-pascin_the-turkish-family-1907 +genre_painting,Impressionism,eduardo-viana_untitled +genre_painting,Expressionism,rafael-zabaleta_painter-and-reclining-model-1942 +genre_painting,Post_Impressionism,maurice-prendergast_beach-st-malo-1 +genre_painting,Impressionism,joaquã­n-sorolla_to-the-water-valencia-1908 +genre_painting,Baroque,adriaen-van-ostade_peasants-in-a-tavern +genre_painting,Realism,edouard-manet_the-boy-with-cherries-1859 +genre_painting,Symbolism,konstantin-somov_masquerade +genre_painting,Rococo,william-hogarth_the-triumph-of-representatives-1755 +genre_painting,Realism,taras-shevchenko_vessels-counsil-1844 +genre_painting,Art_Nouveau_Modern,konstantin-somov_summer +genre_painting,Naive_Art_Primitivism,marc-chagall_the-circus-musicians +genre_painting,Art_Nouveau_Modern,henri-de-toulouse-lautrec_they-woman-in-bed-profile-getting-up-1896 +genre_painting,Impressionism,eugene-boudin_unloading-the-newfoundland-fishing-boat-1873 +genre_painting,Post_Impressionism,paul-gauguin_tahitian-pastorale-1898 +genre_painting,Impressionism,edgar-degas_three-dancers +genre_painting,Post_Impressionism,victor-borisov-musatov_spring-tale-sketch-for-a-panel +genre_painting,Impressionism,constantin-artachino_poor-childhood +genre_painting,High_Renaissance,michelangelo_archers-shooting-at-a-herm +genre_painting,Naive_Art_Primitivism,marc-chagall_the-wedding-1944 +genre_painting,Impressionism,joaquã­n-sorolla_under-the-tamarinds-san-sebastian +genre_painting,Rococo,jean-baptiste-simeon-chardin_the-besorgerin-1739 +genre_painting,Realism,vasily-vereshchagin_presentation-of-the-bosses-russian-officer-and-caucasians-1864 +genre_painting,Realism,henry-herbert-la-thangue_gathering-wool +genre_painting,Symbolism,konstantin-somov_in-the-bosquet-1899 +genre_painting,Art_Nouveau_Modern,koloman-moser_dancer-1903 +genre_painting,Impressionism,edouard-manet_women-at-the-races-1865 +genre_painting,Post_Impressionism,henri-de-toulouse-lautrec_the-morning-after-1889 +genre_painting,Impressionism,pericles-pantazis_lady-in-the-mirror-with-a-fan-1882 +genre_painting,Pointillism,henri-martin_the-lovers +genre_painting,Naive_Art_Primitivism,william-h.-johnson_off-to-war-1942(1) +genre_painting,Romanticism,viktor-vasnetsov_guslars-1899 +genre_painting,Fauvism,raoul-dufy_acrobats-1922 +genre_painting,Realism,james-tissot_the-shop-girl-1885 +genre_painting,Art_Nouveau_Modern,raphael-kirchner_ice-flowers-1899-2 +genre_painting,Contemporary_Realism,jamie-wyeth_if-once-you-have-slept-on-an-island-1996 +genre_painting,Expressionism,martiros-saryan_picking-cotton-in-the-ararat-valley-1949 +genre_painting,Post_Impressionism,henri-de-toulouse-lautrec_the-theater-box-with-the-gilded-mask-1893 +genre_painting,Symbolism,mikhail-nesterov_vesper +genre_painting,Post_Impressionism,david-burliuk_fishermen +genre_painting,Expressionism,louay-kayyali_the-socks-seller-1973 +genre_painting,Impressionism,childe-hassam_fifth-avenue-aka-sunday-on-fifth-avenue-1891 +genre_painting,Expressionism,marevna-(marie-vorobieff)_in-the-caf-rotonde +genre_painting,Romanticism,arthur-hughes_gleaning +genre_painting,Pop_Art,leroy-neiman_vegas-1961 +genre_painting,Expressionism,ernst-ludwig-kirchner_sailboats-at-fehmarn-1 +genre_painting,Ukiyo_e,kitagawa-utamaro_fa-woman-playing-a-poppin +genre_painting,Impressionism,camille-pissarro_picking-peas-1880 +genre_painting,Realism,vincent-van-gogh_young-woman-sewing-1881 +genre_painting,Analytical_Cubism,georges-braque_man-with-a-guitar-1911 +genre_painting,Post_Impressionism,henri-matisse_reading-girl-1922 +genre_painting,Post_Impressionism,pierre-bonnard_the-rowing-at-chatou +genre_painting,Romanticism,joseph-wright_a-girl-reading-a-letter-by-candlelight-with-a-young-man-peering-over-her-shoulder-1762 +genre_painting,New_Realism,edward-hopper_sunlight-on-brownstones +genre_painting,Realism,constantin-guys_dandies-in-the-park +genre_painting,Impressionism,maurice-prendergast_may-day +genre_painting,Realism,gustave-courbet_the-wrestlers-1853 +genre_painting,Impressionism,konstantin-korovin_bridge-1 +genre_painting,Impressionism,william-james-glackens_descending-from-the-bus-1910 +genre_painting,Impressionism,eugene-boudin_beach-scene-9 +genre_painting,Realism,ilya-repin_the-duel-1897 +genre_painting,Post_Impressionism,maurice-prendergast_central-park-1901 +genre_painting,Post_Impressionism,henri-de-toulouse-lautrec_jane-avril-dancing-1892-1 +genre_painting,Romanticism,francisco-goya_the-burial-of-the-sardine-corpus-christi-festival-on-ash-wednesday-1814 +genre_painting,Cubism,roger-de-la-fresnaye_the-conquest-of-the-air-1913 +genre_painting,Impressionism,santiago-rusinol_the-kitchens-moulin-de-la-galette +genre_painting,Realism,nicholas-roerich_idols-1901 +genre_painting,Romanticism,nikolai-ge_the-transportation-of-marble-at-carrara +genre_painting,Symbolism,nicholas-roerich_ecstasy-1918 +genre_painting,Impressionism,amadeo-de-souza-cardoso_cafe-in-paris-1908 +genre_painting,Post_Impressionism,paul-cezanne_bathers-at-rest +genre_painting,Expressionism,august-macke_woman-in-a-green-jacket-1913 +genre_painting,Impressionism,eliseu-visconti_in-alameda-1931 +genre_painting,Symbolism,mikhail-vrubel_knight-1896 +genre_painting,Cubism,miriam-schapiro_moving-away-1985 +genre_painting,Expressionism,paul-delvaux_not_detected_243095 +genre_painting,Realism,ivan-vladimirov_escort-of-prisoners +genre_painting,Art_Nouveau_Modern,raphael-kirchner_viennese-1 +genre_painting,Naive_Art_Primitivism,fernando-botero_the-house-of-amanda-ramirez +genre_painting,Impressionism,max-liebermann_children-s-playground-in-tiergarten-park-in-berlin +genre_painting,Fauvism,mario-zanini_futebol +genre_painting,Impressionism,joaquã­n-sorolla_elena-in-cove-san-vicente-at-majorca-1919 +genre_painting,Expressionism,yiannis-tsaroychis_winged-spirit-buttoning-his-underpants-1966 +genre_painting,Post_Impressionism,ion-theodorescu-sion_by-the-water-1925 +genre_painting,Cubism,fernand-leger_acrobats +genre_painting,Realism,julius-leblanc-stewart_the-hunt-supper-1889(1) +genre_painting,Impressionism,maurice-prendergast_nantasket-beach-2-also-known-as-handkerchief-point-1896 +genre_painting,Post_Impressionism,vincent-van-gogh_the-ballroom-at-arles-1888 +genre_painting,Impressionism,berthe-morisot_playing-in-the-sand +genre_painting,Symbolism,kuzma-petrov-vodkin_moving-party +genre_painting,Art_Nouveau_Modern,alphonse-mucha_6th-sokol-festival-1912 +genre_painting,Art_Nouveau_Modern,heorhiy-narbut_old-ukraine-bandura-player-1917 +genre_painting,Expressionism,nikolaos-lytras_in-the-boat +genre_painting,Naive_Art_Primitivism,henri-rousseau_the-sleeping-gypsy-1897 +genre_painting,Realism,nicholas-roerich_elders-gathering-1898-1 +genre_painting,Baroque,david-teniers-the-younger_the-gallery-of-archduke-leopold-in-brussels-1639 +genre_painting,Realism,winslow-homer_shark-fishing-1885 +genre_painting,Impressionism,james-tissot_in-the-sunshine +genre_painting,Expressionism,ernst-ludwig-kirchner_schlemihls-entcounter-with-small-grey-man +genre_painting,Realism,ivan-shishkin_alley-of-the-summer-garden-in-st-petersburg-1869 +genre_painting,Realism,grigoriy-myasoyedov_congratulation-of-betrothed-in-landlord-s-house-1861 +genre_painting,Impressionism,eugene-boudin_breton-pardon +genre_painting,Realism,julius-leblanc-stewart_a-supper-party-1903(1) +genre_painting,Impressionism,pierre-auguste-renoir_young-girl-combing-her-hair-1894 +genre_painting,Expressionism,yiannis-moralis_erotic-3 +genre_painting,Symbolism,mikhail-nesterov_on-the-mountains-1896 +genre_painting,Expressionism,jean-paul-lemieux_t-1914 +genre_painting,Expressionism,ernst-ludwig-kirchner_interieur +genre_painting,Expressionism,salvador-dali_to-meli +genre_painting,Rococo,pietro-longhi_a-shepherd-boy +genre_painting,Romanticism,mykola-pymonenko_wedding-in-kiev-province-1 +genre_painting,Impressionism,childe-hassam_at-the-writing-desk +genre_painting,Impressionism,edmund-charles-tarbell_josephine-knitting-1916 +genre_painting,Impressionism,paul-cezanne_couple-in-a-garden +genre_painting,Expressionism,esteban-vicente_paisaje-con-sombrilla-roja-1931 +genre_painting,Expressionism,roger-de-la-fresnaye_the-bouvier +genre_painting,Baroque,adriaen-van-ostade_interior-of-an-inn +genre_painting,Romanticism,adolphe-joseph-thomas-monticelli_garden-party +genre_painting,Art_Nouveau_Modern,boris-kustodiev_shrovetide-1920 +genre_painting,Art_Nouveau_Modern,raphael-kirchner_maid-of-athens-1900-5 +genre_painting,Impressionism,joaquã­n-sorolla_sea-idyll-1908 +genre_painting,Impressionism,edgar-degas_at-the-ballet +genre_painting,Impressionism,edgar-degas_woman-ironing +genre_painting,Cubism,lyonel-feininger_on-the-bridge-ober-weimar-1913 +genre_painting,Cubism,georges-braque_the-duet-1937 +genre_painting,Expressionism,edvard-munch_the-fisherman-1902 +genre_painting,Naive_Art_Primitivism,david-burliuk_day-on-the-beach-hamptons-long-island +genre_painting,Post_Impressionism,pierre-bonnard_morning-in-paris-1911 +genre_painting,Impressionism,maurice-prendergast_marine-park-1897 +genre_painting,Expressionism,edvard-munch_vampire-ii-1902 +genre_painting,Realism,winslow-homer_two-scouts +genre_painting,Art_Nouveau_Modern,aladar-korosfoi-kriesch_sz-kely-folk-tales-1912 +genre_painting,Baroque,diego-velazquez_las-meninas-detail-of-the-lower-half-depicting-the-family-of-philip-iv-of-spain-1656 +genre_painting,Northern_Renaissance,lucas-cranach-the-elder_the-infatuated-old-woman-1522 +genre_painting,Realism,james-tissot_without-a-dowry-aka-sunday-in-the-luxembourg-gardens-1885 +genre_painting,Impressionism,georgios-jakobides_child-with-cart +genre_painting,Cubism,natalia-goncharova_sabbath +genre_painting,Impressionism,walter-sickert_sketch-of-a-female-figure-1888 +genre_painting,Baroque,esaias-van-de-velde_elegant-company-dining-in-the-open-air-1615 +genre_painting,Expressionism,henri-matisse_woman-on-sofa-or-couch +genre_painting,Impressionism,max-liebermann_love-scene-1926 +genre_painting,Ukiyo_e,utagawa-kuniyoshi_osho-catches-fish-for-his-stepmother +genre_painting,Impressionism,camille-pissarro_goose-girl +genre_painting,Northern_Renaissance,pieter-bruegel-the-elder_pray-were-swelling-with-anger-veins-grow-black-with-blood +genre_painting,Impressionism,edgar-degas_three-dancers-green-blouses +genre_painting,Expressionism,candido-portinari_a-primeira-missa-no-brasil-1948 +genre_painting,Expressionism,ligia-macovei_flower-sellers-in-venice-1958 +genre_painting,Baroque,judith-leyster_a-man-offers-a-young-girl-money-1631 +genre_painting,Impressionism,joaquã­n-sorolla_the-bath-javea-1905 +genre_painting,Romanticism,sir-lawrence-alma-tadema_an-oleander-1882 +genre_painting,Realism,ilya-repin_hopak-1927 +genre_painting,Romanticism,paul-cezanne_pastoral-or-idyll-1870 +genre_painting,Realism,jean-francois-millet_young-woman-1845 +genre_painting,Expressionism,august-macke_tree-in-the-cornfield +genre_painting,Impressionism,edouard-manet_a-woman-pouring-water-study-of-suzanne-leenhoff-1858 +genre_painting,Romanticism,thomas-cole_daniel-boone-sitting-at-the-door-of-his-cabin-on-the-great-osage-lake-1826 +genre_painting,Post_Impressionism,paul-cezanne_the-card-players-1892 +genre_painting,Symbolism,kuzma-petrov-vodkin_mother-1913-1 +genre_painting,Romanticism,konstantin-makovsky_oriental-funeral-in-cairo +genre_painting,Cubism,ernst-ludwig-kirchner_mask-dance-1929 +genre_painting,Impressionism,edgar-degas_dancer-in-blue-at-the-barre +genre_painting,Symbolism,jacek-malczewski_intermezzo +genre_painting,Baroque,pieter-de-hooch_happy-drinker +genre_painting,Expressionism,ernst-ludwig-kirchner_hungarian-dance +genre_painting,Impressionism,giuseppe-de-nittis_the-nannys +genre_painting,Post_Impressionism,vincent-van-gogh_old-vineyard-with-peasant-woman-1890 +genre_painting,Impressionism,henri-martin_lavandiere-on-the-pond-bank +genre_painting,Impressionism,william-merritt-chase_arab-encampment +genre_painting,Post_Impressionism,maurice-prendergast_sunny-day-at-the-beach +genre_painting,New_Realism,john-french-sloan_renganeschi-s-saturday-night-1912 +genre_painting,Impressionism,adam-baltatu_fishing-preparations +genre_painting,Realism,ilya-repin_religious-procession-in-an-oak-forest-appearance-of-the-icon-1878 +genre_painting,Impressionism,john-singer-sargent_egyptians-raising-water-from-the-nile-1891 +genre_painting,Baroque,jan-steen_wealth-is-looking-1663 +genre_painting,Impressionism,william-merritt-chase_the-park-02 +genre_painting,Realism,theodor-severin-kittelsen_herre-gud-gi-mig-en-skraa +genre_painting,Impressionism,max-liebermann_the-fisherman-1926 +genre_painting,Baroque,jan-steen_a-village-wedding +genre_painting,Realism,james-tissot_the-confidence-1867 +genre_painting,Ukiyo_e,kitagawa-utamaro_not_detected_233123 +genre_painting,Early_Renaissance,andrea-mantegna_the-court-of-the-gonzaga-1474 +genre_painting,Expressionism,ernst-ludwig-kirchner_berlin-street-scene-1914 +genre_painting,Romanticism,miklos-barabas_pigeon-post-1848 +genre_painting,Expressionism,kathe-kollwitz_not_detected_235966 +genre_painting,Impressionism,camille-pissarro_bathers-3-1894 +genre_painting,Impressionism,john-henry-twachtman_farm-scene-1891 +genre_painting,Rococo,thomas-gainsborough_charity-relieving-distress +genre_painting,Realism,vladimir-makovsky_on-deck-1920 +genre_painting,Symbolism,mikhail-nesterov_for-the-love-potion-1888 +genre_painting,Post_Impressionism,pablo-picasso_boy-with-bouquet-of-flowers-in-his-hand-1905 +genre_painting,Symbolism,arnold-bã¶cklin_honeymoon +genre_painting,Impressionism,victor-borisov-musatov_boy-with-a-dog-1895 +genre_painting,Symbolism,tivadar-kosztka-csontvary_rendez-vous-of-lovers-1902 +genre_painting,Realism,vincent-van-gogh_peasant-boy-digging-1885 +genre_painting,Naive_Art_Primitivism,fernando-botero_bather-on-the-beach +genre_painting,Impressionism,frederic-remington_ridden-down-1906 +genre_painting,Ukiyo_e,utagawa-sadatora_beauty-strolling +genre_painting,Realism,constantin-guys_girls-on-the-balcony-1860 +genre_painting,Mannerism_Late_Renaissance,paolo-veronese_three-archers-1558 +genre_painting,Baroque,jan-steen_the-dancing-couple-1663 +genre_painting,Symbolism,theodor-severin-kittelsen_soria-moria-slott-ja-nu-synes-jeg-jeg-skimter-noget-1911 +genre_painting,Romanticism,francisco-goya_the-crockery-vendor-1779 +genre_painting,Naive_Art_Primitivism,grã©goire-michonze_family-1981 +genre_painting,Impressionism,childe-hassam_reflections-kitty-hughes +genre_painting,Post_Impressionism,vincent-van-gogh_peasant-woman-with-a-rake-after-millet-1889 +genre_painting,Symbolism,pierre-puvis-de-chavannes_the-keeper-of-goats +genre_painting,Impressionism,pierre-auguste-renoir_mother-and-children +genre_painting,Art_Nouveau_Modern,raphael-kirchner_boys-and-girls-at-sea-7 +genre_painting,Realism,vasily-vereshchagin_at-the-door-of-a-mosque-1873 +genre_painting,Romanticism,jan-matejko_output-scholars +genre_painting,Baroque,gerrit-dou_the-herring-seller-1675 +genre_painting,Art_Nouveau_Modern,aubrey-beardsley_the-barge +genre_painting,Impressionism,claude-monet_the-pink-skiff +genre_painting,Expressionism,margareta-sterian_untitled +genre_painting,Impressionism,berthe-morisot_hide-and-seek +genre_painting,Impressionism,ilya-repin_on-the-shore-of-the-gulf-of-finland-1903 +genre_painting,Impressionism,camille-pissarro_peasants-gathering-grass-1883 +genre_painting,Baroque,adriaen-brouwer_father-s-of-unpleasant-duties-1631 +genre_painting,Realism,vincent-van-gogh_blacksmith-shop(1) +genre_painting,Impressionism,konstantin-korovin_bakhchisaraj-1907 +genre_painting,Art_Nouveau_Modern,henri-de-toulouse-lautrec_edmee-lescot-in-spanish-dancer-edmee-lescot-have-a-spanish-dancer +genre_painting,Impressionism,edgar-degas_dancers-in-green-and-yellow +genre_painting,Art_Nouveau_Modern,raphael-kirchner_laundry-woman +genre_painting,Impressionism,mary-cassatt_the-barefoot-child-1897-1 +genre_painting,Impressionism,mary-cassatt_mr-robert-s-cassatt-on-horseback-1885 +genre_painting,Post_Impressionism,mikhail-nesterov_portrait-of-natasha-nesterova-on-a-garden-bench-1914 +genre_painting,Impressionism,adam-baltatu_the-lesson +genre_painting,Post_Impressionism,vladimir-dimitrov_unknown-title-15 +genre_painting,Romanticism,paul-cezanne_luncheon-on-the-grass-1869 +genre_painting,Impressionism,camille-pissarro_cowherd-at-eragny-1884 +genre_painting,Northern_Renaissance,pieter-bruegel-the-elder_dulle-griet-mad-meg-1564 +genre_painting,Romanticism,konstantin-makovsky_cairo-1 +genre_painting,Ukiyo_e,katsushika-hokusai_fishing-by-torchlight-in-kai-province-from-oceans-of-wisdom-1833 +genre_painting,Art_Nouveau_Modern,eugã¨ne-grasset_spring-1894 +genre_painting,Pop_Art,gerard-fromanger_vert-v-ron-se +genre_painting,Symbolism,nicholas-roerich_churlish-1918 +genre_painting,Rococo,pietro-longhi_the-lion-s-cage-1762 +genre_painting,Art_Nouveau_Modern,boris-kustodiev_palm-market-with-spassky-gate-1917 +genre_painting,Expressionism,vasile-dobrian_female-brick-mason +genre_painting,Romanticism,sir-lawrence-alma-tadema_the-way-to-the-temple-1882 +genre_painting,Realism,n.c.-wyeth_the-scythers +genre_painting,Symbolism,nicholas-roerich_star-of-the-hero-1932 +genre_painting,Realism,vladimir-makovsky_fisher-finland-1899 +genre_painting,Romanticism,alfred-stevens_ready-for-the-ball +genre_painting,Ukiyo_e,katsushika-hokusai_four-women-working-very-hard-and-carrying-vats-of-water +genre_painting,Impressionism,edouard-manet_plum-1878 +genre_painting,Expressionism,jose-clemente-orozco_soldiers-1926 +genre_painting,Baroque,isaac-van-ostade_frozen-ice-landscape-with-carriages-and-boats +genre_painting,Art_Nouveau_Modern,carl-larsson_karin-in-autumn(1) +genre_painting,Expressionism,david-alfaro-siqueiros_excommunication-and-execution-of-father-hidalgo-1953 +genre_painting,Expressionism,josef-herman_three-welsh-miners-1966 +genre_painting,Expressionism,edvard-munch_couple-on-the-shore-from-the-reinhardt-frieze-1907 +genre_painting,Impressionism,edgar-degas_four-dancers +genre_painting,Impressionism,konstantin-korovin_north-idilliya-1886 +genre_painting,Romanticism,karl-bryullov_portrait-of-v-a-perovsky-on-column-capitals +genre_painting,Expressionism,henri-matisse_woman-reading +genre_painting,Post_Impressionism,ion-theodorescu-sion_composition-with-romanian-motifs-1924 +genre_painting,Realism,john-everett-millais_the-piper +genre_painting,Impressionism,eugene-boudin_bathing-time-at-deauville +genre_painting,Post_Impressionism,georges-seurat_the-seamstress-or-sunday-at-the-grande-jatte-study-for-a-sunday-afternoon-on-the-island-of-la-1886 +genre_painting,Impressionism,eugene-boudin_the-market-at-landenneau-1870 +genre_painting,Realism,james-tissot_the-widower +genre_painting,Baroque,gerard-terborch_the-concert-singer-and-theorbo-player +genre_painting,Impressionism,claude-monet_the-landing-state +genre_painting,Naive_Art_Primitivism,marc-chagall_fiancee-with-bouquet-1977 +genre_painting,Impressionism,childe-hassam_broadway-and-42nd-street +genre_painting,Impressionism,mary-cassatt_children-playing-on-the-beach-1884 +genre_painting,Art_Nouveau_Modern,konstantin-somov_summer-1 +genre_painting,Impressionism,joaquã­n-sorolla_the-beach-at-biarritz-1906 +genre_painting,Mannerism_Late_Renaissance,tintoretto_women-playing-instruments +genre_painting,Baroque,rembrandt_ragged-peasant-with-his-hands-behind-him-holding-a-stick-1630 +genre_painting,Baroque,david-teniers-the-younger_peasants-dancing-outside-an-inn-2 +genre_painting,Impressionism,edgar-degas_the-dancing-examination-1880 +genre_painting,Pointillism,georges-seurat_study-for-the-chahut-1890 +genre_painting,Naive_Art_Primitivism,grã©goire-michonze_figures-1967 +genre_painting,Impressionism,william-merritt-chase_two-arabs +genre_painting,Impressionism,berthe-morisot_girl-with-dog +genre_painting,Expressionism,marc-chagall_man-with-a-cat-and-woman-with-a-child-1914 +genre_painting,Art_Nouveau_Modern,carl-larsson_karin-and-brita-1893(1) +genre_painting,Post_Impressionism,maurice-prendergast_summer-outing +genre_painting,Pointillism,georges-seurat_woman-seated-by-an-easel-1888 +genre_painting,Post_Impressionism,vincent-van-gogh_encampment-of-gypsies-with-caravans-1888(1) +genre_painting,Realism,vincent-van-gogh_weaver-1884-2 +genre_painting,Baroque,adriaen-van-ostade_village-musicians +genre_painting,Expressionism,andre-derain_orgiastic-women-1945 +genre_painting,Rococo,thomas-gainsborough_the-harvest-wagon-1767 +genre_painting,Baroque,rembrandt_beggar-seated-warming-his-hands-at-a-chafing-dish-1630 +genre_painting,Rococo,giovanni-domenico-tiepolo_the-walk +genre_painting,Romanticism,francisco-goya_the-famous-american-mariano-ceballos +genre_painting,Expressionism,martiros-saryan_egyptian-women-1912 +genre_painting,Naive_Art_Primitivism,fernando-botero_luncheon-on-the-grass +genre_painting,Ukiyo_e,utagawa-kunisada_sumo-spectators-1853 +genre_painting,Romanticism,gustave-dore_the-grasshopper-and-the-ant +genre_painting,Romanticism,konstantin-makovsky_cairene +genre_painting,Romanticism,william-shayer_on-the-hampshire-coast +genre_painting,Symbolism,pierre-puvis-de-chavannes_summer +genre_painting,Post_Impressionism,nicolae-tonitza_fisherman-boat-at-sea +genre_painting,Realism,winslow-homer_on-the-fence +genre_painting,Naive_Art_Primitivism,camille-bombois_le-repos-des-gens-du-cirque-1930 +genre_painting,Naive_Art_Primitivism,raoul-dufy_clowns-and-musicians +genre_painting,Impressionism,william-merritt-chase_shinnecock-interior-studio +genre_painting,Expressionism,clyfford-still_ph-77-1936 +genre_painting,Realism,ilya-repin_young-ladys-walk-among-herd-of-cow +genre_painting,Impressionism,theo-van-rysselberghe_figures-near-a-well-in-morocco +genre_painting,Art_Nouveau_Modern,sergey-solomko_priestess +genre_painting,Post_Impressionism,pierre-bonnard_earthly-paradise-1920 +genre_painting,Baroque,pieter-de-hooch_a-woman-and-a-maid-in-a-courtyard +genre_painting,Ukiyo_e,utagawa-kuniyoshi_suikoden-triptych-the-fishermen +genre_painting,Naive_Art_Primitivism,maria-primachenko_red-snowball-tree-blooms-over-a-well-1982 +genre_painting,Realism,ilya-repin_unexpected-visitors-1888 +genre_painting,Naive_Art_Primitivism,raoul-dufy_yacht-club-1931 +genre_painting,Realism,viktor-vasnetsov_at-a-bookseller-s-1876 +genre_painting,Realism,james-tissot_the-letter +genre_painting,Realism,viktor-vasnetsov_entertainment +genre_painting,Impressionism,camille-pissarro_poultry-market-pontoise-1892 +genre_painting,Impressionism,federico-zandomeneghi_young-girl-reading +genre_painting,Naive_Art_Primitivism,camille-bombois_en-haut-de-la-colline +genre_painting,Impressionism,pierre-auguste-renoir_confidence-1897 +genre_painting,Realism,vincent-van-gogh_interior-with-peasant-woman-sitting-near-the-fireplace-1885-1 +genre_painting,Romanticism,george-stubbs_harvest +genre_painting,Post_Impressionism,georges-seurat_the-seller-of-oranges-1881 +genre_painting,Post_Impressionism,maurice-prendergast_summer-day +genre_painting,Ukiyo_e,kitagawa-utamaro_woman-smoking +genre_painting,Post_Impressionism,henri-de-toulouse-lautrec_maurice-joyant-somme-bay-1900 +genre_painting,Impressionism,mary-cassatt_peasant-mother-and-child-1894 +genre_painting,Impressionism,james-tissot_in-an-english-garden +genre_painting,Ukiyo_e,kitagawa-utamaro_the-hour-of-the-tiger +genre_painting,Art_Nouveau_Modern,raphael-kirchner_boys-and-girls-at-sea-1 +genre_painting,Impressionism,maurice-prendergast_children-on-a-raft-1896 +genre_painting,Art_Nouveau_Modern,raphael-kirchner_fantasy-1914 +genre_painting,Art_Nouveau_Modern,wilhelm-kotarbinski_leela-wend +genre_painting,Impressionism,konstantin-korovin_at-the-window-1919 +genre_painting,Impressionism,john-singer-sargent_woman-reading-in-a-cashmere-shawl-1909 +genre_painting,Impressionism,gustave-caillebotte_the-yellow-boat +genre_painting,Post_Impressionism,maurice-prendergast_picnic-grove +genre_painting,Expressionism,laszlo-mednyanszky_prisoners-marching-off-1918 +genre_painting,Expressionism,ernst-ludwig-kirchner_street-in-the-rain +genre_painting,Cubism,wifredo-lam_le-repos-du-mod-le-1938 +genre_painting,Romanticism,karl-bryullov_participants-of-the-expedition-to-mount-vesuvius(1) +genre_painting,Expressionism,martiros-saryan_holiday-under-the-tree +genre_painting,Expressionism,max-beckmann_the-acrobats-1939 +genre_painting,Art_Nouveau_Modern,leon-bakst_in-the-artist-s-studio-1908 +genre_painting,Symbolism,felicien-rops_a-gentleman-and-a-lady-aurelien-scholl-and-marie-colombier +genre_painting,Art_Nouveau_Modern,henri-de-toulouse-lautrec_the-englishman-at-the-moulin-rouge-1892 +genre_painting,Post_Impressionism,pierre-bonnard_child-eating-cherries-1895 +genre_painting,Baroque,gerrit-dou_woman-pouring-water-into-a-jar +genre_painting,Baroque,le-nain-brothers_the-grace +genre_painting,Expressionism,natalia-goncharova_haymaking +genre_painting,Post_Impressionism,vincent-van-gogh_evening-the-watch-after-millet-1889(1) +genre_painting,Impressionism,camille-pissarro_a-cowherd-on-the-route-de-chou-pontoise-1874 +genre_painting,Impressionism,henry-herbert-la-thangue_crying-fish-in-spain +genre_painting,Romanticism,dante-gabriel-rossetti_the-beautiful-lady-without-goods-1848 +genre_painting,Naive_Art_Primitivism,fernando-botero_man-who-went-to-the-office +genre_painting,Realism,vasily-perov_art-teacher-1867 +genre_painting,Romanticism,paul-cezanne_girl-at-the-piano-overture-to-tannhauser-1869 +genre_painting,Impressionism,eugene-boudin_berck-the-arrival-of-the-fishing-boats +genre_painting,Realism,camille-corot_young-girl-learning-to-write +genre_painting,Romanticism,john-collier_the-laboratory-1895 +genre_painting,Post_Impressionism,meijer-de-haan_breton-women-scutching-flax-labour-1889 +genre_painting,Realism,henry-herbert-la-thangue_leaving-home-1890 +genre_painting,Impressionism,max-liebermann_bathing-boys-1907 +genre_painting,Impressionism,eugene-boudin_laundresses-on-the-banks-of-the-touques-12 +genre_painting,Impressionism,james-mcneill-whistler_resting-in-bed +genre_painting,Pop_Art,aldo-mondino_turcata-1998 +genre_painting,Impressionism,max-liebermann_free-hour-at-amsterdam-orphanage-1876 +genre_painting,Impressionism,childe-hassam_flower-girl +genre_painting,Impressionism,william-merritt-chase_the-nursery +genre_painting,Expressionism,margareta-sterian_in-circus +genre_painting,Impressionism,childe-hassam_spring-in-central-park-aka-springtime +genre_painting,Ukiyo_e,utagawa-kunisada_four-seasons-spring-summer-autumn-winter +genre_painting,Realism,vladimir-makovsky_two-mothers-native-mother-and-stepmother-1906 +genre_painting,Baroque,peter-paul-rubens_the-return-of-the-farm-workers-from-the-fields +genre_painting,Symbolism,mikhail-nesterov_the-philosophers-portrait-of-sergei-bulgakov-and-pavel-florenskiy-1917 +genre_painting,New_Realism,george-luks_child-with-a-toy-1919 +genre_painting,Impressionism,john-singer-sargent_in-a-hayloft +genre_painting,Impressionism,paul-cezanne_life-in-the-fields +genre_painting,Cubism,fernand-leger_dance-1929 +genre_painting,Post_Impressionism,charles-cottet_procession-1913 +genre_painting,Impressionism,nikolay-bogdanov-belsky_girl-with-latern +genre_painting,Impressionism,edgar-degas_dancers-1895 +genre_painting,Expressionism,jose-gutierrez-solana_a-mask +genre_painting,Expressionism,pablo-picasso_family-of-jugglers-1905 +genre_painting,Art_Nouveau_Modern,boris-kustodiev_girl-with-flowers-1917 +genre_painting,Impressionism,ivan-grohar_povodne-vile-1899 +genre_painting,Impressionism,henri-martin_young-women-in-garden-in-marquayrol +genre_painting,Impressionism,ilya-repin_on-the-seashore-1904 +genre_painting,Expressionism,arturo-souto_sailor-with-woman-1951 +genre_painting,New_Realism,john-french-sloan_the-picnic-grounds-1907 +genre_painting,Expressionism,jose-gutierrez-solana_beggars-warming-1933 +genre_painting,Realism,vincent-van-gogh_peasant-man-and-woman-planting-potatoes-1885-1 +genre_painting,Symbolism,nicholas-roerich_boundary-of-kingdoms-1916 +genre_painting,Impressionism,edgar-degas_combing-the-hair-1 +genre_painting,Post_Impressionism,kuzma-petrov-vodkin_theatre-farce +genre_painting,Romanticism,paul-cezanne_the-feast-1867 +genre_painting,Expressionism,salvador-dali_reading-family-scene-by-lamplight +genre_painting,Expressionism,pablo-picasso_woman-with-child +genre_painting,Realism,ilya-repin_seamstress-1882 +genre_painting,Post_Impressionism,paul-gauguin_old-women-of-arles-1888 +genre_painting,Expressionism,walter-battiss_african-night-market-1965 +genre_painting,Analytical_Cubism,georges-braque_woman-reading-1911 +genre_painting,Realism,vasily-vereshchagin_letter-to-home-letter-to-mother-1901 +genre_painting,Cubism,andrã©-lhote_la-plage-1957 +genre_painting,Impressionism,gustave-caillebotte_the-park-on-the-caillebotte-property-at-yerres +genre_painting,Realism,konstantin-makovsky_children-in-a-field +genre_painting,Impressionism,mary-cassatt_mother-playing-with-her-child +genre_painting,Art_Nouveau_Modern,raphael-kirchner_the-embrace +genre_painting,Realism,jean-francois-millet_autumn-landscape-with-a-flock-of-turkeys +genre_painting,Romanticism,dante-gabriel-rossetti_the-tune-of-the-seven-towers-1857 +genre_painting,Impressionism,berthe-morisot_on-the-balcony-of-eugene-manet-s-room-at-bougival +genre_painting,Impressionism,konstantin-korovin_milan-1888 +genre_painting,Expressionism,henri-matisse_woman-on-a-sofa +genre_painting,Realism,camille-corot_peasants-from-mur +genre_painting,Baroque,bernardo-strozzi_lute-player-1635 +genre_painting,Rococo,antoine-watteau_arlecchino-emperor-in-the-moon-1708 +genre_painting,Cubism,m.-h.-maxy_meissen +genre_painting,Impressionism,joaquã­n-sorolla_idyll-javea-1900 +genre_painting,Realism,nikolay-bogdanov-belsky_checks-game +genre_painting,Symbolism,theodor-severin-kittelsen_krambugutten-med-gammelostlasten +genre_painting,Naive_Art_Primitivism,marc-chagall_a-blue-cow-1967 +genre_painting,Impressionism,edgar-degas_dancers-at-the-barre +genre_painting,Impressionism,edgar-degas_jockeys-before-the-start-with-flagpoll-1879 +genre_painting,Baroque,gabriel-metsu_woman-playing-a-mandolin +genre_painting,Post_Impressionism,le-pho_at-the-terrace +genre_painting,Realism,jean-francois-millet_in-the-auvergne-1869 +genre_painting,Post_Impressionism,paul-gauguin_bathing-place-1886 +genre_painting,Impressionism,frederic-bazille_negress-with-peonies-1870 +genre_painting,Naive_Art_Primitivism,william-h.-johnson_moon-over-harlem-1944(1) +genre_painting,Cubism,fernand-leger_the-bathers-1 +genre_painting,Impressionism,henri-martin_the-port-of-marseilles-1 +genre_painting,Impressionism,nikolay-bogdanov-belsky_symphony +genre_painting,Rococo,george-morland_the-comforts-of-industry-1780 +genre_painting,Expressionism,nikolaos-lytras_peeling-quinces +genre_painting,Ukiyo_e,hiroshige_the-road-connecting-edo-tokyo-and-kyoto-2 +genre_painting,Impressionism,federico-zandomeneghi_reverie +genre_painting,Impressionism,george-luks_hester-street-1905 +genre_painting,Art_Nouveau_Modern,ferdinand-hodler_the-orator +genre_painting,Impressionism,camille-pissarro_woman-digging-1883 +genre_painting,Romanticism,alfred-stevens_what-is-called-vagrancy-or-the-hunters-of-vincennes-1854 +genre_painting,Impressionism,pierre-auguste-renoir_reader-in-green-1894 +genre_painting,Romanticism,william-shayer_the-traveller-s-rest-1825 +genre_painting,Impressionism,edgar-degas_dance-class-1871 +genre_painting,Impressionism,octav-bancila_atra +genre_painting,Naive_Art_Primitivism,niko-pirosmani_company-visit +genre_painting,Art_Nouveau_Modern,boris-kustodiev_summer-province-1922 +genre_painting,Impressionism,william-merritt-chase_in-brooklyn-navy-yard +genre_painting,Post_Impressionism,david-burliuk_marusia-in-the-park +genre_painting,Expressionism,yiannis-tsaroychis_cyclist-dressed-up-with-traditional-greek-costume-and-a-temple-on-the-right-corner-1936 +genre_painting,Impressionism,john-singer-sargent_dolce-far-niente +genre_painting,Impressionism,georges-seurat_study-for-bathers-at-asnieres-1883 +genre_painting,Symbolism,pierre-puvis-de-chavannes_the-song-of-the-shepherd +genre_painting,Baroque,adriaen-van-de-venne_beggars-fighting-1634 +genre_painting,Realism,james-tissot_the-ladies-of-the-cars-1885 +genre_painting,Impressionism,camille-pissarro_woman-with-buckets +genre_painting,Impressionism,eugene-boudin_laundresses +genre_painting,Post_Impressionism,maurice-prendergast_salem-willows-also-known-as-the-promenade-salem-harbor-1904 +genre_painting,Impressionism,mary-cassatt_the-barefoot-child-1897 +genre_painting,Realism,alexey-venetsianov_two-peasant-boy-with-a-kite +genre_painting,Impressionism,walter-sickert_tipperary-1914 +genre_painting,Baroque,claude-lorrain_coast-scene-with-a-battle-on-a-bridge +genre_painting,Northern_Renaissance,albrecht-durer_young-couple-threatened-by-death-promenade +genre_painting,Expressionism,dimitris-mytaras_two-girls +genre_painting,Impressionism,claude-monet_infantry-guards-wandering-along-the-river +genre_painting,Art_Nouveau_Modern,sergey-solomko_evening-walk +genre_painting,Post_Impressionism,maurice-prendergast_rainbow +genre_painting,Naive_Art_Primitivism,grandma-moses_not_detected_251605 +genre_painting,Realism,winslow-homer_the-berry-pickers +genre_painting,Naive_Art_Primitivism,fernand-leger_manufacturers-on-a-blue-background-1950 +genre_painting,Romanticism,william-shayer_the-road-to-market +genre_painting,Impressionism,william-james-glackens_beach-scene-new-london-1918 +genre_painting,New_Realism,john-french-sloan_dust-storm-fifth-avenue-1906 +genre_painting,Pointillism,paul-signac_the-demolisher-1899 +genre_painting,Naive_Art_Primitivism,david-burliuk_a-red-horse(1) +genre_painting,Art_Nouveau_Modern,aubrey-beardsley_hail-and-farewell +genre_painting,Romanticism,vasily-polenov_droit-du-seigneur-1874 +genre_painting,Post_Impressionism,istvan-ilosvai-varga_pumping-the-well-1957 +genre_painting,Romanticism,sir-lawrence-alma-tadema_a-sculpture-gallery-1867 +genre_painting,Romanticism,karl-bodmer_fort-pierre-1832 +genre_painting,Ukiyo_e,kitagawa-utamaro_the-hour-of-the-hare +genre_painting,Romanticism,arthur-hughes_the-long-engagement-1859 +genre_painting,Impressionism,nikolay-bogdanov-belsky_playing-children +genre_painting,Symbolism,james-ensor_carnival-in-flanders-1931 +genre_painting,Symbolism,nicholas-roerich_conceive-clothing-stone-age-1908 +genre_painting,Impressionism,giovanni-fattori_die-roten-f-sser-1870 +genre_painting,Cubism,joan-miro_the-farmer-s-wife-1923 +genre_painting,Expressionism,vasile-dobrian_retired +genre_painting,Realism,mykola-pymonenko_going-home +genre_painting,Realism,james-tissot_young-ladies-looking-at-japanese-objects +genre_painting,Impressionism,childe-hassam_in-a-french-garden +genre_painting,Realism,wilhelm-leibl_die-drei-frauen-in-der-kirche-1881 +genre_painting,Realism,georgios-jakobides_the-flower-seller-1900 +genre_painting,Rococo,thomas-gainsborough_conversation-in-a-park-1745 +genre_painting,Impressionism,mary-cassatt_young-thomas-and-his-mother-1893 +genre_painting,Symbolism,konstantin-somov_poets +genre_painting,Realism,winslow-homer_girl-with-hay-rake +genre_painting,Impressionism,camille-pissarro_resting-in-the-woods-pontoise-1878 +genre_painting,Impressionism,pablo-picasso_longchamp-1901 +genre_painting,Ukiyo_e,kitagawa-utamaro_amorous-couple-1803 +genre_painting,Impressionism,william-merritt-chase_the-morning-news +genre_painting,Romanticism,fyodor-bronnikov_robbery +genre_painting,Realism,vincent-van-gogh_man-breaking-up-the-soil-1883 +genre_painting,Post_Impressionism,pierre-bonnard_two-elegant-place-de-clichy-1905 +genre_painting,Baroque,adriaen-van-ostade_peasants-dancing-in-a-tavern +genre_painting,Impressionism,frederic-remington_an-arguement-with-the-town-marshall-1907 +genre_painting,Realism,edouard-manet_the-luncheon-on-the-grass-1863 +genre_painting,Realism,grigoriy-myasoyedov_time-of-harvesting-mowers-1887 +genre_painting,Symbolism,nicholas-roerich_whispers-of-desert +genre_painting,Post_Impressionism,maurice-prendergast_merry-go-round +genre_painting,Impressionism,pierre-auguste-renoir_the-artist-s-family-1896 +genre_painting,Art_Nouveau_Modern,aubrey-beardsley_black-coffee-1895 +genre_painting,Baroque,rembrandt_the-rat-poison-peddler-the-rat-catcher-1632 +genre_painting,Realism,vasily-perov_blessed-one-1879 +genre_painting,Realism,vasily-perov_journey-of-the-quarterly-family-on-a-pilgrimage-sketch-1868 +genre_painting,Romanticism,edwin-henry-landseer_a-highland-breakfast +genre_painting,Post_Impressionism,emmanuel-zairis_a-moments-rest +genre_painting,Post_Impressionism,henri-de-toulouse-lautrec_horsewoman-and-dog +genre_painting,Baroque,jan-siberechts_the-ford-1672 +genre_painting,Impressionism,claude-monet_the-promenade-near-limetz +genre_painting,Realism,eugene-boudin_the-beach-at-trouville-1864 +genre_painting,Art_Nouveau_Modern,koloman-moser_dancer-1903-1 +genre_painting,Baroque,adriaen-van-de-venne_a-cavalier-at-his-dressing-table +genre_painting,Impressionism,karoly-ferenczy_riding-children-1905 +genre_painting,Expressionism,edvard-munch_anxiety-1894 +genre_painting,Symbolism,nicholas-roerich_messenger-from-himalayas-1940 +genre_painting,Impressionism,julian-alden-weir_the-letter +genre_painting,Post_Impressionism,georges-seurat_large-figure-in-a-landscape-1883 +genre_painting,Art_Nouveau_Modern,frantisek-kupka_lipstick-1908 +genre_painting,Cubism,ernst-ludwig-kirchner_entcounter +genre_painting,Impressionism,john-singer-sargent_dennis-miller-bunker-painting-at-calcot-1888 +genre_painting,Realism,boris-kustodiev_festivities-marking-the-opening-of-the-second-congress-of-the-comintern-and-demonstration-on-1921 +genre_painting,Baroque,david-teniers-the-younger_village-revel-with-aristocratic-couple-1652 +genre_painting,Impressionism,eugene-boudin_deauville-the-jetty +genre_painting,Impressionism,berthe-morisot_the-fable +genre_painting,Impressionism,jan-toorop_preparing-the-meal-1883 +genre_painting,Expressionism,edvard-munch_meeting-1921 +genre_painting,Impressionism,gustave-caillebotte_luncheon-1876 +genre_painting,Impressionism,edouard-manet_at-father-lathuille-1879 +genre_painting,Baroque,rembrandt_the-visitation-1640 +genre_painting,Romanticism,ivan-aivazovsky_chumaks-in-little-russia +genre_painting,Realism,julius-leblanc-stewart_lady-in-her-boudoir-1889(1) +genre_painting,Impressionism,childe-hassam_isle-of-shoals +genre_painting,Romanticism,pavel-svinyin_steamboat +genre_painting,Art_Nouveau_Modern,aubrey-beardsley_ballet-of-marionettes-iii +genre_painting,Realism,jean-francois-millet_not_detected_189996 +genre_painting,Impressionism,bela-kadar_market-square-1910 +genre_painting,Impressionism,andre-dunoyer-de-segonzac_dimanche-sur-la-marne +genre_painting,Impressionism,berthe-morisot_lucie-leon-at-the-piano-1892 +genre_painting,Expressionism,ernst-ludwig-kirchner_men-with-wheelbarrows-1927 +genre_painting,Post_Impressionism,pablo-picasso_woman-on-a-donkey-1906 +genre_painting,Impressionism,edgar-degas_the-pedicure-1873 +genre_painting,Impressionism,alfred-sisley_the-lesson-1874 +genre_painting,Symbolism,nicholas-roerich_star-of-mother-of-the-world-1924 +genre_painting,Impressionism,joaquã­n-sorolla_snapshot-at-biarritz-1906 +genre_painting,Baroque,jacob-jordaens_eating-man +genre_painting,Naive_Art_Primitivism,marc-chagall_peasant-with-bouquet-1968 +genre_painting,Impressionism,grace-cossington-smith_open-window-1919 +genre_painting,Romanticism,sir-lawrence-alma-tadema_a-hearty-welcome-1878 +genre_painting,Post_Impressionism,jozsef-rippl-ronai_uncle-piacsek-dresser-in-front-of-the-black-1906 +genre_painting,Impressionism,rudolf-schweitzer-cumpana_car-cu-boi-1922 +genre_painting,Impressionism,mary-cassatt_girl-with-a-banjo-1894 +genre_painting,Naive_Art_Primitivism,antonio-ligabue_plowing +genre_painting,High_Renaissance,titian_the-miracle-of-the-newborn-child-1511 +genre_painting,Cubism,fernand-leger_smokers-1912 +genre_painting,Impressionism,edgar-degas_ballet-school-1873 +genre_painting,Realism,anders-zorn_mona-1911-1 +genre_painting,Expressionism,umberto-boccioni_car-and-hunting-fox-1904 +genre_painting,Impressionism,mary-cassatt_boat-bath +genre_painting,Post_Impressionism,pierre-bonnard_the-yacht-1905 +genre_painting,Impressionism,john-singer-sargent_autumn-on-the-river-1889 +genre_painting,Realism,mikhail-nesterov_the-victim-of-his-buddies-1881 +genre_painting,Rococo,thomas-gainsborough_girl-with-pigs-1782 +genre_painting,Impressionism,william-merritt-chase_seated-figure +genre_painting,Realism,vladimir-makovsky_a-letter-1883 +genre_painting,Romanticism,pavel-svinyin_meeting-of-two-ships-in-the-sea +genre_painting,Expressionism,max-beckmann_rugby-players-1929 +genre_painting,Art_Nouveau_Modern,aubrey-beardsley_a-snare-of-vintage-1 +genre_painting,Rococo,jean-baptiste-simeon-chardin_the-house-of-cards-1737 +genre_painting,Impressionism,edgar-degas_at-the-races-before-the-start +genre_painting,Contemporary_Realism,fairfield-porter_iced-coffee-1966 +genre_painting,Ukiyo_e,utagawa-sadatora_woman-under-flowering-tree +genre_painting,Art_Nouveau_Modern,raphael-kirchner_girls-with-good-luck-charms-7 +genre_painting,Impressionism,john-singer-sargent_egyptian-water-jars-1885 +genre_painting,Baroque,gerard-terborch_the-swearing-of-the-oath-of-ratification-of-the-treaty-of-munster-1648 +genre_painting,Expressionism,frank-auerbach_in-the-studio +genre_painting,Expressionism,martiros-saryan_riders-at-the-river-1904 +genre_painting,Art_Nouveau_Modern,aubrey-beardsley_the-baron-s-prayer +genre_painting,Impressionism,camille-pissarro_peasant-woman-with-a-goat-1881 +genre_painting,Baroque,pieter-de-hooch_a-sick-child +genre_painting,Baroque,jan-steen_merry-threesom-1672 +genre_painting,Realism,ilya-repin_cossack-in-the-steppe +genre_painting,Expressionism,jose-gutierrez-solana_the-blessed-1933 +genre_painting,Expressionism,pyotr-konchalovsky_bullfight-in-sevilla-1910-1 +genre_painting,Romanticism,karl-bodmer_blackfeet-warrior-on-horseback +genre_painting,Impressionism,santiago-rusinol_the-shooting-gallery-moulin-de-la-galette +genre_painting,Impressionism,edgar-degas_three-dancers-in-yellow-skirts +genre_painting,Symbolism,odilon-redon_the-sermon +genre_painting,Impressionism,william-merritt-chase_woman-in-green +genre_painting,Impressionism,claude-monet_in-the-meadow +genre_painting,Impressionism,john-singer-sargent_princess-nouronihar-1910 +genre_painting,Impressionism,arthur-segal_femme-au-piano-1918 +genre_painting,Impressionism,pierre-auguste-renoir_reading +genre_painting,Realism,vasily-perov_court-pugacheva-2 +genre_painting,Art_Nouveau_Modern,raphael-kirchner_boys-and-girls-at-sea-2 +genre_painting,Baroque,david-teniers-the-younger_country-kermess +genre_painting,Post_Impressionism,le-pho_summer +genre_painting,Romanticism,william-shayer_resting-along-the-trail-1879 +genre_painting,Art_Nouveau_Modern,wilhelm-kotarbinski_kolumbaries +genre_painting,Romanticism,richard-parkes-bonington_charles-v-visits-francis-i-after-the-battle-of-pavia +genre_painting,Impressionism,john-singer-sargent_in-the-generalife-granada-1912 +genre_painting,Baroque,david-teniers-the-younger_the-musette-player +genre_painting,Impressionism,henry-herbert-la-thangue_mowing-bracken +genre_painting,Romanticism,john-roddam-spencer-stanhope_robin-of-modern-times-1860 +genre_painting,Naive_Art_Primitivism,fernand-leger_the-camper +genre_painting,New_Realism,william-james-glackens_at-the-beach-1910 +genre_painting,Impressionism,camille-pissarro_girl-with-a-stick-1881 +genre_painting,Impressionism,henri-de-toulouse-lautrec_the-box +genre_painting,Romanticism,konstantin-makovsky_spring-bacchanalia +genre_painting,Realism,camille-corot_the-artist-s-studio +genre_painting,Baroque,eustache-le-sueur_a-gathering-of-friends-1642 +genre_painting,Naive_Art_Primitivism,henri-rousseau_not_detected_191345 +genre_painting,Post_Impressionism,maurice-prendergast_low-tide +genre_painting,Expressionism,walter-battiss_lotsani-ruins-limpopo +genre_painting,Realism,vladimir-makovsky_fishing-1884 +genre_painting,Impressionism,edgar-degas_dancer-in-her-dressing-room-1879 +genre_painting,Ukiyo_e,keisai-eisen_shunga-scroll-1838(1) +genre_painting,Realism,aleksey-savrasov_chumaky-1854 +genre_painting,Romanticism,alfred-stevens_the-love-letter +genre_painting,Realism,jean-francois-millet_the-bouquet-of-margueritas-1866 +genre_painting,Romanticism,alfred-stevens_the-bouquet-1857 +genre_painting,Art_Nouveau_Modern,boris-kustodiev_winter-1916 +genre_painting,Impressionism,pierre-auguste-renoir_by-the-water-near-the-lake +genre_painting,Baroque,david-teniers-the-younger_an-old-peasant-caresses-a-kitchen-maid-in-a-stable +genre_painting,Symbolism,mikhail-vrubel_at-nightfall-1900 +genre_painting,Realism,jean-francois-millet_the-large-shepherdess +genre_painting,Art_Nouveau_Modern,nicholas-roerich_unkrada-1909 +genre_painting,Impressionism,konstantin-korovin_by-the-window-1893 +genre_painting,Cubism,marevna-(marie-vorobieff)_hasidic-dance-during-the-celebration-of-hanukkah-1970 +genre_painting,Expressionism,martiros-saryan_yield-of-potatoes-1934 +genre_painting,Impressionism,henri-de-toulouse-lautrec_cuirassier-1881 +genre_painting,Baroque,david-teniers-the-younger_archduke-leopold-wilhelm-in-his-picture-gallery-with-the-artist-and-other-figures-1653 +genre_painting,Romanticism,fyodor-bronnikov_dog-grooming-in-children-portraits +genre_painting,Abstract_Expressionism,mark-tobey_untitled-standing-figure-1965 +genre_painting,Post_Impressionism,victor-borisov-musatov_woman-in-rocking-chair-1897 +genre_painting,Northern_Renaissance,albrecht-durer_amorous-peasants +genre_painting,Impressionism,edouard-manet_study-for-bar-at-the-folies-bergere-1882 +genre_painting,Realism,boris-kustodiev_public-garden-on-the-bank-of-the-volga-festivities-on-the-banks-of-the-volga-1918 +genre_painting,Expressionism,edvard-munch_the-dead-mother-1900 +genre_painting,Romanticism,karl-bodmer_camp-of-the-gros-ventres-1834 +genre_painting,Rococo,william-hogarth_before-the-seduction-and-after-1731 +genre_painting,Symbolism,nicholas-roerich_captive-1937 +genre_painting,Expressionism,martiros-saryan_my-house-is-erected-1932 +genre_painting,Impressionism,childe-hassam_after-breakfast +genre_painting,Impressionism,konstantin-korovin_in-the-caucasus-sitting-mountaineers-1889 +genre_painting,Realism,ilya-repin_a-newspaper-seller-in-paris-1873 +genre_painting,Impressionism,pierre-auguste-renoir_young-spanish-woman-with-a-guitar-1898 +genre_painting,Impressionism,walter-sickert_two-women-on-a-sofa-1904 +genre_painting,Expressionism,josef-herman_autumn-idyll-1956 +genre_painting,Impressionism,pierre-auguste-renoir_dance-at-bougival-1883-1 +genre_painting,Cubism,salvador-dali_figure-on-the-rocks +genre_painting,Realism,octav-bancila_muncind-p-m-ntul-1915 +genre_painting,Realism,james-tissot_portsmouth-dockyard +genre_painting,Naive_Art_Primitivism,william-h.-johnson_going-to-church-1941 +genre_painting,Baroque,rembrandt_a-beggar-standing-and-leaning-on-a-stick-1632 +genre_painting,Expressionism,pablo-picasso_harlequin-s-family-1905-1 +genre_painting,Impressionism,william-merritt-chase_hide-and-seek +genre_painting,Impressionism,pierre-auguste-renoir_two-little-girls-on-the-beach-1895 +genre_painting,Naive_Art_Primitivism,david-burliuk_woman-in-yellow-dress-with-black-horse-1951(1) +genre_painting,Impressionism,john-singer-sargent_the-birthday-party-1887 +genre_painting,Realism,john-everett-millais_north-west-passage +genre_painting,New_Realism,edward-hopper_two-on-the-aisle +genre_painting,Expressionism,salvador-dali_santa-creus-festival-in-figueras-the-circus +genre_painting,Post_Impressionism,maurice-denis_mystic-allegory-or-tea +genre_painting,Baroque,caravaggio_the-fortune-teller-1599(1) +genre_painting,Impressionism,edgar-degas_dancers-bending-down-1885 +genre_painting,Romanticism,john-william-waterhouse_gone-but-not-forgotten-1873 +genre_painting,Expressionism,lynd-ward_not-detected-272484 +genre_painting,Realism,nikolay-bogdanov-belsky_misery +genre_painting,Baroque,gabriel-metsu_the-armorer +genre_painting,Naive_Art_Primitivism,martiros-saryan_armenian-woman-with-ba-lam-1915 +genre_painting,Expressionism,balthus_the-first-communicants-1926 +genre_painting,Art_Nouveau_Modern,carl-larsson_my-acid-workshop-where-i-do-my-etching-1910(1) +genre_painting,Expressionism,mark-rothko_entance-to-subway +genre_painting,Art_Nouveau_Modern,henri-de-toulouse-lautrec_the-passenger-in-cabin-54-1896 +genre_painting,Symbolism,konstantin-somov_holiday-near-venice +genre_painting,Impressionism,giovanni-boldini_girl-reading-in-a-salon-1876 +genre_painting,Impressionism,joaquã­n-sorolla_the-tunny-catch-1919 +genre_painting,Cubism,marc-chagall_the-feast-of-the-tabernacles-1916 +genre_painting,Naive_Art_Primitivism,raoul-dufy_the-house-in-marrakech +genre_painting,Naive_Art_Primitivism,marc-chagall_jewish-wedding +genre_painting,Cubism,diego-rivera_sailor-at-breakfast-1914 +genre_painting,Impressionism,berthe-morisot_the-seamstress-sun +genre_painting,Post_Impressionism,henri-de-toulouse-lautrec_the-spanish-dancer-1888 +genre_painting,Baroque,gerard-terborch_the-dancing-couple-1660 +genre_painting,Realism,columbano-bordalo-pinheiro_um-concerto-de-amadores-1882 +genre_painting,Rococo,william-hogarth_a-harlot-s-progress-plate-3 +genre_painting,Baroque,jan-steen_family-holiday +genre_painting,Realism,anders-zorn_at-the-piano-1900 +genre_painting,Impressionism,edgar-degas_ballet-scene-from-robert-la-diable-1872 +genre_painting,Romanticism,francisco-goya_the-snowstorm-winter-1787 +genre_painting,Ukiyo_e,utagawa-sadatora_surprised-man-on-a-verandah +genre_painting,Realism,vasily-perov_on-the-eve-of-bachelorette-party-the-bride-from-the-bath-1870 +genre_painting,Art_Nouveau_Modern,carl-larsson_playing-scales(1) +genre_painting,Romanticism,alfred-stevens_in-the-garden +genre_painting,Romanticism,william-shayer_the-gleaners-shirley-hants +genre_painting,Expressionism,margareta-sterian_at-the-clowns +genre_painting,Post_Impressionism,maurice-prendergast_the-end-men-1914 +genre_painting,Impressionism,john-henry-twachtman_a-summer-day-1882 +genre_painting,Symbolism,pierre-puvis-de-chavannes_the-poor-fisherman-1 +genre_painting,Impressionism,eugene-boudin_fishermen-of-kerhor-receiving-a-blessing-at-plougastel-1870 +genre_painting,Impressionism,edgar-degas_woman-at-her-toilette +genre_painting,Impressionism,raoul-dufy_carnival-on-the-grands-boulevards-1903 +genre_painting,Realism,boris-kustodiev_bathing-1912 +genre_painting,Realism,georgios-jakobides_peek-a-boo +genre_painting,Art_Nouveau_Modern,jacek-malczewski_in-wells +genre_painting,Contemporary_Realism,jamie-wyeth_not-detected-267433 +genre_painting,Post_Impressionism,maurice-prendergast_seashore +genre_painting,Naive_Art_Primitivism,ivan-generalic_unknown-title +genre_painting,Expressionism,albert-bloch_the-dancer-ragtime-1911 +genre_painting,Realism,julius-leblanc-stewart_young-woman-at-piano-1878(1) +genre_painting,Romanticism,edward-burne-jones_the-king-s-wedding-1870 +genre_painting,Romanticism,francisco-goya_robbery +genre_painting,Realism,ivan-shishkin_ivan-shishkin-and-a-guinet-in-the-studio-on-the-island-of-valaam-1860 +genre_painting,Symbolism,frantisek-kupka_water-the-bather +genre_painting,Cubism,henri-le-fauconnier_mountaineers-attacked-by-bears-1912 +genre_painting,Naive_Art_Primitivism,tarsila-do-amaral_an-angler-1925 +genre_painting,Rococo,pietro-longhi_the-pharmacist +genre_painting,Post_Impressionism,paul-gauguin_siesta-1894 +genre_painting,Rococo,william-hogarth_the-lady-s-last-stake +genre_painting,Post_Impressionism,ion-theodorescu-sion_composition-with-peasant-motifs-1936 +genre_painting,Realism,john-singer-sargent_gassed-1918 +genre_painting,Impressionism,stefan-luchian_literary-meeting +genre_painting,Impressionism,berthe-morisot_young-girl-boating-1884 +genre_painting,Ukiyo_e,utagawa-kuniyoshi_the-young-benkei-holding-a-pole +genre_painting,Post_Impressionism,salvador-dali_noon-barracks-of-port-lligat-1956 +genre_painting,New_Realism,john-french-sloan_three-a-m-1909 +genre_painting,Post_Impressionism,raoul-dufy_terrace-of-a-caf-1907 +genre_painting,Impressionism,pierre-auguste-renoir_the-promenade +genre_painting,Naive_Art_Primitivism,maria-primachenko_by-beloved-plows-the-field-1983 +genre_painting,Rococo,jean-baptiste-simeon-chardin_the-embroiderer-1736 +genre_painting,Post_Impressionism,pyotr-konchalovsky_floor-polisher-1946 +genre_painting,Northern_Renaissance,albrecht-durer_back-figure +genre_painting,Expressionism,arturo-souto_accordionist-1931 +genre_painting,Impressionism,john-singer-sargent_under-the-willows-1887 +genre_painting,Realism,winslow-homer_the-water-fan-1899 +genre_painting,Pop_Art,roy-lichtenstein_bread-in-bag-1961 +genre_painting,Naive_Art_Primitivism,marc-chagall_laid-table-with-view-of-saint-paul-de-vance-1968 +genre_painting,Impressionism,paul-cezanne_bathers-1877 +genre_painting,Expressionism,jacques-villon_maternit-after-picasso-1901 +genre_painting,Baroque,adriaen-van-ostade_interior-of-a-farmhouse-with-skaters +genre_painting,Impressionism,joaquã­n-sorolla_boat-builders-1894 +genre_painting,Naive_Art_Primitivism,fernando-botero_the-cascade +genre_painting,Realism,mykola-pymonenko_laundry +genre_painting,Northern_Renaissance,albrecht-durer_women-only +genre_painting,Expressionism,rafael-zabaleta_bathers-on-the-beach-in-santander-1955 +genre_painting,Baroque,pieter-de-hooch_two-soldiers-and-a-serving-woman-with-a-trumpeter +genre_painting,Impressionism,pierre-auguste-renoir_girls-at-the-piano-1892-1 +genre_painting,Impressionism,edouard-manet_the-bock-drinkers-1878 +genre_painting,Cubism,pablo-picasso_naked-woman-on-the-beach-and-shovel-1960 +genre_painting,Realism,georgios-jakobides_reversal-of-roles-1892 +genre_painting,Realism,vasily-vereshchagin_china-tent-1870 +genre_painting,Expressionism,pyotr-konchalovsky_school-of-yungs-came-the-first-1929 +genre_painting,Baroque,bartolome-esteban-murillo_children-with-shell +genre_painting,Expressionism,arturo-souto_young-family +genre_painting,Analytical_Cubism,pablo-picasso_bathing-1908 +genre_painting,Impressionism,giovanni-fattori_zwei-damen-im-garten-von-castiglioncello-1865 +genre_painting,Impressionism,edgar-degas_ballet-scene-1 +genre_painting,Naive_Art_Primitivism,henri-rousseau_the-waterfall-1910 +genre_painting,Realism,grigoriy-myasoyedov_by-happiness-of-others-two-fates +genre_painting,Romanticism,george-stubbs_snap-with-trainer +genre_painting,Naive_Art_Primitivism,fernand-leger_the-builders-outside-color-1955 +genre_painting,Impressionism,henri-edmond-cross_in-the-luxembourg-gardens +genre_painting,Impressionism,edgar-degas_the-start-of-the-hunt +genre_painting,Naive_Art_Primitivism,william-h.-johnson_children-at-ice-cream-stand-1939 +genre_painting,Impressionism,max-liebermann_swimming-boys +genre_painting,Expressionism,marc-chagall_birth-1910 +genre_painting,Naive_Art_Primitivism,andre-bauchant_promenade-au-bord-de-la-mer-rencontre-des-fianc-s-1928 +genre_painting,Baroque,rembrandt_two-old-men-disputing +genre_painting,Analytical_Cubism,pablo-picasso_the-mandolinist-1911 +genre_painting,Impressionism,joaquã­n-sorolla_mending-the-sail-1904 +genre_painting,Romanticism,jan-matejko_polonia-1863 +genre_painting,Art_Nouveau_Modern,aubrey-beardsley_ballet-of-marionettes-ii +genre_painting,Post_Impressionism,henri-de-toulouse-lautrec_abandonment-the-pair-1895 +genre_painting,Pop_Art,r.-b.-kitaj_the-jewish-school-drawing-a-golem +genre_painting,Baroque,gerrit-dou_old-woman-praying +genre_painting,Impressionism,theophrastos-triantafyllidis_open-air-show +genre_painting,Expressionism,zinaida-serebriakova_snowflakes-1923 +genre_painting,Impressionism,mary-cassatt_little-ann-sucking-her-finger-embraced-by-her-mother-1897 +genre_painting,Expressionism,iosif-iser_turks-at-the-cafe-1937 +genre_painting,Baroque,pieter-de-hooch_the-courtyard-of-a-house-in-delft +genre_painting,Impressionism,theophrastos-triantafyllidis_harvesting-1930 +genre_painting,Romanticism,sir-lawrence-alma-tadema_leaving-church-in-the-fifteenth-century-1864 +genre_painting,Romanticism,sir-lawrence-alma-tadema_vain-courtship-1900 +genre_painting,Baroque,bartolome-esteban-murillo_the-toilette-1675 +genre_painting,Impressionism,edgar-degas_women-leaning-on-a-railing +genre_painting,Realism,gustave-courbet_the-peasants-of-flagey-returning-from-the-fair-1855 +genre_painting,Art_Nouveau_Modern,raphael-kirchner_ice-flowers-1899 +genre_painting,Impressionism,constantin-artachino_towards-the-springs +genre_painting,Art_Nouveau_Modern,henri-de-toulouse-lautrec_woman-fastening-a-corset-them-passing-conquest-1896 +genre_painting,Rococo,jean-honore-fragonard_the-stolen-kiss-1788 +genre_painting,Romanticism,albert-bierstadt_fishing-boats-at-capri-1857 +genre_painting,Ukiyo_e,katsushika-hokusai_street-scenes-newly-pubished-1 +genre_painting,Impressionism,cornelis-vreedenburgh_fishermen +genre_painting,Expressionism,josef-herman_snooker-players-1982 +genre_painting,Post_Impressionism,constantin-piliuta_lautari +genre_painting,Naive_Art_Primitivism,marc-chagall_lovers-near-isba-1980 +genre_painting,Impressionism,joaquã­n-sorolla_orange-seller-1891 +genre_painting,Northern_Renaissance,albrecht-durer_sixtus-tucher-in-open-grave +genre_painting,Symbolism,nicholas-roerich_sage-1916 +genre_painting,Expressionism,pyotr-konchalovsky_bullfight-1910 +genre_painting,Impressionism,joaquã­n-sorolla_beach-of-biarritz +genre_painting,Realism,lovis-corinth_in-the-fisherman-s-house-1886 +genre_painting,Impressionism,federico-zandomeneghi_crochet-lesson +genre_painting,Realism,charles-hermans_circe-the-temptress-1881 +genre_painting,Art_Nouveau_Modern,jacek-malczewski_the-tribute-money-triptych-left +genre_painting,Naive_Art_Primitivism,niko-pirosmani_spree-near-the-two-story-house-extant-part-of-a-picture +genre_painting,Cubism,louis-marcoussis_composition-au-visage-et-au-coquillage-1939 +genre_painting,Realism,john-singer-sargent_pressing-the-grapes-florentine-wine-cellar +genre_painting,Symbolism,konstantin-somov_the-date +genre_painting,Ukiyo_e,keisai-eisen_love-on-the-kamo-river-1830(1) +genre_painting,Romanticism,joseph-wright_the-blacksmith-s-shop-18th-century +genre_painting,Pointillism,georges-seurat_study-for-invitation-to-the-sideshow-1888 +genre_painting,Impressionism,giovanni-boldini_the-last-look-in-the-mirror +genre_painting,Expressionism,martiros-saryan_in-the-time-of-leisure-1930 +genre_painting,Naive_Art_Primitivism,maria-primachenko_maiden-plays-the-lute-and-waits-for-her-beloved-1982 +genre_painting,Post_Impressionism,maurice-prendergast_easter-procession-st-mark-s +genre_painting,Post_Impressionism,ion-theodorescu-sion_compozi-ie-cu-r-nci-la-r-scruce +genre_painting,Realism,winslow-homer_girl-on-a-swing +genre_painting,Realism,vincent-van-gogh_kneeling-man-planting-1881 +genre_painting,Impressionism,berthe-morisot_the-beach-at-nice-1882 +genre_painting,Realism,ivan-kramskoy_on-the-balkony-siverskaya-1883 +genre_painting,Naive_Art_Primitivism,fernand-leger_the-outing-in-the-country-1954-1 +genre_painting,Impressionism,guy-rose_warm-afternoon-1910 +genre_painting,Art_Nouveau_Modern,raphael-kirchner_ice-flowers-1899-4 +genre_painting,Baroque,pieter-de-hooch_woman-and-child(1) +genre_painting,Symbolism,henri-fantin-latour_the-bath-1892 +genre_painting,Cubism,marcel-janco_caf-concert-1927 +genre_painting,Art_Nouveau_Modern,boris-kustodiev_province-kostroma-1906 +genre_painting,Ukiyo_e,katsushika-hokusai_street-scenes-newly-pubished-12 +genre_painting,Contemporary_Realism,eric-fischl_scenes-from-late-paradise-the-drink +genre_painting,Impressionism,berthe-morisot_on-the-beach-at-portrieux +genre_painting,Impressionism,william-james-glackens_bathing-at-bellport-long-island-1912 +genre_painting,Baroque,rembrandt_man-drawing-from-a-cast-1641 +genre_painting,Art_Nouveau_Modern,sergey-solomko_the-enemy-conseals-himself +genre_painting,Naive_Art_Primitivism,edith-vonnegut_over-the-cliff +genre_painting,Expressionism,pablo-picasso_the-family-of-blind-man-1903 +genre_painting,Expressionism,dimitris-mytaras_mother-and-child +genre_painting,Symbolism,pierre-puvis-de-chavannes_christian-inspiration-1888 +genre_painting,Baroque,adriaen-brouwer_the-smoker +genre_painting,Post_Impressionism,henri-de-toulouse-lautrec_at-the-cafe-the-customer-and-the-anemic-cashier-1898 +genre_painting,Realism,ivan-vladimirov_questioning-in-the-committee-of-poor +genre_painting,Realism,boris-kustodiev_petrograd-in-1919-1919 +genre_painting,Expressionism,bui-xuan-phai_cheo(1) +genre_painting,Realism,ivan-vladimirov_in-the-last-journey +genre_painting,Realism,jean-francois-millet_the-sheep-pen-moonlight-1873 +genre_painting,Post_Impressionism,suzanne-valadon_woman-looking-at-herself-in-the-mirror-1920 +genre_painting,Naive_Art_Primitivism,pablo-picasso_a-simple-meal-1904-1 +genre_painting,Post_Impressionism,georges-seurat_peasant-with-hoe-1882 +genre_painting,Realism,konstantin-makovsky_genre-scene-2 +genre_painting,Rococo,bernardo-bellotto_the-imperial-summer-residence-courtyard-1758-1 +genre_painting,Expressionism,franz-kline_hot-jazz-1940 +genre_painting,Art_Nouveau_Modern,raphael-kirchner_boys-and-girls-at-sea-8 +genre_painting,Pointillism,camille-pissarro_women-gathering-grass-1883 +genre_painting,Naive_Art_Primitivism,pablo-picasso_a-horsewoman-1905 +genre_painting,Ukiyo_e,utagawa-toyokuni_courting-komachi-1792 +genre_painting,Impressionism,ivan-grohar_rednik-1910 +genre_painting,Realism,boris-kustodiev_spring-1921 +genre_painting,Post_Impressionism,georges-seurat_peasant-boy-sitting-in-a-meadow-1883 +genre_painting,Post_Impressionism,pablo-picasso_lovers-of-the-street-1900 +genre_painting,Art_Nouveau_Modern,alphonse-mucha_evening-reverie-nocturnal-slumber-1898 +genre_painting,Impressionism,konstantin-korovin_girl-with-guitar-1916 +genre_painting,Realism,konstantinos-volanakis_casting-the-nets +genre_painting,Baroque,judith-leyster_the-concert-1633 +genre_painting,Baroque,rembrandt_anatomy-of-doctor-deyman-1656 +genre_painting,Naive_Art_Primitivism,henri-rousseau_the-snake-charmer-1907 +genre_painting,Symbolism,franz-stuck_dancers-1896 +genre_painting,Baroque,gerrit-dou_officer-of-the-marksman-society-in-leiden +genre_painting,Rococo,jean-baptiste-simeon-chardin_the-governess-1739 +genre_painting,Impressionism,eugene-boudin_beach-scene-trouville-1881 +genre_painting,Fauvism,joan-miro_the-farmer +genre_painting,Impressionism,max-slevogt_girl-in-front-of-the-lion-cage-1901 +genre_painting,Realism,vasily-vereshchagin_two-hawks-bashi-bazouk-1879 +genre_painting,Expressionism,balthus_japanese-girl-with-a-black-mirror-1967 +genre_painting,Expressionism,egon-schiele_the-sleeping-girl-1913 +genre_painting,Cubism,paul-cezanne_large-bathers-1906-1 +genre_painting,Impressionism,edgar-degas_beach-scene-1877 +genre_painting,Impressionism,edgar-degas_at-the-races-the-start-1862 +genre_painting,Expressionism,lucian-freud_double-portrait-1990 +genre_painting,Realism,vladimir-makovsky_the-collapse-of-a-bank-study-1880 +genre_painting,Cubism,fernand-leger_three-women-with-flowers +genre_painting,Romanticism,karl-bodmer_indians-hunting-the-bison-plate-31-from-volume-2-of-travels-in-the-interior-of-north-america-1834 +genre_painting,Expressionism,max-beckmann_the-mill-1947 +genre_painting,Impressionism,childe-hassam_couch-on-the-porch-cos-cob +genre_painting,Impressionism,edgar-degas_jockey-in-blue-on-a-chestnut-horse +genre_painting,Expressionism,jose-gutierrez-solana_masks-drinking +genre_painting,Impressionism,edgar-degas_two-russian-dancers-1895 +genre_painting,Post_Impressionism,vincent-van-gogh_olive-picking-1889-2 +genre_painting,Expressionism,lyonel-feininger_the-green-bridge-ii-1916-1 +genre_painting,Impressionism,berthe-morisot_on-the-sofa +genre_painting,Baroque,jan-siberechts_figures-with-a-cart-and-horses-fording-a-stream +genre_painting,Expressionism,henri-matisse_conversation-1912 +genre_painting,Impressionism,edgar-degas_seated-dancer +genre_painting,Baroque,le-nain-brothers_dance-of-the-children +genre_painting,Cubism,pablo-picasso_pierrot-and-harlequin-1920 +genre_painting,Northern_Renaissance,pieter-bruegel-the-elder_crafty-bird-catcher-1556 +genre_painting,Naive_Art_Primitivism,william-h.-johnson_caf-1940 +genre_painting,Naive_Art_Primitivism,niko-pirosmani_woman-with-a-mug-of-beer +genre_painting,Realism,james-tissot_uncle-fred +genre_painting,Naive_Art_Primitivism,marc-chagall_musicians-1979 +genre_painting,Baroque,sebastien-bourdon_the-beggars-1640 +genre_painting,Expressionism,pablo-picasso_the-luncheon-on-the-grass-1961 +genre_painting,Art_Nouveau_Modern,serge-sudeikin_at-the-verandah-silhouette-ink-on-paper-signed-with-russian-initials-cc-with-full-signature-und-1918 +genre_painting,Pointillism,georges-seurat_seated-figures-1884 +genre_painting,Romanticism,konstantin-makovsky_widow +genre_painting,Realism,vincent-van-gogh_orphan-man-sitting-with-a-girl-1882 +genre_painting,Expressionism,martiros-saryan_morning-in-stavrin-1909 +genre_painting,Analytical_Cubism,pablo-picasso_my-beautiful-woman-with-guitar-1912 +genre_painting,Art_Nouveau_Modern,zinaida-serebriakova_in-ballet-dressing-room-big-ballerinas-1922 +genre_painting,Baroque,adriaen-brouwer_a-boor-asleep +genre_painting,Impressionism,childe-hassam_at-the-grand-prix +genre_painting,Expressionism,august-macke_two-women-and-a-man-on-an-avenue +genre_painting,Impressionism,childe-hassam_the-spanish-steps-rome +genre_painting,Impressionism,nikolay-bogdanov-belsky_little-concert-with-balalaika +genre_painting,Ukiyo_e,tsukioka-yoshitoshi_tokugawa-iemitsu-and-ii-naotaka-in-nikko +genre_painting,Realism,janos-tornyai_making-a-bunch-of-flowers-1933 +genre_painting,Baroque,adriaen-van-ostade_merrymakers-in-an-inn +genre_painting,Post_Impressionism,paul-cezanne_preparation-for-a-banquet-1890 +genre_painting,Impressionism,nicolae-vermont_departure-towards-the-open-sea-1983 +genre_painting,Art_Nouveau_Modern,jacek-malczewski_poisoned-well-chimera +genre_painting,Impressionism,edgar-degas_dancer-with-a-bouquet-bowing-1877 +genre_painting,Realism,mykola-yaroshenko_seeing-off +genre_painting,Expressionism,arturo-souto_militiamen-in-an-interior-1937 +genre_painting,Expressionism,ernst-ludwig-kirchner_circus-rider +genre_painting,Realism,vladimir-makovsky_fans-of-nightingales-1873 +genre_painting,Impressionism,eugene-boudin_women-on-the-beach-at-berck-1881 +genre_painting,Expressionism,ernst-ludwig-kirchner_dancing-girls-in-colourful-rays-1937 +genre_painting,Post_Impressionism,candido-portinari_baile-na-ro-a-1924 +genre_painting,Impressionism,max-liebermann_shoemaker-1881 +genre_painting,Impressionism,edouard-manet_the-waitress-bocks +genre_painting,Realism,frederic-remington_the-smoke-signal-1905 +genre_painting,Naive_Art_Primitivism,diego-rivera_indian-boy-and-indian-woman-with-corn-stalks-1927 +genre_painting,Impressionism,pierre-auguste-renoir_confidences-1875 +genre_painting,Realism,georgios-jakobides_fragment-from-the-children-s-concert-1899 +genre_painting,Impressionism,eugene-boudin_laundresses-on-the-banks-of-the-touques-1 +genre_painting,Post_Impressionism,maurice-denis_sand-castle +genre_painting,Expressionism,lucian-freud_hotel-bedroom +genre_painting,Impressionism,eugene-boudin_the-beach-at-trouville-1869 +genre_painting,Impressionism,victor-borisov-musatov_peasant-women +genre_painting,Northern_Renaissance,albrecht-altdorfer_the-pride-of-the-beggar-sitting-on-the-train-1531 +genre_painting,Impressionism,childe-hassam_nurses-in-the-park +genre_painting,Realism,vladimir-makovsky_at-the-boulevard-1887 +genre_painting,Impressionism,childe-hassam_boy-with-flower-pots +genre_painting,Realism,boris-kustodiev_mercahnt-s-wifes-on-the-volga-1917 +genre_painting,Impressionism,william-merritt-chase_hall-at-shinnecock +genre_painting,Impressionism,childe-hassam_mrs-hassam-s-garden-at-east-hampton +genre_painting,Impressionism,edgar-degas_the-jewels +genre_painting,Expressionism,edvard-munch_melancholy +genre_painting,Art_Nouveau_Modern,carl-larsson_karin-on-the-shore(1) +genre_painting,Impressionism,nikolay-bogdanov-belsky_artist-at-the-easel-portrait-of-konstantin-korovin +genre_painting,Art_Nouveau_Modern,wilhelm-kotarbinski_evening-song +genre_painting,Baroque,jan-steen_an-old-to-young-girl +genre_painting,Baroque,jan-steen_a-village-wedding-1653 +genre_painting,Rococo,pietro-longhi_the-family +genre_painting,Symbolism,pablo-picasso_two-women-sitting-at-a-bar-1902 +genre_painting,Cubism,jacques-villon_taureau-et-g-meaux +genre_painting,Impressionism,camille-pissarro_the-harvest-at-montfoucault-2-1876 +genre_painting,Art_Nouveau_Modern,carl-larsson_fishing-1905(1) +genre_painting,Symbolism,pierre-puvis-de-chavannes_marseilles-gate-to-the-orient-detail +genre_painting,Pointillism,georges-seurat_the-couple-1884 +genre_painting,Expressionism,august-macke_russisches-ballett-i +genre_painting,Impressionism,giovanni-boldini_in-the-promenade-1905 +genre_painting,Baroque,jan-steen_card-players +genre_painting,Art_Nouveau_Modern,sergey-solomko_glowworm +genre_painting,Impressionism,william-merritt-chase_connoisseur-the-studio-corner +genre_painting,Expressionism,frantisek-kupka_the-novelist +genre_painting,Post_Impressionism,alfred-sisley_goose-girl +genre_painting,Baroque,adriaen-van-ostade_peasants-carousing-and-dancing-outside-an-inn +genre_painting,Expressionism,oskar-kokoschka_lovers-with-cat-1917 +genre_painting,Impressionism,nicolae-vermont_halt-1898 +genre_painting,Realism,constantin-guys_unknown-title +genre_painting,Impressionism,nikolay-bogdanov-belsky_connoisseurs-of-books-knowledge-is-power +genre_painting,Impressionism,edgar-degas_three-dancers-in-purple-skirts +genre_painting,Post_Impressionism,edouard-cortes_waiting-for-the-practice +genre_painting,Expressionism,amadeo-de-souza-cardoso_popular-song-bird-and-brazil-1916 +genre_painting,Baroque,jan-siberechts_the-wager-1665 +genre_painting,Expressionism,ernst-ludwig-kirchner_street-scene-in-berlin +genre_painting,Post_Impressionism,maurice-prendergast_in-the-luxembourg-gardens-1907 +genre_painting,Ukiyo_e,utagawa-toyokuni-ii_the-kabuki-actor-segawa-kikunojo-v-as-okuni-gozen-1825 +genre_painting,Romanticism,john-singleton-copley_the-red-cross-knight-1793 +genre_painting,Ukiyo_e,utagawa-sadatora_warrior-holding-a-bow +genre_painting,Expressionism,balthus_the-cat-in-the-mirror-1 +genre_painting,Realism,julius-leblanc-stewart_room-with-a-view-1895(1) +genre_painting,Expressionism,miriam-schapiro_the-punch-and-judy-show-frida-and-diego +genre_painting,Expressionism,jose-gutierrez-solana_the-bishop-s-visit +genre_painting,Impressionism,federico-zandomeneghi_mother-and-daughter-1879 +genre_painting,Realism,constantin-guys_demi-mondaines-1860 +genre_painting,Romanticism,jehan-georges-vibert_an-afternoon-libation +genre_painting,Baroque,rembrandt_old-woman-seated-in-a-cottage-with-a-string-of-onions-on-the-wall-1631 +genre_painting,Realism,john-singer-sargent_an-artist-in-his-studio-1904 +genre_painting,Pointillism,henri-edmond-cross_the-flowered-column-1 +genre_painting,Expressionism,tsuguharu-foujita_children-and-doll-1918 +genre_painting,Art_Nouveau_Modern,raphael-kirchner_marionettes-5 +genre_painting,Art_Nouveau_Modern,henri-de-toulouse-lautrec_skating +genre_painting,Naive_Art_Primitivism,grandma-moses_not_detected_251645 +genre_painting,Expressionism,egon-schiele_semi-nude-with-colored-skirt-and-raised-arms-1911 +genre_painting,Post_Impressionism,paul-gauguin_black-pigs-1891 +genre_painting,Rococo,antoine-watteau_the-french-comediants +genre_painting,Realism,georgios-jakobides_cold-shower-1898 +genre_painting,Impressionism,childe-hassam_an-evening-street-scene-pont-aven +genre_painting,Realism,isaac-levitan_boatmen +genre_painting,Realism,viktor-vasnetsov_a-game-of-preference-1879 +genre_painting,Realism,james-mcneill-whistler_the-limeburner +genre_painting,Impressionism,berthe-morisot_summer-s-day-1879 +genre_painting,Art_Nouveau_Modern,nicholas-roerich_earth-paternoster-1907 +genre_painting,Art_Nouveau_Modern,wilhelm-kotarbinski_the-young-carpenter +genre_painting,Romanticism,jan-matejko_stoup +genre_painting,Art_Nouveau_Modern,konstantin-somov_skating-rink-in-winter-1915 +genre_painting,Impressionism,camille-pissarro_the-snack-child-and-young-peasant-at-rest-1882 +genre_painting,Baroque,adriaen-van-de-velde_the-hut-detail-1671 +genre_painting,Romanticism,sir-lawrence-alma-tadema_silver-favourites-1903 +genre_painting,Expressionism,arturo-souto_courtyard-of-a-gang-of-old-bullring-in-spain-1944 +genre_painting,Baroque,jan-siberechts_crossing-a-creek-1669 +genre_painting,Baroque,jan-steen_amnon-and-tamar-1670 +genre_painting,Baroque,david-teniers-the-younger_the-painter-and-his-family +genre_painting,Post_Impressionism,felix-vallotton_madame-felix-vallotton-at-her-dressing-table-1899 +genre_painting,Realism,alexey-venetsianov_full-scale-class +genre_painting,Pointillism,henri-edmond-cross_beach-at-cabasson +genre_painting,Realism,vasily-perov_the-conversation-at-the-round-table-1866 +genre_painting,Ukiyo_e,katsushika-hokusai_sawyers-cutting-a-log +genre_painting,Impressionism,edgar-degas_dancers-in-light-blue-rehearsing-in-the-dance-studio +genre_painting,Post_Impressionism,maurice-prendergast_the-park-at-sunset +genre_painting,Rococo,jean-baptiste-simeon-chardin_not-dtected +genre_painting,Expressionism,jose-gutierrez-solana_women-of-life-1917 +genre_painting,Northern_Renaissance,pieter-bruegel-the-elder_ice-skating-before-the-gate-of-saint-george-antwerp-1553 +genre_painting,Realism,vasily-perov_a-drowned-woman-found-drowned-1867 +genre_painting,Impressionism,rudolf-schweitzer-cumpana_carpenters-lunch-1929 +genre_painting,Impressionism,victor-borisov-musatov_two-ladies-1899 +genre_painting,Naive_Art_Primitivism,edith-vonnegut_motherhood +genre_painting,Impressionism,john-singer-sargent_st-martin-s-summer-1888 +genre_painting,Art_Nouveau_Modern,wilhelm-kotarbinski_evening-silence +genre_painting,Ukiyo_e,kitagawa-utamaro_a-scene-on-the-bridge-and-beld +genre_painting,Romanticism,jan-matejko_son-george +genre_painting,Impressionism,camille-pissarro_potato-market-boulevard-des-fosses-pontoise-1882 +genre_painting,Impressionism,konstantin-korovin_hunters-rest-1911 +genre_painting,Expressionism,josef-herman_the-gardener-1963 +genre_painting,Expressionism,pablo-picasso_family-of-acrobats-jugglers-1905 +genre_painting,Post_Impressionism,pablo-picasso_the-picador-1890 +genre_painting,Post_Impressionism,pierre-bonnard_by-the-sea-under-the-pines-1921 +genre_painting,Post_Impressionism,corneliu-baba_peaceful-sleep +genre_painting,Realism,basuki-abdullah_weaving +genre_painting,Symbolism,kuzma-petrov-vodkin_workers-1926 +genre_painting,Post_Impressionism,pierre-bonnard_woman-with-dog-also-known-as-marthe-bonnard-and-her-dog-1906 +genre_painting,Cubism,romare-bearden_morning +genre_painting,Impressionism,mary-cassatt_smiling-mother-with-sober-faced-child +genre_painting,Symbolism,george-frederick-watts_found-drowned-1867(1) +genre_painting,Art_Nouveau_Modern,max-kurzweil_the-cushio-1903 +genre_painting,Impressionism,claude-monet_the-promenade-argenteuil +genre_painting,Realism,konstantin-makovsky_fair-booths-on-admiralty-square-st-petersburg-1869 +genre_painting,Realism,vincent-van-gogh_woman-sitting-on-a-basket-with-head-in-hands-1883 +genre_painting,Baroque,jan-steen_dancing-couple-detail-1663-1 +genre_painting,Romanticism,jan-matejko_rp-babinska-f +genre_painting,Realism,fyodor-bronnikov_masquerade-1870 +genre_painting,Impressionism,john-singer-sargent_a-spanish-barracks-1906 +genre_painting,Impressionism,childe-hassam_street-scene-christmas-morning +genre_painting,Realism,thomas-eakins_home-scene-1871 +genre_painting,Baroque,jan-steen_lean-kitchen +genre_painting,Pointillism,georges-lemmen_picking-fruit +genre_painting,Romanticism,john-everett-millais_the-woodman-s-daughter +genre_painting,Symbolism,konstantin-vasilyev_unexpected-meeting +genre_painting,Mannerism_Late_Renaissance,hans-von-aachen_matchmaking-scene-1610 +genre_painting,Romanticism,francisco-goya_the-fall-or-the-accident-1787 +genre_painting,Impressionism,claude-monet_lunch-under-the-canopy +genre_painting,Impressionism,edgar-degas_young-women-resting-in-a-field +genre_painting,Impressionism,eugene-boudin_beach-scene-trouville-1864 +genre_painting,Impressionism,frits-thaulow_washerwomen-at-quimperle +genre_painting,Impressionism,camille-pissarro_peasants-planting-pea-sticks-also-known-as-peasants-planting-in-the-field-1890 +genre_painting,Post_Impressionism,pierre-bonnard_little-girl-with-a-cat-1899 +genre_painting,Impressionism,pierre-auguste-renoir_the-apple-seller-1890 +genre_painting,Baroque,rembrandt_student-at-a-table-by-candlelight-1642 +genre_painting,Post_Impressionism,le-pho_in-the-garden-1 +genre_painting,Impressionism,mikhail-nesterov_pentecost-1881 +genre_painting,Realism,james-mcneill-whistler_symphony-in-white-no-3 +genre_painting,Ukiyo_e,utagawa-kunisada-ii_oichi-from-the-beauties-of-tokyo-series +genre_painting,Naive_Art_Primitivism,fernando-botero_dance-in-colombia +genre_painting,Impressionism,henri-de-toulouse-lautrec_two-knights-in-armor +genre_painting,Expressionism,paul-klee_mumon-drunk-falls-into-the-chair-1940(1) +genre_painting,Post_Impressionism,edouard-vuillard_in-front-of-a-tapestry +genre_painting,Naive_Art_Primitivism,yiannis-tsaroychis_little-beach-1962 +genre_painting,Cubism,salvador-dali_neo-cubist-academy-composition-with-three-figures +genre_painting,Impressionism,eugene-boudin_beach-scene-8 +genre_painting,Impressionism,philip-wilson-steer_young-woman-at-the-beach +genre_painting,Cubism,rafael-zabaleta_peasants-1952 +genre_painting,Impressionism,edmund-charles-tarbell_three-firls-reading-1907 +genre_painting,Baroque,frans-hals_a-kitchen-interior-with-a-maid-and-a-lady-preparing-game-1630 +genre_painting,Art_Nouveau_Modern,aubrey-beardsley_the-battle-of-the-beaux-and-the-belles-1896 +genre_painting,Expressionism,david-alfaro-siqueiros_the-sob-1939 +genre_painting,Impressionism,philip-wilson-steer_knucklebones-walberswick-1889 +genre_painting,New_Realism,john-french-sloan_election-night-1907 +genre_painting,Impressionism,john-singer-sargent_villa-torre-galli-the-loggia-1910 +genre_painting,Expressionism,dimitris-mytaras_two-figures-1 +genre_painting,Naive_Art_Primitivism,niko-pirosmani_wedding-in-kakheti-1916 +genre_painting,Art_Nouveau_Modern,zinaida-serebriakova_house-of-cards-1919 +genre_painting,Post_Impressionism,henri-de-toulouse-lautrec_a-ball-at-the-moulin-de-la-galette-1889 +genre_painting,Expressionism,egon-schiele_reclining-woman-with-blonde-hair-1912 +genre_painting,Northern_Renaissance,albrecht-durer_fencing-reiter +genre_painting,Post_Impressionism,theophrastos-triantafyllidis_friends +genre_painting,Symbolism,pierre-puvis-de-chavannes_between-art-and-nature-detail-1 +genre_painting,Baroque,david-teniers-the-younger_village-scene-1 +genre_painting,Baroque,david-teniers-the-younger_a-bleaching-ground +genre_painting,Realism,alexey-venetsianov_sleeping-herd-boy +genre_painting,Expressionism,emil-nolde_papuan-youth-1914 +genre_painting,Baroque,david-teniers-the-younger_peasants-merry-making +genre_painting,Realism,mykola-pymonenko_laundry-1 +genre_painting,Pointillism,henri-edmond-cross_the-farm-evening +genre_painting,Realism,john-singer-sargent_the-breakfast-table-1884 +genre_painting,Impressionism,camille-pissarro_peasant-woman-watching-the-geese-1890 +genre_painting,Expressionism,george-bouzianis_reclining-woman-1927 +genre_painting,Expressionism,margareta-sterian_the-circus-in-the-tent +genre_painting,Ukiyo_e,kitagawa-utamaro_shower-2 +genre_painting,Romanticism,sir-lawrence-alma-tadema_pompeian-scene-or-the-siesta-1868 +genre_painting,Contemporary_Realism,richard-whitney_gathering-flowers +genre_painting,Impressionism,lovis-corinth_paddel-petermannchen-1902 +genre_painting,Northern_Renaissance,jan-van-hemessen_the-surgeon +genre_painting,Realism,peder-severin-kroyer_hip-hip-hurrah-1888 +genre_painting,Expressionism,serge-sudeikin_georgian-cabaret-tiflis +genre_painting,Expressionism,henri-matisse_woman-reading-1 +genre_painting,Impressionism,camille-pissarro_peasant-with-a-pitchfork +genre_painting,Impressionism,paul-gauguin_pond-with-ducks-girl-amusing-herself-1881 +genre_painting,Naive_Art_Primitivism,fernando-botero_the-designers +genre_painting,Pop_Art,richard-artschwager_seated-group-1962 +genre_painting,Realism,sergey-solomko_awaiting-response +genre_painting,Impressionism,henri-de-toulouse-lautrec_nice-on-the-promenade-des-anglais-1880 +genre_painting,Expressionism,ernst-ludwig-kirchner_store-in-the-rain-1927 +genre_painting,Baroque,judith-leyster_two-musicians-1629 +genre_painting,Impressionism,anders-zorn_lappings-of-the-waves-1887 +genre_painting,Naive_Art_Primitivism,marc-chagall_the-summer-evening-1968 +genre_painting,Romanticism,alexander-ivanov_italian-scene-1838 +genre_painting,Cubism,m.-h.-maxy_three-musicians-1926 +genre_painting,Impressionism,eugene-boudin_a-beach-scene +genre_painting,Symbolism,tivadar-kosztka-csontvary_shipwreck-1903 +genre_painting,Contemporary_Realism,jamie-wyeth_whale-1978 +genre_painting,Realism,vasily-vereshchagin_soldiers-in-the-snow-1878 +genre_painting,Realism,thomas-eakins_in-grandmothers-time-1876 +genre_painting,Impressionism,mary-cassatt_sleepy-thomas-sucking-his-thumb-1893 +genre_painting,Expressionism,henri-matisse_not-identified-14 +genre_painting,Impressionism,pierre-auguste-renoir_the-end-of-lunch-1879 +genre_painting,Impressionism,eugene-boudin_etretat-laundresses-on-the-beach-low-tide +genre_painting,Baroque,jan-steen_a-village-revel-1673 +genre_painting,Impressionism,edgar-degas_jockeys +genre_painting,Realism,julius-leblanc-stewart_reclining-woman-1882(1) +genre_painting,New_Realism,william-james-glackens_caf-de-la-paix-1906 +genre_painting,Post_Impressionism,maurice-prendergast_circus-band +genre_painting,Realism,eugene-boudin_fishermen-by-the-water +genre_painting,Cubism,lyonel-feininger_cyclists-1912 +genre_painting,Romanticism,sir-lawrence-alma-tadema_a-picture-gallery-benjamin-constant-1866 +genre_painting,Expressionism,ernst-ludwig-kirchner_five-women-at-the-street +genre_painting,Realism,henri-edmond-cross_corner-of-the-garden-in-monaco +genre_painting,Post_Impressionism,maurice-prendergast_picking-strawberries +genre_painting,Symbolism,zinaida-serebriakova_two-peasant-girls-1915 +genre_painting,Impressionism,claude-monet_lunch-on-the-grass +genre_painting,Baroque,anthony-van-dyck_rubens-mourning-his-wife +genre_painting,Baroque,jan-steen_farmers-to-skittles-1655 +genre_painting,Expressionism,ernst-ludwig-kirchner_the-garden-cafe +genre_painting,Impressionism,claude-monet_lunch-on-the-grass-study +genre_painting,Expressionism,max-ernst_hat-in-hand-hat-on-head +genre_painting,Romanticism,william-shayer_a-busy-beach-scene +genre_painting,Impressionism,william-merritt-chase_the-consultation +genre_painting,Romanticism,sir-lawrence-alma-tadema_pastimes-in-ancient-egyupe-3-000-years-ago-1863 +genre_painting,Post_Impressionism,felix-vallotton_the-dinner-effect-of-lamp-1899 +genre_painting,Naive_Art_Primitivism,marc-chagall_the-poet-reclining-1915 +genre_painting,Art_Nouveau_Modern,serge-sudeikin_carnival-scene +genre_painting,Expressionism,ernst-ludwig-kirchner_bathers-under-trees +genre_painting,Realism,vincent-van-gogh_orphan-man-with-a-baby-in-his-arms-1883 +genre_painting,Baroque,esaias-van-de-velde_autumn +genre_painting,Romanticism,edward-burne-jones_the-mill-1882 +genre_painting,Impressionism,konstantin-korovin_night-1921 +genre_painting,Impressionism,edmund-charles-tarbell_mother-and-child-in-a-boat-1892 +genre_painting,New_Realism,edward-hopper_hotel-by-a-railroad +genre_painting,Expressionism,kathe-kollwitz_not_detected_235991 +genre_painting,Post_Impressionism,henri-de-toulouse-lautrec_madame-poupoule-at-her-dressing-table-1898 +genre_painting,Impressionism,mary-cassatt_mother-about-to-wash-her-sleepy-child-1880 +genre_painting,Baroque,peter-paul-rubens_the-kermesse-1638 +genre_painting,Impressionism,pierre-auguste-renoir_girls-at-the-piano-1892 +genre_painting,Realism,vladimir-makovsky_the-first-coat-1892 +genre_painting,Cubism,pablo-picasso_a-child-with-pigeons-1943 +genre_painting,Romanticism,sir-lawrence-alma-tadema_the-colosseum-1896 +genre_painting,Impressionism,camille-pissarro_apples-trees-at-pontoise +genre_painting,Impressionism,eugene-boudin_figures-on-the-beach-at-trouville-1869 +genre_painting,Expressionism,chronis-botsoglou_345989-botsoglou7 +genre_painting,Impressionism,edgar-degas_pink-dancers +genre_painting,Impressionism,joaquã­n-sorolla_beneath-the-canopy-1910 +genre_painting,Romanticism,sir-lawrence-alma-tadema_a-favourite-custom-1909 +genre_painting,Romanticism,william-shayer_scene-in-the-isle-of-wight-1823 +genre_painting,Post_Impressionism,paul-gauguin_perfect-days-1896 +genre_painting,Expressionism,henri-matisse_wo-girls-in-a-yellow-and-red-interior-1947 +genre_painting,Impressionism,max-liebermann_a-hunter-in-the-dunes-1914 +genre_painting,Impressionism,joaquã­n-sorolla_children-on-the-beach-valencia-1916 +genre_painting,Post_Impressionism,maurice-prendergast_promenade-salem +genre_painting,Impressionism,edgar-degas_two-dancers-in-their-dressing-room +genre_painting,Expressionism,balthus_girl-at-the-window-1955 +genre_painting,Post_Impressionism,kuzma-petrov-vodkin_cafe-1907 +genre_painting,Impressionism,mary-cassatt_two-young-girls-with-a-child-1897 +genre_painting,Post_Impressionism,le-pho_three-ladies-in-a-garden +genre_painting,Baroque,adriaen-van-de-velde_golfers-on-the-ice-near-haarlem-1668 +genre_painting,Romanticism,john-william-waterhouse_the-loggia +genre_painting,Ukiyo_e,utagawa-kuniyoshi_the-kins-at-imado +genre_painting,Impressionism,joaquã­n-sorolla_marian-in-the-gardens-la-granja-1907 +genre_painting,Baroque,jan-siberechts_the-wager-1679 +genre_painting,Impressionism,childe-hassam_on-the-balcony +genre_painting,Rococo,william-hogarth_the-marriage-contract +genre_painting,Ukiyo_e,kitagawa-utamaro_courtesans-strolling-beneath-cherry-trees-before-the-daiko +genre_painting,Pop_Art,richard-hamilton_a-mirrorical-return-1898 +genre_painting,Impressionism,mary-cassatt_emmie-and-her-child-1889 +genre_painting,Romanticism,john-atkinson-grimshaw_a-burnsall-valley +genre_painting,Realism,valentin-serov_catherine-ii-setting-out-to-hunt-with-falcons-1902 +genre_painting,Baroque,adriaen-van-ostade_the-cottage-dooryard +genre_painting,Expressionism,andre-derain_not-detected-256144 +genre_painting,Baroque,judith-leyster_a-game-of-cards +genre_painting,Baroque,jan-steen_drawing-lesson +genre_painting,Expressionism,nikolaos-lytras_the-milk-1917 +genre_painting,Impressionism,pierre-auguste-renoir_the-promenade-julienne-dubanc-and-adrienne +genre_painting,Baroque,adriaen-van-de-venne_al-te-bot +genre_painting,Northern_Renaissance,jean-fouquet_funerals +genre_painting,Art_Nouveau_Modern,eugã¨ne-grasset_jalousie +genre_painting,Impressionism,childe-hassam_scene-at-the-world-s-columbian-exposition-chicago-illinois +genre_painting,Rococo,thomas-gainsborough_landscape-with-the-village-cornard +genre_painting,Impressionism,joaquã­n-sorolla_another-margarita-1892 +genre_painting,Realism,james-tissot_going-to-business +genre_painting,Naive_Art_Primitivism,niko-pirosmani_threshing-the-floor-in-a-georgian-country-village-1915 +genre_painting,Romanticism,karl-bryullov_an-interrupted-date(1) +genre_painting,Impressionism,edgar-degas_promenade-by-the-sea +genre_painting,Expressionism,marcel-janco_jews-forced-to-wash-windows-1941 +genre_painting,Impressionism,eugene-boudin_return-of-the-terre-neuvier-1875 +genre_painting,Abstract_Expressionism,mark-tobey_fish-market-seattle-market-scene-sketch-1943 +genre_painting,Rococo,antoine-watteau_the-marriage-contract-1712 +genre_painting,Pop_Art,roy-lichtenstein_we-rose-up-slowly-1964 +genre_painting,Impressionism,grace-cossington-smith_reinforcements-troops-marching-1917 +genre_painting,Post_Impressionism,jan-sluyters_study-of-the-bal-tarbarin-1907 +genre_painting,Impressionism,camille-pissarro_the-poultry-market-at-pontoise-1882 +genre_painting,Art_Nouveau_Modern,jacek-malczewski_the-gardener +genre_painting,Realism,nikolay-bogdanov-belsky_talant +genre_painting,Realism,david-burliuk_fishing-boat-rockport +genre_painting,Baroque,pieter-de-hooch_tric-trac-spieler +genre_painting,Expressionism,theo-van-doesburg_summer-dream +genre_painting,Naive_Art_Primitivism,fernando-botero_the-hunter-1 +genre_painting,Impressionism,mary-cassatt_reine-lefebvre-holding-a-nude-baby-1903 +genre_painting,Naive_Art_Primitivism,pablo-picasso_blind-man-and-girl-1904 +genre_painting,Impressionism,claude-monet_on-the-beach-at-trouville-1871 +genre_painting,Post_Impressionism,raoul-dufy_posters-at-trouville-1906 +genre_painting,Realism,giovanni-boldini_walking-in-the-park-in-naples-capodimonte +genre_painting,Northern_Renaissance,albrecht-durer_five-lansquenets-and-an-oriental-on-horseback-1495 +genre_painting,Realism,peder-severin-kroyer_interior-of-a-tavern-1886 +genre_painting,Impressionism,joaquã­n-sorolla_just-out-of-the-sea-1915 +genre_painting,Realism,vincent-van-gogh_scheveningen-woman-1881 +genre_painting,Expressionism,jean-paul-lemieux_la-noce-de-juin +genre_painting,Rococo,giovanni-domenico-tiepolo_the-mandarin-s-walk-from-the-chinese-room-in-the-foresteria-1757 +genre_painting,Post_Impressionism,maurice-denis_the-sacred-spring-at-guidel +genre_painting,Post_Impressionism,maurice-prendergast_holidays +genre_painting,Romanticism,francisco-goya_the-quail-shoot-1775 +genre_painting,High_Renaissance,andrea-mantegna_children-playing-with-masks-1495 +genre_painting,Baroque,jan-steen_rhetoricians +genre_painting,Impressionism,rudolf-schweitzer-cumpana_solda-i-n-gara-sinaiei +genre_painting,Symbolism,konstantin-somov_family-happiness-1900 +genre_painting,Romanticism,karl-bodmer_encampment-of-the-piekann-indians-plate-43-from-volume-2-of-travels-in-the-interior-of-north-1844 +genre_painting,Post_Impressionism,pierre-bonnard_at-the-races-longchamp-1894 +genre_painting,Rococo,giovanni-battista-tiepolo_a-seated-man-and-a-girl-with-a-pitcher +genre_painting,Expressionism,henri-matisse_odalisque-sitting-with-board-1928 +genre_painting,Realism,james-tissot_letter-with-hats +genre_painting,Symbolism,pierre-puvis-de-chavannes_autumn +genre_painting,Post_Impressionism,edouard-vuillard_in-the-red-room-1907 +genre_painting,Ukiyo_e,utagawa-kunisada_not_detected_240317 +genre_painting,Impressionism,theophrastos-triantafyllidis_two-children-on-the-beach-1919 +genre_painting,Impressionism,berthe-morisot_luncheon-in-the-countryside +genre_painting,Art_Nouveau_Modern,raphael-kirchner_girls-with-good-luck-charms-6 +genre_painting,Expressionism,edvard-munch_history-1916 +genre_painting,Impressionism,pierre-auguste-renoir_young-girls-by-the-sea-1894 +genre_painting,Baroque,adriaen-van-ostade_in-the-village-inn +genre_painting,Impressionism,philip-wilson-steer_southwold +genre_painting,Expressionism,martiros-saryan_walking-woman-1911-1 +genre_painting,Naive_Art_Primitivism,niko-pirosmani_leaning-against-a-woman-mutake(1) +genre_painting,Expressionism,martiros-saryan_portrait +genre_painting,Realism,vladimir-makovsky_without-a-master-1911 +genre_painting,Realism,valentin-serov_peasant-woman-in-a-cart-1896 +genre_painting,Rococo,antoine-watteau_the-recreations-of-war-1715 +genre_painting,Romanticism,domingos-sequeira_retrato-da-fam-lia-do-1-visconde-de-santar-m-1816 +genre_painting,Impressionism,edgar-degas_three-dancers-behind-the-scenes +genre_painting,Cubism,pablo-picasso_painter-and-his-model-1928 +genre_painting,Impressionism,paul-cezanne_a-modern-olympia-1874 +genre_painting,Romanticism,karl-bryullov_at-the-mother-of-god-oak(1) +genre_painting,Art_Nouveau_Modern,carl-larsson_the-apple-harvest-1903(1) +genre_painting,Expressionism,charles-demuth_acrobats-1919 +genre_painting,Post_Impressionism,vincent-van-gogh_peasant-woman-binding-sheaves-after-millet-1889 +genre_painting,Impressionism,claude-monet_hauling-a-boat-ashore-honfleur +genre_painting,Naive_Art_Primitivism,marc-chagall_russian-wedding-1909 +genre_painting,Contemporary_Realism,eric-fischl_so-she-moved-into-the-light +genre_painting,Realism,vincent-van-gogh_bench-with-four-persons-and-baby-1882(1) +genre_painting,Impressionism,edgar-degas_laundry-girls-ironing-1884 +genre_painting,Impressionism,anders-zorn_midsummer-dance-1903 +genre_painting,Realism,nicholas-roerich_skalon-resting-1893 +genre_painting,Expressionism,pablo-picasso_old-blind-man-with-boy-1903 +genre_painting,Pointillism,camille-pissarro_haymakers-resting-1891 +genre_painting,Expressionism,natalia-goncharova_sheep-shearing +genre_painting,Expressionism,nikolaos-lytras_sun-bathing +genre_painting,Impressionism,childe-hassam_sparyard-inner-harbor-gloucester +genre_painting,Realism,james-mcneill-whistler_harmony-in-green-and-rose-the-music-room-1861 +genre_painting,Pointillism,theo-van-rysselberghe_the-reading-1903 +genre_painting,Post_Impressionism,kazimir-malevich_rest-society-in-top-hats-1908 +genre_painting,Realism,boris-kustodiev_morning-1910 +genre_painting,Impressionism,theo-van-rysselberghe_family-in-the-orchard-1890 +genre_painting,Impressionism,pierre-auguste-renoir_two-girls-1892 +genre_painting,Symbolism,nicholas-roerich_spell-new-moon-1938 +genre_painting,Impressionism,periklis-vyzantios_figures +genre_painting,Cubism,lyonel-feininger_jesuiten-iii-jesuits-iii-1915 +genre_painting,Impressionism,konstantin-korovin_at-the-open-window-1916 +genre_painting,Impressionism,edgar-degas_children-on-a-doorstep-1872 +genre_painting,Romanticism,pavel-svinyin_travel-by-stagecoach-near-trenton +genre_painting,Impressionism,karoly-ferenczy_october-1903 +genre_painting,Impressionism,claude-monet_lunch-on-the-grass-1 +genre_painting,Impressionism,william-james-glackens_breakfast-porch-1925 +genre_painting,Northern_Renaissance,albrecht-durer_sylvan-men-with-heraldic-shields-1499 +genre_painting,Rococo,william-hogarth_a-harlot-s-progress-plate-6 +genre_painting,Symbolism,nicholas-roerich_hystaspes-shahnameh-1938 +genre_painting,Realism,vladimir-makovsky_buddies-1878 +genre_painting,Naive_Art_Primitivism,marc-chagall_in-front-of-the-picture-1963 +genre_painting,Contemporary_Realism,eric-fischl_time-for-bed +genre_painting,Art_Nouveau_Modern,boris-kustodiev_gostiny-dvor-1921 +genre_painting,Impressionism,konstantin-korovin_a-nothern-idyll-1886 +genre_painting,Post_Impressionism,theophrastos-triantafyllidis_on-stage-open-air-performance +genre_painting,Expressionism,edvard-munch_the-girls-on-the-bridge-1901 +genre_painting,Realism,sergey-solomko_true-friends +genre_painting,Art_Nouveau_Modern,raphael-kirchner_at-serail +genre_painting,Romanticism,viktor-vasnetsov_veche-in-pskov +genre_painting,Expressionism,ernst-ludwig-kirchner_female-cabaret-dancer +genre_painting,Impressionism,eugene-boudin_deauville-the-jetty-1 +genre_painting,Post_Impressionism,albert-huie_noon-1943 +genre_painting,Art_Nouveau_Modern,sergey-solomko_byzantium +genre_painting,Realism,vincent-van-gogh_digger-1881-1(1) +genre_painting,Expressionism,margareta-sterian_bride-s-run +genre_painting,Romanticism,dante-gabriel-rossetti_the-m-s-at-ems-1869 +genre_painting,Post_Impressionism,maurice-prendergast_west-church-boston-also-known-as-red-school-house-boston-or-west-church-at-cambridge-and-lynde +genre_painting,Post_Impressionism,felix-vallotton_woman-with-a-plumed-hat-1895 +genre_painting,Realism,vincent-van-gogh_girl-kneeling-in-front-of-a-cradle-1883(1) +genre_painting,Cubism,miriam-schapiro_pas-de-deux-1986 +genre_painting,Impressionism,giovanni-fattori_bauer-mit-zusammengebrochenem-pferd-1903 +genre_painting,Impressionism,nikolay-bogdanov-belsky_girls-chorus +genre_painting,Art_Nouveau_Modern,jacques-villon_comedy-of-society-1903 +genre_painting,Realism,constantin-guys_two-grisettes +genre_painting,Post_Impressionism,pierre-bonnard_hambourg-picnic-1912 +genre_painting,Expressionism,marc-chagall_burning-house-1913 +genre_painting,Realism,vincent-van-gogh_interior-with-peasant-woman-sewing-1885-1 +genre_painting,Expressionism,jules-perahim_the-argument-1958 +genre_painting,Realism,nikolay-bogdanov-belsky_sunday-reading-at-country-school-1 +genre_painting,Impressionism,pierre-auguste-renoir_the-banks-of-the-seine-at-argenteuil-1880 +genre_painting,Baroque,gerard-terborch_drink +genre_painting,Symbolism,pablo-picasso_the-tragedy-1903 +genre_painting,Expressionism,pablo-picasso_drunk-woman-is-tired-1902 +genre_painting,Post_Impressionism,pyotr-konchalovsky_spinner-1926 +genre_painting,Expressionism,pyotr-konchalovsky_conductress-1950 +genre_painting,Impressionism,berthe-morisot_miss-reynolds +genre_painting,Romanticism,francesco-hayez_venetian-women-1853 +genre_painting,Post_Impressionism,paul-gauguin_willows-1889 +genre_painting,Impressionism,childe-hassam_paris-street +genre_painting,Realism,vladimir-makovsky_the-collapse-of-a-bank-1881 +genre_painting,Art_Nouveau_Modern,raphael-kirchner_couples-between-red-borders-1901-4 +genre_painting,Impressionism,childe-hassam_fifth-avenue-in-winter-1 +genre_painting,Impressionism,henri-de-toulouse-lautrec_jockeys-1882 +genre_painting,Expressionism,burhan-dogancay_vagrant-1951 +genre_painting,Art_Nouveau_Modern,ivan-bilibin_deer-stalking-1931(1) +genre_painting,Post_Impressionism,pyotr-konchalovsky_imanda-resinification-networks-1937 +genre_painting,Realism,henry-herbert-la-thangue_a-mission-to-seamen-1891 +genre_painting,Baroque,david-teniers-the-younger_the-gallery-of-archduke-leopold-in-brussels-1641 +genre_painting,Northern_Renaissance,lucas-cranach-the-elder_the-old-man-in-love-1537 +genre_painting,Baroque,judith-leyster_merry-company-1630 +genre_painting,Fauvism,alberto-magnelli_maschere-no-1-1909 +genre_painting,Baroque,gerard-terborch_mother-combing-the-hair-of-her-child +genre_painting,Rococo,pietro-longhi_the-sleeping-woman +genre_painting,Impressionism,konstantin-korovin_on-the-terrace-1920 +genre_painting,Expressionism,august-macke_woman-with-child-and-girls-on-a-road +genre_painting,Naive_Art_Primitivism,louis-vivin_trois-personnages-avec-un-chien +genre_painting,Baroque,jan-steen_dancing-couple-detail-1663-5 +genre_painting,Symbolism,nicholas-roerich_waiting-1927 +genre_painting,Art_Nouveau_Modern,ferdinand-hodler_running-women-1895 +genre_painting,Ukiyo_e,keisai-eisen_march-cherry-blossom-viewing-1844(1) +genre_painting,Impressionism,berthe-morisot_little-girl-sitting-on-the-grass +genre_painting,Impressionism,henri-edmond-cross_peasant-woman-stretched-out-on-the-grass +genre_painting,Baroque,adriaen-brouwer_fumatore +genre_painting,Realism,ilya-repin_refusal-of-the-confession-1885 +genre_painting,Post_Impressionism,henri-matisse_woman-before-a-fish-bowl-1922 +genre_painting,Naive_Art_Primitivism,grã©goire-michonze_scene-de-village +genre_painting,Art_Nouveau_Modern,carlos-saenz-de-tejada_granada +genre_painting,Realism,vincent-van-gogh_at-the-plough-1884(1) +genre_painting,Impressionism,childe-hassam_the-lion-gardiner-house-east-hampton +genre_painting,Post_Impressionism,pierre-bonnard_the-washing-1900 +genre_painting,Baroque,jan-steen_nocturnal-serenade-1675 +genre_painting,Realism,thomas-eakins_the-dancing-lesson-1878 +genre_painting,Expressionism,henri-matisse_music-1939 +genre_painting,Realism,vincent-van-gogh_peasant-and-peasant-woman-planting-potatoes-1885 +genre_painting,Expressionism,august-macke_in-the-zoological-garden-1914 +genre_painting,Art_Nouveau_Modern,andrei-ryabushkin_moscow-street-of-xvii-century +genre_painting,Impressionism,william-james-glackens_the-hammock +genre_painting,Impressionism,edouard-manet_seascape-at-berck-fishing-boats-and-fishermen-1873 +genre_painting,Expressionism,ligia-macovei_conversation +genre_painting,Ukiyo_e,katsushika-hokusai_a-woman-in-shinto-shrine-has-a-stick-with-a-lot-of-paper-leaves +genre_painting,Art_Nouveau_Modern,raphael-kirchner_geisha +genre_painting,Art_Nouveau_Modern,mikhail-nesterov_elder-abraham-the-servant-of-god-1914 +genre_painting,Impressionism,pierre-auguste-renoir_conversation-1879 +genre_painting,Impressionism,gustave-caillebotte_billiards +genre_painting,Impressionism,camille-pissarro_woman-and-child-doing-needlework-1877 +genre_painting,Impressionism,pierre-auguste-renoir_young-woman-with-a-japanese-umbrella-1876 +genre_painting,Impressionism,rudolf-schweitzer-cumpana_cradle-song-nursery-rhymes-1929 +genre_painting,Romanticism,sir-lawrence-alma-tadema_comparisons-1892 +genre_painting,Expressionism,gerard-sekoto_washerwomen +genre_painting,Naive_Art_Primitivism,william-h.-johnson_red-cross-nurses-handing-out-wool-for-knitting-1942(1) +genre_painting,Impressionism,joaquã­n-sorolla_navarre-the-town-council-of-roncal-1914 +genre_painting,Post_Impressionism,david-burliuk_by-reading +genre_painting,Realism,vasily-perov_last-journey-1865 +genre_painting,Rococo,giovanni-domenico-tiepolo_the-swing-of-pulcinella-1793 +genre_painting,Baroque,rembrandt_peasant-family-on-the-tramp-1652 +genre_painting,Ukiyo_e,kitagawa-utamaro_midnight-the-hour-of-the-rat +genre_painting,Impressionism,pablo-picasso_woman-with-cat-1900 +genre_painting,Romanticism,sir-lawrence-alma-tadema_after-the-audience-1879 +religious_painting,Baroque,alonzo-cano_noli-me-tangere +religious_painting,Naive_Art_Primitivism,marc-chagall_paradise-1960-1 +religious_painting,Romanticism,gustave-dore_solomon-receives-the-queen-of-sheba +religious_painting,Baroque,josefa-de-obidos_transverbera-o-de-santa-teresa-1672 +religious_painting,Northern_Renaissance,hieronymus-bosch_the-concert-in-the-egg-1480 +religious_painting,High_Renaissance,pietro-perugino_pieta-1495 +religious_painting,Early_Renaissance,pietro-perugino_cathedral-of-sansepolcro-internal +religious_painting,Northern_Renaissance,albrecht-durer_flagellation +religious_painting,High_Renaissance,giorgione_moses-undergoing-trial-by-fire-1505(2) +religious_painting,High_Renaissance,andrea-del-sarto_st-john-the-baptist-1 +religious_painting,High_Renaissance,pietro-perugino_trinity-and-six-saints +religious_painting,Baroque,josefa-de-obidos_st-mary-magdalene-1650 +religious_painting,Symbolism,james-tissot_abraham-guarding-his-sacrifice +religious_painting,Naive_Art_Primitivism,marc-chagall_jacob-sees-in-a-dream-a-ladder-touching-the-sky-in-which-the-angels-of-god-ascending-and +religious_painting,Mannerism_Late_Renaissance,tintoretto_the-vision-of-st-peter +religious_painting,Mannerism_Late_Renaissance,lavinia-fontana_noli-me-tangere-1581 +religious_painting,Northern_Renaissance,hieronymus-bosch_haywain-1500-4 +religious_painting,Art_Nouveau_Modern,nicholas-roerich_throne-of-the-invisible-god-1909 +religious_painting,Early_Renaissance,fra-angelico_crucifixion-with-mourners-and-sts-dominic-and-thomas-aquinas-1442 +religious_painting,Mannerism_Late_Renaissance,el-greco_pentecost +religious_painting,Northern_Renaissance,jan-van-eyck_the-madonna-of-canon-van-der-paele-detail-1436-4 +religious_painting,Naive_Art_Primitivism,marc-chagall_jacob-s-ladder-1973 +religious_painting,Naive_Art_Primitivism,marc-chagall_the-creation-of-man-1958 +religious_painting,Symbolism,salvador-dali_er-tu-puer-prophetia-altissimi-luke-1-76 +religious_painting,Mannerism_Late_Renaissance,jacopo-pontormo_st-julian +religious_painting,Naive_Art_Primitivism,marc-chagall_the-creation-of-man-1958-1 +religious_painting,Symbolism,gustave-moreau_samson-and-delilah-1882 +religious_painting,Baroque,caravaggio_flagellation-of-christ(1) +religious_painting,Early_Renaissance,domenico-ghirlandaio_baptism-of-christ +religious_painting,Naive_Art_Primitivism,marc-chagall_jacob-wrestling-with-the-angel-2 +religious_painting,Naive_Art_Primitivism,marc-chagall_miriam-sister-of-moses-dances-with-her-friends-to-celebrate-the-deliverance-of-israel-exodus-xv +religious_painting,Early_Renaissance,andrea-mantegna_madonna-and-child-with-cherubs-1490 +religious_painting,Early_Renaissance,pietro-perugino_christ-handing-the-keys-to-st-peter-detail-2 +religious_painting,Baroque,theodoor-van-thulden_holy-franciscus-heals-giovanni-di-carat +religious_painting,Baroque,rembrandt_ecce-homo-1634 +religious_painting,Early_Renaissance,carlo-crivelli_angels-pity +religious_painting,Northern_Renaissance,hans-memling_the-last-judgment-triptych-central-panel-maiestas-domini-with-archangel-michael-weighing-the-1470 +religious_painting,Baroque,mestre-ataã­de_assun-o-da-virgem-detail-1823 +religious_painting,Early_Renaissance,andrea-mantegna_adoration-of-the-shepherds-1456 +religious_painting,Symbolism,salvador-dali_filius-prodigus-1964 +religious_painting,Early_Renaissance,piero-della-francesca_procession-of-the-queen-of-sheba-detail-1(1) +religious_painting,Romanticism,gustave-dore_zechariah +religious_painting,Baroque,pietro-da-cortona_madonna-and-saints-1628 +religious_painting,High_Renaissance,michelangelo_sistine-chapel-ceiling-the-brazen-serpent-1511 +religious_painting,Mannerism_Late_Renaissance,agnolo-bronzino_adoration-of-the-shepherds +religious_painting,Early_Renaissance,piero-della-francesca_angel(1) +religious_painting,Northern_Renaissance,albrecht-durer_christ-among-the-doctors-in-the-temple-1503 +religious_painting,High_Renaissance,raphael_madonna-of-the-goldfinch +religious_painting,Baroque,guido-reni_st-jerome +religious_painting,Northern_Renaissance,albrecht-durer_studies-on-a-great-picture-of-mary-st-joseph +religious_painting,Northern_Renaissance,jean-fouquet_medallion +religious_painting,Early_Renaissance,filippo-lippi_adoration-of-the-magi +religious_painting,Northern_Renaissance,jean-fouquet_the-martyrdom-of-st-james-the-great +religious_painting,Early_Renaissance,filippo-lippi_coronation-of-the-virgin-detail-1447 +religious_painting,High_Renaissance,raphael_angel-from-the-polyptych-of-st-nicolas-of-tolentino-1501 +religious_painting,Realism,nicholas-roerich_presentation-of-jesus-at-the-temple-1894 +religious_painting,Baroque,jacob-jordaens_an-apostle +religious_painting,Realism,ilya-repin_madonna-with-child-1896 +religious_painting,Symbolism,odilon-redon_buddha-walking-among-the-flowers-1905 +religious_painting,Northern_Renaissance,jan-van-eyck_virgin-annunciate-from-the-exterior-of-the-right-panel-of-the-ghent-altarpiece-1432 +religious_painting,Northern_Renaissance,hans-memling_praying-donor-with-saints-1470 +religious_painting,Baroque,rembrandt_the-beheading-of-john-the-baptist-1640 +religious_painting,Mannerism_Late_Renaissance,agnolo-bronzino_st-mark +religious_painting,Mannerism_Late_Renaissance,tintoretto_battle-of-the-archangel-michael-and-the-satan +religious_painting,Mannerism_Late_Renaissance,agnolo-bronzino_the-crossing-of-the-red-sea-1555 +religious_painting,Baroque,peter-paul-rubens_st-jerome-in-his-hermitage-1609 +religious_painting,Romanticism,pierre-paul-prud'hon_crucifixion-1822 +religious_painting,High_Renaissance,raphael_miraculous-draught-of-fishes-1 +religious_painting,Symbolism,salvador-dali_mulier-e-latere-viri-1967 +religious_painting,Northern_Renaissance,pieter-bruegel-the-elder_the-little-tower-of-babel-1563 +religious_painting,Naive_Art_Primitivism,marc-chagall_david-and-absalom-1956 +religious_painting,Baroque,jacob-jordaens_saint-christopher-carrying-the-child-jesus-1630 +religious_painting,Expressionism,konstantinos-parthenis_st-cecilia-1938 +religious_painting,High_Renaissance,pietro-perugino_baptism-of-jesus +religious_painting,Early_Renaissance,benozzo-gozzoli_st-francis-giving-away-his-clothes-vision-of-the-church-militant-and-triumphant +religious_painting,Early_Renaissance,masaccio_the-madonna-and-child-with-st-anna +religious_painting,Mannerism_Late_Renaissance,andrea-del-sarto_sts-john-the-baptist-and-bernardo-degli-uberti +religious_painting,Northern_Renaissance,hans-memling_triptych-of-willem-moreel-left-wing-the-founder-willem-moreel-his-sons-and-st-william-of-1484 +religious_painting,Northern_Renaissance,jan-van-eyck_the-ghent-altarpiece-the-virgin-mary-1429 +religious_painting,Northern_Renaissance,jan-van-hemessen_virgin-and-child +religious_painting,High_Renaissance,giovanni-bellini_madonna-and-child-with-st-john-the-baptist-and-a-saint-detail-of-the-background-waterside-city-1504 +religious_painting,Mannerism_Late_Renaissance,correggio_deposition-1525 +religious_painting,Post_Impressionism,maurice-denis_the-visitation-1894 +religious_painting,Mannerism_Late_Renaissance,el-greco_apostle-st-andrew-1 +religious_painting,Northern_Renaissance,hieronymus-bosch_adoration-of-the-magi-1516-1 +religious_painting,Mannerism_Late_Renaissance,andrea-del-sarto_sts-michael-and-john-gualbert +religious_painting,Early_Renaissance,bartolome-bermejo_saint-augustine-1485 +religious_painting,High_Renaissance,lorenzo-lotto_st-dominic-raises-napoleone-orsini-1516 +religious_painting,Early_Renaissance,jacopo-bellini_triptych-of-st-sebastian-1464 +religious_painting,Romanticism,nikolai-ge_maria-sister-of-lazarus-meets-jesus-who-is-going-to-their-house +religious_painting,Baroque,bartolome-esteban-murillo_angel-holding-a-banner-1660 +religious_painting,Early_Renaissance,carlo-crivelli_saint-bartholomew-1473 +religious_painting,Baroque,rembrandt_sacrifice-of-manoah +religious_painting,Baroque,peter-paul-rubens_assumption-of-virgin-1 +religious_painting,Northern_Renaissance,rogier-van-der-weyden_visitation-of-mary-1445 +religious_painting,Northern_Renaissance,hieronymus-bosch_the-garden-of-earthly-delights-1515-11 +religious_painting,Early_Renaissance,benozzo-gozzoli_st-matthew-detail-of-the-four-evangelists-1465 +religious_painting,Northern_Renaissance,albrecht-durer_jesus-christ-on-the-mount-of-olives +religious_painting,Baroque,agostino-carracci_st-catherine-from-the-episode-holy-women-1578 +religious_painting,Northern_Renaissance,rogier-van-der-weyden_the-annunciation-1440 +religious_painting,High_Renaissance,luca-signorelli_scenes-from-the-lives-of-joachim-and-anne +religious_painting,Naive_Art_Primitivism,marc-chagall_moses-receiving-the-tablets-of-the-law-from-god-on-mount-sinai-exodus-xxiv-15-18 +religious_painting,High_Renaissance,michelangelo_sistine-chapel-ceiling-drunkenness-of-noah-1509 +religious_painting,Baroque,rembrandt_holy-family-with-a-curtain-1646 +religious_painting,Early_Renaissance,piero-della-francesca_baptism-of-christ-detail-1450(1) +religious_painting,Northern_Renaissance,albrecht-durer_christ-before-caiaphas-1504 +religious_painting,High_Renaissance,michelangelo_the-ancestors-of-christ-boaz-obed-1512 +religious_painting,High_Renaissance,lorenzo-lotto_altar-of-recanati-polyptych-the-right-wing-martyr-st-peter-and-st-vitus-1508 +religious_painting,Mannerism_Late_Renaissance,gregorio-lopes_prega-o-de-s-o-jo-o-baptista-1530 +religious_painting,Northern_Renaissance,gerard-david_christ-nailed-to-the-cross +religious_painting,Mannerism_Late_Renaissance,el-greco_madonna-of-charity +religious_painting,Northern_Renaissance,lucas-cranach-the-elder_virgin-and-child-under-an-apple-tree-1530 +religious_painting,Symbolism,james-tissot_the-plague-of-flies +religious_painting,Northern_Renaissance,dirk-bouts_hell-1450 +religious_painting,Early_Renaissance,domenico-ghirlandaio_madonna-and-child-1 +religious_painting,High_Renaissance,giorgione_the-adoration-of-the-shepherds-1510 +religious_painting,Romanticism,ivan-aivazovsky_jesus-walks-on-water-1888-1 +religious_painting,Romanticism,gustave-dore_christin-the-synagogue +religious_painting,Baroque,eustache-le-sueur_christ-healing-the-blind-man +religious_painting,Northern_Renaissance,albrecht-durer_the-holy-family-with-angels-under-trees +religious_painting,Early_Renaissance,fra-angelico_adoration-of-the-magi-1424 +religious_painting,Northern_Renaissance,hans-baldung_man-of-sorrows-1511 +religious_painting,Baroque,jacques-stella_the-death-of-saint-joseph +religious_painting,Early_Renaissance,giovanni-bellini_madonna-with-blessing-child-1480 +religious_painting,Baroque,hendrick-terbrugghen_the-adoration-of-the-magi-1619 +religious_painting,High_Renaissance,andrea-del-sarto_the-last-supper-detail-1525 +religious_painting,Northern_Renaissance,albrecht-durer_the-beheading-of-st-john-the-baptist-1510 +religious_painting,Mannerism_Late_Renaissance,titian_christ-carrying-the-cross +religious_painting,Realism,ilya-repin_blessing-children +religious_painting,Northern_Renaissance,hans-holbein-the-younger_the-solothurn-madonna-1522 +religious_painting,Baroque,bartolome-esteban-murillo_christ-after-the-flagellation-1665-1 +religious_painting,Northern_Renaissance,rogier-van-der-weyden_exhumation-of-saint-hubert-1440 +religious_painting,Northern_Renaissance,albrecht-durer_the-coronation-of-the-virgin-1510 +religious_painting,Romanticism,domingos-sequeira_the-worship-of-the-mages-1828 +religious_painting,Northern_Renaissance,dirk-bouts_the-right-wing-of-the-pearl-of-brabant-saint-christopher +religious_painting,Symbolism,gustave-moreau_young-moses +religious_painting,Northern_Renaissance,albrecht-durer_st-john-and-the-twenty-four-elders-in-heaven-1498 +religious_painting,High_Renaissance,lorenzo-lotto_deposition-of-christ-1512 +religious_painting,Early_Renaissance,filippo-lippi_esther-at-the-palace-gate +religious_painting,Romanticism,vasily-polenov_the-ressurection-of-jair-s-daughter-1871 +religious_painting,Early_Renaissance,domenico-ghirlandaio_st-stephen-st-jacobo-st-peter +religious_painting,Baroque,guido-reni_assumption-of-the-virgin-1580 +religious_painting,Symbolism,nicholas-roerich_madonna-laboris-1935 +religious_painting,Baroque,bartolome-esteban-murillo_repentant-magdalene-with-an-angel +religious_painting,Romanticism,arthur-hughes_the-nativity +religious_painting,Northern_Renaissance,pieter-bruegel-the-elder_jerome-in-the-desert +religious_painting,Romanticism,francisco-goya_the-holy-family +religious_painting,Northern_Renaissance,albrecht-durer_st-jerome-in-his-study-1514 +religious_painting,Romanticism,gustave-dore_a-levite-finds-a-woman-s-corpse +religious_painting,High_Renaissance,luca-signorelli_the-martyrdom-of-st-sebastian-1 +religious_painting,High_Renaissance,correggio_the-holy-family-with-saint-jerome-1519(2) +religious_painting,Baroque,rembrandt_david-playing-the-harp-to-saul +religious_painting,Expressionism,konstantinos-parthenis_angel +religious_painting,Early_Renaissance,benozzo-gozzoli_death-of-the-knight-of-celano +religious_painting,Symbolism,nicholas-roerich_zvenigorod-1933 +religious_painting,High_Renaissance,luca-signorelli_life-of-st-benedict-benedict-tells-two-monks-what-they-have-eaten-1502 +religious_painting,Mannerism_Late_Renaissance,maerten-van-heemskerck_triptych-of-the-entombment +religious_painting,Baroque,rembrandt_saul-and-david-1660 +religious_painting,Romanticism,gustave-dore_samson-carries-away-the-gates-of-gaza +religious_painting,Symbolism,salvador-dali_trulla-caementarii-in-manu-domini-amos-7-7-1967 +religious_painting,Early_Renaissance,carlo-crivelli_saint-louis-of-toulouse-saint-jerome-saint-peter-and +religious_painting,Northern_Renaissance,konrad-witz_esther-before-ahasuerus +religious_painting,Rococo,giovanni-battista-tiepolo_john-the-baptist-preaching-1733 +religious_painting,Northern_Renaissance,albrecht-durer_christ-shown-to-the-people-1511 +religious_painting,Baroque,bartolome-esteban-murillo_annunciation-1665 +religious_painting,Baroque,peter-paul-rubens_immaculate-conception +religious_painting,Romanticism,eugene-delacroix_christ-on-the-lake-of-gennezaret-1854(1) +religious_painting,Mannerism_Late_Renaissance,tintoretto_the-last-supper +religious_painting,Symbolism,salvador-dali_ecce-quasi-filius-hominis-in-nubibus-us-caeli-ezekiel-1-4-1967 +religious_painting,High_Renaissance,andrea-mantegna_descent-into-limbo-1492 +religious_painting,Mannerism_Late_Renaissance,paolo-veronese_saint-barnabas-healing-the-sick-1566 +religious_painting,Northern_Renaissance,albrecht-durer_christ-on-the-mount-of-olives +religious_painting,Northern_Renaissance,jan-van-eyck_the-ghent-altar-detail-1432-1 +religious_painting,High_Renaissance,michelangelo_study-for-christ-on-the-cross-with-mourners-1548 +religious_painting,High_Renaissance,titian_st-jerome +religious_painting,Romanticism,dante-gabriel-rossetti_the-childhood-of-mary-virgin-1849 +religious_painting,High_Renaissance,michelangelo_the-ancestors-of-christ-zerubbabel-1509 +religious_painting,Early_Renaissance,fra-angelico_cortona-polyptych +religious_painting,Northern_Renaissance,albrecht-durer_the-cross-of-christ-2 +religious_painting,Naive_Art_Primitivism,fernando-botero_saint-michael-archangel +religious_painting,Baroque,francisco-de-zurbaran_madonna-with-child-1658 +religious_painting,High_Renaissance,michelangelo_the-ancestors-of-christ-jacob-joseph-1512 +religious_painting,Baroque,bartolome-esteban-murillo_ecce-homo +religious_painting,High_Renaissance,pietro-perugino_madonna-an-angel-and-little-st-john-adoring-the-child +religious_painting,Romanticism,edward-burne-jones_musical-angels +religious_painting,Early_Renaissance,fra-angelico_crucifixion-with-the-virgin-john-the-evangelist-and-mary-magdelene-1420 +religious_painting,High_Renaissance,dosso-dossi_adoration-of-the-magi-1520 +religious_painting,High_Renaissance,raphael_the-virgin-of-the-rose +religious_painting,Northern_Renaissance,hans-memling_triptych-of-the-mystical-marriage-of-st-catherine-of-alexandria-the-founder-jacob-de-kueninc-1479 +religious_painting,Early_Renaissance,benozzo-gozzoli_establishment-of-the-manger-at-greccio +religious_painting,Northern_Renaissance,albrecht-durer_st-apollonia-1521 +religious_painting,High_Renaissance,pietro-perugino_polyptych-of-st-peter-eternal-blessing-with-cherubs-and-angels-1500 +religious_painting,High_Renaissance,leonardo-da-vinci_the-last-supper-1495 +religious_painting,Early_Renaissance,benozzo-gozzoli_st-augustine-s-vision-of-st-jerome-1465 +religious_painting,Symbolism,odilon-redon_the-flight-into-egypt +religious_painting,Symbolism,nicholas-roerich_salome-with-head-of-st-john-the-baptist +religious_painting,Northern_Renaissance,lucas-cranach-the-elder_st-anthony-1520 +religious_painting,Baroque,francisco-de-zurbaran_st-casilda-of-toledo +religious_painting,Early_Renaissance,pietro-perugino_st-francis-and-the-four-obedient +religious_painting,Realism,ilya-repin_raising-of-jairus-daughter3-1871 +religious_painting,Northern_Renaissance,jan-van-eyck_adam-from-the-left-wing-of-the-ghent-altarpiece-1429 +religious_painting,Northern_Renaissance,lucas-cranach-the-elder_adam-and-eve-1512 +religious_painting,Northern_Renaissance,hugo-van-der-goes_deposition-diptych-small-deposition-right-wing +religious_painting,Baroque,bernardo-strozzi_adoration-of-the-shepherds-1618 +religious_painting,Early_Renaissance,domenico-ghirlandaio_st-catherine-of-siena-and-st-lawrence +religious_painting,Naive_Art_Primitivism,marc-chagall_moses-receiving-the-tablets-of-law-6 +religious_painting,Mannerism_Late_Renaissance,el-greco_annunciation-3 +religious_painting,Mannerism_Late_Renaissance,titian_the-scourging-of-christ +religious_painting,Northern_Renaissance,hans-memling_scenes-from-the-life-of-mary-1480 +religious_painting,Northern_Renaissance,albrecht-durer_the-evil-thief +religious_painting,Romanticism,camille-corot_the-destruction-of-sodom-1857 +religious_painting,Northern_Renaissance,albrecht-durer_crescent-madonna +religious_painting,Baroque,peter-paul-rubens_adoration-of-the-shepherds-1 +religious_painting,Naive_Art_Primitivism,marc-chagall_moses-sees-the-sufferings-of-his-people +religious_painting,Northern_Renaissance,hugo-van-der-goes_portinari-triptych-1478 +religious_painting,Early_Renaissance,benozzo-gozzoli_view-of-the-left-hand-wall-of-the-chapel-1465 +religious_painting,Baroque,anthony-van-dyck_crucifixion +religious_painting,High_Renaissance,michelangelo_sistine-chapel-ceiling-the-prophet-joel-1512 +religious_painting,Mannerism_Late_Renaissance,tintoretto_prophet-1567 +religious_painting,High_Renaissance,raphael_christ-blessing-1502 +religious_painting,Symbolism,kuzma-petrov-vodkin_virgin-of-tenderness-evil-hearts-1915 +religious_painting,Early_Renaissance,piero-della-francesca_madonna-and-child-with-saints-1472(1) +religious_painting,Early_Renaissance,sandro-botticelli_st-jerome(1) +religious_painting,Northern_Renaissance,martin-schongauer_the-holy-family +religious_painting,Early_Renaissance,paolo-uccello_st-george-and-the-dragon-1 +religious_painting,Expressionism,andre-derain_the-road-to-calvary-1901 +religious_painting,Early_Renaissance,sandro-botticelli_adoration-of-the-magi(1) +religious_painting,Baroque,ivan-rutkovych_icon-savior-nerukotvornyi-saviour-not-made-by-hands-from-the-zhovkva-iconostasis-1699-2(1) +religious_painting,Romanticism,edward-burne-jones_the-legend-of-st-frideswide-1859 +religious_painting,Symbolism,james-tissot_mary-magdalene-s-box-of-very-precious-ointment-1894 +religious_painting,Romanticism,gustave-dore_the-agony-in-the-garden +religious_painting,Early_Renaissance,andrea-mantegna_virgin-and-child-1490 +religious_painting,Mannerism_Late_Renaissance,lavinia-fontana_consecration-to-the-virgin +religious_painting,High_Renaissance,cima-da-conegliano_st-helena +religious_painting,Baroque,ivan-rutkovych_the-royal-gates-of-the-zhovkva-iconostasis-1699 +religious_painting,High_Renaissance,andrea-del-sarto_the-last-supper-1525 +religious_painting,Mannerism_Late_Renaissance,tintoretto_christ-with-mary-and-martha +religious_painting,Northern_Renaissance,hans-memling_passion-greverade-altarpiece-right-wing-1491 +religious_painting,Baroque,bartolome-esteban-murillo_penitent-magdalene-1665 +religious_painting,Mannerism_Late_Renaissance,paolo-veronese_holy-family-with-st-catherine-and-the-infant-st-john-1561 +religious_painting,Early_Renaissance,paolo-uccello_the-adoration-of-the-magi +religious_painting,High_Renaissance,andrea-del-sarto_christ-at-the-scourge-column +religious_painting,Early_Renaissance,luca-signorelli_pair-of-apostles-in-dispute-1482-1 +religious_painting,Baroque,peter-paul-rubens_adoration-of-the-shepherds-1622 +religious_painting,High_Renaissance,andrea-mantegna_virgin-and-child-1495 +religious_painting,High_Renaissance,pietro-perugino_madonna-of-mercy-with-the-saints-and-stephen-jerome +religious_painting,Rococo,giovanni-battista-tiepolo_the-martyrdom-of-st-bartholomew-1722 +religious_painting,Symbolism,salvador-dali_et-baptizatus-est-a-ioanne-in-iordane-luke-3-3 +religious_painting,Cubism,wifredo-lam_satan-1942 +religious_painting,Early_Renaissance,andrea-mantegna_st-sebastian-1475 +religious_painting,High_Renaissance,titian_polyptych-of-the-resurrection-1522 +religious_painting,Baroque,rembrandt_christ-crucified-between-the-two-thieves-three-crosses-1659 +religious_painting,High_Renaissance,michelangelo_sistine-chapel-ceiling-the-punishment-of-haman-1512 +religious_painting,Northern_Renaissance,jan-van-hemessen_the-lamentation-of-christ +religious_painting,Early_Renaissance,andrea-mantegna_the-agony-in-the-garden-1455 +religious_painting,Baroque,mestre-ataã­de_nossa-senhora-da-porci-ncula-1812 +religious_painting,Rococo,giovanni-domenico-tiepolo_the-seven-maccabee-brothers-are-condemned-to-death-by-antiochus-iv +religious_painting,Baroque,caravaggio_inspiration-of-saint-matthew-1602-1(1) +religious_painting,Early_Renaissance,domenico-ghirlandaio_st-jerome-1480 +religious_painting,Baroque,rembrandt_the-dream-of-st-joseph-1655 +religious_painting,High_Renaissance,michelangelo_the-prophet-joel-1509 +religious_painting,Early_Renaissance,jacopo-bellini_christ-s-descent-into-limbo +religious_painting,Northern_Renaissance,dirk-bouts_the-entombment +religious_painting,High_Renaissance,dosso-dossi_madonna-and-child-1525 +religious_painting,Mannerism_Late_Renaissance,gregorio-lopes_visita-o-1544 +religious_painting,Rococo,vladimir-borovikovsky_jesus +religious_painting,Expressionism,salvador-dali_roger-freeing-angelica-st-george-and-the-damsel +religious_painting,Romanticism,ivan-aivazovsky_the-betrayal-of-judas-1834 +religious_painting,Northern_Renaissance,rogier-van-der-weyden_crucifixion-diptych-1460-1 +religious_painting,Rococo,joshua-reynolds_the-infant-samuel +religious_painting,High_Renaissance,pinturicchio_the-adoration-of-the-shepherds-1501 +religious_painting,Northern_Renaissance,bernhard-strigel_john-the-baptist +religious_painting,Early_Renaissance,sandro-botticelli_the-triumph-of-mordecai-from-the-story-of-esther-1480(1) +religious_painting,Mannerism_Late_Renaissance,jacopo-pontormo_st-anthony-abbot-1519 +religious_painting,Baroque,francesco-solimena_annunciation +religious_painting,Early_Renaissance,fra-angelico_lamentation-over-christ-1441 +religious_painting,Early_Renaissance,fra-angelico_paintings-for-the-armadio-degli-argenti-1452 +religious_painting,Baroque,peter-paul-rubens_the-lamentation +religious_painting,Mannerism_Late_Renaissance,agnolo-bronzino_christ-on-the-cross +religious_painting,Baroque,francisco-de-zurbaran_st-eulalia +religious_painting,Romanticism,gustave-dore_elijah-destroys-the-messengers-of-ahaziah +religious_painting,High_Renaissance,raphael_the-fall-on-the-road-to-calvary-1517 +religious_painting,Romanticism,edward-burne-jones_william-scott-luce +religious_painting,Baroque,bartolome-esteban-murillo_flight-into-egypt-1660 +religious_painting,Baroque,hendrick-terbrugghen_st-sebastian-tended-by-irene-and-her-maid-1625 +religious_painting,Early_Renaissance,sandro-botticelli_scene-from-the-life-of-moses-scenes-on-the-left-1482(1) +religious_painting,Symbolism,augustus-john_moses-and-the-brazen-serpent-1898 +religious_painting,Symbolism,gustave-moreau_eve-1885 +religious_painting,Baroque,bernardo-strozzi_the-annunciation-1644 +religious_painting,Mannerism_Late_Renaissance,tintoretto_miracle-of-the-manna +religious_painting,Northern_Renaissance,hans-memling_triptych-of-adriaan-reins-closed +religious_painting,Symbolism,james-ensor_adam-and-eve-expelled-from-paradise-1887 +religious_painting,High_Renaissance,giovanni-bellini_virgin-and-child +religious_painting,Romanticism,gustave-dore_jesus +religious_painting,Northern_Renaissance,mabuse_madonna-and-child-1527 +religious_painting,Baroque,guido-reni_education-of-the-virgin-1642 +religious_painting,Symbolism,james-tissot_sarai-sends-hagar-away +religious_painting,Early_Renaissance,filippo-lippi_madonna-and-child-with-st-fredianus-and-st-augustine-1438 +religious_painting,Northern_Renaissance,rogier-van-der-weyden_dream-of-pope-sergius +religious_painting,Northern_Renaissance,jean-fouquet_desecration-of-the-temple-of-jerusalem-in-63-bc-by-pompey-and-his-soldiers +religious_painting,Baroque,guido-reni_the-gathering-of-the-manna-1621 +religious_painting,Rococo,antoine-pesne_birth-of-christ-1745 +religious_painting,Symbolism,salvador-dali_iesus-super-mare-ambulans-matthew-14-26-1964 +religious_painting,Mannerism_Late_Renaissance,agnolo-bronzino_stigmatization-of-st-francis +religious_painting,Baroque,caravaggio_madonna-of-loreto(1) +religious_painting,Early_Renaissance,pietro-perugino_the-miracles-of-san-bernardino-the-healing-of-a-young-detail +religious_painting,Northern_Renaissance,albrecht-altdorfer_the-adoration-of-the-magi-1535 +religious_painting,Early_Renaissance,filippo-lippi_two-saints +religious_painting,Baroque,rembrandt_st-jerome-reading-1634 +religious_painting,Early_Renaissance,piero-della-francesca_battle-between-heraclius-and-chosroes-detail-2(1) +religious_painting,Rococo,giovanni-battista-tiepolo_the-virgin-with-six-saints-1740 +religious_painting,Baroque,peter-paul-rubens_small-last-judgement +religious_painting,Early_Renaissance,benozzo-gozzoli_the-expulsion-of-the-devils-from-arezzo +religious_painting,Naive_Art_Primitivism,marc-chagall_angel-with-a-sword-1956 +religious_painting,Naive_Art_Primitivism,marc-chagall_moses-with-the-tablets-of-the-law-1956 +religious_painting,Romanticism,gustave-dore_the-people-mourning-over-the-ruins-of-jerusalem-lamentations-1-1-2-1866 +religious_painting,Early_Renaissance,fra-angelico_st-peter-preaching-in-the-presence-of-st-mark +religious_painting,Northern_Renaissance,lucas-cranach-the-elder_lot-and-his-daughters-1528 +religious_painting,Early_Renaissance,benozzo-gozzoli_tabernacle-of-the-madonna-delle-tosse-four-evangelists +religious_painting,Naive_Art_Primitivism,marc-chagall_weeping-of-jeremiah-1956 +religious_painting,Baroque,rembrandt_the-holy-family-night +religious_painting,Mannerism_Late_Renaissance,tintoretto_the-massacre-of-the-innocents-1587 +religious_painting,Northern_Renaissance,lucas-cranach-the-elder_judith-at-the-table-of-holofernes-1531 +religious_painting,Romanticism,gustave-dore_the-benjaminites-take-the-virgins-of-jabesh-gilead +religious_painting,High_Renaissance,pietro-perugino_baptism-of-christ-1507 +religious_painting,Impressionism,ilya-repin_follow-me-satan-temptation-of-jesus-christ-1903 +religious_painting,Mannerism_Late_Renaissance,jacopo-pontormo_the-penitence-of-st-jerome +religious_painting,Northern_Renaissance,albrecht-durer_st-anna +religious_painting,Northern_Renaissance,albrecht-durer_st-george-on-horseback-1508 +religious_painting,Baroque,caravaggio_david-and-goliath(1) +religious_painting,Early_Renaissance,filippo-lippi_the-birth-and-infancy-of-st-stephen-detail +religious_painting,Northern_Renaissance,albrecht-durer_the-holy-family-with-st-john-the-magdalen-and-nicodemus-1512 +religious_painting,Romanticism,gustave-dore_the-children-destroyed-by-bears-1866 +religious_painting,Northern_Renaissance,lucas-cranach-the-elder_chtist-as-the-man-of-sorrows-1515 +religious_painting,Symbolism,nicholas-roerich_elijah-the-prophet-1931 +religious_painting,Art_Nouveau_Modern,jacek-malczewski_st-john-and-salome +religious_painting,Early_Renaissance,andrea-mantegna_scenes-from-the-life-of-st-christopher-1448-2 +religious_painting,High_Renaissance,cima-da-conegliano_saint-sebastian +religious_painting,Romanticism,gustave-dore_jesus-and-the-woman-of-samaria +religious_painting,Early_Renaissance,domenico-ghirlandaio_last-supper +religious_painting,Mannerism_Late_Renaissance,gregorio-lopes_enterro-de-cristo-1539 +religious_painting,Mannerism_Late_Renaissance,jacopo-pontormo_madonna-with-st-francis-and-st-jerome-1522 +religious_painting,Romanticism,gustave-dore_death-of-eleazer-1866 +religious_painting,Mannerism_Late_Renaissance,giorgio-vasari_deposition-from-the-cross +religious_painting,Early_Renaissance,andrea-del-verrocchio_madonna-and-child-1483 +religious_painting,Early_Renaissance,andrea-mantegna_the-holy-family-1485 +religious_painting,Early_Renaissance,carlo-crivelli_madonna-enthroned-with-donor-detail +religious_painting,Baroque,peter-paul-rubens_descent-from-the-cross-1618 +religious_painting,Naive_Art_Primitivism,marc-chagall_lot-s-daughters-1931 +religious_painting,Baroque,francesco-solimena_rebecca-and-the-servant-of-abraham +religious_painting,Baroque,alonzo-cano_descent-into-limbo +religious_painting,Art_Nouveau_Modern,wilhelm-kotarbinski_the-resurrection-of-lazarus +religious_painting,Northern_Renaissance,dirk-bouts_the-way-to-paradise +religious_painting,Mannerism_Late_Renaissance,paolo-veronese_baptism-and-temptation-of-christ-1582 +religious_painting,High_Renaissance,vittore-carpaccio_st-thomas-in-glory-between-st-mark-and-st-louis-of-toulouse-1507 +religious_painting,Naive_Art_Primitivism,marc-chagall_the-mission-of-bezaleel-1966 +religious_painting,Romanticism,paul-cezanne_christ-in-limbo-1867 +religious_painting,Early_Renaissance,carlo-crivelli_saint-paul-saint-john-chrysostom-and-saint-basil +religious_painting,High_Renaissance,andrea-mantegna_the-adoration-of-the-magi +religious_painting,Romanticism,gustave-dore_gideon-chooses-300-soldiers +religious_painting,Early_Renaissance,carlo-crivelli_madonna-and-child-enthroned +religious_painting,Early_Renaissance,fra-angelico_virgin-and-child-with-sts-dominic-and-catherine-of-alexandria +religious_painting,Baroque,mario-nuzzi_the-angel-of-the-annunciation-in-a-garland-of-flowers +religious_painting,Symbolism,salvador-dali_tolle-tolle-crucifige-eum-john-19-15-1967 +religious_painting,Northern_Renaissance,albrecht-durer_the-cross-1497 +religious_painting,Baroque,francisco-de-zurbaran_st-jerome-1 +religious_painting,Naive_Art_Primitivism,antonio-ligabue_flight-into-egypt +religious_painting,Symbolism,gustave-moreau_saint-martin +religious_painting,Northern_Renaissance,hieronymus-bosch_ascent-of-the-blessed-1504 +religious_painting,Baroque,francesco-solimena_judith-with-the-head-of-holofernes +religious_painting,Early_Renaissance,fra-angelico_adoration-of-the-magi-1434 +religious_painting,Baroque,annibale-carracci_the-martyrdom-of-st-stephen-1603 +religious_painting,Symbolism,james-tissot_moses-blesses-joshua-before-the-high-priest +religious_painting,Northern_Renaissance,albrecht-durer_virgin-mary-suckling-the-christ-child-1512 +religious_painting,Northern_Renaissance,jan-van-eyck_madonna-from-the-inn-s-hall-1433 +religious_painting,Mannerism_Late_Renaissance,correggio_the-vision-of-st-john-on-patmos-1523 +religious_painting,Romanticism,sir-lawrence-alma-tadema_the-conversion-of-paula-by-saint-jerome-1898 +religious_painting,Romanticism,gustave-dore_the-dove-sent-forth-from-the-ark-1866 +religious_painting,Early_Renaissance,bartolome-bermejo_crucifixion-1480 +religious_painting,High_Renaissance,lorenzo-lotto_the-trinity-1523 +religious_painting,Mannerism_Late_Renaissance,giuseppe-arcimboldo_portrait-of-eve-1578(1) +religious_painting,Early_Renaissance,domenico-ghirlandaio_madonna-and-child +religious_painting,Naive_Art_Primitivism,marc-chagall_elijah-met-at-the-gate-of-zarephath-a-widow-trying-to-collect-firewood-which-on-the-order-of +religious_painting,Northern_Renaissance,lucas-cranach-the-elder_adam-and-eve-1533 +religious_painting,Early_Renaissance,piero-della-francesca_finding-of-the-true-cross-1464(1) +religious_painting,Mannerism_Late_Renaissance,andrea-del-sarto_assumption-of-the-virgin +religious_painting,Symbolism,edward-burne-jones_the-star-of-bethlehem +religious_painting,Symbolism,james-tissot_the-prophet-joel +religious_painting,Northern_Renaissance,albrecht-durer_reading-maria +religious_painting,Realism,vasily-polenov_baptism-1896 +religious_painting,Symbolism,james-tissot_jacob-s-body-is-taken-to-canaan +religious_painting,High_Renaissance,pietro-perugino_nativity +religious_painting,Baroque,guido-reni_crucifixion-1619 +religious_painting,Early_Renaissance,filippo-lippi_madonna-of-humility-1430 +religious_painting,Expressionism,emil-nolde_the-last-supper-1909 +religious_painting,Early_Renaissance,domenico-ghirlandaio_decoration-of-the-sala-del-gigli +religious_painting,Baroque,pietro-da-cortona_virgin-and-child-with-saints +religious_painting,Baroque,bartolome-esteban-murillo_st-rodriguez-1655 +religious_painting,High_Renaissance,pietro-perugino_madonna-and-child-with-four-saints-tezi-altarpiece +religious_painting,Early_Renaissance,filippo-lippi_virgin-with-the-child-and-scenes-from-the-life-of-st-anne +religious_painting,Romanticism,gustave-dore_the-fifth-plague-livestock-disease +religious_painting,Symbolism,james-tissot_joseph-dwelleth-in-egypt +religious_painting,Baroque,rembrandt_jacob-blessing-the-children-of-joseph-1656 +religious_painting,Romanticism,gustave-dore_the-darkness-at-the-crucifixion +religious_painting,Northern_Renaissance,albrecht-durer_madonna-by-the-tree-1513 +religious_painting,Baroque,bernardo-strozzi_salome-1630 +religious_painting,Baroque,bartolome-esteban-murillo_the-assumption-of-the-virgin-1670 +religious_painting,High_Renaissance,luca-signorelli_madonna-and-child-with-saints +religious_painting,Northern_Renaissance,jan-van-hemessen_parable-of-the-prodigal-son-4 +religious_painting,Early_Renaissance,pietro-perugino_the-visitation-with-st-anne-and-st-john-the-stigmata-of-st-francis-1473 +religious_painting,Northern_Renaissance,hans-holbein-the-younger_st-john-the-baptist +religious_painting,Mannerism_Late_Renaissance,jacopo-pontormo_zwei-der-vier-evangelisten-tondi-der-capponi-kapelle-in-santa-felicita-in-florenz-szene0-hl-1526 +religious_painting,Realism,salvador-dali_the-infant-jesus +religious_painting,Baroque,rembrandt_the-archangel-raphael-taking-leave-of-the-tobit-family-1637 +religious_painting,Northern_Renaissance,albrecht-durer_st-peter +religious_painting,Realism,ivan-kramskoy_herodias-1886 +religious_painting,Early_Renaissance,pietro-perugino_the-annunciation-of-mary +religious_painting,Art_Nouveau_Modern,mikhail-vrubel_moses-1884 +religious_painting,Romanticism,sir-lawrence-alma-tadema_the-finding-of-moses-1904 +religious_painting,Northern_Renaissance,hans-memling_triptych-of-adriaan-reins-1480 +religious_painting,Romanticism,ivan-aivazovsky_the-baptism-of-armenians-1892 +religious_painting,Naive_Art_Primitivism,marc-chagall_king-david-1974-1 +religious_painting,Naive_Art_Primitivism,marc-chagall_moses-with-the-tablets-of-the-law-1956-2 +religious_painting,Mannerism_Late_Renaissance,giorgio-vasari_judith-and-holofernes +religious_painting,Symbolism,edward-burne-jones_melchoir-picture-2 +religious_painting,Early_Renaissance,giovanni-bellini_madonna-in-adoration-of-the-sleeping-child +religious_painting,Northern_Renaissance,lucas-cranach-the-elder_st-christopher-and-st-george +religious_painting,Northern_Renaissance,albrecht-durer_st-paul-first-state-1514 +religious_painting,Romanticism,gustave-dore_death-of-samson-1866 +religious_painting,Northern_Renaissance,albrecht-durer_apostle-philip-1516 +religious_painting,Mannerism_Late_Renaissance,tintoretto_the-last-judgment-1562 +religious_painting,Realism,james-tissot_building-the-tower-of-babel +religious_painting,Art_Nouveau_Modern,nicholas-roerich_vernicle-and-saint-princes-1910 +religious_painting,Naive_Art_Primitivism,horace-pippin_the-temptation-of-saint-anthony-1946 +religious_painting,Early_Renaissance,sandro-botticelli_the-virgin-and-child-enthroned-1484(1) +religious_painting,Early_Renaissance,domenico-ghirlandaio_madonna-and-child-enthroned-with-st-dionysius-aeropagita-domenic-clement-and-thomas-aquinas +religious_painting,High_Renaissance,raphael_the-adoration-of-the-magi-1503 +religious_painting,Early_Renaissance,benozzo-gozzoli_procession-of-the-magi-detail +religious_painting,Rococo,william-hogarth_moses-brought-to-the-pharaoh-s-daughter-1752 +religious_painting,Mannerism_Late_Renaissance,tintoretto_the-sacrifice-of-isaac-1578 +religious_painting,Mannerism_Late_Renaissance,tintoretto_the-miracle-of-st-augustine +religious_painting,Mannerism_Late_Renaissance,paolo-veronese_martyrdom-of-saint-george +religious_painting,High_Renaissance,giovanni-bellini_sacred-conversation-1490 +religious_painting,Early_Renaissance,fra-angelico_communion-of-the-apostles-1452 +religious_painting,Northern_Renaissance,dirk-bouts_prophet-elijah-in-the-desert-from-the-winged-altar-in-st-peter-in-leuven +religious_painting,Early_Renaissance,piero-della-francesca_st-francis-and-st-elizabeth +religious_painting,High_Renaissance,luca-signorelli_martyrs-and-saint-virgins-1502 +religious_painting,Baroque,caravaggio_denial-of-saint-peter-1610 +religious_painting,Realism,ilya-repin_cry-of-prophet-jeremiah-on-the-ruins-of-jerusalem-on-a-bible-subject-1870 +religious_painting,Naive_Art_Primitivism,marc-chagall_moses-and-angel-1970 +religious_painting,Romanticism,francisco-goya_the-annunciation-1785 +religious_painting,Symbolism,nicholas-roerich_light-of-asia-1928 +religious_painting,Northern_Renaissance,albrecht-altdorfer_holy-family-with-an-angel-1515 +religious_painting,Northern_Renaissance,jean-hey_madeleine-of-bourgogne-presented-by-st-mary-magdalene-1490 +religious_painting,Symbolism,pierre-puvis-de-chavannes_life-of-st-genevieve +religious_painting,High_Renaissance,vittore-carpaccio_st-george-baptising-the-gentile-1507 +religious_painting,Northern_Renaissance,albrecht-durer_the-virgin-with-the-infant-christ-and-st-anne-1501 +religious_painting,Early_Renaissance,domenico-ghirlandaio_coronation-of-the-virgin +religious_painting,Northern_Renaissance,mabuse_the-mocking-of-christ-the-man-of-sorrows +religious_painting,Cubism,jean-david_jacob-s-dream +religious_painting,Early_Renaissance,fra-angelico_st-lawrence-giving-alms-1449 +religious_painting,Mannerism_Late_Renaissance,paolo-veronese_transfiguration-of-christ-1556 +religious_painting,Northern_Renaissance,albrecht-durer_st-jerome-1521 +religious_painting,Northern_Renaissance,albrecht-durer_st-paul-second-state-1514 +religious_painting,Mannerism_Late_Renaissance,jacopo-pontormo_volta-1515-3 +religious_painting,Baroque,juan-de-valdes-leal_miracle-of-st-ildefonsus-1661 +religious_painting,Symbolism,odilon-redon_saint-john-the-blue-tunic-1892 +religious_painting,Romanticism,edward-burne-jones_jesus-and-woman-at-the-well +religious_painting,Art_Nouveau_Modern,nicholas-roerich_throne-of-the-invisible-god-1914 +religious_painting,Northern_Renaissance,hans-memling_scenes-from-the-passion-of-christ-left-side-1471 +religious_painting,Naive_Art_Primitivism,marc-chagall_moses-and-aaron-with-the-elders-1966 +religious_painting,Northern_Renaissance,albrecht-durer_penitent-jerome-1497 +religious_painting,Northern_Renaissance,robert-campin_the-liturgical-vestments-of-the-order-of-the-golden-fleece-the-cope-of-saint-john-1442 +religious_painting,Mannerism_Late_Renaissance,el-greco_st-francis-receiving-the-stigmata +religious_painting,Baroque,caravaggio_conversion-of-saint-paul-1600(1) +religious_painting,Naive_Art_Primitivism,marc-chagall_moses-1956 +religious_painting,Baroque,juan-de-valdes-leal_assumption-of-the-virgin-1659 +religious_painting,Early_Renaissance,pietro-perugino_the-miracles-of-san-bernardino-the-healing-of-the-blind-and-deaf-riccardo-micuzio +religious_painting,High_Renaissance,titian_the-tribute-money-1516 +religious_painting,Early_Renaissance,piero-della-francesca_constantine-s-victory-over-maxentius-detail-1(1) +religious_painting,Mannerism_Late_Renaissance,paolo-veronese_the-resurrection-of-christ +religious_painting,Northern_Renaissance,albrecht-durer_madonna-on-a-grassy-bench-1503 +religious_painting,Northern_Renaissance,rogier-van-der-weyden_deposition-1435 +religious_painting,Northern_Renaissance,hugo-van-der-goes_portrait-of-a-man-of-prayer-with-st-john-the-baptist +religious_painting,Expressionism,victor-brauner_adam-eve-1923 +religious_painting,High_Renaissance,lorenzo-lotto_altar-polyptych-of-san-bartolomeo-bergamo-main-panel-enthroned-madonna-with-angels-and-saints-1516 +religious_painting,Symbolism,odilon-redon_christ-and-his-desciples +religious_painting,Naive_Art_Primitivism,marc-chagall_the-sacrifice-of-isaac-1966 +religious_painting,Baroque,bartolome-esteban-murillo_the-apparition-of-the-immaculate-virgin-to-six-characters-1665 +religious_painting,Mannerism_Late_Renaissance,tintoretto_paradise +religious_painting,Baroque,rembrandt_samson-and-delilah-1628 +religious_painting,Symbolism,james-tissot_the-songs-of-joy +religious_painting,Early_Renaissance,fra-angelico_dispute-before-sanhedrin-1449 +religious_painting,Art_Nouveau_Modern,aladar-korosfoi-kriesch_madonna-1908 +religious_painting,High_Renaissance,lorenzo-lotto_st-dominic-polyptych +religious_painting,Romanticism,gustave-dore_jabesh-gileadites-recover-the-bodies-of-saul-and-his-sons +religious_painting,Baroque,caravaggio_penitent-magdalene(1) +religious_painting,High_Renaissance,michelangelo_the-ancestors-of-christ-david-solomon-1511 +religious_painting,High_Renaissance,raphael_the-madonna-of-the-blue-diadem-or-the-madonna-of-the-veil +religious_painting,Romanticism,viktor-vasnetsov_shroud-of-christ-1901 +religious_painting,Art_Nouveau_Modern,sergey-solomko_virgo-comforter +religious_painting,High_Renaissance,giovanni-bellini_holy-conversation-1510 +religious_painting,Northern_Renaissance,martin-schongauer_christ-before-pilate +religious_painting,Symbolism,william-blake_the-good-and-evil-angels +religious_painting,Romanticism,gustave-dore_the-judgment-of-solomon +religious_painting,High_Renaissance,pietro-perugino_the-crucifixion-1496 +religious_painting,Northern_Renaissance,albrecht-durer_christ-among-the-doctors-1506 +religious_painting,Baroque,francesco-solimena_saint-cajetan-appeasing-divine-anger +religious_painting,Realism,ilya-repin_christ-1884 +religious_painting,Romanticism,gustave-dore_the-ascension +religious_painting,Baroque,annibale-carracci_triptych-1605-1 +religious_painting,Rococo,giovanni-battista-tiepolo_the-holy-family-appearing-in-a-vision-to-st-gaetano-1736 +religious_painting,Symbolism,salvador-dali_et-ligaverunt-corpus-iesu-linteis-cum-aromatibu-1964 +religious_painting,High_Renaissance,lorenzo-lotto_the-transfiguration-of-christ +religious_painting,Early_Renaissance,benozzo-gozzoli_procession-of-the-magus-caspar-detail-1461-2 +religious_painting,Early_Renaissance,giovanni-bellini_st-jerome-reading-in-the-countryside-1485 +religious_painting,Early_Renaissance,andrea-mantegna_st-euphemia-1454 +religious_painting,Northern_Renaissance,albrecht-durer_the-last-supper-1523 +religious_painting,Baroque,guido-reni_virgin-and-child-adoring-1642 +religious_painting,Baroque,peter-paul-rubens_virgin-and-child +religious_painting,Early_Renaissance,carlo-crivelli_saint-george-1 +religious_painting,Northern_Renaissance,robert-campin_the-liturgical-vestments-of-the-order-of-the-golden-fleece-the-cope-of-the-virgin-mary-1442-1 +religious_painting,Mannerism_Late_Renaissance,jacopo-pontormo_the-ascent-to-calvary(1) +religious_painting,Mannerism_Late_Renaissance,paolo-veronese_the-triumph-of-mordecai-1556 +religious_painting,Baroque,guido-reni_st-cecilia-1606 +religious_painting,Mannerism_Late_Renaissance,tintoretto_jonah-leaves-the-whale-s-belly-1578 +religious_painting,Mannerism_Late_Renaissance,maerten-van-heemskerck_ecce-homo-left-panel-1560 +religious_painting,High_Renaissance,pietro-perugino_madonna-with-child-1500 +religious_painting,High_Renaissance,luca-signorelli_resurrection-of-the-flesh-1502 +religious_painting,Northern_Renaissance,jan-provoost_last-judgement +religious_painting,Northern_Renaissance,hieronymus-bosch_saint-john-the-evangelist-on-patmos-1485 +religious_painting,High_Renaissance,titian_madonna-aldobrandini-1530 +religious_painting,Early_Renaissance,domenico-veneziano_the-annunciation-predella-panel-from-the-st-lucy-altarpiece +religious_painting,Symbolism,william-blake_the-resurrection +religious_painting,High_Renaissance,luca-signorelli_mary-magdalene +religious_painting,Baroque,mario-nuzzi_adoraci-n-de-los-magos-en-una-guirnalda-de-flores-1654 +religious_painting,Baroque,bartolome-esteban-murillo_the-prodigal-son-receives-his-rightful-inheritance +religious_painting,Early_Renaissance,fra-angelico_the-story-of-st-nicholas-1448 +religious_painting,Northern_Renaissance,jan-van-eyck_the-offerings-of-cain-and-abel-1429 +religious_painting,Symbolism,james-tissot_isaiah +religious_painting,Baroque,caravaggio_madonna-of-the-rosary-madonna-del-rosario-1607(1) +religious_painting,Baroque,rembrandt_the-angel-departing-from-the-family-of-tobias-1641 +religious_painting,Northern_Renaissance,gerard-david_the-marriage-at-cana-detail +religious_painting,Northern_Renaissance,jean-fouquet_triumph-of-jehoshaphat-over-adad-of-assyria-1475 +religious_painting,Northern_Renaissance,hugo-van-der-goes_calvary-triptych-right-panel-1468 +religious_painting,High_Renaissance,lorenzo-lotto_the-madonna-of-the-roses-1526 +religious_painting,Art_Nouveau_Modern,nicholas-roerich_treasure-of-angels-1905 +religious_painting,Cubism,romare-bearden_golgotha +religious_painting,Northern_Renaissance,albrecht-durer_the-presentation-of-the-virgin-in-the-temple-1505 +religious_painting,High_Renaissance,pinturicchio_christ-among-the-doctors-1501 +religious_painting,Symbolism,nicholas-roerich_went-out-1922 +religious_painting,Early_Renaissance,domenico-ghirlandaio_annunciation +religious_painting,Early_Renaissance,carlo-crivelli_saints-anthony-and-lucia +religious_painting,Baroque,francisco-de-zurbaran_the-immaculate-conception-1635 +religious_painting,Northern_Renaissance,hans-holbein-the-younger_the-passion +religious_painting,High_Renaissance,raphael_diotalevi-madonna-1503 +religious_painting,Northern_Renaissance,hieronymus-bosch_the-legend-of-the-mass-of-st-gregory +religious_painting,Northern_Renaissance,hans-memling_the-donne-triptych-left-wing +religious_painting,High_Renaissance,titian_the-martyrdom-of-saint-peter +religious_painting,Baroque,rembrandt_the-entombment-1635 +religious_painting,Mannerism_Late_Renaissance,el-greco_baptism-of-christ +religious_painting,Early_Renaissance,andrea-mantegna_altarpiece-of-san-zeno-in-verona-central-panel-madonna-and-angels-1459 +religious_painting,Baroque,hendrick-terbrugghen_the-mocking-of-christ +religious_painting,Northern_Renaissance,mabuse_st-anthony-with-a-donor-1508 +religious_painting,Romanticism,francesco-hayez_ruth-1835 +religious_painting,Early_Renaissance,andrea-mantegna_presentation-at-the-temple-1453 +religious_painting,Early_Renaissance,fra-angelico_the-coronation-of-the-virgin-1435 +religious_painting,Northern_Renaissance,lucas-cranach-the-elder_judith-with-the-head-of-holofernes +religious_painting,Naive_Art_Primitivism,marc-chagall_samuel-is-pouring-anointing-oil-to-saul-s-head-in-sign-of-coronation-him-as-king-of-israel-i +religious_painting,Mannerism_Late_Renaissance,el-greco_christ-healing-the-blind-1578 +religious_painting,Early_Renaissance,filippo-lippi_man-of-sorrows +religious_painting,Early_Renaissance,luca-signorelli_view-of-the-vaulting-of-the-sacristy-of-st-john-1482 +religious_painting,Symbolism,pierre-puvis-de-chavannes_st-genevieve-bringing-supplies-to-the-city-of-paris-after-the-siege +religious_painting,Baroque,jacob-jordaens_the-holy-family-with-characters-and-animals-in-a-boat-1652 +religious_painting,Symbolism,salvador-dali_cadaver-in-seoulchro-elisei-2-kings-13-21-1967 +religious_painting,Realism,nikolai-ge_not_detected_252985 +religious_painting,Northern_Renaissance,lucas-cranach-the-elder_salome-with-the-head-of-st-john-the-baptist +religious_painting,Romanticism,ford-madox-brown_jacob-and-joseph-s-coat-1871(1) +religious_painting,Mannerism_Late_Renaissance,paolo-veronese_adoration-of-the-magi-1582 +religious_painting,Baroque,peter-paul-rubens_raising-of-the-cross-sts-amand-and-walpurgis +religious_painting,Romanticism,george-frederick-watts_good-samaritan +religious_painting,Baroque,caravaggio_burial-of-saint-lucy-1608(1) +religious_painting,Early_Renaissance,fra-angelico_annunciation-1434 +religious_painting,Northern_Renaissance,albrecht-durer_st-catherine +religious_painting,Early_Renaissance,carlo-crivelli_saint-francis-of-assisi-catches-the-blood-of-christ-from-the-wounds-1486 +religious_painting,High_Renaissance,andrea-mantegna_ecce-homo-1502 +religious_painting,Symbolism,george-frederick-watts_adam-and-eve +religious_painting,High_Renaissance,luca-signorelli_the-deeds-of-the-antichrist-1502 +religious_painting,High_Renaissance,cima-da-conegliano_david-and-jonathan +religious_painting,Northern_Renaissance,lucas-cranach-the-elder_samson-and-delilah +religious_painting,Northern_Renaissance,albrecht-durer_circumcision-1497 +religious_painting,Early_Renaissance,fra-angelico_annunciation-1443 +religious_painting,Naive_Art_Primitivism,marc-chagall_david-and-bathsheba-1956-1 +religious_painting,Early_Renaissance,benozzo-gozzoli_st-bartolus-1465 +religious_painting,Early_Renaissance,antonello-da-messina_san-cassiano-altarpiece-1476 +religious_painting,Early_Renaissance,sandro-botticelli_three-angels-1480(1) +religious_painting,Naive_Art_Primitivism,marc-chagall_cain-and-abel-1960 +religious_painting,Romanticism,francesco-hayez_bathsheba +religious_painting,Naive_Art_Primitivism,marc-chagall_samson-kills-a-young-lion-judges-xiv-5-6 +religious_painting,Northern_Renaissance,albrecht-durer_christ-before-pilate-1511 +religious_painting,Mannerism_Late_Renaissance,tintoretto_the-queen-of-sheba-and-solomon +religious_painting,High_Renaissance,vittore-carpaccio_st-jerome-and-lion-in-the-monastery-1509 +religious_painting,Northern_Renaissance,hans-memling_triptych-of-the-mystical-marriage-of-st-catherine-of-alexandria-inker-wing-the-beheading-of-1479 +religious_painting,High_Renaissance,lorenzo-lotto_virgin-and-child-with-two-donors +religious_painting,Mannerism_Late_Renaissance,tintoretto_solomon-and-sheba-1542 +religious_painting,Early_Renaissance,fra-angelico_not_detected_244627 +religious_painting,Rococo,giovanni-battista-tiepolo_the-beheading-of-john-the-baptist-1733 +religious_painting,Mannerism_Late_Renaissance,andrea-del-sarto_assumption-of-the-virgin-1 +religious_painting,Northern_Renaissance,rogier-van-der-weyden_the-annunciation-2 +religious_painting,Northern_Renaissance,albrecht-altdorfer_mary-with-child-1531 +religious_painting,Baroque,peter-paul-rubens_the-lamentation-1 +religious_painting,Baroque,ivan-rutkovych_icon-three-angels-1699 +religious_painting,Art_Nouveau_Modern,mikhail-nesterov_st-george-and-dragon-1900 +religious_painting,Early_Renaissance,bartolome-bermejo_st-dominic-enthroned-in-glory-1477 +religious_painting,Northern_Renaissance,jean-hey_the-virgin-and-child-adored-by-angels-1492 +religious_painting,Northern_Renaissance,dirk-bouts_passion-altarpiece-side-wings +religious_painting,Baroque,peter-paul-rubens_the-feast-of-herod-1633 +religious_painting,Abstract_Expressionism,mark-tobey_homage-to-the-virgin-1948 +religious_painting,Northern_Renaissance,jan-van-eyck_angel-annunciate-from-exterior-of-left-panel-of-the-ghent-altarpiece-1432 +religious_painting,Northern_Renaissance,hieronymus-bosch_the-garden-of-earthly-delights-1516-7 +religious_painting,Baroque,guido-reni_the-mendicantini-pieta-1616 +religious_painting,Naive_Art_Primitivism,marc-chagall_abraham-approaching-sodom-with-three-angels-genesis-xviii-16-1956 +religious_painting,Mannerism_Late_Renaissance,tintoretto_st-nicholas +religious_painting,Realism,vasily-polenov_we-decided-to-go-to-jerusalem +religious_painting,Mannerism_Late_Renaissance,tintoretto_jacob-s-ladder-1578 +religious_painting,Realism,camille-corot_the-baptism-of-christ-study-1845 +religious_painting,Symbolism,nicholas-roerich_st-francis-1931 +religious_painting,Symbolism,nicholas-roerich_temptation-of-christ-1933 +religious_painting,Symbolism,pablo-picasso_madonna-with-garland-1904 +religious_painting,Baroque,caravaggio_taking-of-christ-1602 +religious_painting,Mannerism_Late_Renaissance,jacopo-pontormo_last-supper-at-emmaus-1525 +religious_painting,Baroque,mestre-ataã­de_agonia-e-morte-de-s-o-francisco +religious_painting,High_Renaissance,raphael_st-margaret-1518 +religious_painting,Baroque,jacob-jordaens_the-supper-at-emmaus +religious_painting,Early_Renaissance,piero-della-francesca_st-benedict +religious_painting,Symbolism,salvador-dali_mane-thecel-phares-1967 +religious_painting,Mannerism_Late_Renaissance,correggio_st-john-the-evangelist-1524 +religious_painting,Romanticism,viktor-vasnetsov_fatherhood +religious_painting,Romanticism,viktor-vasnetsov_maria-magdalene +religious_painting,Symbolism,mikhail-nesterov_saint-sergius-labours-right-part-of-the-triptych-1896 +religious_painting,Symbolism,nicholas-roerich_arhat-1932 +religious_painting,Romanticism,ford-madox-brown_john-wycliffe-reading-his-translation-of-the-bible-to-john-of-gaunt-1847 +religious_painting,Baroque,peter-paul-rubens_st-george-and-a-dragon +religious_painting,Early_Renaissance,fra-angelico_the-apostle-st-james-the-great-freeing-the-magician-hermogenes-1435 +religious_painting,Early_Renaissance,andrea-mantegna_adoration-of-the-magi-central-panel-from-the-altarpiece +religious_painting,Symbolism,gustave-moreau_saint-george +religious_painting,High_Renaissance,correggio_judith-1514 +religious_painting,Symbolism,james-tissot_the-conquest-of-the-amorites +religious_painting,Mannerism_Late_Renaissance,tintoretto_the-resurrection-of-christ-1581 +religious_painting,Mannerism_Late_Renaissance,tintoretto_the-last-supper-1581 +religious_painting,Mannerism_Late_Renaissance,paolo-veronese_portrait-of-daniele-barbaro-1570 +religious_painting,Early_Renaissance,jacopo-bellini_triptych-of-st-lawrence-1470 +religious_painting,Northern_Renaissance,hieronymus-bosch_the-temptation-of-st-anthony-1516 +religious_painting,Early_Renaissance,paolo-uccello_two-angels-and-two-devils-1469 +religious_painting,Realism,ilya-repin_jesus-in-a-crown-of-thorns-1913 +religious_painting,Mannerism_Late_Renaissance,hans-von-aachen_coronation-of-mary-1596 +religious_painting,High_Renaissance,pietro-perugino_john-the-baptist-and-four-saints +religious_painting,Naive_Art_Primitivism,marc-chagall_hagar-in-the-desert-1960 +religious_painting,Symbolism,salvador-dali_emissa-voce-magna-expiravit-mark-15-37-1967 +religious_painting,High_Renaissance,correggio_saint-marc-1520 +religious_painting,Baroque,adriaen-van-de-velde_agony-in-the-garden-1665 +religious_painting,Baroque,annibale-carracci_the-dead-christ-mourned-the-three-maries-1606 +religious_painting,Expressionism,emil-nolde_pentecast-1909 +religious_painting,Symbolism,james-tissot_moses-destroys-the-tables-of-the-ten-commandments +religious_painting,Northern_Renaissance,albrecht-durer_christ +religious_painting,Early_Renaissance,pietro-perugino_st-sebastian-and-pieces-of-figure-of-st-rocco-and-st-peter +religious_painting,Northern_Renaissance,albrecht-durer_st-sebald-in-the-niche-1520 +religious_painting,Northern_Renaissance,hans-memling_triptych-of-the-resurrection-the-resurrection-centre-the-martyrdom-of-st-sebastian-left-and-the-1490 +religious_painting,Early_Renaissance,filippo-lippi_virgin-with-the-child-and-scenes-from-the-life-of-st-anne-detail +religious_painting,Mannerism_Late_Renaissance,tintoretto_christ-and-the-woman-taken-in-adultery +religious_painting,High_Renaissance,raphael_the-madonna-of-foligno-1512 +religious_painting,High_Renaissance,pietro-perugino_st-benedict-1498 +religious_painting,Mannerism_Late_Renaissance,el-greco_st-john-the-baptist +religious_painting,Mannerism_Late_Renaissance,tintoretto_the-deposition-1559 +religious_painting,High_Renaissance,pietro-perugino_nativity-1500 +religious_painting,Baroque,guido-reni_madonna-with-child-and-st-john-the-baptist +religious_painting,Northern_Renaissance,hans-baldung_st-christopher +religious_painting,Mannerism_Late_Renaissance,giorgio-vasari_the-prophet-elisha-cleansing-naaman-1560 +religious_painting,Early_Renaissance,benozzo-gozzoli_saint-ursula-with-angels-and-donor-detail-2 +religious_painting,High_Renaissance,lorenzo-lotto_the-holy-family-with-st-catherine-of-alexandria-1533 +religious_painting,Impressionism,karoly-ferenczy_abraham-s-sacrifice-1901 +religious_painting,Northern_Renaissance,mabuse_madonna-and-child-playing-with-the-veil-1 +religious_painting,Early_Renaissance,filippo-lippi_disputation-in-the-synagogue-detail-1465-1 +religious_painting,Northern_Renaissance,albrecht-altdorfer_madonna-beautiful-maria-of-regensburg-1522 +religious_painting,Romanticism,dante-gabriel-rossetti_saint-catherine-1857 +religious_painting,Symbolism,felicien-rops_the-satanic-calvary +religious_painting,Northern_Renaissance,albrecht-durer_king-david-does-repentance +religious_painting,Northern_Renaissance,rogier-van-der-weyden_the-annunciation +religious_painting,Northern_Renaissance,dirk-bouts_the-last-supper-from-the-winged-altar-in-st-peter-in-leuven +religious_painting,Baroque,guido-reni_baby-jesus-asleep-on-the-cross-1625 +religious_painting,Romanticism,gustave-dore_the-death-of-abimelech +religious_painting,Mannerism_Late_Renaissance,titian_pieta-1576 +religious_painting,Northern_Renaissance,gerard-david_the-transfiguration-of-christ-central-panel +religious_painting,Abstract_Expressionism,salvador-dali_christ-from-the-apocalypse-of-st-john +religious_painting,Expressionism,jules-pascin_the-temptation-of-saint-anthony-1912 +religious_painting,Baroque,peter-paul-rubens_descent-from-the-cross-left-wing-1614 +religious_painting,Baroque,guido-reni_the-coronation-of-the-virgin-1626 +religious_painting,Northern_Renaissance,jean-fouquet_madonna-and-child-left-panel-of-diptych-de-melun +religious_painting,Baroque,caravaggio_saint-jerome-in-meditation(1) +religious_painting,Baroque,jan-steen_wedding-feast-at-cana-1672 +religious_painting,Rococo,giovanni-battista-tiepolo_last-communion-of-st-lucy-1748 +religious_painting,Mannerism_Late_Renaissance,piero-di-cosimo_mystical-marriage-of-st-catherine-of-alexandria-1493 +religious_painting,High_Renaissance,titian_cellach-of-armagh-1522 +religious_painting,Baroque,bartolome-esteban-murillo_madonna-and-child +religious_painting,Early_Renaissance,fra-angelico_coronation-of-the-virgin-1435 +religious_painting,High_Renaissance,raphael_madonna-with-child-and-saints +religious_painting,Early_Renaissance,benozzo-gozzoli_angels-worshipping-detail-1461-2 +religious_painting,Art_Nouveau_Modern,nicholas-roerich_the-painting-of-of-st-anastasia-1913 +religious_painting,Early_Renaissance,fra-angelico_adoration-and-annunciation +religious_painting,Northern_Renaissance,hans-memling_virgin-and-child +religious_painting,Baroque,gabriel-metsu_the-prodigal-son +religious_painting,High_Renaissance,luca-signorelli_the-crucifixion-1 +religious_painting,Early_Renaissance,sandro-botticelli_st-dominic(1) +religious_painting,Northern_Renaissance,joachim-patinir_rest-of-the-holy-family-on-the-flight-into-egypt +religious_painting,Early_Renaissance,piero-della-francesca_procession-of-the-queen-of-sheba-detail-2(1) +religious_painting,Baroque,jacob-jordaens_holy-family-with-elizabeth-and-child-john-the-baptist-1615 +religious_painting,Northern_Renaissance,hans-memling_altar-of-saints-john-the-baptist-and-john-the-evangelist +religious_painting,Romanticism,gustave-dore_world-destroyed-by-water +religious_painting,Baroque,diego-velazquez_coronation-of-the-virgin-1644 +religious_painting,Early_Renaissance,fra-angelico_presentation-of-jesus-in-the-temple-1442 +religious_painting,Northern_Renaissance,hieronymus-bosch_st-jacob-and-the-magician +religious_painting,Early_Renaissance,carlo-crivelli_the-virgin-and-child-with-saints-francis-and-sebastian +religious_painting,Romanticism,gustave-dore_tobias-and-the-angel +religious_painting,Romanticism,gustave-dore_the-widow +religious_painting,Baroque,caravaggio_martyrdom-of-saint-matthew-1600(1) +religious_painting,Northern_Renaissance,hieronymus-bosch_crowned-with-thorns-1500 +religious_painting,Baroque,ivan-rutkovych_an-icon-of-saint-volodymyr-the-great-1699 +religious_painting,Early_Renaissance,piero-della-francesca_nativity-detail-1475(1) +religious_painting,Pop_Art,robert-silvers_not-detected-275033 +religious_painting,High_Renaissance,correggio_noli-me-tangere-1(2) +religious_painting,Northern_Renaissance,lucas-cranach-the-elder_head-of-christ-crowned-with-thorns-1510 +religious_painting,Romanticism,john-everett-millais_pearl-of-great-price +religious_painting,Symbolism,james-tissot_abraham-s-servant-meeteth-rebecca +religious_painting,High_Renaissance,pietro-perugino_the-vision-of-st-bernard +religious_painting,Art_Nouveau_Modern,nicholas-roerich_householder-1914 +religious_painting,Mannerism_Late_Renaissance,agnolo-bronzino_noli-me-tangere +religious_painting,Northern_Renaissance,albrecht-durer_the-sorrows-1497 +religious_painting,Romanticism,viktor-vasnetsov_russian-bishops-1896 +religious_painting,Realism,james-tissot_sarah-hears-and-laughs +religious_painting,Romanticism,eugene-delacroix_the-disciples-at-emmaus-1853(1) +religious_painting,Baroque,bartolome-esteban-murillo_the-immaculate-conception-1 +religious_painting,Northern_Renaissance,hieronymus-bosch_triptych-of-temptation-of-st-anthony-1506-2 +religious_painting,Early_Renaissance,fra-angelico_coronation-of-the-virgin-detail-1435 +religious_painting,Art_Nouveau_Modern,wilhelm-kotarbinski_magdalene +religious_painting,Northern_Renaissance,hugo-van-der-goes_deposition-diptych-small-deposition-left-wing +religious_painting,Symbolism,salvador-dali_ego-sum-dominus-deus-tuus-exodus-34-28-1967 +religious_painting,Rococo,giovanni-battista-tiepolo_the-virgin-appearing-to-dominican-saints +religious_painting,Symbolism,viktor-vasnetsov_archangel-michael-1915 +religious_painting,Naive_Art_Primitivism,marc-chagall_sarah-and-angels-1960 +religious_painting,Northern_Renaissance,pieter-bruegel-the-elder_the-adoration-of-the-kings +religious_painting,Cubism,diego-rivera_the-adoration-of-the-virgin-1913 +religious_painting,Naive_Art_Primitivism,marc-chagall_untitled-the-cover-of-bible-1960 +religious_painting,Northern_Renaissance,albrecht-durer_the-austrian-saints-1517 +religious_painting,Symbolism,salvador-dali_angel-of-light +religious_painting,Early_Renaissance,filippo-lippi_st-benedict-orders-st-maurus-to-the-rescue-of-st-placidus +religious_painting,High_Renaissance,pietro-perugino_the-almighty-with-prophets-and-sybils-detail-2 +religious_painting,Early_Renaissance,filippo-lippi_annunciation-1435 +religious_painting,High_Renaissance,pietro-perugino_pala-di-corciano-annunciation +religious_painting,Northern_Renaissance,hans-baldung_st-jerome-1511 +religious_painting,Northern_Renaissance,rogier-van-der-weyden_diptych-of-jeanne-of-france +religious_painting,Realism,thomas-eakins_the-crucifixion-1880 +religious_painting,Baroque,bartolome-esteban-murillo_the-vision-of-fray-lauterio +religious_painting,Northern_Renaissance,albrecht-durer_the-cross-of-christ-1 +religious_painting,Early_Renaissance,paolo-uccello_madonna-1452-1 +religious_painting,Baroque,guido-reni_mary-magdalene-in-ecstasy-at-the-foot-of-the-cross-1629 +religious_painting,High_Renaissance,luca-signorelli_frescoes-in-the-chapel-of-san-brizio-1502 +religious_painting,Early_Renaissance,pietro-perugino_saints-rocco-and-romanee-in-the-view-of-the-town-deruta-1478 +religious_painting,Early_Renaissance,andrea-mantegna_presentation-of-christ-in-the-temple-1466 +religious_painting,Northern_Renaissance,lucas-cranach-the-elder_fall-of-man-1537 +religious_painting,Baroque,peter-paul-rubens_the-entombment-1612 +religious_painting,Naive_Art_Primitivism,marc-chagall_having-heard-the-death-of-jonathan-that-his-dearest-friend-has-been-killed-in-battle-against +religious_painting,Symbolism,koloman-moser_pieta +religious_painting,Northern_Renaissance,petrus-christus_st-eligius-as-a-goldsmith-showing-a-ring-to-the-engaged-couple-1449 +religious_painting,Early_Renaissance,piero-della-francesca_meeting-between-the-queen-of-sheba-and-king-solomon-detail(1) +religious_painting,Northern_Renaissance,pieter-bruegel-the-elder_the-sermon-of-st-john-the-baptist-1566 +religious_painting,Romanticism,edward-burne-jones_an-angel +religious_painting,Realism,ilya-repin_nativity-1890 +religious_painting,Naive_Art_Primitivism,marc-chagall_the-young-samuel-the-priest-s-servant-heard-that-he-is-called-by-god-eli-and-he-were-sleeping +religious_painting,Baroque,guido-reni_martyrdom-of-st-andrew-introduction-to-the-crucifixion +religious_painting,Mannerism_Late_Renaissance,titian_st-john-the-evangelist-on-patmos-1544 +religious_painting,Early_Renaissance,carlo-crivelli_saint-george-1473 +religious_painting,Early_Renaissance,benozzo-gozzoli_st-augustine-departing-for-milan-detail-1465-2 +religious_painting,Baroque,rembrandt_the-flight-into-egypt-1630 +religious_painting,Northern_Renaissance,konrad-witz_st-catherine-and-mary-magdalene +religious_painting,Baroque,bartolome-esteban-murillo_joseph-and-potiphar-s-wife +religious_painting,Baroque,peter-paul-rubens_adam-and-eve-in-worthy-paradise +religious_painting,Rococo,giovanni-domenico-tiepolo_david-and-the-children-of-israel +religious_painting,Naive_Art_Primitivism,marc-chagall_the-vision-of-moses-1968-1 +religious_painting,Early_Renaissance,filippo-lippi_the-birth-and-infancy-of-st-stephen-detail-1 +religious_painting,Symbolism,salvador-dali_ionas-in-ventre-piscis-1967 +religious_painting,Baroque,peter-paul-rubens_st-james-the-apostle-1613 +religious_painting,Baroque,peter-paul-rubens_descent-from-the-cross-1617 +religious_painting,Northern_Renaissance,hieronymus-bosch_the-ship-of-fools +religious_painting,Naive_Art_Primitivism,marc-chagall_under-the-walls-of-jericho-joshua-listens-god-s-orders-which-requiring-him-to-sound-trumpets +religious_painting,High_Renaissance,titian_saint-bernadine-1531 +religious_painting,Early_Renaissance,andrea-mantegna_the-circumcision-of-christ-1464 +religious_painting,High_Renaissance,michelangelo_the-ancestors-of-christ-jechoniah-shealtiel-1512 +religious_painting,Northern_Renaissance,hieronymus-bosch_the-vagabond-the-prodigal-son-1516 +religious_painting,Early_Renaissance,luca-signorelli_adoration-of-the-shepherds +religious_painting,Early_Renaissance,carlo-crivelli_saint-louis-of-toulouse +religious_painting,Northern_Renaissance,jan-van-eyck_the-madonna-of-canon-van-der-paele-detail-1436-1 +religious_painting,Romanticism,edward-burne-jones_the-morning-of-the-resurrection-1882 +religious_painting,Baroque,rembrandt_the-holy-family-1645 +religious_painting,Rococo,vladimir-borovikovsky_st-juliana +religious_painting,Mannerism_Late_Renaissance,titian_the-tribute-money-1568 +religious_painting,Symbolism,james-tissot_joseph-and-his-brethren-welcomed-by-pharaoh +religious_painting,High_Renaissance,andrea-mantegna_st-sebastian-1506 +religious_painting,Art_Nouveau_Modern,nicholas-roerich_holy-martyr-1907 +religious_painting,Northern_Renaissance,hieronymus-bosch_st-john-the-baptist-in-meditation-1499 +religious_painting,Mannerism_Late_Renaissance,maerten-van-heemskerck_ecce-homo-1560 +religious_painting,Mannerism_Late_Renaissance,parmigianino_virgin-and-child-with-an-angel +religious_painting,Early_Renaissance,fra-angelico_resurrection-of-christ-and-women-at-the-tomb-1442 +religious_painting,Symbolism,nicholas-roerich_tablets-of-law-1931 +religious_painting,Symbolism,mikhail-nesterov_way-to-christ +religious_painting,Early_Renaissance,pietro-perugino_the-adoration-of-the-magi-particular-detail-1470 +religious_painting,High_Renaissance,michelangelo_the-ancestors-of-christ-josias-1509 +religious_painting,Realism,edouard-manet_jesus-mocked-by-the-soldiers-1865 +religious_painting,High_Renaissance,luca-signorelli_life-of-st-benedict-benedict-discovers-totila-s-deceit-1502 +religious_painting,Baroque,guido-reni_magdalene-in-penitence-1635 +religious_painting,Early_Renaissance,piero-della-francesca_battle-between-constantine-and-maxentius-1464(1) +religious_painting,Romanticism,gustave-dore_the-crown-of-thorns +religious_painting,Naive_Art_Primitivism,marc-chagall_blessing-of-ephraim-and-manasseh-1931 +religious_painting,Northern_Renaissance,jean-fouquet_capture-of-jerusalem-by-herod-the-great-1475 +religious_painting,Baroque,theodoor-van-thulden_holy-trinity +religious_painting,Northern_Renaissance,hans-memling_annunciation-1467 +religious_painting,Early_Renaissance,sandro-botticelli_venus-and-the-graces-offering-gifts-to-a-young-girl-1486(1) +religious_painting,Realism,edouard-manet_study-to-dead-christ-with-angels-1864 +religious_painting,Baroque,guido-reni_cherub-sleeps-1627 +religious_painting,Mannerism_Late_Renaissance,agnolo-bronzino_holy-family-with-st-anne-and-the-infant-st-john-the-baptist-1550 +religious_painting,Art_Nouveau_Modern,mikhail-nesterov_adam-and-eve-1898 +religious_painting,Naive_Art_Primitivism,marc-chagall_after-the-flood-noah-offering-a-sacrifice-to-god-genesis-viii-20-22 +religious_painting,Early_Renaissance,carlo-crivelli_saint-roch +religious_painting,Impressionism,giovanni-boldini_angels +religious_painting,Baroque,guido-reni_the-penitent-magdalene-1635 +religious_painting,Mannerism_Late_Renaissance,el-greco_penitent-magdalene +religious_painting,Northern_Renaissance,albrecht-durer_annunciation +religious_painting,Symbolism,edward-burne-jones_balthazar +religious_painting,Northern_Renaissance,albrecht-durer_christ-on-the-mount-of-olives-1511 +religious_painting,Early_Renaissance,fra-angelico_the-ordination-of-st-lawrence +religious_painting,Mannerism_Late_Renaissance,maerten-van-heemskerck_calvary-central-panel-of-a-triptych +religious_painting,Baroque,adriaen-van-de-velde_the-annunciation-1667 +religious_painting,Mannerism_Late_Renaissance,titian_the-resurrection-1544 +religious_painting,Baroque,francisco-de-zurbaran_the-childhood-of-the-virgin +religious_painting,Northern_Renaissance,hieronymus-bosch_the-last-judgement-detail-of-the-cask +religious_painting,Baroque,eustache-le-sueur_the-preaching-of-st-paul-at-ephesus +religious_painting,Baroque,guido-reni_salome-with-the-head-of-john-the-baptist-1635 +religious_painting,Symbolism,james-tissot_isaac-bears-the-wood-for-his-sacrifice +religious_painting,Symbolism,nicholas-roerich_untitled-1 +religious_painting,Early_Renaissance,luca-signorelli_the-martyrdom-of-st-sebastian +religious_painting,High_Renaissance,michelangelo_the-ancestors-of-christ-jotham-ahaz-1512 +religious_painting,High_Renaissance,andrea-solario_head-of-st-john-the-baptist +religious_painting,High_Renaissance,lorenzo-lotto_the-annunciation +religious_painting,Mannerism_Late_Renaissance,el-greco_the-baptism +religious_painting,Early_Renaissance,filippo-lippi_madonna-and-child +religious_painting,Northern_Renaissance,jean-hey_the-bourbon-altarpiece-the-moulins-triptych +religious_painting,Mannerism_Late_Renaissance,paolo-veronese_st-john-the-baptist-preaching +religious_painting,Early_Renaissance,benozzo-gozzoli_madonna-and-child-surrounded-by-saints-1 +religious_painting,Symbolism,salvador-dali_aquae-diluvii-super-terram-genesis-6-17-1967 +religious_painting,Romanticism,gustave-dore_the-transfiguration +religious_painting,Rococo,giovanni-battista-tiepolo_the-virgin-appearing-to-st-dominic-1739 +religious_painting,Naive_Art_Primitivism,marc-chagall_joshua-1931 +religious_painting,Baroque,rembrandt_the-flight-into-egypt +religious_painting,Symbolism,odilon-redon_the-buddha +religious_painting,Baroque,bartolome-esteban-murillo_christ-on-the-cross-1665 +religious_painting,Early_Renaissance,domenico-ghirlandaio_expulsion-of-joachim-1490 +religious_painting,Northern_Renaissance,jan-van-hemessen_jesus-summons-matthew-to-leave-the-tax-office-1540 +religious_painting,Northern_Renaissance,albrecht-durer_holy-family-crowned-by-two-angels +religious_painting,Baroque,agostino-carracci_the-flood +religious_painting,Symbolism,franz-stuck_bathsheba-1912 +religious_painting,Early_Renaissance,domenico-ghirlandaio_the-death-of-st-francis-1485 +religious_painting,Art_Nouveau_Modern,ivan-bilibin_archangel-michael-mosaic-on-the-north-side-of-the-church-of-the-virgin-uspeniya-in-olshany(1) +religious_painting,Baroque,peter-paul-rubens_assumption-of-the-virgin +religious_painting,Baroque,peter-paul-rubens_st-george-with-st-maurus-and-papianus +religious_painting,Northern_Renaissance,konrad-witz_abishai-kneeling-before-david +religious_painting,Naive_Art_Primitivism,marc-chagall_the-return-of-the-prodigal-son-1975 +religious_painting,Baroque,rembrandt_the-hundred-guilder-print +religious_painting,Northern_Renaissance,mabuse_virgin-and-child +religious_painting,Early_Renaissance,andrea-del-castagno_crucifixion +religious_painting,Symbolism,nicholas-roerich_white-city-1916 +religious_painting,Symbolism,nicholas-roerich_maitreya-1932-2 +religious_painting,Symbolism,james-tissot_jacob-and-rachel-at-the-well +religious_painting,Mannerism_Late_Renaissance,tintoretto_the-wise-and-foolish-virgins +religious_painting,Northern_Renaissance,albrecht-altdorfer_countryside-of-wood-with-saint-george-fighting-the-dragon-1510 +religious_painting,Mannerism_Late_Renaissance,tintoretto_the-presentation-of-christ-in-the-temple-1555 +religious_painting,High_Renaissance,pietro-perugino_the-transfiguration +religious_painting,Early_Renaissance,carlo-crivelli_enthroned-madonna-1482 +religious_painting,Mannerism_Late_Renaissance,gregorio-lopes_ressurrei-o-de-cristo-1539 +religious_painting,Baroque,francesco-solimena_st-bonaventura-receiving-the-banner-of-st-sepulchre-from-the-madonna +religious_painting,Symbolism,salvador-dali_quis-ascendet-in-mentem-domini-1967 +religious_painting,Early_Renaissance,fra-angelico_adoration-of-the-magi-1 +religious_painting,Early_Renaissance,luca-signorelli_pair-of-apostles-in-dispute-1482 +religious_painting,Symbolism,odilon-redon_the-crucifixion-1904 +religious_painting,Mannerism_Late_Renaissance,titian_st-jerome-1 +religious_painting,Northern_Renaissance,albrecht-durer_christ-before-pilate +religious_painting,Early_Renaissance,giovanni-bellini_dead-christ-supported-by-angels-1 +religious_painting,Early_Renaissance,fra-angelico_coronation-of-the-virgin-detail-1435-2 +religious_painting,Mannerism_Late_Renaissance,tintoretto_recovery-of-the-corpse-of-st-mark-1566 +religious_painting,Mannerism_Late_Renaissance,el-greco_st-peter-in-penitence +religious_painting,Northern_Renaissance,mabuse_the-deposition +religious_painting,Mannerism_Late_Renaissance,titian_the-fall-of-man-1570 +religious_painting,Baroque,francisco-de-zurbaran_flight-into-egypt +religious_painting,Early_Renaissance,sandro-botticelli_the-youth-moses-detail-1482(1) +religious_painting,Baroque,rembrandt_the-flight-into-egypt-called-in-the-style-of-elzheimer-1653 +religious_painting,Mannerism_Late_Renaissance,el-greco_apostle-st-john-the-evangelist +religious_painting,Northern_Renaissance,dirk-bouts_virgin-and-child-1470 +religious_painting,Northern_Renaissance,lucas-cranach-the-elder_the-last-supper-1547 +religious_painting,High_Renaissance,raphael_madonna-and-child +religious_painting,High_Renaissance,giorgione_samson-captured-by-the-philistines(2) +religious_painting,Early_Renaissance,jacopo-bellini_annunciation-1444 +religious_painting,High_Renaissance,giorgione_madonna-and-child-in-a-landscape-1504 +religious_painting,Baroque,bartolome-esteban-murillo_thomas-of-villanova-giving-alms-to-the-poors-1678 +religious_painting,High_Renaissance,andrea-mantegna_the-baptism-of-christ-1506 +religious_painting,Early_Renaissance,pietro-perugino_polyptych-annunziata-st-illuminata +religious_painting,High_Renaissance,titian_do-not-touch-me-1512 +religious_painting,Northern_Renaissance,hans-baldung_st-sebastian-altarpiece-1507 +religious_painting,Early_Renaissance,masaccio_madonna-of-humility-1420 +religious_painting,Romanticism,gustave-dore_daniel-s-vision-of-the-four-beasts +religious_painting,Early_Renaissance,domenico-veneziano_the-adoration-of-the-magi-1439 +religious_painting,Northern_Renaissance,albrecht-durer_the-lady-of-the-festival-du-rosaire-fragment-2 +religious_painting,Art_Nouveau_Modern,alphonse-mucha_madonna-of-the-lilies-1905 +religious_painting,Northern_Renaissance,pieter-bruegel-the-elder_the-resurrection-of-christ +religious_painting,High_Renaissance,pietro-perugino_altarpiece-of-st-augustine-scene-baptism-of-christ-1510 +religious_painting,Symbolism,nicholas-roerich_milarepa-the-one-who-harkened-1925 +religious_painting,Early_Renaissance,fra-angelico_receiving-the-stigmata +religious_painting,Baroque,yov-kondzelevych_christ-s-baptism-1696 +religious_painting,Early_Renaissance,filippo-lippi_madonna-and-child-with-saints-angels-and-a-donor +religious_painting,Realism,james-tissot_the-wisdom-of-solomon +religious_painting,Northern_Renaissance,albrecht-durer_apostle-1 +religious_painting,Mannerism_Late_Renaissance,lavinia-fontana_the-adoration-of-the-magi-1560 +religious_painting,Early_Renaissance,sandro-botticelli_the-temptation-of-christ-1482(1) +religious_painting,Romanticism,karl-bryullov_mark-the-evangelist-1847(1) +religious_painting,Early_Renaissance,andrea-del-castagno_crucifixion-1 +religious_painting,High_Renaissance,pietro-perugino_saint +religious_painting,Baroque,guido-reni_mary-and-angels-1611 +religious_painting,Mannerism_Late_Renaissance,paolo-veronese_jesus-among-the-doctors-1558 +religious_painting,Mannerism_Late_Renaissance,jacopo-pontormo_adoration-of-the-magi +religious_painting,High_Renaissance,cima-da-conegliano_madonna-and-child-enthroned-with-saints +religious_painting,High_Renaissance,titian_supper-at-emmaus +religious_painting,Symbolism,gustave-moreau_salome-dancing +religious_painting,Northern_Renaissance,lucas-cranach-the-elder_christ-and-mary-1520 +religious_painting,Early_Renaissance,fra-angelico_the-story-of-st-nicholas-birth-of-st-nicholas-1448 +religious_painting,High_Renaissance,vittore-carpaccio_the-virgin-reading-1510 +religious_painting,Baroque,jacob-jordaens_return-of-the-holy-family-from-egypt +religious_painting,High_Renaissance,raphael_st-george-and-the-dragon +religious_painting,Baroque,guido-reni_the-victorious-samson-1612 +religious_painting,Early_Renaissance,giovanni-bellini_madonna-with-child-standing-on-a-parapet +religious_painting,Expressionism,egon-schiele_mother-and-child-madonna-1908 +religious_painting,Mannerism_Late_Renaissance,el-greco_virgin-mary +religious_painting,Northern_Renaissance,albrecht-altdorfer_ascension-christ +religious_painting,Baroque,rembrandt_the-rest-on-the-flight-1644 +religious_painting,Baroque,guido-reni_coronation-of-the-virgin-with-st-catherine-of-alexandria-st-john-the-evangelist-st-john-the-1596 +religious_painting,Northern_Renaissance,hans-memling_diptych-of-jean-de-cellier-detail-1 +religious_painting,High_Renaissance,vittore-carpaccio_dream-of-st-ursula-1495 +religious_painting,Mannerism_Late_Renaissance,maerten-van-heemskerck_crucifixion-triptych +religious_painting,Baroque,sebastien-bourdon_sacrifice-of-noah-1640 +religious_painting,Northern_Renaissance,hieronymus-bosch_haywain-1500-3 +religious_painting,Early_Renaissance,fra-angelico_transfiguration-1442 +religious_painting,Mannerism_Late_Renaissance,rosso-fiorentino_piet-1540 +religious_painting,Mannerism_Late_Renaissance,tintoretto_deploration-of-christ-1559 +religious_painting,Northern_Renaissance,albrecht-durer_st-john-s-vision-of-christ-and-the-seven-candlesticks-1498 +religious_painting,Early_Renaissance,benozzo-gozzoli_st-anthony-of-padua +religious_painting,Mannerism_Late_Renaissance,paolo-veronese_sts-mark-james-and-jerome-with-the-dead-christ-borne-by-angels-1582 +religious_painting,Symbolism,nicholas-roerich_laozi-1924 +religious_painting,High_Renaissance,giovanni-bellini_drunkenness-of-noah +religious_painting,Early_Renaissance,fra-angelico_meeting-of-st-francis-and-st-dominic +religious_painting,Early_Renaissance,pietro-perugino_the-pazzi-crucifixion-detail-3 +religious_painting,Baroque,guido-reni_the-baptism-of-christ-1623 +religious_painting,Northern_Renaissance,albrecht-durer_pilate-washing-his-hands-1512 +religious_painting,Art_Nouveau_Modern,mikhail-vrubel_archangel-gabriel-1885 +religious_painting,Northern_Renaissance,albrecht-durer_st-bartholomew-1523 +religious_painting,Baroque,rembrandt_jacob-s-dream +religious_painting,Naive_Art_Primitivism,marc-chagall_rebellious-prophet-was-killed-by-a-lion-i-kings-xiii-24-28 +religious_painting,Realism,mihaly-munkacsy_golgota-1884 +religious_painting,Rococo,giovanni-battista-tiepolo_king-david-playing-the-harp-1739 +religious_painting,Northern_Renaissance,hieronymus-bosch_death-of-whore +religious_painting,High_Renaissance,correggio_madonna-and-child-with-the-young-saint-john-1516(2) +religious_painting,Realism,ilya-repin_david-and-goliath-1915 +religious_painting,Early_Renaissance,fra-angelico_the-healing-of-palladia-by-saint-cosmas-and-saint-damian-1440 +religious_painting,Realism,salvador-dali_the-virgin-of-guadalupe +religious_painting,Northern_Renaissance,joachim-wtewael_lot-and-his-daughters +religious_painting,Symbolism,arnold-bã¶cklin_the-rest-on-the-flight-into-egypt +religious_painting,Early_Renaissance,carlo-crivelli_saint-emidius-1473 +religious_painting,Early_Renaissance,andrea-mantegna_virgin-and-child-1470 +religious_painting,Symbolism,james-tissot_mary-magdalene-before-her-conversion-1894 +religious_painting,Baroque,jacob-jordaens_the-apostles-st-paul-and-st-barnabas-at-lystra-1616 +religious_painting,Mannerism_Late_Renaissance,giorgio-vasari_deposition-from-the-cross-1 +religious_painting,High_Renaissance,andrea-del-sarto_madonna-and-child-with-st-john-the-baptist-2 +religious_painting,Art_Nouveau_Modern,nicholas-roerich_intercession-of-the-theotokos-1906 +religious_painting,Baroque,ivan-rutkovych_icon-christ-in-the-house-of-matha-and-mary-1699 +religious_painting,Romanticism,jan-matejko_saint-casimir +religious_painting,High_Renaissance,luca-signorelli_the-virgin-and-child-among-angels-and-saints +religious_painting,Baroque,pietro-da-cortona_ananias-restoring-the-sight-of-saint-paul +religious_painting,Northern_Renaissance,hieronymus-bosch_the-adoration-of-the-magi-1510 +religious_painting,Northern_Renaissance,jean-fouquet_st-michael-slaying-the-dragon +religious_painting,Mannerism_Late_Renaissance,el-greco_christ-carrying-the-cross +religious_painting,Northern_Renaissance,albrecht-durer_mary-and-child-crowned-by-an-angel-and-st-anna +religious_painting,Symbolism,william-blake_night-startled-by-the-lark-1820 +religious_painting,Symbolism,james-tissot_annunciation-illustration-for-the-life-of-christ +religious_painting,Baroque,anthony-van-dyck_st-jerome +religious_painting,Art_Nouveau_Modern,nicholas-roerich_christ-the-saviour-saint-peter-and-saint-paul-1906 +religious_painting,Mannerism_Late_Renaissance,jacopo-pontormo_the-agony-in-the-garden(1) +religious_painting,Mannerism_Late_Renaissance,el-greco_st-jerome-penitent +religious_painting,Northern_Renaissance,jean-fouquet_pentecost +religious_painting,Naive_Art_Primitivism,marc-chagall_david-with-the-head-of-goliath-comes-to-saul-i-samuel-xvii-55-58 +religious_painting,High_Renaissance,titian_st-matthew +religious_painting,Romanticism,alfred-stevens_maria-magdalena-1887 +religious_painting,Symbolism,nicholas-roerich_order-of-buddha-all-conquering-1926-1 +religious_painting,Baroque,peter-paul-rubens_beheading-of-st-john-the-baptist-1610 +religious_painting,Naive_Art_Primitivism,marc-chagall_king-david-1963 +religious_painting,Northern_Renaissance,lucas-cranach-the-elder_lamentation-1538 +religious_painting,Romanticism,viktor-vasnetsov_crucified-christ-1896 +religious_painting,Baroque,jusepe-de-ribera_immaculate-conception-1635 +religious_painting,Early_Renaissance,andrea-mantegna_virgin-and-child-madonna-of-humility-1490 +religious_painting,Baroque,bartolome-esteban-murillo_christ-at-the-pool-of-bethesda-1670 +religious_painting,Early_Renaissance,andrea-del-castagno_our-lady-of-the-assumption-with-saints-miniato-and-julian-1450 +religious_painting,Early_Renaissance,sandro-botticelli_madonna-of-the-magnificat-1481(1) +religious_painting,Early_Renaissance,masaccio_adoration-of-the-knigs-1428 +religious_painting,High_Renaissance,vittore-carpaccio_st-stephen-preaching-1514 +religious_painting,High_Renaissance,andrea-del-sarto_madonna-and-child-with-st-john-the-baptist +religious_painting,Romanticism,gustave-dore_the-erection-of-the-cross +religious_painting,Romanticism,edward-burne-jones_an-angel-playing-a-flageolet-1878 +religious_painting,Expressionism,arturo-souto_the-los-angeles-dropped-leda-and-the-swan-1938 +religious_painting,Mannerism_Late_Renaissance,el-greco_annunciation-2 +religious_painting,High_Renaissance,cima-da-conegliano_madonna-and-child-with-st-john-the-baptist-and-mary-magdalene +religious_painting,Northern_Renaissance,albrecht-durer_christ-on-the-cross-with-three-angels-1525 +religious_painting,Baroque,guido-reni_john-the-baptist +religious_painting,Northern_Renaissance,bernhard-strigel_the-annunciation-1520 +religious_painting,Symbolism,mikhail-nesterov_youth-of-st-sergius-1891 +religious_painting,Early_Renaissance,carlo-crivelli_annunciation-angel-1482 +religious_painting,High_Renaissance,cima-da-conegliano_st-jerome-in-the-wilderness +religious_painting,Romanticism,edward-burne-jones_the-annunciation-the-angel +religious_painting,Baroque,guido-reni_annunciation-1621 +religious_painting,Naive_Art_Primitivism,marc-chagall_isaiah-1956 +religious_painting,Early_Renaissance,domenico-ghirlandaio_madonna-and-child-enthroned-with-saints +religious_painting,Northern_Renaissance,robert-campin_werl-altarpiece-st-barbara-1438 +religious_painting,Romanticism,gustave-dore_the-firstborn-of-the-egyptians-are-slain +religious_painting,Symbolism,james-tissot_the-harlot-of-jericho-and-the-two-spies +religious_painting,High_Renaissance,cima-da-conegliano_st-christopher-with-the-infant-christ-and-st-peter +religious_painting,Early_Renaissance,leonardo-da-vinci_the-adoration-of-the-magi-1480 +religious_painting,Northern_Renaissance,jan-provoost_crucifixion +religious_painting,Baroque,francisco-de-zurbaran_the-mercy-of-fra-martin-de-vizcaya-1639 +religious_painting,Early_Renaissance,fra-angelico_dormition-of-the-virgin-1432 +religious_painting,Art_Nouveau_Modern,ivan-bilibin_saints-boris-and-gleb-on-the-ship +religious_painting,High_Renaissance,luca-signorelli_st-augustine-altarpiece-left-wing +religious_painting,Northern_Renaissance,petrus-christus_madonna +religious_painting,Baroque,peter-paul-rubens_annunciation +religious_painting,Northern_Renaissance,albrecht-durer_christ-on-the-cross-1511 +religious_painting,Early_Renaissance,luca-signorelli_annunciation-1 +religious_painting,Northern_Renaissance,hans-baldung_st-john-at-patmos-1515 +religious_painting,Mannerism_Late_Renaissance,tintoretto_madonna-with-child-and-donor-tintoretto +religious_painting,Northern_Renaissance,albrecht-durer_the-flagellation-1511 +religious_painting,Mannerism_Late_Renaissance,andrea-del-sarto_madonna-and-child-with-st-elizabeth-and-st-john-the-baptist +religious_painting,Romanticism,gustave-dore_the-death-of-eleazar +religious_painting,Northern_Renaissance,hieronymus-bosch_the-garden-of-earthly-delights-1515-8 +religious_painting,Northern_Renaissance,martin-schongauer_madonna-of-the-rose-bush +religious_painting,Symbolism,salvador-dali_ecce-virgo-concipiet-isaiah-7-14-1967 +religious_painting,Baroque,yov-kondzelevych_icon-of-the-savior-from-the-maniava-hermitage-iconostasis1698-1705 +religious_painting,Northern_Renaissance,rogier-van-der-weyden_entombment-of-christ-1450 +religious_painting,Baroque,jacques-stella_the-nativity-1639 +religious_painting,High_Renaissance,giovanni-bellini_the-annunciation-1500 +religious_painting,High_Renaissance,michelangelo_the-prophet-isaiah-1509 +religious_painting,Baroque,peter-paul-rubens_christ-and-mary-magdalene +religious_painting,Northern_Renaissance,albrecht-durer_annunciation-1526 +religious_painting,Symbolism,salvador-dali_arca-foederis-1967 +religious_painting,Symbolism,james-tissot_solomon-dedicates-the-temple-at-jerusalem +religious_painting,Baroque,bartolome-esteban-murillo_st-diego-giving-alms-1646 +religious_painting,Early_Renaissance,domenico-ghirlandaio_adoration-of-the-shepherds-1485 +religious_painting,Baroque,rembrandt_evangelist-writing +religious_painting,Baroque,bartolome-esteban-murillo_adoration-of-the-magi-1660 +religious_painting,Baroque,rembrandt_tobit-and-anna-1659 +religious_painting,Northern_Renaissance,albrecht-durer_the-whore-of-baylon-1498 +religious_painting,Mannerism_Late_Renaissance,el-greco_the-ecstasy-of-st-francis-of-assisi +religious_painting,High_Renaissance,pietro-perugino_the-annunciation +religious_painting,Romanticism,gustave-dore_the-prodigal-son-in-the-arms-of-his-father +religious_painting,Symbolism,nicholas-roerich_red-lama-1924 +religious_painting,Symbolism,nicholas-roerich_signs-of-christ-1924-1 +religious_painting,Northern_Renaissance,hans-memling_triptych-of-jan-floreins-closed-1479 +religious_painting,Northern_Renaissance,hugo-van-der-goes_jacob-and-rachel +religious_painting,Early_Renaissance,giovanni-bellini_the-agony-in-the-garden +religious_painting,Northern_Renaissance,albrecht-altdorfer_the-flagellation-of-christ-1518 +religious_painting,Mannerism_Late_Renaissance,paolo-veronese_crucifixion-1582 +religious_painting,Northern_Renaissance,albrecht-altdorfer_the-st-george-killing-the-dragon-art-1511 +religious_painting,Early_Renaissance,sandro-botticelli_portrait-of-a-man-with-the-medal-of-cosimo-1474(1) +religious_painting,Baroque,juan-de-valdes-leal_virgin-of-the-immaculate-conception-with-sts-andrew-and-john-the-baptist-1672 +religious_painting,Romanticism,eliseu-visconti_recompensa-de-s-o-sebasti-o +religious_painting,Symbolism,mikhail-nesterov_youth-of-st-sergius-1897 +religious_painting,Mannerism_Late_Renaissance,el-greco_the-virgin-of-the-immaculate-conception-and-st-john-1585 +religious_painting,Early_Renaissance,piero-della-francesca_st-augustine(1) +religious_painting,Naive_Art_Primitivism,marc-chagall_having-become-the-favorite-the-pharaoh-joseph-gets-his-brothers-come-to-egypt-requests-food +religious_painting,Early_Renaissance,benozzo-gozzoli_st-augustine-leaving-his-mother-1465 +religious_painting,Rococo,giovanni-domenico-tiepolo_the-rest-on-the-flight-to-egypt +religious_painting,Early_Renaissance,andrea-del-castagno_lying-saint +religious_painting,Northern_Renaissance,albrecht-durer_st-michael-and-the-dragon-from-a-latin-edition-1511 +religious_painting,Early_Renaissance,domenico-ghirlandaio_the-trial-by-fire-st-francis-before-the-sultan-of-egypt-1485 +religious_painting,Early_Renaissance,benozzo-gozzoli_dream-of-innocent-iii-and-the-confirmation-of-the-rule +religious_painting,Baroque,rembrandt_the-triumph-of-mordechai-1641 +religious_painting,Baroque,rembrandt_st-paul-at-his-writing-desk-1630 +religious_painting,Northern_Renaissance,konrad-witz_st-bartholomew +religious_painting,Northern_Renaissance,hieronymus-bosch_triptych-the-temptation-of-st-anthony-1516 +religious_painting,Symbolism,james-tissot_moses-on-the-mountain-during-the-battle-as-in-exodus +religious_painting,High_Renaissance,raphael_madonna-of-the-cloth +religious_painting,Naive_Art_Primitivism,marc-chagall_miriam-dances-1931 +religious_painting,Symbolism,james-tissot_samson-slays-a-thousand-men +religious_painting,Early_Renaissance,fra-angelico_linaioli-tabernacle-1 +religious_painting,Symbolism,nicholas-roerich_mother-of-the-world-1937 +religious_painting,Symbolism,nicholas-roerich_buddha-s-test-1927 +religious_painting,Romanticism,gustave-dore_the-prophet-isaiah +religious_painting,Naive_Art_Primitivism,marc-chagall_ruth-at-the-feet-of-boaz-1960 +religious_painting,Early_Renaissance,domenico-ghirlandaio_the-coronation-of-the-virgin +religious_painting,Mannerism_Late_Renaissance,el-greco_christ-in-agony-on-the-cross +religious_painting,High_Renaissance,luca-signorelli_lamentation-over-the-dead-christ-with-angels-and-saints +religious_painting,Early_Renaissance,benozzo-gozzoli_death-of-st-monica-1465 +religious_painting,Romanticism,gustave-dore_jacob-and-esau-meet +religious_painting,Baroque,guido-reni_man-of-sorrows +religious_painting,Realism,james-tissot_the-repentant-magdalene +religious_painting,Baroque,bernardo-strozzi_the-healing-of-tobit-1630 +religious_painting,Early_Renaissance,filippo-lippi_the-virgin-appears-to-st-bernard-1447 +religious_painting,Baroque,peter-paul-rubens_the-holy-family-with-st-elizabeth-1615 +religious_painting,Symbolism,pierre-puvis-de-chavannes_the-penitent-magdalen +religious_painting,Realism,ilya-repin_lord-s-supper-1903 +religious_painting,Symbolism,gustave-moreau_bathsheba +religious_painting,Early_Renaissance,masaccio_raising-of-the-son-of-teophilus-and-st-peter-enthroned +religious_painting,Early_Renaissance,andrea-del-castagno_madonna-and-child +religious_painting,Symbolism,george-frederick-watts_eve-tempted +religious_painting,Romanticism,gustave-dore_jesus-and-the-disciples-going-to-emmaus +religious_painting,Symbolism,nicholas-roerich_order-of-rigden-jyepo-1933 +religious_painting,Early_Renaissance,benozzo-gozzoli_vision-of-st-dominic-and-meeting-of-st-francis-and-st-dominic +religious_painting,Baroque,rembrandt_susanna-and-the-elders-1647 +religious_painting,Mannerism_Late_Renaissance,cristovao-de-figueiredo_menino-jesus-entre-os-doutores-1520 +religious_painting,Northern_Renaissance,hugo-van-der-goes_flower-detail-from-the-central-panel-of-the-portinari-altarpiece +religious_painting,Northern_Renaissance,albrecht-durer_the-flight-to-egypt-softwood-1497 +religious_painting,Northern_Renaissance,albrecht-altdorfer_passion-of-christ-3 +religious_painting,Early_Renaissance,antonello-da-messina_madonna-and-child-salting-madonna +religious_painting,Symbolism,william-blake_milton-s-mysterious-dream-1820 +religious_painting,Early_Renaissance,domenico-ghirlandaio_st-john-the-baptist-in-the-desert-1490 +religious_painting,Baroque,frans-hals_st-luke +religious_painting,Romanticism,william-holman-hunt_the-shadow-of-death +religious_painting,Romanticism,gustave-dore_the-last-supper +religious_painting,Early_Renaissance,andrea-del-castagno_holy-trinity-with-st-jerome +religious_painting,Baroque,caravaggio_john-the-baptist-1(1) +religious_painting,High_Renaissance,lorenzo-lotto_christ-carrying-the-cross-1526 +religious_painting,Expressionism,francis-picabia_virgin-with-infant +religious_painting,Symbolism,william-blake_christ-as-the-redeemer-of-man-1808 +religious_painting,Northern_Renaissance,rogier-van-der-weyden_crucifixion-1445 +religious_painting,Early_Renaissance,sandro-botticelli_madonna-and-child-with-st-john-the-baptist(1) +religious_painting,Baroque,yov-kondzelevych_icon-of-apostles-peter-and-matthew-from-the-village-of-voshatyn-in-volhynia(1) +religious_painting,Early_Renaissance,fra-angelico_annunciation +religious_painting,Mannerism_Late_Renaissance,jacopo-pontormo_joseph-being-sold-to-potiphar +religious_painting,Romanticism,francisco-goya_crucified-christ-1780 +religious_painting,Mannerism_Late_Renaissance,agnolo-bronzino_the-holy-family +religious_painting,Northern_Renaissance,jan-van-eyck_the-madonna-of-canon-van-der-paele-detail-1436-2 +religious_painting,Baroque,peter-paul-rubens_the-assumption-of-mary-1622 +religious_painting,Pop_Art,andy-warhol_last-supper +religious_painting,Early_Renaissance,masaccio_st-peter-healing-the-sick-with-his-shadow-1425 +religious_painting,Symbolism,kuzma-petrov-vodkin_murder-of-abel-by-cain-1910 +religious_painting,Early_Renaissance,paolo-uccello_madonna +religious_painting,High_Renaissance,titian_annunciation +religious_painting,Mannerism_Late_Renaissance,el-greco_christ-carrying-the-cross-1 +religious_painting,Mannerism_Late_Renaissance,paolo-veronese_bacchus-and-ceres-1561 +religious_painting,Northern_Renaissance,albrecht-durer_lamentation-over-christ-1507 +religious_painting,Mannerism_Late_Renaissance,agnolo-bronzino_christ-in-limbo-1552 +religious_painting,Mannerism_Late_Renaissance,titian_st-sebastian +religious_painting,Mannerism_Late_Renaissance,paolo-veronese_feast-at-the-house-of-simon-1570 +religious_painting,Romanticism,gustave-dore_the-bronze-serpent +religious_painting,Early_Renaissance,masaccio_st-juvenal-triptych-1422 +religious_painting,Realism,vasily-polenov_was-filled-with-wisdom-1 +religious_painting,Baroque,bartolome-esteban-murillo_vision-of-st-anthony-of-padua-1656 +religious_painting,Symbolism,salvador-dali_abraham-pater-multarem-gentium-genesis-12-1f-1967 +religious_painting,Romanticism,gustave-dore_the-prophet-amos +religious_painting,High_Renaissance,pietro-perugino_pieta-between-st-john-and-mary-magdalene +religious_painting,Early_Renaissance,andrea-mantegna_the-martyrdom-of-saint-christopher-1506 +religious_painting,Baroque,francesco-solimena_bathsheba-bathing +religious_painting,Rococo,giovanni-domenico-tiepolo_entry-into-jerusalem +religious_painting,Baroque,peter-paul-rubens_saint-gregory-with-saints-domitilla-maurus-and-papianus +religious_painting,High_Renaissance,lorenzo-lotto_holy-family-with-angels-and-saints +religious_painting,Baroque,peter-paul-rubens_the-resurrection-of-christ-1612 +religious_painting,Northern_Renaissance,mabuse_deesis +religious_painting,Northern_Renaissance,albrecht-durer_mass-of-cardinal-albrecht-of-brandenburg-in-the-abbey-church-hall +religious_painting,Northern_Renaissance,jean-fouquet_the-annunciation +religious_painting,Baroque,jacques-stella_the-assumption +religious_painting,Naive_Art_Primitivism,marc-chagall_solomon-on-the-throne-i-kings-x-18-20 +religious_painting,Expressionism,otto-dix_the-resurrection +religious_painting,Northern_Renaissance,gerard-david_the-nativity +religious_painting,Northern_Renaissance,hieronymus-bosch_the-garden-of-earthly-delights-1516-13 +religious_painting,Naive_Art_Primitivism,marc-chagall_the-tablets-of-law-1962 +religious_painting,Mannerism_Late_Renaissance,gregorio-lopes_adora-o-dos-pastores-1544 +religious_painting,Baroque,peter-paul-rubens_our-lady-with-the-saints +religious_painting,Symbolism,odilon-redon_christ-on-the-cross +religious_painting,Naive_Art_Primitivism,marc-chagall_sarah-and-abimelech-1960 +religious_painting,Early_Renaissance,sandro-botticelli_madonna-and-child-and-the-young-st-john-the-baptist-1495(1) +religious_painting,Northern_Renaissance,martin-schongauer_the-virgin-with-infant +religious_painting,Rococo,giovanni-battista-tiepolo_the-judgment-of-solomon-1728 +religious_painting,Northern_Renaissance,hans-memling_central-panel-of-the-triptych-of-st-john-the-baptist-and-st-john-the-evangelist-1479 +religious_painting,Baroque,rembrandt_the-three-crosses-1653 +religious_painting,Early_Renaissance,benozzo-gozzoli_saint-ursula-with-angels-and-donor-detail +religious_painting,Art_Nouveau_Modern,wilhelm-kotarbinski_martyr +religious_painting,Early_Renaissance,benozzo-gozzoli_scenes-with-st-ambrose-detail-1465 +religious_painting,Baroque,jacob-jordaens_the-virgin-and-child-in-the-company-of-little-st-john-and-his-parents-1617 +religious_painting,Symbolism,salvador-dali_nummularii-de-templo-eiecti-john-2-16-1967 +religious_painting,Baroque,rembrandt_the-tribute-money-1635-1 +religious_painting,Romanticism,gustave-dore_the-punishment-of-antiochus +religious_painting,Symbolism,william-blake_god-judging-adam +religious_painting,Symbolism,konstantin-vasilyev_not-detected-272787 +religious_painting,Baroque,peter-paul-rubens_susanna-and-the-elders-1610 +religious_painting,Baroque,anthony-van-dyck_mozes-and-the-brass-snake-1620 +religious_painting,Northern_Renaissance,hieronymus-bosch_passion-of-the-christ-1515-1 +religious_painting,Northern_Renaissance,hieronymus-bosch_haywain-1 +religious_painting,Mannerism_Late_Renaissance,jacopo-pontormo_volta-1515 +religious_painting,Baroque,rembrandt_christ-driving-the-moneychangers-from-the-temple-1635 +religious_painting,High_Renaissance,vittore-carpaccio_the-lion-of-st-mark-1516 +religious_painting,Baroque,anthony-van-dyck_the-rest-on-the-flight-to-egypt-1630 +religious_painting,Romanticism,john-everett-millais_jephthah-1867 +religious_painting,High_Renaissance,giovanni-bellini_virgin-in-glory-with-saints-1515 +religious_painting,Mannerism_Late_Renaissance,tintoretto_the-prayer-in-the-garden-1581 +religious_painting,Mannerism_Late_Renaissance,jacopo-pontormo_joseph-revealing-himself-to-his-brothers +religious_painting,Naive_Art_Primitivism,marc-chagall_prophet-daniel-with-lions-1956 +religious_painting,Mannerism_Late_Renaissance,paolo-veronese_jupiter-hurling-thunderbolts-at-the-vices-1556 +religious_painting,Early_Renaissance,giovanni-bellini_dead-christ-in-the-sepulchre-2 +religious_painting,Early_Renaissance,benozzo-gozzoli_madonna-and-child-detail +religious_painting,Romanticism,edward-burne-jones_the-annunciation-the-flower-of-god-1862 +religious_painting,Early_Renaissance,fra-angelico_the-story-of-st-nicholas-the-liberation-of-three-innocents-1448 +religious_painting,Baroque,rembrandt_the-crucifixion-a-square-small-plate-1634 +religious_painting,Baroque,guido-reni_st-john-the-evangelist-1620 +religious_painting,Symbolism,mikhail-vrubel_resurrection-1887 +religious_painting,Baroque,agostino-carracci_the-ecstasy-of-saint-catherine-1590 +religious_painting,Naive_Art_Primitivism,maurice-prendergast_flight-into-egypt +religious_painting,Mannerism_Late_Renaissance,giorgio-vasari_the-annunciation +religious_painting,Northern_Renaissance,albrecht-durer_st-jerome-by-the-pollard-willow-1512 +religious_painting,High_Renaissance,michelangelo_the-ancestors-of-christ-salmon-1509 +religious_painting,Post_Impressionism,vincent-van-gogh_the-good-samaritan-after-delacroix-1890 +religious_painting,Symbolism,nicholas-roerich_bhagavan-1943 +religious_painting,Northern_Renaissance,jean-hey_the-moulins-triptych-detail-3 +religious_painting,Northern_Renaissance,albrecht-altdorfer_samson-and-the-lion-1512 +religious_painting,Romanticism,theodore-chasseriau_punishment-of-cain +religious_painting,Mannerism_Late_Renaissance,el-greco_st-francis-and-brother-rufus-1606 +religious_painting,Early_Renaissance,fra-angelico_virgin-and-child-1 +religious_painting,Mannerism_Late_Renaissance,el-greco_st-francis-praying-1595 +religious_painting,Naive_Art_Primitivism,marc-chagall_jacob-wrestling-with-the-angel-3 +religious_painting,Art_Nouveau_Modern,nicholas-roerich_internal-painting-of-the-church-in-talashkino-1914 +religious_painting,Naive_Art_Primitivism,marc-chagall_rainbow-in-the-sky-a-sign-of-covenant-between-god-and-earth-1931-1 +religious_painting,Mannerism_Late_Renaissance,tintoretto_the-raising-of-lazarus-1581 +religious_painting,Northern_Renaissance,hans-memling_the-virgin-and-child-with-an-angel-st-george-and-a-donor +religious_painting,Baroque,rembrandt_king-david-at-prayer-1652 +religious_painting,Baroque,jusepe-de-ribera_saint-elias-1638 +religious_painting,Symbolism,nicholas-roerich_st-sergius-the-buildert-1925 +religious_painting,Symbolism,mikalojus-ciurlionis_joseph-s-dream-1907 +religious_painting,Early_Renaissance,paolo-uccello_adoration-of-the-child-1437-1 +religious_painting,Baroque,anthony-van-dyck_the-lamentation-of-christ +religious_painting,Northern_Renaissance,martin-schongauer_christ-s-birth +religious_painting,Romanticism,john-collier_eve-1911 +religious_painting,High_Renaissance,giovanni-antonio-boltraffio_madonna-litta-1490 +religious_painting,Symbolism,james-tissot_the-creation-1902 +religious_painting,Early_Renaissance,domenico-ghirlandaio_vaulting-of-the-tornabuoni-chapel-1490 +religious_painting,Early_Renaissance,paolo-uccello_st-paul +religious_painting,Symbolism,salvador-dali_tu-est-petrus-mathew-16-15f-1967 +religious_painting,High_Renaissance,michelangelo_the-ancestors-of-christ-ozias-1509 +religious_painting,Baroque,alonzo-cano_st-john-the-evangelist-and-the-poisoned-cup +religious_painting,Early_Renaissance,benozzo-gozzoli_madonna-and-child-with-sts-john-the-baptist-peter-jerome-and-paul +religious_painting,Romanticism,gustave-dore_baruch +religious_painting,Northern_Renaissance,gerard-david_the-lamentation +religious_painting,Baroque,caravaggio_the-death-of-the-virgin-1603(1) +religious_painting,Art_Nouveau_Modern,nicholas-roerich_archangel-study-to-treasures-of-angels-1904 +religious_painting,Northern_Renaissance,jan-van-eyck_the-virgin-and-child-in-a-church-1437 +religious_painting,Northern_Renaissance,hans-baldung_adoration-of-the-magi +religious_painting,Symbolism,odilon-redon_aged-angel +religious_painting,Romanticism,gustave-dore_jacob-goeth-into-egypt-1866 +religious_painting,High_Renaissance,raphael_st-cecilia-with-saints-detail-1516-1 +religious_painting,Baroque,bartolome-esteban-murillo_madonna-with-a-napkin +religious_painting,Early_Renaissance,leonardo-da-vinci_the-madonna-of-the-carnation +religious_painting,Rococo,giovanni-battista-tiepolo_the-appearance-of-the-angel-before-sarah-1728 +religious_painting,Symbolism,odilon-redon_saint-sebastian +religious_painting,Baroque,jacob-jordaens_suzanna-and-the-elders +religious_painting,Northern_Renaissance,jan-van-hemessen_parable-of-the-prodigal-son-3 +religious_painting,Rococo,francisco-bayeu-y-subias_the-holy-family-1776 +religious_painting,Symbolism,nicholas-roerich_boris-and-gleb-1942 +religious_painting,Early_Renaissance,masaccio_crucifixion-of-st-peter-1426 +religious_painting,Art_Nouveau_Modern,aladar-korosfoi-kriesch_ego-sum-via-veritas-et-vita-1903 +religious_painting,Early_Renaissance,sandro-botticelli_the-flagellation(1) +religious_painting,Art_Nouveau_Modern,nicholas-roerich_book-of-doves-1911 +religious_painting,Northern_Renaissance,hans-baldung_madonna-and-child-1516 +religious_painting,High_Renaissance,pietro-perugino_madonna-and-child +religious_painting,Northern_Renaissance,lucas-cranach-the-elder_small-winged-altar-with-the-resurrection-of-christ-st-barbara-left-wing-and-st-catharine-right-1510 +religious_painting,Baroque,rembrandt_the-entombment-1654 +religious_painting,Northern_Renaissance,hans-memling_head-of-christ +religious_painting,Northern_Renaissance,albrecht-durer_martyrdom-of-the-ten-thousand-1 +religious_painting,Baroque,mestre-ataã­de_nossa-senhora-do-carmo-e-s-o-sim-o-stock +religious_painting,Baroque,peter-paul-rubens_the-adoration-of-the-magi +religious_painting,Northern_Renaissance,jan-van-hemessen_tobias-restores-his-father-s-sight +religious_painting,Romanticism,gustave-dore_the-crowned-virgin-vision-of-john +religious_painting,Baroque,rembrandt_tobit-s-wife-with-the-goat +religious_painting,Romanticism,eugene-delacroix_babylonian-captivity(1) +religious_painting,Early_Renaissance,fra-angelico_scenes-from-the-life-of-christ-1452 +religious_painting,Baroque,francisco-de-zurbaran_saint-mathilda +religious_painting,Early_Renaissance,sandro-botticelli_adoration-of-the-magi-1476-1 +religious_painting,Art_Nouveau_Modern,mikhail-vrubel_head-of-st-john-the-baptist-1905 +religious_painting,Baroque,francisco-de-zurbaran_the-immaculate-conception-1 +religious_painting,Symbolism,nicholas-roerich_saint-pantaleon-the-healer-1916-1 +religious_painting,Northern_Renaissance,hans-baldung_the-erection-of-the-cross-1507 +religious_painting,Mannerism_Late_Renaissance,el-greco_christ-in-the-olive-garden +religious_painting,Romanticism,gustave-dore_sermon-on-the-mount +religious_painting,Northern_Renaissance,hieronymus-bosch_paradise +religious_painting,Romanticism,edward-burne-jones_three-trumpeting-angels-1869 +religious_painting,Northern_Renaissance,albrecht-durer_adoration-fragment-2 +religious_painting,Early_Renaissance,filippo-lippi_birth-and-naming-st-john-1465 +religious_painting,High_Renaissance,lorenzo-lotto_madonna-with-st-jerome-and-st-anthony-of-padua-1521 +religious_painting,Northern_Renaissance,albrecht-durer_the-sudarium-of-st-veronica-1510 +religious_painting,Northern_Renaissance,hieronymus-bosch_haywain-1500 +religious_painting,Mannerism_Late_Renaissance,el-greco_the-disrobing-of-christ +religious_painting,Mannerism_Late_Renaissance,paolo-veronese_adoration-of-the-shepherds-1558 +religious_painting,High_Renaissance,luca-signorelli_the-crucifixion +religious_painting,Northern_Renaissance,rogier-van-der-weyden_saint-john-altarpiece-1460 +religious_painting,Northern_Renaissance,jean-fouquet_sainte-marguerite-and-olibrius-also-known-as-marguerite-keeping-sheep +religious_painting,Early_Renaissance,fra-angelico_coronation-of-the-virgin-detail-1435-3 +religious_painting,Art_Nouveau_Modern,nicholas-roerich_the-saviour-over-the-door-1913 +religious_painting,Northern_Renaissance,hans-memling_triptych-of-the-family-moreel-closed-1484 +religious_painting,Northern_Renaissance,hugo-van-der-goes_the-portinari-altarpiece-st-thomas-and-st-anthony-the-hermit-with-tommaso-portinari-and-two-1478 +religious_painting,Romanticism,ivan-aivazovsky_dejection-of-noah-from-mountain-ararat-1889 +religious_painting,Naive_Art_Primitivism,marc-chagall_bathsheba-reminds-david-of-his-promise-to-appoint-their-son-solomon-as-king-of-israel-after-him-1956 +religious_painting,Realism,vasily-polenov_they-brought-the-children +religious_painting,Realism,vasily-polenov_christ-and-the-sinner-1876 +religious_painting,Baroque,bartolome-esteban-murillo_angel-holding-the-crown-of-thorns-1660 +religious_painting,Northern_Renaissance,albrecht-durer_st-magdalena +religious_painting,Naive_Art_Primitivism,marc-chagall_the-torah-the-second-state-1983 +religious_painting,High_Renaissance,andrea-del-sarto_noli-me-tangere +religious_painting,Early_Renaissance,filippo-lippi_madonna-della-cintola +religious_painting,Romanticism,gustave-dore_an-angel-appears-to-balaam +religious_painting,Early_Renaissance,benozzo-gozzoli_conversion-of-the-heretic-1465 +religious_painting,Northern_Renaissance,jean-fouquet_st-francis-receiving-the-stigmata +religious_painting,High_Renaissance,lorenzo-lotto_st-sebastian-1531 +religious_painting,Art_Nouveau_Modern,ivan-bilibin_resurrection-of-christ-the-sketch-for-the-fresco-of-the-church-of-the-assumption-in-olshany-1900 +religious_painting,Symbolism,felicien-rops_the-devil-and-eve-in-the-garden-of-eden +religious_painting,Baroque,bartolome-esteban-murillo_francis-xavier-1670 +religious_painting,Early_Renaissance,bartolome-bermejo_christ-at-the-tomb-supported-by-two-angels-1474 +religious_painting,Northern_Renaissance,lucas-cranach-the-elder_christ-and-the-adulteress-1532 +religious_painting,Early_Renaissance,pietro-perugino_the-nativity-of-the-virgin-st-joseph-and-the-shepherds-adoring-the-infant-christ +religious_painting,Early_Renaissance,sandro-botticelli_trinity(1) +religious_painting,Symbolism,nicholas-roerich_hill-of-tara +religious_painting,Northern_Renaissance,hans-memling_virgin-and-child-1 +religious_painting,Naive_Art_Primitivism,marc-chagall_the-israelites-pass-the-red-sea-however-the-first-chariots-of-the-egyptian-army-are-drowned +religious_painting,Naive_Art_Primitivism,marc-chagall_paradise-1960 +religious_painting,Northern_Renaissance,jean-fouquet_martyrdom-of-st-apollonia +religious_painting,Symbolism,mikhail-nesterov_st-jonh-the-apostle-1909 +religious_painting,Naive_Art_Primitivism,marc-chagall_study-to-jacob-wrestling-with-the-angel-1 +religious_painting,Baroque,peter-paul-rubens_the-prophet-elijah-receiving-bread-and-water-from-an-angel-1628 +religious_painting,Symbolism,kuzma-petrov-vodkin_sacrifice-of-abel-1910 +religious_painting,Symbolism,gustave-moreau_saint-sebastian-and-his-executioners +religious_painting,Baroque,anthony-van-dyck_the-penitent-apostle-peter-1618 +religious_painting,Romanticism,louis-janmot_l-assomption-de-la-vierge +religious_painting,Northern_Renaissance,hans-memling_st-john-altarpiece-left-wing-1479 +religious_painting,Early_Renaissance,carlo-crivelli_virgin-proclamation-1482 +religious_painting,Early_Renaissance,piero-della-francesca_the-flagellation-of-christ(1) +religious_painting,Expressionism,salvador-dali_pieta-1 +religious_painting,Mannerism_Late_Renaissance,tintoretto_christ-in-the-house-of-the-pharisee +religious_painting,Symbolism,salvador-dali_ecce-homo-1967 +religious_painting,Northern_Renaissance,rogier-van-der-weyden_madonna-and-child-6 +religious_painting,High_Renaissance,andrea-mantegna_the-holy-family-with-st-elizabeth-and-st-john-the-baptist-1505 +religious_painting,Early_Renaissance,fra-angelico_saint-anthony-the-abbot-tempted-by-a-lump-of-gold-1436 +religious_painting,Mannerism_Late_Renaissance,el-greco_annunciation +religious_painting,Baroque,bartolome-esteban-murillo_immaculate-conception-1670 +religious_painting,High_Renaissance,michelangelo_the-conversion-of-saul-1545 +religious_painting,Mannerism_Late_Renaissance,el-greco_christ-as-saviour +religious_painting,High_Renaissance,vittore-carpaccio_burial-of-st-jerome-1509 +religious_painting,Naive_Art_Primitivism,oskar-kokoschka_not_detected_235932 +religious_painting,Naive_Art_Primitivism,marc-chagall_eve +religious_painting,Mannerism_Late_Renaissance,jacopo-pontormo_birth-of-john-the-baptist-1526 +religious_painting,Northern_Renaissance,hans-memling_the-reliquary-of-st-ursula-1489-1 +religious_painting,Early_Renaissance,antonello-da-messina_crusifixion-1455 +religious_painting,Northern_Renaissance,albrecht-durer_the-adoration-of-the-holy-trinity-landauer-altar-1511 +religious_painting,Early_Renaissance,fra-angelico_the-martyrdom-of-st-mark +religious_painting,Early_Renaissance,paolo-uccello_episodes-of-the-hermit-life-1460 +religious_painting,Realism,nikolai-ge_not_detected_252979-1880 +religious_painting,Naive_Art_Primitivism,marc-chagall_jacob-wrestling-with-the-angel-7 +religious_painting,Northern_Renaissance,albrecht-durer_philip-1526 +religious_painting,Early_Renaissance,fra-angelico_madonna-of-humility +religious_painting,High_Renaissance,pietro-perugino_polyptych-of-st-peter-san-costanzo-1500 +religious_painting,Symbolism,nicholas-roerich_st-panteleimon-the-healer +religious_painting,Early_Renaissance,fra-angelico_prophets-detail +religious_painting,Baroque,rembrandt_charitable-samaritan-also-known-as-the-good-samaritan-1638 +religious_painting,Northern_Renaissance,lucas-cranach-the-elder_madonna-and-child-1540 +religious_painting,Northern_Renaissance,hans-baldung_adam-and-eve-1531 +religious_painting,Early_Renaissance,andrea-del-verrocchio_st-jerome +religious_painting,Baroque,guido-reni_head-of-saint-joseph +religious_painting,Mannerism_Late_Renaissance,tintoretto_st-jerome-and-st-andrew +religious_painting,Baroque,jan-steen_wedding-of-tobias-and-sarah +religious_painting,High_Renaissance,michelangelo_the-virgin-and-child-with-saint-john-and-angels-manchester-madonna +religious_painting,Early_Renaissance,filippo-lippi_the-triumph-of-mordecai +religious_painting,High_Renaissance,pietro-perugino_madonna-in-glory-with-the-child-and-saints +religious_painting,Northern_Renaissance,hieronymus-bosch_not_detected_195357 +religious_painting,Symbolism,nicholas-roerich_vitrage-1929 +religious_painting,Northern_Renaissance,albrecht-durer_adoration-fragment +religious_painting,Art_Nouveau_Modern,nicholas-roerich_vernicle-1912 +religious_painting,Northern_Renaissance,albrecht-durer_four-angels-staying-the-winds-and-signing-the-chosen-1498 +religious_painting,Symbolism,albert-bloch_prodigal-1959 +religious_painting,Early_Renaissance,benozzo-gozzoli_st-mark-detail-of-the-four-evangelists-1465 +religious_painting,Baroque,jacob-jordaens_the-miracle-of-the-obol-in-the-mouth-of-the-fish +religious_painting,Mannerism_Late_Renaissance,tintoretto_the-conversion-of-saul +religious_painting,Early_Renaissance,fra-angelico_lamentation-over-st-francis +religious_painting,Northern_Renaissance,rogier-van-der-weyden_various-altarpieces-1440 +religious_painting,Mannerism_Late_Renaissance,titian_the-trinity-in-glory-1554 +religious_painting,Early_Renaissance,giovanni-bellini_resurrection-of-christ-1479 +religious_painting,Mannerism_Late_Renaissance,paolo-veronese_the-mystic-marriage-of-sr-catherine +religious_painting,High_Renaissance,lorenzo-lotto_st-jerome +religious_painting,Mannerism_Late_Renaissance,el-greco_st-peter-and-st-paul +religious_painting,Early_Renaissance,benozzo-gozzoli_st-jerome-pulling-a-thorn-from-a-lion-s-paw +religious_painting,Mannerism_Late_Renaissance,agnolo-bronzino_altarpiece +religious_painting,Baroque,rembrandt_abraham-s-sacrifice-1655 +religious_painting,Naive_Art_Primitivism,marc-chagall_the-tablets-of-law-1961 +religious_painting,High_Renaissance,raphael_disputation-of-the-holy-sacrament-detail-1510 +religious_painting,Symbolism,nicholas-roerich_saint-genevieve-1933 +religious_painting,Symbolism,james-tissot_amos +religious_painting,Early_Renaissance,fra-angelico_martyrdom-of-st-lawrence-1449 +religious_painting,Romanticism,gustave-dore_the-tower-of-babel +religious_painting,Naive_Art_Primitivism,marc-chagall_jacob-weeps-over-joseph-s-tunic-1931 +religious_painting,High_Renaissance,raphael_the-disputation-of-the-holy-sacrament-1511 +religious_painting,Baroque,jan-steen_wrath-of-ahasuerus-1673 +religious_painting,Naive_Art_Primitivism,marc-chagall_solomon-1956 +religious_painting,Baroque,francisco-de-zurbaran_angel-with-incense-1 +religious_painting,Early_Renaissance,paolo-uccello_crucifixion-1430 +religious_painting,Early_Renaissance,domenico-veneziano_madonna-and-child-with-st-lucy-st-francis-st-nicolas-and-st-john-the-baptist-from-santa-lucia +religious_painting,High_Renaissance,luca-signorelli_madonna-and-child-with-saints-and-angels +religious_painting,Early_Renaissance,fra-angelico_san-domenico-altarpiece-1430 +religious_painting,Northern_Renaissance,jan-van-eyck_portrait-of-christ-1440 +religious_painting,Northern_Renaissance,petrus-christus_the-lamentation-over-the-dead-christ +religious_painting,Early_Renaissance,carlo-crivelli_saint-anthony-saint-jerome-saint-andrew-1482 +religious_painting,Romanticism,viktor-vasnetsov_four-horsemen-of-apocalypse-1887 +religious_painting,Baroque,diego-velazquez_saint-paul-1620 +religious_painting,Northern_Renaissance,albrecht-durer_the-temptation-of-the-idler-1498 +religious_painting,Early_Renaissance,piero-della-francesca_procession-of-the-queen-of-sheba(1) +religious_painting,Early_Renaissance,domenico-ghirlandaio_the-virgin-and-child +religious_painting,Symbolism,james-tissot_pharaoh-notes-the-importance-of-the-jewish-people +religious_painting,Baroque,rembrandt_susanna-and-the-elders +religious_painting,Baroque,rembrandt_the-virgin-and-the-child-with-the-cat-and-snake-1654 +religious_painting,Early_Renaissance,fra-angelico_christ-the-judge-1447 +religious_painting,High_Renaissance,leonardo-da-vinci_heads-of-judas-and-peter +religious_painting,Romanticism,gustave-dore_the-creation-of-eve +religious_painting,Baroque,bernardo-strozzi_tribute-money +religious_painting,Northern_Renaissance,hieronymus-bosch_the-garden-of-earthly-delights-1516-2 +religious_painting,Early_Renaissance,fra-angelico_crucifixion-with-the-virgin-and-sts-cosmas-john-the-evangelist-and-peter-martyr-1442 +religious_painting,Symbolism,james-tissot_the-miracle-of-the-loaves-and-fishes-1896 +religious_painting,Romanticism,edward-burne-jones_the-annnciation-1879 +religious_painting,High_Renaissance,raphael_madonna-of-the-cloth-detail +religious_painting,Symbolism,odilon-redon_the-buddha-1 +religious_painting,Early_Renaissance,fra-angelico_lamentation-over-christ-1442 +religious_painting,Early_Renaissance,andrea-mantegna_the-flagellation-of-christ-in-the-pavement-1475 +religious_painting,High_Renaissance,andrea-mantegna_christ +religious_painting,Northern_Renaissance,gerard-david_archangel-gabriel-and-virgin-annunciate +religious_painting,Early_Renaissance,carlo-crivelli_man-of-sorrow-1468 +religious_painting,Early_Renaissance,domenico-ghirlandaio_coronation-of-the-virgin-1 +religious_painting,Symbolism,salvador-dali_planctus-david-in-mortem-saul-1967 +religious_painting,Northern_Renaissance,hieronymus-bosch_the-adoration-of-the-magi +religious_painting,Northern_Renaissance,rogier-van-der-weyden_virgin-with-the-child-and-four-saints +religious_painting,Symbolism,viktor-vasnetsov_angel-with-a-lamp-1896 +religious_painting,Mannerism_Late_Renaissance,giorgio-vasari_assumption-of-the-virgin +religious_painting,Baroque,francisco-de-zurbaran_the-savior-blessing-1638 +religious_painting,High_Renaissance,pietro-perugino_virgin-with-a-child-st-john-and-an-angel-madonna-del-sacco +religious_painting,Baroque,peter-paul-rubens_adam-and-eve +religious_painting,Realism,vasily-polenov_and-there-was +religious_painting,Baroque,peter-paul-rubens_sacrifice-of-abraham +religious_painting,Northern_Renaissance,hugo-van-der-goes_joseph-and-asenath +religious_painting,Romanticism,gustave-dore_the-finding-of-moses +religious_painting,Early_Renaissance,domenico-ghirlandaio_st-john-the-evangelist-on-the-island-of-patmos-1485 +religious_painting,Early_Renaissance,andrea-mantegna_the-holy-family-painting-on-wood-1455 +religious_painting,Symbolism,nicholas-roerich_miracle +religious_painting,Early_Renaissance,fra-angelico_st-mark-1424 +religious_painting,Mannerism_Late_Renaissance,jacopo-pontormo_visitation-2 +religious_painting,Cubism,albert-gleizes_mati-re-et-lumi-re-ou-le-christ-au-t-tramorphe-1934 +religious_painting,Romanticism,william-turner_shade-and-darkness-the-evening-of-the-deluge +religious_painting,Baroque,yov-kondzelevych_ascension-bogorodchansky-iconostasis-1705 +religious_painting,Symbolism,james-tissot_the-meeting-of-esau-and-jacob +religious_painting,Northern_Renaissance,jean-fouquet_martyrdom-of-st-andrew-before-the-proconsul-egeas +religious_painting,Baroque,francisco-de-zurbaran_brother-pedro-machado +religious_painting,Baroque,peter-paul-rubens_madonna-della-vallicella +religious_painting,Symbolism,odilon-redon_the-apparition +religious_painting,High_Renaissance,titian_st-mark +religious_painting,Mannerism_Late_Renaissance,jacopo-pontormo_the-fall-of-adam-and-eve +religious_painting,Early_Renaissance,pisanello_apparition-of-the-virgin-to-sts-anthony-abbot-and-george +religious_painting,Baroque,agostino-carracci_st-lucia-from-the-episode-holy-women-1578 +religious_painting,Symbolism,james-tissot_crucifixion-seen-from-the-cross-1890 +religious_painting,Northern_Renaissance,rogier-van-der-weyden_crucifixion-diptych-1460 +religious_painting,High_Renaissance,andrea-solario_ecce-homo +religious_painting,High_Renaissance,michelangelo_the-prophet-jeremiah-1512 +religious_painting,High_Renaissance,giorgione_the-holy-family-madonna-benson-1500(2) +religious_painting,Romanticism,eduard-von-gebhardt_lazarus-and-the-rich-man-1865 +religious_painting,Baroque,rembrandt_samson-at-the-wedding-1638 +religious_painting,Naive_Art_Primitivism,fernando-botero_notre-dame-de-new-york +religious_painting,Realism,james-tissot_david-danced-before-the-lord-with-all-his-might +religious_painting,Baroque,peter-paul-rubens_martyrdom-of-st-thomas +religious_painting,Naive_Art_Primitivism,marc-chagall_the-man-guided-by-the-lord-the-right-way-isaiah-lviii-8-11 +religious_painting,Early_Renaissance,benozzo-gozzoli_st-augustine-reading-rhetoric-and-philosophy-at-the-school-of-rome-1465 +religious_painting,Northern_Renaissance,hans-holbein-the-younger_oberried-altarpiece-left-interior-wing-the-adoration-of-the-magi-1522 +religious_painting,Northern_Renaissance,mabuse_the-virgin-and-child-1527 +religious_painting,Early_Renaissance,carlo-crivelli_annunciation-with-saint-emidius-1486 +religious_painting,Northern_Renaissance,hieronymus-bosch_the-garden-of-earthly-delights-1515-5 +religious_painting,Symbolism,salvador-dali_maria-conferens-in-corde-suo-matthew-1-23-1967 +religious_painting,Romanticism,viktor-vasnetsov_cathedral-of-saints-of-the-universal-church-1896 +religious_painting,Northern_Renaissance,hans-baldung_lamentation-1515 +religious_painting,Early_Renaissance,carlo-crivelli_saint-thomas-aquinas-1476 +religious_painting,Symbolism,gustave-moreau_saint-margaret-1873 +religious_painting,Northern_Renaissance,albrecht-durer_the-circumcision-of-christ-1505 +religious_painting,High_Renaissance,raphael_crucifixion-1503 +religious_painting,Naive_Art_Primitivism,marc-chagall_peace-and-glory-were-brought-to-jerusalem-with-the-forgiveness-of-god-isaiah-lii-1-7 +religious_painting,Northern_Renaissance,gerard-david_triptych-with-the-nativity-1515 +religious_painting,Mannerism_Late_Renaissance,agnolo-bronzino_adoration-of-the-cross-with-the-brazen-serpent +religious_painting,Romanticism,gustave-dore_the-prophet-jeremiah +religious_painting,Baroque,rembrandt_christ-and-the-samaritan-at-the-well-1659 +religious_painting,Northern_Renaissance,hans-memling_wings-of-a-triptych +religious_painting,Northern_Renaissance,konrad-witz_crucifixion +religious_painting,Northern_Renaissance,albrecht-durer_christ-as-the-man-of-sorrows-1493 +religious_painting,Baroque,francisco-de-zurbaran_st-hugh-of-cluny-in-the-refectory-of-the-carthusians-1633 +religious_painting,Baroque,yov-kondzelevych_icon-of-apostles-andrew-and-mark-from-the-village-of-voshatyn-in-volhynia(2) +religious_painting,Baroque,jacob-jordaens_adoration-of-the-shepherds +religious_painting,Baroque,mestre-ataã­de_a-coroa-o-da-virgem-pela-sant-ssima-trindade-detail-1811 +religious_painting,Mannerism_Late_Renaissance,andrea-del-sarto_the-annunciation +religious_painting,Northern_Renaissance,dirk-bouts_triptych-the-pearl-of-brabant-left-wing-st-john-the-baptist-middle-panel-adoration-of-the-magi +religious_painting,Early_Renaissance,domenico-ghirlandaio_the-visitation +religious_painting,Naive_Art_Primitivism,marc-chagall_jacob-blessed-two-sons-of-joseph-despite-joseph-he-raises-his-right-hand-on-the-head-of-the +religious_painting,Early_Renaissance,filippo-lippi_meeting-of-joachim-and-anne-at-the-golden-gate +religious_painting,Northern_Renaissance,jean-fouquet_the-adoration-of-the-magi +religious_painting,Northern_Renaissance,albrecht-durer_st-agnes +religious_painting,Early_Renaissance,benozzo-gozzoli_trial-by-fire-before-the-sultan +religious_painting,Early_Renaissance,bartolome-bermejo_death-of-the-virgin-1462 +religious_painting,High_Renaissance,raphael_the-miraculous-draught-of-fishes-cartoon-for-the-sistine-chapel +religious_painting,Mannerism_Late_Renaissance,titian_annunciation-1 +religious_painting,Mannerism_Late_Renaissance,paolo-veronese_rebecca-and-eliezer +religious_painting,Mannerism_Late_Renaissance,el-greco_the-dream-of-philip-ii-1579 +religious_painting,High_Renaissance,pietro-perugino_pala-di-sant-agostino-adoration-of-pastors +religious_painting,Romanticism,alexey-venetsianov_prayer-to-our-lady-mother-for-the-pupils-smolny-1835 +religious_painting,Mannerism_Late_Renaissance,giorgio-vasari_the-nativity +religious_painting,Early_Renaissance,jacopo-bellini_christ-in-the-grave +religious_painting,Northern_Renaissance,joachim-patinir_rest-during-the-flight-to-egypt +religious_painting,Northern_Renaissance,petrus-christus_the-virgin-and-child-in-a-gothic-interior-painting-by-petrus-christus-nelson-atkins-museum-1460 +religious_painting,Baroque,le-nain-brothers_the-last-supper +religious_painting,Realism,vasily-polenov_christ-and-the-sinner-1883 +religious_painting,Symbolism,gustave-moreau_the-good-samaritan +religious_painting,Northern_Renaissance,hieronymus-bosch_st-jerome-praying-1500 +religious_painting,Baroque,francesco-solimena_the-martyrdom-of-sts-placidus-and-flavia-1708 +religious_painting,Naive_Art_Primitivism,marc-chagall_noah-lets-go-the-dove-through-the-window-of-the-ark-genesis-viii-6-9 +religious_painting,Expressionism,georges-rouault_crucifixion-1937 +religious_painting,Naive_Art_Primitivism,marc-chagall_joseph-a-shepherd-1931 +religious_painting,Northern_Renaissance,albrecht-durer_the-four-apostles-right-part-st-mark-s-and-st-paul-1526 +religious_painting,High_Renaissance,luca-signorelli_lamentation-over-the-dead-christ-1502 +religious_painting,Mannerism_Late_Renaissance,paolo-veronese_temptation-of-st-anthony +religious_painting,Northern_Renaissance,albrecht-durer_the-meeting-of-joachim-and-anne-at-the-golden-gate +religious_painting,Early_Renaissance,piero-della-francesca_st-francis +religious_painting,Mannerism_Late_Renaissance,tintoretto_the-jews-in-the-desert +religious_painting,Early_Renaissance,carlo-crivelli_enthroned-madonna-st-jerome-and-st-sebastian-1490 +religious_painting,Naive_Art_Primitivism,marc-chagall_god-turns-moses-staff-into-a-serpent-1966 +religious_painting,Art_Nouveau_Modern,jacek-malczewski_angel-and-the-little-shepherd-boy-1 +religious_painting,Early_Renaissance,andrea-mantegna_san-sebastian-1480 +religious_painting,Early_Renaissance,sandro-botticelli_portrait-of-a-young-man-with-red-cap-1477(1) +religious_painting,Northern_Renaissance,robert-campin_mass-of-saint-gregory +religious_painting,Northern_Renaissance,hieronymus-bosch_scenes-in-hell +religious_painting,Naive_Art_Primitivism,marc-chagall_isaiah-s-prayer-isaiah-lxiv-6-11 +religious_painting,Northern_Renaissance,hans-memling_madonna-and-child-from-the-diptych-of-maerten-van-nieuwenhove-1487 +religious_painting,Naive_Art_Primitivism,marc-chagall_joseph-explains-the-dreams-of-pharaoh-genesis-xli-25-28-32-1931 +religious_painting,Mannerism_Late_Renaissance,jacopo-pontormo_punishment-of-the-baker +religious_painting,Northern_Renaissance,lucas-cranach-the-elder_adam-and-eve +religious_painting,Baroque,david-teniers-the-younger_the-temptation-of-st-anthony +religious_painting,Baroque,bartolome-esteban-murillo_st-isidore-of-seville-1655 +religious_painting,Northern_Renaissance,hieronymus-bosch_the-garden-of-earthly-delights-1515-4 +religious_painting,Early_Renaissance,sandro-botticelli_madonna-and-child-with-an-angel(1) +religious_painting,Mannerism_Late_Renaissance,paolo-veronese_st-mark-1555 +religious_painting,Realism,ilya-repin_st-nicholas-saves-three-innocents-from-death-1888 +religious_painting,Abstract_Expressionism,salvador-dali_portrait-of-st-jerome +religious_painting,Early_Renaissance,fra-angelico_coronation-of-the-virgin-detail-1435-1 +religious_painting,Baroque,bartolome-esteban-murillo_holy-family-with-the-infant-saint-john-1655 +religious_painting,High_Renaissance,michelangelo_adam-and-eve-1512 +religious_painting,Northern_Renaissance,albrecht-durer_christ-driving-the-merchants-from-the-temple-1511 +religious_painting,High_Renaissance,andrea-del-sarto_madonna-and-child-with-st-elisabeth-the-infant-st-john-and-two-angels-1516 +religious_painting,Naive_Art_Primitivism,marc-chagall_an-angel-1960 +religious_painting,Baroque,pietro-da-cortona_the-guardian-angel +religious_painting,Baroque,rembrandt_christ-at-emmaus-1654 +religious_painting,Symbolism,james-tissot_the-apparition-mezzotine-second-state +religious_painting,High_Renaissance,raphael_bridgewater-madonna-1511 +religious_painting,Mannerism_Late_Renaissance,giorgio-vasari_holy-family-with-st-francis-in-a-landscape-1542 +religious_painting,Early_Renaissance,benozzo-gozzoli_saint-ursula-with-angels-and-donor-detail-3 +religious_painting,Naive_Art_Primitivism,marc-chagall_driven-from-jerusalem-by-rebelled-again-absalom-david-barefoot-climbed-to-the-hill-of-olives-1956 +religious_painting,Rococo,giovanni-battista-tiepolo_finding-of-moses +religious_painting,Early_Renaissance,carlo-crivelli_piet +religious_painting,Symbolism,james-tissot_jacob-deceives-isaac +religious_painting,Northern_Renaissance,albrecht-durer_christ-at-the-cross-1497 +religious_painting,Early_Renaissance,bartolome-bermejo_saint-sebastian-1485 +religious_painting,Northern_Renaissance,gerard-david_the-nativity-1 +religious_painting,Mannerism_Late_Renaissance,maerten-van-heemskerck_the-prophets-ezekiel-and-daniel-1560 +religious_painting,Baroque,ivan-rutkovych_icon-dormition-of-virgin-mary-1699 +religious_painting,Baroque,caravaggio_john-the-baptist(1) +religious_painting,Northern_Renaissance,hieronymus-bosch_the-last-judgement +religious_painting,Naive_Art_Primitivism,marc-chagall_abraham-and-isaac-on-the-way-to-the-place-of-sacrifice +religious_painting,Northern_Renaissance,hieronymus-bosch_the-carrying-of-the-cross-christ-and-st-veronica +religious_painting,Baroque,theodoor-van-thulden_theodoor-flanders-and-brabant-honour-maria +religious_painting,Mannerism_Late_Renaissance,tintoretto_christ-1 +religious_painting,Early_Renaissance,fra-angelico_the-virgin-consigns-the-habit-to-st-dominic-1434 +religious_painting,Northern_Renaissance,albrecht-durer_the-virgin-and-child-with-st-anne +religious_painting,Naive_Art_Primitivism,marc-chagall_the-israelites-which-have-gone-from-egypt-with-angel-of-death-are-eating-the-easter-lamb-exodus +religious_painting,Mannerism_Late_Renaissance,el-greco_mount-sinai-1570 +religious_painting,Naive_Art_Primitivism,marc-chagall_circumcision-prescribed-by-god-to-abraham-genesis-xvii-10-1931 +religious_painting,High_Renaissance,luca-signorelli_the-last-judgment-the-right-part-of-the-composition-the-damned-consigned-to-hell-1502 +religious_painting,Symbolism,odilon-redon_angel-executions +religious_painting,Naive_Art_Primitivism,marc-chagall_adam-and-eve-with-the-forbidden-fruit-1960 +religious_painting,Mannerism_Late_Renaissance,titian_the-martyrdom-of-st-lawrence-1559(1) +religious_painting,Early_Renaissance,sandro-botticelli_sebastian(1) +religious_painting,Naive_Art_Primitivism,marc-chagall_the-calling-of-ezekiel-ezekiel-ii-8x-iii-3 +religious_painting,High_Renaissance,luca-signorelli_the-holy-family +religious_painting,Baroque,bartolome-esteban-murillo_the-adoration-of-the-shepherds +religious_painting,Mannerism_Late_Renaissance,rosso-fiorentino_the-holy-family-with-the-infant-saint-john-the-baptist-1521 +religious_painting,Early_Renaissance,fra-angelico_st-matthew-1424 +religious_painting,Mannerism_Late_Renaissance,el-greco_resurrection-1579 +religious_painting,Mannerism_Late_Renaissance,tintoretto_the-descent-from-the-cross-1580 +religious_painting,Naive_Art_Primitivism,tarsila-do-amaral_anjos +religious_painting,Rococo,vieira-portuense_santa-maria-de-cortona +religious_painting,Naive_Art_Primitivism,marc-chagall_david-freed-from-all-of-his-enemies-sings-a-hymn-of-victory-to-the-lord-ii-samuel-xxii +religious_painting,Northern_Renaissance,hugo-van-der-goes_the-trinity-altar-panels-detail-1478 +religious_painting,Mannerism_Late_Renaissance,correggio_the-mystic-marriage-of-st-catherine-of-alexandria(2) +religious_painting,Northern_Renaissance,robert-campin_virgin-and-child-1410 +religious_painting,Baroque,bartolome-esteban-murillo_the-prodigal-son-feasting-with-courtesans-1660 +religious_painting,High_Renaissance,pietro-perugino_baptism-of-christ +religious_painting,Baroque,rembrandt_joseph-accused-by-potiphar-s-wife-1655 +religious_painting,Northern_Renaissance,jan-van-eyck_the-ghent-altarpiece-1432 +religious_painting,Naive_Art_Primitivism,marc-chagall_the-creation-of-man-1959 +religious_painting,Realism,vasily-surikov_healing-the-man-born-blind-by-jesus-christ-1888 +religious_painting,High_Renaissance,cima-da-conegliano_presentation-of-the-virgin-at-the-temple +religious_painting,Early_Renaissance,luca-signorelli_madonna-and-child-with-saints-1 +religious_painting,Symbolism,george-frederick-watts_horsemen-apocalypse-rider-1878 +religious_painting,Mannerism_Late_Renaissance,jacopo-pontormo_joseph-in-egypt +religious_painting,Romanticism,viktor-vasnetsov_saint-alipiy-the-iconographer-1893 +religious_painting,Early_Renaissance,domenico-ghirlandaio_presentation-of-the-virgin-1490 +religious_painting,Early_Renaissance,sandro-botticelli_adoration-of-the-magi-1500(1) +religious_painting,Northern_Renaissance,albrecht-durer_heller-altarpiece +religious_painting,Northern_Renaissance,albrecht-durer_christ-on-the-mount-of-olives-1524 +religious_painting,Naive_Art_Primitivism,marc-chagall_king-david-1974 +religious_painting,Baroque,bartolome-esteban-murillo_st-isidor-1655 +religious_painting,Northern_Renaissance,hieronymus-bosch_the-garden-of-earthly-delights-1516-15 +religious_painting,Naive_Art_Primitivism,fernando-botero_ecce-homo +religious_painting,Northern_Renaissance,albrecht-durer_the-adoration-of-the-lamb-and-the-hymn-of-the-chosen-1498 +religious_painting,Romanticism,andrei-ryabushkin_noah-s-ark +religious_painting,Symbolism,james-tissot_elijah-carried-away-into-heaven-by-a-chariot-of-fire +religious_painting,Mannerism_Late_Renaissance,el-greco_st-mary-magdalene +religious_painting,Mannerism_Late_Renaissance,paolo-veronese_adoration-of-the-magi +religious_painting,Early_Renaissance,sandro-botticelli_madonna-del-magnificat-1485(1) +religious_painting,Baroque,rembrandt_st-peter-and-st-john-at-the-entrance-to-the-temple-1649 +religious_painting,Northern_Renaissance,lucas-cranach-the-elder_the-trinity +religious_painting,Mannerism_Late_Renaissance,paolo-veronese_healing-of-the-lame-man-at-the-pool-of-bethesda-1560 +religious_painting,Early_Renaissance,filippo-lippi_the-funeral-of-st-stephen +religious_painting,Northern_Renaissance,albrecht-durer_studies-on-a-great-picture-of-mary-st-katherina +religious_painting,High_Renaissance,andrea-mantegna_madonna-with-st-mary-magdalene-and-st-john-the-baptist-1506(2) +religious_painting,Symbolism,salvador-dali_angelus-excussit-flammamignis-daniel-3-23-1967 +religious_painting,High_Renaissance,lorenzo-lotto_madonna-and-child-with-sts-peter-christine-liberale-and-jerome-1505 +religious_painting,Romanticism,dante-gabriel-rossetti_the-virgin-mary-being-comforted-1852 +religious_painting,Realism,vasily-polenov_was-filled-with-wisdom +religious_painting,Northern_Renaissance,lucas-cranach-the-elder_the-mystic-marriage-of-st-catherine +religious_painting,Early_Renaissance,domenico-ghirlandaio_renunciation-of-worldly-goods-1485 +religious_painting,Early_Renaissance,piero-della-francesca_madonna-of-senigallia-with-child-and-two-angels(1) +religious_painting,Art_Nouveau_Modern,mikhail-vrubel_angel-with-labara-1884-1 +religious_painting,Romanticism,gustave-dore_adam-and-eve-are-driven-out-of-eden +religious_painting,Northern_Renaissance,albrecht-durer_st-barbara +religious_painting,Baroque,ivan-rutkovych_icon-sermon-of-saint-john-the-baptist-1699 +religious_painting,Early_Renaissance,fra-angelico_deposition-from-the-cross-1440 +religious_painting,Baroque,david-teniers-the-younger_temptation-of-st-anthony +religious_painting,Early_Renaissance,carlo-crivelli_lamentation-of-christ-1473 +religious_painting,Baroque,peter-paul-rubens_the-stigmatization-of-st-francis +religious_painting,Baroque,bernardo-strozzi_the-miracle-of-st-diego-of-alcantara-1625 +religious_painting,Northern_Renaissance,albrecht-durer_jesus-boy-with-globe-1493 +religious_painting,Northern_Renaissance,hans-holbein-the-younger_the-last-supper +religious_painting,Early_Renaissance,andrea-del-castagno_piet +religious_painting,Baroque,rembrandt_tobit-and-anna-with-a-goat-1645 +religious_painting,Early_Renaissance,benozzo-gozzoli_st-nicholas-of-bari-1465 +religious_painting,Baroque,rembrandt_the-supper-at-emmaus-1648 +religious_painting,Northern_Renaissance,albrecht-durer_christ-being-nailed-to-the-cross-1511 +religious_painting,High_Renaissance,titian_st-gregory-the-great +religious_painting,Mannerism_Late_Renaissance,parmigianino_the-conversion-of-st-paul-1528 +religious_painting,High_Renaissance,pietro-perugino_the-family-of-the-madonna-1502 +religious_painting,Naive_Art_Primitivism,marc-chagall_moses-breaks-tablets-of-law-1966 +religious_painting,Early_Renaissance,carlo-crivelli_enthroned-madonna-1 +religious_painting,Romanticism,eugene-delacroix_study-for-part-of-the-justice-frieze-1836(1) +religious_painting,High_Renaissance,raphael_madonna-and-child-enthroned-with-saints-1505 +religious_painting,Early_Renaissance,fra-angelico_flight-into-egypt-1452 +religious_painting,Mannerism_Late_Renaissance,paolo-veronese_feast-in-the-house-of-simon +religious_painting,Early_Renaissance,luca-signorelli_crucifixion-of-st-sepulchre +religious_painting,Early_Renaissance,antonello-da-messina_st-jerome-penitet +religious_painting,Early_Renaissance,masaccio_madonna-casini +religious_painting,High_Renaissance,pietro-perugino_polyptych-of-st-peter-san-placido-1500 +religious_painting,Early_Renaissance,benozzo-gozzoli_st-augustine-departing-for-milan-1465 +religious_painting,Mannerism_Late_Renaissance,giorgio-vasari_the-incredulity-of-st-thomas-1572 +religious_painting,Romanticism,gustave-dore_the-vision-of-death +religious_painting,Symbolism,william-holman-hunt_the-scapegoat +religious_painting,Early_Renaissance,fra-angelico_the-virgin-of-humility-1445 +religious_painting,Mannerism_Late_Renaissance,paolo-veronese_bathsheba-bathing +religious_painting,High_Renaissance,luca-signorelli_the-crucifixion-with-st-mary-magdalen +religious_painting,Symbolism,salvador-dali_iosias-sepultus-in-mausoleum-patrum-2-chronicles-35-24-1967 +religious_painting,Naive_Art_Primitivism,marc-chagall_moses-casts-his-stick-that-transformed-into-a-snake-on-the-orders-of-the-lord-that-referred-to-1931 +religious_painting,Naive_Art_Primitivism,marc-chagall_consecration-of-aaron-and-his-son-1965 +religious_painting,Northern_Renaissance,hans-memling_adam-and-eve +religious_painting,High_Renaissance,raphael_the-liberation-of-st-peter-in-the-stanza-d-eliodoro-1514-1 +religious_painting,Early_Renaissance,fra-angelico_madonna-and-child-of-the-grapes +religious_painting,Mannerism_Late_Renaissance,tintoretto_saint-george-and-the-dragon +religious_painting,Northern_Renaissance,albrecht-durer_christ-2 +religious_painting,Mannerism_Late_Renaissance,paolo-veronese_st-francis-in-ecstasy +religious_painting,Early_Renaissance,antonello-da-messina_st-jerome +religious_painting,Northern_Renaissance,hieronymus-bosch_temptation-of-st-anthony-1 +religious_painting,Baroque,mestre-ataã­de_deus-promete-a-abra-o-multiplicar-sua-descend-ncia-1799 +religious_painting,Northern_Renaissance,albrecht-durer_the-mocking-of-christ-1511 +religious_painting,Baroque,caravaggio_crucifixion-of-saint-peter-1601(1) +religious_painting,Early_Renaissance,fra-angelico_perugia-altarpiece-right-panel-1448 +religious_painting,Baroque,peter-paul-rubens_the-virgin-and-child-with-st-elizabeth-and-the-infant-st-john-the-baptist +religious_painting,Baroque,pietro-da-cortona_martyrdom-of-saint-lawrence +religious_painting,Early_Renaissance,luca-signorelli_annunciation +religious_painting,Early_Renaissance,benozzo-gozzoli_tabernacle-of-the-madonna-delle-tosse-assumption-of-the-virgin +religious_painting,Early_Renaissance,carlo-crivelli_mary-with-child +religious_painting,Mannerism_Late_Renaissance,paolo-veronese_holy-family-with-st-barbara-and-the-infant-st-john +religious_painting,Baroque,peter-paul-rubens_adoration-of-the-magi-1629 +religious_painting,Northern_Renaissance,jean-fouquet_conversation-between-st-gontran-and-st-childebert-ii +religious_painting,High_Renaissance,raphael_christ-s-charge-to-st-peter-cartoon-for-the-sistine-chapel +religious_painting,Romanticism,camille-corot_saint-sebastian-in-a-landscape-1853 +religious_painting,Baroque,anthony-van-dyck_blessed-joseph-hermann-1629 +religious_painting,Early_Renaissance,benozzo-gozzoli_angels-worshipping-detail-1461 +religious_painting,Mannerism_Late_Renaissance,paolo-veronese_the-adoration-of-the-virgin-by-the-coccina-family +religious_painting,Early_Renaissance,giovanni-bellini_madonna-with-child-1 +religious_painting,Northern_Renaissance,hans-memling_st-ursula-shrine-virgin-and-child-1489 +religious_painting,Baroque,caravaggio_john-the-baptist-1610(2) +religious_painting,Baroque,peter-paul-rubens_descent-from-the-cross-1614-1 +religious_painting,Baroque,bartolome-esteban-murillo_st-john-the-baptist-as-a-child +religious_painting,Baroque,peter-paul-rubens_st-domitilla-with-st-nereus-and-st-achilleus-1608 +religious_painting,Realism,nikolai-ge_not_detected_252986 +religious_painting,Symbolism,salvador-dali_faciamus-hominem-genesis-1-26-1964 +religious_painting,Baroque,theodoor-van-thulden_marthyrship-of-the-holy-barbara +religious_painting,Rococo,william-hogarth_the-pool-of-bethesda-1736 +religious_painting,Baroque,rembrandt_jacob-telling-his-dreams-1638 +religious_painting,Early_Renaissance,sandro-botticelli_the-annunciation-predella-panel-from-the-altarpiece-of-st-mark-1490(1) +religious_painting,Symbolism,nicholas-roerich_madonna-laboris-1933 +religious_painting,Baroque,peter-paul-rubens_virgin-in-adoration-before-the-christ-child +religious_painting,Mannerism_Late_Renaissance,correggio_the-apostles-peter-and-paul-1524-1 +religious_painting,Northern_Renaissance,gerard-david_madonna-with-angels-and-saints +religious_painting,Early_Renaissance,domenico-ghirlandaio_baptism-of-christ-1 +religious_painting,High_Renaissance,titian_mary-with-the-child-and-saints +religious_painting,Northern_Renaissance,albrecht-altdorfer_the-martyrdom-of-saint-florian +religious_painting,High_Renaissance,vittore-carpaccio_christ-with-the-symbols-of-the-passion-surrounded-by-angels-1496 +religious_painting,Early_Renaissance,sandro-botticelli_the-madonna-of-the-roses(1) +religious_painting,Rococo,giovanni-battista-tiepolo_hagar-in-the-wilderness-1729 +religious_painting,Symbolism,salvador-dali_apparuerunt-illis-dispertitae-linguae-acts-1-14-1967 +religious_painting,Early_Renaissance,fra-angelico_madonna-with-the-child-and-angels +religious_painting,Baroque,juan-de-valdes-leal_the-conversion-and-baptism-of-st-augustine-by-st-ambrose-1673 +religious_painting,Symbolism,james-tissot_the-lord-s-prayer-1896 +religious_painting,Romanticism,arthur-hughes_the-annunciation +religious_painting,High_Renaissance,andrea-mantegna_madonna-with-saints-st-john-thebaptist-st-gregory-i-the-great-st-benedict-1506 +religious_painting,Northern_Renaissance,hieronymus-bosch_last-judgment-right-wing +religious_painting,Realism,vasily-polenov_went-into-the-hill-country-1894 +religious_painting,Romanticism,viktor-vasnetsov_st-sergiy-radonezhskiy-1882 +religious_painting,Early_Renaissance,piero-della-francesca_annunciation-detail(1) +religious_painting,Baroque,rembrandt_joseph-s-dream-in-the-stable-in-bethlehem-1645 +religious_painting,Early_Renaissance,benozzo-gozzoli_madonna-and-child-surrounded-by-saints +religious_painting,Mannerism_Late_Renaissance,titian_virgin-and-child +religious_painting,Baroque,ivan-rutkovych_icon-of-archangel-gabriel-1699 +religious_painting,Northern_Renaissance,hans-memling_the-martyrdom-of-st-ursula-s-companions-and-the-martyrdom-of-st-ursula-from-the-shrine-of-st-1489 +religious_painting,Northern_Renaissance,albrecht-durer_lamentation-of-christ-1497 +religious_painting,Baroque,bartolome-esteban-murillo_brother-juniper-and-the-beggar +religious_painting,Art_Nouveau_Modern,mikhail-vrubel_st-cyril-1885 +religious_painting,Mannerism_Late_Renaissance,giorgio-vasari_the-nativity-with-the-adoration-of-the-shepherds +religious_painting,Romanticism,francesco-hayez_destruction-of-the-temple-of-jerusalem-1867 +religious_painting,Baroque,bartolome-esteban-murillo_return-of-the-prodigal-son-1670 +religious_painting,High_Renaissance,raphael_holy-family-known-as-the-grande-famille-of-francois-i-1518 +religious_painting,Early_Renaissance,domenico-ghirlandaio_apse +religious_painting,Art_Nouveau_Modern,jacek-malczewski_christ-and-the-samaritian-woman +religious_painting,Naive_Art_Primitivism,fernando-botero_archangel +religious_painting,Early_Renaissance,filippo-lippi_nativity-1469 +religious_painting,Mannerism_Late_Renaissance,tintoretto_crucifixion-1565-1 +religious_painting,Romanticism,viktor-vasnetsov_descent-into-hell-1904 +religious_painting,Symbolism,mikhail-vrubel_christ-in-gethsemane-1888 +religious_painting,Baroque,ivan-rutkovych_the-crucifixtion-with-scenes-of-christ-s-passion-1699 +religious_painting,Northern_Renaissance,jan-van-eyck_the-ghent-altarpiece-1432-1 +religious_painting,Rococo,giovanni-battista-tiepolo_the-sacrifice-of-isaac-1729 +religious_painting,Baroque,bartolome-esteban-murillo_saint-adelelmus-of-burgos-1655 +religious_painting,Expressionism,martiros-saryan_fairy-tale-garden-of-eden-1904 +religious_painting,Baroque,peter-paul-rubens_our-lady-with-the-saints-1 +religious_painting,Northern_Renaissance,jan-van-hemessen_jesus-summons-matthew-to-leave-the-tax-office +religious_painting,Early_Renaissance,pietro-perugino_christ-handing-the-keys-to-st-peter-detail-1-1482 +religious_painting,Northern_Renaissance,hieronymus-bosch_the-fall-of-the-rebel-angels-1504 +religious_painting,Romanticism,gustave-dore_hagar-and-ishmael-in-the-wilderness +religious_painting,Symbolism,james-tissot_joseph-interprets-pharaoh-s-dream +religious_painting,Early_Renaissance,piero-della-francesca_st-elizabeth-saves-a-boy +religious_painting,High_Renaissance,cima-da-conegliano_the-annunciation-1495 +religious_painting,Symbolism,salvador-dali_proelium-magnum-in-caelo-1967 +religious_painting,Mannerism_Late_Renaissance,el-greco_st-martin-and-the-beggar +religious_painting,Naive_Art_Primitivism,marc-chagall_jacob-wrestling-with-the-angel +religious_painting,Early_Renaissance,domenico-ghirlandaio_st-christopher +religious_painting,Early_Renaissance,carlo-crivelli_piet-1 +religious_painting,Early_Renaissance,carlo-crivelli_saint-john-the-baptist-1468 +religious_painting,Expressionism,oskar-kokoschka_not_detected_235852 +religious_painting,Romanticism,gustave-dore_the-prophets-of-baal-are-slaughtered +religious_painting,Early_Renaissance,luca-signorelli_the-descent-of-the-holy-ghost +religious_painting,Early_Renaissance,benozzo-gozzoli_the-four-evangelists-1465 +religious_painting,Mannerism_Late_Renaissance,el-greco_baptism-of-christ-1568 +religious_painting,Early_Renaissance,luca-signorelli_adoration-of-the-magi +religious_painting,Baroque,jan-steen_bathsheba-receiving-david-s-letter +religious_painting,Mannerism_Late_Renaissance,paolo-veronese_annunciation-1558-1 +religious_painting,Baroque,jacob-jordaens_job +religious_painting,Early_Renaissance,benozzo-gozzoli_blessing-of-the-faithful-at-hippo-1465 +religious_painting,Realism,vasily-surikov_temptation-of-christ-1872 +religious_painting,Early_Renaissance,pietro-perugino_adoration-of-the-kings-epiphany +religious_painting,Naive_Art_Primitivism,marc-chagall_moses-called-the-elders-and-presents-tablets-of-law-1966 +religious_painting,Naive_Art_Primitivism,marc-chagall_abraham-and-sarah-1956 +religious_painting,Baroque,jacob-jordaens_saint-peter +religious_painting,Northern_Renaissance,gerard-david_two-legends-of-st-nicholas-1 +religious_painting,Northern_Renaissance,hugo-van-der-goes_the-crucifixion +religious_painting,Early_Renaissance,andrea-del-castagno_david-with-the-head-of-goliath +religious_painting,Naive_Art_Primitivism,marc-chagall_moses-and-aaron-1931 +religious_painting,Mannerism_Late_Renaissance,paolo-veronese_the-marriage-of-saint-catherine +religious_painting,Romanticism,dante-gabriel-rossetti_the-annunciation +religious_painting,Romanticism,jan-matejko_devil-2 +religious_painting,High_Renaissance,luca-signorelli_resurrection-of-the-dead-1502 +religious_painting,Northern_Renaissance,lucas-cranach-the-elder_feast-of-herod-1531 +religious_painting,Mannerism_Late_Renaissance,cristovao-de-figueiredo_deposi-o-no-t-mulo-1521 +religious_painting,Northern_Renaissance,hans-baldung_christ-as-a-gardener-noli-me-tangere-1539 +religious_painting,Northern_Renaissance,jean-hey_the-nativity +religious_painting,Art_Nouveau_Modern,wilhelm-kotarbinski_the-crucifixion-of-jesus-christ +religious_painting,Early_Renaissance,filippo-lippi_the-funeral-of-st-stephen-detail-1 +religious_painting,Northern_Renaissance,hieronymus-bosch_the-garden-of-earthly-delights-1516-8 +religious_painting,Naive_Art_Primitivism,marc-chagall_job-praying-1960 +religious_painting,Post_Impressionism,maurice-denis_jacob-s-battle-with-the-angel +religious_painting,Symbolism,salvador-dali_nabuchodonsor-rex-babylons-1967 +religious_painting,Symbolism,james-tissot_jael-smote-sisera-and-slew-him-1902 +religious_painting,Realism,vasily-perov_christ-in-gethsemane +religious_painting,Northern_Renaissance,lucas-cranach-the-elder_st-catherine-and-st-barbara +religious_painting,Mannerism_Late_Renaissance,tintoretto_the-temptation-of-st-anthony +religious_painting,Early_Renaissance,fra-angelico_virgin-and-child +religious_painting,Baroque,caravaggio_saint-catherine-of-alexandria(1) +religious_painting,Mannerism_Late_Renaissance,el-greco_st-sebastian-2 +religious_painting,Early_Renaissance,carlo-crivelli_saint-peter-and-saint-paul +religious_painting,Mannerism_Late_Renaissance,giorgio-vasari_chapel-of-the-crucifix-the-cross-of-baccio-da-montelupo +religious_painting,Symbolism,gustave-moreau_salome-entering-the-banquet-room +religious_painting,Symbolism,george-frederick-watts_she-shall-be-called-woman +religious_painting,Northern_Renaissance,hans-baldung_virgin-and-child-1540 +religious_painting,Baroque,rembrandt_the-pilgrims-at-emmaus +religious_painting,High_Renaissance,lorenzo-lotto_crucifixion-1531 +religious_painting,High_Renaissance,pietro-perugino_madonna-with-child-oratory-of-annunciation +religious_painting,Naive_Art_Primitivism,marc-chagall_from-the-terrace-of-his-palace-david-sees-bathing-bathsheba-ii-samuel-xi-2-3 +religious_painting,Baroque,peter-paul-rubens_the-flagellation-of-christ +religious_painting,Mannerism_Late_Renaissance,tintoretto_st-sebastian-1581 +religious_painting,Baroque,jusepe-de-ribera_the-holy-family-with-st-catherine-1648 +religious_painting,Early_Renaissance,filippo-lippi_disputation-in-the-synagogue-detail-1465 +religious_painting,Realism,ilya-repin_raising-of-jairus-daughter2-1871 +religious_painting,Early_Renaissance,sandro-botticelli_the-annunciation-1500(1) +religious_painting,Mannerism_Late_Renaissance,maerten-van-heemskerck_triptych +religious_painting,Baroque,caravaggio_john-the-baptist-1604(1) +religious_painting,Northern_Renaissance,jan-van-eyck_the-ghent-altar-detail-1432-5 +religious_painting,Rococo,giovanni-domenico-tiepolo_christ-and-the-adulteress-1751 +religious_painting,Early_Renaissance,masaccio_the-agony-in-the-garden +religious_painting,Early_Renaissance,carlo-crivelli_madonna +religious_painting,Northern_Renaissance,hans-baldung_three-king-altar +religious_painting,Early_Renaissance,domenico-ghirlandaio_virgin-mary +religious_painting,Cubism,marc-chagall_adam-and-eve-1912 +religious_painting,Baroque,rembrandt_st-jerome-kneeling-in-prayer-looking-down-1635 +religious_painting,Baroque,peter-paul-rubens_st-george-with-martyrs-maurus-papianus-domitilla-nerus-and-achilleus +religious_painting,Symbolism,james-tissot_the-adoration-of-the-shepherds-illustration-for-the-life-of-christ +religious_painting,Symbolism,mikhail-vrubel_piet-1887-1 +religious_painting,Early_Renaissance,sandro-botticelli_st-augustine-in-his-cell-1490(1) +religious_painting,Mannerism_Late_Renaissance,tintoretto_risen-christ-with-st-andrew-and-members-of-morosini-family +religious_painting,Early_Renaissance,paolo-uccello_adoration-of-the-child-1437 +religious_painting,High_Renaissance,andrea-del-sarto_the-raising-of-the-dead-child-by-the-corpse-of-san-filippo +religious_painting,Early_Renaissance,benozzo-gozzoli_st-augustine-reading-rhetoric-and-philosophy-at-the-school-of-rome-detail-1465 +religious_painting,Symbolism,james-tissot_shem-ham-and-japheth-1902 +religious_painting,Mannerism_Late_Renaissance,tintoretto_st-mary-of-egypt-1587 +religious_painting,Expressionism,david-alfaro-siqueiros_christ-1965 +religious_painting,Early_Renaissance,fra-angelico_crucifixion-with-st-dominic-flagellating-himself +religious_painting,Northern_Renaissance,hans-memling_virgin-suckling-the-child-1490 +religious_painting,High_Renaissance,luca-signorelli_the-last-judgment-the-left-part-of-the-composition-the-blessed-consigned-to-paradise-1502 +religious_painting,Baroque,bartolome-esteban-murillo_the-departure-of-the-prodigal-son-1660 +religious_painting,Northern_Renaissance,albrecht-durer_madonna-and-child-on-the-grassy-bank +religious_painting,Early_Renaissance,carlo-crivelli_virgin-and-child-enthroned-with-saints +religious_painting,Early_Renaissance,andrea-mantegna_lamentation-over-the-dead-christ-1450 +religious_painting,Northern_Renaissance,albrecht-durer_crucifixion-1498 +religious_painting,Rococo,giovanni-domenico-tiepolo_preaching-of-john-the-baptist +religious_painting,Mannerism_Late_Renaissance,tintoretto_finding-of-moses +religious_painting,Mannerism_Late_Renaissance,maerten-van-heemskerck_annunciation-1546 +religious_painting,Mannerism_Late_Renaissance,maerten-van-heemskerck_gideon +religious_painting,Symbolism,james-tissot_the-chastisement-of-uzzah +religious_painting,Mannerism_Late_Renaissance,giorgio-vasari_marriage-at-cana-1566 +religious_painting,Northern_Renaissance,hugo-van-der-goes_portinari-triptych-detail-1478-2 +religious_painting,Baroque,david-teniers-the-younger_the-temptation-of-st-anthony-1 +religious_painting,Symbolism,odilon-redon_sacred-heart-1910 +religious_painting,Northern_Renaissance,albrecht-durer_st-anthony-1519 +religious_painting,Northern_Renaissance,hieronymus-bosch_st-anthony-st-giles-1499 +religious_painting,Baroque,mestre-ataã­de_abra-o-adora-os-tr-s-anjos-1799 +religious_painting,Baroque,matthias-stom_sacrifice-of-isaac(1) +religious_painting,Early_Renaissance,benozzo-gozzoli_trial-by-fire-before-the-sultan-detail +religious_painting,Romanticism,viktor-vasnetsov_bliss-of-paradise-1896 +religious_painting,Northern_Renaissance,hans-memling_nativity +religious_painting,High_Renaissance,pietro-perugino_altarpiece-of-st-augustine-adoration-of-the-shepherds-detail-altarpiece-of-st-augustine-1510 +religious_painting,High_Renaissance,cima-da-conegliano_st-jerome-in-the-desert +religious_painting,Northern_Renaissance,hieronymus-bosch_not_detected_195353 +religious_painting,Baroque,rembrandt_the-apostle-paul-1659 +religious_painting,Realism,james-tissot_building-the-ark +religious_painting,Baroque,guido-reni_assumption-1600 +religious_painting,Symbolism,gustave-moreau_the-angels-of-sodom +religious_painting,Naive_Art_Primitivism,marc-chagall_meeting-of-ruth-and-boaz-1960 +religious_painting,Early_Renaissance,benozzo-gozzoli_tabernacle-of-the-visitation-annunciation-the-archangel-gabriel +religious_painting,Northern_Renaissance,hans-holbein-the-younger_head-of-a-male-saint +religious_painting,Symbolism,jacek-malczewski_saint-agnes-1921 +religious_painting,Early_Renaissance,carlo-crivelli_virgin-and-child-enthroned +religious_painting,Northern_Renaissance,lucas-cranach-the-elder_christ-as-savior-with-martin-luther +religious_painting,Symbolism,salvador-dali_ecclesiastes-preacher-of-surprising-joy-1-4 +religious_painting,Early_Renaissance,benozzo-gozzoli_the-dance-of-salome-detail-1462-1 +religious_painting,Baroque,alonzo-cano_st-john-the-evangelist-giving-communion-to-the-virgin +religious_painting,Realism,vasily-polenov_what-people-think-about-me +religious_painting,Symbolism,james-tissot_the-women-of-midian-led-captive-by-the-hebrews-1900 +religious_painting,Naive_Art_Primitivism,marc-chagall_circumcision-prescribed-by-god-to-abraham-genesis-xvii-10 +religious_painting,Romanticism,viktor-vasnetsov_entombment-of-christ +religious_painting,Mannerism_Late_Renaissance,paolo-veronese_susanna-and-the-elders-1588 +religious_painting,Symbolism,salvador-dali_oblatio-munda-1967 +religious_painting,High_Renaissance,michelangelo_sistine-chapel-ceiling-god-dividing-land-and-water-1512-1 +religious_painting,Symbolism,mikhail-vrubel_virgin-and-child +religious_painting,Rococo,francois-boucher_adoration-of-the-magi-1760 +religious_painting,Northern_Renaissance,gerard-david_the-flaying-of-the-corrupt-judge-sisamnes-1498 +religious_painting,Romanticism,dante-gabriel-rossetti_mary-magdalene-at-the-door-of-simon-the-pharisee-1853 +religious_painting,Baroque,francesco-solimena_the-trinity-the-madonna-and-st-dominic +religious_painting,Mannerism_Late_Renaissance,paolo-veronese_madonna-enthroned-with-saints +religious_painting,Cubism,andre-derain_the-last-supper-of-jesus-1911 +religious_painting,Symbolism,salvador-dali_noe-qui-primus-plantavit-vineam-genesis-9-20f-1967 +religious_painting,High_Renaissance,raphael_the-marriage-of-the-virgin-1504-1 +religious_painting,Baroque,annibale-carracci_rest-on-flight-into-egypt +religious_painting,Early_Renaissance,carlo-crivelli_two-apostles-1475 +religious_painting,Romanticism,vasily-polenov_prodigal-son-1874 +religious_painting,Northern_Renaissance,albrecht-altdorfer_diptych-1507 +religious_painting,Symbolism,james-tissot_hagar-and-the-angel-in-the-desert-1900 +religious_painting,Baroque,jacob-jordaens_christ-carrying-the-cross-1660 +religious_painting,Baroque,bartolome-esteban-murillo_madonna-in-the-clouds-1660 +religious_painting,Mannerism_Late_Renaissance,tintoretto_do-not-touch-me +religious_painting,Northern_Renaissance,martin-schongauer_christ-s-birth-1 +religious_painting,Northern_Renaissance,hans-memling_adoration-of-the-magi-right-wing-of-triptych-depicting-the-presentation-in-the-temple-c-1470-72-1472 +religious_painting,Northern_Renaissance,jan-provoost_virgin-and-child-1 +religious_painting,Northern_Renaissance,jan-provoost_the-virgin-mary-in-glory-1524 +religious_painting,Baroque,bartolome-esteban-murillo_vision-to-st-francis-1646 +religious_painting,Naive_Art_Primitivism,marc-chagall_god-directs-moses-to-make-vestments-for-use-in-the-sanctuary-1966 +religious_painting,Mannerism_Late_Renaissance,giorgio-vasari_entombment-1532 +religious_painting,Naive_Art_Primitivism,marc-chagall_lot-and-his-daughters-genesis-xix-31-35 +religious_painting,Early_Renaissance,benozzo-gozzoli_death-and-ascention-of-st-francis +religious_painting,Symbolism,nicholas-roerich_harrowing-of-hell-1933 +religious_painting,Northern_Renaissance,hieronymus-bosch_the-garden-of-earthly-delights-1516-4 +religious_painting,Symbolism,james-tissot_joseph-interprets-the-dreams-while-in-prison +religious_painting,Early_Renaissance,jacopo-bellini_madonna-and-child-1450 +religious_painting,Early_Renaissance,filippo-lippi_madonna-enthroned +religious_painting,Naive_Art_Primitivism,marc-chagall_the-descent-from-croix +religious_painting,Northern_Renaissance,hugo-van-der-goes_christ-on-the-cross +religious_painting,High_Renaissance,raphael_the-deposition-1507 +religious_painting,Baroque,rembrandt_tobit-and-anna-with-the-kid-1645 +religious_painting,Symbolism,nicholas-roerich_krishna-spring-in-kulu-1930 +religious_painting,Early_Renaissance,paolo-uccello_the-adoration-of-the-magi-1435 +religious_painting,Symbolism,salvador-dali_omnes-de-saba-venient-1967 +religious_painting,High_Renaissance,giovanni-bellini_the-redeemer-1502 +religious_painting,Naive_Art_Primitivism,marc-chagall_joseph-is-attacked-and-robbed-by-his-brothers-genesis-xxxvii-23-24 +religious_painting,Romanticism,ford-madox-brown_jesus-washing-peter-s-feet-1876 +religious_painting,Symbolism,mikhail-nesterov_resurrection +religious_painting,High_Renaissance,pietro-perugino_madonna-with-child +religious_painting,Northern_Renaissance,robert-campin_the-nuptials-of-the-virgin-st-james-the-great-and-st-clare-1420 +religious_painting,Romanticism,francisco-goya_the-last-communion-of-st-joseph-calasanz-1819 +religious_painting,Northern_Renaissance,albrecht-durer_man-of-sorrows-with-hands-bound-1512 +religious_painting,Baroque,francisco-de-zurbaran_st-bartholomew-almost-in-agony-1632 +religious_painting,High_Renaissance,andrea-del-sarto_madonna-and-child-with-the-young-st-john +religious_painting,Baroque,frans-snyders_christ-and-john-the-baptist-as-children-and-two-angels +religious_painting,Art_Nouveau_Modern,wilhelm-kotarbinski_god-the-creator-the-days-of-creation +religious_painting,Early_Renaissance,fra-angelico_madonna-of-humility-1 +religious_painting,Realism,vasily-polenov_has-been-in-desert-1909 +nude_painting,Fauvism,maurice-de-vlaminck_the-girl-from-rat-mort-1906 +nude_painting,Symbolism,odilon-redon_naked-woman-on-a-car +nude_painting,Cubism,ernst-ludwig-kirchner_three-nudes-in-the-forest-3 +nude_painting,Expressionism,pablo-picasso_standing-female-nude-1908 +nude_painting,Post_Impressionism,henri-matisse_odalisque-in-red-culottes-1921 +nude_painting,Post_Impressionism,henri-matisse_nude-3 +nude_painting,Romanticism,theodore-chasseriau_v-nus-anadyom-ne-1838 +nude_painting,Naive_Art_Primitivism,pablo-picasso_nude-with-picasso-by-her-feet +nude_painting,Expressionism,amedeo-modigliani_reclining-nude-on-a-blue-cushion-red-nude +nude_painting,Impressionism,anders-zorn_reflexions-1889 +nude_painting,Symbolism,felicien-rops_pornocrates +nude_painting,Cubism,pablo-picasso_the-girls-of-avignon-1907 +nude_painting,Realism,julius-leblanc-stewart_nymphs-of-nysa(1) +nude_painting,Expressionism,henri-matisse_nude-black-and-gold-1908 +nude_painting,Art_Nouveau_Modern,raphael-kirchner_deadly-sins-1 +nude_painting,Expressionism,ossip-zadkine_at-the-water-s-edge +nude_painting,Contemporary_Realism,jamie-wyeth_monhegan-s-schoolteacher-2004 +nude_painting,Expressionism,richard-gerstl_nude-in-garden-1907(1) +nude_painting,Ukiyo_e,utagawa-kunisada_not_detected_240352 +nude_painting,Pop_Art,derek-boshier_frightened-cowboy-1980 +nude_painting,Post_Impressionism,moise-kisling_not-identified-22 +nude_painting,Impressionism,thomas-eakins_boy-reclining +nude_painting,Expressionism,paul-klee_a-woman-for-gods-1938(1) +nude_painting,Expressionism,ernst-ludwig-kirchner_female-nude-with-black-hat-1 +nude_painting,Expressionism,m.c.-escher_seated-female-nude-1 +nude_painting,Expressionism,ligia-macovei_unknown-title-22 +nude_painting,Fauvism,henri-matisse_the-blue-nude-souvenir-of-biskra-1907 +nude_painting,Expressionism,ernst-ludwig-kirchner_nudeyoung-woman-in-front-of-a-oven +nude_painting,Expressionism,amedeo-modigliani_reclining-nude-with-arms-folded-under-her-head-1916 +nude_painting,Impressionism,william-merritt-chase_pure-aka-the-model +nude_painting,Post_Impressionism,pyotr-konchalovsky_nude-on-a-background-of-green-sketch-for-painting-woman-at-the-creek-1928 +nude_painting,Expressionism,kees-van-dongen_odalisque-couch-e-1909 +nude_painting,Ukiyo_e,utagawa-kunisada_not_detected_240342 +nude_painting,Expressionism,amedeo-modigliani_reclining-nude-with-blue-cushion-1917 +nude_painting,Realism,jean-francois-millet_the-bather-1848 +nude_painting,Post_Impressionism,suzanne-valadon_nude-on-the-sofa-1920 +nude_painting,Expressionism,ernst-ludwig-kirchner_couple +nude_painting,Expressionism,amedeo-modigliani_anna-akhmatova-1911-1(1) +nude_painting,High_Renaissance,michelangelo_ignudo-1 +nude_painting,Post_Impressionism,maurice-prendergast_bathers +nude_painting,Impressionism,theo-van-rysselberghe_nude-1902 +nude_painting,Impressionism,edgar-degas_woman-drying-herself +nude_painting,Abstract_Expressionism,henri-matisse_blue-nudes +nude_painting,Post_Impressionism,marcel-duchamp_standing-nude-1910-1 +nude_painting,Romanticism,orest-kiprensky_two-sitters-1800 +nude_painting,Realism,anders-zorn_sunbathing-girl +nude_painting,Fauvism,pyotr-konchalovsky_girl-under-the-umbrella-1929 +nude_painting,Expressionism,egon-schiele_female-nude-1910 +nude_painting,Expressionism,amedeo-modigliani_standing-caryatid-1913 +nude_painting,Art_Nouveau_Modern,raphael-kirchner_nude-drawings-3 +nude_painting,Expressionism,henri-matisse_decorative-figure-on-an-ornamental-background-1925 +nude_painting,Expressionism,salvador-dali_untitled-female-nude-on-a-palette +nude_painting,Cubism,pablo-picasso_female-nude-sitting-in-red-armchair-1932 +nude_painting,New_Realism,edward-hopper_reclining-nude +nude_painting,Romanticism,alexander-shilov_nude-1991(3) +nude_painting,Realism,anders-zorn_cabin-1917 +nude_painting,Post_Impressionism,georges-lemmen_sitting-nude-on-chair-1910 +nude_painting,Impressionism,giovanni-boldini_young-dark-lady +nude_painting,Expressionism,egon-schiele_standing-male-nude-back-view-1910 +nude_painting,Impressionism,pierre-auguste-renoir_woman-at-the-fountain +nude_painting,Expressionism,august-macke_seated-female-with-a-pillow +nude_painting,Expressionism,iosif-iser_laid-back-nude-1941 +nude_painting,Pointillism,salvador-dali_nude-in-a-landscape +nude_painting,Contemporary_Realism,eric-fischl_the-bed-the-chair-touched +nude_painting,Expressionism,amedeo-modigliani_seated-nude-1918 +nude_painting,Northern_Renaissance,albrecht-durer_standing-female-nude-with-baton-in-the-right +nude_painting,Impressionism,pierre-auguste-renoir_nude-on-the-grass-1915 +nude_painting,Realism,gustave-courbet_the-bathers-1858 +nude_painting,Post_Impressionism,paul-gauguin_breton-eve-1889 +nude_painting,Post_Impressionism,rafael-zabaleta_reclining-female-nude +nude_painting,Post_Impressionism,ion-theodorescu-sion_odalisc-1938 +nude_painting,Symbolism,pierre-puvis-de-chavannes_a-maid-combing-a-woman-s-hair +nude_painting,Romanticism,orest-kiprensky_sitter +nude_painting,Impressionism,gustave-caillebotte_naked-woman-lying-on-a-couch +nude_painting,Ukiyo_e,utagawa-kunisada_not_detected_240344 +nude_painting,Baroque,agostino-carracci_achille-and-briseis +nude_painting,Fauvism,endre-bartos_naked-women-s-dance-1973 +nude_painting,Cubism,m.c.-escher_seated-female-nude +nude_painting,High_Renaissance,michelangelo_ignudo-15 +nude_painting,Expressionism,pablo-picasso_standing-female-nude-1906 +nude_painting,Expressionism,yiannis-moralis_nude-sitting +nude_painting,Expressionism,amedeo-modigliani_nude-with-necklace-1917 +nude_painting,Expressionism,lucian-freud_man-posing +nude_painting,Impressionism,giovanni-boldini_reclining-nude-1930 +nude_painting,Pointillism,marevna-(marie-vorobieff)_not-identified-4 +nude_painting,Cubism,jean-metzinger_woman-with-a-mandolin-1950 +nude_painting,Realism,anders-zorn_bust-1916 +nude_painting,Pop_Art,richard-hamilton_pin-up-1961 +nude_painting,Impressionism,giovanni-boldini_symphony-in-gray-1931 +nude_painting,New_Realism,john-french-sloan_nude +nude_painting,Contemporary_Realism,eric-fischl_the-begining-of-the-end +nude_painting,Expressionism,egon-schiele_kneeling-female-nude-back-view-1915 +nude_painting,Post_Impressionism,pierre-bonnard_the-beach +nude_painting,Impressionism,edgar-degas_after-the-bath-1896 +nude_painting,Impressionism,samuel-mutzner_intimitate-1925 +nude_painting,Impressionism,giovanni-boldini_nude-woman-reclining-on-yellow-cushions +nude_painting,Cubism,marevna-(marie-vorobieff)_the-bathers +nude_painting,Art_Nouveau_Modern,raphael-kirchner_deadly-sins-5 +nude_painting,Cubism,olexandr-archipenko_two-nude-female-figures-seated-and-bending +nude_painting,Cubism,m.-h.-maxy_nude-with-veil-1922 +nude_painting,Impressionism,anders-zorn_red-stockings-1887 +nude_painting,Expressionism,balthus_the-room-1948 +nude_painting,Expressionism,lovis-corinth_nana-female-nude-1911 +nude_painting,Impressionism,edgar-degas_woman-combing-her-hair-1890 +nude_painting,Expressionism,ernst-ludwig-kirchner_crouching-girl +nude_painting,Expressionism,ernst-ludwig-kirchner_after-the-bath +nude_painting,Expressionism,lucian-freud_leigh-under-the-skylight +nude_painting,Expressionism,egon-schiele_lovers-man-and-woman-1914 +nude_painting,Post_Impressionism,salvador-dali_nude-in-the-water +nude_painting,Expressionism,salvador-dali_untitled-male-nude-in-a-landscape +nude_painting,Cubism,ernst-ludwig-kirchner_reclining-female-nude +nude_painting,Impressionism,lovis-corinth_innocentia-1890 +nude_painting,Symbolism,konstantin-somov_naked-among-the-flowers +nude_painting,Post_Impressionism,le-pho_the-three-bathers-1938 +nude_painting,Expressionism,pablo-picasso_lying-naked-woman-1955-1 +nude_painting,Expressionism,lucian-freud_young-girl-resting +nude_painting,Expressionism,zinaida-serebriakova_moroccan-girl-marrakesh-1932 +nude_painting,Expressionism,amedeo-modigliani_caryatid +nude_painting,Impressionism,pierre-auguste-renoir_after-the-bath +nude_painting,Expressionism,pablo-picasso_bust-of-woman-1906-1 +nude_painting,Abstract_Expressionism,henri-matisse_the-flowing-hair-1952 +nude_painting,Cubism,olexandr-archipenko_nude +nude_painting,Cubism,andre-masson_no-name-4 +nude_painting,Pointillism,theo-van-rysselberghe_the-scarlet-ribbon-1906 +nude_painting,Analytical_Cubism,pablo-picasso_female-nude +nude_painting,Romanticism,taras-shevchenko_a-model-1860 +nude_painting,Expressionism,jack-bush_life-drawing-woman-1938 +nude_painting,Post_Impressionism,moise-kisling_not-identified-32 +nude_painting,Expressionism,ernst-ludwig-kirchner_female-nude-with-shadow-of-a-twig +nude_painting,Impressionism,edgar-degas_after-the-bath +nude_painting,Cubism,tarsila-do-amaral_nu +nude_painting,Abstract_Expressionism,jack-tworkov_untitled-1954 +nude_painting,Impressionism,edgar-degas_leaving-the-bath-1885-1 +nude_painting,Expressionism,egon-schiele_self-portrait-1911 +nude_painting,Post_Impressionism,moise-kisling_kiki-de-montparnasse-1927(1) +nude_painting,Realism,anton-azbe_study-of-a-man-1886 +nude_painting,Contemporary_Realism,eric-fischl_once-where-we-looked-to-put-down +nude_painting,Cubism,ernst-ludwig-kirchner_three-nudes-in-the-forest +nude_painting,Contemporary_Realism,neil-welliver_seated-figure-claudia-1969 +nude_painting,Impressionism,edgar-degas_the-bath-1 +nude_painting,Impressionism,joaquã­n-sorolla_female-nude-1916 +nude_painting,Expressionism,henri-matisse_the-artist-and-his-model-1919 +nude_painting,Expressionism,oskar-kokoschka_not_detected_235938 +nude_painting,Expressionism,ernst-ludwig-kirchner_milli +nude_painting,Impressionism,edgar-degas_after-bathing-woman-drying-herself-1 +nude_painting,Expressionism,paul-delvaux_the-lady-rose-1934 +nude_painting,Post_Impressionism,augustus-john_bathers-1904 +nude_painting,Expressionism,balthus_nude-with-a-guitar-1986 +nude_painting,Realism,julius-leblanc-stewart_nymphs-hunting-1898(1) +nude_painting,Post_Impressionism,pablo-picasso_sleeping-nude-1904 +nude_painting,Realism,pablo-picasso_dutch-girl-1905 +nude_painting,Realism,giovanni-boldini_from-robilant-and-voena +nude_painting,Expressionism,oskar-kokoschka_not_detected_235913 +nude_painting,Expressionism,lucian-freud_benefits-supervisor-sleeping-also-known-as-big-sue +nude_painting,Impressionism,berthe-morisot_the-reclining-shepherdess +nude_painting,Contemporary_Realism,neil-welliver_nude-in-striped-robe +nude_painting,Impressionism,william-merritt-chase_modern-magdalen +nude_painting,Cubism,anita-malfatti_o-homem-de-sete-cores-1916 +nude_painting,Abstract_Expressionism,henri-matisse_blue-nude-iii-1952 +nude_painting,Post_Impressionism,henri-de-toulouse-lautrec_nude-standing-before-a-mirror-1897 +nude_painting,Expressionism,jean-paul-lemieux_young-lady-with-hat-1971 +nude_painting,Post_Impressionism,pablo-picasso_jeanne-reclining-nude-1901 +nude_painting,Naive_Art_Primitivism,antonio-ligabue_nude-of-woman +nude_painting,Symbolism,kuzma-petrov-vodkin_bathing-boys-1926 +nude_painting,Impressionism,anders-zorn_nude-under-a-fir-1892 +nude_painting,Impressionism,childe-hassam_wild-swans-sacred-to-apollo +nude_painting,Symbolism,felicien-rops_behind-the-scenes +nude_painting,Realism,yiannis-moralis_not-detected-17 +nude_painting,Impressionism,childe-hassam_numph-bathing +nude_painting,Expressionism,otto-dix_menschen-in-trummen +nude_painting,Impressionism,lovis-corinth_reclining-female-nude-1907 +nude_painting,Realism,julius-leblanc-stewart_the-glade-1900(1) +nude_painting,Expressionism,otto-dix_memory-of-the-halls-of-mirrors-in-brussels +nude_painting,Expressionism,amedeo-modigliani_rose-caryatid-audace-1914 +nude_painting,Expressionism,jules-pascin_woman-lying-down-with-her-arms-raised-1907 +nude_painting,Realism,henri-de-toulouse-lautrec_academic-study-nude +nude_painting,Romanticism,francesco-hayez_overlapping-wife-back-position-on-the-swing +nude_painting,Expressionism,yiannis-moralis_not-detected-19 +nude_painting,Cubism,marevna-(marie-vorobieff)_not-identified-7 +nude_painting,Expressionism,ernst-ludwig-kirchner_three-nudes +nude_painting,Expressionism,ernst-ludwig-kirchner_small-french +nude_painting,Cubism,pablo-picasso_reclining-nude-1908 +nude_painting,Impressionism,anders-zorn_firelight +nude_painting,Cubism,raoul-dufy_bather-1908 +nude_painting,Impressionism,edgar-degas_after-the-bath-1 +nude_painting,Impressionism,pierre-auguste-renoir_after-bathing-nude-study-1910 +nude_painting,High_Renaissance,michelangelo_ignudo-8 +nude_painting,Cubism,joan-miro_nude-with-mirror +nude_painting,Realism,thomas-eakins_nude-man-seated +nude_painting,Romanticism,mikhail-vrubel_sitter-in-the-renaissance-setting-1883 +nude_painting,Expressionism,walter-battiss_le-d-jeuner +nude_painting,Expressionism,iosif-iser_nude +nude_painting,Impressionism,childe-hassam_untitled-study-for-bathers +nude_painting,Baroque,agostino-carracci_pandora +nude_painting,Impressionism,pierre-auguste-renoir_the-bathers-1887 +nude_painting,Contemporary_Realism,philip-pearlstein_two-models-in-a-window-with-cast-iron-toys-1987 +nude_painting,Impressionism,pierre-auguste-renoir_bather-seated-on-a-rock-1892 +nude_painting,Expressionism,ernst-ludwig-kirchner_two-female-nudes-1 +nude_painting,New_Realism,edward-hopper_summer-interior +nude_painting,Symbolism,felicien-rops_the-siesta +nude_painting,Impressionism,frederic-bazille_toilet-1870 +nude_painting,Expressionism,paula-modersohn-becker_male-nude-standing-1899 +nude_painting,Post_Impressionism,felix-vallotton_nude-at-the-stove-1900 +nude_painting,Post_Impressionism,georges-braque_nude +nude_painting,Expressionism,pablo-picasso_naked-woman-with-dripping-hair-1902 +nude_painting,Impressionism,joaquã­n-sorolla_resting-bacchante-1887 +nude_painting,Cubism,pablo-picasso_nude-with-raised-arms-the-avignon-dancer-1907 +nude_painting,Post_Impressionism,moise-kisling_not-identified-27 +nude_painting,Impressionism,pierre-auguste-renoir_standing-bather-1896 +nude_painting,Post_Impressionism,albert-marquet_the-blonde-woman +nude_painting,Impressionism,edgar-degas_woman-in-the-tub-1884 +nude_painting,Art_Nouveau_Modern,zinaida-serebriakova_siam-1916 +nude_painting,Expressionism,rafael-zabaleta_three-nude-women-1934 +nude_painting,Expressionism,ernst-ludwig-kirchner_female-nude-with-black-hat +nude_painting,Impressionism,edgar-degas_woman-combing-her-hair +nude_painting,Fauvism,endre-bartos_dancers-1975 +nude_painting,Post_Impressionism,moise-kisling_not-identified-26 +nude_painting,Impressionism,auguste-rodin_minerva +nude_painting,Expressionism,ernst-ludwig-kirchner_dodo-with-large-fan +nude_painting,Expressionism,emil-nolde_figure-with-flowers-1915 +nude_painting,Symbolism,felicien-rops_not-detected-282483 +nude_painting,Impressionism,edgar-degas_woman-having-her-hair-combed-1895 +nude_painting,Baroque,artemisia-gentileschi_sleeping-venus-1630 +nude_painting,Art_Nouveau_Modern,raphael-kirchner_nude-drawings-18 +nude_painting,Impressionism,theodor-pallady_nude-in-green-chair +nude_painting,Impressionism,frederic-bazille_reclining-nude +nude_painting,Impressionism,nicolae-vermont_baigneuse +nude_painting,Naive_Art_Primitivism,pablo-picasso_the-mackerel-1903 +nude_painting,Realism,robert-brackman_women-washing +nude_painting,Post_Impressionism,pablo-picasso_two-friends-1904-1 +nude_painting,Expressionism,burhan-dogancay_nude-1951 +nude_painting,Post_Impressionism,moise-kisling_large-red-nude-1949 +nude_painting,Impressionism,edgar-degas_woman-washing-in-the-bath-1892 +nude_painting,Expressionism,amedeo-modigliani_nude-with-hat +nude_painting,Expressionism,amedeo-modigliani_female-nude-with-hat +nude_painting,Contemporary_Realism,neil-welliver_figure-with-shirt +nude_painting,Impressionism,pierre-auguste-renoir_woman-after-bathing-1896 +nude_painting,Impressionism,edgar-degas_woman-having-a-bath +nude_painting,Contemporary_Realism,philip-pearlstein_two-nudes-on-old-indian-rug-1971 +nude_painting,Impressionism,edgar-degas_after-bathing-woman-drying-herself-1892 +nude_painting,Cubism,andrã©-lhote_nu-assis-1948 +nude_painting,Ukiyo_e,katsushika-hokusai_not_detected_223503(1) +nude_painting,Realism,ilya-repin_nude-model-from-behind-1896 +nude_painting,Ukiyo_e,katsushika-hokusai_not_detected_223504(1) +nude_painting,Post_Impressionism,rene-magritte_depths-of-pleasure-1948(1) +nude_painting,Baroque,agostino-carracci_mars-and-venus +nude_painting,Expressionism,egon-schiele_girl-in-black-1911 +nude_painting,Realism,basuki-abdullah_nude-1 +nude_painting,Impressionism,edgar-degas_peasant-girls-bathing-in-the-sea-at-dusk +nude_painting,Impressionism,edgar-degas_retiring-1883 +nude_painting,Expressionism,konstantinos-parthenis_large-nude-1925 +nude_painting,Impressionism,auguste-rodin_untitled(4) +nude_painting,Realism,gustave-courbet_the-sleepers-1866 +nude_painting,Expressionism,max-pechstein_liegender-weiblicher-akt-mit-katze +nude_painting,Post_Impressionism,salvador-dali_female-seated-nud +nude_painting,Post_Impressionism,vanessa-bell_the-tub-1917 +nude_painting,Romanticism,jan-matejko_akt-meski +nude_painting,Cubism,gosta-adrian-nilsson_bains-1923 +nude_painting,Post_Impressionism,maurice-prendergast_the-picnic +nude_painting,Cubism,pablo-picasso_seated-woman-1953 +nude_painting,Abstract_Expressionism,willem-de-kooning_woman-1 +nude_painting,Cubism,yiannis-moralis_nude-lying +nude_painting,Contemporary_Realism,eric-fischl_bayonne +nude_painting,Expressionism,lucian-freud_flora-with-blue-toe-nails-2001 +nude_painting,Expressionism,irma-stern_woman-with-a-jug-1949 +nude_painting,Ukiyo_e,utagawa-kunisada_not_detected_240349 +nude_painting,Realism,nicolae-vermont_nude-sitting-1902 +nude_painting,Impressionism,paul-mathiopoulos_female-nude-1 +nude_painting,Impressionism,karoly-ferenczy_gloomy-landscape-with-bather-1913 +nude_painting,Impressionism,gustave-caillebotte_nude-on-a-couch +nude_painting,Impressionism,pierre-auguste-renoir_nude-in-the-greenery-1887 +nude_painting,Realism,basuki-abdullah_nudtiy +nude_painting,Art_Nouveau_Modern,zinaida-serebriakova_nude-1920 +nude_painting,Impressionism,childe-hassam_the-bathers +nude_painting,Cubism,ernst-ludwig-kirchner_three-nudes-in-the-forest-1 +nude_painting,Impressionism,pierre-auguste-renoir_seated-bather +nude_painting,Post_Impressionism,ilya-mashkov_nude-1918 +nude_painting,Fauvism,henri-matisse_gypsy +nude_painting,Ukiyo_e,utagawa-kunisada_not_detected_240338 +nude_painting,Expressionism,yiannis-tsaroychis_nude-1940 +nude_painting,Pop_Art,roy-lichtenstein_collage-for-nude-with-white-flower-1994(1) +nude_painting,Cubism,pablo-picasso_three-women-rhythmical-version-1908 +nude_painting,Impressionism,auguste-rodin_untitled(1) +nude_painting,Expressionism,amedeo-modigliani_female-nude +nude_painting,Symbolism,konstantin-somov_intimate-reflection-in-the-mirror-on-the-dressing-table +nude_painting,Ukiyo_e,utagawa-kunisada_lesbians-having-sex-by-a-harikata-dildo +nude_painting,Impressionism,pierre-auguste-renoir_bather-1893 +nude_painting,Impressionism,walter-sickert_the-dutch +nude_painting,Expressionism,ernst-ludwig-kirchner_practising-dancer +nude_painting,Art_Nouveau_Modern,zinaida-serebriakova_nude-girl +nude_painting,Expressionism,lucian-freud_portrait-on-a-grey-cover +nude_painting,Post_Impressionism,augustus-john_bather-in-the-welsh-mountains-1913 +nude_painting,Art_Nouveau_Modern,raphael-kirchner_nude-drawings-14 +nude_painting,Post_Impressionism,ilya-mashkov_reclining-nude-1918 +nude_painting,Expressionism,ernst-ludwig-kirchner_female-nudes-striding-into-the-sea +nude_painting,Cubism,andre-masson_reclining-nude-1956 +nude_painting,Pointillism,georges-seurat_model-in-profile-1886 +nude_painting,Expressionism,pablo-picasso_seated-nude-and-standing-nude-1906-1 +nude_painting,Impressionism,edgar-degas_after-bathing-woman-drying-her-leg +nude_painting,Naive_Art_Primitivism,fernando-botero_tribute-to-bonnard-2 +nude_painting,Realism,anders-zorn_on-the-sands-1916 +nude_painting,Post_Impressionism,pyotr-konchalovsky_the-model-sketch-for-painting-woman-on-the-couch-1930 +nude_painting,Romanticism,francesco-hayez_female-nude-1859 +nude_painting,Expressionism,arturo-souto_women-and-fish-1933 +nude_painting,Art_Nouveau_Modern,michel-simonidy_nude-with-blue-vase-1925 +nude_painting,Impressionism,edgar-degas_the-bath-1890 +nude_painting,Expressionism,yiannis-moralis_nude-1950 +nude_painting,Art_Nouveau_Modern,boris-kustodiev_bather-seated-on-the-shore-1926 +nude_painting,Fauvism,william-h.-johnson_female-nude-reclining-on-blue-ground-1940 +nude_painting,Impressionism,auguste-rodin_untitled-1905 +nude_painting,Expressionism,pablo-picasso_old-woman-stretching-out-her-hands-to-the-fire +nude_painting,Post_Impressionism,constantin-piliuta_rehearsals +nude_painting,Post_Impressionism,theodor-pallady_nude-with-guitar +nude_painting,Ukiyo_e,utagawa-kunisada_not_detected_240339 +nude_painting,Contemporary_Realism,lucian-freud_girl-in-a-blanket-1953 +nude_painting,Post_Impressionism,pierre-bonnard_sombre-nude-1941 +nude_painting,Fauvism,walasse-ting_women-with-flowers-1988 +nude_painting,Contemporary_Realism,philip-pearlstein_nude-on-green-cushion-1965 +nude_painting,Expressionism,henri-matisse_luxe-1907 +nude_painting,Expressionism,marc-chagall_red-nude-sitting-up-1908 +nude_painting,Art_Nouveau_Modern,raphael-kirchner_nude-drawings +nude_painting,Impressionism,walter-sickert_seated-nude-paris-1906 +nude_painting,Naive_Art_Primitivism,maurice-prendergast_figures-in-a-landscape +nude_painting,Expressionism,george-pemba_young-xhoza-girl-1942 +nude_painting,Post_Impressionism,henri-matisse_nude-5 +nude_painting,Pop_Art,robert-silvers_gabrielle-d-estr-es-with-one-of-her-sisters +nude_painting,Impressionism,edgar-degas_nude-from-the-rear-reading +nude_painting,Art_Nouveau_Modern,aubrey-beardsley_erda +nude_painting,Post_Impressionism,pablo-picasso_woman-with-green-stockings-1902 +nude_painting,Expressionism,amedeo-modigliani_a-suffering-nude +nude_painting,Rococo,francois-boucher_young-woman-sleeping +nude_painting,New_Realism,john-french-sloan_green-and-red-1938 +nude_painting,Expressionism,egon-schiele_kneeling-young-man-1908 +nude_painting,Baroque,agostino-carracci_aeneas-and-dido +nude_painting,Symbolism,felicien-rops_the-werwolf +nude_painting,Impressionism,eliseu-visconti_nu-feminino(1) +nude_painting,New_Realism,john-french-sloan_nude-1 +nude_painting,Expressionism,balthus_nude-with-her-arms-raised-1951 +nude_painting,Fauvism,endre-bartos_lesbian-love-1980 +nude_painting,Expressionism,amedeo-modigliani_blonde-nude-1917 +nude_painting,Naive_Art_Primitivism,fernando-botero_protestant-family +nude_painting,Expressionism,lucian-freud_the-butcher-s-daughter +nude_painting,Pointillism,marevna-(marie-vorobieff)_-1 +nude_painting,Expressionism,zinaida-serebriakova_odalisque-1932 +nude_painting,Expressionism,rafael-zabaleta_interior-with-nude +nude_painting,Expressionism,henri-matisse_standing-nude-nude-study-1907 +nude_painting,Post_Impressionism,pierre-bonnard_nude-with-covered-legs-1911 +nude_painting,Impressionism,theo-van-rysselberghe_venetian-woman-marcella-1912 +nude_painting,Naive_Art_Primitivism,pablo-picasso_female-nude-with-her-arms-raised +nude_painting,Pop_Art,evelyne-axell_le-val-vert-1971 +nude_painting,Pointillism,georges-seurat_model-from-the-back-1886 +nude_painting,Realism,ilya-repin_the-model-1895 +nude_painting,Realism,alexey-venetsianov_bather-with-a-bowl +nude_painting,Impressionism,pierre-auguste-renoir_seated-bather-1883 +nude_painting,Cubism,andre-derain_bathers +nude_painting,Abstract_Expressionism,henri-matisse_blue-nude-1 +nude_painting,Expressionism,george-mavroides_lying-naked-1985 +nude_painting,Baroque,rembrandt_nude-man-seated-on-the-ground-with-one-leg-extended-1646 +nude_painting,Symbolism,franz-stuck_sensuality-1891 +nude_painting,Art_Nouveau_Modern,raphael-kirchner_nude-drawings-15 +nude_painting,Impressionism,pierre-auguste-renoir_bather-1887-1 +nude_painting,Symbolism,pierre-puvis-de-chavannes_young-girls-by-the-sea +nude_painting,Romanticism,eugene-delacroix_seated-nude-mademoiselle-rose-1824(1) +nude_painting,Expressionism,franz-marc_nude-with-cat-1910 +nude_painting,Pointillism,georges-seurat_model-to-front-1887 +nude_painting,Post_Impressionism,henri-matisse_odalisque-1 +nude_painting,Post_Impressionism,moise-kisling_not-identified-33 +nude_painting,Symbolism,koloman-moser_three-women-squatting +nude_painting,Impressionism,guy-rose_standing-nude +nude_painting,Impressionism,pierre-auguste-renoir_study-torso-sunlight-effect +nude_painting,Expressionism,henri-matisse_reclining-nude-1924 +nude_painting,Art_Nouveau_Modern,raphael-kirchner_deadly-sins-4 +nude_painting,Impressionism,pierre-auguste-renoir_bather-arranging-her-hair-1893 +nude_painting,Expressionism,ernst-ludwig-kirchner_bathing-woman-between-rocks +nude_painting,Impressionism,pierre-auguste-renoir_nude +nude_painting,Contemporary_Realism,philip-pearlstein_flamingo-2006 +nude_painting,Post_Impressionism,raoul-dufy_standing-nude-1930 +nude_painting,Impressionism,pierre-auguste-renoir_bather-drying-herself-1895 +nude_painting,Fauvism,walasse-ting_love-in-afternoon-1974 +nude_painting,Expressionism,marcel-duchamp_selected-details-after-cranach-1968 +nude_painting,Post_Impressionism,moise-kisling_not-identified-16 +nude_painting,Post_Impressionism,nicolae-tonitza_afiz +nude_painting,Impressionism,octav-angheluta_rest +nude_painting,Expressionism,pablo-picasso_woman-with-comb-1906 +nude_painting,Baroque,adriaen-van-de-velde_study-of-a-female-nude +nude_painting,New_Realism,john-french-sloan_nude-standing +nude_painting,Fauvism,max-weber_summer +nude_painting,Realism,edouard-manet_brunette-with-bare-breasts-1872 +nude_painting,Expressionism,amedeo-modigliani_nude-on-sofa-1918 +nude_painting,Expressionism,pablo-picasso_two-nude-women-1906-1 +nude_painting,Art_Nouveau_Modern,alphonse-mucha_aawn +nude_painting,Symbolism,constantin-artachino_biblis-transformed-into-a-brook +nude_painting,High_Renaissance,michelangelo_ignudo-12 +nude_painting,Impressionism,pierre-auguste-renoir_seated-nude-1885 +nude_painting,Expressionism,konstantinos-parthenis_bathers-1919 +nude_painting,Expressionism,ernst-ludwig-kirchner_two-female-nudes-at-a-couch +nude_painting,Impressionism,federico-zandomeneghi_naked-woman-in-the-mirror-1890 +nude_painting,Fauvism,john-duncan-fergusson_siesta-1951 +nude_painting,Impressionism,frederic-bazille_the-fisherman-with-a-net +nude_painting,Expressionism,lucian-freud_girl-with-a-white-dog +nude_painting,Impressionism,edgar-degas_woman-seen-from-behind-drying-hair +nude_painting,Art_Nouveau_Modern,michel-simonidy_bust-de-jeune-fille-1925 +nude_painting,Northern_Renaissance,albrecht-durer_lucrece-1508 +nude_painting,Expressionism,lucian-freud_the-painter-s-daughter-ib-1978 +nude_painting,Impressionism,edgar-degas_woman-leaving-her-bath-1877 +nude_painting,Symbolism,koloman-moser_female-nude-with-blue-cloth +nude_painting,Symbolism,pablo-picasso_standing-young-nude-1904 +nude_painting,Expressionism,amedeo-modigliani_standing-nude +nude_painting,Impressionism,william-merritt-chase_the-model +nude_painting,Romanticism,eliseu-visconti_nu-deitado +nude_painting,Impressionism,raoul-dufy_claudine-from-back-1906 +nude_painting,Naive_Art_Primitivism,tarsila-do-amaral_abaporu-1928(1) +nude_painting,Art_Nouveau_Modern,zinaida-serebriakova_turkey-two-odalisques-1916 +nude_painting,Expressionism,george-segal_red-haired-girl-with-green-robe-1986 +nude_painting,Post_Impressionism,paul-gauguin_in-the-waves-1889 +nude_painting,Realism,vincent-van-gogh_nude-woman-half-length-1882 +nude_painting,Impressionism,giovanni-boldini_naked-young-lady-with-blanket +nude_painting,Impressionism,edgar-degas_the-festival-of-the-owner-1877 +nude_painting,Expressionism,george-segal_white-rain-1978 +nude_painting,Contemporary_Realism,eric-fischl_the-travel-of-romance-scene-iv +nude_painting,Expressionism,lucian-freud_girl-sitting-in-the-attic-doorway +nude_painting,Expressionism,lasar-segall_dois-nus-1930 +nude_painting,Cubism,henri-le-fauconnier_figures-1913 +nude_painting,Post_Impressionism,bela-czobel_venus-of-szentendre-1968 +nude_painting,Realism,john-singer-sargent_naked-boy-on-the-beach +nude_painting,Post_Impressionism,moise-kisling_not-identified-24 +nude_painting,Post_Impressionism,suzanne-valadon_nude-at-the-mirror-1909 +nude_painting,Impressionism,robert-brackman_nude-portrait +nude_painting,Art_Nouveau_Modern,boris-kustodiev_bather-1922 +nude_painting,Expressionism,ernst-ludwig-kirchner_half-naked-woman-with-a-hat-1911 +nude_painting,Post_Impressionism,arturo-souto_naked-women-in-a-landscape-1929 +nude_painting,Post_Impressionism,constantin-piliuta_nude-with-green-wig +nude_painting,Expressionism,andre-derain_black-binge +nude_painting,Romanticism,alexey-venetsianov_diana-dressing +nude_painting,Impressionism,anders-zorn_a-premiere-1888 +nude_painting,Romanticism,eugene-delacroix_reclining-odalisque-or-woman-with-a-parakeet-1827(1) +nude_painting,Expressionism,august-macke_female-nude-with-corall-necklace +nude_painting,Impressionism,edgar-degas_breakfast-after-bath +nude_painting,Realism,john-singer-sargent_nude-egyptian-girl-1891 +nude_painting,Impressionism,pierre-auguste-renoir_rest +nude_painting,Impressionism,edgar-degas_woman-at-her-toilette-1877 +nude_painting,Expressionism,henri-matisse_nude-with-oranges-1951 +nude_painting,Expressionism,oskar-kokoschka_not_detected_235912 +nude_painting,Impressionism,edgar-degas_the-tub +nude_painting,Expressionism,zinaida-serebriakova_sleeping-nude-1941 +nude_painting,Expressionism,amedeo-modigliani_nude-on-a-blue-cushion +nude_painting,Realism,gustave-courbet_sleeping-nude-woman-1862 +nude_painting,Cubism,rene-magritte_reclining-nude-1925(1) +nude_painting,Impressionism,walter-sickert_mornington-crescent-nude-contre-jour-1907 +nude_painting,Post_Impressionism,henri-matisse_nude-1 +nude_painting,Cubism,fernand-leger_woman-with-a-cat-1921 +nude_painting,Post_Impressionism,suzanne-valadon_reclining-nude-1928 +nude_painting,Post_Impressionism,henri-matisse_yellow-odalisque-1926 +nude_painting,Realism,yiannis-moralis_reclining-nude +nude_painting,Expressionism,egon-schiele_female-nude-lying-on-her-stomach-1917 +nude_painting,High_Renaissance,michelangelo_ignudo +nude_painting,Expressionism,vilmos-aba-novak_eta-is-bathing-1924 +nude_painting,Impressionism,edgar-degas_nude-study-of-a-dancer-1902 +nude_painting,Fauvism,georges-braque_seated-woman-1907 +nude_painting,Expressionism,ernst-ludwig-kirchner_reclining-nude-isabella-1906 +nude_painting,Post_Impressionism,paul-gauguin_the-seed-of-the-areoi-1892 +nude_painting,Baroque,artemisia-gentileschi_danae-1612 +nude_painting,Cubism,olexandr-archipenko_seated-female-nude-with-left-leg-bent +nude_painting,Expressionism,pablo-picasso_untitled-1971-1 +nude_painting,Pop_Art,r.-b.-kitaj_marynka-smoking +nude_painting,New_Realism,edward-hopper_woman-in-the-sun +nude_painting,Naive_Art_Primitivism,fernando-botero_woman +nude_painting,Expressionism,lucian-freud_naked-girl-perched-on-a-chair +nude_painting,Expressionism,ernst-ludwig-kirchner_female-nude-kneeling-before-a-red-screen +nude_painting,Expressionism,ossip-zadkine_dance +nude_painting,Post_Impressionism,ilya-mashkov_nude-standing-and-resting-her-hands-on-her-left-shoulder +nude_painting,Impressionism,edgar-degas_after-the-bath-6 +nude_painting,Romanticism,gustave-courbet_bather-sleeping-by-a-brook +nude_painting,Impressionism,pierre-auguste-renoir_nude-fixing-her-hair-1885 +nude_painting,Fauvism,william-h.-johnson_seated-female-nude-with-flowered-drape-1940(1) +nude_painting,Cubism,pablo-picasso_crouching-female-nude-1959 +nude_painting,Post_Impressionism,janos-tornyai_sitting-nude-from-the-back-1919 +nude_painting,Contemporary_Realism,eric-fischl_the-old-man-s-boat +nude_painting,Realism,gustave-courbet_the-origin-of-the-world-1866 +nude_painting,Expressionism,amedeo-modigliani_reclining-nude +nude_painting,Impressionism,childe-hassam_incoming-tide +nude_painting,Cubism,pablo-picasso_a-muse-1935 +nude_painting,Expressionism,lucian-freud_portrait-on-a-white-cover-2003 +nude_painting,Impressionism,edgar-degas_woman-with-a-towel-1898 +nude_painting,Expressionism,ernst-ludwig-kirchner_women +nude_painting,Symbolism,felicien-rops_appeal-to-the-masses +nude_painting,Art_Nouveau_Modern,boris-kustodiev_bathing-1921 +nude_painting,Impressionism,pierre-auguste-renoir_leaving-the-bath-1890 +nude_painting,Expressionism,henri-matisse_seated-figure-tan-room-1918 +nude_painting,Expressionism,ernst-ludwig-kirchner_bathers-on-the-lawn +nude_painting,Expressionism,ossip-zadkine_study-of-women +nude_painting,Impressionism,andre-dunoyer-de-segonzac_la-blonde-vaporouse +nude_painting,Baroque,peter-paul-rubens_naked-young-man +nude_painting,Cubism,stanley-pinker_nude-under-a-bridge +nude_painting,Impressionism,andre-dunoyer-de-segonzac_nude-with-a-newspaper-1921 +nude_painting,Expressionism,august-macke_female-nude-at-a-knited-carpet +nude_painting,Art_Nouveau_Modern,frantisek-kupka_lying-naked-gabrielle-1898 +nude_painting,Baroque,rembrandt_the-woman-with-the-arrow-1661 +nude_painting,Expressionism,henri-matisse_pink-nude-1935 +nude_painting,Naive_Art_Primitivism,pablo-picasso_nude-gathering-flowers-1958 +nude_painting,Art_Nouveau_Modern,boris-kustodiev_the-merchant-wife-and-the-domovoi-1922 +nude_painting,Cubism,olexandr-archipenko_seated-female-nude-with-left-hand-on-right-leg +nude_painting,Pointillism,henri-edmond-cross_aguttes +nude_painting,Pointillism,henri-edmond-cross_the-clearing +nude_painting,Post_Impressionism,henri-matisse_odalisque-with-magnolia-1924 +nude_painting,Expressionism,max-pechstein_m-dchen-sitzender-weiblicher-akt-1910 +nude_painting,Expressionism,amedeo-modigliani_nude-seating-on-a-sofa-1917 +nude_painting,Ukiyo_e,utagawa-kunisada_not_detected_240329 +nude_painting,Realism,gustave-courbet_la-bacchante +nude_painting,Impressionism,pierre-auguste-renoir_the-spring-1903 +nude_painting,Realism,basuki-abdullah_nude +nude_painting,Realism,pyotr-konchalovsky_female-nude-1 +nude_painting,Art_Nouveau_Modern,boris-kustodiev_russian-venus-1926-1 +nude_painting,Fauvism,henri-matisse_nude-with-a-white-towel-1903 +nude_painting,New_Realism,john-french-sloan_nude-at-piano-1928 +nude_painting,Symbolism,felicien-rops_cythera-s-toilette +nude_painting,Impressionism,pierre-auguste-renoir_bather-seated-nude +nude_painting,Cubism,marevna-(marie-vorobieff)_not-identified-8 +nude_painting,Expressionism,ernst-ludwig-kirchner_couple-1908 +nude_painting,Impressionism,childe-hassam_aphrodite-appledore +nude_painting,High_Renaissance,michelangelo_ignudo-5 +nude_painting,Cubism,henri-le-fauconnier_abundance-1910 +nude_painting,Expressionism,amedeo-modigliani_seated-nude-1908 +nude_painting,Expressionism,george-bouzianis_naked-man-1915 +nude_painting,Expressionism,ding-yanyong_nudes-1963 +nude_painting,Fauvism,david-burliuk_women-from-tropics-1921 +nude_painting,Impressionism,james-mcneill-whistler_rose-and-brown-la-cigale +nude_painting,Cubism,olexandr-archipenko_two-figures +nude_painting,Cubism,rene-magritte_donna-1923(1) +nude_painting,Expressionism,marcel-duchamp_selected-details-after-rodin-1968 +nude_painting,Cubism,marc-chagall_reclining-nude-1911 +nude_painting,Expressionism,george-mavroides_nude +nude_painting,Fauvism,william-h.-johnson_three-dancers-1940 +nude_painting,Post_Impressionism,moise-kisling_lying-nude-1927 +nude_painting,Pointillism,theo-van-rysselberghe_woman-at-her-toilette-1905 +nude_painting,Symbolism,felicien-rops_lesbos-known-as-sappho +nude_painting,Baroque,artemisia-gentileschi_susanna-and-the-elders-1610 +nude_painting,Impressionism,giovanni-boldini_nude-of-young-lady-on-couch +nude_painting,Cubism,marevna-(marie-vorobieff)_marika-with-her-dog-and-cats-1968 +nude_painting,Expressionism,medi-wechsler-dinu_night-and-day +nude_painting,Realism,julius-leblanc-stewart_the-toilet-1905(1) +nude_painting,Post_Impressionism,pyotr-konchalovsky_model-with-red-hair-by-the-mirror-1928 +nude_painting,Realism,jules-joseph-lefebvre_the-grasshopper-1872 +nude_painting,Naive_Art_Primitivism,fernando-botero_lovers-2 +nude_painting,Expressionism,lucian-freud_naked-portrait-with-reflection-1980 +nude_painting,Expressionism,henri-matisse_nude-in-sunlit-landscape-1909 +nude_painting,Post_Impressionism,henri-de-toulouse-lautrec_the-bed-1898 +nude_painting,Cubism,jean-metzinger_nu-au-soleil-nude-in-the-sun-1935 +nude_painting,Post_Impressionism,moise-kisling_kiki-de-montparnasse +nude_painting,Art_Nouveau_Modern,raphael-kirchner_nude-drawings-6 +nude_painting,Impressionism,pierre-auguste-renoir_ode-to-flowers-after-anacreon-1909 +nude_painting,Expressionism,marcel-duchamp_selected-details-after-ingres-i-1968 +nude_painting,Post_Impressionism,paul-gauguin_two-girls-bathing-1887 +nude_painting,Impressionism,edgar-degas_after-the-bath-woman-drying-herself-1892 +nude_painting,Expressionism,jules-pascin_clara-1926 +nude_painting,Cubism,andre-masson_two-naked +nude_painting,Pop_Art,derek-boshier_shy-cowboy-1980 +nude_painting,Symbolism,felicien-rops_little-model +nude_painting,Impressionism,edgar-degas_nude +nude_painting,New_Realism,george-luks_seated-nude-1905 +nude_painting,Expressionism,amedeo-modigliani_recumbent-nude-1917 +nude_painting,Symbolism,felicien-rops_the-cold-devils +nude_painting,Fauvism,walasse-ting_women-with-fruit-1988 +nude_painting,Post_Impressionism,moise-kisling_reclining-nude-in-the-leaves-1918(1) +nude_painting,Expressionism,amedeo-modigliani_seated-nude-with-a-shirt-1917 +nude_painting,Realism,gustave-courbet_woman-with-white-stockings-1861 +nude_painting,Expressionism,yiannis-moralis_not-detected-8 +nude_painting,Expressionism,chronis-botsoglou_erotica-2 +nude_painting,Expressionism,amedeo-modigliani_seated-female-nude-1916 +nude_painting,Cubism,m.c.-escher_seated-female-nude-iii +nude_painting,Post_Impressionism,gwen-john_nude-girl-1910 +nude_painting,Expressionism,amedeo-modigliani_young-woman-in-a-shirt-the-little-milkmaid +nude_painting,Realism,vincent-van-gogh_sorrow-1882-2 +nude_painting,Post_Impressionism,salvador-dali_female-nude-1 +nude_painting,Impressionism,anders-zorn_in-wikstrom-studio-1889 +nude_painting,Impressionism,auguste-rodin_untitled +cityscape,Expressionism,costas-niarchos_untitled(1) +cityscape,Post_Impressionism,albert-marquet_a-horse-in-marseille-1916 +cityscape,Post_Impressionism,edouard-cortes_the-theater-of-the-comedie-francaise +cityscape,Impressionism,childe-hassam_dewey-s-arch +cityscape,Impressionism,childe-hassam_view-of-broadway-and-fifth-avenue +cityscape,Impressionism,frits-thaulow_channel-with-watermill +cityscape,Post_Impressionism,ilya-mashkov_city-in-switzerland-1914 +cityscape,Pointillism,paul-signac_grand-canal-venise-1905 +cityscape,Post_Impressionism,maurice-utrillo_square-tertre-on-montmartre-2 +cityscape,Post_Impressionism,maurice-utrillo_chuch-of-saint-margerit-in-paris +cityscape,Impressionism,santiago-rusinol_entrada-al-vinyet-1892 +cityscape,New_Realism,edward-hopper_not_detected_235610 +cityscape,Contemporary_Realism,john-miller_view-from-st-giorgio-marina +cityscape,Impressionism,antoine-blanchard_arc-de-triomphe +cityscape,Post_Impressionism,edouard-cortes_the-grands-boulevards-porte-and-port-denis-martin +cityscape,Impressionism,claude-monet_vetheuil-the-church-in-winter +cityscape,Romanticism,alexey-bogolyubov_mosque-in-istanbul +cityscape,Realism,m.c.-escher_not_detected_204685 +cityscape,Impressionism,john-atkinson-grimshaw_boar-lane-leeds-1881 +cityscape,Impressionism,joaquã­n-sorolla_puente-de-real-1908 +cityscape,Art_Nouveau_Modern,anna-ostroumova-lebedeva_leningrad-view-from-trinity-bridge-1926 +cityscape,Realism,james-tissot_via-dolorosa-1889 +cityscape,Impressionism,mario-zanini_lerici-1950 +cityscape,Impressionism,paul-gauguin_port-de-grenelle-1875(1) +cityscape,Impressionism,joaquã­n-sorolla_outskirts-of-paris +cityscape,Expressionism,wassily-kandinsky_arabs-i-cemetery-1909 +cityscape,Impressionism,claude-monet_houses-of-parliament-fog-effect-1901 +cityscape,Impressionism,samuel-mutzner_pod-la-vene-ia-1929 +cityscape,Pointillism,georges-seurat_port-en-bessin-the-outer-harbor-low-tide-1888 +cityscape,Romanticism,rudolf-von-alt_the-iron-foundry-in-kitschelt-skodagasse-in-vienna-1903-1 +cityscape,Impressionism,pierre-auguste-renoir_pont-neuf-1872 +cityscape,Impressionism,claude-monet_rouen-cathedral-the-portal-in-the-sun +cityscape,Pointillism,paul-signac_the-port-of-la-rochelle-1915 +cityscape,Impressionism,claude-monet_palazzo-dario-1908 +cityscape,Realism,vincent-van-gogh_bleaching-ground-1882(1) +cityscape,Impressionism,camille-pissarro_the-seine-at-port-marly-1872 +cityscape,Realism,albert-bierstadt_wharf-scene +cityscape,Naive_Art_Primitivism,louis-vivin_l-glise-st-desir +cityscape,Impressionism,claude-monet_houses-of-parliament-fog-effect +cityscape,Impressionism,raoul-dufy_view-of-paris-from-monmartre-1902 +cityscape,Impressionism,joaquã­n-sorolla_valencia-street-with-awnings +cityscape,Realism,vasily-sadovnikov_mariinsky-palace-as-seen-from-the-blue-bridge-1847 +cityscape,Romanticism,cornelis-springer_city-view +cityscape,Realism,vasily-vereshchagin_vehicle-of-rich-people-in-delhi-1875 +cityscape,Impressionism,camille-pissarro_the-roofs-of-old-rouen-grey-weather-1896 +cityscape,Impressionism,childe-hassam_naples +cityscape,Impressionism,walter-battiss_old-chelsea-new-york +cityscape,Baroque,adriaen-van-de-velde_the-stone-bridge-1672 +cityscape,Impressionism,john-atkinson-grimshaw_salthouse-dock-liverpool +cityscape,Impressionism,john-singer-sargent_the-white-house +cityscape,Symbolism,mstislav-dobuzhinsky_city-1904 +cityscape,Expressionism,ernst-ludwig-kirchner_gasometer-in-vorortbahn-1920 +cityscape,Post_Impressionism,gustave-loiseau_houses-at-pontoise-1930 +cityscape,Post_Impressionism,henri-martin_houses-for-gigouzac +cityscape,Post_Impressionism,dumitru-ghiatza_holiday-at-horezu +cityscape,Post_Impressionism,maxime-maufra_the-leguenay-bridge-1894 +cityscape,Expressionism,frank-auerbach_park-village +cityscape,Realism,edouard-manet_the-port-of-bordeaux-1871-1 +cityscape,Cubism,maurice-de-vlaminck_beauce-landscape +cityscape,Impressionism,antoine-blanchard_palais-royal +cityscape,Impressionism,camille-pissarro_the-carrousel-afternoon-1899 +cityscape,Post_Impressionism,theo-van-rysselberghe_the-balustrade +cityscape,Symbolism,mikhail-vrubel_venice-bridge-of-sighs-1894 +cityscape,Post_Impressionism,henri-rousseau_l-ile-de-la-cite-1900 +cityscape,Impressionism,alfred-sisley_main-street-in-argenteuil-1872 +cityscape,Impressionism,antoine-blanchard_winter-in-paris-notre-dame +cityscape,Post_Impressionism,ferdynand-ruszczyc_koscioly-wilenskie +cityscape,Art_Nouveau_Modern,egon-schiele_house-with-drying-laundry-1917 +cityscape,Romanticism,john-atkinson-grimshaw_golden-eve-1892 +cityscape,Impressionism,lucia-demetriade-balacescu_cityscape +cityscape,Impressionism,claude-monet_sandviken-norway +cityscape,Impressionism,henri-matisse_the-pot-saint-michel-in-paris-1900 +cityscape,Post_Impressionism,constantine-maleas_pantanassa-of-naxos-1928 +cityscape,Post_Impressionism,maurice-utrillo_asnieres-street +cityscape,Expressionism,mstislav-dobuzhinsky_rue-de-la-tombe-issoire-paris-1927 +cityscape,Realism,giovanni-boldini_place-clichy-1874 +cityscape,Impressionism,alfred-sisley_construction-site-at-saint-mammes-1880-1 +cityscape,Impressionism,claude-monet_the-palazzo-ducale +cityscape,Fauvism,abraham-manievich_camden-1923 +cityscape,Impressionism,claude-monet_the-lieutenancy-at-honfleur +cityscape,Romanticism,richard-parkes-bonington_venice-the-grand-canal-1827 +cityscape,Realism,m.c.-escher_not_detected_204663 +cityscape,Rococo,bernardo-bellotto_view-of-vienna-flour-market-of-southwest-seen-from-northeast-1760 +cityscape,Impressionism,antoine-blanchard_rue-norvins-place-du-tertre-montmartre +cityscape,Expressionism,egon-schiele_krumau-1911 +cityscape,Impressionism,berthe-morisot_boats-under-construction +cityscape,Post_Impressionism,dumitru-ghiatza_winter-landscape-1942 +cityscape,Impressionism,childe-hassam_flags-fifth-avenue +cityscape,Impressionism,claude-monet_rouen-cathedral-1893 +cityscape,Post_Impressionism,vincent-van-gogh_the-artist-s-house-in-arles-1888 +cityscape,Realism,vasily-surikov_granada-alhambra-1910 +cityscape,Realism,vincent-van-gogh_torn-up-street-with-diggers-1882 +cityscape,Pop_Art,hiro-yamagata_fallen-leaves-1983 +cityscape,Cubism,vajda-lajos_houses-at-szentendre-with-crucifix-1937 +cityscape,Impressionism,lucian-grigorescu_bucure-tiul-vechi-dinspre-sf-spiridon +cityscape,Realism,vincent-van-gogh_old-street-the-paddemoes-1882 +cityscape,Post_Impressionism,mario-zanini_paisagem-com-riacho-1966 +cityscape,Post_Impressionism,pierre-bonnard_gardens-of-tuileries-1912 +cityscape,Cubism,andrã©-lhote_vue-de-paris-ou-la-seine-au-point-du-jour-1926 +cityscape,Naive_Art_Primitivism,marc-chagall_view-from-a-window-vitebsk +cityscape,Impressionism,eugene-boudin_trouville-1 +cityscape,Post_Impressionism,walter-sickert_clarence-gardens-camden-town +cityscape,Post_Impressionism,edouard-cortes_place-saint-michel-christmas +cityscape,Impressionism,frederic-bazille_village-street +cityscape,Impressionism,henri-martin_the-salute-in-venice +cityscape,Impressionism,camille-pissarro_garden-of-the-louvre-snow-effect-1899 +cityscape,Realism,camille-corot_moret-sur-loing-the-bridge-and-the-church-1822 +cityscape,Impressionism,paul-gauguin_rue-jouvenet-rouen-1884 +cityscape,Fauvism,endre-bartos_bad-ems-1994 +cityscape,Romanticism,rudolf-von-alt_the-spittler-in-nuremberg-1856(1) +cityscape,Impressionism,pierre-auguste-renoir_house-at-cagnes +cityscape,Cubism,marevna-(marie-vorobieff)_port-of-stockholm-1962 +cityscape,Rococo,bernardo-bellotto_dresden-from-the-left-bank-of-the-elbe-below-the-fortification-1748 +cityscape,Art_Nouveau_Modern,nicholas-roerich_yuryev-polsky-st-george-s-cathedral-1903 +cityscape,Cubism,m.-h.-maxy_market-1920 +cityscape,Impressionism,anders-zorn_hamburg-harbour-1891 +cityscape,Impressionism,cornelis-vreedenburgh_winterfun-on-de-loswal-hattem-1914 +cityscape,Rococo,bernardo-bellotto_palace-on-the-water-in-warsaw-1775 +cityscape,Realism,vasily-vereshchagin_chinese-house-1870 +cityscape,Impressionism,gustave-caillebotte_a-balcony-in-paris-1881 +cityscape,Impressionism,camille-pissarro_the-louvre-and-the-seine-from-the-pont-neuf-1902 +cityscape,Post_Impressionism,gregoire-boonzaier_tiepiese-toneel-in-dist-ses-met-tafelberg-en-donkie-karretjie +cityscape,Rococo,bernardo-bellotto_bridgettine-church-and-arsenal-1778 +cityscape,Impressionism,claude-monet_the-thames-below-westminster-1871 +cityscape,Realism,fyodor-vasilyev_after-a-rain-spring-in-st-petersburg +cityscape,Impressionism,camille-pissarro_london-st-paul-s-cathedral-1890 +cityscape,Impressionism,antoine-blanchard_porte-st-denis-1 +cityscape,Art_Nouveau_Modern,egon-schiele_summer-landscape-krumau-1917 +cityscape,Realism,john-singer-sargent_vase-fountain-pocantico-1917 +cityscape,Realism,vasily-sadovnikov_illumination-of-the-theatre-square-in-1856 +cityscape,Romanticism,cornelis-springer_the-jewish-quarter-in-amsterdam +cityscape,Post_Impressionism,maurice-utrillo_orchampt-street-near-montmartre +cityscape,Symbolism,mstislav-dobuzhinsky_winter-in-the-city-1904 +cityscape,Impressionism,camille-pissarro_the-seine-at-paris-pont-royal-1903 +cityscape,Art_Nouveau_Modern,ivan-bilibin_courtyard-of-al-azhar-mosque-and-university-complex-in-cairo-1900(1) +cityscape,Impressionism,willard-metcalf_venice +cityscape,Symbolism,odilon-redon_venetian-landscape +cityscape,Expressionism,frank-auerbach_behind-camden-town-station-summer-evening +cityscape,Post_Impressionism,oleksandr-bogomazov_female-silhouette-against-the-background-of-the-castle-1911 +cityscape,Impressionism,antã³nio-de-carvalho-da-silva-porto_na-ilha-de-capri-1877 +cityscape,Art_Nouveau_Modern,nicholas-roerich_towns-1914 +cityscape,Romanticism,cornelis-springer_view-of-the-old-town-hall-in-arnhem-with-fantasy-elements-1840 +cityscape,Impressionism,antoine-blanchard_porte-st-martin-and-porte-st-denis +cityscape,Post_Impressionism,maurice-prendergast_venice-1 +cityscape,Impressionism,camille-pissarro_rouen-saint-sever-morning-1898 +cityscape,Expressionism,ernst-ludwig-kirchner_nollendorfplatz +cityscape,Realism,vincent-van-gogh_entrance-to-the-pawn-bank-the-hague-1882(1) +cityscape,Impressionism,laszlo-mednyanszky_house-at-dusk-1910 +cityscape,Impressionism,francisc-sirato_tatar-women-in-mangalia-1930 +cityscape,Romanticism,william-turner_london +cityscape,Post_Impressionism,edouard-cortes_quay-du-louvre-winter-1 +cityscape,Romanticism,rudolf-von-alt_the-courtyard-of-the-doge-s-palace-in-venice-1867 +cityscape,Realism,vasily-vereshchagin_brahminic-temple-in-adelnure-1876 +cityscape,Naive_Art_Primitivism,mstislav-dobuzhinsky_winter-in-kaunas-aliakalnis-1939 +cityscape,Realism,vasily-surikov_naples-enbankment-1884 +cityscape,Post_Impressionism,dumitru-ghiatza_view-from-the-royal-palace +cityscape,Impressionism,claude-monet_the-rue-montorgueil-paris +cityscape,Expressionism,frank-auerbach_tower-blocks +cityscape,Post_Impressionism,maurice-de-vlaminck_the-flodded-village +cityscape,Romanticism,william-turner_south-view-of-christ-church-from-the-meadows-1799 +cityscape,Post_Impressionism,maurice-utrillo_road-in-argenteuil +cityscape,Post_Impressionism,raoul-dufy_trouville-1907 +cityscape,Cubism,pyotr-konchalovsky_bridge-in-nara-the-wind-1918 +cityscape,Cubism,leopold-survage_paysage-l-homme-dans-la-ville-1917 +cityscape,Post_Impressionism,edouard-cortes_rue-royale-madeleine-2 +cityscape,Symbolism,mikalojus-ciurlionis_city-towers-1906 +cityscape,Expressionism,ernst-ludwig-kirchner_friedrichstrasse-berlin +cityscape,Impressionism,julian-alden-weir_the-factory-village-1897 +cityscape,Naive_Art_Primitivism,grandma-moses_hoosick-falls(1) +cityscape,Post_Impressionism,aristarkh-lentulov_street-in-sergiev-posad(1) +cityscape,Baroque,canaletto_san-francesco-della-vigna-church-and-campo +cityscape,Art_Nouveau_Modern,nicholas-roerich_jerusalem-1909 +cityscape,Post_Impressionism,vincent-van-gogh_pine-trees-with-figure-in-the-garden-of-saint-paul-hospital-1889 +cityscape,Impressionism,camille-pissarro_the-pont-du-carrousel-afternoon-1903 +cityscape,Impressionism,antoine-blanchard_boulevard-de-la-madeleine-6 +cityscape,Impressionism,camille-pissarro_the-pont-neuf-afternoon-1901 +cityscape,Expressionism,ernst-ludwig-kirchner_the-railway-overpass +cityscape,Impressionism,paul-gauguin_the-seine-at-the-pont-d-iena-1875 +cityscape,Fauvism,georges-braque_la-ciotat-harbor-1906 +cityscape,Impressionism,eugene-boudin_rouen-the-pont-corneille-fog-effect-1896 +cityscape,Impressionism,konstantin-korovin_venice-1891 +cityscape,Impressionism,eugene-boudin_venice-the-salute-and-the-douane-the-guidecca-from-the-rear-view-from-the-grand-canal-1895 +cityscape,Impressionism,gregoire-boonzaier_huis-met-veranda-ou-kaapstad-1967 +cityscape,Romanticism,cornelis-springer_cityview-wiith-marketstall +cityscape,Naive_Art_Primitivism,david-burliuk_street-in-new-york(1) +cityscape,Pointillism,auguste-herbin_the-roofs-of-paris-in-the-snow-1902 +cityscape,Post_Impressionism,maurice-utrillo_the-gate-saint-martin +cityscape,Post_Impressionism,albert-marquet_pons-charente-maritime-1901 +cityscape,Post_Impressionism,paul-gauguin_bordeaux-harbour-1886 +cityscape,Impressionism,claude-monet_port-of-dieppe-evening +cityscape,Post_Impressionism,edouard-cortes_quay-du-louvre-2 +cityscape,Rococo,bernardo-bellotto_view-of-turin-from-the-gardens-of-the-palazzo-reale-1745 +cityscape,Cubism,pyotr-konchalovsky_city-1912 +cityscape,Impressionism,camille-pissarro_rouen-port-unloading-wood-1898 +cityscape,Post_Impressionism,martiros-saryan_old-yerevan-1944 +cityscape,Pop_Art,hiro-yamagata_tinkerbell-tokyo-disneyland-s-15th-anniversary-1998 +cityscape,Impressionism,claude-monet_the-rue-montargueil-with-flags +cityscape,Naive_Art_Primitivism,marc-chagall_the-house-in-grey-1917 +cityscape,Impressionism,john-singer-sargent_santa-maria-della-salute-1913 +cityscape,Impressionism,john-atkinson-grimshaw_reekie-glasgow +cityscape,Impressionism,childe-hassam_the-barn-cos-cob +cityscape,Impressionism,gregoire-boonzaier_a-street-scene-district-six-1991 +cityscape,Impressionism,paul-cezanne_eremitage-pontoise-1874 +cityscape,Realism,vincent-van-gogh_sien-s-mother-s-house-seen-from-the-backyard-1882 +cityscape,Post_Impressionism,edouard-cortes_caf-de-la-paix-paris-1 +cityscape,Realism,eugene-boudin_trouville-1864 +cityscape,Fauvism,bela-czobel_street-in-southern-france-1935 +cityscape,Impressionism,camille-pissarro_boulevard-montmartre-morning-grey-weather-1897 +cityscape,Post_Impressionism,edouard-cortes_st-martin +cityscape,Romanticism,cornelis-springer_weeshuis-in-enkhuizen +cityscape,Romanticism,william-turner_the-dogana-san-giorgio-citella-from-the-steps-of-the-europa +cityscape,Impressionism,camille-pissarro_the-pont-corneille-rouen-morning-mist-1896 +cityscape,Impressionism,james-mcneill-whistler_the-shop-an-exterior +cityscape,Naive_Art_Primitivism,jules-lefranc_rue-des-teinturiers +cityscape,Impressionism,alfred-sisley_village-street-louveciennes-1874 +cityscape,Impressionism,childe-hassam_nocturne-hyde-park-corner +cityscape,Expressionism,martiros-saryan_street-and-the-ditch-in-ashgabat-1934 +cityscape,Post_Impressionism,edouard-cortes_st-denis-winter +cityscape,Expressionism,richard-diebenkorn_cityscape-i-1963 +cityscape,Impressionism,john-singer-sargent_the-rialto-venice-1909 +cityscape,Realism,vincent-van-gogh_fish-drying-barn-in-scheveningen-1882(1) +cityscape,Impressionism,claude-monet_the-port-of-london +cityscape,Impressionism,claude-monet_the-siene-at-argentuil +cityscape,Cubism,romare-bearden_berkeley-the-city-and-its-people-1973 +cityscape,Pop_Art,r.-b.-kitaj_apotheosis-of-groundlessness +cityscape,Realism,claude-monet_the-chapel-notre-dame-de-grace-at-honfleur +cityscape,Romanticism,rudolf-von-alt_the-cathedral-square-in-como +cityscape,Post_Impressionism,abraham-manievich_moscow-iii +cityscape,Impressionism,john-singer-sargent_venice-in-grey-weather +cityscape,Impressionism,gregoire-boonzaier_malay-quarter-cape-town-1934 +cityscape,Post_Impressionism,vincent-van-gogh_street-in-auvers-sur-oise-1890 +cityscape,Impressionism,claude-monet_houses-of-parliament-at-sunset +cityscape,Impressionism,gregoire-boonzaier_malay-quarter-cape-town-1931 +cityscape,Impressionism,henri-martin_the-old-bridge +cityscape,Expressionism,pyotr-konchalovsky_tea-in-khotkovo-1911 +cityscape,Post_Impressionism,henri-martin_the-village-at-port-collioure +cityscape,Impressionism,claude-monet_waterloo-bridge-sunlight-effect +cityscape,Impressionism,antoine-blanchard_moulin-rouge-a-pigalle-sous-la-neige +cityscape,Art_Nouveau_Modern,boris-kustodiev_autumn-1915 +cityscape,Post_Impressionism,salvador-dali_pianc +cityscape,Romanticism,ivan-aivazovsky_malaga-1854 +cityscape,Impressionism,antoine-blanchard_rue-tronchet-la-madeleine-3 +cityscape,Realism,fyodor-vasilyev_illumination-in-st-petersburg +cityscape,Post_Impressionism,edouard-cortes_view-of-the-street-rivoli-and-notre-dame +cityscape,Impressionism,walter-sickert_cafe-of-the-courts-dieppe +cityscape,Impressionism,paul-gauguin_the-garden-in-winter-rue-carcel-1883 +cityscape,Symbolism,mstislav-dobuzhinsky_the-chapel-of-our-lady-of-the-gate-of-dawn(1) +cityscape,Impressionism,john-henry-twachtman_coney-island-from-brighton-pier +cityscape,Realism,aleksey-savrasov_courtyard-spring-1853 +cityscape,Expressionism,august-macke_street-with-church-in-kandern +cityscape,Impressionism,camille-pissarro_place-saint-lazare-1893 +cityscape,Post_Impressionism,gustave-loiseau_view-of-notre-dame-1911 +cityscape,Post_Impressionism,grace-cossington-smith_house-with-trees-1935 +cityscape,Art_Nouveau_Modern,anna-ostroumova-lebedeva_petersburg-rostral-column-and-customs-1909 +cityscape,Impressionism,pierre-auguste-renoir_house-and-figure-among-the-trees +cityscape,Expressionism,pablo-picasso_untitled-1937-4 +cityscape,Romanticism,rudolf-von-alt_the-esplanade-in-ischl +cityscape,Impressionism,robert-julian-onderdonk_hudson-river-view-1912 +cityscape,Naive_Art_Primitivism,fernando-botero_car-bomb +cityscape,Fauvism,piet-mondrian_church-tower-at-domburg-1911 +cityscape,Impressionism,nicolae-vermont_fisherman-village-in-brittany-1923 +cityscape,Post_Impressionism,theophrastos-triantafyllidis_houses +cityscape,Impressionism,konstantin-korovin_paris-boulevard-1902 +cityscape,Post_Impressionism,edouard-cortes_rue-de-rivoli +cityscape,Post_Impressionism,vincent-van-gogh_view-from-vincent-s-room-in-the-rue-lepic-1887 +cityscape,Post_Impressionism,maurice-utrillo_seine +cityscape,Art_Nouveau_Modern,nicholas-roerich_old-town-1902 +cityscape,Naive_Art_Primitivism,louis-vivin_paris-l-eglise-de-la-trinit +cityscape,Romanticism,william-turner_the-pantheon-the-morning-after-the-fire +cityscape,Impressionism,pierre-auguste-renoir_flag-decorated-street-1906 +cityscape,Impressionism,camille-pissarro_the-pont-neuf-1902-1 +cityscape,Impressionism,claude-monet_vetheuil-the-church-1 +cityscape,Expressionism,spyros-papaloukas_houses-at-kypriadi-1938 +cityscape,Impressionism,claude-monet_the-pont-neuf +cityscape,Post_Impressionism,vincent-van-gogh_the-seine-with-the-pont-de-la-grande-jette-1887 +cityscape,Post_Impressionism,periklis-vyzantios_alley-reporter-1935 +cityscape,Post_Impressionism,albert-marquet_july-14th-at-havre-1906 +cityscape,Pop_Art,hiro-yamagata_a-day-at-the-fair +cityscape,Post_Impressionism,vincent-van-gogh_the-yellow-house-1888 +cityscape,Impressionism,antoine-blanchard_boulevard-haussmann +cityscape,Pointillism,henri-martin_door-in-marquayrol +cityscape,Impressionism,frits-thaulow_marble-steps +cityscape,Post_Impressionism,maxime-maufra_the-port-of-saint-goustan-1912 +cityscape,Romanticism,cornelis-springer_bookstall-on-the-noordermarket +cityscape,Pointillism,paul-signac_the-papal-palace-avignon-1900 +cityscape,Impressionism,camille-pissarro_the-louvre-afternoon-1902 +cityscape,Expressionism,alekos-kontopoulos_view-of-mount-athos +cityscape,Cubism,amadeo-de-souza-cardoso_bridge-1914 +cityscape,Expressionism,jean-david_jerusalem(1) +cityscape,Post_Impressionism,maurice-de-vlaminck_the-seine-at-chatou-1 +cityscape,Symbolism,paul-mathiopoulos_panepistimiou-street-1896 +cityscape,Cubism,fernand-leger_staircase-19-1914 +cityscape,Impressionism,maurice-prendergast_venice +cityscape,Post_Impressionism,maurice-de-vlaminck_the-village +cityscape,Impressionism,joaquã­n-sorolla_the-old-bridge-of-avila-1910 +cityscape,Pointillism,theo-van-rysselberghe_the-quay-at-verre-zeeland-1906 +cityscape,Impressionism,childe-hassam_dock-of-tuileries-1889 +cityscape,Impressionism,william-merritt-chase_venice-view-of-the-navy-arsenal +cityscape,Post_Impressionism,ilya-mashkov_italy-nervi-landscape-with-aqueduct-1913 +cityscape,Expressionism,spyros-papaloukas_arsanas +cityscape,Impressionism,antoine-blanchard_boulevard-de-la-madeleine-3 +cityscape,Naive_Art_Primitivism,raoul-dufy_electricity-1937 +cityscape,Post_Impressionism,edouard-cortes_rue-royale-madeleine-1 +cityscape,Expressionism,mstislav-dobuzhinsky_vilnius-nocturnal-scene +cityscape,Impressionism,alfred-sisley_the-factory-at-sevres-1879 +cityscape,Impressionism,childe-hassam_childe-hassam-a-shower-bonaparte-street +cityscape,Expressionism,otto-dix_randegg-in-the-snow-with-ravens +cityscape,Post_Impressionism,edouard-cortes_chatelet-in-winter +cityscape,Naive_Art_Primitivism,louis-vivin_place-du-theatre-city-square-with-red-phone-booth +cityscape,Post_Impressionism,gustave-loiseau_martigues-1913 +cityscape,Post_Impressionism,edouard-cortes_place-saint-michel-notre-dame-4 +cityscape,Impressionism,eugene-boudin_venice-1895-1 +cityscape,Post_Impressionism,maurice-utrillo_moulin-de-la-galette-under-the-snow +cityscape,Romanticism,pavel-svinyin_the-pennsylvania-hospital +cityscape,Impressionism,claude-monet_charing-cross-bridge-1902 +cityscape,Post_Impressionism,edouard-cortes_the-porte-saint-martin +cityscape,Realism,nikolai-ge_florence +cityscape,Baroque,canaletto_the-riva-degli-schiavoni +cityscape,Impressionism,edouard-manet_rue-mosnier-decorated-with-flags-1878 +cityscape,Impressionism,alfred-sisley_early-snow-at-louveciennes-1872 +cityscape,Impressionism,theophrastos-triantafyllidis_figures-on-a-street +cityscape,New_Realism,john-french-sloan_gloucester-harbor-1916 +cityscape,Impressionism,antoine-blanchard_porte-st-denis-winter-1 +cityscape,Impressionism,childe-hassam_a-city-fairyland +cityscape,Realism,volodymyr-orlovsky_city-on-the-seashore +cityscape,Post_Impressionism,vincent-van-gogh_bridges-across-the-seine-at-asnieres-1887(1) +cityscape,Naive_Art_Primitivism,louis-vivin_le-march +cityscape,Symbolism,mstislav-dobuzhinsky_the-english-embankment-at-snow-1923 +cityscape,Art_Nouveau_Modern,nicholas-roerich_zvenigorod-holy-gate-1904 +cityscape,Romanticism,william-turner_norham-castle-on-the-tweed +cityscape,Naive_Art_Primitivism,louis-vivin_venice-canal-scene-with-a-church +cityscape,Post_Impressionism,gustave-loiseau_waterfall-at-saint-martin-pontoise-1906 +cityscape,Expressionism,jacoba-van-heemskerck_stadt-1915 +cityscape,Pointillism,paul-signac_marseille-an-old-port-1906 +cityscape,Post_Impressionism,pyotr-konchalovsky_leningrad-million-street-1931 +cityscape,Impressionism,claude-monet_rouen-cathedral-west-facade-noon +cityscape,Post_Impressionism,gustave-loiseau_farm-in-normandy +cityscape,Post_Impressionism,arturo-souto_the-berbes-1963 +cityscape,Realism,camille-corot_orleans-view-from-a-window-overlooking-the-saint-peterne-tower +cityscape,Post_Impressionism,edouard-cortes_tower-saint-jacques +cityscape,Realism,ioannis-altamouras_1874-2 +cityscape,Post_Impressionism,maurice-utrillo_square-minimes +cityscape,Impressionism,konstantin-korovin_alupka-1912 +cityscape,Impressionism,adolf-hitler_the-basler-gate +cityscape,Pop_Art,hiro-yamagata_miss-paris-1980 +cityscape,Impressionism,eugene-boudin_the-port-of-camaret-1872 +cityscape,Impressionism,camille-pissarro_the-louvre-morning-snow-effect-1903 +cityscape,Impressionism,rudolf-schweitzer-cumpana_strad-n-paris-1932 +cityscape,Symbolism,mstislav-dobuzhinsky_baltic-townscape +cityscape,Impressionism,john-singer-sargent_festa-della-regatta +cityscape,Symbolism,kuzma-petrov-vodkin_sevres-1908 +cityscape,Expressionism,richard-gerstl_view-of-the-park-1908 +cityscape,Art_Nouveau_Modern,anna-ostroumova-lebedeva_venice-1916 +cityscape,Impressionism,piet-mondrian_schinkelbuurtje-sun +cityscape,Romanticism,william-turner_cathedral-church-at-lincoln +cityscape,Expressionism,horia-bernea_unknown-title +cityscape,Rococo,bernardo-bellotto_the-dominican-church-in-vienna-1758 +cityscape,Post_Impressionism,pyotr-konchalovsky_leningrad-bridge-of-belinsky-church-of-st-simeon-and-anna-1931 +cityscape,Rococo,canaletto_padua-the-prato-della-valle-with-santa-giustinia-and-the-church-of-misericordia +cityscape,Romanticism,ivan-aivazovsky_night-landscape-venice +cityscape,Naive_Art_Primitivism,jules-lefranc_le-metro-aerien +cityscape,Romanticism,rudolf-von-alt_view-of-klosterneuburg-1890 +cityscape,Cubism,andre-derain_landscape-of-carri-res-1909 +cityscape,Impressionism,claude-monet_the-boardwalk-on-the-beach-at-trouville +cityscape,Expressionism,albert-bloch_houses-at-night +cityscape,Realism,vincent-van-gogh_view-from-the-window-of-vincent-s-studio-in-winter-1883 +cityscape,New_Realism,edward-hopper_not_detected_235611 +cityscape,Post_Impressionism,edouard-cortes_theatre-du-vaudeville-3 +cityscape,Expressionism,wassily-kandinsky_grungasse-in-murnau-1909 +cityscape,Expressionism,oswaldo-guayasamin_quito-de-la-nube-negra-1987 +cityscape,Impressionism,claude-monet_rouen-cathedral-the-portal-morning-fog +cityscape,Post_Impressionism,vincent-van-gogh_the-bridge-at-trinquetaille-1888 +cityscape,Impressionism,giovanni-boldini_night-on-montmartre +cityscape,Romanticism,william-turner_venice-seen-from-the-giudecca-canal +cityscape,Art_Nouveau_Modern,egon-schiele_town-on-the-blue-river-1910 +cityscape,Art_Nouveau_Modern,anna-ostroumova-lebedeva_willows-near-the-palace-1923 +cityscape,Realism,vasily-surikov_pompey-street-1884 +cityscape,Romanticism,taras-shevchenko_catholic-church-in-kyiv-1846 +cityscape,Post_Impressionism,maurice-utrillo_farm-on-l-ile-d-ouessant-finistere +cityscape,Impressionism,eugene-boudin_the-town-of-dordrecht-1884 +cityscape,Impressionism,rudolf-schweitzer-cumpana_pasaj-din-san-remo-arcul-santa-brigita-1939 +cityscape,Impressionism,pierre-auguste-renoir_the-powder-magazine-at-la-rochelle +cityscape,Realism,camille-corot_rome-the-basilica-of-constantine +cityscape,Impressionism,antoine-blanchard_porte-st-denis-6 +cityscape,Post_Impressionism,serge-sudeikin_winter-fantasy +cityscape,Symbolism,mstislav-dobuzhinsky_chernihiv-photography-1912 +cityscape,Impressionism,claude-monet_the-church-at-vetheuil-under-snow-1879 +cityscape,Impressionism,robert-julian-onderdonk_foot-of-52nd-street-at-hudson-park +cityscape,Naive_Art_Primitivism,henri-rousseau_landscape-with-bridge-1877 +cityscape,Realism,camille-corot_fishing-boats-tied-to-the-wharf +cityscape,Impressionism,paul-gauguin_the-seine-in-paris-1875 +cityscape,Post_Impressionism,edouard-cortes_the-concorde-square-le-soir +cityscape,Cubism,pyotr-konchalovsky_cassis-ships-1913 +cityscape,Impressionism,claude-monet_boats-in-the-pool-of-london-1871 +cityscape,Realism,vincent-van-gogh_bridge-and-houses-on-the-corner-of-herengracht-prinsessegracht-1882(1) +cityscape,Art_Nouveau_Modern,nicholas-roerich_rostov-veliky-entrance-to-kremlin-1903 +cityscape,Cubism,diego-rivera_view-of-toledo-1912 +cityscape,Ukiyo_e,katsushika-hokusai_inside-the-courtyard-of-the-toeizan-temple-at-ueno +cityscape,Expressionism,zinaida-serebriakova_menton-view-from-the-harbor-of-the-city-1930 +cityscape,Romanticism,john-atkinson-grimshaw_evening-whitby-harbour-1893 +cityscape,Romanticism,cornelis-springer_the-smithy-of-culemborg-in-the-winter-1860 +cityscape,Art_Nouveau_Modern,egon-schiele_krumau-town-crescent-i-1915 +cityscape,Impressionism,cornelis-vreedenburgh_sluice-of-woerdense-verlaat +cityscape,Naive_Art_Primitivism,fernand-leger_at-the-farm-1955 +cityscape,Post_Impressionism,maurice-prendergast_scene-of-venice +cityscape,Romanticism,rudolf-von-alt_the-fish-market-in-rome-1865 +cityscape,Post_Impressionism,maurice-de-vlaminck_house-on-the-banks-of-a-river-1909 +cityscape,Impressionism,childe-hassam_elms-east-hampton-new-york +cityscape,Impressionism,claude-monet_palazzo-contarini +cityscape,Symbolism,mikhail-vrubel_two-gondolas-on-the-quay-1885 +cityscape,Symbolism,mstislav-dobuzhinsky_rue-neuve-in-bruges +cityscape,Impressionism,alfred-sisley_the-church-at-moret-rainy-morning-1893 +cityscape,Art_Nouveau_Modern,anna-ostroumova-lebedeva_leningrad-fishing-boys-1942 +cityscape,Post_Impressionism,spyros-papaloukas_abbey-dionysiou-1924 +cityscape,Impressionism,john-singer-sargent_venetian-canal-palazzo-corner +cityscape,Fauvism,georges-braque_antwerp-harbor-1905 +cityscape,Impressionism,antoine-blanchard_champs-elysees-arc-de-triomphe-1 +cityscape,Pop_Art,hiro-yamagata_normandies-1979 +cityscape,Impressionism,claude-monet_the-seine-below-rouen +cityscape,Impressionism,claude-monet_view-of-argenteuil-in-the-snow +cityscape,Impressionism,claude-monet_view-of-amsterdam +cityscape,Post_Impressionism,maurice-utrillo_nine +cityscape,Pointillism,paul-signac_the-dogana-1904 +cityscape,Art_Nouveau_Modern,anna-ostroumova-lebedeva_construction-of-the-palace-bridge-1922 +cityscape,Impressionism,claude-monet_the-doges-palace +cityscape,Impressionism,antoine-blanchard_gare-de-lest +cityscape,Impressionism,cornelis-vreedenburgh_montelbaanstoren-in-amsterdam +cityscape,Art_Nouveau_Modern,boris-kustodiev_red-tower-of-troitse-sergeevsky-lavra-1912 +cityscape,Rococo,bernardo-bellotto_view-of-the-grand-canal-at-san-stae-1738 +cityscape,Impressionism,claude-monet_road-at-louveciennes-melting-snow-sunset +cityscape,Pop_Art,hiro-yamagata_not-detected-272417 +cityscape,New_Realism,john-french-sloan_rainbow-new-york-city-1912 +cityscape,Romanticism,rudolf-von-alt_the-st-stephen-s-cathedral-in-vienna +cityscape,Realism,vincent-van-gogh_van-stolkpark-1882 +cityscape,Cubism,john-marin_woolworth-building-no-28-1912 +cityscape,Impressionism,henri-martin_view-of-puy-l-eveque-1 +cityscape,New_Realism,edward-hopper_cape-cod-afternoon +cityscape,Impressionism,ivan-albright_view-from-room-603-watergate-washington-d-c-1974 +cityscape,Art_Nouveau_Modern,egon-schiele_yellow-city-1914 +cityscape,Post_Impressionism,gustave-loiseau_village-road +cityscape,Romanticism,pavel-svinyin_the-traveler-s-first-view-of-new-york-the-battery-and-flagstaff +cityscape,Impressionism,john-henry-twachtman_the-christmas-tree +cityscape,Post_Impressionism,edouard-cortes_place-du-chatelet +cityscape,Post_Impressionism,henri-martin_saint-cirq-lapopie-in-the-rain +cityscape,Cubism,pyotr-konchalovsky_crimea-alupka-1916 +cityscape,Expressionism,francis-picabia_port-of-saint-tropez-evening-effect +cityscape,Art_Nouveau_Modern,nicholas-roerich_kostroma-belfry-of-ipatievsky-monastery-1903 +cityscape,Rococo,bernardo-bellotto_the-freyung-1761 +cityscape,Post_Impressionism,maurice-prendergast_view-of-venice-also-known-as-giudecca-from-the-zattere +cityscape,Symbolism,mstislav-dobuzhinsky_a-street-scene-from-riga-1925 +cityscape,Realism,boris-kustodiev_horses-of-st-mark-venice-1907 +cityscape,Expressionism,alberto-burri_upper-piazza-1947 +cityscape,Fauvism,william-h.-johnson_church-on-lenox-avenue-1940 +cityscape,Symbolism,tivadar-kosztka-csontvary_coaching-in-athens-at-new-moon-1904 +cityscape,Impressionism,john-atkinson-grimshaw_boars-lane-leeds-by-lamplight +cityscape,Expressionism,ernst-ludwig-kirchner_villa-in-dresden +cityscape,Realism,m.c.-escher_not_detected_204721 +cityscape,Naive_Art_Primitivism,camille-bombois_yellow-street-1925 +cityscape,Impressionism,antoine-blanchard_place-de-la-republique-3 +cityscape,Impressionism,eugene-boudin_the-port-of-trouville-low-tide-1897 +cityscape,Post_Impressionism,edouard-cortes_notre-dame-st-michael-under-the-snow +cityscape,Post_Impressionism,maurice-prendergast_the-piazza-of-st-marks-venice +cityscape,Realism,pyotr-konchalovsky_cathedral-of-st-george-in-novgorod +cityscape,Expressionism,henri-matisse_the-bay-of-nice-1918 +cityscape,Impressionism,paul-signac_the-entrance-to-the-grand-canal-venice +cityscape,Post_Impressionism,tivadar-kosztka-csontvary_baalbek-1906 +cityscape,Rococo,canaletto_london-westminster-bridge-under-repair-1749 +cityscape,Post_Impressionism,maurice-prendergast_notre-dame +cityscape,Impressionism,vasile-popescu_rooftops-1920 +cityscape,Impressionism,anders-zorn_impressions-of-london-1890 +cityscape,Rococo,bernardo-bellotto_miodowa-street-1777 +cityscape,Post_Impressionism,kuzma-petrov-vodkin_negro-village-1907 +cityscape,Impressionism,claude-monet_the-church-at-vetheuil +cityscape,Post_Impressionism,gustave-loiseau_the-pont-marie-de-paris-1912 +cityscape,Post_Impressionism,corneliu-baba_bridge-over-seine-1979 +cityscape,Impressionism,paul-signac_les-andelys-1923 +cityscape,Symbolism,mstislav-dobuzhinsky_naples-1914 +cityscape,Post_Impressionism,paul-gauguin_paris-in-the-snow-1894 +cityscape,Impressionism,claude-monet_palazzo-dario-4 +cityscape,Symbolism,mstislav-dobuzhinsky_gate-of-dawn-1905(1) +cityscape,Post_Impressionism,maurice-prendergast_rialto-bridge-also-known-as-the-rialto-bridge-venice +cityscape,Romanticism,cornelis-springer_a-busy-market-in-veere-with-the-clocktower-of-the-town-hall-beyond-1857 +cityscape,Post_Impressionism,edouard-cortes_boulevard-de-la-madeleine-8 +cityscape,Realism,pyotr-konchalovsky_view-from-window-1943 +cityscape,Romanticism,cornelis-springer_the-corner-of-westerstraat-and-tabakstraat-in-enkhuizen-1873 +cityscape,Realism,vasily-vereshchagin_samarkand-1870 +cityscape,Pop_Art,hiro-yamagata_american-train +cityscape,Impressionism,antoine-blanchard_place-de-la-republic-4 +cityscape,Impressionism,camille-pissarro_the-port-of-le-havre-2-1903 +cityscape,Impressionism,paul-signac_paris-quai-de-la-tournelle-1886 +cityscape,Romanticism,eugene-delacroix_view-of-tangier(1) +cityscape,Pop_Art,hiro-yamagata_museum-1984 +cityscape,Art_Nouveau_Modern,mstislav-dobuzhinsky_tsarskoye-selo-kameronov-gallery(1) +cityscape,Realism,konstantinos-volanakis_a-busy-harbour +cityscape,Post_Impressionism,maurice-prendergast_docks-east-boston +cityscape,Impressionism,pierre-auguste-renoir_a-church-at-cagnes +cityscape,Expressionism,vasile-dobrian_dresda-ladder-1965 +cityscape,Pop_Art,hiro-yamagata_notre-dame-1980 +cityscape,Post_Impressionism,pierre-daura_untitled-church-in-snow-with-rose-sky-1939 +cityscape,Post_Impressionism,edouard-cortes_st-denis +cityscape,Romanticism,cornelis-springer_altstadtmarkt-in-brunswijk +cityscape,Post_Impressionism,edouard-vuillard_square-berlioz-la-place-vintimille +cityscape,Romanticism,polychronis-lembesis_monument-lysikratous +cityscape,Impressionism,camille-pissarro_avenue-de-l-opera-morning-sunshine-1898 +cityscape,Impressionism,antoine-blanchard_theatre-du-vaudeville-1 +cityscape,Expressionism,chaim-soutine_landscape-at-cagnes +cityscape,Impressionism,john-henry-twachtman_the-grand-canal-venice +cityscape,Post_Impressionism,maurice-utrillo_sacre-coeur +cityscape,Impressionism,claude-monet_the-doges-palace-seen-from-san-giorgio-maggiore-2 +cityscape,Post_Impressionism,maurice-utrillo_moulin-de-la-galette-1 +cityscape,Realism,arkhip-kuindzhi_view-of-the-isaac-cathedral-at-moonlight-night-1869-1 +cityscape,Romanticism,cornelis-springer_zuiderhavendijk-enkhuizen +cityscape,Naive_Art_Primitivism,henri-rousseau_house-on-the-outskirts-of-paris-1902 +cityscape,Post_Impressionism,pyotr-konchalovsky_novgorod-kukui-tower-1928-2 +cityscape,Post_Impressionism,edouard-cortes_pont-alexander-iii-1 +cityscape,Impressionism,paul-gauguin_cail-factories-and-quai-of-grenelle-1875 +cityscape,Pop_Art,hiro-yamagata_robbers-ii-1984 +cityscape,Realism,vincent-van-gogh_fish-drying-barn-seen-from-a-height-1882(1) +cityscape,Post_Impressionism,kuzma-petrov-vodkin_type-the-cluny-museum-in-paris-1908 +cityscape,New_Realism,john-french-sloan_wet-night-washington-square-1928 +cityscape,Symbolism,konstantin-bogaevsky_feodosia-1926 +cityscape,Impressionism,camille-pissarro_morning-rouen-the-quays-1896 +cityscape,Post_Impressionism,vincent-van-gogh_the-garden-of-saint-paul-hospital-1889-1 +cityscape,Pop_Art,hiro-yamagata_not-detected-272396 +cityscape,Impressionism,claude-monet_charing-cross-bridge-03 +cityscape,Art_Nouveau_Modern,nicholas-roerich_rostov-veliky-kremlin +cityscape,Post_Impressionism,maurice-utrillo_the-bridges-of-toulouse +cityscape,Expressionism,pierre-daura_untitled-montmartre-1917 +cityscape,Impressionism,john-singer-sargent_i-gesuati +cityscape,Post_Impressionism,nicolae-tonitza_lighthouse-in-balchik +cityscape,Realism,konstantin-bogaevsky_panorama-of-construction-of-dnieper-hydroelectric-station +cityscape,Impressionism,maurice-prendergast_boston-snowy-day +cityscape,Expressionism,egon-schiele_city-on-the-blue-river-1910 +cityscape,Expressionism,paul-klee_destroyed-place-1920(1) +cityscape,Post_Impressionism,edouard-cortes_triumphal-arch-1 +cityscape,Post_Impressionism,istvan-ilosvai-varga_alleyway-1935 +cityscape,Impressionism,john-singer-sargent_staircase-in-capri-1878 +cityscape,Romanticism,maxim-vorobiev_smirna-1820 +cityscape,Romanticism,jan-matejko_st-mary-s-church +cityscape,Impressionism,antoine-blanchard_place-vendome +cityscape,Impressionism,pierre-auguste-renoir_houses-at-cagnes +cityscape,Post_Impressionism,gustave-loiseau_port-of-fecamp-1924 +cityscape,Post_Impressionism,maurice-prendergast_may-day-central-park +cityscape,Realism,alexey-bogolyubov_embankment-of-constantinople +cityscape,Post_Impressionism,vincent-van-gogh_a-sunday-in-eindhoven(1) +cityscape,New_Realism,john-french-sloan_independence-square-philadelphia-1900 +cityscape,New_Realism,edward-hopper_read-pavillonde-flore +cityscape,Fauvism,maurice-de-vlaminck_the-bridge-at-chatou-1 +cityscape,Impressionism,camille-pissarro_fog-morning-rouen-1896 +cityscape,Impressionism,john-singer-sargent_the-libreria-1904-1 +cityscape,Impressionism,alfred-sisley_view-of-the-canal-saint-martin-1870 +cityscape,Impressionism,joaquã­n-sorolla_garden-of-lindaraja-1909 +cityscape,Realism,nicolae-grigorescu_catholic-church-in-cimpulung +cityscape,Romanticism,adolphe-joseph-thomas-monticelli_seascape-near-marseille-fantastic-village +cityscape,Impressionism,alfred-sisley_neighborhood-street-in-louveciennes-rue-de-village-voisins-to-louveciennes-1872 +cityscape,Realism,giovanni-boldini_outskirts-of-paris +cityscape,Impressionism,adolf-hitler_arch-of-triumph-in-munich +cityscape,Realism,camille-pissarro_the-crystal-palace-london-1871 +cityscape,Impressionism,camille-pissarro_the-tuileries-and-the-louvre-1900 +cityscape,Impressionism,gustave-caillebotte_the-boulevard-viewed-from-above-1880 +cityscape,Cubism,pablo-picasso_window-opened-to-the-street-penthieure-1920 +cityscape,Pop_Art,hiro-yamagata_balloon-wedding-1988 +cityscape,Expressionism,martiros-saryan_old-tbilisi-1917 +cityscape,Impressionism,iosif-iser_houses-in-bucharest +cityscape,Impressionism,claude-monet_burgo-marina-at-bordighera +cityscape,Impressionism,paul-cezanne_the-turn-in-the-road-at-auvers-1873 +cityscape,Expressionism,spyros-papaloukas_cafr-1929 +cityscape,Impressionism,vasily-polenov_venice-channals +cityscape,Impressionism,konstantin-korovin_village-1902 +cityscape,Post_Impressionism,gustave-loiseau_l-hermitage-in-pontoise-1899 +cityscape,Impressionism,roger-fry_venice-1899 +cityscape,Pop_Art,hiro-yamagata_summer-museum-1988 +cityscape,Realism,vasily-sadovnikov_departure-of-an-omnibus-from-st-isaac-s-square-in-st-petersburg-1841 +cityscape,Realism,vasily-vereshchagin_tomb-of-sheikh-salim-chishti-in-fatehpur-sikri-1876 +cityscape,Expressionism,spyros-papaloukas_church-detail-1923 +cityscape,Realism,theodore-rousseau_not_detected_198934 +cityscape,Post_Impressionism,pyotr-konchalovsky_grenada-1910 +cityscape,Post_Impressionism,gustave-loiseau_paris-wagram-avenue-1925 +cityscape,Impressionism,antoine-blanchard_les-grands-boulevards-sous-la-neige +cityscape,Impressionism,claude-monet_not_detected_212148 +cityscape,Romanticism,cornelis-springer_binnenpoort-in-culemborg +cityscape,Realism,vasily-surikov_samara-1880 +cityscape,Post_Impressionism,auguste-herbin_the-place-maubert-in-paris-1907 +cityscape,Symbolism,nicholas-roerich_ancient-pskov-1936 +cityscape,Art_Nouveau_Modern,konstantin-korovin_pier-in-novgorod-1906 +cityscape,Pointillism,paul-signac_the-entrance-to-the-port-of-marseille +cityscape,Post_Impressionism,maurice-utrillo_ravignan-street +cityscape,Impressionism,claude-monet_not_detected_212150 +cityscape,Realism,alexey-bogolyubov_ipatyev-monastery-near-kostroma-1861 +cityscape,Impressionism,camille-pissarro_the-church-of-saint-jacues-dieppe-rainy-weather-1901 +cityscape,Impressionism,antoine-blanchard_boulevard-de-la-madeleine-2 +cityscape,Impressionism,childe-hassam_rialto-market-venice +cityscape,Impressionism,antoine-blanchard_theatre-du-vaudeville-2 +cityscape,Post_Impressionism,maxime-maufra_the-river-rance-at-dinard +cityscape,Cubism,otto-dix_moon-woma +cityscape,Expressionism,vasile-dobrian_leningrad-evening +cityscape,Post_Impressionism,maurice-utrillo_fot-the-ball-of-l-a-a-a-a-magic-city +cityscape,Impressionism,claude-monet_view-of-the-church-at-vernon +cityscape,Symbolism,mstislav-dobuzhinsky_old-house-in-germany-1957 +cityscape,Impressionism,stefan-luchian_house-with-fence +cityscape,Impressionism,john-singer-sargent_roman-architecture +cityscape,Realism,camille-corot_florence-the-boboli-gardens +cityscape,Impressionism,alfred-sisley_snow-at-louveciennes-1878 +cityscape,Cubism,juan-gris_landscape-at-beaulieu-1918 +cityscape,Post_Impressionism,nikola-tanev_street-in-karlovo +cityscape,Impressionism,antoine-blanchard_avenue-de-l-opera +cityscape,Impressionism,camille-pissarro_the-fishmarket-dieppe-grey-weather-morning-1902 +cityscape,Expressionism,ernst-ludwig-kirchner_station-in-davos-1 +cityscape,Post_Impressionism,pyotr-konchalovsky_venice-house-of-tintoretto-1924 +cityscape,Baroque,rembrandt_view-over-the-amstel-from-the-rampart-1650 +cityscape,Realism,vasily-polenov_haram-ash-sharif-the-square-where-the-ancient-temple-of-jerusalem-was-situated-1882 +cityscape,Post_Impressionism,edouard-cortes_rue-royale-madeleine +cityscape,Post_Impressionism,gustave-loiseau_fish-market-at-the-port-of-dieppe-1903 +cityscape,Impressionism,claude-monet_saint-lazare-station-exterior-view-2 +cityscape,Impressionism,camille-pissarro_all-saints-church-upper-norwood-1871 +cityscape,Impressionism,claude-monet_wharf-of-louvre-paris-1867 +cityscape,Post_Impressionism,henri-catargi_mediteraneean-landscape-1932 +cityscape,Post_Impressionism,vincent-van-gogh_view-from-the-apartment-in-the-rue-lepic-1887 +cityscape,Romanticism,franz-richard-unterberger_rio-santa-barnaba-venice +cityscape,Post_Impressionism,edouard-cortes_sacred-heart-of-paris +cityscape,Impressionism,eugene-boudin_the-port-of-trouville-the-market-place-and-the-ferry-1884 +cityscape,Expressionism,zinaida-serebriakova_square-in-marrakesh-1932 +cityscape,Post_Impressionism,henri-martin_saint-cirq-lapopie-2 +cityscape,Impressionism,childe-hassam_avenue-of-the-allies-1 +cityscape,Post_Impressionism,edouard-cortes_rue-royale-winter +cityscape,Baroque,esaias-van-de-velde_view-of-zierikzee-1618 +cityscape,Romanticism,franz-richard-unterberger_riva-degli-schiavoni-venice +cityscape,Impressionism,gregoire-boonzaier_bo-kaap-1951 +cityscape,Post_Impressionism,maurice-prendergast_central-park-also-known-as-central-park-new-york-city +cityscape,Impressionism,childe-hassam_flagstone-sidewalk-portsmouth-new-hampshire +cityscape,Realism,adolf-hitler_the-st-charles-church +cityscape,Post_Impressionism,edouard-cortes_caf-de-la-paix-paris-3 +cityscape,Impressionism,raoul-dufy_the-louis-philippe-bridge-and-the-saint-gervais-church-1904 +cityscape,Impressionism,james-mcneill-whistler_chelsea-shops +cityscape,Art_Nouveau_Modern,anna-ostroumova-lebedeva_the-gate-and-the-road-to-etyup-1923 +cityscape,Impressionism,claude-monet_rouen-cathedral-01 +cityscape,Post_Impressionism,maurice-prendergast_the-louvre +cityscape,Impressionism,giuseppe-de-nittis_rue-de-paris-with-carriages +cityscape,Impressionism,eugene-boudin_the-giudecca-from-the-zatteri-venice +cityscape,Impressionism,childe-hassam_the-mackaye-spectatorium +cityscape,Rococo,bernardo-bellotto_a-view-of-the-lobkowicz-palace-in-vienna-1761 +cityscape,Pop_Art,hiro-yamagata_chanson-de-neige-1980 +cityscape,Rococo,bernardo-bellotto_the-scuola-of-san-marco +cityscape,Rococo,bernardo-bellotto_the-moat-of-the-zwinger-in-dresden +cityscape,Realism,vasily-surikov_venice-saint-mark-s-basilica-1884 +cityscape,Realism,vasily-sadovnikov_the-arch-of-the-general-headquarters-building +cityscape,Impressionism,john-marin_new-york-fantasy-1912 +cityscape,Cubism,nikos-hadjikyriakos-ghikas_paris-roofs-ii-1952 +cityscape,Expressionism,vajda-lajos_houses-in-szentendre-with-blue-sky-1935 +cityscape,Impressionism,childe-hassam_st-patrick-s-day +cityscape,Post_Impressionism,gustave-loiseau_the-small-bourgeois-house-1905 +cityscape,Post_Impressionism,maurice-utrillo_the-passage-cottin +cityscape,Impressionism,john-singer-sargent_spirito-santo-saattera +cityscape,Impressionism,antoine-blanchard_porte-st-martin-3 +cityscape,Realism,vincent-van-gogh_carpenter-s-yard-and-laundry-1882(1) +cityscape,Realism,vasily-polenov_jerusalem-ladder-to-the-east-side-of-the-track +cityscape,Expressionism,paul-klee_houses-near-the-gravel-pit-1913 +cityscape,Expressionism,zinaida-serebriakova_fountain-in-the-versailles-park-1926 +cityscape,Post_Impressionism,maurice-utrillo_norvins-street +cityscape,Realism,vasily-polenov_baalbek-ruins-of-jupiter-cathedral-and-cathedral-of-sun-1882 +cityscape,Impressionism,claude-monet_the-grand-canal +cityscape,Post_Impressionism,edouard-cortes_fountain-on-place-de-la-concorde-1 +cityscape,Art_Nouveau_Modern,boris-kustodiev_wing-with-a-porch-1911 +cityscape,Expressionism,mstislav-dobuzhinsky_embankment-in-petersburg-1908 +cityscape,Art_Nouveau_Modern,carlos-saenz-de-tejada_visit-of-tetuan-from-the-terrace-of-khalifa-1938 +cityscape,Fauvism,raoul-dufy_boats-in-marseille-1908 +cityscape,Post_Impressionism,gustave-loiseau_rue-a-ennery-1912 +cityscape,Impressionism,stefan-dimitrescu_street +cityscape,Romanticism,ivan-aivazovsky_view-of-the-bosporus-1878 +cityscape,Baroque,adriaen-van-de-velde_the-martelaarsgracht-in-amsterdam +cityscape,Post_Impressionism,vincent-van-gogh_the-mill-of-blute-end-1886 +cityscape,Impressionism,thalia-flora-karavia_constantinople-1905 +cityscape,Post_Impressionism,vincent-van-gogh_the-garden-of-saint-paul-hospital-1889 +cityscape,Romanticism,rudolf-von-alt_view-of-salzburg-1897 +cityscape,Art_Nouveau_Modern,nicholas-roerich_moscow-view-of-kremlin-from-zamoskvorechie-1903 +cityscape,Realism,fyodor-vasilyev_at-the-sink +cityscape,Impressionism,antoine-blanchard_opera-caf-de-la-paix +cityscape,Post_Impressionism,nicolae-darascu_venice-cliff-seen-from-san-marco-piazza +cityscape,Pointillism,georges-seurat_the-maria-honfleur-1886 +cityscape,Impressionism,claude-monet_vernon-church-in-fog-1893 +cityscape,Impressionism,pierre-auguste-renoir_white-houses +cityscape,Impressionism,eugene-boudin_quittebeuf-1893 +cityscape,Post_Impressionism,maurice-utrillo_street +cityscape,Expressionism,zinaida-serebriakova_the-market-in-pont-l-abbe-1934 +cityscape,Impressionism,gregoire-boonzaier_venice-scene-1971 +cityscape,Impressionism,camille-pissarro_steamboats-1883 +cityscape,Post_Impressionism,charles-reiffel_harbor-night-1937 +cityscape,Impressionism,claude-monet_saint-lazare-station-the-western-region-goods-sheds +cityscape,Post_Impressionism,vincent-van-gogh_the-trinquetaille-bridge-1888 +cityscape,Impressionism,gregoire-boonzaier_cape-malay-quarter-with-signal-hill-in-the-distance-1955 +cityscape,Post_Impressionism,edouard-cortes_place-de-la-madeleine-1 +cityscape,Baroque,adriaen-van-de-velde_the-church-of-st-severin-in-cologne-in-a-fictive-setting-1672 +cityscape,Impressionism,william-merritt-chase_the-cloisters +cityscape,Expressionism,oskar-kokoschka_not_detected_235876 +cityscape,Baroque,canaletto_fonteghetto-della-farina +cityscape,Impressionism,antoine-blanchard_rue-royal-madeleine-4 +cityscape,Baroque,canaletto_roofs-and-chimneys-in-venice +cityscape,Art_Nouveau_Modern,egon-schiele_krumau-on-the-molde-the-small-city +cityscape,Naive_Art_Primitivism,marc-chagall_apothecary-in-vitebsk-1914 +cityscape,Baroque,adriaen-van-de-velde_view-in-amsterdam +cityscape,Impressionism,childe-hassam_provincetown +cityscape,Rococo,bernardo-bellotto_pirna-seen-from-the-right-bank-of-the-elbe +cityscape,Impressionism,childe-hassam_the-quai-lannion +cityscape,Impressionism,gustave-caillebotte_le-pont-de-l-europe-1 +cityscape,Realism,camille-corot_toulon-battleships-dismantled +cityscape,Impressionism,camille-pissarro_rue-saint-lazare-under-snow-1897 +cityscape,Impressionism,camille-pissarro_le-boulevard-de-clichy-1880 +cityscape,Cubism,mily-possoz_chamin-s-alentejanas +cityscape,Post_Impressionism,maurice-utrillo_church-of-st-hilary +cityscape,Impressionism,alfred-sisley_the-flood-at-port-marly-1876 +cityscape,Post_Impressionism,maurice-utrillo_landscape-in-saint-bernard +cityscape,Symbolism,mstislav-dobuzhinsky_vilno-entrance-to-the-holy-trinity-monastery(1) +cityscape,Impressionism,antoine-blanchard_theatre-du-chatelet +cityscape,Impressionism,claude-monet_gondola-in-venice +cityscape,Symbolism,kuzma-petrov-vodkin_ul-1923 +cityscape,Post_Impressionism,vincent-van-gogh_entrance-to-the-moulin-de-la-galette-1887 +cityscape,Impressionism,eugene-boudin_rotterdam-the-pont-de-la-bourse-1873 +cityscape,Post_Impressionism,pablo-picasso_dawn-at-riera-de-sant-joan-1903 +cityscape,Romanticism,rudolf-von-alt_view-of-naples +cityscape,Realism,camille-corot_view-of-genoa-1834 +cityscape,Realism,konstantinos-volanakis_moonlit-harbour +cityscape,Impressionism,pierre-auguste-renoir_houses-at-cagnes-1905-1 +cityscape,Art_Nouveau_Modern,jozsef-rippl-ronai_busy-city-scene-1914 +cityscape,Naive_Art_Primitivism,henri-rousseau_footbridge-at-passy-1895 +cityscape,Post_Impressionism,edouard-cortes_st-denis-winter-2 +cityscape,Impressionism,childe-hassam_horticultural-building-world-s-columbian-exposition-chicago +cityscape,Rococo,bernardo-bellotto_the-neuer-marktplatz-in-dresden-1747 +cityscape,Analytical_Cubism,georges-braque_rooftops-at-ceret-1911 +cityscape,Romanticism,rudolf-von-alt_view-of-salzburg-1831 +cityscape,Romanticism,john-atkinson-grimshaw_the-old-hall-under-moonlight +cityscape,Post_Impressionism,maurice-utrillo_bridge-and-church +cityscape,Post_Impressionism,gustave-loiseau_port-at-dieppe +cityscape,Romanticism,ferdinand-georg-waldmã¼ller_yard-of-the-old-heum-ller-in-vienna-1859 +cityscape,Cubism,max-weber_terminal-station-grand-central +cityscape,Realism,john-singer-sargent_a-wrecked-sugar-refinery-1918 +cityscape,Post_Impressionism,edouard-cortes_boulevard-et-la-porte-st-denis +cityscape,Symbolism,pablo-picasso_the-roofs-of-barcelona-in-the-moonlight-1903 +cityscape,Post_Impressionism,felix-vallotton_trinity-of-the-mount-1913 +cityscape,Symbolism,mstislav-dobuzhinsky_glassmakers-street-in-vilno +cityscape,Art_Nouveau_Modern,nicholas-roerich_landscape +cityscape,Cubism,hans-hofmann_provincetown-1942(1) +cityscape,Symbolism,mstislav-dobuzhinsky_plung-s-water-mill-1933 +cityscape,Symbolism,mstislav-dobuzhinsky_petersburg-the-obvodny-canal-1902 +cityscape,Realism,edvard-munch_old-aker-church-1881 +cityscape,Naive_Art_Primitivism,henri-rousseau_suburban-scene-1896 +cityscape,Art_Nouveau_Modern,anna-ostroumova-lebedeva_venice-grand-canal-grey-day-1911 +cityscape,Art_Nouveau_Modern,nicholas-roerich_pechora-monastery-walls-and-towers-1903-1 +cityscape,Post_Impressionism,maurice-utrillo_moulin-de-la-galette-6 +cityscape,Post_Impressionism,maurice-utrillo_restaurant-bibet-at-saint-bernard +cityscape,Post_Impressionism,maurice-utrillo_moulin-de-la-galette +cityscape,Symbolism,mstislav-dobuzhinsky_petersburg-1914 +cityscape,Impressionism,alfred-sisley_the-first-hoarfrost-1876 +cityscape,Impressionism,antoine-blanchard_place-de-la-republic-8 +cityscape,Impressionism,othon-friesz_the-pont-neuf-paris-1902 +cityscape,Impressionism,konstantin-korovin_boulevard-in-paris-1912 +cityscape,Impressionism,camille-pissarro_avenue-de-l-opera-rain-effect-1898 +cityscape,Ukiyo_e,utagawa-kuniyoshi_high-noon-at-kasumigaseki +cityscape,Impressionism,camille-pissarro_view-of-rouen-1883 +cityscape,Expressionism,yiannis-tsaroychis_observatory-as-seen-from-a-house-near-monastiraki-1925 +cityscape,Post_Impressionism,vincent-van-gogh_the-hill-of-montmartre-with-quarry-1886 +cityscape,Impressionism,konstantin-korovin_southern-night-1904 +cityscape,Naive_Art_Primitivism,louis-vivin_the-wedding-1925 +cityscape,Expressionism,horia-bernea_the-edge-of-the-city-1964 +cityscape,Naive_Art_Primitivism,fernand-leger_eiffel-tower +cityscape,Cubism,francis-picabia_new-york-as-seen-from-across-the-body +cityscape,Impressionism,jean-alexandru-steriadi_peisaj-la-cassis +cityscape,Romanticism,ivan-aivazovsky_view-of-tiflis-1868 +cityscape,Realism,camille-corot_fishermen-s-quay-trouville +cityscape,Impressionism,antoine-blanchard_rue-royal-madeleine-2 +cityscape,Impressionism,konstantin-korovin_paris-in-the-morning +cityscape,Post_Impressionism,edouard-cortes_place-de-l-opera-3 +cityscape,Post_Impressionism,gustave-loiseau_houses-near-the-eure +cityscape,Impressionism,john-singer-sargent_venetian-canal +cityscape,Symbolism,nicholas-roerich_glow-1931 +cityscape,Impressionism,camille-pissarro_the-louvre-morning-sun-quai-malaquais-1903 +cityscape,Impressionism,claude-monet_the-grand-street-entering-to-argenteuil-winter +cityscape,Impressionism,ilya-mashkov_tbilisi-maidan +cityscape,Impressionism,claude-monet_houses-of-parliament-in-winter +cityscape,Expressionism,ernst-ludwig-kirchner_view-from-the-window +cityscape,Naive_Art_Primitivism,henri-rousseau_sevres-bridge +cityscape,Art_Nouveau_Modern,mstislav-dobuzhinsky_novgorod-yaroslav-s-court +cityscape,Post_Impressionism,maurice-utrillo_italian-s-house-at-monmartre +cityscape,Pop_Art,hiro-yamagata_not-detected-272400 +cityscape,Impressionism,william-merritt-chase_the-outskirts-of-madrid +cityscape,Pointillism,georges-seurat_the-channel-at-gravelines-evening-1890 +cityscape,Impressionism,childe-hassam_view-of-the-thames +cityscape,Realism,vasily-vereshchagin_gur-emir-mausoleum-samarkand-1870 +cityscape,Impressionism,claude-monet_rouen-cathedral-the-gate-grey-weather +cityscape,Impressionism,gustave-caillebotte_the-perpiniere-barracks +cityscape,Realism,vasily-polenov_baalbek-1882 +cityscape,Rococo,bernardo-bellotto_view-of-dresden-from-the-right-bank-of-the-elbe-with-augustus-bridge +cityscape,Impressionism,camille-pissarro_the-saint-sever-quay-rouen-1896 +cityscape,Post_Impressionism,maurice-utrillo_tholoze-street +cityscape,Cubism,vajda-lajos_lel-t-s-a-templomdombr-l-1929 +cityscape,Cubism,lyonel-feininger_barfuesserkirche-i-1924 +cityscape,Post_Impressionism,edouard-cortes_flower-market-at-la-madeleine-1 +cityscape,Post_Impressionism,piet-mondrian_not-identified-1 +cityscape,Post_Impressionism,arturo-souto_rue-moufetard-par-s-1945 +cityscape,Rococo,bernardo-bellotto_mniszech-palace-in-warsaw-1779 +cityscape,Cubism,jean-david_house +cityscape,Realism,konstantinos-volanakis_moonlit-harbour-of-volos +cityscape,Baroque,canaletto_venice-the-piazzetta-looking-south-west-towards-santa-maria-della-salute +cityscape,Post_Impressionism,paul-gauguin_village-in-the-snow-1894 +cityscape,Romanticism,rudolf-von-alt_figures-on-the-riva-degli-schiavone-1840 +cityscape,Expressionism,zinaida-serebriakova_the-port-of-collioure-1930 +cityscape,Realism,edouard-manet_the-jetty-at-boulogne-1869 +cityscape,Impressionism,camille-pissarro_charing-cross-bridge-london-1890 +cityscape,Impressionism,antoine-blanchard_boulevard-de-la-madeleine-7 +cityscape,Romanticism,cornelis-springer_voorburgwal-in-amsterdam +cityscape,Ukiyo_e,katsushika-hokusai_mitsui-shop-on-suruga-street-in-edo +cityscape,Post_Impressionism,maurice-utrillo_mother-catherine-s-restaurant-in-montmartre +cityscape,Realism,camille-corot_honfleur-the-old-wharf +cityscape,Realism,alexey-bogolyubov_view-of-moscow-from-the-house-of-g-i-chludov-1878 +cityscape,Impressionism,mikhail-nesterov_in-ufa +cityscape,Art_Nouveau_Modern,egon-schiele_houses-with-laundry-seeburg-1914 +cityscape,Impressionism,alfred-sisley_flooding-at-moret-1889 +cityscape,Impressionism,antoine-blanchard_la-rue-lafayette-et-le-square-montholon +cityscape,Impressionism,paul-gauguin_port-de-javel-1876-1 +cityscape,Realism,camille-corot_courtyard-of-a-bakery-near-paris-courtyard-of-a-house-near-paris +cityscape,Impressionism,antoine-blanchard_paris-la-chatelet +cityscape,Art_Nouveau_Modern,boris-kustodiev_at-the-old-suzdal +cityscape,Post_Impressionism,edouard-cortes_boulevard-bonne-nouvelle-paris +cityscape,Realism,ion-andreescu_winter-at-barbizon(1) +cityscape,Post_Impressionism,edouard-cortes_place-de-la-madeleine-4 +cityscape,Impressionism,childe-hassam_quincy-massachusetts +cityscape,Realism,vasily-vereshchagin_in-jerusalem-royal-tombs-1885 +cityscape,Naive_Art_Primitivism,louis-vivin_ville-au-moulin-pr-s-du-canal-en-hiver +cityscape,Post_Impressionism,gustave-loiseau_thatched-cottage-1903 +cityscape,Post_Impressionism,istvan-ilosvai-varga_white-walls-1939 +cityscape,Realism,charles-francois-daubigny_the-village-auvers-sur-oise +cityscape,Symbolism,mikalojus-ciurlionis_my-road-iii-1907 +cityscape,Realism,vasily-surikov_church-1910 +cityscape,Expressionism,zinaida-serebriakova_brittany-pont-l-abbe-1934 +cityscape,Realism,vasily-surikov_square-in-front-of-the-museum-of-fine-arts-in-moscow +cityscape,Impressionism,jean-alexandru-steriadi_bucure-tiul-vechi-dinspre-sf-spiridon +cityscape,Post_Impressionism,edouard-cortes_triumphal-arch-2 +cityscape,Post_Impressionism,edouard-cortes_flower-market-at-la-madeleine-2 +cityscape,Impressionism,camille-pissarro_garden-of-the-louvre-morning-grey-weather-1899 +cityscape,Symbolism,mstislav-dobuzhinsky_marketplace-in-siauliai-1934 +cityscape,Romanticism,cornelis-springer_view-of-montelspran-1845 +cityscape,Post_Impressionism,tivadar-kosztka-csontvary_the-mount-of-olives-in-jerusalem-1905 +cityscape,Impressionism,camille-pissarro_the-pont-neuf-shipwreck-of-the-bonne-mere-1901 +cityscape,Rococo,bernardo-bellotto_view-of-turin-from-the-gardens-of-the-palazzo-reale-1745-1 +cityscape,Romanticism,ivan-aivazovsky_venice-1849 +cityscape,Symbolism,mstislav-dobuzhinsky_sphinxes-1922 +cityscape,Impressionism,john-singer-sargent_the-rialto-venice +cityscape,Impressionism,antoine-blanchard_place-de-l-opera-caf-de-la-paix-1 +cityscape,Expressionism,ernst-ludwig-kirchner_dresden-friedrichstadt +cityscape,Impressionism,alfred-sisley_morning-in-june-saint-mammes-et-les-coteaux-de-la-celle-1884 +cityscape,Impressionism,childe-hassam_street-in-portsmouth +cityscape,Impressionism,childe-hassam_hutchison-house-easthampton +cityscape,Post_Impressionism,henri-martin_saint-cirq-lapopie-in-evening-1897 +cityscape,Impressionism,childe-hassam_square-at-sevilla +cityscape,Realism,vasily-sadovnikov_anichkov-bridge-in-st-petersburg +cityscape,Pop_Art,hiro-yamagata_not-detected-272397 +cityscape,Post_Impressionism,edouard-cortes_madeleine-and-rue-royale-paris +cityscape,Realism,frits-thaulow_winter-in-paris +cityscape,Romanticism,william-turner_landscape-composition-of-tivoli +cityscape,New_Realism,john-french-sloan_pigeons-1910 +cityscape,Impressionism,antoine-blanchard_boulevard-des-capucines +cityscape,Post_Impressionism,tivadar-kosztka-csontvary_sun-looking-back-at-trau-1899 +cityscape,Post_Impressionism,maurice-prendergast_in-luxembourg-gardens +cityscape,Romanticism,viktor-vasnetsov_nina-slobodka-berendeevka-1885 +cityscape,Post_Impressionism,eduardo-viana_pousada-de-ciganos-1923 +cityscape,Naive_Art_Primitivism,olga-rozanova_cabby +cityscape,Impressionism,childe-hassam_the-church-at-gloucester +cityscape,Post_Impressionism,edouard-cortes_boulevard-de-la-madeleine-7 +cityscape,Realism,alexey-bogolyubov_monastery-1860 +cityscape,Impressionism,antoine-blanchard_champs-elysees-2 +cityscape,Impressionism,childe-hassam_flags-on-the-friar-s-club +cityscape,Realism,james-tissot_transept-of-the-mosque-of-el-aksa-1889 +cityscape,Impressionism,claude-monet_seagulls-over-the-houses-of-parliament-1904 +cityscape,Realism,vincent-van-gogh_view-of-het-steen-1885 +cityscape,Impressionism,childe-hassam_avenue-of-the-allies-aka-flags-on-the-waldorf +cityscape,Post_Impressionism,maurice-utrillo_sacre-coeur-and-castle-brouillards +cityscape,Art_Nouveau_Modern,nicholas-roerich_smolensk +cityscape,Impressionism,armand-guillaumin_le-pont-des-arts-1878 +cityscape,Expressionism,costas-niarchos_untitled +cityscape,Romanticism,lev-lagorio_view-of-the-neva-and-peter-and-paul-fortress-1859 +cityscape,Realism,john-henry-twachtman_view-of-venice +cityscape,Pop_Art,hiro-yamagata_not-detected-272390 +cityscape,Realism,nicholas-roerich_smolensk-walls-1910 +cityscape,Impressionism,paul-gauguin_rouen-at-spring-1884 +cityscape,Post_Impressionism,edouard-cortes_st-martin-2 +cityscape,Post_Impressionism,edouard-cortes_quay-du-louvre-3 +cityscape,Impressionism,camille-pissarro_the-red-house-1873 +cityscape,Fauvism,endre-bartos_streets-meeting-on-baja-1994 +cityscape,Impressionism,claude-monet_saint-lazare-station-exterior +cityscape,Romanticism,taras-shevchenko_a-house-of-i-p-kotliarevsky-in-poltava-1845 +cityscape,Art_Nouveau_Modern,nicholas-roerich_kostroma-romanov-boyars-tower-1903 +cityscape,Post_Impressionism,maurice-prendergast_ponte-della-paglia-1899 +cityscape,Post_Impressionism,edouard-cortes_quay-du-louvre-4 +cityscape,Post_Impressionism,arturo-souto_new-york-1957 +cityscape,Impressionism,claude-monet_sailing-boats-at-honfleur +cityscape,Impressionism,john-singer-sargent_the-libreria-1904 +cityscape,Realism,vasily-vereshchagin_gate-near-the-qutub-minar-old-delhi-1875 +cityscape,Impressionism,theodor-pallady_strada-sfin-ii-apostoli-1949 +cityscape,Realism,vincent-van-gogh_carpenter-s-workshop-seen-from-the-artist-s-studio-1882(1) +cityscape,Impressionism,stefan-popescu_landscape-from-c-mpulung +cityscape,Expressionism,vasile-dobrian_untitled-1947 +cityscape,Romanticism,rudolf-von-alt_view-from-the-monastery-of-sant-onofrio-in-rome-1835 +cityscape,Rococo,bernardo-bellotto_the-new-market-square-in-dresden-1750 +cityscape,Pop_Art,hiro-yamagata_not-detected-272399 +cityscape,Impressionism,cornelis-vreedenburgh_corner-paleissingel-straat-in-amsterdam +cityscape,Impressionism,konstantin-korovin_hammerfest-the-nothern-lights-1895 +cityscape,Post_Impressionism,maxime-maufra_the-embankment-of-lagny-under-flood-water-1908 +cityscape,Impressionism,cornelis-vreedenburgh_canal-in-dutch-town +cityscape,Post_Impressionism,albert-marquet_the-pont-neuf-1906 +cityscape,Art_Nouveau_Modern,egon-schiele_stein-on-the-danube-seen-from-the-kreuzberg-1913 +cityscape,Art_Nouveau_Modern,zinaida-serebriakova_bobrinsky-palace-in-petrograd-1923 +cityscape,Impressionism,ilya-repin_on-palace-square-in-st-petersburg-1905 +cityscape,Realism,camille-corot_venice-view-of-the-esclavons-quay-1834 +cityscape,Naive_Art_Primitivism,fernand-leger_pylons-study-for-the-city +cityscape,Pop_Art,hiro-yamagata_marriage-1986 +cityscape,Post_Impressionism,edouard-cortes_royal-street-consent +cityscape,Post_Impressionism,vincent-van-gogh_the-boulevard-de-clichy-1887 +cityscape,Mannerism_Late_Renaissance,maerten-van-heemskerck_mausoleum-of-halicarnassus +cityscape,Impressionism,camille-pissarro_view-across-stamford-brook-common-1897 +cityscape,Symbolism,mstislav-dobuzhinsky_gates-of-dawn-1914 +cityscape,Naive_Art_Primitivism,marc-chagall_russian-village-1929 +cityscape,Post_Impressionism,gustave-loiseau_winter-at-pontoise +cityscape,Expressionism,jean-dubuffet_portrait-de-georges-limbour +cityscape,Impressionism,pierre-auguste-renoir_street-in-essoyes +cityscape,Expressionism,ernst-ludwig-kirchner_gateway-to-the-freight-depot-in-altstadt +cityscape,Romanticism,ivan-aivazovsky_malta-valetto-harbour-1844 +cityscape,Impressionism,claude-monet_rouen-cathedral-in-the-fog +cityscape,Impressionism,konstantin-korovin_yalta-at-night-1905 +cityscape,Impressionism,childe-hassam_san-pietro-venice +cityscape,Pop_Art,hiro-yamagata_express-1988 +cityscape,Impressionism,claude-monet_impression-sunrise +cityscape,Impressionism,joaquã­n-sorolla_italian-street +cityscape,Impressionism,claude-monet_waterloo-bridge-2-1901 +cityscape,Impressionism,eugene-boudin_the-entrance-to-the-port-of-honfleur +cityscape,Impressionism,camille-pissarro_the-pontoise-bridge-1891 +cityscape,Post_Impressionism,paul-serusier_woman-in-a-street-1891 +cityscape,Symbolism,tivadar-kosztka-csontvary_fortress-with-arabs-riding-camels +cityscape,Impressionism,frits-thaulow_marketplace-in-france-after-a-rainstorm +cityscape,Art_Nouveau_Modern,nicholas-roerich_untitled-1916-1 +cityscape,Art_Nouveau_Modern,anna-ostroumova-lebedeva_a-view-of-the-neva-river +cityscape,Impressionism,claude-monet_amsterdam-in-the-snow(1) +cityscape,Impressionism,camille-pissarro_place-du-havre-paris-1893 +cityscape,Realism,vasily-polenov_moscow-court-1877 +cityscape,Impressionism,henri-martin_view-of-puy-l-eveque-2 +cityscape,Impressionism,john-henry-twachtman_gloucester-fishermen-s-houses +cityscape,Rococo,bernardo-bellotto_the-piazza-della-signoria-in-florence +cityscape,Impressionism,antoine-blanchard_place-de-la-bastiile-2 +cityscape,Naive_Art_Primitivism,raoul-dufy_vence-1923 +cityscape,Expressionism,lyonel-feininger_gelmeroda-v-1916 +cityscape,Realism,camille-corot_venice-view-of-campo-della-carita-looking-towards-the-dome-of-the-salute-1834 +cityscape,Cubism,raoul-dufy_the-beach-at-havre-1910 +cityscape,Post_Impressionism,tivadar-kosztka-csontvary_roman-bridge-at-mostar-1903 +cityscape,Impressionism,claude-monet_not_detected_212138 +cityscape,Impressionism,edouard-manet_the-grand-canal-of-venice-blue-venice-1874 +cityscape,Impressionism,nutzi-acontz_tatar-women-in-balcic +cityscape,Symbolism,jury-annenkov_view-of-paris-from-meudon +cityscape,Pop_Art,hiro-yamagata_not-detected-272404 +cityscape,Post_Impressionism,maurice-prendergast_the-paris-omnibus-1904 +cityscape,Rococo,bernardo-bellotto_the-marketplace-at-pirna +cityscape,Post_Impressionism,bela-czobel_street-in-berlin-1920 +cityscape,Romanticism,rudolf-von-alt_the-cathedral-of-capri-1835 +cityscape,Romanticism,rudolf-von-alt_the-basilica-of-santa-maria-maggiore-in-rome-1837 +cityscape,Impressionism,konstantin-korovin_tatar-street-in-yalta-night-1910 +cityscape,Romanticism,ivan-aivazovsky_venetian-night +cityscape,Naive_Art_Primitivism,fred-yates_on-the-promenade-1 +cityscape,Romanticism,richard-parkes-bonington_piazza-san-marco-venice-1827 +cityscape,Realism,konstantinos-volanakis_the-port-of-volos +cityscape,Post_Impressionism,maurice-utrillo_moulin-de-la-galette-4 +cityscape,Romanticism,rudolf-von-alt_lower-austrian-country-house-in-vienna-viewed-from-minoritenplatz-1845 +cityscape,Impressionism,john-singer-sargent_the-bridge-of-sighs +cityscape,Post_Impressionism,gustave-loiseau_port-at-dieppe-1905 +cityscape,Rococo,bernardo-bellotto_view-of-the-villa-cagnola-at-gazzada-nevarese-1744 +cityscape,Romanticism,william-turner_rome-the-colosseum +cityscape,Romanticism,sir-lawrence-alma-tadema_anna-eton-college-chapel +cityscape,Realism,aleksey-savrasov_church-of-elijah-the-ordinary-in-moscow-1882 +cityscape,Realism,vincent-van-gogh_the-old-station-at-eindhoven-1885 +cityscape,Realism,johan-hendrik-weissenbruch_memory-of-haarlem +cityscape,Romanticism,maxim-vorobiev_moonlit-night-in-st-petersburg-1839 +cityscape,Impressionism,claude-monet_rouen-cathedral-at-sunset +cityscape,Symbolism,mstislav-dobuzhinsky_pskov-1923-1 +cityscape,Romanticism,rudolf-von-alt_perchtoldsdorf +cityscape,Post_Impressionism,spyros-papaloukas_houses +cityscape,Realism,james-tissot_a-corner-of-the-haram-1889 +cityscape,Symbolism,nicholas-roerich_repentance-1917 +cityscape,Post_Impressionism,maurice-utrillo_the-squre-abbesses-in-the-snow +cityscape,New_Realism,edward-hopper_davis-house +cityscape,Cubism,pyotr-konchalovsky_cassis-the-view-from-the-window-1913 +cityscape,Impressionism,rudolf-schweitzer-cumpana_pia-a-mic-din-sibiu-1928 +cityscape,Realism,martiros-saryan_spring-sun +cityscape,Realism,vasily-vereshchagin_camel-in-the-courtyard-caravanserai-1870 +cityscape,Impressionism,edouard-manet_the-grand-canal-1875 +cityscape,Cubism,paul-klee_city-of-churches-1918(1) +cityscape,Post_Impressionism,henri-matisse_the-pont-saint-michel-1900 +cityscape,Expressionism,oskar-kokoschka_not_detected_235894 +cityscape,Romanticism,ivan-aivazovsky_view-of-constantinople-by-moonlight-1846 +cityscape,Post_Impressionism,maurice-utrillo_mont-cenis-street +cityscape,Post_Impressionism,edouard-cortes_boulevard-des-italians +cityscape,Rococo,canaletto_the-grand-canal-at-rialto +cityscape,Post_Impressionism,henri-martin_the-open-door +cityscape,Post_Impressionism,edouard-cortes_tournelles-dock +cityscape,Post_Impressionism,edouard-cortes_rue-royale-madeleine-winter +cityscape,Romanticism,rudolf-von-alt_hof-church-in-vienna-1892 +cityscape,Post_Impressionism,vincent-van-gogh_montmartre-path-with-sunflowers-1887 +cityscape,Post_Impressionism,edouard-cortes_north-station +cityscape,Contemporary_Realism,lucian-freud_wasteground-with-houses-paddington-1972 +cityscape,Impressionism,antoine-blanchard_le-louvre-passerelle-des-arts +cityscape,Impressionism,konstantin-korovin_pier-in-arkhangelsk +cityscape,Romanticism,cornelis-springer_men-in-boat-at-choppy-sea +cityscape,Pop_Art,hiro-yamagata_not-detected-272418 +cityscape,Post_Impressionism,edouard-cortes_triumphal-arch +cityscape,Realism,camille-corot_rome-coliseum-view-from-the-farnese-gardens +cityscape,Pointillism,henri-martin_cliff-with-houses +cityscape,Impressionism,camille-pissarro_boulevard-montmartre-spring-1897 +cityscape,Romanticism,william-turner_venice-the-dogana-and-san-giorgio-maggiore +cityscape,Symbolism,mstislav-dobuzhinsky_a-church-in-kalviai-1933 +cityscape,Impressionism,paul-gauguin_party-wall-1881 +cityscape,Impressionism,camille-pissarro_the-pavillion-de-flore-and-the-pont-royal-1902 +cityscape,Cubism,amadeo-de-souza-cardoso_azenhas +cityscape,Realism,mikhail-lebedev_rome-in-the-morning-1835 +cityscape,Post_Impressionism,edouard-cortes_the-madeleine-twilight +cityscape,Impressionism,umberto-boccioni_factory-foltzer-1909 +cityscape,Expressionism,richard-gerstl_on-the-danube-canal +cityscape,Realism,julius-leblanc-stewart_the-canal-1887(1) +cityscape,Romanticism,franz-richard-unterberger_the-amalfi-coast +cityscape,Post_Impressionism,corneliu-baba_venice-1957 +cityscape,Fauvism,georges-braque_the-estaque-1906 +cityscape,Impressionism,childe-hassam_back-of-the-old-house +cityscape,Impressionism,claude-monet_boats-in-the-port-of-honfleur +cityscape,Impressionism,mykola-pymonenko_kiev-station +cityscape,Impressionism,claude-monet_waterloo-bridge-3-1901 +cityscape,Expressionism,ernst-ludwig-kirchner_tramway-in-dresden +cityscape,Post_Impressionism,maurice-utrillo_moulin-de-la-galette-3 +cityscape,Impressionism,paul-gauguin_harbour-scene-dieppe +cityscape,Romanticism,maxim-vorobiev_sphinxes-lining-a-quay-in-front-of-st-petersburg-academy-of-arts-1835 +cityscape,Post_Impressionism,anna-ostroumova-lebedeva_amsterdam-1913 +cityscape,Post_Impressionism,pyotr-konchalovsky_leningrad-neva-1931 +cityscape,Post_Impressionism,maurice-utrillo_paris-suburbs +cityscape,Impressionism,camille-pissarro_the-pilot-s-jetty-le-havre-high-tide-afternoon-sun-1903 +cityscape,Expressionism,jean-david_jerusalem-of-gold +cityscape,Art_Nouveau_Modern,nicholas-roerich_rostov-the-great-1903-1 +cityscape,Impressionism,camille-pissarro_the-seine-at-rouen-1901 +cityscape,Expressionism,vajda-lajos_view-of-szentendre-1936 +cityscape,Romanticism,rudolf-von-alt_the-large-market-in-vienna-1845 +cityscape,Post_Impressionism,lajos-tihanyi_main-square-in-nagyb-nya-1908 +cityscape,Pop_Art,hiro-yamagata_four-cities-suite-1986 +cityscape,Realism,vincent-van-gogh_a-zandmennik-house(1) +cityscape,Romanticism,franz-richard-unterberger_view-of-st-george-s-venice +cityscape,Ukiyo_e,utagawa-kuniyoshi_a-snowstorm-at-kinryozan-temple +cityscape,Expressionism,ion-tuculescu_winter-on-the-street +cityscape,Impressionism,edouard-manet_effect-of-snow-at-petit-montrouge-1870 +cityscape,Impressionism,cornelis-vreedenburgh_a-view-of-amsterdam-with-the-st-nicolaas-church +cityscape,Impressionism,john-singer-sargent_steps-of-a-palace-1903 +cityscape,Impressionism,childe-hassam_late-afternoon-new-york-winter-1900 +cityscape,Impressionism,john-singer-sargent_the-piazzetta-and-the-doge-s-palace +cityscape,Post_Impressionism,alexandre-benois_at-the-german-quarter-1911(3) +cityscape,Impressionism,valentin-serov_st-mark-plaza-in-venice-1887 +cityscape,Symbolism,mstislav-dobuzhinsky_in-old-vilno-1902(1) +cityscape,Symbolism,gulacsy-lajos_return-of-the-pilgrims-1907 +cityscape,Realism,julius-leblanc-stewart_view-of-venice-the-dogana-1907(1) +cityscape,Romanticism,alexey-bogolyubov_venice-at-night +cityscape,Impressionism,claude-monet_houses-on-the-zaan-river-at-zaandam +cityscape,Naive_Art_Primitivism,grandma-moses_not_detected_251622 +cityscape,Post_Impressionism,maurice-utrillo_the-garden-at-montmagny +cityscape,Post_Impressionism,edouard-cortes_place-de-l-opera +cityscape,Impressionism,pierre-auguste-renoir_village-street-louveciennes-1872 +cityscape,Romanticism,maxim-vorobiev_view-from-yauza-on-kremlin-in-moscow +cityscape,Impressionism,john-singer-sargent_bologna-fountain +cityscape,Naive_Art_Primitivism,jules-lefranc_laval-porte-beucheresse +cityscape,Post_Impressionism,theo-van-rysselberghe_the-fountain-parc-sans-souci-at-potsdam-1902 +cityscape,Impressionism,konstantin-korovin_vichy-at-night +cityscape,Post_Impressionism,edouard-cortes_rue-de-lyon +cityscape,Symbolism,mstislav-dobuzhinsky_pskov-the-fish-market-1922 +cityscape,Art_Nouveau_Modern,gustav-klimt_chruch-in-cassone +cityscape,Post_Impressionism,maxime-maufra_quayside-in-le-havre-1905 +cityscape,Pointillism,henri-edmond-cross_venice-palazzo-venier-dei-leoni +cityscape,Impressionism,camille-pissarro_rouen-fog-effect-1898 +cityscape,Post_Impressionism,salvador-dali_port-alguer +cityscape,Impressionism,ilya-mashkov_dulber-sanatorium-krasnye-zori +cityscape,Impressionism,camille-pissarro_view-of-the-tuileries-morning-1900 +cityscape,Romanticism,william-holman-hunt_the-ponte-vecchio-florence +cityscape,Art_Nouveau_Modern,boris-kustodiev_autumn-in-the-province-teatime-1926 +cityscape,Naive_Art_Primitivism,marc-chagall_a-house-in-liozna-1908 +cityscape,Impressionism,antoine-blanchard_porte-st-denis-2 +cityscape,Romanticism,cornelis-springer_view-onn-enkhuizen +cityscape,Romanticism,taras-shevchenko_archangel-cathedral-in-nizhny-novgorod-1857 +cityscape,Romanticism,pavel-svinyin_st-paul-s-cathedral-in-new-york +cityscape,Impressionism,antoine-blanchard_boulevard-haussmann-1 +cityscape,Impressionism,nicolae-darascu_towards-lipscani-1921 +cityscape,Impressionism,claude-monet_houses-of-parliament-sunset +cityscape,Impressionism,joaquã­n-sorolla_square-of-valencia +cityscape,Impressionism,eugene-boudin_rotterdam-le-pont-de-bourse-1876 +cityscape,Impressionism,camille-pissarro_foggy-morning-rouen-1896 +cityscape,Symbolism,kuzma-petrov-vodkin_the-port-of-dieppe-1929 +cityscape,Realism,ilya-repin_street-of-the-snakes-in-seville-1883 +cityscape,Post_Impressionism,henri-rousseau_view-of-the-ile-saint-louis-from-the-quai-henri-iv-study-1909 +cityscape,Impressionism,antoine-blanchard_porte-st-denis-10 +cityscape,Expressionism,pyotr-konchalovsky_at-the-rink-1945 +cityscape,Post_Impressionism,edouard-cortes_paris-place-de-la-republique +cityscape,Naive_Art_Primitivism,fred-yates_a-stroll-in-brighton +cityscape,Northern_Renaissance,jean-fouquet_building-of-the-temple-of-jerusalem +cityscape,Impressionism,maurice-prendergast_grand-canal-venice +cityscape,Post_Impressionism,edouard-cortes_bouquinistes-de-notre-dame-1 +cityscape,Impressionism,gregoire-boonzaier_district-6-street-scene-with-figures-buildings-donkey-cart-1971 +cityscape,Impressionism,cornelis-vreedenburgh_a-townscene-with-children-at-play-haarlem-1930 +cityscape,Post_Impressionism,pyotr-konchalovsky_leningrad-swan-canal-in-the-summer-garden-1931 +cityscape,Romanticism,william-turner_giudecca-la-donna-della-salute-and-san-georgio +cityscape,Pop_Art,hiro-yamagata_pepe-1980 +cityscape,Impressionism,john-henry-twachtman_the-chicago-world-s-fair-illinois-building +cityscape,Naive_Art_Primitivism,raoul-dufy_casino-of-nice-1927 +cityscape,Naive_Art_Primitivism,louis-vivin_le-jardin-du-luxembourg +cityscape,Pop_Art,robert-silvers_american-spirit-2002 +cityscape,Impressionism,gustave-caillebotte_view-of-roofs-snow-effect-or-roofs-under-snow-1878 +cityscape,Romanticism,cornelis-springer_street-scene-with-figures-1871 +cityscape,Post_Impressionism,vincent-van-gogh_the-railway-bridge-over-avenue-montmajour-1888 +cityscape,Impressionism,claude-monet_waterloo-bridge-sunlight-effect-1 +cityscape,Impressionism,odilon-redon_street-in-samois-1888 +cityscape,Post_Impressionism,abraham-manievich_troika-in-the-snow-1910 +cityscape,Romanticism,cornelis-springer_figures-on-a-market-square-in-a-dutch-town-1843 +cityscape,Impressionism,claude-monet_palazzo-dario-3 +cityscape,Expressionism,george-bouzianis_houses-in-montmartre-1931 +cityscape,Post_Impressionism,edouard-cortes_the-pantheon-1 +cityscape,Symbolism,mstislav-dobuzhinsky_chernihiv-warehouses-1912 +cityscape,Realism,vasily-surikov_house-of-surikov-family-in-krasnoyarsk-1890 +cityscape,Impressionism,claude-monet_boat-at-low-tide-at-fecamp +cityscape,Rococo,bernardo-bellotto_view-of-warsaw-from-the-terrace-of-the-royal-castle-1773 +cityscape,Realism,adolf-hitler_the-courtyard-of-the-old-residency-in-munich-1913 +cityscape,Impressionism,childe-hassam_july-fourteenth-rue-daunou +cityscape,Post_Impressionism,raoul-dufy_the-saint-gervais-church-1904 +cityscape,Romanticism,ivan-aivazovsky_view-of-constantinople-and-the-bosporus +cityscape,Impressionism,antoine-blanchard_caf-de-la-paix-1 +cityscape,Expressionism,saul-steinberg_graph-paper-architecture-1954 +cityscape,Naive_Art_Primitivism,salvador-dali_el-escorial-and-catastrophe-form-calligraphy +cityscape,Fauvism,othon-friesz_the-pont-de-grenelle-paris-1901 +cityscape,Impressionism,william-james-glackens_washington-square-park +cityscape,Impressionism,childe-hassam_union-square +cityscape,Post_Impressionism,maurice-prendergast_paris-omnibus +cityscape,Impressionism,antoine-blanchard_arc-de-triomphe-5 +cityscape,Art_Nouveau_Modern,nicholas-roerich_san-gimignano-1906 +cityscape,Contemporary_Realism,john-miller_the-camponile-doges-palace-venice +cityscape,Impressionism,alfred-sisley_first-snow-in-louveciennes-1870 +cityscape,Post_Impressionism,gustave-loiseau_port-of-dieppe +cityscape,Impressionism,alfred-sisley_courtyard-of-a-farm-at-saint-mammes-1884 +cityscape,Analytical_Cubism,georges-braque_le-sacre-coeur-1910 +cityscape,Cubism,marc-chagall_marketplace-in-vitebsk-1917 +cityscape,Impressionism,antoine-blanchard_caf-de-la-paix-2 +cityscape,Impressionism,konstantin-korovin_paris-at-night-1911 +cityscape,Impressionism,john-atkinson-grimshaw_humber-dockside-hull +cityscape,Post_Impressionism,maurice-utrillo_fortification-on-the-north-of-paris +cityscape,Realism,vasily-vereshchagin_the-ruins-of-the-chinese-shrine-ak-kent-1870 +cityscape,Baroque,canaletto_the-piazzet-looking-south-1727 +cityscape,Impressionism,konstantin-korovin_the-moskva-river-bridge-1914 +cityscape,Art_Nouveau_Modern,anna-ostroumova-lebedeva_view-of-st-petersburg +cityscape,Rococo,bernardo-bellotto_a-view-in-venice-from-the-punta-della-dogana-towards-san-giorgio-maggiore +cityscape,Impressionism,antoine-blanchard_boulevard-de-la-madeleine-9 +cityscape,Impressionism,childe-hassam_cathedral-spires-spring-morning +cityscape,Rococo,bernardo-bellotto_cracow-suburb-seen-from-the-cracow-gate +cityscape,Realism,vasily-vereshchagin_moscow-kremlin-in-winter +cityscape,Expressionism,frank-auerbach_primrose-hill-1968 +cityscape,Romanticism,rudolf-von-alt_watercolour-of-steyr-bummerlhaus-1871 +cityscape,Expressionism,spyros-papaloukas_landscape-4 +cityscape,Post_Impressionism,raoul-dufy_street-decked-with-flags-1906 +cityscape,Expressionism,frank-auerbach_mornington-crescent +cityscape,Symbolism,nicholas-roerich_pskov-1922 +cityscape,Impressionism,konstantin-korovin_sevastopol-bazaar-1915 +cityscape,Realism,james-tissot_rear-of-the-mosque-of-omar-1889 +cityscape,Impressionism,t.-c.-steele_monument-in-the-snow-1918 +cityscape,Art_Nouveau_Modern,mstislav-dobuzhinsky_moyka-at-the-new-admiralty-1903 +cityscape,Impressionism,john-singer-sargent_caf-on-the-riva-degli-schiavoni +cityscape,Impressionism,claude-monet_the-grand-canal-03 +cityscape,Naive_Art_Primitivism,mstislav-dobuzhinsky_rally-in-front-of-the-palace-of-fine-arts-1920 +cityscape,Ukiyo_e,utagawa-kuniyoshi_moon +cityscape,Post_Impressionism,edouard-cortes_the-lido-champs-elysees +cityscape,Impressionism,henri-martin_concorde-square +cityscape,Realism,james-tissot_out-building-of-the-armenian-convent-jerusalem-illustration-from-the-life-of-our-lord-jesus +cityscape,Expressionism,saul-steinberg_paris-1984 +cityscape,Realism,vasily-vereshchagin_shir-dor-madrasah-in-registan-square-in-samarkand-1870 +cityscape,Romanticism,ivan-aivazovsky_sorrento-sea-view-1842 +cityscape,Post_Impressionism,kees-van-dongen_paris-la-nuit +cityscape,Impressionism,guy-rose_san-gabriel-road +cityscape,Impressionism,claude-monet_snow-effect-the-street-in-argentuil +cityscape,Post_Impressionism,maurice-utrillo_bernot-house +cityscape,Impressionism,adolf-hitler_st-peter-s-church-in-vienna +cityscape,Impressionism,claude-monet_waterloo-bridge-sunlight-effect-2 +cityscape,Impressionism,gregoire-boonzaier_district-six-with-view-to-harbour-1953 +cityscape,Post_Impressionism,edouard-cortes_place-saint-michel-notre-dame-2 +cityscape,Post_Impressionism,edouard-cortes_bouquinistes-1 +cityscape,Romanticism,cornelis-springer_a-view-of-the-south-entrance-of-the-st-pancras-church-enkhuizen-1869 +cityscape,Romanticism,cornelis-springer_along-the-canal-1862 +cityscape,Impressionism,konstantin-korovin_night-street-paris-1902 +cityscape,Pointillism,giacomo-balla_a-worker-s-day-1904 +cityscape,Cubism,paul-klee_the-chapel-1917(1) +cityscape,Romanticism,william-turner_regulus-1837 +cityscape,Fauvism,raoul-dufy_arcades-at-vallauris-1927 +cityscape,Impressionism,claude-monet_the-bridge-at-argenteuil +cityscape,Baroque,adriaen-van-de-velde_view-of-the-ancient-castle-of-the-dukes-of-burgundy-in-brussels-1672 +cityscape,Impressionism,gregoire-boonzaier_winkel-met-veranda-distrik-ses-kaapstad-1967 +cityscape,Romanticism,alexey-bogolyubov_sinop-turkey-1856 +cityscape,Impressionism,childe-hassam_louvre +cityscape,Baroque,alexey-zubov_view-of-the-summer-gardens-from-the-neva-river-1717 +cityscape,Northern_Renaissance,jean-fouquet_division-of-the-kingdom-of-clotaire-1460 +cityscape,Symbolism,nicholas-roerich_white-lady-1919 +cityscape,Expressionism,egon-schiele_deuring-castle-bregenz-1912 +cityscape,Post_Impressionism,pyotr-konchalovsky_saint-tshaveli-mtskheta-1927 +cityscape,Expressionism,lyonel-feininger_cathedral-of-socialism-1919 +cityscape,Romanticism,pavel-svinyin_philadelphia-from-across-the-delaware-river +cityscape,Post_Impressionism,david-burliuk_hampton-bays(1) +cityscape,Impressionism,camille-pissarro_the-pont-neuf-rainy-afternoon-1901 +cityscape,Realism,vasily-surikov_venice-saint-mark-s-basilica-1900 +cityscape,Pointillism,paul-signac_fort-saint-jean-marseilles-1907 +cityscape,Expressionism,ernst-ludwig-kirchner_green-house +cityscape,Expressionism,egon-schiele_church-in-stein-on-the-danube-1913 +cityscape,Symbolism,mstislav-dobuzhinsky_roofs-1931 +cityscape,Romanticism,william-turner_the-thames-near-walton-bridges +cityscape,Impressionism,camille-pissarro_afternoon-sun-the-inner-harbor-dieppe-1902 +cityscape,Naive_Art_Primitivism,henri-rousseau_view-of-the-bridge-at-sevres-and-the-hills-at-clamart-st-cloud-and-bellevue-1908 +cityscape,Pop_Art,hiro-yamagata_dream-of-disney-1996 +cityscape,Impressionism,eugene-boudin_the-port-trouville +cityscape,Impressionism,claude-monet_windmills-in-holland +cityscape,Realism,vincent-van-gogh_sien-s-mother-s-house-closer-view-1882 +cityscape,Cubism,hans-richter_colorful-city-with-zeppelin-1916 +cityscape,Impressionism,camille-pissarro_boulevard-montmartre-foggy-morning-1897 +cityscape,Post_Impressionism,nikola-tanev_unknown-title +cityscape,Impressionism,claude-monet_waterloo-bridge-sunlight-effect-4 +cityscape,Symbolism,konstantin-bogaevsky_bibi-heybat-1932 +cityscape,Baroque,canaletto_entrance-to-the-grand-canal-looking-east-1725 +cityscape,Impressionism,eugene-boudin_rouen-view-over-the-river-seine-1895 +cityscape,Impressionism,childe-hassam_st-germain-l-auxerrois +cityscape,Abstract_Expressionism,wu-guanzhong_toyko-at-night-1990 +cityscape,Pointillism,georges-seurat_study-for-the-channel-at-gravelines-evening-1890 +cityscape,Art_Nouveau_Modern,nicholas-roerich_nunnery-in-pskov +cityscape,Post_Impressionism,edouard-cortes_place-de-la-concorde-1 +cityscape,Impressionism,camille-pissarro_the-pont-neuf-statue-of-henri-iv-mist-1901 +cityscape,Baroque,canaletto_san-giacomo-de-rialto +cityscape,Cubism,endre-bartos_cubist-city-2004 +cityscape,Cubism,nikos-hadjikyriakos-ghikas_view-from-kriezotou-street-1983 +cityscape,New_Realism,john-french-sloan_east-entrance-city-hall-philadelphia-1901 +cityscape,Expressionism,mstislav-dobuzhinsky_october-idyll-1905 +cityscape,Post_Impressionism,gustave-loiseau_wagram-avenue +cityscape,Post_Impressionism,gustave-loiseau_houses-in-normandy-1913 +cityscape,Impressionism,claude-monet_the-bridge-at-argenteuil-1 +cityscape,Expressionism,oskar-kokoschka_not_detected_235882 +cityscape,Symbolism,mstislav-dobuzhinsky_k-dainiai-old-wooden-catholic-church +cityscape,Art_Nouveau_Modern,boris-kustodiev_twilight-in-sudislavl +cityscape,Post_Impressionism,henri-martin_village-corner +cityscape,Impressionism,edouard-manet_the-house-at-rueil-1882 +cityscape,Impressionism,paul-gauguin_blue-roofs-of-rouen-1884 +cityscape,Realism,martiros-saryan_winter-in-yerevan-1933 +cityscape,Impressionism,john-singer-sargent_boboli-gardens +cityscape,Art_Nouveau_Modern,anna-ostroumova-lebedeva_debacle-1922 +cityscape,Naive_Art_Primitivism,louis-vivin_quai-aux-fleurs +cityscape,Impressionism,antoine-blanchard_place-de-la-concorde-3 +cityscape,Post_Impressionism,gustave-loiseau_arc-de-triomphe-in-the-snow +cityscape,Impressionism,eugene-boudin_pier-in-venice-1895 +cityscape,Realism,m.c.-escher_not_detected_204700 +cityscape,Cubism,andrã©-lhote_l-entr-e-du-bassin-flot-bordeaux-1912 +cityscape,Impressionism,antoine-blanchard_theatre-du-gymnase-boulevard-bonne-nouvelle +cityscape,New_Realism,yiannis-tsaroychis_cafe-neon-at-day-1965 +cityscape,Impressionism,claude-monet_the-grand-canal-venice +cityscape,Expressionism,oskar-kokoschka_not_detected_235880 +cityscape,Naive_Art_Primitivism,louis-vivin_les-invalides +cityscape,Impressionism,pierre-auguste-renoir_the-village +cityscape,Impressionism,konstantin-korovin_paris-at-night-boulevard-des-italiens-1908 +cityscape,Impressionism,antoine-blanchard_flower-market-madeleine-2 +cityscape,Realism,winslow-homer_a-wall-nassau +cityscape,Romanticism,cornelis-springer_street-view +cityscape,Pointillism,georges-seurat_sunday-at-port-en-bessin-1888 +cityscape,Impressionism,antoine-blanchard_place-de-la-madeleine-winter +cityscape,Art_Nouveau_Modern,nicholas-roerich_pechora-monastery-walls-and-towers-1903 +cityscape,Impressionism,childe-hassam_white-church-at-newport-aka-church-in-a-new-england-village +cityscape,Post_Impressionism,maurice-utrillo_sacre-coeur-and-passage-cottin +cityscape,Pointillism,henri-edmond-cross_a-venetian-canal-1905 +cityscape,Realism,pyotr-konchalovsky_novgorod-1944 +cityscape,Post_Impressionism,edouard-cortes_in-three-fourths +cityscape,Impressionism,pierre-auguste-renoir_the-artist-s-house +cityscape,Expressionism,august-macke_terrace-of-the-country-house-in-st-germain +cityscape,Expressionism,ossip-zadkine_barracks-clignancourt +cityscape,Post_Impressionism,gustave-loiseau_quay-at-dieppe +cityscape,Impressionism,camille-pissarro_the-avenue-de-l-opera-paris-sunlight-winter-morning +cityscape,Post_Impressionism,martiros-saryan_in-barfursh-persia-1913 +cityscape,Realism,julius-leblanc-stewart_venetian-market-scene-1907(1) +cityscape,Art_Nouveau_Modern,nicholas-roerich_smolensk-tower-1903-1 +cityscape,Impressionism,claude-monet_the-bridge-at-bougival +cityscape,Post_Impressionism,maurice-prendergast_little-bridge-venice +cityscape,Expressionism,august-macke_catedral-of-freiburg-in-the-switzerland +cityscape,Impressionism,claude-monet_rouen-cathedral-the-portal-and-the-tower-d-allban-on-the-sun +cityscape,Post_Impressionism,theo-van-rysselberghe_rainbow-over-veere-1906 +cityscape,Romanticism,thomas-cole_view-of-florence-from-san-miniato-1837 +cityscape,Rococo,bernardo-bellotto_the-imperial-summer-residence-courtyard-1758 +cityscape,Cubism,fernand-leger_landscape-1913 +cityscape,Post_Impressionism,edouard-cortes_place-de-la-republique-6 +cityscape,Impressionism,antoine-blanchard_place-de-la-republic-7 +cityscape,Impressionism,john-singer-sargent_arab-street-scene +cityscape,Art_Nouveau_Modern,anna-ostroumova-lebedeva_petersburg-fontanka-1922 +cityscape,Romanticism,franz-richard-unterberger_view-of-the-zatteri-venice +cityscape,Impressionism,eugene-boudin_rouen-the-santa-catherine-coast-morning-mist-1895 +cityscape,Impressionism,camille-pissarro_the-malaquais-quay-in-the-morning-sunny-weather-1903 +cityscape,Rococo,bernardo-bellotto_the-blue-palace-1779 +cityscape,Expressionism,wassily-kandinsky_munich-schwabing-with-the-church-of-st-ursula-1908 +cityscape,Impressionism,konstantin-korovin_nice-street-at-night-1909 +cityscape,Baroque,diego-velazquez_villa-medici-in-rome-facade-of-the-grotto-logia-1630 +cityscape,Impressionism,antoine-blanchard_boulevard-de-la-madeleine +cityscape,Impressionism,john-singer-sargent_genoa-the-university-1911 +cityscape,Baroque,canaletto_view-of-the-grand-walk-vauxhall-gardens-with-the-orchestra-pavilion-the-organ-house-the-turkish +cityscape,Post_Impressionism,raoul-dufy_the-pantheon-and-st-etienne-du-mont +cityscape,Impressionism,claude-monet_general-view-of-rouen-from-st-catherines-bank +cityscape,Realism,vasily-sadovnikov_eastern-wing-of-verkiai-palace-1848 +cityscape,Romanticism,cornelis-springer_cityview-hoorn +cityscape,Post_Impressionism,pyotr-konchalovsky_namur-france-1908 +cityscape,Post_Impressionism,alexandre-benois_church-of-st-catherine-in-st-petersburg(1) +cityscape,Expressionism,paula-modersohn-becker_bridges-in-paris-1905 +cityscape,Symbolism,mstislav-dobuzhinsky_kaunas-the-old-houses-1931 +cityscape,Realism,vasily-sadovnikov_bogojavlensky-anastadjin-monastery-in-kostroma-1865 +cityscape,Realism,camille-corot_chartres-cathedral-1830 +cityscape,Expressionism,martiros-saryan_bedouin-with-a-camel-1911 +cityscape,Post_Impressionism,maurice-utrillo_a-street-in-a-suburb-of-paris +cityscape,Romanticism,franz-richard-unterberger_rio-st-geronimo-venice +cityscape,Symbolism,mstislav-dobuzhinsky_view-of-chernihiv-ukraine +cityscape,Impressionism,claude-monet_rouen-cathedral-02 +cityscape,Impressionism,antoine-blanchard_les-grand-boulevards-theatre-du-vaudeville +cityscape,Baroque,esaias-van-de-velde_spaarnwoude +cityscape,Impressionism,federico-zandomeneghi_the-moulin-de-la-galette +cityscape,Post_Impressionism,periklis-vyzantios_the-square-of-sparta-1933 +cityscape,Rococo,bernardo-bellotto_visitationist-church-in-warsaw-1780 +cityscape,Naive_Art_Primitivism,camille-bombois_port-de-boulogne-1927 +cityscape,Realism,pyotr-konchalovsky_the-first-snow-the-blue-cottage-1938 +cityscape,Expressionism,martiros-saryan_fellah-village-1911-1 +cityscape,Impressionism,samuel-mutzner_poarta-templului-lama-peking-1915 +cityscape,Impressionism,walter-sickert_rowlandson-house-sunset-1912 +cityscape,Realism,camille-corot_rome-castle-sant-angelo +cityscape,Impressionism,robert-julian-onderdonk_noontime-on-the-docks-hudson-river-and-85th-street +cityscape,Pointillism,henri-edmond-cross_view-of-the-church-of-santa-maria-degli-angeli-near-assisi-1909 +cityscape,Impressionism,claude-monet_rouen-cathedral-evening-harmony-in-brown-1894 +cityscape,Impressionism,camille-pissarro_road-to-berneval-le-petit-1900 +cityscape,Romanticism,rudolf-von-alt_view-of-the-ducal-palace-in-venice-1874 +cityscape,Impressionism,t.-c.-steele_canal-schlessheim-1884 +cityscape,Symbolism,frantisek-kupka_babylon-1906 +cityscape,Naive_Art_Primitivism,henri-rousseau_bathing-at-alfortville +cityscape,Art_Nouveau_Modern,anna-ostroumova-lebedeva_exchange-1922 +cityscape,Cubism,fernand-leger_landscape-animated-1st-study-1921 +cityscape,Post_Impressionism,pyotr-konchalovsky_novgorod-kukui-tower-1928 +cityscape,Impressionism,konstantin-korovin_sevastopol-in-the-evening-1915 +cityscape,Impressionism,constantin-artachino_cityscape +cityscape,Post_Impressionism,edouard-cortes_the-pantheon +cityscape,Post_Impressionism,pierre-bonnard_the-pont-des-arts-1905 +cityscape,New_Realism,edward-hopper_stepsin-paris +cityscape,Expressionism,zinaida-serebriakova_view-over-the-rooftops-france-1926 +cityscape,Realism,taras-shevchenko_in-cherkasy-1859 +cityscape,Romanticism,richard-parkes-bonington_the-doge-s-palace-venice-1827 +cityscape,Early_Renaissance,piero-della-francesca_ideal-city +cityscape,Post_Impressionism,henri-martin_saint-cirq-lapopie-square +cityscape,Impressionism,camille-pissarro_dieppe-dunquesne-basin-sunlight-effect-morning-low-tide +cityscape,Impressionism,maurice-prendergast_charles-street-boston +cityscape,Post_Impressionism,maurice-utrillo_moulin-in-sannois +cityscape,Impressionism,claude-monet_boats-in-the-port-of-honfleur-1 +cityscape,Impressionism,claude-monet_the-wooden-bridge +cityscape,Realism,ivan-shishkin_large-nevka +cityscape,New_Realism,john-french-sloan_fishing-port-gloucester-1916 +cityscape,Impressionism,claude-monet_zaandam-the-dike-evening +cityscape,Realism,nicholas-roerich_watchtower-in-novgorod-1903 +cityscape,Romanticism,cornelis-springer_market-oudewater +cityscape,Impressionism,paul-gauguin_village-street-osny-1883 +cityscape,Cubism,hans-hofmann_provincetown-1942 +cityscape,Impressionism,pierre-auguste-renoir_houses-at-cagnes-1905 +cityscape,Post_Impressionism,edouard-cortes_theatre-du-vaudeville-1 +cityscape,Impressionism,konstantin-korovin_paris-boulevard-des-capucines-1906 +cityscape,Post_Impressionism,istvan-ilosvai-varga_houses-with-man-carrying-stone-1936 +cityscape,Post_Impressionism,edouard-cortes_flower-market-at-la-madeleine-3 +cityscape,Post_Impressionism,periklis-vyzantios_hydra +cityscape,Realism,konstantinos-volanakis_at-the-dock(2) +cityscape,Symbolism,nicholas-roerich_spitok-ladakh +cityscape,Post_Impressionism,walter-sickert_the-rialto-bridge-venice +cityscape,Impressionism,konstantin-korovin_harbour-at-sebastopol-1916 +cityscape,Post_Impressionism,ilya-mashkov_view-of-lausanne +cityscape,Symbolism,tivadar-kosztka-csontvary_the-eastern-railway-station-at-night-1902 +cityscape,Fauvism,maurice-de-vlaminck_chatou-1 +cityscape,Post_Impressionism,raoul-dufy_harfleur-1903 +cityscape,Pointillism,paul-signac_la-voile-verte-1904 +cityscape,Impressionism,giuseppe-de-nittis_la-place-du-carrousel-paris-the-ruins-of-the-tuileries-1882 +cityscape,Realism,vasily-surikov_colosseum-1884 +cityscape,Impressionism,paul-gauguin_port-de-javel-1876 +cityscape,Northern_Renaissance,albrecht-durer_wire-drawing-mill +landscape,Symbolism,mikhail-nesterov_pond-1906 +landscape,Post_Impressionism,vincent-van-gogh_moored-boats-1887 +landscape,Symbolism,nicholas-roerich_message-from-shambhala-1 +landscape,Realism,vasily-polenov_nile-near-karnak-1881 +landscape,Romanticism,homer-watson_on-the-grand-river-at-doon-1880 +landscape,Post_Impressionism,vincent-van-gogh_landscape-with-trees-and-figures-1889 +landscape,Impressionism,william-merritt-chase_shinnecock-landscape-1 +landscape,Post_Impressionism,maxime-maufra_douarnenez-in-sunshine-1897 +landscape,Realism,camille-pissarro_landscape-at-louveciennes +landscape,Post_Impressionism,wassily-kandinsky_volga-song-1906 +landscape,Realism,ivan-shishkin_in-the-wild-north-1891 +landscape,Romanticism,caspar-david-friedrich_fog-in-the-elbe-valley-1821 +landscape,Symbolism,nicholas-roerich_mountain-landscape +landscape,Impressionism,john-singer-sargent_in-the-tyrol-1904 +landscape,Impressionism,alfred-sisley_border-of-the-woods-1885 +landscape,Romanticism,thomas-moran_tower-falls-yellowstone-1876 +landscape,Fauvism,henri-matisse_landscape-1904 +landscape,Realism,johan-hendrik-weissenbruch_landscape-at-noorden +landscape,Realism,camille-corot_ariccia-palazzo-chigi-1826 +landscape,Fauvism,charles-lapicque_cimeti-re-marin-en-hollande-1974 +landscape,Symbolism,nicholas-roerich_language-of-forest-1922 +landscape,Realism,vincent-van-gogh_country-churchyard-and-old-church-tower-1885(1) +landscape,Post_Impressionism,pyotr-konchalovsky_the-woman-at-the-creek-1932-2 +landscape,Realism,pyotr-konchalovsky_abramtsevo-oak-grove-1920 +landscape,Realism,ivan-shishkin_landscape-1861 +landscape,Symbolism,martiros-saryan_mount-aragats-at-summer-1922 +landscape,Post_Impressionism,augustus-john_the-blue-pool-1911 +landscape,Impressionism,claude-monet_banks-of-the-seine-at-jeufosse-autumn +landscape,Impressionism,william-merritt-chase_hunting-game-in-shinnecock-hills +landscape,Impressionism,james-ensor_landscape-1883 +landscape,Realism,isaac-levitan_alps-1897 +landscape,Romanticism,arnold-bã¶cklin_roman-landscape-1852 +landscape,Post_Impressionism,constantine-maleas_wheel-well +landscape,Realism,ivan-shishkin_coniferous-forest-1873 +landscape,Post_Impressionism,gustave-loiseau_the-pont-henri-iv-notre-dame-de-paris-in-the-snow-1920 +landscape,Impressionism,eugene-boudin_saint-valery-sur-somme-moonrise-over-the-canal +landscape,Art_Nouveau_Modern,gustav-klimt_blooming-field +landscape,New_Realism,edward-hopper_adobe-houses +landscape,Realism,theodore-rousseau_side-of-the-valley-of-saint-vincent-auvergne-1830 +landscape,Realism,stefan-popescu_veranda-with-flowers +landscape,Impressionism,camille-pissarro_the-garden-at-eragny +landscape,Impressionism,james-mcneill-whistler_note-in-blue-and-opal +landscape,Symbolism,nicholas-roerich_karelian-landscape +landscape,Impressionism,adolf-hitler_the-country-church +landscape,Post_Impressionism,pablo-picasso_a-boat-on-the-canal-1905 +landscape,Realism,camille-corot_civita-castellana-buildings-high-in-the-rocks-la-porta-san-salvatore +landscape,Realism,vasily-vereshchagin_the-mount-kazbek-1898 +landscape,Romanticism,thomas-cole_mountain-sunrise-1826 +landscape,Realism,johan-hendrik-weissenbruch_ships-on-canal +landscape,Post_Impressionism,maurice-prendergast_crescent-beach-also-known-as-crescent-beach-st-malo +landscape,Romanticism,ivan-aivazovsky_the-daryal-canyon-1862 +landscape,Fauvism,charles-lapicque_moulin-lanmodez +landscape,Impressionism,john-henry-twachtman_cincinnati-landscape +landscape,Expressionism,ernst-ludwig-kirchner_wildboden-mountains-forest-1928 +landscape,Impressionism,john-singer-sargent_purtud-alpine-scene-and-boulders +landscape,Impressionism,alfred-sisley_moret-sur-loing-1892 +landscape,Post_Impressionism,vincent-van-gogh_the-iris-1889 +landscape,Symbolism,nicholas-roerich_lahaul-1943 +landscape,Romanticism,thomas-moran_autumn-landscape-1867 +landscape,Realism,eugene-boudin_low-tide-near-honfleur +landscape,Impressionism,armand-guillaumin_plateau-bromont-at-pontgibaud-puy-de-d-me-1890 +landscape,Impressionism,santiago-rusinol_terraced-garden-in-mallorca-1911 +landscape,Realism,ivan-shishkin_fallen-tree-siverskaya +landscape,Post_Impressionism,maurice-denis_forentice-landscape-viale-dei-colli +landscape,Realism,aleksey-savrasov_stumps-1854 +landscape,Realism,ivan-shishkin_from-the-banks-of-the-kama-river-near-yelabuga-1885 +landscape,Post_Impressionism,janos-tornyai_cortyard-in-sunshine-1928 +landscape,Impressionism,robert-julian-onderdonk_late-afternoon-valley-of-the-leon +landscape,Expressionism,richard-gerstl_tree-on-lake-traun-1907 +landscape,Expressionism,ernst-ludwig-kirchner_moon-rising-at-the-staffelalp +landscape,Romanticism,william-turner_heidelberg +landscape,Romanticism,john-atkinson-grimshaw_twilight-the-vegetable-garden-1869 +landscape,Impressionism,alfred-sisley_route-from-louveciennes +landscape,Fauvism,charles-lapicque_avant-l-orage +landscape,Cubism,georges-braque_fishing-boats +landscape,Realism,konstantin-makovsky_homestead +landscape,Realism,jean-francois-millet_pastures-in-normandy +landscape,Impressionism,paul-cezanne_cottages-of-auvers +landscape,Realism,pyotr-konchalovsky_poppies-1955 +landscape,Impressionism,claude-monet_rising-tide-at-pourville-1882 +landscape,Post_Impressionism,constantine-maleas_view-of-delphi +landscape,Realism,constant-troyon_figures-in-a-farmyard +landscape,Impressionism,alfred-sisley_near-the-seine-at-by +landscape,Impressionism,claude-monet_cliff-at-pourville-1 +landscape,Realism,johan-hendrik-weissenbruch_dutch-art-in-the-nineteenth-century +landscape,Expressionism,lovis-corinth_the-walchensee-mountains-wreathed-in-cloud-1925 +landscape,Post_Impressionism,pyotr-konchalovsky_south-of-france-palma-1908 +landscape,Romanticism,william-turner_view-from-the-terrace-of-a-villa-at-niton-isle-of-wight-from-sketches-by-a-lady +landscape,Realism,ivan-shishkin_coast-of-oak-grove-of-peter-the-great-in-sestroretsk-1885 +landscape,Impressionism,childe-hassam_chicken-yard-back-of-the-holley-house +landscape,Rococo,canaletto_windsor-castle-1747 +landscape,Fauvism,bela-czobel_szentendre-with-the-danube +landscape,Symbolism,arnold-bã¶cklin_ruins-by-the-sea-1880 +landscape,Symbolism,nicholas-roerich_toghrak-dong +landscape,Art_Nouveau_Modern,egon-schiele_sawmill-1913 +landscape,Impressionism,pierre-auguste-renoir_view-close-to-antibes +landscape,Realism,camille-corot_three-trees-with-a-view-of-the-lake +landscape,Impressionism,t.-c.-steele_the-poplars-1914 +landscape,Realism,camille-corot_a-village-street-dardagny-1853 +landscape,Impressionism,claude-monet_path-under-the-rose-trellises-giverny-1922-1 +landscape,Post_Impressionism,pyotr-konchalovsky_oak-grove-illuminated-by-the-sun-1920 +landscape,Realism,camille-corot_the-cow-path-1870 +landscape,Pop_Art,tano-festa_untitled-1980 +landscape,Realism,vasily-polenov_upper-pond-in-abramtsevo-1882 +landscape,Expressionism,august-macke_red-house-in-park +landscape,Pop_Art,patrick-caulfield_garden-with-pines-1975 +landscape,Expressionism,george-bouzianis_topio-sto-aixenaou-1924 +landscape,Post_Impressionism,a.y.-jackson_the-edge-of-the-maple-wood-1910 +landscape,Realism,gustave-courbet_the-beach-at-trouville-at-low-tide-1865 +landscape,Naive_Art_Primitivism,niko-pirosmani_the-tiflis-funicular +landscape,Impressionism,joaquã­n-sorolla_the-cemetery-at-sierra-nevada-granada-1910 +landscape,Romanticism,john-constable_view-towards-dedham-1808 +landscape,Impressionism,alfred-sisley_saint-mammes-dam-1885 +landscape,Post_Impressionism,maxime-maufra_the-dam-of-a-loir-ponce +landscape,Post_Impressionism,max-pechstein_bridge-over-the-seine-with-small-steamer-1908 +landscape,Post_Impressionism,jan-sluyters_the-white-tree +landscape,Post_Impressionism,vincent-van-gogh_wheat-field-with-cornflowers-1890 +landscape,Realism,isaac-levitan_in-alps-at-spring-1897 +landscape,Impressionism,alfred-sisley_road-from-saint-germain-to-marly-1875 +landscape,Expressionism,milton-avery_figure-by-pool-1945 +landscape,Impressionism,claude-monet_weeping-willow-and-water-lily-pond-2-1919 +landscape,Impressionism,isaac-levitan_spring-in-italy-1890 +landscape,Realism,konstantin-makovsky_landscape +landscape,Realism,aleksey-savrasov_landscape-with-church-and-the-ruins-1861 +landscape,Northern_Renaissance,albrecht-durer_a-quarry +landscape,Impressionism,max-liebermann_birch-grow-1 +landscape,Realism,ivan-shishkin_coltsfoot +landscape,Impressionism,claude-monet_coming-into-port-goulphar-belle-ile +landscape,Impressionism,alfred-sisley_by-the-loing-1885 +landscape,Realism,isaac-levitan_by-the-creek-1899 +landscape,Realism,camille-corot_the-path-leading-to-the-house-1854 +landscape,Impressionism,claude-monet_weeping-willow +landscape,Realism,pyotr-konchalovsky_garden-in-bloom-1935 +landscape,Impressionism,zinaida-serebriakova_winter-wheat-1910 +landscape,Impressionism,claude-monet_the-break-up-of-the-ice +landscape,Symbolism,nicholas-roerich_stone-of-the-leader-1918 +landscape,Symbolism,nicholas-roerich_himalayas-50 +landscape,Symbolism,martiros-saryan_ararat-1923-1 +landscape,Post_Impressionism,gustave-loiseau_castle-by-the-sea +landscape,Realism,ivan-shishkin_sestroreck-1884 +landscape,Impressionism,ilya-mashkov_zages-and-a-statue-of-lenin-1927 +landscape,Ukiyo_e,hiroshige_itsukushima-in-aki-province-1858 +landscape,Impressionism,claude-monet_bennecourt-1 +landscape,Fauvism,janos-mattis-teutsch_landscape-1917 +landscape,Impressionism,andre-dunoyer-de-segonzac_the-farm-on-the-estate-1923 +landscape,Impressionism,eugene-boudin_shoreline-with-rising-tide-october-1893 +landscape,Cubism,auguste-herbin_dropsgezicht-1911 +landscape,Realism,ivan-shishkin_edge-of-the-forest-1 +landscape,Fauvism,janos-mattis-teutsch_plough-land-1916 +landscape,Realism,camille-corot_first-leaves-near-nantes +landscape,Impressionism,pierre-auguste-renoir_the-seine-at-bougival-1879 +landscape,Post_Impressionism,pyotr-konchalovsky_cottage-in-kuntsevo-1919 +landscape,Fauvism,henri-matisse_moroccan-landscape +landscape,Impressionism,augustus-john_mas-de-galeron-1950 +landscape,Post_Impressionism,istvan-nagy_transylvanian-landscape-1925 +landscape,Realism,john-singer-sargent_pomegranates-1908-1 +landscape,Impressionism,henri-martin_view-of-labastide-du-vert-2 +landscape,Realism,yiannis-moralis_athens-landscape-1936 +landscape,Impressionism,joaquã­n-sorolla_malvarrosa-valencia +landscape,Realism,fyodor-vasilyev_forest-road-1869 +landscape,Impressionism,giovanni-fattori_geh-ft-in-den-h-geln-1890 +landscape,Symbolism,nicholas-roerich_the-holder-of-the-cup-mongolia-1937 +landscape,Realism,vasily-polenov_oyat-river +landscape,Realism,ivan-shishkin_forest-1892 +landscape,Symbolism,nicholas-roerich_himalayas-37 +landscape,Impressionism,lucia-demetriade-balacescu_mangalia-veche-1945 +landscape,Impressionism,childe-hassam_spring-landscape-with-a-farmer-and-white-horse +landscape,Impressionism,arkhip-kuindzhi_sunset-in-the-steppes-by-the-sea +landscape,Romanticism,john-crome_a-stream-bridge-trees-and-two-figures-in-a-landscape +landscape,Post_Impressionism,gustave-loiseau_suspended-bridge-at-triel-1917 +landscape,Realism,aleksey-savrasov_view-of-the-moscow-kremlin-1873 +landscape,Impressionism,laszlo-mednyanszky_trees-with-hoar-frost-1892 +landscape,Expressionism,m.c.-escher_not_detected_204659 +landscape,Impressionism,willard-metcalf_close-of-day-on-the-maine-shore +landscape,Post_Impressionism,maxime-maufra_the-village-of-kerhostin-1911 +landscape,Impressionism,konstantin-korovin_the-river-vorya-at-abramtsevo +landscape,Impressionism,childe-hassam_poppies-isles-of-shoals-02 +landscape,Impressionism,joaquã­n-sorolla_elenita-at-the-beach-asturias-1903 +landscape,Fauvism,janos-mattis-teutsch_green-and-yellow-landscape-1910 +landscape,Realism,camille-corot_mountains-of-auvergne +landscape,Impressionism,claude-monet_the-valley-of-sasso-bordighera +landscape,Impressionism,claude-monet_cliff-at-grainval-near-fecamp +landscape,Post_Impressionism,gustave-loiseau_white-frost-1909 +landscape,Fauvism,konstantinos-parthenis_pine-trees-on-kerkyra-1917 +landscape,Impressionism,camille-pissarro_spring-gray-weather-eragny-1895 +landscape,Symbolism,nicholas-roerich_way-to-tibet-1925 +landscape,Symbolism,nicholas-roerich_himalayas-38 +landscape,Cubism,paul-cezanne_in-the-woods-1898 +landscape,Realism,pyotr-konchalovsky_italy-lemons-on-the-branches-1924 +landscape,Realism,isaac-levitan_a-lake-1893 +landscape,Impressionism,thalia-flora-karavia_path-in-the-forest +landscape,Impressionism,marianne-north_papyrus-or-paper-reed-growing-in-the-ciane-sicily-1870 +landscape,Symbolism,nicholas-roerich_monhigan-study-1922 +landscape,Realism,homer-watson_down-in-the-laurentides-1882 +landscape,Impressionism,camille-pissarro_landscape-with-a-white-horse-in-a-field-l-ermitage-1872 +landscape,Post_Impressionism,karl-schrag_joyous-note-autumn-dusk-1992 +landscape,Realism,mikhail-lebedev_arricia-near-rome-1835 +landscape,Impressionism,camille-pissarro_landscape-frost-and-fog-eragny-1892 +landscape,Impressionism,theodor-pallady_haystacks +landscape,Romanticism,william-turner_quillebeuf-at-the-mouth-of-seine +landscape,Realism,vincent-van-gogh_cottage-with-trees-and-peasant-woman-1885(1) +landscape,Impressionism,claude-monet_the-banks-of-the-seine-in-autumn +landscape,Romanticism,taras-shevchenko_kulaat-mount-1857 +landscape,Impressionism,alfred-sisley_moret-sur-loing-1885 +landscape,Impressionism,childe-hassam_harney-desert +landscape,Post_Impressionism,gustave-loiseau_by-the-eure-river-in-summer-1902-2 +landscape,Post_Impressionism,vincent-van-gogh_rosebush-in-blossom-1889 +landscape,Realism,ivan-shishkin_the-sun-in-the-forest-1895 +landscape,Impressionism,claude-monet_the-tuileries-study +landscape,Expressionism,forrest-bess_landscape +landscape,Impressionism,claude-monet_landscape-with-thunderstorm +landscape,Realism,ivan-shishkin_the-path-in-the-forest-1886 +landscape,Impressionism,claude-monet_morning-on-the-seine-in-the-rain-1898 +landscape,Post_Impressionism,vincent-van-gogh_pine-trees-against-a-red-sky-with-setting-sun-1889 +landscape,Realism,antã³nio-de-carvalho-da-silva-porto_lugar-do-prado-santa-marta-minho-1892 +landscape,Symbolism,nicholas-roerich_yurtas-1940 +landscape,Realism,ivan-shishkin_oaks-in-sestroretsk +landscape,Symbolism,nicholas-roerich_monastery-in-the-mountains-1931 +landscape,Impressionism,camille-pissarro_landscape-near-louveciennes-1870 +landscape,Post_Impressionism,augustus-john_olives-in-spain-1922 +landscape,Pointillism,henri-edmond-cross_landscape-with-goats-1895 +landscape,Impressionism,claude-monet_the-promenade-near-the-bridge-of-argenteuil +landscape,Impressionism,william-merritt-chase_repair-docks-gowanus-pier +landscape,Impressionism,isaac-levitan_field-after-harvest-1897 +landscape,Ukiyo_e,katsushika-hokusai_sarumaru-daiyu +landscape,Realism,fyodor-vasilyev_at-the-river-windy-day +landscape,Impressionism,arkhip-kuindzhi_in-the-crimea +landscape,Post_Impressionism,vincent-van-gogh_a-meadow-in-the-mountains-1889(1) +landscape,Symbolism,nicholas-roerich_lake +landscape,Impressionism,eugene-boudin_the-beach-at-deauville-1863 +landscape,Impressionism,alfred-sisley_the-washerwomen-of-moret-1887 +landscape,Realism,camille-corot_the-forest-of-coubron-1872 +landscape,Symbolism,nicholas-roerich_untitled-2 +landscape,Rococo,george-morland_landscape-1800 +landscape,Naive_Art_Primitivism,fernando-botero_excursion-to-the-ecumenical-cioncile +landscape,Post_Impressionism,maurice-de-vlaminck_poplars +landscape,Realism,theodore-rousseau_the-seine-at-villeneuve-st-georges +landscape,Symbolism,nicholas-roerich_himalayas-1943-1 +landscape,Realism,isaac-levitan_gloomy-1899 +landscape,Rococo,george-morland_landscape-storm-cloud +landscape,Realism,theodore-rousseau_meadows-crossed-by-a-river-1851 +landscape,Realism,johan-hendrik-weissenbruch_landscape +landscape,Impressionism,william-merritt-chase_shinnecock-hills-04 +landscape,Impressionism,winston-churchill_swimming-pool-at-chartwell(1) +landscape,Impressionism,william-james-glackens_treading-clams-wickford-1909 +landscape,Post_Impressionism,paul-cezanne_in-the-woods +landscape,Romanticism,william-turner_fall-of-the-trees-yorkshire +landscape,Pointillism,paul-signac_le-clipper-asnieres-1887 +landscape,Realism,camille-corot_path-towards-a-house-in-the-countryside +landscape,Impressionism,claude-monet_view-to-the-plain-of-argenteuil +landscape,Impressionism,ivan-grohar_vrbe-ob-potoku-1911 +landscape,Impressionism,konstantin-korovin_on-the-shore-of-the-black-sea +landscape,Romanticism,ivan-aivazovsky_conversation-on-the-shore-dusk +landscape,Impressionism,guy-rose_giverny-hillside-1891 +landscape,Impressionism,james-mcneill-whistler_the-guidecca-winter-grey-and-blue +landscape,Impressionism,claude-monet_evening-effect-of-the-seine +landscape,Post_Impressionism,vincent-van-gogh_orchard-in-blossom-1888 +landscape,Contemporary_Realism,jamie-wyeth_fallen-1975 +landscape,Realism,camille-corot_recollections-of-pierrefonds-1861 +landscape,Realism,camille-corot_the-bridge-at-nantes-1870 +landscape,Realism,vasily-polenov_the-nile-1881 +landscape,Impressionism,winston-churchill_boathouse-on-blenheim-lake(1) +landscape,Realism,aleksey-savrasov_spring-day +landscape,Realism,maxime-lalanne_cascade-de-garet +landscape,Impressionism,ivan-grohar_na-sedlu-1908 +landscape,Symbolism,nicholas-roerich_kangchenjunga-3 +landscape,Impressionism,nicolae-vermont_birch-wood-1902 +landscape,Expressionism,egon-schiele_field-landscape-kreuzberg-near-krumau-1910 +landscape,Realism,isaac-levitan_a-gray-day-mountains-crimea-1886 +landscape,Romanticism,ivan-aivazovsky_on-the-island-of-crete-1867 +landscape,Post_Impressionism,karl-schrag_evening-woods-1980 +landscape,Impressionism,camille-pissarro_entrance-to-the-village-of-voisins-yvelines-1872 +landscape,Post_Impressionism,paul-gauguin_not-detected-1 +landscape,Rococo,george-morland_a-rustic-cottage +landscape,Impressionism,camille-pissarro_kitchen-garden-at-the-hermitage-pontoise-1874 +landscape,Impressionism,pierre-auguste-renoir_landscape-10 +landscape,Romanticism,akseli-gallen-kallela_the-great-black-woodpecker +landscape,Expressionism,ion-tuculescu_butterfly-spring +landscape,Realism,camille-corot_labuissiere-near-bethune-pas-de-calais-lane-bordered-by-willows-1874 +landscape,Impressionism,alfred-sisley_edge-of-the-fountainbleau-forest-morning-1885 +landscape,Expressionism,egon-schiele_autumn-tree-in-movement-1912 +landscape,Realism,theodore-rousseau_morning +landscape,Romanticism,paul-cezanne_l-estaque-under-snow-1870 +landscape,Impressionism,alfred-sisley_cow-pasture-near-louveciennes-1875 +landscape,Art_Nouveau_Modern,gustav-klimt_pear-tree-1903 +landscape,Impressionism,alfred-sisley_the-path-from-veneux-to-thomery-along-the-water-evening-1880 +landscape,Impressionism,paul-signac_paysage-corse +landscape,Impressionism,claude-monet_banks-of-the-seine-at-lavacourt +landscape,Impressionism,pyotr-konchalovsky_belkino-birch-1907 +landscape,Romanticism,john-constable_brighton-beach +landscape,Realism,isaac-levitan_early-spring-botanical-garden-1900 +landscape,Impressionism,claude-monet_the-castle-of-dolceacqua-1884 +landscape,Realism,isaac-levitan_a-river +landscape,Impressionism,claude-monet_bordighera +landscape,Impressionism,guy-rose_palms +landscape,Romanticism,thomas-moran_the-evening-hunter-1867 +landscape,Romanticism,thomas-moran_green-river-wyoming-1878 +landscape,Impressionism,stefan-popescu_autumn-landscape-1 +landscape,Impressionism,alfred-sisley_the-saint-martin-canal-1872 +landscape,Post_Impressionism,paul-gauguin_cove-opposite-pont-aven-harbor-1888 +landscape,Impressionism,joaquã­n-sorolla_near-jaca +landscape,Cubism,andrã©-lhote_acacias-1959 +landscape,Pointillism,henri-edmond-cross_coast-near-antibes +landscape,Impressionism,camille-pissarro_landscape-with-strollers-relaxing-under-the-trees-1872 +landscape,Realism,isaac-levitan_water-lilies-nenuphar-1895 +landscape,Post_Impressionism,paul-gauguin_come-here-1891 +landscape,Realism,theodore-rousseau_not_detected_198932(1) +landscape,Post_Impressionism,vincent-van-gogh_view-of-arles-with-irises-in-the-foreground-1888 +landscape,Impressionism,willard-metcalf_old-mill-pelago-italy +landscape,Symbolism,nicholas-roerich_sunset-over-malana +landscape,Impressionism,alfred-sisley_the-banks-of-the-seine-in-autumn +landscape,Pop_Art,robert-silvers_irises-2001 +landscape,Post_Impressionism,pyotr-konchalovsky_palm-trees-and-geranium-1908 +landscape,Impressionism,john-singer-sargent_corfu-lights-and-shadows-1909 +landscape,Post_Impressionism,konstantinos-parthenis_hydra +landscape,Pointillism,henri-edmond-cross_landscape +landscape,Symbolism,nicholas-roerich_castle-of-ladakh-1933 +landscape,Symbolism,nicholas-roerich_monhigan-study-1922-16 +landscape,Impressionism,ilya-mashkov_simeiz-beach +landscape,Art_Nouveau_Modern,nicholas-roerich_temple +landscape,Realism,camille-corot_olevano-the-town-and-the-rocks-1827 +landscape,Impressionism,maurice-prendergast_low-tide-beachmont +landscape,Impressionism,claude-monet_the-japanese-bridge-1924-2 +landscape,Post_Impressionism,panayiotis-tetsis_landscape-2 +landscape,Symbolism,nicholas-roerich_himalayas-guru-guri-dhar-1933 +landscape,Symbolism,mikalojus-ciurlionis_my-road-i-1907 +landscape,Art_Nouveau_Modern,alexandre-benois_versailles-greenhouse(1) +landscape,Symbolism,nicholas-roerich_himalayas-64 +landscape,Impressionism,claude-monet_the-seine-near-bougival +landscape,Expressionism,johannes-itten_bergsee-a-mountain-lake-1936 +landscape,Impressionism,gustave-caillebotte_the-argenteuil-bridge +landscape,Post_Impressionism,istvan-ilosvai-varga_forest-scene-with-colt-1940 +landscape,Symbolism,nicholas-roerich_messengers-of-morning-1917 +landscape,Expressionism,carlos-saenz-de-tejada_buitrago-houses-1920 +landscape,Impressionism,maxime-maufra_landscape +landscape,Rococo,thomas-gainsborough_coastal-scene-with-shipping-figures-and-cows +landscape,Post_Impressionism,gustave-loiseau_path-near-saint-cyr-vaudreuil-1900 +landscape,Impressionism,claude-monet_the-frost-1 +landscape,Symbolism,nicholas-roerich_lahaul-1 +landscape,Realism,ivan-shishkin_forest-landscape +landscape,Romanticism,adolphe-joseph-thomas-monticelli_italian-fishing-vessels-at-dusk +landscape,Post_Impressionism,william-h.-johnson_danish-roadside-1930 +landscape,Realism,arkhip-kuindzhi_crimea-2 +landscape,Post_Impressionism,karl-schrag_autumn-wind-and-stars-1988 +landscape,Impressionism,eugene-boudin_seehafen-1870 +landscape,Post_Impressionism,maxime-maufra_lake-lovitel-1904 +landscape,Romanticism,taras-shevchenko_in-gustynia-a-church-of-sts-peter-and-paul-1845 +landscape,Romanticism,taras-shevchenko_view-of-karatau-from-apazir-valley-1851 +landscape,Post_Impressionism,gustave-loiseau_cliffs-of-etretat-1902 +landscape,Realism,john-singer-sargent_landscape-at-broadway-1885 +landscape,Romanticism,thomas-cole_the-voyage-of-life-childhood-1 +landscape,Post_Impressionism,piet-mondrian_wood-with-beech-trees +landscape,Realism,ivan-shishkin_logging-1867 +landscape,Impressionism,guy-rose_la-jolla-cove +landscape,Romanticism,taras-shevchenko_moonlit-night-at-kos-aral-1848 +landscape,Realism,aleksey-savrasov_the-volga-river-vistas +landscape,Impressionism,childe-hassam_woman-reading +landscape,Impressionism,eugene-boudin_trouville-the-jettys-low-tide-1883 +landscape,Realism,theodore-rousseau_not_detected_198928 +landscape,Romanticism,ivan-aivazovsky_the-tower-of-genoa-1845 +landscape,Impressionism,john-henry-twachtman_in-the-greenhouse +landscape,Impressionism,vasily-surikov_alupka-ai-petri-1915 +landscape,Impressionism,john-singer-sargent_the-fence-1914 +landscape,Romanticism,john-constable_the-mill-stream-1815 +landscape,Expressionism,margareta-sterian_landscape +landscape,Impressionism,henry-herbert-la-thangue_farm-near-horsey-norfolk-1885 +landscape,Post_Impressionism,salvador-dali_the-lane-to-port-lligat-with-view-of-cap-creus +landscape,Pointillism,richard-gerstl_flowering-meadow-with-trees-1907 +landscape,Symbolism,gustav-klimt_island-in-the-attersee +landscape,Symbolism,nicholas-roerich_himalayas-sunset +landscape,Realism,camille-corot_civita-castellana-and-mount-soracte-1826 +landscape,Impressionism,camille-pissarro_view-towards-pontoise-prison-in-spring-1881 +landscape,Impressionism,henri-catargi_dobrudjan-landscape-balcic +landscape,Expressionism,jack-bush_white-buildings-1947 +landscape,Post_Impressionism,edouard-vuillard_trees-in-a-field +landscape,Romanticism,john-atkinson-grimshaw_landscape-with-a-winding-river-1868 +landscape,Realism,camille-corot_crecy-en-brie-road-in-the-country +landscape,Impressionism,camille-pissarro_near-pontoise +landscape,Ukiyo_e,utagawa-toyokuni-ii_view-of-mountains-of-awa-province-from-tsurugaoka-near-kamakura +landscape,Impressionism,claude-monet_the-seine-at-vetheuil-2 +landscape,Impressionism,paul-signac_saint-briac-courtyard-of-the-ville-hue-1885 +landscape,Baroque,jacob-isaakszoon-van-ruisdael_village-at-the-wood-s-edge-1651 +landscape,Post_Impressionism,gustave-loiseau_by-the-oise-river-1908 +landscape,Realism,volodymyr-orlovsky_pond-summer-evening +landscape,Realism,isaac-levitan_autumn-river-1899 +landscape,Romanticism,thomas-cole_mount-chocorua-new-hampshire-1827 +landscape,Realism,isaac-levitan_sunny-day-1898 +landscape,Impressionism,alfred-sisley_snow-at-marly-le-roi-1876 +landscape,Post_Impressionism,stefan-dimitrescu_summer-landscape-1915 +landscape,Romanticism,john-constable_scene-on-a-river-2 +landscape,Symbolism,konstantin-bogaevsky_mount-st-george-1911 +landscape,Fauvism,georges-braque_landscape-at-la-ciotat-1907-1 +landscape,Romanticism,george-frederick-watts_thames +landscape,Realism,arkhip-kuindzhi_landscape-1874 +landscape,Realism,isaac-levitan_haystacks +landscape,Post_Impressionism,gustave-loiseau_waterfall-at-st-martin-1907 +landscape,Impressionism,alfred-sisley_saint-mammes-in-winter +landscape,Realism,isaac-levitan_gray-day-river +landscape,Impressionism,claude-monet_the-undergrowth-in-the-forest-of-saint-germain +landscape,Impressionism,robert-julian-onderdonk_a-winter-morning-on-the-guadalupe-river-1911 +landscape,Realism,ivan-shishkin_wood-in-the-evening-1869 +landscape,Post_Impressionism,eileen-agar_ploumanach +landscape,Impressionism,camille-pissarro_road-from-osny-to-pontoise-hoar-frost-1873 +landscape,Symbolism,konstantin-bogaevsky_night-1922 +landscape,Impressionism,pierre-auguste-renoir_landscape-1919 +landscape,Analytical_Cubism,georges-braque_the-city-on-the-hill-1909 +landscape,Realism,ivan-shishkin_at-the-edge-of-a-birch-grove-valaam-1860-1 +landscape,Impressionism,kazimir-malevich_summer-landscape +landscape,Impressionism,kimon-loghi_forest-edge +landscape,Impressionism,robert-julian-onderdonk_field-of-texas-bluebonnets-and-prickly-pear-cacti +landscape,Impressionism,gustave-caillebotte_view-of-the-seine-in-the-direction-of-the-pont-de-bezons +landscape,Realism,fyodor-vasilyev_summer-hot-day +landscape,Contemporary_Realism,john-miller_autumn-day-beach +landscape,Impressionism,winston-churchill_view-of-jerusalem-1921 +landscape,Expressionism,istvan-farkas_landscape-at-dusk-1931 +landscape,Romanticism,caspar-david-friedrich_day(4) +landscape,Impressionism,alfred-sisley_road-at-veneux-1886 +landscape,Post_Impressionism,vincent-van-gogh_landscape-with-bridge-across-the-oise-1890 +landscape,Post_Impressionism,max-pechstein_zerfallenes-haus-1906 +landscape,Realism,ivan-shishkin_sunny-day-merikyul-1894 +landscape,Impressionism,pericles-pantazis_on-the-beach-ostend +landscape,Northern_Renaissance,pieter-bruegel-the-elder_landscape-of-the-alps +landscape,Impressionism,john-singer-sargent_a-backwater-calcot-mill-near-reading-1888 +landscape,Symbolism,nicholas-roerich_kalki-avatar-1932 +landscape,Impressionism,camille-pissarro_landscape-at-pontoise-1 +landscape,Post_Impressionism,vincent-van-gogh_wheatfield-with-mountains-in-the-background-1889 +landscape,Baroque,rembrandt_landscape-with-a-shepherd-and-a-dog-1653 +landscape,Realism,isaac-levitan_crimea-in-winter +landscape,Realism,pyotr-konchalovsky_dobroye-the-bridge-1931 +landscape,Realism,fyodor-vasilyev_brook-in-a-forest +landscape,Impressionism,stefan-luchian_autumn-woods +landscape,Impressionism,john-henry-twachtman_spring-1899 +landscape,Impressionism,santiago-rusinol_blue-courtyard-arenys-de-munt-1913 +landscape,Romanticism,thomas-cole_the-pilgrim-of-the-cross-at-the-end-of-his-journey-part-of-the-series-the-cross-and-the-world-1846 +landscape,Symbolism,nicholas-roerich_great-spirit-of-himalayas-1934 +landscape,Symbolism,nicholas-roerich_karakoram-ridge +landscape,Impressionism,frits-thaulow_river-landscape +landscape,Realism,ivan-shishkin_the-road-1 +landscape,Art_Nouveau_Modern,gustav-klimt_schloss-kammer-on-the-attersee-iv +landscape,Symbolism,arnold-bã¶cklin_the-summer-s-day-1881 +landscape,Symbolism,jacek-malczewski_winter-landscape +landscape,Impressionism,arkhip-kuindzhi_the-crimea-the-southern-shore-1887 +landscape,Realism,theodore-rousseau_carrier-bundles-of-wood-on-the-edge +landscape,Romanticism,karl-bodmer_the-fox-river-near-new-harmony-in-indiana-1832 +landscape,Impressionism,constantine-maleas_st-catherine-of-thessaloniki +landscape,Impressionism,t.-c.-steele_september-1892 +landscape,Realism,isaac-levitan_a-dull-day-stubble +landscape,Romanticism,ivan-aivazovsky_calm-sea-rocky-coast-1860 +landscape,Realism,pyotr-konchalovsky_autumn-road-1921 +landscape,Contemporary_Realism,jamie-wyeth_monhegan-bell-1978 +landscape,Impressionism,claude-monet_grainstacks-at-giverny-morning-effect +landscape,Pointillism,georges-seurat_grandcamp-evening-1885 +landscape,Impressionism,pierre-auguste-renoir_breton-landscape-church-and-orchard +landscape,Realism,aleksey-savrasov_early-spring-thaw-1885 +landscape,Ukiyo_e,hiroshige_kameyama +landscape,Expressionism,salvador-dali_view-of-pubol +landscape,Symbolism,nicholas-roerich_himalayas-8 +landscape,Realism,ivan-shishkin_boulders-in-forest +landscape,Realism,camille-corot_voltarra-the-citadel-1834 +landscape,Impressionism,claude-monet_the-japanese-bridge-3-1924 +landscape,Romanticism,william-turner_morning-amongst-the-coniston-fells-cumberland +landscape,Impressionism,laszlo-mednyanszky_melting +landscape,Realism,taras-shevchenko_widow-s-hut-in-ukraine-1843 +landscape,Symbolism,nicholas-roerich_study-of-a-shore-1923 +landscape,Impressionism,john-henry-twachtman_the-old-mill-at-cos-cobb +landscape,Post_Impressionism,augustus-john_washing-day-1915 +landscape,Impressionism,camille-pissarro_flowering-plum-tree-eragny-1894 +landscape,Impressionism,childe-hassam_winter-in-the-connecticut-hills +landscape,Post_Impressionism,maxime-maufra_the-river-1902 +landscape,Impressionism,ivan-grohar_jesensko-sonce-1908 +landscape,Impressionism,william-merritt-chase_a-long-island-lake +landscape,Impressionism,arkhip-kuindzhi_coast-of-the-sea-with-a-rock +landscape,Realism,jean-francois-millet_the-church-of-greville +landscape,Impressionism,pierre-auguste-renoir_sunny-landscape +landscape,Post_Impressionism,theo-van-rysselberghe_the-almond-flowers-1918 +landscape,Art_Nouveau_Modern,anna-ostroumova-lebedeva_finland-with-a-blue-sky-1910 +landscape,Symbolism,konstantin-bogaevsky_the-crimean-landscape +landscape,Realism,boris-kustodiev_on-the-volga-landscape-with-church-of-the-kazan +landscape,Ukiyo_e,hiroshige_white-rain-shono-1834 +landscape,Impressionism,alfred-sisley_barges-on-the-saint-martin-canal +landscape,Realism,mikhail-lebedev_albano +landscape,Romanticism,william-turner_brunnen-from-the-lake-of-lucerne +landscape,Realism,johan-hendrik-weissenbruch_on-the-tow-path-along-the-river-amstel +landscape,Impressionism,claude-monet_cap-martin +landscape,Cubism,andre-derain_landscape-1907 +landscape,Realism,ivan-shishkin_path-in-the-forest-1871 +landscape,Impressionism,paul-gauguin_willows-1885 +landscape,Impressionism,winston-churchill_loch-scene-on-the-duke-of-sutherland-s-estate(1) +landscape,Cubism,jack-bush_red-white-blue-1946 +landscape,Naive_Art_Primitivism,camille-bombois_vieux-moulin-1925 +landscape,Impressionism,t.-c.-steele_the-brook-in-the-woods-1889 +landscape,Romanticism,ivan-aivazovsky_seascape-1856 +landscape,Impressionism,camille-pissarro_landscape-bright-sunlight-pontoise-1874 +landscape,Impressionism,pierre-auguste-renoir_cagnes-landscape +landscape,Symbolism,ferdinand-hodler_eiger-monch-and-jungfrau-in-moonlight-1908-1 +landscape,Post_Impressionism,gustave-loiseau_landscape-in-snow-1900 +landscape,Realism,martiros-saryan_byurakan-1958 +landscape,Romanticism,ivan-aivazovsky_shipwreck-near-gurzuf-1898 +landscape,Impressionism,willard-metcalf_september +landscape,Romanticism,john-constable_old-sarum-1834 +landscape,Post_Impressionism,paul-gauguin_aven-running-through-pont-aven-1888 +landscape,Realism,isaac-levitan_edge-of-forest +landscape,Naive_Art_Primitivism,david-burliuk_landscape-3 +landscape,Impressionism,robert-julian-onderdonk_road-to-the-hills-1918 +landscape,Baroque,esaias-van-de-velde_a-landscape-with-travellers-crossing-a-bridge-before-a-small-dwelling-1622 +landscape,Impressionism,guy-rose_carmel-dunes +landscape,Naive_Art_Primitivism,camille-bombois_river-running-through-the-forest +landscape,Post_Impressionism,francisc-sirato_in-the-shade +landscape,Post_Impressionism,paul-cezanne_mountains-in-provence-l-estaque +landscape,Symbolism,martiros-saryan_geghama-mountains-1926 +landscape,Realism,maxime-lalanne_entr-e-de-bar-ge +landscape,Post_Impressionism,kazuo-nakamura_august-morning-1961 +landscape,Realism,isaac-levitan_at-volga-evening-falls-1888 +landscape,Post_Impressionism,gustave-loiseau_path-in-the-snow +landscape,Expressionism,charles-demuth_coastal-scene-1915 +landscape,Impressionism,alfred-sisley_seine-at-daybreak-1878 +landscape,Impressionism,john-henry-twachtman_wildflowers +landscape,Symbolism,nicholas-roerich_himalayas-ridge-kanchendganga +landscape,Realism,theodore-rousseau_edge-of-the-loire-1855 +landscape,Impressionism,guy-rose_july-afternoon-1897 +landscape,Symbolism,mikhail-vrubel_lilacs-1900 +landscape,Realism,maxime-lalanne_vue-g-n-rale-de-la-raill-re-le-pr-le-petit-st-sauveur-et-le-bain +landscape,Post_Impressionism,paul-cezanne_mont-sainte-victoire-1902 +landscape,Realism,ivan-shishkin_harvest +landscape,Impressionism,claude-monet_the-sheltered-path +landscape,Post_Impressionism,david-burliuk_elsinore +landscape,Impressionism,eugene-boudin_cordier-park-trouville +landscape,Art_Nouveau_Modern,a.y.-jackson_the-winter-road-quebec-1921 +landscape,Impressionism,claude-monet_haystack-at-giverny +landscape,Realism,theodore-rousseau_mountain-landscape-with-fisherman-1830 +landscape,Impressionism,pierre-auguste-renoir_house-on-the-river +landscape,Pointillism,theo-van-rysselberghe_midi-landscape +landscape,Impressionism,willard-metcalf_the-bower +landscape,Cubism,raoul-dufy_landscape-of-falaise-1910 +landscape,Symbolism,nicholas-roerich_lahaul +landscape,Symbolism,nicholas-roerich_kangchenjunga-1 +landscape,Naive_Art_Primitivism,horace-pippin_birmingham-meeting-house-iii-1941 +landscape,Post_Impressionism,gustave-loiseau_near-saint-cyr-1895 +landscape,Symbolism,konstantin-vasilyev_sviyazhsk +landscape,Realism,camille-corot_saint-quentin-des-pres-oise-near-gournay-en-bray +landscape,Expressionism,ernst-ludwig-kirchner_the-amselfluh +landscape,Realism,pyotr-konchalovsky_crimea-blooming-peach-tree-1952 +landscape,Realism,thomas-eakins_ships-and-sailboats-on-the-delaware-1874 +landscape,Realism,isaac-levitan_spring-in-the-forest-1882 +landscape,Fauvism,georges-braque_gray-weather-in-cove-1907 +landscape,Impressionism,alfred-sisley_bassin-de-marly-1875 +landscape,Impressionism,alfred-sisley_the-garden-of-hoschede-montgeron-1881 +landscape,Impressionism,asgrimur-jonsson_from-borgarfj-r-ur-eir-ksj-kull-glacier-west-iceland-1947 +landscape,Post_Impressionism,rafael-zabaleta_garden-of-quesada-in-winter-1944 +landscape,Fauvism,wu-guanzhong_the-blooming-mountain +landscape,Impressionism,stefan-popescu_on-the-river-shore +landscape,Ukiyo_e,katsushika-hokusai_fukagawa-mannen-bashi-shita +landscape,Realism,charles-francois-daubigny_the-banks-of-the-oise(1) +landscape,Realism,nicholas-roerich_in-hayfields-of-tarakanovka-1893 +landscape,Contemporary_Realism,lucian-freud_acacia +landscape,Realism,efim-volkov_warm-evening +landscape,Impressionism,arkhip-kuindzhi_view-of-the-beach-and-sea-from-the-mountains-crimea +landscape,Post_Impressionism,edouard-vuillard_silver-trees +landscape,Impressionism,claude-monet_springtime +landscape,Naive_Art_Primitivism,grandma-moses_mt-nebo-on-the-hill-1940 +landscape,Post_Impressionism,vincent-van-gogh_a-group-of-pine-trees-near-a-house-1889(1) +landscape,Impressionism,cornelis-vreedenburgh_pollard-willow-at-the-side-of-the-broo +landscape,Romanticism,ivan-aivazovsky_the-monastery-of-george-cape-fiolent-1846 +landscape,Expressionism,zinaida-serebriakova_the-luxembourg-gardens-1946 +landscape,Impressionism,joaquã­n-sorolla_rocks-and-white-boat-javea-1905 +landscape,Symbolism,nicholas-roerich_jyagong-1928 +landscape,Impressionism,octav-angheluta_meridional-landscape-with-ruins +landscape,Expressionism,max-pechstein_die-sonne-st-rzt-1922 +landscape,Impressionism,william-merritt-chase_in-the-garden-aka-a-squatter-s-hut-flatbush-or-the-old-garden +landscape,Pointillism,henri-edmond-cross_the-mediterranean-coast +landscape,Post_Impressionism,constantine-maleas_pines-at-rafina-1920 +landscape,Realism,aleksey-savrasov_type-of-volga-under-yurievts +landscape,Symbolism,nicholas-roerich_linnasaari-ladoga-lake +landscape,Realism,aleksey-savrasov_early-spring-1888 +landscape,Post_Impressionism,maxime-maufra_the-black-cliffs-at-thurso-1895 +landscape,Impressionism,claude-monet_poplars-on-the-banks-of-the-river-epte-seen-from-the-marsh-1892 +landscape,Fauvism,charles-lapicque_paysage-de-mer-1950 +landscape,Expressionism,zinaida-serebriakova_statue-of-a-faun-in-the-garden-of-the-yusupov-in-st-petersburg-1923 +landscape,Contemporary_Realism,john-miller_paraportian-i +landscape,Post_Impressionism,henri-matisse_avenue-of-olive-trees-1952 +landscape,Impressionism,claude-monet_morning-on-the-seine-02-1 +landscape,Post_Impressionism,edouard-cortes_the-ferryman +landscape,Symbolism,konstantin-bogaevsky_romantic-landscape-1926 +landscape,Romanticism,caspar-david-friedrich_two-men-contemplating-the-moon +landscape,Impressionism,willard-metcalf_the-sunny-brook-chester-vermont +landscape,Naive_Art_Primitivism,ivan-generalic_river-landscape-1964 +landscape,Contemporary_Realism,john-miller_autumn-estuary +landscape,Post_Impressionism,pyotr-konchalovsky_rocks-in-sorrento-1924 +landscape,Post_Impressionism,istvan-nagy_bakony-landscape-1928 +landscape,Realism,ivan-shishkin_meadow-at-the-forest-edge-siverskaya-1887 +landscape,Contemporary_Realism,neil-welliver_unyarded-deer +landscape,Impressionism,armand-guillaumin_moulins-en-hollandee-1904 +landscape,Expressionism,costas-niarchos_the-dominant-orange +landscape,Impressionism,john-henry-twachtman_an-early-winter +landscape,Impressionism,joaquã­n-sorolla_gray-day-on-valencia-beach-1901 +landscape,Impressionism,camille-pissarro_after-the-rain-autumn-eragny-1901 +landscape,Impressionism,alfred-sisley_under-the-bridge-at-hampton-court-1874 +landscape,Impressionism,alfred-sisley_sevres-bridge-1877 +landscape,Impressionism,piet-mondrian_lonely-tree-at-the-gein-1907 +landscape,Rococo,george-morland_winter-landscape +landscape,Impressionism,julian-alden-weir_the-laundry-branchville +landscape,Post_Impressionism,milton-avery_bridge-to-the-sea-1937 +landscape,Expressionism,istvan-farkas_seaside-landscape-1935 +landscape,Mannerism_Late_Renaissance,paolo-veronese_landscape +landscape,Romanticism,joseph-wright_a-grotto-in-the-kingdom-of-naples-with-banditti-1778 +landscape,Realism,vincent-van-gogh_autumn-landscape-with-four-trees-1885(1) +landscape,Realism,grigoriy-myasoyedov_autumn-landscape-in-crimea-1884 +landscape,Impressionism,konstantin-korovin_landscape-with-fence-1919 +landscape,Expressionism,martiros-saryan_armenian-village-1933 +landscape,Impressionism,edouard-manet_bench-1881 +landscape,Impressionism,isaac-levitan_autumn-forest-1886 +landscape,Contemporary_Realism,john-miller_calangute-beach +landscape,Realism,ivan-shishkin_promenading-in-the-forest-1869 +landscape,Mannerism_Late_Renaissance,el-greco_view-and-plan-of-toledo +landscape,Impressionism,claude-monet_norwegian-landscape-sandviken +landscape,Impressionism,claude-monet_mount-kolsaas-in-misty-weather +landscape,Post_Impressionism,gustave-loiseau_the-river-in-autumn-1912 +landscape,Impressionism,adolf-hitler_country-road +landscape,Symbolism,nicholas-roerich_china-s-heroics-1937 +landscape,Romanticism,ivan-aivazovsky_fortress-at-the-sea +landscape,Realism,eugene-boudin_the-port-portrieux-at-low-tide-1874 +landscape,Symbolism,konstantin-somov_rainbow +landscape,Art_Nouveau_Modern,wilhelm-kotarbinski_an-enchanted-garden +landscape,Impressionism,paul-gauguin_donkey-by-lane-1885 +landscape,Naive_Art_Primitivism,kateryna-bilokur_house-in-bogdanovka-1955 +landscape,Realism,isaac-levitan_marsh-at-evening-1882 +landscape,Romanticism,joseph-wright_matlock-tor-by-daylight +landscape,Impressionism,asgrimur-jonsson_mt-esja-seen-from-the-building-vinaminni-1910 +landscape,Symbolism,martiros-saryan_evening-1958 +landscape,Impressionism,childe-hassam_isle-of-shoals-3 +landscape,Realism,camille-corot_landscape-at-mornex-haute-savoie-1842 +landscape,Romanticism,ford-madox-brown_the-hay-harvest +landscape,Realism,camille-corot_ville-d-avray-1870 +landscape,Naive_Art_Primitivism,horace-pippin_birmingham-meeting-house-iv-1942 +landscape,Impressionism,laszlo-mednyanszky_burring-brook-with-bridge +landscape,Realism,pyotr-konchalovsky_okorokovo-pond-1946 +landscape,Impressionism,claude-monet_the-seine-at-bougival-in-the-evening +landscape,Realism,giovanni-boldini_river-landscape +landscape,Synthetic_Cubism,juan-gris_landscape +landscape,Symbolism,konstantin-somov_park +landscape,Symbolism,nicholas-roerich_nanda-devi-1944-1 +landscape,Impressionism,eugene-boudin_the-coastline-at-berck-at-low-tide-1882 +landscape,Expressionism,john-marin_marin-island-1914 +landscape,Romanticism,john-constable_flatford-mill-from-a-lock-on-the-stour-1811 +landscape,Impressionism,childe-hassam_home-sweet-home-cottage-east-hampton +landscape,Impressionism,pierre-auguste-renoir_field-and-haystacks-1885 +landscape,Realism,fyodor-vasilyev_landscape-pargolovo +landscape,Northern_Renaissance,pieter-bruegel-the-elder_winter-landscape-with-skaters-and-a-bird-trap-1565 +landscape,Impressionism,fern-coppedge_autumn-gold-lumerville +landscape,Impressionism,alfred-sisley_banks-of-the-seine-1879 +landscape,Expressionism,fred-williams_upwey-landscape-ii-1965 +landscape,Symbolism,nicholas-roerich_great-wall-of-china +landscape,Post_Impressionism,gustave-loiseau_house-at-beynac +landscape,Naive_Art_Primitivism,camille-bombois_canoe-on-the-river +landscape,Symbolism,nicholas-roerich_monhigan-1922-1 +landscape,Impressionism,joaquã­n-sorolla_roads-of-alijales-toledo-1906 +landscape,Impressionism,adam-baltatu_summer-landscape-1 +landscape,Impressionism,emile-claus_sunset-over-waterloo-bridge-1916 +landscape,Fauvism,auguste-herbin_le-massif-du-canigou-1923 +landscape,Symbolism,mikalojus-ciurlionis_graveyard-motif-1909 +landscape,Realism,vasily-polenov_oka-valley-1902 +landscape,Realism,camille-corot_the-mill-in-the-trees +landscape,Cubism,andre-derain_martigues-landscape-1908 +landscape,Realism,aleksey-savrasov_sunset-1862 +landscape,Expressionism,august-macke_stroller +landscape,Impressionism,arkhip-kuindzhi_moonlight-night-winter +landscape,Realism,aleksey-savrasov_spring-the-rooks-have-arrived-1872 +landscape,Romanticism,william-turner_mont-blanc-from-fort-roch-val-d-aosta +landscape,Realism,camille-corot_strolling-along-the-banks-of-a-pond +landscape,Realism,pyotr-konchalovsky_children-in-the-park-1940 +landscape,Northern_Renaissance,albrecht-durer_quarry-1506 +landscape,Northern_Renaissance,joachim-patinir_st-jerome-in-rocky-landscape +landscape,Symbolism,konstantin-bogaevsky_landscape-sun-1923 +landscape,Romanticism,thomas-cole_cross-at-sunset +landscape,Post_Impressionism,maxime-maufra_the-pines-of-the-ile-st-morah-1912 +landscape,Symbolism,nicholas-roerich_himalayas-study-holy-himalayas-1934 +landscape,Impressionism,adolf-hitler_church-spire +landscape,Impressionism,medi-wechsler-dinu_balchik-landscape +landscape,Expressionism,ernst-ludwig-kirchner_snowy-landscape +landscape,Naive_Art_Primitivism,niko-pirosmani_big-marani-in-the-woods +landscape,Post_Impressionism,paul-gauguin_cows-on-the-seashore-1886 +landscape,Pointillism,georges-seurat_race-in-grandcamp-1885 +landscape,Post_Impressionism,paul-gauguin_landscape-with-geese-1888 +landscape,Pointillism,henri-edmond-cross_regatta +landscape,Art_Nouveau_Modern,ferdinand-hodler_the-lake-geneva-from-lausanne-1912 +landscape,Post_Impressionism,vincent-van-gogh_study-of-pine-trees-1889(1) +landscape,Romanticism,albert-bierstadt_sunrise-over-forest-and-grove +landscape,Symbolism,konstantin-bogaevsky_southern-land-cave-town-1908 +landscape,Realism,winslow-homer_palm-tree-nassau +landscape,New_Realism,john-french-sloan_grassy-dunes-gloucester-1914 +landscape,Impressionism,william-merritt-chase_summertime-pulling-for-shore +landscape,Impressionism,alfred-sisley_the-flood-on-the-road-to-saint-germain-1876 +landscape,Post_Impressionism,charles-reiffel_edge-of-the-oak-grove-1935 +landscape,Realism,gustave-courbet_deer-in-a-snowy-landscape-1867 +landscape,Impressionism,arkhip-kuindzhi_winter +landscape,Impressionism,winston-churchill_cork-trees-near-mimizan(1) +landscape,Impressionism,alfred-sisley_rowers-1877 +landscape,Realism,pyotr-konchalovsky_lake-imandra-resinification-nets-1937 +landscape,Post_Impressionism,vincent-van-gogh_the-reaper-1889 +landscape,Fauvism,jan-sluyters_full-moon-on-the-water-1912 +landscape,Baroque,hercules-seghers_landscape-with-city-on-a-river-1629 +landscape,Romanticism,joseph-wright_a-cavern-evening +landscape,Symbolism,nicholas-roerich_lahaul-1931 +landscape,Expressionism,ion-pacea_peisaj-de-litoral +landscape,Realism,james-mcneill-whistler_the-coast-of-brittany-aka-alone-with-the-tide +landscape,Impressionism,augustus-john_welsh-landscape-1914 +landscape,Romanticism,william-turner_chichester-canal +landscape,Baroque,rembrandt_the-stone-bridge +landscape,Impressionism,childe-hassam_poppies-isles-of-shoals-1 +landscape,Realism,ilya-repin_summer-landscape-in-kurskaya-guberniya-1915 +landscape,Impressionism,konstantinos-volanakis_in-the-garden(7) +landscape,Cubism,joan-miro_the-vegetable-garden-with-donkey +landscape,Post_Impressionism,vincent-van-gogh_road-running-beside-the-paris-ramparts-1887 +landscape,Post_Impressionism,ilya-mashkov_landscape-1914 +landscape,Realism,charles-francois-daubigny_edge-of-the-pond-1873 +landscape,Impressionism,camille-pissarro_a-road-in-louveciennes-1872 +landscape,Romanticism,joseph-wright_vesuvius-from-portici +landscape,Impressionism,alfred-sisley_the-hills-of-veneux-seen-from-saint-mammes-1884 +landscape,Realism,winslow-homer_gloucester-harbor +landscape,Post_Impressionism,felix-vallotton_senegalese-soldiers-at-camp-de-mailly-1917 +landscape,Impressionism,robert-julian-onderdonk_a-spring-morning-1913 +landscape,Impressionism,berthe-morisot_landscape-of-creuse +landscape,Impressionism,t.-c.-steele_along-the-creek-1905 +landscape,Realism,camille-corot_the-swamp-near-the-big-tree-and-a-shepherdess +landscape,Impressionism,francis-picabia_landscape-paysage +landscape,Realism,antã³nio-de-carvalho-da-silva-porto_moinho-do-estev-o-alcochete-1887 +landscape,Impressionism,gustave-caillebotte_yerres-through-the-grove-the-ornamental-farm +landscape,Post_Impressionism,pyotr-konchalovsky_aragvi-1927 +landscape,Post_Impressionism,gustave-loiseau_cliffs-at-fecamp-in-normandy-1920 +landscape,Realism,julius-leblanc-stewart_forest-glade-santa-barbara-1918(1) +landscape,Post_Impressionism,tom-thomson_pine-island-georgian-bay-1916 +landscape,Realism,isaac-levitan_evening-1877 +landscape,Symbolism,konstantin-somov_overgrown-pond +landscape,Fauvism,georges-braque_yellow-seacoast-1906 +landscape,Impressionism,paul-gauguin_two-cows-in-the-meadow-1884 +landscape,Romanticism,karl-bodmer_new-harmony-on-the-wabash-plate-2-from-volume-2-of-travels-in-the-interior-of-north-america-1832 +landscape,Realism,ivan-shishkin_forest-swamp-1889 +landscape,Symbolism,arnold-bã¶cklin_the-bagpiper +landscape,Romanticism,ivan-aivazovsky_ice-breakers-on-the-frozen-neva-in-st-petersburg-1877 +landscape,Symbolism,konstantin-somov_august +landscape,Baroque,adriaen-brouwer_dune-landscape-by-moonlight +landscape,Cubism,paul-cezanne_bathers-mont-sainte-victoire-in-the-background +landscape,Romanticism,william-turner_stonehenge +landscape,Impressionism,claude-monet_field-of-yellow-irises-at-giverny +landscape,Realism,camille-corot_archicourt-near-arras +landscape,Post_Impressionism,istvan-nagy_from-my-sz-kely-homeland-sheep +landscape,Rococo,francois-boucher_the-mill-1751 +landscape,Romanticism,caspar-david-friedrich_rogen-landscape-in-putbus +landscape,Realism,camille-corot_nest-harriers-in-tuscan-1865 +landscape,Realism,theodore-rousseau_paysage-in-auvergne-environs-de-puy(1) +landscape,Impressionism,camille-pissarro_spring-morning-pontoise-1874 +landscape,Impressionism,egon-schiele_trees-mirrored-in-a-pond-1907 +landscape,Expressionism,ion-pacea_midnight-sun +landscape,Romanticism,john-constable_boats-on-the-stour-1811 +landscape,Impressionism,edgar-degas_landscape-at-valery-sur-somme-1 +landscape,Post_Impressionism,gustave-loiseau_cart-in-an-autumn-landscape +landscape,Impressionism,alfred-sisley_the-village-of-sablons-1885 +landscape,Impressionism,pierre-auguste-renoir_landscape-1915 +landscape,Realism,isaac-levitan_a-river-1 +landscape,Post_Impressionism,paul-gauguin_meadow-in-martinique-1887 +landscape,Post_Impressionism,paul-gauguin_the-moment-of-truth-ii-1893 +landscape,Symbolism,konstantin-somov_summer-twilight-pond +landscape,Pointillism,henri-martin_green-valley-with-stream +landscape,Impressionism,lovis-corinth_the-walchensee-on-saint-john-s-eve-1920 +landscape,Expressionism,marsden-hartley_new-mexico-recollections-no-12 +landscape,Impressionism,alfred-sisley_the-bridge-and-mills-of-moret-winter-s-effect-1890 +landscape,Symbolism,nicholas-roerich_mountains +landscape,Impressionism,john-henry-twachtman_landscape-3 +landscape,Impressionism,isaac-levitan_path +landscape,Romanticism,william-turner_warkworth-castle-northumberland-thunder-storm-approaching-at-sun-set +landscape,Impressionism,lovis-corinth_the-walchensee-in-winter-1923 +landscape,Expressionism,spyros-papaloukas_burnt-village-in-mytilini-1925 +landscape,Romanticism,joseph-wright_view-in-dovedale +landscape,Expressionism,martiros-saryan_pomegranate-1930 +landscape,Impressionism,gregoire-boonzaier_trees-in-a-landscape-1975 +landscape,Post_Impressionism,theo-van-rysselberghe_funds-of-st-clair-1921 +landscape,Impressionism,claude-monet_the-seine-near-giverny-02 +landscape,Romanticism,karl-bodmer_offering-of-the-mandan-indians-plate-14-from-volume-1-of-travels-in-the-interior-of-north-1843 +landscape,Romanticism,johan-christian-dahl_lyshornet-bei-bergen-1836 +landscape,Realism,gustave-courbet_rocky-landscape-with-figure-1865 +landscape,Impressionism,john-henry-twachtman_niagara-1894 +landscape,Romanticism,john-atkinson-grimshaw_landscape-in-the-lake-district +landscape,Impressionism,armand-guillaumin_les-ruines-a-crozant-1897 +landscape,Post_Impressionism,vincent-van-gogh_field-with-poppies-1890(1) +landscape,Art_Nouveau_Modern,nicholas-roerich_green-fjord +landscape,Ukiyo_e,hiroshige_wind-blown-grass-across-the-moon +landscape,Impressionism,joaquã­n-sorolla_adobe-houses +landscape,Art_Nouveau_Modern,koloman-moser_landscape-with-cloudy-sky +landscape,Impressionism,claude-monet_trees-in-bloom +landscape,Impressionism,konstantin-korovin_morning-1914 +landscape,Impressionism,claude-monet_grainstacks-snow-effect-1891 +landscape,Realism,fyodor-vasilyev_barns +landscape,Realism,theodor-severin-kittelsen_kveld-paa-soletunet-i-eggedal(1) +landscape,Expressionism,salvador-dali_the-tree +landscape,Impressionism,john-singer-sargent_fortress-roads-and-rocks +landscape,Realism,eugene-boudin_the-port-portrieux-at-low-tide-unloading-fish-1873 +landscape,Post_Impressionism,a.y.-jackson_entrance-to-halifax-harbour-1919 +landscape,Impressionism,maxime-maufra_flood-1889 +landscape,Post_Impressionism,albert-marquet_notre-dame-in-winter-1902 +landscape,Romanticism,caspar-david-friedrich_clipping-iceberg +landscape,Northern_Renaissance,albrecht-durer_house-by-a-pond +landscape,Early_Renaissance,sandro-botticelli_annunciation-cestello-detail-1490(1) +landscape,Pointillism,henri-edmond-cross_woded-landscape +landscape,Impressionism,claude-monet_the-japanese-bridge-the-bridge-in-monet-s-garden-1896 +landscape,Impressionism,alfred-sisley_thames-at-hampton-court-1874 +landscape,Realism,efim-volkov_landscape-with-an-abandoned-house +landscape,Realism,martiros-saryan_noon-1953 +landscape,Realism,ivan-shishkin_pine-forest-1895 +landscape,Northern_Renaissance,albrecht-durer_valley-kalchreuth-1495 +landscape,Impressionism,arkhip-kuindzhi_volga +landscape,Naive_Art_Primitivism,henri-rousseau_landscape-1886 +landscape,Impressionism,alfred-sisley_the-seine-at-suresnes-1880 +landscape,Art_Nouveau_Modern,ivan-bilibin_mills +landscape,Impressionism,guy-rose_path-along-the-shore +landscape,Post_Impressionism,theo-van-rysselberghe_pine-by-the-mediterranean-sea-1916 +landscape,Realism,georgios-jakobides_farmhouse-in-bavaria-1884 +landscape,Post_Impressionism,oleksandr-bogomazov_white-night-finland-1911 +landscape,Fauvism,john-duncan-fergusson_bathing-boxes-and-tents-at-st-palais-1910 +landscape,Symbolism,konstantin-vasilyev_volga +landscape,Impressionism,stefan-luchian_after-rain-at-b-neasa +landscape,Expressionism,fred-williams_yellow-landscape-1969 +landscape,Impressionism,claude-monet_charing-cross-bridge-09-1901 +landscape,Romanticism,william-turner_the-lake-geneva-seen-from-montreux +landscape,Impressionism,claude-monet_rocks-at-falaise-near-giverny +landscape,Impressionism,gregoire-boonzaier_village-landscape +landscape,Impressionism,robert-julian-onderdonk_old-live-oak-1910 +landscape,Symbolism,mikalojus-ciurlionis_sorrow-ii-1907 +landscape,Impressionism,pierre-auguste-renoir_the-view-from-collettes-1911 +landscape,Romanticism,john-constable_the-cornfield-1826 +landscape,Impressionism,mikhail-nesterov_autumn-1906 +landscape,Impressionism,eugene-boudin_camaret-the-port-1872 +landscape,Impressionism,guy-rose_the-oak-1916 +landscape,Impressionism,pierre-auguste-renoir_essoyes-landscape +landscape,Impressionism,john-henry-twachtman_october +landscape,Romanticism,maxim-vorobiev_italian-seaside-landscape +landscape,Impressionism,john-henry-twachtman_house-in-snow +landscape,Post_Impressionism,victor-borisov-musatov_a-garden-in-blossom +landscape,Impressionism,claude-monet_vetheuil-morning-effect +landscape,Realism,ivan-shishkin_overgrown-pond-at-the-edge-of-the-forest-siverskaya-1883 +landscape,Realism,ivan-shishkin_not-identified +landscape,Impressionism,john-lavery_the-golf-course-north-berwick-1922 +landscape,Realism,ivan-shishkin_forest-1869-1 +landscape,Baroque,adriaen-van-de-venne_summer +landscape,Romanticism,william-turner_the-fall-of-an-avalanche-in-the-grisons +landscape,Impressionism,robert-julian-onderdonk_forest-stream-headwaters-of-the-guadalupe +landscape,Impressionism,alfred-sisley_bateau-de-charge-sur-le-loing-1880 +landscape,Post_Impressionism,anita-malfatti_paisagem-dos-pirineus-cauterets-1926 +landscape,Impressionism,isaac-levitan_entrance-to-the-village +landscape,Post_Impressionism,j.-e.-h.-macdonald_montreal-river-1920 +landscape,Realism,charles-francois-daubigny_bords-de-reviere-sun +landscape,Post_Impressionism,anna-ostroumova-lebedeva_the-moon-1900 +landscape,Ukiyo_e,hiroshige_matsushima-in-oshu-province +landscape,Realism,ivan-shishkin_forest-landscape-1879 +landscape,Realism,camille-corot_morning +landscape,Realism,ivan-shishkin_little-house-in-dusseldorf-1856 +landscape,Impressionism,pierre-auguste-renoir_cagnes-landscape-6 +landscape,Post_Impressionism,pyotr-konchalovsky_gurzuf-the-trees-on-the-background-of-the-sea-1929 +landscape,Romanticism,ferdinand-georg-waldmã¼ller_the-ruin-lichtenstein-at-m-dling-1848 +landscape,Post_Impressionism,lovis-corinth_in-the-woods-near-bernried-1892 +landscape,Realism,isaac-levitan_parkway-ostankino +landscape,Impressionism,andre-dunoyer-de-segonzac_le-pont-des-arts-paris +landscape,Impressionism,alfred-sisley_the-dam-on-the-loing-barges-1885 +landscape,Expressionism,yiannis-tsaroychis_etching-1928 +landscape,Expressionism,georges-braque_the-metallic-plow-1962 +landscape,Romanticism,thomas-moran_cresheim-glen-wissahickon-autumn-1864 +landscape,Realism,peder-severin-kroyer_hornbaek-in-winter-1891 +landscape,Realism,pyotr-konchalovsky_autumn-birches-1933 +landscape,Symbolism,mstislav-dobuzhinsky_moritzburg-castle +landscape,Symbolism,nicholas-roerich_chapel-of-st-sergius-at-the-crossroads-1931 +landscape,Impressionism,paul-gauguin_houses-at-vaugirard-1880 +landscape,Realism,pyotr-konchalovsky_spring-day-1954 +landscape,Symbolism,nicholas-roerich_shekar-dzong-1937 +landscape,Realism,gustave-courbet_ta-the-loue-valley +landscape,Symbolism,nicholas-roerich_brahmaputra-1945 +landscape,Romanticism,john-atkinson-grimshaw_moonlight-on-the-lake-roundhay-park-leeds +landscape,Naive_Art_Primitivism,henri-rousseau_landscape-on-the-banks-of-the-bievre-at-becetre-1909 +landscape,Impressionism,childe-hassam_bathing-pool-appledore +landscape,Pointillism,henri-edmond-cross_a-pine-wood-provence +landscape,Symbolism,nicholas-roerich_karelian-study-1918 +landscape,Impressionism,pyotr-konchalovsky_belkino-garden-1907 +landscape,Expressionism,otto-dix_crater-field-near-dontrien-lit-up-by-flares +landscape,Impressionism,childe-hassam_road-to-the-land-of-nod +landscape,Impressionism,childe-hassam_mount-hood-and-the-valley-of-the-willamette +landscape,Impressionism,camille-pissarro_farm-at-montfoucault-1874 +landscape,Art_Nouveau_Modern,nicholas-roerich_finland-punky-harju-1907 +landscape,Impressionism,winston-churchill_near-the-pyramids-1921(1) +landscape,Realism,aleksey-savrasov_evening-1 +landscape,Romanticism,joseph-wright_a-grotto-in-the-gulf-of-salerno-sunset +landscape,Impressionism,marianne-north_distant-view-of-mount-fujiyama-japan-and-wistaria-1876 +landscape,Impressionism,alfred-sisley_landscape-1886 +landscape,Expressionism,jack-bush_a-barn-1944 +landscape,Realism,aleksey-savrasov_spring-landscape-with-cottage-1890 +landscape,Art_Nouveau_Modern,lawren-harris_winter-landscape-with-pink-house-1918 +landscape,Symbolism,konstantin-bogaevsky_crimean-campagna-1938 +landscape,Expressionism,horia-bernea_expressionist-landscape +landscape,Post_Impressionism,richard-gerstl_fruit-tree-1907 +landscape,Impressionism,edgar-degas_vesuvius-1892 +landscape,Post_Impressionism,vincent-van-gogh_the-plough-and-the-harrow-after-millet-1890 +landscape,Realism,ivan-shishkin_crimean-nut-tree-1884 +landscape,Impressionism,camille-pissarro_autumn-poplars-1893 +landscape,Realism,isaac-levitan_autumn-mill-plyos-1888 +landscape,Romanticism,rudolf-von-alt_the-large-pine-in-gastein-1900 +landscape,Romanticism,ivan-aivazovsky_sea-channel-with-lighthouse-1873 +landscape,Naive_Art_Primitivism,grandma-moses_not_detected_251609 +landscape,Romanticism,ivan-aivazovsky_azure-grotto-naples-1841 +landscape,Rococo,thomas-gainsborough_landscape-with-cows-and-human-figure +landscape,Romanticism,johan-christian-dahl_megalith-grave-in-winter-1825 +landscape,Impressionism,raoul-dufy_view-of-a-port +landscape,Impressionism,john-henry-twachtman_winter-scene +landscape,Impressionism,winston-churchill_daybreak-at-cassis-near-marseilles-1920(1) +landscape,Rococo,thomas-gainsborough_mountainous-landscape-with-cart-and-figures +landscape,Impressionism,claude-monet_the-seine-at-port-villez-1 +landscape,Impressionism,alfred-sisley_cabins-by-the-river-loing-morning-1896 +landscape,Impressionism,claude-monet_zaan-at-zaandam +landscape,Symbolism,koloman-moser_landscape-in-semmering-1913-1 +landscape,Realism,isaac-levitan_trail +landscape,Symbolism,mikalojus-ciurlionis_fugue-1908-1 +landscape,Impressionism,claude-monet_antibes-afternoon-effect(1) +landscape,Pointillism,theo-van-rysselberghe_port-entrance-at-volendam-1896 +landscape,Post_Impressionism,maurice-de-vlaminck_the-village +landscape,Post_Impressionism,georges-seurat_landscape-in-the-ile-de-france-1882 +landscape,Symbolism,nicholas-roerich_pass +landscape,Realism,aleksey-savrasov_caves-monastery-near-nizhny-novgorod-1871 +landscape,Cubism,pablo-picasso_house-in-a-garden-1908 +landscape,Romanticism,taras-shevchenko_in-gustynia-refectory-church-1845 +landscape,Realism,theodore-rousseau_flock-of-sheep-in-a-pasture +landscape,Realism,isaac-levitan_evening-shadows +landscape,Realism,ivan-shishkin_in-the-deciduous-forest +landscape,Post_Impressionism,albert-marquet_view-of-agay-1905 +landscape,Cubism,amadeo-de-souza-cardoso_brook-house-1913 +landscape,Realism,ivan-shishkin_birch-grove-1896 +landscape,Realism,ivan-shishkin_summer +landscape,Realism,viktor-vasnetsov_in-the-park +landscape,Realism,vincent-van-gogh_country-lane-with-two-figures-1885(1) +landscape,Impressionism,julian-alden-weir_summer-afternoon-shinnecock-landscape-1902 +landscape,Realism,julius-leblanc-stewart_summer-s-promenade-1880(1) +landscape,Impressionism,santiago-rusinol_the-landing-stage-1911 +landscape,Impressionism,berthe-morisot_fall-colors-in-the-bois-de-boulogne +landscape,Post_Impressionism,asgrimur-jonsson_from-h-safell-west-iceland-1950 +landscape,Realism,fyodor-vasilyev_trees +landscape,Romanticism,caspar-david-friedrich_landscape-in-the-riesengebirge +landscape,Realism,aleksey-savrasov_winter-landscape-rime +landscape,Realism,aleksey-savrasov_in-the-park-1858 +landscape,Baroque,esaias-van-de-velde_landscape-with-farmhouse-and-barn-on-stilts-at-a-water +landscape,Post_Impressionism,ilya-mashkov_landscape-with-a-pond-1921 +landscape,Cubism,auguste-herbin_villaggio-di-collina +landscape,Ukiyo_e,katsushika-hokusai_asakusa-honganji-temple-in-th-eastern-capital +landscape,Baroque,hercules-seghers_landscape +landscape,Impressionism,pierre-auguste-renoir_the-farm +landscape,Impressionism,alfred-sisley_banks-of-the-seine-at-port-marly-1875 +landscape,Fauvism,john-duncan-fergusson_the-bridge-and-schiehallion-1928 +landscape,Impressionism,abdullah-suriosubroto_indonesian-landscape-7 +landscape,Realism,isaac-levitan_ostankino +landscape,Post_Impressionism,henri-edmond-cross_under-the-pines +landscape,Romanticism,william-turner_view-over-town-at-suset-a-cemetery-in-the-foreground +landscape,Impressionism,petro-kholodny-(elder)_poppies-1919 +landscape,Post_Impressionism,gustave-loiseau_ice-on-the-oise-river-1914-1 +landscape,Ukiyo_e,katsushika-hokusai_the-fuji-from-gotenyama-at-shinagawa-on-the-tokaido +landscape,Cubism,auguste-herbin_landscape-in-ceret-1913 +landscape,Realism,isaac-levitan_autumn-the-manor-1894 +landscape,Expressionism,martiros-saryan_rural-landscape-1903 +landscape,Pointillism,henri-martin_house-of-marie-louise-in-labastide-1920 +landscape,Realism,ivan-shishkin_ferns-in-the-forest-siverskaya-1883 +landscape,Impressionism,alfred-sisley_haystack-1877 +landscape,Impressionism,pierre-auguste-renoir_in-the-garden-of-collettes-at-cagnes +landscape,Fauvism,louis-valtat_the-boat-1899 +landscape,Impressionism,claude-monet_gestrandetes-boot-in-fecamp +landscape,Impressionism,claude-monet_the-old-tree-gorge-of-the-petite-creuse +landscape,Realism,ivan-shishkin_bridge-in-the-forest-1895 +landscape,Impressionism,claude-monet_the-gulf-of-antibes +landscape,Impressionism,stefan-popescu_autumn-landscape +landscape,Impressionism,camille-pissarro_landscape-at-eragny +landscape,Impressionism,pierre-auguste-renoir_landscape-1914 +landscape,Realism,horia-bernea_landscape-with-column-1987 +landscape,Impressionism,claude-monet_small-country-farm-in-bordighera +landscape,Impressionism,arkhip-kuindzhi_evening +landscape,Expressionism,nikolaos-lytras_kokkinaras-1927 +landscape,Post_Impressionism,gustave-loiseau_spring-landscape-1907 +landscape,Romanticism,john-crome_the-windmill +landscape,Realism,gustave-courbet_snow-landscape-in-jura-1866 +landscape,Impressionism,winston-churchill_cannon-point-blenheim-lake(1) +landscape,Cubism,marevna-(marie-vorobieff)_athelhampton-garden +landscape,Cubism,albert-gleizes_landscape-with-bridge-and-viaduct-1910 +landscape,Realism,camille-corot_castel-gandolfo +landscape,Symbolism,konstantin-bogaevsky_flow-fantastic-landscape-1908 +landscape,Impressionism,armand-guillaumin_agay-les-roches-rouges-1901 +landscape,Impressionism,willard-metcalf_pasture-old-lyme +landscape,Realism,konstantinos-volanakis_elegant-figures-at-the-shore(1) +landscape,Post_Impressionism,arturo-souto_beached-boats +landscape,Impressionism,alfred-sisley_near-louveciennes-1876 +landscape,Post_Impressionism,pyotr-konchalovsky_essentuki-stairs-1948 +landscape,Pointillism,georges-seurat_the-channel-at-gravelines-in-the-direction-of-the-sea-1890 +landscape,Impressionism,henri-catargi_landscape-from-arges-valley-1971 +landscape,Fauvism,othon-friesz_paysage-le-bec-de-l-aigle-la-ciotat-1907 +landscape,Pointillism,henri-edmond-cross_provence-landscape-1 +landscape,Realism,eugene-boudin_deauville-low-tide +landscape,Realism,camille-corot_the-forest-of-fontainebleau +landscape,Expressionism,martiros-saryan_mount-shamiram-1922 +landscape,Ukiyo_e,utagawa-kuniyoshi_ochanomizu +landscape,Expressionism,lovis-corinth_the-walchensee-on-the-terrace-1922 +landscape,Art_Nouveau_Modern,j.-e.-h.-macdonald_the-elements +landscape,Post_Impressionism,maxime-maufra_the-village-and-chapel-of-sainte-avoye-morbihan-1908 +landscape,Post_Impressionism,grã©goire-michonze_in-the-village-1960 +landscape,Romanticism,john-crome_the-river-wensum-norwich-1814 +landscape,Impressionism,robert-julian-onderdonk_the-quarry +landscape,Pop_Art,roy-lichtenstein_landscape-1964(1) +landscape,Romanticism,ferdinand-georg-waldmã¼ller_rettenbach-wilderness-near-ischl-the-hohenzollern-waterfall-in-jainzental-1832 +landscape,Symbolism,nicholas-roerich_cliff-1917 +landscape,Romanticism,paul-cezanne_mont-sainte-victoire-1867 +landscape,Rococo,thomas-gainsborough_fen-bridge-lane +landscape,Impressionism,henri-matisse_green-needles-on-the-cross-javernaz-1901 +landscape,Post_Impressionism,nicolae-darascu_landscape-with-bridge-at-vlaici +landscape,Realism,gustave-courbet_shelter-of-deers-at-plaisir-fontaine-creek-1866 +landscape,Symbolism,nicholas-roerich_himalayas-32 +landscape,Realism,adolf-hitler_perchtoldsdorg-castle-and-church +landscape,Impressionism,pierre-auguste-renoir_le-jardin-de-la-poste-cagnes-1906 +landscape,Abstract_Expressionism,kazuo-nakamura_watercolor-1953 +landscape,Impressionism,paul-gauguin_hillside-1884 +landscape,Realism,ivan-shishkin_forest-2 +landscape,Post_Impressionism,paul-gauguin_breton-boy-in-a-landscape-with-goose-1889 +landscape,Impressionism,pierre-auguste-renoir_banks-of-the-seine-at-champrosay +landscape,Expressionism,paul-klee_park-bei-lu-1938(1) +landscape,Realism,camille-corot_shipyard-in-honfleur +landscape,Realism,aleksey-savrasov_the-rooks-have-arrived +landscape,Northern_Renaissance,albrecht-altdorfer_landscape +landscape,Impressionism,william-merritt-chase_a-florentine-villa +landscape,Art_Nouveau_Modern,nicholas-roerich_a-path-1908 +landscape,Impressionism,guy-rose_the-blue-house +landscape,Impressionism,childe-hassam_home-sweet-home-cottage +landscape,Post_Impressionism,jack-bush_tinton-s-farm-hogg-s-hollow-toronto-1943 +landscape,Impressionism,adolf-hitler_rolling-hills +landscape,Impressionism,maxime-maufra_the-fishermen +landscape,Romanticism,george-frederick-watts_panoramic-landscape-with-a-farmhouse(1) +landscape,Impressionism,homer-watson_nut-gatherers-in-the-forest-1900 +landscape,Post_Impressionism,augustus-john_landscape +landscape,Realism,theodore-rousseau_not_detected_198952 +landscape,Post_Impressionism,ferdinand-hodler_landscape-with-of-rhythm-1908 +landscape,Impressionism,childe-hassam_the-cove +landscape,Naive_Art_Primitivism,david-burliuk_the-gardener-1948 +landscape,Realism,ivan-shishkin_forest-stream-1870-1 +landscape,Realism,isaac-levitan_trunk-of-burgeoning-oak +landscape,Impressionism,alfred-sisley_saint-mammes-loing-canal-1885 +landscape,Impressionism,t.-c.-steele_road-to-schleissheim-1882 +landscape,Realism,gustave-courbet_deer-taking-shelter-in-winter-1866 +landscape,Impressionism,abdullah-suriosubroto_the-river +landscape,Realism,theodor-severin-kittelsen_gamle-hus-ved-sole +landscape,Romanticism,joseph-wright_an-eruption-of-mount-vesuvius-with-the-procession-of-st-januariu-s-head +landscape,Post_Impressionism,charles-reiffel_point-loma-1937 +landscape,Baroque,rembrandt_landscape-with-a-canal-and-large-boat-1650 +landscape,Realism,gustave-courbet_the-cliffs-at-etretat-after-the-storm-1870 +landscape,Realism,gustave-courbet_river-landscape-1869 +landscape,Post_Impressionism,constantin-piliuta_at-the-aunts-1978 +landscape,Post_Impressionism,david-burliuk_forest-pathway +landscape,Art_Nouveau_Modern,nicholas-roerich_hoary-finland-1907 +landscape,Romanticism,lev-lagorio_caucasian-canyon-1893 +landscape,Realism,camille-corot_the-boatman-of-mortefontaine +landscape,Realism,ivan-shishkin_on-a-stream-1895 +landscape,Contemporary_Realism,jamie-wyeth_root-cellar-1966 +landscape,Impressionism,t.-c.-steele_the-oaks-of-vernon-1887 +landscape,Impressionism,claude-monet_poplars-view-from-the-marsh-1892 +landscape,Expressionism,candido-portinari_scarecrow-1955 +landscape,Realism,ivan-shishkin_edge-of-the-forest-1866 +landscape,Post_Impressionism,pyotr-konchalovsky_san-maxim-palma-1908 +landscape,Realism,ivan-kramskoy_zhukovka-1879 +landscape,Impressionism,frits-thaulow_house-by-yhe-water-s-edge +landscape,Impressionism,eugene-boudin_not_detected_246100 +landscape,Art_Nouveau_Modern,gustav-klimt_farmhouses-with-birch-trees +landscape,Post_Impressionism,franz-marc_sheaf-of-grain-1907 +landscape,Realism,camille-corot_a-windmill-at-montmartre +landscape,Impressionism,adolf-hitler_destroyed-building-with-archway +landscape,Fauvism,janos-mattis-teutsch_blooming-cherry-tree +landscape,Realism,ivan-shishkin_edge-of-the-forest-1885 +landscape,Symbolism,nicholas-roerich_bogdo-ul-1927-1 +landscape,Romanticism,karl-bodmer_susquehanna-near-harrisburg-pennsylvania +landscape,Symbolism,nicholas-roerich_cry-of-the-serpent-1914 +landscape,Impressionism,camille-pissarro_the-wheelbarrow-orchard +landscape,Ukiyo_e,keisai-eisen_view-of-lake-suwa-as-seen-from-shiojiri-pass-1830 +landscape,Post_Impressionism,gregoire-boonzaier_waenhuiskrans +landscape,Romanticism,arnold-bã¶cklin_villa-by-the-sea +landscape,Realism,camille-pissarro_the-tumbledown-cottage-near-osny +landscape,Romanticism,william-holman-hunt_the-dead-sea-from-siloam-1855 +landscape,Impressionism,claude-monet_ile-de-la-grande-jatte-through-the-trees-1878 +landscape,Expressionism,franz-marc_the-unfortunte-land-of-tyrol-1913 +landscape,Realism,isaac-levitan_stormy-day-1897 +landscape,Impressionism,alfred-sisley_the-sevres-bridge-1877-1 +landscape,Post_Impressionism,pyotr-konchalovsky_gurzuf-the-mountains-1929 +landscape,Impressionism,armand-guillaumin_the-haystacks-1895 +landscape,Post_Impressionism,vincent-van-gogh_on-the-outskirts-of-paris-1887 +landscape,Realism,aleksey-savrasov_a-provincial-cottage-spring-1878 +landscape,Cubism,albert-gleizes_landscape-with-chimneys-1913 +landscape,Realism,theodore-rousseau_a-view-of-thiers-in-the-auvergne +landscape,Romanticism,rudolf-von-alt_figures-on-a-bridge-over-a-stream-at-gastein-1888 +landscape,Realism,ivan-shishkin_the-tops-of-the-pines +landscape,Realism,david-burliuk_japanese-village-1921 +landscape,Realism,camille-corot_a-chestnut-wood-among-the-rocks-1835 +landscape,Impressionism,robert-julian-onderdonk_morning-in-the-bluebonnets +landscape,Post_Impressionism,janos-tornyai_wheatland-with-woman-of-shawl-1912 +landscape,Impressionism,camille-pissarro_chaponval-landscape +landscape,Impressionism,claude-monet_breakup-of-ice-lavacourt-grey-weather +landscape,Symbolism,nicholas-roerich_sared-caves-1932 +landscape,Impressionism,william-merritt-chase_a-bit-of-holland-meadows-aka-a-bit-of-green-in-holland +landscape,Post_Impressionism,alexandre-benois_versailles-alley-1906(2) +landscape,Realism,vasily-polenov_the-ruins-of-of-the-palace-in-palestine-1882 +landscape,Impressionism,william-merritt-chase_brooklyn-landscape +landscape,Impressionism,fern-coppedge_normans-woe-gloucester-massachusetts +landscape,Impressionism,hoca-ali-riza_unknown-title(8) +landscape,Impressionism,claude-monet_the-allee-du-champ-de-foire-at-argenteuil +landscape,Impressionism,charles-reiffel_hilly-landscape-with-houses +landscape,Realism,aleksey-savrasov_alley +landscape,Post_Impressionism,vincent-van-gogh_public-park-with-weeping-willow-the-poet-s-garden-i-1888 +landscape,Impressionism,james-mcneill-whistler_green-and-silver-the-bright-sea-dieppe +landscape,Impressionism,auguste-herbin_green-landscape-1901 +landscape,Impressionism,carlos-saenz-de-tejada_basque-landscape +landscape,Impressionism,pierre-auguste-renoir_the-seine-at-asnieres-the-skiff-1879 +landscape,Realism,ivan-shishkin_backwoods-1872 +landscape,Realism,johan-hendrik-weissenbruch_rowing-on-the-river +landscape,Impressionism,claude-monet_belle-ile-rain-effect +landscape,Impressionism,t.-c.-steele_mysterious-1895 +landscape,Impressionism,claude-monet_vetheuil-at-sunset +landscape,Post_Impressionism,pierre-daura_white-houses-1935 +landscape,Impressionism,guy-rose_lifting-fog-laguna +landscape,Post_Impressionism,vincent-van-gogh_landscape-under-a-stormy-sky-1888 +landscape,Impressionism,claude-monet_meadow-with-poplars +landscape,Romanticism,ivan-aivazovsky_moonlit-view-of-the-bosphorus-1884 +landscape,Art_Nouveau_Modern,lawren-harris_afternoon-sun-lake-superior-1924 +landscape,Impressionism,alfred-sisley_route-to-versailles-1875 +landscape,Pointillism,henri-edmond-cross_landscape-the-little-maresque-mountains-1898 +landscape,Impressionism,claude-monet_the-ally-point-low-tide +landscape,Art_Nouveau_Modern,anna-ostroumova-lebedeva_the-valley-of-the-river-slavyanka-1923 +landscape,Impressionism,pierre-auguste-renoir_landscape-1902 +landscape,Realism,gustave-courbet_the-approaching-storm +landscape,Impressionism,john-henry-twachtman_my-house +landscape,Impressionism,willard-metcalf_mountain-view-from-high-field +landscape,Cubism,jean-metzinger_village-church-and-two-characters-1913 +landscape,Realism,aleksey-savrasov_winter-1873 +landscape,Impressionism,william-merritt-chase_swollen-stream-at-shinnecock +landscape,Impressionism,ion-theodorescu-sion_palermo +landscape,Realism,vasily-polenov_manor-of-v-d-polenov-1910 +landscape,Impressionism,claude-monet_poplars-at-giverny +landscape,Symbolism,nicholas-roerich_landscape-2 +landscape,Realism,ivan-shishkin_misty-morning-1897 +landscape,Impressionism,john-henry-twachtman_trees-across-the-river +landscape,Expressionism,henri-matisse_montalban-landscape-1918 +landscape,Realism,aleksey-savrasov_courtyard-winter +landscape,Post_Impressionism,maurice-prendergast_figures-on-the-beach-1 +landscape,Naive_Art_Primitivism,tarsila-do-amaral_the-moon-1928 +landscape,Post_Impressionism,karl-schrag_apple-tree-late-summer +landscape,Impressionism,robert-julian-onderdonk_landscape-2 +landscape,Realism,pyotr-konchalovsky_study-1951 +landscape,Pop_Art,patrick-procktor_corfu-1989 +landscape,Impressionism,marianne-north_a-bush-fire-at-sunset-queensland-1880 +landscape,Impressionism,gregoire-boonzaier_a-large-oak-tree-in-front-of-houses-1985 +landscape,Expressionism,balthus_large-landscape-with-a-tree-1957 +landscape,Realism,aleksey-savrasov_landscape-with-oak-trees-and-shepherd +landscape,Impressionism,claude-monet_sunset +landscape,Cubism,franz-marc_tyrol-1914 +landscape,Realism,pyotr-konchalovsky_shosse-in-winter-1933 +landscape,Impressionism,arkhip-kuindzhi_sunflowers-crimea +landscape,Ukiyo_e,hiroshige_sakanoshita-the-throwing-away-the-brush-peak +landscape,Impressionism,ilya-mashkov_view-of-the-resort-red-dawns +landscape,Symbolism,nicholas-roerich_path-to-kailas-1931 +landscape,Post_Impressionism,paul-cezanne_mountains-in-provence-1890 +landscape,Impressionism,claude-monet_cliff-at-pourville +landscape,Art_Nouveau_Modern,a.y.-jackson_nellie-lake-1933 +landscape,Realism,mikhail-lebedev_evening-in-albano-near-rome-1836 +landscape,Impressionism,eugene-boudin_the-village-and-the-port-on-the-river +landscape,Realism,giovanni-boldini_after-hurricane +landscape,Post_Impressionism,henri-catargi_provensal-landscape-1938 +landscape,Impressionism,claude-monet_the-japanese-bridge-the-bridge-over-the-water-lily-pond-1 +landscape,Realism,ivan-shishkin_forest-landscape-1872 +landscape,Symbolism,konstantin-bogaevsky_stary-krym-1902 +landscape,Impressionism,t.-c.-steele_the-creek-1888 +landscape,Romanticism,ivan-aivazovsky_sunrise-in-feodosia-1852 +landscape,Impressionism,camille-pissarro_orchard-in-blossom-louveciennes-1872 +landscape,Expressionism,paula-modersohn-becker_sand-pit-1900 +landscape,Realism,isaac-levitan_golden-autumn-village-1889 +landscape,Post_Impressionism,paul-cezanne_landscape +landscape,Post_Impressionism,vincent-van-gogh_mulberry-tree-1889 +landscape,Realism,isaac-levitan_on-peaks-of-yaila-1886 +landscape,Impressionism,pierre-auguste-renoir_view-of-brittany +landscape,Impressionism,winston-churchill_the-pont-du-gard(1) +landscape,Impressionism,willard-metcalf_mountain-lakes-olden-norwas +landscape,Romanticism,thomas-moran_an-arizona-sunset-near-the-grand-canyon-1898 +landscape,Cubism,joan-miro_the-farm-1922 +landscape,Symbolism,mikalojus-ciurlionis_sunset-1904 +landscape,Romanticism,caspar-david-friedrich_hills-and-ploughed-fields-near-dresden +landscape,Art_Nouveau_Modern,nicholas-roerich_ferns +landscape,Impressionism,claude-monet_lilacs-grey-weather +landscape,Realism,theodore-rousseau_the-valley-of-saint-vincent-1830 +landscape,Baroque,aelbert-cuyp_panoramic-landscape-with-shepherds-sheep-and-a-town-in-the-distance-1644 +landscape,Impressionism,guy-rose_point-lobos-trees-1919 +landscape,Contemporary_Realism,lucian-freud_garden-notting-hill-gate +landscape,Romanticism,ivan-aivazovsky_surf-1888 +landscape,Impressionism,willard-metcalf_nut-gathering +landscape,Realism,viktor-vasnetsov_edge-of-the-spruce-forest-1881 +landscape,Impressionism,william-james-glackens_new-castle-new-hampshire-1909 +landscape,Fauvism,andre-derain_the-port-of-collioure-1905 +landscape,Realism,fyodor-vasilyev_on-valaam-rocks +landscape,Impressionism,philip-wilson-steer_on-the-river-blackwater-maldon +landscape,Impressionism,ivan-albright_jackson-hole-wyoming-1973 +landscape,Contemporary_Realism,jamie-wyeth_warm-halloween-1989(1) +landscape,Romanticism,ivan-aivazovsky_chapel-on-seashore-1847 +landscape,Symbolism,nicholas-roerich_himalayas-1 +landscape,Realism,fyodor-vasilyev_road-through-a-birchwood-1869 +landscape,Post_Impressionism,gustave-loiseau_cliffs-at-yport +landscape,Impressionism,john-henry-twachtman_abandoned-mill-1 +landscape,Symbolism,felix-vallotton_the-lake-lema-effect-of-the-evening-1900 +landscape,Realism,camille-corot_pastorale-1873 +landscape,Symbolism,nicholas-roerich_eclipse-1939 +landscape,Impressionism,abdullah-suriosubroto_indonesian-landscape-3 +landscape,Impressionism,homer-watson_rushing-stream-by-moonlight-1905 +landscape,Impressionism,arkhip-kuindzhi_snowy-mountain-peaks-caucasus +landscape,Post_Impressionism,david-burliuk_walking-by-countryside-1944 +landscape,Impressionism,claude-monet_mount-kolsaas-norway +landscape,Realism,charles-francois-daubigny_ferry-at-glouton-1859 +landscape,Romanticism,john-william-waterhouse_flower-sketch-for-the-enchanted-garden-1916 +landscape,Realism,valentin-serov_winter-in-abramtsevo-1886 +landscape,Impressionism,eugene-boudin_antibes-1 +landscape,Realism,valentin-serov_the-overgrown-pond-domotcanovo-1888 +landscape,Post_Impressionism,henri-le-fauconnier_village-forestier-grosrouvre-1943 +landscape,Realism,ivan-shishkin_forest-stream-evening-1871 +landscape,Realism,fyodor-vasilyev_rapid-stream +landscape,Realism,aleksey-savrasov_spring-1874 +landscape,New_Realism,edward-hopper_lighthouse-and-buildings-portland-head-cape-elizabeth-maine-1927 +landscape,Expressionism,anita-malfatti_a-onda-1917 +landscape,Impressionism,samuel-mutzner_cartierul-t-t-r-sc-din-balcic +landscape,Symbolism,nicholas-roerich_himalayas-1945-1 +landscape,Realism,ivan-shishkin_bank-of-the-stream-1885 +landscape,Impressionism,zinaida-serebriakova_orchard-in-bloom-neskuchnoye-1908 +landscape,Realism,theodore-rousseau_forest-landscape-sun +landscape,Pointillism,jean-metzinger_paysage-aux-deux-cypr-s-1905 +landscape,Realism,aleksey-savrasov_early-spring-3 +landscape,Naive_Art_Primitivism,raoul-dufy_landscape-with-red-and-yellow +landscape,Romanticism,ivan-aivazovsky_tower-shipwreck-1847 +landscape,Post_Impressionism,maxime-maufra_harvesting-of-goemon-1891 +landscape,Impressionism,max-slevogt_the-nile-at-aswan +landscape,Impressionism,maurice-prendergast_the-pretty-ships-also-known-as-as-the-ships-go-by +landscape,Post_Impressionism,maxime-maufra_beg-meil-at-dusk-1904 +landscape,Post_Impressionism,vincent-van-gogh_chestnut-tree-in-blossom-1890(1) +landscape,Impressionism,claude-monet_vetheuil-paysage +landscape,Realism,ivan-shishkin_near-the-monastery-1876 +landscape,Romanticism,thomas-cole_kaaterskill-falls-1826 +landscape,Realism,david-burliuk_still-life-with-industry-1932(1) +landscape,Impressionism,joaquã­n-sorolla_orange-trees-on-the-road-to-seville-1903 +landscape,Impressionism,claude-monet_morning-on-the-seine +landscape,Impressionism,joaquã­n-sorolla_granada +landscape,Cubism,pyotr-konchalovsky_the-boy-in-the-park-1921 +landscape,Impressionism,winston-churchill_valley-in-southern-france +landscape,Realism,konstantin-bogaevsky_old-trunk +landscape,Symbolism,nicholas-roerich_gundlach-residence-of-thakur-1932 +landscape,Realism,constant-troyon_a-view-towards-the-seine-from-suresnes +landscape,Impressionism,stefan-popescu_beginning-of-autumn +landscape,Symbolism,nicholas-roerich_himalayas-1947 +landscape,Realism,efim-volkov_moonlit-night-in-the-wood +landscape,Realism,isaac-levitan_seashore-in-crimea-1886 +landscape,Realism,ivan-shishkin_in-siverskaya-1896 +landscape,Romanticism,thomas-cole_the-departure-1838 +landscape,Impressionism,winston-churchill_woodland-scene-near-mimizan +landscape,Cubism,paul-cezanne_mont-sainte-victoire-seen-from-les-lauves +landscape,Impressionism,joaquã­n-sorolla_calle-de-st-vicente-mallorca-1902 +landscape,Expressionism,martiros-saryan_july-1937 +landscape,Impressionism,henri-matisse_open-window-at-collioure-1905 +landscape,Romanticism,ivan-aivazovsky_surf-near-coast-of-crimea-1880 +landscape,Fauvism,jean-metzinger_le-chemin-a-travers-les-champs-1904 +landscape,Contemporary_Realism,jamie-wyeth_island-library-1977 +landscape,Post_Impressionism,pyotr-konchalovsky_crimea-peach-garden-1952 +landscape,Realism,vasily-vereshchagin_himalayas-in-the-evening-1875 +landscape,Romanticism,ivan-aivazovsky_ships-at-anchor-1851 +landscape,Symbolism,nicholas-roerich_himalayas-20 +landscape,Post_Impressionism,pyotr-konchalovsky_fruit-trees-1922 +landscape,Impressionism,berthe-morisot_landscape-near-valenciennes +landscape,Romanticism,john-constable_view-towards-the-rectory-from-east-bergholt-house-1813 +landscape,Post_Impressionism,maxime-maufra_the-bay-of-in-concarneau-1911 +landscape,Post_Impressionism,ferdinand-hodler_lake-thun-1884 +landscape,Realism,theodore-rousseau_village-under-the-trees +landscape,Impressionism,armand-guillaumin_la-creuse-sous-la-neige-1890 +landscape,Symbolism,nicholas-roerich_monhigan-dreaminess-1922 +landscape,Expressionism,egon-schiele_sunflowers-1911-1 +landscape,Impressionism,henri-edmond-cross_landscape-1 +landscape,Romanticism,cornelis-springer_a-country-road +landscape,Expressionism,zinaida-serebriakova_the-bridge-at-gatchina-karpin-pond-1923 +landscape,Realism,ivan-shishkin_wood-shmetsk-near-narva-1888 +landscape,Realism,theodore-rousseau_not_detected_198949 +landscape,Ukiyo_e,katsushika-hokusai_waterfall-yoshino-in-yamato-province-where-yoshitne-washed-his-horse +landscape,Post_Impressionism,paul-gauguin_haystacks-in-brittany-1890 +landscape,Realism,fyodor-vasilyev_autumn-forest-1873 +landscape,Romanticism,thomas-cole_home-in-the-woods-1847 +landscape,Symbolism,konstantin-bogaevsky_seashore-1907 +landscape,Impressionism,william-james-glackens_connecticut-landscape +landscape,Impressionism,eugene-boudin_the-mill-saint-cenery +landscape,Impressionism,eugene-boudin_trouville-the-inner-port-low-tide-1881 +landscape,Symbolism,nicholas-roerich_himalayas-7 +landscape,Post_Impressionism,david-burliuk_rural-landscape-with-figures +landscape,Expressionism,william-h.-johnson_harbor-under-the-midnight-sun-1937(1) +landscape,Expressionism,ion-tuculescu_moods-of-the-field +landscape,Impressionism,alfred-sisley_edge-of-fountainbleau-forest-june-morning-1885 +landscape,Post_Impressionism,augustus-john_woman-in-a-landscape-1912 +landscape,Realism,volodymyr-orlovsky_a-hot-afternoon-in-the-southern-estate-1868 +landscape,Fauvism,janos-mattis-teutsch_a-landscape-of-brasov-1915 +landscape,Contemporary_Realism,neil-welliver_maine-woodland-png-1970 +landscape,Realism,pyotr-konchalovsky_apple-trees-in-blossom-blue-day-1939 +landscape,Impressionism,pierre-auguste-renoir_landscape-with-orchard-1910 +landscape,Impressionism,edgar-degas_village-street +landscape,Realism,camille-corot_the-church-at-lormes +landscape,Fauvism,ion-pacea_2-mai-beach +landscape,Art_Nouveau_Modern,wilhelm-kotarbinski_mystery +landscape,Impressionism,eugene-boudin_the-shore-at-tourgeville-1893 +landscape,Post_Impressionism,henri-edmond-cross_barges +landscape,Impressionism,alfred-sisley_the-loing-at-moret-1886 +landscape,Impressionism,arkhip-kuindzhi_birches-1879 +landscape,Realism,ivan-shishkin_old-lime-1894 +landscape,Impressionism,auguste-rodin_belgian-landscape +landscape,Post_Impressionism,vincent-van-gogh_wheatfield-with-cypress-tree-1889 +landscape,Realism,ilya-repin_landscape-of-the-volga-with-boats-1870 +landscape,Impressionism,claude-monet_cliffs-at-pourville-morning +landscape,Realism,isaac-levitan_at-volga-1888 +landscape,Realism,volodymyr-orlovsky_view-of-alupka-palace +landscape,Impressionism,claude-monet_path-through-the-forest-snow-effect +landscape,Realism,ivan-shishkin_polesye-1883 +landscape,Impressionism,alfred-sisley_the-mouth-of-the-loing-at-saint-mammes-1885 +landscape,Symbolism,kimon-loghi_summer +landscape,Impressionism,childe-hassam_shoveling-snow-new-england +landscape,Post_Impressionism,andre-derain_the-road-1932 +landscape,Realism,isaac-levitan_in-the-park-1895-1 +landscape,Realism,johan-hendrik-weissenbruch_horseman-on-path-near-noorden +landscape,Northern_Renaissance,albrecht-altdorfer_the-large-spruce-1522 +landscape,Realism,camille-corot_ecouen-corner-of-the-village +landscape,Realism,ivan-shishkin_stones-1859 +landscape,Northern_Renaissance,albrecht-durer_tilo-on-the-cantilever-of-a-bastion +landscape,Romanticism,john-atkinson-grimshaw_under-the-moonbeams +landscape,Post_Impressionism,karl-schrag_dark-trees-at-noon +landscape,Impressionism,joaquã­n-sorolla_seashore-1906 +landscape,Impressionism,john-henry-twachtman_horseneck-falls +landscape,Expressionism,richard-gerstl_lake-traunsee-with-the-schlafende-griechin-mountain(1) +landscape,Impressionism,alfred-sisley_the-loing-at-saint-mammes-1884-1 +landscape,Realism,charles-francois-daubigny_apple-trees-in-blossom-1862 +landscape,Realism,boris-kustodiev_berendeevka-1919 +landscape,Impressionism,joaquã­n-sorolla_covachuelas-toledo-1906 +landscape,Impressionism,t.-c.-steele_creek-in-winter-1899 +landscape,Romanticism,ivan-aivazovsky_near-coast-of-yalta-1864 +landscape,Post_Impressionism,paul-gauguin_stabble-near-dieppe-1886 +landscape,Symbolism,koloman-moser_landscape-in-semmering-1913 +landscape,Impressionism,claude-monet_the-seine-at-argenteuil-1875 +landscape,Pointillism,henri-edmond-cross_a-garden-in-provence-1901 +landscape,Symbolism,nicholas-roerich_chatu-gompa-1940 +landscape,Impressionism,t.-c.-steele_clam-diggers-1902 +landscape,Post_Impressionism,edouard-vuillard_breton-house +landscape,Impressionism,camille-pissarro_a-part-of-jallais-pontoise-1875 +landscape,Impressionism,armand-guillaumin_landscape-1870 +landscape,High_Renaissance,leonardo-da-vinci_storm-over-a-landscape +landscape,Realism,m.c.-escher_ravello-and-the-coast-of-amalfi +landscape,Impressionism,robert-julian-onderdonk_fields-of-bluebonnets-1920 +landscape,Impressionism,hoca-ali-riza_peyzaj(3) +landscape,New_Realism,edward-hopper_railroad-sunset +landscape,Symbolism,nicholas-roerich_monastery-tsang-tibet-1936 +landscape,Baroque,isaac-van-ostade_a-frozen-lake +landscape,Realism,charles-francois-daubigny_snowy-landscape-at-sunset-1873 +landscape,Realism,aleksey-savrasov_night-on-the-sparrow-hills-1881 +landscape,Baroque,esaias-van-de-velde_arcadian-landscape +landscape,Symbolism,zinaida-serebriakova_mountain-landscape-switzerland-1914 +landscape,Symbolism,felix-vallotton_autumn-crocuses-1900 +landscape,Expressionism,jack-bush_the-wet-road +landscape,Impressionism,arkhip-kuindzhi_sea-coast-crimea +landscape,Impressionism,eugene-boudin_camaret-low-tide-1873 +landscape,Expressionism,henri-matisse_the-palm-1912 +landscape,Romanticism,thomas-cole_falls-at-catskill-1829 +landscape,Symbolism,konstantin-bogaevsky_stary-krym-1903 +landscape,Impressionism,nikolay-bogdanov-belsky_balinovo-landscape +landscape,Impressionism,pierre-auguste-renoir_path-through-the-high-grass +landscape,Art_Nouveau_Modern,franklin-carmichael_autumn-hillside-1920 +landscape,Impressionism,arkhip-kuindzhi_night +landscape,Fauvism,louis-valtat_in-the-garden-versailles +landscape,Impressionism,alfred-sisley_banks-of-the-orvanne-1890 +landscape,Realism,isaac-levitan_road-1898 +landscape,Impressionism,thomas-kinkade_portofino-2003 +landscape,Impressionism,pierre-auguste-renoir_road-near-cagnes-1905 +landscape,Impressionism,claude-monet_argenteuil-yachts-02(1) +landscape,Symbolism,nicholas-roerich_stones-and-rocks-1919-1 +landscape,Impressionism,joaquã­n-sorolla_the-yellow-tree-la-granja-1906 +landscape,Impressionism,lovis-corinth_ice-skating-rink-in-the-tiergarten-berlin-1909 +landscape,Post_Impressionism,nicolae-darascu_shepherd-and-sheep-at-vlaici-1912 +landscape,Impressionism,winston-churchill_vesuvius-from-pompeii +landscape,Impressionism,alfred-sisley_canal-at-saint-mammes-1886 +landscape,Realism,camille-corot_woman-picking-flowers-in-a-pasture +landscape,Realism,boris-kustodiev_landscape-in-the-kostroma-region-1914 +landscape,Impressionism,alfred-sisley_autumn-landscape-louveciennnes +landscape,Realism,vincent-van-gogh_farmhouse-1883(1) +landscape,Impressionism,francis-picabia_the-point-of-the-port-of-saint-tropez +landscape,Impressionism,john-henry-twachtman_autumn-mists +landscape,Post_Impressionism,henri-catargi_romanian-landscape-1941 +landscape,Post_Impressionism,vincent-van-gogh_the-walk-falling-leaves-1889 +landscape,Post_Impressionism,david-burliuk_at-the-riverside +landscape,Realism,ivan-shishkin_mixed-forest-shmetsk-near-narva-1888 +landscape,Impressionism,alfred-sisley_the-boatyard-at-saint-mammes-1886 +landscape,Post_Impressionism,gustave-loiseau_a-cove-at-sevignies-1906 +landscape,Expressionism,martiros-saryan_gohtan-tanakert-1914 +landscape,Impressionism,william-merritt-chase_good-friends +landscape,Baroque,rembrandt_cottage-with-wooden-fence-amid-trees +landscape,Impressionism,robert-julian-onderdonk_bluebonnets-late-afternoon-north-of-san-antonio-1920 +landscape,Symbolism,mikalojus-ciurlionis_serenity-1904 +landscape,Expressionism,albert-bloch_gulls-1941 +landscape,Post_Impressionism,paul-gauguin_washerwomen-at-pont-aven-1886 +landscape,Realism,konstantinos-volanakis_seashore-of-poros +landscape,Impressionism,nikolay-bogdanov-belsky_landscape +landscape,Cubism,lasar-segall_brazilian-landscape-1925 +landscape,Cubism,auguste-herbin_the-yellow-bridge-at-ceret-1913 +landscape,Cubism,paul-cezanne_mont-sainte-victoire-4 +landscape,Impressionism,claude-monet_arm-of-the-seine-near-vetheuil(1) +landscape,Post_Impressionism,david-burliuk_japanese-bay-1921 +landscape,Romanticism,caspar-david-friedrich_megalithic-grave +landscape,Post_Impressionism,gustave-loiseau_the-garden-behind-the-house-1915 +landscape,Romanticism,john-constable_cenotaph-to-the-memory-of-sir-joshua-reynolds-1 +landscape,Romanticism,karl-bryullov_ruins-in-park +landscape,Impressionism,pierre-auguste-renoir_lime-tree-and-farmhouse +landscape,Impressionism,john-singer-sargent_coming-down-from-mont-blanc +landscape,Impressionism,frits-thaulow_the-priest +landscape,Ukiyo_e,katsushika-hokusai_climbing-on-mt-fuji +landscape,Post_Impressionism,gustave-loiseau_oise-at-pontoise-1900 +landscape,Post_Impressionism,gustave-loiseau_by-the-eure-river-fog-effect-1906 +landscape,Symbolism,nicholas-roerich_rond-rocks-1911-1 +landscape,Post_Impressionism,istvan-nagy_hill-landscape +landscape,Symbolism,koloman-moser_the-abersee-1913 +landscape,Impressionism,claude-monet_the-banks-of-the-seine-at-the-argenteuil-bridge +landscape,Post_Impressionism,pyotr-konchalovsky_evening-1923 +landscape,Fauvism,henri-matisse_open-window-collioure-1905 +landscape,Realism,gustave-courbet_valley-of-ornans-1858 +landscape,Impressionism,claude-monet_meadow-at-bezons +landscape,Romanticism,ferdinand-georg-waldmã¼ller_mountain-landscape-with-vineyard-1862 +landscape,Post_Impressionism,gustave-loiseau_the-red-painted-house +landscape,Impressionism,alfred-sisley_the-road-to-louveciennes-montbuisson +landscape,Post_Impressionism,albert-marquet_parisian-suburb-1897 +landscape,Impressionism,maxime-maufra_flooded-meadows +landscape,Contemporary_Realism,john-miller_estuary-iii +landscape,Impressionism,claude-monet_the-japanis-bridge-footbridge-over-the-water-lily-pond +landscape,Realism,ivan-shishkin_after-a-storm-in-mary-howe-1891 +landscape,Impressionism,camille-pissarro_outskirts-of-louveciennes-1871 +landscape,Post_Impressionism,david-burliuk_bradenton-beach-florida-1953 +landscape,Impressionism,camille-pissarro_poplars-afternoon-in-eragny-1899 +landscape,Impressionism,pierre-auguste-renoir_children-on-the-beach-at-guernsey +landscape,Realism,ivan-shishkin_landscape-with-bridge +landscape,Realism,pyotr-konchalovsky_rainy-day-1923 +landscape,Impressionism,claude-monet_the-frost +landscape,Post_Impressionism,vincent-van-gogh_the-roubine-du-roi-canal-with-washerwomen-1888 +landscape,Romanticism,jean-leon-gerome_jerusalem-1867 +landscape,Realism,constant-troyon_beach-at-trouville +landscape,Ukiyo_e,hiroshige_first-cuckoo-of-the-year-at-tsukudajima +landscape,Realism,pyotr-konchalovsky_spring-landscape-with-train-1931 +landscape,Romanticism,vasily-polenov_fire-in-dry-cobra-1870 +landscape,Realism,gustave-courbet_landscape-1868 +landscape,Impressionism,alfred-sisley_the-canal-saint-martin-1872 +landscape,Post_Impressionism,jacoba-van-heemskerck_twee-bomen-olieverf-op-doek-1910 +landscape,Realism,ivan-shishkin_pine-forest-in-viatka-province-1872 +landscape,Realism,isaac-levitan_alps-snow-1897 +landscape,Impressionism,henri-edmond-cross_the-bay-of-cavalieri +landscape,Realism,camille-corot_the-tibre-river-hemmed-in-by-the-collines +landscape,Post_Impressionism,paul-gauguin_farm-in-brittany-1886 +landscape,Realism,boris-kustodiev_konkol-finland-1917 +landscape,Realism,camille-pissarro_farmyard +landscape,Post_Impressionism,henri-martin_garden-at-labastide-du-vert +landscape,Realism,ivan-shishkin_pine-forest-1866 +landscape,Impressionism,robert-julian-onderdonk_morning-on-the-pond +landscape,Realism,isaac-levitan_widely +landscape,Post_Impressionism,jean-hugo_l-ermite-de-meudon-1933 +landscape,Ukiyo_e,hiroshige_shrines-in-snowy-mountains +landscape,Post_Impressionism,augustus-john_port-de-bouc-1910 +landscape,Cubism,roger-bissiã¨re_paysage-1931 +landscape,Romanticism,thomas-cole_moonlight-1834 +landscape,Pop_Art,hiro-yamagata_a-path-through-the-forest +landscape,Ukiyo_e,katsushika-hokusai_mishima-pass-in-kai-province +landscape,Symbolism,nicholas-roerich_tibet-1943-1 +landscape,Symbolism,nicholas-roerich_castle-1906 +landscape,Realism,camille-corot_roman-countryside +landscape,Realism,ivan-shishkin_the-sestroretsk-bor-1896 +landscape,Impressionism,paul-gauguin_boy-by-the-water-1885 +landscape,Impressionism,john-henry-twachtman_wildflowers-1 +landscape,Realism,ivan-shishkin_edge-of-the-forest-2 +landscape,Symbolism,nicholas-roerich_sacred-himalayas-1933 +landscape,Realism,ivan-shishkin_flowers-in-the-forest-1877 +landscape,Romanticism,taras-shevchenko_moonlit-night-in-mountains-1857 +landscape,Impressionism,claude-monet_landscape-at-port-villez-1 +landscape,Contemporary_Realism,neil-welliver_flotsam-allagash +landscape,Post_Impressionism,kimon-loghi_birch-trees +landscape,Rococo,bernardo-bellotto_the-ruins-of-thebes-on-the-river-march-1758 +landscape,Post_Impressionism,vincent-van-gogh_landscape-in-the-rain-1890 +landscape,Impressionism,childe-hassam_northeast-headlands-appledore +landscape,Realism,charles-francois-daubigny_landscape-near-villerville-1873 +landscape,Realism,homer-watson_landscape-with-horse-and-rider +landscape,Romanticism,victor-meirelles_estudo-para-panorama-do-rio-de-janeiro-1885 +landscape,Contemporary_Realism,john-miller_moonoverthebay +landscape,Romanticism,john-constable_flatford-mill-1817 +landscape,Realism,boris-kustodiev_summer-a-trip-to-the-terem-1918 +landscape,Impressionism,alfred-sisley_drying-nets-1872 +landscape,Symbolism,martiros-saryan_ararat-1958-1 +landscape,Baroque,anthony-van-dyck_avenue-in-the-country +landscape,Symbolism,nicholas-roerich_flowers-of-timur-the-lights-of-victory-1933 +landscape,Realism,camille-corot_lake-nemi-seen-through-trees-1843 +landscape,Art_Nouveau_Modern,a.y.-jackson_frozen-lake-early-spring-algonquin-park-1914 +landscape,Impressionism,georges-seurat_alley-in-the-forest-barbizon-1883 +landscape,Symbolism,mikalojus-ciurlionis_the-past-1907 +landscape,Baroque,esaias-van-de-velde_path-along-a-river-with-building-on-stilts +landscape,Post_Impressionism,lawren-harris_woods-algoma-1918 +landscape,Realism,ivan-shishkin_pine-forest-1889-1 +landscape,Impressionism,winston-churchill_view-of-chartwell +landscape,Impressionism,edgar-degas_landscape-with-hills-1890 +landscape,Impressionism,eugene-boudin_the-somme-at-saint-valery-sur-somme-1890 +landscape,Realism,maxime-lalanne_ch-teau-de-mauvesin-pr-s-bagn-res-de-bigorre +landscape,Impressionism,pierre-auguste-renoir_clearing +landscape,Impressionism,pierre-auguste-renoir_landscape-1913 +landscape,Impressionism,samuel-mutzner_peisaj-cu-turm-de-oi-1940 +landscape,Realism,isaac-levitan_silence-1898 +landscape,Expressionism,chaim-soutine_landscape-of-the-south-of-france +landscape,Baroque,paul-bril_a-forest-pool-1600 +landscape,Post_Impressionism,nicolae-tonitza_winter-landscape-1927 +landscape,Impressionism,alfred-sisley_saint-mammes-house-on-the-canal-du-loing-1885 +landscape,Realism,vasily-polenov_an-olive-tree-in-the-garden-of-gethsemane-1882 +landscape,Symbolism,nicholas-roerich_st-sergius-hermitage +landscape,Post_Impressionism,lajos-tihanyi_hills-in-buda-1916 +landscape,Post_Impressionism,vincent-van-gogh_the-garden-with-sunflower-1887 +landscape,Impressionism,laszlo-mednyanszky_melting-of-snow-1912 +landscape,Romanticism,ivan-aivazovsky_view-of-crimea-at-sunset-1862 +landscape,Expressionism,ernst-ludwig-kirchner_at-the-forest-edge-1936 +landscape,Romanticism,thomas-cole_l-allegro-italian-sunset-1845 +landscape,Realism,konstantin-vasilyev_fern +landscape,Pointillism,henri-edmond-cross_sunset +landscape,Post_Impressionism,vincent-van-gogh_trunks-of-trees-with-ivy-1889 +landscape,Symbolism,franz-stuck_autumn-evening +landscape,Pointillism,theo-van-rysselberghe_the-beach-at-ambleteuse-at-low-tide-1900 +landscape,Expressionism,wassily-kandinsky_blue-rider-1903 +landscape,New_Realism,edward-hopper_the-cat-boat +landscape,Realism,camille-corot_the-piper-at-lake-albano +landscape,Post_Impressionism,maxime-maufra_fishing-for-sprats-in-winter-at-douarnenez-1905 +landscape,Realism,aleksey-savrasov_marshy-river-1875 +landscape,Impressionism,claude-monet_the-coast-at-sainte-adresse +landscape,Cubism,marc-chagall_russian-village-under-the-moon-1911 +landscape,Post_Impressionism,maxime-maufra_beg-miel-bay-of-cocarneau-1900 +landscape,Realism,ivan-shishkin_forest-cemetery-1893 +landscape,Northern_Renaissance,joachim-patinir_charon +landscape,Post_Impressionism,albert-marquet_the-port-of-algiers-with-haze-1943 +landscape,Post_Impressionism,paul-cezanne_the-gulf-of-marseille-seen-from-l-estaque-1 +landscape,Realism,eugene-boudin_the-saint-simeon-farm-1860 +landscape,Impressionism,pierre-auguste-renoir_mediteranean-landscape +landscape,Contemporary_Realism,john-miller_goan-beach +landscape,Symbolism,nicholas-roerich_tsagaan-kure-inner-mongolia-1936 +landscape,Impressionism,guy-rose_tamarisk-trees-in-early-sunlight +landscape,Impressionism,paul-gauguin_stream-in-osny-1883 +landscape,Impressionism,armand-guillaumin_dans-le-midi-1910 +landscape,Symbolism,nicholas-roerich_brahmaputra-1946-1 +landscape,Symbolism,nicholas-roerich_brahmaputra-1932 +landscape,Expressionism,ligia-macovei_landscape-with-boat-1940 +landscape,Realism,volodymyr-orlovsky_midday +landscape,Realism,johan-hendrik-weissenbruch_beach-view-1891 +landscape,Impressionism,winston-churchill_view-at-mimizan +landscape,Impressionism,claude-monet_vetheuil-5 +landscape,Symbolism,j.-e.-h.-macdonald_dark-autumn-rocky-mountains-1930 +landscape,Expressionism,martiros-saryan_settlement-1932 +landscape,Romanticism,thomas-cole_italian-scene-composition-1833 +landscape,Fauvism,ilya-mashkov_landscape-with-towers-1911 +landscape,Post_Impressionism,georges-seurat_landscape-with-sinners-puvis-de-chava-1881 +landscape,Post_Impressionism,maurice-denis_spots-of-sunlight-on-the-terrace +landscape,Realism,aleksey-savrasov_pine-in-marsh-1882 +landscape,Post_Impressionism,salvador-dali_the-station-at-figueras +landscape,Post_Impressionism,vincent-van-gogh_enclosed-field-with-a-sower-in-the-rain-1889-1(1) +landscape,Post_Impressionism,gustave-loiseau_snow-rifts-near-the-seine +landscape,Impressionism,adam-baltatu_summer-landscape-2 +landscape,Expressionism,m.c.-escher_not_detected_204660 +landscape,Impressionism,adam-baltatu_after-rain +landscape,Romanticism,lev-lagorio_mist-in-the-mountains-caucasus-1878 +landscape,Impressionism,alfred-sisley_bridge-at-serves +landscape,Post_Impressionism,vincent-van-gogh_vegetable-gardens-in-montmartre-1887-1 +landscape,Impressionism,paul-gauguin_near-rouen-1884 +landscape,Symbolism,nicholas-roerich_view-of-the-himalayan-foothills +landscape,Impressionism,zinaida-serebriakova_neskuchnoye-plowing-1908 +landscape,Romanticism,william-holman-hunt_the-sphinx-at-gizeh-1854 +landscape,Fauvism,janos-mattis-teutsch_landscape-1916 +landscape,Impressionism,john-henry-twachtman_paradise-rocks-newport +landscape,Impressionism,eugene-boudin_caudebec-en-caux-banks-of-the-seine-1892 +landscape,Art_Nouveau_Modern,nicholas-roerich_northern-landscape-with-fortress +landscape,Symbolism,nicholas-roerich_young-moon +landscape,Impressionism,claude-monet_the-road-in-front-of-saint-simeon-farm-in-winter +landscape,Impressionism,john-singer-sargent_sand-beach-schooner-head-maine-1921 +landscape,Impressionism,armand-guillaumin_crozant-les-monts-sedelle-matin-1895 +landscape,Post_Impressionism,gustave-loiseau_beynac-quay-at-bordeaux +landscape,Impressionism,maxime-maufra_by-the-sea-1904 +landscape,Symbolism,nicholas-roerich_novgorod-cemetery-northern-rus-1943 +landscape,Expressionism,martiros-saryan_oasis-in-the-desert-1911 +landscape,Realism,vasily-surikov_snowy-mountains-1897 +landscape,Symbolism,edvard-munch_moonlight-on-the-shore-1892 +landscape,Impressionism,claude-monet_the-old-tree-at-the-confluence +landscape,Ukiyo_e,hiroshige_evening-view-of-a-temple-in-the-hills +landscape,Realism,charles-francois-daubigny_wasteland +landscape,Impressionism,frits-thaulow_the-old-church-by-the-river +landscape,Realism,aleksey-savrasov_view-of-moscow-from-sparrow-hills +landscape,Post_Impressionism,gustave-loiseau_the-rocks-of-saint-lunaire-1904 +landscape,Ukiyo_e,katsushika-hokusai_ushibori-in-the-hitachi-province +landscape,Art_Nouveau_Modern,nicholas-roerich_untitled-1908 +landscape,Impressionism,camille-pissarro_eragny-1890 +landscape,Impressionism,robert-julian-onderdonk_through-the-hills-in-sw-texas-1911 +landscape,Realism,isaac-levitan_by-the-riverside-1 +landscape,Realism,theodor-aman_landscape-with-river-and-trees +landscape,Post_Impressionism,paul-cezanne_view-of-l-estaque-1883 +landscape,Impressionism,pierre-auguste-renoir_cagnes-landscape-1908 +landscape,Realism,pavel-filonov_landscape-wind-1907 +landscape,Impressionism,claude-monet_mount-kolsaas +landscape,Pointillism,theo-van-rysselberghe_view-of-the-river-scheldt-1893 +landscape,Romanticism,caspar-david-friedrich_passage-grave-in-the-snow +landscape,Impressionism,gustave-caillebotte_square-in-argenteuil +landscape,Impressionism,claude-monet_the-valley-of-sasso-sunshine +landscape,Ukiyo_e,utagawa-kunisada_snowy-landscape-with-a-woman-brandishing-a-broom-and-a-man-holding-an-umbrella +landscape,Impressionism,pierre-auguste-renoir_windmill +landscape,Romanticism,caspar-david-friedrich_the-summer +landscape,Impressionism,claude-monet_argenteuil(1) +landscape,Romanticism,thomas-cole_cabin-in-the-woods-north-conway-new-hampshire +landscape,Cubism,joan-miro_mont-roig-vineyards-and-olive-tree +landscape,Romanticism,lev-lagorio_in-the-caucasus-1874 +landscape,Impressionism,pierre-auguste-renoir_landscape-near-cagnes-1910 +landscape,Post_Impressionism,vincent-van-gogh_two-thistles-1888 +landscape,Romanticism,ivan-aivazovsky_livadia +landscape,Art_Nouveau_Modern,felix-vallotton_the-matterhorn-matterhorn-1892 +landscape,Post_Impressionism,paul-cezanne_millstone-and-cistern-under-trees +landscape,Impressionism,pierre-auguste-renoir_breton-landscape-trees-and-moor-1892 +landscape,Impressionism,eugene-boudin_the-still-river-at-deauville-1895 +landscape,Symbolism,nicholas-roerich_all-ridge-1924 +landscape,New_Realism,edward-hopper_cape-cod-morning +landscape,Romanticism,thomas-cole_the-voyage-of-life-childhood-1840 +landscape,Pointillism,henri-edmond-cross_plage-de-la-vignassa-1892 +landscape,Impressionism,claude-monet_vetheuil-barge-on-the-seine-1902 +landscape,Realism,ivan-shishkin_pine-forest-in-vyatka-province-1872 +landscape,Impressionism,childe-hassam_adams-and-st-helen-s-early-morning +landscape,Post_Impressionism,vincent-van-gogh_wheat-field-at-auvers-with-white-house-1890 +landscape,Impressionism,camille-pissarro_the-effect-of-sunlight +landscape,Cubism,diego-rivera_landscape-at-toledo-1913 +landscape,Realism,camille-corot_town-and-lake-como-1834 +landscape,Impressionism,william-merritt-chase_the-orangerie +landscape,Baroque,hendrick-cornelisz-vroom_ferry-boat-on-a-river-trees-on-a-hill-to-the-left +landscape,Impressionism,claude-monet_the-seine-at-port-villez-pink-effect +landscape,Romanticism,nikolai-ge_marble-saw-in-carrara +landscape,Post_Impressionism,paul-gauguin_coming-and-going-martinique-1897 +landscape,Expressionism,chaim-soutine_landscape +landscape,Post_Impressionism,gustave-loiseau_quay-at-dieppe-1905 +landscape,Romanticism,thomas-cole_the-past-1838 +landscape,Impressionism,nicolae-vermont_a-walk-through-sinaia-forest-1902 +landscape,Romanticism,ivan-aivazovsky_sea-view-with-chapel-1845-1 +landscape,Realism,ivan-shishkin_forest-1876 +landscape,Symbolism,nicholas-roerich_kangchenjunga-1938 +landscape,Realism,charles-francois-daubigny_the-turkey-keeper-1858 +landscape,Realism,ivan-shishkin_forest +landscape,Realism,aleksey-savrasov_spring-is-coming-1874 +landscape,Expressionism,wassily-kandinsky_autumn-in-bavaria-1908 +landscape,Mannerism_Late_Renaissance,paolo-veronese_landscape-1 +landscape,Impressionism,camille-pissarro_the-farm-osny +landscape,Impressionism,camille-pissarro_eragny-landscape-le-pre-1897 +landscape,Realism,john-singer-sargent_thistles +landscape,Post_Impressionism,felix-vallotton_the-port-of-marseille-1901 +landscape,Symbolism,nicholas-roerich_mongolian-yurtas-1936 +landscape,Realism,fyodor-vasilyev_street-in-a-village +landscape,Post_Impressionism,konstantinos-parthenis_landscape +landscape,Impressionism,childe-hassam_windmill-at-sundown-east-hampton +landscape,Impressionism,camille-pissarro_farmyard-in-pontoise-1874 +landscape,Contemporary_Realism,neil-welliver_pond-pass +landscape,Realism,camille-corot_canal-in-picardi +landscape,Romanticism,ivan-aivazovsky_range-of-the-caucasus-mountains-1869 +landscape,Realism,nicholas-roerich_sketch-of-countryside +landscape,Impressionism,frits-thaulow_golden-autumn-brittany +landscape,Post_Impressionism,maurice-prendergast_lake-new-hampshire +landscape,Romanticism,caspar-david-friedrich_coast-scene +landscape,Romanticism,ivan-aivazovsky_pushkin-and-raevskaya-in-gurzuf +landscape,Impressionism,willard-metcalf_november-mist +landscape,Realism,ivan-shishkin_the-chapel-in-forest-1893 +landscape,Ukiyo_e,utagawa-toyokuni-ii_enoshima-seiran +landscape,Impressionism,camille-pissarro_flood-twilight-effect-eragny-1893 +landscape,Post_Impressionism,irma-stern_country-road-madeira-1931 +landscape,Romanticism,ivan-aivazovsky_the-daryal-canyon-1855 +landscape,Romanticism,paul-cezanne_bend-in-the-river +landscape,Symbolism,nicholas-roerich_himalayas-1941-2 +landscape,Symbolism,konstantin-bogaevsky_the-old-bathhouses-in-karasubazar +landscape,Fauvism,ilya-mashkov_landscape-with-a-house-1911 +landscape,Impressionism,claude-monet_flowers-beds-at-vetheuil +landscape,Impressionism,alfred-sisley_bridge-at-villeneuve-la-garenne-1872 +landscape,Post_Impressionism,a.y.-jackson_st-john-s-newfoundland-1951 +landscape,Impressionism,robert-julian-onderdonk_landscape-sketch-1909 +landscape,Impressionism,willard-metcalf_early-october-1906 +landscape,Post_Impressionism,vincent-van-gogh_green-wheat-field-with-cypress-1889-1(1) +landscape,Impressionism,camille-pissarro_the-little-bridge-pontoise-1875-1 +landscape,Post_Impressionism,pyotr-konchalovsky_versailles-statue-1908 +landscape,Expressionism,zinaida-serebriakova_brittany-leskonil-1934 +landscape,Impressionism,robert-julian-onderdonk_purple-hills +landscape,Impressionism,claude-monet_the-banks-of-the-river-epte-at-giverny +landscape,Impressionism,william-merritt-chase_a-summer-day +landscape,Realism,pyotr-konchalovsky_backyard-1955 +landscape,Realism,winslow-homer_coast-of-maine +landscape,Post_Impressionism,vincent-van-gogh_a-row-of-bare-trees-1889(1) +landscape,Realism,arkhip-kuindzhi_moonlight-night-on-the-dnieper-1880 +landscape,Symbolism,nicholas-roerich_himalayas-42 +landscape,Impressionism,alfred-sisley_the-seine-at-bougival-1872-1 +landscape,Art_Nouveau_Modern,j.-e.-h.-macdonald_october-shower-gleam-1922 +landscape,Romanticism,johan-christian-dahl_gewitterstimmung-bei-dresden-1830 +landscape,Pop_Art,edward-ruscha_norms-la-cienaga-on-fire-1964 +landscape,Expressionism,wassily-kandinsky_murnau-view-with-railway-and-castle-1909 +landscape,Post_Impressionism,david-burliuk_landscape-2 +landscape,Impressionism,robert-julian-onderdonk_san-antonio-river-1920 +landscape,Realism,isaac-levitan_fires +landscape,Symbolism,nicholas-roerich_himalayas-41 +landscape,Impressionism,adam-baltatu_houses-in-hu-i-1 +landscape,Northern_Renaissance,albrecht-altdorfer_alpine-landscape-with-church-1522 +landscape,Realism,theodore-rousseau_landscape-in-the-auvergne-1830 +landscape,Fauvism,othon-friesz_landscape-crozant-1901 +landscape,Realism,john-singer-sargent_a-backwater-at-calcot-near-reading-1888 +landscape,Romanticism,thomas-moran_crystal-falls-watercolour-1871 +landscape,Post_Impressionism,paul-cezanne_landscape-1881 +landscape,Contemporary_Realism,fairfield-porter_long-island-landscape-with-red-building-1962 +landscape,Romanticism,gheorghe-tattarescu_peisaj-cu-arbore-fr-nt +landscape,Realism,boris-kustodiev_volga-rainbow-1925 +landscape,Realism,efim-volkov_creek-in-the-woods +landscape,Impressionism,alfred-sisley_the-farm-at-trou-d-enfer-autumn-morning-1874 +landscape,Impressionism,claude-monet_the-village-of-lavacourt +landscape,Impressionism,salvador-dali_cala-nans +landscape,Realism,ivan-shishkin_trees-near-a-stream-on-mount-castel-1879 +landscape,Art_Nouveau_Modern,nicholas-roerich_hills +landscape,Impressionism,camille-pissarro_landscape-with-big-trees +landscape,Impressionism,ion-theodorescu-sion_peasant-home-in-curtea-de-arge-1922 +landscape,Impressionism,periklis-vyzantios_hydra-1967 +landscape,Impressionism,gustave-caillebotte_landscape-with-haystacks +landscape,Impressionism,pierre-auguste-renoir_purple-landscape +landscape,Symbolism,j.-e.-h.-macdonald_snowfields-evening +landscape,Romanticism,paul-cezanne_landscape-with-mill-1860 +landscape,Impressionism,camille-pissarro_market-at-pontoise-1895 +landscape,Realism,ivan-shishkin_by-the-seashore-1889 +landscape,Ukiyo_e,utagawa-toyokuni-ii_evening-snow-on-fuji-from-a-set-of-eight-famous-views-published-by-iseya-rihei +landscape,Symbolism,konstantin-bogaevsky_palm-trees-1908 +landscape,Romanticism,ivan-aivazovsky_gurzuf-night-1849 +landscape,Impressionism,arkhip-kuindzhi_winter-3 +landscape,Naive_Art_Primitivism,louis-vivin_au-bord-de-la-rivi-re-en-hiver-1930 +landscape,Expressionism,margareta-sterian_among-the-muddy-volcanoes +landscape,Romanticism,ivan-aivazovsky_crete-1897 +landscape,Impressionism,childe-hassam_afterglow-gloucester-harbor-aka-ten-pound-island-light +landscape,Baroque,jan-steen_winter-landscape +landscape,Impressionism,eugene-boudin_the-bay-of-douarnenez-1897 +landscape,Impressionism,william-merritt-chase_tompkins-park-brooklyn +landscape,Impressionism,konstantin-korovin_patio-1905 +landscape,Realism,theodore-rousseau_fontainebleau +landscape,Post_Impressionism,martiros-saryan_armenia-spring-in-norke-1947 +landscape,Realism,johan-hendrik-weissenbruch_mill-in-landscape +landscape,Impressionism,georges-seurat_horses-in-the-water-1883 +landscape,Post_Impressionism,istvan-nagy_humid-landscape-in-transylvania-b-k-s-1928 +landscape,Realism,aleksey-savrasov_forest-in-the-frost +landscape,Expressionism,jack-bush_church-near-king-city-1940 +landscape,Impressionism,childe-hassam_celia-thaxter-s-garden-isles-of-shoals-maine +landscape,Post_Impressionism,paul-cezanne_houses-on-the-hill +landscape,Symbolism,nicholas-roerich_white-and-celestial-1924 +landscape,Realism,ivan-shishkin_rotten-wood-covered-with-moss-1890 +landscape,Expressionism,ernst-ludwig-kirchner_sertigtal +landscape,Realism,theodore-rousseau_landscape-in-the-auvergne-1830-1 +landscape,Post_Impressionism,serge-sudeikin_view-from-the-bridge +landscape,Impressionism,claude-monet_the-willows +landscape,Impressionism,adam-baltatu_red-roofs +landscape,Realism,fyodor-vasilyev_poplars +landscape,Impressionism,john-henry-twachtman_waterfall-yellowstone +landscape,Post_Impressionism,vincent-van-gogh_haystacks-in-provence-1888 +landscape,Expressionism,ernst-ludwig-kirchner_the-blue-tree +landscape,Baroque,peter-paul-rubens_summer +landscape,Realism,vasily-polenov_railway-near-tarusa-station-1903 +landscape,Post_Impressionism,maxime-maufra_near-the-mill-1897 +landscape,Impressionism,william-merritt-chase_view-near-polling-1876 +landscape,Expressionism,max-pechstein_segelboote-am-schilfstrand-1919 +landscape,Symbolism,nicholas-roerich_urusvati-1939 +landscape,Expressionism,max-ernst_landscape-with-sun-1909 +landscape,Expressionism,ernst-ludwig-kirchner_house-in-the-meadows +landscape,Romanticism,william-turner_ingleborough-from-the-terrace-of-hornby-castle +landscape,Naive_Art_Primitivism,henri-rousseau_view-of-saint-cloud-1909 +landscape,Pointillism,georges-lacombeâ _some-waves +landscape,Post_Impressionism,moise-kisling_provence-landscape-1918 +landscape,Symbolism,nicholas-roerich_castles-of-king-gesar-1 +landscape,Impressionism,alfred-sisley_village-of-champagne-at-sunset-april-1885 +landscape,Naive_Art_Primitivism,radi-nedelchev_the-green-dreams-1967 +landscape,Post_Impressionism,david-burliuk_pennsylvania-spring-1946 +landscape,Impressionism,paul-cezanne_road-at-pontoise-1875 +landscape,Post_Impressionism,tivadar-kosztka-csontvary_town-at-the-seashore-1902 +landscape,Symbolism,nicholas-roerich_monhigan-1922 +landscape,Romanticism,paul-cezanne_road-in-provence +landscape,Realism,ivan-shishkin_forest-landscape-1878 +landscape,Art_Nouveau_Modern,gustav-klimt_after-the-rain-garden-with-chickens-in-st-agatha +landscape,Impressionism,willard-metcalf_remember-spring +landscape,Realism,isaac-levitan_high-waters-1885-1 +landscape,Romanticism,caspar-david-friedrich_grave-by-the-sea-1807 +landscape,Impressionism,william-merritt-chase_gathering-autumn-flowers +landscape,Impressionism,john-singer-sargent_graveyard-in-the-tyrol-1914 +landscape,Post_Impressionism,abraham-manievich_landscape +landscape,Realism,pyotr-konchalovsky_village-potryasovo-in-winter-1934 +landscape,Post_Impressionism,paul-cezanne_in-the-woods-1894 +landscape,Impressionism,pierre-auguste-renoir_woman-wearing-a-hat-in-a-landscape +landscape,Realism,arkhip-kuindzhi_sunset-in-the-forest-1878 +landscape,Symbolism,albert-bloch_the-blue-bough-1952 +landscape,Baroque,le-nain-brothers_landscape-with-an-old-woman +landscape,Symbolism,ferdinand-hodler_the-dents-du-midi-from-chesieres-1912 +landscape,Impressionism,camille-pissarro_walnut-tree-in-spring-1894 +landscape,Impressionism,guy-rose_17-mile-drive-1918 +landscape,Impressionism,pericles-pantazis_snowy-landscape +landscape,Impressionism,alfred-sisley_banks-of-the-loing-autumn-1880 +landscape,Realism,theodore-rousseau_holm-oaks-apremont-1852 +landscape,Symbolism,mstislav-dobuzhinsky_evening-landscape-1915 +landscape,Romanticism,ivan-aivazovsky_loading-provisions-off-the-crimean-coast-1876 +landscape,Post_Impressionism,max-pechstein_farmhouses-in-the-morning-1927 +landscape,Expressionism,martiros-saryan_trees-1918 +landscape,Expressionism,candido-portinari_scarecrow-1958 +landscape,Romanticism,gustave-dore_a-souvenir-from-scotland-1879 +landscape,Expressionism,milton-avery_birds-over-sky-1957 +landscape,Naive_Art_Primitivism,andre-bauchant_cinq-personnages-dans-un-paysage-de-montagne-1953 +landscape,Post_Impressionism,nicolae-tonitza_cafe-in-mangalia +landscape,Symbolism,kimon-loghi_beginning-of-springtime +landscape,Symbolism,nicholas-roerich_town-1925 +landscape,Post_Impressionism,gustave-loiseau_by-the-river-in-autumn-1917 +landscape,Impressionism,alfred-sisley_the-straw-rent-1895 +landscape,Realism,theodore-rousseau_not_detected_198947 +landscape,Post_Impressionism,paul-cezanne_bottom-of-the-ravine +landscape,Realism,isaac-levitan_gray-day +landscape,Realism,aleksey-savrasov_stone-in-the-forest-near-the-spill-1850 +landscape,Realism,camille-corot_meadow-with-two-large-trees-1870 +landscape,Realism,ivan-shishkin_forest-landscape-1890 +landscape,Realism,isaac-levitan_melikhovo-at-spring +landscape,Impressionism,arkhip-kuindzhi_evening-in-ukraine-1878 +landscape,Impressionism,julian-alden-weir_midsummer-landscape-1914 +landscape,Impressionism,camille-pissarro_church-at-kew-1892 +landscape,Realism,ivan-shishkin_autumn-landscape-path-in-the-forest-1894 +landscape,Romanticism,thomas-moran_the-grand-canyon-of-the-yellowstone-1901 +landscape,Impressionism,claude-monet_path-under-the-rose-arches-giverny-1922 +landscape,Symbolism,nicholas-roerich_himalayan-morning-sunrise-1937 +landscape,Realism,nikolai-ge_oak-grove-at-san-terenzo +landscape,Art_Nouveau_Modern,j.-e.-h.-macdonald_rowanberries-mountain-ash-algoma-1922 +landscape,Ukiyo_e,katsushika-hokusai_mount-fuji-seen-throught-cherry-blossom +landscape,Realism,claude-monet_the-road-from-chailly-to-fontainebleau +landscape,Expressionism,egon-schiele_sunflowers-1911 +landscape,Post_Impressionism,ronnie-landfield_nature-s-light-west-hurley-ny-1984 +landscape,Impressionism,georges-seurat_the-hollow-way-1882 +landscape,Post_Impressionism,paul-gauguin_cottages-on-mount-sainte-marguerite-1888 +landscape,Symbolism,nicholas-roerich_tibet-1937-1 +landscape,Realism,vasily-surikov_irtysh-1892 +landscape,Post_Impressionism,maurice-prendergast_sienna-column-of-the-wolf +landscape,Symbolism,zinaida-serebriakova_spring-in-crimea-1914 +landscape,Realism,camille-corot_the-edge-of-the-forest +landscape,Impressionism,asgrimur-jonsson_springtime-at-h-safell-west-iceland-1950 +landscape,Romanticism,john-constable_water-meadows-near-salisbury-1820 +landscape,Post_Impressionism,henri-matisse_not-identified-12 +landscape,Realism,isaac-levitan_autumn-1885-1 +landscape,Realism,ivan-shishkin_noon-in-the-neighbourhood-of-moscow-1869 +landscape,Impressionism,alfred-sisley_rural-guardsman-in-the-fountainbleau-forest-1870 +landscape,Impressionism,pierre-auguste-renoir_la-poste-at-cagnes +landscape,Post_Impressionism,grace-cossington-smith_eastern-road-turramurra-1926 +landscape,Romanticism,ivan-aivazovsky_dante-shows-the-artist-in-the-unusual-clouds-1883 +landscape,Impressionism,claude-monet_mount-kolsaas-2 +landscape,Impressionism,winston-churchill_mimizan-plage-landes-1920(1) +landscape,Post_Impressionism,maurice-de-vlaminck_fishing-port +landscape,Impressionism,pierre-auguste-renoir_landscape-1881-1 +landscape,Romanticism,victor-hugo_ville-avec-le-pont-de-tumbledown-1847 +landscape,Realism,isaac-levitan_lake-como-1894-1 +landscape,Impressionism,basuki-abdullah_the-flame-of-the-forest-flamboyant +landscape,Rococo,thomas-gainsborough_landscape-with-sandpit +landscape,Fauvism,janos-mattis-teutsch_landscape-1917-1 +landscape,Impressionism,camille-pissarro_fog-in-eragny +landscape,Impressionism,alfred-sisley_his-at-suresne-1879 +landscape,Impressionism,joaquã­n-sorolla_valencia-landscape-1894 +landscape,Contemporary_Realism,neil-welliver_islands-allagash +landscape,Post_Impressionism,martiros-saryan_in-armenian-village-1901 +landscape,Impressionism,camille-pissarro_la-marchande-de-marrons-fiore-de-la-st-martin-pontoise-1881 +landscape,Impressionism,john-henry-twachtman_niagara-falls-1 +landscape,Pop_Art,hiro-yamagata_not-detected-272412 +landscape,Impressionism,homer-watson_moonlight-waning-winter-1924 +landscape,Pointillism,henri-martin_view-from-the-artist-s-studio-1902 +landscape,Romanticism,ivan-aivazovsky_sunset-in-feodosia-1865 +landscape,Realism,martiros-saryan_village-ashnak-1957 +landscape,Post_Impressionism,paul-cezanne_forest +landscape,Impressionism,camille-pissarro_the-auvers-road-pontoise-1879 +landscape,Fauvism,endre-bartos_sandy-waterside-at-baja +landscape,Romanticism,paul-cezanne_the-lion-and-the-basin-at-jas-de-bouffan-1866 +landscape,Romanticism,john-constable_yarmouth-pier-1822 +landscape,Post_Impressionism,istvan-nagy_landscape +landscape,Impressionism,georges-seurat_boats-near-the-beach-at-asnieres-1883 +landscape,Impressionism,konstantin-korovin_early-spring +landscape,Post_Impressionism,marsden-hartley_purple-mountains-vence-1926 +landscape,Impressionism,camille-pissarro_the-river-oise-near-pontoise-1873 +landscape,Symbolism,zinaida-serebriakova_in-the-mountains-switzerland-1914 +landscape,Realism,aleksey-savrasov_landscape-with-road-1855 +landscape,Symbolism,victor-hugo_la-tour-des-rats-1847 +landscape,Post_Impressionism,bela-czobel_in-the-garden +landscape,Impressionism,childe-hassam_stone-bridge +landscape,Art_Nouveau_Modern,ferdinand-hodler_rhythmic-landscape-on-lake-geneva-1908 +landscape,Impressionism,claude-monet_springtime-in-vetheuil +landscape,Impressionism,claude-monet_the-japanese-bridge-the-bridge-over-the-water-lily-pond +landscape,Impressionism,john-henry-twachtman_dredging-in-the-east-river +landscape,Expressionism,max-pechstein_die-schwalben-sammeln-sich-ckeritz-i-pommern-1949 +landscape,Impressionism,kimon-loghi_springtime-1 +landscape,Impressionism,childe-hassam_over-the-great-divide +landscape,Expressionism,salvador-dali_the-picnic +landscape,Realism,martiros-saryan_armenian-landscape-1959 +landscape,Post_Impressionism,maurice-prendergast_house-with-flag-in-the-cove +landscape,Impressionism,john-henry-twachtman_under-the-wharves +landscape,Realism,charles-francois-daubigny_banks-of-the-oise-1863 +landscape,Realism,johan-hendrik-weissenbruch_landscape-with-a-mill +landscape,Impressionism,gustave-caillebotte_factories-at-argenteuil +landscape,Romanticism,thomas-cole_sunset-of-the-arno-1837 +landscape,Symbolism,konstantin-bogaevsky_ancient-town +landscape,Realism,salvador-dali_hannibal-crossing-the-aps +landscape,Impressionism,eugene-boudin_river-near-dunkirk-1889 +landscape,Ukiyo_e,ito-shinsui_shirahama-in-the-morning +landscape,Impressionism,emile-claus_a-meeting-on-the-bridge +landscape,Impressionism,william-merritt-chase_the-chase-homestead-at-shinnecock +landscape,Realism,arkhip-kuindzhi_dnieper-1901 +landscape,Realism,ivan-shishkin_a-road-1874 +landscape,Romanticism,alexander-ivanov_a-tree-branch +landscape,Realism,theodore-rousseau_sunset-in-the-auvergne-1844 +landscape,Impressionism,paul-gauguin_oestervold-park-copenhagen-1885 +landscape,Impressionism,alfred-sisley_the-river-at-saint-cloud +landscape,Romanticism,karl-bodmer_the-town-zell-on-the-moselle-river-in-germany-1841 +landscape,Impressionism,guy-rose_provincial-olive-grove +landscape,Expressionism,ivan-albright_three-trees-georgia-1969 +landscape,Impressionism,pierre-auguste-renoir_landscape-near-cagnes-1 +landscape,Realism,homer-watson_before-the-storm +landscape,Impressionism,alfred-sisley_boats-on-the-loing-river-1895 +landscape,Pointillism,paul-signac_the-railway-at-bois-colombes-1886 +landscape,Romanticism,alexander-ivanov_olive-trees-by-the-cemetery-in-albano-new-moon-1824 +landscape,Impressionism,willard-metcalf_giverny +landscape,Cubism,paul-cezanne_riverbanks-1905 +landscape,Expressionism,johannes-sveinsson-kjarval_sv-nahraun-lava-field +landscape,Impressionism,claude-monet_meadow +landscape,Romanticism,ivan-aivazovsky_the-island-of-rhodes-1861 +landscape,Realism,ivan-shishkin_gathering-mushrooms-1870 +landscape,Post_Impressionism,ion-tuculescu_daphne-monastery-1939 +landscape,Naive_Art_Primitivism,camille-bombois_vue-de-clerval-1930 +landscape,Impressionism,frits-thaulow_on-a-french-river +landscape,Impressionism,camille-pissarro_landscape-at-osny +landscape,Symbolism,nicholas-roerich_sanctuaries-and-citadels-1925-5 +landscape,Symbolism,ferdinand-hodler_lake-geneva-with-six-swans-1914 +landscape,Realism,horia-bernea_house-in-poiana-marului +landscape,Impressionism,t.-c.-steele_evening-poplars-1885 +landscape,Post_Impressionism,pyotr-konchalovsky_seashore-italy-1924 +landscape,Realism,charles-francois-daubigny_entering-the-village +landscape,Post_Impressionism,paul-gauguin_a-breton-landscape-david-s-mill-1894 +landscape,Realism,gustave-courbet_landscape-of-the-ornans-region-1866 +landscape,Realism,ivan-shishkin_bridge-1873 +landscape,Impressionism,claude-monet_pleasure-boats-argenteuil-c-1872-3-oil-on-canvas +landscape,Romanticism,caspar-david-friedrich_sea-beach-with-fisherman-the-fisherman +landscape,Impressionism,camille-pissarro_morning-autumn-sunlight-eragny-1900 +landscape,Ukiyo_e,keisai-eisen_no-15-itahana-from-the-series-the-sixty-nine-stations-of-the-kisokaid-road-kisokaid-rokuj-ky-1838 +landscape,Realism,gustave-courbet_the-garden-of-the-loos-les-lille-abbacy-1851 +landscape,Impressionism,childe-hassam_meadows +landscape,Impressionism,pierre-auguste-renoir_the-church-at-essoyes +landscape,Realism,ivan-shishkin_mountain-path-crimea-1879 +landscape,Post_Impressionism,salvador-dali_landscape-cadaques-1920 +landscape,Impressionism,camille-pissarro_morning-flowering-apple-trees-eragny-1898 +landscape,Pop_Art,hiro-yamagata_courtyard-fountain-1990 +landscape,Impressionism,alfred-sisley_children-playing-in-the-fields-1879 +landscape,Post_Impressionism,gustave-loiseau_willows-in-fog-1915 +landscape,Impressionism,alfred-sisley_snow-effect-at-louveciennes-1876 +landscape,Post_Impressionism,pyotr-konchalovsky_birches-in-autumn-1930 +landscape,Symbolism,nicholas-roerich_lake-hyumpola +landscape,Impressionism,claude-monet_poplars-at-giverny-2 +landscape,Symbolism,nicholas-roerich_tibetian-dwellings +landscape,Realism,ivan-shishkin_wind-fallen-trees-1880 +landscape,Realism,isaac-levitan_moonlit-landscape +landscape,Post_Impressionism,karl-schrag_tree-in-flowing-moonlight-1975 +landscape,Post_Impressionism,tivadar-kosztka-csontvary_the-small-taormin-1904 +landscape,Symbolism,mikalojus-ciurlionis_forest-1907 +landscape,Expressionism,spyros-papaloukas_skete-of-agios-andreas-1924 +landscape,Realism,ivan-shishkin_shmelevka-windy-day-1861 +landscape,Impressionism,paul-gauguin_clearing-1873 +landscape,Impressionism,adam-baltatu_houses-in-hu-i +landscape,Post_Impressionism,istvan-nagy_village-row-of-houses +landscape,Realism,boris-kustodiev_village-maureeno-kostroma-1905 +landscape,Realism,vasily-polenov_mound-1902 +landscape,Impressionism,john-henry-twachtman_the-little-bridge +landscape,Post_Impressionism,pyotr-konchalovsky_from-the-ruins-of-the-mtsyri-1927 +landscape,Symbolism,arnold-bã¶cklin_the-sacred-grove-1886 +landscape,Realism,james-tissot_the-round-stone-seen-from-the-exterior-1889 +landscape,Realism,isaac-levitan_summer-evening-river +landscape,Impressionism,claude-monet_flood-of-the-seine-at-vetheuil +landscape,Impressionism,pericles-pantazis_landscape-with-a-tributary-of-the-seine-near-paris-1872 +landscape,Realism,ivan-shishkin_pond-1881 +landscape,Rococo,thomas-gainsborough_landscape-with-cattle +landscape,Realism,gustave-courbet_landscape +landscape,Impressionism,claude-monet_the-garden-at-giverny-1924 +landscape,Realism,ivan-shishkin_kama-near-yelabuga-1895 +landscape,Impressionism,konstantin-korovin_terrace-in-zhukovka-1888 +landscape,Impressionism,micaela-eleutheriade_peisaj-la-balcic-1936 +landscape,Post_Impressionism,henri-matisse_the-stream-near-nice +landscape,Expressionism,martiros-saryan_view-from-the-banks-of-the-river-araks-1954 +landscape,Impressionism,claude-monet_floating-ice-near-vetheuil +landscape,Baroque,aelbert-cuyp_ubbergen-castle-1655 +landscape,Impressionism,eugene-boudin_the-valley-of-the-touques-cows-in-the-meadow-1892 +landscape,Romanticism,caspar-david-friedrich_wc-cr-puscule-en-bord-de-mer-1819-1819-hermitage-museum-135-170-cm-53-1-66-9-in-oil-on-canvas +landscape,Cubism,diego-rivera_zapatista-landscape-the-guerrilla-1915 +landscape,Impressionism,claude-monet_grainstack-in-the-morning-snow-effect-1891 +landscape,Symbolism,nicholas-roerich_karelia-1918 +landscape,Realism,aleksey-savrasov_riverside-1879 +landscape,Realism,vincent-van-gogh_farmhouse-with-peat-stacks-1883(1) +landscape,Impressionism,joaquã­n-sorolla_sierra-nevada-granada-1917 +landscape,Fauvism,charles-lapicque_printemps-en-bretagne-1959 +landscape,Impressionism,childe-hassam_isle-of-shoals-1894 +landscape,Romanticism,ivan-aivazovsky_darial-gorge-1868 +landscape,Pointillism,theo-van-rysselberghe_sunset-at-ambleteuse-1899 +landscape,Symbolism,ferdinand-hodler_lake-geneva-with-mont-blanc-in-the-morning-light-1918-1 +landscape,Contemporary_Realism,john-miller_porthkidney-with-passing-yacht +landscape,Romanticism,rudolf-von-alt_view-from-the-chapel-rosalie-1837 +landscape,Realism,vincent-van-gogh_bulb-fields-1883(1) +landscape,Naive_Art_Primitivism,henri-rousseau_the-quarry +landscape,Romanticism,caspar-david-friedrich_abbey-in-eichwald +landscape,Symbolism,nicholas-roerich_takur-castle-1932 +landscape,Romanticism,john-atkinson-grimshaw_roundhay-lake-leeds +landscape,Impressionism,gustave-caillebotte_the-yellow-fields-at-gennevilliers +landscape,Cubism,paul-cezanne_bend-in-forest-road-1906 +landscape,Impressionism,john-henry-twachtman_winter-scene-1 +landscape,Impressionism,winston-churchill_cloud-swept-landscape-in-south-france(1) +landscape,Post_Impressionism,vincent-van-gogh_olive-grove-pale-blue-sky-1889 +landscape,Realism,camille-corot_sevres-brimborion-view-toward-paris-1864 +landscape,Realism,ivan-shishkin_mowing-in-the-oak-grove-1874 +landscape,Realism,ivan-kramskoy_siverskaya-1883 +landscape,Impressionism,claude-monet_the-promenade-at-argenteuil-soleil-couchant +landscape,Realism,fyodor-vasilyev_after-a-rain-country-road-1869 +landscape,Impressionism,t.-c.-steele_the-ohio-river-from-the-college-campus-honover-1892 +landscape,Expressionism,martiros-saryan_landscape-with-capra-1913 +landscape,Impressionism,alfred-sisley_two-women-walking-along-the-riverbank-1885 +landscape,Impressionism,robert-julian-onderdonk_bluebonnets-at-twilight-near-san-antonio-1920 +landscape,Realism,henry-herbert-la-thangue_landscape-study-1889 +landscape,Naive_Art_Primitivism,radi-nedelchev_winter-1979 +landscape,Naive_Art_Primitivism,tarsila-do-amaral_paisagem-com-touro +landscape,Baroque,hercules-seghers_mountainous-landscape +landscape,Impressionism,childe-hassam_harney-desert-no-20 +landscape,Realism,valentin-serov_haystack-1901-1 +landscape,Realism,ivan-shishkin_oaks-in-sunlight +landscape,Post_Impressionism,victor-pasmore_hanging-gardens-of-hammersmith-no-2-1949 +landscape,Impressionism,alfred-sisley_the-seine-at-port-marly-sand-piles-1875 +landscape,Realism,ivan-shishkin_beach +landscape,Romanticism,thomas-cole_the-vesper-hymn +landscape,Realism,camille-pissarro_in-the-woods +landscape,Romanticism,karl-bodmer_snags-on-the-missouri-river-1833 +landscape,Impressionism,camille-pissarro_morning-sun-effect-eragny-1899 +landscape,Realism,aleksey-savrasov_autumn-landscape-1877 +landscape,Realism,isaac-levitan_the-last-snow-village-savvinskaya-1884 +landscape,Contemporary_Realism,jamie-wyeth_new-growth-1971 +landscape,Realism,boris-kustodiev_pavlov-s-mill-on-the-river-yahrust-1905 +landscape,Realism,camille-corot_temple-of-minerva-medica-1826 +landscape,Contemporary_Realism,neil-welliver_shadow-on-frankfort-barren-jpg +landscape,Impressionism,gregoire-boonzaier_a-cape-cottage-tokai-1941 +landscape,Symbolism,konstantin-bogaevsky_landscape-with-rocks-stary-krym-1908 +landscape,Expressionism,max-pechstein_kornfeld +landscape,Baroque,hercules-seghers_rocky-landscape +landscape,Romanticism,ivan-aivazovsky_trebizond-from-the-sea-1856 +landscape,Impressionism,paul-gauguin_bathing-dieppe-1885 +landscape,Symbolism,zinaida-serebriakova_landscape-1913 +landscape,Impressionism,alfred-sisley_the-chemin-de-by-through-woods-at-rouches-courtaut-st-martin-s-summer-1880 +landscape,Impressionism,henry-herbert-la-thangue_the-appian-way-1920 +landscape,Impressionism,childe-hassam_the-ledges +landscape,Romanticism,john-crome_road-with-pollards-1815 +landscape,Realism,ivan-shishkin_fog-in-the-forest +landscape,Romanticism,richard-parkes-bonington_sunset-in-the-pays-de-caux-1828 +landscape,Post_Impressionism,martiros-saryan_ararat-from-dvin-1952 +landscape,Realism,maxime-lalanne_cauterets-vue-prise-du-mamelon-vert +landscape,Post_Impressionism,gustave-loiseau_poplars-by-the-eau-river-1903 +landscape,Post_Impressionism,adam-baltatu_august-day +landscape,Post_Impressionism,maxime-maufra_twilight-1896 +landscape,Art_Nouveau_Modern,lawren-harris_mountaisn-and-lake-1929 +landscape,Expressionism,jean-dubuffet_landscape-of-algeria +landscape,Art_Nouveau_Modern,frank-johnston_patterned-hillside-1918 +landscape,Impressionism,childe-hassam_bridge-at-old-lyme-02 +landscape,Realism,vasily-polenov_a-yard-1881 +landscape,Impressionism,eugene-boudin_trouville-panorama-of-the-beach-1890 +landscape,Romanticism,thomas-cole_romantic-landscape-with-ruined-tower-1836 +landscape,Realism,gustave-courbet_rocky-seashore +landscape,Realism,camille-corot_the-church-at-essommes-near-the-chateau-thierry-1856 +landscape,Symbolism,nicholas-roerich_himalayas-23 +landscape,Symbolism,nicholas-roerich_rocks-with-buddhist-caves +landscape,Symbolism,ferdinand-hodler_lake-geneva-overlooking-the-savoyerberge +landscape,Realism,ivan-shishkin_on-sandy-soil-mary-howie-on-finnish-railways-1890 +landscape,Realism,theodore-rousseau_the-marsh-in-the-souterraine-1842 +landscape,Impressionism,guy-rose_giverny-willows-1891 +landscape,New_Realism,edward-hopper_adobes-and-shed-new-mexico +landscape,Impressionism,childe-hassam_apple-trees-in-bloom-old-lyme +landscape,Romanticism,william-shayer_mouth-of-the-old-canal-1842 +landscape,Impressionism,robert-julian-onderdonk_bluebonnet-field-1912 +landscape,Impressionism,childe-hassam_sunset-on-the-sea +landscape,Pointillism,henri-martin_labastide-du-vert-3 +landscape,Realism,theodore-rousseau_road-in-the-forest-of-fontainebleau +landscape,Impressionism,mikhail-nesterov_spring-1901 +landscape,Post_Impressionism,paul-cezanne_chateau-de-madan +landscape,Romanticism,joseph-wright_view-of-the-lake-of-nemi-1795 +landscape,Art_Nouveau_Modern,j.-e.-h.-macdonald_algoma +landscape,Realism,pyotr-konchalovsky_alder-against-the-sun-1932 +landscape,Post_Impressionism,maxime-maufra_the-castle-gaillard-1903 +landscape,Romanticism,franz-richard-unterberger_vietri-sul-mare-looking-towards-salerno +landscape,Impressionism,paul-cezanne_the-pool-at-jas-de-bouffan +landscape,Symbolism,nicholas-roerich_path-to-kailas-1932-1 +landscape,Impressionism,robert-julian-onderdonk_dawn-in-the-hills-1922 +landscape,Impressionism,pierre-auguste-renoir_cagnes-landscape-1919 +landscape,Impressionism,konstantin-korovin_winter-1914 +landscape,Romanticism,ivan-aivazovsky_windmill +landscape,Impressionism,claude-monet_frost-near-vetheuil-1880 +landscape,Post_Impressionism,ferdynand-ruszczyc_sloneczny-pejzaz +landscape,Impressionism,john-singer-sargent_landscape-with-trees-calcot-on-the-thames +landscape,Post_Impressionism,paul-cezanne_farm-in-normandy-summer-1882 +landscape,Impressionism,hoca-ali-riza_pistachio-trees +landscape,Impressionism,claude-monet_view-of-antibes-from-the-plateau-notre-dame +landscape,Romanticism,john-crome_the-edge-of-the-forest +landscape,Expressionism,wassily-kandinsky_murnau-garden-1910 +landscape,Realism,pyotr-konchalovsky_birch-trees-in-early-spring-1946 +landscape,Romanticism,ivan-aivazovsky_yalta-1878 +landscape,Impressionism,childe-hassam_golden-afternoon +landscape,Realism,martiros-saryan_clear-day-1957 +landscape,Symbolism,konstantin-bogaevsky_italian-landscape-1911 +landscape,Post_Impressionism,henri-martin_herm-s-house +landscape,Post_Impressionism,maurice-de-vlaminck_landscape-of-la-creuse +landscape,Romanticism,lev-lagorio_an-old-tree-1859 +landscape,Impressionism,alfred-sisley_fishermen-mending-nets-1872 +landscape,Impressionism,willard-metcalf_a-view-of-the-village +landscape,Impressionism,francis-picabia_banks-of-the-loin-saint-mammes +landscape,Pointillism,kazimir-malevich_winter-landscape-1906 +landscape,Realism,isaac-levitan_the-lake-1898 +landscape,Impressionism,joaquã­n-sorolla_castle-of-la-mota-medina-del-campo +landscape,Symbolism,nicholas-roerich_himalayas-19 +landscape,Realism,theodore-rousseau_look-at-barbizon +landscape,Impressionism,giovanni-boldini_haystack +landscape,Impressionism,john-singer-sargent_house-and-garden +landscape,Symbolism,nicholas-roerich_himalayas-47 +landscape,Impressionism,guy-rose_off-mission-point-aka-point-lobos +landscape,Impressionism,alfred-sisley_seine-at-bougival-1873 +landscape,Post_Impressionism,janos-tornyai_winter-landscape-with-violet-lights +landscape,Post_Impressionism,pyotr-konchalovsky_gurzuf-the-road-in-the-mountains-1929 +landscape,Realism,camille-corot_a-road-near-arras-cottages +landscape,Expressionism,martiros-saryan_amberd-1957 +landscape,Romanticism,thomas-cole_view-of-boston +landscape,Realism,isaac-levitan_by-evening-1899 +landscape,Realism,vincent-van-gogh_houses-with-thatched-roofs-1884 +landscape,Art_Nouveau_Modern,alexandre-benois_versailles-1(1) +landscape,Baroque,jacob-isaakszoon-van-ruisdael_landscape-with-a-church-by-a-torrent-1670 +landscape,Impressionism,eugene-boudin_the-entrance-1865 +landscape,Impressionism,gustave-caillebotte_the-gardener +landscape,Impressionism,francis-picabia_farm-at-la-petite-mare +landscape,Realism,ilya-repin_the-village-of-mokhnachi-near-chuguyev-1877 +landscape,Impressionism,salvador-dali_llane-beach-cadaques +landscape,Realism,gustave-courbet_a-family-of-deer-in-a-landscape-with-a-waterfall +landscape,Romanticism,thomas-moran_under-the-trees-1865 +landscape,Realism,aleksey-savrasov_autumn-1871 +landscape,Expressionism,tivadar-kosztka-csontvary_sunset-over-the-bay-of-naples-1901 +landscape,Symbolism,nicholas-roerich_himalayas-1938-4 +landscape,Impressionism,claude-monet_cliffs-near-dieppe +landscape,Fauvism,david-burliuk_dniester-river-rapids +landscape,Impressionism,alfred-sisley_sunset-at-moret-1888 +landscape,Realism,arkhip-kuindzhi_snow-tops +landscape,Realism,camille-corot_wooded-peninsula-1868 +landscape,Realism,nicholas-roerich_ozertitsy-1893 +landscape,Realism,vasily-vereshchagin_the-apotheosis-of-war-1871 +landscape,Realism,vladimir-makovsky_summer-1896-3 +landscape,Romanticism,alexander-ivanov_via-appia-1845 +landscape,Realism,camille-corot_the-raging-one +landscape,Expressionism,chaim-soutine_ceret-landscape-1 +landscape,Realism,ivan-shishkin_forest-aspen-1896 +landscape,Romanticism,joseph-wright_convent-of-san-cosimato-and-part-of-the-claudian-aqueduct-near-vicovaro-in-the-roman-campagna +landscape,Symbolism,nicholas-roerich_path-to-kailas-1932 +landscape,Realism,camille-corot_a-view-near-colterra-1838 +landscape,Impressionism,constantin-artachino_tatar-cottage +landscape,Contemporary_Realism,jamie-wyeth_foot-1973 +landscape,Impressionism,guy-rose_the-valley-of-the-seine-1910 +landscape,Impressionism,kazimir-malevich_spring-landscape-with-a-cottage +landscape,Impressionism,alfred-sisley_sunset-at-moret-1877 +landscape,Post_Impressionism,kimon-loghi_on-the-shore-1934 +landscape,Post_Impressionism,paul-cezanne_jas-de-bouffan-1887 +landscape,Impressionism,maxime-maufra_the-church-at-little-andelys +landscape,Fauvism,charles-lapicque_paysage-en-castille-1973 +landscape,Expressionism,ivan-albright_nile-river-at-aswan-egypt-1960 +landscape,Symbolism,nicholas-roerich_timur-khada-mongolia-1936 +landscape,Impressionism,winston-churchill_mountain-near-lochmore(1) +landscape,Naive_Art_Primitivism,radi-nedelchev_not-from-earth-1973 +landscape,Realism,pyotr-konchalovsky_autumn-landscape-with-train-1955 +landscape,Impressionism,jean-alexandru-steriadi_cartierul-t-t-r-sc-la-amiaz-1925 +landscape,Realism,ivan-shishkin_view-of-valaam-island +landscape,Impressionism,paul-signac_the-road-to-gennevilliers-1883 +landscape,Post_Impressionism,henri-martin_view-of-labastide-in-gray-weather +landscape,Impressionism,felix-vallotton_the-port-of-pully-study-1889 +landscape,Realism,aleksey-savrasov_summer-landscape-with-oaks-1850 +landscape,Romanticism,ivan-aivazovsky_view-of-sudak-bay-1879 +landscape,Realism,edvard-munch_landscape-maridalen-by-oslo-1881 +landscape,Impressionism,childe-hassam_the-hourse-of-actaeon-montauk +landscape,Post_Impressionism,henri-edmond-cross_trees-by-the-sea-1907 +landscape,Realism,winslow-homer_north-road-bermuda +landscape,Impressionism,pierre-auguste-renoir_washhouse-at-lower-meudon-1875 +landscape,Symbolism,nicholas-roerich_rio-grande-1921 +landscape,Realism,camille-corot_ville-d-avray-the-chemin-de-corot +landscape,Impressionism,lucian-grigorescu_peisaj-la-cassis +landscape,New_Realism,george-luks_main-entrance-luxembourg-garden-paris +landscape,Expressionism,paula-modersohn-becker_worpsweder-landscape-with-red-house-1900 +landscape,Realism,vasily-polenov_winter-imochentsy-1880 +landscape,New_Realism,yiannis-tsaroychis_the-areopagos-1964 +landscape,Post_Impressionism,gustave-loiseau_by-the-orne-river-near-caen +landscape,Impressionism,camille-pissarro_field-of-oats-in-eragny-1885 +landscape,Naive_Art_Primitivism,kateryna-bilokur_autumn-1960 +landscape,Realism,gustave-courbet_view-of-neuenburger +landscape,Fauvism,charles-lapicque_montagne-en-haute-provence-1976 +landscape,Impressionism,arkhip-kuindzhi_tree-against-the-evening-sky +landscape,Impressionism,claude-monet_a-corner-of-the-garden-at-montgeron-1877(1) +landscape,Realism,pyotr-konchalovsky_the-window-balsams-1928 +landscape,Impressionism,joaquã­n-sorolla_the-river-la-reina-valsain-1907 +landscape,Impressionism,edgar-degas_wheatfield-and-line-of-trees +landscape,Post_Impressionism,constantin-piliuta_parental-house-birthplace +landscape,Impressionism,willard-metcalf_midsummer-twilight +landscape,Post_Impressionism,gustave-loiseau_by-the-eure-river-in-summer-1902 +landscape,Realism,ivan-shishkin_forest-1893 +landscape,Impressionism,claude-monet_the-artist-s-house-view-from-the-rose-garden-1924 +landscape,Impressionism,berthe-morisot_autumn-in-the-bois-de-boulogne +landscape,Contemporary_Realism,john-miller_evening-beach +landscape,Symbolism,konstantin-bogaevsky_morning-pink-gobelin-1906 +landscape,Post_Impressionism,jan-sluyters_heeze +landscape,Realism,volodymyr-orlovsky_in-alushta +landscape,Realism,gustave-courbet_deer-s-shelter-in-winter +landscape,Realism,volodymyr-orlovsky_huts-in-the-forest-calm-1890(1) +landscape,Pointillism,paul-signac_l-hirondelle-steamer-on-the-seine-1901 +landscape,Impressionism,claude-monet_the-manneport-seen-from-below +landscape,Realism,camille-corot_view-at-riva-italian-tyrol-1835 +landscape,Realism,pyotr-konchalovsky_yard-of-samarins-house-on-spiridonovka-1931 +landscape,Realism,camille-corot_cowherd-by-the-water +landscape,Post_Impressionism,vincent-van-gogh_olive-grove-bright-blue-sky-1889 +landscape,Impressionism,winston-churchill_near-lochmore-on-the-duke-of-wesminster-s-scottish-estate(1) +landscape,Post_Impressionism,gustave-loiseau_paper-mill-at-port-marly-1920 +landscape,Realism,ivan-shishkin_pine-without-the-sun-mary-howe-1890 +landscape,Expressionism,balthus_landscape-in-chassy +landscape,New_Realism,john-french-sloan_chama-running-red-1925 +landscape,Impressionism,alfred-sisley_the-seine-at-bougival-1873-1 +landscape,Romanticism,william-turner_view-of-orvieto-1829 +landscape,Impressionism,william-merritt-chase_prospect-park-aka-croquet-lawn-prospect-park +landscape,Impressionism,max-slevogt_park-landscape-in-the-palatinate +landscape,Realism,charles-francois-daubigny_apple-trees-at-auvers-1877 +landscape,Impressionism,frederic-bazille_landscape-on-the-shore-of-lez +landscape,Realism,johan-hendrik-weissenbruch_view-of-haarlem-1848 +landscape,Impressionism,salvador-dali_orchard-at-llane-cadaques-1920 +landscape,Symbolism,koloman-moser_semmering-landscape +landscape,Impressionism,camille-pissarro_haystacks-1889 +landscape,Realism,fyodor-vasilyev_bank-of-the-volga-after-the-storm +landscape,Realism,gustave-courbet_the-calm-sea-1869 +landscape,Realism,mikhail-lebedev_albano-white-wall-1837 +landscape,Realism,martiros-saryan_mount-ararat-1961 +landscape,Impressionism,berthe-morisot_harbor-in-the-port-of-fecamp +landscape,Realism,ivan-shishkin_in-the-grove-1865 +landscape,Post_Impressionism,victor-borisov-musatov_a-path-in-a-garden +landscape,Impressionism,paul-gauguin_in-the-forest-saint-cloud-ii-1873 +landscape,Realism,gustave-courbet_the-beach-at-trouville +landscape,Impressionism,camille-pissarro_the-railroad-crossing-at-les-patis +landscape,Impressionism,paul-gauguin_wooded-path-1884 +landscape,Post_Impressionism,vincent-van-gogh_trees-and-shrubs-1889-1 +landscape,Post_Impressionism,j.-e.-h.-macdonald_on-the-lake-shore-near-bronte-1909 +landscape,Realism,isaac-levitan_autumn-landscape +landscape,Impressionism,camille-pissarro_poor-footpath-pontoise-snow-effect-1874 +landscape,Realism,theodore-rousseau_not_detected_198916-1867 +landscape,Romanticism,john-crome_wherries-on-the-yare +landscape,Impressionism,camille-pissarro_path-of-hermitage-at-pontoise-1872 +landscape,Impressionism,john-singer-sargent_palms-1917 +landscape,Romanticism,ivan-aivazovsky_sunset-over-the-golden-horn-1866 +landscape,Symbolism,nicholas-roerich_himalayas-study-5 +landscape,Art_Nouveau_Modern,carl-larsson_the-cottage(1) +landscape,Impressionism,henry-herbert-la-thangue_ligurian-artrobus +landscape,Impressionism,camille-pissarro_the-knocke-windmill-belgium +landscape,Post_Impressionism,vincent-van-gogh_cypresses-with-two-women-1889(1) +landscape,Symbolism,franklin-carmichael_a-northern-silver-mine-1930 +landscape,Post_Impressionism,viorel-marginean_winter-at-cenade-1987 +landscape,Realism,isaac-levitan_seashore-with-sea-view +landscape,Realism,isaac-levitan_ferns-in-a-forest-1895 +landscape,Impressionism,t.-c.-steele_whitewater-valley +landscape,Impressionism,john-henry-twachtman_twachtman-s-house +landscape,Post_Impressionism,vincent-van-gogh_orchard-in-blossom-1888-1 +landscape,Realism,fyodor-vasilyev_peasants-with-a-boat-on-a-sandy-beach +landscape,Impressionism,camille-pissarro_kew-gardens-the-little-greenhouse +landscape,Realism,ivan-shishkin_trees-in-the-field-bratsevo-1866 +landscape,Realism,john-henry-twachtman_tuckerman-s-ravine +landscape,Impressionism,willard-metcalf_the-winding-road +landscape,Realism,ivan-shishkin_forest-river-1895 +landscape,Impressionism,claude-monet_cliff-at-grainval +landscape,Impressionism,t.-c.-steele_november-s-harmony-1893 +landscape,Expressionism,balthus_montecalvello-1979 +landscape,Romanticism,karl-bodmer_river-scene-with-barn-swallows +landscape,Realism,isaac-levitan_corniche-southern-france-1895 +landscape,Realism,camille-corot_figures-in-a-forest +landscape,Post_Impressionism,pyotr-konchalovsky_gurzuf-the-overall-view-1929 +landscape,Impressionism,arkhip-kuindzhi_grove +landscape,Romanticism,thomas-moran_shoshone-falls-snake-river-idaho-1875 +landscape,Romanticism,karl-bodmer_punka-indians-encamped-on-the-banks-of-the-missouri-plate-11-from-volume-1-of-travels-in-the-1843 +landscape,Impressionism,t.-c.-steele_on-the-muscatatuck-1886 +landscape,Impressionism,pierre-auguste-renoir_the-footpath-1917 +landscape,Impressionism,camille-pissarro_l-hermitage-pontoise-snow-effect-1874 +landscape,Post_Impressionism,vincent-van-gogh_meadow-with-flowers-1888 +landscape,Impressionism,alfred-sisley_the-mills-at-moret-1890 +landscape,Romanticism,john-atkinson-grimshaw_a-wet-road-by-moonlight-wharfedale +landscape,Impressionism,cornelis-vreedenburgh_view-of-a-puddle-and-a-boat +landscape,Symbolism,nicholas-roerich_shekar-dzong-1928 +landscape,Impressionism,camille-pissarro_a-cottage-in-the-snow-1879 +landscape,Realism,ferdinand-hodler_the-black-lutschina-1905 +landscape,Romanticism,marcus-larson_mountains-and-a-waterfall-1851 +landscape,Ukiyo_e,hiroshige_eagle-over-100-000-acre-plain-at-susaki-fukagawa-juman-tsubo +landscape,Impressionism,claude-monet_calm-weather-fecamp +landscape,Impressionism,alfred-sisley_autumn-banks-of-the-seine-near-bougival-1873 +landscape,Cubism,georges-braque_road-near-estaque-1908 +landscape,Impressionism,alfred-sisley_haystacks-at-moret-morning-light-1890 +landscape,Symbolism,nicholas-roerich_lake-yam-tso-1937 +landscape,Contemporary_Realism,jamie-wyeth_julia-on-the-swing-1999 +landscape,Symbolism,mikalojus-ciurlionis_adoration-of-the-sun-1909(1) +landscape,Impressionism,alfred-sisley_chestnut-tree-at-saint-mammes-1880 +landscape,Fauvism,louis-valtat_italian-landscape-1902 +landscape,Romanticism,maxim-vorobiev_view-of-the-military-telegraph-near-varna-1829 +landscape,Impressionism,arkhip-kuindzhi_rocky-seashore-crimea +landscape,Impressionism,arkhip-kuindzhi_cloud-1 +landscape,Realism,mikhail-lebedev_vasilkovo-1833 +landscape,Post_Impressionism,vincent-van-gogh_olive-grove-1889 +landscape,Post_Impressionism,paul-cezanne_landscape-in-the-provence +landscape,Expressionism,zinaida-serebriakova_lake-geneva-1954 +landscape,Romanticism,homer-watson_the-castellated-cliff-1879 +landscape,Post_Impressionism,henri-edmond-cross_landscape-with-sunset +landscape,Impressionism,georges-seurat_the-riverside-1883 +landscape,Post_Impressionism,pyotr-konchalovsky_little-house-on-the-rink-1931 +landscape,Symbolism,martiros-saryan_under-the-trees-1904 +landscape,Realism,constant-troyon_watercourse-in-the-woods +landscape,Realism,aleksey-savrasov_strongly-melts-1894 +landscape,Romanticism,john-atkinson-grimshaw_whitby-sands-sunset +landscape,Romanticism,john-atkinson-grimshaw_golden-autumn +landscape,Cubism,pyotr-konchalovsky_kuntsevo-yellow-cottage-1919 +landscape,Romanticism,ivan-aivazovsky_arrival-of-peter-i-on-the-neva-1853 +landscape,Symbolism,nicholas-roerich_ladakh-1925 +landscape,Romanticism,john-crome_norwich-river-afternoon-1819 +landscape,Contemporary_Realism,richard-whitney_monadnock-orchard +landscape,Realism,konstantin-makovsky_on-the-steps +landscape,Realism,ivan-shishkin_in-sestroretsk-1886 +landscape,Impressionism,claude-monet_the-japanese-bridge +landscape,Impressionism,camille-pissarro_barges-on-pontoise-1872 +landscape,Impressionism,guy-rose_morning-mist +landscape,Post_Impressionism,vincent-van-gogh_thatched-cottages-in-chaponval-auvers-sur-oise-1890 +landscape,Post_Impressionism,henri-martin_church-by-the-river-1921 +landscape,Realism,pyotr-konchalovsky_apples-and-a-dog-keeper-1939 +landscape,Realism,homer-watson_returning-to-town +landscape,Post_Impressionism,gustave-loiseau_poplars-in-spring +landscape,Impressionism,zinaida-serebriakova_autumn-landscape-1909 +landscape,Post_Impressionism,maurice-prendergast_the-orchard +landscape,Post_Impressionism,dumitru-ghiatza_verandah-with-flowers +landscape,Impressionism,victor-borisov-musatov_spring-scene +landscape,Romanticism,thomas-cole_niagara-falls-1830 +landscape,Post_Impressionism,gustave-loiseau_the-quay-at-pont-aven +landscape,Realism,isaac-levitan_forest-in-the-winter +landscape,Impressionism,istvan-nagy_on-the-shore-of-harta-pond +landscape,Symbolism,konstantin-vasilyev_volga-1 +landscape,Symbolism,konstantin-somov_oranienbaum +landscape,Symbolism,nicholas-roerich_basgo-1932 +landscape,Expressionism,max-pechstein_kornpuppen-1922 +landscape,Impressionism,lovis-corinth_the-walchensee-with-a-larch-tree-1921 +landscape,Realism,valentin-serov_winter-in-abramtsevo-1886-1 +landscape,Realism,isaac-levitan_view-of-nizhniy-novgorod +landscape,Realism,claude-monet_by-the-sea +landscape,Romanticism,john-constable_wivenhoe-park-1816 +landscape,Impressionism,pierre-auguste-renoir_woman-at-the-garden-1873 +landscape,Impressionism,camille-pissarro_near-eragny +landscape,Romanticism,william-turner_rye-sussex +landscape,Realism,ivan-shishkin_path-in-the-forest-1891 +landscape,Impressionism,claude-monet_fog-1872 +landscape,Expressionism,chaim-soutine_white-house-on-a-hill +landscape,Impressionism,samuel-mutzner_gr-dini-n-sevilla-1921 +landscape,Post_Impressionism,pyotr-konchalovsky_oak-1920 +landscape,Realism,ivan-shishkin_forest-in-spring-1884 +landscape,Impressionism,alfred-sisley_spring-on-the-loing-river-1885 +landscape,Romanticism,ferdinand-georg-waldmã¼ller_dachstein-from-the-place-of-sophie-1835 +landscape,Ukiyo_e,utagawa-kuniyoshi_in-the-waves-at-kakuda-enroute-to-sado-island-edo-period +landscape,Romanticism,thomas-cole_the-present-1838 +landscape,Impressionism,claude-monet_charing-cross-bridge-2 +landscape,Realism,david-burliuk_artist-s-house-in-hampton-bays +landscape,Impressionism,pierre-auguste-renoir_landscape-9 +landscape,Impressionism,claude-monet_valley-of-falaise +landscape,Post_Impressionism,georges-seurat_three-men-seated-1884 +landscape,Impressionism,willard-metcalf_thawing-brook +landscape,Impressionism,guy-rose_windswept-trees-laguna +landscape,Romanticism,caspar-david-friedrich_early-snow +landscape,Romanticism,richard-parkes-bonington_beach-in-normandy +landscape,Post_Impressionism,janos-tornyai_view-at-szentendre-1933 +landscape,Impressionism,camille-pissarro_the-old-ennery-road-in-pontoise-1877 +landscape,Impressionism,julian-alden-weir_the-veranda-1900 +landscape,Realism,ivan-shishkin_grass-1892 +landscape,Impressionism,robert-julian-onderdonk_approaching-rain-southwest-texas-1922 +landscape,Impressionism,eugene-boudin_camaret +landscape,Post_Impressionism,henri-matisse_landscape-1 +landscape,Realism,anders-zorn_study-of-landscape-in-richmond-1882 +landscape,Expressionism,edvard-munch_the-yellow-log-1912 +landscape,Realism,charles-francois-daubigny_cows-on-the-banks-of-the-seine-at-conflans-1876 +landscape,Realism,isaac-levitan_hut-on-the-meadow +landscape,Impressionism,claude-monet_lane-in-the-poppy-fields-ile-saint-martin +landscape,Fauvism,hans-hofmann_suburbian-1936 +landscape,Realism,ivan-shishkin_pond-in-a-old-park-1897 +landscape,Post_Impressionism,pierre-bonnard_landscape-of-cote-d-azur-1943 +landscape,Pointillism,henri-edmond-cross_coastal-landscape +landscape,Realism,aleksey-savrasov_spring-2 +landscape,Contemporary_Realism,jamie-wyeth_obelisk-1976 +landscape,Symbolism,nicholas-roerich_karelian-study-1918-1 +landscape,Post_Impressionism,raoul-dufy_the-botanical-garden-1910 +landscape,Impressionism,pierre-auguste-renoir_woman-picking-flowers-1912 +landscape,Art_Nouveau_Modern,franklin-carmichael_bisset-farm-1933 +landscape,Art_Nouveau_Modern,a.y.-jackson_the-red-maple-1914 +landscape,Romanticism,thomas-cole_brock-s-monument +landscape,Expressionism,august-macke_vegetable-fields +landscape,Impressionism,camille-pissarro_the-road-from-versailles-to-saint-germain-louveciennes-snow-effect-1872 +landscape,Impressionism,camille-pissarro_the-road-to-versailles-at-louveciennes-1870 +landscape,Symbolism,nicholas-roerich_silvery-realm-1938 +landscape,Impressionism,gustave-caillebotte_yerres-colonnade-of-the-casin +landscape,Post_Impressionism,vincent-van-gogh_the-plain-at-auvers-1890 +landscape,Realism,isaac-levitan_oak-on-the-riverbank-1887 +landscape,Fauvism,endre-bartos_sunset-1981 +landscape,Realism,camille-corot_cuicy-marsh-near-douai +landscape,Post_Impressionism,vincent-van-gogh_houses-with-thatched-roofs-cordeville-1890 +landscape,Impressionism,gregoire-boonzaier_a-windy-day +landscape,Romanticism,ferdinand-georg-waldmã¼ller_tree-by-the-brook +landscape,Symbolism,nicholas-roerich_great-spirit-of-himalayas +landscape,Impressionism,claude-monet_the-valley-of-the-nervia +landscape,Romanticism,thomas-cole_view-of-monte-video-seat-of-daniel-wadsworth-1828 +landscape,Impressionism,samuel-mutzner_peisaj-din-corsica-ajaccio-1929 +landscape,Art_Nouveau_Modern,j.-e.-h.-macdonald_early-autumn-montreal-river-algoma +landscape,Expressionism,zinaida-serebriakova_alps-annecy-1933 +landscape,Romanticism,albert-bierstadt_fishing-on-the-northwest-coast +landscape,Impressionism,zinaida-serebriakova_fields-in-neskuchnoye-1916 +landscape,Art_Nouveau_Modern,nicholas-roerich_lake-village-1915 +landscape,Realism,aleksey-savrasov_evening-2 +landscape,Impressionism,claude-monet_the-row-boat +landscape,Post_Impressionism,rafael-zabaleta_landscape-with-artist-s-farmhouse-in-fique-1940 +landscape,Pointillism,paul-signac_capo-di-noli-1898 +landscape,Symbolism,edvard-munch_the-mystery-of-a-summer-night-1892 +landscape,Fauvism,endre-bartos_the-nightfall-is-approaching-1979 +landscape,Impressionism,pierre-auguste-renoir_lane-in-the-woods-1900 +landscape,Cubism,theo-van-doesburg_landscape-1916 +landscape,Art_Nouveau_Modern,gustav-klimt_italian-horticultural-landscape +landscape,Cubism,pyotr-konchalovsky_port-of-siena-1912 +landscape,Ukiyo_e,hiroshige_snow-dawn-at-susaki-1843 +landscape,Realism,camille-corot_the-happy-isle +landscape,Post_Impressionism,constantine-maleas_olive-trees +landscape,Symbolism,nicholas-roerich_himalayas-17 +landscape,Realism,martiros-saryan_view-of-ararat-from-yerevan-1923 +landscape,Symbolism,konstantin-bogaevsky_romantic-landscape-crimean-landscape-1942 +landscape,Impressionism,childe-hassam_isles-of-shoals +landscape,Symbolism,konstantin-somov_landscape-with-lake +landscape,Realism,pyotr-konchalovsky_willows-on-the-river-protva-1954 +landscape,Naive_Art_Primitivism,jules-lefranc_mayenne-a-change +landscape,Post_Impressionism,henri-matisse_landscape-with-eucalyptus-trees-and-river-trees-in-front-of-a-river-1908 +landscape,Cubism,roger-de-la-fresnaye_the-factory-chimney-meulan-landscape-1912 +landscape,Impressionism,claude-monet_rose-arches-at-giverny +landscape,Romanticism,alexander-ivanov_water-and-stones-under-palaccuolo +landscape,Realism,maxime-lalanne_cirque-de-gavarnie +landscape,Realism,aleksey-savrasov_rooks-arrived-landscape-with-church-1894 +landscape,Romanticism,alexander-ivanov_a-tree-over-water-in-the-vicinity-of-castel-gandolfo +landscape,Realism,theodore-rousseau_clearing-in-the-high-forest-of-fontainebleau-forest-x-said-the-cart +landscape,Cubism,jean-david_untitled-railroad-1950 +landscape,Realism,ivan-shishkin_rain-in-the-oak-forest-1891 +landscape,Realism,fyodor-vasilyev_morning-1873-1 +landscape,Impressionism,konstantin-korovin_gurzuf-1915-1 +landscape,Impressionism,gregoire-boonzaier_view-from-signal-hill-1933 +landscape,Romanticism,maxim-vorobiev_by-an-old-mill +landscape,Impressionism,claude-monet_the-magpie-1869 +landscape,Realism,efim-volkov_in-late-winter +landscape,Impressionism,paul-cezanne_view-of-auvers-1873-1 +landscape,Expressionism,costas-niarchos_landscape-of-evrostini +landscape,Realism,efim-volkov_cobweb-morning +landscape,Ukiyo_e,hiroshige_mount-fuji-seen-across-the-water +landscape,Symbolism,konstantin-somov_rainbow-1-1 +landscape,Impressionism,claude-monet_the-valley-of-creuse-at-fresselines +landscape,Impressionism,istvan-nagy_landscape-in-csik-transylvania +landscape,Impressionism,pierre-auguste-renoir_view-of-la-sayne +landscape,Impressionism,alfred-sisley_path-near-sevres-1879 +landscape,Post_Impressionism,paul-gauguin_marquesan-landscape-with-horses-1901 +landscape,Expressionism,balthus_the-bouquet-of-roses-on-the-window-1958 +landscape,Realism,pyotr-konchalovsky_birches-in-the-snow-1936 +landscape,Naive_Art_Primitivism,fernand-leger_composition-in-two-birds-landscape-with-birds-1954 +landscape,Impressionism,camille-pissarro_eragny-twilight-1890 +landscape,Impressionism,alfred-sisley_wiese-by-1880 +landscape,Post_Impressionism,vincent-van-gogh_house-with-sunflowers-1887 +landscape,Realism,fyodor-vasilyev_abandoned-mill-1873 +landscape,Fauvism,louis-valtat_sun-through-the-trees +landscape,Impressionism,claude-monet_at-cap-d-antibes-mistral-wind +landscape,Impressionism,zinaida-serebriakova_autumn-landscape-1904 +landscape,Expressionism,ion-tuculescu_on-the-coast +landscape,Symbolism,nicholas-roerich_everest-1938-1 +landscape,Cubism,pablo-picasso_house-in-the-garden-1908 +landscape,Impressionism,john-henry-twachtman_flowers +landscape,Post_Impressionism,henri-matisse_view-of-collioure +landscape,Realism,vasily-vereshchagin_in-the-mountains +landscape,Symbolism,nicholas-roerich_himalayas-1940 +landscape,Romanticism,thomas-cole_the-garden-of-eden-1828 +landscape,Symbolism,konstantin-bogaevsky_alupka-park-1924 +landscape,Symbolism,nicholas-roerich_kampa-dzong-pink-peak-1938 +landscape,Romanticism,maxim-vorobiev_bosphorus-1829 +landscape,Impressionism,alfred-sisley_sablons-in-spring-1890 +landscape,Fauvism,georges-braque_little-bay-at-la-ciotat-1907 +landscape,Impressionism,eugene-boudin_the-mill-saint-cenery-1 +landscape,Art_Nouveau_Modern,ivan-bilibin_south-of-france-twilight-1935 +landscape,Expressionism,max-beckmann_railway-bridge-and-rainbow-1942 +landscape,Impressionism,robert-julian-onderdonk_last-rays-of-sunlight-early-spring-in-san-antonio-1922 +landscape,Impressionism,zinaida-serebriakova_harvest-1910 +landscape,New_Realism,john-french-sloan_the-lookout-green-and-orange-cliffs-gloucester-1917 +landscape,Realism,isaac-levitan_church-in-plyos-1888 +landscape,Realism,camille-corot_souvenir-of-italy-1 +landscape,Impressionism,george-pemba_lesotho-landscape-1944 +landscape,Realism,theodore-rousseau_not_detected_198920 +landscape,Art_Nouveau_Modern,nicholas-roerich_ostrovenka-suburbs-1903 +landscape,Contemporary_Realism,jamie-wyeth_kent-house-1971 +landscape,Realism,ivan-shishkin_view-of-valaam-island-kukko-1860 +landscape,Realism,arkhip-kuindzhi_rainbow-3 +landscape,Cubism,paul-klee_oriental-garden-1939(1) +landscape,Impressionism,gustave-caillebotte_the-harbour-of-argentueil +landscape,Impressionism,pablo-picasso_view-of-the-port-of-valencia +landscape,Impressionism,joaquã­n-sorolla_pine-trees-1902 +landscape,Symbolism,nicholas-roerich_milarepa-s-cave-1931 +landscape,Fauvism,raoul-dufy_palm-trees-at-martigues-homage-to-gauguin-1910 +landscape,Impressionism,walter-battiss_a-tent-and-cart-in-a-wooded-landscape +landscape,Impressionism,arthur-verona_birch-forest +landscape,Symbolism,nicholas-roerich_himalayas-63 +landscape,Post_Impressionism,konstantinos-parthenis_landscape-1 +landscape,Baroque,rembrandt_landscape-with-a-fisherman-1652 +landscape,Expressionism,august-macke_landscape-on-the-teggernsee-with-a-reading-man +landscape,Impressionism,william-merritt-chase_coastal-view +landscape,Impressionism,john-henry-twachtman_gloucester-harbor +landscape,Symbolism,nicholas-roerich_egypt-1939-1 +landscape,Realism,aleksey-savrasov_flooding-of-the-volga-river-near-yaroslavl-1871 +landscape,Impressionism,camille-pissarro_rainbow-pontoise-1877 +landscape,Romanticism,joseph-wright_cottage-on-fire-at-night +landscape,Impressionism,robert-julian-onderdonk_bluebonnet-scene-1 +landscape,Impressionism,childe-hassam_summer-afternoon-isles-of-shoals +landscape,Realism,vasily-surikov_mountains-near-krasnoyarsk-1909 +landscape,Expressionism,vilmos-aba-novak_sand-mine-igal-1927 +landscape,Impressionism,micaela-eleutheriade_gr-dina-de-zarzavat-1942 +landscape,Symbolism,nicholas-roerich_lake-vular-1925-1 +landscape,Romanticism,thomas-cole_genesee-scenery-1847 +landscape,Impressionism,camille-pissarro_landscape-at-eragny-clear-weather-1890 +landscape,Post_Impressionism,vincent-van-gogh_the-little-stream-1890 +landscape,Impressionism,claude-monet_cliff-at-pourville-2 +landscape,Romanticism,william-turner_the-chain-pier-brighton +landscape,Impressionism,camille-pissarro_the-house-in-the-fields-rueil-1872 +landscape,Ukiyo_e,hiroshige_oiso-toraga-ame-shower-1835 +landscape,Symbolism,koloman-moser_mountain-ranges-1913 +landscape,Romanticism,john-crome_view-near-norwich-with-harvesters-1821 +landscape,Cubism,pyotr-konchalovsky_landscape-1912 +landscape,Impressionism,john-henry-twachtman_icebound +landscape,Impressionism,boris-kustodiev_forest-near-the-village-maureeno +landscape,Romanticism,caspar-david-friedrich_morning-in-riesengebirge +landscape,Impressionism,claude-monet_the-siene-at-lavacourt-effect-of-snow +landscape,Impressionism,pierre-auguste-renoir_algiers-the-garden-of-essai-1881 +landscape,Impressionism,joaquã­n-sorolla_the-outskirts-of-segovia-1906 +landscape,Rococo,thomas-gainsborough_wooded-landscape-with-cattle-and-goats(1) +landscape,Impressionism,berthe-morisot_snowy-landscape-aka-frost +landscape,Realism,maxime-lalanne_pic-du-midi-de-bigorre-vu-de-tramesaygues +landscape,Impressionism,claude-monet_the-nets-1882 +landscape,Impressionism,alfred-sisley_road-under-snow-louveciennes +landscape,Symbolism,nicholas-roerich_tibet-1943 +landscape,Impressionism,kimon-loghi_the-lake-in-the-forest +landscape,Impressionism,isaac-levitan_a-garden +landscape,Post_Impressionism,salvador-dali_punta-es-baluard-de-la-riba-d-en-pitxot-1919 +landscape,Cubism,paul-cezanne_morning-in-provence +landscape,Post_Impressionism,pierre-bonnard_not_detected_221937 +landscape,Symbolism,ferdinand-hodler_the-maiden-of-the-mist-over-the-sea-1908 +landscape,Impressionism,claude-monet_juan-les-pins +landscape,Impressionism,alfred-sisley_abandoned-cottage-1894 +landscape,Post_Impressionism,pyotr-konchalovsky_rocks-and-sails-1924 +landscape,Post_Impressionism,paul-cezanne_mont-sainte-victoire-1887-1 +landscape,Expressionism,ernst-ludwig-kirchner_sertigtal-in-autumn-1926 +landscape,Symbolism,nicholas-roerich_himalayas-study-3 +landscape,Impressionism,alfred-sisley_the-seine-at-bougival-1873 +landscape,Impressionism,alfred-sisley_banks-of-the-loing-at-saint-mammes-1885-1 +landscape,Impressionism,frederic-remington_a-reconnaissance-1902 +landscape,Impressionism,eugene-boudin_the-jetties-low-tide-trouville-1891 +landscape,Realism,theodore-rousseau_the-vicinities-of-saint-flour +landscape,Realism,vincent-van-gogh_farmhouse-at-night-1883(1) +landscape,Realism,pyotr-konchalovsky_apple-tree-in-bloom-1937 +landscape,Romanticism,richard-parkes-bonington_landscape-with-harvesters-at-sunset-1826 +landscape,Realism,theodore-rousseau_the-great-oaks-of-old-bas-breau-1864 +landscape,Post_Impressionism,constantine-maleas_church-at-santorini +landscape,Impressionism,alfred-sisley_saint-mammes-1885-1 +landscape,Impressionism,claude-monet_road-to-the-saint-simeon-farm +landscape,Impressionism,claude-monet_the-river +landscape,Impressionism,claude-monet_road-in-a-forest-fontainebleau +landscape,Expressionism,salvador-dali_source-in-the-hornet +landscape,Expressionism,chronis-botsoglou_landscape-1963 +landscape,Symbolism,nicholas-roerich_himalayas-40 +landscape,Romanticism,paul-cezanne_guillaumin-by-the-road +landscape,Naive_Art_Primitivism,henri-rousseau_park-with-figures +landscape,Realism,isaac-levitan_spring-cranes-flying +landscape,Post_Impressionism,maurice-de-vlaminck_the-aqueduct-at-nogent-sur-marne-1911 +landscape,Romanticism,pavel-svinyin_steamboat-travel-on-the-hudson-river +landscape,Post_Impressionism,gustave-loiseau_cliffs-in-normandy-1910 +landscape,Impressionism,joaquã­n-sorolla_landscape-in-san-sebastian +landscape,Post_Impressionism,vincent-van-gogh_evening-landscape-with-rising-moon-1889(1) +landscape,Post_Impressionism,gustave-loiseau_the-normandy-river-1918 +landscape,Realism,isaac-levitan_shadows-moonlit-night +landscape,Impressionism,thomas-eakins_landscape +landscape,Impressionism,claude-monet_valley-of-the-creuse-grey-sky +landscape,Symbolism,ferdinand-hodler_the-grammont-in-the-morning-sun-1917 +landscape,Impressionism,pierre-auguste-renoir_essoyes-landscape-1884 +landscape,Post_Impressionism,adam-baltatu_arge-valley +landscape,Impressionism,camille-pissarro_the-moret-bridge-1888 +landscape,Romanticism,joseph-wright_cavern-near-naples-1774 +landscape,Fauvism,armand-guillaumin_paysage-de-la-creuse-printemps +landscape,Romanticism,eugene-delacroix_landscape-near-tangier(1) +landscape,Impressionism,claude-monet_springtime-meadow-at-giverny +landscape,Symbolism,nicholas-roerich_tulola-valley-1918 +landscape,Realism,vincent-van-gogh_ditch-1884(1) +landscape,Impressionism,odilon-redon_peyrelebade-landscape-1880 +landscape,Realism,thomas-eakins_landscape-1884 +landscape,Romanticism,richard-parkes-bonington_lake-brientz-and-interlaken-1826 +landscape,Contemporary_Realism,john-miller_estuary-i +landscape,Expressionism,roy-lichtenstein_coast-village-1987(1) +landscape,Expressionism,salvador-dali_the-pyramids-and-the-sphynx-of-gizeh +landscape,Post_Impressionism,maxime-maufra_the-shore-at-duarnenez +landscape,Naive_Art_Primitivism,henri-rousseau_the-mill-at-alfor-1905 +landscape,Expressionism,lucian-freud_pluto-s-grave +landscape,Symbolism,nicholas-roerich_everest-1931 +landscape,Symbolism,nicholas-roerich_swirling-glow-1945 +landscape,Realism,camille-corot_mountains-in-auvergne +landscape,Post_Impressionism,vincent-van-gogh_garden-behind-a-house-1888(1) +landscape,Impressionism,camille-pissarro_eragny-landscape-1890 +landscape,Impressionism,nicolae-darascu_view-towards-balcic +landscape,Realism,aleksey-savrasov_type-of-kiev-from-the-dnieper-to-the-pechersk-lavra-1852 +landscape,Symbolism,nicholas-roerich_bowels-1924 +landscape,Expressionism,balthus_larchant-1939 +landscape,Realism,isaac-levitan_village-1888 +landscape,Romanticism,albert-bierstadt_sunrise-on-the-matterhorn-1875 +landscape,Impressionism,pieter-wenning_native-location-pretoria-1911 +landscape,Post_Impressionism,gustave-loiseau_small-farm-by-the-eure-river +landscape,Naive_Art_Primitivism,niko-pirosmani_donkey-bridge +landscape,Impressionism,childe-hassam_village-scene-breton +landscape,Symbolism,martiros-saryan_ararat-and-arch-charents-1958 +landscape,Realism,vincent-van-gogh_a-marsh-1881(1) +landscape,Expressionism,johannes-sveinsson-kjarval_skjaldbrei-ur +landscape,Baroque,jan-siberechts_pasture-with-two-sleeping-shepherdesses +landscape,Symbolism,nicholas-roerich_grand-canyon-1921 +landscape,Realism,fyodor-vasilyev_birch-grove-in-the-evening-1869 +landscape,Impressionism,alfred-sisley_an-august-afternoon-near-veneux-1881 +landscape,Realism,konstantin-makovsky_country-landscape +landscape,Realism,ivan-shishkin_first-snow-1875 +landscape,Impressionism,claude-monet_the-cabin-at-saint-adresse +landscape,Romanticism,john-constable_the-harvest-field +landscape,Realism,isaac-levitan_lake-como-1894 +landscape,Impressionism,eugene-boudin_the-trouville-jetty-1867 +landscape,Post_Impressionism,gustave-loiseau_village-road-in-autumn-1911 +landscape,Realism,volodymyr-orlovsky_summer-landscape-1877 +landscape,Symbolism,a.y.-jackson_skeena-crossing-1926 +landscape,Impressionism,fern-coppedge_bucks-county-scene +landscape,Impressionism,claude-monet_the-three-trees-autumn-1891 +landscape,Post_Impressionism,asgrimur-jonsson_mt-n-mafjall-in-n-iceland-1951 +landscape,Impressionism,joaquã­n-sorolla_landscapes-of-san-pedro-san-sebastian +landscape,Impressionism,winston-churchill_shadows-on-a-staircase-in-southern-france(1) +landscape,Impressionism,mikhail-nesterov_a-firtree-1890 +landscape,Realism,camille-corot_ville-d-avray-horses-watering +landscape,Realism,camille-corot_souvenir-of-italy +landscape,Pop_Art,saul-steinberg_view-of-florida-1965 +landscape,Romanticism,ivan-aivazovsky_on-the-roads-1874 +landscape,Impressionism,claude-monet_vetheuil-1 +landscape,Post_Impressionism,jack-bush_untitled-house-and-telephone-pole-1941 +landscape,Fauvism,janos-mattis-teutsch_yellow-landscape-1916 +landscape,Symbolism,nicholas-roerich_himalayas-mountains-lit-by-sunset-1941 +landscape,Impressionism,claude-monet_pourville +landscape,Contemporary_Realism,neil-welliver_study-for-head-of-passagassawaukeg +landscape,Realism,theodore-rousseau_avenue-forest-isle-adam +landscape,Naive_Art_Primitivism,arman-manookian_landscape +landscape,Art_Nouveau_Modern,a.y.-jackson_the-road-to-st-fidele-1930 +landscape,Realism,aleksey-savrasov_winter-landscape +landscape,Baroque,joseph-wright_ullswater +landscape,Impressionism,alfred-sisley_valley-of-the-seine-at-saint-cloud-1875 +landscape,Symbolism,nicholas-roerich_study-of-mountains-1 +landscape,Romanticism,john-constable_stonehenge-1835 +landscape,Symbolism,nicholas-roerich_himalayas-54 +landscape,Art_Nouveau_Modern,gustav-klimt_the-schloss-kammer-on-the-attersee-iii-1910 +landscape,Impressionism,piet-mondrian_mill-in-the-evening-1905 +landscape,Impressionism,john-singer-sargent_olive-trees-corfu-1909 +landscape,Realism,johan-hendrik-weissenbruch_farm-on-polder-canal +landscape,Post_Impressionism,paul-gauguin_breton-village-under-snow-1894 +landscape,Post_Impressionism,pierre-bonnard_autumn-the-fruit-pickers-1912 +landscape,Ukiyo_e,keisai-eisen_no-41-distant-view-of-kanagawa-bridge-near-nojiri-station-1844(1) +landscape,Post_Impressionism,gustave-loiseau_hoarfrost-at-huelgoat-finistere-1903 +landscape,Realism,thomas-eakins_hauling-the-seine-1882 +landscape,Realism,theodore-rousseau_the-pond-stormy-sky +landscape,Realism,john-singer-sargent_engelsburg-1872 +landscape,Impressionism,alfred-sisley_banks-of-the-loing-1885 +landscape,Realism,viktor-vasnetsov_the-lake-1902 +landscape,Post_Impressionism,eduardo-viana_paisagem-de-sintra +landscape,Northern_Renaissance,pieter-bruegel-the-elder_market-for-the-country +landscape,Cubism,henri-matisse_garden-at-issy +landscape,Impressionism,eugene-boudin_trouville-the-ferry-to-deauville-1880 +landscape,Post_Impressionism,vincent-van-gogh_barn-and-farmhouse(1) +landscape,Post_Impressionism,ion-tuculescu_landscape-at-mangalia-1943 +landscape,Symbolism,nicholas-roerich_pir-panjal-1925-3 +landscape,Realism,ivan-shishkin_swamp-1884 +landscape,Realism,vasily-polenov_pond-in-abramtsevo-1883 +landscape,Impressionism,alfred-sisley_railroad-embankment-at-sevres-1879 +landscape,Impressionism,paul-gauguin_osny-the-gate-of-busagny-farm-1884 +landscape,Realism,ivan-shishkin_the-road +landscape,Post_Impressionism,piet-mondrian_study-for-blue-apple-tree-series +landscape,Impressionism,alfred-sisley_july-afternoon-near-the-forest-1887 +landscape,Realism,camille-corot_the-forestry-workers +landscape,Realism,theodore-rousseau_landscape-1 +landscape,Impressionism,julian-alden-weir_overhanging-trees +landscape,Impressionism,robert-julian-onderdonk_moonlight-in-south-texas-1912 +landscape,Ukiyo_e,hiroshige_evening-snow-on-mount-hira +landscape,Pointillism,andre-derain_the-port-of-collioure-1905-1 +landscape,Realism,fyodor-vasilyev_autumn +landscape,Symbolism,martiros-saryan_ararat-1958 +landscape,Realism,ivan-shishkin_corner-of-overgrown-garden-goutweed-grass-1884 +landscape,New_Realism,edward-hopper_rocks-at-the-fort-gloucester +landscape,Impressionism,claude-monet_the-spring-at-vetheuil +landscape,Impressionism,winston-churchill_view-on-the-river-var +landscape,Impressionism,salvador-dali_landscape-2 +landscape,Art_Nouveau_Modern,ivan-bilibin_south-of-france-after-the-storm-1936 +landscape,Impressionism,claude-monet_the-seine-near-giverny-1 +landscape,Post_Impressionism,maurice-prendergast_st-malo-also-known-as-sketch-st-malo +landscape,Romanticism,john-atkinson-grimshaw_full-moon-behind-cirrus-cloud-from-the-roundhay-park-castle-battlements-1872 +landscape,Expressionism,edvard-munch_summer-night-at-aasgaardstrand +landscape,Impressionism,edgar-degas_beach-with-sailing-boats +landscape,Pop_Art,peter-max_four-seasons-summer +landscape,Pointillism,paul-signac_gasometers-at-clichy-1886 +landscape,Impressionism,camille-pissarro_path-under-the-trees-summer +landscape,Impressionism,arkhip-kuindzhi_crimea-1 +landscape,Fauvism,endre-bartos_nightfall-on-the-danube-coast +landscape,Impressionism,robert-julian-onderdonk_road-through-the-trees-1915 +landscape,Realism,konstantin-bogaevsky_landscape-with-oaks-and-willows-1940 +landscape,Impressionism,william-merritt-chase_near-bay-ridge +landscape,Impressionism,frits-thaulow_winter-at-simoa-river +landscape,Realism,martiros-saryan_from-the-aragats-slopes-1951 +landscape,Realism,volodymyr-orlovsky_landscape-with-pond +landscape,Impressionism,claude-monet_grainstack-in-overcast-weather-snow-effect +landscape,Ukiyo_e,hiroshige_the-road-connecting-edo-tokyo-and-kyoto +landscape,Realism,ivan-shishkin_ferns-1886 +landscape,Expressionism,ernst-ludwig-kirchner_the-mountain +landscape,Romanticism,joseph-wright_arkwright-s-cotton-mills-by-night +landscape,Impressionism,camille-pissarro_corner-of-the-garden-in-eragny-1897 +landscape,Impressionism,eugene-boudin_the-shore-at-plougastel-1870 +landscape,Romanticism,ivan-aivazovsky_gurzuf +landscape,Post_Impressionism,dumitru-ghiatza_on-bistri-a-valley +landscape,Realism,martiros-saryan_spring-day-1929 +landscape,Romanticism,taras-shevchenko_akmish-tau +landscape,Impressionism,john-singer-sargent_a-garden-in-corfu-1909 +landscape,Post_Impressionism,nicolae-tonitza_tefik-s-yard-in-mangalia +landscape,Post_Impressionism,janos-tornyai_autumn-morning-1907 +landscape,Realism,vincent-van-gogh_iron-mill-in-the-hague-1882 +landscape,Realism,johan-hendrik-weissenbruch_horseman-on-a-tow-path +landscape,Realism,gustave-courbet_crumbling-rocks-1864 +landscape,Impressionism,claude-monet_etretat-cliff-of-d-aval-sunset +landscape,Impressionism,gustave-caillebotte_the-wall-of-the-kitchen-garden-yerres +landscape,Romanticism,william-holman-hunt_our-english-coasts +landscape,Naive_Art_Primitivism,grã©goire-michonze_paysage-vert-anime +landscape,Contemporary_Realism,jamie-wyeth_halloween-monhegan-1972 +landscape,Impressionism,camille-pissarro_landscape-at-pontoise-2 +landscape,Romanticism,ivan-aivazovsky_crimean-view-ayu-dag-1865 +landscape,Symbolism,nicholas-roerich_karga-1933 +landscape,Naive_Art_Primitivism,grã©goire-michonze_bi-vres-vall-e-de-chevreuses-1957 +landscape,Pointillism,henri-martin_lot-landscape-1890 +landscape,Impressionism,gustave-caillebotte_promenade-at-argenteuil +landscape,Impressionism,pierre-auguste-renoir_cagnes-landscape-1910-1 +landscape,Realism,ivan-shishkin_in-the-park-1897 +landscape,Impressionism,john-henry-twachtman_balcony-in-winter-1902 +landscape,Post_Impressionism,pyotr-konchalovsky_france-mountain-lavender-1908 +landscape,Contemporary_Realism,john-miller_interior-landscape-mauve +landscape,Impressionism,pierre-auguste-renoir_landscape-1895 +landscape,Post_Impressionism,maxime-maufra_the-conch-at-vieux-chateau-1905 +landscape,Impressionism,alfred-sisley_boats-1885 +landscape,Post_Impressionism,pyotr-konchalovsky_oaks-in-the-park-1922 +landscape,Post_Impressionism,gustave-loiseau_small-farm-at-vaudreuil-1 +landscape,Cubism,maurice-de-vlaminck_landscape +landscape,Symbolism,mikalojus-ciurlionis_raigardas-ii-1907 +landscape,Northern_Renaissance,pieter-bruegel-the-elder_country-concerns-1552 +landscape,Realism,vincent-van-gogh_the-old-tower-1884 +landscape,Post_Impressionism,karl-schrag_pines-and-rocks-in-evening-light-1975 +landscape,Symbolism,nicholas-roerich_himalayas-pink-peak +landscape,Impressionism,paul-gauguin_sunken-lane-1884 +landscape,Impressionism,joaquã­n-sorolla_valencian-boats-1908 +landscape,Realism,martiros-saryan_spring-day-1935 +landscape,Expressionism,charles-demuth_provincetown-dunes-1914 +landscape,Cubism,paul-cezanne_montagne-sainte-victoire-and-the-black-chateau +landscape,Art_Nouveau_Modern,anna-ostroumova-lebedeva_round-pond-1923 +landscape,Expressionism,serge-sudeikin_apple-picking +landscape,Realism,camille-corot_lake-piediluco-1826 +landscape,Symbolism,nicholas-roerich_eagle-s-nest +landscape,Pointillism,henri-edmond-cross_the-iles-d-or-the-iles-d-hyeres-var +landscape,Realism,maxime-lalanne_lac-de-gaube-cauteretz-i-e-cauterets +landscape,Symbolism,tivadar-kosztka-csontvary_ruins-of-the-ancient-theatre-of-taormina-1905 +landscape,Expressionism,viorel-marginean_toamn-la-cenade-1973 +landscape,Post_Impressionism,henri-martin_the-church-in-labastide-du-vert +landscape,Impressionism,robert-julian-onderdonk_field-of-bluebonnets-1 +landscape,Romanticism,joseph-wright_lake-nemi +landscape,Impressionism,alfred-sisley_edge-of-the-forest-in-spring-evening-1886 +landscape,Baroque,rembrandt_the-bastion-in-amsterdam +landscape,Realism,mykola-yaroshenko_elbrus-in-the-clouds-1894 +landscape,Realism,ivan-shishkin_coppice-noon-1872 +landscape,Fauvism,janos-mattis-teutsch_landscape-in-dark-colours-trees-1918 +landscape,Romanticism,john-constable_pond-in-branchhill +landscape,Impressionism,robert-julian-onderdonk_lingering-snow +landscape,Romanticism,thomas-cole_new-england-scenery-1839 +landscape,Impressionism,pierre-auguste-renoir_antibes-1893 +landscape,Impressionism,eugene-boudin_bordeaux-a-cargonne-larmont +landscape,Impressionism,camille-pissarro_the-vegetable-garden-with-trees-in-blossom-spring-pontoise-1877 +landscape,Romanticism,henryk-siemiradzki_svislach-landscape +landscape,Impressionism,childe-hassam_sunrise-autumn +landscape,Romanticism,ivan-aivazovsky_the-varangians-on-the-dnieper-1876 +landscape,High_Renaissance,leonardo-da-vinci_birch-copse +landscape,Realism,pyotr-konchalovsky_landscape-1 +landscape,Impressionism,robert-julian-onderdonk_a-white-road-at-late-afternoon-1921 +landscape,Impressionism,eugene-boudin_plougastel-women-waiting-for-the-ferry-1870 +landscape,Realism,ivan-shishkin_birch-grove-1896-1 +landscape,Symbolism,nicholas-roerich_thinking-1918 +landscape,Realism,gustave-courbet_two-roe-deers-in-the-forest +landscape,Post_Impressionism,gustave-loiseau_village-in-sun-on-the-river-1914 +landscape,Symbolism,nicholas-roerich_devidar-narsinga-1932 +landscape,Romanticism,alexander-ivanov_monticelli-near-tivoli-1843 +landscape,Impressionism,nicolae-darascu_landscape-from-arge +landscape,Impressionism,winston-churchill_loch-on-the-duke-of-sutherland-s-estate(1) +landscape,Art_Nouveau_Modern,ferdinand-hodler_the-lady-of-the-isenfluh-1902 +landscape,Expressionism,otto-dix_the-war +landscape,Impressionism,pierre-auguste-renoir_mount-sainte-victoire-1889 +landscape,Contemporary_Realism,neil-welliver_stumps-and-allagash +landscape,Post_Impressionism,alexandre-benois_versailles-water-parterre(1) +landscape,Impressionism,ivan-albright_nags-head-cape-hatteras-1974 +landscape,Realism,gustave-courbet_lake-leman-1874 +landscape,Realism,isaac-levitan_a-birch-grove +landscape,Cubism,diego-rivera_la-tour-eiffel-1914 +landscape,Realism,ivan-shishkin_early-autumn-1889 +landscape,Romanticism,polychronis-lembesis_supreme-court-1880 +landscape,Impressionism,joaquã­n-sorolla_return-from-fishing-1908 +landscape,Impressionism,claude-monet_farmyard +landscape,Impressionism,laszlo-mednyanszky_brookside-in-winter-1880 +landscape,Symbolism,nicholas-roerich_mountain-abode-1933-1 +landscape,Impressionism,camille-pissarro_the-hermitage-at-pontoise-1874 +landscape,Expressionism,wassily-kandinsky_autumn-in-murnau-1908 +landscape,Symbolism,nicholas-roerich_himalayas-11 +landscape,Impressionism,john-singer-sargent_home-fields +landscape,Post_Impressionism,ferdynand-ruszczyc_krajobraz-1 +landscape,Romanticism,ferdinand-georg-waldmã¼ller_lake-fuschel-with-schafberg-1835 +landscape,Realism,vasily-polenov_pond-1880 +landscape,Realism,ivan-shishkin_shore-1885 +landscape,Post_Impressionism,salvador-dali_portdogue-1919 +landscape,Realism,isaac-levitan_village-savvinskaya-near-zvenigorod-1884-2 +landscape,Impressionism,alfred-sisley_on-the-road-from-moret-1882 +landscape,Impressionism,guy-rose_the-gondolier-venice-1894 +landscape,Realism,aleksey-savrasov_oaks +landscape,Realism,aleksey-savrasov_evening-migration-of-birds-1874 +landscape,Impressionism,claude-monet_isle-of-flowers-on-siene-near-vetheuil +landscape,Romanticism,camille-corot_marino-large-buildings-on-the-rocks-1827 +landscape,Baroque,peter-paul-rubens_landscape-with-the-ruins-of-mount-palatine-in-rome +landscape,Art_Nouveau_Modern,konstantin-somov_versailles-park-in-autumn +landscape,Ukiyo_e,katsushika-hokusai_the-back-of-the-fuji-from-the-minobu-river +landscape,Impressionism,pierre-auguste-renoir_in-the-garden-at-collettes-in-cagnes +landscape,Romanticism,ivan-aivazovsky_the-bay-of-naples-at-moonlit-night-vesuvius +landscape,Realism,ivan-shishkin_birch-grove +landscape,Impressionism,arkhip-kuindzhi_mountains-1 +landscape,Contemporary_Realism,jamie-wyeth_island-steer-1976 +landscape,Symbolism,nicholas-roerich_himalayas-morning-1938 +landscape,Impressionism,childe-hassam_autumn-hilltop-new-england-1906 +landscape,Expressionism,emil-nolde_sunset +landscape,Realism,camille-corot_pond-at-ville-d-avray-with-leaning-trees-1873 +landscape,Post_Impressionism,vincent-van-gogh_the-mill-of-alphonse-daudet-at-fontevieille-1888 +landscape,Romanticism,ivan-aivazovsky_darial-gorge-moon-night-1868 +landscape,Realism,theodore-rousseau_not_detected_198948 +landscape,Post_Impressionism,viorel-marginean_nceput-de-iarn-la-cenade-1980 +landscape,Realism,aleksey-savrasov_landscape-with-church-1885 +landscape,Cubism,louis-marcoussis_bees-1940 +landscape,Realism,ivan-shishkin_oaks +landscape,Realism,vasily-polenov_view-of-feodosia-from-quarantine-to-the-ruins-of-the-genoese-fortress-1912 +landscape,Expressionism,chaim-soutine_view-of-ceret +landscape,Impressionism,claude-monet_scaters-in-giverny +landscape,Impressionism,pierre-auguste-renoir_roche-goyon-1885 +landscape,Symbolism,nicholas-roerich_mount-of-five-treasures-two-worlds-1933 +landscape,Baroque,paul-bril_an-extensive-landscape +landscape,Impressionism,alfred-sisley_snow-scene-moret-station-1888 +landscape,Cubism,pyotr-konchalovsky_trees-1919 +landscape,Symbolism,mikalojus-ciurlionis_not_detected_194339 +landscape,Symbolism,nicholas-roerich_baltistan-the-border-with-ladakh-1936 +landscape,Impressionism,alfred-sisley_l-etang-de-chevreuil +landscape,Romanticism,john-constable_shoreham-bay-near-brighton-1824 +landscape,Romanticism,ivan-aivazovsky_night-in-amalfi-1854 +landscape,Impressionism,arthur-verona_country-road-1898 +landscape,Impressionism,pierre-auguste-renoir_cape-saint-jean-1910 +landscape,Realism,ivan-shishkin_hovel-1861 +landscape,Realism,ivan-shishkin_pine-forest-3 +landscape,Contemporary_Realism,fairfield-porter_late-afternoon-snow-1972 +landscape,Symbolism,mikalojus-ciurlionis_prelude-1908 +landscape,Impressionism,alfred-sisley_flood-at-port-marly-1876 +landscape,Impressionism,ivan-grohar_pogled-z-mojega-okna-1905 +landscape,Impressionism,arkhip-kuindzhi_winter-fog +landscape,Impressionism,paul-signac_rue-caulaincourt-mills-on-montmarte-1884 +landscape,Pointillism,jean-metzinger_paysage-pointilliste-1907 +landscape,Impressionism,john-singer-sargent_corfu-the-terrace-1909 +landscape,Romanticism,john-constable_a-lane-near-dedham-1802 +landscape,Impressionism,claude-monet_the-riverbank-at-petit-gennevilliers-sunset +landscape,Symbolism,mikalojus-ciurlionis_bridges-1905 +landscape,Post_Impressionism,gustave-loiseau_the-laundry-boat-on-the-seine-at-herblay-1906 +landscape,Post_Impressionism,henri-matisse_the-windshield-1917 +landscape,Impressionism,julian-alden-weir_midday-1891 +landscape,Realism,john-singer-sargent_oranges-at-corfu +landscape,Romanticism,eugene-delacroix_bay-of-tangier-in-morocco(1) +landscape,Impressionism,claude-monet_on-the-coast-at-trouville +landscape,Impressionism,pieter-wenning_landscape-bishops-court +landscape,Northern_Renaissance,albrecht-durer_quarry +landscape,Realism,pyotr-konchalovsky_the-road-dry-wood-1930 +landscape,Impressionism,arkhip-kuindzhi_a-birch-grove-3 +landscape,Impressionism,konstantin-korovin_bridge +landscape,Impressionism,james-mcneill-whistler_harmony-in-blue-and-pearl-the-sands-dieppe +landscape,Symbolism,nicholas-roerich_study-of-mountains-6 +landscape,Post_Impressionism,pierre-bonnard_saint-tropez-pier-1912 +landscape,Impressionism,claude-monet_the-seine-at-port-villes-clear-weather +landscape,Impressionism,pierre-auguste-renoir_path-through-the-undergrowth-1910 +landscape,Post_Impressionism,maxime-maufra_brittany-a-hamlet-1891 +landscape,Impressionism,gustave-caillebotte_the-yerres-rain +landscape,Symbolism,nicholas-roerich_giant-s-tomb-1915 +landscape,Impressionism,eugene-boudin_sailboats-near-trouville-1873 +landscape,Impressionism,john-singer-sargent_landscape-olive-trees-corfu-1909 +landscape,Impressionism,claude-monet_the-manneport-etretat-amont-cliff-rough-weather-1886 +landscape,Realism,camille-pissarro_view-of-pontoise-quai-au-pothuis-1868 +landscape,Realism,arkhip-kuindzhi_night-1 +landscape,Symbolism,kimon-loghi_autumn +landscape,Post_Impressionism,gustave-loiseau_the-red-rocks +landscape,Expressionism,jan-sluyters_moon-night +landscape,Realism,charles-francois-daubigny_the-park-at-st-cloud-1865 +landscape,Impressionism,alfred-sisley_the-regattas-moseley-1874 +landscape,Rococo,george-morland_the-approaching-storm +landscape,Realism,ivan-shishkin_winter-moscow-suburbs +landscape,Impressionism,arkhip-kuindzhi_rainbow +landscape,Impressionism,paul-signac_railway-junction-near-bois-colombes-1886 +landscape,Impressionism,claude-monet_farm-near-honfleur +landscape,Impressionism,adam-baltatu_village-alley +landscape,Expressionism,martiros-saryan_fantastic-landscape-settlement-in-the-mountains-1972 +landscape,Expressionism,martiros-saryan_flowering-peaches-1922 +landscape,Realism,johan-hendrik-weissenbruch_man-on-a-cart-in-wood +landscape,Post_Impressionism,maurice-prendergast_opal-sea +landscape,Romanticism,ivan-aivazovsky_the-bay-of-yalta-1885 +landscape,Realism,aleksey-savrasov_pines-on-the-shores-of-lake-1890 +landscape,Symbolism,nicholas-roerich_himalayas-49 +landscape,Symbolism,nicholas-roerich_lake-in-the-mountains-1 +landscape,Symbolism,konstantin-bogaevsky_kaffa-old-feodosia-1927 +landscape,Impressionism,alfred-sisley_flood-at-moret-1879 +landscape,Cubism,paul-cezanne_rocks-near-the-caves-below-the-chateau-noir +landscape,Symbolism,konstantin-bogaevsky_clock-towers-of-alupka-palace +landscape,Realism,camille-corot_pond-of-ville-d-avray-1873 +landscape,Contemporary_Realism,john-miller_beach-with-palm +landscape,Symbolism,zinaida-serebriakova_landscape-with-a-river-1911 +landscape,Impressionism,robert-julian-onderdonk_a-june-morning-1909 +landscape,Romanticism,ferdinand-georg-waldmã¼ller_traunsee-with-orth-castle +landscape,Impressionism,paul-gauguin_geese-in-the-meadow-1885 +landscape,Cubism,paul-cezanne_mont-sainte-victoire +landscape,Romanticism,william-shayer_landscape-with-figures-on-a-path +landscape,Impressionism,zinaida-serebriakova_fields-neskuchnoye +landscape,Romanticism,thomas-cole_ruined-castle-and-river +landscape,Impressionism,ivan-albright_alicia-s-azaleas-on-st-mary-s-river +landscape,Impressionism,camille-pissarro_view-of-bazincourt-frost-morning-1892 +landscape,Romanticism,taras-shevchenko_in-kyiv-1844 +landscape,Impressionism,salvador-dali_landscape-3 +landscape,Post_Impressionism,pyotr-konchalovsky_nara-1918 +landscape,Realism,pyotr-konchalovsky_kislovodsk-1938 +landscape,Post_Impressionism,gustave-loiseau_by-the-river-eure-1906 +landscape,Impressionism,eugene-boudin_antibes +landscape,Realism,edouard-manet_the-garden-around-manet-s-house +landscape,Romanticism,william-turner_virginia-water +landscape,Impressionism,alfred-sisley_provencher-s-mill-at-moret-1883 +landscape,Impressionism,lucia-demetriade-balacescu_scen-s-teasc-1943 +landscape,Impressionism,robert-julian-onderdonk_live-oak-trees-on-williams-ranch-bandera-county-1915 +landscape,Ukiyo_e,hiroshige_moonlight-view-of-tsukuda-with-lady-on-a-balcony-1856 +landscape,Romanticism,ivan-aivazovsky_morning-on-a-sea-1883 +landscape,Impressionism,claude-monet_springtime-at-giverny +landscape,Impressionism,fern-coppedge_january-sunshine +landscape,Impressionism,alfred-sisley_fields-around-the-forest-1895 +landscape,Romanticism,thomas-cole_view-from-mount-holyoke-1836 +landscape,Post_Impressionism,piet-mondrian_woods-near-oele-1908 +landscape,Impressionism,john-singer-sargent_palmettos-1917 +landscape,Impressionism,lovis-corinth_inn-valley-landscape-1910 +landscape,Realism,maxime-lalanne_ruins-of-the-gallien-palace +landscape,Post_Impressionism,lajos-tihanyi_street-in-trencs-n-1912 +landscape,Romanticism,john-constable_a-church-porch-1810 +landscape,Impressionism,ion-andreescu_flowering-field-1879 +landscape,Impressionism,john-singer-sargent_mountain-stream +landscape,Impressionism,alfred-sisley_cornfield-1873 +landscape,Impressionism,alfred-sisley_the-roches-courtaut-wood-near-by-1880 +landscape,Post_Impressionism,a.y.-jackson_river-st-urbain-1930 +landscape,Impressionism,john-henry-twachtman_landscape-4 +landscape,Romanticism,thomas-moran_cresheim-glen-wissahickon-autumn-1864-1 +landscape,Realism,nicholas-roerich_drying-house-in-tarakanovka-1893 +landscape,Post_Impressionism,umberto-boccioni_moorland-1908 +landscape,Contemporary_Realism,neil-welliver_study-for-flat-boulder-reflected +landscape,Post_Impressionism,gustave-loiseau_laundry-on-the-seine-at-herblay-1906 +landscape,Romanticism,pavel-svinyin_pensilvanian-landscape +landscape,Impressionism,claude-monet_cliffs-near-pourville +landscape,Post_Impressionism,gustave-loiseau_flood-at-nantes-1909 +landscape,Realism,isaac-levitan_volga-barges +landscape,Post_Impressionism,gustave-loiseau_trees-by-the-river-1 +landscape,Realism,camille-corot_souvenir-of-the-villa-borghese-1855 +landscape,Post_Impressionism,vincent-van-gogh_olive-grove-orange-sky-1889 +landscape,Impressionism,alfred-sisley_saint-cloud-banks-of-the-seine-1879 +landscape,Realism,ivan-shishkin_covert-1867 +landscape,Impressionism,claude-monet_the-road-to-vetheuil-snow-effect +landscape,Impressionism,arkhip-kuindzhi_rock +landscape,Baroque,rembrandt_a-village-with-a-square-tower-1650 +landscape,Symbolism,nicholas-roerich_himalayas-sunrise-1937 +landscape,Romanticism,ivan-aivazovsky_sunset-at-sea-1856 +landscape,Contemporary_Realism,neil-welliver_late-light +landscape,Impressionism,mihaly-munkacsy_sunset-in-the-forest-1874 +landscape,Impressionism,camille-pissarro_on-orchard-in-pontoise-in-winter-1877 +landscape,Impressionism,john-henry-twachtman_reflections-1894 +landscape,Post_Impressionism,ferdynand-ruszczyc_przedwio-nie-1919 +landscape,Impressionism,eugene-boudin_the-trouville-coastline-low-tide +landscape,Post_Impressionism,gustave-loiseau_by-the-seine-stormy-weather-1912 +landscape,Impressionism,claude-monet_view-taken-from-greinval +landscape,Symbolism,mikalojus-ciurlionis_daybreak-i-1906 +landscape,Romanticism,lev-lagorio_old-tbilisi-1868 +landscape,Realism,vasily-surikov_yenisey-near-krasnoyarsk-1909 +landscape,Post_Impressionism,maxime-maufra_breton-landscape-1897 +landscape,Romanticism,john-constable_the-stour-valley-with-the-church-of-dedham-1814 +landscape,Impressionism,alfred-sisley_setting-sun-at-moret-1892 +landscape,Baroque,peter-paul-rubens_autumn-landscape-with-a-view-of-het-steen +landscape,Symbolism,konstantin-somov_spring-landscape +landscape,Romanticism,maxim-vorobiev_italian-landscape-1847 +landscape,Post_Impressionism,david-burliuk_landscape-with-a-house-1 +landscape,Pointillism,paul-signac_dutch-mill-at-edam +landscape,Impressionism,camille-pissarro_the-louveciennes-road-1870 +landscape,Impressionism,eugene-boudin_the-toques-at-saint-arnoult-1895 +landscape,Symbolism,konstantin-somov_island-of-love +landscape,Impressionism,claude-monet_fields-of-flowers-and-windmills-near-leiden +landscape,Ukiyo_e,hiroshige_ama-no-hashidate-in-tango-province-1858 +landscape,Realism,ivan-shishkin_oak-grove-1887 +landscape,Expressionism,martiros-saryan_shirak-1925 +landscape,Impressionism,claude-monet_at-val-saint-nicolas-near-dieppe-in-the-morning +landscape,Realism,ivan-shishkin_pines-sunny-day +landscape,Impressionism,john-henry-twachtman_winter-silence-1900 +landscape,Post_Impressionism,nikola-tanev_monastery-of-st-john-of-lake-ohrid +landscape,Symbolism,nicholas-roerich_himalayas-65 +landscape,Romanticism,ivan-aivazovsky_view-of-tiflis-1869 +landscape,Realism,vasily-polenov_landscape-with-a-river-1888 +landscape,Realism,ivan-shishkin_stones +landscape,Cubism,auguste-herbin_the-red-house-1925 +landscape,Impressionism,claude-monet_boatyard-near-honfleur +landscape,Impressionism,ion-theodorescu-sion_peisaj-de-toamn-1920 +landscape,Symbolism,nicholas-roerich_sharugon-monastery-tibet-1928 +landscape,Realism,camille-corot_the-rhone-three-women-on-the-riverbank-seated-on-a-tree-trunk +landscape,Romanticism,john-constable_willy-lot-s-house-1810 +landscape,Impressionism,childe-hassam_the-water-garden +landscape,Realism,gustave-courbet_woods-in-the-snow +landscape,Realism,ivan-shishkin_rocks-on-the-beach-gursuf-1879 +landscape,Impressionism,alfred-sisley_spring-in-bougival-1873 +landscape,Realism,homer-watson_the-flood-gate-1901 +landscape,Impressionism,claude-monet_tow-path-at-lavacourt +landscape,Baroque,peter-paul-rubens_landscape-with-the-carriage-at-the-sunset +landscape,Impressionism,santiago-rusinol_gardens-of-the-generalife-1895 +landscape,Realism,isaac-levitan_landscape-with-isbas-1885 +landscape,Impressionism,pierre-auguste-renoir_cliffs-on-the-coast-near-pourville-1879 +landscape,Impressionism,willard-metcalf_french-landscape +landscape,Ukiyo_e,hiroshige_the-pine-grove-at-mio-in-suruga-province +landscape,Impressionism,nicolae-vermont_turkeys-in-vlaici-1921 +landscape,Impressionism,john-singer-sargent_mediterranean-landscape +landscape,Impressionism,claude-monet_the-japanese-bridge-at-giverny-1926 +landscape,Romanticism,john-atkinson-grimshaw_an-extensive-meadow-landscape-with-geese-by-a-stream-1892 +landscape,Post_Impressionism,theo-van-doesburg_dunes-and-sea +landscape,Impressionism,pierre-auguste-renoir_in-st-cloud-park-1866 +landscape,Realism,pyotr-konchalovsky_haystack-1947 +landscape,Impressionism,robert-julian-onderdonk_field-of-bluebonnets +landscape,Realism,isaac-levitan_range-of-mountains-mont-blanc-1897 +landscape,Realism,camille-corot_trees-and-rocks-at-la-serpentara-1827 +landscape,Art_Nouveau_Modern,ivan-bilibin_crimea-mountains-1916(1) +landscape,Impressionism,eugene-boudin_canel-near-dordrecht-1884 +landscape,Romanticism,maxim-vorobiev_view-from-the-terrace-of-the-elagin-palace-1823 +landscape,Cubism,andre-derain_a-village +landscape,Pointillism,georges-seurat_view-of-crotoy-the-valley-1889 +landscape,Romanticism,alexander-ivanov_olive-trees +landscape,Impressionism,nicolae-darascu_view-towards-the-port +landscape,Realism,pyotr-konchalovsky_peaches-on-the-branches-1930 +landscape,Post_Impressionism,gustave-loiseau_at-the-coast-of-normandy-1909 +landscape,Romanticism,thomas-moran_on-the-catawissa-creek-1862 +landscape,Realism,vasily-vereshchagin_crimean-mountains +landscape,Realism,konstantin-korovin_bridge-1880 +landscape,Impressionism,john-singer-sargent_the-lake-of-tiberias +landscape,Symbolism,nicholas-roerich_tempe-jal-tzen-baykin-city-of-mobster-ja-lama-1928 +landscape,Pointillism,georges-seurat_the-seine-at-la-grande-jatte-in-the-spring-1888 +landscape,Impressionism,piet-mondrian_design-for-the-church-of-st-jacob +landscape,Realism,vasily-vereshchagin_roses-in-ladakh-1876 +landscape,Realism,isaac-levitan_early-march-1900 +landscape,Realism,ivan-shishkin_the-road-1878 +landscape,Romanticism,caspar-david-friedrich_west-facade-of-the-ruins-of-eldena +landscape,Impressionism,maxime-maufra_the-marais-salant +landscape,Realism,martiros-saryan_lalvar-1952 +landscape,Symbolism,nicholas-roerich_tibetian-way-1931-1 +landscape,Post_Impressionism,vincent-van-gogh_wheat-field-with-cypresses-at-the-haude-galline-near-eygalieres-1889-2 +landscape,Post_Impressionism,vincent-van-gogh_field-with-two-rabbits-1889(1) +landscape,Romanticism,ivan-aivazovsky_nocturnal-voyage +landscape,Impressionism,georges-seurat_landscape-at-grandcamp-1885 +landscape,Ukiyo_e,utagawa-toyokuni-ii_night-rain-on-oyama +landscape,Post_Impressionism,a.y.-jackson_houses-st-urbain-1934 +landscape,Post_Impressionism,vincent-van-gogh_wheat-field-with-sheaves-and-arles-in-the-background-1888-1 +landscape,Impressionism,john-henry-twachtman_cos-cob-1899 +landscape,Expressionism,henri-matisse_moraccan-garden-1912 +landscape,Impressionism,camille-pissarro_mother-lucien-s-field-at-eragny-1898 +landscape,Post_Impressionism,maxime-maufra_the-portivy-beach-1907 +landscape,Expressionism,egon-schiele_sunflower-1908 +landscape,Impressionism,robert-julian-onderdonk_spring-morning-1911 +landscape,Impressionism,armand-guillaumin_coucher-de-soleil-en-creuse-1898 +landscape,Impressionism,alfred-sisley_a-corner-of-the-roches-courtaut-woods-june-1884 +landscape,Post_Impressionism,paul-cezanne_mont-sainte-victoire-2 +landscape,Romanticism,ivan-aivazovsky_sheepdip-1878 +landscape,Romanticism,ivan-aivazovsky_sea-at-night-1861 +landscape,Symbolism,nicholas-roerich_nanda-devi-1944 +landscape,Impressionism,eugene-boudin_douarnenez-the-shore-and-the-bay-1897 +landscape,Symbolism,nicholas-roerich_himalayas-1947-3 +landscape,Pointillism,henri-edmond-cross_the-beach-evening +landscape,Symbolism,konstantin-somov_the-rainbow +landscape,Symbolism,nicholas-roerich_shayok-the-eighth-day-1925 +landscape,Impressionism,claude-monet_the-small-arm-of-the-seine-at-argenteuil +landscape,Impressionism,camille-pissarro_landscape-3 +landscape,Realism,isaac-levitan_a-day-in-june +landscape,Realism,pyotr-konchalovsky_crimean-landscape-my-crimea-1947 +landscape,Romanticism,albert-bierstadt_snow-capped-moutain-at-twilight +landscape,Post_Impressionism,vincent-van-gogh_entrance-gate-to-a-farm-with-haystacks-1888(1) +landscape,Romanticism,karl-bodmer_remarkable-hills-on-the-upper-missouri-plate-34-from-volume-2-of-travels-in-the-interior-of-1843 +landscape,Impressionism,micaela-eleutheriade_pe-malul-lacului +landscape,Romanticism,joseph-wright_landscape-with-dale-abbey +landscape,Expressionism,tivadar-kosztka-csontvary_ruins-of-the-jupiter-temple-in-athens-1904 +landscape,Realism,fyodor-vasilyev_on-the-island-valaam +landscape,Realism,ivan-shishkin_the-boy-in-the-field +landscape,Realism,camille-corot_willows-and-farmhouses-at-saint-catherine-les-arras-1871 +landscape,Impressionism,pierre-auguste-renoir_landscape-in-la-roche-guyon-1887 +landscape,Baroque,esaias-van-de-velde_road-next-to-a-waterfall +landscape,Romanticism,arnold-bã¶cklin_high-mountains-with-chamoises-1849 +landscape,Impressionism,guy-rose_la-jolla-caves +landscape,Post_Impressionism,gustave-loiseau_by-the-oise-at-parmain-1898 +landscape,Realism,gustave-courbet_the-flood-gate-at-optevoz-1854 +landscape,Impressionism,pierre-auguste-renoir_conversation-in-a-rose-garden-1876 +landscape,Realism,alfred-sisley_avenue-of-trees-in-a-small-town-1866 +landscape,Impressionism,claude-monet_misty-morning-on-the-seine +landscape,Impressionism,willard-metcalf_hush-of-winter +landscape,Impressionism,eugene-boudin_deauville-on-the-jetty-1889 +landscape,Expressionism,chaim-soutine_landscape-1 +landscape,Realism,vasily-surikov_winter-in-moscow +landscape,Impressionism,alfred-sisley_river-loing-1892 +landscape,Impressionism,camille-pissarro_louveciennes-1871 +landscape,Realism,ivan-shishkin_thicket-1879 +landscape,Expressionism,paula-modersohn-becker_peat-digging-1902 +landscape,Realism,isaac-levitan_bird-cherry-tree +landscape,Impressionism,childe-hassam_chatou-near-bougival +landscape,Impressionism,konstantin-korovin_corner-of-the-province-street-in-pereslavl-1905 +landscape,Impressionism,robert-julian-onderdonk_field-with-corn-shocks +landscape,Impressionism,camille-pissarro_landscape-near-pontoise-the-auvers-road-1881 +landscape,Realism,charles-francois-daubigny_the-banks-of-the-river-1 +landscape,Realism,ivan-shishkin_rain-in-the-oak-grove-1891 +landscape,Fauvism,armand-guillaumin_les-rochers-rouges-1894 +landscape,Impressionism,mikhail-nesterov_capri-almond-trees-in-blossom-1908 +landscape,Impressionism,pyotr-konchalovsky_belkino-garden-1907-1 +landscape,Impressionism,claude-monet_lane-in-the-vineyards-at-argenteuil +landscape,Post_Impressionism,albert-huie_quiet-corner-gordon-town-1958 +landscape,Realism,boris-kustodiev_evening-landscape-1917 +landscape,Expressionism,viorel-marginean_delta-1985 +landscape,Post_Impressionism,wassily-kandinsky_santa-marguerite-1906 +landscape,Symbolism,nicholas-roerich_sunrise-in-himalayas-1935 +landscape,Post_Impressionism,gustave-loiseau_la-banche-1906 +landscape,Romanticism,alexander-ivanov_torre-del-greco-near-pompea-and-naples-1846 +landscape,Realism,mikhail-lebedev_view-of-castel-gandolfo-near-rome-1836 +landscape,Symbolism,nicholas-roerich_palden-lhamo-1931 +landscape,Expressionism,martiros-saryan_aragats-1929 +landscape,Impressionism,eugene-boudin_the-berck-dunes-1886 +landscape,Impressionism,eugene-boudin_the-port-of-dieppe-1888 +landscape,Symbolism,nicholas-roerich_kangchenjunga-citadel +landscape,New_Realism,edward-hopper_lighthouse-hill +landscape,Art_Nouveau_Modern,a.y.-jackson_night-pine-island-1921 +landscape,Romanticism,franz-richard-unterberger_monaco +landscape,Symbolism,nicholas-roerich_cloud-1915-1 +landscape,Impressionism,robert-julian-onderdonk_hill-country-lane-1911 +landscape,Art_Nouveau_Modern,franklin-carmichael_shadows +landscape,Post_Impressionism,paul-cezanne_the-lime-kiln +landscape,Impressionism,karoly-ferenczy_evening-in-march-1902 +landscape,Baroque,esaias-van-de-velde_winter-landscape-1623 +landscape,Realism,pierre-auguste-renoir_barges-on-the-seine-1870 +landscape,Fauvism,louis-valtat_italian-landscape-cypresses-1902 +landscape,Impressionism,berthe-morisot_the-little-windmill-at-gennevilliers +landscape,Symbolism,martiros-saryan_mountais-1923 +landscape,Post_Impressionism,gustave-loiseau_trees-by-the-river-1891 +landscape,Impressionism,robert-julian-onderdonk_cactus-in-bloom-1915 +landscape,Realism,martiros-saryan_lake-in-the-mountains-1962 +landscape,Impressionism,claude-monet_cliff-near-dieppe +landscape,Pointillism,georges-seurat_the-seine-at-courbevoie-1885 +landscape,Impressionism,john-henry-twachtman_waterfall-greenwich +landscape,Impressionism,william-merritt-chase_afternoon-shadows +landscape,Realism,volodymyr-orlovsky_edge-of-a-wood +landscape,Impressionism,childe-hassam_the-cedar-lot-old-lyme +landscape,Contemporary_Realism,john-miller_shoreline +landscape,Impressionism,marianne-north_marble-rocks-jabalpur-madhya-pradesh-india-1878 +landscape,Post_Impressionism,vincent-van-gogh_two-poplars-on-a-hill-1889 +landscape,Impressionism,pierre-auguste-renoir_cagnes-landscape-2 +landscape,Post_Impressionism,jacques-villon_la-ferme-de-la-bendelire-1905 +landscape,Impressionism,claude-monet_windmill-near-zaandam +landscape,Impressionism,pierre-auguste-renoir_the-large-tree +landscape,Impressionism,guy-rose_notre-dame-de-grasse-at-honfleur +landscape,Post_Impressionism,paul-cezanne_houses-in-the-greenery-1881 +landscape,Symbolism,nicholas-roerich_tibetian-way-1931 +landscape,Impressionism,pierre-auguste-renoir_the-sunny-street +landscape,Expressionism,william-h.-johnson_chalet-in-the-mountains-1938 +landscape,Realism,camille-pissarro_the-railway-bridge-pontoise +landscape,Impressionism,claude-monet_path-at-giverny-1903 +landscape,Symbolism,nicholas-roerich_himalayas-sunny-contour-of-the-mountains-1939 +landscape,Expressionism,nikolaos-lytras_landscape-sounion +landscape,Romanticism,ivan-aivazovsky_view-on-the-capri-1845 +landscape,Fauvism,henri-matisse_place-des-lices-st-tropez-1904 +landscape,Symbolism,nicholas-roerich_sharugen-monastery +landscape,Realism,ivan-shishkin_oak-forest +landscape,Impressionism,berthe-morisot_hanging-the-laundry-out-to-dry +landscape,Impressionism,alfred-sisley_the-road-to-louveciennes-montbuisson-1875 +landscape,Impressionism,camille-pissarro_a-path-in-the-woods-pontoise-1879 +landscape,Expressionism,nicolae-tonitza_sad-day-in-balchik +landscape,Romanticism,ivan-aivazovsky_sea-coast-crimean-coast-near-ai-petri-1890 +landscape,Impressionism,eugene-boudin_the-bridge-over-the-toques-at-deauville-1895 +landscape,Realism,isaac-levitan_isbas-lighted-by-sun-1889 +landscape,Post_Impressionism,ferdynand-ruszczyc_pejzaz-pagorkowaty +landscape,Impressionism,maxime-maufra_waterloo-de-new-brighton +landscape,Realism,isaac-levitan_crimea-in-the-mountains-1886 +landscape,Impressionism,winston-churchill_mimizan-lake(1) +landscape,Pop_Art,peter-max_four-seasons-spring +landscape,Realism,isaac-levitan_in-the-forest +landscape,Realism,camille-corot_forest-of-fontainebleau-1846 +landscape,Impressionism,ion-theodorescu-sion_case-la-amiaz-efect-de-soare +landscape,Realism,johan-hendrik-weissenbruch_road-near-the-canal +landscape,Romanticism,william-turner_rivaulx-abbey-yorkshire +landscape,Realism,gustave-courbet_landscape-bald-rock-in-the-valley-of-ornans-1864 +landscape,Romanticism,joseph-wright_virgil-s-tomb-with-the-figure-of-silius-italicus-1779 +landscape,Expressionism,zinaida-serebriakova_castellan-valley-1929 +landscape,Contemporary_Realism,john-miller_summer-beach-i +landscape,Symbolism,nicholas-roerich_himalayas-59 +landscape,Impressionism,istvan-nagy_winter-landscape-1927 +landscape,Symbolism,nicholas-roerich_banner-of-peace-1931 +landscape,Symbolism,nicholas-roerich_path-to-kailas-1933 +landscape,Realism,fyodor-vasilyev_landscape-with-clouds +landscape,Realism,vasily-polenov_monastery-over-the-river-1898 +landscape,Contemporary_Realism,john-miller_towards-the-bay +landscape,Post_Impressionism,vincent-van-gogh_the-banks-of-the-seine-with-boats-1887 +landscape,Ukiyo_e,hiroshige_ashida +landscape,Romanticism,caspar-david-friedrich_bohemian-landscape-1 +landscape,Impressionism,salvador-dali_port-dogue-cadaques +landscape,Post_Impressionism,ferdinand-hodler_lake-geneva-from-chexbres +landscape,Baroque,rembrandt_landscape-with-an-obelisk-1650 +landscape,Pointillism,paul-signac_comblat-and-the-valley-of-the-cere +landscape,Impressionism,alfred-sisley_loing-dam-at-saint-mammes-1885 +landscape,Impressionism,childe-hassam_brittany-barns +landscape,Impressionism,eugene-boudin_the-canal-at-saint-valery-sur-somme-1891 +landscape,Realism,camille-corot_landscape-by-the-lake +landscape,Symbolism,nicholas-roerich_sanctuaries-and-citadels-1925-3 +landscape,Impressionism,victor-borisov-musatov_spring-sun +landscape,Realism,johan-hendrik-weissenbruch_farm-beside-canal-in-polder +landscape,Realism,boris-kustodiev_manor-in-the-park-1912 +landscape,Impressionism,eugene-boudin_untitled-1890-1 +landscape,Impressionism,willard-metcalf_ebbing-tide-version-two +landscape,Fauvism,kees-van-dongen_spring-1908 +landscape,Realism,charles-francois-daubigny_the-orchard-at-sunset +landscape,Expressionism,johannes-sveinsson-kjarval_unknown-title +landscape,Post_Impressionism,vincent-van-gogh_thatched-cottages-in-jorgus-1890 +landscape,Romanticism,gustave-dore_the-lost-cow-1852 +landscape,Post_Impressionism,gustave-loiseau_wooded-landscape +landscape,Impressionism,pierre-auguste-renoir_beaulieu-landscape-1893 +landscape,Symbolism,nicholas-roerich_way-to-shambala-1933 +landscape,Post_Impressionism,maurice-prendergast_in-the-park-1 +landscape,Realism,camille-corot_the-road-in-gouvieux +landscape,Impressionism,claude-monet_poplars-on-the-epte +landscape,Expressionism,pyotr-konchalovsky_bakhchisarai-poplars-1929 +landscape,Impressionism,childe-hassam_northeast-gorge-at-appledore +landscape,Impressionism,pierre-auguste-renoir_the-banks-of-the-seine-at-champrosay-1876 +landscape,Contemporary_Realism,jamie-wyeth_gull-rock-1970 +landscape,Impressionism,childe-hassam_lyman-s-ledge-appledore +landscape,Realism,isaac-levitan_oak-trunk-in-early-summer +landscape,Realism,isaac-levitan_landscape-with-beehives +landscape,Symbolism,theodor-severin-kittelsen_kornstaurer-i-maaneskinn +landscape,Symbolism,nicholas-roerich_rohtang-pass-1931 +landscape,Fauvism,august-macke_tunis-landscape-with-a-sedentary-arabs +landscape,Impressionism,john-henry-twachtman_summer-1899 +landscape,Realism,vasily-polenov_beirut-1882-1 +landscape,Post_Impressionism,richard-gerstl_orchard-1907 +landscape,Symbolism,nicholas-roerich_landscape-1913-1 +landscape,Realism,charles-francois-daubigny_the-big-valley-of-the-optevoz-1857 +landscape,Realism,alekos-kontopoulos_landscape-1945 +landscape,Post_Impressionism,gustave-loiseau_l-avant-port-de-fecamp-1912 +landscape,Symbolism,kimon-loghi_the-night +landscape,Realism,fyodor-vasilyev_oaks +landscape,Romanticism,caspar-david-friedrich_morning-in-the-mountains +landscape,Post_Impressionism,maurice-prendergast_marblehead +landscape,Realism,vincent-van-gogh_cottage-with-trees-1885-1(1) +landscape,Expressionism,jack-bush_rcaf-elem-school-eglinton-1944 +landscape,Realism,gustave-courbet_landscape-1873 +landscape,Post_Impressionism,abraham-manievich_untitled +landscape,Symbolism,nicholas-roerich_himalayas-28 +landscape,Contemporary_Realism,neil-welliver_stump +landscape,Realism,theodore-rousseau_landscape-5 +landscape,Impressionism,willard-metcalf_october +landscape,Impressionism,philip-wilson-steer_landscape-with-trees-in-yorkshire +landscape,Rococo,canaletto_alnwick-castle-1747 +landscape,Romanticism,john-atkinson-grimshaw_autumn-gold +landscape,Impressionism,salvador-dali_portdogue-and-mount-pani-from-ayuntamiento +landscape,Impressionism,alfred-sisley_the-loing-at-saint-mammes-1884 +landscape,Ukiyo_e,ito-shinsui_charcoal-making-at-hino-1939 +landscape,Realism,isaac-levitan_village-at-the-riverbank-1883 +landscape,Post_Impressionism,wassily-kandinsky_not_detected_189369 +landscape,Realism,ivan-shishkin_in-the-birch-tree-forest-1883 +landscape,Realism,vincent-van-gogh_beach-at-scheveningen-in-calm-weather-1882(1) +landscape,Romanticism,ivan-aivazovsky_seascape-1 +landscape,Fauvism,auguste-herbin_corsican-landscape-1907 +landscape,Impressionism,arkhip-kuindzhi_sunset-effect +landscape,Impressionism,guy-rose_carmel-hills-1920 +landscape,Post_Impressionism,vincent-van-gogh_thatched-cottages-in-the-sunshine-reminiscence-of-the-north-1890 +landscape,Post_Impressionism,ronnie-landfield_autumn-view-west-hurley-ny-1984 +landscape,Impressionism,santiago-rusinol_white-farmhouse-bunyola-majorca-1902 +landscape,Realism,isaac-levitan_volga-a-calm-day-1895 +landscape,Realism,ferdinand-hodler_on-the-banks-of-the-manzanares-1878 +landscape,Realism,vasily-polenov_waterfall +landscape,Realism,isaac-levitan_lake-1895 +landscape,Impressionism,alfred-sisley_church-at-noisy-le-roi-in-autumn-1874 +landscape,Post_Impressionism,vincent-van-gogh_flowering-shrubs-1889(1) +landscape,Realism,ilya-repin_landscape-with-boat-1875 +landscape,Realism,isaac-levitan_haymaking-1899 +landscape,Realism,camille-corot_near-rotterdam-1854 +landscape,Impressionism,claude-monet_the-house-seen-from-the-rose-garden +landscape,Art_Nouveau_Modern,j.-e.-h.-macdonald_the-little-falls-sketch-1918 +landscape,Post_Impressionism,david-burliuk_ogasawara +landscape,Impressionism,pierre-auguste-renoir_landscape-with-a-view-of-the-sea +landscape,Impressionism,george-pemba_from-above-matsieng-lesotho-1944 +landscape,Symbolism,konstantin-somov_evening-shadows-1917 +landscape,Realism,vasily-vereshchagin_himalayas-the-main-peak-1875 +landscape,Realism,vincent-van-gogh_landscape-in-drenthe-1883 +landscape,Post_Impressionism,pyotr-konchalovsky_pines-lit-by-the-sun-1920 +landscape,Romanticism,thomas-cole_the-voyage-of-life-youth-1842 +landscape,Impressionism,arkhip-kuindzhi_sunset-in-the-steppes-1900 +landscape,Impressionism,camille-pissarro_landscape-with-a-cowherd +landscape,Impressionism,claude-monet_the-grotto-of-port-domois +landscape,Expressionism,vilmos-aba-novak_farmyard-1936 +landscape,Realism,james-mcneill-whistler_crepuscule-in-opal-trouville +landscape,Art_Nouveau_Modern,michel-simonidy_alpes-maritimes-landscape-1928 +landscape,Art_Nouveau_Modern,franklin-carmichael_light-and-shadow-1937 +landscape,Baroque,jan-siberechts_an-extensive-river-landscape-probably-derbyshire-with-drovers-and-their-cattle-in-the-1698 +landscape,Impressionism,camille-pissarro_the-pont-neuf-1901-1 +landscape,Impressionism,guy-rose_blossoms-and-wallflowers +landscape,Realism,david-burliuk_cyclamens-1954 +landscape,Symbolism,nicholas-roerich_a-tree-1944 +landscape,Post_Impressionism,vincent-van-gogh_shed-with-sunflowers-1887 +landscape,Realism,horia-bernea_hill-1976 +landscape,Post_Impressionism,maurice-de-vlaminck_near-the-estuary-of-the-seine +landscape,Post_Impressionism,henri-matisse_landscape-of-corsica-1 +landscape,Symbolism,nicholas-roerich_stupa-near-sharugen-1928 +landscape,Symbolism,mikhail-nesterov_solovki-1917 +landscape,Realism,nicholas-roerich_volkhov-1899 +landscape,Post_Impressionism,vincent-van-gogh_the-gully-peiroulets-1889 +landscape,Art_Nouveau_Modern,ivan-bilibin_crimea-baidar-valley-1918(1) +landscape,Realism,anders-zorn_stockholm-1881 +landscape,Impressionism,paul-cezanne_l-estaque-view-through-the-trees-1879 +landscape,Impressionism,rudolf-schweitzer-cumpana_drum-de-var-1951 +landscape,Realism,konstantin-bogaevsky_mill-near-the-forest-creek-1884 +landscape,Art_Nouveau_Modern,franklin-carmichael_autumn-splendor +landscape,Impressionism,ilya-mashkov_park-1922 +landscape,Realism,ivan-shishkin_forest-lake +landscape,Realism,vincent-van-gogh_windmils-at-dordrecht-1881 +landscape,Impressionism,gustave-caillebotte_the-plain-of-gennevilliers-from-the-hills-of-argenteuil-1888 +landscape,Symbolism,nicholas-roerich_western-himalayas-1936 +landscape,Post_Impressionism,georges-seurat_grassy-riverbank-1881 +landscape,Impressionism,armand-guillaumin_epinay-sur-orge-1884 +landscape,Impressionism,robert-julian-onderdonk_the-woodland-pool +landscape,Impressionism,alfred-sisley_the-rowers-1877 +landscape,Post_Impressionism,salvador-dali_olive-trees-landscape-at-cadaques +landscape,Romanticism,ivan-aivazovsky_italian-landscape-1855 +landscape,Expressionism,fred-williams_hillock-1966 +landscape,Symbolism,nicholas-roerich_message-from-shambhala-arrow-letter-1946 +landscape,Symbolism,konstantin-somov_landscape-with-two-peasant-girls-and-a-rainbow +landscape,Impressionism,konstantin-korovin_winter +landscape,Cubism,albert-gleizes_houses-in-a-valley-1910 +landscape,Post_Impressionism,nicolae-darascu_sunflower-field +landscape,Impressionism,claude-monet_the-small-arm-of-the-seine-at-argenteuil-1 +landscape,Realism,ivan-shishkin_the-stream-1873 +landscape,Impressionism,john-henry-twachtman_the-waterfall +landscape,Symbolism,nicholas-roerich_himalayas-everest-1938 +landscape,Impressionism,henri-martin_windward +landscape,Impressionism,cornelis-vreedenburgh_bridge-near-estate-linschoten +landscape,Impressionism,arkhip-kuindzhi_winter-sunlight-on-the-hoar-frost +landscape,Impressionism,alfred-sisley_hoar-frost-st-martin-s-summer-indian-summer-1874 +landscape,Post_Impressionism,vincent-van-gogh_a-road-in-st-remy-with-female-figures-1889(1) +landscape,Art_Nouveau_Modern,ivan-bilibin_creek-1917(1) +landscape,Symbolism,nicholas-roerich_study-of-mountains-4 +landscape,Impressionism,camille-pissarro_spring-at-pontoise-1872 +landscape,Impressionism,claude-monet_vetheuil-2 +landscape,Post_Impressionism,nikola-tanev_winter-in-innsbruck +landscape,Romanticism,caspar-david-friedrich_pines-at-the-waterfall +landscape,Post_Impressionism,karl-schrag_dusk-pond-in-evening-light-1950 +landscape,Impressionism,alfred-sisley_inn-at-east-molesey-with-hampton-court-bridge-1874 +landscape,Post_Impressionism,maxime-maufra_brittany-1892 +landscape,Romanticism,taras-shevchenko_chumaks-among-graves-1844 +landscape,Realism,aleksey-savrasov_winter-road +landscape,Impressionism,claude-monet_the-rock-needle-and-the-porte-d-aval +landscape,Post_Impressionism,alexandre-benois_versailles-fountain-of-bacchus-in-the-winter(1) +landscape,Baroque,esaias-van-de-velde_man-driving-a-donkey-towards-a-bridge +landscape,Realism,ivan-shishkin_birch-and-mountain-ash-1878 +landscape,Expressionism,amedeo-modigliani_cypress-trees-and-house-1919 +landscape,Realism,camille-corot_luzancy-the-path-through-the-woods-1872 +landscape,Post_Impressionism,wassily-kandinsky_park-of-st-cloud-1906 +landscape,Symbolism,nicholas-roerich_pink-sky-1933 +landscape,Impressionism,william-merritt-chase_the-lone-fisherman +landscape,Realism,boris-kustodiev_dunka-s-grove-in-the-estate-of-polenovs-1909 +landscape,Realism,jean-francois-millet_haystacks-autumn-1873 +landscape,Realism,isaac-levitan_volga-1889 +landscape,Realism,arkhip-kuindzhi_landscape-steppe +landscape,Symbolism,arnold-bã¶cklin_the-chapel-1898 +landscape,Realism,vincent-van-gogh_the-parsonage-garden-at-nuenen-with-pond-and-figures-1885 +landscape,Realism,camille-corot_fontainebleau-the-road-to-chailly +landscape,Fauvism,charles-lapicque_untitled-1 +landscape,Art_Nouveau_Modern,gustav-klimt_water-castle +landscape,Baroque,jan-siberechts_a-pastoral-landscape-1684 +landscape,Realism,vasily-polenov_constantinople-istanbul-eski-sarayskiy-garden-1882 +landscape,Impressionism,claude-monet_etretat-the-aval-door-fishing-boats-leaving-the-harbour +landscape,Romanticism,joseph-wright_lake-albano +landscape,Post_Impressionism,david-burliuk_japanese-forest-landscape +landscape,Impressionism,claude-monet_willows-giverny +landscape,Romanticism,ivan-aivazovsky_figures-in-a-coastal-landscape-at-sunset +landscape,Symbolism,ferdinand-hodler_the-monk-with-clouds-1911 +landscape,Realism,vasily-polenov_the-road-near-the-village-1877 +landscape,Impressionism,eugene-boudin_antibes-the-fortifications +landscape,Symbolism,martiros-saryan_glow-1957 +landscape,Impressionism,philip-wilson-steer_the-oak-grove-bridgnorth-shropshire +landscape,Impressionism,william-merritt-chase_at-shinnecock-hills +landscape,Impressionism,camille-pissarro_rolling-landscape-in-winter-1875 +landscape,Pointillism,georges-seurat_horse-cart-1884 +landscape,Realism,charles-francois-daubigny_the-banks-of-the-river-1863 +landscape,Romanticism,joseph-wright_view-in-matlock-dale-looking-towards-black-rock-escarpment +landscape,Realism,pyotr-konchalovsky_the-moon-through-the-trees-1923 +landscape,Symbolism,nicholas-roerich_flowers-of-timur-the-lights-of-victory +landscape,Realism,gustave-courbet_shores-of-normandy-1866 +landscape,Post_Impressionism,constantine-maleas_house-at-lesvos +landscape,Impressionism,william-merritt-chase_the-olive-grove +landscape,Realism,isaac-levitan_by-the-whirlpool-1892 +landscape,Realism,constant-troyon_path-in-a-small-wood +landscape,Post_Impressionism,gustave-loiseau_sailboats-near-the-cliffs-at-yport-1924 +landscape,Realism,aleksey-savrasov_swiss-landscape-with-horses-1867 +landscape,Realism,antã³nio-de-carvalho-da-silva-porto_a-ceifa-lumiar-1884 +landscape,Impressionism,paul-gauguin_the-port-of-rouen-1884 +landscape,Impressionism,william-merritt-chase_peace-fort-hamilton +landscape,Symbolism,nicholas-roerich_guru-guri-dhar-1931 +landscape,Symbolism,nicholas-roerich_brahmaputra +landscape,Realism,ivan-shishkin_fir-forest-1890-1 +landscape,Realism,camille-corot_clearing-in-the-bois-pierre-at-eveaux-near-chateau-thiery +landscape,Post_Impressionism,viorel-marginean_iarn-la-cenade-1992 +landscape,Realism,david-burliuk_gate-of-temple-in-japan-1921 +landscape,Romanticism,ivan-aivazovsky_seascape-3 +landscape,Impressionism,alfred-sisley_near-the-bank-of-the-seine-at-by-1882 +landscape,Realism,gustave-courbet_seascape-near-trouville +landscape,Symbolism,nicholas-roerich_himalayas-turquoise-lake-1936 +landscape,Post_Impressionism,maxime-maufra_the-banks-of-the-pond-at-rosporden-1911 +landscape,Fauvism,pyotr-konchalovsky_bakhchisaray-1929 +landscape,Realism,vasily-polenov_chapel-on-the-banks-of-the-oka-1893 +landscape,Post_Impressionism,ferdinand-hodler_the-nut-tree +landscape,Expressionism,mary-fedden_the-graveyard-1958 +landscape,Romanticism,paul-cezanne_the-oilmill-1871 +landscape,Realism,vincent-van-gogh_landscape-with-dunes-1883 +landscape,Impressionism,camille-pissarro_the-boulevards-under-snow-1879 +landscape,Impressionism,alfred-sisley_the-straw-rent-1888 +landscape,Cubism,raoul-dufy_arcades-at-l-estaque-1908 +landscape,Impressionism,alfred-sisley_the-loing-at-saint-mammes-1885 +landscape,Cubism,amadeo-de-souza-cardoso_castle-1912 +landscape,Romanticism,karl-bodmer_fort-clark-on-the-missouri-february-1834-plate-15-from-volume-2-of-travels-in-the-interior-of-1843 +landscape,Cubism,paul-cezanne_forest-near-the-rocky-caves-above-the-chateau-noir-1904 +landscape,Impressionism,pierre-auguste-renoir_the-beal-1905 +landscape,Pointillism,camille-pissarro_peasants-in-the-field-eragny-1890 +landscape,Realism,vladimir-makovsky_summer-1896-1 +landscape,Impressionism,john-henry-twachtman_azaleas-1899 +landscape,Realism,ivan-shishkin_field-1886 +landscape,Impressionism,guy-rose_the-cabbage-patch-1891 +landscape,Realism,aleksey-savrasov_clearance +landscape,Realism,isaac-levitan_landscape-on-volga-boats-by-the-riverbank-1878 +landscape,Impressionism,eugene-boudin_deauville-ruins-of-the-chateau-de-lassay-1893 +landscape,Impressionism,gustave-caillebotte_fields-plain-of-gennevilliers +landscape,Impressionism,julian-alden-weir_autumn-rain-1890 +landscape,Impressionism,willard-metcalf_summer-night-no-2 +landscape,Post_Impressionism,vincent-van-gogh_olive-trees-with-yellow-sky-and-sun-1889 +landscape,Realism,gustave-courbet_study-for-landscape-with-waterfall +landscape,Symbolism,jacek-malczewski_the-landscape-above-the-vistula +landscape,Post_Impressionism,ilya-mashkov_crimean-landscape-sudak +landscape,Post_Impressionism,suzanne-valadon_farm-montcorin-1918 +landscape,Realism,camille-corot_the-severes-hills-le-chemin-troyon +landscape,Realism,arkhip-kuindzhi_fog-in-the-mountains-caucasus +landscape,Symbolism,victor-hugo_le-gai-ch-teau-1847 +landscape,Post_Impressionism,vanessa-bell_view-of-the-pond-at-charleston-1919 +landscape,Impressionism,pierre-auguste-renoir_landscape-near-cagnes +landscape,Realism,mihaly-munkacsy_park-in-colpach-1886 +landscape,Impressionism,camille-pissarro_la-saint-martin-a-pontoise +landscape,Ukiyo_e,katsushika-hokusai_yodo-gawa-from-setsugekka-snow-moon-and-flowers +landscape,Impressionism,julian-alden-weir_windham-village +landscape,Realism,ivan-shishkin_herd-of-sheep-on-the-forest-edge +landscape,Impressionism,claude-monet_sailboats-at-sea-pourville +landscape,Romanticism,caspar-david-friedrich_woman-on-the-beach-of-ruegen +landscape,Impressionism,william-merritt-chase_october +landscape,Romanticism,william-shayer_landscape-with-a-ruined-castle +landscape,Romanticism,lev-lagorio_sevastopol-aqueduct-in-the-gully-ushakovskaya-1850 +landscape,Romanticism,caspar-david-friedrich_wc-churchyard-gate-by-friedrich +landscape,Romanticism,lev-lagorio_landscape-with-trees-houses-and-river-1878 +landscape,Impressionism,camille-pissarro_the-banks-of-the-seine-in-paris-pont-marie-quai-d-anjou +landscape,Art_Nouveau_Modern,j.-e.-h.-macdonald_valley-and-stream-oesa-trail-lake-o-hara-1930 +landscape,Realism,isaac-levitan_autumn-1889 +landscape,Realism,pyotr-konchalovsky_yard-with-a-horse-1934 +landscape,Symbolism,nicholas-roerich_a-hill-1939 +landscape,Symbolism,nicholas-roerich_sunrise-unfinished-1930 +landscape,Impressionism,willard-metcalf_autumn-roadside +landscape,Symbolism,nicholas-roerich_study-of-mountains-5 +landscape,Romanticism,karl-bodmer_washinga-saba-s-grave-on-blackbirds-hill-plate-12-from-volume-2-of-travels-in-the-interior-of-1843 +landscape,Realism,isaac-levitan_the-last-rays-of-the-sun-1899 +landscape,Post_Impressionism,maxime-maufra_the-village-morgat-1901 +landscape,Realism,ivan-shishkin_oaks-in-old-peterhof-1891-1 +landscape,Impressionism,camille-pissarro_view-of-the-cotton-mill-at-oissel-near-rouen-1898 +landscape,Realism,camille-corot_an-artist-painting-in-the-forest-of-fountainebleau-1855 +landscape,Romanticism,ivan-aivazovsky_troika-in-the-steppe-1882 +landscape,Symbolism,nicholas-roerich_sketch-1 +landscape,Impressionism,andre-dunoyer-de-segonzac_paysage-m-diterran-en +landscape,Symbolism,nicholas-roerich_study-of-mountains-9 +landscape,Impressionism,pierre-auguste-renoir_path-leading-through-tall-grass-1877 +landscape,Romanticism,john-atkinson-grimshaw_a-lane-in-headingley-leeds-1881 +landscape,Realism,aleksey-savrasov_volga-1870 +landscape,Art_Nouveau_Modern,felix-vallotton_jungfrau-1892 +landscape,Pointillism,henri-martin_valley-in-labastide-du-vert +landscape,Symbolism,nicholas-roerich_sacred-treasure-of-mountain-1933 +landscape,Impressionism,eugene-boudin_brest-the-harbor +landscape,Symbolism,a.y.-jackson_spring-caribou-country-1949 +landscape,Impressionism,willard-metcalf_may-afternoon +landscape,Post_Impressionism,karl-schrag_sea-breeze-in-the-woods +landscape,Impressionism,arkhip-kuindzhi_the-top-of-mount-elbrus-in-the-sunlight +landscape,Post_Impressionism,vincent-van-gogh_cypresses-and-two-women-1890(1) +landscape,Impressionism,petre-abrudan_landscape-from-baia-mare-1937 +landscape,Realism,isaac-levitan_high-waters-1895 +landscape,Impressionism,childe-hassam_isle-of-shoals-1 +landscape,Realism,isaac-levitan_landscape-1883 +landscape,Impressionism,claude-monet_beach-in-juan-les-pins +landscape,Realism,camille-pissarro_the-mill-at-la-roche-goyon +landscape,Impressionism,camille-pissarro_houses-at-knocke-belgium-1894 +landscape,Realism,camille-corot_the-ferryman-tying-his-boat +landscape,Impressionism,jean-alexandru-steriadi_vedere-din-balcic-1933 +landscape,Impressionism,claude-monet_the-manneport-reflections-of-water +landscape,Impressionism,camille-pissarro_the-village-path-thatched-cottages-in-valhermeil-1880 +landscape,Impressionism,alfred-sisley_view-of-moret-sur-loing-through-the-trees-1892 +landscape,Symbolism,nicholas-roerich_karelian-landscape-1918 +landscape,Post_Impressionism,vincent-van-gogh_wheat-field-in-rain-1889 +landscape,Symbolism,konstantin-somov_the-road-in-the-country +landscape,Romanticism,arnold-bã¶cklin_villa-by-the-sea-1878 +landscape,Impressionism,alfred-sisley_molesey-weir-at-hampton-court-morning-1874 +landscape,Realism,pyotr-konchalovsky_haystacks-in-the-evening-1926 +landscape,Realism,aleksey-savrasov_landscape +landscape,Impressionism,t.-c.-steele_last-hour-of-the-day-1916 +landscape,Impressionism,alfred-sisley_path-at-sablons +landscape,Symbolism,nicholas-roerich_downpour-1943 +landscape,Realism,camille-corot_the-sin-le-noble-road-near-douai-1873-1 +landscape,Impressionism,willard-metcalf_may-pastoral +landscape,Impressionism,camille-pissarro_pontoise-the-road-to-gisors-in-winter-1873 +landscape,Realism,ivan-shishkin_at-the-edge-of-a-birch-grove-valaam-1860 +landscape,Realism,vasily-surikov_minusinsk-steppe-1873 +landscape,Impressionism,rudolf-schweitzer-cumpana_threshold-in-arge-valley-1927 +landscape,Pop_Art,robert-silvers_the-great-jatte +landscape,Impressionism,laszlo-mednyanszky_landscape-in-the-alps-view-from-the-rax-1900 +landscape,Romanticism,lev-lagorio_mountain-lake-1852 +landscape,Impressionism,claude-monet_cliff-near-dieppe-overcast-skies +landscape,Impressionism,claude-monet_springtime-landscape +landscape,Art_Nouveau_Modern,anna-ostroumova-lebedeva_evening-1923 +landscape,Expressionism,ligia-macovei_landscape-with-bridge-1940 +landscape,Impressionism,claude-monet_antibes-seen-from-the-salis-gardens-01(1) +landscape,Impressionism,lucian-grigorescu_peisaj-din-mogo-oaia +landscape,Post_Impressionism,gustave-loiseau_by-the-lorne-river-near-caen-1925 +landscape,Realism,isaac-levitan_evening-golden-plyos-1889 +landscape,Realism,isaac-levitan_autumn-evening-trail-in-the-forest-1894 +landscape,Symbolism,nicholas-roerich_himalayas-the-earthly-and-the-heavenly-1940 +landscape,Post_Impressionism,asgrimur-jonsson_hafnarfj-r-ur-town-1930 +landscape,Symbolism,nicholas-roerich_tibet-1933-2 +landscape,Realism,volodymyr-orlovsky_river +landscape,Impressionism,max-liebermann_terrace-overlooking-the-flower-garden-in-wannsee-1918 +landscape,Romanticism,lev-lagorio_view-of-tiflis +landscape,Symbolism,nicholas-roerich_she-monastery-1937 +landscape,Romanticism,thomas-cole_scene-from-the-last-of-the-mohicans-by-james-fenimore-cooper-1827 +landscape,Post_Impressionism,pierre-daura_autumn-trees-possibly-rockbridge-county-virginia +landscape,Baroque,peter-paul-rubens_landscape-with-stone-carriers +landscape,Impressionism,john-henry-twachtman_waterfall +landscape,Post_Impressionism,maxime-maufra_the-village-on-the-river-bozel-1914 +landscape,Symbolism,nicholas-roerich_brahmaputra-tsangpo-1928 +landscape,Expressionism,spyros-papaloukas_landscape-1 +landscape,Romanticism,john-atkinson-grimshaw_evening-knostrop-old-hall-1870 +landscape,Symbolism,nicholas-roerich_red-mountain-santa-fe-1921 +landscape,Symbolism,nicholas-roerich_himalayas-18 +landscape,Impressionism,constantine-maleas_cypress +landscape,Realism,pierre-auguste-renoir_two-figures-in-a-landscape-1866 +landscape,Symbolism,nicholas-roerich_himalayas-1938-3 +landscape,Impressionism,john-singer-sargent_lake-in-the-tyrol +landscape,Impressionism,camille-pissarro_chestnut-trees-at-osny-1873 +landscape,Impressionism,matej-sternen_spring-sun +landscape,Romanticism,camille-corot_the-roman-campagna-in-winter +landscape,Romanticism,ivan-aivazovsky_moonlight-in-feodosia-1880 +landscape,Impressionism,lovis-corinth_the-walchensee-serpentine-1920 +landscape,Naive_Art_Primitivism,andre-bauchant_animals-crossing-a-flooded-river-with-a-distant-waterfall-1924 +landscape,Post_Impressionism,asgrimur-jonsson_autumn-sunlight-skjuhl-1920 +landscape,Realism,theodore-rousseau_town-in-auvergne-1830 +landscape,Realism,theodore-rousseau_sunset-at-arbonne +landscape,Baroque,adriaen-van-de-velde_the-hut-1671 +landscape,Pointillism,henri-edmond-cross_antibes +landscape,Baroque,rembrandt_landscape-with-the-good-smaritan +landscape,Art_Nouveau_Modern,ferdinand-hodler_the-river-aare-in-solothurn-1915 +landscape,Post_Impressionism,moise-kisling_sagunto-1916 +landscape,Realism,ivan-shishkin_ravines +landscape,Expressionism,pyotr-konchalovsky_house-in-abramtsevo-1911 +landscape,Baroque,rembrandt_landscape-with-a-long-arched-bridge +landscape,Romanticism,thomas-cole_view-of-l-esperance-on-the-schoharie-river-1828 +landscape,Romanticism,john-constable_marine-parade-and-old-chain-pier-1827 +landscape,Impressionism,claude-monet_etretat-the-needle-rock-and-porte-d-aval +landscape,Realism,winslow-homer_the-west-wind +landscape,Impressionism,john-henry-twachtman_a-garden-path-1899 +landscape,Impressionism,claude-monet_argenteuil-1875(1) +landscape,Impressionism,robert-julian-onderdonk_prickly-pear-in-blossom +landscape,Impressionism,william-merritt-chase_landscape-near-coney-island +landscape,Realism,aleksey-savrasov_landscape-with-pine-1854 +landscape,Realism,camille-corot_the-little-bridge-at-mantes +landscape,Post_Impressionism,paul-cezanne_bank-of-the-oise-1888 +landscape,Impressionism,joaquã­n-sorolla_old-garden-of-the-alcazar-in-seville-1910 +landscape,Impressionism,paul-cezanne_the-hanged-man-s-house-in-auvers-1873 +landscape,Impressionism,piet-mondrian_polder-landscape-with-a-train-and-a-small-windmill-on-the-horizon-1907 +landscape,Post_Impressionism,gustave-loiseau_alley-of-poplars-1900 +landscape,Expressionism,martiros-saryan_worker-s-settlement-and-concrete-plant-davalu-ararat-region-1937 +landscape,Rococo,bernardo-bellotto_the-imperial-summer-residence-garden-1758 +landscape,Impressionism,armand-guillaumin_rafales-de-vent-le-brusc-1911 +landscape,Impressionism,childe-hassam_isle-of-shoals-5 +landscape,Impressionism,john-henry-twachtman_the-white-bridge-1 +landscape,Romanticism,vasily-polenov_downpour-1874 +landscape,Impressionism,camille-pissarro_sunset-with-fog-eragny-1891 +landscape,Romanticism,john-constable_dedham-vale-morning-1811 +landscape,Realism,camille-corot_cowherd-in-a-dell-souvenir-of-brittany +landscape,Post_Impressionism,gustave-loiseau_landscape-in-snow-1899 +landscape,Realism,winslow-homer_west-point-prout-s-neck +landscape,Post_Impressionism,vincent-van-gogh_shores-of-scheveningen-1882 +landscape,Realism,isaac-levitan_village +landscape,Impressionism,auguste-herbin_wooded-coast-at-roche-goyon-1906 +landscape,Impressionism,zinaida-serebriakova_summer-1910 +landscape,Post_Impressionism,giorgio-morandi_pease-1939 +landscape,Impressionism,camille-pissarro_ploughland-1874 +landscape,Impressionism,claude-monet_haystacks-at-giverny-1 +landscape,Symbolism,nicholas-roerich_namze-1924 +landscape,Realism,isaac-levitan_lake-spring-1898 +landscape,Art_Nouveau_Modern,ivan-bilibin_crimea-batiliman-1940-1(1) +landscape,Post_Impressionism,constantin-piliuta_winter-in-the-village-1 +landscape,Romanticism,ivan-aivazovsky_view-of-the-sea-at-night-1873 +landscape,Realism,mikhail-lebedev_view-of-albano-near-rome +landscape,Realism,isaac-levitan_march-1895 +landscape,Post_Impressionism,gustave-loiseau_cliffs-by-the-sea +landscape,Cubism,franz-marc_mountains-rocky-way-landscape +landscape,Romanticism,thomas-moran_the-grand-canyon-of-the-yellowstone-1872 +landscape,Post_Impressionism,alexandre-benois_breton-landscape(1) +landscape,Impressionism,pierre-auguste-renoir_the-bay-of-algiers-1881 +landscape,Expressionism,irma-stern_zanzibar-garden +landscape,Ukiyo_e,katsushika-hokusai_the-waterfall-of-amida-behind-the-kiso-road +landscape,Post_Impressionism,koloman-moser_landscape-in-semmering +landscape,Realism,vasily-polenov_view-of-oka-from-the-western-riverbank +landscape,Impressionism,francis-picabia_a-canal-at-st-mammes +landscape,Impressionism,william-merritt-chase_dutch-canal-aka-canal-path-holland +landscape,Impressionism,claude-monet_the-custom-s-house +landscape,Romanticism,ivan-aivazovsky_rush +landscape,Realism,konstantin-bogaevsky_view-of-sudak-1 +landscape,Contemporary_Realism,lucian-freud_kingcups-souvenir-of-glen-artney +landscape,Impressionism,camille-pissarro_spring-at-eragny +landscape,Realism,isaac-levitan_apple-trees-in-blossom-1896 +landscape,Impressionism,carl-larsson_garden-in-grez-1883(1) +landscape,Symbolism,ferdinand-hodler_landscape-at-caux-with-increasing-clouds-1917 +landscape,Impressionism,claude-monet_alley-near-pourville(1) +landscape,Romanticism,paul-cezanne_landscape-of-provence-1870 +landscape,Pointillism,bridget-riley_pink-landscape-1960 +landscape,Post_Impressionism,pyotr-konchalovsky_fishing-boats-drying-the-sails-1928 +landscape,Realism,theodor-severin-kittelsen_hytta-vaar-paa-staatoey +landscape,Northern_Renaissance,albrecht-altdorfer_danube-landscape-near-regensburg-with-the-scarecrow-hill +landscape,Realism,ivan-shishkin_herd-of-sheep-in-the-forest-1865 +landscape,Symbolism,nicholas-roerich_the-greatest-and-holiest-of-tangla-1929 +landscape,Expressionism,m.c.-escher_not_detected_204676 +landscape,Impressionism,claude-monet_poplars-on-the-banks-of-the-epte +landscape,Romanticism,john-atkinson-grimshaw_stapleton-park-near-pontefract-sun-1877 +landscape,Impressionism,maurice-prendergast_revere-beach-1896 +landscape,Romanticism,ferdinand-georg-waldmã¼ller_mountains-of-arco-at-riva-1841 +landscape,Romanticism,william-turner_norham-castle-sunrise-1 +landscape,Symbolism,nicholas-roerich_everest-1935 +landscape,Impressionism,claude-monet_haystack-at-giverny-1886 +landscape,Realism,isaac-levitan_in-plyos +landscape,Impressionism,camille-pissarro_winter-at-montfoucault-1875 +landscape,Post_Impressionism,emily-carr_autumn-in-france-1911 +landscape,Symbolism,martiros-saryan_kara-dag-mountain-1922 +landscape,Symbolism,nicholas-roerich_tibet-at-brahmaputra-1936 +landscape,Impressionism,paul-cezanne_the-railway-cutting-1870 +landscape,Romanticism,john-atkinson-grimshaw_autumn-morning +landscape,Impressionism,abdullah-suriosubroto_indonesian-landscape-4 +landscape,Post_Impressionism,giorgio-morandi_on-the-outskirts-of-a-town-1941 +landscape,Impressionism,claude-monet_the-house-seen-from-the-rose-garden-3-1924 +landscape,Romanticism,christen-kobke_frederiksborg-castle-seen-from-the-northwest-1836 +landscape,Impressionism,willard-metcalf_the-white-mantle +landscape,Realism,aristarkh-lentulov_sunset-on-the-volga-1928 +landscape,Post_Impressionism,maurice-prendergast_crepuscule-also-known-as-sunset +landscape,Realism,charles-francois-daubigny_rising-moon-in-barbizon +landscape,Post_Impressionism,vincent-van-gogh_avenue-in-voyer-d-argenson-park-at-asnieres-1887(1) +landscape,Realism,martiros-saryan_arzni-1937 +landscape,Impressionism,guy-rose_lifting-fog-carmel +landscape,Romanticism,thomas-cole_the-return-1838 +landscape,Impressionism,eugene-boudin_cayeux-windmill-in-the-countryside-morning-1890 +landscape,Impressionism,alfred-sisley_flood-at-moret-sur-loing-1888 +landscape,Romanticism,pavel-svinyin_american-landscape +landscape,Impressionism,camille-pissarro_flood-white-effect-eragny-1893 +landscape,Impressionism,francis-picabia_the-eure-in-the-twilight-sun-1901 +landscape,Realism,charles-francois-daubigny_a-bend-in-the-river-oise-1872 +landscape,Impressionism,claude-monet_meadow-with-haystacks-near-giverny +landscape,Pointillism,henri-edmond-cross_cape-layet-provence +landscape,Impressionism,alfred-sisley_the-bourgogne-lock-at-moret-spring-1882 +landscape,Impressionism,claude-monet_etretat-sunset +landscape,Art_Nouveau_Modern,a.y.-jackson_valley-of-the-gouffre-river-1933 +landscape,Impressionism,claude-monet_the-japanese-bridge-4-1924 +landscape,Realism,konstantin-makovsky_summerhouse +landscape,Impressionism,alfred-sisley_the-english-coast-penarth-1897 +landscape,Romanticism,thomas-cole_portage-falls-on-the-genesee-1839 +landscape,Symbolism,nicholas-roerich_himalayas-39 +landscape,Baroque,rembrandt_landscape-with-a-castle +landscape,Impressionism,camille-pissarro_garden-of-les-mathurins-1876 +landscape,Impressionism,john-henry-twachtman_fish-sheds-gloucester-massachusetts-1902 +landscape,Impressionism,alfred-sisley_view-of-moret-1880 +landscape,Post_Impressionism,vincent-van-gogh_bathing-float-on-the-seine-at-asnieres-1887(1) +landscape,Naive_Art_Primitivism,grandma-moses_shenandoah-valley-1938 +landscape,Expressionism,jean-david_untitled(2) +landscape,Impressionism,childe-hassam_spring-navesink-highlands +landscape,Realism,vincent-van-gogh_the-garden-of-the-parsonage-with-arbor-1881 +landscape,Impressionism,claude-monet_cliff-near-dieppe-2 +landscape,Realism,camille-corot_semur-the-path-from-the-church +landscape,Post_Impressionism,pierre-bonnard_a-spring-landscape +landscape,Contemporary_Realism,neil-welliver_stump-and-ferns +landscape,Impressionism,alfred-sisley_langland-bay-storr-s-rock-morning-1897 +landscape,Romanticism,thomas-cole_the-mountain-ford-1846 +landscape,Post_Impressionism,gregoire-boonzaier_houses +landscape,Realism,ivan-shishkin_at-the-edge-of-a-pine-forest-1882 +landscape,Realism,ivan-shishkin_forest-8 +landscape,Impressionism,adolf-hitler_linz-landscape +landscape,Romanticism,john-crome_a-windmill-near-norwich-1816 +landscape,Impressionism,paul-gauguin_geese-on-the-farm-1879 +landscape,Pointillism,theo-van-rysselberghe_the-schelde-upstream-from-antwerp-after-fog-1892 +landscape,Fauvism,john-duncan-fergusson_alpes-maritimes-1914 +landscape,Expressionism,ligia-macovei_unknown-title-16 +landscape,Cubism,man-ray_hills +landscape,Impressionism,camille-pissarro_landscape-with-a-donkey +landscape,Realism,nikolay-bogdanov-belsky_snow-in-the-night +landscape,Baroque,peter-paul-rubens_landscape-with-a-rainbow +landscape,Realism,vincent-van-gogh_cottage-with-decrepit-barn-and-stooping-woman-1885(1) +landscape,Impressionism,alfred-sisley_moret-sur-loing-1892-1 +landscape,Realism,ivan-shishkin_oaks-evening-1887 +landscape,Pointillism,theo-van-rysselberghe_the-cap-gris-nez-1900 +landscape,Realism,fyodor-vasilyev_eriklik-the-fountain-crimea +landscape,Realism,konstantinos-volanakis_sunset-over-the-bay +landscape,Pointillism,paul-signac_antibes-evening-1914 +landscape,Post_Impressionism,constantin-piliuta_winter-in-the-village +landscape,Impressionism,pierre-auguste-renoir_landscape-1890 +landscape,Romanticism,ivan-aivazovsky_evening-in-the-crimea-1848 +landscape,Post_Impressionism,david-burliuk_landscape-with-a-road +landscape,Symbolism,nicholas-roerich_dogra-yumtso-1932 +landscape,Impressionism,william-merritt-chase_shinnecock-hills-long-island-1 +landscape,Realism,vasily-polenov_stairway-to-castle +landscape,Symbolism,martiros-saryan_autumn-hazy-day-1928 +landscape,Symbolism,nicholas-roerich_calling-1944 +landscape,Impressionism,guy-rose_the-cathedral +landscape,Realism,theodore-rousseau_landscape-with-a-church +landscape,Realism,aleksey-savrasov_grave-1884 +landscape,Ukiyo_e,katsushika-hokusai_the-fuji-reflects-in-lake-kawaguchi-seen-from-the-misaka-pass-in-the-kai-province +landscape,Symbolism,nicholas-roerich_kalki-avatar-1935 +landscape,Realism,ivan-shishkin_pine-forest-1885-1 +landscape,Contemporary_Realism,neil-welliver_study-for-ice-flow-allagash +landscape,Impressionism,konstantin-korovin_murmansk-coast-1894 +landscape,Impressionism,paul-gauguin_farm-in-osny-1883 +landscape,Baroque,esaias-van-de-velde_landscape-with-skaters-on-a-bridge-with-sheep +landscape,Realism,konstantin-bogaevsky_woodland-scene-near-tarusa +landscape,Post_Impressionism,pyotr-konchalovsky_autumn-landscape-1930 +landscape,Realism,ivan-shishkin_fir-in-the-shuvalov-park-1886 +landscape,Romanticism,richard-parkes-bonington_lake-lugano-1826 +landscape,Romanticism,william-turner_buttermere-lake-a-shower +landscape,Realism,charles-francois-daubigny_the-harbour-at-honfleur +landscape,Impressionism,camille-pissarro_farm-at-basincourt +landscape,Impressionism,henry-herbert-la-thangue_roman-campagna +landscape,Impressionism,periklis-vyzantios_hydra-1963 +landscape,Baroque,bartolome-esteban-murillo_landscape +landscape,Romanticism,william-turner_rain-steam-and-speed-the-great-western-railway +landscape,Realism,ivan-shishkin_riverside +landscape,Impressionism,claude-monet_the-iris-garden-at-giverny-1900 +landscape,Impressionism,eugene-boudin_the-toques-at-saint-arnoult-1893 +landscape,Impressionism,claude-monet_the-valley-of-falaise +landscape,Impressionism,claude-monet_cliffs-of-varengeville-gust-of-wind +landscape,Impressionism,robert-julian-onderdonk_in-the-hills-of-the-spanish-oaks +landscape,Impressionism,robert-julian-onderdonk_golden-evening-southwest-texas-1911 +landscape,Post_Impressionism,constantin-piliuta_winter-landscape +landscape,Naive_Art_Primitivism,jules-lefranc_la-riviere-dans-l-ile-de-france +landscape,Expressionism,otto-dix_trenches +landscape,Art_Nouveau_Modern,lawren-harris_baffin-island-1931 +landscape,Symbolism,nicholas-roerich_kuluta-dobi-nulla-1931 +landscape,Expressionism,lovis-corinth_the-walchensee-new-snow-1922 +landscape,Realism,camille-corot_the-tower-in-the-trees-1865 +landscape,Impressionism,pierre-auguste-renoir_the-banks-of-the-river +landscape,Romanticism,joseph-wright_the-annual-girandola-at-the-castle-of-st-angelo-rome +landscape,Realism,antã³nio-de-carvalho-da-silva-porto_charneca-de-belas-ao-p-r-do-sol-1879 +landscape,Realism,isaac-levitan_path-in-the-forest-1884 +landscape,Post_Impressionism,pyotr-konchalovsky_abramtsevo-mall-1921 +landscape,Naive_Art_Primitivism,johannes-itten_h-user-im-schwarzwald +landscape,Impressionism,arkhip-kuindzhi_autumn-steppe-1875 +landscape,Realism,ivan-shishkin_cut-down-birch-1864 +landscape,Impressionism,camille-pissarro_farm-and-steeple-at-sunset-1892 +landscape,Realism,isaac-levitan_forest +landscape,Realism,camille-corot_the-tiber-near-rome-1828 +landscape,Realism,camille-corot_the-grape-harvest-at-sevres +landscape,Expressionism,martiros-saryan_in-the-springtime +landscape,Romanticism,thomas-moran_mosquito-trail-rocky-mountains-colorado-1874 +landscape,Northern_Renaissance,albrecht-durer_pine-1497 +landscape,Expressionism,margareta-sterian_sunset-in-delta +landscape,Realism,aleksey-savrasov_landscape-with-a-mill-1861 +landscape,Northern_Renaissance,albrecht-durer_view-of-kalchreut +landscape,Expressionism,yiannis-tsaroychis_entrance-of-country-house-1928 +landscape,Impressionism,t.-c.-steele_house-of-the-singing-winds-1922 +landscape,Romanticism,thomas-cole_schroon-lake-1840 +landscape,Post_Impressionism,henri-matisse_not-identified-16 +landscape,Art_Nouveau_Modern,ferdinand-hodler_jungfrau-and-silverhorn-as-seen-from-murren +landscape,Impressionism,konstantin-korovin_russia-nostalgia +landscape,Impressionism,willard-metcalf_moonlight +landscape,Contemporary_Realism,john-miller_hayle-towans-beach +landscape,Realism,efim-volkov_landscape-with-the-village-children +landscape,Realism,vasily-surikov_naples-1884 +landscape,Impressionism,claude-monet_vetheuil-the-small-arm-of-the-seine +landscape,Impressionism,pierre-auguste-renoir_landscape-at-collettes-1 +landscape,Baroque,paul-bril_landscape-with-a-marsh-1595 +landscape,Naive_Art_Primitivism,niko-pirosmani_party-by-the-river-zkheniszkali +landscape,Romanticism,maxim-vorobiev_elagin-island-at-night-1820 +landscape,Romanticism,jean-leon-gerome_summer-afternoon-on-a-lake +landscape,Baroque,peter-paul-rubens_landscape-with-an-avenue-of-trees +landscape,Realism,pyotr-konchalovsky_blossoming-garden-1953 +landscape,Realism,volodymyr-orlovsky_a-house-near-the-sea-1871 +landscape,Expressionism,august-macke_trees-and-fields +landscape,Impressionism,willard-metcalf_approaching-autumn +landscape,Symbolism,nicholas-roerich_tibet-2 +landscape,Art_Nouveau_Modern,carl-larsson_the-verandah(1) +landscape,Impressionism,john-singer-sargent_pine-forest +landscape,Realism,isaac-levitan_apiary-1 +landscape,Post_Impressionism,tom-thomson_untitled-wooden-landscape-1917 +landscape,Realism,nikolay-bogdanov-belsky_landscape-1 +landscape,Realism,ivan-shishkin_forest-landscape-road-1876 +landscape,Pointillism,paul-signac_antibes-thunderstorms-1919 +landscape,Realism,vincent-van-gogh_landscape-at-sunset-1885 +landscape,Realism,vasily-polenov_roman-fort-in-semendrii-1876 +landscape,Realism,aleksey-savrasov_moonlit-night-landscape-with-fire +landscape,Impressionism,camille-pissarro_view-of-osny-near-pontoise-1883 +landscape,Impressionism,gustave-caillebotte_the-bridge-at-argenteuil +landscape,Impressionism,childe-hassam_september-moonrise +landscape,Impressionism,john-singer-sargent_purtud-fir-trees-and-snow-mountains-1908 +landscape,Impressionism,cornelis-vreedenburgh_farm-along-the-canal +landscape,Realism,camille-corot_in-the-forest-of-fontainebleau +landscape,Post_Impressionism,paul-cezanne_mont-sainte-victoire-1890 +landscape,Impressionism,william-merritt-chase_shinnecock-hills-from-canoe-place-long-island +landscape,Impressionism,eugene-boudin_the-coastline-at-plougastel-1869 +landscape,Impressionism,claude-monet_the-seine-at-argenteuil +landscape,Fauvism,georges-braque_landscape-of-estaque-1907 +landscape,Art_Nouveau_Modern,ferdinand-hodler_thun-stockhornkette-1904 +landscape,Realism,gustave-courbet_the-wave-1870-1 +landscape,Post_Impressionism,vladimir-dimitrov_unknown-title-4 +landscape,Impressionism,pierre-auguste-renoir_landscape-at-collettes +landscape,Impressionism,gregoire-boonzaier_huisies-langs-die-liesbeekrivier-1945 +landscape,Post_Impressionism,vincent-van-gogh_farmhouses-in-a-wheat-field-near-arles-1888(1) +landscape,Impressionism,gustave-caillebotte_yerres-path-through-the-old-growth-woods-in-the-park +landscape,Impressionism,camille-pissarro_grey-day-banks-of-the-oise-1878 +landscape,Post_Impressionism,paul-cezanne_the-banks-of-the-marne-1888-1 +landscape,Romanticism,gheorghe-tattarescu_pe-tera-d-mbovicioara +landscape,Realism,nikolai-ge_carrara +landscape,Symbolism,nicholas-roerich_star-of-the-hero-1936(1) +landscape,Realism,ivan-shishkin_stones-in-the-forest-valaam-1860 +landscape,Expressionism,johannes-sveinsson-kjarval_lava-at-bessastadir-1954 +landscape,Realism,isaac-levitan_the-twilight-moon-1898 +landscape,Impressionism,claude-monet_the-seine-at-port-villez-blue-effect +landscape,Realism,charles-francois-daubigny_the-banks-of-the-river-1868 +landscape,Romanticism,rudolf-von-alt_yursuff-1863 +landscape,Impressionism,pierre-auguste-renoir_landscape-with-white-house +landscape,Impressionism,claude-monet_giverny-in-springtime-1900 +landscape,Realism,aleksey-savrasov_village-bulgarians-1872 +landscape,Realism,thomas-eakins_the-brinton-house-1878 +landscape,Impressionism,winston-churchill_trees-and-shadows(1) +landscape,Post_Impressionism,paul-cezanne_landscape-of-the-jas-de-bouffan-1885 +landscape,Impressionism,santiago-rusinol_la-butte +landscape,Contemporary_Realism,konstantin-vasilyev_above-the-bonfire +landscape,Realism,fyodor-vasilyev_rye +landscape,Realism,konstantin-bogaevsky_evening-landscape-1907 +landscape,Expressionism,francis-picabia_riverbank +landscape,Impressionism,eugene-boudin_trouville-the-jetty-and-the-basin-1896 +landscape,Post_Impressionism,vincent-van-gogh_vegetable-gardens-in-montmartre-1887 +landscape,Impressionism,guy-rose_the-sea-view-of-cliffs +landscape,Symbolism,nicholas-roerich_dogra-yumtso +landscape,Impressionism,john-henry-twachtman_little-giant +landscape,Realism,isaac-levitan_village-savvinskaya-near-zvenigorod-at-summer-1884 +landscape,Impressionism,childe-hassam_laurel-on-the-ledges +landscape,Impressionism,childe-hassam_oregon-landscape +landscape,Ukiyo_e,hiroshige_benzaiten-shrine-at-inokashira-in-snow +landscape,Expressionism,jack-bush_dark-country-1946 +landscape,Romanticism,ivan-aivazovsky_volga-near-zhigulevskie-hill-1887 +landscape,Expressionism,albert-bloch_blue-ravine +landscape,Post_Impressionism,martiros-saryan_ararat-in-clouds-1923 +landscape,Impressionism,john-henry-twachtman_the-cabbage-patch-1893 +landscape,Impressionism,samuel-mutzner_a-crescut-floarea-soarelui-1944 +landscape,Realism,david-burliuk_summer-meadow(4) +landscape,Post_Impressionism,henri-le-fauconnier_ploumanac-h-1908 +landscape,Impressionism,ilya-mashkov_after-the-storm-1922 +landscape,Realism,vasily-surikov_yenisey +landscape,Impressionism,berthe-morisot_the-village-of-maurecourt-1873 +landscape,Impressionism,paul-signac_the-haystack-1882 +landscape,Realism,isaac-levitan_near-the-grove +landscape,Symbolism,nicholas-roerich_timur-khada-1936 +landscape,Post_Impressionism,pyotr-konchalovsky_oak-tree-1921 +landscape,Symbolism,martiros-saryan_armenia-1959 +landscape,Impressionism,alfred-sisley_riverbanks-at-saint-mammes-1884 +landscape,Realism,isaac-levitan_tatarian-cemetery-crimea-1886 +landscape,Impressionism,claude-monet_flowers-on-the-banks-of-seine-near-vetheuil +landscape,Realism,camille-corot_coulommiers-the-garden-of-m-preschez-1868 +landscape,Impressionism,camille-pissarro_old-houses-at-eragny-1884 +landscape,Romanticism,john-crome_bruges-river-ostend-in-the-distance-moonlight +landscape,Romanticism,thomas-cole_arch-of-nero-1846 +landscape,Ukiyo_e,katsushika-hokusai_bay-of-noboto +landscape,Fauvism,georges-braque_ciotat-1907 +landscape,Impressionism,maxime-maufra_the-waterfall-nemours +landscape,Realism,vincent-van-gogh_the-landscape-in-drenthe-1883 +landscape,Impressionism,claude-monet_windmills-at-haaldersbroek-zaandam +landscape,Impressionism,claude-monet_ice-floes-on-the-seine-at-bougival-1868 +landscape,Symbolism,nicholas-roerich_flaming-tops-against-the-evening-sky +landscape,Impressionism,gregoire-boonzaier_cape-landscape-1952 +landscape,Impressionism,kazimir-malevich_landscape-near-kiev-1930 +landscape,Impressionism,claude-monet_willows-in-springtime +landscape,Realism,johan-hendrik-weissenbruch_summer-evening +landscape,Post_Impressionism,nicolae-darascu_balcic-houses-1933 +landscape,Post_Impressionism,anna-ostroumova-lebedeva_crimea-koktebel-ruins-of-kordon +landscape,Baroque,annibale-carracci_not_detected_234546 +landscape,Impressionism,john-henry-twachtman_flower-garden +landscape,Impressionism,konstantin-korovin_okhotino-september-1915 +landscape,Post_Impressionism,pyotr-konchalovsky_spring-state-farm-mounds-1932 +landscape,Symbolism,konstantin-somov_twilight-in-the-old-park +landscape,Post_Impressionism,maurice-prendergast_spring-promenade +landscape,Impressionism,childe-hassam_the-little-pond-appledore +landscape,Impressionism,arkhip-kuindzhi_autumn-fog +landscape,Post_Impressionism,piet-mondrian_dune-landscape-1911 +landscape,Impressionism,pierre-auguste-renoir_on-the-seine-near-argenteuil +landscape,Realism,camille-pissarro_la-varenne-de-st-hilaire-1863 +landscape,Impressionism,ilya-mashkov_zages-1927 +landscape,Romanticism,adolphe-joseph-thomas-monticelli_rocky-landscape +landscape,Realism,ivan-shishkin_view-of-valaam-island-kukko-1860-1 +landscape,Realism,vasily-polenov_over-the-old-cairo-1882 +landscape,Romanticism,thomas-moran_the-chasm-of-the-colorado-1874 +landscape,Impressionism,armand-guillaumin_landscape-of-puy-de-d-me +landscape,Realism,volodymyr-orlovsky_in-the-summer-on-the-farm +landscape,Impressionism,camille-pissarro_sunset-at-eragny-1902 +landscape,Symbolism,konstantinos-parthenis_landscape-1903-2 +landscape,Impressionism,pierre-auguste-renoir_landscape-2 +landscape,Romanticism,ivan-aivazovsky_seascape +landscape,Realism,aleksey-savrasov_river-landscape +landscape,Impressionism,andre-dunoyer-de-segonzac_le-morin-pres-de-guerard-1935 +landscape,Pointillism,theo-van-rysselberghe_sunset-at-ambletsuse-1899 +landscape,Impressionism,alfred-sisley_matrat-cottages-1889 +landscape,Symbolism,nicholas-roerich_doring-tibetian-menhirs-1928 +landscape,Realism,ivan-shishkin_lake +landscape,Impressionism,robert-julian-onderdonk_a-thousand-islands-st-lawrence-river-1909 +landscape,Romanticism,eugene-delacroix_he-edge-of-a-wood-at-nohant-1843(1) +landscape,Post_Impressionism,pyotr-konchalovsky_at-the-barn-1926 +landscape,Impressionism,childe-hassam_looking-into-beryl-pool +landscape,Symbolism,nicholas-roerich_island +landscape,Impressionism,robert-julian-onderdonk_bluebonnets-on-a-grey-day-1922 +landscape,Impressionism,willard-metcalf_passing-summer +landscape,Realism,maxime-lalanne_cascade-de-c-rizet-cauteretz-i-e-cauterets +landscape,Expressionism,pablo-picasso_untitled-1958-1 +landscape,Baroque,esaias-van-de-velde_winter-scene-with-skaters-1615 +landscape,Symbolism,nicholas-roerich_himalayas-1939-1 +landscape,Expressionism,costas-niarchos_landscape-1 +landscape,Impressionism,willard-metcalf_landscape-1 +landscape,Realism,efim-volkov_forest-landscape-with-watermill +landscape,Symbolism,nicholas-roerich_dzong-at-evening-1924 +landscape,Romanticism,arnold-bã¶cklin_soldiers-amount-towards-a-mountain-fortress +landscape,Symbolism,nicholas-roerich_he-who-hastens-1924 +landscape,Realism,vincent-van-gogh_landscape-with-pollard-willows-1884 +landscape,Post_Impressionism,henri-matisse_not-identified-10 +landscape,Impressionism,claude-monet_the-bodmer-oak +landscape,Realism,isaac-levitan_huts-1899 +landscape,Impressionism,laszlo-mednyanszky_under-the-cross-1892 +landscape,Symbolism,konstantinos-parthenis_landscape-1903 +landscape,Post_Impressionism,constantine-maleas_lavrion-1920 +landscape,Cubism,paul-cezanne_bibemus-quarry-1898 +landscape,Realism,vincent-van-gogh_study-of-a-tree-1882 +landscape,Art_Nouveau_Modern,felix-vallotton_breithorn-1892 +landscape,Post_Impressionism,gustave-loiseau_landscape-in-winter-with-fog-1897 +landscape,Art_Nouveau_Modern,michel-simonidy_forest-edge-in-france +landscape,Pop_Art,patrick-procktor_leaping-cataract-victoria-falls-1974 +landscape,Impressionism,mikhail-nesterov_haystacks +landscape,Romanticism,ivan-aivazovsky_the-bay-of-naples-at-moonlit-night-vesuvius-1840 +landscape,Post_Impressionism,tom-thomson_april-in-algonquin-park-1917 +landscape,Realism,charles-francois-daubigny_riverbank-in-moonlight-1875 +landscape,Art_Nouveau_Modern,felix-vallotton_glacier-1892 +landscape,Expressionism,nikolaos-lytras_landscape +landscape,Realism,camille-corot_the-bridge-at-grez-sur-loing +landscape,Impressionism,john-singer-sargent_the-simplon +landscape,Symbolism,konstantin-bogaevsky_rocky-seashore-1926-1 +landscape,Impressionism,iosif-iser_southern-france-beach +landscape,Post_Impressionism,pyotr-konchalovsky_yurevskaya-settlement-1926 +landscape,Impressionism,asgrimur-jonsson_mt-hekla-1927 +landscape,Romanticism,ivan-aivazovsky_lunar-night-1862 +landscape,Impressionism,john-singer-sargent_villa-di-marlia-lucca-1910 +landscape,Realism,james-tissot_the-tombs-in-the-valley-of-hinnom-1889 +landscape,Post_Impressionism,ferdinand-hodler_lake-geneva-on-the-evening-in-chexbres-1895 +landscape,Art_Nouveau_Modern,ferdinand-hodler_forest-with-a-mountain-stream-1902 +landscape,Impressionism,joaquã­n-sorolla_beach-of-biarritz-france +landscape,Impressionism,claude-monet_cap-martin-3 +landscape,Symbolism,ferdinand-hodler_landscape +landscape,Impressionism,gustave-caillebotte_sailboats-on-the-seine-at-argenteuil +landscape,Impressionism,paul-gauguin_normandy-landscape-cow-in-a-meadow-1884 +landscape,Romanticism,john-crome_marlingford-grove-1815 +landscape,Post_Impressionism,abraham-manievich_lyrical-landscape +landscape,Romanticism,johan-christian-dahl_frogner-manor-1842 +landscape,New_Realism,edward-hopper_white-river-at-sharon +landscape,Realism,homer-watson_horse-and-rider-in-a-landscape-1887 +landscape,Impressionism,isaac-levitan_corniche-southern-france-1894 +landscape,Realism,aleksey-savrasov_glade-in-a-pine-forest-1883 +landscape,Symbolism,nicholas-roerich_pink-glacier-as-flower-1944 +landscape,Symbolism,ferdinand-hodler_snow-in-the-engadine-1907 +landscape,Realism,ivan-shishkin_beech-forest-in-switzerland-1863 +landscape,Impressionism,armand-guillaumin_saint-sauves-d-auvergne-1900 +landscape,Baroque,peter-paul-rubens_landscape-with-a-trees +still_life,Impressionism,paul-gauguin_dahlias-in-a-copper-vase-1885 +still_life,Expressionism,lucian-freud_untitled-quince +still_life,Post_Impressionism,le-pho_les-pommeirs-du-japon +still_life,Ukiyo_e,katsushika-hokusai_a-lacquered-washbasin-and-ewer +still_life,Impressionism,gustave-caillebotte_game-birds-and-lemons +still_life,Expressionism,henri-matisse_still-life-with-dance-1909 +still_life,Cubism,konstantinos-parthenis_still-life +still_life,Post_Impressionism,horace-pippin_the-warped-table-still-life-1940 +still_life,Realism,henri-fantin-latour_still-life-of-cherries-and-almonds-1870 +still_life,Cubism,juan-gris_the-basket-of-pears-1925 +still_life,Impressionism,abraham-manievich_still-life-with-glass +still_life,Art_Nouveau_Modern,carl-larsson_detail-of-christmas-eve-1906(1) +still_life,Pop_Art,patrick-caulfield_wall-lamp-1994 +still_life,Pop_Art,roy-lichtenstein_baked-potato-1962(1) +still_life,Analytical_Cubism,pablo-picasso_bread-and-dish-with-fruits-on-the-table +still_life,Baroque,frans-snyders_still-life-of-game-and-shellfish +still_life,Ukiyo_e,keisai-eisen_flower-arranging-1820 +still_life,Impressionism,konstantin-korovin_roses-and-fruit-1917 +still_life,Synthetic_Cubism,georges-braque_the-violin-valse-1913 +still_life,Cubism,ben-nicholson_august-1956-val-d-orcia-1956 +still_life,Post_Impressionism,constantin-blendea_still-life-2 +still_life,Impressionism,octav-bancila_can-cu-violete +still_life,Fauvism,ion-pacea_still-life-with-seashell-and-fruit +still_life,Post_Impressionism,ilya-mashkov_still-life-with-fish-1916 +still_life,Realism,theodore-gericault_the-three-skulls-1814 +still_life,Ukiyo_e,keisai-eisen_flower-arrangements +still_life,Cubism,saul-steinberg_untitled-1971(1) +still_life,Post_Impressionism,pierre-bonnard_peaches-and-grapes-1943 +still_life,Synthetic_Cubism,pablo-picasso_guitar-and-jug-on-a-table-1918 +still_life,Romanticism,polychronis-lembesis_still-life +still_life,Realism,martiros-saryan_the-fruits-from-rocky-slopes-of-aragats-1958 +still_life,Impressionism,pierre-auguste-renoir_still-life-with-fruit-bowl +still_life,Cubism,pyotr-konchalovsky_still-life-cancers-1916 +still_life,Realism,nikolay-bogdanov-belsky_still-life-1 +still_life,Fauvism,ilya-mashkov_still-life-with-vegetables-1914 +still_life,Post_Impressionism,paul-gauguin_fruit-in-a-bowl-1886 +still_life,Realism,pyotr-konchalovsky_still-life-grenades-1954 +still_life,Post_Impressionism,lovis-corinth_still-life-with-buddha-lobsters-and-oysters-1916 +still_life,Fauvism,mary-fedden_still-life-merindol +still_life,Realism,henri-fantin-latour_still-life-of-four-peaches-1862 +still_life,Naive_Art_Primitivism,kateryna-bilokur_apples-of-bogdanivka-1959 +still_life,Baroque,gerrit-dou_still-life-with-globe-lute-and-books +still_life,Cubism,pablo-picasso_composition-1946 +still_life,Synthetic_Cubism,juan-gris_the-bottle-of-anis-del-mono-1914 +still_life,Realism,jean-francois-millet_the-dresser-in-gruchy-1854 +still_life,Expressionism,chaim-soutine_still-life-with-lamp +still_life,Post_Impressionism,henri-matisse_apples-1916 +still_life,Impressionism,ipolit-strambu_vase-with-roses-and-chrysanthemums-1911 +still_life,Realism,henri-fantin-latour_bowl-of-peaches-1869 +still_life,Impressionism,frederic-bazille_still-life-with-fish +still_life,Cubism,olga-rozanova_the-barbershop-1915 +still_life,Fauvism,john-duncan-fergusson_still-life-teapot-with-flowers-and-fruit-1912 +still_life,Rococo,jean-baptiste-simeon-chardin_still-life-with-copper-cauldron-and-eggs +still_life,Impressionism,edouard-manet_still-life-with-flowers-1880 +still_life,Expressionism,lucian-freud_still-life-with-a-book-1992 +still_life,Realism,salvador-dali_jug-1923 +still_life,Pop_Art,patrick-caulfield_terracotta-vase-1975 +still_life,Expressionism,martiros-saryan_still-life-1953 +still_life,Cubism,georges-braque_violin-and-musical-score +still_life,Post_Impressionism,vincent-van-gogh_still-life-with-oranges-and-lemons-with-blue-gloves-1889 +still_life,Cubism,ben-nicholson_sept-8-54-torcello-1954 +still_life,Impressionism,andre-dunoyer-de-segonzac_nature-morte +still_life,Cubism,paul-cezanne_still-life-with-green-melon +still_life,Symbolism,kuzma-petrov-vodkin_apples-1917 +still_life,Expressionism,zinaida-serebriakova_clams-and-lemon-1923 +still_life,Post_Impressionism,vincent-van-gogh_plaster-statuette-of-a-female-torso +still_life,Fauvism,ronnie-landfield_yellow-flower-painting-1973 +still_life,Impressionism,nicolae-darascu_still-life-with-lobsters-1925 +still_life,Post_Impressionism,paul-gauguin_vase-of-flowers-1896 +still_life,Cubism,juan-gris_guitar-and-clarinet-1920 +still_life,Cubism,fernand-leger_machine-elements-1920 +still_life,Fauvism,henri-matisse_still-life-with-chocolate-pot-1900 +still_life,Baroque,osias-beert_still-life-of-fruit-1610 +still_life,Contemporary_Realism,janet-fish_chili-peppers-2005 +still_life,Baroque,jean-baptiste-simeon-chardin_the-silver-tureen-1728 +still_life,Post_Impressionism,vincent-van-gogh_a-pair-of-shoes-1888(1) +still_life,Baroque,frans-snyders_a-monkey-among-fruit +still_life,Post_Impressionism,theodor-pallady_poppy-flowers +still_life,Impressionism,pierre-auguste-renoir_strawberries-1914 +still_life,Impressionism,john-singer-sargent_the-old-chair +still_life,Impressionism,francisc-sirato_still-life-with-vases-and-roses-1920 +still_life,Synthetic_Cubism,georges-braque_the-clarinet-valse-1912 +still_life,Realism,edouard-manet_the-salmon +still_life,Realism,vincent-van-gogh_still-life-with-an-earthern-bowl-and-potatoes-1885 +still_life,Cubism,louis-marcoussis_the-red-fish-1921 +still_life,Impressionism,pierre-auguste-renoir_sugar-bowl-and-lemons +still_life,Cubism,henri-matisse_the-gourds-1916 +still_life,Realism,pyotr-konchalovsky_apples-1934 +still_life,Post_Impressionism,meijer-de-haan_a-bunch-of-garlic-and-a-pewter-tankard +still_life,Cubism,roger-bissiã¨re_nature-morte-avec-mandoline +still_life,Cubism,juan-gris_seltzer-bottle-and-glass-1917 +still_life,Post_Impressionism,paul-cezanne_fruit-and-jug-on-a-table +still_life,Impressionism,stefan-luchian_lion-s-mouth +still_life,Analytical_Cubism,pablo-picasso_still-life-with-bottle-of-anis-del-mono-1909 +still_life,Baroque,jean-baptiste-simeon-chardin_the-attributes-of-the-sciences-1731 +still_life,Post_Impressionism,paul-gauguin_the-ham-1889 +still_life,Baroque,willem-kalf_still-life-with-glass-goblet-and-fruit-1655 +still_life,Post_Impressionism,vincent-van-gogh_still-life-with-bloaters-1886-1 +still_life,Post_Impressionism,salvador-dali_still-life-with-two-lemons +still_life,Post_Impressionism,pyotr-konchalovsky_still-life-oranges-1934 +still_life,Post_Impressionism,ilya-mashkov_moscow-food-1924 +still_life,Impressionism,edouard-manet_almonds-currants-and-peaches-1869 +still_life,Fauvism,martiros-saryan_fruits-1916 +still_life,Art_Nouveau_Modern,koloman-moser_flower-pot-and-ceramic-jug-1912 +still_life,Pop_Art,audrey-flack_world-war-ii-vanitas-1977 +still_life,Post_Impressionism,salvador-dali_still-life-by-a-window +still_life,Fauvism,martiros-saryan_violet-jug-1910 +still_life,Analytical_Cubism,georges-braque_violin-and-candlestick-1910 +still_life,Impressionism,paul-cezanne_still-life-bowl-and-milk-jug +still_life,Baroque,willem-kalf_still-life-with-a-late-ming-ginger-jar-1669 +still_life,Impressionism,andre-dunoyer-de-segonzac_still-life-with-a-cabbage-1920 +still_life,Impressionism,pierre-auguste-renoir_vase-basket-of-flowers-and-fruit-1890 +still_life,Post_Impressionism,vincent-van-gogh_still-life-with-bloaters-and-garlic-1887 +still_life,Synthetic_Cubism,juan-gris_violin-and-glass-1918 +still_life,Impressionism,pierre-auguste-renoir_still-life-with-apples +still_life,Synthetic_Cubism,juan-gris_bottle-of-beaune-and-a-fruit-dish-1917 +still_life,Post_Impressionism,maurice-prendergast_still-life-with-flowers +still_life,Cubism,georges-braque_still-life-with-red-tablecloth-1934 +still_life,Ukiyo_e,katsushika-hokusai_five-fans +still_life,Baroque,frans-hals_peeckelhaering-detail-1643 +still_life,Impressionism,paul-gauguin_china-asters-hat-and-book +still_life,Expressionism,zinaida-serebriakova_still-life-with-a-jug-1952 +still_life,Realism,salvador-dali_duck +still_life,Realism,arthur-segal_still-life-with-oranges-1929 +still_life,Cubism,amedee-ozenfant_le-pichet-blanc-1926 +still_life,Realism,william-merritt-chase_still-life-fish-1912 +still_life,Post_Impressionism,ion-pacea_white-flowers-and-apples +still_life,Impressionism,pierre-auguste-renoir_still-life-with-peaches-and-grapes-1881 +still_life,Cubism,jean-metzinger_still-life-with-pumpkin-and-bottle-of-rum-1917 +still_life,Post_Impressionism,ion-pacea_natur-static-cu-mere +still_life,Expressionism,martiros-saryan_eastern-flowers-1916 +still_life,Fauvism,mary-fedden_still-life-with-pears-and-onions-1992 +still_life,Cubism,paul-cezanne_roses-in-a-bottle-1904 +still_life,Impressionism,john-singer-sargent_still-life-with-daffodils-1890 +still_life,Expressionism,martiros-saryan_peonies-1916 +still_life,Fauvism,martiros-saryan_still-life-fruits-1911 +still_life,Realism,ilya-mashkov_cherry-1939 +still_life,Post_Impressionism,pierre-bonnard_flowers-on-a-mantlepiece-1913 +still_life,Impressionism,pierre-auguste-renoir_still-life-with-strawberries +still_life,Baroque,willem-kalf_still-life-with-a-nautilus-cup-1662 +still_life,Impressionism,gregoire-boonzaier_still-life-with-flowers +still_life,Impressionism,claude-monet_still-life-with-apples-and-grapes +still_life,Pop_Art,yayoi-kusama_still-life-of-candlestick-1978 +still_life,Impressionism,lucia-demetriade-balacescu_canceu-cu-lalele-i-m-rgele-albastre-1928 +still_life,Analytical_Cubism,juan-gris_the-watch-the-sherry-bottle-1912 +still_life,Impressionism,adam-baltatu_still-life-with-pipe-and-books +still_life,Fauvism,walasse-ting_i-love-chrysanthemums-2000 +still_life,Baroque,gabriel-metsu_dead-cock-1660 +still_life,Cubism,stanley-pinker_still-life-1957 +still_life,Impressionism,constantin-artachino_pipkin-with-mallows +still_life,Post_Impressionism,panayiotis-tetsis_tables-iv-1985 +still_life,Fauvism,mary-fedden_melon-and-grapes-2009 +still_life,Realism,henri-fantin-latour_flowers-and-fruit-1865 +still_life,Fauvism,ilya-mashkov_fruits-and-tulips-1918 +still_life,Impressionism,pierre-auguste-renoir_two-apples +still_life,Realism,henri-fantin-latour_still-life-roses-and-fruit-1878 +still_life,Expressionism,martiros-saryan_grapes-1911 +still_life,Synthetic_Cubism,pablo-picasso_guitar-glass-and-bottle-of-vieux-marc-1912 +still_life,Post_Impressionism,andre-derain_still-life-with-pears-and-indian-bowl +still_life,Post_Impressionism,henri-catargi_still-life-1972 +still_life,Impressionism,micaela-eleutheriade_natur-static-cu-crizanteme +still_life,Cubism,louis-marcoussis_viareggio-la-depeche-de-toulouse +still_life,Cubism,georges-braque_the-studio-viii-1954 +still_life,Impressionism,paul-gauguin_still-life-with-red-mullet-and-jug-1876 +still_life,Realism,ilya-mashkov_strawberry-and-white-jar-1943 +still_life,Post_Impressionism,forrest-bess_still-life-with-green-apples-and-pears-1948 +still_life,Post_Impressionism,paul-gauguin_still-life-ripipont-1889 +still_life,Synthetic_Cubism,juan-gris_violin-and-ink-bottle-on-a-table-1913 +still_life,Impressionism,pierre-auguste-renoir_still-life-3 +still_life,Cubism,amadeo-de-souza-cardoso_entrada-1917 +still_life,Post_Impressionism,paul-cezanne_three-pears-1879 +still_life,Realism,henri-fantin-latour_a-plate-of-apples-1861 +still_life,Baroque,willem-kalf_still-life-with-a-nautilus-cup-detail-1662 +still_life,Post_Impressionism,paul-cezanne_still-life-peppermint-bottle-1895 +still_life,Fauvism,ilya-mashkov_still-life-with-cactus-1914 +still_life,Post_Impressionism,ilya-mashkov_still-life-with-porcelain-doll-1922 +still_life,Impressionism,pierre-auguste-renoir_still-life-with-apples-and-pears-1903 +still_life,Expressionism,georges-braque_blue-aquarium-1962 +still_life,Contemporary_Realism,janet-fish_black-bowl-red-scarf-2007 +still_life,Realism,giovanni-boldini_corner-of-painter-s-table-1890 +still_life,Realism,theodore-gericault_anatomical-pieces +still_life,Cubism,serge-charchoune_nature-morte-la-pipe-1943 +still_life,Cubism,salvador-dali_still-life-3 +still_life,Realism,mikhail-vrubel_dress +still_life,Post_Impressionism,pyotr-konchalovsky_berries-and-begonias-1911 +still_life,Expressionism,ion-nicodim_unknown-title(15) +still_life,Realism,nikolaos-gyzis_table-or-bread-1880 +still_life,Post_Impressionism,mily-possoz_the-tulips-1936 +still_life,Impressionism,claude-monet_pheasants-and-plovers +still_life,Impressionism,samuel-mutzner_natur-static-cu-muschetar-1932 +still_life,Naive_Art_Primitivism,fernando-botero_happy-birthday +still_life,Realism,edouard-manet_a-brioche-1870 +still_life,Cubism,marsden-hartley_handsome-drinks-1916 +still_life,Cubism,olga-rozanova_a-blue-fan-1915 +still_life,Expressionism,martiros-saryan_green-jug-and-bouquet-1910 +still_life,Cubism,roger-bissiã¨re_mandoline-sur-chaise +still_life,Cubism,salvador-dali_still-life-by-moonlight +still_life,Expressionism,chaim-soutine_carcass-of-beef(1) +still_life,Impressionism,leon-dabo_still-life-with-flowers +still_life,Expressionism,zinaida-serebriakova_the-fish-on-the-green-1935 +still_life,Cubism,pablo-picasso_pot-glass-and-book-1908 +still_life,Post_Impressionism,pablo-picasso_still-life-the-dessert-1901 +still_life,Fauvism,ilya-mashkov_still-life-with-peacocks-1909 +still_life,Post_Impressionism,theo-van-rysselberghe_vase-of-flowers-1923 +still_life,Post_Impressionism,karl-schrag_spring-bouquet-with-lilacs +still_life,Cubism,pablo-picasso_guitar-i-love-eva-1912 +still_life,Realism,nikolaos-gyzis_rioche-1885 +still_life,Impressionism,william-merritt-chase_azaleas +still_life,Analytical_Cubism,juan-gris_not_detected_207834 +still_life,Post_Impressionism,theo-van-rysselberghe_yellow-bouquet-1917 +still_life,Expressionism,henri-matisse_still-life-with-pineapples +still_life,Post_Impressionism,ilya-mashkov_still-life-with-a-samovar-1920 +still_life,Impressionism,claude-monet_branch-of-orange-bearing-fruit +still_life,Realism,henri-fantin-latour_still-life-hyacinths-and-fruit-1865 +still_life,Synthetic_Cubism,georges-braque_pedestal-table-1913 +still_life,Expressionism,martiros-saryan_moscow-still-life-1956 +still_life,Cubism,georges-braque_two-mullets-1941 +still_life,Fauvism,mary-fedden_fruit-by-the-shore-1992 +still_life,Expressionism,m.c.-escher_not_detected_204644 +still_life,Post_Impressionism,henri-matisse_flowers-in-front-of-a-window-1922 +still_life,Post_Impressionism,maxime-maufra_a-fruitdish +still_life,Synthetic_Cubism,juan-gris_bowl-and-book-1927 +still_life,Romanticism,paul-cezanne_sugar-bowl-pears-and-blue-cup +still_life,Analytical_Cubism,jean-metzinger_nature-morte-1911 +still_life,Realism,gustave-courbet_still-life-fruit +still_life,Realism,salvador-dali_untitled-still-life-with-lilies +still_life,Rococo,jean-baptiste-simeon-chardin_still-life-with-cat-and-rayfish +still_life,Impressionism,paul-signac_still-life-with-a-book-1883 +still_life,Synthetic_Cubism,juan-gris_still-life-with-newspaper-1916-1 +still_life,Mannerism_Late_Renaissance,giuseppe-arcimboldo_the-vegetable-bowl(1) +still_life,Post_Impressionism,paul-cezanne_compotier-glass-and-apples-1880 +still_life,Impressionism,abraham-manievich_still-life-1930 +still_life,Fauvism,walasse-ting_picnic-quadriptych-1980 +still_life,Post_Impressionism,ilya-mashkov_still-life-with-pumpkin-and-a-pitcher-1914 +still_life,Impressionism,rudolf-schweitzer-cumpana_natur-static-cu-sifon-r-ni-i-ardei-iute-1943 +still_life,Realism,william-merritt-chase_still-life +still_life,Cubism,fernand-leger_still-life-in-the-machine-elements-1918 +still_life,Impressionism,edouard-manet_moss-roses-in-a-vase-1882 +still_life,Post_Impressionism,edouard-vuillard_anemones-in-a-chinese-1901 +still_life,Post_Impressionism,pyotr-konchalovsky_still-life-tobacco-leaves-1929 +still_life,Post_Impressionism,ilya-mashkov_still-life-with-porcelain-figure +still_life,Post_Impressionism,vanessa-bell_arum-lilies-1919 +still_life,Impressionism,gregoire-boonzaier_still-life-with-hibiscus-1974 +still_life,Expressionism,zinaida-serebriakova_still-life-with-vegetables-1936 +still_life,Post_Impressionism,vincent-van-gogh_still-life-with-pears +still_life,Cubism,georges-braque_the-studio-i-1949 +still_life,Post_Impressionism,henri-matisse_still-life-9 +still_life,Cubism,bela-kadar_still-life-with-chessboard-and-pipe-1920 +still_life,Post_Impressionism,ilya-mashkov_a-flower-in-a-pot-and-strawberries-1938 +still_life,Synthetic_Cubism,georges-braque_clarinet-guitar-and-compotier-1918 +still_life,Synthetic_Cubism,pablo-picasso_clarinet-bottle-of-bass-newspaper-ace-of-clubs-1913 +still_life,Realism,octav-bancila_c-p-uni-1906 +still_life,Realism,salvador-dali_living-still-life +still_life,Realism,vincent-van-gogh_baskets-of-potatoes-1885(1) +still_life,Impressionism,octav-angheluta_the-doll +still_life,Synthetic_Cubism,juan-gris_playing-cards-and-siphon-1916 +still_life,Impressionism,theodor-pallady_narcissus-and-lilies-1920 +still_life,Impressionism,theodor-pallady_still-life-with-narcissus-and-mirror-1940 +still_life,Realism,pyotr-konchalovsky_still-life-with-cabbage-1937 +still_life,Cubism,pyotr-konchalovsky_still-life-with-a-pipe-1919 +still_life,Synthetic_Cubism,juan-gris_the-bordeaux-bottle-1915 +still_life,Cubism,patrick-caulfield_still-life-with-dagger-1963 +still_life,Cubism,louis-marcoussis_glass-and-violin +still_life,Baroque,cornelis-norbertus-gysbrechts_trompe-l-oeil-with-violin-painter-s-implements-and-self-portrait-1675 +still_life,Impressionism,pierre-auguste-renoir_still-life-with-lemons-and-oranges-1881 +still_life,Impressionism,henri-catargi_still-life-with-fruit-1965 +still_life,Expressionism,ernst-ludwig-kirchner_still-life-with-duck-and-snipe +still_life,Post_Impressionism,henri-matisse_dishes-and-fruit-1906 +still_life,Pop_Art,patrick-caulfield_bananas-and-leaves-1977 +still_life,Realism,nicholas-roerich_stuffed-duck +still_life,Impressionism,theodor-pallady_still-life-with-lilies-fan-and-red-mask-1925 +still_life,Realism,samuel-mutzner_farfurie-r-neasc-cu-mere-1923 +still_life,Post_Impressionism,paul-gauguin_still-life-with-sunflowers-on-an-armchair-1901 +still_life,Baroque,osias-beert_bouquet-in-a-niche +still_life,Cubism,georges-braque_the-purple-tablecloth-1936 +still_life,Expressionism,georges-braque_still-life-with-brown-jug +still_life,Post_Impressionism,paul-cezanne_still-life-with-a-fruit-dish-and-apples +still_life,Expressionism,lucian-freud_palm-tree +still_life,Post_Impressionism,vincent-van-gogh_still-life-with-three-books-1887 +still_life,Impressionism,paul-gauguin_tomatoes-and-a-pewter-tankard-on-a-table-1883 +still_life,Synthetic_Cubism,juan-gris_guitar-bottle-and-glass-1914 +still_life,Pop_Art,andy-warhol_benz-racing-car +still_life,Naive_Art_Primitivism,louis-vivin_still-life +still_life,Cubism,olga-rozanova_still-life +still_life,Baroque,frans-snyders_the-pantry +still_life,Impressionism,william-merritt-chase_the-japanese-doll +still_life,Impressionism,claude-monet_fruit-basket-with-apples-and-grapes +still_life,Symbolism,kuzma-petrov-vodkin_still-life-with-roses-1922 +still_life,Rococo,jean-baptiste-simeon-chardin_still-life-fast-day-menu-1731 +still_life,Fauvism,ilya-mashkov_still-life-with-fruits-1908 +still_life,Post_Impressionism,paul-cezanne_still-life-with-sugar-1890 +still_life,Cubism,pablo-picasso_pedestal-1920 +still_life,Expressionism,jean-fautrier_nature-morte-aux-oignons-1926 +still_life,Expressionism,georges-braque_the-window-shade +still_life,Pointillism,henri-matisse_still-life-10 +still_life,Cubism,juan-gris_guitar-and-fruit-dish-1919 +still_life,Baroque,frans-snyders_game-stall +still_life,Impressionism,gustave-caillebotte_melon-and-fruit-bowl-with-figs-1882 +still_life,Post_Impressionism,albert-marquet_the-coffeepot-1902 +still_life,Post_Impressionism,vincent-van-gogh_still-life-potatoes-in-a-yellow-dish-1888 +still_life,Expressionism,paula-modersohn-becker_still-life-with-sugar-bowl-and-hyacinth-in-a-glass +still_life,Impressionism,hoca-ali-riza_unknown-title(4) +still_life,Post_Impressionism,ilya-mashkov_uncleared-table +still_life,Impressionism,paul-cezanne_compotier-and-plate-of-biscuits-1877 +still_life,Fauvism,mary-fedden_leaves-1963 +still_life,Cubism,hans-hofmann_magenta-and-blue-1950 +still_life,Romanticism,francisco-goya_still-life-with-fruit-bottles-breads-1826 +still_life,Cubism,juan-gris_bottle-wine-glass-and-fruit-bowl +still_life,Impressionism,claude-monet_still-life-with-pears-and-grapes-1 +still_life,Expressionism,henri-matisse_still-life-6 +still_life,Realism,gustave-courbet_still-life-with-apples-and-pomegranates-1871 +still_life,Post_Impressionism,william-scott_blue-still-life-1957 +still_life,Cubism,georges-braque_the-mantelpiece-1925 +still_life,Impressionism,paul-gauguin_clay-jug-and-irin-mug-1880 +still_life,Realism,salvador-dali_untitled-still-life-with-white-cloth +still_life,Baroque,jean-baptiste-simeon-chardin_the-buffet-1728 +still_life,Baroque,josefa-de-obidos_still-life-1676 +still_life,Pop_Art,mary-fedden_still-life-with-coffee-jar +still_life,Impressionism,claude-monet_the-galettes +still_life,Post_Impressionism,pyotr-konchalovsky_still-life-peaches-1935 +still_life,Post_Impressionism,morris-graves_august-still-life-1952 +still_life,Expressionism,christo-coetzee_pompeian-lobster-1954 +still_life,Baroque,esaias-van-de-velde_title-page-with-tools-for-cultivating-the-land +still_life,Realism,vincent-van-gogh_still-life-with-two-jars-and-two-pumpkins-1885 +still_life,Naive_Art_Primitivism,raoul-dufy_still-life-with-violin-hommage-to-bach-1952 +still_life,Symbolism,kuzma-petrov-vodkin_still-life-with-prism-1920 +still_life,Cubism,maurice-de-vlaminck_still-life-copper-goblets +still_life,Post_Impressionism,eduardo-viana_lou-a-de-barcelos-1915 +still_life,Cubism,pyotr-konchalovsky_still-life-with-a-samovar-1916 +still_life,Expressionism,zinaida-serebriakova_basket-with-grapes-on-the-window-1931 +still_life,Post_Impressionism,ion-pacea_still-life-with-tazza-and-seashell +still_life,Post_Impressionism,ding-yanyong_jar-on-the-table-1971 +still_life,Baroque,osias-beert_still-life-with-oysters-and-pastries-1610 +still_life,Cubism,ben-nicholson_1934-6-painting-still-life-1936 +still_life,Post_Impressionism,paul-cezanne_curtain-jug-and-fruit-1894 +still_life,Baroque,willem-kalf_still-life-1654 +still_life,Post_Impressionism,panayiotis-tetsis_still-life-1 +still_life,Pop_Art,roy-lichtenstein_roto-broil-1961(1) +still_life,Post_Impressionism,henri-matisse_blue-still-life +still_life,Cubism,pablo-picasso_glass-and-pitcher-1944 +still_life,Fauvism,ilya-mashkov_still-life-with-camellias-1915 +still_life,Post_Impressionism,paul-cezanne_still-life-with-a-plate-of-cherries-1887 +still_life,Expressionism,george-mavroides_vase-with-flowers-1992 +still_life,Post_Impressionism,pierre-bonnard_interior-with-flowers-1919 +still_life,Cubism,louis-marcoussis_still-life-with-fish-1928 +still_life,Impressionism,adam-baltatu_autumn-still-life +still_life,Post_Impressionism,panayiotis-tetsis_slain-1955 +still_life,Realism,henri-fantin-latour_bowl-of-fruit-1857 +still_life,Realism,edouard-manet_two-roses-on-a-tablecloth +still_life,Synthetic_Cubism,pablo-picasso_bottle-glass-violin-1912 +still_life,Cubism,pablo-picasso_untitled-1937 +still_life,Realism,edouard-manet_peonies-in-a-vase-1864 +still_life,Synthetic_Cubism,juan-gris_grapes-1913 +still_life,Realism,pyotr-konchalovsky_still-life-grouse-and-woodcock-1953 +still_life,Impressionism,konstantin-korovin_fish-1916-1 +still_life,Analytical_Cubism,pablo-picasso_still-life-with-the-caned-chair-1912 +still_life,Post_Impressionism,eduardo-viana_guitarra-minhota-1943 +still_life,Expressionism,balthus_still-life-with-lamp-1958 +still_life,Impressionism,edouard-manet_bouquet-of-flowers-1882 +still_life,Fauvism,pyotr-konchalovsky_tea-time-1939 +still_life,Impressionism,theodor-pallady_natur-moart-cu-narghilea-i-gutui-1940 +still_life,Post_Impressionism,jack-bush_watermelon-on-chair-1952 +still_life,Expressionism,max-pechstein_still-life-with-mirror-clivia-fruit-and-jug-1917 +still_life,Impressionism,william-merritt-chase_still-life-with-cockatoo +still_life,Cubism,salvador-dali_still-life-with-moonight +still_life,Fauvism,mary-fedden_flowers-in-a-vase-with-lemon-1987 +still_life,Realism,ilya-mashkov_still-life-1940 +still_life,Cubism,louis-marcoussis_still-life-1925 +still_life,Synthetic_Cubism,pablo-picasso_violin +still_life,Synthetic_Cubism,juan-gris_bottle-newspaper-and-fruit-bowl-1915 +still_life,Post_Impressionism,vincent-van-gogh_still-life-with-grapes-1887 +still_life,Pop_Art,patrick-caulfield_wine-glasses-1969 +still_life,Naive_Art_Primitivism,fernando-botero_kitchen-table-2 +still_life,Cubism,maurice-de-vlaminck_the-table-still-life-with-almonds-1907 +still_life,Naive_Art_Primitivism,raoul-dufy_still-life-1928 +still_life,Cubism,louis-marcoussis_nature-morte-cubiste-1914 +still_life,Expressionism,henri-matisse_still-life-with-blue-tablecloth-1906 +still_life,Baroque,cornelis-norbertus-gysbrechts_quodlibet-1675 +still_life,Baroque,josefa-de-obidos_natureza-morta-doces-e-flores-1676 +still_life,Post_Impressionism,william-scott_poem-for-a-jug-no-4-1980 +still_life,Post_Impressionism,pablo-picasso_still-life-with-vases-1906 +still_life,Impressionism,pierre-auguste-renoir_still-life-with-apples-and-oranges +still_life,Pop_Art,andy-warhol_untitled-red-boot-wit-holly +still_life,Post_Impressionism,irma-stern_still-life-with-antirrhinums-1963 +still_life,Impressionism,pierre-auguste-renoir_still-life-with-grapes +still_life,Cubism,pablo-picasso_still-life-in-front-of-a-window-at-saint-raphael-1919 +still_life,Synthetic_Cubism,pablo-picasso_fruit-vase-and-bunch-of-grapes-1914 +still_life,Synthetic_Cubism,juan-gris_the-glass-the-fruit-bowl-1914 +still_life,Impressionism,gregoire-boonzaier_still-life-flowers +still_life,Expressionism,richard-diebenkorn_tomato-and-knife-1 +still_life,Synthetic_Cubism,juan-gris_still-life-at-the-open-windowq-1925 +still_life,Impressionism,claude-monet_still-life-with-melon +still_life,Realism,guy-rose_plums-waterglass-and-peaches-1889 +still_life,Baroque,gerrit-dou_still-life-with-a-boy-blowing-soap-bubbles-1636 +still_life,Realism,edouard-manet_guitar-and-hat-1862 +still_life,Realism,william-merritt-chase_still-life-with-pepper-and-carrot +still_life,Impressionism,pierre-auguste-renoir_sugar-bowl-apple-and-orange +still_life,Synthetic_Cubism,georges-braque_still-life-with-grapes-ii-1918 +still_life,Northern_Renaissance,martin-schongauer_censer +still_life,Realism,nicholas-roerich_socrates-1893 +still_life,Cubism,andrã©-lhote_nature-morte-au-chinois-1930 +still_life,Pop_Art,andy-warhol_campbell-s-soup-can-onion +still_life,Synthetic_Cubism,pablo-picasso_still-life-1921 +still_life,Cubism,georges-braque_a-red-pedestal-1939 +still_life,Post_Impressionism,pyotr-konchalovsky_still-life-tobacco-leaves-and-black-tea-caddy-1929 +still_life,Expressionism,mary-fedden_the-horse-mug-1991 +still_life,Cubism,henri-laurens_la-guitar-rose-1918 +still_life,Fauvism,mary-fedden_red-jug-1968 +still_life,Cubism,fernand-leger_still-life-1925 +still_life,Synthetic_Cubism,juan-gris_guitar-and-pipe-1913 +still_life,Art_Nouveau_Modern,anna-ostroumova-lebedeva_bouquet-in-a-vase-1902 +still_life,Fauvism,viorel-marginean_unknown-title-7 +still_life,Post_Impressionism,vincent-van-gogh_plaster-statuette-of-a-female-torso-1886-4 +still_life,Impressionism,karoly-ferenczy_pineapple-1911 +still_life,Impressionism,pierre-auguste-renoir_still-life-with-peaches-and-chestnuts +still_life,Post_Impressionism,pierre-bonnard_vase-with-anemonies-and-empty-vase +still_life,Expressionism,martiros-saryan_still-life-1913-1 +still_life,Synthetic_Cubism,juan-gris_still-life-with-bottle-and-glass-1914 +still_life,Expressionism,henri-matisse_still-life-with-a-shell-1940 +still_life,Impressionism,konstantin-korovin_gursuf-1916 +still_life,Expressionism,richard-diebenkorn_interior-with-flowers +still_life,Expressionism,henri-matisse_still-life-2 +still_life,Realism,pyotr-konchalovsky_still-life-hens-1930 +still_life,Cubism,georges-braque_mandolin-glass-pot-and-fruit-1927 +still_life,Impressionism,pierre-auguste-renoir_still-life-flowers-and-fruit-1889 +still_life,Cubism,fernand-leger_machine-element-1924 +still_life,Romanticism,william-holman-hunt_john-ruskin-s-dead-chick +still_life,Post_Impressionism,ilya-mashkov_vegetables-still-life +still_life,Impressionism,childe-hassam_winter-sickle-pears +still_life,Naive_Art_Primitivism,kateryna-bilokur_still-life-with-bread-1960 +still_life,Post_Impressionism,paul-cezanne_dish-of-apples-1879 +still_life,Cubism,georges-braque_the-studio-iii-1949 +still_life,Expressionism,martiros-saryan_autumn-flowers-and-fruits-1939 +still_life,Realism,nicholas-roerich_demosthenes-1893 +still_life,Romanticism,francisco-goya_dead-turkey-1812 +still_life,Naive_Art_Primitivism,henri-rousseau_not_detected_191329 +still_life,Impressionism,edouard-manet_pinks-and-clematis-in-a-crystal-vase +still_life,Post_Impressionism,pyotr-konchalovsky_southern-still-life-1946 +still_life,Realism,henri-fantin-latour_still-life-vase-of-hydrangeas-and-ranunculus-1866 +still_life,Pop_Art,andy-warhol_yellow-candy-box +still_life,Impressionism,henri-catargi_composition-with-lemons-and-poppy-1966 +still_life,Baroque,mario-nuzzi_mirror-decorated-with-putti-flowers-and-acanthus-scrolls +still_life,Fauvism,mary-fedden_lunch-in-the-port-1964 +still_life,Expressionism,chaim-soutine_hanging-hare +still_life,Expressionism,chaim-soutine_herrings-and-a-bottle-of-chianti +still_life,Impressionism,gustave-caillebotte_rib-of-beef +still_life,Expressionism,martiros-saryan_buddhist-still-life-1919 +still_life,Synthetic_Cubism,juan-gris_bottle-and-glass +still_life,Impressionism,lovis-corinth_roses-1910 +still_life,Analytical_Cubism,georges-braque_violin-and-pitcher-1910 +still_life,Realism,edouard-manet_basket-of-fruits +still_life,Impressionism,pierre-auguste-renoir_still-life-with-apples-and-pomegranates-1901 +still_life,Fauvism,rufino-tamayo_watermelons-1977 +still_life,Expressionism,balthus_still-life-quince-and-pear-1956 +still_life,Impressionism,stefan-luchian_tuf-nele-n-ulcic +still_life,Impressionism,pierre-auguste-renoir_cup-and-oranges +still_life,Expressionism,richard-diebenkorn_large-still-life +still_life,Post_Impressionism,bela-czobel_mask-and-mandolin-1928 +still_life,Impressionism,lucian-grigorescu_flowers +still_life,Synthetic_Cubism,pablo-picasso_guitar +still_life,Impressionism,adam-baltatu_pipkin-with-flowers +still_life,Cubism,salvador-dali_crystalline-still-life +still_life,Impressionism,paul-gauguin_still-life-with-fruit-plate-1880 +still_life,Impressionism,paul-gauguin_daisies-and-peonies-in-blue-vase-1876 +still_life,Synthetic_Cubism,georges-braque_the-green-jug +still_life,Realism,gustave-courbet_pomegranates-1871 +still_life,Realism,henri-fantin-latour_white-cup-and-saucer-1864 +still_life,Cubism,amedee-ozenfant_accords-1922 +still_life,Pointillism,marevna-(marie-vorobieff)_still-life-of-fish +still_life,Post_Impressionism,paula-modersohn-becker_still-life-with-pumpkin +still_life,Fauvism,mary-fedden_the-checked-mug-1986 +still_life,Post_Impressionism,roger-fry_flowers-1912 +still_life,Baroque,frans-snyders_fish-market-1 +still_life,Art_Nouveau_Modern,michel-simonidy_tulipes-1923 +still_life,Post_Impressionism,morris-graves_winter-bouquet-flowering-quince-rosehaws-narcissus-winter-rose-and-camellia-1977 +still_life,Post_Impressionism,paul-cezanne_still-life-with-pomegranate-and-pears-1890 +still_life,Cubism,fernand-leger_mechanical-elements-on-red-background-1924 +still_life,Impressionism,henri-catargi_still-life-in-front-of-window +still_life,Cubism,juan-gris_table-overlooking-the-sea-1925 +still_life,Post_Impressionism,vincent-van-gogh_still-life-with-basket-and-six-oranges-1888 +still_life,Impressionism,berthe-morisot_the-cage +still_life,Cubism,pablo-picasso_pitcher-and-bowls-1908 +still_life,Realism,ion-theodorescu-sion_hackberry-flowers +still_life,Impressionism,mary-cassatt_lilacs-in-a-window +still_life,Baroque,willem-kalf_still-life-with-drinking-horn-detail +still_life,Post_Impressionism,mary-fedden_lilies-and-lemons-2007 +still_life,Realism,arthur-segal_still-life-with-bottles-1943 +still_life,Post_Impressionism,paul-gauguin_pots-and-boquets-1886 +still_life,Analytical_Cubism,pablo-picasso_jug-and-fruit-dish-1908 +still_life,Pop_Art,patrick-caulfield_cream-glazed-pot-1979 +still_life,Realism,nicholas-roerich_stuffed-grouse +still_life,Post_Impressionism,paul-cezanne_chrysanthemums-1898 +still_life,Expressionism,henri-matisse_still-life-with-gourds +still_life,Cubism,gino-severini_still-life-1955 +still_life,Romanticism,adolphe-joseph-thomas-monticelli_bouquet-of-flowers +still_life,Cubism,olga-rozanova_vase +still_life,Abstract_Expressionism,norman-bluhm_still-life-1948 +still_life,Cubism,otto-gustav-carlsund_empire-1941 +still_life,Impressionism,pierre-auguste-renoir_still-life-with-peaches-and-grapes +still_life,Post_Impressionism,salvador-dali_still-life-2 +still_life,Realism,arthur-segal_still-life-with-cucumber-1937 +still_life,Pop_Art,richard-hamilton_archive-ii-1981 +still_life,Post_Impressionism,pierre-bonnard_fruit-bowl-1914 +still_life,Post_Impressionism,paul-gauguin_still-life-fete-gloanec-1888 +still_life,Post_Impressionism,natalia-goncharova_still-life-with-shoe-and-mirror +still_life,Synthetic_Cubism,georges-braque_still-life-with-grapes-1918 +still_life,Rococo,jean-baptiste-simeon-chardin_the-silver-goblet +still_life,Expressionism,martiros-saryan_irises-and-poppies-1947 +still_life,Expressionism,george-bouzianis_still-life-with-fruit-and-pitcher-1930 +still_life,Cubism,juan-gris_fruit-bowl-pipe-and-newspaper +still_life,Naive_Art_Primitivism,marc-chagall_lunaria-1967 +still_life,Analytical_Cubism,georges-braque_bottle-and-fishes-1910 +still_life,Fauvism,walasse-ting_still-life-no-2-quadriptych-1980 +still_life,Synthetic_Cubism,pablo-picasso_glass-and-bottle-of-straw-rum-1914 +still_life,Post_Impressionism,william-scott_bottle-and-fish-slice-1949 +still_life,Baroque,willem-kalf_still-life-with-a-shell +still_life,Post_Impressionism,constantin-piliuta_corn-poppies +still_life,Fauvism,martiros-saryan_pumpkin-and-pepper-1915 +still_life,Synthetic_Cubism,juan-gris_guitar-on-the-table-1913 +still_life,Fauvism,georges-braque_still-life-with-jugs-and-pipe +still_life,Cubism,georges-braque_the-chair-1948 +still_life,Post_Impressionism,ion-pacea_natur-static-cu-smochine +still_life,Symbolism,mikhail-vrubel_briar-1884 +still_life,Post_Impressionism,le-pho_fleurs +still_life,Pop_Art,patrick-procktor_campanula-1989 +still_life,Impressionism,paul-gauguin_evening-primroses-in-the-vase-1885 +still_life,Impressionism,gustave-caillebotte_still-life-with-oysters +still_life,Expressionism,george-bouzianis_still-life-with-pomegranate-bottle-and-chair-1929 +still_life,Cubism,pablo-picasso_still-life-1922 +still_life,Pop_Art,patrick-caulfield_the-letter-1967 +still_life,Baroque,willem-kalf_still-life-1 +still_life,Expressionism,zinaida-serebriakova_still-life-with-grapes-1936 +still_life,Realism,octav-bancila_lubeni +still_life,Post_Impressionism,pyotr-konchalovsky_still-life-with-a-jug-1910 +still_life,Impressionism,pierre-auguste-renoir_coffee-pot +still_life,Impressionism,pierre-auguste-renoir_still-life-with-onions-1917 +still_life,Cubism,pablo-picasso_leeks-fish-head-skull-and-pitcher-1945 +still_life,Synthetic_Cubism,juan-gris_compotier-carafe-and-open-book +still_life,Cubism,henri-laurens_compote-dish-and-guitar-1927 +still_life,Baroque,frans-snyders_the-fish-market-1618 +still_life,Expressionism,august-macke_still-life-hyacinths-carpet +still_life,Post_Impressionism,le-pho_yellow-lily +still_life,Cubism,rafael-zabaleta_drawing-sideboard-tavern-window +still_life,Realism,martiros-saryan_gifts-of-autumn-1954 +still_life,Naive_Art_Primitivism,kateryna-bilokur_still-life-1960 +still_life,Realism,ilya-mashkov_lemons-and-helichrysum-1938 +still_life,Expressionism,martiros-saryan_egyptian-masks-1911 +still_life,Post_Impressionism,paul-gauguin_still-life-with-parrots-1902 +still_life,Synthetic_Cubism,juan-gris_the-table-in-front-of-the-window-1921 +still_life,Post_Impressionism,jack-bush_lemon-in-a-basket-1952 +still_life,Realism,konstantin-makovsky_cups +still_life,Post_Impressionism,pyotr-konchalovsky_still-life-beer-and-roach-1946 +still_life,Impressionism,adolf-hitler_still-life-with-flowers +still_life,Impressionism,pierre-auguste-renoir_jug +still_life,Realism,martiros-saryan_anniversary-flowers-1955 +still_life,Cubism,pyotr-konchalovsky_breads-and-the-tray-1912 +still_life,Impressionism,paul-gauguin_mandolin-on-a-chair-1880 +still_life,Realism,edouard-manet_asparagus-1880 +still_life,Fauvism,ion-pacea_gueridon-with-green-bottle +still_life,Synthetic_Cubism,georges-braque_fruit-dish-1913 +still_life,Cubism,juan-gris_the-open-book-1925 +still_life,Impressionism,stefan-luchian_apples +still_life,Ukiyo_e,katsushika-hokusai_a-bowl-of-lip-rouge +still_life,Rococo,jean-baptiste-simeon-chardin_still-life-flowers-in-a-vase-1763 +still_life,Analytical_Cubism,georges-braque_guitar-and-fruit-dish-1909 +still_life,Expressionism,henri-matisse_still-life-8 +still_life,Cubism,pablo-picasso_still-life-on-the-dresser-1955 +still_life,Expressionism,pyotr-konchalovsky_mushrooms-1911 +still_life,Expressionism,max-beckmann_still-life-with-candles-and-mirror-1930 +still_life,Realism,nicholas-roerich_sophocles-1893 +still_life,Contemporary_Realism,fairfield-porter_anemone-and-daffodil-1965 +still_life,Symbolism,kuzma-petrov-vodkin_violin-1916 +still_life,Rococo,jean-baptiste-simeon-chardin_still-life-with-a-rib-of-beef-1739 +still_life,Rococo,jean-baptiste-simeon-chardin_still-life-with-pipe-an-jug +still_life,Cubism,louis-marcoussis_la-table-1930 +still_life,Romanticism,paul-cezanne_still-life-bread-and-leg-of-lamb-1866 +still_life,Realism,nikolay-bogdanov-belsky_vase-of-flowers-in-the-winter-garden +still_life,Impressionism,pierre-auguste-renoir_still-life-1 +still_life,Baroque,frans-snyders_venison-dealers +still_life,Realism,vincent-van-gogh_still-life-with-meadow-flowers-and-roses-1886 +still_life,Expressionism,zinaida-serebriakova_the-popoffs-doll-teddy-bear-and-toy-elephant-1947 +still_life,Post_Impressionism,ilya-mashkov_still-life +still_life,Cubism,pablo-picasso_musical-instruments-1912 +still_life,Art_Nouveau_Modern,egon-schiele_ceramics-1918 +still_life,Post_Impressionism,salvador-dali_still-life-6 +still_life,Post_Impressionism,pyotr-konchalovsky_still-life-cleaned-fish-1928 +still_life,Post_Impressionism,panayiotis-tetsis_still-life-2 +still_life,Post_Impressionism,paul-gauguin_red-hat-1886 +still_life,Post_Impressionism,panayiotis-tetsis_still-life-1999 +still_life,Fauvism,pyotr-konchalovsky_still-life-oranges-stretcher-and-carpet-1946 +still_life,Naive_Art_Primitivism,seraphine-louis_unknown-title-5 +still_life,Baroque,frans-snyders_grapes-peaches-and-quinces-in-a-niche +still_life,Expressionism,henri-matisse_sculpture-and-persian-vase-1908 +still_life,Impressionism,adam-baltatu_still-life-with-apples-and-pipkin +still_life,Post_Impressionism,ilya-mashkov_mirror-and-a-horse-skull-1919 +still_life,Romanticism,adolphe-joseph-thomas-monticelli_still-life-with-wild-and-garden-flowers +still_life,Post_Impressionism,paul-cezanne_still-life-with-carafe-sugar-bowl-bottle-pommegranates-and-watermelon +still_life,Realism,vincent-van-gogh_still-life-with-a-basket-of-apples-and-two-pumpkins-1885 +still_life,Cubism,otto-gustav-carlsund_muralm-lning-p-manganbl-grund-1947 +still_life,Cubism,georges-braque_bottle-and-fish-1941 +still_life,Post_Impressionism,william-scott_fish-still-life-blue-1982 +still_life,Synthetic_Cubism,georges-braque_the-musician-s-table-1913 +still_life,Impressionism,pierre-auguste-renoir_medlar-branch-1900 +still_life,Fauvism,aldemir-martins_cesta-com-frutas-1998 +still_life,Expressionism,corneliu-michailescu_still-life +still_life,Cubism,georges-braque_the-bowl-of-grapes-1926 +still_life,Cubism,olga-rozanova_moderne-movie-theater +still_life,Cubism,lajos-tihanyi_still-life-with-bottle-and-glass-1928 +still_life,Cubism,pablo-picasso_still-life-with-bust-and-palette +still_life,Cubism,corneliu-michailescu_still-life-with-fruit-bowl +still_life,Impressionism,adam-baltatu_pipkin-with-field-flowers +still_life,Post_Impressionism,theodor-pallady_red-flowers +still_life,Pop_Art,andy-warhol_campbells-soup-pink +still_life,Cubism,maurice-de-vlaminck_still-life-with-knife-1910 +still_life,Post_Impressionism,vincent-van-gogh_a-pair-of-shoes-1887(1) +still_life,Impressionism,henri-catargi_still-life-with-guitar-and-fruit-1972 +still_life,Realism,martiros-saryan_still-life-1959 +still_life,Impressionism,paul-gauguin_the-vase-of-peonies-1884 +still_life,Cubism,le-corbusier_cubist-pipe-lines +still_life,Cubism,jacques-villon_the-dining-table-1912 +still_life,Contemporary_Realism,janet-fish_peaches-and-strawflowers-1990 +still_life,Expressionism,georges-braque_leaves-in-color-of-light-1953 +still_life,Cubism,pyotr-konchalovsky_agave-1916 +still_life,Post_Impressionism,andre-derain_still-life-on-the-table-1904 +still_life,Impressionism,lajos-tihanyi_still-life-with-flowes-in-a-pot-1909 +still_life,Post_Impressionism,ilya-mashkov_still-life-with-pomegranates-1937 +still_life,Realism,salvador-dali_still-life-fish-with-red-bowl-1924 +still_life,Post_Impressionism,vincent-van-gogh_basket-of-sprouting-bulbs-1887(1) +still_life,Analytical_Cubism,georges-braque_pedestal-table-1911 +still_life,Baroque,willem-kalf_still-life-with-a-pilgrim-flask-candlestick-porcelain-vase-and-fruit +still_life,Cubism,louis-marcoussis_la-cithare-1923 +still_life,Analytical_Cubism,georges-braque_fruitdish-and-glass-1912 +still_life,Cubism,pyotr-konchalovsky_still-life-checkers-and-oranges-1916 +still_life,Realism,henri-fantin-latour_peaches-1903 +still_life,Romanticism,adolphe-joseph-thomas-monticelli_still-life-with-sardines-and-sea-urchins-1882 +still_life,Baroque,frans-snyders_still-life-1613 +still_life,Impressionism,marie-bracquemond_pots-de-fleurs-s-vres-1880 +still_life,Impressionism,konstantin-korovin_flowers-and-fruit-1912 +still_life,Cubism,georges-braque_a-landscape-drawn-into-squares +still_life,Naive_Art_Primitivism,niko-pirosmani_still-life +still_life,Fauvism,ilya-mashkov_oval-still-life-with-white-vase-and-fruits-1911 +still_life,Synthetic_Cubism,georges-braque_violin-and-glass-1913 +still_life,Naive_Art_Primitivism,fernando-botero_kitchen-table-1 +still_life,Post_Impressionism,jan-sluyters_still-life-with-flowers +still_life,Cubism,pierre-tal-coat_nature-morte-au-pichet-et-raisins +still_life,Impressionism,pierre-auguste-renoir_three-pomegranates-and-two-apples +still_life,Synthetic_Cubism,juan-gris_water-bottle-bottle-and-fruit-dish-1915 +still_life,Cubism,man-ray_still-life-with-red-tea-kettle +still_life,Realism,edouard-manet_the-lemon-1880 +still_life,Post_Impressionism,vincent-van-gogh_still-life-with-two-sunflowers-1887-1 +still_life,Post_Impressionism,vincent-van-gogh_still-life-with-grapes-pears-and-lemons-1887 +still_life,Expressionism,paul-klee_fruits-on-red-1930(1) +still_life,Post_Impressionism,william-scott_fish-mushrooms-knife-and-lemons-1950 +still_life,Cubism,fernand-leger_still-life-in-the-tankard-final-state-1921 +still_life,Post_Impressionism,ding-yanyong_glass-gold-fish-and-bird-1970 +still_life,Post_Impressionism,maurice-prendergast_cinerarias-and-fruit +still_life,Baroque,osias-beert_still-life-of-fruit-and-a-plate-of-oysters +still_life,Naive_Art_Primitivism,andre-bauchant_flowers-1955 +still_life,Impressionism,paul-gauguin_still-life-vase-with-flowers-on-the-window-1881 +still_life,Expressionism,corneliu-baba_still-life +still_life,Impressionism,salvador-dali_glass-of-wine-and-boat-1956 +still_life,Realism,claude-monet_trophies-of-the-hunt +still_life,Naive_Art_Primitivism,fernando-botero_kitchen-table +still_life,Post_Impressionism,pyotr-konchalovsky_still-life-fish-1917 +still_life,Cubism,bela-kadar_still-life-1930 +still_life,Synthetic_Cubism,juan-gris_the-book-of-music-1922 +still_life,Cubism,amadeo-de-souza-cardoso_brut-300-tsf-2-1917 +still_life,Synthetic_Cubism,georges-braque_wineglass-bottle-of-bass-1914 +still_life,Realism,william-merritt-chase_still-life-with-fish-2 +still_life,Synthetic_Cubism,juan-gris_tobacco-newspaper-and-bottle-of-wine-1914 +still_life,Post_Impressionism,paul-serusier_still-life-with-churn-1925 +still_life,Expressionism,henri-matisse_still-life-with-vase-bottle-and-fruit +still_life,Post_Impressionism,henri-de-toulouse-lautrec_coffee-pot +still_life,Impressionism,pierre-auguste-renoir_still-life-with-peaches-2 +still_life,Synthetic_Cubism,pablo-picasso_bottle-of-bass-glass-and-package-of-tobacco-1914 +still_life,Cubism,salvador-dali_still-life-4 +still_life,Impressionism,eva-gonzales_roses-in-a-glass +still_life,Post_Impressionism,ilya-mashkov_still-life-1912 +still_life,Impressionism,konstantin-korovin_still-life +still_life,Realism,mikhail-vrubel_pencils-1905 +still_life,Synthetic_Cubism,juan-gris_the-bottle-of-banyuls-1914 +still_life,Realism,pyotr-konchalovsky_still-life-woodcocks-with-a-basket-1934 +still_life,Cubism,juan-gris_pipe-and-glass-1923 +still_life,Impressionism,henri-catargi_still-life-with-guitar-and-pipe-1959 +still_life,Naive_Art_Primitivism,andre-bauchant_vase-aux-tulipes-1926 +still_life,Post_Impressionism,ilya-mashkov_still-life-with-bread-and-pumpkin-1914 +still_life,Synthetic_Cubism,georges-braque_still-life-with-a-guitar-on-a-table-1918 +still_life,Expressionism,billy-childish_chinese-lanterns-2005 +still_life,Cubism,pablo-picasso_composition-with-skull-study +still_life,Realism,pyotr-konchalovsky_still-life-the-meat-1936 +still_life,Symbolism,mstislav-dobuzhinsky_new-york-rooftops-my-windows-in-new-york-1943 +still_life,Cubism,pablo-picasso_still-life-with-guitar-1942 +still_life,Cubism,roger-de-la-fresnaye_diabolo +still_life,Pop_Art,patrick-caulfield_sausage-1978 +still_life,Cubism,auguste-herbin_cubist-composition-1913 +still_life,Expressionism,pyotr-konchalovsky_still-life +still_life,Realism,pyotr-konchalovsky_still-life-it-s-time-for-tea-1946 +still_life,Cubism,alekos-kontopoulos_still-life-1956 +still_life,Cubism,kazimir-malevich_bureau-and-room-1913 +still_life,Expressionism,henri-matisse_still-life-with-a-red-rug-1906 +still_life,Post_Impressionism,francisc-sirato_flori +still_life,Realism,edouard-manet_still-life-with-brioche +still_life,Realism,yiannis-moralis_still-life(1) +still_life,Realism,robert-brackman_still-life-1 +still_life,Baroque,cornelis-norbertus-gysbrechts_a-trompe-l-oeil-of-an-open-glazed-cupboard-door-with-numerous-papers-and-objects-1666 +still_life,Mannerism_Late_Renaissance,giuseppe-arcimboldo_the-dinner(1) +still_life,Cubism,lajos-tihanyi_still-life-with-pipe-1923 +still_life,Rococo,jean-baptiste-oudry_nature-morte-avec-oiseux-morts-et-cerises-1712 +still_life,Pop_Art,roy-lichtenstein_goldfish-bowl-ii-1978(1) +still_life,Cubism,pyotr-konchalovsky_still-life-lotus-1917 +still_life,Synthetic_Cubism,georges-braque_still-life-with-glass-carafe-and-phillips-ace-1919 +still_life,Cubism,juan-gris_the-guitar-with-inlay-1925 +still_life,Synthetic_Cubism,juan-gris_the-violin-1914 +still_life,Fauvism,mary-fedden_three-cherries-2000 +still_life,Expressionism,georges-braque_still-life +still_life,Impressionism,pieter-wenning_still-life +still_life,Realism,henri-fantin-latour_flowers-and-fruit-on-a-table-1865 +still_life,Post_Impressionism,panayiotis-tetsis_still-life-3 +still_life,Synthetic_Cubism,juan-gris_bowl-book-and-spoon +still_life,Impressionism,ion-theodorescu-sion_natur-moart-cu-ulcic-i-fructe-1920 +still_life,Expressionism,jean-dubuffet_smoking-cherries +still_life,Impressionism,gustave-caillebotte_garlic-cloves-and-knife-on-the-corner-of-a-table +still_life,Baroque,jean-baptiste-simeon-chardin_still-life-with-pheasant +still_life,Baroque,jean-baptiste-simeon-chardin_still-life-with-jar-of-olives-1760 +still_life,Post_Impressionism,paul-gauguin_apples-jug-iridescent-glass +still_life,Post_Impressionism,theodor-pallady_yellow-flowers +still_life,Post_Impressionism,paul-serusier_still-life-with-apples-and-jug-1912 +still_life,Expressionism,salvador-dali_shell +still_life,Realism,konstantin-makovsky_still-life-with-roses-and-knapweeds +still_life,Realism,ilya-mashkov_grapes +still_life,Expressionism,paul-klee_the-vase-1938(1) +still_life,Impressionism,istvan-nagy_mistletoe-bunch-1920 +still_life,Impressionism,augustus-john_flowers-in-a-jug-1950 +still_life,Synthetic_Cubism,georges-braque_mandolin-1914 +still_life,Realism,constantin-stahi_still-life-with-fruit-1902 +still_life,Cubism,gino-severini_still-life +still_life,Impressionism,andre-dunoyer-de-segonzac_nature-morte-au-chou-et-bouteille +still_life,Naive_Art_Primitivism,fernando-botero_orange +still_life,Pop_Art,yayoi-kusama_flowers-1983 +still_life,Expressionism,martiros-saryan_still-life-with-bust-1963 +still_life,Cubism,joan-miro_still-life-with-coffee-mill +still_life,Baroque,cornelis-norbertus-gysbrechts_trompe-l-oeil +still_life,Cubism,umberto-boccioni_glass-and-syphon-1913 +still_life,Impressionism,frederic-bazille_dried-fish +still_life,Impressionism,gregoire-boonzaier_still-life-with-hibiscus-1991 +still_life,Baroque,frans-snyders_still-life-1639 +still_life,Art_Nouveau_Modern,aleksandra-ekster_still-life-1910 +still_life,Impressionism,paul-gauguin_to-make-a-bouquet-1880 +still_life,Synthetic_Cubism,georges-braque_violin-melodie-1914 +still_life,Cubism,juan-gris_the-musician-s-table-1926 +still_life,Realism,nicholas-roerich_aeschylus-1893 +still_life,Art_Nouveau_Modern,egon-schiele_peasants-jug-1918 +still_life,Realism,henri-fantin-latour_white-rockets-and-fruit-1869 +still_life,Realism,william-merritt-chase_still-life-with-fish-1 +still_life,Analytical_Cubism,pablo-picasso_still-life-with-bottle-of-rum-1911 +still_life,Baroque,osias-beert_still-life +still_life,Expressionism,chaim-soutine_still-life-with-soup-tureen +still_life,Realism,vincent-van-gogh_still-life-with-bible +still_life,Cubism,juan-gris_the-goblet-1927 +still_life,Post_Impressionism,mary-fedden_quail-eggs-1983 +still_life,Post_Impressionism,paul-serusier_still-life-1927 +still_life,Cubism,vicente-manansala_still-life-1957 +still_life,Impressionism,pierre-auguste-renoir_pears-and-apples-1890-1 +still_life,Post_Impressionism,paula-modersohn-becker_still-life-with-fish-bowl +still_life,Analytical_Cubism,juan-gris_guitar-and-glass-1912 +still_life,Realism,henri-fantin-latour_a-bowl-of-fruit-1870 +still_life,Expressionism,georges-braque_the-aquarium-1951 +still_life,Analytical_Cubism,pablo-picasso_still-life-on-the-piano-cort-1911 +still_life,Post_Impressionism,pyotr-konchalovsky_still-life-tobacco-leaves-1931 +still_life,Post_Impressionism,theo-van-rysselberghe_still-life-with-plums-1926 +still_life,Expressionism,george-bouzianis_still-life-with-watermelon-1932 +still_life,Expressionism,paul-klee_still-life-with-dove-1931(1) +still_life,Realism,edouard-manet_oysters-1862 +still_life,Synthetic_Cubism,juan-gris_still-life-with-checked-tablecloth-1915 +still_life,Realism,octav-bancila_vas-cu-liliac +still_life,Synthetic_Cubism,georges-braque_the-sideboard-1920 +still_life,Post_Impressionism,paul-cezanne_still-life-with-blue-pot-1900 +still_life,Romanticism,jan-matejko_armor-of-stefan-batory-1872 +still_life,Realism,vincent-van-gogh_still-life-with-beer-mug-and-fruit-1881 +still_life,Impressionism,samuel-mutzner_flori-de-c-mp +still_life,Post_Impressionism,paula-modersohn-becker_still-life-with-milk-1905 +still_life,Post_Impressionism,vincent-van-gogh_still-life-majolica-jug-with-wildflowers-1888 +still_life,Baroque,frans-snyders_still-life-with-a-dog-and-her-puppies +still_life,Cubism,pablo-picasso_crane-and-pitcher-1945 +still_life,Realism,martin-johnson-heade_a-vase-of-corn-lilies-and-heliotrope-1863 +still_life,Analytical_Cubism,georges-braque_the-mandola-1910 +still_life,Realism,yiannis-moralis_still-life-with-shoes(1) +still_life,Post_Impressionism,henri-matisse_peaches-1920 +still_life,Realism,pyotr-konchalovsky_still-life-every-victuals-1944 +still_life,Post_Impressionism,henri-matisse_still-life-with-oranges-1898 +still_life,Post_Impressionism,meijer-de-haan_still-life-with-a-profile-of-mimi-1890 +still_life,Realism,gustave-courbet_still-life-with-apples-and-pomegranates +still_life,Impressionism,william-merritt-chase_still-life-with-flowers +still_life,Impressionism,claude-monet_red-mullets +still_life,Rococo,jean-baptiste-simeon-chardin_jar-of-apricots-1758 +still_life,Post_Impressionism,paula-modersohn-becker_still-life-with-plant-lemon-and-orange +still_life,Baroque,caravaggio_still-life-with-flowers-and-fruit-1601(1) +still_life,Realism,pericles-pantazis_still-life-with-fish-and-vegetables +still_life,Cubism,juan-gris_not_detected_207835 +still_life,Cubism,roy-lichtenstein_still-life-after-picasso-1964 +still_life,Baroque,willem-kalf_still-life-with-an-aquamanile-fruit-and-a-nautilus-cup-1660 +still_life,Cubism,juan-gris_the-open-book-1925-1 +still_life,Pop_Art,patrick-caulfield_two-whiting-1972 +still_life,Post_Impressionism,constantin-piliuta_flowers +still_life,Expressionism,ernst-ludwig-kirchner_still-life-with-sculpture +still_life,Contemporary_Realism,janet-fish_white-tulips-1999 +still_life,Cubism,roger-de-la-fresnaye_the-penholder-1918 +still_life,Cubism,milton-avery_green-chair-1944 +still_life,Impressionism,paul-cezanne_still-life +still_life,Symbolism,kuzma-petrov-vodkin_still-life-1921 +still_life,Post_Impressionism,william-scott_brown-still-life-1957 +still_life,Ukiyo_e,katsushika-hokusai_porcelain-pot-with-open-fan +still_life,Cubism,fernand-leger_still-life-1918 +still_life,Post_Impressionism,william-scott_still-life-1949 +still_life,Naive_Art_Primitivism,radi-nedelchev_still-life-with-flowers-1967 +still_life,Expressionism,salvador-dali_still-life-fish +still_life,Realism,ilya-mashkov_still-life-with-red-fish-1923 +still_life,Expressionism,martiros-saryan_still-life-1941 +still_life,Pop_Art,patrick-caulfield_freud-s-smoke-1997 +still_life,Expressionism,george-bouzianis_still-life-with-tomatoes-and-pitcher +still_life,Post_Impressionism,eduardo-viana_composi-o-1947 +still_life,Post_Impressionism,ilya-mashkov_still-life-with-fruits +still_life,Impressionism,paul-cezanne_still-life-with-apples-servettes-and-a-milkcan +still_life,Impressionism,edouard-manet_lilac-in-a-glass +still_life,Expressionism,pyotr-konchalovsky_still-life-tray-and-green-cardboard-box-1912 +still_life,Post_Impressionism,augustus-john_cineraria-1948 +still_life,Fauvism,auguste-herbin_still-life-with-lamp-1905 +still_life,Expressionism,george-bouzianis_still-life-with-cheese-bread-1932 +still_life,Fauvism,pyotr-konchalovsky_still-life-with-fruits-and-watermelon-1929 +still_life,Realism,gustave-courbet_still-life-with-pears-and-apples +still_life,Expressionism,ilka-gedo_table-1949 +still_life,Post_Impressionism,mary-fedden_auricula-1996 +still_life,Impressionism,pierre-auguste-renoir_still-life-with-pheasant-and-partridge +still_life,Synthetic_Cubism,pablo-picasso_playing-card-and-glass-1914 +still_life,Cubism,georges-braque_still-life-mandolin-ii +still_life,Synthetic_Cubism,juan-gris_still-life-on-a-chair-1917 +sketch_and_study,Realism,theodore-rousseau_landscape-sketch +sketch_and_study,Baroque,rembrandt_view-of-amstel-river-in-amsterdam-1641 +sketch_and_study,Expressionism,chronis-botsoglou_study-1965 +sketch_and_study,Post_Impressionism,vincent-van-gogh_interior-of-a-restaurant +sketch_and_study,Symbolism,alphonse-mucha_weeping-girl +sketch_and_study,High_Renaissance,raphael_study-for-the-head-1507 +sketch_and_study,Realism,thomas-eakins_legs-of-a-seated-model +sketch_and_study,Impressionism,alfred-sisley_orchard-1885 +sketch_and_study,Realism,vincent-van-gogh_oxcart-in-the-snow-1884 +sketch_and_study,Romanticism,fyodor-solntsev_kiev-province-from-village-kurenevka +sketch_and_study,Expressionism,martiros-saryan_aragats-1928 +sketch_and_study,Romanticism,alfred-stevens_study-of-a-man +sketch_and_study,Realism,ilya-repin_ada-girl-1882 +sketch_and_study,Post_Impressionism,vincent-van-gogh_two-men-walking-in-a-landscape-with-trees-1890 +sketch_and_study,Early_Renaissance,jacopo-bellini_sketch-of-deer-doe +sketch_and_study,Romanticism,dante-gabriel-rossetti_dante-s-dream-at-the-time-of-the-death-of-beatrice-study-1870 +sketch_and_study,Realism,fyodor-vasilyev_apiary +sketch_and_study,Post_Impressionism,vincent-van-gogh_landscape-with-cottages-1890 +sketch_and_study,Post_Impressionism,vincent-van-gogh_interior-with-woman-sewing +sketch_and_study,Ukiyo_e,katsushika-hokusai_sketch-of-daruma +sketch_and_study,High_Renaissance,leonardo-da-vinci_study-for-the-last-supper-james +sketch_and_study,Realism,vincent-van-gogh_wheat-harvest-1884 +sketch_and_study,Baroque,rembrandt_the-artist-drawing-from-the-model-1639 +sketch_and_study,Realism,vasily-surikov_the-persian-1902 +sketch_and_study,Baroque,agostino-carracci_giovanni-gabrielli-il-sivello +sketch_and_study,Post_Impressionism,paul-gauguin_tahitian-woman-s-head +sketch_and_study,Realism,vincent-van-gogh_peasant-woman-stooping-seen-from-the-back-1885 +sketch_and_study,High_Renaissance,leonardo-da-vinci_study-for-the-trivulzio-monument +sketch_and_study,Baroque,annibale-carracci_preparatory-drawing-for-self-portrait-on-an-easel-in-a-workshop +sketch_and_study,Naive_Art_Primitivism,david-burliuk_a-blue-horse +sketch_and_study,Post_Impressionism,vincent-van-gogh_pianist-1887 +sketch_and_study,Realism,vincent-van-gogh_peasant-woman-stooping-and-gleaning-1885 +sketch_and_study,Realism,john-singer-sargent_study-for-the-spanish-dance +sketch_and_study,Romanticism,richard-parkes-bonington_the-undercliff-1828 +sketch_and_study,Rococo,antoine-watteau_two-seated-women-1717 +sketch_and_study,Baroque,adriaen-van-de-velde_study-of-a-woman-in-peasant-dress +sketch_and_study,Cubism,theo-van-doesburg_composition-the-cow-6 +sketch_and_study,Expressionism,paula-modersohn-becker_nursing-mother-and-child-1902 +sketch_and_study,Expressionism,martiros-saryan_armenian-1901 +sketch_and_study,Realism,vincent-van-gogh_peasant-woman-gleaning-1885 +sketch_and_study,Mannerism_Late_Renaissance,parmigianino_holy-family-with-shepherds-and-angels +sketch_and_study,Art_Nouveau_Modern,sergey-solomko_sketch-of-the-poster-pillory +sketch_and_study,Expressionism,paula-modersohn-becker_seated-girl-in-a-landscape-to-the-right-1902 +sketch_and_study,Post_Impressionism,suzanne-valadon_my-son-1896 +sketch_and_study,Realism,vincent-van-gogh_woman-preparing-a-meal-1885 +sketch_and_study,Post_Impressionism,vincent-van-gogh_two-women-working-in-the-field-1890 +sketch_and_study,Expressionism,egon-schiele_sitting-woman-1918 +sketch_and_study,Realism,nicholas-roerich_study-of-female-nude-1895 +sketch_and_study,Realism,vincent-van-gogh_bird-s-nest-1885(1) +sketch_and_study,Naive_Art_Primitivism,fernand-leger_coffee +sketch_and_study,Realism,ilya-repin_ivan-shishkin-at-a-meeting-of-the-academy-of-fine-arts-1895 +sketch_and_study,Romanticism,eugene-delacroix_winter-juno-beseeching-aeolus-to-destroy-the-fleet(1) +sketch_and_study,Naive_Art_Primitivism,fernand-leger_study-for-a-portrait-1945-4 +sketch_and_study,Rococo,maurice-quentin-de-la-tour_study-for-portrait-of-mademoiselle-dangeville-2 +sketch_and_study,Impressionism,walter-sickert_sketch-for-the-statue-of-duquesne-dieppe +sketch_and_study,Post_Impressionism,vincent-van-gogh_the-discus-thrower-1886 +sketch_and_study,Post_Impressionism,vincent-van-gogh_fountain-in-the-garden-of-saint-paul-hospital-1889(1) +sketch_and_study,Realism,thomas-eakins_studies-for-william-rush-1876-5 +sketch_and_study,Realism,nicholas-roerich_sketch-of-man-s-head-self-portrait-1890 +sketch_and_study,Realism,thomas-eakins_studies-for-william-rush-1876-3 +sketch_and_study,Cubism,roger-de-la-fresnaye_study-for-le-pierrot-1921 +sketch_and_study,Realism,boris-kustodiev_composition-with-three-female-figures-1915 +sketch_and_study,Realism,vincent-van-gogh_woody-landscape-after-the-rain-1882 +sketch_and_study,Romanticism,dante-gabriel-rossetti_image-of-women-and-an-exotic-pet-1869 +sketch_and_study,Realism,vincent-van-gogh_peasant-woman-lifting-potatoes-2-1885 +sketch_and_study,Northern_Renaissance,albrecht-durer_adoration-of-kings-1493 +sketch_and_study,Realism,vasily-surikov_russian-troops-under-suvorov-crossing-the-alps-study-1898 +sketch_and_study,Realism,viktor-vasnetsov_ivan-the-terrible-sketch-1884 +sketch_and_study,Art_Nouveau_Modern,alexandre-benois_petrushka-poster-scetch(2) +sketch_and_study,High_Renaissance,michelangelo_sketch-of-a-nude-man-study-for-the-battle-of-cascina +sketch_and_study,Naive_Art_Primitivism,fernand-leger_birthday-two-women-1950 +sketch_and_study,Romanticism,dante-gabriel-rossetti_jane-burden-aged-18-1858 +sketch_and_study,Realism,john-singer-sargent_study-for-madame-x-1 +sketch_and_study,Post_Impressionism,vincent-van-gogh_sheet-with-two-groups-of-peasants-at-a-meal-1890 +sketch_and_study,Early_Renaissance,domenico-veneziano_not-detected-269819 +sketch_and_study,Realism,john-singer-sargent_study-of-a-fig-tree-1908 +sketch_and_study,Post_Impressionism,pyotr-konchalovsky_spain-kaldetes-oliva-1910 +sketch_and_study,Realism,vasily-surikov_soldier-descending-from-the-snowy-mountain-1898 +sketch_and_study,Impressionism,john-singer-sargent_study-of-polly-barnard-for-carnation-lily-lily-rose +sketch_and_study,Northern_Renaissance,albrecht-durer_madonna-and-child +sketch_and_study,Realism,vincent-van-gogh_snowy-yard-1883 +sketch_and_study,High_Renaissance,raphael_study-of-god-the-father-1515 +sketch_and_study,Realism,vasily-vereshchagin_street-in-the-village-hodzhagent-1868 +sketch_and_study,Realism,boris-kustodiev_ride-1915 +sketch_and_study,Realism,isaac-levitan_village-windmill +sketch_and_study,Realism,isaac-levitan_a-hovel +sketch_and_study,Impressionism,lovis-corinth_self-portrait-with-beard-1886 +sketch_and_study,Expressionism,jean-david_untitled(1) +sketch_and_study,Symbolism,ferdinand-hodler_lauterbrunnen-valley-and-dust-stream-in-the-moonlight-1894 +sketch_and_study,Romanticism,jan-matejko_tadeusz-stryjeriski +sketch_and_study,Cubism,kazimir-malevich_man-illogical-figures-of-men-and-women-1916 +sketch_and_study,Symbolism,nicholas-roerich_symbolic-cross-on-the-outer-wall-in-lohia-1907 +sketch_and_study,Realism,vasily-surikov_study-to-the-conquest-of-siberia-by-yermak +sketch_and_study,Realism,vincent-van-gogh_the-grote-markt-1885 +sketch_and_study,Baroque,joseph-wright_study-of-the-terrain-near-vesuvius +sketch_and_study,Baroque,peter-paul-rubens_portrait-of-a-young-woman-1635 +sketch_and_study,Naive_Art_Primitivism,marc-chagall_noah-s-ark-4 +sketch_and_study,Expressionism,martiros-saryan_motherland-1971 +sketch_and_study,Realism,vasily-surikov_cossacks-in-boat-study-to-the-conquest-of-siberia-by-yermak +sketch_and_study,Symbolism,ferdinand-hodler_left-border-warriors-1 +sketch_and_study,Post_Impressionism,georges-seurat_woman-standing-1881 +sketch_and_study,Post_Impressionism,vincent-van-gogh_cypresses-1889(1) +sketch_and_study,Post_Impressionism,vincent-van-gogh_standing-male-nude-seen-from-the-front +sketch_and_study,Baroque,annibale-carracci_mercury-protecting-ulysses-from-the-charms-of-circe +sketch_and_study,Realism,vasily-surikov_yermak-s-conquest-of-siberia-study-1 +sketch_and_study,Realism,vincent-van-gogh_young-man-sitting-with-a-cup-in-his-hand-half-length-1883 +sketch_and_study,Realism,vincent-van-gogh_sketches-for-the-drawing-of-an-auction-1885 +sketch_and_study,Cubism,pablo-picasso_seated-female-nude-1939 +sketch_and_study,Post_Impressionism,david-burliuk_at-the-lounge +sketch_and_study,Symbolism,konstantin-bogaevsky_landscape-with-tall-trees +sketch_and_study,Symbolism,nicholas-roerich_study-to-book-of-wisdom +sketch_and_study,Realism,nicholas-roerich_study-of-landscape +sketch_and_study,Rococo,maurice-quentin-de-la-tour_preparation-of-the-portrait-of-jean-paris-de-montmartel +sketch_and_study,Realism,boris-kustodiev_portrait-of-s-n-troinitsky-1922 +sketch_and_study,Post_Impressionism,vincent-van-gogh_sheet-with-numerous-figure-sketches-1890 +sketch_and_study,Realism,vincent-van-gogh_three-hands-two-holding-forks +sketch_and_study,Impressionism,edgar-degas_ellen-andree +sketch_and_study,Ukiyo_e,katsushika-hokusai_manga-11 +sketch_and_study,High_Renaissance,leonardo-da-vinci_study-of-battles-on-horseback +sketch_and_study,Realism,vincent-van-gogh_seated-nude-after-bargues-1890 +sketch_and_study,Post_Impressionism,henri-de-toulouse-lautrec_head-of-a-woman-1896 +sketch_and_study,Post_Impressionism,vincent-van-gogh_young-slave-1887 +sketch_and_study,Cubism,kazimir-malevich_arithmetics-1913 +sketch_and_study,Post_Impressionism,vincent-van-gogh_route +sketch_and_study,Romanticism,fyodor-solntsev_polish-coat-of-peter-the-great +sketch_and_study,Expressionism,balthus_bust-of-the-young-girl +sketch_and_study,Contemporary_Realism,eric-fischl_study-for-sheer-weight-of-history +sketch_and_study,Impressionism,lucia-demetriade-balacescu_la-gare-de-berk-plage-1933 +sketch_and_study,Impressionism,frederic-bazille_not-detected-259700 +sketch_and_study,Symbolism,konstantin-somov_models-1 +sketch_and_study,Post_Impressionism,vincent-van-gogh_three-studies-1890 +sketch_and_study,Realism,vincent-van-gogh_head-of-a-man-2(1) +sketch_and_study,Realism,boris-kustodiev_portrait-of-n-s-butova-1915 +sketch_and_study,Realism,vasily-surikov_tsarevna-1911 +sketch_and_study,Realism,vasily-surikov_study-to-boyarynya-morozova-8 +sketch_and_study,Expressionism,martiros-saryan_kalaki-gohtan-1914 +sketch_and_study,Post_Impressionism,vincent-van-gogh_haystacks-near-a-farm-1888-1(1) +sketch_and_study,Realism,boris-kustodiev_portrait-of-vsevolod-voinov-1921 +sketch_and_study,Post_Impressionism,vincent-van-gogh_still-life-with-coffee-pot-2-1888 +sketch_and_study,Expressionism,frank-auerbach_working-drawing-for-primrose-hill +sketch_and_study,Expressionism,martiros-saryan_construction-of-the-people-s-house-1925 +sketch_and_study,Impressionism,camille-pissarro_study-of-apple-trees-at-eragny +sketch_and_study,Art_Nouveau_Modern,carlos-saenz-de-tejada_sketch-for-one-of-the-murals-of-the-army-1953 +sketch_and_study,Impressionism,camille-pissarro_study-for-la-batterie-a-montfoucault +sketch_and_study,Realism,vincent-van-gogh_peasant-woman-reeling-yarn-1885 +sketch_and_study,Northern_Renaissance,albrecht-durer_naked-man-with-mirror +sketch_and_study,Romanticism,cornelis-springer_amstedam +sketch_and_study,Impressionism,pierre-auguste-renoir_two-bathers-in-a-landscape-1919 +sketch_and_study,Realism,john-singer-sargent_study-for-a-devil-and-victim-in-judgement +sketch_and_study,Realism,vasily-surikov_the-head-of-laughting-girl-1890 +sketch_and_study,Expressionism,mstislav-dobuzhinsky_the-blacksmith-s-courtyard-1910 +sketch_and_study,Naive_Art_Primitivism,fernand-leger_the-album-circus-1950-3 +sketch_and_study,Baroque,jacob-jordaens_three-musicians +sketch_and_study,Baroque,bartolome-esteban-murillo_promenade-st-joseph-and-the-infant-jesus +sketch_and_study,Naive_Art_Primitivism,marc-chagall_moses-with-the-burning-bush-4 +sketch_and_study,Impressionism,edgar-degas_amateur-jockey-1870 +sketch_and_study,Post_Impressionism,vincent-van-gogh_head-of-a-man-with-a-hat-a-perspective-frame-and-other-sketches-1890(1) +sketch_and_study,Naive_Art_Primitivism,antonio-ligabue_horses +sketch_and_study,Impressionism,mary-cassatt_sketch-of-antoinette-no-1-1901 +sketch_and_study,Romanticism,francisco-goya_holy-week-in-spain-in-times-past-1824 +sketch_and_study,Impressionism,pierre-auguste-renoir_at-the-moulin-de-la-galette +sketch_and_study,Post_Impressionism,paul-cezanne_house-in-provence +sketch_and_study,Symbolism,nicholas-roerich_sketch-for-tale-of-tsar-saltan-1919 +sketch_and_study,Realism,vincent-van-gogh_woman-by-the-fireplace-1885 +sketch_and_study,Art_Nouveau_Modern,alphonse-mucha_two-standing-women +sketch_and_study,Post_Impressionism,vincent-van-gogh_people-walking-in-front-of-snow-covered-cottage-1890 +sketch_and_study,Realism,thomas-eakins_sketch-for-in-grandmother0s-time +sketch_and_study,Expressionism,fã©lix-del-marle_etude-pour-l-homme-qui-boit-1931 +sketch_and_study,Northern_Renaissance,albrecht-durer_studies-on-a-great-picture-of-mary-angel-playing +sketch_and_study,Mannerism_Late_Renaissance,jacopo-pontormo_two-nudes +sketch_and_study,Realism,vincent-van-gogh_torso-of-venus +sketch_and_study,Symbolism,nicholas-roerich_higher-than-mountains-1924 +sketch_and_study,Realism,vincent-van-gogh_study-of-two-peasants-1885 +sketch_and_study,Cubism,pablo-picasso_bull-study-1946 +sketch_and_study,Naive_Art_Primitivism,fernand-leger_the-album-circus-1950-9 +sketch_and_study,Art_Nouveau_Modern,nicholas-roerich_kiss-the-earth-1912-3 +sketch_and_study,Realism,vincent-van-gogh_head-of-a-man-bareheaded-1885-1(1) +sketch_and_study,Post_Impressionism,vincent-van-gogh_barred-windows(1) +sketch_and_study,Expressionism,edvard-munch_building-the-winter-studio-ekely-1929 +sketch_and_study,Symbolism,nicholas-roerich_study-of-clouds +sketch_and_study,Northern_Renaissance,albrecht-durer_head-of-an-apostle-1508 +sketch_and_study,High_Renaissance,andrea-mantegna_study-for-a-flagellation-1506 +sketch_and_study,Post_Impressionism,vincent-van-gogh_head-of-a-woman-1886-1 +sketch_and_study,Romanticism,george-frederick-watts_ellen-terry-at-the-piano(1) +sketch_and_study,Art_Nouveau_Modern,konstantin-korovin_sketch-of-majolica-1898 +sketch_and_study,Expressionism,martiros-saryan_mountains-1912 +sketch_and_study,Realism,john-singer-sargent_gordon-greenough-1880 +sketch_and_study,Northern_Renaissance,albrecht-durer_study-for-an-engraving-of-the-prodigal-son-1520 +sketch_and_study,Romanticism,karl-bryullov_portrait-of-f-a-bruni-1828 +sketch_and_study,Symbolism,mikhail-vrubel_head-of-demon +sketch_and_study,Realism,john-singer-sargent_deer +sketch_and_study,Realism,boris-kustodiev_model-right-foot-left-foot-1915 +sketch_and_study,Northern_Renaissance,hieronymus-bosch_animal-studies +sketch_and_study,Realism,boris-kustodiev_two-portraits-of-annushka-1918 +sketch_and_study,Romanticism,fyodor-solntsev_from-portrait-of-the-naryshkin-royal-clothing +sketch_and_study,Romanticism,francisco-goya_gumersinda-goicoechea-goya-s-daughter-in-law-1815 +sketch_and_study,Impressionism,carl-larsson_view-of-montcourt-1884(1) +sketch_and_study,Realism,theodore-rousseau_trees +sketch_and_study,Realism,nicholas-roerich_wolves-1 +sketch_and_study,Realism,vincent-van-gogh_sculpture-and-still-life-with-cabbage-and-clogs-1881 +sketch_and_study,Rococo,maurice-quentin-de-la-tour_study-for-portrait-of-unknown-woman +sketch_and_study,Mannerism_Late_Renaissance,jacopo-pontormo_christ-seated-as-a-nude-figure +sketch_and_study,Expressionism,yiannis-moralis_boy-standing +sketch_and_study,Post_Impressionism,vincent-van-gogh_pink-peach-trees-1888 +sketch_and_study,Northern_Renaissance,hans-holbein-the-younger_simon-george-of-quocote-1536 +sketch_and_study,Post_Impressionism,henri-de-toulouse-lautrec_yvette-guibert-singing-1894 +sketch_and_study,Post_Impressionism,vincent-van-gogh_street-in-saintes-maries-1888 +sketch_and_study,Romanticism,dante-gabriel-rossetti_elizabeth-siddal-seated-in-a-chair-1860 +sketch_and_study,Impressionism,nicolae-vermont_the-love-letter-1916 +sketch_and_study,Expressionism,martiros-saryan_lori-1953 +sketch_and_study,Post_Impressionism,vincent-van-gogh_trees-in-the-garden-of-the-asylum-1889 +sketch_and_study,High_Renaissance,michelangelo_study-to-crusifixion-1541 +sketch_and_study,Post_Impressionism,vincent-van-gogh_three-cottages-in-saintes-maries-1888 +sketch_and_study,Post_Impressionism,vincent-van-gogh_quay-with-men-unloading-sand-barges-1888 +sketch_and_study,Baroque,pietro-da-cortona_study-for-the-age-of-silver-1 +sketch_and_study,Northern_Renaissance,albrecht-durer_madonna-and-child-1 +sketch_and_study,Symbolism,odilon-redon_goat +sketch_and_study,Realism,vasily-surikov_female-figures-wanderer-whacky-study-to-boyarynya-morozova +sketch_and_study,Realism,vasily-polenov_red-sail-1911 +sketch_and_study,Expressionism,balthus_study-of-a-girl-with-a-window +sketch_and_study,Realism,vasily-surikov_kneeling-beggar +sketch_and_study,Cubism,pablo-picasso_female-nude-study-1907 +sketch_and_study,Romanticism,fyodor-solntsev_from-portrait-of-the-nun-martha-ivanovna +sketch_and_study,Romanticism,fyodor-solntsev_dress-of-the-kiev-girls-1 +sketch_and_study,Post_Impressionism,vincent-van-gogh_landscape-with-houses-among-trees-and-a-figure-1890 +sketch_and_study,High_Renaissance,leonardo-da-vinci_a-grotesque-head-grotesque-head +sketch_and_study,Impressionism,camille-pissarro_springtime-at-eragny-study +sketch_and_study,Northern_Renaissance,albrecht-durer_the-justice-of-trajan +sketch_and_study,Post_Impressionism,vincent-van-gogh_cypresses-1889-1(1) +sketch_and_study,Realism,vincent-van-gogh_lane-in-autumn-1884 +sketch_and_study,Post_Impressionism,henri-de-toulouse-lautrec_tristan-bernard-1898 +sketch_and_study,Realism,robert-brackman_pastel-2 +sketch_and_study,Realism,isaac-levitan_landscape-at-volga-zhilino-near-kineshma-1890 +sketch_and_study,Realism,vincent-van-gogh_peasant-woman-head-1884-1 +sketch_and_study,Post_Impressionism,vincent-van-gogh_fishing-boats-on-the-beach-1888(1) +sketch_and_study,Romanticism,dante-gabriel-rossetti_the-blessed-damozel-study-1876 +sketch_and_study,Art_Nouveau_Modern,nicholas-roerich_queen-anna-s-tower-1913 +sketch_and_study,Realism,vincent-van-gogh_peasant-woman-head-1885-5 +sketch_and_study,Cubism,man-ray_untitled-1 +sketch_and_study,Realism,valentin-serov_portrait-of-l-n-andreev-1907 +sketch_and_study,Realism,isaac-levitan_lake-ladoga-1896 +sketch_and_study,Realism,vincent-van-gogh_sketch-of-a-hen-1890 +sketch_and_study,Naive_Art_Primitivism,fernand-leger_the-album-circus-1950-6 +sketch_and_study,Realism,vincent-van-gogh_woman-sitting-by-the-fire-peeling-potatoes-sketch-of-a-second-figure-1885 +sketch_and_study,Post_Impressionism,vincent-van-gogh_rhone-with-boats-and-a-bridge-1888 +sketch_and_study,Realism,vincent-van-gogh_weaver-standing-in-front-of-a-loom-1884 +sketch_and_study,Post_Impressionism,pyotr-konchalovsky_village-pond-1933 +sketch_and_study,Northern_Renaissance,albrecht-durer_male-nude-apollo-poynter +sketch_and_study,Early_Renaissance,jacopo-bellini_lamentation +sketch_and_study,Art_Nouveau_Modern,nicholas-roerich_sketch-of-man-with-buggle +sketch_and_study,Post_Impressionism,victor-borisov-musatov_on-a-balcony-in-tarusa-1905 +sketch_and_study,Realism,john-singer-sargent_studies-of-a-nude-youth +sketch_and_study,Baroque,rembrandt_eliezer-and-rebecca-at-the-well-1640 +sketch_and_study,Art_Nouveau_Modern,carlos-saenz-de-tejada_don-juan-study-of-illustration +sketch_and_study,High_Renaissance,michelangelo_study-of-a-nude-man +sketch_and_study,Impressionism,eugene-boudin_port-at-low-tide +sketch_and_study,High_Renaissance,leonardo-da-vinci_study-of-battles-on-horseback-and-on-foot +sketch_and_study,Art_Nouveau_Modern,sergey-solomko_age-at-the-dawn-of-history-amazon +sketch_and_study,Impressionism,mary-cassatt_portrait-of-young-woman-1901 +sketch_and_study,Minimalism,ralph-hotere_working-drawing-for-music-faculty-auckland-university-1985 +sketch_and_study,High_Renaissance,leonardo-da-vinci_canal-bridge +sketch_and_study,Realism,vincent-van-gogh_stooping-woman-with-net-1883 +sketch_and_study,Post_Impressionism,pablo-picasso_mother-and-child-1905 +sketch_and_study,Romanticism,george-stubbs_diagram-from-the-anatomy-of-the-horse +sketch_and_study,Northern_Renaissance,rogier-van-der-weyden_kneeling-woman +sketch_and_study,Post_Impressionism,vincent-van-gogh_sheet-with-many-sketches-of-figures-1890 +sketch_and_study,Realism,valentin-serov_portrait-of-the-artist-engraver-v-v-mate-1899 +sketch_and_study,Baroque,rembrandt_three-female-heads-with-one-sleeping-1637 +sketch_and_study,Realism,ivan-shishkin_part-of-the-trunk-of-a-pine-mary-howe-1890 +sketch_and_study,Post_Impressionism,vincent-van-gogh_field-with-factory-1888(1) +sketch_and_study,Realism,vincent-van-gogh_mangle-with-two-women-and-a-man-1884 +sketch_and_study,Romanticism,thomas-cole_sketch-for-the-oxbow-1836 +sketch_and_study,Symbolism,kuzma-petrov-vodkin_lying-boy-1910 +sketch_and_study,Realism,valentin-serov_portrait-of-mikhail-fokin-1909 +sketch_and_study,Post_Impressionism,vincent-van-gogh_the-road-to-tarascon-1888-1 +sketch_and_study,Impressionism,joaquã­n-sorolla_port-of-passages +sketch_and_study,Romanticism,dante-gabriel-rossetti_the-return-of-tibullus-to-delia-study-for-delia +sketch_and_study,Symbolism,ferdinand-hodler_left-border-woman-1 +sketch_and_study,Pop_Art,richard-hamilton_fashion-plate-1970 +sketch_and_study,Expressionism,carlos-saenz-de-tejada_mural-sketch-for-agricultural-research-institute +sketch_and_study,Expressionism,lucian-freud_girl-writing +sketch_and_study,Expressionism,pyotr-konchalovsky_siena-the-square-1912 +sketch_and_study,Realism,vincent-van-gogh_dying-slave-and-figures-at-a-table-1887(1) +sketch_and_study,Realism,ivan-shishkin_fallen-tree +sketch_and_study,Realism,john-singer-sargent_study-for-madame-x +sketch_and_study,Romanticism,dante-gabriel-rossetti_fanny-cornforth +sketch_and_study,Realism,vincent-van-gogh_sien-pregnant-walking-with-older-woman-1882 +sketch_and_study,Expressionism,carlos-saenz-de-tejada_untitled +sketch_and_study,Baroque,rembrandt_esther-before-ahasuerus-1660 +sketch_and_study,Naive_Art_Primitivism,marc-chagall_noah-s-ark +sketch_and_study,Naive_Art_Primitivism,kazimir-malevich_house-in-the-wall-1911 +sketch_and_study,Realism,james-tissot_type-of-jew-1889 +sketch_and_study,Mannerism_Late_Renaissance,jacopo-pontormo_study-of-a-boy-turning-his-head +sketch_and_study,High_Renaissance,michelangelo_the-damned-soul +sketch_and_study,Post_Impressionism,suzanne-valadon_my-utrillo-at-the-age-of-nine-1892 +sketch_and_study,Baroque,rembrandt_a-small-lion-hunt-with-a-lioness-1641 +sketch_and_study,Symbolism,martiros-saryan_akulis-1914 +sketch_and_study,Expressionism,paula-modersohn-becker_crouching +sketch_and_study,Romanticism,dante-gabriel-rossetti_sketch-for-dante-at-verona-with-a-preliminary-study-for-the-principal-figure +sketch_and_study,New_Realism,william-james-glackens_scene-on-the-lower-east-side +sketch_and_study,Impressionism,mary-cassatt_mothers-kiss-1891 +sketch_and_study,Symbolism,kuzma-petrov-vodkin_sketch-for-the-painting-bathing-the-red-horse-1912-2 +sketch_and_study,Symbolism,nicholas-roerich_monhigan-study-1922-29 +sketch_and_study,Expressionism,egon-schiele_long-haired-nude-bent-over-forward-jerk-view-1918 +sketch_and_study,Realism,vincent-van-gogh_study-of-two-peasants-1885-1 +sketch_and_study,Realism,vincent-van-gogh_plowman-with-stooping-woman-and-a-little-farmhouse-with-piles-of-peat-1883 +sketch_and_study,Cubism,leopold-survage_composition-cubiste +sketch_and_study,Post_Impressionism,vincent-van-gogh_the-terrace-of-the-tuileries-with-people-walking-1886 +sketch_and_study,Expressionism,lucian-freud_woman-with-an-arm-tattoo +sketch_and_study,Cubism,fernand-leger_the-viaduct +sketch_and_study,High_Renaissance,raphael_study-for-the-disputa-1509 +sketch_and_study,Baroque,canaletto_the-grand-canal-nethe-ponte-del-rialto +sketch_and_study,Realism,vincent-van-gogh_peasant-man-and-woman-digging-1885 +sketch_and_study,Realism,nicholas-roerich_sketch-of-landscape-and-clouds +sketch_and_study,Rococo,maurice-quentin-de-la-tour_study-of-a-woman-s-face +sketch_and_study,Realism,boris-kustodiev_portrait-of-k-s-petrov-vodkin-1905 +sketch_and_study,Realism,isaac-levitan_village-at-the-edge-of-forest-1 +sketch_and_study,Expressionism,constantin-brancusi_nude +sketch_and_study,Realism,vincent-van-gogh_woman-with-folded-hands-half-length-1883 +sketch_and_study,Cubism,pyotr-konchalovsky_portrait-of-a-violinist-grigory-fedorovich-romashkov-1918-1 +sketch_and_study,Northern_Renaissance,albrecht-altdorfer_overall-sketch-of-the-picture-susanna-and-the-elders-1526 +sketch_and_study,Realism,nicholas-roerich_hellas-1893 +sketch_and_study,Rococo,maurice-quentin-de-la-tour_study-for-portrait-of-unknown-woman-1 +sketch_and_study,Romanticism,dante-gabriel-rossetti_elizabeth-siddall-in-a-chair +sketch_and_study,Realism,john-singer-sargent_the-spanish-dancer-study-for-el-jaleo-1882 +sketch_and_study,Cubism,leopold-survage_31 +sketch_and_study,Realism,valentin-serov_greyhounds-royal-hunting-1901 +sketch_and_study,Romanticism,fyodor-solntsev_kiev-philistine +sketch_and_study,Realism,theodor-severin-kittelsen_skomv-r-landscape-1891 +sketch_and_study,Realism,vincent-van-gogh_orphan-man-holding-top-hat-in-his-hand-1882-1 +sketch_and_study,Early_Renaissance,jacopo-bellini_the-twelve-apostles-in-a-barrel-vaulted-passage-1470 +sketch_and_study,Expressionism,yiannis-tsaroychis_study-for-may-1967 +sketch_and_study,Symbolism,nicholas-roerich_giantess-krimgerd-1915-1 +sketch_and_study,Realism,vasily-vereshchagin_dressing-station-1879 +sketch_and_study,High_Renaissance,leonardo-da-vinci_drawing-of-drapery +sketch_and_study,Cubism,kazimir-malevich_sketch-for-a-portrait-of-ivan-klyun +sketch_and_study,Realism,vincent-van-gogh_landscape-with-willows-and-sun-shining-through-the-clouds-1884 +sketch_and_study,Early_Renaissance,leonardo-da-vinci_the-anatomy-of-a-foot +sketch_and_study,Impressionism,edgar-degas_after-the-bath-8 +sketch_and_study,High_Renaissance,leonardo-da-vinci_galloping-rider-and-other-figures +sketch_and_study,Expressionism,egon-schiele_portrait-of-heinrich-benesch-1917 +sketch_and_study,Symbolism,nicholas-roerich_sketch-made-by-travelling-in-italy-and-switzerland-1906 +sketch_and_study,Early_Renaissance,filippo-brunelleschi_sketches-of-the-machines(1) +sketch_and_study,Realism,isaac-levitan_schooner-in-bay-1896 +sketch_and_study,Mannerism_Late_Renaissance,titian_study-of-legs-1557 +sketch_and_study,Naive_Art_Primitivism,fernand-leger_the-album-circus-1950-47 +sketch_and_study,Post_Impressionism,henri-de-toulouse-lautrec_output-theatre +sketch_and_study,Realism,vincent-van-gogh_the-goat-herd-1862 +sketch_and_study,Expressionism,martiros-saryan_to-the-spring-1927 +sketch_and_study,Realism,vincent-van-gogh_woman-peeling-potatoes-near-a-window-1881 +sketch_and_study,Baroque,bartolome-esteban-murillo_sleeping-man +sketch_and_study,Romanticism,george-frederick-watts_portrait-of-a-lady-possibly-julia-jackson(1) +sketch_and_study,Pointillism,henri-edmond-cross_young-woman-study-for-the-clearing +sketch_and_study,Realism,ivan-shishkin_study-1884 +sketch_and_study,Realism,vincent-van-gogh_seated-girl-seen-from-the-front +sketch_and_study,Northern_Renaissance,albrecht-durer_father-s-robe-god +sketch_and_study,Realism,vincent-van-gogh_the-parsonage-garden-in-the-snow-1885 +sketch_and_study,Northern_Renaissance,hieronymus-bosch_nest-of-owls +sketch_and_study,Baroque,bartolome-esteban-murillo_appearance-of-the-christ-child-to-saint-anthony-of-padua +sketch_and_study,Realism,nicholas-roerich_pen-drawing-of-two-idols-in-his-letter-to-v-stasov-1901 +sketch_and_study,Northern_Renaissance,albrecht-durer_man-s-head-in-profile +sketch_and_study,Impressionism,mary-cassatt_sketch-of-anne-and-her-nurse +sketch_and_study,Art_Nouveau_Modern,koloman-moser_study-of-portrait-of-venus-in-the-grotto +sketch_and_study,Impressionism,valentin-serov_portrait-of-the-pianist-wanda-landowska-1907 +sketch_and_study,Expressionism,martiros-saryan_fairy-tale-1907 +sketch_and_study,High_Renaissance,leonardo-da-vinci_study-on-the-proportions-of-head-and-eyes +sketch_and_study,Realism,vasily-tropinin_portrait-of-e-p-rostopchin-etude-1853 +sketch_and_study,New_Realism,yiannis-tsaroychis_nude-youth-with-oleanders-and-a-bandage-on-his-hand-1940 +sketch_and_study,Rococo,maurice-quentin-de-la-tour_study-for-portrait-of-unknown-woman-7 +sketch_and_study,Post_Impressionism,vincent-van-gogh_pine-trees-in-the-garden-of-the-asylum-1889 +sketch_and_study,Realism,vasily-surikov_head-of-a-woman-in-black-shawl-1886 +sketch_and_study,Realism,thomas-eakins_study-of-a-girl-s-head-1869 +sketch_and_study,Realism,james-tissot_metal-ornament-taken-from-the-mosque-of-es-sakra-1 +sketch_and_study,High_Renaissance,leonardo-da-vinci_study-of-a-woman-s-head +sketch_and_study,Northern_Renaissance,albrecht-durer_study-of-the-christ-child-1495 +sketch_and_study,Romanticism,orest-kiprensky_alexander-semyonovich-shishkov-1825 +sketch_and_study,Realism,franz-marc_head-of-the-horse-1906 +sketch_and_study,Post_Impressionism,vincent-van-gogh_woman-working-in-wheat-field-1890 +sketch_and_study,Realism,vasily-surikov_cossacks-1891 +sketch_and_study,Romanticism,orest-kiprensky_hector-and-andromache-1803 +sketch_and_study,Realism,aleksey-savrasov_thaw-beginning-of-march +sketch_and_study,Realism,isaac-levitan_a-dry-tree-by-the-road +sketch_and_study,Post_Impressionism,vincent-van-gogh_path-in-the-woods-1887 +sketch_and_study,Northern_Renaissance,rogier-van-der-weyden_christ-on-the-cross +sketch_and_study,Expressionism,martiros-saryan_ararat-1923 +sketch_and_study,Symbolism,mikhail-nesterov_venerable-sergius-of-radonezh-sketch +sketch_and_study,High_Renaissance,leonardo-da-vinci_drawing-of-a-botanical-study +sketch_and_study,Post_Impressionism,vincent-van-gogh_still-life-with-coffee-pot-1888 +sketch_and_study,Cubism,man-ray_untitled +sketch_and_study,Realism,boris-kustodiev_harvester-1924 +sketch_and_study,Impressionism,pierre-auguste-renoir_study-of-a-woman-for-oedipus +sketch_and_study,Realism,aleksey-savrasov_pine-1854 +sketch_and_study,Realism,vincent-van-gogh_peasant-with-sickle-seen-from-the-back-1885-2 +sketch_and_study,Post_Impressionism,vincent-van-gogh_portrait-of-doctor-gachet-a-man-with-pipe-1890 +sketch_and_study,Realism,vincent-van-gogh_peasant-woman-head-1884 +sketch_and_study,Baroque,anthony-van-dyck_studies-of-a-man0s-head +sketch_and_study,Realism,john-singer-sargent_nude-study +sketch_and_study,High_Renaissance,leonardo-da-vinci_study-of-a-rider +sketch_and_study,High_Renaissance,leonardo-da-vinci_anatomy-of-the-neck-1515 +sketch_and_study,Realism,vincent-van-gogh_peasant-man-and-woman-planting-potatoes-1885 +sketch_and_study,Realism,vincent-van-gogh_orphan-man-wearing-a-blouse-with-broom-and-pipe-1882 +sketch_and_study,Symbolism,nicholas-roerich_study-to-mohammed-the-prophet-1925 +sketch_and_study,Realism,vincent-van-gogh_sketches-of-heads-1884 +sketch_and_study,Realism,vasily-perov_by-train-1879 +sketch_and_study,Realism,theodore-rousseau_house-near-a-pond-in-auvergne-1830 +sketch_and_study,Early_Renaissance,leonardo-da-vinci_comparison-of-scalp-skin-and-onion-1489 +sketch_and_study,Post_Impressionism,vincent-van-gogh_can-books-wineglass-bread-and-arum-sketch-of-two-women-and-a-girl-1890(1) +sketch_and_study,Realism,vincent-van-gogh_girl-near-the-stove-grinding-coffee-1882(1) +sketch_and_study,Realism,vasily-polenov_the-boy-in-nazareth-jews-in-tabor-1882 +sketch_and_study,Realism,theodore-rousseau_out-of-the-forest-of-fontainebleau +sketch_and_study,Symbolism,nicholas-roerich_himalayas-study-1 +sketch_and_study,Post_Impressionism,vincent-van-gogh_the-rhone-with-boats-and-a-bridge-1888 +sketch_and_study,Post_Impressionism,vincent-van-gogh_woman-with-a-donkey-1890 +sketch_and_study,Romanticism,miklos-barabas_portrait-of-william-tierney-clark +sketch_and_study,Expressionism,rafael-zabaleta_maternity +sketch_and_study,Realism,vincent-van-gogh_unfinished-sketch-of-an-interior-with-a-pan-above-the-fire-1881 +sketch_and_study,Romanticism,fyodor-solntsev_the-coat-from-armoury +sketch_and_study,Realism,ivan-shishkin_anthill-1892 +sketch_and_study,Post_Impressionism,vincent-van-gogh_two-heads-man-with-beard-and-hat-peasant-with-cap +sketch_and_study,High_Renaissance,leonardo-da-vinci_anatomical-studies-of-a-male-shoulder +sketch_and_study,Northern_Renaissance,albrecht-durer_two-hands-holding-a-pair-of-books +sketch_and_study,Post_Impressionism,salvador-dali_portrait-of-maria-carbona-1 +sketch_and_study,Expressionism,pyotr-konchalovsky_seated-model-wrapped-in-drapery-1923 +sketch_and_study,Realism,vincent-van-gogh_view-of-royal-road-ramsgate-1876 +sketch_and_study,Expressionism,lucian-freud_woman-sleeping +sketch_and_study,Realism,vasily-surikov_head-of-suvorov-1898 +sketch_and_study,Impressionism,eugene-boudin_landscape-with-sunset +sketch_and_study,Impressionism,pierre-auguste-renoir_the-artist-s-home +sketch_and_study,Romanticism,dante-gabriel-rossetti_the-daydream-1878 +sketch_and_study,Expressionism,paula-modersohn-becker_sketch-with-six-figure-compositions-1907 +sketch_and_study,Realism,ilya-repin_barge-haulers-pulling-on-the-strap-1870 +sketch_and_study,Post_Impressionism,vincent-van-gogh_sower-with-setting-sun-1888-2 +sketch_and_study,Post_Impressionism,pyotr-konchalovsky_the-model-sitting-on-their-haunches-in-fig-for-the-film-the-model-squatting-1919 +sketch_and_study,Realism,vincent-van-gogh_peasant-woman-walking-1885 +sketch_and_study,Baroque,rembrandt_saskia-in-a-straw-hat-1633 +sketch_and_study,Expressionism,ernst-ludwig-kirchner_study-on-red-tart +sketch_and_study,Symbolism,kuzma-petrov-vodkin_female-head-1910 +sketch_and_study,High_Renaissance,raphael_head-of-a-woman-1520 +sketch_and_study,Baroque,rembrandt_the-descent-from-the-cross-1642 +sketch_and_study,Northern_Renaissance,gerard-david_verso-of-the-first-sketch-king-cambyses +sketch_and_study,Art_Nouveau_Modern,koloman-moser_hut-in-leysin-1913 +sketch_and_study,Realism,vincent-van-gogh_wheatfield-with-a-stook-and-a-mill-1885 +sketch_and_study,Expressionism,august-macke_franz-marc-with-russi +sketch_and_study,Romanticism,fyodor-solntsev_silk-robe-of-tsar-ivan-vasilyevich-iv +sketch_and_study,Rococo,maurice-quentin-de-la-tour_study-to-the-portrait-of-the-magistrate-jacques-laura-cooper-breteuil +sketch_and_study,Impressionism,federico-zandomeneghi_figure-of-man-sitting +sketch_and_study,Post_Impressionism,pyotr-konchalovsky_still-life-on-the-octagonal-table-1916 +sketch_and_study,Realism,vasily-perov_art-teacher-1863 +sketch_and_study,Realism,ilya-repin_fishing-nets-shiryaevo-1870 +sketch_and_study,Realism,ilya-repin_leisure-1882 +sketch_and_study,Baroque,peter-paul-rubens_portrait-of-a-young-woman-1636 +sketch_and_study,Baroque,bartolome-esteban-murillo_portrait-of-a-child +sketch_and_study,Impressionism,istvan-nagy_in-a-surgery-1916 +sketch_and_study,Impressionism,pierre-auguste-renoir_the-reading-1890 +sketch_and_study,Mannerism_Late_Renaissance,jacopo-pontormo_study-for-vertumnus-and-pomona-1519 +sketch_and_study,Art_Nouveau_Modern,ferdinand-hodler_swearing-to-the-left +sketch_and_study,Realism,pyotr-konchalovsky_two-standing-models-1934 +sketch_and_study,Cubism,fernand-leger_the-observatory-study-for-the-city +sketch_and_study,Art_Nouveau_Modern,sergey-solomko_age-of-the-great-peter +sketch_and_study,Symbolism,ferdinand-hodler_standing-draped-figure +sketch_and_study,Northern_Renaissance,hieronymus-bosch_beehive-and-witches +sketch_and_study,Art_Nouveau_Modern,sergey-solomko_age-of-vladimir-and-yaroslav +sketch_and_study,Realism,vincent-van-gogh_small-house-on-a-road-with-pollard-willows-1881 +sketch_and_study,Art_Nouveau_Modern,henri-de-toulouse-lautrec_m-lender-sitting-1895 +sketch_and_study,Realism,james-tissot_jew-and-jewess-illustration-from-the-life-of-our-lord-jesus-christ +sketch_and_study,Post_Impressionism,vincent-van-gogh_the-lovers-the-poet-s-garden-iv-1888 +sketch_and_study,Post_Impressionism,pyotr-konchalovsky_guitarist-a-sketch-1913 +sketch_and_study,Baroque,bartolome-esteban-murillo_the-infant-jesus-between-the-virgin-and-st-joseph +sketch_and_study,Post_Impressionism,pierre-bonnard_the-cock-and-the-hen +sketch_and_study,Impressionism,william-merritt-chase_study-of-a-young-girl +sketch_and_study,Realism,jean-francois-millet_landscape-vichy-1866 +sketch_and_study,Symbolism,nicholas-roerich_monhigan-study-1922-7 +sketch_and_study,Realism,boris-kustodiev_autumn-1919-1 +sketch_and_study,Realism,thomas-eakins_study-for-the-fairman-rogers-four-in-hand-1879 +sketch_and_study,Post_Impressionism,pyotr-konchalovsky_spanish-landscape-palm-1910 +sketch_and_study,Romanticism,dante-gabriel-rossetti_study-of-guinevere-for-0sir-lancelot-in-the-queen-s-chamber-1857 +sketch_and_study,Realism,vincent-van-gogh_parsonage-garden-1884-1 +sketch_and_study,Cubism,fernand-leger_two-women-two-sisters-1935 +sketch_and_study,Post_Impressionism,vincent-van-gogh_carriage(1) +sketch_and_study,Realism,vincent-van-gogh_peasant-burning-weeds-and-farmhouse-at-night-1883 +sketch_and_study,Rococo,maurice-quentin-de-la-tour_preparation-to-the-portrait-of-voltaire +sketch_and_study,Naive_Art_Primitivism,fernand-leger_the-album-circus-1950-57 +sketch_and_study,Realism,vincent-van-gogh_woman-peeling-potatoes-1885 +sketch_and_study,Art_Nouveau_Modern,boris-kustodiev_sketch-of-decorations-for-puppet-show-the-rooster-gold-scallop-1927 +sketch_and_study,Romanticism,fyodor-solntsev_from-svyatoslav-s-snornik-1 +sketch_and_study,Ukiyo_e,katsushika-hokusai_sketch-of-four-faces +sketch_and_study,Symbolism,nicholas-roerich_study-of-two-islands-in-lake-ladoga-1918 +sketch_and_study,Naive_Art_Primitivism,fernand-leger_the-album-circus-1950-59 +sketch_and_study,Cubism,theo-van-doesburg_landscape-study-for-composition-xii-1918 +sketch_and_study,Baroque,rembrandt_the-small-lion-hunt-with-two-lions-1629 +sketch_and_study,Realism,john-singer-sargent_drawing-3 +sketch_and_study,Northern_Renaissance,albrecht-durer_arrest-of-christ +sketch_and_study,Post_Impressionism,vincent-van-gogh_chair-and-sketch-of-a-hand(1) +sketch_and_study,Art_Nouveau_Modern,carlos-saenz-de-tejada_sketch-of-decoration-for-the-ceiling-of-the-royal-mint-of-spain +sketch_and_study,Northern_Renaissance,albrecht-durer_the-zoo-at-brussels +sketch_and_study,Realism,martiros-saryan_armenia-1944 +sketch_and_study,Symbolism,nicholas-roerich_study-to-madonna-protectoris-1933 +sketch_and_study,Baroque,rembrandt_the-three-marys-at-the-tomb +sketch_and_study,Naive_Art_Primitivism,marc-chagall_study-to-the-jacob-s-dream-1 +sketch_and_study,Realism,boris-kustodiev_at-the-icon-of-the-saviour-1910 +sketch_and_study,Realism,thomas-eakins_perspective-drawing-for-the-biglin-brothers-turning-the-stake-1 +sketch_and_study,Realism,vincent-van-gogh_bending-woman-1882(1) +sketch_and_study,Art_Nouveau_Modern,ferdinand-hodler_the-halberdier-1895-1 +sketch_and_study,Impressionism,joaquã­n-sorolla_malvarossa-valencia +sketch_and_study,Realism,vincent-van-gogh_weaver-with-other-figures-in-front-of-loom-1884 +sketch_and_study,Realism,isaac-levitan_village-at-the-edge-of-forest +sketch_and_study,High_Renaissance,leonardo-da-vinci_study-for-the-burlington-house-cartoon-the-virgin-and-child-with-st-anne-and-st-john-the-1 +sketch_and_study,Realism,theodore-rousseau_rocky-valley +sketch_and_study,Art_Nouveau_Modern,henri-de-toulouse-lautrec_a-day-out-1893 +sketch_and_study,Realism,giovanni-boldini_portrait-of-sarah-bernhardt +sketch_and_study,Realism,ilya-mashkov_the-head-of-laocoon-in-the-profile-1900 +sketch_and_study,Post_Impressionism,vincent-van-gogh_sheet-with-sketches-of-working-people-1890 +sketch_and_study,Expressionism,ernst-ludwig-kirchner_dance-shool +sketch_and_study,Expressionism,oskar-kokoschka_girl-with-a-yellow-headband-1909 +sketch_and_study,Post_Impressionism,vincent-van-gogh_public-garden-with-a-corner-of-the-yellow-house-1888 +sketch_and_study,Symbolism,nicholas-roerich_monhigan-study-1922-27 +sketch_and_study,Symbolism,kuzma-petrov-vodkin_portrait-of-the-artist-s-wife-1912 +sketch_and_study,Romanticism,thomas-cole_study-for-the-pilgrim-of-the-world-on-his-journey +sketch_and_study,Realism,nicholas-roerich_skulls-1901 +sketch_and_study,Baroque,canaletto_campo-san-giovanni-e-paolo-in-venice +sketch_and_study,Northern_Renaissance,albrecht-durer_male-nude-adam +sketch_and_study,Symbolism,nicholas-roerich_order-of-rigden-jyepo-study +sketch_and_study,High_Renaissance,leonardo-da-vinci_masquerader-in-the-guise-of-a-prisoner-jpg +sketch_and_study,Symbolism,akseli-gallen-kallela_spring-study-for-the-jus-lius-mausoleum-frescos-1903 +sketch_and_study,Realism,vasily-surikov_study-to-boyarynya-morozova-2 +sketch_and_study,Realism,valentin-serov_girls-n-a-kasyanova-and-t-a-kasyanova-1907 +sketch_and_study,Northern_Renaissance,albrecht-durer_study-sheet-with-the-attacked-animals +sketch_and_study,Romanticism,fyodor-solntsev_dress-of-the-kiev-girls +sketch_and_study,Post_Impressionism,vincent-van-gogh_field-with-bare-tree(1) +sketch_and_study,Realism,vincent-van-gogh_carpenter-1882(1) +sketch_and_study,Realism,vincent-van-gogh_peasant-woman-binding-sheaves-1885 +sketch_and_study,Realism,vincent-van-gogh_peasant-chopping-1885 +sketch_and_study,Northern_Renaissance,albrecht-durer_the-garment-of-christ +sketch_and_study,Realism,thomas-eakins_studies-of-game-birds-probably-viginia-rails +sketch_and_study,Realism,vincent-van-gogh_peasant-woman-with-a-bucket-1885 +sketch_and_study,Post_Impressionism,vincent-van-gogh_interior-of-a-farm-with-figures-at-the-fireside-1890 +sketch_and_study,Realism,ilya-repin_christ-and-nicodemus-1887 +sketch_and_study,Realism,vincent-van-gogh_group-of-people-on-the-beach-with-fishing-boat-arriving-1882(1) +sketch_and_study,Early_Renaissance,leonardo-da-vinci_design-for-a-flying-machine-1488 +sketch_and_study,Baroque,anthony-van-dyck_titian-s-self-portrait-with-a-young +sketch_and_study,Northern_Renaissance,mabuse_colosseum-1509 +sketch_and_study,Post_Impressionism,vincent-van-gogh_road-with-telegraph-pole-and-crane-1888 +sketch_and_study,Realism,james-tissot_type-of-jew-1889-1 +sketch_and_study,Realism,vincent-van-gogh_peat-diggers-in-the-dunes-1883-1 +sketch_and_study,Symbolism,nicholas-roerich_landscape-with-dragon +sketch_and_study,Cubism,juan-gris_portrait-daniel-henry-kahnweiler-1921 +sketch_and_study,Northern_Renaissance,hans-holbein-the-younger_portrait-of-a-lady-thought-to-be-anne-boleyn +sketch_and_study,Rococo,francois-boucher_seated-nude-1738 +sketch_and_study,Art_Nouveau_Modern,henri-de-toulouse-lautrec_jane-avril-seen-from-the-back-1893 +sketch_and_study,Post_Impressionism,vincent-van-gogh_olive-trees-in-a-mountain-landscape-1889-1 +sketch_and_study,Expressionism,oskar-kokoschka_not_detected_235935 +sketch_and_study,Early_Renaissance,jacopo-bellini_unknown(1) +sketch_and_study,Post_Impressionism,vincent-van-gogh_man-drawing-or-writing-1886 +sketch_and_study,Symbolism,gustav-klimt_two-studies-of-sitting-nudes-1902 +sketch_and_study,Realism,john-singer-sargent_study-of-ezekiel-for-frieze-of-the-prophets +sketch_and_study,Northern_Renaissance,albrecht-durer_upper-body-of-christ-1508 +sketch_and_study,Realism,vincent-van-gogh_honesty-in-a-vase-1885 +sketch_and_study,Realism,vasily-surikov_menshikov-s-head-in-profile-1882 +sketch_and_study,Realism,nicholas-roerich_head-of-a-dog-1893 +sketch_and_study,Northern_Renaissance,albrecht-durer_father-s-robe-god-1 +sketch_and_study,Cubism,julio-gonzalez_homme-cactus-dansant-1939 +sketch_and_study,Northern_Renaissance,rogier-van-der-weyden_scupstoel-1448 +sketch_and_study,Baroque,peter-paul-rubens_portrait-of-a-man-1 +sketch_and_study,Post_Impressionism,vincent-van-gogh_garden-of-the-asylum-and-tree-trunks-and-a-stone-bench-1889(1) +sketch_and_study,Impressionism,henri-edmond-cross_study-for-the-grape-pickers-1 +sketch_and_study,Ukiyo_e,katsushika-hokusai_manga-7 +sketch_and_study,Northern_Renaissance,albrecht-durer_head-of-an-apostle +sketch_and_study,High_Renaissance,raphael_kneeling-nude-woman +sketch_and_study,Post_Impressionism,henri-de-toulouse-lautrec_cassive-jeanne-hading +sketch_and_study,Naive_Art_Primitivism,marc-chagall_the-sacrifice-of-isaac-5 +sketch_and_study,Realism,vincent-van-gogh_austin-friars-church-london(1) +sketch_and_study,Naive_Art_Primitivism,fernand-leger_umbrellas +sketch_and_study,Post_Impressionism,vincent-van-gogh_woman-reading-a-novel-1888 +sketch_and_study,Realism,aleksey-savrasov_gulf-of-finland-1854 +sketch_and_study,Art_Nouveau_Modern,sergey-solomko_age-of-quietest-king-aleksey-mikhailovich +sketch_and_study,Naive_Art_Primitivism,marc-chagall_abraham-and-three-angels-1 +sketch_and_study,Realism,martiros-saryan_armenia-1934 +sketch_and_study,Post_Impressionism,vincent-van-gogh_little-stream-surrounded-by-bushes-1890 +sketch_and_study,Realism,vasily-surikov_strelets-with-cap-1879 +sketch_and_study,Symbolism,nicholas-roerich_monhigan-study-1922-9 +sketch_and_study,Realism,vincent-van-gogh_peasant-woman-at-the-washtub-1885 +sketch_and_study,Realism,isaac-levitan_ruins-of-castle-doria-1890 +sketch_and_study,Fauvism,henri-matisse_study-for-wildlife-the-man-with-the-cluster-1905 +sketch_and_study,Realism,vincent-van-gogh_view-of-royal-road-ramsgate-1876-1 +sketch_and_study,Early_Renaissance,luca-signorelli_head-of-a-poet-wearing-a-cap +sketch_and_study,Baroque,agostino-carracci_penitent-magdalene +sketch_and_study,Realism,eugene-boudin_study-of-cows +sketch_and_study,Post_Impressionism,henri-de-toulouse-lautrec_la-macarona-in-riding-habit-1893 +sketch_and_study,Realism,ilya-repin_a-beggar-with-a-bag-1879 +sketch_and_study,Realism,vincent-van-gogh_head-of-a-young-man(2) +sketch_and_study,Post_Impressionism,vincent-van-gogh_sketch-of-a-woman-with-a-baby-in-her-lap-1890 +sketch_and_study,Expressionism,martiros-saryan_memphis-1911 +sketch_and_study,Impressionism,augustus-john_study-in-provence-1926 +sketch_and_study,Realism,vasily-polenov_paracin-september-28-1876-1876 +sketch_and_study,Expressionism,lucian-freud_portrait-of-stephen-spender +sketch_and_study,Naive_Art_Primitivism,fernand-leger_the-album-circus-1950-46 +sketch_and_study,Baroque,canaletto_grand-canal-looking-north-east-from-santa-croce-to-san-geremia +sketch_and_study,High_Renaissance,andrea-mantegna_project-for-a-monument-to-virgil-1500 +sketch_and_study,Realism,vasily-perov_nikita-pustosvyat-the-dispute-about-the-faith-1880 +sketch_and_study,Expressionism,yiannis-moralis_drawing-of-a-woman +sketch_and_study,Art_Nouveau_Modern,alphonse-mucha_not_detected_227761 +sketch_and_study,Baroque,rembrandt_saskia-with-a-child +sketch_and_study,Cubism,pyotr-konchalovsky_portrait-the-sketch-1913 +sketch_and_study,Symbolism,kuzma-petrov-vodkin_seated-naturschitsa-1908 +sketch_and_study,Realism,vincent-van-gogh_peasant-woman-at-the-washtub-and-peasant-woman-hanging-up-the-laundry-1885 +sketch_and_study,High_Renaissance,michelangelo_satyr-s-head +sketch_and_study,Baroque,francesco-guardi_the-torre-del-orologio-1770 +sketch_and_study,Impressionism,edgar-degas_woman-brushing-her-hair-1 +sketch_and_study,Expressionism,egon-schiele_standing-woman-in-red-1913 +sketch_and_study,Realism,vincent-van-gogh_field-in-a-thunderstorm-1881(1) +sketch_and_study,Post_Impressionism,constantine-maleas_landscape-sketch +sketch_and_study,Post_Impressionism,vincent-van-gogh_orchard-in-bloom-with-view-of-arles-1889 +sketch_and_study,Symbolism,nicholas-roerich_giantess-krimgerd-1915 +sketch_and_study,Expressionism,iosif-iser_tatar-family-1932 +sketch_and_study,Realism,vasily-surikov_the-old-woman-with-a-patterned-headscarf-1886 +sketch_and_study,Expressionism,egon-schiele_woman-with-black-stockings-1912 +sketch_and_study,Realism,nicholas-roerich_sketch-of-two-hunters-in-boat +sketch_and_study,High_Renaissance,leonardo-da-vinci_group-of-riders-in-the-battle-of-anghiari +sketch_and_study,Northern_Renaissance,rogier-van-der-weyden_etude-of-figure-the-evangelist +sketch_and_study,Expressionism,balthus_young-girl-asleep-1994 +sketch_and_study,Rococo,maurice-quentin-de-la-tour_preparation-to-the-portrait-of-anne-julie-boetie-of-st-leger +sketch_and_study,Impressionism,william-merritt-chase_study-of-a-girl-in-a-japanese-dress +sketch_and_study,High_Renaissance,leonardo-da-vinci_a-study-for-an-equestrian-monument +sketch_and_study,Realism,vasily-surikov_study-to-tsarevna-s-visit-of-nunnery-1 +sketch_and_study,Realism,boris-kustodiev_summer-landscape-with-women +sketch_and_study,Post_Impressionism,constantine-maleas_the-anchorage-of-the-idea +sketch_and_study,Post_Impressionism,vincent-van-gogh_zouave-sitting-whole-figure-1888 +sketch_and_study,Realism,vincent-van-gogh_peasant-woman-with-broom-1885-1 +sketch_and_study,Early_Renaissance,jacopo-bellini_nativity +sketch_and_study,Realism,vasily-polenov_tolstoi-and-repin-at-a-meeting-of-the-academy-of-arts-1885 +sketch_and_study,Art_Nouveau_Modern,ferdinand-hodler_swearing-to-the-right-1 +sketch_and_study,Naive_Art_Primitivism,marc-chagall_untitled-1959 +sketch_and_study,Northern_Renaissance,hans-holbein-the-younger_portrait-of-jakob-meyer-zum-hasen-1516 +sketch_and_study,Naive_Art_Primitivism,fernand-leger_the-album-circus-1950-16 +sketch_and_study,Impressionism,pierre-auguste-renoir_woman-with-a-muff +sketch_and_study,Realism,isaac-levitan_bridge-village-savvinskaya +sketch_and_study,Post_Impressionism,vincent-van-gogh_couple-out-for-a-stroll-1887(1) +sketch_and_study,Impressionism,petro-kholodny-(elder)_winter-in-the-forest-sketch-1920 +sketch_and_study,Expressionism,yiannis-tsaroychis_sketch-1 +sketch_and_study,Realism,vasily-polenov_the-cart-with-the-wounded-1876 +sketch_and_study,Naive_Art_Primitivism,marc-chagall_study-to-striking-rock-2 +sketch_and_study,Rococo,jean-honore-fragonard_two-heads-danger +sketch_and_study,Symbolism,nicholas-roerich_figures-in-a-landscape +sketch_and_study,Impressionism,pierre-auguste-renoir_at-the-milliner-s-study +sketch_and_study,Baroque,rembrandt_virgin-and-child-in-the-clouds-1641 +sketch_and_study,Northern_Renaissance,hieronymus-bosch_various-sketches-and-a-beggar-1516 +sketch_and_study,Romanticism,dante-gabriel-rossetti_silence +sketch_and_study,Post_Impressionism,vincent-van-gogh_dance-hall-1885(1) +sketch_and_study,Realism,vincent-van-gogh_breakwater-1883(1) +sketch_and_study,Impressionism,berthe-morisot_study-the-water-s-edge +sketch_and_study,Impressionism,edgar-degas_dancers-at-the-barre-study-1877 +sketch_and_study,Mannerism_Late_Renaissance,giorgio-vasari_abraham-and-the-three-angels +sketch_and_study,Realism,jean-francois-millet_a-hilly-landscape-1867 +sketch_and_study,Realism,john-singer-sargent_heads-hands-and-figure-also-known-as-studies-for-gassed-1918 +sketch_and_study,Naive_Art_Primitivism,marc-chagall_study-to-striking-rock +sketch_and_study,Baroque,rembrandt_a-study-of-a-female-nude-seen-from-the-back-1634 +sketch_and_study,Baroque,rembrandt_the-resurrection-of-lazurus-a-small-plate-1642 +sketch_and_study,Expressionism,arturo-souto_women-crying-1954 +sketch_and_study,High_Renaissance,leonardo-da-vinci_study-of-st-anne-mary-the-christ-child-and-the-young-st-john +sketch_and_study,Realism,ilya-repin_reading-aloud-1878 +sketch_and_study,Symbolism,kuzma-petrov-vodkin_sketch-panel-stepan-razin-1918 +sketch_and_study,High_Renaissance,michelangelo_study-for-the-last-judgement +sketch_and_study,Baroque,rembrandt_the-bathers-1651 +sketch_and_study,Post_Impressionism,vincent-van-gogh_clumps-of-grass-1889(1) +sketch_and_study,Realism,vincent-van-gogh_four-hands(1) +sketch_and_study,Romanticism,dante-gabriel-rossetti_study-for-the-death-of-lady-macbeth +sketch_and_study,Impressionism,mary-cassatt_mother-and-daughter-looking-at-the-baby +sketch_and_study,Symbolism,gustav-klimt_painted-composition-draft-jusisprudenz-1898 +sketch_and_study,Art_Nouveau_Modern,nicholas-roerich_tents +sketch_and_study,Early_Renaissance,jacopo-bellini_unknown +sketch_and_study,Realism,vasily-perov_walkers-seeking-1880 +sketch_and_study,Realism,vasily-surikov_roman-carnival-1884 +sketch_and_study,Post_Impressionism,vincent-van-gogh_pine-trees-near-the-wall-of-the-asylum-1889 +sketch_and_study,Realism,vincent-van-gogh_hand-1885-1(1) +sketch_and_study,Impressionism,eugene-boudin_on-the-beach-1866 +sketch_and_study,Realism,vasily-surikov_the-head-of-soldier-drummer-1898 +sketch_and_study,Expressionism,martiros-saryan_a-street-constantinople-1910-2 +sketch_and_study,Romanticism,edward-burne-jones_pygmalion +sketch_and_study,Post_Impressionism,henri-de-toulouse-lautrec_not_detected_230535 +sketch_and_study,Baroque,rembrandt_one-of-the-two-old-1634 +sketch_and_study,Post_Impressionism,pyotr-konchalovsky_a-sketch-of-a-female-figure-seated-in-a-chair-for-the-portrait-of-actress-vizarova-1917 +sketch_and_study,Symbolism,kuzma-petrov-vodkin_etude-spherical-perspective-1921 +sketch_and_study,Realism,thomas-eakins_studies-of-a-baby +sketch_and_study,Realism,martiros-saryan_in-the-mountains-1962 +sketch_and_study,Symbolism,nicholas-roerich_study-of-walkers-over-the-fire +sketch_and_study,Expressionism,ernst-ludwig-kirchner_women-and-sculptures-on-the-beach +sketch_and_study,Realism,thomas-eakins_studies-for-william-rush-1876-6 +sketch_and_study,Realism,vasily-surikov_stepan-razin +sketch_and_study,Symbolism,nikolaos-gyzis_archangel-study-for-the-foundation-of-faith-1895 +sketch_and_study,Realism,vasily-surikov_head-of-young-lady-1890 +sketch_and_study,Romanticism,fyodor-solntsev_mobleman-clothing-of-the-xvii-century-morning-silk-kaftan +sketch_and_study,Post_Impressionism,vincent-van-gogh_orchard-surrounded-by-cypresses-1888 +sketch_and_study,Post_Impressionism,pyotr-konchalovsky_veliky-novgorod-1926-1 +sketch_and_study,Early_Renaissance,leonardo-da-vinci_studies-of-human-skull-1489 +sketch_and_study,Expressionism,egon-schiele_two-kneeling-figures-parallelogram-1913 +sketch_and_study,Realism,vincent-van-gogh_st-catharina-s-church-at-eindhoven-1885 +sketch_and_study,Realism,nicholas-roerich_study-of-torso +sketch_and_study,Symbolism,kuzma-petrov-vodkin_sketch-of-a-woman-s-head-to-the-picture-mother-1911 +sketch_and_study,Art_Nouveau_Modern,nicholas-roerich_scenery-sketch-for-mussorgsky-s-opera-khovanshchina +sketch_and_study,Early_Renaissance,leonardo-da-vinci_grotesque-profile +sketch_and_study,Naive_Art_Primitivism,marc-chagall_the-creation-of-man-1 +sketch_and_study,Post_Impressionism,paul-gauguin_words-of-the-devil-1892 +sketch_and_study,Realism,martiros-saryan_weaving-the-carpet-1936 +sketch_and_study,Romanticism,francisco-goya_phantom-dancing-with-castanets +sketch_and_study,Realism,fyodor-vasilyev_the-sea-with-ships-1873 +sketch_and_study,Symbolism,nicholas-roerich_sketch-of-mural-with-the-buddhist-theme-for-nicholas-roerich-museum-in-new-york-1927 +sketch_and_study,Impressionism,pierre-auguste-renoir_young-woman-with-a-bun-in-her-hair-1882 +sketch_and_study,Early_Renaissance,jacopo-bellini_dormition-of-the-virgin +sketch_and_study,Post_Impressionism,vincent-van-gogh_sower-and-trunk-of-an-old-yew-tree-1888 +sketch_and_study,Romanticism,edward-burne-jones_olive-maxse +sketch_and_study,Baroque,rembrandt_a-polander-walking-towards-the-right-1635 +sketch_and_study,Romanticism,fyodor-solntsev_royal-clothing-of-the-xvii-century +sketch_and_study,Impressionism,edgar-degas_make-an-attempt-second-version-1877 +sketch_and_study,Post_Impressionism,vincent-van-gogh_clarinetist-and-piccolo-player-1887(1) +sketch_and_study,Post_Impressionism,vincent-van-gogh_trees-with-ivy-1889 +sketch_and_study,Realism,thomas-eakins_study-of-a-girl-s-head +sketch_and_study,Naive_Art_Primitivism,fernand-leger_trouville-1949 +sketch_and_study,Realism,vincent-van-gogh_woodcutter-1885 +sketch_and_study,Impressionism,edgar-degas_woman-combing-her-hair-1894 +sketch_and_study,Symbolism,ferdinand-hodler_standing-draped-figure-1 +sketch_and_study,Realism,vincent-van-gogh_peasant-woman-head-2 +sketch_and_study,Post_Impressionism,vincent-van-gogh_venus +sketch_and_study,Art_Nouveau_Modern,koloman-moser_allegory-of-ver-sacrum-sketch-of-illustration-to-ver-sacrum-101-1898-p-1-1897 +sketch_and_study,Symbolism,frantisek-kupka_study-for-autumn-sun-1905-1 +sketch_and_study,Symbolism,frantisek-kupka_study-of-chapter-1908 +sketch_and_study,Impressionism,pierre-auguste-renoir_study-for-the-croquet-game-1892 +sketch_and_study,Impressionism,edgar-degas_woman-in-blue-portrait-of-mlle-helene-rouart-1886 +sketch_and_study,Realism,vasily-surikov_study-to-the-conquest-of-siberia-by-yermak-2 +sketch_and_study,Realism,john-singer-sargent_torsos-of-two-male-nudes +sketch_and_study,Post_Impressionism,vincent-van-gogh_peasant-digging-1890 +sketch_and_study,Northern_Renaissance,hans-holbein-the-younger_portrait-of-sir-richard-southwell +sketch_and_study,Post_Impressionism,maxime-maufra_belle-ile-castle-1909 +sketch_and_study,Baroque,peter-paul-rubens_the-girl-squatted-down-1618 +sketch_and_study,Post_Impressionism,vincent-van-gogh_public-garden-with-fence-1888 +sketch_and_study,Expressionism,konstantinos-parthenis_victory-triptych-1919 +sketch_and_study,Realism,boris-kustodiev_portrait-of-v-luzhsky-1915 +sketch_and_study,Symbolism,ferdinand-hodler_standing-draped-figure-2 +sketch_and_study,Post_Impressionism,vincent-van-gogh_view-of-a-river-quay-and-bridge-1888 +sketch_and_study,Romanticism,orest-kiprensky_crucifixion-etude-of-two-sitters-1800 +sketch_and_study,Realism,fyodor-vasilyev_abandoned-mill-2-1873 +sketch_and_study,Realism,isaac-levitan_high-riverbank-with-boat-and-planned-bridge-1890 +sketch_and_study,Post_Impressionism,vincent-van-gogh_sketch-of-women-in-a-field-1890 +sketch_and_study,Realism,thomas-eakins_nine-studies-of-a-figure +sketch_and_study,Symbolism,nicholas-roerich_mountain-landscape-1929 +sketch_and_study,Impressionism,gustave-caillebotte_paris-a-rainy-day +sketch_and_study,Post_Impressionism,victor-borisov-musatov_cherry-trees-in-blossom-1901 +sketch_and_study,Realism,edouard-manet_woman-writing +sketch_and_study,Realism,vasily-perov_court-pugacheva-1 +sketch_and_study,Symbolism,martiros-saryan_mountains-1934 +sketch_and_study,Realism,vasily-perov_etude-lying-to-the-boy-s-painting-the-court-pugachev +sketch_and_study,Naive_Art_Primitivism,marc-chagall_moses-with-the-burning-bush +sketch_and_study,Expressionism,lucian-freud_girl-s-head +sketch_and_study,Romanticism,orest-kiprensky_tiburtine-sibyl-1817 +sketch_and_study,Northern_Renaissance,albrecht-durer_study-sheet-with-six-nude-figures-1515 +sketch_and_study,Romanticism,edward-burne-jones_song-of-love-1877 +sketch_and_study,Realism,david-burliuk_head-of-a-woman +sketch_and_study,Romanticism,paul-cezanne_the-gravediggers-1870 +sketch_and_study,Realism,isaac-levitan_the-trunk-of-an-old-tree-1883 +sketch_and_study,Baroque,claude-lorrain_drawing-of-mules-including-one-full-length +sketch_and_study,Northern_Renaissance,hieronymus-bosch_death-and-the-miser-1 +sketch_and_study,Cubism,fernand-leger_man-in-town +sketch_and_study,Symbolism,nicholas-roerich_himalayas-study-1934-2 +sketch_and_study,Pointillism,henri-edmond-cross_study-for-the-clearing +sketch_and_study,Northern_Renaissance,albrecht-durer_rear-view-of-the-female-1528 +sketch_and_study,Symbolism,nicholas-roerich_procopius-the-righteous-is-praying-of-unknown-navigating-1914 +sketch_and_study,Baroque,rembrandt_saskia-asleep-in-bed +sketch_and_study,Realism,ivan-shishkin_tree-roots +sketch_and_study,Rococo,maurice-quentin-de-la-tour_study-of-the-portrait-2 +sketch_and_study,Northern_Renaissance,hans-baldung_three-swabian-castles-1515 +sketch_and_study,Realism,vincent-van-gogh_peasant-woman-head-6 +sketch_and_study,Realism,boris-kustodiev_seeing-off-m-v-dobuzhinsky-in-europe-1924 +sketch_and_study,Naive_Art_Primitivism,marc-chagall_striking-the-rock-4 +sketch_and_study,Post_Impressionism,suzanne-valadon_mother-and-daughter-after-the-bath-ii-1908 +sketch_and_study,Realism,boris-kustodiev_spring-1919 +sketch_and_study,Symbolism,odilon-redon_profile-1 +sketch_and_study,Expressionism,martiros-saryan_lori-1936 +sketch_and_study,Realism,vasily-surikov_study-to-tsarevna-s-visit-of-nunnery +sketch_and_study,Realism,vasily-perov_gogol-is-supported-by-the-figures-of-his-works-to-the-grave-1873 +sketch_and_study,Expressionism,martiros-saryan_family-1922 +sketch_and_study,Northern_Renaissance,albrecht-durer_study-sheets-with-children-s-heads +sketch_and_study,Realism,valentin-serov_self-portrait-1881 +sketch_and_study,Expressionism,egon-schiele_madame-sohn-1918 +sketch_and_study,Realism,ivan-shishkin_over-water +sketch_and_study,Expressionism,johannes-itten_formfiguren-1936 +sketch_and_study,Expressionism,balthus_girl-kneeling-her-arms-on-a-chair +sketch_and_study,Post_Impressionism,vincent-van-gogh_lady-with-checked-dress-and-hat-1890 +sketch_and_study,Romanticism,dante-gabriel-rossetti_drawing-1882 +sketch_and_study,Expressionism,ernst-ludwig-kirchner_dance-group-of-the-mary-wigman-school-in-dresden +sketch_and_study,Realism,john-singer-sargent_figure-of-a-child +sketch_and_study,Realism,vincent-van-gogh_weaver-facing-left-1884 +sketch_and_study,Naive_Art_Primitivism,marc-chagall_study-to-striking-rock-1 +sketch_and_study,Realism,valentin-serov_portrait-of-izabella-grunberg-1910 +sketch_and_study,Northern_Renaissance,albrecht-durer_the-mantle-of-the-pope +sketch_and_study,Realism,martiros-saryan_arzni-1942-1 +sketch_and_study,Northern_Renaissance,albrecht-durer_christ-on-the-cross-1 +sketch_and_study,Realism,nicholas-roerich_jalnik-1915 +sketch_and_study,Baroque,jacob-jordaens_study-of-two-female-heads-and-torso-of-a-warrior-1623 +sketch_and_study,Expressionism,egon-schiele_semi-nude-back-view-1918 +sketch_and_study,Realism,vincent-van-gogh_feet-1885-1(1) +sketch_and_study,Art_Nouveau_Modern,alphonse-mucha_head-of-a-girl +sketch_and_study,Realism,vincent-van-gogh_plate-with-cutlery-and-a-kettle-1885 +sketch_and_study,Realism,vincent-van-gogh_the-church-in-nuenen-in-winter-1883 +sketch_and_study,Northern_Renaissance,albrecht-durer_study-sheet-with-christ-as-man-of-sorrows-and-a-garment-study +sketch_and_study,Northern_Renaissance,hans-baldung_artist-1544 +sketch_and_study,High_Renaissance,leonardo-da-vinci_views-of-a-foetus-in-the-womb-jpg +sketch_and_study,Baroque,gian-lorenzo-bernini_st-jerome(3) +sketch_and_study,Impressionism,arkhip-kuindzhi_forest-glade +sketch_and_study,Realism,vasily-surikov_menshikov-in-berezovo +sketch_and_study,Northern_Renaissance,albrecht-durer_view-of-heroldsberg-1510 +sketch_and_study,Impressionism,mary-cassatt_sketch-of-mother-looking-down-at-thomas-1915 +sketch_and_study,Expressionism,pablo-picasso_picasso-and-s-junier-vidal-sitting-near-celestina-1904 +sketch_and_study,Romanticism,dante-gabriel-rossetti_annie-miller-1877 +sketch_and_study,Expressionism,paula-modersohn-becker_portrait-of-clara-rilke-westhoff +sketch_and_study,Realism,vincent-van-gogh_seated-female-nude +sketch_and_study,Symbolism,nicholas-roerich_sketch-of-galley-1919 +sketch_and_study,Realism,vasily-surikov_boyarynya-morozova-study +sketch_and_study,Symbolism,konstantin-bogaevsky_ufut-qale-1902 +sketch_and_study,Post_Impressionism,walter-sickert_the-straw-hat +sketch_and_study,Impressionism,joaquã­n-sorolla_orchard-house-valencia-study-1908 +sketch_and_study,Impressionism,pierre-auguste-renoir_georgette-charpentier-standing-1880 +sketch_and_study,Mannerism_Late_Renaissance,jacopo-pontormo_adam-and-eve-at-work +sketch_and_study,Impressionism,pierre-auguste-renoir_small-house-buttercups-and-diverse-flowers-study +sketch_and_study,Art_Nouveau_Modern,nicholas-roerich_ledenets-1919-2 +sketch_and_study,Romanticism,william-holman-hunt_the-lady-of-shalott-1 +sketch_and_study,Realism,vincent-van-gogh_sien-nursing-baby-1882-1 +sketch_and_study,Expressionism,jury-annenkov_spire-and-trees-1945 +sketch_and_study,Rococo,benjamin-west_two-angels-singing +sketch_and_study,Impressionism,pierre-auguste-renoir_study-of-a-statuette-by-maillol +sketch_and_study,Realism,boris-kustodiev_portrait-of-nikolay-monakhov-1926 +sketch_and_study,Cubism,pyotr-konchalovsky_abramtsevo-the-boys-at-the-river-drawing-for-the-painting-boys-bathing-1920 +sketch_and_study,Symbolism,martiros-saryan_armenia-1970 +sketch_and_study,Realism,boris-kustodiev_agitator-man-with-arm-raised-1906 +sketch_and_study,Early_Renaissance,paolo-uccello_the-battle-of-san-romano-1 +sketch_and_study,Realism,theodore-rousseau_landscape-3 +sketch_and_study,Symbolism,ferdinand-hodler_standing-warrior +sketch_and_study,High_Renaissance,michelangelo_studies-for-pieta-or-the-last-judgement +sketch_and_study,Realism,james-tissot_armenians-1889 +sketch_and_study,Realism,edgar-degas_portrait-of-a-woman-1 +sketch_and_study,New_Realism,edward-hopper_the-monhegan-boat +sketch_and_study,Impressionism,edgar-degas_young-woman-in-street-dress-1872 +sketch_and_study,Expressionism,egon-schiele_clothed-woman-reclining +sketch_and_study,Realism,ilya-repin_interior-etude-1883 +sketch_and_study,Post_Impressionism,vincent-van-gogh_olive-trees-1888 +sketch_and_study,Realism,boris-kustodiev_portrait-of-f-i-chaliapin-1921 +sketch_and_study,Post_Impressionism,henri-de-toulouse-lautrec_woman-combing-her-hair-1896 +sketch_and_study,Rococo,maurice-quentin-de-la-tour_preparation-to-the-portrait-of-madame-de-pompadour +sketch_and_study,Impressionism,edgar-degas_portrait-of-giulia-bellelli-sketch-1860 +sketch_and_study,Symbolism,felicien-rops_study-for-the-temptation-of-st-anthony-1878 +sketch_and_study,Northern_Renaissance,rogier-van-der-weyden_virgin-and-child-3 +sketch_and_study,Impressionism,edgar-degas_dancer-with-a-fan-study +sketch_and_study,Expressionism,yiannis-tsaroychis_first-idea-for-the-spirit-of-boredom-above-piraeus-1968 +sketch_and_study,Post_Impressionism,vincent-van-gogh_study-of-a-woman-standing-two-heads-another-figure-1890 +sketch_and_study,Realism,boris-kustodiev_portrait-of-an-unknown-woman-1906 +sketch_and_study,Post_Impressionism,vincent-van-gogh_sheet-with-sketches-of-a-digger-and-other-figures-1890 +sketch_and_study,Baroque,rembrandt_simeon-s-hymn-of-praise-1630 +sketch_and_study,Northern_Renaissance,albrecht-durer_female-nude +sketch_and_study,Romanticism,william-turner_ship-in-a-storm-1845 +sketch_and_study,Naive_Art_Primitivism,fernand-leger_study-for-the-bathers +sketch_and_study,Expressionism,paula-modersohn-becker_portrait-of-a-woman-with-pitcher +sketch_and_study,Realism,ivan-shishkin_rocks-on-the-island-of-valaam-kukko-1859 +sketch_and_study,High_Renaissance,raphael_study-for-st-paul-preaching-in-athens-1515 +sketch_and_study,Symbolism,kuzma-petrov-vodkin_boy-jumping-into-water-1913 +sketch_and_study,Realism,james-tissot_judaic-ornament-rosette-1889 +sketch_and_study,Realism,ivan-shishkin_fir-in-sunlight +sketch_and_study,Romanticism,pierre-paul-prud'hon_justice-and-divine-vengeance-pursuing-crime-study-1808 +sketch_and_study,Cubism,jose-de-almada-negreiros_tapestry +sketch_and_study,Early_Renaissance,paolo-uccello_vase-in-perspective +sketch_and_study,Post_Impressionism,vincent-van-gogh_sheet-with-people-sitting-on-chairs-1890 +sketch_and_study,Realism,nicholas-roerich_study-1901-1 +sketch_and_study,Baroque,annibale-carracci_sheet-of-caricatures +sketch_and_study,Symbolism,nicholas-roerich_the-pact-of-culture-study-1931 +sketch_and_study,Symbolism,konstantin-somov_sketch-of-book-cover +sketch_and_study,Art_Nouveau_Modern,ferdinand-hodler_two-swearing +sketch_and_study,Impressionism,pierre-auguste-renoir_landscape-with-trees-1 +sketch_and_study,Realism,valentin-serov_maria-mamontova-riding-a-horse-1884 +sketch_and_study,Romanticism,viktor-vasnetsov_alenushka-1881 +sketch_and_study,Rococo,maurice-quentin-de-la-tour_portrait-of-jean-le-rond-d-alembert-1753 +sketch_and_study,Naive_Art_Primitivism,yiannis-tsaroychis_study-for-a-wall-hanging-with-a-theme-from-elytis-s-poem-axion-esti-1965 +sketch_and_study,Cubism,pyotr-konchalovsky_violinist-1918 +sketch_and_study,Symbolism,nicholas-roerich_monhigan-study-1922-31 +sketch_and_study,Naive_Art_Primitivism,david-burliuk_ophelia-1965 +sketch_and_study,Northern_Renaissance,albrecht-durer_design-for-the-fugger-chapel-in-augsburg-samson-fighting-the-philistines +sketch_and_study,Impressionism,federico-zandomeneghi_woman-on-an-armchair +sketch_and_study,Realism,theodore-rousseau_a-path-in-the-forest +sketch_and_study,Realism,ivan-shishkin_grove-on-the-shore-of-the-pond +sketch_and_study,Post_Impressionism,vincent-van-gogh_sketch-of-an-eroded-garden-wall-ornament-1890 +sketch_and_study,Abstract_Expressionism,salvador-dali_study-for-deoxyribonucleic-acid-arabs-1 +sketch_and_study,Impressionism,pierre-auguste-renoir_woman-with-guitar +sketch_and_study,Realism,vincent-van-gogh_peasant-woman-1885 +sketch_and_study,Realism,vincent-van-gogh_hands-1885-2(1) +sketch_and_study,Post_Impressionism,pyotr-konchalovsky_seated-nude +sketch_and_study,Romanticism,nikolaos-gyzis_drawing +sketch_and_study,High_Renaissance,raphael_study-for-the-holy-family-1518 +sketch_and_study,Post_Impressionism,vincent-van-gogh_hill-with-bushes-1888 +sketch_and_study,Rococo,maurice-quentin-de-la-tour_study-for-portrait-of-mademoiselle-dangeville +sketch_and_study,Realism,vincent-van-gogh_bench-with-four-persons-1882(1) +sketch_and_study,Realism,isaac-levitan_by-the-whirlpool-1891 +sketch_and_study,Post_Impressionism,vincent-van-gogh_wheat-field-with-setting-sun-1888 +sketch_and_study,Romanticism,nikolai-ge_death-of-virginia-study-1 +sketch_and_study,Realism,boris-kustodiev_portrait-of-k-b-kustodiev-1917 +sketch_and_study,Romanticism,karl-bryullov_the-last-day-of-pompeii-2-1830 +sketch_and_study,Realism,james-tissot_the-round-stone-seen-from-the-interior-1889 +sketch_and_study,Mannerism_Late_Renaissance,titian_angel-of-the-annunciation +sketch_and_study,High_Renaissance,leonardo-da-vinci_sedge-jpg +sketch_and_study,Post_Impressionism,pierre-bonnard_two-friends +sketch_and_study,Cubism,theo-van-doesburg_composition-the-cow-7 +sketch_and_study,Rococo,maurice-quentin-de-la-tour_preparation-to-the-portrait-of-mrs-rougeau +sketch_and_study,Art_Nouveau_Modern,zinaida-serebriakova_four-female-figures-1916 +sketch_and_study,Realism,boris-kustodiev_mason-1924 +sketch_and_study,Realism,vincent-van-gogh_sunset-over-a-meadow-1882 +sketch_and_study,Cubism,georges-braque_still-life-bach-1912 +sketch_and_study,High_Renaissance,leonardo-da-vinci_study-for-the-last-supper-judas +sketch_and_study,Cubism,fernand-leger_the-moulin-rouge +sketch_and_study,Romanticism,eugene-delacroix_sketch-for-the-death-of-sardanapalus-1827(1) +sketch_and_study,Post_Impressionism,vincent-van-gogh_memory-of-the-garden-at-etten-1888 +sketch_and_study,Northern_Renaissance,hans-holbein-the-younger_jeanne-de-boulogne-duchess-of-berry-1524 +sketch_and_study,Symbolism,ferdinand-hodler_the-german-students-in-the-war-of-liberation-of-1813-1908-1 +sketch_and_study,Expressionism,egon-schiele_old-houses-in-krumau-1914 +sketch_and_study,Symbolism,kuzma-petrov-vodkin_youth-1915 +sketch_and_study,Expressionism,theo-van-doesburg_krishna-playing-a-flute-1916 +sketch_and_study,Realism,vincent-van-gogh_the-vicarage-garden-1884 +sketch_and_study,Realism,vasily-perov_night-in-the-hut-sketch-for-sleeping-children +sketch_and_study,Art_Nouveau_Modern,henri-de-toulouse-lautrec_extra-in-the-folies-bergere-revue-1896 +sketch_and_study,Realism,ivan-shishkin_pines-1895 +sketch_and_study,Naive_Art_Primitivism,marc-chagall_the-sacrifice-of-isaac-1 +sketch_and_study,Realism,valentin-serov_portrait-of-izabella-grunberg-1910-1 +sketch_and_study,Post_Impressionism,henri-de-toulouse-lautrec_study-for-the-laundress-1888 +sketch_and_study,Realism,ilya-repin_woman-s-head-v-a-repina-lying-in-bed-1872 +sketch_and_study,Post_Impressionism,vincent-van-gogh_several-figures-on-a-road-with-trees-1890 +sketch_and_study,Realism,pyotr-konchalovsky_two-sketches-of-italian-pianist-carlo-tsekki-at-the-piano-for-a-portrait-1930 +sketch_and_study,Naive_Art_Primitivism,fernand-leger_the-album-circus-1950-44 +sketch_and_study,Realism,isaac-levitan_a-creek +sketch_and_study,Realism,thomas-eakins_illustrated-letter-written-to-his-family-1866 +sketch_and_study,Realism,nicholas-roerich_sketch-of-landscape-and-clouds-1 +sketch_and_study,Realism,vincent-van-gogh_the-schenkweg-1882 +sketch_and_study,Impressionism,nutzi-acontz_the-sleep +sketch_and_study,Art_Nouveau_Modern,gustav-klimt_study-for-philosophy-1899 +sketch_and_study,Realism,vincent-van-gogh_two-sketches-of-a-man-leaning-on-his-spade-1867 +sketch_and_study,Realism,vincent-van-gogh_woman-on-a-road-with-pollard-willows-1882 +sketch_and_study,Early_Renaissance,pisanello_horses-1433 +sketch_and_study,Symbolism,james-mcneill-whistler_sketch-for-annabel-lee +sketch_and_study,Romanticism,karl-bryullov_portrait-of-alexander-bruloff(1) +sketch_and_study,Impressionism,pierre-auguste-renoir_on-the-beach-1898 +sketch_and_study,Expressionism,ernst-ludwig-kirchner_three-faces +sketch_and_study,Realism,vincent-van-gogh_two-women-in-a-balcony-box-1885 +sketch_and_study,Post_Impressionism,vincent-van-gogh_the-town-hall-at-auvers-1890 +sketch_and_study,Realism,vincent-van-gogh_peasant-woman-lifting-potatoes-4-1885 +sketch_and_study,Realism,aleksey-savrasov_trees-near-the-water-branches-of-trees +sketch_and_study,Cubism,nikos-hadjikyriakos-ghikas_the-first-morning-of-the-world-stage-design-for-the-dance-drama-persephone-1961 +sketch_and_study,Expressionism,martiros-saryan_egyptian-woman-1911 +sketch_and_study,Realism,thomas-eakins_sketch-for-mr-neelus-peeler0s-conditions-1879 +sketch_and_study,High_Renaissance,leonardo-da-vinci_drapery-for-a-seated-figure-1 +sketch_and_study,Romanticism,orest-kiprensky_portrait-of-a-sister-anna-schwalbe-1807 +sketch_and_study,Expressionism,martiros-saryan_willow-tree-and-herd-1925 +sketch_and_study,Mannerism_Late_Renaissance,jacopo-pontormo_study-to-moses-receiving-the-tablets-of-law +sketch_and_study,Symbolism,martiros-saryan_armenia-1923-1 +sketch_and_study,Realism,ivan-shishkin_pines-on-the-beach-1877 +sketch_and_study,Realism,vasily-perov_mother-with-sick-child-1878 +sketch_and_study,Expressionism,martiros-saryan_walking-woman-1911 +sketch_and_study,Baroque,rembrandt_an-old-man-with-a-bushy-beard-1630 +sketch_and_study,Impressionism,pierre-auguste-renoir_young-woman +sketch_and_study,Romanticism,orest-kiprensky_pagan-priests-killing-the-first-kiev-christians-in-the-temple-of-perun-1803-1 +sketch_and_study,Realism,vincent-van-gogh_sower-with-basket-1881 +sketch_and_study,Realism,thomas-eakins_studies-for-william-rush-1876-4 +sketch_and_study,Early_Renaissance,jacopo-bellini_sketch-of-figures-and-scenes-from-the-antique-age +sketch_and_study,Romanticism,orest-kiprensky_putto-with-a-globe +sketch_and_study,Realism,boris-kustodiev_on-the-bridge-the-wife-and-daughter-of-the-artist-1917 +sketch_and_study,Realism,john-singer-sargent_figure-studies-of-a-male-youth +sketch_and_study,Symbolism,kuzma-petrov-vodkin_sketch-for-the-painting-bathing-the-red-horse-1912 +sketch_and_study,Expressionism,david-alfaro-siqueiros_the-torment-of-cuauhtemoc-sketch +sketch_and_study,Symbolism,nicholas-roerich_monhigan-study-1922-22 +sketch_and_study,Realism,martiros-saryan_armenian-landscape-1968 +sketch_and_study,Post_Impressionism,vincent-van-gogh_sketches-of-a-cottage-and-figures-2-1890 +sketch_and_study,Early_Renaissance,domenico-ghirlandaio_study +sketch_and_study,Art_Nouveau_Modern,raphael-kirchner_sketch-for-single-items +sketch_and_study,Realism,vasily-surikov_tatar-s-heads-old-and-young-1893 +sketch_and_study,High_Renaissance,michelangelo_study-to-battle-of-cascina-1504-1 +sketch_and_study,Naive_Art_Primitivism,marc-chagall_the-creation-of-man-6 +sketch_and_study,Realism,vincent-van-gogh_peasant-woman-stooping-with-a-spade-digging-up-carrots-1885 +sketch_and_study,Expressionism,martiros-saryan_in-yerevan-1908 +sketch_and_study,Post_Impressionism,vincent-van-gogh_sheet-with-numerous-sketches-of-working-people-1890 +sketch_and_study,Symbolism,george-frederick-watts_study-of-idle-child-of-fancy +sketch_and_study,Expressionism,martiros-saryan_surb-khach-1914 +sketch_and_study,Realism,vincent-van-gogh_scheveningen-women-and-other-people-under-umbrellas-1882 +sketch_and_study,Early_Renaissance,jacopo-bellini_sketch-of-young-deer +sketch_and_study,Symbolism,ferdinand-hodler_fusilier-marching-to-the-left-1909 +sketch_and_study,Northern_Renaissance,albrecht-durer_studies-of-a-calvary +sketch_and_study,Expressionism,lucian-freud_blond-girl +sketch_and_study,High_Renaissance,leonardo-da-vinci_study-for-the-head-of-leda +sketch_and_study,Realism,ivan-shishkin_trees +sketch_and_study,Expressionism,martiros-saryan_bank-of-the-nile-1911 +sketch_and_study,Naive_Art_Primitivism,marc-chagall_the-exodus-from-egypt-1931 +sketch_and_study,Baroque,rembrandt_a-woman-sitting-up-in-bed +sketch_and_study,Cubism,theo-van-doesburg_composition-the-cow-1 +sketch_and_study,Realism,vincent-van-gogh_peasant-lifting-potatoes-1885 +sketch_and_study,Realism,ilya-repin_sketches-of-leo-tolstoy-1891 +sketch_and_study,Baroque,rembrandt_a-woman-with-a-child-frightened-by-a-dog-1636 +sketch_and_study,Northern_Renaissance,petrus-christus_portrait-of-a-man-with-a-falcon +sketch_and_study,Expressionism,henri-matisse_music-sketch-1907 +sketch_and_study,Realism,jean-francois-millet_farm-on-the-hills-of-the-ardoisi-re-near-cusset +sketch_and_study,Mannerism_Late_Renaissance,maerten-van-heemskerck_st-peter-s-basilica-seen-from-east-1535 +sketch_and_study,Impressionism,federico-zandomeneghi_dressing-before-the-mirror +sketch_and_study,Baroque,rembrandt_polander-leaning-on-a-stick-1632 +sketch_and_study,Impressionism,pierre-auguste-renoir_girl-with-red-stockings-1886 +sketch_and_study,Realism,james-tissot_type-of-jew-1889-5 +sketch_and_study,Symbolism,kuzma-petrov-vodkin_sketch-for-a-picture-of-mother +sketch_and_study,Expressionism,yiannis-tsaroychis_taverna-at-perama-with-dancing-to-a-juke-box-1957 +sketch_and_study,Realism,boris-kustodiev_drawing-hand-to-the-picture-merchant-s-wife-1915 +sketch_and_study,Impressionism,pierre-auguste-renoir_two-women-in-red-robes-1895 +sketch_and_study,Romanticism,pierre-paul-prud'hon_head-of-divine-vengeance +sketch_and_study,Post_Impressionism,vincent-van-gogh_a-bare-treetop-in-the-garden-of-the-asylum-1889(1) +sketch_and_study,Cubism,theo-van-doesburg_composition-with-three-heads-from-sketchbook-13 +sketch_and_study,Impressionism,james-mcneill-whistler_nocturne-san-giorgio +sketch_and_study,Realism,vincent-van-gogh_woman-with-wheelbarrow-at-night-1884 +sketch_and_study,Romanticism,karl-bryullov_portrait-of-a-young-woman-embroidering-1832(1) +sketch_and_study,Realism,boris-kustodiev_portrait-of-i-i-sadofev-1926 +sketch_and_study,Baroque,rembrandt_christ-and-the-canaanite-woman-1650 +sketch_and_study,Cubism,theo-van-doesburg_composition-the-cow-4 +sketch_and_study,Naive_Art_Primitivism,marc-chagall_study-to-moses-with-the-burning-bush +sketch_and_study,Realism,vasily-perov_procession-on-easter-sketch-for-the-painting-1860 +sketch_and_study,Cubism,fernand-leger_the-tug-in-the-city +sketch_and_study,Impressionism,marie-bracquemond_study-for-the-lady-in-white-drawing +sketch_and_study,Romanticism,thomas-cole_landscape-with-tower-from-mcguire-scrapbook +sketch_and_study,Northern_Renaissance,hans-holbein-the-younger_studies-of-the-hands-of-erasmus-of-rotterdam +sketch_and_study,Realism,vincent-van-gogh_torso-of-venus-1 +sketch_and_study,High_Renaissance,leonardo-da-vinci_rearing-horse +sketch_and_study,Romanticism,vasily-tropinin_not_detected_241124 +sketch_and_study,Expressionism,ernst-ludwig-kirchner_study-of-a-head +sketch_and_study,Impressionism,edgar-degas_two-dancers-2 +sketch_and_study,Realism,vincent-van-gogh_two-studies-of-a-cottage-1885 +sketch_and_study,Realism,vasily-surikov_head-of-khakasy-1893 +sketch_and_study,Symbolism,nicholas-roerich_sketch-for-tale-of-tsar-saltan-1919-4 +sketch_and_study,Post_Impressionism,pyotr-konchalovsky_the-model-sitting-back-1935 +sketch_and_study,Impressionism,pierre-auguste-renoir_study-for-scene-from-tannhauser +sketch_and_study,Realism,thomas-eakins_studies-for-william-rush-1876 +sketch_and_study,Expressionism,ernst-ludwig-kirchner_head-bosshart +sketch_and_study,Realism,vincent-van-gogh_two-hands-3 +sketch_and_study,Impressionism,max-slevogt_the-dancer-marietta-di-rigardo +sketch_and_study,Baroque,rembrandt_portrait-of-titus-rembrandt-s-son-1652 +sketch_and_study,Post_Impressionism,vincent-van-gogh_park-view +sketch_and_study,Northern_Renaissance,albrecht-durer_hands-of-an-apostle +sketch_and_study,Realism,boris-kustodiev_children-1900 +sketch_and_study,Realism,thomas-eakins_portrait-4 +sketch_and_study,Mannerism_Late_Renaissance,giorgio-vasari_design-for-the-facade-of-palazzo-ramirez-de-montalvo +sketch_and_study,Art_Nouveau_Modern,nicholas-roerich_arrows-of-sky-spears-of-land-1915-1 +sketch_and_study,Romanticism,thomas-cole_study-for-dream-of-arcadia-1838 +sketch_and_study,Naive_Art_Primitivism,marc-chagall_the-sacrifice-of-isaac +sketch_and_study,High_Renaissance,leonardo-da-vinci_drawing-of-a-woman-s-torso +sketch_and_study,Naive_Art_Primitivism,fernand-leger_the-cancan +sketch_and_study,Realism,ivan-shishkin_forest-1 +sketch_and_study,Realism,john-singer-sargent_head-of-a-neapolitan-boy-1879 +sketch_and_study,Expressionism,georges-braque_flower-study-1909 +sketch_and_study,Naive_Art_Primitivism,marc-chagall_the-creation-of-man-3 +sketch_and_study,Realism,nicholas-roerich_study-1901 +sketch_and_study,Realism,ivan-shishkin_broken-birch-1872 +sketch_and_study,Post_Impressionism,vincent-van-gogh_a-woman-s-legs(1) +sketch_and_study,Symbolism,nicholas-roerich_monhigan-study-1922-30 +sketch_and_study,Realism,vincent-van-gogh_peasant-with-walking-stick-and-little-sketch-of-the-same-figure-1885 +sketch_and_study,Symbolism,nicholas-roerich_monhigan-study-1922-6 +sketch_and_study,Symbolism,ferdinand-hodler_lake-thun-from-the-path-to-the-plate-schynigen-1908-1 +sketch_and_study,Realism,isaac-levitan_huts-1899-1 +sketch_and_study,Art_Nouveau_Modern,henri-de-toulouse-lautrec_conversation-1899 +sketch_and_study,Symbolism,nicholas-roerich_monhigan-study-1922-21 +sketch_and_study,Realism,nicholas-roerich_study-of-boy +sketch_and_study,High_Renaissance,michelangelo_the-fall-of-phaeton-1533 +sketch_and_study,High_Renaissance,michelangelo_study-for-a-resurrection-of-christ-1533 +sketch_and_study,Expressionism,paula-modersohn-becker_reclining-mother-and-child-1906-1 +sketch_and_study,Post_Impressionism,vincent-van-gogh_public-garden-with-benches-1888 +sketch_and_study,Mannerism_Late_Renaissance,parmigianino_young-man-seen-from-behind-face-in-profile +sketch_and_study,Realism,boris-kustodiev_boy-with-dog-portrait-of-cyril-kustodiev-son-of-the-artist-1915 +sketch_and_study,Impressionism,valentin-serov_sketch-for-a-portrait-of-p-i-scherbatova-1911 +sketch_and_study,Expressionism,umberto-boccioni_seated-woman +sketch_and_study,Realism,thomas-eakins_studies-for-william-rush-1876-2 +sketch_and_study,Realism,vasily-polenov_pharaoh-s-palace-1880 +sketch_and_study,Realism,vasily-perov_melting-snow-maiden-sketch +sketch_and_study,Romanticism,viktor-vasnetsov_bayan-sketch-1880 +sketch_and_study,Realism,vincent-van-gogh_garbage-dump-1883-1(1) +sketch_and_study,Post_Impressionism,vincent-van-gogh_two-pinetrees-1889 +sketch_and_study,Realism,vincent-van-gogh_peasant-woman-kneeling-with-chopper-1885 +sketch_and_study,Realism,valentin-serov_october-1898 +sketch_and_study,Art_Nouveau_Modern,nicholas-roerich_procopius-the-righteous-removes-a-cloud-of-stone-from-the-great-ustyug-1912 +sketch_and_study,Impressionism,pierre-auguste-renoir_two-women-with-umbrellas +sketch_and_study,Realism,vasily-perov_labor-family +sketch_and_study,Impressionism,edgar-degas_seated-dancer-adjusting-her-shoes +sketch_and_study,Post_Impressionism,vincent-van-gogh_joseph-roulin-three-quarter-length-1888 +sketch_and_study,Impressionism,joaquã­n-sorolla_the-christening-1899 +sketch_and_study,Northern_Renaissance,albrecht-durer_study-of-a-christ-on-the-mount-of-olives +sketch_and_study,Naive_Art_Primitivism,marc-chagall_study-to-the-jacob-s-dream-3 +sketch_and_study,Realism,vasily-surikov_krasnoyarsk-kachinskaya-street-1893 +sketch_and_study,Naive_Art_Primitivism,marc-chagall_the-creation-of-man-8 +sketch_and_study,Romanticism,frederic-edwin-church_birch-trees-in-autumn-1865 +sketch_and_study,Post_Impressionism,vincent-van-gogh_rocks-with-oak-tree-1888 +sketch_and_study,Post_Impressionism,vincent-van-gogh_cottages-with-a-woman-working-in-the-foreground-1890-1(1) +sketch_and_study,Post_Impressionism,vincent-van-gogh_windmill-at-montmartre-1886 +sketch_and_study,Realism,vincent-van-gogh_prayer-before-the-meal-1882 +sketch_and_study,High_Renaissance,leonardo-da-vinci_manuscript-page-on-the-sforza-monument +sketch_and_study,Post_Impressionism,vincent-van-gogh_the-roofs-of-paris-and-notre-dame-1886 +sketch_and_study,Cubism,pyotr-konchalovsky_abramtsevo-the-trees-1920 +sketch_and_study,Baroque,rembrandt_drawing-of-the-last-supper-1635 +sketch_and_study,Symbolism,nicholas-roerich_kulu-valley-1929 +sketch_and_study,Romanticism,viktor-vasnetsov_chapel-over-the-tomb-of-alexander-mamontov-in-abramtsevo-1891 +sketch_and_study,Post_Impressionism,vincent-van-gogh_the-viaduct-and-the-trinquetaille-bridge-1888 +sketch_and_study,Northern_Renaissance,hieronymus-bosch_saint-christopher-1 +sketch_and_study,Post_Impressionism,vincent-van-gogh_couple-arm-in-arm-and-other-figures-with-a-windmill-in-the-background-1890(1) +sketch_and_study,Realism,boris-kustodiev_senator-p-a-saburov-1902 +sketch_and_study,Symbolism,nicholas-roerich_sketch-for-tale-of-tsar-saltan-1919-2 +sketch_and_study,Post_Impressionism,vincent-van-gogh_hill-with-the-ruins-of-montmajour-1888 +sketch_and_study,Realism,vincent-van-gogh_two-boys-near-a-cart-1882 +sketch_and_study,Naive_Art_Primitivism,marc-chagall_moses-with-the-burning-bush-3 +sketch_and_study,Impressionism,anton-azbe_in-a-studio-1905 +sketch_and_study,Realism,umberto-boccioni_study-from-pontormo +sketch_and_study,Realism,boris-kustodiev_portrait-of-yevgeny-zamyatin-1923 +sketch_and_study,Realism,vasily-surikov_stepan-razin-1 +sketch_and_study,Northern_Renaissance,albrecht-durer_john +sketch_and_study,Realism,pyotr-konchalovsky_sketch-of-portrait-of-of-the-writer-sukhotin-1934 +sketch_and_study,Realism,vincent-van-gogh_studies-of-three-peasants-and-a-head-1885 +sketch_and_study,Post_Impressionism,vincent-van-gogh_round-clipped-shrub-in-the-public-garden-1888 +sketch_and_study,Realism,charles-francois-daubigny_river-landscape-creek-crossing-a-wooded-meadow +sketch_and_study,Post_Impressionism,vincent-van-gogh_death-s-head-moth-1889(1) +sketch_and_study,Northern_Renaissance,albrecht-durer_child-s-head-1 +sketch_and_study,Baroque,anthony-van-dyck_nicolaas-rockox +sketch_and_study,Baroque,rembrandt_an-artist-drawing-from-a-model-1648 +sketch_and_study,Northern_Renaissance,hieronymus-bosch_two-witches +sketch_and_study,Post_Impressionism,vincent-van-gogh_cypresses(1) +sketch_and_study,Expressionism,emil-nolde_dancing-couple-1950 +sketch_and_study,Art_Nouveau_Modern,carlos-saenz-de-tejada_sketch-of-two-rowers-ondarroa-vizcaya +sketch_and_study,Symbolism,kuzma-petrov-vodkin_drawing-for-the-painting-death-of-commissioner-1927 +sketch_and_study,Art_Nouveau_Modern,ferdinand-hodler_swearing-from-behind +sketch_and_study,Impressionism,john-henry-twachtman_study-of-a-head +sketch_and_study,Symbolism,kuzma-petrov-vodkin_alyosha-1927 +sketch_and_study,Art_Nouveau_Modern,raphael-kirchner_nude-drawings-16 +sketch_and_study,Impressionism,pierre-auguste-renoir_dame-en-toilette-de-ville-1875 +sketch_and_study,Post_Impressionism,vincent-van-gogh_mask-of-an-egyptian-mummy-1889 +sketch_and_study,High_Renaissance,michelangelo_study-of-nude-man-2 +sketch_and_study,Post_Impressionism,suzanne-valadon_woman-preparing-for-a-bath-1895 +sketch_and_study,Symbolism,nicholas-roerich_terem-of-yaroslavna +sketch_and_study,Baroque,rembrandt_bust-of-an-old-man-with-a-large-beard-1631 +sketch_and_study,Symbolism,ferdinand-hodler_warrior-figures-from-the-rear-and-front +sketch_and_study,Post_Impressionism,vincent-van-gogh_sheet-with-sketches-of-peasants-1890 +sketch_and_study,Post_Impressionism,vincent-van-gogh_wheat-field-with-cypresses-at-the-haude-galline-near-eygalieres-1889 +sketch_and_study,Mannerism_Late_Renaissance,jacopo-pontormo_study-of-a-girl-pouring-from-a-jug +sketch_and_study,Art_Nouveau_Modern,sergey-solomko_age-of-the-great-kings +sketch_and_study,Expressionism,mark-tobey_zoo-sketch +sketch_and_study,Romanticism,alphonse-mucha_envisage +sketch_and_study,Naive_Art_Primitivism,marc-chagall_the-creation-of-man-2 +sketch_and_study,Realism,vincent-van-gogh_road-with-pollard-willows-1881 +sketch_and_study,Romanticism,william-turner_coast-scene-1845 +sketch_and_study,Romanticism,thomas-cole_study-for-the-pilgrim-of-the-cross-at-the-end-of-his-journey +sketch_and_study,Baroque,rembrandt_a-woman-lying-on-a-bed-1658 +sketch_and_study,Impressionism,pierre-auguste-renoir_girls +sketch_and_study,Rococo,pietro-longhi_lute-player +sketch_and_study,Realism,vasily-surikov_in-alupka-1913 +sketch_and_study,Realism,boris-kustodiev_urban-landscape-with-troika +sketch_and_study,Cubism,pablo-picasso_two-naked-figures +sketch_and_study,Symbolism,nicholas-roerich_world-s-treasure-1924 +sketch_and_study,Romanticism,fyodor-solntsev_clothing-of-queens-with-portraits-of-queens-evdokia-lukianovny-and-natalia-kirilovna +sketch_and_study,Impressionism,edgar-degas_portrait-of-eugene-manet-study +sketch_and_study,Expressionism,egon-schiele_mother-and-child-1914 +sketch_and_study,Expressionism,dimitris-mytaras_ortrait-of-a-woman +sketch_and_study,Art_Nouveau_Modern,sergey-solomko_age-scythian-tsarevna-iii-th-century-bc +sketch_and_study,Realism,aleksey-savrasov_tropical-plants-1854 +sketch_and_study,Realism,viktor-vasnetsov_rough-outline-of-the-image-of-ivan-the-terrible +sketch_and_study,Post_Impressionism,henri-de-toulouse-lautrec_william-warrener +sketch_and_study,Realism,boris-kustodiev_spring-1921-1 +sketch_and_study,Art_Nouveau_Modern,ferdinand-hodler_thirteen-standing-draped-figures +sketch_and_study,Symbolism,nicholas-roerich_monhigan-study-1922-3 +sketch_and_study,Symbolism,kuzma-petrov-vodkin_female-head-1912 +sketch_and_study,Realism,boris-kustodiev_portrait-of-v-zamirailo-1922 +sketch_and_study,Realism,vincent-van-gogh_woman-winding-yarn-1885 +sketch_and_study,Early_Renaissance,andrea-mantegna_study-of-an-ancient-bas-relief-of-the-arch-of-constantine-1490 +sketch_and_study,Art_Nouveau_Modern,nicholas-roerich_dwelling-of-gunding-1907 +sketch_and_study,Naive_Art_Primitivism,fernand-leger_the-singer-on-the-radio +sketch_and_study,Impressionism,joaquã­n-sorolla_beach-at-zarauz-1910 +sketch_and_study,Baroque,annibale-carracci_face-a-woman-turned-towards-the-right +sketch_and_study,Romanticism,fyodor-solntsev_chernigov-region-from-kaliatinskiy-farm +sketch_and_study,Romanticism,fyodor-solntsev_clothing-woman-from-kiev-province +sketch_and_study,Realism,james-tissot_remembrance-ball-on-board +sketch_and_study,Northern_Renaissance,albrecht-durer_adam-and-eve +sketch_and_study,Realism,vincent-van-gogh_weaver-facing-right-interior-with-one-window-and-high-chair-1884 +sketch_and_study,Early_Renaissance,paolo-uccello_perspective-study-of-mazzocchio-1 +sketch_and_study,High_Renaissance,leonardo-da-vinci_study-of-arms-and-hands-a-sketch-by-da-vinci-popularly-considered-to-be-a-preliminary-study-for +sketch_and_study,Baroque,rembrandt_jesus-disputing-with-the-doctors-the-smaller-print-1654 +illustration,Art_Nouveau_Modern,ivan-bilibin_vologda-girl-in-holiday-dress +illustration,Romanticism,gustave-dore_don-quixote-50 +illustration,Art_Nouveau_Modern,edmund-dulac_the-emperor-s-new-clothes +illustration,Art_Nouveau_Modern,ivan-bilibin_crane-1900(1) +illustration,Expressionism,m.c.-escher_initial-s +illustration,Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-russian-fairy-story-sister-alyonushka-and-brother-ivanushka-1901(1) +illustration,Romanticism,gustave-dore_adam-and-eve +illustration,Naive_Art_Primitivism,marc-chagall_sobakevich-at-table +illustration,Expressionism,vasile-kazar_dance-on-the-drum-1977 +illustration,Rococo,william-hogarth_prospero-and-miranda-from-the-tempest-of-william-shakespeare +illustration,Art_Nouveau_Modern,aubrey-beardsley_mrs-winifred-emery-1894 +illustration,Art_Nouveau_Modern,aubrey-beardsley_merlin +illustration,Art_Nouveau_Modern,raphael-kirchner_legendes-1903 +illustration,Romanticism,gustave-dore_paradise-lost-1 +illustration,Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-fairytale-go-there-do-not-know-where-bring-it-i-do-not-know-what-1935(1) +illustration,Romanticism,gustave-dore_devils-and-seducers(1) +illustration,Art_Nouveau_Modern,theodor-severin-kittelsen_en-delikatessehandel-1894(1) +illustration,Art_Nouveau_Modern,thomas-theodor-heine_simplicissimus-1897 +illustration,Symbolism,harry-clarke_tales-of-mystery-and-imagination-by-edgar-allan-poe-1923-7 +illustration,Art_Nouveau_Modern,eugã¨ne-grasset_la-belle-jardiniere-march-1896 +illustration,Romanticism,gustave-dore_the-army-of-priest-volkmar-and-count-emocio-attack-merseburg-1877 +illustration,Romanticism,gustave-dore_troubadours-singing-the-glories-of-the-crusades +illustration,Romanticism,gustave-dore_illustration-for-the-milkmaid-and-the-milk-can +illustration,Expressionism,jean-david_illustration-for-haggadah-of-pesach-1970 +illustration,Romanticism,gustave-dore_discovery-of-the-true-cross-1877 +illustration,Romanticism,gustave-dore_satan-in-paradise +illustration,Romanticism,gustave-dore_the-whore-and-the-giant +illustration,Realism,n.c.-wyeth_the-indian-lance +illustration,Romanticism,gustave-dore_paradiso-canto-1 +illustration,Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-front-cover-of-the-book-in-the-series-tales-1899(1) +illustration,Art_Nouveau_Modern,alexandre-benois_at-the-gambling-house(1) +illustration,Romanticism,gustave-dore_the-sultana-chegger-eddour-and-the-emir-saif-eddin +illustration,Art_Nouveau_Modern,thomas-theodor-heine_from-thorheiten-1901-4 +illustration,Art_Nouveau_Modern,edmund-dulac_the-pearl-of-the-warrior-from-the-kingdom-of-the-pearl +illustration,Romanticism,gustave-dore_paradiso-canto-14 +illustration,Romanticism,gustave-dore_gerard-of-avesnes-exposed-on-the-walls-of-arsuf-1877 +illustration,Romanticism,gustave-dore_virgil-and-dante-ii +illustration,Symbolism,mikhail-vrubel_mermaid +illustration,Romanticism,gustave-dore_dandolo-doge-of-venice-preaching-the-crusade +illustration,Art_Nouveau_Modern,ivan-bilibin_cover-for-the-collection-of-russian-folk-tales-1900(1) +illustration,Art_Nouveau_Modern,jose-de-almada-negreiros_a-s-tira-1911 +illustration,Art_Nouveau_Modern,konstantin-somov_book-of-the-marquise-illustration-1 +illustration,Naive_Art_Primitivism,marc-chagall_illustration-to-nikolai-gogol-s-dead-souls-2 +illustration,Art_Nouveau_Modern,edmund-dulac_a-circle-of-mist-stealers-of-light-by-the-queen-of-romania +illustration,Art_Nouveau_Modern,heorhiy-narbut_illustration-to-the-crane-and-heron-bear-1906-2 +illustration,Symbolism,konstantin-somov_firebird-cover-of-the-book +illustration,Romanticism,gustave-dore_the-inferno-canto-5-2 +illustration,Expressionism,m.c.-escher_frog +illustration,Art_Nouveau_Modern,otto-eckmann_jugend-magazine-1896 +illustration,Art_Nouveau_Modern,otto-eckmann_jugend-magazine-1900 +illustration,Art_Nouveau_Modern,heorhiy-narbut_illustration-to-the-song-of-roland-1903 +illustration,Art_Nouveau_Modern,edmund-dulac_the-arabian-nights-the-ship-struck-upon-a-rock +illustration,Romanticism,gustave-dore_idylls-of-the-king-1 +illustration,Romanticism,gustave-dore_idylls-of-the-king-4 +illustration,Romanticism,gustave-dore_crusaders-throwing-heads-into-nicaea +illustration,Naive_Art_Primitivism,marc-chagall_then-said-the-king-in-himself-1948 +illustration,Romanticism,gustave-dore_don-quixote-121 +illustration,Art_Nouveau_Modern,aubrey-beardsley_the-lady-with-the-rose +illustration,Art_Nouveau_Modern,nicholas-roerich_vignette-for-book-n-k-roerich-1918-18 +illustration,Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-poem-the-tale-of-the-golden-cockerel-by-alexander-pushkin-1906-1(1) +illustration,Symbolism,william-blake_illustration-to-milton-s-on-the-morning-of-christ-s-nativity-1815 +illustration,Romanticism,gustave-dore_don-quixote-118 +illustration,Romanticism,gustave-dore_don-quixote-114 +illustration,Romanticism,gustave-dore_christian-cavaliers-captive-at-cairo +illustration,Romanticism,n.c.-wyeth_king-mark-slew-the-noble-knight-sir-tristram +illustration,Art_Nouveau_Modern,theodor-severin-kittelsen_loppejakt-i-urskogen-1894 +illustration,Art_Nouveau_Modern,kay-nielsen_rosebud +illustration,Pop_Art,peter-max_illustration-1970 +illustration,Symbolism,harry-clarke_tales-of-mystery-and-imagination-by-edgar-allan-poe-1923-18 +illustration,Symbolism,william-blake_illustration-to-milton-s-on-the-morning-of-christ-s-nativity-1809-2 +illustration,Art_Nouveau_Modern,heorhiy-narbut_illustration-to-wooden-eagle-1909-6 +illustration,Symbolism,harry-clarke_the-year-s-at-the-spring-1920-33 +illustration,Art_Nouveau_Modern,kay-nielsen_juniper-tree +illustration,Symbolism,konstantin-somov_book-of-the-marquise-illustration +illustration,Expressionism,martiros-saryan_illustration-to-a-poem-by-firdausi-shahnameh-1934-2 +illustration,Symbolism,harry-clarke_tales-of-mystery-and-imagination-by-edgar-allan-poe-1923-5 +illustration,Romanticism,louis-janmot_po-me-de-l-me-10-premi-re-communion +illustration,Symbolism,william-blake_illustration-to-dante-s-divine-comedy-hell-3 +illustration,Realism,boris-kustodiev_illustration-for-singers-by-ivan-turgenev-1908 +illustration,Art_Nouveau_Modern,kay-nielsen_standing-in-the-earth-up-to-their-necks +illustration,Expressionism,m.c.-escher_emblemata-sundial +illustration,Romanticism,gustave-dore_the-christian-army-in-the-mountains-of-judea +illustration,Romanticism,gustave-dore_paradiso-canto-2 +illustration,Expressionism,oskar-kokoschka_not_detected_235844 +illustration,Realism,boris-kustodiev_fortune-with-cornucopia-outro-1922 +illustration,Expressionism,m.c.-escher_flor-de-pascua-whore-s-superstition +illustration,Art_Nouveau_Modern,raphael-kirchner_unknown-8 +illustration,Art_Nouveau_Modern,edmund-dulac_daughters-of-the-stars-by-mary-crary-1 +illustration,Expressionism,lynd-ward_not-detected-272507 +illustration,Art_Nouveau_Modern,ivan-bilibin_illustration-for-alexander-pushkin-s-fairytale-of-the-tsar-saltan(1) +illustration,Symbolism,henri-fantin-latour_the-damnation-of-faust-the-appearance-of-marguerite +illustration,Symbolism,william-blake_illustration-to-milton-s-paradise-lost-1807-5 +illustration,Romanticism,gustave-dore_inferno-canto-5-1 +illustration,Symbolism,mikhail-vrubel_prophet-1898 +illustration,Naive_Art_Primitivism,marc-chagall_illustration-for-louis-aragon-s-work-one-who-says-things-without-saying-anything-1976-11 +illustration,Naive_Art_Primitivism,marc-chagall_tchitchikov-s-dreams +illustration,Symbolism,harry-clarke_the-year-s-at-the-spring-1920-26 +illustration,Expressionism,m.c.-escher_not_detected_204680 +illustration,Expressionism,arthur-segal_vom-strande-cover-1913 +illustration,Realism,frederic-remington_the-song-of-hiawatha-illustration +illustration,Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-poem-ruslan-and-lyudmila-by-alexander-pushkin-1918(1) +illustration,Romanticism,gustave-dore_don-quixote-96 +illustration,Romanticism,gustave-dore_astonishment-of-the-crusaders-at-the-wealth-of-the-east +illustration,Realism,nicholas-roerich_voivode-1896 +illustration,Romanticism,gustave-dore_don-quixote-14 +illustration,Symbolism,harry-clarke_tales-of-mystery-and-imagination-by-edgar-allan-poe-1923-11 +illustration,Art_Nouveau_Modern,kay-nielsen_catskin +illustration,Naive_Art_Primitivism,oskar-kokoschka_not_detected_235922 +illustration,Abstract_Expressionism,sam-francis_untitled-from-pierre-guyotat-s-wanted-female-1993 +illustration,Art_Nouveau_Modern,theodor-severin-kittelsen_paa-rangel-1894 +illustration,Naive_Art_Primitivism,martiros-saryan_illustration-to-armenian-folk-tales-1937-3 +illustration,Expressionism,m.c.-escher_emblemata-toadstool +illustration,Symbolism,henri-martin_serenity-illustration-for-book-vi-of-the-aeneid +illustration,Romanticism,gustave-dore_the-vessel +illustration,Art_Nouveau_Modern,raphael-kirchner_unknown-1906 +illustration,Art_Nouveau_Modern,otto-eckmann_d-coration-pis-de-bl +illustration,Impressionism,max-slevogt_magic-flute-scene +illustration,Romanticism,gustave-dore_richard-i-the-lionheart-in-battle-at-arsuf-in-1191-1877 +illustration,Romanticism,gustave-dore_the-inferno-canto-22-1 +illustration,Realism,fyodor-bronnikov_the-garden-arbor-1880 +illustration,Expressionism,lynd-ward_not-detected-272495 +illustration,Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-russian-fairy-story-white-duck(1) +illustration,Art_Nouveau_Modern,aubrey-beardsley_waiting-1893 +illustration,Art_Nouveau_Modern,kay-nielsen_snowdrop +illustration,Romanticism,gustave-dore_frontispiece-of-all-five-books-of-gargantua-and-pantagruel +illustration,Romanticism,gustave-dore_bertram-de-born +illustration,Art_Nouveau_Modern,heorhiy-narbut_sheet-k-from-the-album-ukrainian-alphabet-1917 +illustration,Romanticism,gustave-dore_don-quixote-52 +illustration,Cubism,henri-laurens_untitled-from-dialogues +illustration,Art_Nouveau_Modern,ivan-bilibin_baba-yaga-illustration-for-the-fairy-tale-vasilisa-the-beautiful-1900(2) +illustration,Art_Nouveau_Modern,theodor-severin-kittelsen_generende-familieforhold-1894 +illustration,Realism,boris-kustodiev_porter-1922 +illustration,Art_Nouveau_Modern,aubrey-beardsley_two-athenian-women-in-distress +illustration,Expressionism,margareta-sterian_illustration-for-v-voiculescu-s-last-shakespearean-sonnets-1982 +illustration,Art_Nouveau_Modern,heorhiy-narbut_illustration-to-the-crane-and-heron-bear-1906-4 +illustration,Art_Nouveau_Modern,theodor-severin-kittelsen_her-er-levemaate-unger-1894 +illustration,Romanticism,n.c.-wyeth_the-passing-of-robin-hood +illustration,Symbolism,mikhail-vrubel_demon-looking +illustration,Romanticism,gustave-dore_the-inferno-canto-30 +illustration,Romanticism,gustave-dore_don-quixote-53 +illustration,Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-poem-the-tale-of-the-golden-cockerel-by-alexander-pushkin(1) +illustration,Romanticism,gustave-dore_idylls-of-the-king-2 +illustration,Rococo,william-hogarth_falstaff-examining-his-recruits-1728 +illustration,Romanticism,gustave-dore_the-seventh-circle-the-lustful +illustration,Naive_Art_Primitivism,marc-chagall_the-story-of-the-rooster-the-little-goat-2 +illustration,Romanticism,gustave-dore_forgers +illustration,Symbolism,harry-clarke_tales-of-mystery-and-imagination-by-edgar-allan-poe-1923-3 +illustration,Romanticism,gustave-dore_the-creation-of-fish-and-birds +illustration,Art_Nouveau_Modern,koloman-moser_mermaid-illustration-for-jugendschatz-german-seals +illustration,Art_Nouveau_Modern,heorhiy-narbut_sheet-z-from-the-album-ukrainian-alphabet-1917 +illustration,Art_Nouveau_Modern,heorhiy-narbut_illustration-to-ivan-krylov-s-fable-the-ant-and-the-dragonfly-1912 +illustration,Romanticism,gustave-dore_red-riding-hood-meets-old-father-wolf +illustration,Naive_Art_Primitivism,marc-chagall_illustration-for-louis-aragon-s-work-one-who-says-things-without-saying-anything-1976-2 +illustration,Romanticism,gustave-dore_don-quixote-62 +illustration,Romanticism,gustave-dore_don-quixote-82 +illustration,Art_Nouveau_Modern,konstantin-somov_illustration-to-the-novel-daphnis-and-chloe-2 +illustration,Symbolism,felicien-rops_illustration-of-les-diaboliques +illustration,Symbolism,william-blake_illustration-to-dante-s-divine-comedy-hell-1 +illustration,Art_Nouveau_Modern,heorhiy-narbut_illustration-to-the-crane-and-heron-bear-1907-1 +illustration,Romanticism,louis-janmot_po-me-de-l-me-13-rayons-de-soleil +illustration,Expressionism,m.c.-escher_flor-de-pascua-theosophy +illustration,Expressionism,lynd-ward_not-detected-272506 +illustration,Romanticism,gustave-dore_orlando-furioso-1 +illustration,Art_Nouveau_Modern,ivan-bilibin_falcon-illustration-for-the-epic-volga-1927(1) +illustration,Romanticism,gustave-dore_the-gluttons +illustration,Art_Nouveau_Modern,kay-nielsen_frog-bride +illustration,Realism,n.c.-wyeth_captain-nemo +illustration,Naive_Art_Primitivism,marc-chagall_he-went-up-to-the-couch-1938 +illustration,Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-epic-volga-1904(1) +illustration,Romanticism,gustave-dore_don-quixote-32 +illustration,Romanticism,gustave-dore_blondel-hears-the-voice-of-richard-the-lionheart-1877 +illustration,Naive_Art_Primitivism,marc-chagall_chichikov-shaves +illustration,Art_Nouveau_Modern,boris-kustodiev_king-wearing-a-crown-and-purple-1925 +illustration,Expressionism,martiros-saryan_illumination-for-the-tale-by-hovhannes-tumanyan-nazar-the-brave-1936 +illustration,Expressionism,m.c.-escher_initial-v +illustration,Northern_Renaissance,albrecht-durer_drawing-from-the-tarot-the-muse-thalia +illustration,Early_Renaissance,sandro-botticelli_the-story-of-nastagio-degli-onesti-1483(1) +illustration,Art_Nouveau_Modern,eugã¨ne-grasset_la-belle-jardiniere-april-1896 +illustration,Art_Nouveau_Modern,aubrey-beardsley_the-lady-of-the-lake-telleth-arthur-of-the-sword-excalibur +illustration,Romanticism,gustave-dore_the-ogre-received-him-as-civilly-as-an-ogre-can +illustration,Romanticism,andrei-ryabushkin_vasily-buslaev-illustration-for-the-book-russian-epic-heroes +illustration,Art_Nouveau_Modern,ivan-bilibin_illustration-for-alexander-pushkin-s-fairytale-of-the-tsar-saltan-1905-5(1) +illustration,Art_Nouveau_Modern,heorhiy-narbut_illustration-to-wooden-eagle-1909-4 +illustration,Symbolism,harry-clarke_the-year-s-at-the-spring-1920-36 +illustration,Art_Nouveau_Modern,nicholas-roerich_vignette-for-book-n-k-roerich-1918-15 +illustration,Romanticism,gustave-dore_godfrey-imposes-tributes-upon +illustration,Romanticism,gustave-dore_don-quixote-91 +illustration,Romanticism,gustave-dore_the-war-cry-of-the-crusaders +illustration,Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-epic-volga-1902(1) +illustration,Art_Nouveau_Modern,aubrey-beardsley_the-lacedaemonian-ambassadors-1896 +illustration,Romanticism,gustave-dore_don-quixote-64 +illustration,Art_Nouveau_Modern,raphael-kirchner_hearst-s-sunday-american-1917 +illustration,Romanticism,gustave-dore_don-quixote-1 +illustration,Art_Nouveau_Modern,edmund-dulac_bluebeard-from-the-picture-book-for-the-red-cross +illustration,Baroque,pietro-da-cortona_title-page-from-the-flora +illustration,Art_Nouveau_Modern,aubrey-beardsley_the-dancer-s-reward-1894 +illustration,Expressionism,m.c.-escher_not_detected_204719 +illustration,Romanticism,gustave-dore_don-quixote-151 +illustration,Art_Nouveau_Modern,aubrey-beardsley_title-page-ornament-for-the-yellow-book +illustration,Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-poem-the-tale-of-the-golden-cockerel-by-alexander-pushkin-1910(1) +illustration,Art_Nouveau_Modern,edmund-dulac_selene-and-endymion +illustration,Art_Nouveau_Modern,aubrey-beardsley_the-slippers-of-cinderella-1894 +illustration,Expressionism,lyonel-feininger_the-kin-der-kids-japansky-surprises-the-governor-general-who-condemns-him-to-death-1906 +illustration,Art_Nouveau_Modern,heorhiy-narbut_illustration-fairy-tales-teremok-mizgir-1910-6 +illustration,Art_Nouveau_Modern,aubrey-beardsley_how-queen-guenever-made-her-a-nun-1894 +illustration,Romanticism,gustave-dore_the-hapies-wood +illustration,Art_Nouveau_Modern,edmund-dulac_arabian-nights-maidens-on-white-horses +illustration,Romanticism,gustave-dore_the-giant-antaeus +illustration,Romanticism,gustave-dore_the-styx-phlegyas(1) +illustration,Romanticism,gustave-dore_don-quixote-99 +illustration,Romanticism,n.c.-wyeth_ben-gunn +illustration,Art_Nouveau_Modern,koloman-moser_picture-book-for-the-niece-of-ditha-mautner-von-markhof-1904-3 +illustration,Realism,boris-kustodiev_vasiliy-nikolsky-old-moscow-1924 +illustration,Romanticism,gustave-dore_don-quixote-128 +illustration,Expressionism,yiannis-moralis_10-colored-drawings-for-the-poems-of-george-seferis-1965-6 +illustration,Expressionism,oskar-kokoschka_not_detected_235845 +illustration,Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-tale-of-prince-ivan-the-firebird-and-the-grey-wolf-1899-6 +illustration,Art_Nouveau_Modern,aubrey-beardsley_the-peacock-skirt-1893 +illustration,Expressionism,martiros-saryan_illustration-to-yeghishe-charents-country-of-nairi-escape-of-nairyans-1933 +illustration,Romanticism,gustave-dore_paradise-lost-7 +illustration,Romanticism,gustave-dore_ottomans-penetrate-hungary +illustration,Romanticism,gustave-dore_don-quixote-79 +illustration,Romanticism,gustave-dore_orlando-furioso-5 +illustration,Art_Nouveau_Modern,aubrey-beardsley_portrait-of-miss-letty-lind +illustration,Art_Nouveau_Modern,edmund-dulac_the-music-master-the-nightingale +illustration,Naive_Art_Primitivism,marc-chagall_then-the-old-woman-mounted-on-the-ifrit-s-back-1948 +illustration,Naive_Art_Primitivism,marc-chagall_illustration-for-louis-aragon-s-work-one-who-says-things-without-saying-anything-1976-5 +illustration,Northern_Renaissance,albrecht-durer_drawing-from-the-tarot-prudence +illustration,Romanticism,gustave-dore_pia +illustration,Realism,n.c.-wyeth_painting-of-native-american-2 +illustration,Symbolism,william-blake_christ-tempted-by-satan-to-turn-the-stones-to-bread-1819 +illustration,Expressionism,lynd-ward_not-detected-272514 +illustration,Romanticism,gustave-dore_the-inferno-canto-6 +illustration,Romanticism,gustave-dore_paradise-lost-8 +illustration,Romanticism,gustave-dore_don-quixote-92 +illustration,Naive_Art_Primitivism,yiannis-tsaroychis_illustration-for-cavafy-s-poem-lovely-white-flowers-1964 +illustration,Realism,n.c.-wyeth_we-were-three-days-taking-out-even-what-gold-and-gems-we-could-loan-on-ourselves-and-our-beasts +illustration,Art_Nouveau_Modern,edmund-dulac_the-sleeve-of-night-the-rubaiyat-of-omar-khayyam +illustration,Romanticism,gustave-dore_ilghazy-gives-gauthier-his-life +illustration,Expressionism,martiros-saryan_pilgrimage-1929 +illustration,Romanticism,gustave-dore_illustration-for-charles-perraults-bluebeard +illustration,Art_Nouveau_Modern,heorhiy-narbut_illustration-to-wooden-eagle-1909-3 +illustration,Art_Nouveau_Modern,ivan-bilibin_prince-ivan-and-the-firebird-illustration-for-the-russian-fairy-story-the-firebird-1901 +illustration,Romanticism,gustave-dore_glorious-death-of-jacques-de-maille-marshal-of-the-temple-1877 +illustration,Romanticism,n.c.-wyeth_painting-of-native-american-3 +illustration,Romanticism,gustave-dore_don-quixote-131 +illustration,Art_Nouveau_Modern,aubrey-beardsley_the-morning-dream +illustration,Art_Nouveau_Modern,heorhiy-narbut_illustration-to-the-crane-and-heron-bear-1906-1 +illustration,Expressionism,lynd-ward_not-detected-272549 +illustration,Art_Nouveau_Modern,aubrey-beardsley_lysistrata-haranguing-the-athenian-women +illustration,Art_Nouveau_Modern,kay-nielsen_east-of-the-sun-and-west-of-the-moon-1914-3 +illustration,Romanticism,gustave-dore_don-quixote-73 +illustration,Ukiyo_e,utagawa-kunisada_sexual-life-rules +illustration,Romanticism,gustave-dore_the-hypocrites(1) +illustration,Art_Nouveau_Modern,konstantin-somov_book-of-the-marquise-illustration-3 +illustration,Realism,boris-kustodiev_troyekurov-in-the-kennels-1919 +illustration,Naive_Art_Primitivism,marc-chagall_illustration-for-louis-aragon-s-work-one-who-says-things-without-saying-anything-1976-22 +illustration,Art_Nouveau_Modern,heorhiy-narbut_illustration-to-the-crane-and-heron-bear-1907 +illustration,Naive_Art_Primitivism,marc-chagall_gathering-of-peasants +illustration,Romanticism,gustave-dore_the-seventh-circle +illustration,Expressionism,m.c.-escher_emblemata-signpost +illustration,Romanticism,gustave-dore_prayers-for-the-dead +illustration,Romanticism,gustave-dore_death-of-baldwin-i-the-latin-king-of-jerusalem-1877 +illustration,Expressionism,lynd-ward_not-detected-272536 +illustration,Art_Nouveau_Modern,edmund-dulac_princess-and-the-pea-the-real-princess-illustration-to-the-princess-and-the-pea +illustration,Romanticism,gustave-dore_her-friends-were-eager-to-see-the-splendors-of-her-house +illustration,Romanticism,louis-janmot_po-me-de-l-me-4-le-printemps +illustration,Abstract_Expressionism,henri-matisse_cut-outs-5 +illustration,Art_Nouveau_Modern,edmund-dulac_he-dropped-the-rose-from-beauty-and-the-beast +illustration,Art_Nouveau_Modern,aubrey-beardsley_the-mysterious-rose-garden-1895 +illustration,Symbolism,mstislav-dobuzhinsky_white-nights-1922-6 +illustration,Symbolism,harry-clarke_the-year-s-at-the-spring-1920-17 +illustration,Art_Nouveau_Modern,konstantin-somov_illustration-to-the-novel-daphnis-and-chloe-3 +illustration,Romanticism,gustave-dore_don-quixote-109 +illustration,Symbolism,harry-clarke_the-year-s-at-the-spring-1920-41 +illustration,Expressionism,lynd-ward_not-detected-272537 +illustration,Realism,n.c.-wyeth_old-pew +illustration,Northern_Renaissance,albrecht-durer_small-passion-title-page +illustration,Art_Nouveau_Modern,aubrey-beardsley_how-la-beale-isoud-nursed-sir-tristram +illustration,Romanticism,gustave-dore_richard-i-the-lionheart-delivering-jaffa-1877 +illustration,Art_Nouveau_Modern,koloman-moser_iris-illustration-to-a-poem-by-arno-holz-1898 +illustration,Romanticism,gustave-dore_don-quixote-44 +illustration,Art_Nouveau_Modern,edmund-dulac_the-eastwind-flew-faster-still-from-the-garden-of-paradise +illustration,Art_Nouveau_Modern,heorhiy-narbut_sheet-l-from-the-album-ukrainian-alphabet-1917 +illustration,Romanticism,gustave-dore_paradise-lost-2 +illustration,Expressionism,lynd-ward_not-detected-272503 +illustration,Romanticism,gustave-dore_don-quixote-115 +illustration,Naive_Art_Primitivism,oskar-kokoschka_illustration-for-die-traumenden-knaben-1908 +illustration,Naive_Art_Primitivism,marc-chagall_illustration-for-louis-aragon-s-work-one-who-says-things-without-saying-anything-1976-8 +illustration,Art_Nouveau_Modern,eugã¨ne-grasset_la-belle-jardiniere-june-1896 +illustration,Northern_Renaissance,jean-fouquet_boccaccio-s-de-casibus-writing-a-courier-delivering-luvrs-to-mainardo-dei-cavalcanti-boccaccio +illustration,Romanticism,gustave-dore_a-friendly-tournament +illustration,Art_Nouveau_Modern,ivan-bilibin_illustration-for-alexander-pushkin-s-fairytale-of-the-tsar-saltan-1905-6(1) +illustration,Rococo,william-hogarth_the-importance-of-knowing-perspective-absurd-perspectives +illustration,Expressionism,lyonel-feininger_jimjam +illustration,Romanticism,gustave-dore_he-perceived-that-her-little-foot-slid-in-without-trouble +illustration,Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-tale-of-igor-s-campaign(1) +illustration,Northern_Renaissance,jean-fouquet_coronation-of-louis-vi-1460 +illustration,Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-epic-ilya-muromets-and-svyatogor-1940(1) +illustration,Art_Nouveau_Modern,theodor-severin-kittelsen_genialt-1894 +illustration,Romanticism,gustave-dore_cover +illustration,Naive_Art_Primitivism,martiros-saryan_illustration-to-armenian-folk-tales-1937-13 +illustration,Naive_Art_Primitivism,marc-chagall_banquet-degenerates-into-brawl +illustration,Art_Nouveau_Modern,aubrey-beardsley_page-preceding-contents-list +illustration,Romanticism,gustave-dore_don-quixote-144 +illustration,Art_Nouveau_Modern,aubrey-beardsley_pierrot-3 +illustration,Naive_Art_Primitivism,marc-chagall_the-story-of-the-rooster-the-little-goat +illustration,Expressionism,martiros-saryan_illustration-1934-1 +illustration,Realism,jean-francois-millet_the-cat-who-became-a-woman +illustration,Art_Nouveau_Modern,edmund-dulac_mohammad-the-rubaiyat-of-omar-khayyam +illustration,Symbolism,alfred-kubin_caliban-from-the-portfolio-visions-of-shakespeare-shakespeare-visionen-1918 +illustration,Romanticism,gustave-dore_the-little-thumb +illustration,Art_Nouveau_Modern,aubrey-beardsley_birth-from-the-calf-of-the-leg +illustration,Art_Nouveau_Modern,edmund-dulac_the-little-mermaid-saved-the-prince +illustration,Art_Nouveau_Modern,aubrey-beardsley_how-sir-tristram-drank-of-the-love-drink-1894 +illustration,Symbolism,william-blake_andrew-simon-peter-searching-for-christ-1819 +illustration,Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-poem-the-tale-of-the-fisherman-and-the-fish-by-alexander-pushkin-1908-1(1) +illustration,Expressionism,m.c.-escher_initial-d-1 +illustration,Expressionism,m.c.-escher_flor-de-pascua-convention +illustration,Expressionism,m.c.-escher_emblemata-candle-flame +illustration,Symbolism,harry-clarke_tales-of-mystery-and-imagination-by-edgar-allan-poe-1923-4 +illustration,Symbolism,harry-clarke_the-year-s-at-the-spring-1920-15 +illustration,Early_Renaissance,sandro-botticelli_illustration-to-the-divine-comedy-inferno-1480(1) +illustration,Symbolism,fernand-khnopff_st-phane-mallarm-s-poetry-listening-to-flowers-1895 +illustration,Symbolism,william-blake_a-white-haired-man-in-a-long-pale-robe-who-flees-from-us-with-his-hands-raised-1794 +illustration,Art_Nouveau_Modern,heorhiy-narbut_sheet-i-from-the-album-ukrainian-alphabet-1917 +illustration,Expressionism,lynd-ward_not-detected-272491 +illustration,Art_Nouveau_Modern,heorhiy-narbut_cossack-and-the-germans +illustration,Romanticism,gustave-dore_idylls-of-the-king-3 +illustration,Abstract_Expressionism,sam-francis_untitled-from-michel-waldberg-s-po-mes-dans-le-ciel +illustration,Rococo,william-hogarth_hudibras +illustration,Expressionism,lynd-ward_not-detected-272494 +illustration,Art_Nouveau_Modern,heorhiy-narbut_illustration-fairy-tales-teremok-mizgir-1910-5 +illustration,Art_Nouveau_Modern,aubrey-beardsley_scarlet_pastorale +illustration,Romanticism,gustave-dore_the-hare-and-the-frogs +illustration,Romanticism,gustave-dore_don-quixote-139 +illustration,Realism,n.c.-wyeth_the-silent-fisherman +illustration,Romanticism,louis-janmot_po-me-de-l-me-11-virginitas +illustration,Symbolism,harry-clarke_the-year-s-at-the-spring-1920-19 +illustration,Romanticism,gustave-dore_don-quixote-16 +illustration,Art_Nouveau_Modern,kay-nielsen_the-shadow +illustration,Romanticism,gustave-dore_don-quixote-148 +illustration,Symbolism,konstantin-somov_the-kiss-illustration-to-the-book-of-the-marquise +illustration,Abstract_Expressionism,henri-matisse_the-toboggan-1943 +illustration,Romanticism,gustave-dore_don-quixote-132 +illustration,Art_Nouveau_Modern,koloman-moser_a-modern-tantalus-illustration-for-meggendorfer-leaves +illustration,Romanticism,gustave-dore_don-quixote-116 +illustration,Romanticism,n.c.-wyeth_illustration-for-poem-the-picket-guard +illustration,Naive_Art_Primitivism,martiros-saryan_illustration-to-armenian-folk-tales-1937-5 +illustration,Romanticism,gustave-dore_the-erinnys +illustration,Art_Nouveau_Modern,aubrey-beardsley_the-examination-of-the-herald-1896 +illustration,Art_Nouveau_Modern,koloman-moser_happy-editing-illustration-with-self-portrait +illustration,Rococo,william-hogarth_frontispiece-and-its-explanation-hurdibras +illustration,Expressionism,m.c.-escher_second-title-page +illustration,Romanticism,gustave-dore_the-inferno-canto-33-2 +illustration,Art_Nouveau_Modern,heorhiy-narbut_sheet-v-from-the-album-ukrainian-alphabet-1917 +illustration,Color_Field_Painting,andre-lanskoy_diary-of-a-madman-39 +illustration,Art_Nouveau_Modern,edmund-dulac_the-fairies-who-changed-places-illustration-to-fairies-i-have-met +illustration,Expressionism,m.c.-escher_emblemata-cactus +illustration,Art_Nouveau_Modern,edmund-dulac_hour-of-grace-the-rubaiyat-of-omar-khayyam +illustration,Romanticism,gustave-dore_crystalline-heaven +illustration,Romanticism,gustave-dore_don-quixote-66 +illustration,Art_Nouveau_Modern,edmund-dulac_his-grandmother-had-told-him-from-the-garden-of-paradise +illustration,Art_Nouveau_Modern,heorhiy-narbut_sheet-ch-from-the-album-ukrainian-alphabet-1917 +illustration,Romanticism,gustave-dore_the-angel(1) +illustration,Romanticism,gustave-dore_venus-charles-martel +illustration,Romanticism,gustave-dore_don-quixote-74 +illustration,Art_Nouveau_Modern,edmund-dulac_a-palace-of-wonder-from-beauty-and-the-beast +illustration,Expressionism,vasile-kazar_fiddlers-at-wedding-1968 +illustration,Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-russian-fairy-story-feather-of-finist-falcon-4(1) +illustration,Romanticism,gustave-dore_don-quixote-20 +illustration,Art_Nouveau_Modern,heorhiy-narbut_sheet-b-from-the-album-ukrainian-alphabet-1919 +illustration,Northern_Renaissance,albrecht-durer_the-ship-of-fool +illustration,Naive_Art_Primitivism,marc-chagall_pliushkin-s-room +illustration,Northern_Renaissance,albrecht-durer_title-page-to-the-edition-of-1498-1498 +illustration,Romanticism,gustave-dore_and-seems-a-moving-land-and-at-his-gills-draws-in-and-at-his-trunk-spouts-out-a-sea +illustration,Art_Nouveau_Modern,heorhiy-narbut_illustration-for-the-book-how-mice-buried-the-cat-by-zhukovsky-1910-5 +illustration,Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-fairy-tale-vasilisa-the-beautiful-1900-2(1) +illustration,Romanticism,joseph-wright_maria-a-sentimental-journey-by-laurence-sterne-1777 +illustration,Art_Nouveau_Modern,heorhiy-narbut_sheet-b-from-the-album-ukrainian-alphabet-1917 +illustration,Art_Nouveau_Modern,alexandre-benois_cover-page-1904(4) +illustration,Art_Nouveau_Modern,ivan-bilibin_drawing-from-the-album-1910(1) +illustration,Romanticism,gustave-dore_idylls-of-the-king-6 +illustration,Romanticism,gustave-dore_idylls-of-the-king-15 +illustration,Symbolism,william-blake_when-the-morning-stars-sang-together-1820 +illustration,Romanticism,gustave-dore_the-portals-of-dis(1) +illustration,Art_Nouveau_Modern,serge-sudeikin_frontispiece-for-the-magazine-golden-fleece-1908 +illustration,Symbolism,william-blake_the-night-of-peace-1815 +illustration,Art_Nouveau_Modern,carlos-saenz-de-tejada_untitled-illustration +illustration,Realism,valentin-serov_the-wolf-and-the-crane +illustration,Art_Nouveau_Modern,edmund-dulac_the-little-mermaid-dissolving-into-foam +illustration,Art_Nouveau_Modern,edmund-dulac_eldorado +illustration,Romanticism,gustave-dore_idylls-of-the-king-8 +illustration,Romanticism,gustave-dore_the-tomb-of-anastasius +illustration,Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-magazine-golden-fleece-1906-1(1) +illustration,Art_Nouveau_Modern,kay-nielsen_snow-queen +illustration,Expressionism,lynd-ward_not-detected-272498 +illustration,Symbolism,harry-clarke_the-year-s-at-the-spring-1920 +illustration,Romanticism,gustave-dore_they-heard-and-were-abashed-and-up-they-sprung +illustration,Expressionism,m.c.-escher_wateringcan +illustration,Realism,n.c.-wyeth_the-astrologer-emptied-the-whole-of-the-bowl-into-the-bottle +illustration,Realism,n.c.-wyeth_jim-hawkins +illustration,Art_Nouveau_Modern,aubrey-beardsley_how-morgan-le-fay-gave-a-shield-to-sir-tristram +illustration,Art_Nouveau_Modern,edmund-dulac_pluto-and-persephone +illustration,Art_Nouveau_Modern,ivan-bilibin_the-prince-and-the-frog-1900 +illustration,Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-fairytale-fox-sister-1935(1) +illustration,Art_Nouveau_Modern,theodor-severin-kittelsen_har-dyrene-sj-l-cover-1894 +illustration,Art_Nouveau_Modern,edmund-dulac_medea-tanglewood-tales-the-minotaur +illustration,Romanticism,william-holman-hunt_rienzi-vowing-to-obtain-justice-for-the-death-of-his-young-brother-slain-in-a-skirmish-between-1848 +illustration,Expressionism,m.c.-escher_initial-s-1 +illustration,Romanticism,gustave-dore_the-crusaders-on-the-nile +illustration,Art_Nouveau_Modern,aubrey-beardsley_the-kiss-of-judas +illustration,Naive_Art_Primitivism,oskar-kokoschka_not_detected_235923 +illustration,Expressionism,m.c.-escher_flor-de-pascua-untitled +illustration,Romanticism,gustave-dore_the-inferno-canto-34-2 +illustration,Art_Nouveau_Modern,aubrey-beardsley_the-toilette-of-salome +illustration,Romanticism,gustave-dore_illustration-for-the-girl +illustration,Art_Nouveau_Modern,koloman-moser_picture-book-for-the-niece-of-ditha-mautner-von-markhof-1904-7 +illustration,Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-fairy-tale-vasilisa-the-beautiful-1900-4(1) +illustration,Romanticism,gustave-dore_paradise-lost-3 +illustration,Art_Nouveau_Modern,koloman-moser_picture-book-for-the-niece-of-ditha-mautner-von-markhof-1904-2 +illustration,Art_Nouveau_Modern,edmund-dulac_the-little-mermaid-the-prince-asked-who-she-was +illustration,Romanticism,gustave-dore_idylls-of-the-king-5 +illustration,Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-book-under-the-arches-1907(1) +illustration,Symbolism,mikhail-vrubel_demon-by-the-walls-of-monastery +illustration,Art_Nouveau_Modern,heorhiy-narbut_illustration-for-the-book-how-mice-buried-the-cat-by-zhukovsky-1910 +illustration,Naive_Art_Primitivism,marc-chagall_illustration-for-louis-aragon-s-work-one-who-says-things-without-saying-anything-1976-3 +illustration,Art_Nouveau_Modern,kay-nielsen_rumplestiltskin +illustration,Art_Nouveau_Modern,edmund-dulac_little-girl-in-a-book-illustration-to-fairies-i-have-met +illustration,Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-russian-fairy-story-the-frog-princess-1899(1) +illustration,Art_Nouveau_Modern,edmund-dulac_blowing-rose-the-rubaiyat-of-omar-khayyam +illustration,Realism,boris-kustodiev_from-the-books-of-vsevolod-voinov-bookplate-1924 +illustration,Romanticism,andrei-ryabushkin_churilo-plenkovich-illustration-for-the-book-russian-epic-heroes +illustration,Romanticism,gustave-dore_don-quixote-104 +illustration,Romanticism,gustave-dore_don-quixote-93 +illustration,Romanticism,gustave-dore_the-suicides-ii(1) +illustration,Expressionism,m.c.-escher_scholastica-the-bridge +illustration,Art_Nouveau_Modern,alexandre-benois_letter-r-1904(3) +illustration,Art_Nouveau_Modern,heorhiy-narbut_illustration-to-nightingale-by-hans-christian-andersen-1912-4 +illustration,Rococo,william-hogarth_hudibras-encounters-the-skimmington-from-hudibras-by-samuel-butler-1726 +illustration,Art_Nouveau_Modern,heorhiy-narbut_illustration-to-nightingale-by-hans-christian-andersen-1912-3 +illustration,Art_Nouveau_Modern,eugã¨ne-grasset_la-belle-jardiniere-december-1896 +illustration,Romanticism,n.c.-wyeth_robinson-crusoe-illustration +illustration,Art_Nouveau_Modern,nicholas-roerich_vignette-for-book-n-k-roerich-1918-4 +illustration,Art_Nouveau_Modern,aubrey-beardsley_ali-baba-in-the-woods-1897 +illustration,Art_Nouveau_Modern,edmund-dulac_the-big-spider-s-diamonds-illustration-to-fairies-i-have-met +illustration,Art_Nouveau_Modern,aubrey-beardsley_la-beale-isoud-at-joyous-gard-1894 +illustration,Northern_Renaissance,albrecht-durer_the-ship-of-fool-1 +illustration,Symbolism,harry-clarke_the-year-s-at-the-spring-1920-5 +illustration,Romanticism,gustave-dore_the-styx-the-irascible(1) +illustration,Romanticism,gustave-dore_orlando-furioso-8 +illustration,Art_Nouveau_Modern,kay-nielsen_tell-me-the-way-then +illustration,Symbolism,william-blake_illustration-to-book-of-job +illustration,Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-book-living-word-1907(1) +illustration,Expressionism,lyonel-feininger_the-kin-der-kids-1906 +illustration,Romanticism,gustave-dore_inferno-canto-3 +illustration,Romanticism,gustave-dore_the-true-cross +illustration,Naive_Art_Primitivism,marc-chagall_nozdriov +illustration,Realism,m.c.-escher_emblemata-steamroller +illustration,Romanticism,gustave-dore_arachne +illustration,Art_Nouveau_Modern,thomas-theodor-heine_simplicissimus-1920 +illustration,Art_Nouveau_Modern,edmund-dulac_jason-appointed-tiphys-the-stargazer +illustration,Romanticism,louis-janmot_po-me-de-l-me-17-l-id-al +illustration,Ukiyo_e,kitagawa-utamaro_illustration-from-the-twelve-hours-of-the-green-houses-c-1795-colour-woodblock-print +illustration,Art_Nouveau_Modern,edmund-dulac_the-wind-s-tale +illustration,Art_Nouveau_Modern,aubrey-beardsley_how-la-beale-isoud-wrote-to-sir-tristram +illustration,Naive_Art_Primitivism,marc-chagall_tchitchikov-s-farewell-to-manilov +illustration,Romanticism,gustave-dore_don-quixote-26 +illustration,Naive_Art_Primitivism,marc-chagall_sobakevich-near-armchair +illustration,Art_Nouveau_Modern,kay-nielsen_hansel-and-gretel +illustration,Romanticism,gustave-dore_the-heaven-of-the-fixed-stars-ii +illustration,Romanticism,gustave-dore_dispersion-of-the-syrian-army-by-a-sand-storm +illustration,Expressionism,lynd-ward_not-detected-272525 +illustration,Symbolism,alfred-kubin_in-flight-1920 +illustration,Romanticism,gustave-dore_the-empyrean +illustration,Romanticism,gustave-dore_cinderella-1 +illustration,Rococo,william-hogarth_frontispiece-of-fielding-s-the-tragedy-of-tragedies +illustration,Symbolism,konstantin-somov_book-of-the-marquise-illustration-8-1918 +illustration,Symbolism,henri-fantin-latour_to-robert-schumann +illustration,Expressionism,m.c.-escher_initial-o +illustration,Naive_Art_Primitivism,boris-kustodiev_russia-russian-type-by-b-kustodiev-1923 +illustration,Art_Nouveau_Modern,heorhiy-narbut_illustration-fairy-tales-teremok-mizgir-1910-1 +illustration,Art_Nouveau_Modern,heorhiy-narbut_illustration-to-wooden-eagle-1909-5 +illustration,Expressionism,saul-steinberg_canal-street-1988 +illustration,Abstract_Expressionism,henri-matisse_icarus-1944 +illustration,Naive_Art_Primitivism,martiros-saryan_illustration-to-armenian-folk-tales-1937-8 +illustration,Romanticism,gustave-dore_the-road-to-jerusalem-1877 +illustration,Romanticism,gustave-dore_gaining-converts +illustration,Rococo,antoine-watteau_faun-1708 +illustration,Realism,n.c.-wyeth_the-frontiersman-pupular-magazine-cover-illustration +illustration,Naive_Art_Primitivism,marc-chagall_madame-korobotchka +illustration,Art_Nouveau_Modern,edmund-dulac_asenath-from-the-picture-book-for-the-red-cross +illustration,Naive_Art_Primitivism,boris-kustodiev_from-the-books-of-r-notgaft-bookplate-1912 +illustration,Early_Renaissance,sandro-botticelli_paradise-canto-xxx-1490(1) +illustration,Romanticism,gustave-dore_don-quixote-141 +illustration,Romanticism,gustave-dore_the-crusaders-war-machinery-1877 +illustration,Art_Nouveau_Modern,aubrey-beardsley_merlin-and-nimue-1894 +illustration,Naive_Art_Primitivism,marc-chagall_illustration-for-louis-aragon-s-work-one-who-says-things-without-saying-anything-1976-4 +illustration,Art_Nouveau_Modern,koloman-moser_matter-of-conscience-humorous-illustration-for-meggendorfers-leaves-1897 +illustration,Art_Nouveau_Modern,eugã¨ne-grasset_la-belle-jardiniere-january-1896 +illustration,Romanticism,gustave-dore_don-quixote-117 +illustration,Art_Nouveau_Modern,jose-de-almada-negreiros_capa-da-revista-contempor-nea-1915 +illustration,Art_Nouveau_Modern,carlos-saenz-de-tejada_don-juan-tenorio-the-abduction-of-dona-ines-1946 +illustration,Realism,n.c.-wyeth_jim-and-the-treasure +illustration,Art_Nouveau_Modern,aubrey-beardsley_the-story-of-venus-and-tannhaeuse-frontispiece +illustration,Ukiyo_e,utagawa-kuniyoshi_dipicting-the-characters-from-the-chushingura-3 +illustration,Symbolism,william-blake_illustration-to-milton-s-paradise-lost-1808-2 +illustration,Romanticism,gustave-dore_the-inferno-canto-31 +illustration,Symbolism,william-blake_antaeus-setting-down-dante-and-virgil-in-the-last-circle-of-hell-1827 +illustration,Art_Nouveau_Modern,heorhiy-narbut_sheet-v-from-unpublished-ukrainian-alphabet-1919 +illustration,Art_Nouveau_Modern,heorhiy-narbut_sheet-s-from-the-album-ukrainian-alphabet-1917 +illustration,Art_Nouveau_Modern,thomas-theodor-heine_from-thorheiten-1901-1 +illustration,Art_Nouveau_Modern,aubrey-beardsley_lady-gold-s-escort-1894 +illustration,Romanticism,gustave-dore_don-quixote-126 +illustration,Art_Nouveau_Modern,edmund-dulac_the-beast-s-castle-from-beauty-and-the-beast +illustration,Realism,n.c.-wyeth_jim-long-john-silver-and-his-parrot +illustration,Expressionism,jose-gutierrez-solana_drawing-for-the-end-of-the-world-1932 +illustration,Art_Nouveau_Modern,heorhiy-narbut_urinating-dog-1918 +illustration,Romanticism,gustave-dore_don-quixote-127 +illustration,Romanticism,gustave-dore_cocytus-traitors(1) +illustration,Romanticism,gustave-dore_the-savoury-pulp-they-chew-and-in-the-rind-still-as-they-thirsted-scoop-the-brimming +illustration,Art_Nouveau_Modern,aubrey-beardsley_the-mask-of-the-red-death +illustration,Romanticism,gustave-dore_an-enemy-of-the-crusaders +illustration,Early_Renaissance,sandro-botticelli_purgatory-1490(1) +illustration,Art_Nouveau_Modern,edmund-dulac_that-spring-should-vanish-with-the-rose-the-rubaiyat-of-omar-khayyam +illustration,Symbolism,harry-clarke_the-year-s-at-the-spring-1920-11 +illustration,Romanticism,gustave-dore_don-quixote-80 +illustration,Symbolism,harry-clarke_the-year-s-at-the-spring-1920-39 +illustration,Realism,n.c.-wyeth_captain-smollet +illustration,Symbolism,theodor-severin-kittelsen_ikke-kjoerende-og-ikke-ridende +illustration,Expressionism,m.c.-escher_scholastica-illustration +illustration,Symbolism,alfred-kubin_abduction-1921 +illustration,Symbolism,mikhail-vrubel_the-demon-1891 +illustration,Expressionism,martiros-saryan_illustration-to-a-poem-by-firdausi-shahnameh-1934-1 +illustration,Symbolism,william-blake_illustration-to-milton-s-comus-1820-1 +illustration,Art_Nouveau_Modern,koloman-moser_picture-book-for-the-niece-of-ditha-mautner-von-markhof-1904-9 +illustration,Art_Nouveau_Modern,alexandre-benois_hermann-at-the-entrance-to-the-countess(1) +illustration,Art_Nouveau_Modern,aubrey-beardsley_the-repentance-of-mrs +illustration,Romanticism,gustave-dore_ugolino-and-gaddo(1) +illustration,Romanticism,gustave-dore_constantine-palaeologus-haranguing-the-defenders-of-constantinople +illustration,Art_Nouveau_Modern,nicholas-roerich_vignette-for-book-n-k-roerich-1918-14 +illustration,Art_Nouveau_Modern,ivan-bilibin_illustration-for-russian-magazines-1903(1) +illustration,Naive_Art_Primitivism,marc-chagall_illustration-for-literary-review-shtrom-heftn-1923 +illustration,Romanticism,gustave-dore_the-battle-of-arsuf +illustration,Expressionism,oskar-kokoschka_not_detected_235839 +illustration,Art_Nouveau_Modern,nicholas-roerich_vignette-for-book-n-k-roerich-1918-1 +illustration,Symbolism,harry-clarke_the-year-s-at-the-spring-1920-31 +illustration,Symbolism,mikhail-vrubel_head-of-demon-1 +illustration,Romanticism,gustave-dore_don-quixote-136 +illustration,Romanticism,gustave-dore_gargantua-1873 +illustration,Romanticism,gustave-dore_edward-i-of-england-kills-his-would-be-assassin-in-june-1272-1877 +illustration,Expressionism,m.c.-escher_initial-t +illustration,Romanticism,gustave-dore_don-quixote-122 +illustration,Naive_Art_Primitivism,pablo-picasso_the-eight-names-of-picasso-1970 +illustration,Romanticism,andrei-ryabushkin_alyosha-popovich-illustration-for-the-book-russian-epic-heroes +illustration,Naive_Art_Primitivism,marc-chagall_korobotchka-s-poultry-house +illustration,Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-russian-fairy-story-sister-alyonushka-and-brother-ivanushka-1901-1(1) +illustration,Naive_Art_Primitivism,marc-chagall_illustration-for-louis-aragon-s-work-one-who-says-things-without-saying-anything-1976-20 +illustration,Art_Nouveau_Modern,aubrey-beardsley_salome-on-settle +illustration,Art_Nouveau_Modern,edmund-dulac_the-pearl-of-the-serpent-from-the-kingdom-of-the-pearl +illustration,Color_Field_Painting,andre-lanskoy_diary-of-a-madman-23 +illustration,Romanticism,n.c.-wyeth_when-sir-percival-came-nigh-unto-the-brim +illustration,Symbolism,mstislav-dobuzhinsky_white-nights-1922-3 +illustration,Art_Nouveau_Modern,edmund-dulac_prospero-in-secret-studies-from-the-tempest +illustration,Ukiyo_e,utagawa-kunisada_dietary-life-rules +illustration,Northern_Renaissance,albrecht-durer_schoolmaster-1510 +illustration,Art_Nouveau_Modern,thomas-theodor-heine_from-thorheiten-1901-3 +illustration,Naive_Art_Primitivism,marc-chagall_madame-sobakevitch +illustration,Realism,salvador-dali_transformation-of-antiques-magazine-cover-into-the-apparition-of-a-face +illustration,Romanticism,gustave-dore_the-army-of-the-second-crusade-find-the-remains-of-the-soldiers-of-the-first-crusade-1877 +portrait,Baroque,diego-velazquez_allegorical-portrait-of-philip-iv +portrait,Pop_Art,richard-hamilton_finn-maccool-1983 +portrait,Northern_Renaissance,lucas-cranach-the-elder_johannes-carion +portrait,Romanticism,alfred-stevens_woman-wearing-a-bracelet +portrait,Expressionism,lucian-freud_paddington-interior-harry-diamond-1970 +portrait,Rococo,joshua-reynolds_portrait-of-admiral-thomas-cotes +portrait,Post_Impressionism,augustus-john_woman-with-a-daffodil-1910 +portrait,Realism,vasily-surikov_female-portrait-1885 +portrait,Rococo,giovanni-domenico-tiepolo_head-of-an-old-man +portrait,Symbolism,gustave-moreau_the-toilet-1890 +portrait,Rococo,dmitry-levitzky_philanthropic-giver-portrait-of-n-a-sezemov-1770 +portrait,Naive_Art_Primitivism,niko-pirosmani_self-portrait-1900 +portrait,Cubism,fernand-leger_three-women-1921 +portrait,Realism,ion-andreescu_self-portrait +portrait,Expressionism,amedeo-modigliani_germaine-survage-with-earrings-1918 +portrait,Realism,thomas-eakins_portrait-of-jennie-dean-kershaw +portrait,Realism,vasily-vereshchagin_lezgin-haji-murtuz-agha-from-dagestan-1864 +portrait,Realism,john-singer-sargent_head-of-a-capri-girl-1878 +portrait,Expressionism,egon-schiele_the-brother-1911 +portrait,Art_Nouveau_Modern,ferdinand-hodler_portrait-of-gertrud-mueller +portrait,Pop_Art,roy-lichtenstein_crying-girl-1964(1) +portrait,Rococo,jean-honore-fragonard_portrait-of-elisabeth-sophie-constance-de-lowendhal-1785 +portrait,Baroque,frans-hals_verdonck-1627 +portrait,Realism,fyodor-bronnikov_portrait-of-a-girl +portrait,Realism,valentin-serov_portrait-of-prince-vladimir-mikhailovich-golitsyn-1906 +portrait,Post_Impressionism,moise-kisling_woman-with-brown-hair +portrait,Impressionism,gustave-caillebotte_portrait-of-a-man +portrait,Expressionism,amedeo-modigliani_portrait-of-a-man-with-hat-jose-pacheco +portrait,Art_Nouveau_Modern,leon-bakst_portrait-of-miss-paoloff-1916 +portrait,Realism,john-singer-sargent_a-spanish-woman +portrait,Baroque,joshua-reynolds_george-ashby +portrait,Realism,vincent-van-gogh_head-of-a-peasant-woman-with-dark-cap-1885-5(1) +portrait,Realism,ilya-repin_portrait-of-of-julia-bogdanovna-repman-born-krause-wife-of-dr-a-h-repman-1881 +portrait,Realism,ivan-kramskoy_portrait-of-the-artist-nikolay-andreyevich-koshelev-1866 +portrait,Rococo,vladimir-borovikovsky_portrait-of-empress-elisabeth-alexeievna-1795 +portrait,Rococo,thomas-gainsborough_portrait-of-john-hayes-st-leger-1782 +portrait,Naive_Art_Primitivism,fernando-botero_the-sisters +portrait,Expressionism,amedeo-modigliani_a-young-girl-with-a-black-overall-1918 +portrait,Rococo,louise-elisabeth-vigee-le-brun_portrait-of-countess-golovine +portrait,Art_Nouveau_Modern,felix-vallotton_french-writer-joseph-de-maistre-1895 +portrait,Realism,edouard-manet_a-veiled-young-woman-1872 +portrait,Expressionism,richard-diebenkorn_coffee +portrait,Art_Nouveau_Modern,raphael-kirchner_girl-scout-new-york-tribune-1916 +portrait,Baroque,peter-paul-rubens_equestrian-portrait-of-the-duke-of-lerma-1603 +portrait,Impressionism,childe-hassam_against-the-light +portrait,Baroque,diego-velazquez_equestrian-portrait-of-philip-iii-1635 +portrait,Expressionism,lucian-freud_head-of-a-girl-1976 +portrait,Rococo,antoine-pesne_self-portrait-with-daughters-1754 +portrait,Romanticism,joseph-wright_portrait-of-sarah-carver-and-her-daughter-sarah +portrait,Contemporary_Realism,richard-whitney_glenda +portrait,Ukiyo_e,tsukioka-yoshitoshi_cherishing +portrait,Naive_Art_Primitivism,fernand-leger_singer-at-the-microphone-1955 +portrait,Impressionism,joaquã­n-sorolla_my-family-1901 +portrait,Mannerism_Late_Renaissance,agnolo-bronzino_don-garcia-de-medici +portrait,Rococo,antoine-watteau_portrait-of-a-gentleman-1720 +portrait,Romanticism,william-holman-hunt_bianca +portrait,Realism,john-singer-sargent_mrs-asher-wertheimer-1904 +portrait,Realism,anders-zorn_a-kitchen-maid-1919 +portrait,Rococo,joshua-reynolds_georgiana-countess-spencer-and-her-daughter-1761 +portrait,Expressionism,theo-van-doesburg_troelstra-1910 +portrait,Mannerism_Late_Renaissance,agnolo-bronzino_pope-leo-x +portrait,Realism,ivan-kramskoy_portrait-of-the-author-ivan-goncharov-1874 +portrait,Rococo,maurice-quentin-de-la-tour_louis-de-silvestre +portrait,Romanticism,edward-burne-jones_maria-zambaco-1870 +portrait,Fauvism,pyotr-konchalovsky_portrait-of-daughter-1912 +portrait,Cubism,kazimir-malevich_soldier-of-the-first-division-1914 +portrait,Post_Impressionism,paul-cezanne_young-italian-girl-resting-on-her-elbow-1896 +portrait,Rococo,thomas-gainsborough_portrait-of-mrs-drummond +portrait,Rococo,maurice-quentin-de-la-tour_portrait-of-louis-xv-of-france +portrait,Romanticism,dante-gabriel-rossetti_sancta-lilias-1874 +portrait,Impressionism,mary-cassatt_young-girls-1897 +portrait,Expressionism,amedeo-modigliani_the-beggar-of-livorne-1909 +portrait,Realism,vasily-polenov_portrait-n-v-yakunchikova-1879 +portrait,Post_Impressionism,william-scott_louise-1939 +portrait,Ukiyo_e,utagawa-kuniyoshi_the-courtesans-usugomo-haruka-and-yayoi-of-the-tamaya-teahouse +portrait,Rococo,joshua-reynolds_isabella-lady-beauchamp-1778 +portrait,Impressionism,pierre-auguste-renoir_bust-of-a-woman +portrait,Romanticism,alexander-shilov_in-the-cell-mother-paisija-puhtitsky-monastery-1988(4) +portrait,Rococo,joshua-reynolds_charles-coote-1st-earl-of-bellamont +portrait,Art_Nouveau_Modern,leon-bakst_portrait-of-a-lady-1917 +portrait,High_Renaissance,lorenzo-lotto_a-man-with-letter +portrait,Realism,john-singer-sargent_mrs-ernest-hill-constance-malanie-wynne-roberts +portrait,Rococo,thomas-gainsborough_james-maitland-8th-earl-of-lauderdale +portrait,Realism,konstantin-somov_portrait-of-louise-morgan +portrait,Expressionism,andre-derain_bust-of-a-woman +portrait,Pop_Art,lourdes-castro_ombre-port-e-de-maurice-henry-1968 +portrait,Baroque,aleksey-antropov_portrait-of-catherine-ii +portrait,Realism,boris-kustodiev_abbess-1908-1 +portrait,Romanticism,dante-gabriel-rossetti_the-roseleaf +portrait,Impressionism,william-merritt-chase_colesberry-purves +portrait,Northern_Renaissance,albrecht-durer_nuremberg-woman-dressed-for-church-1500 +portrait,Impressionism,pierre-auguste-renoir_marthe-berard-girl-wearing-a-blue-sash-1879 +portrait,Rococo,vladimir-borovikovsky_ivan-mikhailovich-yakovlev +portrait,Romanticism,polychronis-lembesis_half-naked-child +portrait,Baroque,peter-paul-rubens_portrait-of-isabella-brandt-1626 +portrait,Realism,mikhail-vrubel_portrait-of-wife-of-the-businessman-artsybushev-1897 +portrait,Early_Renaissance,andrea-mantegna_portrait-of-cardinal-carlo-de-medici-1466 +portrait,Realism,ilya-repin_burlak-2-1870 +portrait,Art_Nouveau_Modern,henri-de-toulouse-lautrec_yvette-guilbert-1893-1 +portrait,Expressionism,henri-matisse_aicha-and-laurette-1917 +portrait,Expressionism,paul-klee_angel-still-feminine-1939(1) +portrait,Art_Nouveau_Modern,gustav-klimt_the-dancer-1918 +portrait,High_Renaissance,vittore-carpaccio_portrait-of-a-lady +portrait,Post_Impressionism,pyotr-konchalovsky_a-woman-from-behind-1935 +portrait,Romanticism,pierre-paul-prud'hon_portrait-of-a-woman-with-her-child +portrait,Baroque,anthony-van-dyck_james-stuart-duke-of-lennox-and-richmond-1633 +portrait,Realism,konstantin-somov_portrait-of-anna-ostroumova-lebedeva-1901 +portrait,Romanticism,karl-bryullov_child-in-a-swimming-pool-portrait-of-prince-a-g-gagarin-in-childhood(1) +portrait,Realism,gustave-courbet_portrait-of-madthilde-couq-1857 +portrait,Impressionism,mary-cassatt_portrait-of-miss-cassatt-holding-the-cards +portrait,Naive_Art_Primitivism,pablo-picasso_las-meninas-velazquez-1957-3 +portrait,Art_Nouveau_Modern,zinaida-serebriakova_peasant-woman-with-rocker-1917 +portrait,Romanticism,karl-bryullov_portrait-of-the-artist-prince-g-g-gagarin-1 +portrait,Romanticism,karl-bodmer_young-piegan-blackfeet-woman +portrait,Realism,viktor-vasnetsov_portrait-of-the-artist-am-vasnetsov-1878 +portrait,Baroque,anthony-van-dyck_portrait-of-cardinal-guido-bentivoglio +portrait,Impressionism,paul-gauguin_the-embroiderer-or-mette-gauguin-1878 +portrait,Naive_Art_Primitivism,fernando-botero_musician +portrait,Expressionism,lucian-freud_head-of-ali +portrait,Romanticism,jan-matejko_czartoryska +portrait,Art_Nouveau_Modern,paul-mathiopoulos_portait-of-john-polemis-1924 +portrait,Art_Nouveau_Modern,boris-kustodiev_coachman-at-traktir-1920 +portrait,Rococo,francois-boucher_the-marquise-de-pompadour +portrait,Expressionism,jean-paul-lemieux_julie-et-l-univers +portrait,Rococo,vladimir-borovikovsky_maria-norova-1799 +portrait,Impressionism,frederic-remington_against-the-sunset-1906 +portrait,Realism,valentin-serov_portrait-of-olga-serova-1890 +portrait,Ukiyo_e,kitagawa-utamaro_from-the-series-kasen-koi-no-bu-1794 +portrait,Impressionism,pierre-auguste-renoir_head-of-a-young-woman-1888 +portrait,Romanticism,taras-shevchenko_portrait-of-the-unknown-woman-near-piano-1842 +portrait,Realism,nikolaos-gyzis_portrait-of-artemis-gyzi-1890-1 +portrait,Impressionism,valentin-serov_portrait-of-sergei-diaghilev-1904 +portrait,Rococo,joshua-reynolds_portrait-of-george-colman-the-elder +portrait,Baroque,ivan-nikitin_tzarina-natalia-alekseevna-1 +portrait,Realism,viktor-vasnetsov_portrait-of-vera-savvishna-mammoth-1896 +portrait,Romanticism,john-everett-millais_the-bridesmaid +portrait,Mannerism_Late_Renaissance,giuseppe-arcimboldo_vertumnus-emperor-rudolph-ii(1) +portrait,Rococo,giovanni-battista-tiepolo_head-of-a-philosopher-1757 +portrait,Baroque,adriaen-van-ostade_the-smoker +portrait,Romanticism,karl-bryullov_portrait-of-vincenzo-tittoni-1852 +portrait,Mannerism_Late_Renaissance,paolo-veronese_portrait-of-woman-with-a-child-and-a-dog-1548 +portrait,Realism,valentin-serov_portrait-of-alexei-morozov-1909 +portrait,Cubism,marevna-(marie-vorobieff)_portrait-of-a-young-david-1955 +portrait,Impressionism,pierre-auguste-renoir_the-blue-lady-1874 +portrait,Realism,nikolai-ge_portrait-of-leo-tolstoy +portrait,Romanticism,johann-koler_ema-portree-1857 +portrait,Impressionism,mary-cassatt_young-woman-with-auburn-hair-in-a-pink-blouse-1895 +portrait,Baroque,rembrandt_portrait-of-cornelis-claesz-1640-1 +portrait,Realism,gustave-courbet_young-ladies-on-the-banks-of-the-seine-summer-1857 +portrait,Northern_Renaissance,hans-holbein-the-younger_charity-the-family-of-the-artist +portrait,Baroque,rembrandt_portrait-of-titus-1653 +portrait,Impressionism,pierre-auguste-renoir_young-woman-with-a-rose-in-her-hat-1913 +portrait,Ukiyo_e,utagawa-kuniyoshi_tokiwa-gozen-with-her-three-children-in-the-snow +portrait,Realism,ilya-repin_portrait-of-the-writer-aleksey-konstantinovich-tolstoy-1896 +portrait,Mannerism_Late_Renaissance,tintoretto_young-man-of-the-renialme-family-1548 +portrait,Expressionism,lucian-freud_two-brothers-from-ulster +portrait,Art_Nouveau_Modern,leon-bakst_portrait-of-miss-ida-rubinstein +portrait,Realism,william-adolphe-bouguereau_bacchante-1894 +portrait,Realism,fyodor-bronnikov_exile-in-front-of-the-grave-1870 +portrait,Realism,pavel-fedotov_portrait-of-maria-pavlovna-druzhinina +portrait,Post_Impressionism,anita-malfatti_tropical-1917 +portrait,Rococo,joshua-reynolds_the-dilettanti-society-1778 +portrait,Romanticism,orest-kiprensky_portrait-of-a-boy-1812 +portrait,Mannerism_Late_Renaissance,titian_portrait-of-a-girl +portrait,Realism,john-singer-sargent_charles-octavius-parsons +portrait,Romanticism,orest-kiprensky_portrait-of-dmitry-nikolaevich-filosofov-1826 +portrait,Rococo,carl-ludwig-johann-christineck_yuri-matveevich-veldten-1786 +portrait,Realism,pavel-fedotov_portrait-of-olga-ivanovna-and-fedor-ivanov-1851 +portrait,Realism,giovanni-boldini_portrait-of-alice-regnault-1880 +portrait,Mannerism_Late_Renaissance,titian_portrait-of-pietro-aretino +portrait,Romanticism,osman-hamdi_a-lady-of-constantinople-1881 +portrait,Contemporary_Realism,richard-whitney_john-h-sununu +portrait,Post_Impressionism,henri-matisse_marguerite-wearing-a-hat-1918 +portrait,Romanticism,william-holman-hunt_the-schoolgirl-s-hymn-1859 +portrait,Post_Impressionism,nicolae-tonitza_katyusha-the-lipovan-girl-1926 +portrait,Realism,ilya-repin_portrait-of-the-artist-i-s-ostroukhov-1913 +portrait,High_Renaissance,giovanni-bellini_leonardo-loredan +portrait,Romanticism,william-holman-hunt_robert-braithwaite-martineau-1860 +portrait,Realism,mykola-yaroshenko_the-stoker-1878 +portrait,Realism,viktor-vasnetsov_portrait-of-victor-goshkevich-the-founder-of-the-historic-aarchaeological-museum-in-kherson-1887 +portrait,Realism,thomas-eakins_portrait-of-walt-whitman-1887 +portrait,Rococo,dmitry-levitzky_maria-pavlovna +portrait,Romanticism,david-wilkie_portrait-of-king-william-iv-1765-1837-1837 +portrait,Expressionism,amedeo-modigliani_portrait-of-moise-kisling-1916 +portrait,Northern_Renaissance,petrus-christus_potrait-of-a-carthusian-1446 +portrait,High_Renaissance,giorgione_two-women-and-a-man-trio-1510(2) +portrait,Impressionism,berthe-morisot_the-little-girl-from-nice-celestine +portrait,Realism,nikolai-ge_portrait-of-nikolay-o-ge-artist-s-father +portrait,Expressionism,pablo-picasso_bearded-man-1962 +portrait,Analytical_Cubism,pablo-picasso_william-uhde-1910 +portrait,Realism,nikolai-ge_portrait-of-piotr-zabela +portrait,Northern_Renaissance,albrecht-durer_portrait-of-elector-friedrich-the-wise +portrait,Art_Nouveau_Modern,wilhelm-kotarbinski_triumphant +portrait,Realism,william-adolphe-bouguereau_on-greve-1896 +portrait,Impressionism,stefan-dimitrescu_cabaret +portrait,Realism,john-singer-sargent_portrait-of-ernse-ange-duez +portrait,Realism,giovanni-boldini_portrait-of-madame-josephina-alvear-de-errazuriz-1892 +portrait,Post_Impressionism,irma-stern_men-in-red-fezzes +portrait,Realism,ilya-repin_portrait-of-actor-and-dramatist-grigory-grigorievich-ghe-1895 +portrait,Impressionism,carl-larsson_portrait-of-alma-1887(1) +portrait,Realism,vincent-van-gogh_orphan-man-with-top-hat-and-hands-crossed-1882 +portrait,Fauvism,alberto-magnelli_woman-on-a-balcony-1914 +portrait,Post_Impressionism,paul-gauguin_head-of-a-breton-marie-louarn-1888 +portrait,Realism,ivan-kramskoy_portrait-of-the-artist-vasily-perov-1881 +portrait,Symbolism,odilon-redon_profile-of-a-young-girl +portrait,Expressionism,oskar-kokoschka_not_detected_235934 +portrait,Rococo,fyodor-rokotov_portrait-of-an-unknown-man +portrait,Rococo,joshua-reynolds_countess-lavinia-spencer-1782 +portrait,Impressionism,edgar-degas_portrait-of-josephine-gaujelin-1867 +portrait,Realism,thomas-eakins_carmelita-requena-1870 +portrait,Impressionism,mary-cassatt_woman-sewing-1914 +portrait,Impressionism,valentin-serov_portrait-of-a-princess-olga-orlova-1911 +portrait,Post_Impressionism,pyotr-konchalovsky_portrait-of-olga-konchalovsky-the-artist-s-wife-with-red-beads-1925 +portrait,Realism,vincent-van-gogh_head-of-a-woman-9 +portrait,Impressionism,berthe-morisot_portrait-of-the-artist-s-mother-and-sister +portrait,Realism,boris-kustodiev_portrait-of-count-n-p-ignatieff-1902 +portrait,Rococo,john-russell_dr-andrew-gifford-1700-1784-assistant-librarian-1756-1784-1774 +portrait,Northern_Renaissance,albrecht-durer_portrait-of-cardinal-albrecht-of-brandenburg +portrait,Romanticism,vasily-tropinin_portrait-of-nikolai-i-utkin-1824 +portrait,Realism,ilya-repin_portrait-of-painter-and-sculptor-mikhail-osipovich-mikeshin-1888 +portrait,Symbolism,odilon-redon_closed-eyes-3 +portrait,Romanticism,konstantin-makovsky_boyaryshnya-4 +portrait,Rococo,maurice-quentin-de-la-tour_madame-de-la-poupliniere +portrait,Romanticism,francisco-goya_the-clothed-maja-1800 +portrait,Art_Nouveau_Modern,felix-vallotton_portrait-of-french-writer-louis-dumur-1896 +portrait,Baroque,johannes-vermeer_study-of-a-young-woman +portrait,Realism,ivan-kramskoy_adrian-viktorovich-prahova-portrait-art-historian-and-art-critic-1879 +portrait,Rococo,allan-ramsay_the-painter-s-wife-margaret-lindsay +portrait,Expressionism,george-bouzianis_portrait-of-mrs-kountse-1909 +portrait,Baroque,anthony-van-dyck_portrait-of-a-member-of-the-balbi-family +portrait,Naive_Art_Primitivism,marc-chagall_a-jew +portrait,Expressionism,frank-auerbach_head-of-g-b +portrait,Naive_Art_Primitivism,henri-rousseau_portrait-of-monsieur-s-1898 +portrait,Impressionism,giuseppe-de-nittis_sarah-bernhardt-as-pierrot +portrait,Expressionism,max-pechstein_modellpause-1925 +portrait,Northern_Renaissance,lucas-cranach-the-elder_john-frederick-the-magnanimous-elector-of-saxony-1535 +portrait,Rococo,vladimir-borovikovsky_elisabeth-alexeievna-tsarina-of-russia-1814 +portrait,Northern_Renaissance,hans-holbein-the-younger_portrait-of-an-englishwoman-1532 +portrait,Northern_Renaissance,albrecht-durer_oriental-family-1496 +portrait,Art_Nouveau_Modern,sergey-solomko_vasilisa-mikulishna +portrait,Rococo,fyodor-rokotov_portrait-of-praskovya-nikolayevna-lanskaya +portrait,Impressionism,claude-monet_camille-sitting-on-the-beach-at-trouville-1871 +portrait,Realism,vincent-van-gogh_fisherman-with-sou-wester-1883(1) +portrait,Baroque,rembrandt_family-group-1668 +portrait,Post_Impressionism,paul-gauguin_three-tahitian-women-1896 +portrait,Impressionism,ferdinand-hodler_seated-bearded-man-1884 +portrait,Impressionism,lovis-corinth_portrait-of-charlotte-berend-in-white-dress-1902 +portrait,Realism,vincent-van-gogh_head-of-a-brabant-peasant-woman-with-dark-cap-1885(1) +portrait,Rococo,fyodor-rokotov_portrait-of-emperor-paul-i-as-a-child +portrait,Naive_Art_Primitivism,maria-primachenko_taras-hryhorovych-shevchenko-arrives-from-his-exile-to-flowering-ukraine-1968 +portrait,Post_Impressionism,edouard-vuillard_valloton-and-misia-in-the-dining-room-at-rue-saint-florentin-1899 +portrait,Realism,henri-fantin-latour_charlotte-dubourg-1882 +portrait,Rococo,vladimir-borovikovsky_varvara-andreyevna-tomilova +portrait,Realism,antonio-carneiro_retrato-de-cl-udio-e-maria-1922 +portrait,Art_Nouveau_Modern,boris-kustodiev_merchant-with-his-wife-1914 +portrait,Art_Nouveau_Modern,zinaida-serebriakova_portrait-of-a-i-kunina-1921 +portrait,Impressionism,theodor-pallady_interior-din-atelierul-din-place-dauphine-1934 +portrait,Romanticism,francisco-goya_gaspar-melchor-de-jovellanos +portrait,Expressionism,amedeo-modigliani_anna-hanka-zabrowska-1916 +portrait,Art_Nouveau_Modern,boris-kustodiev_portrait-of-fyodor-chaliapin-1921 +portrait,Rococo,dmitry-levitzky_portrait-of-countess-ekaterina-vorontsova-as-a-child +portrait,Realism,vincent-van-gogh_woman-with-shawl-over-her-hair-head-1883 +portrait,Expressionism,pablo-picasso_woman-with-hat-1962 +portrait,Realism,charles-hermans_portrait-of-a-young-lady +portrait,Impressionism,berthe-morisot_portrait-of-marguerite-carre-also-known-as-young-girl-in-a-ball-gown +portrait,Art_Nouveau_Modern,jacek-malczewski_portrait-of-adam-asnyk-with-a-muse-1897 +portrait,Expressionism,amedeo-modigliani_woman-in-yellow-jacket-amazon-1909 +portrait,Post_Impressionism,david-burliuk_nike-1959 +portrait,Post_Impressionism,theo-van-rysselberghe_portrait-of-maria-van-rysselberghe-1919 +portrait,Baroque,rembrandt_portrait-of-a-rabbi +portrait,Post_Impressionism,pierre-bonnard_the-solfege-1917 +portrait,Expressionism,chronis-botsoglou_andras-se-kokkino-1980 +portrait,Expressionism,vajda-lajos_sisters-1936 +portrait,Post_Impressionism,irma-stern_portrait-of-a-woman-wearing-a-pink-hijab +portrait,Realism,vasily-perov_portrait-of-the-author-vladimir-dahl-1872 +portrait,Baroque,anthony-van-dyck_portrait-of-father-jean-charles-della-faille-1629 +portrait,Realism,vasily-vereshchagin_arab-on-camel-1870 +portrait,Impressionism,pierre-auguste-renoir_bust-of-a-young-girl +portrait,Romanticism,francisco-goya_goya-attended-by-doctor-arrieta-1820 +portrait,Northern_Renaissance,lucas-cranach-the-elder_electors-of-saxony-friedrich-the-wise-johann-the-steadfast-and-johann-friedrich-the-magnanimous-1532 +portrait,Realism,ilya-repin_double-portrait-of-natalia-nordmann-and-ilya-repin-1903 +portrait,Realism,ilya-repin_portrait-of-a-military-engineer-captain-a-shevtsov-brother-of-the-artist-s-wife-1876 +portrait,Art_Nouveau_Modern,henri-de-toulouse-lautrec_la-revue-blanche-1895 +portrait,Symbolism,pablo-picasso_woman-leaning-ahead-1904 +portrait,Realism,thomas-eakins_a-negress +portrait,Northern_Renaissance,albrecht-durer_portrait-of-elector-frederick-the-wise-of-saxony-1496 +portrait,Baroque,peter-paul-rubens_charles-the-bold-duke-of-burgundy +portrait,Realism,james-tissot_on-the-thames-a-heron +portrait,Baroque,rembrandt_maria-trip-1639 +portrait,Romanticism,miklos-barabas_portrait-of-j-nos-matta-1860 +portrait,Realism,john-singer-sargent_cecily-homer-1910 +portrait,Realism,john-singer-sargent_ethel-smyth-1901 +portrait,Post_Impressionism,pablo-picasso_harlequin-with-his-hands-crossed-jacinto-salvado-1923 +portrait,Art_Nouveau_Modern,felix-vallotton_portrait-of-french-poet-laurent-tailhade-1896 +portrait,Expressionism,egon-schiele_the-green-stocking-1914 +portrait,Rococo,john-russell_george-birkbeck-1776-1841-1805 +portrait,Post_Impressionism,salvador-dali_figure-at-a-table-portrait-of-my-sister +portrait,Symbolism,james-mcneill-whistler_the-greek-slave-girl-or-variations-in-violet-and-rose +portrait,Romanticism,orest-kiprensky_portrait-of-grand-duke-michael-pavlovich-of-russia +portrait,Cubism,fernand-leger_mural-1951 +portrait,Mannerism_Late_Renaissance,tintoretto_portrait-of-doge-pietro-loredano +portrait,Realism,salvador-dali_geodesic-portrait-of-gala +portrait,Pop_Art,patrick-procktor_peter-anguillara-1967 +portrait,Art_Nouveau_Modern,felix-vallotton_paul-verlaine-1891 +portrait,Expressionism,amedeo-modigliani_portrait-of-the-photographer-dilewski-1916 +portrait,Post_Impressionism,irma-stern_portrait-of-vera-poppe-playing-the-cello-1943 +portrait,Romanticism,orest-kiprensky_portrait-of-nikita-mikhailovich-muraviev-1813 +portrait,Expressionism,henri-matisse_odalisque-with-gray-pants-1927 +portrait,Rococo,joshua-reynolds_mrs-and-miss-macklin-with-miss-potts-1788 +portrait,Realism,john-singer-sargent_a-dinner-table-at-night-1884 +portrait,Realism,edgar-degas_the-belleli-family-1862 +portrait,Naive_Art_Primitivism,niko-pirosmani_erekle-ii-of-georgia +portrait,Impressionism,guy-rose_the-lavalier +portrait,Art_Nouveau_Modern,zinaida-serebriakova_portrait-of-e-m-eygelya-1909 +portrait,Romanticism,eugene-delacroix_chopin(1) +portrait,Art_Nouveau_Modern,leon-bakst_portrait-of-leon-bakst +portrait,Romanticism,karl-bryullov_profile-of-glinka-1847 +portrait,Realism,thomas-eakins_portrait-of-frances-eakins +portrait,Rococo,vladimir-borovikovsky_portrait-of-grand-duchess-alexandra +portrait,Realism,nicholas-roerich_ushkuinik-1894 +portrait,Impressionism,edgar-degas_edmond-duranty-1879 +portrait,Expressionism,zinaida-serebriakova_portrait-of-the-artist-s-daughter-1934 +portrait,Pop_Art,billy-apple_the-presidential-suite-the-mighty-landslide-1964 +portrait,Rococo,louise-elisabeth-vigee-le-brun_woman-s-head-1780 +portrait,Realism,boris-kustodiev_portrait-of-a-peasant-kotov +portrait,Northern_Renaissance,petrus-christus_portrait-of-a-man +portrait,Northern_Renaissance,rogier-van-der-weyden_portrait-of-a-woman-1464 +portrait,Expressionism,chronis-botsoglou_2 +portrait,Baroque,rembrandt_portrait-of-a-young-woman-1633 +portrait,Expressionism,dimitris-mytaras_untitled(5) +portrait,Art_Nouveau_Modern,felix-vallotton_portrait-of-matilde-serao-1891 +portrait,Rococo,vladimir-borovikovsky_ivan-mikhailovich-yakovlev-1 +portrait,Impressionism,william-merritt-chase_a-gypsy-swell-aka-a-spanish-gypsy +portrait,Rococo,joshua-reynolds_portrait-of-maria-anne-fitzherbert +portrait,Ukiyo_e,utagawa-kuniyoshi_the-actor-2 +portrait,Realism,pyotr-konchalovsky_spanish-women-1937 +portrait,High_Renaissance,leonardo-da-vinci_old-man-with-ivy-wreath-and-lion-s-head +portrait,Realism,nicolae-grigorescu_doroban-ul +portrait,Northern_Renaissance,hans-holbein-the-younger_henry-viii +portrait,Realism,thomas-eakins_portrait-of-harriet-husson-carville +portrait,Contemporary_Realism,richard-whitney_robert-reich +portrait,Impressionism,giovanni-boldini_lady-in-red-coat-1878 +portrait,Expressionism,egon-schiele_portrait-of-the-painter-max-oppenheimer-1910 +portrait,Romanticism,dante-gabriel-rossetti_monna-rosa-1867 +portrait,Impressionism,camille-pissarro_young-peasant-girl-wearing-a-hat-1881 +portrait,Expressionism,paul-klee_likeness-in-the-bower-1930(1) +portrait,Realism,alexey-venetsianov_a-boy-in-a-red-shirt +portrait,Romanticism,konstantin-makovsky_portrait-of-artist-s-children +portrait,Naive_Art_Primitivism,henri-rousseau_the-muse-inspiring-the-poet-1909-1 +portrait,Rococo,joshua-reynolds_henri-fane-with-his-guardians-1762 +portrait,Realism,thomas-eakins_portrait-of-william-h-macdowell-1891 +portrait,Realism,leon-bonnat_le-cardinal-charles-lavigerie-1888 +portrait,Symbolism,konstantin-somov_portrait-of-a-ostroumova-lebedeva +portrait,Impressionism,edgar-degas_head-of-a-young-roman-girl-1856 +portrait,Realism,mikhail-vrubel_portrait-of-s-mamontov-the-founder-of-the-first-private-opera-1897 +portrait,Expressionism,nikolaos-lytras_portrait-of-the-painter-s-mother +portrait,Impressionism,ipolit-strambu_peasant-woman-1909 +portrait,Realism,anders-zorn_coquelin-cadet-1889 +portrait,Expressionism,frank-auerbach_head-of-e-o-w-i +portrait,Impressionism,edmund-charles-tarbell_profile-1900 +portrait,Baroque,diego-velazquez_democritus-1629 +portrait,Art_Nouveau_Modern,egon-schiele_girl-in-a-blue-apron-1912 +portrait,Realism,vincent-van-gogh_head-of-a-peasant-woman-with-white-cap-1885-2(1) +portrait,Rococo,joshua-reynolds_portrait-of-lionel-sackville-1st-duke-of-dorset +portrait,Realism,james-tissot_the-window +portrait,Expressionism,martiros-saryan_portrait-of-conductor-constantine-sarajev-1940 +portrait,Impressionism,john-singer-sargent_rainy-day-on-the-deck-of-the-yacht-constellation-1924 +portrait,Realism,vasily-vereshchagin_fakir-1876 +portrait,Art_Nouveau_Modern,felix-vallotton_portrait-of-french-writer-and-playwright-alfred-jarry-1901 +portrait,Realism,salvador-dali_gala-s-foot-left-panel +portrait,Northern_Renaissance,albrecht-durer_helius-eobanus-hessus-eoban-koch +portrait,Realism,boris-kustodiev_portrait-b-a-gorin-goryainov-1926-2 +portrait,Rococo,maurice-quentin-de-la-tour_mademoiselle-salle +portrait,High_Renaissance,andrea-del-sarto_head-of-a-young-man +portrait,Art_Nouveau_Modern,leon-bakst_the-portrait-of-walter-fedorovich-nuvel +portrait,Rococo,joshua-reynolds_ladies-amabel-and-mary-jemima-yorke +portrait,Post_Impressionism,henri-de-toulouse-lautrec_portrait-of-oscar-wilde-1895 +portrait,Expressionism,paula-modersohn-becker_self-portrait +portrait,Symbolism,kuzma-petrov-vodkin_portrait-of-the-artist-s-wife-1906 +portrait,Romanticism,orest-kiprensky_s-f-mochalov-1823 +portrait,Impressionism,stefan-luchian_jewish-man +portrait,Expressionism,jean-rene-bazaine_the-street-child-1936 +portrait,Realism,alexey-venetsianov_a-peasant-girl-with-a-calf +portrait,Realism,vincent-van-gogh_head-of-a-peasant-woman-with-white-cap-1885-1(1) +portrait,Impressionism,pierre-auguste-renoir_portrait-of-charles-and-georges-durand-ruel-1882 +portrait,Post_Impressionism,vincent-van-gogh_portrait-of-adeline-ravoux-1890-1 +portrait,Naive_Art_Primitivism,arman-manookian_the-lei-seller +portrait,Art_Nouveau_Modern,carl-larsson_portrait-of-gothilda-furstenberg-1891(1) +portrait,Romanticism,karl-bryullov_portrait-of-ye-mussart-and-e-mussart-riders +portrait,Expressionism,jean-david_woman-with-braids-yemenite-1934 +portrait,Romanticism,konstantin-makovsky_female-portrait-5 +portrait,Rococo,fyodor-rokotov_portrait-of-an-unknown-man-in-a-cocked-hat +portrait,Rococo,dmitry-levitzky_ivan-golenishcev-kutuzov +portrait,Romanticism,orest-kiprensky_ivan-kozlov +portrait,Impressionism,guy-rose_portrait-of-an-algerian-1900 +portrait,Post_Impressionism,vincent-van-gogh_dr-paul-gachet-1890(1) +portrait,Post_Impressionism,vincent-van-gogh_portrait-of-armand-roulin-1888 +portrait,Art_Nouveau_Modern,gustav-klimt_portrait-of-johanna-staude-1918 +portrait,Romanticism,henryk-siemiradzki_man-in-profile +portrait,Realism,mykola-yaroshenko_the-student-1881 +portrait,Expressionism,henri-matisse_two-women-1939 +portrait,Expressionism,chaim-soutine_little-pastry-cook +portrait,Fauvism,kazimir-malevich_on-the-boulevard +portrait,Baroque,rembrandt_portrait-of-a-bearded-man-bust-length-in-a-red-doublet-1633 +portrait,Impressionism,pierre-auguste-renoir_study-of-a-young-girl-mademoiselle-murer +portrait,Realism,john-everett-millais_sweet-emma-morland +portrait,Realism,laszlo-mednyanszky_head-of-a-boy-1890 +portrait,Symbolism,arnold-bã¶cklin_vestal-1874 +portrait,Romanticism,vasily-tropinin_portrait-of-e-p-rostopchin-1853 +portrait,Realism,kazimir-malevich_portrait-of-a-record-setter-in-work-productivity-1932 +portrait,Impressionism,pierre-auguste-renoir_head-of-a-woman-1913 +portrait,Expressionism,lucian-freud_two-irishmen-in-w11-1985 +portrait,Rococo,antoine-pesne_jakob-von-keith +portrait,Art_Nouveau_Modern,felix-vallotton_portrait-of-russian-writer-vladimir-galaktionovich-korolenko +portrait,Realism,boris-kustodiev_dunya-in-red-1905 +portrait,Romanticism,karl-bryullov_portrait-of-princess-ye-p-saltykova-1835 +portrait,Realism,ilya-repin_portrait-of-the-writer-n-b-nordman-severova-the-artist-s-wife-1911 +portrait,Realism,mikhail-nesterov_portrait-of-m-m-nesterova-the-artist-s-mother +portrait,Expressionism,ernst-ludwig-kirchner_portrait-of-gerda +portrait,Realism,john-singer-sargent_mrs-edward-burckhardt-and-her-daughter-louise-1885 +portrait,Romanticism,theodore-gericault_the-bagpipe-player +portrait,Post_Impressionism,pablo-picasso_harlequin-leaning-1901 +portrait,Realism,thomas-eakins_woman-knitting +portrait,Northern_Renaissance,hans-baldung_hans-baldung-grien-and-john-rudalfinger-1534 +portrait,Romanticism,miklos-barabas_portrait-of-j-nos-buttler-1836 +portrait,Realism,fyodor-bronnikov_painters-in-the-hall-of-a-rich-man-1876 +portrait,Realism,ivan-kramskoy_portrait-of-a-woman-2 +portrait,Rococo,carl-ludwig-johann-christineck_natalia-ozerova +portrait,Realism,vasily-surikov_portrait-of-i-s-ostroukhov-1884 +portrait,Impressionism,valentin-serov_portrait-of-a-kasyanov-1907 +portrait,Impressionism,joaquã­n-sorolla_maria-dressed-as-a-valencian-peasant-girl-1906 +portrait,Impressionism,berthe-morisot_young-girl-leaning-on-her-elbow-1887 +portrait,Impressionism,childe-hassam_lillie +portrait,Post_Impressionism,constantin-piliuta_the-philosopher +portrait,Rococo,allan-ramsay_portrait-of-a-naval-officer +portrait,Expressionism,lucian-freud_woman-in-a-grey-sweater-1988 +portrait,Impressionism,edgar-degas_head-of-a-young-woman-1867 +portrait,Impressionism,max-slevogt_portrait-of-alexa-pfeiffer +portrait,Expressionism,amedeo-modigliani_raimondo-1915 +portrait,Baroque,diego-velazquez_don-gaspde-guzman-count-of-olivares-and-duke-of-san-lucla-mayor +portrait,Realism,boris-kustodiev_harvester-1918 +portrait,Expressionism,henri-matisse_three-sisters-1917 +portrait,Realism,vincent-van-gogh_man-with-his-head-in-his-hands-1882 +portrait,Romanticism,franz-xaver-winterhalter_princess-leonilla-of-sayn +portrait,Expressionism,pablo-picasso_head-of-a-woman-with-green-curls-1946 +portrait,Realism,vasily-surikov_siberian-woman-1909 +portrait,Impressionism,edouard-manet_portrait-of-a-lady +portrait,Romanticism,karl-bryullov_portrait-of-s-g-likhonin +portrait,Pop_Art,andy-warhol_ingrid-bergman-as-herself +portrait,Expressionism,remedios-varo_portrait-of-grandmother-do-a-josefa-zejalvo-1926 +portrait,Romanticism,karl-bryullov_portrait-of-ya-f-yanenko-with-armour +portrait,Romanticism,eugene-delacroix_study-of-a-man-in-costume(1) +portrait,Impressionism,konstantin-korovin_woman-portrait-1922 +portrait,Pointillism,marevna-(marie-vorobieff)_boy-with-grapes +portrait,Realism,vasily-surikov_portrait-of-i-e-krachkovsky-1884 +portrait,Romanticism,karl-bodmer_mato-tope-a-mandan-chief-1833 +portrait,Rococo,thomas-gainsborough_portrait-of-a-gentleman +portrait,Rococo,joshua-reynolds_lady-elizabeth-foster +portrait,Rococo,thomas-gainsborough_portrait-of-the-mary-gainsborough-1777 +portrait,Realism,ilya-repin_kubana-1883 +portrait,Romanticism,vasily-tropinin_portrait-of-an-unknown-in-a-black-coat-1838 +portrait,Romanticism,jan-matejko_matejko-jadwiga +portrait,Cubism,pablo-picasso_woman-s-head-1934 +portrait,Romanticism,henry-raeburn_little-girl-holding-flowers-portrait-of-nancy-graham +portrait,Romanticism,fyodor-bronnikov_meeting-of-princess-1883 +portrait,Post_Impressionism,gwen-john_not-identified +portrait,Ukiyo_e,utagawa-kuniyoshi_urawa +portrait,Impressionism,pierre-auguste-renoir_woman-s-head-6 +portrait,Post_Impressionism,pablo-picasso_portrait-of-sebastia-junyer-vidal-1 +portrait,Baroque,anthony-van-dyck_sir-robert-sherly-1622 +portrait,Baroque,anthony-van-dyck_double-portrait-of-the-painter-frans-snyders-and-his-wife +portrait,Northern_Renaissance,albrecht-durer_head-of-an-old-man-in-profile +portrait,Rococo,louise-elisabeth-vigee-le-brun_francis-i-bourbon-1790 +portrait,Art_Nouveau_Modern,felix-vallotton_portrait-of-henry-david-thoreau-1896 +portrait,Northern_Renaissance,lucas-cranach-the-elder_elector-john-the-constant-of-saxony-1526 +portrait,Realism,john-singer-sargent_lord-russell-of-killowen-1899 +portrait,Mannerism_Late_Renaissance,agnolo-bronzino_portrait-of-cosimo-i-de-medici-as-orpheus +portrait,Post_Impressionism,paul-cezanne_boy-in-a-red-vest-1890 +portrait,Expressionism,ernst-ludwig-kirchner_portrait-of-a-sick-man +portrait,Northern_Renaissance,hans-holbein-the-younger_portrait-of-charles-de-solier +portrait,Naive_Art_Primitivism,pablo-picasso_head-of-a-girl-1947 +portrait,Rococo,joshua-reynolds_lady-sunderlin +portrait,Baroque,sebastien-bourdon_equestrian-portrait-of-christina-queen-of-sweden-1653 +portrait,Northern_Renaissance,lucas-cranach-the-elder_albrecht-of-brandenburg-as-st-jerome-in-his-study-1526 +portrait,Pop_Art,roy-lichtenstein_no-nox-1962(1) +portrait,Impressionism,childe-hassam_mrs-hassam-and-her-sister +portrait,Realism,ivan-kramskoy_portrait-a-i-kuindzhi-1870 +portrait,Impressionism,pierre-auguste-renoir_girl-with-a-fan-alphonsine-fournaise-1880 +portrait,Expressionism,chaim-soutine_the-mad-woman +portrait,Expressionism,zinaida-serebriakova_breton-1934 +portrait,Expressionism,zinaida-serebriakova_merchant-vegetables-nice-1931 +portrait,Rococo,joshua-reynolds_francis-hastings-earl-of-huntingdon +portrait,Realism,vasily-polenov_head-of-old-jew-1895 +portrait,Realism,william-adolphe-bouguereau_daisies-1894 +portrait,High_Renaissance,raphael_the-veiled-woman-or-la-donna-velata +portrait,Northern_Renaissance,mabuse_portrait-of-a-merchant +portrait,Romanticism,constantin-daniel-rosenthal_convalescence +portrait,Symbolism,gustav-klimt_mada-primavesi +portrait,Romanticism,paul-cezanne_portrait-of-uncle-dominique-1866 +portrait,Northern_Renaissance,albrecht-durer_head-of-an-apostle-looking-upward-1508 +portrait,Impressionism,pierre-auguste-renoir_portrait-of-edmond-maitre-the-reader-1871 +portrait,Impressionism,william-james-glackens_dancer-in-blue +portrait,Expressionism,edvard-munch_walter-rathenau-1907 +portrait,Realism,pyotr-konchalovsky_to-the-water-katya-with-baskets-1934 +portrait,Realism,boris-kustodiev_portrait-of-g-s-vereisky-1917 +portrait,Realism,ivan-kramskoy_portrait-of-yakov-golubev-vice-director-of-the-tax-department-1884 +portrait,Impressionism,william-merritt-chase_portrait-of-miss-dora-wheeler-1 +portrait,Realism,john-singer-sargent_mrs-george-lewis-elizabeth-eberstadt-1892 +portrait,Romanticism,vasily-tropinin_zolotoshveyka +portrait,Romanticism,alexander-shilov_igumen-zinoviy-1991(4) +portrait,Realism,nikolai-ge_portrait-of-anna-olsufyeva +portrait,Romanticism,vasily-tropinin_portrait-of-i-l-lazarev-1822 +portrait,Baroque,ivan-nikitin_portrait-of-young-man-in-a-green-coat +portrait,Symbolism,odilon-redon_portrait-of-madame-redon +portrait,Romanticism,jan-matejko_portrait-of-the-artist-s-four-children-1879 +portrait,Symbolism,gulacsy-lajos_magic-1907 +portrait,Pointillism,marevna-(marie-vorobieff)_maria-holding-a-bird +portrait,Romanticism,henry-raeburn_rev-alexander-carlyle +portrait,Pop_Art,audrey-flack_macarena-esperanza-1971 +portrait,Rococo,joshua-reynolds_portrait-of-mrs-abington-british-actress-1773 +portrait,Romanticism,orest-kiprensky_francois-louis-duval-1816 +portrait,Romanticism,karl-bryullov_portrait-of-a-musician-m-vielgorsky(1) +portrait,Romanticism,edward-burne-jones_lady-frances-balfour +portrait,Art_Nouveau_Modern,henri-de-toulouse-lautrec_yvette-guilbert-1895 +portrait,Realism,john-singer-sargent_la-carmencita-1890 +portrait,Analytical_Cubism,juan-gris_portrait-of-maurice-raynal-1911 +portrait,Impressionism,pierre-auguste-renoir_woman-s-head +portrait,Realism,andrei-ryabushkin_portrait-of-i-f-tyumenev-1886 +portrait,High_Renaissance,dosso-dossi_laura-pisani-1525 +portrait,Expressionism,paula-modersohn-becker_portrait-of-rainer-maria-rilke-1906 +portrait,Expressionism,ernst-ludwig-kirchner_portrait-of-van-de-velde +portrait,Realism,ilya-repin_portrait-of-n-v-delyarov-1910 +portrait,Romanticism,francisco-goya_portrait-of-the-countess-of-carpio-marquesa-de-la-solana-1793 +portrait,Post_Impressionism,kees-van-dongen_a-woman-s-portrait-1909 +portrait,Post_Impressionism,mily-possoz_senhoras-num-jardim-1930 +portrait,Impressionism,pierre-auguste-renoir_woman-in-a-garden-woman-with-a-seagull-1868 +portrait,Ukiyo_e,keisai-eisen_kogiku-1830(1) +portrait,Realism,ilya-repin_portrait-of-a-i-shevtsov-1869 +portrait,Symbolism,kuzma-petrov-vodkin_the-girl-on-the-beach-1925 +portrait,Expressionism,zinaida-serebriakova_portrait-of-s-m-lukomskaya-1947 +portrait,Ukiyo_e,utagawa-kuniyoshi_even-thought-she-looks-old-she-is-young +portrait,Romanticism,konstantin-makovsky_portrait-of-the-composer-cesar-a-kyui +portrait,Romanticism,camille-corot_harvester-with-sickle +portrait,Post_Impressionism,le-pho_woman-on-the-balcony-1938 +portrait,Impressionism,marie-bracquemond_pierre-bracquemond-as-child-1878 +portrait,Ukiyo_e,utagawa-kuniyoshi_the-actor-12 +portrait,Post_Impressionism,anita-malfatti_a-estudante-russa-1915 +portrait,Abstract_Expressionism,willem-de-kooning_woman-4 +portrait,Impressionism,pierre-auguste-renoir_bust-of-a-young-woman-1904 +portrait,Realism,james-tissot_the-portico-of-the-national-gallery-london +portrait,Impressionism,john-singer-sargent_portrait-of-ambrogio-raffele-1911 +portrait,Realism,mykola-yaroshenko_portrait-of-vladimir-solovyov-1892 +portrait,Impressionism,camille-pissarro_young-woman-knotting-her-hair +portrait,Rococo,jean-marc-nattier_marie-leszczy-ska-queen-of-france-reading-the-bible-1748 +portrait,Mannerism_Late_Renaissance,titian_portrait-of-pope-julius-ii-1546 +portrait,Realism,mykola-yaroshenko_portrait-of-sergey-nikolaevich-amosov +portrait,Romanticism,alexander-orlowski_portrait-of-leo-pushkin +portrait,Art_Nouveau_Modern,felix-vallotton_portrait-of-arthur-rimbaud-1898 +portrait,Naive_Art_Primitivism,fernando-botero_the-family +portrait,Mannerism_Late_Renaissance,hans-von-aachen_portrait-of-a-girl-maria-maxmiliana-1612 +portrait,Realism,george-catlin_the-white-cloud-head-chief-of-the-iowa-1845 +portrait,Naive_Art_Primitivism,niko-pirosmani_woman-with-easter-eggs +portrait,Symbolism,franz-stuck_self-portrait-of-the-painter-and-his-wife-in-the-studio-1902 +portrait,Naive_Art_Primitivism,pablo-picasso_seated-old-man-1970 +portrait,Impressionism,pierre-auguste-renoir_seated-young-woman-1896 +portrait,Symbolism,mikhail-vrubel_bryusov-1906 +portrait,Realism,vincent-van-gogh_orphan-man-with-cap-and-stick-1882 +portrait,Post_Impressionism,francisc-sirato_femeie-citind +portrait,Romanticism,karl-bryullov_portrait-of-p-a-chikhachev +portrait,Romanticism,paul-cezanne_paul-alexis-reading-at-zola-s-house-1870 +portrait,Post_Impressionism,salvador-dali_portrait-of-luis-bunuel-1900-83-1924 +portrait,Cubism,juan-gris_bullfighter-1913 +portrait,Impressionism,konstantin-korovin_portrait-of-z-pertseva-1921 +portrait,Realism,john-singer-sargent_portrait-of-douglas-vickers-1914 +portrait,Cubism,marc-chagall_mazin-the-poet +portrait,Impressionism,istvan-nagy_sz-kely-girl-1913 +portrait,Realism,andrei-ryabushkin_portrait-of-i-f-tyumenev-with-his-wife +portrait,Realism,konstantin-makovsky_portrait-of-the-italian-boy +portrait,Realism,nikolai-ge_portrait-of-a-n-pypin +portrait,Expressionism,antonio-carneiro_retrato-de-carlos-carneiro-cavaleiro-1928 +portrait,Impressionism,georgios-jakobides_boy-smoking-1900 +portrait,Expressionism,zinaida-serebriakova_portrait-of-the-artist-d-bushena-1922 +portrait,Expressionism,dimitris-mytaras_untitled-1996 +portrait,Baroque,anthony-van-dyck_johan-oxenstierna +portrait,Symbolism,gulacsy-lajos_woman-with-candle-1910 +portrait,Realism,john-singer-sargent_mrs-william-shakespeare-louise-weiland +portrait,Expressionism,lucian-freud_bella +portrait,Naive_Art_Primitivism,niko-pirosmani_giorgi-saakadze-1913 +portrait,Art_Nouveau_Modern,ferdinand-hodler_girl-at-the-window-1890 +portrait,Northern_Renaissance,hans-baldung_portrait-of-a-young-man-1509-1 +portrait,Impressionism,max-slevogt_portrait-of-carl-steinbart +portrait,Impressionism,pierre-auguste-renoir_algerian-girl-1881 +portrait,Expressionism,andre-derain_not-detected-256143 +portrait,Realism,john-singer-sargent_edouard-pailleron +portrait,Impressionism,berthe-morisot_little-girl-with-a-blue-jersey-1886 +portrait,High_Renaissance,dosso-dossi_portrait-of-alfonso-i-d-este-1530 +portrait,Realism,henry-herbert-la-thangue_the-young-farmhand-1885 +portrait,Realism,theodore-gericault_portrait-of-a-kleptomaniac-1822 +portrait,Expressionism,zinaida-serebriakova_arab-on-a-donkey-1932 +portrait,Mannerism_Late_Renaissance,giorgio-vasari_eleonora-of-toledo-daughters-of-the-viceroy-of-naples-pedro-of-toledo-wife-to-cosimo-i-de +portrait,Northern_Renaissance,jean-hey_portrait-of-margaret-of-austria-portrait-of-a-young-princess +portrait,Realism,vasily-surikov_razin-1909 +portrait,Post_Impressionism,lajos-tihanyi_woman-in-red-with-green-background-1929 +portrait,Expressionism,jury-annenkov_portrait-of-alexander-tikhonov +portrait,Post_Impressionism,nicolae-tonitza_nuns +portrait,High_Renaissance,raphael_portrait-of-guidobaldo-da-montefeltro-duke-of-urbino +portrait,Realism,vincent-van-gogh_head-of-a-woman-13 +portrait,Expressionism,egon-schiele_the-dancer-moa-1911 +portrait,Ukiyo_e,utagawa-kuniyoshi_satsuma-taira-tadanori-for-suzumushi +portrait,Expressionism,henri-matisse_the-romanian-green-bluse-1939 +portrait,Impressionism,valentin-serov_portrait-of-alexander-lensky-and-alexander-yuzhin-1908 +portrait,Realism,ivan-kramskoy_portrait-of-theodora-saltykova-the-painter-s-mother-in-law-1875 +portrait,Romanticism,sir-lawrence-alma-tadema_balneatix +portrait,Expressionism,ossip-zadkine_harlequins-violinists-hidden +portrait,Post_Impressionism,pablo-picasso_seated-harlequin-jacinto-salvado-1923 +portrait,Realism,georgios-jakobides_potrait-of-vassilakis-melas-1885 +portrait,Romanticism,john-collier_the-artist-s-wife-marion-collier-n-e-huxley +portrait,Romanticism,sir-lawrence-alma-tadema_mrs-ralph-sneyd-1889 +portrait,Expressionism,lucian-freud_sleeping-head-1962 +portrait,Realism,john-singer-sargent_a-vele-gonfie-also-known-as-ena-wertheimer-1904 +portrait,Baroque,joshua-reynolds_mrs-william-molesworth +portrait,Romanticism,eugene-delacroix_the-orphan-girl-at-the-cemetery-1824(1) +portrait,Impressionism,pierre-auguste-renoir_woman-s-head-2 +portrait,Baroque,rembrandt_portrait-of-a-seated-man-rising-from-his-chair-1633 +portrait,Ukiyo_e,utagawa-kuniyoshi_samurai-yazama-kihei-mitsunobu +portrait,Impressionism,pierre-auguste-renoir_gabrielle-in-a-red-blouse-1913 +portrait,Romanticism,dante-gabriel-rossetti_the-women-s-window-jane-morris-1880 +portrait,Post_Impressionism,henri-de-toulouse-lautrec_lucie-bellanger-1896 +portrait,Post_Impressionism,vincent-van-gogh_portrait-of-a-woman-with-a-red-ribbon-1885 +portrait,Expressionism,ernst-ludwig-kirchner_portrait-of-dr-ludwig-binswanger +portrait,Romanticism,andrei-ryabushkin_presented-with-the-tzar-s-own-fur-lined-robe +portrait,Realism,vincent-van-gogh_peasant-woman-seated-1885 +portrait,Pop_Art,aldo-mondino_ritratto-di-georgia-o-keeffe-1993 +portrait,Realism,william-adolphe-bouguereau_modesty-1902 +portrait,Romanticism,konstantin-makovsky_egyptian-warrior +portrait,High_Renaissance,titian_portrait-d-isabella-d-este-1536 +portrait,Post_Impressionism,salvador-dali_portrait-of-bobo-rockefeller-unfinished +portrait,Ukiyo_e,utagawa-kuniyoshi_the-actor +portrait,Impressionism,victor-borisov-musatov_portrait-of-nadezhda-staniukovich-1903 +portrait,Realism,ivan-kramskoy_portrait-of-unknown-woman-1883 +portrait,Expressionism,salvador-dali_portrait-of-my-father-1 +portrait,Expressionism,lucian-freud_man-smoking-1987 +portrait,Symbolism,odilon-redon_profile-in-an-arch-1905 +portrait,Romanticism,paul-cezanne_portrait-of-uncle-dominique-as-a-monk +portrait,Mannerism_Late_Renaissance,gregorio-lopes_portrait-of-vasco-da-gama-1524 +portrait,Impressionism,berthe-morisot_portrait-of-marcel +portrait,Rococo,maurice-quentin-de-la-tour_abbot-claude-charles-deschamps +portrait,Impressionism,mary-cassatt_portrait-of-a-young-woman-in-green +portrait,Romanticism,eugene-delacroix_a-north-african-jewess-1847(1) +portrait,Expressionism,amedeo-modigliani_young-man-with-cap-1919 +portrait,Expressionism,amedeo-modigliani_hanka-zborowska-1919 +portrait,Rococo,louise-elisabeth-vigee-le-brun_giuseppina-grassini-in-the-role-of-zaire-1804 +portrait,Realism,camille-corot_madame-legois-1838-1 +portrait,Baroque,gerrit-dou_portrait-of-a-man-1640 +portrait,Rococo,benjamin-west_portrait-of-colonel-guy-johnson-and-karonghyontye-1776 +portrait,Northern_Renaissance,rogier-van-der-weyden_portrait-of-a-man +portrait,Expressionism,francis-picabia_gertrude-stein +portrait,Realism,camille-corot_alexina-ledoux +portrait,Rococo,joshua-reynolds_the-actress-kitty-fisher +portrait,Expressionism,jean-helion_leland-bell-reading-i-1951 +portrait,Early_Renaissance,domenico-ghirlandaio_francesco-sassetti-and-his-son-teodoro +portrait,Cubism,louis-marcoussis_the-cardplayer-1921 +portrait,Pop_Art,robert-silvers_jackie-kennedy +portrait,Romanticism,konstantin-makovsky_portrait-of-ossip-petrov-1870 +portrait,Realism,octav-bancila_copiii-pictorului-1914 +portrait,Realism,alexey-venetsianov_reaper +portrait,Expressionism,ernst-ludwig-kirchner_russian-woman +portrait,Realism,ilya-repin_italian-models-1870 +portrait,Impressionism,valentin-serov_portrait-of-nikolai-andreyevich-rimsky-korsakov-1898 +portrait,Realism,john-singer-sargent_alfred-son-of-asher-wertheimer +portrait,Expressionism,henri-matisse_joaquina +portrait,Romanticism,karl-bryullov_portrait-of-o-p-ferzen-on-a-donkeyback +portrait,Expressionism,amedeo-modigliani_young-woman +portrait,Impressionism,frederic-remington_modern-comanche-1890 +portrait,Symbolism,franz-stuck_male-portrait-study-a-bad-conscience +portrait,Realism,james-mcneill-whistler_arrangement-in-black-the-lady-in-the-yellow-buskin +portrait,Impressionism,pierre-auguste-renoir_dancer-1874 +portrait,Art_Nouveau_Modern,leon-bakst_portrait-of-jean-cocteau +portrait,Expressionism,egon-schiele_portrait-of-dr-hugo-koller-1918 +portrait,Baroque,rembrandt_a-young-woman-in-profile-with-a-fan-1632 +portrait,Impressionism,joaquã­n-sorolla_clothilde-at-the-beach-1904 +portrait,Impressionism,helene-schjerfbeck_school-girl-in-black-1908 +portrait,Northern_Renaissance,bernhard-strigel_portrait-of-louis-ii-of-hungary +portrait,Pop_Art,robert-silvers_not-detected-275030 +portrait,Baroque,rembrandt_portrait-of-a-bearded-man-in-black-beret +portrait,Art_Nouveau_Modern,boris-kustodiev_a-young-merchant-s-wife-in-the-a-checkered-scarf-1919 +portrait,Expressionism,zinaida-serebriakova_portrait-of-sergei-rostislavovich-ernst-1921 +portrait,Romanticism,viktor-vasnetsov_princess-eudoxia-1893 +portrait,Realism,thomas-eakins_portrait-of-elizabeth-r-coffin +portrait,Realism,alexey-venetsianov_girl-with-the-cornflowers +portrait,Rococo,dmitry-levitzky_ivan-ribotpierre +portrait,Cubism,pyotr-konchalovsky_portrait-of-olga-konchalovskaya-wife-of-the-artist-in-blue-1919 +portrait,Expressionism,lucian-freud_the-painter-s-doctor +portrait,Expressionism,neil-welliver_figures-under-tree +portrait,Post_Impressionism,pablo-picasso_seated-woman-on-a-striped-floor-1903 +portrait,Romanticism,francesco-hayez_aristoteles-1811 +portrait,Baroque,diego-velazquez_portrait-of-francesco-i-d-este-1639 +portrait,Rococo,dmitry-levitzky_dolgorukov +portrait,Post_Impressionism,moise-kisling_ms-b-dunn-1943 +portrait,Romanticism,jan-matejko_wladyslaw-jagiello +portrait,Expressionism,zinaida-serebriakova_sleeping-katya-1945 +portrait,Realism,william-adolphe-bouguereau_brother-and-sister-1887 +portrait,Romanticism,karl-bryullov_portrait-of-angelo-tittoni-1852(1) +portrait,Expressionism,helene-schjerfbeck_the-family-heirloom-1915 +portrait,Expressionism,martiros-saryan_portrait-of-s-shervinsky-1939 +portrait,Romanticism,vasily-tropinin_maikov-nicholas-apollonovich-1821 +portrait,Impressionism,mary-cassatt_simone-in-a-large-plumed-hat-seated-holding-a-griffon-dog +portrait,Ukiyo_e,utagawa-kuniyoshi_hatakeyama-sitting-next-to-a-go-board +portrait,Impressionism,konstantin-korovin_portrait-of-the-artist-tatiana-spiridonovna-lyubatovich +portrait,Art_Nouveau_Modern,jacek-malczewski_louis-zelenski-1912 +portrait,Symbolism,odilon-redon_portrait-of-paule-gobillard-1900 +portrait,Romanticism,joseph-wright_self-portrait-at-the-age-of-about-forty +portrait,Realism,salvador-dali_portrait-of-nada-pachevich +portrait,Post_Impressionism,henri-de-toulouse-lautrec_lili-grenier-in-a-kimono-1888 +portrait,High_Renaissance,andrea-del-sarto_head-of-child +portrait,Ukiyo_e,utagawa-kuniyoshi_hata-rokurozaemon-with-his-dog +portrait,Rococo,fyodor-rokotov_portrait-of-a-g-bobrinsky-in-his-childhood +portrait,Realism,ilya-repin_portrait-of-sidor-shavrov-1892 +portrait,Impressionism,nicolae-grigorescu_girl-with-red-beads +portrait,Romanticism,arthur-hughes_the-young-poet +portrait,Impressionism,joaquã­n-sorolla_maria-1900 +portrait,Baroque,anthony-van-dyck_george-villiers-2nd-duke-of-buckingham-and-his-brother-lord-francis-villiers-1635 +portrait,High_Renaissance,luca-signorelli_empedocles-1502 +portrait,Impressionism,nikolay-bogdanov-belsky_kondratiy +portrait,Realism,anton-azbe_portrait-of-a-girl-1885 +portrait,Impressionism,william-merritt-chase_portrait-of-a-lady-in-a-white-dress-aka-miss-edith-newbold +portrait,Baroque,ivan-nikitin_crown-princess-elizabeth-the-future-empress-1741 +portrait,Rococo,maurice-quentin-de-la-tour_francois-louis-veron-forbonnais-of-duverger-economist +portrait,Rococo,giovanni-battista-tiepolo_girl-with-a-mandolin +portrait,Impressionism,pierre-auguste-renoir_gabrielle-in-a-red-blouse +portrait,Baroque,caravaggio_not_detected_186714 +portrait,Romanticism,konstantin-makovsky_portrait-of-v-bahrushina +portrait,Post_Impressionism,moise-kisling_not-identified-2 +portrait,Symbolism,odilon-redon_madness-1883 +portrait,Realism,fyodor-bronnikov_the-monk-and-the-beggar-1902 +portrait,Art_Nouveau_Modern,boris-kustodiev_tsar-nicholas-ii-1915 +portrait,Realism,mikhail-vrubel_portrait-of-student-1882 +portrait,Northern_Renaissance,hans-holbein-the-younger_derek-berck-1536 +portrait,Northern_Renaissance,hans-baldung_portrait-of-ambroise-volmar-keller-1538 +portrait,Impressionism,medi-wechsler-dinu_medi-and-gheorghe-dinu +portrait,Realism,pyotr-konchalovsky_lavrushka-with-scooter-a-grandson-of-the-artist-1952 +portrait,Mannerism_Late_Renaissance,lavinia-fontana_portrait-of-antonietta-gonzalez-1595 +portrait,Rococo,dmitry-levitzky_portrait-of-ekaterina-nelidova-1773 +portrait,Rococo,louise-elisabeth-vigee-le-brun_german-opera-singer-elisabeth-mara +portrait,Romanticism,konstantin-makovsky_in-the-outskirts +portrait,Impressionism,edouard-manet_woman-with-a-gold-pin-1879 +portrait,Ukiyo_e,utagawa-kuniyoshi_a-street-prostitute +portrait,Romanticism,orest-kiprensky_portrait-of-pyotr-olenin-1813 +portrait,Realism,ilya-repin_portrait-of-a-woman-1874 +portrait,Impressionism,pierre-auguste-renoir_portrait-of-a-young-girl-1895 +portrait,Rococo,thomas-gainsborough_king-george-iii-1781 +portrait,Realism,ilya-repin_portrait-of-the-artist-d-n-kardovskiy-1897 +portrait,Naive_Art_Primitivism,niko-pirosmani_portrait-of-a-railway-worker-misha-meheteli +portrait,Mannerism_Late_Renaissance,tintoretto_portrait-of-jacopo-soranso +portrait,Art_Nouveau_Modern,raphael-kirchner_greek-girls-4 +portrait,Impressionism,edmund-charles-tarbell_portrait-of-a-woman-in-white-1890 +portrait,Rococo,giovanni-domenico-tiepolo_the-piper-1770 +portrait,Art_Nouveau_Modern,ferdinand-hodler_border-woman-figure-in-blue-gwand-1915 +portrait,Cubism,lyubov-popova_sketch-for-portrait +portrait,Baroque,sebastien-bourdon_presumed-portrait-of-ren-descartes +portrait,Art_Nouveau_Modern,zinaida-serebriakova_portrait-of-eugene-serebryakov-1909 +portrait,Realism,robert-brackman_young-lady-of-1933 +portrait,Expressionism,ernst-ludwig-kirchner_dodo-with-a-big-feather-hat +portrait,Post_Impressionism,henri-de-toulouse-lautrec_house-wife-1890 +portrait,Post_Impressionism,maurice-denis_maternite-anne-marie-et-marthe-a-la-bague-ovale +portrait,Realism,pyotr-konchalovsky_pushkin-at-the-mikhailovsky +portrait,Rococo,maurice-quentin-de-la-tour_jeanne-elisabeth-de-geer-baroness-tuyll +portrait,Realism,vincent-van-gogh_head-of-a-peasant-woman-with-dark-cap-1885-2(1) +portrait,Rococo,jean-honore-fragonard_young-girl-reading +portrait,Expressionism,iosif-iser_intimacy-1944 +portrait,Romanticism,sir-lawrence-alma-tadema_resting-1882 +portrait,Art_Nouveau_Modern,max-kurzweil_mira-baue-1908 +portrait,Mannerism_Late_Renaissance,tintoretto_portrait-of-jacopo-sansovino-1571 +portrait,Impressionism,valentin-serov_portrait-of-the-artist-isaac-levitan-1900 +portrait,Naive_Art_Primitivism,fernand-leger_portrait-of-a-man-with-the-hat-study-for-builders +portrait,Impressionism,nikolay-bogdanov-belsky_young-musician +portrait,Romanticism,taras-shevchenko_portrait-of-p-v-engelgart-1833 +portrait,Mannerism_Late_Renaissance,jacopo-pontormo_portrait-of-a-goldsmith +portrait,Symbolism,odilon-redon_lady-of-the-flowers +portrait,Symbolism,gustav-klimt_portrait-of-serena-lederer +portrait,Rococo,benjamin-west_self-portrait-1819 +portrait,Naive_Art_Primitivism,pablo-picasso_sebastia-junyer-vidal-as-rhapsode-1903 +portrait,Impressionism,pierre-auguste-renoir_algerian-woman-1883 +portrait,Realism,ilya-repin_portrait-of-the-artist-daughter-nadezhda-1898 +portrait,Rococo,joseph-wright_simon-wilmot +portrait,Art_Nouveau_Modern,raphael-kirchner_erika +portrait,Rococo,louise-elisabeth-vigee-le-brun_portrait-of-izabela-lubomirska-1782 +portrait,Post_Impressionism,tivadar-kosztka-csontvary_woman-sitting-by-the-window-1895 +portrait,Expressionism,henri-matisse_asia-1946 +portrait,Cubism,pablo-picasso_paternity-1971 +portrait,Realism,pericles-pantazis_stubbornness +portrait,Romanticism,vasily-tropinin_mikhail-mikhailovich-speransky +portrait,Baroque,peter-paul-rubens_portrait-of-archduchess-isabella-clara-eugenia +portrait,Rococo,antoine-pesne_henriette-karoline-von-pfalz-zweibr-cken-landgrave-of-hesse-darmstadt-with-the-moor +portrait,Realism,vasily-polenov_montenegrin-girl-1874 +portrait,Post_Impressionism,vincent-van-gogh_mother-roulin-with-her-baby-1888 +portrait,Expressionism,george-bouzianis_old-man +portrait,Impressionism,william-merritt-chase_seated-woman-in-yello-striped-gown +portrait,Post_Impressionism,theo-van-rysselberghe_renee-druet-with-violin-1910 +portrait,Romanticism,fyodor-bronnikov_portrait-of-a-woman-in-white-1859 +portrait,Rococo,allan-ramsay_portrait-of-william-colyear-viscount-milsington +portrait,Romanticism,karl-bryullov_portrait-of-captain-a-m-kostinich(1) +portrait,Impressionism,matej-sternen_woman-with-a-corset +portrait,Expressionism,amedeo-modigliani_the-cellist-1909 +portrait,Post_Impressionism,vincent-van-gogh_portrait-of-eugene-boch-1888 +portrait,Northern_Renaissance,jean-hey_portrait-of-margaret-of-austria-portrait-of-a-young-princess-1 +portrait,Rococo,thomas-gainsborough_portrait-of-peter-godfrey-of-old-hall-east-bergholt-suffolk +portrait,Baroque,frans-hals_two-laughing-boys-with-a-beer-mug +portrait,Realism,boris-kustodiev_portrait-of-a-s-neverov-1926 +portrait,Art_Nouveau_Modern,anders-zorn_portrait-of-mrs-eben-richards-1899 +portrait,Realism,boris-kustodiev_portrait-of-i-b-kustodieva-daughter-of-the-artist-1926 +portrait,Realism,john-singer-sargent_the-honorable-laura-lister +portrait,Realism,ilya-repin_the-delarov-family-portrait-1906 +portrait,Northern_Renaissance,hans-memling_portrait-of-a-praying-woman +portrait,Realism,john-everett-millais_the-honourable-john-nevile-manners +portrait,Impressionism,philip-de-laszlo_queen-marie-of-romania-1936 +portrait,Baroque,anthony-van-dyck_portrait-of-joost-de-hertoghe +portrait,Baroque,frans-hals_catarina-both-van-der-eem +portrait,Rococo,william-hogarth_portrait-of-captain-coram-1740 +portrait,Rococo,allan-ramsay_portrait-of-janet-dick +portrait,Romanticism,konstantin-makovsky_portrait-of-princess-zinaida-yusupova +portrait,Realism,john-singer-sargent_robert-louis-stevenson-and-his-wife-1885 +portrait,Baroque,anthony-van-dyck_portrait-of-henri-ii-de-lorraine-duc-de-guise-1634 +portrait,Realism,vasily-surikov_siberian-beauty-portrait-of-e-a-rachkovsky-1891 +portrait,Realism,salvador-dali_galarina-1945 +portrait,Realism,nikolay-bogdanov-belsky_portrait-of-feodor-chaliapin +portrait,Realism,thomas-eakins_monsignor-diomede-falconia-1905 +portrait,Post_Impressionism,moise-kisling_portrait-of-adolphe-basler-1914 +portrait,Realism,ilya-repin_portrait-of-sculptor-mark-matveevich-antokolski-1866 +portrait,Baroque,anthony-van-dyck_portrait-of-a-man-in-armour-with-red-scarf-1627 +portrait,Rococo,vladimir-borovikovsky_portrait-of-e-temkina-1798 +portrait,Post_Impressionism,jacques-villon_l-espagnole-1928 +portrait,Romanticism,pierre-paul-prud'hon_david-jonston-1808 +portrait,Romanticism,viktor-vasnetsov_portrait-of-helena-adrianovny-prahovo-1894 +portrait,Rococo,dmitry-levitzky_portrait-of-fedor-orlov-1785 +portrait,Realism,alexey-venetsianov_a-peasant-woman-resting-on-her-hand +portrait,Expressionism,paul-klee_magdalena-before-the-conversion-1938(1) +portrait,Baroque,frans-hals_portrait-of-a-young-woman +portrait,Northern_Renaissance,rogier-van-der-weyden_isabella-of-portugal +portrait,Ukiyo_e,utagawa-kuniyoshi_self-portrait-of-the-shunga-album +portrait,Rococo,dmitry-levitzky_catherine-ii-1782 +portrait,Romanticism,karl-bryullov_portrait-of-maria-kikina-as-a-child-1820 +portrait,Pointillism,camille-pissarro_young-flemish-maid +portrait,Impressionism,karoly-ferenczy_gipsies-1901 +portrait,Impressionism,giovanni-boldini_portrait-of-donna-franca-florio-1924 +portrait,Impressionism,camille-pissarro_the-laundry-woman-1879 +portrait,Expressionism,chronis-botsoglou_-1 +portrait,Romanticism,william-holman-hunt_stephen-lushington +portrait,Realism,salvador-dali_the-duke-of-urbino-portrait-of-count-theo-rossi-di-montelera +portrait,Expressionism,marie-laurencin_the-blue-plume-1914 +portrait,Realism,pavel-fedotov_andrey-grigoriy-and-alexander-druzhinin +portrait,Romanticism,orest-kiprensky_neapolitan-girl-with-the-fruits-1831 +portrait,Romanticism,konstantin-makovsky_portrait-of-the-boy-1 +portrait,Realism,vasily-polenov_the-bylinas-narrator-nikita-bogdanov-1876 +portrait,Impressionism,pierre-auguste-renoir_portrait-of-a-young-girl-1912 +portrait,Ukiyo_e,utagawa-kuniyoshi_the-actor-17 +portrait,Romanticism,jan-matejko_maurizio-parys +portrait,Baroque,rembrandt_saskia-wearing-a-veil-1634 +portrait,Art_Nouveau_Modern,jozsef-rippl-ronai_zorka-b-nyai-in-a-black-dress-1911 +portrait,Rococo,allan-ramsay_portrait-of-martha-countess-of-elgin +portrait,Impressionism,max-liebermann_carl-duisberg-1909 +portrait,Realism,giovanni-boldini_john-lewis-brown-with-wife-and-daughter-1890 +portrait,Expressionism,otto-dix_the-declaration-of-war +portrait,Cubism,juan-gris_girl +portrait,Impressionism,james-mcneill-whistler_the-rose-scarf +portrait,Romanticism,vasily-tropinin_kushnikov-prokofiev-1828 +portrait,Romanticism,konstantin-makovsky_bedouin +portrait,Expressionism,amedeo-modigliani_portrait-of-a-woman-1919 +portrait,Northern_Renaissance,albrecht-durer_portrait-of-oswolt-krel-1499 +portrait,Romanticism,orest-kiprensky_dreamer +portrait,Impressionism,pablo-picasso_head-of-woman-1901 +portrait,Baroque,annibale-carracci_the-beaneater-1590 +portrait,Expressionism,amedeo-modigliani_joseph-levi-1910 +portrait,Realism,vincent-van-gogh_woman-with-kettle-seen-from-the-back-1882 +portrait,Romanticism,karl-bryullov_portrait-of-the-actor-a-n-ramazanov +portrait,Expressionism,ligia-macovei_unknown-title-27 +portrait,Expressionism,dimitris-mytaras_figures-1 +portrait,Post_Impressionism,arturo-souto_bust-of-woman-1962 +portrait,Expressionism,carlos-saenz-de-tejada_portrait-of-benvenuti-gonzalez-del-campillo-1920 +portrait,Realism,john-singer-sargent_albert-de-belleroche +portrait,Impressionism,pierre-auguste-renoir_head-of-a-girl +portrait,Romanticism,francesco-hayez_portrait-of-countess-luigia-douglas-scotti-d-adda-1830 +portrait,Early_Renaissance,antonello-da-messina_portrait-of-a-man-1474 +portrait,Baroque,peter-paul-rubens_portrait-of-gaspard-schoppins +portrait,Abstract_Expressionism,mark-tobey_not-identified-1 +portrait,Realism,john-singer-sargent_cora-countess-of-strafford-cora-smith-1908 +portrait,Rococo,carl-ludwig-johann-christineck_portrait-of-agrafena-ribeaupierre +portrait,Northern_Renaissance,albrecht-durer_face-a-young-girl-with-red-beret-1507 +portrait,Post_Impressionism,pyotr-konchalovsky_portrait-of-a-girl-sima-1940 +portrait,Impressionism,edgar-degas_ludovic-halevy-speaking-with-madame-cardinal +portrait,Impressionism,nutzi-acontz_the-boy +portrait,Realism,alexey-venetsianov_girl-with-accordion +portrait,High_Renaissance,titian_portrait-of-a-bearded-man +portrait,Romanticism,vasily-tropinin_portrait-of-pavel-vasilyev +portrait,Ukiyo_e,utagawa-kuniyoshi_the-actor-3 +portrait,Pop_Art,richard-hamilton_leopold-bloom-1983 +portrait,Art_Nouveau_Modern,gustav-klimt_portrait-of-adele-bloch-bauer-i(1) +portrait,Expressionism,pyotr-konchalovsky_family-portrait-against-chinese-panel-1911 +portrait,Expressionism,martiros-saryan_portrait-of-nina-komurdzhyan-1917 +portrait,Realism,boris-kustodiev_portrait-of-m-i-heylik-1901 +portrait,Ukiyo_e,utagawa-kuniyoshi_shutsudoko-doi +portrait,Romanticism,orest-kiprensky_portrait-of-varvara-andreyevna-tomilova-1813 +portrait,Northern_Renaissance,lucas-cranach-the-elder_portrait-of-a-young-nobleman-1539 +portrait,Realism,william-adolphe-bouguereau_lambs-1897 +portrait,Contemporary_Realism,jamie-wyeth_rudolf-nureyev-1977 +portrait,Romanticism,sir-lawrence-alma-tadema_portrait-of-mrs-charles-wyllie +portrait,Romanticism,theodore-gericault_presumed-portrait-of-pierre-paul-royer-collard +portrait,Rococo,dmitry-levitzky_portrait-of-an-unknown-man-1781 +portrait,Rococo,vladimir-borovikovsky_portrait-of-khristofor-von-benckendorff-1797 +portrait,Realism,ilya-repin_portrait-of-a-boy-1867 +portrait,Realism,ilya-repin_portrait-of-the-chello-player-alexander-verzhbilovich-1895 +portrait,Symbolism,kuzma-petrov-vodkin_girl-in-red-scarf-worker-1925 +portrait,Cubism,marevna-(marie-vorobieff)_portrait-of-ossip-zadkine +portrait,Expressionism,andre-derain_portrait-of-lucien-gilbert-1906 +portrait,Ukiyo_e,tsukioka-yoshitoshi_looking-tasty-the-appearance-of-a-courtesan-during-the-kaei-era +portrait,Realism,thomas-eakins_archbishop-james-frederick-wood-1876 +portrait,Expressionism,ernst-ludwig-kirchner_two-brothers +portrait,Romanticism,orest-kiprensky_portrait-of-nikita-mikhailovich-muraviev-1815 +portrait,Art_Nouveau_Modern,alphonse-mucha_coverage-for-the-volume-s-grandmothers-songs-1897 +portrait,Impressionism,john-singer-sargent_the-green-dress-1912 +portrait,Realism,ivan-vladimirov_hungarian-soldier +portrait,Rococo,thomas-gainsborough_count-rumford +portrait,Realism,james-tissot_sunday-morning +portrait,Impressionism,max-liebermann_portrait-of-dr-max-linde +portrait,Post_Impressionism,augustus-john_dorelia-wearing-a-turban-1912 +portrait,Rococo,thomas-gainsborough_lady-ligonier-1770 +portrait,Realism,mikhail-nesterov_portrait-of-ivan-pavlov-1930 +portrait,Baroque,rembrandt_rembrandt-s-wife-with-pearls-in-her-hair-1634 +portrait,Expressionism,amedeo-modigliani_portrait-of-maude-abrantes-1907(1) +portrait,Rococo,dmitry-levitzky_portrait-of-grand-duchess-maria-feodorovna +portrait,Contemporary_Realism,richard-whitney_dean-and-roberta-smith +portrait,Ukiyo_e,utagawa-kuniyoshi_the-actor-23 +portrait,Realism,boris-kustodiev_portrait-of-a-writer-alexandra-vasilevny-schwartz-1906 +portrait,Impressionism,joaquã­n-sorolla_clotilde-in-an-evening-dress-1910 +portrait,Realism,vasily-surikov_monk +portrait,Impressionism,pierre-auguste-renoir_young-woman-wearing-a-black-hat-1895 +portrait,Symbolism,konstantin-vasilyev_divination +portrait,Impressionism,konstantin-korovin_portrait-of-olga-alyabyeva-1889 +portrait,Baroque,peter-paul-rubens_alfonso-i-d-este-duke-of-ferrara +portrait,Impressionism,pierre-auguste-renoir_the-white-pierrot-jean-renoir-1902 +portrait,Realism,john-everett-millais_moorish-chief-engraving +portrait,Romanticism,jan-matejko_portrait-of-three-children +portrait,Symbolism,albert-pinkham-ryder_king-cophetua-and-the-beggar-maid-1906 +portrait,Realism,grigoriy-myasoyedov_spaniard +portrait,Romanticism,konstantin-makovsky_portrait-of-the-girl-4 +portrait,Realism,vincent-van-gogh_portrait-of-an-old-man-with-beard-1885 +portrait,Expressionism,pyotr-konchalovsky_natasha-on-a-chair-portrait-of-n-p-konchalovskaya-in-childhood-1910 +portrait,Romanticism,john-william-waterhouse_the-rose-bower +portrait,Expressionism,marcel-duchamp_yvonne-in-kimono-1901 +portrait,Expressionism,rafael-zabaleta_harlequin-and-clown-with-mask-1942 +portrait,Realism,vasily-surikov_portrait-of-k-m-verkhoturova-1890 +portrait,Realism,vasily-perov_head-of-a-kirghiz-sketch-1869 +portrait,Impressionism,pierre-auguste-renoir_young-girl-in-a-blue-corset +portrait,Post_Impressionism,moise-kisling_portrait-with-a-collar-1938 +portrait,Early_Renaissance,pietro-perugino_giovanni-colombini +portrait,Impressionism,giuseppe-de-nittis_promenade-hivernale +portrait,Impressionism,pierre-auguste-renoir_little-girl-with-a-red-hair-knot-1890 +portrait,Rococo,maurice-quentin-de-la-tour_charles-pinot-duclos-novelist-and-historian +portrait,Realism,valentin-serov_portrait-of-attorney-oscar-osipovich-grusenberg-with-his-wife-rosa-grigoryevna-1910 +portrait,Baroque,adriaen-van-ostade_portrait-of-a-scholar +portrait,Expressionism,martiros-saryan_portrait-of-composer-aram-khachaturian-1944 +portrait,Rococo,louise-elisabeth-vigee-le-brun_the-daughter-s-portrait +portrait,Symbolism,konstantin-vasilyev_reaper +portrait,Realism,ilya-repin_portrait-of-anton-rubinstein-1915 +portrait,Realism,john-singer-sargent_johannes-wolff +portrait,Realism,john-singer-sargent_mrs-philip-leslie-agnew-1902 +portrait,Rococo,thomas-gainsborough_portrait-of-the-molly-and-peggy +portrait,Expressionism,tia-peltz_girl-with-blue-eyes-1996 +portrait,Impressionism,william-james-glackens_standing-girl-with-white-spats-1915 +portrait,Pointillism,theo-van-rysselberghe_madame-theo-van-rysselberghe-and-her-daughter-1899 +portrait,Impressionism,julian-alden-weir_drypoint-portrait-of-american-painter-theodore-robinson +portrait,Naive_Art_Primitivism,fernando-botero_man-with-a-guitar +portrait,Impressionism,pierre-auguste-renoir_portrait-of-an-old-woman-madame-le-coeur-1878 +portrait,Expressionism,lovis-corinth_portrait-of-alfred-kuhn-1923 +portrait,Realism,giovanni-boldini_madame-leclanche-1881 +portrait,Realism,anders-zorn_hugo-reisinger-1907 +portrait,Impressionism,joaquã­n-sorolla_elena-at-her-desk-1898 +portrait,Rococo,louise-elisabeth-vigee-le-brun_the-marquise-de-pezay-and-the-marquise-de-roug-with-her-sons-alexis-and-adrien-1787 +portrait,Impressionism,filipp-malyavin_portrait-of-a-boy-in-a-white-suit +portrait,Pop_Art,andy-warhol_mick-jagger-1 +portrait,Impressionism,giuseppe-de-nittis_face +portrait,Impressionism,konstantin-korovin_the-portrait-of-mariinsky-theatre-singer-vera-aleekseevna-dorofeeva-1920 +portrait,Contemporary_Realism,jamie-wyeth_kalounna-in-frogtown-1986 +portrait,Realism,william-adolphe-bouguereau_yvonne-1896 +portrait,Expressionism,candido-portinari_sapateiro-de-brodowski-1941 +portrait,Romanticism,konstantin-makovsky_savoyard +portrait,Romanticism,dante-gabriel-rossetti_portrait-of-elizabeth-siddal-1855 +portrait,Rococo,jean-honore-fragonard_inspiration-1769 +portrait,Expressionism,zinaida-serebriakova_portrait-of-v-m-dukelsky-1920 +portrait,Baroque,anthony-van-dyck_lucas-vorsterman +portrait,Romanticism,george-frederick-watts_portrait-of-sir-john-everett-millais-1871(1) +portrait,Romanticism,viktor-vasnetsov_princess-olga-1893 +portrait,Northern_Renaissance,albrecht-durer_portrait-of-cardinal-albrecht-of-brandenburg-1 +portrait,Realism,giovanni-boldini_portrait-of-the-countess-zichy-1905 +portrait,Realism,pyotr-konchalovsky_the-night-watchman-with-a-dog-ivan-payala-1923 +portrait,Realism,mikhail-nesterov_portrait-of-maxim-gorky-1901 +portrait,Rococo,louise-elisabeth-vigee-le-brun_lady-hamilton-as-the-persian-sibyl-1792 +portrait,Romanticism,francisco-goya_blind-singer +portrait,Cubism,fernand-leger_women-with-mirror-1920 +portrait,Realism,john-singer-sargent_carmela-bertagna +portrait,Romanticism,orest-kiprensky_portrait-of-vasily-zhukovsky-1816 +portrait,Naive_Art_Primitivism,niko-pirosmani_prince-with-a-horn-of-wine +portrait,Realism,vincent-van-gogh_head-of-a-young-peasant-woman-with-dark-cap-1885 +portrait,Art_Nouveau_Modern,raphael-kirchner_greek-virgins-1900-8 +portrait,Realism,thomas-eakins_portrait-of-robert-c-ogden-1904 +portrait,Mannerism_Late_Renaissance,agnolo-bronzino_portrait-of-a-young-man +portrait,Northern_Renaissance,hans-baldung_portrait-of-martin-luther-1521 +portrait,Cubism,vicente-manansala_man-girl-and-cock-1953 +portrait,Romanticism,camille-corot_harvester-holding-her-sickle-1838 +portrait,Expressionism,ernst-ludwig-kirchner_portrait-of-hans-frisch +portrait,Impressionism,joaquã­n-sorolla_the-musketeer +portrait,Impressionism,pierre-auguste-renoir_sleeping-girl-girl-with-a-cat-1880 +portrait,Impressionism,theodor-pallady_opium-smoker +portrait,Expressionism,jose-gutierrez-solana_the-merchant-captain-1934 +portrait,Expressionism,egon-schiele_madame-schiele-1917 +portrait,Romanticism,john-everett-millais_a-young-girl-combing-her-hair +portrait,Realism,ivan-kramskoy_portrait-of-a-woman-1884 +portrait,Expressionism,vajda-lajos_melon-head-1936 +portrait,Post_Impressionism,pyotr-konchalovsky_portrait-of-pianist-vladimir-sofronitsky-at-the-piano-1932 +portrait,Impressionism,nicolae-vermont_gipsy-woman-with-red-scarf-1930 +portrait,Romanticism,sir-lawrence-alma-tadema_portrait-of-ignacy-jan-paderewski-1891 +portrait,Realism,camille-corot_head-of-bearded-man-study-for-the-baptism-of-christ-1845 +portrait,Fauvism,louis-valtat_woman-in-a-wheelchair-1903 +portrait,Romanticism,henry-raeburn_portrait-of-janet-dundas +portrait,Expressionism,helene-schjerfbeck_girl-from-eydtkuhnen-ii-1927 +portrait,Impressionism,augustus-john_portrait-of-a-jamaican-woman-1937 +portrait,Realism,boris-kustodiev_portrait-of-soviet-actor-nikolay-monakhov-1926 +portrait,Mannerism_Late_Renaissance,tintoretto_portrait-of-procurator-antonio-cappello +portrait,Mannerism_Late_Renaissance,titian_portrait-of-ludovico-beccadelli-1552 +portrait,Impressionism,pierre-auguste-renoir_the-sleeper-1880 +portrait,Post_Impressionism,moise-kisling_renee-kisling-1928 +portrait,Symbolism,odilon-redon_portrait-of-madame-redon-with-ari +portrait,Expressionism,balthus_joan-miro-and-his-daughter-dolores-1937 +portrait,Realism,ilya-repin_portrait-of-a-woman-1887 +portrait,Realism,ivan-kramskoy_portrait-of-the-artist-pavel-petrovich-chistyakova-1860 +portrait,Expressionism,henri-matisse_the-white-feather-1919 +portrait,Expressionism,zinaida-serebriakova_the-pride-of-the-housewife-1930 +portrait,Realism,wilhelm-leibl_in-erwartung-1898 +portrait,Realism,ilya-repin_portrait-of-a-woman-olga-shoofs-1907 +portrait,Romanticism,konstantin-makovsky_portrait-of-the-woman-with-coral-beads +portrait,Mannerism_Late_Renaissance,paolo-veronese_portrait-of-a-young-man-wearing-lynx-fur-1553 +portrait,Realism,ilya-repin_portrait-of-the-actress-pelagey-strepetova-1882 +portrait,Baroque,peter-paul-rubens_nicolas-trigault +portrait,Baroque,peter-paul-rubens_deborah-kip-wife-of-sir-balthasar-gerbier-and-her-children-1630 +portrait,Rococo,louise-elisabeth-vigee-le-brun_lady-hamilton-as-ariadne-1790 +portrait,Northern_Renaissance,hans-holbein-the-younger_portrait-of-benedikt-von-hertenstein-1517 +portrait,Cubism,salvador-dali_cubist-composition-portrait-of-a-seated-person-holding-a-letter +portrait,Rococo,louise-elisabeth-vigee-le-brun_portrait-of-lisabeth-of-france +portrait,Post_Impressionism,ilya-mashkov_portrait-of-a-woman-with-mirror-1918 +portrait,Baroque,rembrandt_portrait-of-a-man-in-a-tall-hat-1662 +portrait,Impressionism,egon-schiele_portrait-of-leopold-czihaczek-head-of-a-bearded-man-i-1907 +portrait,Realism,nikolai-ge_portrait-of-yelena-likhachova +portrait,Realism,boris-kustodiev_portrait-of-vasily-kastalsky +portrait,Baroque,gian-lorenzo-bernini_portrait-of-a-man-with-a-moustache(1) +portrait,Northern_Renaissance,hans-holbein-the-younger_portrait-of-a-boy-with-blond-hair +portrait,Symbolism,mikhail-nesterov_portrait-of-ekaterina-nesterova-1905 +portrait,Impressionism,pierre-auguste-renoir_young-woman-in-a-blue-hat +portrait,Realism,martiros-saryan_portrait-of-mother-1898 +portrait,Romanticism,alphonse-mucha_woman-with-a-burning-candle-1933 +portrait,Expressionism,lucian-freud_last-portrait-of-leigh +portrait,Impressionism,camille-pissarro_peasant-woman-and-child-eragny-1893 +portrait,Rococo,louise-elisabeth-vigee-le-brun_alexandre-charles-emmanuel-de-crussol-florensac-1787 +portrait,Realism,nikolai-ge_portrait-of-natalia-petrunkevich +portrait,Impressionism,mary-cassatt_woman-with-a-pearl-necklace-1879 +portrait,Expressionism,egon-schiele_portrait-of-karl-zakovsek-1910 +portrait,Impressionism,claude-monet_camille-with-green-parasol +portrait,Expressionism,amedeo-modigliani_portrait-of-monsieur-lepoutre-1916 +portrait,Art_Nouveau_Modern,leon-bakst_dmitry-filosof-portrait-1897 +portrait,Rococo,joshua-reynolds_the-children-of-edward-hollen-cruttenden +portrait,Post_Impressionism,georges-lemmen_little-pierre +portrait,Impressionism,edgar-degas_emma-dobigny-1869 +portrait,Art_Nouveau_Modern,henri-de-toulouse-lautrec_at-star-le-havre-miss-dolly-english-singer-1899 +portrait,Expressionism,pablo-picasso_portrait-of-erik-satie-1920 +portrait,Romanticism,karl-bryullov_portrait-of-singer-a-ya-petrova +portrait,Pop_Art,andy-warhol_muhammad-ali-3 +portrait,Romanticism,vasily-tropinin_not_detected_241121-1839 +portrait,Rococo,dmitry-levitzky_portrait-of-nikolay-lvov-1774 +portrait,Impressionism,joaquã­n-sorolla_my-wife-and-daughters-in-the-garden-1910 +portrait,Post_Impressionism,arshile-gorky_portrait-of-akabi +portrait,Romanticism,john-hoppner_sir-ralph-abercromby-1798 +portrait,Romanticism,joseph-wright_old-john-head-waiter-at-the-king-s-head-in-derby +portrait,Romanticism,ford-madox-brown_head-of-a-page-boy +portrait,Realism,nicholas-roerich_priest-from-gryzovo-1893-1 +portrait,Art_Nouveau_Modern,zinaida-serebriakova_portrait-of-k-lancere-1910 +portrait,Baroque,peter-paul-rubens_marie-de-medici-1622 +portrait,Post_Impressionism,paul-gauguin_tahitian-woman-1899 +portrait,Impressionism,camille-pissarro_portrait-of-pere-papeille-pontoise +portrait,Realism,ilya-repin_woman-study-1875 +portrait,Baroque,rembrandt_a-portrait-of-a-young-woman-1632 +portrait,Cubism,gosta-adrian-nilsson_soldat-1917 +portrait,Realism,salvador-dali_dali-from-the-back-painting-gala-from-the-back-eternalized-by-six-virtual-corneas-provisionally-1973 +portrait,Impressionism,pierre-auguste-renoir_girl-looking-into-a-mirror +portrait,Romanticism,karl-bodmer_pachtuwa-chta-an-arrikkara-warrior-plate-27-from-volume-1-of-travels-in-the-interior-of-north-1843 +portrait,Romanticism,alfred-stevens_portrait-of-mrs-howe-1900 +portrait,Impressionism,augustus-john_a-west-indian-girl-1940 +portrait,Pointillism,paul-signac_woman-by-a-lamp-1890 +portrait,Impressionism,joaquã­n-sorolla_traditional-dress-from-the-anso-valley-1914 +portrait,Baroque,ivan-nikitin_boris-sheremetev +portrait,Post_Impressionism,henri-de-toulouse-lautrec_the-english-girl-at-the-star-in-le-havre-1899 +portrait,High_Renaissance,dosso-dossi_saint-george-1513 +portrait,Baroque,rembrandt_titus-reading-1657 +portrait,Expressionism,nikolaos-lytras_child +portrait,Impressionism,max-liebermann_portrait-of-miss-hedwig-ruetz-1903 +portrait,Impressionism,berthe-morisot_woman-and-child +portrait,Impressionism,giovanni-boldini_the-two-children +portrait,Impressionism,pierre-auguste-renoir_the-page-1877 +portrait,Pop_Art,andy-warhol_mao-2 +portrait,Impressionism,jan-toorop_edmond-picard-1885 +portrait,Baroque,rembrandt_jan-cornelis-sylvius-1634 +portrait,Realism,vasily-vereshchagin_mullah-tajik +portrait,Baroque,frans-hals_regents-of-the-st-elizabeth-hospital-of-haarlem-detail-1641 +portrait,Post_Impressionism,pyotr-konchalovsky_katya-with-a-dog +portrait,Expressionism,jules-pascin_dancer-at-the-moulin-rouge-1908 +portrait,Baroque,rembrandt_homer-1663 +portrait,Northern_Renaissance,albrecht-durer_desiderius-erasmus-of-rotterdam-1526 +portrait,Impressionism,pierre-auguste-renoir_bust-of-a-young-woman-1913 +portrait,Art_Nouveau_Modern,paul-mathiopoulos_portrait-of-woman-1898 +portrait,Realism,philip-de-laszlo_portrait-of-vita-sackville-west-1910 +portrait,Rococo,joshua-reynolds_portrait-of-charles-fitzroy-1st-baron-southampton +portrait,Realism,camille-corot_two-italians-an-old-man-and-a-young-boy +portrait,Impressionism,pierre-auguste-renoir_gabrielle-with-open-blouse +portrait,Romanticism,edward-burne-jones_portrait-of-cecily-horner +portrait,Expressionism,pablo-picasso_soler-family-1903 +portrait,Romanticism,orest-kiprensky_portrait-of-konstantin-batyushkov-1815 +portrait,Realism,john-singer-sargent_miss-cara-burch-1888 +portrait,Realism,ilya-repin_the-sergeant-from-the-back-lit-by-the-sun-1885 +portrait,Realism,william-adolphe-bouguereau_the-elder-sister +portrait,Mannerism_Late_Renaissance,lavinia-fontana_portrait-of-five-women-with-a-dog-and-a-parrot +portrait,Romanticism,jan-matejko_mieszko-ii-lambert +portrait,Art_Nouveau_Modern,egon-schiele_portrait-of-valerie-neuzil-1912 +portrait,Realism,vincent-van-gogh_old-man-with-a-top-hat-1882 +portrait,Realism,giovanni-boldini_john-singer-sargent-1890 +portrait,Romanticism,orest-kiprensky_portrait-of-vasily-alekseevich-perovsky-1809 +portrait,Impressionism,gregoire-boonzaier_man-with-a-moustache-1977 +portrait,Rococo,william-hogarth_the-fountaine-family +portrait,Art_Nouveau_Modern,felix-vallotton_portrait-of-french-poet-le-comte-de-lautr-amont-1896 +portrait,Romanticism,arthur-hughes_in-the-grass +portrait,Realism,thomas-eakins_portrait-of-douglass-morgan-hall-1889 +portrait,Expressionism,amedeo-modigliani_portrait-of-henri-laurens-1915 +portrait,Impressionism,claude-monet_the-stroller-suzanne-hoschede +portrait,Cubism,marevna-(marie-vorobieff)_not-identified +portrait,Baroque,peter-paul-rubens_catherine-manners-duchess-of-buckingham +portrait,Baroque,diego-velazquez_portrait-of-a-man-supposedly-juan-mateos-philip-iv-s-master-of-the-hunt +portrait,Realism,leon-bonnat_portrait-of-monsieur-allard-1922 +portrait,Impressionism,paul-cezanne_portrait-of-madame-cezanne-1878 +portrait,Impressionism,james-tissot_on-the-river +portrait,Expressionism,martiros-saryan_portrait-1935 +portrait,Art_Nouveau_Modern,raphael-kirchner_greek-girls-7 +portrait,Rococo,joseph-wright_portrait-of-a-girl-in-a-tawny-colored-dress +portrait,Northern_Renaissance,albrecht-durer_portrait-of-emperor-maximilian-i +portrait,Realism,gustave-courbet_woman-with-garland-1856 +portrait,Realism,john-singer-sargent_portrait-of-mrs-harold-wilson-1897 +portrait,Expressionism,sa-nogueira_figura-1964 +portrait,Early_Renaissance,paolo-uccello_portrait-of-manuel-chrysoloras-wearing-a-hat-and-holding-a-book +portrait,Baroque,frans-hals_cornelia-claesdr-vooght +portrait,Rococo,joshua-reynolds_mrs-thrale-and-her-daughter-hester-queeney-1778 +portrait,Post_Impressionism,paul-cezanne_the-sailor +portrait,Realism,vasily-vereshchagin_a-sart +portrait,Cubism,otto-dix_the-nun +portrait,Romanticism,francisco-goya_duke-of-alba +portrait,Symbolism,konstantin-somov_slumbering-lady-in-black-dress +portrait,Post_Impressionism,amrita-sher-gil_tribal-women-1938 +portrait,Expressionism,amedeo-modigliani_seated-boy-with-cap-1918 +portrait,Romanticism,paul-cezanne_interior-with-two-women-and-a-child +portrait,Romanticism,francesco-hayez_portrait-of-antoniet-vitali-sola-1823 +portrait,Rococo,vladimir-borovikovsky_cleopatra-ilinichna-lobanova-rostovskaya +portrait,Impressionism,edgar-degas_pagan-and-degas-father-1895 +portrait,Post_Impressionism,richard-gerstl_carl-zentzytzki-1905 +portrait,Pop_Art,richard-hamilton_marcel-duchamp-1968 +portrait,Romanticism,konstantin-makovsky_portrait-of-an-unknown +portrait,Baroque,aleksey-antropov_portrait-of-prince-m-i-vorontsov +portrait,Post_Impressionism,augustus-john_the-yellow-dress-1912 +portrait,Art_Nouveau_Modern,otto-eckmann_fr-hling +portrait,Naive_Art_Primitivism,william-h.-johnson_little-girl-in-orange-1944(1) +portrait,Cubism,wifredo-lam_cubist-face-1939 +portrait,Cubism,jury-annenkov_abram-efros-1921 +portrait,Romanticism,karl-bryullov_italian-morning(1) +portrait,Realism,edouard-manet_angelina-1865 +portrait,Baroque,cornelis-de-vos_two-daughters-of-the-painter +portrait,Cubism,amadeo-de-souza-cardoso_grief-head-boquilha-1914 +portrait,Cubism,salvador-dali_head-of-a-woman +portrait,High_Renaissance,andrea-solario_head-of-a-bearded-man +portrait,Impressionism,pierre-auguste-renoir_model-with-bare-breast-1916 +portrait,Baroque,frans-hals_portrait-of-a-woman-1638 +portrait,Naive_Art_Primitivism,fernando-botero_after-mantegna +portrait,Realism,ilya-repin_portrait-of-konstantin-petrovich-pobedonostsev-1903 +portrait,Symbolism,konstantin-somov_portrait-of-a-benois +portrait,Post_Impressionism,pablo-picasso_family-of-acrobats-1905 +portrait,Ukiyo_e,utagawa-kuniyoshi_the-female-demond +portrait,Impressionism,constantin-artachino_dobrujan-woman +portrait,Impressionism,edouard-manet_portrait-of-mademoiselle-claus-1868 +portrait,Baroque,anthony-van-dyck_marie-clarisse-wife-of-jan-woverius-with-their-child +portrait,Romanticism,sir-lawrence-alma-tadema_summer-offering-1911 +portrait,Romanticism,konstantin-makovsky_portrait-of-p-uvarova +portrait,Post_Impressionism,henri-le-fauconnier_vielle-femme +portrait,Art_Nouveau_Modern,zinaida-serebriakova_portrait-of-aleksandr-serebriakov-studying-an-album +portrait,Post_Impressionism,henri-martin_brides-walk-under-the-apple-trees +portrait,Impressionism,berthe-morisot_woman-in-a-garden +portrait,Impressionism,edouard-manet_portrait-of-a-lady-with-a-black-fichu-1878 +portrait,Impressionism,augustus-john_merikli-1902 +portrait,Romanticism,george-frederick-watts_portrait-of-the-artist-s-wife-mary(1) +portrait,Post_Impressionism,irma-stern_woman-with-a-hibiscus-1956 +portrait,Expressionism,oswaldo-guayasamin_from-la-edad-de-la-ternura-series +portrait,Romanticism,karl-bodmer_kiasax-a-piegen-blackfeet-warrior +portrait,Realism,john-singer-sargent_colonel-ian-hamilton +portrait,Impressionism,giuseppe-de-nittis_the-races-at-auteuil-paris +portrait,Art_Nouveau_Modern,max-slevogt_the-dancer-marietta-di-rigardo-1 +portrait,Romanticism,francisco-goya_don-juan-antonio-cuervo-1819 +portrait,Impressionism,camille-pissarro_portrait-of-felix-pissarro-1881 +portrait,Post_Impressionism,suzanne-valadon_louison-and-raminou-1920 +portrait,Pointillism,henri-martin_woman-sewing-on-a-veranda +portrait,Expressionism,richard-diebenkorn_girl-and-three-coffee-cups +portrait,Baroque,ivan-nikitin_portrait-of-elizaveta-petrovna-as-a-child-1713 +portrait,Impressionism,berthe-morisot_the-artist-s-daughter-with-a-parakeet +portrait,Baroque,rembrandt_bust-of-a-bearded-old-man +portrait,Post_Impressionism,ferdinand-hodler_a-troubled-soul +portrait,Impressionism,joaquã­n-sorolla_artist-s-patio-cafe-novedades-seville-1915 +portrait,Romanticism,viktor-vasnetsov_a-knight-1883 +portrait,Romanticism,edward-burne-jones_portrait-group-of-the-artists-family +portrait,Northern_Renaissance,hans-holbein-the-younger_portrait-of-a-member-of-the-wedigh-family-1532-1 +portrait,Art_Nouveau_Modern,felix-vallotton_french-painter-camille-pissarro-1896 +portrait,Early_Renaissance,giovanni-bellini_portrait-of-a-humanist-1480 +portrait,Realism,george-catlin_shonka-sabe-black-dog-chief-of-the-hunkah-division-of-the-osage-tribe-1834 +portrait,Romanticism,konstantin-makovsky_boyaryshnya-2 +portrait,Expressionism,tia-peltz_fluierici-1958 +portrait,Northern_Renaissance,albrecht-durer_portrait-donors +portrait,Realism,john-singer-sargent_john-d-rockefeller-1917-1 +portrait,Northern_Renaissance,lucas-cranach-the-elder_portrait-of-elector-frederick-the-wise-in-his-old-age-1525 +portrait,Northern_Renaissance,lucas-cranach-the-elder_portrait-of-charles-v-1533 +portrait,Baroque,rembrandt_portrait-of-a-jewish-young-man-1648 +portrait,Expressionism,lucian-freud_robert-fellowes +portrait,Impressionism,kazimir-malevich_head-of-the-boy-in-a-hat +portrait,Baroque,ivan-nikitin_tzarina-natalia-alekseevna +portrait,High_Renaissance,titian_portrait-of-a-young-woman-with-feather-hat +portrait,Baroque,diego-velazquez_portrait-of-pedro-de-barberana-y-aparregui-1632 +portrait,Romanticism,henry-raeburn_the-allen-brothers +portrait,Romanticism,john-hoppner_captain-peter-parker-1808 +portrait,Expressionism,princess-fahrelnissa-zeid_portrait-for-iris-clert-1965 +portrait,Romanticism,konstantin-makovsky_the-girl-with-the-red-ribbon +portrait,Expressionism,elaine-de-kooning_fairfield-porter-1-1954 +portrait,Naive_Art_Primitivism,diego-rivera_the-pinole-seller-1936 +portrait,Romanticism,orest-kiprensky_portrait-of-konstantin-batyushkov-1815-2 +portrait,Impressionism,kazimir-malevich_two-women-in-a-garden +portrait,Realism,giovanni-boldini_portrait-of-a-girl +portrait,Romanticism,orest-kiprensky_portrait-of-nikita-muraviev-1813 +portrait,Impressionism,william-merritt-chase_dorothy-1 +portrait,Rococo,dmitry-levitzky_portrait-of-catherine-vorontsova +portrait,Art_Nouveau_Modern,aladar-korosfoi-kriesch_portrait-of-kriesch-laura-1894 +portrait,Mannerism_Late_Renaissance,giorgio-vasari_self-portrait +portrait,Romanticism,edward-burne-jones_lady-windsor +portrait,Northern_Renaissance,albrecht-durer_portrait-of-a-young-man-1500 +portrait,Realism,augustus-john_signorina-estella-1900 +portrait,Impressionism,john-singer-sargent_claude-monet-painting-by-the-edge-of-a-wood-1885 +portrait,Expressionism,george-bouzianis_kefali-ths-gunaikas-tou-zwgrafou-1917 +portrait,Rococo,joshua-reynolds_sir-watkin-williams-wynn-and-his-mother-1769 +portrait,New_Realism,yiannis-tsaroychis_dominic-as-summer-1975 +portrait,Expressionism,dimitris-mytaras_untitled-1990 +portrait,Realism,ilya-repin_portrait-of-nicholas-ii-the-last-russian-emperor-1896 +portrait,Romanticism,konstantin-makovsky_at-the-spinning-wheel +portrait,Mannerism_Late_Renaissance,titian_portrait-of-an-old-man-pietro-cardinal-bembo-1546 +portrait,Romanticism,jan-matejko_wladyslaw-the-short-1 +portrait,Impressionism,william-merritt-chase_girl-in-a-japanese-costume +portrait,Romanticism,paul-cezanne_portrait-of-marie-cezanne-the-artist-s-sister-1867-1 +portrait,Baroque,artemisia-gentileschi_dame-assise-de-trois-quarts +portrait,Naive_Art_Primitivism,niko-pirosmani_woman-with-flowers-and-parasol +portrait,Realism,ilya-repin_jew-praying-1875 +portrait,Realism,james-tissot_convalescence +portrait,Northern_Renaissance,hans-memling_portrait-of-a-man-1490 +portrait,Realism,david-burliuk_frank-kleinholtz +portrait,Rococo,maurice-quentin-de-la-tour_portrait-of-unknown-man-1 +portrait,Expressionism,david-alfaro-siqueiros_carlos-orozco-romero-1918 +portrait,Expressionism,henri-matisse_not-identified-24 +portrait,Expressionism,george-bouzianis_portrait-of-a-boy-1931 +portrait,New_Realism,john-french-sloan_daisy +portrait,Impressionism,mary-cassatt_bust-of-francoise-looking-down +portrait,Baroque,peter-paul-rubens_nicolas-trigault-1 +portrait,Expressionism,corneliu-baba_child-portrait +portrait,Baroque,gerrit-dou_portrait-of-a-young-woman-1640 +portrait,Impressionism,lovis-corinth_in-a-black-coat-1908 +portrait,Realism,george-catlin_tul-lock-ch-sh-ko-drinks-the-juice-of-the-stone-in-ball-player-s-dress-choctaw-1834 +portrait,Symbolism,gustav-klimt_portrait-of-margaret-stonborough-wittgenstein +portrait,Realism,ilya-repin_portrait-of-a-peasant +portrait,Cubism,juan-gris_pierrot-1921 +portrait,High_Renaissance,giovanni-bellini_portrait-of-a-young-man-in-red-1490 +portrait,Baroque,rembrandt_portrait-of-jacob-iii-de-gheyn +portrait,Realism,john-singer-sargent_countess-laura-spinola-nunez-del-castillo-1896 +portrait,Pop_Art,andy-warhol_mammy +portrait,Expressionism,chronis-botsoglou_man-s-head-1993 +portrait,Rococo,louise-elisabeth-vigee-le-brun_countess-of-ch-tre-1789 +portrait,Expressionism,jules-pascin_young-woman-putting-on-her-socks-1916 +portrait,Naive_Art_Primitivism,fernando-botero_matador +portrait,Romanticism,vasily-tropinin_portret-lieutenant-captain-ivan-vasilyevich-alymova-1819 +portrait,Expressionism,theo-van-doesburg_burgerman-1910 +portrait,Realism,giovanni-boldini_portrait-of-sem-georges-goursat-1901 +portrait,Realism,ilya-repin_portrait-of-leo-tolstoy-1887 +portrait,Rococo,joshua-reynolds_portrait-of-lord-robert-spencer +portrait,Romanticism,alfred-stevens_baroness-de-bonhome-1886 +portrait,Post_Impressionism,arshile-gorky_portrait-of-ahko +portrait,Realism,vasily-tropinin_ukrainian-woman-in-namitke-1820 +portrait,Post_Impressionism,vincent-van-gogh_portrait-of-a-young-peasant-1889 +portrait,Romanticism,karl-bryullov_portrait-of-v-a-zhukovsky +portrait,Realism,ilya-repin_portrait-of-the-artist-nikolay-gay-1880 +portrait,Expressionism,zinaida-serebriakova_portrait-of-mrs-beilitz-1941 +portrait,Rococo,antoine-pesne_portrait-of-frederick-william-i-of-prussia +portrait,Impressionism,edgar-degas_general-mellinet-and-chief-rabbi-astruc-1871 +portrait,Expressionism,george-mavroides_portrait-of-andreas-vurlumis-1960 +portrait,Romanticism,pierre-paul-prud'hon_madame-copia-1792 +portrait,Realism,ilya-repin_portrait-of-member-of-state-council-grand-prince-mikhail-aleksandrovich-romanov-study-1901 +portrait,Art_Nouveau_Modern,jacek-malczewski_portrait-of-aleksander-wielopolski-1903 +portrait,Art_Nouveau_Modern,anders-zorn_oscar-ii +portrait,Expressionism,paul-klee_captive-1940(1) +portrait,Impressionism,rudolf-schweitzer-cumpana_ran-cu-pip-1922 +portrait,Expressionism,pyotr-konchalovsky_portrait-of-the-historian-nikolai-alexandrovich-geynike-1919 +portrait,Post_Impressionism,irma-stern_portrait-of-a-zulu-woman-1935 +portrait,Abstract_Expressionism,neil-welliver_floating-figures +portrait,Art_Nouveau_Modern,sergey-solomko_the-head-of-the-roman-youth +portrait,Expressionism,lucian-freud_michael-andrews-and-june-1966 +portrait,Impressionism,vasile-popescu_harlequin +portrait,Realism,john-singer-sargent_ada-rehan-1894 +portrait,Expressionism,paul-klee_an-allegory-of-propaganda-1939(1) +portrait,Rococo,louise-elisabeth-vigee-le-brun_portrait-of-maria-carolina-of-austria-1791 +portrait,Romanticism,karl-bryullov_portrait-of-the-poet-and-translator-a-n-strugovshchikov +portrait,Impressionism,lovis-corinth_tilla-durieux-as-a-spanish-dancer-1908 +portrait,Post_Impressionism,henri-de-toulouse-lautrec_woman-in-a-black-hat-berthe-la-sourde-1890 +portrait,Fauvism,walasse-ting_i-eat-rose-kiki-de-montparnasse-1996 +portrait,Realism,nikolay-bogdanov-belsky_models +portrait,Realism,leon-bonnat_an-egyptian-peasant-woman-and-her-child-1870 +portrait,Art_Nouveau_Modern,boris-kustodiev_merchant-1920-1 +portrait,Symbolism,kuzma-petrov-vodkin_yellow-face-female-face-1921 +portrait,Cubism,pablo-picasso_farm-woman-1908 +portrait,Realism,vladimir-makovsky_young-lady-looking-into-a-mirror-1916 +portrait,Ukiyo_e,tsukioka-yoshitoshi_looking-as-if-she-is-waking-up-the-appearance-of-a-maiden-of-the-koka-era +portrait,Impressionism,max-liebermann_portrait-of-eugen-gutmann-1907 +portrait,Romanticism,john-everett-millais_beauty +portrait,Realism,james-mcneill-whistler_arrangement-in-brown-and-black-portrait-of-miss-rosa-corder +portrait,Impressionism,theo-van-rysselberghe_portrait-of-a-young-girl-in-red +portrait,Baroque,peter-paul-rubens_charles-v-and-the-empress-isabella +portrait,Post_Impressionism,henri-de-toulouse-lautrec_emile-bernard-1885 +portrait,Expressionism,zinaida-serebriakova_the-old-lady-in-a-bonnet-brittany-1934 +portrait,Realism,ilya-repin_portrait-of-the-author-leonid-andreev-1905 +portrait,Romanticism,jan-matejko_sigismund-i-the-old +portrait,Baroque,peter-paul-rubens_portrait-of-george-villiers-1st-duke-of-buckingham +portrait,Impressionism,pierre-auguste-renoir_head-of-a-young-girl-1890 +portrait,Expressionism,henri-matisse_not-identified-3 +portrait,Post_Impressionism,henri-de-toulouse-lautrec_the-pierreuse-gabrielle-1893 +portrait,Rococo,joshua-reynolds_mrs-abington-1771 +portrait,Fauvism,rik-wouters_portrait-of-a-lady-1912 +portrait,Post_Impressionism,augustus-john_charles-portal-1st-viscount-portal-1943 +portrait,Art_Nouveau_Modern,alphonse-mucha_champagne-printer-publisher-1897 +portrait,Romanticism,jan-matejko_sigismund-iii-vasa +portrait,Realism,william-adolphe-bouguereau_before-the-bath-1900 +portrait,Cubism,arshile-gorky_man-s-head +portrait,Art_Nouveau_Modern,zinaida-serebriakova_portrait-of-a-student-1909 +portrait,Impressionism,edouard-manet_autumn-study-of-mery-laurent-1882 +portrait,Expressionism,egon-schiele_the-scornful-woman-1910 +portrait,Expressionism,edvard-munch_count-harry-kessler-1906 +portrait,Realism,vincent-van-gogh_orphan-man-with-long-overcoat-and-umbrella-seen-from-the-back-2-1882 +portrait,Romanticism,ivan-aivazovsky_portrait-of-the-artist-s-wife-anna-burnazyan-1882 +portrait,Impressionism,edgar-degas_portrait-after-a-costume-ball-portrait-of-madame-dietz-monnin-1879 +portrait,Baroque,rembrandt_jacob-haring-portrait-the-old-haring-1655 +portrait,Impressionism,pierre-auguste-renoir_ellen-andree-1879 +portrait,Impressionism,mary-cassatt_portrait-of-ellen-mary-cassatt +portrait,Romanticism,adolphe-joseph-thomas-monticelli_portrait-of-a-woman +portrait,Impressionism,giovanni-fattori_dame-im-freien-sitzend-1866 +portrait,Realism,ivan-kramskoy_family-artist-1866 +portrait,Impressionism,childe-hassam_the-white-dory +portrait,Expressionism,pablo-picasso_fernande-with-shawl-1906 +portrait,Impressionism,edouard-manet_portrait-of-georges-clemenceau-1879 +portrait,Symbolism,gustav-klimt_portrait-of-a-girl +portrait,Impressionism,edgar-degas_giovanna-and-giulia-bellelli +portrait,Pop_Art,andy-warhol_liz-taylor-1 +portrait,Ukiyo_e,utagawa-kuniyoshi_women-walking-in-the-snow +portrait,Realism,giovanni-boldini_the-gardeners-of-the-veil-picard +portrait,Impressionism,john-singer-sargent_gypsy-encampment +portrait,Post_Impressionism,vincent-van-gogh_the-baby-marcelle-roulin-1888-1 +portrait,Impressionism,paul-gauguin_portrait-of-a-seated-man-1884 +portrait,Realism,thomas-eakins_portrait-3 +portrait,Realism,anders-zorn_the-widow +portrait,Impressionism,federico-zandomeneghi_portrait-of-the-doctor-1881 +portrait,Rococo,joshua-reynolds_archibald-montgomerie-11th-earl-of-eglinton-1784 +portrait,Rococo,fyodor-rokotov_portrait-of-an-unknown-lady-in-a-white-cap +portrait,Rococo,benjamin-west_the-hope-family-of-sydenham-kent-1802 +portrait,Expressionism,zinaida-serebriakova_senegalese-soldier-1928 +portrait,Baroque,ivan-nikitin_tsarina-praskovia-fedorovna-saltikova-widow-of-ivan-v +portrait,Realism,pavel-filonov_a-french-worker +portrait,Realism,john-singer-sargent_portrait-of-albert-de-belleroche-1882 +portrait,Pointillism,camille-pissarro_paul-emile-pissarro-1890 +portrait,Realism,john-singer-sargent_mrs-charles-hunter +portrait,Baroque,francisco-de-zurbaran_old-woman-spinning +portrait,Romanticism,konstantin-makovsky_portrait-of-princess-s-stroganova +portrait,Expressionism,zinaida-serebriakova_portrait-of-natasha-lancere-with-a-cat-1924 +portrait,Impressionism,stefan-dimitrescu_turks-at-the-caf-1930 +portrait,Expressionism,amedeo-modigliani_jacques-and-berthe-lipchitz-1917 +portrait,Baroque,rembrandt_portrait-of-aechje-claesdar-1634 +portrait,Romanticism,karl-bryullov_portrait-of-f-f-golytzin +portrait,Mannerism_Late_Renaissance,el-greco_portrait-of-diego-de-covarrubias +portrait,Expressionism,marevna-(marie-vorobieff)_portrait-of-osip-zadkine +portrait,Realism,salvador-dali_portrait-of-reinaldo-herrera-marquis-de-torre-casa +portrait,Realism,george-catlin_sha-k-ka-mint-a-mandan-girl-1832 +portrait,Expressionism,amedeo-modigliani_portrait-of-doctor-devaraigne-1917 +portrait,Rococo,dmitry-levitzky_portrait-of-anna-davia-d-avia-bernucci-1782 +portrait,Romanticism,george-frederick-watts_edith-villiers-later-countess-of-lytton-1862(1) +portrait,Post_Impressionism,vanessa-bell_mrs-st-john-hutchinson-1915 +portrait,Cubism,juan-gris_man-from-touraine-1918 +portrait,Naive_Art_Primitivism,fernando-botero_the-palace-1 +portrait,Baroque,frans-hals_portrait-of-an-unknown-man-1663 +portrait,Realism,nicolae-vermont_flower-girl-1917 +portrait,Art_Nouveau_Modern,richard-gerstl_alois-gerstl-brother-1907 +portrait,Realism,boris-kustodiev_portrait-of-a-a-polovtsev-1903 +portrait,Impressionism,filipp-malyavin_a-peasant-covering-up-her-mouth-by-coat-1894 +portrait,Ukiyo_e,utagawa-kuniyoshi_horibe-yahei-kamaru-parrying-a-spear-thrust +portrait,Realism,ilya-repin_pilgrim-1880 +portrait,Expressionism,paul-klee_bandit-s-head(1) +portrait,Realism,ilya-repin_portrait-of-writer-vladimir-grigorievich-chertkov-1890 +portrait,Realism,vincent-van-gogh_head-of-a-peasant-woman-with-brownish-cap-1885(1) +portrait,Mannerism_Late_Renaissance,tintoretto_portrait-of-a-procurator-of-st-mark-s +portrait,Realism,mikhail-vrubel_portrait-of-a-young-man +portrait,Northern_Renaissance,lucas-cranach-the-elder_lucretia +portrait,Realism,koloman-moser_rudolf-steindl-a-brother-of-the-artist +portrait,Realism,james-mcneill-whistler_arrangement-in-black-no-2-portrait-of-mrs-louis-huth-1873 +portrait,Rococo,fyodor-rokotov_portrait-of-a-m-rimskiy-korsakov +portrait,Baroque,rembrandt_old-man-with-a-beret-1654 +portrait,Mannerism_Late_Renaissance,jacopo-pontormo_portrait-of-maria-salviati-with-giulia-de-medici +portrait,Realism,vincent-van-gogh_bent-figure-of-a-woman-sien-1882(1) +portrait,Baroque,diego-velazquez_prince-baltasar-carlos-with-the-count-duke-of-olivares-at-the-royal-mews +portrait,Expressionism,victor-brauner_head-1944 +portrait,Realism,vladimir-makovsky_portrait-of-a-man-sitting-on-a-park-bench-1917 +portrait,Realism,ilya-repin_vera-shevtsova +portrait,Ukiyo_e,utagawa-kuniyoshi_the-actor-18 +portrait,Pop_Art,andy-warhol_jimmy-carter-1976 +portrait,Realism,mary-cassatt_portrait-of-madame-sisley-1873 +portrait,Impressionism,pierre-auguste-renoir_woman-s-head-jeanne-samary-1877 +portrait,Romanticism,vasily-tropinin_portrait-of-n-a-selivanovsky +portrait,Naive_Art_Primitivism,fernando-botero_official-portrait-of-the-military-junta +portrait,Rococo,thomas-gainsborough_george-iv-as-prince-of-wales-1781 +portrait,Realism,basuki-abdullah_bocah +portrait,Impressionism,gustave-caillebotte_portrait-of-jules-dubois +portrait,Realism,james-mcneill-whistler_the-red-glove +portrait,Expressionism,henri-matisse_woman-portrait-1939 +portrait,Northern_Renaissance,mabuse_princess-mary-tudor-and-charles-brandon-duke-of-suffolk +portrait,Realism,thomas-eakins_signora-gomez-d-arza-1902 +portrait,Impressionism,max-slevogt_lady-in-white-dress-on-horseback-riding +portrait,Contemporary_Realism,richard-whitney_dr-nancy-harrington +portrait,Romanticism,alexander-shilov_director-s-bondarchuk-1994(4) +portrait,Impressionism,stefan-luchian_m-rioara +portrait,Mannerism_Late_Renaissance,parmigianino_portrait-of-a-young-lady-1537 +portrait,Expressionism,theo-van-doesburg_don-juan-1910 +portrait,Expressionism,richard-gerstl_group-portrait-with-sch-nberg-1907(1) +portrait,Baroque,peter-paul-rubens_portrait-of-boy +portrait,Expressionism,amedeo-modigliani_portrait-of-lunia-czechowska-in-white-blouse-1917 +portrait,Expressionism,otto-dix_dedicated-to-the-dramatist-frank-wedekind +portrait,Impressionism,pierre-auguste-renoir_profile-of-a-young-woman-in-a-hat +portrait,Realism,john-singer-sargent_daisy-princess-of-pless +portrait,Symbolism,konstantin-vasilyev_scandinavian-warrior-1 +portrait,Rococo,thomas-gainsborough_portrait-of-louisa-lady-clarges-1778 +portrait,Mannerism_Late_Renaissance,tintoretto_portrait-of-a-white-bearded-man +portrait,Romanticism,vasily-tropinin_portrait-of-yuri-fyodorovich-samarin-1844 +portrait,Expressionism,salvador-dali_two-gypsy-lads-1921 +portrait,Expressionism,jean-helion_pegeen-1944 +portrait,Realism,ilya-repin_portrait-of-the-artist-vasily-polenov-1877 +portrait,Expressionism,paula-modersohn-becker_still-life-child-s-head-with-a-white-cloth-1908 +portrait,Impressionism,giovanni-fattori_portr-t-der-cousine-des-k-nstlers-1861 +portrait,Expressionism,helene-schjerfbeck_seated-woman-in-white-dress-1908 +portrait,Fauvism,joan-miro_portrait-of-e-c-ricart +portrait,Naive_Art_Primitivism,david-burliuk_woman-with-child +portrait,Realism,giovanni-boldini_a-portrait-of-john-singer-sargent +portrait,Rococo,john-russell_charles-wesley-1757-1834 +portrait,Rococo,benjamin-west_mrs-benjamin-west-and-her-son-raphael +portrait,Realism,peder-severin-kroyer_marie-in-profile-1891 +portrait,Romanticism,konstantin-makovsky_miserly-knight +portrait,Cubism,diego-rivera_portrait-of-marevna +portrait,High_Renaissance,titian_giulia-gonzaga +portrait,Expressionism,oskar-kokoschka_not_detected_235829 +portrait,Expressionism,amedeo-modigliani_jeanne-hebuterne-in-a-hat +portrait,Realism,vincent-van-gogh_head-of-a-woman-1 +portrait,Realism,ilya-repin_portrait-of-a-p-bogolyubov-1882 +portrait,Expressionism,edvard-munch_jens-thiis-1909 +portrait,Impressionism,walter-sickert_the-servant-of-abraham-1929 +portrait,Naive_Art_Primitivism,fernando-botero_spanish +portrait,Impressionism,mary-cassatt_woman-with-a-parakeet-1898 +portrait,Post_Impressionism,albert-huie_the-counting-lesson-1938 +portrait,Cubism,jacques-villon_portrait-de-j-l-b +portrait,Baroque,frans-hals_captain-andries-van-hoorn-1638 +portrait,Romanticism,dante-gabriel-rossetti_joli-coeur-french-for-1867 +portrait,Expressionism,oskar-kokoschka_not_detected_235877 +portrait,Expressionism,lucian-freud_isaiah-berlin +portrait,Cubism,francis-picabia_young-girl +portrait,Art_Nouveau_Modern,zinaida-serebriakova_portrait-of-a-peasant-i-d-golubeva-1914 +portrait,Symbolism,fernand-khnopff_distrust-1893 +portrait,Cubism,miriam-schapiro_stepanova-and-me-after-gulliver-1993 +portrait,Impressionism,joaquã­n-sorolla_family-eratruriz-1905 +portrait,Romanticism,alfred-stevens_reveil +portrait,Baroque,bernardo-strozzi_gamba-player +portrait,Impressionism,pierre-auguste-renoir_portrait-of-claude-1908 +portrait,Impressionism,giovanni-boldini_lady-with-black-greyhound +portrait,Symbolism,gustav-klimt_bildnis-gertha-felssvanyi +portrait,Romanticism,albert-bierstadt_mormon-boy-salt-lake-city-1863 +portrait,Realism,john-everett-millais_a-souvenir-of-velazquez +portrait,Naive_Art_Primitivism,henri-rousseau_the-artillerymen-1893 +portrait,Rococo,louise-elisabeth-vigee-le-brun_bacchante-1785 +portrait,Realism,ilya-repin_portrait-of-maria-osipovna-lowenfeld-1913 +portrait,Realism,thomas-eakins_portrait-of-lucy-lewis-1896 +portrait,Post_Impressionism,henri-de-toulouse-lautrec_portrait-of-marcelle-1894 +portrait,Post_Impressionism,henri-de-toulouse-lautrec_helene-vary-1889 +portrait,Baroque,frans-hals_pieter-van-den-broecke-1633 +portrait,High_Renaissance,titian_portrait-of-a-man-in-a-red-cap-1516 +portrait,Impressionism,berthe-morisot_julie-manet-with-a-budgie +portrait,Contemporary_Realism,fairfield-porter_anne-in-a-striped-dress-1967 +portrait,Romanticism,karl-bodmer_dacota-woman-and-assiniboin-girl-plate-9-from-volume-2-of-travels-in-the-interior-of-north-1844 +portrait,Rococo,thomas-gainsborough_william-poyntz-of-midgham-and-his-dog-amber-1762(1) +portrait,Baroque,anthony-van-dyck_portrait-of-adriaen-stevens-1629 +portrait,Impressionism,ivan-grohar_portrait-of-france-preseren +portrait,Rococo,joshua-reynolds_augustus-1st-viscount-keppel +portrait,Rococo,john-russell_john-lee-d-1809-and-his-family +portrait,Expressionism,august-macke_portrait-with-apples-portrait-of-the-artist-s-wife +portrait,Expressionism,richard-gerstl_mathilde-in-the-studio-1908 +portrait,Expressionism,kathe-kollwitz_not_detected_235993 +portrait,Romanticism,camille-corot_young-woman-1845 +portrait,Mannerism_Late_Renaissance,sofonisba-anguissola_family-portrait-minerva-amilcare-and-asdrubale-anguissola-1557 +portrait,Abstract_Expressionism,mark-tobey_the-new-day-1945 +portrait,Analytical_Cubism,pablo-picasso_portrait-of-daniel-henry-kahnweiler-1910 +portrait,Expressionism,max-beckmann_portrait-of-quappi-in-blue-1926 +portrait,Realism,ilya-repin_portrait-of-the-composer-anton-rubinstein-1887 +portrait,Naive_Art_Primitivism,fernando-botero_alof-of-vignancourt-after-caravaggio +portrait,Impressionism,pierre-auguste-renoir_young-girl-reading-1888 +portrait,Realism,emile-claus_the-old-gardener-1885 +portrait,Symbolism,kuzma-petrov-vodkin_gypsy-1927 +portrait,Romanticism,henry-raeburn_ann-fraser-mrs-alexander-fraser-tytler-1806 +portrait,Realism,vasily-perov_portrait-of-the-artist-illarion-prianishnikov-1862 +portrait,Pop_Art,patrick-procktor_hrh-prince-charles-b-1948-1987 +portrait,Baroque,diego-velazquez_queen-mariana-1657 +portrait,Impressionism,berthe-morisot_marcel-gobillard +portrait,Impressionism,pierre-auguste-renoir_head-of-a-young-woman-1890 +portrait,Romanticism,alfred-stevens_in-the-country +portrait,Expressionism,egon-schiele_the-blind-1913 +portrait,Post_Impressionism,edouard-vuillard_portrait-of-louis-loucheur +portrait,Realism,valentin-serov_self-portrait-1885 +portrait,Art_Nouveau_Modern,mikhail-vrubel_artist-s-son-1901 +portrait,Art_Nouveau_Modern,felix-vallotton_henri-d-artois-1895 +portrait,Baroque,frans-hals_portrait-of-paulus-verschuur-1643 +portrait,Realism,john-singer-sargent_henry-james-1913 +portrait,Impressionism,edgar-degas_madame-rene-de-gas-1873 +portrait,Realism,ilya-repin_portrait-of-railroad-tycoon-and-patron-of-the-arts-savva-ivanovich-mamontov-1878 +portrait,Realism,boris-kustodiev_portrait-of-nikolay-rerich-1913 +portrait,Impressionism,pierre-auguste-renoir_portrait-of-maurice-gangnat-1916 +portrait,Baroque,anthony-van-dyck_portrait-of-marchesa-balbi-1627 +portrait,Impressionism,pierre-auguste-renoir_young-girl-with-a-dog-1888 +portrait,Realism,henri-fantin-latour_the-embroiderers-no-3-1895 +portrait,Romanticism,ford-madox-brown_may-memories +portrait,Northern_Renaissance,jan-van-eyck_man-in-a-blue-turban-1433 +portrait,Expressionism,amedeo-modigliani_margarita-seated-1916 +portrait,Cubism,jean-metzinger_la-femme-l-ventail-woman-with-fan-1913 +portrait,Romanticism,george-frederick-watts_dame-alice-ellen-terry-1864(1) +portrait,Romanticism,paul-cezanne_woman-with-parrot +portrait,Early_Renaissance,piero-della-francesca_portrait-of-battista-sforza-1465(1) +portrait,Realism,boris-kustodiev_portrait-of-a-d-romanova-1908 +portrait,Realism,giovanni-boldini_portrait-of-spanish-general +portrait,Rococo,benjamin-west_self-portrait-1770 +portrait,Realism,john-singer-sargent_mrs-frederick-mead-mary-eliza-scribner +portrait,Pop_Art,martial-raysse_painting-in-the-french-style-ii-1966 +portrait,High_Renaissance,titian_portrait-of-ippolito-riminaldi +portrait,Cubism,pablo-picasso_head +portrait,Romanticism,eugene-delacroix_two-figures(1) +portrait,Post_Impressionism,maurice-denis_beauty-in-the-autumn-wood +portrait,Romanticism,jan-matejko_boleslaw-the-bold +portrait,Romanticism,konstantin-makovsky_portrait-of-alexander-ii-of-russia +portrait,Impressionism,berthe-morisot_young-woman-in-mauve +portrait,Mannerism_Late_Renaissance,maerten-van-heemskerck_portrait-of-a-lady-spinning +portrait,Impressionism,federico-zandomeneghi_portrait-of-a-young-beauty +portrait,Baroque,anthony-van-dyck_cornelis-van-der-geest +portrait,Realism,boris-kustodiev_portrait-of-y-e-kustodieva-1907 +portrait,Realism,david-burliuk_marusia +portrait,Ukiyo_e,utagawa-kuniyoshi_women-20 +portrait,Baroque,antoine-pesne_markgraf-friedrich-wilhelm-von-brandenburg-schwedt +portrait,Romanticism,vasily-tropinin_karzinkina-katherine +portrait,Baroque,rembrandt_saskia-the-artist-s-wife +portrait,Romanticism,karl-bryullov_portrait-of-the-poet-and-playwright-alexey-tolstoy-as-a-youth +portrait,Rococo,maurice-quentin-de-la-tour_jean-restout +portrait,Post_Impressionism,vincent-van-gogh_portrait-of-a-man +portrait,Art_Nouveau_Modern,henri-de-toulouse-lautrec_yvette-guilbert-1894 +portrait,Expressionism,amedeo-modigliani_portrait-of-pardy +portrait,Realism,vasily-tropinin_portrait-of-elizabeth-ivanovna-naryshkina +portrait,Post_Impressionism,paul-cezanne_portrait-of-gustave-geffroy-1895 +portrait,Northern_Renaissance,albrecht-durer_melancthon-1526 +portrait,Romanticism,orest-kiprensky_portrait-of-konstantin-batyushkov-1815-1 +portrait,Northern_Renaissance,bernhard-strigel_hans-caspar-von-laubberg +portrait,Pop_Art,patrick-procktor_sick-child-1984 +portrait,Expressionism,egon-schiele_portrait-of-a-man-with-a-floppy-hat-portrait-of-erwin-dominilk-osen-1910 +portrait,Impressionism,berthe-morisot_the-black-finger-bandage +portrait,Realism,john-singer-sargent_mrs-colin-hunter-1896 +portrait,Impressionism,edgar-degas_woman-combing-her-hair-in-front-of-a-mirror +portrait,Rococo,jean-baptiste-simeon-chardin_portrait-of-fran-oise-marguerite-pouget-1775 +portrait,Art_Nouveau_Modern,boris-kustodiev_the-merchant-s-wife-1915 +portrait,Impressionism,kimon-loghi_the-white-knot +portrait,Rococo,thomas-gainsborough_john-joseph-merlin-1782 +portrait,Naive_Art_Primitivism,fernando-botero_marie-antoinette-on-a-visit-to-medellin +portrait,Realism,john-singer-sargent_miss-elizabeth-williamson-1925 +portrait,Impressionism,paul-gauguin_portrait-of-a-child-aline-gauguin +portrait,Impressionism,nicolae-tonitza_lady-with-veil-1915 +portrait,Baroque,rembrandt_portrait-of-a-man-1667 +portrait,Romanticism,theodore-gericault_officer-of-chasseurs-of-the-imperial-guard +portrait,Post_Impressionism,paul-cezanne_man-with-a-pipe-1892 +portrait,Romanticism,konstantin-makovsky_portrait-10 +portrait,Post_Impressionism,pablo-picasso_pierreuse-with-her-hand-on-her-shoulder-1901 +portrait,Realism,georgios-jakobides_portrait-of-young-girl-1902 +portrait,Expressionism,amedeo-modigliani_girl-in-a-green-blouse-1917 +portrait,Fauvism,natalia-goncharova_young-man-with-a-goatee +portrait,Post_Impressionism,pablo-picasso_seated-woman-in-green-1901 +portrait,Expressionism,paul-klee_the-singer-l-as-fioridigli-1923(1) +portrait,Rococo,fyodor-rokotov_portrait-of-great-duke-peter-fedorovich-later-emperor-peter-iii +portrait,Rococo,thomas-gainsborough_john-kirby +portrait,Impressionism,rudolf-schweitzer-cumpana_ran-cu-pepeni +portrait,Rococo,thomas-gainsborough_mrs-thomas-hibbert +portrait,Romanticism,john-everett-millais_esther +portrait,Impressionism,pierre-auguste-renoir_leontine-and-coco-1909 +portrait,Fauvism,endre-bartos_ter-z-with-withering-sunflowers-1989 +portrait,Realism,vincent-van-gogh_portrait-of-a-woman-head-of-a-peasant-woman-with-bonnet +portrait,Rococo,carl-ludwig-johann-christineck_portrait-of-two-sisters-1772 +portrait,Art_Nouveau_Modern,zinaida-serebriakova_portrait-of-lola-braz-1910 +portrait,Romanticism,fyodor-bronnikov_portrait-of-a-lady-with-a-book-1888 +portrait,Realism,claude-monet_camille-with-a-small-dog +portrait,Impressionism,carlos-saenz-de-tejada_girl-from-back-luisita-1917 +portrait,Baroque,jan-steen_portrait-of-gerrit-gerritsz-schouten-1665 +portrait,Realism,vincent-van-gogh_head-of-a-woman-16 +portrait,Post_Impressionism,vincent-van-gogh_portrait-of-a-woman-1887 +portrait,Cubism,fernand-leger_three-figures-1921 +portrait,Cubism,fernand-leger_the-worker-sitting +portrait,Contemporary_Realism,richard-whitney_helen-papoutsy +portrait,Romanticism,francesco-hayez_melancholic-thoughts-1842 +portrait,Romanticism,george-frederick-watts_self-portrait-as-a-young-man-1834 +portrait,Post_Impressionism,rafael-zabaleta_boy-sitting-with-a-hen-on-his-lap-1943 +portrait,Expressionism,tia-peltz_smile +portrait,Realism,konstantin-somov_portrait-of-artist-s-mather +portrait,Ukiyo_e,utagawa-kunisada-ii_the-famous-kabuki-actor-takeda-harunobu-takeda-shingen-from-the-series-gishi-eimei-den-no-uchi +portrait,Expressionism,egon-schiele_willy-lidl-1910 +portrait,Expressionism,chaim-soutine_girl-at-fence +portrait,Post_Impressionism,pyotr-konchalovsky_portrait-of-zinaida-kozhukhovskaya-1906 +portrait,Romanticism,konstantin-makovsky_gipsy-1 +portrait,Northern_Renaissance,rogier-van-der-weyden_portrait-of-jean-le-belliqueux-1451 +portrait,Realism,vasily-surikov_portrait-of-a-i-surikov +portrait,Impressionism,childe-hassam_portrait-of-a-lady-in-blue-dress +portrait,Impressionism,pierre-auguste-renoir_madame-hagen-1883 +portrait,Art_Nouveau_Modern,zinaida-serebriakova_sleeping-peasant-1917 +portrait,Baroque,rembrandt_portrait-of-a-bearded-man-1661 +portrait,Art_Nouveau_Modern,felix-vallotton_portrait-of-french-writer-jules-renard-1898 +portrait,Impressionism,edouard-manet_madame-jeanne-martin-in-a-bonnet +portrait,Romanticism,polychronis-lembesis_captain-benes +portrait,Northern_Renaissance,lucas-cranach-the-elder_portrait-of-a-saxon-prince-1 +portrait,Rococo,jean-marc-nattier_portrait-of-madame-maria-zeffirina-1751 +portrait,Art_Nouveau_Modern,jacek-malczewski_three-heads-hope +portrait,Realism,vasily-surikov_portrait-of-m-velichkina-nee-baroness-von-klodt-yurgensburg-1914 +portrait,Post_Impressionism,moise-kisling_young-blond-boy-1937 +portrait,Romanticism,gustave-courbet_portrait-of-countess-therese-burnswick-1830 +portrait,Mannerism_Late_Renaissance,agnolo-bronzino_piero-de-medici-il-gottoso +portrait,Expressionism,thalia-flora-karavia_portrait-of-a-woman +portrait,Expressionism,dimitris-mytaras_untitled(4) +portrait,Realism,vasily-polenov_the-head-of-model-blanche-orme-1875 +portrait,Art_Nouveau_Modern,sergey-solomko_portrait-of-italian-young-man +portrait,Realism,henri-fantin-latour_homage-to-delacroix-1864 +portrait,Contemporary_Realism,konstantin-vasilyev_not-detected-272814 +portrait,Mannerism_Late_Renaissance,tintoretto_portrait-of-jacopo-sansovino +portrait,Baroque,anthony-van-dyck_genoese-noblewoman-with-her-son-1626 +portrait,Post_Impressionism,paul-cezanne_woman-in-blue-madame-cezanne +portrait,Rococo,william-hogarth_lord-hervey-and-his-friends +portrait,Impressionism,pierre-auguste-renoir_portrait-of-a-girl-in-red-1883 +portrait,Expressionism,amedeo-modigliani_portrait-of-a-young-girl-1910 +portrait,Post_Impressionism,irma-stern_congolese-beauty-1946 +portrait,Realism,vincent-van-gogh_head-of-a-peasant-woman-with-white-cap-1885-6 +portrait,Romanticism,jan-matejko_wladyslaw-jagiello-1 +portrait,Post_Impressionism,vladimir-dimitrov_unknown-title-31 +portrait,Realism,boris-kustodiev_mercahnt-s-wife-1915 +portrait,Expressionism,ion-pacea_portret +portrait,Romanticism,vasily-tropinin_portrait-of-v-i-yershova-with-her-daughter-1831 +portrait,Naive_Art_Primitivism,fernando-botero_woman-standing +portrait,Cubism,jury-annenkov_portrait-of-elena-annenkova-1917 +portrait,Ukiyo_e,keisai-eisen_two-of-the-six-immortal-poets +portrait,Baroque,frans-hals_fisher-boy-1632 +portrait,Realism,valentin-serov_portrait-of-ivan-morozov-1910 +portrait,Romanticism,george-stubbs_josiah-wedgwood-1795 +portrait,Art_Nouveau_Modern,felix-vallotton_portrait-of-french-writer-maurice-barr-s-1898 +portrait,Romanticism,vasily-tropinin_portrait-ekimov-lazarev-lazarevic-1822 +portrait,Symbolism,konstantin-vasilyev_scandinavian-warrior +portrait,Romanticism,karl-bodmer_noapeh-assiniboin-indian-1833 +portrait,Realism,ilya-repin_two-woman-1878 +portrait,Romanticism,john-hoppner_lady-elizabeth-howard-1798 +portrait,Baroque,rembrandt_the-polish-rider-1655 +portrait,Mannerism_Late_Renaissance,sofonisba-anguissola_bernardino-campi-painting-sofonisba-anguissola-1559 +portrait,Expressionism,frantisek-kupka_sleeping-face-1902 +portrait,Expressionism,lucian-freud_annabel-portrait-iii-1987 +portrait,Romanticism,vasily-tropinin_girl-with-a-doll-1841 +portrait,Romanticism,alexander-shilov_portrait-of-olenka-1981 +portrait,Expressionism,tsuguharu-foujita_little-girl-with-doll-1918 +portrait,Realism,john-singer-sargent_portrait-of-pauline-astor +portrait,Symbolism,odilon-redon_black-profile-gauguin +portrait,Impressionism,camille-pissarro_the-laundry-woman +portrait,Expressionism,lajos-tihanyi_portrait-of-a-child +portrait,Romanticism,orest-kiprensky_a-gypsy-with-a-branch-of-myrtle-1819 +portrait,Baroque,diego-velazquez_isabella-of-bourbon +portrait,Expressionism,george-bouzianis_portrait-5 +portrait,Pointillism,theo-van-rysselberghe_portrait-of-helene-and-michette-guinotte-1901 +portrait,High_Renaissance,lorenzo-lotto_goldsmith-seen-from-three-sides +portrait,Post_Impressionism,vincent-van-gogh_mother-roulin-with-her-baby-1888-1 +portrait,Art_Nouveau_Modern,felix-vallotton_portrait-of-french-writer-rachilde-1898 +portrait,Impressionism,eva-gonzales_portrait-of-a-woman-in-white +portrait,Romanticism,paul-cezanne_portrait-of-a-young-man-1866 +portrait,Impressionism,joaquã­n-sorolla_portrait-of-countess-of-santiago-1894 +portrait,Expressionism,pyotr-konchalovsky_portrait-of-sofia-petrovna-konchalovskaya-1912 +portrait,Realism,john-singer-sargent_alberto-falchetti +portrait,Art_Nouveau_Modern,boris-kustodiev_carpet-seller-tatar-1920 +portrait,Romanticism,orest-kiprensky_female-portrait +portrait,Impressionism,joaquã­n-sorolla_the-count-of-artal-1900 +portrait,Rococo,benjamin-west_george-iii-of-the-united-kingdom-1779 +portrait,Cubism,pablo-picasso_head-of-a-man-1908 +portrait,Realism,james-mcneill-whistler_study-of-a-head +portrait,Cubism,henri-matisse_head-white-and-pink +portrait,Realism,boris-kustodiev_a-girl-sketch-1897 +portrait,Realism,boris-kustodiev_portrait-of-g-narbut-1914 +portrait,Pop_Art,billy-apple_the-presidential-suite-jfk-1964 +portrait,Impressionism,nicolae-vermont_flower-girl +portrait,Rococo,allan-ramsay_portrait-of-anne-brown +portrait,Expressionism,george-bouzianis_portrait-of-a-woman-wearing-a-scarf +portrait,Expressionism,paul-delvaux_dream-girl-1931 +portrait,Romanticism,george-frederick-watts_portrait-of-the-countess-somers(1) +portrait,Naive_Art_Primitivism,niko-pirosmani_mush-with-wineskins-1912 +portrait,Northern_Renaissance,hans-holbein-the-younger_henry-vii-elisabeth-of-york-henry-viii-and-jane-seymour +portrait,Romanticism,alexander-orlowski_portrait-of-a-p-lanskoy-1813 +portrait,Impressionism,pierre-auguste-renoir_head-of-a-young-girl-1905 +portrait,Romanticism,konstantin-makovsky_girl-with-a-sheaf +portrait,Northern_Renaissance,hans-memling_portrait-of-a-man-in-a-landscape +portrait,Romanticism,alfred-stevens_portrait-of-m-l-bion-1892 +portrait,Northern_Renaissance,hans-holbein-the-younger_portrait-of-a-woman-from-southern-germany +portrait,Fauvism,rik-wouters_portrait-of-mrs-giroux-1913 +portrait,Expressionism,amedeo-modigliani_portrait-of-a-young-woman +portrait,Expressionism,egon-schiele_seated-woman-with-bent-knee-1917 +portrait,Impressionism,gustave-caillebotte_bust-portrait-of-eugene-lamy +portrait,Romanticism,orest-kiprensky_portrait-of-andrey-yakovlevich-italinsky +portrait,Realism,vasily-perov_portrait-of-feodosya-resanova-1868 +portrait,Realism,vasily-vereshchagin_an-uzbek +portrait,Baroque,frans-hals_anna-van-der-aar-1626 +portrait,Rococo,thomas-gainsborough_edward-vernon +portrait,Art_Nouveau_Modern,egon-schiele_portrait-of-madame-dr-horak-1910 +portrait,Impressionism,edgar-degas_madame-deitz-monin-1879 +portrait,Pop_Art,peter-blake_portrait-of-david-hockney-in-a-hollywood-spanish-interior-1965 +portrait,Romanticism,konstantin-makovsky_portrait-of-the-girl-2 +portrait,Early_Renaissance,antonello-da-messina_portrait-of-a-man-1470-1 +portrait,Romanticism,ford-madox-brown_the-irish-girl-1860 +portrait,Realism,john-singer-sargent_mrs-henry-phipps-and-her-granson-winston-1907 +portrait,Realism,ilya-repin_the-young-soldier-parisian-style +portrait,Art_Nouveau_Modern,eliseu-visconti_figura-feminina +portrait,Post_Impressionism,theo-van-rysselberghe_portrait-of-maria-van-rysselberghe +portrait,Impressionism,lovis-corinth_the-violinist-1900 +portrait,Baroque,diego-velazquez_prince-philip-prosper-son-of-philip-iv-1659 +portrait,Romanticism,orest-kiprensky_portrait-of-the-princess-s-s-scherbatova-1819 +portrait,Ukiyo_e,kitagawa-utamaro_portrait-of-naniwaya-okita +portrait,Romanticism,miklos-barabas_portrait-of-franz-liszt-1847 +portrait,Baroque,rembrandt_titus +portrait,Baroque,rembrandt_old-soldier +portrait,Baroque,aleksey-antropov_portrait-of-the-lady-in-waiting-a-m-izmaylova +portrait,Expressionism,jury-annenkov_portrait-of-kamenev-1926 +portrait,Cubism,lyubov-popova_the-pianist +portrait,Post_Impressionism,paul-cezanne_the-drinker-1891 +portrait,Impressionism,pierre-auguste-renoir_in-summer-the-gypsy-1868 +portrait,Impressionism,pierre-auguste-renoir_madame-stora-in-algerian-dress-1870 +portrait,Expressionism,amedeo-modigliani_a-young-girl-1916 +portrait,Impressionism,giovanni-boldini_the-bouse-of-voile +portrait,Baroque,rembrandt_girl-in-the-window-1645 +portrait,Mannerism_Late_Renaissance,tintoretto_portrait-of-a-man-1550 +portrait,Rococo,thomas-gainsborough_portrait-of-lady-elizabeth-montagu-duchess-of-buccleuch-and-queensberry +portrait,Baroque,anthony-van-dyck_teresia-lady-shirley-1622 +portrait,Rococo,joshua-reynolds_portrait-of-john-simpson-of-bradley-hall-northumberland +portrait,Expressionism,amedeo-modigliani_lunia-czechowska-with-her-left-hand-on-her-cheek-1918 +portrait,Rococo,jean-honore-fragonard_the-warrior +portrait,Impressionism,joaquã­n-sorolla_queen-victoria-eugenia-of-spain-1911 +portrait,Impressionism,edgar-degas_victoria-duborg +portrait,Realism,pavel-fedotov_portrait-of-ye-g-flug +portrait,Post_Impressionism,edouard-vuillard_romain-coolus-writer-in-la-revuew-blanche +portrait,Realism,pavel-filonov_portrait-of-evdokiya-nikolaevna-glebova-the-artist-s-sister-1915 +portrait,Impressionism,ipolit-strambu_thinking-1917 +portrait,Realism,edouard-manet_woman-with-a-parrot-1866 +portrait,Naive_Art_Primitivism,fernando-botero_family +portrait,Expressionism,helene-schjerfbeck_stilhet-1907 +portrait,Rococo,benjamin-west_william-markham +portrait,Realism,vasily-vereshchagin_kyrgyz-bride-outfit-with-a-headdress-covering-the-face-1870 +portrait,Expressionism,jury-annenkov_portrait-of-z-p-annenkova +portrait,Realism,vincent-van-gogh_head-of-an-old-woman-with-white-cap-the-midwife-1885(2) +portrait,Impressionism,augustus-john_se-ora-gandarillas-1916 +portrait,Expressionism,martiros-saryan_from-the-artist-s-life-portrait-of-lusik-saryan-in-profile-1941 +portrait,Expressionism,amedeo-modigliani_portrait-of-a-woman-1 +portrait,Expressionism,david-alfaro-siqueiros_head-of-a-woman-1936 +portrait,Ukiyo_e,utagawa-kuniyoshi_one-of-the-daughters-of-the-dragon-king-who-lives-in-the-bottom-of-the-sea +portrait,Expressionism,francis-picabia_young-girl-with-flowers +portrait,Baroque,bartolome-esteban-murillo_the-girl-with-a-coin-girl-of-galicia-1650 +portrait,Impressionism,theodor-aman_looking-in-an-album +portrait,Impressionism,pierre-auguste-renoir_portrait-of-stephane-mallarme-1892 +portrait,Expressionism,william-h.-johnson_portrait-of-fletcher-1939(1) +portrait,Naive_Art_Primitivism,niko-pirosmani_tamar-of-georgia +portrait,Naive_Art_Primitivism,fernando-botero_after-the-arnolfini-van-eyck-2 +portrait,Expressionism,jury-annenkov_portrait-of-trotsky-1926 +portrait,Impressionism,pierre-auguste-renoir_victor-chocquet-1876 +portrait,Realism,salvador-dali_gala-as-madonna-of-port-lligat +portrait,Fauvism,rik-wouters_the-flute-player-1914 +portrait,Northern_Renaissance,lucas-cranach-the-elder_nicholaus-gallus-a-lutheran-theologian-and-reformer +portrait,Rococo,john-russell_a-young-john-wesley-1703-1791-preaching +portrait,Realism,frederic-remington_cracker-cowboys-of-florida-1895 +portrait,Baroque,gian-lorenzo-bernini_pope-urban-viii(1) +portrait,Impressionism,pierre-auguste-renoir_young-girl-in-a-straw-hat +portrait,Impressionism,edouard-manet_marguerite-de-conflans-wearing-hood-1873 +portrait,Romanticism,orest-kiprensky_portrait-of-a-man +portrait,Impressionism,guy-rose_the-model +portrait,Impressionism,anders-zorn_a-portrait-of-the-daughters-of-ramon-subercasseaux +portrait,Realism,ferdinand-hodler_portrait-of-louise-delphine-duchosal-1885-1 +portrait,Expressionism,lajos-tihanyi_portrait-of-a-young-girl-1916 +portrait,Baroque,frans-hals_the-rommel-pot-player +portrait,Baroque,frans-hals_portrait-of-a-man-7 +portrait,Romanticism,konstantin-makovsky_head-of-the-girl +portrait,Realism,vincent-van-gogh_head-of-a-man-1(1) +portrait,Post_Impressionism,paul-gauguin_madame-alexandre-kohler-1887 +portrait,Baroque,jacob-jordaens_portrait-of-a-young-married-couple-1620 +portrait,Post_Impressionism,panayiotis-tetsis_standing-girl +portrait,Northern_Renaissance,albrecht-durer_portrait-of-a-man-with-baret-and-scroll-1521 +portrait,Baroque,aleksey-antropov_portrait-of-catherine-ii-the-great +portrait,Impressionism,james-mcneill-whistler_the-chelsea-girl +portrait,Symbolism,franz-stuck_grand-duke-ernst-ludwig-1907 +portrait,Impressionism,pierre-auguste-renoir_margot-1876 +portrait,Realism,boris-kustodiev_group-portrait-of-painters-of-the-world-of-art-1920 +portrait,Realism,john-singer-sargent_portrait-of-caspar-goodrich-1887 +portrait,Rococo,joshua-reynolds_captain-robert-orme +portrait,Rococo,john-russell_colonel-james-capper-and-his-daughter-1782 +portrait,Romanticism,konstantin-makovsky_portrait-15 +portrait,Baroque,rembrandt_arnold-tholinx +portrait,Romanticism,orest-kiprensky_portrait-of-mrs-vallo-1813 +portrait,Realism,john-singer-sargent_head-of-an-italian-woman +portrait,Contemporary_Realism,richard-whitney_mitt-romney +portrait,Post_Impressionism,pierre-bonnard_misia-1908 +portrait,Realism,giovanni-boldini_girl-with-black-cat-1885 +portrait,Post_Impressionism,henri-de-toulouse-lautrec_madame-juliette-pascal-1871 +portrait,Symbolism,gustav-klimt_portrait-of-marie-henneberg-1902 +portrait,Art_Nouveau_Modern,felix-vallotton_portuguese-poet-jo-o-de-deus-1895 +portrait,Post_Impressionism,pyotr-konchalovsky_female-portrait-1923 +portrait,Baroque,frans-hals_portrait-of-an-unknown-man-1634 +portrait,Expressionism,ernst-ludwig-kirchner_portrait +portrait,Mannerism_Late_Renaissance,tintoretto_portrait-of-a-man +portrait,Post_Impressionism,walter-sickert_variation-on-peggy-1935 +portrait,Expressionism,henri-matisse_woman-in-turban-lorette-1917 +portrait,Northern_Renaissance,albrecht-durer_portrait-of-matthew-landauer +portrait,Impressionism,edgar-degas_cafe-concert-singer-1878 +portrait,Cubism,pyotr-konchalovsky_portrait-of-a-violinist-grigory-fedorovich-romashkov-1918 +portrait,Post_Impressionism,david-burliuk_japanese-boy-1922 +portrait,Post_Impressionism,paul-cezanne_smoker-1892 +portrait,Impressionism,konstantin-korovin_the-lady-on-the-chair-1917 +portrait,Realism,ivan-kramskoy_portrait-of-the-writer-mikhail-evgrafovich-saltykov-n-shchedrin-1879 +portrait,Romanticism,theodore-gericault_head-of-an-oriental-or-portrait-presumed-to-be-mustapha-1821 +portrait,Impressionism,octav-bancila_evreu-din-t-rgu-cucului +portrait,Expressionism,david-alfaro-siqueiros_portrait-of-dramatist-margarita-urueta-1947 +portrait,Realism,william-adolphe-bouguereau_head-study-of-female-face-blonde-1898-1 +portrait,Impressionism,pierre-auguste-renoir_portrait-of-a-young-woman-1 +portrait,Realism,alexey-venetsianov_zakharka +portrait,Baroque,peter-paul-rubens_portrait-of-ludovicus-nonnius +portrait,Expressionism,zinaida-serebriakova_the-countess-of-saint-hippolyte-1942 +portrait,Post_Impressionism,oleksandr-bogomazov_portrait-of-the-painter-burdanov-1912 +portrait,Realism,giovanni-boldini_portrait-of-francesco-boldini +portrait,Post_Impressionism,henri-de-toulouse-lautrec_portrait-of-vincent-van-gogh-1887 +portrait,Realism,jean-francois-millet_the-spinner-goatherd-of-the-auvergne-1869 +portrait,Romanticism,konstantin-makovsky_boyaryshnya-with-a-tray +portrait,Baroque,pietro-da-cortona_marcello-sacchetti +portrait,Naive_Art_Primitivism,fernando-botero_the-president +portrait,Symbolism,mikhail-vrubel_primavera-1894 +portrait,Romanticism,orest-kiprensky_alexander-i-1825 +portrait,Rococo,francois-boucher_portrait-of-a-lady-with-muff +portrait,Realism,taras-shevchenko_portrait-of-ira-aldridge-1858 +portrait,Romanticism,franz-xaver-winterhalter_portrait-of-a-lady-with-a-fan +portrait,Romanticism,karl-bryullov_sophia-bobrinskaya +portrait,Realism,viktor-vasnetsov_brousov-calendar-1871 +portrait,Realism,nikolay-bogdanov-belsky_portrait-of-e-sheremetieva +portrait,Rococo,joseph-wright_mrs-robert-gwillym +portrait,Realism,camille-corot_the-son-of-m-edouard-delalain-1850 +portrait,Expressionism,pyotr-konchalovsky_portrait-of-a-historian-v-s-protopopov-1911 +portrait,Impressionism,pierre-auguste-renoir_jean-renoir-writing +portrait,Impressionism,valentin-serov_portrait-of-e-a-krasilschikova-1906 +portrait,Impressionism,nikolay-bogdanov-belsky_cowboy-2 +portrait,Northern_Renaissance,albrecht-durer_emperor-sigismund +portrait,Post_Impressionism,raoul-dufy_portrait-of-madame-dufy-1917 +portrait,Impressionism,pierre-auguste-renoir_portrait-of-madame-duberville-with-her-son-henri-1910 +portrait,Ukiyo_e,kitagawa-utamaro_the-drunken-courtesan +portrait,Realism,john-singer-sargent_antonio-mancini-1902 +portrait,Realism,camille-corot_mother-breast-feeding-her-child +portrait,Art_Nouveau_Modern,michel-simonidy_portrait-of-a-woman +portrait,Art_Nouveau_Modern,gustav-klimt_fredericke-maria-beer +portrait,Expressionism,henri-matisse_girl-with-a-black-cat +portrait,Cubism,pyotr-konchalovsky_portrait-of-artist-leonard-mikhailovich-bunatyan-1920 +portrait,Realism,arkhip-kuindzhi_portrait-of-viktor-vasnetsov +portrait,Rococo,maurice-quentin-de-la-tour_jean-paris-de-montmartel +portrait,Baroque,anthony-van-dyck_portrait-of-a-military-commander-bust-length-in-profile-in-damascened-armour-with-white-colland +portrait,Romanticism,karl-bryullov_portrait-of-a-n-demidov-prince-of-san-donato(1) +portrait,Realism,anders-zorn_a-girl-from-mora +portrait,Expressionism,lucian-freud_man-in-a-chair-1985 +portrait,Rococo,louise-elisabeth-vigee-le-brun_madame-perregaux-1789 +portrait,Northern_Renaissance,dirk-bouts_portrait-of-a-man +portrait,Baroque,peter-paul-rubens_portrait-of-marie-de-medici +portrait,Post_Impressionism,mikhail-nesterov_portrait-of-alexey-shchusev-1941 +portrait,Impressionism,joaquã­n-sorolla_asturian-girl +portrait,Realism,vasily-tropinin_a-girl-with-a-pot-of-roses-1850 +portrait,Realism,martiros-saryan_portrait-of-an-art-critic-abram-efros-1944 +portrait,Expressionism,ligia-macovei_unknown-title-21 +portrait,Realism,boris-kustodiev_portrait-of-d-s-stelletsky-1907 +portrait,Realism,vasily-tropinin_mazurin-elizabeth-vladimirona-1844 +portrait,Fauvism,alberto-magnelli_the-drunk-man-1914 +portrait,Romanticism,henryk-siemiradzki_gypsy-woman +portrait,Impressionism,mary-cassatt_portrait-of-an-elderly-lady-1883 +portrait,Naive_Art_Primitivism,bela-kadar_portrait-of-a-woman-with-black-hair-1938 +portrait,Impressionism,gustave-caillebotte_portrait-of-a-schoolboy +portrait,Naive_Art_Primitivism,fernand-leger_the-large-one-parades-on-red-bottom-1953 +portrait,Realism,john-singer-sargent_jean-joseph-marie-carri +portrait,Realism,john-singer-sargent_portrait-of-katharine-chase-shapleigh-1890 +portrait,Romanticism,george-frederick-watts_eveleen-tennant-later-mrs-f-w-h-myers(1) +portrait,Expressionism,ossip-zadkine_untitled +portrait,Northern_Renaissance,gerard-david_study-of-a-bust-of-yyoung-boy-with-shaved-head +portrait,Realism,john-everett-millais_twins-grace-and-kate-hoare +portrait,Romanticism,alexander-shilov_ballet-dancer-ludmila-semenyaka-1980 +portrait,Rococo,louise-elisabeth-vigee-le-brun_sergey-gagarin-1801 +portrait,Impressionism,eva-gonzales_a-box-at-the-italian-theatre-1874 +portrait,Northern_Renaissance,albrecht-durer_portrait-of-erasmus-of-rotterdam +portrait,Northern_Renaissance,albrecht-durer_portrait-of-a-young-man-2 +portrait,Realism,pyotr-konchalovsky_portrait-of-natalia-petrovna-konchalovskaya-daughter-of-the-artist-against-the-backdrop-of-a-1953 +portrait,Romanticism,henry-raeburn_captain-hay-of-spot +portrait,Rococo,maurice-quentin-de-la-tour_anne-charlotte-de-maillet-de-batilly-marquise-de-courcy +portrait,Rococo,thomas-gainsborough_the-painter-s-daughters-1770 +portrait,Pop_Art,roy-lichtenstein_woman-in-bath-1963 +portrait,Realism,thomas-eakins_the-dean-s-roll-call-1889 +portrait,Expressionism,zinaida-serebriakova_portrait-of-troinitsky-1924 +portrait,Realism,james-ensor_the-oyster-eater-1882(1) +portrait,Realism,augustus-john_madame-suggia-1923 +portrait,Realism,william-adolphe-bouguereau_back-fields-1898 +portrait,Ukiyo_e,utagawa-kuniyoshi_lady-kayo +portrait,Impressionism,pierre-auguste-renoir_blond-in-a-straw-hat-seated-girl +portrait,Romanticism,sir-lawrence-alma-tadema_the-epps-family-screen-1871 +portrait,Romanticism,camille-corot_judith +portrait,Post_Impressionism,vincent-van-gogh_farmer-with-straw-hat-1888(1) +portrait,Mannerism_Late_Renaissance,giorgio-vasari_the-studio-of-the-painter +portrait,Post_Impressionism,irma-stern_young-xhosa-woman-1941 +portrait,Impressionism,pierre-auguste-renoir_young-woman-wearing-a-garland-of-flowers +portrait,Rococo,joshua-reynolds_thomas-and-martha-neate-with-tutor +portrait,Impressionism,john-singer-sargent_elsie-palmer +portrait,Realism,john-singer-sargent_lady-warwick-and-her-son-1905 +portrait,Realism,boris-kustodiev_portrait-of-n-k-von-meck-1913 +portrait,Realism,jean-francois-millet_portrait-of-eugene-canoville-1840 +portrait,Rococo,jean-baptiste-simeon-chardin_portrait-of-a-child +portrait,Symbolism,kimon-loghi_the-macedonian-woman +portrait,Post_Impressionism,vincent-van-gogh_portrait-of-milliet-second-lieutnant-of-the-zouaves-1888 +portrait,Expressionism,george-pemba_young-woman-1947 +portrait,Art_Nouveau_Modern,mikhail-vrubel_portrait-of-a-t-lyubatovich-in-role-of-carmen-1895 +portrait,Cubism,yiannis-tsaroychis_portrait-of-young-man-in-winter-1934 +portrait,Realism,pavel-fedotov_portrait-of-lieutenant-lvov +portrait,Cubism,rufino-tamayo_woman-with-pineapple-1941 +portrait,Realism,vincent-van-gogh_orphan-man-with-top-hat-head-1882 +portrait,Pop_Art,robert-silvers_elvis +portrait,Realism,isaac-levitan_portrait-of-sofia-petrovna-kuvshinnikov-1888 +portrait,Baroque,anthony-van-dyck_charles-i-king-of-england-1636 +portrait,Expressionism,amedeo-modigliani_the-black-dress-1918 +portrait,Symbolism,mikhail-nesterov_prince-alexander-nevsky +portrait,Baroque,diego-velazquez_a-knight-of-the-order-of-santiago +portrait,Realism,george-catlin_little-bear-hunkpapa-brave-1832 +portrait,Realism,vincent-van-gogh_fisherman-with-sou-wester-head-1883-1(1) +portrait,Realism,vincent-van-gogh_head-of-an-old-peasant-woman-with-white-cap-1884 +portrait,Impressionism,pierre-auguste-renoir_seated-woman-in-a-green-robe +portrait,Northern_Renaissance,lucas-cranach-the-elder_portrait-of-a-woman-1526 +portrait,Romanticism,george-frederick-watts_may-prinsep-1867(1) +portrait,Expressionism,amedeo-modigliani_beggar-woman-1909 +portrait,Romanticism,konstantin-makovsky_portrait-20 +portrait,Post_Impressionism,georges-lemmen_julie-lemmen-sleeping-in-an-armchair +portrait,Rococo,thomas-gainsborough_a-woman-in-blue-portrait-of-the-duchess-of-beaufort(1) +portrait,Expressionism,zinaida-serebriakova_portrait-of-andronikova-halpern-1925 +portrait,Rococo,antoine-pesne_gentlewoman +portrait,Romanticism,jean-leon-gerome_bisharin-warrior +portrait,Realism,john-singer-sargent_the-countess-of-rocksavage-sybil-sassoon-1913 +portrait,Synthetic_Cubism,pablo-picasso_head-of-a-man-with-hat-1912 +portrait,Impressionism,nikolay-bogdanov-belsky_portrait-of-a-woman +portrait,Romanticism,alphonse-mucha_maria-young-girl-in-a-moravian-costume +portrait,Post_Impressionism,henri-matisse_laurette-in-green +portrait,New_Realism,john-french-sloan_the-new-blue-dress-1913 +portrait,Baroque,bartolome-esteban-murillo_portrait-of-andres-de-andrade-i-la-col-1660 +portrait,Post_Impressionism,pablo-picasso_woman-with-blue-hat-1901 +portrait,Post_Impressionism,pyotr-konchalovsky_in-the-studio-family-portrait-1917 +portrait,Rococo,thomas-gainsborough_captain-william-wade-1769 +portrait,Realism,vincent-van-gogh_head-of-a-woman-4 +portrait,Post_Impressionism,vincent-van-gogh_child-with-orange-1890(1) +portrait,New_Realism,george-luks_boy-with-blue-cap +portrait,Ukiyo_e,utagawa-kuniyoshi_the-actor-20 +portrait,Romanticism,henry-raeburn_portrait-of-niel-gow +portrait,Rococo,allan-ramsay_george-iii +portrait,Art_Nouveau_Modern,paul-mathiopoulos_portrait-of-unknown-woman +portrait,Impressionism,william-merritt-chase_the-black-kimono +portrait,High_Renaissance,raphael_portrait-of-a-lady-with-a-unicorn-1506 +portrait,Expressionism,konstantinos-parthenis_la-temperanza-woman-holding-a-knife-1938 +portrait,Rococo,maurice-quentin-de-la-tour_jean-joseph-cassanea-de-mondonville-1747 +portrait,Cubism,salvador-dali_homage-to-erik-satie +portrait,Northern_Renaissance,lucas-cranach-the-elder_portrait-of-martin-luther-1543 +portrait,Romanticism,camille-corot_louise-laure-baudot-at-nine-years +portrait,Rococo,joshua-reynolds_mrs-hugh-bonfoy +portrait,Baroque,rembrandt_portrait-of-herman-doomer-1640 +portrait,Rococo,antoine-pesne_friederike-sophie-wilhelmine-princess-of-prussia +portrait,Impressionism,kazimir-malevich_portrait-of-a-man-1933 +portrait,Rococo,maurice-quentin-de-la-tour_mary-magdalene-mazade-wife-of-antoine-gaspard-grimoldi-of-reyniere +portrait,Post_Impressionism,moise-kisling_not-identified-6 +portrait,Ukiyo_e,keisai-eisen_no-2-from-the-series-modern-versions-of-the-five-women-t-sei-gonin-onna-1835 +portrait,Northern_Renaissance,hans-holbein-the-younger_portrait-of-a-young-man +portrait,Impressionism,pierre-auguste-renoir_yvonne-grimpel-1880 +portrait,Realism,james-tissot_the-bunch-of-lilacs +portrait,Post_Impressionism,kees-van-dongen_woman-with-cherries-on-her-hat-1905 +portrait,Expressionism,lucian-freud_ali-1974 +portrait,Expressionism,thalia-flora-karavia_girl +portrait,Impressionism,william-merritt-chase_the-white-rose-aka-miss-jessup +portrait,Impressionism,william-merritt-chase_portrait-of-susan-watkins +portrait,Baroque,frans-hals_portrait-of-a-seated-woman-holding-a-fan-1650 +portrait,Rococo,vladimir-borovikovsky_skobeeva +portrait,Romanticism,konstantin-makovsky_portrait-17 +portrait,Realism,ilya-repin_portrait-of-nadezhda-borisovna-nordman-severova-1909 +portrait,Expressionism,egon-schiele_poldi-lodzinsky-1910 +portrait,Impressionism,octav-angheluta_feti-a-cu-fundi-e-ro-ii +portrait,Post_Impressionism,paul-cezanne_portrait-of-vallier-1906 +portrait,Post_Impressionism,vincent-van-gogh_portrait-of-madame-ginoux-l-arlesienne-1888 +portrait,Expressionism,zinaida-serebriakova_portrait-of-g-i-teslenko-1921 +portrait,Romanticism,karl-bryullov_portrait-of-francesco-ascani +portrait,Expressionism,otto-dix_prostitutes +portrait,Realism,anders-zorn_in-scotland-mrs-symons-1887 +portrait,Realism,ivan-kramskoy_portrait-of-the-artist-vasily-vereshchagin-1883 +portrait,Post_Impressionism,paul-cezanne_portrait-of-madame-cezanne-3 +portrait,Expressionism,amedeo-modigliani_maurice-drouard-1909 +portrait,Realism,ilya-repin_portrait-of-maria-klopushina-1925 +portrait,Pointillism,georges-lemmen_portrait-of-mme-lemmen-1893 +portrait,Realism,konstantin-makovsky_girl-with-flowers +portrait,Realism,john-singer-sargent_sir-edmund-gosse +portrait,Realism,john-singer-sargent_mrs-thomas-edward-vickers +portrait,Impressionism,pierre-auguste-renoir_woman-s-head-1919 +portrait,Expressionism,egon-schiele_woman-in-a-green-blouse-and-muff-1915 +portrait,Baroque,diego-velazquez_count-duke-of-olivares +portrait,Realism,pavel-fedotov_portrait-of-anna-zhdanovich +portrait,Baroque,diego-velazquez_portrait-of-queen-margaret-of-austria-1635 +portrait,Realism,john-singer-sargent_helen-sears-1895 +portrait,Northern_Renaissance,albrecht-durer_portrait-of-maximilian-i-1518 +portrait,Early_Renaissance,andrea-del-castagno_portraits-of-two-members-of-medici-family +portrait,Impressionism,t.-c.-steele_portrait-of-james-whitcomb-riley-1891 +portrait,Impressionism,william-merritt-chase_portrait-of-a-woman-2 +portrait,Rococo,joshua-reynolds_charles-burney +portrait,Realism,boris-kustodiev_portrait-of-baron-n-k-fon-mecca-1912 +portrait,Art_Nouveau_Modern,ferdinand-hodler_portrait-of-madame-de-r-1898 +portrait,Baroque,frans-hals_portrait-of-a-man-1638 +portrait,Realism,ilya-repin_portrait-of-wilhelm-von-bitner-1912 +portrait,Symbolism,kuzma-petrov-vodkin_portrait-of-the-artist-s-wife-1913 +portrait,Symbolism,franz-stuck_tilla-durieux-as-circe-1 +portrait,Northern_Renaissance,lucas-cranach-the-elder_portrait-of-luther-s-father-1527 +portrait,High_Renaissance,titian_portrait-of-pietro-bembo +portrait,Realism,ilya-repin_portrait-of-nicholas-ii-the-last-russian-emperor-1895 +portrait,Impressionism,james-tissot_spring-1 +portrait,Romanticism,henry-raeburn_lieutenant-general-william-stuart +portrait,Impressionism,konstantin-korovin_portrait-of-a-woman-1912 +portrait,Rococo,thomas-gainsborough_portrait-of-johann-christian-bach-1776 +portrait,Impressionism,william-merritt-chase_meditation-aka-portrait-of-the-artist-s-wife-1886 +portrait,Romanticism,sir-lawrence-alma-tadema_a-man-dressed-in-white-robes-and-a-thick-belt-leaning-against-a-pillar-1878 +portrait,Rococo,fyodor-rokotov_portrait-of-varvara-ermolayevna-novosiltseva +portrait,Symbolism,kuzma-petrov-vodkin_pushkin-in-st-petersburg-1930 +portrait,Pop_Art,pauline-boty_monica-vitti-with-heart-1963 +portrait,Expressionism,lucian-freud_portrait-of-a-head +portrait,Expressionism,milton-avery_conversation-1956 +portrait,Analytical_Cubism,georges-braque_portrait-of-a-woman +portrait,Naive_Art_Primitivism,niko-pirosmani_fisherman-in-a-red-shirt-1908 +portrait,Post_Impressionism,edouard-vuillard_madame-vuillard-at-the-hotel +portrait,Baroque,rembrandt_portrait-of-mother-of-rembrandt +portrait,Impressionism,william-merritt-chase_dorothy +portrait,Expressionism,amedeo-modigliani_portrait-of-jean-alexandre-1909 +portrait,Romanticism,camille-corot_italian-girl +portrait,Realism,vasily-vereshchagin_bhil-1874 +portrait,Impressionism,edvard-munch_sister-inger-1884 +portrait,Expressionism,zinaida-serebriakova_cassis-a-peasant-woman-with-basket-1928 +portrait,Fauvism,ilya-mashkov_portrait-of-emma-ribarik-1920 +portrait,Baroque,rembrandt_a-scholar-seated-at-a-table-with-books-1634 +portrait,Realism,john-singer-sargent_mademoiselle-boussenet-duclos-1882 +portrait,Impressionism,mary-cassatt_portrait-of-a-lady +portrait,Rococo,vladimir-borovikovsky_paul-i +portrait,Cubism,pablo-picasso_queen-isabella-1908 +portrait,Mannerism_Late_Renaissance,parmigianino_portrait-of-a-gentleman-wearing-a-beret +portrait,Romanticism,dante-gabriel-rossetti_elizabeth-siddal-1854 +portrait,Realism,ilya-repin_portrait-of-lydia-kuznetsova-1921 +portrait,Expressionism,amedeo-modigliani_portrait-of-moise-kisling-1915 +portrait,Impressionism,edgar-degas_man-s-head +portrait,Expressionism,theo-van-doesburg_archangel-1910 +portrait,Impressionism,mary-cassatt_young-woman-reflecting +portrait,Romanticism,ferdinand-georg-waldmã¼ller_the-young-boy-with-the-stable-lantern-1824 +portrait,Naive_Art_Primitivism,miriam-schapiro_sonia-delaunay-1992 +portrait,Realism,boris-kustodiev_portrait-of-isaak-brodsky-1920 +portrait,Realism,valentin-serov_portrait-of-k-pobedonostsev-1902 +portrait,Contemporary_Realism,chuck-close_emma-2002 +portrait,Expressionism,neil-welliver_the-beautiful-gabrielle-and-the-marechale-de-balagny +portrait,Baroque,rembrandt_portrait-of-a-man-workshop-of-rembrandt +portrait,Realism,vincent-van-gogh_blind-man-sitting-in-interior(1) +portrait,Baroque,diego-velazquez_the-jester-don-juan-of-austria-1633 +portrait,Expressionism,marie-laurencin_woman-with-dove-1919 +portrait,Baroque,rembrandt_a-scholar-1631 +portrait,Art_Nouveau_Modern,felix-vallotton_portrait-of-french-poet-gustave-kahn-1896 +portrait,Rococo,thomas-gainsborough_joseph-gibbs +portrait,Realism,john-singer-sargent_lady-evelyn-cavendish-1902 +portrait,Ukiyo_e,katsushika-hokusai_portrait-of-chino-hyogo-seated-at-his-writing-desk +portrait,Post_Impressionism,theo-van-rysselberghe_portrait-of-maria-van-rysselberghe-1926 +portrait,Expressionism,amedeo-modigliani_cheron +portrait,Art_Nouveau_Modern,felix-vallotton_portrait-of-french-writer-paul-fort-1898 +portrait,Art_Nouveau_Modern,anders-zorn_madame-clara-rikoff +portrait,Northern_Renaissance,hans-holbein-the-younger_lais-corinthiaca-1526 +portrait,Mannerism_Late_Renaissance,el-greco_portrait-of-alonso-de-herrera +portrait,Mannerism_Late_Renaissance,sofonisba-anguissola_infantas-isabella-clara-eugenia-and-catalina-micaela-1570 +portrait,Realism,ilya-repin_head-of-a-man-1882 +portrait,Romanticism,orest-kiprensky_portrait-of-prince-pyotr-andreyevich-vyazemsky-1835 +portrait,Realism,salvador-dali_portrait-of-sefiora-abadal-de-argemi +portrait,Baroque,antoine-pesne_jean-mariette-engraver-1723 +portrait,Impressionism,piet-mondrian_girl-writing-1895 +portrait,Expressionism,martiros-saryan_portrait-of-anna-akhmatova +portrait,Northern_Renaissance,albrecht-durer_child-s-head +portrait,Ukiyo_e,utagawa-sadatora_hanamurasaki-of-thetamaya +portrait,Impressionism,mary-cassatt_portrait-of-louise-aurora-child-villeboeuf-1902 +portrait,Baroque,diego-velazquez_portrait-of-cardinal-camillo-astali-pamphili-1650 +portrait,Impressionism,pierre-auguste-renoir_paul-meunier-1877 +portrait,Expressionism,frank-auerbach_jake +portrait,Expressionism,george-bouzianis_gunaikeia-morfh-1937-409 +portrait,Impressionism,pierre-auguste-renoir_young-gypsy-girls +portrait,Romanticism,orest-kiprensky_portrait-of-portrait-of-k-i-albrekht-1827 +portrait,Northern_Renaissance,lucas-cranach-the-elder_lucretia-committing-suicide +portrait,Northern_Renaissance,albrecht-durer_portrait-of-nuremberger-painter-michael-wolgemut-1516 +portrait,Expressionism,max-beckmann_the-king-1937 +portrait,Romanticism,orest-kiprensky_portrait-of-colonel-evgraf-v-davydov-1809 +portrait,Art_Nouveau_Modern,egon-schiele_portrait-of-gerti-schiele-1909 +portrait,Rococo,joshua-reynolds_portrait-of-georgiana-duchess-of-devonshire-1776 +portrait,Impressionism,giovanni-boldini_costantino-in-the-role-of-ernani +portrait,Realism,ivan-kramskoy_portrait-of-an-old-peasant-study-1872 +portrait,Naive_Art_Primitivism,fernando-botero_prima-donna +portrait,Impressionism,paul-cezanne_madame-cezanne-leaning-on-a-table +portrait,Northern_Renaissance,albrecht-durer_portrait-of-a-venetian-1505 +portrait,Romanticism,orest-kiprensky_young-italian +portrait,Art_Nouveau_Modern,boris-kustodiev_the-merchant-s-wife-at-tea-1920 +portrait,Realism,william-adolphe-bouguereau_gleaners-1894 +portrait,Baroque,gerrit-dou_woman-in-a-black-veil +portrait,Realism,vasily-surikov_the-elder-menshikov-s-daughter-1882 +portrait,Expressionism,pablo-picasso_head-of-young-man-1906 +portrait,Realism,boris-kustodiev_portrait-of-mitya-shostakovich-1919 +portrait,Ukiyo_e,kitagawa-utamaro_oiran-hanaogi +portrait,Realism,thomas-eakins_the-concert-singer-1892 +portrait,Post_Impressionism,henri-matisse_laurette-with-a-coffee-cup +portrait,Post_Impressionism,pyotr-konchalovsky_portrait-of-v-v-ivanov-1941 +portrait,Expressionism,paula-modersohn-becker_peasant-child-with-pink-apron +portrait,Post_Impressionism,henri-de-toulouse-lautrec_dr-tapie-celeyran-in-a-corridor-of-the-french-comedy-1894 +portrait,Romanticism,jan-matejko_sigismund-iii-vasa-2 +portrait,Baroque,rembrandt_portrait-of-amalia-van-solms-1632 +portrait,High_Renaissance,giovanni-antonio-boltraffio_portrait-of-a-young-woman +portrait,Art_Nouveau_Modern,aubrey-beardsley_child +portrait,Realism,gustave-courbet_portrait-of-gabrielle-borreau +portrait,Rococo,joshua-reynolds_anne-dashwood +portrait,Fauvism,kazimir-malevich_bather-1911 +portrait,Cubism,pablo-picasso_woman-sitting-in-an-armchair-1920 +portrait,Symbolism,jozsef-rippl-ronai_portrait-of-margit-pi-tsek-1892 +portrait,Post_Impressionism,oleksandr-bogomazov_portrait-of-wife-1913 +portrait,Impressionism,giovanni-boldini_the-countess-de-rasty-lying +portrait,Impressionism,nicolae-vermont_gipsy-woman-1920 +portrait,Pop_Art,andy-warhol_mao-4 +portrait,Baroque,peter-paul-rubens_woman-with-a-mirror +portrait,Mannerism_Late_Renaissance,jacopo-pontormo_cosimo-de-medici-il-vecchio +portrait,Realism,vasily-surikov_portrait-of-m-p-konchalovsky-in-childhood-1915 +portrait,Rococo,benjamin-west_portrait-of-henry-middleton +portrait,Early_Renaissance,antonello-da-messina_portrait-of-a-man-1475(1) +portrait,Romanticism,eugene-delacroix_four-views-of-men-sitting-1838(1) +portrait,Northern_Renaissance,albrecht-durer_portrait-of-henry-parker-lord-morley +portrait,Impressionism,pierre-auguste-renoir_woman-in-blue +portrait,Post_Impressionism,pablo-picasso_angel-fernandez-de-soto-and-his-friend-1903 +portrait,Romanticism,camille-corot_interrupted-reading-1870 +portrait,Rococo,maurice-quentin-de-la-tour_francois-dachery-childhood-friend-of-maurice-quentin-de-la-tour +portrait,Realism,pierre-auguste-renoir_a-girl-1 +portrait,Realism,ilya-repin_portrait-of-vera-shevtsova-1869 +portrait,Realism,ivan-kramskoy_portrait-of-the-artist-mikhail-dyakonov-1875 +portrait,Romanticism,henry-raeburn_jacobina-copland +portrait,Expressionism,dimitris-mytaras_woman-with-doves +portrait,Realism,john-singer-sargent_mrs-edward-deshon-brandegee-1907 +portrait,Post_Impressionism,henri-matisse_greta-moll-1908 +portrait,Realism,thomas-eakins_portrait-of-james-wright-1890 +portrait,Romanticism,francesco-hayez_portrait-of-a-venetian-woman +portrait,Baroque,peter-paul-rubens_altarpiece-of-st-ildefonso-right-panel +portrait,Realism,alexey-venetsianov_a-peasant-woman +portrait,Art_Nouveau_Modern,felix-vallotton_portrait-of-dutch-writer-multatuli-1896 +portrait,Realism,peder-severin-kroyer_marie-in-ravello-1891 +portrait,Art_Nouveau_Modern,pavel-filonov_a-family-portrait-1924 +portrait,Impressionism,pierre-auguste-renoir_julie-manet-1894 +portrait,Expressionism,richard-gerstl_boy-1907 +portrait,Impressionism,camille-pissarro_grandmother +portrait,Realism,ilya-repin_rest-portrait-of-vera-repina-the-artist-s-wife-1882 +portrait,Rococo,joshua-reynolds_colonel-george-k-h-coussmaker-grenadier-guards +portrait,Romanticism,karl-bryullov_portrait-of-princess-a-a-bagration-1 +portrait,Rococo,benjamin-west_gov-john-page-of-virginia-rosewell-plantation-gloucester-county-virginia +portrait,High_Renaissance,vittore-carpaccio_portrait-of-an-unknown-man-with-red-beret-1493 +portrait,Romanticism,orest-kiprensky_portrait-of-prince-aleksey-ivanovich-gorchakov +portrait,Rococo,maurice-quentin-de-la-tour_louis-dauphin-of-france +portrait,Impressionism,frederic-bazille_portrait-of-auguste-renoir-1867 +portrait,Impressionism,edgar-degas_portrait-of-mary-cassatt +portrait,Impressionism,giovanni-boldini_lady-wearing-a-straw-bonnet-morning-promenade-1905 +portrait,Impressionism,giovanni-boldini_portrait-of-madame-gabrielle-rejane +portrait,Realism,john-singer-sargent_mrs-robert-harrison-1886 +portrait,Post_Impressionism,henri-matisse_the-ostrich-feather-hat +portrait,Fauvism,henri-matisse_pierre-with-wooden-horse-1904 +portrait,Realism,alexey-venetsianov_wet-nurse-with-a-child +portrait,Impressionism,felix-vallotton_portrait-of-edouard-vuillard-1893 +portrait,Romanticism,vasily-tropinin_portrait-of-general-ai-gorchakov +portrait,Impressionism,willard-metcalf_child-in-sunlight +portrait,Impressionism,iosif-iser_baletist +portrait,Realism,boris-kustodiev_portrait-of-a-woman +portrait,Realism,jean-francois-millet_the-comtesse-of-valmont +portrait,Early_Renaissance,domenico-veneziano_matteo-olivieri-1450 +portrait,Expressionism,rafael-zabaleta_portrait-of-seated-brunette-1948 +portrait,Symbolism,constantin-artachino_the-old-man +portrait,Expressionism,henri-matisse_young-girl-in-a-persian-dress-1942 +portrait,Realism,john-everett-millais_annie-miller +portrait,Pop_Art,robert-silvers_mona-lisa-remastered-1 +portrait,Art_Nouveau_Modern,felix-vallotton_portrait-of-belgian-writer-george-eekhoud-1896 +portrait,Realism,ivan-kramskoy_sophia +portrait,Baroque,annibale-carracci_portrait-of-a-man +portrait,Naive_Art_Primitivism,fernando-botero_man-smoking +portrait,Baroque,peter-paul-rubens_portrait-of-a-man-probably-peter-van-hecke +portrait,Baroque,anthony-van-dyck_snyders +portrait,Impressionism,konstantin-korovin_young-woman-on-the-threshold +portrait,Realism,boris-kustodiev_portrait-of-stjepan-nikolsky-uncle-of-the-artist-1901 +portrait,Expressionism,paula-modersohn-becker_lee-and-his-sister-hoetger-1907 +portrait,Cubism,juan-gris_two-pierrots-1922 +portrait,Impressionism,pierre-auguste-renoir_philippe-gangnat +portrait,Post_Impressionism,moise-kisling_portrait-of-renee-kisling +portrait,Romanticism,dante-gabriel-rossetti_algernon-charles-swinburne-1862 +portrait,Realism,boris-kustodiev_portrait-of-d-m-solsky-1908 +portrait,Mannerism_Late_Renaissance,el-greco_lady-with-a-flower-in-her-hair +portrait,Realism,john-singer-sargent_mrs-charles-pelham-curtis-1903 +portrait,Rococo,joshua-reynolds_augustus-keppel-1753 +portrait,Realism,nicholas-roerich_sage-1897 +portrait,Baroque,aleksey-antropov_portrait-of-countess-m-a-rumyantzeva +portrait,Expressionism,martiros-saryan_portrait-of-the-poetess-maria-petrovykh-1946 +portrait,Expressionism,tia-peltz_the-brat-girl-1 +portrait,Art_Nouveau_Modern,egon-schiele_portrait-of-edith-schiele-1918 +portrait,Realism,ilya-repin_portrait-of-v-e-repin-the-artist-s-brother-1867 +portrait,Realism,ivan-kramskoy_portrait-of-sofia-nikolaevna-and-sophia-ivanovna-archaeology-wife-and-daughter-of-the-artist-1875 +portrait,Romanticism,john-hoppner_little-girl-by-the-sea +portrait,Realism,mikhail-nesterov_young-man-with-candle-1885 +portrait,Realism,charles-hermans_two-dancers +portrait,Post_Impressionism,istvan-ilosvai-varga_poor-man-1938 +portrait,Romanticism,orest-kiprensky_portrait-of-elizabeth-khitrovo-1817 +portrait,Pointillism,theo-van-rysselberghe_portrait-of-a-woman-in-black +portrait,Art_Nouveau_Modern,aubrey-beardsley_raphael-sanzio +portrait,Romanticism,konstantin-makovsky_portrait-of-y-makovskaya +portrait,Pop_Art,andy-warhol_goethe +portrait,Realism,pavel-fedotov_portrait-of-m-p-zhdanovich-1847 +portrait,Pop_Art,robert-silvers_charles-darwin +portrait,Baroque,diego-velazquez_equestrian-portrait-of-don-gaspar-de-guzmancount-duke-of-olivares-1634 +portrait,Rococo,thomas-gainsborough_the-artist-s-wife +portrait,Rococo,thomas-gainsborough_mr-coke-of-brookhill +portrait,Realism,augustus-john_colonel-t-e-lawrence-1919 +portrait,Romanticism,orest-kiprensky_portrait-of-p-gagarin-1823 +portrait,Ukiyo_e,keisai-eisen_beauty-and-shamisen-1840 +portrait,Romanticism,francisco-goya_portrait-thought-to-be-josepha-bayeu-or-leocadia-weiss +portrait,Romanticism,karl-bodmer_chief-of-the-blood-indians-war-chief-of-the-piekann-indians-and-a-koutani-indian-plate-46-from-1844 +portrait,Realism,john-singer-sargent_portrait-of-charles-martin-loeffler-1917 +portrait,Rococo,vladimir-borovikovsky_portrait-of-a-i-bezborodko-with-daughters-1803 +portrait,Impressionism,berthe-morisot_julie-manet-and-her-greyhound-laerte-1893 +portrait,Impressionism,claude-monet_madame-monet-and-child +portrait,Realism,mihaly-munkacsy_yawning-apprentice-1869 +portrait,Impressionism,pierre-auguste-renoir_portrait-of-therese-berard-1879 +portrait,Northern_Renaissance,albrecht-durer_portrait-of-john-s-kleberger-1526 +portrait,Rococo,antoine-pesne_georg-wenzeslaus-von-knobelsdorff-1738 +portrait,Baroque,frans-hals_portrait-of-a-man-1622 +portrait,Realism,vincent-van-gogh_head-of-a-woman-2 +portrait,Northern_Renaissance,jan-van-eyck_portrait-of-a-young-man-1432 +portrait,Expressionism,lucian-freud_bella-in-her-pluto-t-shirt +portrait,Realism,james-mcneill-whistler_rose-and-green-the-iris-portrait-of-miss-kinsella-1902 +portrait,Romanticism,sir-lawrence-alma-tadema_dame-ellen-terry-as-imogen-shakespeare-heroine-in-cymbeline +portrait,Rococo,allan-ramsay_portrait-of-sophia-charlotte-of-mecklenburg-strelitz-wife-of-king-george-iii +portrait,Baroque,rembrandt_johannes-uijtenbodaerd-1635 +portrait,Expressionism,oskar-kokoschka_not_detected_235847 +portrait,Romanticism,alexander-shilov_mira-1985(4) +portrait,Realism,mikhail-nesterov_portrait-of-ivan-shadr-1934 +portrait,Art_Nouveau_Modern,boris-kustodiev_the-priest-1920 +portrait,Expressionism,arturo-souto_the-painter-diego-rivera-1931 +portrait,Expressionism,zinaida-serebriakova_portrait-of-a-young-girl-marrakesh-1932 +portrait,High_Renaissance,giovanni-antonio-boltraffio_a-youth-crowned-with-flowers +portrait,Symbolism,antonio-carneiro_homem-do-mar-le-a-1905 +portrait,Baroque,anthony-van-dyck_charles-i-on-horseback +portrait,Northern_Renaissance,lucas-cranach-the-elder_casimir-margrave-of-brandenburg-1522 +portrait,Expressionism,amedeo-modigliani_portrait-of-beatrice-hastings-1915-1 +portrait,Post_Impressionism,henri-de-toulouse-lautrec_red-haired-woman-seated-in-the-garden-of-m-forest-1889 +portrait,Art_Nouveau_Modern,filipp-malyavin_portrait-of-artist-s-family-1911 +portrait,Expressionism,henri-matisse_not-identified-21 +portrait,New_Realism,yiannis-tsaroychis_autumn-1979 +portrait,Pop_Art,roy-lichtenstein_m-maybe-1965(1) +portrait,Baroque,anthony-van-dyck_portrait-of-justus-van-meerstraeten-1635 +portrait,Post_Impressionism,ion-theodorescu-sion_mountain-folk +portrait,Realism,giovanni-boldini_madame-michelham-1913 +portrait,Baroque,ivan-nikitin_peter-i-1717 +portrait,Rococo,maurice-quentin-de-la-tour_fran-ois-emmanuel-pommyer-abbot-of-bonneval +portrait,Baroque,anthony-van-dyck_equestrian-portrait-of-charles-i-king-of-england-with-seignior-de-st-antoine-1633 +portrait,Expressionism,nikolaos-lytras_portrait-of-arist-maria-hors +portrait,Expressionism,paula-modersohn-becker_study-for-portrait-of-lee-hoetger-before-flower-base-1906 +portrait,Pop_Art,richard-hamilton_derek-jarman-1997 +portrait,Art_Nouveau_Modern,richard-gerstl_woman-in-light-blue-dress-1905 +portrait,Expressionism,amedeo-modigliani_portrait-of-leopold-zborowski +portrait,Realism,james-tissot_a-reclining-lady +portrait,Romanticism,henry-raeburn_portrait-of-the-rev-william-paul +portrait,Baroque,frans-hals_portrait-of-a-man-5 +portrait,Mannerism_Late_Renaissance,lavinia-fontana_newborn-baby-in-a-crib-1583 +portrait,Mannerism_Late_Renaissance,tintoretto_marcantonio-barbaro +portrait,Realism,julius-leblanc-stewart_portrait-of-a-lady-1892(1) +portrait,Expressionism,andre-derain_a-woman-with-green-dress-1907 +portrait,Art_Nouveau_Modern,felix-vallotton_portrait-of-french-poet-pierre-quillard-1896 +portrait,Impressionism,nicolae-grigorescu_columbine-in-green-1874 +portrait,Early_Renaissance,antonello-da-messina_portrait-of-a-man-1 +portrait,Realism,nikolay-bogdanov-belsky_boy-with-violin +portrait,High_Renaissance,lorenzo-lotto_portrait-of-a-woman +portrait,Rococo,benjamin-west_portrait-engraving-of-robert-fulton-steamboat-innovator +portrait,Romanticism,joseph-wright_thomas-day +portrait,Mannerism_Late_Renaissance,titian_portrait-of-the-doge-francesco-venier-1556 +portrait,Northern_Renaissance,rogier-van-der-weyden_portrait-of-jean-de-gros-1450 +portrait,Romanticism,konstantin-makovsky_female-portrait-9 +portrait,Northern_Renaissance,hans-holbein-the-younger_mayor-jakob-meyer-zum-hasen-1516 +portrait,Rococo,louise-elisabeth-vigee-le-brun_portrait-of-empress-elisabeth-alexeievna-of-russia-1795 +portrait,Expressionism,nicolae-tonitza_clown-1925 +portrait,Realism,thomas-eakins_portrait-2 +portrait,Post_Impressionism,moise-kisling_young-dutch-woman-1930 +portrait,Expressionism,yiannis-tsaroychis_evgenios-spatharis-as-an-angel-at-the-apotheosis-of-athanasios-diakos-1948 +portrait,Realism,nikolai-ge_portrait-of-evdokiya-nikolaevna-kostycheva +portrait,Expressionism,lucian-freud_a-man-and-his-daughter-1964 +portrait,Early_Renaissance,konstantin-somov_copy-of-portrait-of-simonetta-vespucci-by-piero-di-cosimo +portrait,Realism,theodore-gericault_the-madwoman-or-the-obsession-of-envy-1822 +portrait,Impressionism,william-merritt-chase_the-red-sash +portrait,Realism,ivan-kramskoy_josephine +portrait,Expressionism,chronis-botsoglou_tribute-to-france-hals-1986 +portrait,Romanticism,dante-gabriel-rossetti_silence-1870 +portrait,Pop_Art,andy-warhol_jane-fonda +portrait,Impressionism,pierre-auguste-renoir_aline-charigot-with-a-dog-1880 +portrait,Romanticism,henry-raeburn_portrait-of-mrs-anne-hart +portrait,Northern_Renaissance,hans-holbein-the-younger_portrait-of-doprothea-meyer-nee-kannengiesser-1516 +portrait,Realism,james-mcneill-whistler_arrangement-in-black-and-gold-1892 +portrait,Mannerism_Late_Renaissance,titian_portrait-of-cardinal-alessandro-farnese-1546 +portrait,Romanticism,joseph-wright_portrait-of-a-lady-with-her-lacework +portrait,Early_Renaissance,paolo-uccello_head-of-prophet-1443-3 +portrait,Post_Impressionism,henri-de-toulouse-lautrec_madame-aline-gibert-1887 +portrait,Ukiyo_e,utagawa-kuniyoshi_half-legth-portrait-of-bazui-chobel +portrait,Baroque,rembrandt_jan-antonedis-van-der-linden-1665 +portrait,Fauvism,pyotr-konchalovsky_portrait-of-the-son-1919 +portrait,Impressionism,pierre-auguste-renoir_gabrielle-holding-a-mirror-with-a-portrait-of-coco-1905 +portrait,Expressionism,ernst-ludwig-kirchner_seated-lady-dodo +portrait,Post_Impressionism,theo-van-rysselberghe_woman-at-a-mirror-1907 +portrait,Baroque,anthony-van-dyck_portrait-of-filippo-cattaneo-son-of-marchesa-elena-grimaldi-1623 +portrait,Romanticism,polychronis-lembesis_portrait-of-a-boy +portrait,High_Renaissance,titian_portrait-of-a-woman-1510 +portrait,Romanticism,eduard-von-gebhardt_portrait-of-an-old-man-1913 +portrait,Mannerism_Late_Renaissance,tintoretto_portrait-of-alvise-cornaro-1565 +portrait,Impressionism,william-merritt-chase_the-mirror +portrait,Cubism,olga-rozanova_lady-in-pink-artist-s-sister-anna-rozanova +portrait,Post_Impressionism,vincent-van-gogh_the-little-arlesienne-1890 +portrait,Cubism,amadeo-de-souza-cardoso_woman-sevant-1914 +portrait,Realism,salvador-dali_the-prince-of-sleep-el-principe-de-ensueno-1979 +portrait,Impressionism,mary-cassatt_portrait-of-a-young-girl-simone +portrait,Impressionism,bela-kadar_girl-with-headscarf +portrait,Post_Impressionism,pablo-picasso_harlequin-s-head-1905 +portrait,Realism,henry-herbert-la-thangue_portrait-of-the-artist-s-wife +portrait,Naive_Art_Primitivism,william-h.-johnson_marian-anderson-1945(1) +portrait,Cubism,marevna-(marie-vorobieff)_portrait-of-amedeo-modigliani-1955 +portrait,Realism,ivan-kramskoy_portrait-of-a-p-bogoliubov-1869 +portrait,Impressionism,john-lavery_mrs-lavery-sketching-1910 +portrait,Art_Nouveau_Modern,michel-simonidy_winter-perfume-1902 +portrait,Impressionism,nicolae-grigorescu_girl-with-yellow-headscarf +portrait,Impressionism,willard-metcalf_painting-my-wife-and-daughter +portrait,Post_Impressionism,paul-cezanne_madame-cezanne-in-a-striped-rob +portrait,Rococo,william-hogarth_portrait-of-bischofs-benjamin-hoadly +portrait,Romanticism,dante-gabriel-rossetti_monna-vanna-1866 +portrait,Expressionism,amedeo-modigliani_portrait-of-henri-laurens-1915-1 +portrait,Impressionism,james-mcneill-whistler_rose-aka-the-napolitaine +portrait,Expressionism,milton-avery_sally-1946 +portrait,Rococo,antoine-watteau_back-of-woman +portrait,Northern_Renaissance,albrecht-durer_portrait-of-bernhard-von-reesen-1521 +portrait,Realism,vincent-van-gogh_young-man-with-a-pipe-1884 +portrait,Impressionism,frederic-remington_hussar-russian-guard-corps +portrait,Naive_Art_Primitivism,horace-pippin_the-artist-s-wife-1936 +portrait,Realism,vladimir-makovsky_lover-of-of-antiquity-1869 +portrait,Northern_Renaissance,hans-holbein-the-younger_sir-william-butts +portrait,Rococo,fyodor-rokotov_portrait-of-peter-iii-of-russia +portrait,Realism,nikolai-ge_portrait-of-alexei-antipowitsch-potechin +portrait,High_Renaissance,titian_portrait-of-a-man-1514 +portrait,Post_Impressionism,pablo-picasso_manola +portrait,Impressionism,jan-toorop_trio-fleuri-1886 +portrait,Baroque,rembrandt_old-man-seated-in-an-armchair-full-length +portrait,Realism,salvador-dali_mme-reese +portrait,Impressionism,mary-cassatt_susan-seated-outdoors-wearing-a-purple-hat +portrait,Expressionism,salvador-dali_don-salvador-and-ana-maria-dali +portrait,Impressionism,edgar-degas_madame-gobillard-yves-morisot-1869 +portrait,Rococo,francisco-bayeu-y-subias_portrait-of-manuel-godoy-1790 +portrait,Expressionism,egon-schiele_reclining-boy-leaning-on-his-elbow-1917 +portrait,Ukiyo_e,keisai-eisen_a-portrait-of-the-courtesan-kashiko-of-tsuruya-1821 +portrait,Baroque,diego-velazquez_juan-mateos +portrait,Rococo,francois-boucher_portrait-of-madame-de-pompadour +portrait,Ukiyo_e,utagawa-sadatora_hinaogi-of-the-daikokuya +portrait,Romanticism,orest-kiprensky_portrait-of-a-boy-1819 +portrait,Expressionism,martiros-saryan_portrait-of-gayfejyan +portrait,Realism,ilya-repin_portrait-of-the-surgeon-nikolay-pirogov-1881-1 +portrait,Baroque,frans-hals_portrait-of-a-woman-known-as-the-gipsy-girl-1629 +portrait,Expressionism,amedeo-modigliani_the-red-head +portrait,Northern_Renaissance,hans-baldung_portrait-of-an-unknown-lady +portrait,New_Realism,john-french-sloan_gladys-carter-woman-in-white-1916 +portrait,Romanticism,taras-shevchenko_head-of-a-woman-1834 +portrait,Expressionism,martiros-saryan_head-of-the-girl-1923 +portrait,Expressionism,pyotr-konchalovsky_portrait-of-zinaida-konchalovskaya-1911 +portrait,Cubism,miriam-schapiro_alexandra-exter-my-fan-is-half-a-circle-1994 +portrait,Post_Impressionism,paul-gauguin_portrait-of-a-little-boy-1888 +portrait,Realism,ferdinand-hodler_portrait-of-louise-delphine-duchosal-1885 +portrait,Symbolism,kuzma-petrov-vodkin_head-of-a-boy-1910 +portrait,Pop_Art,martial-raysse_portrait-de-mme-raysse-1963 +portrait,Expressionism,rafael-zabaleta_hunters-1945 +portrait,Expressionism,amedeo-modigliani_the-beautiful-confectioner-1916 +portrait,Romanticism,konstantin-makovsky_portrait-of-o-makovskaya +portrait,Realism,augustus-john_the-two-jamaican-girls-1937 +portrait,Realism,basuki-abdullah_potret-bagong-kusudiarja +portrait,Romanticism,vasily-tropinin_portrait-of-a-writer-v-i-lizogub-1847 +portrait,Impressionism,santiago-rusinol_ticket-seller-at-the-moulin-de-la-galette-dance-hall-1890 +portrait,Expressionism,jean-dubuffet_portrait-of-armand-salacrou +portrait,Rococo,vladimir-borovikovsky_portrait-of-yuri-f-lisyansky-1810 +portrait,Realism,vincent-van-gogh_head-of-a-peasant-woman-1884(1) +portrait,Impressionism,rudolf-schweitzer-cumpana_maternitate-1921 +portrait,Rococo,joshua-reynolds_john-murray-4th-earl-of-dunmore +portrait,Symbolism,felicien-rops_head-of-old-antwerp +portrait,Expressionism,henri-matisse_marguerite-1907 +portrait,Art_Nouveau_Modern,mstislav-dobuzhinsky_portrait-of-the-artist-s-daughter-vera-1914 +portrait,Cubism,alberto-magnelli_la-toilette-1917 +portrait,Impressionism,valentin-serov_portrait-of-sophia-dragomirova-lukomskaya-1900 +portrait,Impressionism,camille-pissarro_half-length-portrait-of-lucien-pissarro +portrait,Post_Impressionism,vladimir-dimitrov_unknown-title-25 +portrait,Expressionism,amedeo-modigliani_woman-with-a-necklace-1917 +portrait,Naive_Art_Primitivism,fernando-botero_family-scene +portrait,Impressionism,pierre-auguste-renoir_portrait-of-an-infant-1881 +portrait,Baroque,rembrandt_agatha-bas-1641 +portrait,Realism,ilya-repin_tatyana-repina-the-artist-s-mother-1867 +portrait,Post_Impressionism,gregoire-boonzaier_druiwepakkers-1960 +portrait,Rococo,fyodor-rokotov_portrait-of-a-m-obreskov +portrait,Realism,valentin-serov_portrait-of-ivan-zabelin-1892 +portrait,Impressionism,berthe-morisot_bust-of-alice-gamby +portrait,Impressionism,paul-gauguin_portrait-of-ingeborg-thaulow-1877 +portrait,Realism,vasily-tropinin_obolenskaya-na-1833 +portrait,Naive_Art_Primitivism,fernando-botero_menina-after-velazquez +portrait,Abstract_Expressionism,hans-hofmann_polynesian-1950 +portrait,Romanticism,john-hoppner_arthur-wellesley-1st-duke-of-wellington +portrait,Impressionism,giovanni-boldini_mrs-leeds-the-later-princess-anastasia-of-greece-and-denmark-1914 +portrait,Northern_Renaissance,hans-holbein-the-younger_portrait-of-erasmus-of-rotterdam-writing-1523 +portrait,Art_Nouveau_Modern,boris-kustodiev_steward-1919 +portrait,Northern_Renaissance,lucas-cranach-the-elder_three-princesses-of-saxony-sibylla-emilia-and-sidonia-daughters-of-duke-heinrich-of-frommen +portrait,Romanticism,henry-raeburn_henry-mackenzie +portrait,Impressionism,pierre-auguste-renoir_young-shepherd-in-repose-alexander-thurneysson-1911 +portrait,Impressionism,pierre-auguste-renoir_young-woman-seated-1909 +portrait,Symbolism,gustav-klimt_schubert-at-the-piano-i +portrait,High_Renaissance,lorenzo-lotto_portrait-of-a-young-man-with-a-book-1527 +portrait,Expressionism,pablo-picasso_seated-woman-1909 +portrait,Realism,vasily-vereshchagin_wounded-1901 +portrait,Rococo,joshua-reynolds_captain-john-foote +portrait,Symbolism,konstantinos-parthenis_portrait-of-m-p-papathanasiou +portrait,Realism,john-singer-sargent_the-wyndham-sisters-1899 +portrait,Expressionism,toyen_two-girls-with-flowers-1932 +portrait,Mannerism_Late_Renaissance,titian_portrait-of-pope-paul-iii-1548 +portrait,Cubism,pablo-picasso_untitled-1939 +portrait,Impressionism,camille-pissarro_jeanne-in-the-garden-pontoise +portrait,Art_Nouveau_Modern,raphael-kirchner_vivienne-segal-1 +portrait,Fauvism,ilya-mashkov_three-sisters-on-the-couch-portrait-of-n-samoilova-l-samoilova-and-e-samoilova-1911 +portrait,Cubism,pablo-picasso_a-dream-1932 +portrait,Impressionism,pierre-auguste-renoir_gabrielle-at-the-mirror-1910 +portrait,Symbolism,odilon-redon_the-child-in-a-sphere-of-light-1 +portrait,Realism,ilya-repin_portrait-of-pavel-tretyakov-founder-of-the-tretyakov-gallery-1901 +portrait,Romanticism,vasily-tropinin_portrait-of-alexander-fedorovich-zaikin-etude-1837 +portrait,Northern_Renaissance,hans-baldung_portrait-of-a-lady-1530 +portrait,Realism,henri-fantin-latour_around-the-piano-1885 +portrait,Post_Impressionism,pablo-picasso_profile-of-a-young-girl-girl-with-red-flower-in-her-hair-1901 +portrait,Romanticism,george-frederick-watts_rachel-and-laura-gurney +portrait,Northern_Renaissance,hans-memling_portrait-of-a-man-with-an-arrow-1480 +portrait,Expressionism,oskar-kokoschka_not_detected_235849 +portrait,Post_Impressionism,paul-gauguin_young-woman-at-the-window-1888 +portrait,Expressionism,yiannis-tsaroychis_girl-psara-psarianh-1933 +portrait,Impressionism,edgar-degas_woman-seated-on-a-bench-1885 +portrait,Impressionism,julian-alden-weir_ideal-head +portrait,Rococo,thomas-gainsborough_david-garrick +portrait,Realism,james-tissot_type-of-beauty-portrait-of-mrs-kathleen-newton-in-a-red-dress-and-black-bonnet-1880 +portrait,Expressionism,egon-schiele_portrait-of-the-artist-s-wife-1917 +portrait,Expressionism,carlos-botelho_my-father-1937 +portrait,Expressionism,chronis-botsoglou_p-5533 +portrait,Realism,pavel-fedotov_portrait-of-ye-p-zhdanovich-1847 +portrait,Realism,ilya-repin_portrait-of-countess-sophia-vladimirovna-panina-1909 +portrait,Northern_Renaissance,albrecht-durer_landsknecht +portrait,Impressionism,rudolf-schweitzer-cumpana_rancu-cu-ulcior-1940 +portrait,Realism,konstantin-somov_portrait-of-ewfimia-nosova-1911 +portrait,Romanticism,edwin-henry-landseer_victoria-princess-royal-with-eos +portrait,Rococo,maurice-quentin-de-la-tour_nymph-followed-by-apollo-holding-a-laurel-wreath +portrait,Realism,john-singer-sargent_mrs-john-william-crombie-minna-watson +portrait,Post_Impressionism,vincent-van-gogh_young-girl-standing-against-a-background-of-wheat-1890 +portrait,Romanticism,jan-matejko_henry-the-bearded +portrait,Rococo,allan-ramsay_prince-george-augustus-of-mecklenburg-strelitz +portrait,Analytical_Cubism,juan-gris_portrait-of-the-artist-s-mother-1912 +portrait,Early_Renaissance,paolo-uccello_roundel-with-head +portrait,Cubism,candido-portinari_denise-com-carneiro-branco-1961 +portrait,Expressionism,amedeo-modigliani_portrait-of-beatrice-hastings-1916-1 +portrait,Post_Impressionism,vincent-van-gogh_portrait-of-the-postman-joseph-roulin-1889 +portrait,Pop_Art,andy-warhol_albert-einstein +portrait,Post_Impressionism,mikhail-nesterov_portrait-of-ekaterina-nesterova-1909 +portrait,Impressionism,pierre-auguste-renoir_paul-berard-1880 +portrait,Expressionism,gerard-sekoto_the-wine-drinker-1945 +portrait,High_Renaissance,raphael_the-pregnant-woman-la-donna-gravida-1507 +portrait,Post_Impressionism,vincent-van-gogh_italian-woman-agostina-segatori-1887 +portrait,Ukiyo_e,tsukioka-yoshitoshi_the-appearance-of-an-urban-widow-of-the-kansei-era +portrait,Symbolism,kuzma-petrov-vodkin_head-of-a-boy-1916 +portrait,Realism,jules-joseph-lefebvre_girl-with-a-mandolin-1870 +portrait,Post_Impressionism,stefan-luchian_interior-lorica-1913 +portrait,Northern_Renaissance,hans-memling_portrait-of-an-old-man +portrait,Romanticism,theodore-gericault_portrait-of-the-carpenter-of-the-medusa +portrait,Naive_Art_Primitivism,niko-pirosmani_portrait-of-melion-chkheidze +portrait,Romanticism,john-hoppner_william-pitt-the-younger +portrait,Romanticism,orest-kiprensky_portrait-of-grigory-grigorievich-kushelev-1827 +portrait,Contemporary_Realism,richard-whitney_james-h-webb +portrait,Ukiyo_e,kitagawa-utamaro_okita-the-tea-house-girl-1 +portrait,Fauvism,max-pechstein_girl-in-red-with-a-parasol-1909 +portrait,Rococo,thomas-gainsborough_mrs-grace-d-elliott-1778 +portrait,Rococo,joshua-reynolds_mrs-crewe-1761 +portrait,Art_Nouveau_Modern,zinaida-serebriakova_portrait-of-marietta-frangopulo-1922 +portrait,Impressionism,mary-cassatt_woman-with-needlework-sun +portrait,Impressionism,joaquã­n-sorolla_portrait-of-dona-elena-ortuzar-blasco-ibanez +portrait,Baroque,frans-hals_portrait-of-woman-with-gloves +portrait,Impressionism,valentin-serov_portrait-of-margarita-morozova-1910 +portrait,Post_Impressionism,paul-cezanne_madame-cezanne-in-the-greenhouse +portrait,Romanticism,alexander-orlowski_portrait-of-a-girl +portrait,Baroque,rembrandt_titus-the-artist-s-son +portrait,Cubism,fernand-leger_face-by-hand-on-a-red-background +portrait,Romanticism,dante-gabriel-rossetti_hunt +portrait,Naive_Art_Primitivism,fernando-botero_portrait-of-a-family +portrait,Expressionism,ligia-macovei_flower-hat +portrait,Northern_Renaissance,hans-holbein-the-younger_portrait-of-henry-viii-king-of-england +portrait,Realism,boris-kustodiev_portrait-of-d-s-stelletsky-at-work-1900 +portrait,Expressionism,nicolae-tonitza_the-woodman-s-girl-1924 +portrait,Art_Nouveau_Modern,zinaida-serebriakova_in-the-kitchen-1923 +portrait,Romanticism,orest-kiprensky_portrait-of-general-chaplits-1813 +portrait,Expressionism,egon-schiele_portrait-of-a-woman-1912 +portrait,Realism,felix-vallotton_the-artist-s-mother-1884 +portrait,High_Renaissance,raphael_portrait-of-a-cardinal +portrait,Impressionism,pierre-auguste-renoir_the-laundress +portrait,Impressionism,pierre-auguste-renoir_woman-in-a-blue-blouse +portrait,Baroque,frans-hals_portrait-of-a-man-1654 +portrait,Impressionism,john-lavery_mrs-guthrie-1898 +portrait,Realism,ilya-repin_dancing-woman +portrait,Realism,pavel-fedotov_portrait-of-s-s-krylov-1851 +portrait,Realism,ilya-repin_portrait-of-jelizaveta-zvantseva-1889 +portrait,Naive_Art_Primitivism,tarsila-do-amaral_o-vendedor-de-frutas +portrait,Northern_Renaissance,albrecht-durer_portrait-of-a-girl-1515 +portrait,Symbolism,zinaida-serebriakova_peasant-woman-with-pots +portrait,Romanticism,henry-raeburn_francis-horner +portrait,Rococo,joshua-reynolds_james-fitzgerald-duke-of-leinster +portrait,Realism,camille-corot_young-girl-reading +portrait,Impressionism,valentin-serov_portrait-of-sofia-mikhailovna-botkina-1899 +portrait,Expressionism,pablo-picasso_niko-pirosmani-1972(1) +portrait,Art_Nouveau_Modern,carl-larsson_suzanne-1894(1) +portrait,Impressionism,mary-cassatt_young-boy-in-blue +portrait,Post_Impressionism,paul-cezanne_portrait-of-louis-guillaume +portrait,Impressionism,edouard-manet_portrait-of-henry-bernstein-as-a-child-1881 +portrait,Impressionism,konstantin-korovin_spaniard-1894 +portrait,Cubism,pablo-picasso_woman-in-an-armchair-1941 +portrait,High_Renaissance,andrea-solario_portrait-of-a-young-man-1490 +portrait,Impressionism,pierre-auguste-renoir_woman-in-white-1916 +portrait,Realism,ilya-repin_portrait-of-writer-leonid-nikolayevich-andreyev-on-a-yacht-1912 +portrait,Romanticism,paul-cezanne_portrait-of-a-man +portrait,Mannerism_Late_Renaissance,sofonisba-anguissola_portrait-of-queen-elisabeth-of-spain-1599 +portrait,Realism,thomas-eakins_captain-joseph-lapsley-wilson-1895 +portrait,Romanticism,joseph-wright_francis-hurt +portrait,Realism,mary-cassatt_mary-ellison-embroidering-1877 +portrait,Impressionism,peder-severin-kroyer_girl-on-the-beach-1884 +portrait,Northern_Renaissance,bernhard-strigel_portrait-of-georg-tannstetter-collimitius +portrait,Realism,anders-zorn_mrs-symons-1888 +portrait,Symbolism,kuzma-petrov-vodkin_head-of-a-girl-1922 +portrait,Naive_Art_Primitivism,diego-rivera_portrait-of-ruth-rivera-1949 +portrait,Mannerism_Late_Renaissance,jacopo-pontormo_portrait-of-cosimo-de-medici-the-elder +portrait,Baroque,aleksey-antropov_portrait-of-general-in-chief-count-william-w-fermor +portrait,Realism,pavel-fedotov_portrait-of-a-i-fedotov-the-artist-s-father +portrait,Northern_Renaissance,hans-holbein-the-younger_portrait-of-mary-wotton-lady-guildenford-1527 +portrait,New_Realism,yiannis-tsaroychis_alain-as-winter-1975 +portrait,Post_Impressionism,henri-de-toulouse-lautrec_the-actor-henry-samary-1889 +portrait,Romanticism,george-frederick-watts_portrait-of-miss-lilian-macintosh(1) +portrait,Ukiyo_e,utagawa-kuniyoshi_sixty-nine-stations-of-the-kisokaido-warabi-inuyama-dosetsu-edo-period-1852 +portrait,Rococo,fyodor-rokotov_portrait-of-unknown-man-in-a-blue-caftan +portrait,Rococo,vladimir-borovikovsky_portrait-of-catherine-vasilevny-torsukovoy-1795 +portrait,High_Renaissance,lorenzo-lotto_portrait-of-a-gentleman-with-a-rosary +portrait,Realism,konstantin-makovsky_monk-tax-collector-in-the-temple +portrait,Art_Nouveau_Modern,raphael-kirchner_portrait-of-girls-with-grey-border-1902 +portrait,Art_Nouveau_Modern,zinaida-serebriakova_portrait-of-vera-fokine +portrait,Pop_Art,stanley-pinker_girl-in-sunglasses +portrait,Impressionism,giovanni-boldini_female-profile +portrait,Expressionism,zinaida-serebriakova_portrait-sa-lukomskaya-1948 +portrait,Rococo,allan-ramsay_queen-charlotte-with-her-two-children +portrait,Expressionism,yiannis-tsaroychis_young-man-standing-like-olympia-s-statue-wearing-pajamas-1939 +portrait,Expressionism,ernst-ludwig-kirchner_portrait-of-otto-mueller-with-pipe +portrait,Rococo,joshua-reynolds_the-gypsy-fortune-teller-1778 +portrait,Expressionism,august-macke_portrait-of-franz-marc +portrait,Naive_Art_Primitivism,fernando-botero_man-in-a-tuxedo +portrait,Impressionism,stefan-luchian_old-man-nicolae-the-fiddler-1906 +portrait,Impressionism,othon-friesz_portrait-of-the-artist-s-mother-1898 +portrait,Impressionism,nicolae-vermont_seaming-wench-1929 +portrait,Mannerism_Late_Renaissance,el-greco_poet-ercilla-y-zuniga-by-el-greco +portrait,Realism,john-singer-sargent_mrs-william-crowninshield-endicott-jr-1903 +portrait,Northern_Renaissance,bernhard-strigel_emperor-maximilian-i-1459-1519-1 +portrait,Expressionism,amedeo-modigliani_portrait-of-a-young-girl-louise-1915 +portrait,Post_Impressionism,maurice-denis_motherhood +portrait,Baroque,frans-hals_portrait-of-a-seated-man +portrait,Contemporary_Realism,eric-fischl_portrait-of-an-artist-as-a-woman +portrait,Expressionism,max-beckmann_quappi-in-pink +portrait,Expressionism,amedeo-modigliani_portrait-of-beatrice-hastings-1916 +portrait,Realism,william-adolphe-bouguereau_the-elder-sister-1886 +portrait,New_Realism,edward-hopper_jo-painting +portrait,Romanticism,john-hoppner_portrait-of-charlotte-walsingham-lady-fitzgerald +portrait,Post_Impressionism,theophrastos-triantafyllidis_masks +portrait,Baroque,rembrandt_old-man-with-flowing-beard-looking-down-left +portrait,Romanticism,vasily-tropinin_portrait-of-an-elderly-woman-in-a-bonnet-1820 +portrait,Naive_Art_Primitivism,marc-chagall_for-vava-1955 +portrait,Realism,ilya-repin_portrait-of-writer-ivan-sergeyevich-turgenev-1874 +portrait,Expressionism,martiros-saryan_portrait-of-mnatsakan-gyulnazaryan-1915 +portrait,Impressionism,edouard-manet_the-rest-portrait-of-berthe-morisot-1870 +portrait,Realism,vincent-van-gogh_head-of-a-peasant-1885(1) +portrait,Cubism,vicente-manansala_the-bird-seller-1976 +portrait,Pop_Art,andy-warhol_muhammad-ali-1 +portrait,Realism,james-mcneill-whistler_symphony-in-flesh-colour-and-pink-portrait-of-mrs-frances-leyland-1873 +portrait,Baroque,bartolome-esteban-murillo_old-woman-with-a-hen +portrait,Cubism,amadeo-de-souza-cardoso_sorrows-heads-1914 +portrait,Impressionism,pierre-auguste-renoir_woman-with-a-straw-hat-1880 +portrait,Expressionism,pablo-picasso_bust-of-woman-1906 +portrait,Realism,philip-de-laszlo_portrait-of-ignaz-wechselmann-1894 +portrait,Post_Impressionism,arshile-gorky_woman-with-necklace-marquette +portrait,Realism,thomas-eakins_portrait-of-sarah-sagehorn-frishmuth-1900 +portrait,Rococo,thomas-gainsborough_john-montagu-4th-earl-of-sandwich +portrait,Art_Nouveau_Modern,anders-zorn_mrs-bacon-1897 +portrait,Baroque,frans-hals_portrait-of-a-seated-man-holding-a-hat +portrait,Realism,vasily-perov_portrait-of-n-f-rezanov-1868 +portrait,Impressionism,camille-pissarro_paul-study-1898 +portrait,Realism,ilya-repin_nun-1878 +portrait,Realism,john-singer-sargent_portrait-of-dorothy-barnard-1889 +portrait,Realism,james-tissot_journal +portrait,Baroque,rembrandt_lucretia-1666 +portrait,Realism,john-singer-sargent_colonel-thomas-edward-vickers-1896 +portrait,Expressionism,henri-matisse_not-identified-23 +portrait,Symbolism,kuzma-petrov-vodkin_the-girl-in-the-garden-1927 +portrait,Rococo,joshua-reynolds_the-archers-double-portrait-of-colonel-john-dyke-acland-and-dudley-alexander-sydney-cosby-lord-1769(1) +portrait,Expressionism,jean-paul-lemieux_la-femme-au-chapeau-blanc +portrait,Post_Impressionism,piet-mondrian_passionflower-1908 +portrait,Northern_Renaissance,albrecht-durer_portrait-of-emperor-maximilian-i-1519 +portrait,Expressionism,vela-zanetti_the-sheperdess-1975 +portrait,Fauvism,william-h.-johnson_little-sweet-1944(1) +portrait,Realism,ilya-repin_zaporozhets-1884 +portrait,Rococo,joshua-reynolds_captain-the-honourable-george-edgcumbe +portrait,Impressionism,lovis-corinth_grandmother-and-granddaughter-1919 +portrait,Romanticism,john-hoppner_peter-dolland-1779 +portrait,Impressionism,boris-kustodiev_portrait-of-a-girl-1915 +portrait,Northern_Renaissance,lucas-cranach-the-elder_portrait-of-martin-luther-as-an-augustinian-monk +portrait,Impressionism,pierre-auguste-renoir_madame-robert-de-bonnieres-1889 +portrait,Rococo,thomas-gainsborough_mary-lady-bate-dudley-1787 +portrait,Expressionism,chaim-soutine_portrait-of-moise-kisling +portrait,Naive_Art_Primitivism,fernando-botero_marie-antoinette +portrait,Mannerism_Late_Renaissance,el-greco_the-knight-with-his-hand-on-his-breast +portrait,Baroque,anthony-van-dyck_sir-endymion-porter-and-the-artist +portrait,Realism,nikolay-bogdanov-belsky_portrait-of-m-ambelek-lazareva +portrait,Naive_Art_Primitivism,marc-chagall_the-blue-face-1967 +portrait,Romanticism,konstantin-makovsky_child-head +portrait,Impressionism,pablo-picasso_lola-1899 +portrait,Realism,thomas-eakins_the-veteran-portrait-of-geo-reynolds +portrait,Expressionism,amedeo-modigliani_madame-pompadour-1915 +portrait,Pop_Art,pauline-boty_the-only-blonde-in-the-world-1963 +portrait,Symbolism,franz-stuck_mary-with-biedermeier-hut +portrait,Romanticism,konstantin-makovsky_portrait-16 +portrait,Baroque,rembrandt_saskia-with-a-red-flower-1641 +portrait,Baroque,gerard-terborch_helena-van-der-schalcke-as-a-child +portrait,Realism,john-singer-sargent_sybil-frances-grey-later-lady-eden-1905 +portrait,Impressionism,edouard-manet_jeanne-martin-in-pink-dress-1881 +portrait,Impressionism,willard-metcalf_breton-girl +portrait,Romanticism,francisco-goya_portrait-of-javier-goya-the-artist-s-son-1824 +portrait,Expressionism,corneliu-baba_the-mad-king-i-m-the-king-1986 +portrait,Expressionism,edvard-munch_the-painter-jacob-bratland-1892 +portrait,Expressionism,gerard-sekoto_mary-dikeledi-sekoto-1947 +portrait,Realism,boris-kustodiev_portrait-of-v-n-argutinsky-dolgorukov-1910 +portrait,Realism,giovanni-boldini_portrait-of-alaide-banti-in-white-dress-1866 +portrait,Romanticism,jan-matejko_wladyslaw-herman +portrait,Romanticism,jan-matejko_augustus-ii-the-strong-1 +portrait,Realism,konstantin-korovin_portrait-of-a-chorus-girl-1883 +portrait,Post_Impressionism,theo-van-rysselberghe_portrait-of-elizabeth-van-rysselberghe-seated-with-her-hands-on-the-table-1915 +portrait,Rococo,antoine-pesne_portrait-of-louise-albertine-von-grappendorf-as-flora +portrait,Romanticism,jan-matejko_wenceslaus-ii-1 +portrait,Expressionism,martiros-saryan_portrait-of-karen-kamsarakan-1935 +portrait,Impressionism,mary-cassatt_woman-ranging-her-veil-1886 +portrait,Contemporary_Realism,chuck-close_alex-color-1992 +portrait,Impressionism,mary-cassatt_head-of-francoise-looking-down-no-4 +portrait,Realism,boris-kustodiev_portrait-of-m-v-chaliapina-1919 +portrait,Impressionism,micaela-eleutheriade_micul-gr-dinar-portretul-lui-constantin +portrait,Realism,fernand-khnopff_portrait-of-mrs-botte-1896 +portrait,Realism,salvador-dali_the-lacemaker-after-vermeer-1955 +portrait,Art_Nouveau_Modern,boris-kustodiev_abbess-1920 +portrait,Art_Nouveau_Modern,henri-de-toulouse-lautrec_the-flower-seller-1894 +portrait,Impressionism,pierre-auguste-renoir_young-man-in-a-red-tie-portrait-of-eugene-renoir-1890 +portrait,Mannerism_Late_Renaissance,tintoretto_portrait-of-a-senator-1 +portrait,Post_Impressionism,irma-stern_malay-girl-1938 +portrait,Post_Impressionism,moise-kisling_not-identified-18 +portrait,Baroque,eustache-le-sueur_portrait-of-a-young-man +portrait,Baroque,anthony-van-dyck_william-ii-prince-of-orange-and-princess-henrietta-mary-stuart-daughter-of-charles-i-of-england-1641 +portrait,Post_Impressionism,moise-kisling_not-identified-1952 +portrait,Realism,camille-corot_italian-woman-sitting-and-playing-the-mandolin-1870 +portrait,Pop_Art,marjorie-strider_veronica +portrait,Romanticism,paul-cezanne_fortune-mation +portrait,Impressionism,georges-lemmen_hat-with-a-red-ribbon +portrait,Romanticism,alexander-shilov_nana-1989(4) +portrait,Northern_Renaissance,bernhard-strigel_portrait-of-maximilian-i-1459-1519-1508 +portrait,Expressionism,oswaldo-guayasamin_el-grito-n-3-1983 +portrait,Impressionism,camille-pissarro_pumpkin-merchant-1883 +portrait,Northern_Renaissance,albrecht-durer_albrecht-durer-s-father-1497 +portrait,Rococo,william-hogarth_portrait-of-dr-benjamin-hoadly +portrait,Realism,vasily-surikov_portrait-of-princess-s-a-kropotkina-with-guitar-1882 +portrait,Romanticism,francisco-goya_dona-narcisa-baranana-de-goicoechea +portrait,Impressionism,william-merritt-chase_bobbie-a-portrait-sketch +portrait,Northern_Renaissance,lucas-cranach-the-elder_katharina-von-bora +portrait,Art_Nouveau_Modern,paul-mathiopoulos_woman-with-pearls +portrait,New_Realism,john-french-sloan_rosette-1913 +portrait,Northern_Renaissance,albrecht-durer_portrait-of-ulrich-starck +portrait,Early_Renaissance,antonello-da-messina_portrait-of-a-man-2 +portrait,Expressionism,max-beckmann_two-circus-artists-or-snake-charmer-and-clown +portrait,Realism,vladimir-makovsky_a-portrait-of-dmitry-rovinsky-1894 +portrait,Impressionism,joaquã­n-sorolla_clotilde-in-a-black-dress-1906 +portrait,Realism,james-mcneill-whistler_arrangement-in-white-and-black +portrait,Impressionism,lovis-corinth_morning-sun-1910 +portrait,Rococo,louise-elisabeth-vigee-le-brun_anna-ivanovna-tolstaya +portrait,Realism,thomas-eakins_portrait-of-john-mclure-hamilton-1895 +portrait,Romanticism,konstantin-makovsky_female-portrait-6 +portrait,Rococo,allan-ramsay_portrait-of-dr-william-hunter +portrait,Baroque,jacob-jordaens_portrait-of-the-painter-s-daughter-anna-catharina-oil-on-canvas +portrait,Mannerism_Late_Renaissance,el-greco_antonio-de-covarrubias-1594 +portrait,Expressionism,amedeo-modigliani_portrait-of-lunia-czechowska-1918 +portrait,Northern_Renaissance,joachim-wtewael_portrait-of-the-artist-s-wife-1601 +portrait,Realism,thomas-eakins_portrait-of-frank-b-a-linton-1904 +portrait,Romanticism,orest-kiprensky_portrait-of-v-s-khvostov-1814 +portrait,Impressionism,eva-gonzales_child-with-a-pipe +portrait,Realism,charles-hermans_portrait-of-a-girl-identified-as-the-artist-s-daughter +portrait,Expressionism,helene-schjerfbeck_siblings-1913 +portrait,Art_Nouveau_Modern,felix-vallotton_portrait-of-french-writer-l-on-bloy-1898 +portrait,Rococo,john-russell_rural-employment-1786 +portrait,Impressionism,nikolay-bogdanov-belsky_lettish-accordionist +portrait,Baroque,frans-hals_portrait-of-a-man-1643 +portrait,Expressionism,pablo-picasso_fernande-s-head-1906 +portrait,Romanticism,francesco-hayez_portrait-of-a-man-1834 +portrait,Realism,john-singer-sargent_miss-elsie-palmer-1890 +portrait,Realism,ivan-kramskoy_head-of-an-old-peasant-study-1874 +portrait,Expressionism,zinaida-serebriakova_tata-with-vegetables-1923 +portrait,Impressionism,walter-battiss_portrait-of-the-artist-s-wife-the-artist-grace-anderson-1945 +portrait,Pointillism,marevna-(marie-vorobieff)_senegal-solgier-1936 +portrait,Cubism,marevna-(marie-vorobieff)_portrait-of-diego-rivera-1960 +portrait,Expressionism,lucian-freud_john-deakin-1964 +portrait,Impressionism,john-singer-sargent_dorothy-barnard-1885 +portrait,Rococo,thomas-gainsborough_the-painter-s-daughters-chasing-a-butterfly-1759 +portrait,Northern_Renaissance,jean-fouquet_portrait-of-guillaume-jouvenel +portrait,Mannerism_Late_Renaissance,maerten-van-heemskerck_painting-of-the-nun-hillegond-gerritsdr +portrait,Post_Impressionism,vladimir-dimitrov_unknown-title-24 +portrait,Baroque,frans-hals_portrait-of-an-unknown-man +portrait,Impressionism,pierre-auguste-renoir_madame-chocquet-reading-1876 +portrait,Baroque,francisco-de-zurbaran_portrait-of-a-boy-the-duke-of-medinaceli +portrait,Impressionism,william-merritt-chase_spanish-girl-1 +portrait,Expressionism,marie-laurencin_portrait-of-baroness-gourgaud-with-pink-coat-1923 +portrait,Romanticism,constantin-daniel-rosenthal_portrait-of-teodor-arion-1848 +portrait,Impressionism,mary-cassatt_susan-on-a-balcony-holding-a-dog +portrait,Romanticism,eugene-delacroix_aspasia(1) +portrait,Symbolism,odilon-redon_portrait-of-simone-fayet-in-holy-communion-1908 +portrait,Mannerism_Late_Renaissance,sofonisba-anguissola_portrait-of-a-boy-at-the-spanish-court-1570 +portrait,Realism,john-singer-sargent_miss-helen-duinham-1892 +portrait,Symbolism,gustav-klimt_portrait-of-a-lady-unfinished-1918 +portrait,Romanticism,george-stubbs_portrait-of-isabella-saltonstall +portrait,Expressionism,marc-chagall_lisa-with-a-mandolin-1914 +portrait,Rococo,benjamin-west_dr-enoch-edwards-1795 +portrait,Baroque,frans-hals_officers-and-sergeants-of-the-st-hadrian-civic-guard +portrait,Post_Impressionism,candido-portinari_meu-primeiro-trabalho-1921 +portrait,Realism,henry-herbert-la-thangue_r-h-la-thangue-portrait-of-the-artist-s-father-1882 +portrait,Romanticism,alfred-stevens_preparing-for-the-ball +portrait,Realism,edouard-manet_young-woman-reclining-in-spanish-costume-1863 +portrait,High_Renaissance,giovanni-antonio-boltraffio_the-adolescent-saviour +portrait,Art_Nouveau_Modern,alphonse-mucha_byzantine-head-the-brunette-1897 +portrait,Expressionism,egon-schiele_woman-in-black-stockings-1913 +portrait,Northern_Renaissance,mabuse_queen-eleanor-of-austria +portrait,Mannerism_Late_Renaissance,lavinia-fontana_portrait-of-a-noblewoman-1580 +portrait,Realism,ilya-repin_portrait-of-music-editor-and-patron-mitrofan-petrovich-belyayev-1886 +portrait,Post_Impressionism,vincent-van-gogh_portrait-of-patience-escalier-shepherd-in-provence-1888 +portrait,Romanticism,vasily-tropinin_girl-with-plums +portrait,Cubism,auguste-herbin_women-and-children-1914 +portrait,Mannerism_Late_Renaissance,titian_girl-with-a-basket-of-fruits-lavinia-1558 +portrait,Romanticism,jan-matejko_wladyslaw-laskonogi +portrait,Post_Impressionism,suzanne-valadon_portrait-of-a-woman-1917 +portrait,Expressionism,ernst-ludwig-kirchner_erna-japanschirm +portrait,Realism,ilya-repin_burlak-1-1870 +portrait,Romanticism,henry-raeburn_mrs-colin-campbell-of-park +portrait,Realism,vasily-perov_portrait-of-an-old-woman +portrait,High_Renaissance,giovanni-bellini_portrait-of-fra-theodoro-da-urbino-1515 +portrait,Impressionism,james-mcneill-whistler_the-blue-dress +portrait,Post_Impressionism,arshile-gorky_portrait-of-master-bill-1929 +portrait,Baroque,rembrandt_a-man-with-a-short-beard-and-embroidered-cloak-1631 +portrait,Art_Nouveau_Modern,leon-bakst_portrait-of-the-marchesa-casati-1912-1 +portrait,Realism,vasily-vereshchagin_kyrgyz-1870 +portrait,Romanticism,orest-kiprensky_portrait-v-p-orlov-davydov-1828 +portrait,Expressionism,oskar-kokoschka_not_detected_235857 +portrait,Pop_Art,patrick-procktor_two-chinese-generals-1968 +portrait,Expressionism,corneliu-baba_mihail-sadoveanu +portrait,Realism,antã³nio-de-carvalho-da-silva-porto_head-of-a-girl +portrait,Art_Nouveau_Modern,boris-kustodiev_russian-girl-near-the-window-1923 +portrait,Impressionism,william-james-glackens_the-artist-s-wife-and-son-1911 +portrait,Art_Nouveau_Modern,felix-vallotton_polish-philosopher-j-zef-hoene-wro-ski-1897 +portrait,Impressionism,egon-schiele_portrait-of-leopold-czihaczek-standing-1907 +portrait,Romanticism,jan-matejko_michal-korybut +portrait,Romanticism,dante-gabriel-rossetti_portrait-of-aflaia-coronio-1870 +portrait,Realism,augustus-john_lady-with-a-mantilla +portrait,Realism,anders-zorn_ernest-cassel-1886 +portrait,Pop_Art,andy-warhol_carter-burden-white +portrait,Realism,constantin-guys_woman-standing-in-a-doorway +portrait,Baroque,jacob-jordaens_portrait-of-the-artist-s-daughter-elizabeth-1640 +portrait,Realism,gustave-courbet_portrait-of-a-young-girl-from-salins-1860 +portrait,Realism,franz-marc_portrait-of-the-artist-s-mother-1902 +portrait,Post_Impressionism,irma-stern_portrait-of-an-indian-woman-1936 +portrait,Realism,mary-cassatt_the-mandolin-player +portrait,Mannerism_Late_Renaissance,tintoretto_portrait-of-a-woman +portrait,Romanticism,vasily-tropinin_portrait-of-the-dancer-t-s-karpakova-1818 +portrait,Realism,boris-kustodiev_portrait-of-a-woman-1920 +portrait,Realism,salvador-dali_portrait-of-mrs-fagen +portrait,Realism,edouard-manet_portrait-of-antonin-proust-study-1877 +portrait,Baroque,rembrandt_the-prophetess-anna-rembrandt-s-mother-1631 +portrait,Impressionism,william-merritt-chase_portrait-of-mrs-c +portrait,Expressionism,amedeo-modigliani_jeanne-hebuterne-with-white-collar-1919 +portrait,Post_Impressionism,lovis-corinth_woman-with-a-glass-of-wine-1908 +portrait,New_Realism,john-french-sloan_boy-with-piccolo-1904 +portrait,High_Renaissance,titian_portrait-of-a-man-1508 +portrait,Baroque,anthony-van-dyck_portrait-of-maria-lugia-de-tassis-1629 +portrait,Rococo,joshua-reynolds_portrait-of-joseph-baretti +portrait,Realism,mykola-yaroshenko_portrait-of-nikolaj-nikolajewitsch-ge-1890 +portrait,Expressionism,egon-schiele_sitting-woman-in-a-green-blouse-1913 +portrait,Expressionism,paul-klee_a-young-ladys-adventure-1921(1) +portrait,Realism,nikolaos-gyzis_artemis-gyzi-1880 +portrait,Realism,ivan-kramskoy_vera-tretyakov-in-kuntsevo-1875 +portrait,Baroque,anthony-van-dyck_portrait-of-a-girl-as-erminia-accompanied-by-cupid-1638 +portrait,Pop_Art,leroy-neiman_frank-sinatra-duets-1994 +portrait,Symbolism,konstantin-somov_natalia-pavlovna-and-earl-nulin +portrait,Impressionism,octav-angheluta_tata +portrait,Expressionism,corneliu-baba_potrait-of-a-girl +portrait,Naive_Art_Primitivism,camille-bombois_jeune-fille-1920 +portrait,Symbolism,kuzma-petrov-vodkin_portrait-of-m-f-petrova-vodkina-1907 +portrait,Impressionism,iosif-iser_tatar-woman-with-mandoline-1946 +portrait,Naive_Art_Primitivism,henri-rousseau_the-girl-with-a-doll-1905 +portrait,Rococo,john-russell_anthony-knowles-1801 +portrait,Expressionism,victor-brauner_portrait-of-sa-a-pan-to-my-dear-sa-a-pan-1930 +portrait,Realism,viktor-vasnetsov_in-a-suit-buffoon-1882 +portrait,Expressionism,otto-dix_portrait-of-the-journalist-sylvia-von-harden-1926 +portrait,Baroque,anthony-van-dyck_portrait-of-nicolaes-van-der-borght +portrait,Realism,alexey-venetsianov_sleeping-girl +portrait,Realism,nicolae-grigorescu_peasant-woman-with-pitcher +portrait,Romanticism,camille-corot_portrait-of-louise-claire-sennegon-future-madame-charmois-1837 +portrait,Rococo,fyodor-rokotov_portrait-of-the-poet-vasily-maykov +portrait,Northern_Renaissance,albrecht-durer_man-aged-93-brush-ink-on-paper-1521 +portrait,Naive_Art_Primitivism,kateryna-bilokur_portrait-of-the-nieces-1939 +portrait,Baroque,rembrandt_portrait-of-eleazer-swalmius +portrait,Rococo,joshua-reynolds_frederick-howard-5th-earl-of-carlisle-1 +portrait,Romanticism,francesco-hayez_portrait-of-antoniet-negroni-prati-morosini-1872 +portrait,Northern_Renaissance,martin-schongauer_woman-with-a-wreath-of-oak-leaves +portrait,Romanticism,orest-kiprensky_fortune-teller-with-a-candle-1830 +portrait,Realism,ilya-repin_portrait-of-yanitskaya-1865 +portrait,Baroque,ivan-nikitin_catherine-i-of-russia-1717 +portrait,Romanticism,konstantin-makovsky_boyar-with-the-cup +portrait,Romanticism,paul-cezanne_the-artist-s-mother-1867 +portrait,High_Renaissance,raphael_portrait-of-a-young-woman +portrait,Northern_Renaissance,jan-van-eyck_portrait-of-cardinal-albergati +portrait,Realism,vasily-tropinin_tuchkov-alexey-the-hero-of-1812-the-father-of-the-decembrist-alexei-tuchkova-1843 +portrait,Art_Nouveau_Modern,alphonse-mucha_lefevre-utile-1903 +portrait,Realism,john-singer-sargent_mrs-ralph-curtis-1898 +portrait,Impressionism,pierre-auguste-renoir_portrait-of-madame-claude-monet-1872 +portrait,Expressionism,elaine-de-kooning_john-f-kennedy-1963 +portrait,Mannerism_Late_Renaissance,jacopo-pontormo_portrait-of-francesco-da-castiglione-1520 +portrait,Realism,nicolae-vermont_the-red-scarf-1925 +portrait,Naive_Art_Primitivism,fernando-botero_the-study-of-vermeer +portrait,Romanticism,jan-matejko_stefan-batory +portrait,Realism,nikolay-bogdanov-belsky_self-portrait +portrait,Impressionism,mary-cassatt_child-in-a-straw-hat +portrait,Expressionism,spyros-papaloukas_stratis-doukas-1924 +portrait,Early_Renaissance,paolo-uccello_head-of-prophet-1443 +portrait,Realism,salvador-dali_gala-s-foot-right-panel +portrait,Rococo,allan-ramsay_portrait-of-king-george-iii +portrait,Baroque,rembrandt_portrait-of-johannes-wtenbogaert-1633 +portrait,Realism,giovanni-boldini_portrait-of-lina-cavalieri-1901 +portrait,Expressionism,egon-schiele_moa-1911 +portrait,Mannerism_Late_Renaissance,giorgio-vasari_the-house-of-giorgio-vasari-in-arezzo +portrait,Romanticism,orest-kiprensky_portrait-of-an-unknown-woman-1811 +portrait,Romanticism,orest-kiprensky_portrait-of-countess-maria-alexandrovna-pototskaya-countess-sofya-alexandrovna-shuvalova-with-a-1836 +portrait,Rococo,dmitry-levitzky_portrait-of-an-unknown-lady-in-a-pink-dress-1774 +portrait,Realism,ivan-kramskoy_ivan-goncharov +portrait,Post_Impressionism,paul-cezanne_portrait-of-madame-cezanne-1881 +portrait,Impressionism,edouard-manet_man-in-a-round-hat-alphonse-maureau-1878 +portrait,Romanticism,pierre-paul-prud'hon_arnauld-de-beaufort-1818 +portrait,Impressionism,william-merritt-chase_the-mandolin-player +portrait,Romanticism,joseph-wright_portrait-of-dr-erasmus-darwin-1731-1802-scientist-inventor-and-poet-grandfather-of-charles-1770 +portrait,Expressionism,richard-gerstl_schonberg-family(1) +portrait,Post_Impressionism,henri-de-toulouse-lautrec_madame-e-tapie-de-celeyran-in-a-garden-1896 +portrait,Cubism,pablo-picasso_head-of-woman-1908 +portrait,Expressionism,amedeo-modigliani_the-peasant-from-livorno-1909 +portrait,Baroque,gabriel-metsu_woman-figure +portrait,Romanticism,gheorghe-tattarescu_painter-s-wife-and-his-son +portrait,Rococo,louise-elisabeth-vigee-le-brun_portrait-of-stanislas-augustus-poniatowski +portrait,Post_Impressionism,robert-delaunay_man-with-a-tulip-also-known-as-portrait-of-jean-metzinger +portrait,Realism,nikolaos-lytras_portrait-of-the-painter-gerassimos-dialismas +portrait,Impressionism,henri-martin_rest +portrait,Romanticism,alexander-orlowski_portrait-of-a-cabman-1820 +portrait,Realism,james-tissot_a-lady-in-a-black-and-white-dress +portrait,Impressionism,ipolit-strambu_maternity +portrait,Northern_Renaissance,jan-provoost_portrait-of-a-female-donor +portrait,Pop_Art,andy-warhol_sarah-bernhardt +portrait,Naive_Art_Primitivism,fernando-botero_the-collector +portrait,Romanticism,john-hoppner_portrait-of-harriet-brouncker-of-boveridge-dorset +portrait,Expressionism,paul-klee_hesitation(1) +portrait,Northern_Renaissance,hans-holbein-the-younger_portrait-of-desiderius-erasmus +portrait,Impressionism,valentin-serov_portrait-of-princess-zinaida-yusupova-1902 +portrait,Expressionism,marc-chagall_musician-with-violin-1919 +portrait,Impressionism,claude-monet_portrait-of-jeanne-serveau +portrait,Romanticism,dante-gabriel-rossetti_my-lady-greensleeves-1863-1 +portrait,Realism,nicolae-grigorescu_cheerful-peasant-woman-1894 +portrait,Northern_Renaissance,hans-holbein-the-younger_george-nevill-3rd-baron-bergavenny +portrait,Baroque,gerard-terborch_portrait-of-catarina-van-leunink +portrait,Rococo,francois-boucher_portrait-of-carl-gustaf-tessin +portrait,Romanticism,constantin-daniel-rosenthal_doctorul-grunau-1846 +portrait,Baroque,rembrandt_portrait-of-a-woman-1632 +portrait,Post_Impressionism,le-pho_girl-with-green-scarf-1982 +portrait,Expressionism,amedeo-modigliani_constant-leopold +portrait,Romanticism,orest-kiprensky_portrait-of-grigory-grigorievich-kushelev-1827-1 +portrait,Realism,ivan-kramskoy_portrait-of-sergei-kramskoy-son-of-the-artist-1883 +portrait,Rococo,thomas-gainsborough_carl-friedrich-abel-1777 +portrait,Impressionism,pierre-auguste-renoir_woman-in-a-straw-hat-1880 +portrait,Baroque,diego-velazquez_dona-antonia-de-ipenarrieta-y-galdos-and-her-son +portrait,Impressionism,valentin-serov_portrait-of-nadezhda-derviz-with-her-child-1889 +portrait,Realism,pavel-fedotov_portrait-of-m-m-rodivanovsky +portrait,Realism,pyotr-konchalovsky_the-head-of-frenchwoman-1897 +portrait,Expressionism,amedeo-modigliani_woman-s-head-with-beauty-spot +portrait,Post_Impressionism,kees-van-dongen_woman-with-cat-1908 +portrait,Romanticism,francisco-goya_don-andres-del-peral-1798 +portrait,Romanticism,miklos-barabas_woman-in-striped-dress-1844 +portrait,Post_Impressionism,janos-tornyai_woman-standing-in-a-door-1934 +portrait,Rococo,vladimir-borovikovsky_anna-s-bezobrazova +portrait,Realism,pyotr-konchalovsky_portrait-of-a-hero-of-the-soviet-union-pilot-a-b-yumashev-1941 +portrait,Expressionism,ligia-macovei_red-hat +portrait,Romanticism,orest-kiprensky_portrait-of-alexander-pushkin-1827 +portrait,Expressionism,edvard-munch_portrait-of-inger-munch-1892 +portrait,Realism,salvador-dali_gala-contemplate-corpus-hypercubus +portrait,Realism,boris-kustodiev_before-the-ball +portrait,Fauvism,andre-derain_portrait-of-matisse-1905 +portrait,Baroque,gian-lorenzo-bernini_portrait-of-a-boy(3) +portrait,Realism,pyotr-konchalovsky_portrait-of-dolgintsev-1895 +portrait,Realism,nicholas-roerich_hermit-1895 +portrait,Realism,camille-corot_pensive-young-woman +portrait,Realism,james-tissot_rubens-hat +portrait,Realism,john-singer-sargent_katharine-pratt-1890 +portrait,Realism,ilya-repin_dragon-fly-portrait-of-vera-repina-the-artist-s-daughter-1884 +portrait,Realism,salvador-dali_three-apparitions-of-the-visage-of-gala +portrait,Rococo,vladimir-borovikovsky_portrait-of-d-a-derzhavina-1813 +portrait,Post_Impressionism,paul-cezanne_peasant-1891 +portrait,Impressionism,konstantin-korovin_portrait-of-italian-singer-angelo-masini-1890 +portrait,Naive_Art_Primitivism,johannes-itten_children-s-portraits-1922 +portrait,Rococo,thomas-gainsborough_john-campbell-4th-duke-of-argyll +portrait,Impressionism,mary-cassatt_the-tea-1880 +portrait,Romanticism,orest-kiprensky_great-prince-nikolay-pavlovich +portrait,Realism,vasily-tropinin_portrait-of-a-a-sapozhnikov-1852 +portrait,Romanticism,william-shayer_the-smith-brothers-of-chichester +portrait,Impressionism,giovanni-boldini_portrait-of-the-countess-de-martel-de-janville-known-as-gyp-1850-1932-1894 +portrait,Romanticism,francisco-goya_maunel-silvela +portrait,Baroque,peter-paul-rubens_portrait-of-helena-fourment-1 +portrait,Art_Nouveau_Modern,filipp-malyavin_a-peasant-women-1904 +portrait,Impressionism,mary-cassatt_woman-reading-1879 +portrait,Realism,john-singer-sargent_mrs-adrian-iselin-1888 +portrait,Impressionism,camille-pissarro_portrait-of-jeanne-rachel-minette-1872 +portrait,Romanticism,jan-matejko_peter-the-hermit +portrait,Realism,edouard-manet_the-artist-portrait-of-gilbert-marcellin-desboutin-1875 +portrait,Impressionism,pierre-auguste-renoir_portrait-of-the-couple-sisley-1868 +portrait,Baroque,peter-paul-rubens_democritus +portrait,Realism,john-singer-sargent_portrait-of-sir-max-michaelis-1925 +portrait,Baroque,anthony-van-dyck_portrait-of-the-painter-cornelis-de-wae +portrait,Rococo,joshua-reynolds_john-charles-spencer-viscount-althorp-1786 +portrait,Post_Impressionism,andrã©-lhote_portrait-de-jeanne-1908 +portrait,Realism,vasily-perov_portrait-of-a-i-kridener-born-ivanova-mother-of-the-artist-1876 +portrait,Naive_Art_Primitivism,fernando-botero_the-first-lady +portrait,Realism,fernand-khnopff_portrait-of-gabrielle-braun-1886 +portrait,Mannerism_Late_Renaissance,sofonisba-anguissola_portrait-of-giuliano-ii-cesarini-aged-14-1586 +portrait,Northern_Renaissance,jan-van-eyck_giovanni-arnolfini-and-his-wife-giovanna-cenami-the-arnolfini-marriage-detail-1434 +portrait,Romanticism,francisco-goya_francisca-sabasa-y-garcia-1808 +portrait,Baroque,rembrandt_jacob-iii-de-gheyn-1632 +portrait,Realism,giovanni-boldini_medici-s-portrait +portrait,Cubism,alberto-magnelli_man-smoking-1914 +portrait,Realism,ivan-kramskoy_portrait-of-olga-afanasiyevna-raftopulo-1884 +portrait,Expressionism,chronis-botsoglou_untitled-2 +portrait,Cubism,juan-gris_harlequin-with-violin +portrait,Impressionism,claude-monet_camille-monet-on-her-deathbed +portrait,Romanticism,fyodor-bronnikov_portrait-of-elena-grigoriyevna-tolstaya-1874 +portrait,Realism,ilya-repin_woman-playing-with-umbrella-1874 +portrait,Realism,john-singer-sargent_portrait-of-carolus-duran-1879 +portrait,Rococo,maurice-quentin-de-la-tour_prince-xavier-of-saxony +portrait,Romanticism,dante-gabriel-rossetti_kissed-mouth-1881 +portrait,Romanticism,konstantin-makovsky_girl-2 +portrait,Rococo,fyodor-rokotov_portrait-of-alexandra-struiskaya +portrait,Rococo,jean-honore-fragonard_portrait-of-denis-diderot +portrait,Realism,john-singer-sargent_henry-g-marquand +portrait,Northern_Renaissance,bernhard-strigel_portrait-of-count-johann-ii-count-of-montfort-and-rothenfels +portrait,Naive_Art_Primitivism,niko-pirosmani_wounded-soldier +portrait,Mannerism_Late_Renaissance,el-greco_julian-romero-de-las-azanas-and-his-patron-st-julian +portrait,Romanticism,konstantin-makovsky_russian-beauty-in-kokoshnik +portrait,Realism,vincent-van-gogh_orphan-man-1882 +portrait,Rococo,dmitry-levitzky_princess-vorontsova-dashkova-1784 +portrait,Impressionism,james-mcneill-whistler_harmony-in-coral-and-blue-milly-finch +portrait,Art_Nouveau_Modern,carl-larsson_ulf-and-pontus-1894(1) +portrait,Baroque,gabriel-metsu_woman-playing-a-viola-de-gamba +portrait,Impressionism,pierre-auguste-renoir_gabrielle-in-the-garden-at-cagnes-1911 +portrait,Realism,helene-schjerfbeck_girl-fishing-1884 +portrait,Baroque,frans-hals_lucas-de-clercq +portrait,Impressionism,john-singer-sargent_violet-resting-on-the-grass-1889 +portrait,Post_Impressionism,henri-de-toulouse-lautrec_comtesse-1887 +portrait,Realism,thomas-eakins_portrait-of-william-h-macdowell-1904 +portrait,Impressionism,giovanni-boldini_sitting-in-the-garden +portrait,Impressionism,pierre-auguste-renoir_portrait-of-mademoiselle-francois +portrait,Realism,john-singer-sargent_the-countess-of-essex-1907 +portrait,Realism,thomas-eakins_the-writing-master-benjamin-eakins-1882 +portrait,Impressionism,william-merritt-chase_portrait-of-harriet-hubbard-ayer +portrait,Realism,thomas-eakins_ernest-lee-parker-1910 +portrait,High_Renaissance,titian_vincenzo-cappello +portrait,Rococo,joshua-reynolds_portrait-of-prince-william-augustus-duke-of-cumberland-son-of-george-ii +portrait,Romanticism,konstantin-makovsky_portrait-of-vera-zubova +portrait,Romanticism,konstantin-makovsky_portrait-2 +portrait,Naive_Art_Primitivism,henri-rousseau_portrait-of-pierre-loti +portrait,Contemporary_Realism,richard-whitney_marion-sadeghi-nejad +portrait,Ukiyo_e,kitagawa-utamaro_courtesan-karakot +portrait,Northern_Renaissance,lucas-cranach-the-elder_portrait-of-a-young-man-in-hat-1521 +portrait,Realism,charles-hermans_la-belle-voisine +portrait,Art_Nouveau_Modern,carl-larsson_a-studio-idyll-the-artist-s-wife-with-daughter-suzanne(1) +portrait,Mannerism_Late_Renaissance,titian_portrait-of-cardinal-cristoforo-madruzzo-1552 +portrait,Impressionism,eduardo-viana_retrato-do-pintor-waldemar-da-costa-1931 +portrait,Ukiyo_e,utagawa-toyokuni-ii_the-scholar-sugawara-no-michizane +portrait,Romanticism,konstantin-makovsky_portrait-of-lady-vivien +portrait,Realism,vasily-tropinin_the-old-man-farmer-1825 +portrait,Cubism,lyubov-popova_composition-with-figures-1915 +portrait,New_Realism,yiannis-tsaroychis_p308(1) +portrait,Realism,boris-kustodiev_portrait-of-konstantin-somov-1914 +portrait,Impressionism,akseli-gallen-kallela_parisienne-1888 +portrait,Realism,grigoriy-myasoyedov_portrait-of-i-repin-study-1883 +portrait,Cubism,pyotr-konchalovsky_portrait-of-the-sculptor-p-bromirsky-1919 +portrait,Expressionism,martiros-saryan_portrait-of-the-actress-pastuhova-1955 +portrait,Expressionism,chaim-soutine_old-woman-with-dog +portrait,Post_Impressionism,kazimir-malevich_portrait-of-a-youth-1933 +portrait,Post_Impressionism,henri-de-toulouse-lautrec_the-clown-cha-u-kao-1895 +portrait,Post_Impressionism,vincent-van-gogh_woman-sitting-by-a-cradle-1887 +portrait,Impressionism,edgar-degas_the-duchess-de-montejasi-and-her-daughters-elena-and-camilla +portrait,Realism,vasily-perov_old-man-end-search-option-since-the-old-parent-at-the-grave-of-her-son-1874 +portrait,Expressionism,amedeo-modigliani_young-man-student-1919 +portrait,Baroque,frans-hals_portrait-of-a-forty-year-old-woman-with-folded-hands-1638 +portrait,Expressionism,filipp-malyavin_portrait-of-daria-ivanovna-tatarintseva-1898 +portrait,Rococo,thomas-gainsborough_richard-paul-jordell +portrait,Mannerism_Late_Renaissance,titian_the-young-englishman-1545 +portrait,Expressionism,zinaida-serebriakova_portrait-of-architect-a-j-beloborodov-1925 +portrait,Realism,camille-corot_the-woman-in-blue-1874 +portrait,Baroque,frans-hals_paulus-van-beresteyn +portrait,Realism,ilya-repin_portrait-of-dante +portrait,Impressionism,john-singer-sargent_girl-with-a-sickle-1885 +portrait,Post_Impressionism,henri-de-toulouse-lautrec_louis-pascal-1892 +portrait,Expressionism,amedeo-modigliani_bust-of-manuel-humbert +portrait,Cubism,fernand-leger_two-women-with-the-toilet-final-state-1920 +portrait,Fauvism,john-duncan-fergusson_le-manteau-chinois-1909 +portrait,Fauvism,ilya-mashkov_portrait-of-v-p-vinogradova-1909 +portrait,Impressionism,william-merritt-chase_portrait-of-mrs-william-clark +portrait,Northern_Renaissance,hans-holbein-the-younger_portrait-of-catarina-howard +portrait,Art_Nouveau_Modern,carl-larsson_lisbeth-1894(1) +portrait,Post_Impressionism,walter-battiss_tahitian-girl +portrait,Northern_Renaissance,albrecht-durer_portrait-of-a-boy-with-a-long-beard +portrait,Expressionism,ernst-ludwig-kirchner_nervous-heads +portrait,Pop_Art,conrad-marca-relli_the-dressmaker-1982 +portrait,Pop_Art,evelyne-axell_la-femme-au-serpent +portrait,Realism,vasily-tropinin_zagoskin-michael +portrait,Realism,edouard-manet_portrait-of-zacharie-astruc-1866 +portrait,Realism,john-singer-sargent_margaretta-drexel-countess-of-winchilsea-and-nottingham +portrait,Cubism,marevna-(marie-vorobieff)_homage-to-friends-from-montparnasse-1961(1) +portrait,Impressionism,giovanni-boldini_portrait-of-the-marquise-1914 +portrait,Expressionism,amedeo-modigliani_burgundian-woman-1918 +portrait,Expressionism,pablo-picasso_woman-s-profile-1905 +portrait,Realism,james-mcneill-whistler_the-master-smith-of-lyme-regis-1896 +portrait,Impressionism,edgar-degas_edmondo-and-therese-morbilli-1866 +portrait,Romanticism,theodore-gericault_portrait-of-lord-byron +portrait,Rococo,thomas-gainsborough_george-prince-of-wales-later-george-iv-1782 +portrait,Baroque,rembrandt_an-old-man-in-military-costume-formerly-called-portrait-of-rembrandt-s-father-1630 +portrait,Expressionism,billy-childish_hand-on-face-2000 +portrait,Northern_Renaissance,lucas-cranach-the-elder_portrait-of-katharina-von-bora-1 +portrait,Baroque,diego-velazquez_portrait-of-mariana-of-austria-queen-of-spain-1657 +portrait,Expressionism,george-bouzianis_thanos +portrait,Cubism,fernand-leger_three-girls-on-red-background-composition-with-three-women-1927 +portrait,Art_Nouveau_Modern,leon-bakst_portrait-of-the-marchesa-casati-1912 +portrait,Baroque,gabriel-metsu_the-apple-peeler-1657 +portrait,Impressionism,sever-burada_child +portrait,Post_Impressionism,pablo-picasso_woman-with-cap-1901 +portrait,Naive_Art_Primitivism,david-burliuk_woman-with-a-chicken +portrait,Realism,ivan-kramskoy_n-a-nekrasov-during-the-last-songs-1878 +portrait,Romanticism,karl-bryullov_rider-portrait-of-giovanina-and-amacilia-pacini-the-foster-children-of-countess-yu-p-samoilova +portrait,Fauvism,henri-matisse_woman-with-hat-1905 +portrait,Realism,wilhelm-leibl_kopf-eines-bauernm-dchens-1879 +portrait,Baroque,rembrandt_portrait-of-cornelia-pronck-wife-of-albert-cuyper-at-the-age-of-33-1633 +portrait,Expressionism,jean-helion_man-with-a-shoe-1944 +portrait,Cubism,jose-de-almada-negreiros_fisherwoman-tapestry +portrait,Expressionism,salvador-dali_portrait-of-my-first-cousin +portrait,Expressionism,ion-nicodim_ariana +portrait,Realism,mary-cassatt_peasant-woman-peeling-an-orange +portrait,High_Renaissance,titian_portrait-of-a-young-woman +portrait,Symbolism,columbano-bordalo-pinheiro_portrait-of-antero-de-quintal-1889 +portrait,Post_Impressionism,ilya-mashkov_portrait-of-the-artist-s-wife-maria-ivanovna-mashkova-1923 +portrait,Expressionism,jules-pascin_two-girls-on-the-ground-1909 +portrait,Rococo,dmitry-levitzky_grand-duchess-alexandra-pavlovna-of-russia +portrait,Impressionism,pierre-auguste-renoir_coco-s-head +portrait,Post_Impressionism,paul-gauguin_three-tahitians-1899 +portrait,Post_Impressionism,paul-cezanne_portrait-of-madame-cezanne +portrait,Baroque,frans-hals_officers-and-sergeants-of-the-st-hadrian-civic-guard-1639 +portrait,Art_Nouveau_Modern,jozsef-rippl-ronai_lady-with-black-veil-1896 +portrait,Rococo,william-hogarth_the-western-family +portrait,Realism,george-catlin_m-sho-la-t-b-bee-he-who-puts-out-and-kills-chief-of-the-tribe-1834 +portrait,Expressionism,lucian-freud_frank-auerbach-1976 +portrait,Impressionism,pierre-auguste-renoir_young-girl-in-a-hat +portrait,Expressionism,marie-laurencin_portrait-of-mademoiselle-chanel-1923 +portrait,Romanticism,karl-bryullov_portrait-of-ye-i-ton-1840 +portrait,Expressionism,candido-portinari_s-o-francisco-de-assis-1941 +portrait,Realism,vincent-van-gogh_head-of-a-fisherman-with-a-sou-wester-1883-1(1) +portrait,Art_Nouveau_Modern,paul-mathiopoulos_portrait-of-a-woman-2 +portrait,Impressionism,paul-mathiopoulos_greek-beauty +portrait,Impressionism,pierre-auguste-renoir_graziella-1910 +portrait,Baroque,gabriel-metsu_an-old-man-holding-a-pipe-and-a-jug +portrait,Romanticism,jan-matejko_boleslaw-the-curly +portrait,Realism,giovanni-boldini_rosina-pisani +portrait,Romanticism,vasily-tropinin_portrait-of-semyon-nikolayevich-mosolov-1836 +portrait,Baroque,rembrandt_old-man-in-prayer +portrait,Expressionism,amedeo-modigliani_portrait-of-chaim-soutine-1917 +portrait,Expressionism,zinaida-serebriakova_portrait-of-countess-rosario-zubova-1939 +portrait,Romanticism,jan-matejko_wladyslaw-of-varna +portrait,Expressionism,ossip-zadkine_landscape-and-bathers +portrait,Expressionism,zinaida-serebriakova_portrait-of-countess-rosario-zubova-1938 +portrait,Art_Nouveau_Modern,gustav-klimt_baby-1918 +portrait,Rococo,thomas-gainsborough_portrait-of-mrs-john-bolton +portrait,Expressionism,lucian-freud_the-painter-s-mother +portrait,Expressionism,marie-laurencin_judith-1930 +portrait,Impressionism,joaquã­n-sorolla_portrait-of-d-amalio-gimeno-1919 +portrait,Realism,edouard-manet_theodore-duret-1868 +portrait,Pop_Art,andy-warhol_ingrid-bergman-as-herself-2 +portrait,Mannerism_Late_Renaissance,parmigianino_portrait-of-a-man-with-a-book +portrait,Impressionism,carlos-saenz-de-tejada_girl-seen-from-behind-luisita-1917 +portrait,Rococo,francois-boucher_young-woman-with-flowers-in-her-hair-wrongly-called-portrait-of-madame-boucher +portrait,Realism,ilya-repin_portrait-of-the-sculptor-e-p-tarhanova-antokolskaya-1893 +portrait,Expressionism,christo-coetzee_face-and-figure-1948 +portrait,Realism,alekos-kontopoulos_portrait-of-eugenia-wife-of-kleomenis-tsitsaras +portrait,Romanticism,ivan-aivazovsky_portrait-of-gabriel-aivazian-the-artist-s-brother-1883 +portrait,Expressionism,ernst-ludwig-kirchner_portrait-of-erich-heckel-at-the-easel +portrait,Baroque,frans-hals_daniel-van-aken-playing-the-violin +portrait,Romanticism,karl-bodmer_piegan-blackfeet-girl +portrait,Romanticism,paul-cezanne_portrait-of-uncle-dominique-in-profile-1866 +portrait,Post_Impressionism,victor-borisov-musatov_self-portrait-with-sister-1898 +portrait,Art_Nouveau_Modern,alphonse-mucha_girl-with-loose-hair-and-tulips-1920 +portrait,Realism,john-singer-sargent_maud-coats-1906 +portrait,Art_Nouveau_Modern,boris-kustodiev_wanderer-1920 +portrait,Baroque,frans-hals_family-group-in-a-landscape-2 +portrait,Romanticism,jan-matejko_mieszko-iii-stary +portrait,Cubism,fernand-leger_the-two-women-two-sisters-1952 +portrait,Impressionism,edouard-manet_the-painter-of-animals-1882 +portrait,Post_Impressionism,richard-gerstl_mathilde-schoenberg-in-garden-1907(1) +portrait,Northern_Renaissance,albrecht-durer_portrait-of-lukas-van-leyden +portrait,Ukiyo_e,tsukioka-yoshitoshi_the-appearance-of-a-kyoto-waitress-in-the-meiji-era +portrait,Post_Impressionism,henri-de-toulouse-lautrec_portrait-of-berthe-bady-1897 +portrait,Realism,ilya-repin_portrait-of-the-artist-a-p-bogolubov-1882 +portrait,Realism,ilya-repin_head-of-peasant-study-1880 +portrait,Naive_Art_Primitivism,fernando-botero_the-road +portrait,Expressionism,zinaida-serebriakova_portrait-of-ivanov-in-a-suit-spaniard-1924 +portrait,Rococo,maurice-quentin-de-la-tour_portrait-of-marie-fel-1757 +portrait,Romanticism,konstantin-makovsky_portrait-of-the-girl-in-a-russian-dress +portrait,Ukiyo_e,utagawa-kuniyoshi_women-15 +portrait,Pointillism,theo-van-rysselberghe_portrait-of-jeanne-pissarro-1895 +portrait,Romanticism,konstantin-makovsky_african +portrait,Cubism,fernand-leger_woman-with-a-book-1923 +portrait,Realism,ilya-repin_hat-man-1875 +portrait,Expressionism,salvador-dali_crepuscular-old-man-1918 +portrait,Realism,thomas-eakins_portrait-of-sebastiano-cardinal-martinelli-1902 +portrait,Baroque,rembrandt_man-standing-up-1632 +portrait,Impressionism,nicolae-vermont_the-flower-girl +portrait,Realism,william-adolphe-bouguereau_head-of-a-little-girl-1888 +portrait,Realism,nikolai-ge_portrait-of-the-ukrainian-boy +portrait,Impressionism,octav-bancila_ran-cu-pip-1912 +portrait,Post_Impressionism,paul-cezanne_madame-cezanne-with-green-hat-1892 +portrait,Romanticism,edward-burne-jones_fair-rosamond-and-queen-eleonor +portrait,Expressionism,george-bouzianis_the-woman-who-looks-back +portrait,Pop_Art,andy-warhol_after-marilyn +portrait,Romanticism,andrei-ryabushkin_rider +portrait,Realism,ilya-repin_portrait-of-leo-tolstoy-as-a-ploughman-on-a-field-1887 +portrait,Post_Impressionism,walter-sickert_lady-martin-1935 +portrait,Impressionism,mary-cassatt_lydia-sitting-on-a-porch-crocheting-1882 +portrait,Baroque,cornelis-de-vos_family-portrait +portrait,Baroque,peter-paul-rubens_thomas-howard-second-count-of-arundel +portrait,Expressionism,paul-klee_black-knight-1927(1) +portrait,Symbolism,konstantin-somov_portrait-of-f-sologub +portrait,Realism,thomas-eakins_portrait-of-a-woman-1900 +portrait,Ukiyo_e,utagawa-kuniyoshi_a-samurai-overwhelming-a-giant-serpent +portrait,Fauvism,ilya-mashkov_portrait-of-a-lady-with-pheasants-1911 +portrait,Symbolism,odilon-redon_beatrice-1885 +portrait,Art_Nouveau_Modern,raphael-kirchner_melisande-1916 +portrait,Rococo,joshua-reynolds_miss-mary-hickey-1770 +portrait,Art_Nouveau_Modern,mikhail-vrubel_after-the-concert-portrait-of-nadezhda-zabela-1905 +portrait,Baroque,rembrandt_old-rabbi +portrait,Expressionism,amedeo-modigliani_rosa-porprina-1915 +portrait,Impressionism,pierre-auguste-renoir_girl-in-blue-1918 +portrait,Expressionism,henri-matisse_woman-with-a-white-dress-1934 +portrait,Realism,john-singer-sargent_charles-alexander-giron +portrait,Romanticism,alexander-shilov_metropolitan-filaret-1987(4) +portrait,Impressionism,pierre-auguste-renoir_madame-thurneyssen-1908 +portrait,Realism,ilya-repin_two-ukrainian-peasants-1880 +portrait,Post_Impressionism,francisc-sirato_aristocrat-portrait-lila-artist-s-niece-1933 +portrait,Post_Impressionism,david-burliuk_nicholai-cikovsky-1925 +portrait,Expressionism,richard-diebenkorn_woman-in-profile +portrait,Romanticism,konstantin-makovsky_portrait-23 +portrait,Baroque,rembrandt_portrait-of-titus-the-artist-s-son +portrait,Expressionism,paul-delvaux_chest-of-man-1929 +portrait,Ukiyo_e,utagawa-kuniyoshi_honjo-shigenaga-parrying-an-exploding-shell +portrait,Baroque,johannes-vermeer_girl-with-the-red-hat +portrait,Cubism,georges-braque_figure-double-with-marine-background-1942 +portrait,Realism,gustave-courbet_henri-rochefort-1874 +portrait,Impressionism,pierre-auguste-renoir_modele-from-the-moulin-de-la-galette-1876 +portrait,Expressionism,otto-dix_cosi-fan-tutte +portrait,Realism,vasily-polenov_portrait-of-n-yakunchikova-1882 +portrait,Cubism,andre-masson_portrait-of-the-poet-kleist +portrait,Romanticism,john-hoppner_master-meyrick-william-henry-meyrick-in-ruffled-infant-s-dress-1793 +portrait,Baroque,gerard-terborch_girl-in-peasant-costume-probably-gesina-the-painter-s-half-sister +portrait,Baroque,rembrandt_the-mennonite-minister-cornelis-claesz-1641 +portrait,Impressionism,kimon-loghi_the-flower-in-the-hair +portrait,Romanticism,gustave-moreau_portrait-of-degas-in-florence-1858 +portrait,Expressionism,pyotr-konchalovsky_portrait-of-baron-k-rausch-von-traubenberg-1911 +portrait,Impressionism,konstantin-korovin_portrait-of-olga-orlova-1889 +portrait,Ukiyo_e,utagawa-kuniyoshi_the-arhat-handaka +portrait,Realism,alexey-venetsianov_peasant-boy +portrait,Impressionism,giovanni-boldini_portrait-of-a-lady-1912 +portrait,Baroque,adriaen-van-de-velde_portrait-of-a-couple-with-two-children-and-a-nursemaid-in-a-landscape-detail-1667 +portrait,Expressionism,zinaida-serebriakova_portrait-of-aleksandr-petrovich-prokopenko-1926 +portrait,Rococo,fyodor-rokotov_portrait-of-v-n-surovtseva +portrait,Expressionism,egon-schiele_seated-woman-in-violet-stockings-1917 +portrait,Realism,nikolay-bogdanov-belsky_portrait-of-maxim-gorky +portrait,Expressionism,henri-matisse_algerian-woman-1909 +portrait,High_Renaissance,giorgione_young-man-the-impassioned-singer +portrait,Northern_Renaissance,rogier-van-der-weyden_braque-family-triptych-1450(1) +portrait,Baroque,anthony-van-dyck_the-five-eldest-children-of-charles-i-1637 +portrait,Rococo,john-russell_small-girl-presenting-cherries-1780 +portrait,Realism,edouard-manet_portrait-of-lina-campineanu-1878(1) +portrait,Romanticism,konstantin-makovsky_volkov-s-family-group-portrait-of-m-s-volkov-s-n-volkova-and-s-m-volkov-manzei +portrait,Rococo,thomas-gainsborough_william-wollaston-1759 +portrait,Expressionism,yiannis-tsaroychis_version-of-a-portrait-with-paper-flowers-1934 +portrait,Impressionism,mary-cassatt_young-girl-reading-1908 +portrait,Rococo,louise-elisabeth-vigee-le-brun_count-grigory-ivanovich-tchernyshov-holding-a-mask-1793 +portrait,New_Realism,john-french-sloan_spanish-girl-fur-hat-red-coat-1909 +portrait,Impressionism,nicolae-vermont_gipsy-woman-in-the-veranda-1920 +portrait,Art_Nouveau_Modern,raphael-kirchner_greek-girls-5 +portrait,Baroque,diego-velazquez_don-gaspde-guzman-count-of-oliveres-and-duke-of-san-lucla-mayor-1624 +portrait,Realism,vasily-vereshchagin_buddhist-lama-in-a-monastery-on-a-holiday-pemionchi-sikkim-1875 +portrait,Baroque,frans-hals_portrait-of-a-man-1633 +portrait,Impressionism,edouard-manet_madame-manet-in-conservatory-1879 +portrait,Realism,william-adolphe-bouguereau_reflexion-1897 +portrait,Naive_Art_Primitivism,fernando-botero_priest-extends +portrait,Cubism,umberto-boccioni_silvia-1915 +portrait,Northern_Renaissance,hans-memling_the-donor-from-the-right-wing-of-the-diptych-of-maerten-van-nieuwenhove-1487 +portrait,Realism,basuki-abdullah_gadis-manis +portrait,Impressionism,berthe-morisot_woman-in-black +portrait,Expressionism,ernst-ludwig-kirchner_portrait-of-ludwig-schames +portrait,Realism,ivan-kramskoy_georg-august-von-mecklenburg-strelitz-1876 +portrait,Impressionism,berthe-morisot_two-sisters-on-a-couch +portrait,Realism,vincent-van-gogh_head-of-a-young-man-2 +portrait,Romanticism,albert-bierstadt_four-indians +portrait,Impressionism,konstantin-korovin_paper-lanterns-1898 +portrait,Realism,william-adolphe-bouguereau_yvonne-1896-1 +portrait,Realism,nicolae-vermont_portrait-of-a-man-1918 +portrait,Naive_Art_Primitivism,henri-rousseau_portrait-of-joseph-brummer-1909 +portrait,Baroque,cornelis-de-vos_portrait-of-elisabeth-mertens-and-her-late-husband +portrait,Romanticism,orest-kiprensky_portrait-of-countess-sophia-alexandrovna-golenischev-kutuzova-1829 +portrait,Impressionism,william-merritt-chase_portrait-of-a-woman +portrait,Rococo,joshua-reynolds_portrait-of-george-townshend-lord-ferrers +portrait,Expressionism,max-beckmann_artistes +portrait,Expressionism,amedeo-modigliani_portrait-of-the-painter-manuel-humbert-1916-1 +portrait,Realism,vladimir-makovsky_old-man-with-a-pipe-1881 +portrait,Expressionism,tia-peltz_the-brat-girl +portrait,Ukiyo_e,utagawa-kuniyoshi_a-beauty-with-a-face-brush +portrait,Baroque,agostino-carracci_italian-scientist-ulisse-aldrovandi +portrait,Expressionism,candido-portinari_menino-com-p-ssaro-1957 +portrait,Baroque,frans-hals_portrait-of-mary-pietersdr-olycan +portrait,Northern_Renaissance,hans-holbein-the-younger_erasmus-of-rotterdam +portrait,Post_Impressionism,nicolae-tonitza_little-girl-1928 +portrait,Expressionism,albert-bloch_portrait-of-mr-a-m +portrait,Realism,nikolai-ge_portrait-of-the-author-alexander-herzen +portrait,Realism,henry-herbert-la-thangue_john-maddocks-1903 +portrait,Expressionism,amedeo-modigliani_seated-jeanne-hebuterne-1918 +portrait,Realism,vasily-perov_fomushka-owl-1868 +portrait,Baroque,frans-hals_portrait-of-a-woman-4 +portrait,Cubism,umberto-boccioni_the-antigraceful-1912 +portrait,Expressionism,amedeo-modigliani_bride-and-groom-the-couple +portrait,Realism,boris-kustodiev_portrait-of-ivan-yershov-the-role-of-siegfried-1908 +portrait,Rococo,dmitry-levitzky_portrait-of-p-v-bakunin-1782 +portrait,Impressionism,edgar-degas_woman-with-an-umbrella +portrait,Realism,john-singer-sargent_mrs-frank-millet +portrait,Post_Impressionism,pablo-picasso_portrait-of-mateu-fernandez-de-soto-1901 +portrait,Post_Impressionism,paul-gauguin_clovis-1886 +portrait,Realism,wilhelm-leibl_portr-t-des-dr-med-friedrich-rauert-1877 +portrait,Post_Impressionism,moise-kisling_female-portrait +portrait,Impressionism,konstantin-korovin_portrait-of-ivan-morosov-1903 +portrait,Ukiyo_e,keisai-eisen_the-fifth-month-hanagoromo-of-the-wakanaya(1) +portrait,Baroque,rembrandt_woman-wearing-a-gold-chain-1634 +portrait,Realism,nikolai-ge_portrait-of-historian-m-kostomarov +portrait,Rococo,thomas-gainsborough_the-artist-with-his-wife-and-daughter +portrait,Impressionism,nicolae-grigorescu_portrait-of-a-girl +portrait,Rococo,thomas-gainsborough_the-linley-sisters-mrs-sheridan-and-mrs-tickell-1772 +portrait,Realism,giovanni-boldini_madame-pages-in-evening-dress-1912 +portrait,Realism,anders-zorn_emma-lamm-in-a-straw-hat-1881 +portrait,Realism,ilya-repin_portrait-of-the-artist-r-s-levitsky-1878 +portrait,Baroque,rembrandt_old-woman-in-prayer-1630 +portrait,New_Realism,george-luks_flyweight-champion-of-jumel-place-1920 +portrait,Realism,lovis-corinth_portrait-of-the-painter-benno-becker-1892 +portrait,Expressionism,lucian-freud_small-portait +portrait,Expressionism,amedeo-modigliani_manuel-humberg-esteve-1916 +portrait,Baroque,rembrandt_an-old-woman-sleeping-1635 +portrait,Realism,vasily-vereshchagin_bashi-bazouk-albanian-1878 +portrait,Art_Nouveau_Modern,zinaida-serebriakova_family-portrait-1914 +portrait,Expressionism,emil-nolde_indonesian-couple-1921 +portrait,Baroque,jacob-jordaens_portrait-of-the-wife-of-johan-wierts-1635 +portrait,Northern_Renaissance,hans-holbein-the-younger_portrait-of-bonifacius-amerbach-1519 +portrait,Romanticism,orest-kiprensky_portrait-of-adam-mickiewicz-1825 +portrait,Realism,john-singer-sargent_mrs-frederick-barnard-1885 +portrait,Baroque,rembrandt_portrait-of-saskia-van-uylenburgh +portrait,Romanticism,orest-kiprensky_portrait-of-count-dmitri-nikolaevich-sheremetev-1824 +portrait,High_Renaissance,titian_portrait-of-alfonso-d-avalos-in-armor-with-a-page +portrait,Baroque,frans-hals_the-man-with-the-slouch-hat +portrait,Post_Impressionism,henri-de-toulouse-lautrec_portrait-of-countess-a-de-toulouse-lautrec +portrait,Cubism,marevna-(marie-vorobieff)_dedicated-to-friends-of-montparnasse +portrait,Expressionism,chronis-botsoglou_tribute-to-bouzianis-1986 +portrait,Symbolism,kuzma-petrov-vodkin_vasya-1922 +portrait,Expressionism,nicolae-tonitza_child-in-rose-1924 +portrait,Northern_Renaissance,dirk-bouts_portrait-of-a-man-1462 +portrait,Art_Nouveau_Modern,ferdinand-hodler_portrait-of-giulia-leonardi-1910 +portrait,Realism,andrei-ryabushkin_deacon +portrait,Romanticism,orest-kiprensky_portrait-of-a-man-1 +portrait,Romanticism,caspar-david-friedrich_ernst-theodor-johann-bruckner +portrait,Impressionism,pierre-auguste-renoir_madame-georges-charpentier-and-her-children-1878 +portrait,Northern_Renaissance,lucas-cranach-the-elder_portrait-of-geiler-von-kaiserberg +portrait,Impressionism,kimon-loghi_girl-from-tassos-island-1906 +portrait,Art_Nouveau_Modern,ferdinand-hodler_portrait-of-berthe-jacques-wife-of-the-artist-1894 +portrait,Baroque,frans-hals_portrait-of-a-man-1650-1 +portrait,Rococo,antoine-pesne_portrait-of-isaak-franz-egmont-von-chasot +portrait,Expressionism,amedeo-modigliani_portrait-of-a-woman +portrait,Impressionism,pierre-auguste-renoir_georgette-charpentier-seated-1876 +portrait,Cubism,amadeo-de-souza-cardoso_the-rat-1915 +portrait,Romanticism,vasily-tropinin_girl-with-a-candle +portrait,Romanticism,william-holman-hunt_portrait-of-william-pink +portrait,Romanticism,francisco-goya_the-milkmaid-of-bordeaux-1827 +portrait,Art_Nouveau_Modern,egon-schiele_portrait-of-the-painter-anton-peschka-1909 +portrait,Pop_Art,patrick-procktor_dominic-prima-1981 +portrait,Baroque,frans-hals_portrait-of-a-man-possibly-a-minister +portrait,Rococo,allan-ramsay_portrait-of-agnes-murray-kynnynmond +portrait,Impressionism,bela-czobel_girl-by-the-window-with-flower-1904 +portrait,Impressionism,max-slevogt_the-family-doctor-j-nos-plesch +portrait,Expressionism,marie-laurencin_les-deux-espagnoles-1915 +portrait,High_Renaissance,luca-signorelli_portrait-of-an-elderly-man +portrait,Expressionism,paula-modersohn-becker_old-woman-in-the-garden-1906 +portrait,Realism,james-tissot_portrait-of-the-vicomtesse-de-montmorand-1889 +portrait,Rococo,thomas-gainsborough_portrait-of-georgiana-duchess-of-devonshire +portrait,Realism,vasily-surikov_portrait-of-o-v-surikova +portrait,Ukiyo_e,keisai-eisen_women-on-an-excursion +portrait,Northern_Renaissance,albrecht-durer_head-of-a-young-woman +portrait,Early_Renaissance,leonardo-da-vinci_profile-of-a-warrior-in-helmet +portrait,Impressionism,frederic-remington_arizona-cow-boy-1901 +portrait,Rococo,dmitry-levitzky_portrait-of-catherine-ii-of-russia-1794 +portrait,Ukiyo_e,tsukioka-yoshitoshi_looking-dark-the-appearance-of-a-wife-during-the-meiji-era +portrait,Symbolism,kuzma-petrov-vodkin_portrait-of-lenin-1934 +portrait,Realism,giovanni-boldini_count-robert-de-montesquiou-1897 +portrait,Expressionism,ernst-ludwig-kirchner_head-of-a-woman-in-front-of-sunflowers +portrait,Ukiyo_e,utagawa-kuniyoshi_women-24 +portrait,Impressionism,william-merritt-chase_reverie +portrait,Expressionism,nicolae-tonitza_puppets +portrait,Realism,george-catlin_kei-a-gis-gis-a-woman-of-the-plains-ojibwa-1832 +portrait,Post_Impressionism,raoul-dufy_pierre-geismar-1932 +portrait,Realism,john-singer-sargent_the-daughters-of-edward-darley-boit-1882 +portrait,Art_Nouveau_Modern,felix-vallotton_bulgarian-prime-minister-stefan-stambolov-1895 +portrait,Northern_Renaissance,lucas-cranach-the-elder_diptych-with-the-portraits-of-martin-luther-and-his-wife-1529 +portrait,Mannerism_Late_Renaissance,titian_portrait-of-philip-ii +portrait,Rococo,vladimir-borovikovsky_portrait-of-count-alexander-kurakin-1802 +portrait,Pop_Art,pauline-boty_with-love-to-jean-paul-belmondo-1962 +portrait,Romanticism,orest-kiprensky_portrait-of-e-dumont-1816 +portrait,Expressionism,helene-schjerfbeck_girl-from-loviisa-1941 +portrait,Impressionism,stefan-luchian_woman-worker-1893 +portrait,Baroque,cornelis-de-vos_portrait-of-abraham-grapheus +portrait,Rococo,dmitry-levitzky_valentin-platonovich-musin-pushkin +portrait,Naive_Art_Primitivism,fernando-botero_miss-riviere-after-ingres +portrait,Baroque,anthony-van-dyck_charles-i-of-england-and-henrietta-of-france +portrait,Romanticism,karl-bodmer_mato-tope-mandan-chief-1833 +portrait,Art_Nouveau_Modern,carl-larsson_august-strindberg-1899(1) +portrait,Symbolism,gustav-klimt_girl-with-long-hair-with-a-sketch-for-nude-veritas-1899 +portrait,Expressionism,nicolae-tonitza_two-sisters-1927 +portrait,Baroque,peter-paul-rubens_portrait-of-don-diego-messina +portrait,Realism,gustave-courbet_pierre-joseph-proudhon-and-his-children-in-1853-1865 +portrait,Symbolism,columbano-bordalo-pinheiro_manuel-gustavo-bordalo-pinheiro-1884 +portrait,Pop_Art,leroy-neiman_jockey-1960 +portrait,Expressionism,amedeo-modigliani_seated-algerian-almaiisa-1916 +portrait,Rococo,joshua-reynolds_lucy-lady-strange +portrait,Rococo,maurice-quentin-de-la-tour_jean-le-rond-d-alembert +portrait,Baroque,rembrandt_portrait-of-a-woman-with-a-lapdog-1662 +portrait,Northern_Renaissance,hans-holbein-the-younger_portrait-of-thomas-cromwell +portrait,Mannerism_Late_Renaissance,maerten-van-heemskerck_portrait-of-reinerus-frisius-gemma +portrait,Romanticism,paul-cezanne_portrait-of-gustave-boyer +portrait,Post_Impressionism,nicolae-tonitza_child-head +portrait,Contemporary_Realism,richard-whitney_dan-cowan +portrait,Romanticism,karl-bryullov_portrait-of-countess-o-i-orlova-davydova-and-her-daughter(1) +portrait,Expressionism,henri-matisse_figure-at-the-rideau-releve +portrait,Northern_Renaissance,albrecht-durer_portrait-of-a-man-paul-hofhaimer-or-hans-tucher +portrait,Impressionism,theo-van-rysselberghe_portrait-of-a-lady-with-a-fan +portrait,Northern_Renaissance,hans-holbein-the-younger_edward-prince-of-wales-with-monkey +portrait,Baroque,anthony-van-dyck_portrait-of-charles-ii-when-prince-of-wales +portrait,Realism,ivan-kramskoy_head-of-an-old-ukranian-peasant-1871 +portrait,Realism,john-singer-sargent_helen-dunham-1892 +portrait,Impressionism,augustus-john_eileen-hawthorne-1930 +portrait,Realism,viktor-vasnetsov_portrait-of-mikhail-nesterov-1926-1 +portrait,Rococo,maurice-quentin-de-la-tour_abbot-jean-antoine-nollet +portrait,Realism,ilya-repin_portrait-of-the-surgeon-nikolay-pirogov-1881 +portrait,Mannerism_Late_Renaissance,agnolo-bronzino_portrait-of-lorenzo-the-magnificent +portrait,Cubism,jacques-villon_untitled +portrait,Expressionism,amedeo-modigliani_man-s-head-portrait-of-a-poet +portrait,Romanticism,alexey-bogolyubov_portrait-of-a-a-radischev-1853 +portrait,Symbolism,felicien-rops_the-slag +portrait,High_Renaissance,vittore-carpaccio_portrait-of-a-lady-1 +portrait,Naive_Art_Primitivism,henri-rousseau_portrait-of-josephine-the-artist-s-second-wife-1903 +portrait,Expressionism,amedeo-modigliani_beatrice-hastings-leaning-on-her-elbow-1914 +portrait,Mannerism_Late_Renaissance,jacopo-pontormo_portrait-of-alessandro-de-medici +portrait,Realism,ivan-kramskoy_portrait-of-the-artist-alexander-sokolov-1883 +portrait,Impressionism,pyotr-konchalovsky_portrait-of-the-artist-s-wife-olga-konchalovskaya-under-the-umbrella-in-the-garden-1904 +portrait,Expressionism,elaine-de-kooning_harold-rosenberg-1956 +portrait,Impressionism,julian-alden-weir_cora +portrait,Realism,vasily-vereshchagin_retired-butler-1888 +portrait,Northern_Renaissance,albrecht-durer_portrait-of-emperor-maximilian-i-1518 +portrait,Romanticism,alexander-ivanov_portrait-of-vittoria-marini +portrait,Impressionism,helene-schjerfbeck_maria-1906 +portrait,High_Renaissance,titian_portrait-of-francis-i-1539 +portrait,Romanticism,jan-matejko_sigismund-augustus +portrait,Romanticism,karl-bryullov_portrait-of-m-a-beck +portrait,Romanticism,joseph-wright_self-portrait-in-a-black-feathered-hat +portrait,Baroque,aleksey-antropov_portrait-of-tsar-peter-iii-1728-62-1762 +portrait,Early_Renaissance,paolo-uccello_a-young-lady-of-fashion +portrait,Impressionism,pierre-auguste-renoir_portrait-of-jean-renoir-child-with-a-hoop-1898 +portrait,Naive_Art_Primitivism,raoul-dufy_interior-with-indian-woman-1930 +portrait,Baroque,rembrandt_portrait-of-an-elderly-man-1667 +portrait,Baroque,frans-hals_portrait-of-a-seated-officer-1637 +portrait,Expressionism,amedeo-modigliani_portrait-of-jeanne-hebuterne-1919 +portrait,Realism,ilya-repin_the-self-immolation-of-gogol-1909 +portrait,Impressionism,gustave-caillebotte_woman-sitting-on-a-red-flowered-sofa +portrait,Realism,ilya-repin_natalia-nordmann-1900 +portrait,Pop_Art,peter-blake_the-beach-boys-1964 +portrait,Romanticism,francesco-hayez_portrait-of-massimo-d-azeglio-1860 +portrait,Impressionism,irma-stern_maid-in-uniform-1955 +portrait,Expressionism,ernst-ludwig-kirchner_palucca +portrait,Expressionism,george-mavroides_girl-wearing-white-dress-2000 +portrait,Cubism,juan-gris_pierrot-1922 +portrait,Realism,nikolaos-gyzis_portrait-of-a-girl-1880 +portrait,Ukiyo_e,keisai-eisen_bijin +portrait,Expressionism,ding-yanyong_portrait-of-a-lady +portrait,Realism,nicholas-roerich_lahor-blacksmith-from-kulu-1937 +portrait,Realism,john-singer-sargent_mrs-fiske-warren-gretchen-osgood-and-her-daughter-rachel-1903 +portrait,Impressionism,giovanni-boldini_portrait-of-sarah-bernhardt-1 +portrait,Mannerism_Late_Renaissance,paolo-veronese_portrait-of-alessandro-vittoria +portrait,Art_Nouveau_Modern,raphael-kirchner_the-implaquable-siska +portrait,Rococo,antoine-pesne_philipp-wilhelm-of-brandenburg-schwedt +portrait,Rococo,carl-ludwig-johann-christineck_portrait-of-daria-aleksandrovna-troubetskaya +portrait,Impressionism,valentin-serov_portrait-of-liudmila-mamontova-1894 +portrait,Baroque,diego-velazquez_philip-iv-in-armor +portrait,Post_Impressionism,gwen-john_girl-holding-a-rose +portrait,Romanticism,konstantin-makovsky_turk +portrait,Ukiyo_e,utagawa-kuniyoshi_women-3 +portrait,Pop_Art,roy-lichtenstein_head-red-and-yellow-1962(1) +portrait,Realism,jean-francois-millet_portrait-of-a-man +portrait,Realism,thomas-eakins_samuel-murray +portrait,Expressionism,lucian-freud_girl-reading-1952 +portrait,Art_Nouveau_Modern,konstantinos-parthenis_portrait-of-julia-parthenis-1914 +portrait,Cubism,marevna-(marie-vorobieff)_portrait-of-soutine +portrait,Realism,boris-kustodiev_group-portrait-of-painters-of-the-world-of-art-1910 +portrait,Romanticism,karl-bryullov_portrait-of-v-a-perovsky +portrait,Abstract_Expressionism,willem-de-kooning_woman-with-a-green-and-beige-background +portrait,Post_Impressionism,henri-de-toulouse-lautrec_the-laundry-worker-1888 +portrait,Cubism,theo-van-doesburg_lena-in-interieur-1917 +portrait,Impressionism,pierre-auguste-renoir_leontine-reading-1909 +portrait,Realism,vasily-tropinin_old-woman-with-a-hen-portrait-of-the-artist-s-wife-1856 +portrait,Mannerism_Late_Renaissance,agnolo-bronzino_portrait-of-nano-morgante-1552 +portrait,Expressionism,salvador-dali_portrait-of-jaume-miravidles-1922 +portrait,Realism,mykola-yaroshenko_girl-student-1880 +portrait,Romanticism,vasily-tropinin_a-spinner-1820 +portrait,Post_Impressionism,augustus-john_two-disciples-1911 +portrait,Baroque,rembrandt_jean-lutma-1656 +portrait,Northern_Renaissance,petrus-christus_edward-grimston-1446 +portrait,Rococo,maurice-quentin-de-la-tour_study-for-portrait-of-mademoiselle-dangeville-1 +portrait,Symbolism,john-atkinson-grimshaw_snowbound-1883 +portrait,Realism,william-adolphe-bouguereau_the-dressmaker-1898 +portrait,Romanticism,orest-kiprensky_portrait-of-the-prince-p-scherbatov-1808 +portrait,Post_Impressionism,paul-cezanne_portrait-of-the-artist-s-son-1885 +portrait,Pop_Art,richard-hamilton_my-marilyn-1965 +portrait,Realism,anton-azbe_old-woman-with-a-headscarf-1905 +portrait,Realism,peder-severin-kroyer_portrait-of-the-artist-s-wife-marie-1889 +portrait,Naive_Art_Primitivism,arman-manookian_polynesian-girl +portrait,Post_Impressionism,corneliu-baba_portrait-of-the-art-collector-zambaccian +portrait,Expressionism,theo-van-doesburg_alderman-of-education-1910 +portrait,Impressionism,claude-monet_woman-with-a-parasol-facing-right-also-known-as-study-of-a-figure-outdoors-facing-right +portrait,Expressionism,henri-matisse_woman-in-blue-or-the-large-blue-robe-and-mimosas-1937 +portrait,Rococo,dmitry-levitzky_portrait-of-countess-maria-vorontsova-as-a-child +portrait,Impressionism,edgar-degas_mademoiselle-malo +portrait,Synthetic_Cubism,juan-gris_harlequin-with-a-guitar +portrait,Rococo,maurice-quentin-de-la-tour_diogenes-after-peter-paul-rubens +portrait,Expressionism,tia-peltz_norocel-1999 +portrait,Expressionism,salvador-dali_portrait-of-a-woman-unfinished +portrait,Impressionism,pierre-auguste-renoir_portrait-of-a-woman-1897 +portrait,Ukiyo_e,tsukioka-yoshitoshi_a-married-woman-in-the-meiji-period +portrait,Rococo,maurice-quentin-de-la-tour_portrait-of-philibert-orry +portrait,Expressionism,david-bomberg_the-artist-s-wife-and-baby-1937 +portrait,Realism,john-singer-sargent_flora-priestley-1889 +portrait,Romanticism,konstantin-makovsky_portrait-of-nikolay-nekrasov +portrait,Symbolism,marcel-duchamp_yvonne-and-magdeleine-torn-in-tatters-1911 +portrait,Cubism,jean-metzinger_femme-assise-en-robe-bleue-1950 +portrait,Realism,nikolai-ge_portrait-of-the-author-mikhail-saltykov-shchedrin +portrait,Art_Nouveau_Modern,paul-mathiopoulos_portrait-of-a-woman +portrait,Impressionism,william-merritt-chase_miss-mary-margaret-sweeny +portrait,Realism,gustave-courbet_portrait-of-mlle-jacquet-1857 +portrait,Realism,hugo-simberg_the-artist-s-aunt-1898 +portrait,Realism,ilya-repin_portrait-of-b-a-kaminka-1908 +portrait,Realism,james-mcneill-whistler_harmony-in-brown-the-felt-hat-1899 +portrait,Realism,anders-zorn_old-soldier-1911 +portrait,Ukiyo_e,utagawa-kuniyoshi_opening-shellfish-at-fukagawa +portrait,Expressionism,zinaida-serebriakova_portrait-of-n-geydenreyh-in-blue-1923 +portrait,Northern_Renaissance,hans-holbein-the-younger_portrait-of-henry-viii-1540 +portrait,Impressionism,berthe-morisot_portrait-of-a-young-girl-1880 +portrait,Expressionism,zinaida-serebriakova_alexander-serebryakov-reading-a-book-1946 +portrait,Naive_Art_Primitivism,fernand-leger_the-woman-and-the-flower-1954 +portrait,Expressionism,richard-diebenkorn_seated-woman-green-interior +portrait,Art_Nouveau_Modern,raphael-kirchner_marcelle-earle +portrait,Impressionism,giovanni-boldini_spanish-dancer-at-the-moulin-rouge +portrait,Rococo,louise-elisabeth-vigee-le-brun_portrait-of-prince-henry-lubomirski-as-the-genius-of-fame-1789 +portrait,Romanticism,jan-matejko_lukasz-dobrzanski +portrait,Impressionism,edouard-manet_portrait-of-monsieur-brun-1879 +portrait,Impressionism,edgar-degas_the-mante-family +portrait,Contemporary_Realism,richard-whitney_bill-and-marie-stinson +portrait,Baroque,jacob-jordaens_portrait-of-a-family-1650 +portrait,Romanticism,henryk-siemiradzki_portrait-of-ludwik-wodzicki +portrait,Northern_Renaissance,hans-memling_portrait-of-a-man-at-a-loggia +portrait,Realism,james-mcneill-whistler_green-and-violet-portrait-of-mrs-walter-sickert-1886 +portrait,Impressionism,pierre-auguste-renoir_young-girl-with-long-hair-in-profile-1890 +portrait,Romanticism,christen-kobke_portrait-of-adolphine-k-bke-sister-of-the-artist-1832 +portrait,Mannerism_Late_Renaissance,agnolo-bronzino_cosimo-de-medici +portrait,Expressionism,amedeo-modigliani_young-girl-wearing-a-rose-1916 +portrait,Realism,nikolay-bogdanov-belsky_nikita-and-vaska +portrait,Realism,vladimir-makovsky_a-boy-selling-brew-1861 +portrait,Rococo,dmitry-levitzky_portrait-of-procope-demidov-1773 +portrait,Rococo,john-russell_martha-gunn-and-the-prince-of-wales +portrait,Rococo,louise-elisabeth-vigee-le-brun_marie-antoinette-walking-in-a-garden +portrait,Impressionism,pericles-pantazis_portrait-of-a-boy(1) +portrait,Impressionism,william-merritt-chase_portrait-of-elbert-hubbard-aka-the-roycrafter +portrait,Romanticism,orest-kiprensky_portrait-of-a-man-2 +portrait,Realism,ilya-repin_portrait-of-pavel-tretyakov-founder-of-the-tretyakov-gallery-1883 +portrait,Realism,anton-azbe_zamorka-black-girl-1895 +portrait,Romanticism,franz-xaver-winterhalter_girl-from-sabin-mountains +portrait,Rococo,vladimir-borovikovsky_portrait-of-daria-semyonovna-baratoff +portrait,Baroque,adriaen-van-de-venne_maurice-1567-1625-prince-of-orange-lying-in-state +portrait,Impressionism,valentin-serov_portrait-of-p-oliv-1909 +portrait,Expressionism,george-bouzianis_portrait-of-woman +portrait,Impressionism,claude-monet_portrait-of-michael-with-hat-and-pom-pom +portrait,Baroque,peter-paul-rubens_portrait-of-a-woman-probably-susanna-lunden +portrait,Realism,henri-fantin-latour_drawing-lesson-in-the-workshop-1879 +portrait,Impressionism,constantin-artachino_girl-with-flowers +portrait,Mannerism_Late_Renaissance,sofonisba-anguissola_portrait-of-juana-of-austria-with-a-young-girl-1561 +portrait,Rococo,benjamin-west_portrait-of-ann-barbara-hill-medlycott-1788 +portrait,Expressionism,lucian-freud_woman-smiling-1959 +portrait,Expressionism,pablo-picasso_artist-s-son-1925 +portrait,Romanticism,orest-kiprensky_portrait-of-dr-mazaroni-1829 +portrait,Impressionism,pierre-auguste-renoir_woman-in-a-hat-1895 +portrait,Naive_Art_Primitivism,henri-rousseau_the-muse-inspiring-the-poet-1909 +portrait,Romanticism,alexander-orlowski_portrait-of-a-m-lanskaya-1816 +portrait,Romanticism,konstantin-makovsky_portrait-of-the-young-lady-with-green-dress +portrait,Art_Nouveau_Modern,henri-de-toulouse-lautrec_they-cha-u-kao-chinese-clown-seated-1896 +portrait,Expressionism,amedeo-modigliani_portrait-of-a-young-woman-1919 +portrait,Expressionism,lucian-freud_woman-with-eyes-closed +portrait,Impressionism,edgar-degas_degas-father-listening-to-lorenzo-pagans-1870 +portrait,Realism,vincent-van-gogh_woman-with-baby-on-her-lap-half-length-1883 +portrait,Rococo,antoine-pesne_portrait-of-sophie-marie-gr-fin-voss +portrait,Rococo,dmitry-levitzky_portrait-of-a-i-borisov-1788 +portrait,Impressionism,valentin-serov_portrait-of-emperor-nicholas-ii-1900 +portrait,Fauvism,rik-wouters_baby-with-blue-cap-1911 +portrait,Northern_Renaissance,mabuse_the-children-of-king-christian-ii-of-denmark-norway-and-sweden-1526 +portrait,New_Realism,john-french-sloan_jeanne-dubinsky-1942 +portrait,Realism,viktor-vasnetsov_portrait-of-michael-vasnetsov-the-artist-s-son-1892 +portrait,Post_Impressionism,jozsef-rippl-ronai_jeune-femme-de-paris +portrait,Art_Nouveau_Modern,raphael-kirchner_portraits-of-viennese-ladies-1901-4 +portrait,Northern_Renaissance,albrecht-durer_portrait-of-cardinal-lang-von-wellenburg +portrait,Impressionism,pierre-auguste-renoir_portrait-of-charles-terrasse +portrait,Realism,boris-kustodiev_portrait-of-e-kustodieva-artist-s-mother +portrait,Northern_Renaissance,hans-holbein-the-younger_portrait-of-sir-nicholas-carew +portrait,Realism,vincent-van-gogh_daughter-of-jacob-meyer-1881(1) +portrait,Impressionism,william-merritt-chase_woman-of-holland +portrait,Rococo,joseph-wright_john-milnes +portrait,Baroque,rembrandt_portrait-of-floris-soop-1654 +portrait,High_Renaissance,lorenzo-lotto_portrait-of-a-jeweler-possibly-giovanni-pietro-crivelli +portrait,Mannerism_Late_Renaissance,titian_portrait-of-jacopo-strada-1568 +portrait,Realism,vincent-van-gogh_head-of-a-peasant-woman-with-dark-cap-1885-4(1) +portrait,Naive_Art_Primitivism,fernando-botero_promenade +portrait,Symbolism,mikhail-vrubel_portrait-of-nadezhda-zabela-vrubel +portrait,Baroque,judith-leyster_a-boy-and-a-girl-with-a-cat-and-an-eel +portrait,Impressionism,paul-cezanne_portrait-of-victor-chocquet-1877-1 +portrait,Romanticism,vasily-polenov_portrait-of-the-artist-ilya-repin-1879 +portrait,Romanticism,gustave-moreau_portrait-of-eugene-lacheur-1852 +portrait,Realism,giovanni-boldini_portrait-of-guiseppe-verdi-1813-1901 +portrait,Realism,ilya-repin_portrait-of-writer-yevgeny-nikolayevich-chirikov-1906 +portrait,Impressionism,william-merritt-chase_making-her-toilet +portrait,Expressionism,marc-chagall_woman-with-a-bouquet-1910 +portrait,Northern_Renaissance,martin-schongauer_man-in-a-hat-gazing-upward +portrait,Northern_Renaissance,hans-holbein-the-younger_portrait-of-anne-of-cleves-1539 +portrait,Impressionism,berthe-morisot_young-woman-in-a-blue-blouse +portrait,Impressionism,pierre-auguste-renoir_little-girl-in-a-white-apron-portrait-of-lucie-berard-1884 +portrait,Realism,nikolai-ge_sophia-tolstaya +portrait,Post_Impressionism,albert-gleizes_portrait-de-miss-bessie-baver +portrait,Impressionism,pierre-auguste-renoir_gabrielle-in-a-straw-hat-1900 +portrait,Realism,ilya-repin_portrait-of-the-art-critic-vladimir-stasov-1889 +portrait,Impressionism,camille-pissarro_a-young-maid +portrait,Impressionism,camille-pissarro_portrait-of-the-artist-s-mother +portrait,Expressionism,jury-annenkov_vladimir-mayakovsky +portrait,Expressionism,amedeo-modigliani_portrait-of-jeanne-hebuterne-1918-3 +portrait,Expressionism,richard-diebenkorn_seated-woman +portrait,Impressionism,valentin-serov_portrait-of-elisaveta-karzinkina-1906 +portrait,Impressionism,pierre-auguste-renoir_madame-thurneyssan-and-her-daughter +portrait,High_Renaissance,lorenzo-lotto_architect +portrait,Northern_Renaissance,albrecht-altdorfer_friedrich-der-siegreiche +portrait,Post_Impressionism,maurice-prendergast_the-dancers +portrait,Expressionism,zinaida-serebriakova_portrait-of-madame-v +portrait,Early_Renaissance,domenico-veneziano_portrait-of-a-young-woman +portrait,Rococo,dmitry-levitzky_portrait-of-nikolai-novikov +portrait,Realism,mary-cassatt_the-young-bride-1875 +portrait,Early_Renaissance,pisanello_portrait-of-emperor-sigismund-of-luxembourg-1433 +portrait,Expressionism,amedeo-modigliani_roger-dutilleul-1919 +portrait,Ukiyo_e,utagawa-kuniyoshi_women-12 +portrait,Post_Impressionism,henri-de-toulouse-lautrec_man-s-head-1883 +portrait,Realism,camille-corot_the-letter +portrait,Expressionism,ernst-ludwig-kirchner_dodo-with-a-japanese-umbrella +portrait,Impressionism,salvador-dali_tieta +portrait,Impressionism,pierre-auguste-renoir_the-box-1874 +portrait,Realism,john-everett-millais_john-ruskin +portrait,Northern_Renaissance,hans-holbein-the-younger_portrait-of-philipp-melanchthon +portrait,Realism,charles-hermans_the-flower-seller +portrait,Naive_Art_Primitivism,fernand-leger_study-for-a-portrait-1945 +portrait,Romanticism,camille-corot_the-greek-girl +portrait,Impressionism,max-liebermann_portrait-of-wilhelm-bode-1904 +portrait,Romanticism,konstantin-makovsky_russian-beauty-in-summer-garland +portrait,Realism,william-merritt-chase_portrait-of-a-gentleman +portrait,Romanticism,gheorghe-tattarescu_old-monk +portrait,Post_Impressionism,paul-cezanne_portrait-of-the-gardener-vallier +portrait,Romanticism,miklos-barabas_portrait-of-j-nos-l-szl-pyrker-bishop-of-eger-1842 +portrait,Impressionism,anders-zorn_mrs-potter-palmer-1893 +portrait,Northern_Renaissance,petrus-christus_portrait-of-a-male-and-female-donor +portrait,Art_Nouveau_Modern,jacek-malczewski_portrait-of-edward-raczynski +portrait,Baroque,anthony-van-dyck_portrait-of-a-married-couple +portrait,Expressionism,lucian-freud_a-painter +portrait,Realism,nikolay-bogdanov-belsky_country-boy +portrait,Romanticism,francisco-goya_the-count-of-floridablanca-1783 +portrait,Impressionism,lovis-corinth_the-black-mask-1908 +portrait,Impressionism,georges-lemmen_madame-georges-lemmen +portrait,Impressionism,pierre-auguste-renoir_bust-of-a-young-woman-in-a-red-blouse-1915 +portrait,Northern_Renaissance,lucas-cranach-the-elder_portrait-of-hans-melber-1526 +portrait,Ukiyo_e,utagawa-kuniyoshi_courtesan-and-her-maiko-1 +portrait,Cubism,amadeo-de-souza-cardoso_head-1915 +portrait,Impressionism,claude-monet_andre-lauvray(1) +portrait,Contemporary_Realism,richard-whitney_andrea-gargiulo +portrait,Impressionism,konstantin-makovsky_portrait-of-blonde +portrait,Romanticism,karl-bryullov_portrait-of-princess-z-a-volkonskaya +portrait,Impressionism,william-merritt-chase_portrait-of-julian-oderdonk +portrait,Romanticism,joseph-wright_nicholas-heath +portrait,Expressionism,henri-matisse_not-identified-25 +portrait,Post_Impressionism,arshile-gorky_leonora-portnoff +portrait,Rococo,dmitry-levitzky_lamb-ivan-varfolomeevich-1799 +portrait,High_Renaissance,luca-signorelli_the-poet-virgil-1504 +portrait,Impressionism,pierre-auguste-renoir_portrait-of-a-woman-2 +portrait,Northern_Renaissance,hans-holbein-the-younger_portrait-of-nobleman-with-a-falcon-1542 +portrait,Realism,anders-zorn_the-painter-bruno-liljefors-1906 +portrait,Rococo,dmitry-levitzky_portrait-of-a-d-levitzkaya-artist-s-daughter-1785 +portrait,Expressionism,zinaida-serebriakova_girl-with-tie-1923 +portrait,Romanticism,jan-matejko_louis-of-anjou +portrait,Expressionism,willem-de-kooning_queen-of-hearts +portrait,Expressionism,dimitris-mytaras_untitled(8) +portrait,Romanticism,karl-bryullov_portrait-of-countess-yu-p-samoilova-and-her-ward-amacilia-pacini-leaving-a-ball +portrait,Pop_Art,r.-b.-kitaj_bather-psychotic-boy +portrait,Realism,ivan-kramskoy_portrait-of-sonya-kramskaya-the-artist-s-daughter +portrait,Realism,ivan-kramskoy_portrait-of-sergei-kramskoy-the-artist-s-son-1883 +portrait,Northern_Renaissance,albrecht-durer_portrait-of-felicitas-tucher-1499 +portrait,Naive_Art_Primitivism,pablo-picasso_portrait-of-paulo-as-pierrot-1929 +portrait,Impressionism,berthe-morisot_young-girl-with-a-bird +portrait,Art_Nouveau_Modern,felix-vallotton_portrait-of-baudelaire-1902 +portrait,Post_Impressionism,vincent-van-gogh_l-arlesienne-portrait-of-madame-ginoux-1890-1 +portrait,Realism,mykola-yaroshenko_girl-student-1883 +portrait,Realism,ilya-repin_reading-portrait-of-natalia-b-nordman-1901 +portrait,Rococo,allan-ramsay_miss-craigie-1741 +portrait,Expressionism,max-beckmann_not-detected-259759 +portrait,Realism,boris-kustodiev_portrait-of-the-writer-d-l-mordovtsev-1901 +portrait,Impressionism,valentin-serov_portrait-of-anna-benois-1908 +portrait,Realism,john-singer-sargent_eugene-juillerat +portrait,Romanticism,sir-lawrence-alma-tadema_the-year-s-at-the-spring-all-s-right-with-the-world-1902 +portrait,Rococo,antoine-pesne_frederick-ii-of-prussia-1757 +portrait,Realism,konstantin-makovsky_portrait-18 +portrait,Expressionism,zinaida-serebriakova_portrait-of-a-man-1927 +portrait,Baroque,rembrandt_portrait-of-a-man-in-the-hat-decorated-with-pearls +portrait,Expressionism,amedeo-modigliani_young-woman-in-a-yellow-dress-madame-modot-1918 +portrait,Baroque,gerard-terborch_portrait-of-a-young-man-1670 +portrait,Art_Nouveau_Modern,leon-bakst_portrait-of-alexander-benua-1898 +portrait,Cubism,pablo-picasso_buste-of-young-woman-marie-therese-walter-1926 +portrait,Romanticism,jan-matejko_wladyslaw-iv-vasa +portrait,Impressionism,william-merritt-chase_young-girl-with-flowers +portrait,Realism,julius-leblanc-stewart_spanish-girl-1875(1) +portrait,Post_Impressionism,ilya-mashkov_portrait-of-the-artist-a-milman-1917 +portrait,Romanticism,paul-cezanne_portrait-of-anthony-valabregue +portrait,Expressionism,amedeo-modigliani_portrait-of-madame-rachele-osterlind-1919 +portrait,Baroque,rembrandt_return-of-the-prodigal-son-fragment-1662 +portrait,Post_Impressionism,moise-kisling_small-head-of-a-brune-1930 +portrait,Baroque,frans-hals_portrait-of-a-jester-with-a-lute +portrait,Realism,thomas-eakins_clara-clara-j-mather +portrait,Realism,vasily-surikov_head-of-girl-portrait-of-z-s-khaminova-1908 +portrait,Rococo,john-russell_portrait-of-a-man +portrait,Expressionism,amedeo-modigliani_leon-indenbaum-1915 +portrait,Realism,ilya-repin_portrait-of-maxim-gorky-1899 +portrait,Romanticism,jan-matejko_stanislaw-leszczynski +portrait,Baroque,frans-hals_portrait-of-a-man-3 +portrait,Ukiyo_e,tsukioka-yoshitoshi_the-hag +portrait,Expressionism,billy-childish_the-drinker-1996 +portrait,Realism,valentin-serov_portrait-of-the-composer-alexander-serov-1889 +portrait,Realism,isaac-levitan_jewish-woman-with-oriental-shawl-1884 +portrait,Fauvism,ilya-mashkov_portrait-of-a-woman +portrait,Baroque,frans-hals_drinking-boy-taste-1628 +portrait,Expressionism,marcel-janco_soldier +portrait,Pop_Art,jose-de-guimaraes_retrato-de-cam-es-1981 +portrait,Baroque,joshua-reynolds_the-4th-duke-of-queensbury-as-earl-of-march-1760 +portrait,Impressionism,ilya-mashkov_portrait-of-a-girl-1904 +portrait,Impressionism,claude-monet_portrait-of-poly-fisherman-at-kervillaouen +portrait,Impressionism,octav-bancila_ig-ncu-1920 +portrait,Realism,nicholas-roerich_priest-from-gryzovo-1893 +portrait,Realism,john-singer-sargent_madame-edouard-pailleron-1879 +portrait,Romanticism,jan-matejko_przemysl +portrait,Rococo,joshua-reynolds_emily-duchess-of-leinster-1 +portrait,Realism,john-singer-sargent_general-lucius-fairchild-1887 +portrait,Expressionism,lucian-freud_solicitors-head +portrait,Cubism,jean-hugo_l-homme-la-p-querette-1921 +portrait,Romanticism,alphonse-mucha_portrait-of-marushka-artist-s-wife-1905 +portrait,Impressionism,james-mcneill-whistler_milly-finch +portrait,Expressionism,martiros-saryan_portrait-of-alexander-tamanyan-1933 +portrait,Rococo,john-russell_portrait-of-a-girl-in-a-bonnet +portrait,Cubism,umberto-boccioni_plastic-synthesis-seated-person-1915 +portrait,Realism,pierre-auguste-renoir_william-sisley-1864 +portrait,Realism,vincent-van-gogh_woman-with-shawl-umbrella-and-basket-1882 +portrait,Expressionism,amedeo-modigliani_little-girl-in-black-apron-1918 +portrait,Post_Impressionism,henri-de-toulouse-lautrec_messaline-between-two-extras-1901 +portrait,Ukiyo_e,utagawa-kuniyoshi_courtesan-and-her-maiko +portrait,Symbolism,arnold-bã¶cklin_portrait-of-clara-b-cklin-1872 +portrait,Realism,william-adolphe-bouguereau_priestess-1902 +portrait,Rococo,maurice-quentin-de-la-tour_louis-of-france-dauphin-son-of-louis-xv +portrait,Post_Impressionism,henri-de-toulouse-lautrec_maxime-dethomas-at-the-ball-of-the-opera-1896 +portrait,Art_Nouveau_Modern,jacek-malczewski_portrait-of-stanislaw-bryniarski +portrait,Pop_Art,aldo-mondino_byron-1989 +portrait,Fauvism,pyotr-konchalovsky_bullfighting-amateur-1910 +portrait,Romanticism,dante-gabriel-rossetti_mariana-1870 +portrait,Realism,ivan-kramskoy_portrait-of-admiral-login-loginovich-heyden-1882 +portrait,Romanticism,francisco-goya_francisco-bayeu-1795 +portrait,Realism,ivan-kramskoy_portrait-of-the-artist-johann-gottlieb-wenig-1861 +portrait,Impressionism,nicolae-tonitza_ecaterina-s-portrait-wife-of-the-painter +portrait,Impressionism,pierre-auguste-renoir_ambroise-vollard-portrait +portrait,Rococo,joshua-reynolds_frances-countess-of-lincoln +portrait,Realism,nicolae-vermont_reading-1919 +portrait,Baroque,peter-paul-rubens_marchesa-brigida-spinola-doria +portrait,Pop_Art,billy-apple_the-presidential-suite-to-a-future-historian-1964 +portrait,Realism,martiros-saryan_portrait-of-academician-josef-orbeli-1943 +portrait,Realism,vasily-perov_gossip-1875 +portrait,Romanticism,konstantin-makovsky_portrait-of-v-makovsky-artist-s-brother +portrait,Expressionism,dimitris-mytaras_figures-2 +portrait,Realism,martiros-saryan_portrait-of-academician-stepan-malkhasyan-1943 +portrait,Expressionism,pablo-picasso_untitled-1955 +portrait,Rococo,joshua-reynolds_george-iii +portrait,Pointillism,theo-van-rysselberghe_portrait-of-michel-van-mos-1892 +portrait,Art_Nouveau_Modern,raphael-kirchner_gleaner +portrait,Realism,john-singer-sargent_louise-burckhardt-also-known-as-lady-with-a-rose-1882 +portrait,Fauvism,william-h.-johnson_woman-with-pink-blouse-in-yellow-chair-1940 +portrait,Romanticism,sir-lawrence-alma-tadema_in-beauty-s-bloom-unfinished-1911 +portrait,Romanticism,arnold-bã¶cklin_portrait-of-alexander-michelis-1846 +portrait,Impressionism,pierre-auguste-renoir_seated-little-girl-with-a-blue-background +portrait,Post_Impressionism,rafael-zabaleta_women-in-countryside-1943 +portrait,Contemporary_Realism,richard-whitney_john-w-king +portrait,Romanticism,joseph-wright_thomas-and-joseph-pickford-as-children-1779 +portrait,Expressionism,henri-matisse_seated-riffian-1913 +portrait,Post_Impressionism,theo-van-rysselberghe_portrait-of-else-lampe-von-quita-1911 +portrait,Realism,mykola-yaroshenko_portrait-of-mikhail-yevgrafovich-saltykov-shchedrin-1886 +portrait,High_Renaissance,giorgione_giovanni-borgherini-and-his-tutor(2) +portrait,Realism,boris-kustodiev_boy-with-teddy-bear-1907 +portrait,Pop_Art,andy-warhol_mao-1 +portrait,Realism,lovis-corinth_portrait-of-the-painter-fritz-rumpf-1901 +portrait,Symbolism,gustav-klimt_old-woman-1909 +portrait,Symbolism,kuzma-petrov-vodkin_the-girl-in-the-woods-1938 +portrait,Realism,ilya-repin_portrait-of-leo-tolstoy +portrait,Pop_Art,jorge-martins_har-m-m-ope-1969 +portrait,Realism,john-singer-sargent_mrs-edward-l-davis-and-her-son-livingston-1890 +portrait,Art_Nouveau_Modern,jacek-malczewski_study-of-a-woman-by-the-window +portrait,Realism,theodore-gericault_the-woman-with-gambling-mania-1822 +portrait,Expressionism,egon-schiele_portrait-of-eduard-kosmack-with-raised-left-hand-1910 +portrait,Expressionism,august-macke_paul-klee +portrait,Art_Nouveau_Modern,zinaida-serebriakova_portrait-of-a-boy +portrait,Realism,ivan-kramskoy_poet-apollon-nikolaevich-maikov-1883 +portrait,Rococo,vladimir-borovikovsky_olenina-elizabeth-markovna +portrait,Romanticism,john-hoppner_the-hon-alicia-herbert-as-a-child-1795 +portrait,Realism,vasily-vereshchagin_japanese-beggar +portrait,Post_Impressionism,theo-van-rysselberghe_roger-martin-du-gard-1926 +portrait,Realism,boris-kustodiev_portrait-of-an-art-historian-and-restorer-alexander-anisimov-1915 +portrait,Baroque,gerrit-dou_heraklith-1632 +portrait,New_Realism,john-french-sloan_stein-profile-foreign-girl-1905 +portrait,Romanticism,joseph-wright_portrait-of-susannah-leigh +portrait,Realism,kazimir-malevich_portrait-of-a-man-1930 +portrait,Symbolism,kuzma-petrov-vodkin_girl-with-a-doll-1937 +portrait,Post_Impressionism,mikhail-nesterov_portrait-of-leo-tolstoy-1907 +portrait,Romanticism,orest-kiprensky_portrait-of-johann-wolfgang-von-goethe +portrait,Expressionism,oskar-kokoschka_adolf-loos-1909 +portrait,Expressionism,zinaida-serebriakova_a-portrait-of-yvette-choviret-1962 +portrait,Pop_Art,andy-warhol_blackglama-judy-garland +portrait,Realism,camille-corot_italian-with-mug-1828 +portrait,Impressionism,george-luks_girl-with-pink-ribbon +portrait,Post_Impressionism,pablo-picasso_portrait-of-suzanne-bloch-1904 +portrait,Romanticism,nikolai-ge_young-italian-woman-in-a-folk-costume-study +portrait,Realism,gustave-courbet_peasant-wearing-madras +portrait,Impressionism,pierre-auguste-renoir_the-umbrella-1878 +portrait,Romanticism,ivan-aivazovsky_portrait-of-a-man-1850 +portrait,Romanticism,jan-matejko_tugai-bey +portrait,Romanticism,orest-kiprensky_portrait-of-a-kalmyk-woman-bayausta-1813 +portrait,Realism,vincent-van-gogh_peasant-woman-portrait-of-gordina-de-groot-1885 +portrait,Mannerism_Late_Renaissance,titian_portrait-of-isabella-of-portugal-wife-of-holy-roman-emperor-charles-v-1548 +portrait,Mannerism_Late_Renaissance,tintoretto_portrait-of-a-senator +portrait,Impressionism,henri-catargi_cariatida-1935 +portrait,Realism,john-singer-sargent_william-merritt-chase-1902 +portrait,Realism,boris-kustodiev_abbess-1908 +portrait,Cubism,lyubov-popova_portrait-of-a-philosopher +portrait,Rococo,louise-elisabeth-vigee-le-brun_portrait-of-a-lady-1789 +portrait,Expressionism,zinaida-serebriakova_portrait-of-the-composer-sergei-prokofiev-1926 +portrait,Romanticism,david-wilkie_seated-lady-of-constantinople +portrait,Expressionism,costas-niarchos_portrait-of-krzysztof-kie-lowski +portrait,Baroque,anthony-van-dyck_lady-elizabeth-thimbleby-and-dorothy-viscountess-andover-1637 +portrait,Expressionism,amedeo-modigliani_lolotte-1916 +portrait,Northern_Renaissance,lucas-cranach-the-elder_martin-luther-as-a-monk-1520 +portrait,Romanticism,joseph-wright_william-rastall +portrait,Expressionism,milton-avery_female-painter-1945 +portrait,Realism,alexey-venetsianov_portrait-of-an-official +portrait,Realism,ivan-kramskoy_old-man-with-a-crutch-1872 +portrait,Pop_Art,andy-warhol_elvis +portrait,Art_Nouveau_Modern,jacek-malczewski_three-heads-love +portrait,Realism,camille-corot_old-man-seated-on-corot-s-trunk-1826 +portrait,Realism,nikolay-bogdanov-belsky_country-boy-2 +portrait,Baroque,frans-hals_portrait-of-a-young-man-with-a-glove +portrait,Expressionism,amedeo-modigliani_portrait-of-jeanne-hebuterne-in-a-large-hat +portrait,Cubism,kazimir-malevich_englishman-in-moscow-1914 +portrait,Realism,alexey-venetsianov_girl-with-milk +portrait,Cubism,marc-chagall_bella-with-white-collar-1917 +portrait,Symbolism,franz-stuck_portrait-of-the-daughter-mary-stuck +portrait,Rococo,carl-ludwig-johann-christineck_portrait-of-count-orlov-chesmensky-1779 +portrait,Northern_Renaissance,albrecht-durer_portrait-of-a-man-3 +portrait,Impressionism,matej-sternen_portrait-ing-k-1940 +portrait,Impressionism,john-lavery_the-red-rose-1923 +portrait,Impressionism,pierre-auguste-renoir_spanish-dancer-in-a-red-dress +portrait,Realism,ilya-repin_portrait-of-zinaida-nikolayevna-gippius-1894 +portrait,Post_Impressionism,pablo-picasso_women-in-the-loge-1901 +portrait,High_Renaissance,dosso-dossi_portrait-of-a-youth-probably-lucrezia-borgia-1516 +portrait,Romanticism,alexey-venetsianov_portrait-of-the-commander-of-the-dragoon-regiment-p-a-chicherin +portrait,Realism,wilhelm-leibl_dachauerin-mit-kind-1875 +portrait,Analytical_Cubism,jean-metzinger_femme-au-chapeau-rose-et-collier-de-perles-1912 +portrait,Impressionism,federico-zandomeneghi_little-girl +portrait,Mannerism_Late_Renaissance,sofonisba-anguissola_portrait-of-minerva-anguissola +portrait,Naive_Art_Primitivism,niko-pirosmani_a-georgian-woman-with-tamboreen-1906 +portrait,Post_Impressionism,vincent-van-gogh_portrait-of-a-patient-in-saint-paul-hospital-1889 +portrait,Realism,henri-fantin-latour_the-reader-marie-fantin-latour-the-artist-s-sister-1861 +portrait,Baroque,peter-paul-rubens_studies-of-the-head-of-a-negro +portrait,Romanticism,jan-matejko_jan-olbracht +portrait,Northern_Renaissance,hans-holbein-the-younger_portrait-of-dr-john-chambers +portrait,Realism,ilya-repin_portrait-of-the-artist-valentin-serov-1897 +portrait,Expressionism,marie-laurencin_portrait-of-doctor-robert-le-masle-1949 +portrait,Post_Impressionism,kuzma-petrov-vodkin_epitaph-1904 +portrait,Impressionism,helene-schjerfbeck_the-seamstress-the-working-woman-1905 +portrait,Art_Nouveau_Modern,boris-kustodiev_baker-1918 +portrait,Romanticism,sir-lawrence-alma-tadema_portrait-of-aime-jules-dalou-his-wife-and-daughter-1876 +portrait,Northern_Renaissance,mabuse_portrait-of-christian-ii-king-of-denmark +portrait,Northern_Renaissance,rogier-van-der-weyden_portrait-of-a-man-1 +portrait,Pop_Art,marjorie-strider_come-hither-1963 +portrait,Impressionism,max-liebermann_portrait-of-the-publisher-bruno-cassirer-1921 +portrait,Rococo,vladimir-borovikovsky_praskovia-bestuzhev-1806 +portrait,Baroque,antoine-pesne_nicolas-vleughels +portrait,Expressionism,max-weber_draped-head +portrait,Post_Impressionism,victor-borisov-musatov_young-girl-with-a-necklace-1904 +portrait,Ukiyo_e,kitagawa-utamaro_not_detected_233135 +portrait,Rococo,antoine-watteau_the-casual-lover-1716 +portrait,Baroque,adriaen-van-de-venne_portrait-of-frederick-hendrick-prince-of-orange-nassau +portrait,Realism,ilya-repin_portrait-of-v-k-menk-1884 +portrait,Pop_Art,andy-warhol_portrait-of-jamie-wyeth +portrait,Rococo,dmitry-levitzky_portrait-of-maria-dyakova-1778 +portrait,Post_Impressionism,augustus-john_edwin-john-1927 +portrait,Impressionism,umberto-boccioni_signora-massimino-1908 +portrait,Symbolism,odilon-redon_the-druidess-1893-1 +portrait,Baroque,anthony-van-dyck_portrait-of-a-lady +portrait,Realism,giovanni-boldini_portrait-of-vincenzo-cabianca +portrait,Post_Impressionism,maurice-prendergast_hindu-dancer +portrait,Realism,ilya-repin_nun-1887 +portrait,Expressionism,pablo-picasso_madame-soler-1905 +portrait,High_Renaissance,andrea-del-sarto_head-of-a-child +portrait,Romanticism,karl-bryullov_portrait-of-a-a-abaz(1) +portrait,Baroque,frans-hals_portrait-of-a-man-2 +portrait,Realism,john-singer-sargent_madame-errazuriz +portrait,Romanticism,alfred-stevens_portrait-of-a-woman-in-blue +portrait,Pop_Art,robert-silvers_not-detected-275011 +portrait,Pop_Art,roy-lichtenstein_mr-bellamy-1961(1) +portrait,Fauvism,auguste-herbin_portrait-de-jeune-fille-1907 +portrait,Early_Renaissance,giovanni-bellini_man-with-a-turban +portrait,Baroque,frans-hals_man-with-hand-on-heart-1632 +portrait,Romanticism,henry-raeburn_mrs-scott-moncrieff +portrait,Cubism,marc-chagall_grey-lovers-1917 +portrait,Cubism,gino-severini_woman-with-green-plant-1917 +portrait,Northern_Renaissance,jean-fouquet_portrait-of-a-papal-legate-1460 +portrait,Realism,julius-leblanc-stewart_portrait-of-laure-hayman-1882(1) +portrait,Rococo,william-hogarth_george-arnold +portrait,Realism,vasily-vereshchagin_napoleon-in-the-petroff-palace-1895 +portrait,Impressionism,pierre-auguste-renoir_young-girl-holding-at-bouquet-of-tulips +portrait,Romanticism,dante-gabriel-rossetti_regina-cordium-alice-wilding-1866 +portrait,Expressionism,amedeo-modigliani_portrait-of-marevna-1919 +portrait,Art_Nouveau_Modern,egon-schiele_portrait-of-edith-schiele-the-artist-s-wife-1915 +portrait,Expressionism,zinaida-serebriakova_so-sleep-binka-eugene-serebryakov-1908 +portrait,Northern_Renaissance,albrecht-durer_portrait-of-hesse-eobanus +portrait,Realism,john-singer-sargent_m-carey-thomas-1899 +portrait,Romanticism,konstantin-makovsky_girl-dressed-as-flora +portrait,Impressionism,edouard-manet_woman-with-umbrella-1875 +portrait,Rococo,thomas-gainsborough_an-unknown-couple-in-a-landscape +portrait,Synthetic_Cubism,juan-gris_harlequin +portrait,Ukiyo_e,katsushika-hokusai_head-of-an-old-man +portrait,Expressionism,pablo-picasso_the-fool-1904 +portrait,Impressionism,octav-bancila_r-ncu +portrait,Impressionism,kazimir-malevich_triple-portrait-1933 +portrait,Symbolism,kuzma-petrov-vodkin_lenushka-in-bed-1926 +portrait,Impressionism,giovanni-boldini_portrait-of-elizabeth-wharton-drexel-1905 +portrait,Impressionism,william-merritt-chase_portrait-of-a-lady-in-pink-aka-lady-in-pink-portrait-of-mrs-leslie-cotton +portrait,Post_Impressionism,paul-cezanne_madame-cezanne-in-blue-1890 +portrait,Post_Impressionism,meijer-de-haan_portrait-of-a-young-jewish-woman-1886 +portrait,Contemporary_Realism,richard-whitney_michael-j-mcgivney +portrait,Romanticism,camille-corot_the-youngest-daughter-of-m-edouard-delalain +portrait,Romanticism,francisco-goya_mariana-waldstein-ninth-marquesa-de-santa-cruz +portrait,Realism,felix-vallotton_the-artist-s-parents-1886 +portrait,Northern_Renaissance,albrecht-durer_head-of-a-apostle-1509 +portrait,Realism,ilya-repin_n-a-mudrogel-in-the-pose-of-pavel-tretyakov-in-halls-of-the-gallery-1904 +portrait,Post_Impressionism,panayiotis-tetsis_portrait-of-ioannis-soukaras-1954 +portrait,Impressionism,valentin-serov_portrait-of-grand-duke-mikhail-nikolayevich-1900 +portrait,Romanticism,konstantin-makovsky_portrait-of-the-girl-in-a-ukrainian-dress +portrait,Impressionism,pierre-auguste-renoir_claude-renoir +portrait,Realism,john-singer-sargent_portrait-of-lady-helen-vincent-viscountess-d-abernon-1904 +portrait,Realism,william-adolphe-bouguereau_the-younger-brother-1900 +portrait,Post_Impressionism,marcel-duchamp_portrait-of-dr-dumouchel-1910 +portrait,Naive_Art_Primitivism,niko-pirosmani_shepherd-in-burke-on-a-red-background +portrait,Realism,boris-kustodiev_portrait-of-z-e-roze +portrait,Early_Renaissance,antonello-da-messina_portrait-of-a-man-1473 +portrait,Realism,pablo-picasso_the-old-fisherman-1895 +portrait,Impressionism,ion-andreescu_portrait-of-a-peasant-girl +portrait,Baroque,gerrit-dou_portrait-of-an-old-woman-reading +portrait,Impressionism,william-merritt-chase_memories +portrait,Impressionism,william-merritt-chase_portrait-of-virginia-gerson +portrait,Northern_Renaissance,hans-holbein-the-younger_portrait-of-margaret-wyatt-lady-lee-1540 +portrait,Impressionism,konstantin-makovsky_portrait-of-the-girl-with-a-blue-ribbon-in-a-hair +portrait,Realism,ilya-repin_portrait-of-vera-repina-1874 +portrait,Impressionism,claude-monet_portrait-of-jean-monet +portrait,Expressionism,dimitris-mytaras_untitled-1995 +portrait,Realism,john-singer-sargent_madame-belleroche +portrait,Impressionism,william-merritt-chase_mr-francis-guerin-lloyd +portrait,Romanticism,orest-kiprensky_portrait-of-a-shishmarev-1827 +portrait,Rococo,pietro-longhi_the-sagredo-family +portrait,Fauvism,bela-czobel_man-with-straw-hat-1906 +portrait,Naive_Art_Primitivism,pablo-picasso_crying-woman-1937 +portrait,Realism,mary-cassatt_portrait-of-a-woman-1872 +portrait,Baroque,rembrandt_thomas-jacobsz-haaring-the-younger-1656 +portrait,Impressionism,william-merritt-chase_the-japanese-book-1900 +portrait,Ukiyo_e,utagawa-kuniyoshi_the-actor-9 +portrait,Rococo,maurice-quentin-de-la-tour_portrait-of-maurice-of-saxony-1748 +portrait,Expressionism,andre-derain_black-scarf-1935 +portrait,Expressionism,otto-dix_the-widow +portrait,Baroque,frans-hals_portrait-of-a-young-man +portrait,Romanticism,pavel-svinyin_moravian-sisters +portrait,Realism,ivan-kramskoy_portrait-of-a-woman-3 +portrait,Northern_Renaissance,hans-holbein-the-younger_lady-with-a-squirrel-and-a-starling +portrait,Art_Nouveau_Modern,zinaida-serebriakova_levi-alexander-benois-de-stetto-1916 +portrait,Rococo,louise-elisabeth-vigee-le-brun_dauphin-louis-joseph-xavier-of-france-second-child-and-first-son-of-king-louis-xvi-of-france +portrait,Romanticism,karl-bryullov_portrait-of-zavyalov-fedor +portrait,Realism,james-mcneill-whistler_black-and-red-1884 +portrait,Expressionism,egon-schiele_seated-girl-with-raised-left-leg-1911 +portrait,Post_Impressionism,moise-kisling_nude-seated-on-the-grass-1950(1) +portrait,Early_Renaissance,sandro-botticelli_portrait-of-dante(1) +portrait,Post_Impressionism,henri-de-toulouse-lautrec_in-batignolles-1888 +portrait,Romanticism,konstantin-makovsky_konstantin-and-olga-makovsky +portrait,Romanticism,john-hoppner_eleanor-agnes-hobart-countess-of-buckinghamshire +portrait,Impressionism,valentin-serov_summertime-portrait-of-olga-serova-1895 +portrait,Expressionism,pablo-picasso_woman-with-her-hair-in-a-small-bun-1904 +portrait,Northern_Renaissance,albrecht-durer_portrait-of-conrat-verkell +portrait,Post_Impressionism,istvan-ilosvai-varga_the-portrait-of-my-wife-1941 +portrait,Ukiyo_e,utagawa-sadatora_woman-sitting-in-front-of-a-screen-titled-fukurokuju +portrait,Post_Impressionism,theo-van-rysselberghe_maria-van-rysselberghe-with-crossed-arms-1913 +portrait,Naive_Art_Primitivism,marc-chagall_multicolor-clown-1974 +portrait,Impressionism,berthe-morisot_young-woman +portrait,Romanticism,henry-raeburn_henry-dundas-1st-viscount-melville +portrait,Post_Impressionism,maurice-prendergast_the-red-cape +portrait,Post_Impressionism,augustus-john_caitlin-1936 +portrait,Impressionism,gustave-caillebotte_portrait-of-henri-cordier-teacher-at-the-school-of-oriental-languages-1883 +portrait,Post_Impressionism,vincent-van-gogh_portrait-of-madame-ginoux-l-arlesienne-1888-1 +portrait,Post_Impressionism,amrita-sher-gil_hill-women-1935 +portrait,Realism,james-tissot_promenade-dans-la-neige +portrait,Mannerism_Late_Renaissance,el-greco_portrait-of-juan-alfonso-de-pimentel-y-herrera +portrait,Baroque,frans-hals_regents-of-the-st-elisabeth-s-hospital-haarlem-1641 +portrait,Expressionism,oskar-kokoschka_not_detected_235866 +portrait,Romanticism,karl-bodmer_mehkskeme-sukahs-blackfoot-chief-and-tatsicki-stomick-piekann-chief-plate-45-from-volume1-of-1834 +portrait,Baroque,bernardo-strozzi_doge-francesco-erizzo +portrait,Baroque,rembrandt_a-man-with-a-crucifix-and-chain-1641 +portrait,Impressionism,berthe-morisot_julie-writing +portrait,Post_Impressionism,pierre-bonnard_the-letter-1906 +portrait,Realism,viktor-vasnetsov_portrait-of-the-artist-nikolai-kuznetsov-1884 +portrait,Symbolism,odilon-redon_closed-eyes-1899 +portrait,Expressionism,salvador-dali_man-with-porron +portrait,Realism,max-liebermann_sixteen-years-old +portrait,Post_Impressionism,vincent-van-gogh_an-old-woman-of-arles-1888(1) +portrait,Realism,john-singer-sargent_mr-and-mrs-isaac-newton-phelps-stokes-1897 +portrait,Post_Impressionism,moise-kisling_not-identified-9 +portrait,Baroque,anthony-van-dyck_portrait-of-a-lady-1635 +portrait,Ukiyo_e,hiroshige_in-circle-figure-piece-outdoor +portrait,Impressionism,john-singer-sargent_francisco-bernareggi +portrait,Realism,giovanni-boldini_portrait-of-mrs-howard-johnston-1906 +portrait,Realism,giovanni-boldini_girl-with-red-shawl +portrait,Baroque,diego-velazquez_the-needlewoman-1643 +portrait,Realism,ilya-repin_portrait-of-an-old-woman-1870 +portrait,Impressionism,samuel-mutzner_femeie-cu-umbrel-japonez +portrait,Rococo,joshua-reynolds_portrait-of-mary-barnardiston +portrait,Post_Impressionism,moise-kisling_the-woman-from-arles +portrait,Romanticism,john-everett-millais_madame-bischoffsheim +portrait,Northern_Renaissance,bernhard-strigel_the-eight-children-konrad-rehlinger +portrait,Post_Impressionism,ilya-mashkov_lady-with-a-contrabass-1915 +portrait,Fauvism,marcel-duchamp_chauvel-1910 +portrait,Art_Nouveau_Modern,carl-larsson_anna-pettersson(1) +portrait,Realism,konstantin-makovsky_portrait-of-the-girl +portrait,Cubism,henri-laurens_man-with-pipe-1919 +portrait,Rococo,joshua-reynolds_lady-elizabeth-seymour-conway +portrait,Realism,ilya-repin_portrait-of-vladimir-sergeyevich-solovyov-1891 +portrait,Realism,boris-kustodiev_portrait-of-a-singer-i-v-ershov-1905 +portrait,Realism,julius-leblanc-stewart_unknown(1) +portrait,Impressionism,william-merritt-chase_portrait-of-helen-velasquez-chase +portrait,Expressionism,zinaida-serebriakova_tata-portrait-in-the-costume-of-harlequin-1921 +portrait,Impressionism,joaquã­n-sorolla_sick-maria-1907 +portrait,Realism,camille-corot_woman-reading-in-a-landscape +portrait,Symbolism,gustav-klimt_portrait-of-a-lady-in-white-unfinished-1918 +portrait,Rococo,john-russell_portrait-of-a-lady-1768 +portrait,Impressionism,frederic-bazille_portrait-of-edmond-maitre +portrait,Impressionism,william-merritt-chase_portrait-of-virginia-gerson-1 +portrait,Naive_Art_Primitivism,fernando-botero_cardinal +portrait,Post_Impressionism,david-burliuk_drunkard-1920(1) +portrait,Baroque,frans-hals_portrait-of-a-woman-5 +portrait,Romanticism,theodor-aman_uniting-of-the-principalities-1857 +portrait,Cubism,leopold-survage_woman-and-bird-1930 +portrait,Realism,vasily-surikov_portrait-of-young-woman-in-fur-coat-with-muff-1890 +portrait,Romanticism,francisco-goya_juan-antonio-melendez-valdes-1797 +portrait,Impressionism,john-singer-sargent_captain-herbert-m-sears-on-deck-of-the-schooner-yacht-constellation-1924 +portrait,Art_Nouveau_Modern,felix-vallotton_portrait-of-russian-philosopher-nikolai-konstantinovich-mikhailovsky +portrait,Expressionism,salvador-dali_roma-from-figueres +portrait,Art_Nouveau_Modern,felix-vallotton_portuguese-writer-and-poet-eug-nio-de-castro-1895 +portrait,Rococo,maurice-quentin-de-la-tour_face-of-the-man-after-alexis-grimou +portrait,Realism,valentin-serov_by-the-window-portrait-of-olga-trubnikova-1886 +portrait,Expressionism,otto-dix_the-family-of-the-painter-adalbert-trillhaase-1923 +portrait,Romanticism,henry-raeburn_hugh-william-williams +portrait,Romanticism,theodore-gericault_portrait-of-young-boy-probably-olivier-bro +portrait,Impressionism,childe-hassam_mrs-holley-of-cos-cob-connecticut +portrait,Mannerism_Late_Renaissance,agnolo-bronzino_portrait-of-nano-morgante-1552-1 +portrait,Cubism,pablo-picasso_jacqueline-with-flowers-1954 +portrait,Baroque,peter-paul-rubens_old-woman-1618 +portrait,Post_Impressionism,theo-van-rysselberghe_mademoiselle-nele-van-de-velde-1903 +portrait,Northern_Renaissance,hans-holbein-the-younger_portrait-of-a-boy-with-chestnut-hair +portrait,Realism,camille-corot_the-studio-young-woman-with-a-mandolin +portrait,Expressionism,chaim-soutine_portrait-of-a-child +portrait,Abstract_Expressionism,neil-welliver_royal-head-1959 +portrait,Art_Nouveau_Modern,felix-vallotton_french-writer-honor-de-balzac-1895 +portrait,Impressionism,walter-sickert_minnie-cunningham-at-the-old-bedford-1892 +portrait,Ukiyo_e,utagawa-toyokuni-ii_a-bust-portrait-of-a-beauty +portrait,Realism,nikolay-bogdanov-belsky_portrait-of-a-gorchakov +portrait,Impressionism,edgar-degas_a-woman-seated-beside-a-vase-of-flowers-1865 +portrait,Rococo,dmitry-levitzky_baron-alexander-stroganov +portrait,Rococo,allan-ramsay_lady-holland-1766 +portrait,Realism,boris-kustodiev_portrait-of-alexander-pushkin-on-the-neva-embankment-1915 +portrait,Expressionism,henri-matisse_blue-eyes-1934 +portrait,Impressionism,pierre-auguste-renoir_portrait-of-georges-riviere-1880 +portrait,Fauvism,rik-wouters_woman-ironing-1912 +portrait,Baroque,frans-hals_portrait-of-samuel-ampzing +portrait,Ukiyo_e,utagawa-kuniyoshi_mongaku-doing-penace-at-the-nachi-waterfall +portrait,Impressionism,pierre-auguste-renoir_woman-with-a-cat +portrait,Post_Impressionism,henri-de-toulouse-lautrec_may-milton-1895-1 +portrait,Romanticism,orest-kiprensky_portrait-of-adam-mickiewicz-1824 +portrait,Mannerism_Late_Renaissance,tintoretto_portrait-of-a-venetian-admiral +portrait,Northern_Renaissance,albrecht-durer_portrait-of-a-bearded-man-in-a-red-hat-1520 +portrait,Expressionism,henri-matisse_odalisques +portrait,Cubism,marevna-(marie-vorobieff)_portrait-of-sergei-diaghilev-1956 +portrait,Realism,charles-hermans_femme-l-ventail +portrait,Realism,vasily-surikov_portrait-of-olga-surikova-in-childhood-1883 +portrait,Realism,james-mcneill-whistler_head-of-a-young-woman +portrait,Baroque,diego-velazquez_the-court-dwarf-don-franciso-lezcano-called-el-nino-de-vallecas-1637 +portrait,Realism,vincent-van-gogh_head-of-a-peasant-woman-in-a-green-shawl-1885(1) +portrait,Cubism,louis-marcoussis_two-poets-1929 +portrait,Realism,ilya-repin_portrait-of-the-composer-modest-musorgsky-1881 +portrait,Mannerism_Late_Renaissance,jacopo-pontormo_lady-with-a-basket-of-spindles +portrait,Pop_Art,patrick-procktor_r-f-m-harka-raj-rai-10th-prime-minister-s-official-representative-gurkha-in-belize-1983 +portrait,Impressionism,pierre-auguste-renoir_young-woman-on-a-bench-1875 +portrait,Impressionism,john-singer-sargent_jane-de-glehn-in-a-gondola-1904 +portrait,Impressionism,william-merritt-chase_portrait-of-kate-freeman-clark +portrait,Post_Impressionism,jozsef-rippl-ronai_aristide-maillol-1899 +portrait,Pop_Art,andy-warhol_triple-elvis +portrait,Early_Renaissance,leonardo-da-vinci_portrait-of-ginevra-benci +portrait,Impressionism,james-tissot_a-woman-in-an-elegant-interior +portrait,Realism,kazimir-malevich_portrait-of-a-woman-1934 +portrait,Expressionism,amedeo-modigliani_the-pretty-vegetable-vendor-1918 +portrait,Impressionism,pierre-auguste-renoir_head-of-a-young-woman +portrait,Expressionism,chaim-soutine_woman-in-red +portrait,Expressionism,corneliu-baba_potrait-of-a-man +portrait,Realism,boris-kustodiev_portrait-of-philip-iv-1904 +portrait,Expressionism,spyros-papaloukas_portrait-of-girl-1922 +portrait,High_Renaissance,correggio_lucretia +portrait,Romanticism,dante-gabriel-rossetti_aggie-1862 +portrait,Fauvism,joan-miro_portrait-of-hiberto-casany-the-chauffeur +portrait,Post_Impressionism,pyotr-konchalovsky_paris-the-boy-with-the-apple-portrait-of-mikhail-petrovich-konchalovsky-1908 +portrait,Rococo,vladimir-borovikovsky_paul-i-1800 +portrait,Impressionism,octav-bancila_b-tr-n +portrait,Baroque,anthony-van-dyck_portrait-of-the-princes-palatine-charles-louis-i-and-his-brother-robert-1637 +portrait,Impressionism,guy-rose_the-green-parasol-1911 +portrait,Contemporary_Realism,jamie-wyeth_lester-1963 +portrait,Realism,valentin-serov_portrait-of-paolo-troubetzkoy +portrait,Realism,john-everett-millais_portrait-of-mrs-william-evamy-the-artists-aunt +portrait,Impressionism,edouard-manet_the-stroll-1880 +portrait,Romanticism,constantin-daniel-rosenthal_portrait-of-nicolae-golescu +portrait,Pop_Art,leroy-neiman_stan-smith +portrait,Romanticism,jan-matejko_boleslaw-the-brave +portrait,Expressionism,amedeo-modigliani_monsieur-lepoutre-1916 +portrait,Impressionism,pierre-auguste-renoir_seated-woman-1895 +portrait,Expressionism,dimitris-mytaras_female-figure-with-an-angel +portrait,Realism,vasily-perov_portrait-of-a-man +portrait,Impressionism,pierre-auguste-renoir_woman-in-a-white-hat +portrait,Romanticism,theodore-gericault_the-head-of-young-man +portrait,Contemporary_Realism,jamie-wyeth_andy-warhol-back-view-standing-1976 +portrait,Romanticism,sir-lawrence-alma-tadema_interrupted-1880 +portrait,Romanticism,viktor-vasnetsov_portrait-of-v-vasnetsov-the-artist-s-wife-1878 +portrait,Baroque,rembrandt_young-girl-at-the-window +portrait,Impressionism,mary-cassatt_sara-with-her-dog +portrait,Rococo,jean-marc-nattier_marquise-de-pompadour-as-diana-1746 +portrait,Realism,boris-kustodiev_portrait-of-konstantin-nicolayevich-igumnov-1923 +portrait,Abstract_Expressionism,hedda-sterne_ink-drawing +portrait,Romanticism,konstantin-makovsky_portrait-8 +portrait,Contemporary_Realism,jamie-wyeth_screen-door-to-the-sea-1994 +portrait,Impressionism,gustave-caillebotte_portrait-of-mademoiselle-boissiere-knitting-1877 +portrait,Realism,ilya-repin_portrait-of-baroness-varvara-ikskul-von-hildenbandt-1889 +portrait,Expressionism,paul-klee_child-and-aunt-1940(1) +portrait,Expressionism,marc-chagall_old-man-and-old-woman +portrait,Impressionism,giovanni-boldini_lady-in-brown-evening-dress-1894 +portrait,Abstract_Expressionism,willem-de-kooning_woman-and-bicycle +portrait,Romanticism,orest-kiprensky_alexander-samoilovich-figner +portrait,Realism,john-everett-millais_the-nest +portrait,Realism,mikhail-nesterov_portrait-of-s-s-yudin-1935 +portrait,Impressionism,edgar-degas_woman-seated-on-a-canape-1872 +portrait,Realism,gustave-courbet_mother-gregoire-1855 +portrait,Post_Impressionism,henri-de-toulouse-lautrec_monsieur-louis-pascal-1891 +portrait,Art_Nouveau_Modern,felix-vallotton_portrait-of-french-writer-stendhal-1897 +portrait,Romanticism,vasily-tropinin_portrait-of-alexander-vsevoldovich-vsevolozsk +portrait,Realism,vasily-vereshchagin_uzbek-woman-in-tashkent-1873 +portrait,Mannerism_Late_Renaissance,sofonisba-anguissola_a-portrait-of-a-young-alessandro-farnese-the-future-duke-of-parma +portrait,Realism,giovanni-boldini_portrait-of-gladys-deacon-1908 +portrait,Post_Impressionism,gwen-john_chloe-boughton-leigh-1908 +portrait,Expressionism,amedeo-modigliani_portrait-of-anna-zborowska-1917 +portrait,Rococo,joshua-reynolds_adam-ferguson-1782 +portrait,Baroque,rembrandt_rembrandt-s-mother-in-a-widow-s-dress-1632 +portrait,High_Renaissance,raphael_portrait-of-a-young-man-1515 +portrait,Impressionism,robert-brackman_flowers-for-jennifer +portrait,Impressionism,mary-cassatt_young-girl-seated-in-a-yellow-armchair +portrait,Romanticism,henry-raeburn_portrait-of-miss-eleanor-urquhart +portrait,Impressionism,pierre-auguste-renoir_reflection-1877 +portrait,Early_Renaissance,pietro-perugino_portrait-of-a-young-man-1 +portrait,Impressionism,pierre-auguste-renoir_portrait-of-a-woman-1915 +portrait,Symbolism,kuzma-petrov-vodkin_portrait-of-grekova-kazachka-1912 +portrait,Expressionism,amedeo-modigliani_stone-head +portrait,Impressionism,edmund-charles-tarbell_the-sisters-1921 +portrait,Impressionism,maurice-prendergast_lady-on-the-boulevard-1892 +portrait,Expressionism,amedeo-modigliani_portrait-of-oscar-miestchanioff-1916 +portrait,Post_Impressionism,mikhail-nesterov_sasha-1915 +portrait,Impressionism,pierre-auguste-renoir_madame-darras-as-an-horsewoman-1873 +portrait,Baroque,juan-de-valdes-leal_fray-pedro-fern-ndez-pecha-1657 +portrait,Mannerism_Late_Renaissance,tintoretto_portrait-of-a-venetian-senator-1580 +portrait,Rococo,john-russell_the-right-honourable-selina-countess-of-huntingdon-1707-1791-foundress-and-benefactress +portrait,Romanticism,dante-gabriel-rossetti_the-blue-bower-1865 +portrait,Expressionism,lucian-freud_the-big-man-1977 +portrait,Impressionism,gustave-caillebotte_portrait-of-jean-daurelle-1 +portrait,Realism,vasily-perov_portrait-of-yelena-perova-n-e-scheins-the-artist-s-first-wife-1869 +portrait,Northern_Renaissance,lucas-cranach-the-elder_portraits-of-martin-luther-and-philipp-melanchthon-1543 +portrait,Expressionism,helene-schjerfbeck_portrait-of-a-girl-1 +portrait,Rococo,john-russell_portrait-of-george-whitefield +portrait,Expressionism,richard-diebenkorn_woman-at-table-in-strong-light +portrait,Rococo,dmitry-levitzky_portrait-of-maria-alexeevna-lvova-1781 +portrait,Baroque,rembrandt_the-great-jewish-bride +portrait,Symbolism,konstantin-somov_portrait-of-b-popova-paris +portrait,Baroque,rembrandt_portrait-of-a-bearded-man-in-a-wide-brimmed-hat-1633 +portrait,Realism,john-singer-sargent_the-marlborough-family-1905 +portrait,Expressionism,lucian-freud_a-young-painter +portrait,Expressionism,amedeo-modigliani_beatrice-hastings-1914 +portrait,Post_Impressionism,amrita-sher-gil_two-women +portrait,Romanticism,karl-bryullov_ivan-riboper(1) +portrait,Northern_Renaissance,jean-hey_portrait-of-suzanne-of-bourbon-1498 +portrait,Romanticism,sir-lawrence-alma-tadema_an-audience +portrait,Romanticism,henry-raeburn_boy-and-rabbit +portrait,Expressionism,pyotr-konchalovsky_portrait-of-japanese-artist-yabe-shan-1927 +portrait,Impressionism,edouard-manet_the-conservatory-1879 +portrait,Pop_Art,robert-silvers_marilyn +portrait,Northern_Renaissance,albrecht-durer_head-of-a-smiling-woman +portrait,Northern_Renaissance,albrecht-durer_portrait-of-caspar-tower-and-a-river-landscape-1520 +portrait,Romanticism,francisco-goya_juan-martin-diaz-determined-to +portrait,Expressionism,zinaida-serebriakova_portrait-of-dick-hunter-son-of-ekaterina-cavos-hunter +portrait,Realism,boris-kustodiev_man-with-accounts-v-a-kastalsky-1917 +portrait,Realism,julius-leblanc-stewart_young-woman-in-blue-1877(1) +portrait,Romanticism,alfred-stevens_reverie +portrait,High_Renaissance,lorenzo-lotto_portrait-of-a-gentleman-with-lion-paw +portrait,Cubism,louis-marcoussis_portret-van-albert-flechteim-1914 +portrait,Expressionism,helene-schjerfbeck_the-fortune-teller-woman-in-yellow-dress-1926 +portrait,Realism,boris-kustodiev_portrait-of-a-sculptor-and-painter-d-s-stelletsky-1901 +portrait,Post_Impressionism,theo-van-rysselberghe_the-woman-in-white-portrait-of-madame-helene-keller-1907 +portrait,Symbolism,zinaida-serebriakova_peasant-woman-1916 +portrait,Rococo,antoine-pesne_portrait-of-the-dancer-barbara-campanini-aka-la-barbarina +portrait,Expressionism,lucian-freud_final-portrait-1977 +portrait,Northern_Renaissance,albrecht-durer_portrait-of-an-eighteen-year-old-man +abstract_painting,Abstract_Expressionism,william-congdon_the-black-city-i-new-york-1949 +abstract_painting,Abstract_Expressionism,ronnie-landfield_untitled-1969(3) +abstract_painting,Color_Field_Painting,gene-davis_untitled-1959 +abstract_painting,Abstract_Expressionism,willem-de-kooning_two-figures-in-a-landscape +abstract_painting,Minimalism,joan-hernandez-pijuan_regle-groc-1972 +abstract_painting,Abstract_Expressionism,cy-twombly_summer-madness +abstract_painting,Minimalism,joan-hernandez-pijuan_doble-espai-verd-blau-1977 +abstract_painting,Minimalism,john-mclaughlin_untitled-1974 +abstract_painting,Abstract_Expressionism,sam-francis_hail-hailey-1986 +abstract_painting,Cubism,natalia-goncharova_composition-1914 +abstract_painting,Color_Field_Painting,anne-appleby_verona-variation-1-2003 +abstract_painting,Abstract_Expressionism,vasile-dobrian_with-smoke-footsteps-i-got-closer-to-you-from-the-archways-series +abstract_painting,Abstract_Expressionism,alice-baber_through-sleep-to-orange-1968 +abstract_painting,Abstract_Expressionism,ronnie-landfield_taurean-entrance-1973 +abstract_painting,Abstract_Expressionism,roberto-matta_redness-of-blue-1996 +abstract_painting,Color_Field_Painting,barnett-newman_canto-xvi-1964 +abstract_painting,Abstract_Expressionism,alice-baber_noble-numbers-1965 +abstract_painting,Abstract_Expressionism,raoul-ubac_rythme-rompu-1972 +abstract_painting,Color_Field_Painting,ian-davenport_poured-lines-yellow-2007 +abstract_painting,Action_painting,franz-kline_figure-eight-1952 +abstract_painting,Color_Field_Painting,gene-davis_untitled-1985-1 +abstract_painting,Abstract_Expressionism,brice-marden_attendant-5-1999 +abstract_painting,Color_Field_Painting,claude-viallat_untitled-no-170-1994 +abstract_painting,Abstract_Expressionism,jay-defeo_untitled-1957 +abstract_painting,Color_Field_Painting,mark-rothko_purple-brown +abstract_painting,Expressionism,pierre-alechinsky_stars-and-disasters-astres-et-d-sastres-1969-1(5) +abstract_painting,Color_Field_Painting,patrick-heron_untitled-from-the-shapes-of-colour-1978 +abstract_painting,Color_Field_Painting,gene-davis_blue-broad-jump-1960(1) +abstract_painting,Minimalism,edward-corbett_washington-d-c-october-8-1964-1964 +abstract_painting,Abstract_Expressionism,joe-goode_pollution-r2-1995 +abstract_painting,Cubism,carlos-merida_el-n-huatl-1964 +abstract_painting,Color_Field_Painting,ron-gorchov_timandra-2007 +abstract_painting,Color_Field_Painting,paul-feeley_untitled-watercolor-4-1964 +abstract_painting,Action_painting,franz-kline_orange-outline-1955 +abstract_painting,Abstract_Expressionism,sam-francis_untitled-sf76-176-1976 +abstract_painting,Abstract_Expressionism,paul-reed_9a-1964 +abstract_painting,Minimalism,mel-bochner_four-shapes-1976 +abstract_painting,Expressionism,ilka-gedo_rose-garden-with-triangular-window-1980 +abstract_painting,Abstract_Expressionism,hans-hofmann_profound-longing-1965 +abstract_painting,Abstract_Expressionism,milton-resnick_roseland-1959 +abstract_painting,Minimalism,frederick-hammersley_covenant-1963 +abstract_painting,Abstract_Expressionism,jean-paul-riopelle_composition +abstract_painting,Abstract_Expressionism,cy-twombly_quattro-stagioni-part-i-primavera-1994 +abstract_painting,Abstract_Expressionism,jay-defeo_the-ver-nica-1957 +abstract_painting,Color_Field_Painting,gene-davis_untitled-1985 +abstract_painting,Color_Field_Painting,larry-zox_open-white-center-1974 +abstract_painting,Color_Field_Painting,helen-frankenthaler_santa-fe-ii-1986 +abstract_painting,Color_Field_Painting,paul-feeley_somara-1963 +abstract_painting,Abstract_Expressionism,hassel-smith_untitled-10-1986 +abstract_painting,Minimalism,jean-degottex_unknown-title +abstract_painting,Abstract_Expressionism,conrad-marca-relli_f-s-6-59-1959 +abstract_painting,Expressionism,ilka-gedo_portrait-of-kl-ri-horv-th-1972 +abstract_painting,Color_Field_Painting,paul-feeley_alruccabah-1964 +abstract_painting,Color_Field_Painting,alma-woodsey-thomas_atmospheric-effects-ii-1972 +abstract_painting,Cubism,jacques-villon_la-lutte-1957 +abstract_painting,Color_Field_Painting,alma-woodsey-thomas_orion-1973 +abstract_painting,Color_Field_Painting,jose-guerrero_untitled-1985 +abstract_painting,Abstract_Expressionism,richard-tuttle_stacked-color-drawing-1-1971 +abstract_painting,Color_Field_Painting,barnett-newman_canto-iv-1963 +abstract_painting,Minimalism,ralph-hotere_black-cerulean-1999 +abstract_painting,Color_Field_Painting,gene-davis_fox-gate-1982 +abstract_painting,Abstract_Expressionism,jane-frank_night-landings-sambura-1970 +abstract_painting,Minimalism,martial-raysse_untitled-2 +abstract_painting,Abstract_Expressionism,joan-miro_woman-before-the-luna +abstract_painting,Abstract_Expressionism,ronnie-landfield_gates-of-blue-1975 +abstract_painting,Abstract_Expressionism,mark-tobey_lovers-of-light-1960 +abstract_painting,Color_Field_Painting,gene-davis_king-kong-1969 +abstract_painting,Abstract_Expressionism,hans-hofmann_lucidus-ordo-1962 +abstract_painting,Minimalism,richard-tuttle_20-pearls-5-2003 +abstract_painting,Color_Field_Painting,ron-gorchov_foley-1967 +abstract_painting,Color_Field_Painting,gotthard-graubner_untitled-1988 +abstract_painting,Abstract_Expressionism,adnan-coker_unknown-title(3) +abstract_painting,Abstract_Expressionism,john-hoyland_spirit-night-18-06-98-1998 +abstract_painting,Minimalism,yves-gaucher_deux-bleus-deux-gris-first-version-1975 +abstract_painting,Color_Field_Painting,olivier-debre_norv-ge-brune-ottual-1978 +abstract_painting,Color_Field_Painting,frank-stella_river-of-ponds-iv-1971 +abstract_painting,Minimalism,john-mclaughlin_number-17-1966 +abstract_painting,Abstract_Expressionism,gerhard-richter_clouds-1982 +abstract_painting,Abstract_Expressionism,tsuruko-yamazaki_work-1973 +abstract_painting,Abstract_Expressionism,esteban-vicente_untitled-1980 +abstract_painting,Abstract_Expressionism,frank-stella_guadalupe-island-caracara-1979 +abstract_painting,Minimalism,rodolfo-arico_untitled-1993 +abstract_painting,Cubism,roy-lichtenstein_preparedness-1968 +abstract_painting,Abstract_Expressionism,alice-baber_night-of-the-res-wind-1978 +abstract_painting,Color_Field_Painting,john-hoyland_25-4-69-1969 +abstract_painting,Color_Field_Painting,gil-teixeira-lopes_cones-enigm-ticos-ii +abstract_painting,Minimalism,richard-tuttle_wave-1965 +abstract_painting,Color_Field_Painting,gene-davis_pocahontas-1978 +abstract_painting,Expressionism,franz-marc_fighting-forms-1914 +abstract_painting,Abstract_Expressionism,hans-hofmann_bird-cage-variation-ii-1958 +abstract_painting,Color_Field_Painting,anne-truitt_truitt-91-1991 +abstract_painting,Abstract_Expressionism,friedel-dzubas_further-land +abstract_painting,Color_Field_Painting,ad-reinhardt_abstract-painting-1966-1 +abstract_painting,Abstract_Expressionism,hans-hofmann_the-bouquet-1959 +abstract_painting,Abstract_Expressionism,yayoi-kusama_woman-in-the-wind-1977 +abstract_painting,Color_Field_Painting,gene-davis_sunball-1960 +abstract_painting,Abstract_Expressionism,john-ferren_untitled-1952 +abstract_painting,Color_Field_Painting,clyfford-still_untitled-1951 +abstract_painting,Color_Field_Painting,friedel-dzubas_barrier-1983 +abstract_painting,Color_Field_Painting,william-scott_blue-form-on-white-1964 +abstract_painting,Abstract_Expressionism,john-hoyland_1990-black-something-8-2-90-acrylic-on-canvas +abstract_painting,Color_Field_Painting,sam-francis_untitled-1985-2 +abstract_painting,Abstract_Expressionism,jock-macdonald_legend-of-the-orient-1958 +abstract_painting,Color_Field_Painting,paul-feeley_trajan-1960 +abstract_painting,Abstract_Expressionism,basuki-abdullah_abstract +abstract_painting,Abstract_Expressionism,esteban-vicente_untitled-1985-1 +abstract_painting,Color_Field_Painting,friedel-dzubas_tundra-ii-1962 +abstract_painting,Color_Field_Painting,friedel-dzubas_untitled-abstraction-1974 +abstract_painting,Abstract_Expressionism,lee-krasner_seated-nude-1940 +abstract_painting,Abstract_Expressionism,paul-jenkins_not_detected_235699 +abstract_painting,Action_painting,jackson-pollock_number-4-1951 +abstract_painting,Minimalism,brice-marden_blunder-1969 +abstract_painting,Abstract_Expressionism,clyfford-still_1949-no-1-1949 +abstract_painting,Color_Field_Painting,pedro-calapez_escala-de-cor-17-2008 +abstract_painting,Abstract_Expressionism,john-hoyland_25-4-78-1978 +abstract_painting,Abstract_Expressionism,helen-frankenthaler_basque-beach-1958 +abstract_painting,Abstract_Expressionism,ronald-davis_pink-mirror-1969 +abstract_painting,Abstract_Expressionism,joan-miro_not_detected_227942 +abstract_painting,Expressionism,frank-auerbach_bacchus-and-ariadne +abstract_painting,Minimalism,genevieve-asse_notes-par-deux-2003 +abstract_painting,Cubism,jacques-villon_untitled-1962 +abstract_painting,Color_Field_Painting,gene-davis_black-friar-1978 +abstract_painting,Abstract_Expressionism,blinky-palermo_ohne-titel-1964(1) +abstract_painting,Abstract_Expressionism,cy-twombly_cold-stream +abstract_painting,Color_Field_Painting,ellsworth-kelly_red-and-yellow-1951 +abstract_painting,Abstract_Expressionism,hans-hofmann_the-castle-1965 +abstract_painting,Abstract_Expressionism,rafa-nasiri_untitled-026-1980 +abstract_painting,Abstract_Expressionism,helen-frankenthaler_soho-dreams-1987 +abstract_painting,Cubism,louis-schanker_untitled-1939 +abstract_painting,Abstract_Expressionism,milton-resnick_straw-1982 +abstract_painting,Minimalism,joan-hernandez-pijuan_evora-sobre-paper-jap-1990 +abstract_painting,Abstract_Expressionism,raoul-ubac_sillons-ocres-1972 +abstract_painting,Abstract_Expressionism,sam-francis_untitled-from-pasadena-box-1963-1 +abstract_painting,Color_Field_Painting,alma-woodsey-thomas_iris-tulips-jonquils-and-crocuses-1969 +abstract_painting,Abstract_Expressionism,howard-hodgkin_all-alone-in-the-museum-of-art-1979 +abstract_painting,Color_Field_Painting,sam-francis_mantis-1962 +abstract_painting,Minimalism,li-yuan-chia_12-14-43-1965 +abstract_painting,Abstract_Expressionism,joan-snyder_sigh-2006 +abstract_painting,Abstract_Expressionism,sam-francis_untitled-l-l233-g-820-1978 +abstract_painting,Abstract_Expressionism,helen-frankenthaler_the-red-sea-1982 +abstract_painting,Abstract_Expressionism,william-scott_blue-abstract-1959 +abstract_painting,Minimalism,yves-klein_untitled-red-monochrome-1957 +abstract_painting,Color_Field_Painting,helen-frankenthaler_frankenthaler-preview-1965 +abstract_painting,Color_Field_Painting,paul-feeley_cheleb +abstract_painting,Abstract_Expressionism,joan-snyder_vertical-strokes-on-white-ground-1969 +abstract_painting,Abstract_Expressionism,helen-frankenthaler_bronze-smoke-1978 +abstract_painting,Minimalism,john-mclaughlin_number-11-1964 +abstract_painting,Color_Field_Painting,theodoros-stamos_infinity-field-t-series-34-1990 +abstract_painting,Minimalism,pierre-soulages_peinture-12-november-2008-diptyque-2008 +abstract_painting,Color_Field_Painting,john-hoyland_untitled +abstract_painting,Abstract_Expressionism,vasile-dobrian_the-waves-of-migrating-birds-have-darkened-the-infinity-from-the-autumn-series +abstract_painting,Action_painting,hans-hofmann_astral-nebula-1961 +abstract_painting,Abstract_Expressionism,hans-hofmann_composition-no-1-1953 +abstract_painting,Abstract_Expressionism,mark-rothko_untitled-1948-1 +abstract_painting,Abstract_Expressionism,mark-tobey_komposition-blau-1972 +abstract_painting,Abstract_Expressionism,sam-francis_untitled-040-1986 +abstract_painting,Color_Field_Painting,ralph-hotere_tukua-mai-he-kaponga-oneone-ki-au-hai-tangi-send-me-a-handful-of-soil-1972 +abstract_painting,Abstract_Expressionism,john-hoyland_lebanon-2007 +abstract_painting,Abstract_Expressionism,marjorie-strider_we-mourn-we-weep-we-love-again-1995 +abstract_painting,Abstract_Expressionism,hans-hofmann_art-like-love-is-dedication-1965 +abstract_painting,Minimalism,yves-gaucher_square-dance-blues-for-green-1964 +abstract_painting,Minimalism,roni-horn_were-12-2004 +abstract_painting,Abstract_Expressionism,frank-stella_whale-watch-1994 +abstract_painting,Abstract_Expressionism,mark-rothko_not_detected_242116 +abstract_painting,Color_Field_Painting,angelo-de-sousa_pintura-1984 +abstract_painting,Abstract_Expressionism,milton-resnick_hydrogen-1961 +abstract_painting,Minimalism,judy-chicago_evening-fan-1971 +abstract_painting,Color_Field_Painting,victor-pasmore_yellow-abstract-1961 +abstract_painting,Minimalism,agnes-martin_praise-1976(1) +abstract_painting,Abstract_Expressionism,clyfford-still_1947-h-no-3-1947 +abstract_painting,Minimalism,eva-hesse_tomorrow-s-apples-5-in-white-1965 +abstract_painting,Abstract_Expressionism,sam-francis_violet-yellow-and-white-1958 +abstract_painting,Abstract_Expressionism,wu-guanzhong_alienation-1992 +abstract_painting,Abstract_Expressionism,joan-snyder_perpetuo-eternally-2004 +abstract_painting,Abstract_Expressionism,cy-twombly_school-of-athens +abstract_painting,Abstract_Expressionism,frank-lobdell_1-august-1948-1948 +abstract_painting,Color_Field_Painting,william-scott_orange-black-and-white-1960 +abstract_painting,Abstract_Expressionism,paul-jenkins_phenomena-sung-mantle +abstract_painting,Color_Field_Painting,john-hoyland_no-22-20-2-62-1962 +abstract_painting,Minimalism,angelo-de-sousa_sem-titulo-1997 +abstract_painting,Abstract_Expressionism,horia-bernea_prapor-1982 +abstract_painting,Cubism,fernand-leger_three-women-with-the-still-life-1920 +abstract_painting,Abstract_Expressionism,barnett-newman_untitled-1945-1 +abstract_painting,Color_Field_Painting,gene-davis_untitled-1981 +abstract_painting,Minimalism,agnes-martin_untitled-1978-1 +abstract_painting,Action_painting,norman-bluhm_mathematics-1962 +abstract_painting,Color_Field_Painting,leon-berkowitz_solomon-s-temple-1987 +abstract_painting,Abstract_Expressionism,richard-diebenkorn_berkeley-no-57 +abstract_painting,Abstract_Expressionism,frank-bowling_lemongrass-blackpepper-bush +abstract_painting,Abstract_Expressionism,paul-jenkins_sun-over-the-hour-glass +abstract_painting,Abstract_Expressionism,paul-reed_8a-1964 +abstract_painting,Color_Field_Painting,barnett-newman_two-edges-1948 +abstract_painting,Color_Field_Painting,walter-darby-bannard_green-valentine-3-1965 +abstract_painting,Abstract_Expressionism,sam-francis_japan-line-series-no-1-composition-1958 +abstract_painting,Abstract_Expressionism,louis-schanker_abstract-composition-1944 +abstract_painting,Color_Field_Painting,helen-frankenthaler_indian-summer-1967 +abstract_painting,Minimalism,paul-brach_the-negative-way-6-1964 +abstract_painting,Abstract_Expressionism,lee-ufan_pushed-up-ink-1964 +abstract_painting,Color_Field_Painting,ronnie-landfield_the-arc-1986 +abstract_painting,Abstract_Expressionism,cy-twombly_zyig +abstract_painting,Abstract_Expressionism,ralph-hotere_song-cycle-1988 +abstract_painting,Abstract_Expressionism,sam-gilliam_in-celebration-1983 +abstract_painting,Color_Field_Painting,leon-berkowitz_source-7-1976 +abstract_painting,Abstract_Expressionism,william-baziotes_beach-shadows-1947 +abstract_painting,Cubism,carlos-merida_la-m-scara-de-hun-came-1965 +abstract_painting,Color_Field_Painting,louis-cane_toile-tamponn-e-1967 +abstract_painting,Abstract_Expressionism,joan-mitchell_girolata-triptych-1964 +abstract_painting,Minimalism,kazuo-nakamura_time-and-space-series-2-1974 +abstract_painting,Pop_Art,nicholas-krushenick_grand-entrance-1987 +abstract_painting,Color_Field_Painting,morris-louis_yad-1958 +abstract_painting,Abstract_Expressionism,helen-frankenthaler_summerscene-provincetown-1961 +abstract_painting,Abstract_Expressionism,joe-goode_x-ray-drawing-14-1976 +abstract_painting,Abstract_Expressionism,manabu-mabe_age-1985 +abstract_painting,Color_Field_Painting,john-hoyland_12-12-68-1969 +abstract_painting,Abstract_Expressionism,sam-francis_untitled-1990-4 +abstract_painting,Color_Field_Painting,jose-guerrero_negro-con-rojo +abstract_painting,Minimalism,imi-knoebel_weiss-und-schwarz-3-2009 +abstract_painting,Color_Field_Painting,morris-louis_apogee-1962 +abstract_painting,Abstract_Expressionism,betty-parsons_untitled-1953 +abstract_painting,Abstract_Expressionism,mark-tobey_flame-of-colors-1974 +abstract_painting,Abstract_Expressionism,walter-darby-bannard_aberddeen-i-1970 +abstract_painting,Abstract_Expressionism,brice-marden_summer-scroll-8-five-kinds-of-hydra-trees-1986 +abstract_painting,Abstract_Expressionism,sam-francis_untitled-mandala-1975 +abstract_painting,Abstract_Expressionism,arthur-pinajian_untitled-landscape-woodstock-no-3876-1960 +abstract_painting,Abstract_Expressionism,hans-hofmann_solstice-1946 +abstract_painting,Minimalism,pierre-soulages_untitled-1991 +abstract_painting,Color_Field_Painting,gene-davis_orange-twitter-1966 +abstract_painting,Minimalism,paul-brach_the-negative-way-3-1964 +abstract_painting,Abstract_Expressionism,jack-tworkov_indian-red-series-i-1979 +abstract_painting,Minimalism,richard-tuttle_20-pearls-14-2003 +abstract_painting,Abstract_Expressionism,john-hoyland_watching-20-1-07-2007 +abstract_painting,Color_Field_Painting,john-ferren_three-rocks-1949 +abstract_painting,Abstract_Expressionism,sam-francis_composition-1988 +abstract_painting,Abstract_Expressionism,ronnie-landfield_fire-flute-1974 +abstract_painting,Abstract_Expressionism,betty-parsons_untitled-1971 +abstract_painting,Color_Field_Painting,dan-christensen_yellow-bumper-1970 +abstract_painting,Abstract_Expressionism,william-congdon_cambodia-no-1-1960 +abstract_painting,Abstract_Expressionism,joan-mitchell_trees-1991-1 +abstract_painting,Color_Field_Painting,john-hoyland_blues-reds-1969 +abstract_painting,Action_painting,franz-kline_chief-1950 +abstract_painting,Minimalism,yves-klein_untitled-green-monochrome-1955 +abstract_painting,Action_painting,franz-kline_zinc-yellow-1959 +abstract_painting,Minimalism,jorge-martins_pli-contre-pli-1967 +abstract_painting,Abstract_Expressionism,gotthard-graubner_untitled-1964 +abstract_painting,Abstract_Expressionism,blinky-palermo_ohne-titel-mit-rotem-strich-1970 +abstract_painting,Color_Field_Painting,gene-davis_circus-sounds-1967 +abstract_painting,Abstract_Expressionism,blinky-palermo_ohne-titel-1977(1) +abstract_painting,Color_Field_Painting,gene-davis_prince-albert-1978 +abstract_painting,Abstract_Expressionism,brice-marden_aphrodite-study-1993 +abstract_painting,Color_Field_Painting,doug-ohlson_sevastipol-2003 +abstract_painting,Color_Field_Painting,jack-bush_narrow-image-1963 +abstract_painting,Color_Field_Painting,leon-berkowitz_cathedral-22-1968 +abstract_painting,Color_Field_Painting,friedel-dzubas_untitled-1971 +abstract_painting,Color_Field_Painting,mark-rothko_untitled-brown-and-gray +abstract_painting,Abstract_Expressionism,aki-kuroda_untitled-2006 +abstract_painting,Abstract_Expressionism,clyfford-still_ph-118-1947 +abstract_painting,Minimalism,jo-baer_untitled-lipstick-1977 +abstract_painting,Minimalism,robert-ryman_koh-i-noor-7h-1 +abstract_painting,Minimalism,mario-schifano_cielo-par-terra-1984 +abstract_painting,Abstract_Expressionism,joan-mitchell_untitled-1951 +abstract_painting,Minimalism,sol-lewitt_horizontal-bands-with-colors-superimposed-1988 +abstract_painting,Color_Field_Painting,guido-molinari_quantificateur-1988 +abstract_painting,Abstract_Expressionism,sam-francis_sf48-004-1948 +abstract_painting,Minimalism,lee-ufan_correspondance-2003 +abstract_painting,Abstract_Expressionism,lee-krasner_night-creatures-1965 +abstract_painting,Abstract_Expressionism,sam-francis_white-1951 +abstract_painting,Expressionism,august-macke_satire-to-the-blue-rider +abstract_painting,Color_Field_Painting,alfred-jensen_interlacing-colors-i-1959 +abstract_painting,Color_Field_Painting,william-scott_orange-black-and-white-composition-1953 +abstract_painting,Abstract_Expressionism,sam-francis_untitled-s-f-e-363-1994 +abstract_painting,Abstract_Expressionism,cy-twombly_camino-real-ii +abstract_painting,Expressionism,ion-tuculescu_multiple-lives +abstract_painting,Color_Field_Painting,friedel-dzubas_duo-1965 +abstract_painting,Color_Field_Painting,jose-guerrero_aparici-n-y-sombras +abstract_painting,Abstract_Expressionism,peter-busa_embullient-chord +abstract_painting,Color_Field_Painting,frank-stella_aghtana-iii-1968 +abstract_painting,Color_Field_Painting,helen-frankenthaler_thanksgiving-day-1973 +abstract_painting,Abstract_Expressionism,helen-frankenthaler_sunshine-after-rain-1987 +abstract_painting,Abstract_Expressionism,victor-pasmore_sun-and-sky-1979 +abstract_painting,Abstract_Expressionism,william-baziotes_red-wall-1961 +abstract_painting,Color_Field_Painting,john-hoyland_untitled(1) +abstract_painting,Minimalism,robert-ryman_attendant-1984 +abstract_painting,Abstract_Expressionism,norman-bluhm_green-frost-1957 +abstract_painting,Abstract_Expressionism,rafa-nasiri_untitled-014-1968 +abstract_painting,Color_Field_Painting,morris-louis_partition-1962 +abstract_painting,Abstract_Expressionism,hassel-smith_at-miss-webb-s-1963 +abstract_painting,Minimalism,martial-raysse_untitled +abstract_painting,Minimalism,jean-degottex_dia-noir-v-1979 +abstract_painting,Minimalism,piero-manzoni_achrome-1960-2 +abstract_painting,Abstract_Expressionism,kenzo-okada_untitled-1960 +abstract_painting,Abstract_Expressionism,joe-goode_environmental-impact-1981-1 +abstract_painting,Color_Field_Painting,gotthard-graubner_untitled-1992 +abstract_painting,Abstract_Expressionism,takashi-murakami_minyun-1997 +abstract_painting,Abstract_Expressionism,lee-krasner_untitled-from-little-image-series-1949 +abstract_painting,Cubism,willi-baumeister_machine-man-with-spiral-turn-1930 +abstract_painting,Abstract_Expressionism,howard-mehring_untitled-1960(3) +abstract_painting,Abstract_Expressionism,cy-twombly_untitled-1956-1 +abstract_painting,Abstract_Expressionism,sam-francis_untitled-1990-6 +abstract_painting,Minimalism,conrad-marca-relli_ll-4-72-1972 +abstract_painting,Color_Field_Painting,ronnie-landfield_coriander-rose-1972 +abstract_painting,Abstract_Expressionism,john-hoyland_blood-feud-28-8-07-2007 +abstract_painting,Color_Field_Painting,gene-davis_untitled-1962 +abstract_painting,Abstract_Expressionism,joan-mitchell_trees-1991 +abstract_painting,Color_Field_Painting,ad-reinhardt_painting-1958(4) +abstract_painting,Abstract_Expressionism,richard-pousette-dart_bird-in-the-wind-1942 +abstract_painting,Action_painting,jackson-pollock_number-1(1) +abstract_painting,Color_Field_Painting,ronnie-landfield_all-night-1989 +abstract_painting,Color_Field_Painting,mario-cesariny_sem-t-tulo-1996 +abstract_painting,Pop_Art,tsuruko-yamazaki_work-1967 +abstract_painting,Color_Field_Painting,mark-rothko_orange-and-yellow(1) +abstract_painting,Color_Field_Painting,maurice-esteve_messidor-1981-1 +abstract_painting,Expressionism,wassily-kandinsky_improvisation-6-african-1909 +abstract_painting,Abstract_Expressionism,sam-francis_untitled-from-marginalia-hommage-to-shimizu-1979 +abstract_painting,Abstract_Expressionism,sam-francis_untitled-from-papierski-portfolio-sf-355-1992 +abstract_painting,Minimalism,agnes-martin_untitled-15-peace-1996 +abstract_painting,Abstract_Expressionism,sam-francis_untitled-sfe-85-1992 +abstract_painting,Minimalism,agnes-martin_black-1 +abstract_painting,Expressionism,ilka-gedo_artificial-flower-on-a-naples-yellow-background-1980 +abstract_painting,Abstract_Expressionism,gerhard-richter_abstract-painting-no-439 +abstract_painting,Cubism,jacques-villon_au-coin-du-bois +abstract_painting,Pop_Art,nicholas-krushenick_pumpkin-1998 +abstract_painting,Minimalism,genevieve-asse_blue-composition +abstract_painting,Abstract_Expressionism,jimmy-ernst_lookscape-1952 +abstract_painting,Color_Field_Painting,helen-frankenthaler_corot-s-mark-1987 +abstract_painting,Minimalism,yves-gaucher_t-d-s-1988 +abstract_painting,Color_Field_Painting,helen-frankenthaler_black-eyed-susan-1988 +abstract_painting,Minimalism,brice-marden_untitled-1971-1 +abstract_painting,Abstract_Expressionism,jimmy-ernst_see-see-rider-1946 +abstract_painting,Abstract_Expressionism,joan-miro_the-lark-s-wing-encircled-with-golden-blue-rejoins-the-heart-of-the-poppy-sleeping-on-a-diamond +abstract_painting,Minimalism,robert-mangold_three-color-frame-painting-1985 +abstract_painting,Color_Field_Painting,gene-davis_untitled-pink-yellow-and-white-1980 +abstract_painting,Color_Field_Painting,mark-rothko_violet-black-orange-yellow-on-white-and-red +abstract_painting,Color_Field_Painting,morris-louis_number-6-1962 +abstract_painting,Color_Field_Painting,paul-jenkins_phenomena-pointed-eas +abstract_painting,Color_Field_Painting,john-hoyland_4-5-68-1968 +abstract_painting,Color_Field_Painting,gene-davis_yukon-sonata-1981(1) +abstract_painting,Color_Field_Painting,ellsworth-kelly_dominican-1952 +abstract_painting,Color_Field_Painting,sam-francis_reefs-1955 +abstract_painting,Color_Field_Painting,mark-rothko_untitled-red-blue-orange-1955 +abstract_painting,Abstract_Expressionism,mark-tobey_sonata-1975 +abstract_painting,Abstract_Expressionism,geta-bratescu_the-rule-of-the-circle-the-rule-of-the-game-1985(11) +abstract_painting,Abstract_Expressionism,helen-frankenthaler_tuscany-1963 +abstract_painting,Minimalism,yves-gaucher_untitled-9-1-a-17-1990 +abstract_painting,Abstract_Expressionism,mark-rothko_untitled-1948-2 +abstract_painting,Abstract_Expressionism,clyfford-still_untitled-1948 +abstract_painting,Minimalism,rodolfo-arico_untitled-1966-1 +abstract_painting,Abstract_Expressionism,henri-matisse_not-identified-5 +abstract_painting,Abstract_Expressionism,mark-tobey_untitled-1961 +abstract_painting,Color_Field_Painting,frank-stella_river-of-ponds-i-1971 +abstract_painting,Minimalism,dadamaino_volume-a-moduli-sfasati-1960 +abstract_painting,Abstract_Expressionism,sam-francis_untitled-sf-56-003-1956 +abstract_painting,Abstract_Expressionism,richard-diebenkorn_berkeley-no-46 +abstract_painting,Minimalism,denise-green_forces-at-play-1989 +abstract_painting,Abstract_Expressionism,dan-christensen_grus-1968 +abstract_painting,Abstract_Expressionism,joe-goode_ocean-blue-6-1988 +abstract_painting,Action_painting,jackson-pollock_one-number-31-1950 +abstract_painting,Color_Field_Painting,jack-bush_apple-blossom-burst-1971 +abstract_painting,Abstract_Expressionism,hans-hofmann_equipoise-1958 +abstract_painting,Abstract_Expressionism,mark-tobey_between-space-and-time-1965 +abstract_painting,Minimalism,agnes-martin_with-my-back-to-the-world-1997 +abstract_painting,Abstract_Expressionism,joan-mitchell_le-chemin-des-ecoliers-1960 +abstract_painting,Color_Field_Painting,jose-guerrero_untitled-1967 +abstract_painting,Abstract_Expressionism,helen-frankenthaler_c-te-d-argent-1980 +abstract_painting,Color_Field_Painting,barnett-newman_the-wild-1950 +abstract_painting,Minimalism,robert-mangold_1-2-manilla-curved-area-1967 +abstract_painting,Abstract_Expressionism,frank-stella_inaccessible-island-rail-1977 +abstract_painting,Abstract_Expressionism,howard-mehring_amarillo-1958 +abstract_painting,Minimalism,martin-barre_76-77-c-147-5x140-1977 +abstract_painting,Abstract_Expressionism,richard-diebenkorn_sausalito +abstract_painting,Color_Field_Painting,leon-berkowitz_unities-60-1973 +abstract_painting,Abstract_Expressionism,sam-francis_untitled-sfe-089-1993 +abstract_painting,Minimalism,martin-barre_unknown-title-1 +abstract_painting,Color_Field_Painting,pedro-calapez_escala-de-cor-04-2009 +abstract_painting,Color_Field_Painting,morris-louis_alpha-pi-1960 +abstract_painting,Abstract_Expressionism,andy-warhol_oxidation-painting-1978-1 +abstract_painting,Abstract_Expressionism,richard-pousette-dart_portrait-of-pegeen-1943 +abstract_painting,Color_Field_Painting,morris-louis_number-2-07-1961 +abstract_painting,Abstract_Expressionism,joan-mitchell_la-grande-vall-e-xvi-pour-iva-1983 +abstract_painting,Abstract_Expressionism,brice-marden_cyprian-evocation +abstract_painting,Abstract_Expressionism,sam-francis_decent-1982 +abstract_painting,Abstract_Expressionism,paul-jenkins_not_detected_235721 +abstract_painting,Abstract_Expressionism,robert-goodnough_adventure-ii-1963 +abstract_painting,Abstract_Expressionism,sam-francis_untitled-blue-balls-from-cross-9-1963 +abstract_painting,Color_Field_Painting,barnett-newman_voice-of-fire-1967 +abstract_painting,Abstract_Expressionism,robert-goodnough_mambo-1956 +abstract_painting,Abstract_Expressionism,cy-twombly_untitled-bastian-38 +abstract_painting,Abstract_Expressionism,richard-pousette-dart_untitled-1946 +abstract_painting,Color_Field_Painting,ellsworth-kelly_four-panels-1971 +abstract_painting,Abstract_Expressionism,bui-xuan-phai_abstract(5) +abstract_painting,Color_Field_Painting,barnett-newman_eleventh-station-1965 +abstract_painting,Color_Field_Painting,sam-francis_light-in-itself-1979 +abstract_painting,Cubism,carlos-merida_el-verano-1981 +abstract_painting,Color_Field_Painting,robert-goodnough_untitled-1961 +abstract_painting,Color_Field_Painting,anne-appleby_mulberry-2008 +abstract_painting,Abstract_Expressionism,sam-francis_flash-point(1) +abstract_painting,Color_Field_Painting,morris-louis_vertical-horizon-1961 +abstract_painting,Abstract_Expressionism,gene-davis_saber-dance-1952 +abstract_painting,Color_Field_Painting,piero-dorazio_wait-untitled-xix-1968 +abstract_painting,Abstract_Expressionism,paul-jenkins_phenomena-franklin-s-kite-1973 +abstract_painting,Color_Field_Painting,mark-rothko_no-18 +abstract_painting,Minimalism,brice-marden_mirabelle-addenda-2-1979 +abstract_painting,Color_Field_Painting,mark-rothko_untitled-1969-1(1) +abstract_painting,Abstract_Expressionism,jimmy-ernst_interior-and-silence-1967 +abstract_painting,Abstract_Expressionism,hassel-smith_untitled-yellow-1960 +abstract_painting,Abstract_Expressionism,alice-baber_golden-center-in-the-ladder-1970 +abstract_painting,Color_Field_Painting,gene-davis_renoir-s-curtain-1977 +abstract_painting,Color_Field_Painting,anne-appleby_sweet-pea-2008 +abstract_painting,Abstract_Expressionism,richard-diebenkorn_albuquerque-no-3 +abstract_painting,Abstract_Expressionism,sam-gilliam_horses-upside-down-1998 +abstract_painting,Action_painting,franz-kline_painting-no-7 +abstract_painting,Color_Field_Painting,leon-berkowitz_a-m-no-4-1978 +abstract_painting,Color_Field_Painting,sam-francis_back-off-1966 +abstract_painting,Color_Field_Painting,morris-louis_broad-turning-1958 +abstract_painting,Abstract_Expressionism,sam-francis_chinese-planet-1963 +abstract_painting,Color_Field_Painting,ad-reinhardt_abstract-painting-red-1952 +abstract_painting,Color_Field_Painting,jack-bush_split-circle-3-1961 +abstract_painting,Abstract_Expressionism,mostafa-dashti_untitled-2011 +abstract_painting,Abstract_Expressionism,robert-goodnough_nomads-1960 +abstract_painting,Minimalism,robert-ryman_untitled-from-six-aquatints-1975 +abstract_painting,Cubism,jack-bush_untitled-wc127-1952 +abstract_painting,Abstract_Expressionism,al-held_untitled-1954 +abstract_painting,Abstract_Expressionism,cy-twombly_iii-notes-from-salalah-note-ii +abstract_painting,Minimalism,giovanni-anselmo_studio-per-la-mia-ombra-verso-l-infinito-dalla-cima-dello-stromboli-durante-l-alba-del-16-1965 +abstract_painting,Abstract_Expressionism,vasile-dobrian_silence-grows-over-me-like-a-plant-from-the-archways-series +abstract_painting,Abstract_Expressionism,sam-gilliam_lattice-1981 +abstract_painting,Color_Field_Painting,howard-hodgkin_here-we-are-in-croydon-1979 +abstract_painting,Color_Field_Painting,pedro-calapez_folder-01-2009 +abstract_painting,Abstract_Expressionism,sam-francis_untitled-sf90-362-1990 +abstract_painting,Color_Field_Painting,mark-rothko_green-and-maroon +abstract_painting,Minimalism,roman-opalka_tau-1965 +abstract_painting,Minimalism,pierre-soulages_b-walnut-stain-1998 +abstract_painting,Abstract_Expressionism,joe-goode_clouds-1973 +abstract_painting,Color_Field_Painting,frank-bowling_who-s-afraid-of-barney-newman-1968 +abstract_painting,Color_Field_Painting,andre-pierre-arnal_ficelage-1 +abstract_painting,Abstract_Expressionism,theodoros-stamos_sun-moon-chalice-ii-1962 +abstract_painting,Cubism,max-weber_avoirdupois +abstract_painting,Color_Field_Painting,edward-avedisian_untitled-017-1965 +abstract_painting,Color_Field_Painting,richard-diebenkorn_ocean-park-no-139 +abstract_painting,Color_Field_Painting,paul-feeley_untitled +abstract_painting,Abstract_Expressionism,raoul-ubac_composition-56 +abstract_painting,Abstract_Expressionism,philip-guston_close-up-iii-1961 +abstract_painting,Color_Field_Painting,esteban-vicente_silver-light-1975 +abstract_painting,Color_Field_Painting,gene-davis_battle-for-grownups-1970 +abstract_painting,Minimalism,sol-lewitt_alternate-not-straight-lines-from-the-right-side-and-broken-lines-from-the-left-side-of-random-1972 +abstract_painting,Abstract_Expressionism,dan-christensen_dromos-1986 +abstract_painting,Color_Field_Painting,ray-parker_untitled-1968 +abstract_painting,Minimalism,mark-rothko_no-5-1964 +abstract_painting,Minimalism,robert-ryman_untitled(3) +abstract_painting,Color_Field_Painting,paul-feeley_alioth-1964 +abstract_painting,Action_painting,franz-kline_mycenae-1958 +abstract_painting,Minimalism,joe-goode_untitled-vandalism-series +abstract_painting,Minimalism,henk-peeters_untitled-1 +abstract_painting,Abstract_Expressionism,rafa-nasiri_untitled-028-1981 +abstract_painting,Color_Field_Painting,friedel-dzubas_untitled-exp-fd-5-7 +abstract_painting,Minimalism,henk-peeters_5-pieces-of-cotton-whool-1962 +abstract_painting,Color_Field_Painting,jose-guerrero_untitled +abstract_painting,Abstract_Expressionism,kazuo-nakamura_inner-structure-1954 +abstract_painting,Abstract_Expressionism,sam-francis_untitled-sf-315-1986 +abstract_painting,Minimalism,jean-degottex_horlignes-21-1969 +abstract_painting,Color_Field_Painting,barnett-newman_onement-i +abstract_painting,Abstract_Expressionism,joan-snyder_first-anniversary-1970 +abstract_painting,Color_Field_Painting,alma-woodsey-thomas_atmospheric-effects-i-1970 +abstract_painting,Cubism,jacques-villon_composition-1947 +abstract_painting,Color_Field_Painting,frank-stella_kufa-gate-1968 +abstract_painting,Abstract_Expressionism,howard-hodgkin_venice-afternoon-1995 +abstract_painting,Color_Field_Painting,ronnie-landfield_jacob-in-the-wilderness-1986 +abstract_painting,Abstract_Expressionism,jay-defeo_untitled-jewelry-series-1977 +abstract_painting,Minimalism,richard-tuttle_letters-the-twenty-six-series-1966 +abstract_painting,Expressionism,pierre-alechinsky_stars-and-disasters-astres-et-d-sastres-1969-1(7) +abstract_painting,Color_Field_Painting,gene-davis_black-popcorn-1969 +abstract_painting,Color_Field_Painting,ellsworth-kelly_blue-on-white-1961 +abstract_painting,Color_Field_Painting,paul-feeley_untitled-1956 +abstract_painting,Minimalism,luciano-bartolini_kleenex-1974 +abstract_painting,Color_Field_Painting,pedro-calapez_paisagem-mayor-2009 +abstract_painting,Abstract_Expressionism,friedel-dzubas_untitled(1) +abstract_painting,Abstract_Expressionism,robert-goodnough_struggle-1967 +abstract_painting,Minimalism,brice-marden_untitled-1963 +abstract_painting,Abstract_Expressionism,richard-diebenkorn_sausalito-1 +abstract_painting,Abstract_Expressionism,geta-bratescu_the-rule-of-the-circle-the-rule-of-the-game-1985(10) +abstract_painting,Abstract_Expressionism,robert-goodnough_impact-1971 +abstract_painting,Abstract_Expressionism,frank-stella_untitled-green-1957 +abstract_painting,Minimalism,robert-ryman_points-1963 +abstract_painting,Minimalism,lee-ufan_untitled-2008-1 +abstract_painting,Abstract_Expressionism,paul-jenkins_not_detected_235683 +abstract_painting,Color_Field_Painting,theodoros-stamos_infinity-field-lefkada-series-1980-1 +abstract_painting,Abstract_Expressionism,helen-frankenthaler_seascape-with-dunes-1962 +abstract_painting,Minimalism,alvaro-lapa_gauguin-1979 +abstract_painting,Abstract_Expressionism,mark-tobey_not-identified +abstract_painting,Minimalism,robert-ryman_untitled-1961 +abstract_painting,Color_Field_Painting,alma-woodsey-thomas_starry-night-and-the-astronauts-1972 +abstract_painting,Minimalism,denise-green_surya-chandra-1-1986 +abstract_painting,Abstract_Expressionism,conrad-marca-relli_s-4-62-1962 +abstract_painting,Abstract_Expressionism,jimmy-ernst_a-time-for-fear-1949 +abstract_painting,Minimalism,yves-gaucher_trinome-6-2-c-32 +abstract_painting,Color_Field_Painting,michel-carrade_unknown-title-14 +abstract_painting,Abstract_Expressionism,joan-mitchell_minnesota-1980 +abstract_painting,Minimalism,park-seo-bo_ecriture-no-960201-1996 +abstract_painting,Abstract_Expressionism,paul-jenkins_not_detected_235705 +abstract_painting,Color_Field_Painting,ad-reinhardt_abstract-painiting-1963 +abstract_painting,Abstract_Expressionism,paul-jenkins_not_detected_235700 +abstract_painting,Abstract_Expressionism,vasile-dobrian_during-life-man-exhibits-his-lucidity-during-death-oblivion +abstract_painting,Minimalism,frank-stella_die-fahne-hoch-1959 +abstract_painting,Abstract_Expressionism,joan-snyder_pumpkin-field-iii-2012 +abstract_painting,Color_Field_Painting,sam-francis_untitled-edge-1966 +abstract_painting,Color_Field_Painting,alma-woodsey-thomas_new-galaxy-1970 +abstract_painting,Abstract_Expressionism,ronnie-landfield_spirit-in-the-sky-1969 +abstract_painting,Minimalism,joan-hernandez-pijuan_azulejos-de-granada-1994 +abstract_painting,Minimalism,joan-hernandez-pijuan_nuvol-rosa-2-1990 +abstract_painting,Minimalism,agnes-martin_untitled-white-flower-1961 +abstract_painting,Abstract_Expressionism,manabu-mabe_life +abstract_painting,Color_Field_Painting,gene-davis_half-lemon-1969 +abstract_painting,Color_Field_Painting,terry-frost_may-1962-stays-1962 +abstract_painting,Minimalism,rodolfo-arico_poligonale-1993 +abstract_painting,Abstract_Expressionism,basil-beattie_imagine-if-1993 +abstract_painting,Color_Field_Painting,mario-cesariny_sem-t-tulo-2004 +abstract_painting,Color_Field_Painting,leon-berkowitz_source-3-1976 +abstract_painting,Color_Field_Painting,louis-cane_toile-d-coup-e-1975 +abstract_painting,Color_Field_Painting,terry-frost_stacked-on-the-side-1970 +abstract_painting,Abstract_Expressionism,joan-mitchell_the-lot-1971 +abstract_painting,Expressionism,ligia-macovei_unknown-title-5 +abstract_painting,Minimalism,jo-baer_untitled-1965 +abstract_painting,Color_Field_Painting,ian-davenport_puddle-painting-magenta-2008 +abstract_painting,Abstract_Expressionism,richard-diebenkorn_berkeley-no-20 +abstract_painting,Minimalism,daniel-buren_peinture-acrylique-blanche-sur-tissu-ray-blanc-et-gris-clair-1967 +abstract_painting,Abstract_Expressionism,frank-stella_one-small-goat-papa-bought-for-two-zuzim-1984 +abstract_painting,Color_Field_Painting,theodoros-stamos_untitled-1959 +abstract_painting,Abstract_Expressionism,aki-kuroda_untitled-1988 +abstract_painting,Abstract_Expressionism,richard-diebenkorn_untitled-m +abstract_painting,Abstract_Expressionism,clyfford-still_1947-s-1947 +abstract_painting,Color_Field_Painting,paul-feeley_alnium-1964 +abstract_painting,Color_Field_Painting,jack-bush_bluegold-1973 +abstract_painting,Color_Field_Painting,gene-davis_pink-stripe-1960 +abstract_painting,Abstract_Expressionism,ronnie-landfield_saint-augustine-1968 +abstract_painting,Abstract_Expressionism,joan-miro_not_detected_227980 +abstract_painting,Color_Field_Painting,perle-fine_cool-series-no-46-spanking-fresh-1963 +abstract_painting,Abstract_Expressionism,richard-pousette-dart_chavade-1951 +abstract_painting,Color_Field_Painting,alma-woodsey-thomas_autumn-leaves-fluttering-in-the-breeze-1973 +abstract_painting,Minimalism,ralph-hotere_red-on-black-1969 +abstract_painting,Color_Field_Painting,ray-parker_untitled-1967-2 +abstract_painting,Color_Field_Painting,ellsworth-kelly_dominican-1952-1 +abstract_painting,Abstract_Expressionism,sam-francis_st-g70-033-1970 +abstract_painting,Abstract_Expressionism,sam-francis_untitled-sf220s-1976 +abstract_painting,Color_Field_Painting,sam-francis_untitled-sf54-077-1954 +abstract_painting,Abstract_Expressionism,hans-hofmann_nocturnal-splendor-1963 +abstract_painting,Color_Field_Painting,mark-rothko_untitled-12 +abstract_painting,Abstract_Expressionism,helen-frankenthaler_beginnings-2002 +abstract_painting,Minimalism,frank-stella_turkish-mambo-1967 +abstract_painting,Abstract_Expressionism,richard-pousette-dart_from-the-edge-of-darkness-1992 +abstract_painting,Abstract_Expressionism,yayoi-kusama_dots-2004 +abstract_painting,Color_Field_Painting,bridget-riley_ecclesia-1985 +abstract_painting,Abstract_Expressionism,sam-francis_berlin-red-1970 +abstract_painting,Color_Field_Painting,mario-cesariny_sem-t-tulo-2 +abstract_painting,Cubism,louis-schanker_football +abstract_painting,Color_Field_Painting,paul-reed_8-1965 +abstract_painting,Color_Field_Painting,dan-christensen_troubador-1998 +abstract_painting,Abstract_Expressionism,john-mccracken_untitled-december-6-1973-1973 +abstract_painting,Minimalism,martin-barre_unknown-title-2 +abstract_painting,Color_Field_Painting,ronnie-landfield_catalan-via-paris-1984 +abstract_painting,Abstract_Expressionism,aki-kuroda_conti-nuit-1979 +abstract_painting,Color_Field_Painting,alma-woodsey-thomas_springtime-in-washington-1971 +abstract_painting,Minimalism,fred-sandback_six-lithographs-1975 +abstract_painting,Color_Field_Painting,olivier-debre_le-rideau-rouge-ch-teauroux-1987 +abstract_painting,Color_Field_Painting,olivier-debre_composition-bleue-taches-rouge-et-jaune +abstract_painting,Action_painting,franz-kline_four-square-1956 +abstract_painting,Color_Field_Painting,walter-darby-bannard_liberty-garden-1972 +abstract_painting,Minimalism,park-seo-bo_ecriture-no-070628-2007 +abstract_painting,Color_Field_Painting,ad-reinhardt_abstract-painting-blue-1953-1 +abstract_painting,Minimalism,joan-hernandez-pijuan_shadow-1977 +abstract_painting,Abstract_Expressionism,mostafa-dashti_untitled-2008(1) +abstract_painting,Pop_Art,tsuruko-yamazaki_untitled-1964 +abstract_painting,Abstract_Expressionism,arthur-pinajian_untitled-landscape-bellport-no-1042-1991 +abstract_painting,Abstract_Expressionism,victor-pasmore_brown-symphony-1979 +abstract_painting,Abstract_Expressionism,gerhard-richter_untitled +abstract_painting,Color_Field_Painting,gene-davis_long-john-1968 +abstract_painting,Abstract_Expressionism,joan-snyder_landscape-1970 +abstract_painting,Abstract_Expressionism,theodoros-stamos_reward-2-1960 +abstract_painting,Abstract_Expressionism,edward-corbett_untitled-1945 +abstract_painting,Color_Field_Painting,anne-appleby_redbud-2008 +abstract_painting,Minimalism,jean-degottex_chattigraphie-1974 +abstract_painting,Abstract_Expressionism,friedel-dzubas_hope-distant-1987 +abstract_painting,Minimalism,agnes-martin_untitled-1977-2 +abstract_painting,Abstract_Expressionism,alma-woodsey-thomas_the-stormy-sea-1958 +abstract_painting,Color_Field_Painting,clyfford-still_untitled-1952 +abstract_painting,Color_Field_Painting,morris-louis_vav-1960 +abstract_painting,Abstract_Expressionism,esteban-vicente_balada-1959 +abstract_painting,Color_Field_Painting,ron-gorchov_la-piva-2012 +abstract_painting,Cubism,carlos-merida_duo +abstract_painting,Abstract_Expressionism,paul-jenkins_phenomena-agate-bridge-1978 +abstract_painting,Abstract_Expressionism,hans-hofmann_rising-moon-1964 +abstract_painting,Color_Field_Painting,john-hoyland_vigil-1980 +abstract_painting,Color_Field_Painting,charles-hinman_double-kite-1981 +abstract_painting,Abstract_Expressionism,arshile-gorky_soft-night +abstract_painting,Abstract_Expressionism,william-baziotes_sea-phantoms-1952 +abstract_painting,Abstract_Expressionism,vasile-dobrian_germination +abstract_painting,Abstract_Expressionism,paul-jenkins_not_detected_235703 +abstract_painting,Color_Field_Painting,sam-francis_untitled-1965-2 +abstract_painting,Abstract_Expressionism,mark-tobey_electric-night-1944 +abstract_painting,Minimalism,sol-lewitt_untitled +abstract_painting,Color_Field_Painting,jack-bush_big-a-1968 +abstract_painting,Action_painting,franz-kline_untitled-1956 +abstract_painting,Minimalism,frank-stella_del-mar-from-race-track-series-1972 +abstract_painting,Color_Field_Painting,theodoros-stamos_infinity-field-lefkada-series-1983 +abstract_painting,Color_Field_Painting,gene-davis_red-picnic-1984 +abstract_painting,Color_Field_Painting,john-ferren_yellow-field-1960 +abstract_painting,Color_Field_Painting,sam-francis_untitled-sf71-045-1971 +abstract_painting,Abstract_Expressionism,joan-snyder_spring-eternal-2012 +abstract_painting,Abstract_Expressionism,mark-tobey_crystallizations-1944 +abstract_painting,Color_Field_Painting,jorge-martins_untitled-1984 +abstract_painting,Action_painting,jackson-pollock_enchanted-forest-1947 +abstract_painting,Abstract_Expressionism,robert-goodnough_7-7-n-1992 +abstract_painting,Abstract_Expressionism,sam-francis_untitled-sf66-006-1966 +abstract_painting,Abstract_Expressionism,richard-diebenkorn_berkeley +abstract_painting,Color_Field_Painting,ron-gorchov_untitled-1968 +abstract_painting,Color_Field_Painting,gene-davis_red-devil-1959(1) +abstract_painting,Abstract_Expressionism,gotthard-graubner_untitled-2000 +abstract_painting,Abstract_Expressionism,ronald-davis_window-1969 +abstract_painting,Abstract_Expressionism,richard-diebenkorn_berkeley-no-54 +abstract_painting,Abstract_Expressionism,mark-tobey_winter-leaves-1974 +abstract_painting,Abstract_Expressionism,william-scott_orange-and-white-1962 +abstract_painting,Color_Field_Painting,gene-davis_green-stripes-1970 +abstract_painting,Color_Field_Painting,sam-francis_untitled-1983 +abstract_painting,Minimalism,john-mclaughlin_number-3-1961 +abstract_painting,Color_Field_Painting,gene-davis_solar-diary-needle-park-1972(1) +abstract_painting,Color_Field_Painting,gene-davis_tom-s-furnace-1961 +abstract_painting,Abstract_Expressionism,paul-jenkins_not_detected_235714 +abstract_painting,Abstract_Expressionism,sam-francis_blue-bones-1964 +abstract_painting,Color_Field_Painting,morris-louis_saf-1959 +abstract_painting,Abstract_Expressionism,brice-marden_untitled-with-green-1989 +abstract_painting,Color_Field_Painting,gene-davis_passion-flower-1968(1) +abstract_painting,Color_Field_Painting,morris-louis_beta-upsilon-1960 +abstract_painting,Color_Field_Painting,barnett-newman_outcry-1958 +abstract_painting,Abstract_Expressionism,richard-diebenkorn_urbana-no-62 +abstract_painting,Abstract_Expressionism,philip-guston_last-piece-1958 +abstract_painting,Color_Field_Painting,morris-louis_beta-lambda-1961 +abstract_painting,Cubism,jacques-villon_la-faucheuse-aux-cheveaux-de-dos +abstract_painting,Abstract_Expressionism,richard-tuttle_blues-overlapping-no-3-1989 +abstract_painting,Color_Field_Painting,barnett-newman_thirteenth-station-1966 +abstract_painting,Abstract_Expressionism,friedel-dzubas_rush +abstract_painting,Color_Field_Painting,anne-appleby_maple-grove-2008 +abstract_painting,Abstract_Expressionism,william-baziotes_white-bird-1957 +abstract_painting,Color_Field_Painting,morris-louis_delta-zeta-1960 +abstract_painting,Abstract_Expressionism,hans-hofmann_equinox-1958 +abstract_painting,Abstract_Expressionism,bradley-walker-tomlin_number-13-1952 +abstract_painting,Minimalism,enrico-castellani_topologema-2-1-1972 +abstract_painting,Color_Field_Painting,barnett-newman_black-fire-i-1963 +abstract_painting,Abstract_Expressionism,sam-francis_bouquet +abstract_painting,Abstract_Expressionism,jean-paul-riopelle_constructions-chim-riques-1967 +abstract_painting,Color_Field_Painting,sam-francis_untitled-1957 +abstract_painting,Color_Field_Painting,olivier-debre_rouge-coule-de-touraine-1990 +abstract_painting,Abstract_Expressionism,sam-francis_middle-blue-1957 +abstract_painting,Abstract_Expressionism,frank-stella_shards-iii +abstract_painting,Color_Field_Painting,barnett-newman_canto-xi-1964 +abstract_painting,Color_Field_Painting,ronnie-landfield_surface-of-coral-1981 +abstract_painting,Abstract_Expressionism,dan-christensen_ray-2000 +abstract_painting,Abstract_Expressionism,paul-jenkins_not_detected_235713 +abstract_painting,Abstract_Expressionism,frank-stella_the-waves-i-hark-1989 +abstract_painting,Minimalism,richard-tuttle_waferboard-4-1996 +abstract_painting,Abstract_Expressionism,sam-francis_untitled-sf-354-1992 +abstract_painting,Action_painting,jackson-pollock_cathedral-1947 +abstract_painting,Abstract_Expressionism,willem-de-kooning_special-delivery +abstract_painting,Abstract_Expressionism,jack-tworkov_brake-iii-1960 +abstract_painting,Color_Field_Painting,clyfford-still_untitled-1957 +abstract_painting,Minimalism,kazuo-nakamura_number-structure-3-1981 +abstract_painting,Color_Field_Painting,perle-fine_cool-series-dark-pink-over-brown-1963 +abstract_painting,Pop_Art,nicholas-krushenick_untitled-1962 +abstract_painting,Color_Field_Painting,clyfford-still_untitled-1962 +abstract_painting,Abstract_Expressionism,helen-frankenthaler_desert-pass-1976 +abstract_painting,Abstract_Expressionism,willem-de-kooning_two-figures +abstract_painting,Color_Field_Painting,alma-woodsey-thomas_oriental-garden-concerto-1976 +abstract_painting,Minimalism,anne-truitt_30-july-1973-1973 +abstract_painting,Minimalism,william-scott_full-house-1963 +abstract_painting,Color_Field_Painting,jack-bush_tall-spread-1966 +abstract_painting,Minimalism,alex-hay_long-time-brown-2008 +abstract_painting,Color_Field_Painting,gotthard-graubner_crescendo-2006 +abstract_painting,Color_Field_Painting,doug-ohlson_new-mexico-1985 +abstract_painting,Abstract_Expressionism,jay-defeo_the-jewel-1959 +abstract_painting,Abstract_Expressionism,conrad-marca-relli_the-woman-of-samura-1958 +abstract_painting,Minimalism,park-seo-bo_ecriture-no-060805 +abstract_painting,Minimalism,pat-lipsky_tulips-1992 +abstract_painting,Abstract_Expressionism,jean-paul-riopelle_untitled-1955 +abstract_painting,Color_Field_Painting,anne-appleby_verona-variation-4-2003 +abstract_painting,Action_painting,jackson-pollock_convergence-1952 +abstract_painting,Minimalism,ruth-vollmer_oval-construction-konstruktionszeichnung-1970 +abstract_painting,Color_Field_Painting,morris-louis_number-182-1961 +abstract_painting,Color_Field_Painting,mark-rothko_red-white-and-brown +abstract_painting,Abstract_Expressionism,jack-tworkov_thursday-1960 +abstract_painting,Color_Field_Painting,frank-stella_honduras-lottery-co-1972 +abstract_painting,Abstract_Expressionism,rafa-nasiri_untitled-025-1979 +abstract_painting,Abstract_Expressionism,perle-fine_untitled-brown-red-green-white-1950 +abstract_painting,Minimalism,aki-kuroda_yellow-box-pass-1996 +abstract_painting,Color_Field_Painting,mario-cesariny_linha-d-gua +abstract_painting,Abstract_Expressionism,alice-baber_music-of-the-jaguar-1977 +abstract_painting,Abstract_Expressionism,mark-tobey_untitled-1966 +abstract_painting,Abstract_Expressionism,betty-parsons_going-up-1978 +abstract_painting,Abstract_Expressionism,john-ferren_the-changeling-1964 +abstract_painting,Abstract_Expressionism,joan-snyder_tell-my-sister-2012 +abstract_painting,Minimalism,brice-marden_sea-painting-i-1974 +abstract_painting,Abstract_Expressionism,kazuo-nakamura_inner-view-1954 +abstract_painting,Color_Field_Painting,olivier-debre_bleu +abstract_painting,Abstract_Expressionism,sam-francis_when-white-1964 +abstract_painting,Minimalism,martin-barre_unknown-title +abstract_painting,Color_Field_Painting,olivier-debre_petit-jardin-du-jaune-1976 +abstract_painting,Minimalism,agnes-martin_night-sea-1963 +abstract_painting,Cubism,afro_cronaca-autobiographia-1953 +abstract_painting,Abstract_Expressionism,joan-mitchell_untitled-1973 +abstract_painting,Abstract_Expressionism,arthur-pinajian_untitled-landscape-bellport-no-942-1984 +abstract_painting,Minimalism,richard-tuttle_sand-tree-2-1988 +abstract_painting,Abstract_Expressionism,theodoros-stamos_edge-of-burning-brush-1986 +abstract_painting,Abstract_Expressionism,ronnie-landfield_untitled-1969(2) +abstract_painting,Minimalism,kazuo-nakamura_central-4 +abstract_painting,Abstract_Expressionism,theodoros-stamos_infinity-field-lefkada-series-1980(2) +abstract_painting,Abstract_Expressionism,wu-guanzhong_spring-breeze-2001 +abstract_painting,Abstract_Expressionism,perle-fine_tyranny-of-space-1946 +abstract_painting,Minimalism,rodolfo-arico_assonometria-blu-1969 +abstract_painting,Abstract_Expressionism,joan-mitchell_untitled-1962 +abstract_painting,Abstract_Expressionism,jay-defeo_easter-lily-1956 +abstract_painting,Abstract_Expressionism,yayoi-kusama_beyond-the-end-of-the-century-1987 +abstract_painting,Color_Field_Painting,frank-stella_untitled-1967 +abstract_painting,Abstract_Expressionism,paul-reed_gje-2004 +abstract_painting,Abstract_Expressionism,joan-snyder_flesh-art-1974 +abstract_painting,Color_Field_Painting,mark-rothko_red-and-brown +abstract_painting,Abstract_Expressionism,kazuo-nakamura_morning-mist-1951 +abstract_painting,Abstract_Expressionism,helen-frankenthaler_bridges-1996 +abstract_painting,Color_Field_Painting,louis-cane_toile-tamponn-e-1967-1 +abstract_painting,Minimalism,denise-green_two-figures-1976 +abstract_painting,Color_Field_Painting,dan-christensen_tdb +abstract_painting,Abstract_Expressionism,sam-francis_speck-1971 +abstract_painting,Abstract_Expressionism,terry-frost_yellow-triptych-1959 +abstract_painting,Color_Field_Painting,helen-frankenthaler_blue-atmosphere-iii-1963 +abstract_painting,Abstract_Expressionism,jackson-pollock_mural +abstract_painting,Color_Field_Painting,paul-feeley_abstract-red-and-yellow +abstract_painting,Color_Field_Painting,anne-appleby_thaw-2-2011 +abstract_painting,Minimalism,luciano-bartolini_untitled-1973 +abstract_painting,Abstract_Expressionism,sam-francis_untitled-sf75-1117-1975 +abstract_painting,Color_Field_Painting,gene-davis_zebra-1969 +abstract_painting,Abstract_Expressionism,paul-reed_gln-2005 +abstract_painting,Expressionism,ilka-gedo_nodding-artificial-flower-red-version-1972 +abstract_painting,Color_Field_Painting,anne-appleby_susquehanna-2007 +abstract_painting,Abstract_Expressionism,manabu-mabe_untitled-1966 +abstract_painting,Abstract_Expressionism,sam-francis_untitled-sf-236-1978 +abstract_painting,Abstract_Expressionism,paul-jenkins_not_detected_235686 +abstract_painting,Abstract_Expressionism,jack-tworkov_choir +abstract_painting,Color_Field_Painting,helen-frankenthaler_small-s-paradise-1964 +abstract_painting,Abstract_Expressionism,alice-baber_before-songs-1962 +abstract_painting,Abstract_Expressionism,richard-diebenkorn_ocean-park-no-131 +abstract_painting,Expressionism,ramon-oviedo_eternidad-absoluta +abstract_painting,Minimalism,yves-klein_untitled-white-monochrome-1957-1 +abstract_painting,Minimalism,frank-stella_sidney-guberman-from-purple-series-1972 +abstract_painting,Minimalism,paul-brach_the-negative-way-5-1964 +abstract_painting,Pop_Art,tsuruko-yamazaki_work-1964 +abstract_painting,Color_Field_Painting,theodoros-stamos_aristo-i-1959 +abstract_painting,Abstract_Expressionism,jack-bush_blue-pyramid-1947 +abstract_painting,Abstract_Expressionism,lee-krasner_untitled-1969 +abstract_painting,Color_Field_Painting,ellsworth-kelly_spectrum-iv-1967 +abstract_painting,Minimalism,pierre-soulages_peinture-11-juillet-1987-1987 +abstract_painting,Abstract_Expressionism,paul-jenkins_not_detected_235709 +abstract_painting,Minimalism,larry-bell_diptych-1971 +abstract_painting,Minimalism,brice-marden_untitled(1) +abstract_painting,Action_painting,franz-kline_torches-mauve-1960 +abstract_painting,Color_Field_Painting,gene-davis_gothic-jab-1968 +abstract_painting,Abstract_Expressionism,richard-pousette-dart_moon-meditation-1960 +abstract_painting,Minimalism,paul-brach_the-negative-way-2-1964 +abstract_painting,Abstract_Expressionism,gene-davis_bridge-1952 +abstract_painting,Color_Field_Painting,paul-feeley_untitled-1965 +abstract_painting,Abstract_Expressionism,sam-francis_senza-titolo-iii-1987 +abstract_painting,Abstract_Expressionism,wu-guanzhong_houses-of-the-south-2007 +abstract_painting,Action_painting,jackson-pollock_number-6-1949(1) +abstract_painting,Color_Field_Painting,clyfford-still_untitled-1960 +abstract_painting,Abstract_Expressionism,willem-de-kooning_still-life +abstract_painting,Color_Field_Painting,gotthard-graubner_lysis-2003 +abstract_painting,Color_Field_Painting,morris-louis_hot-half-1962 +abstract_painting,Abstract_Expressionism,sam-francis_blue-47-1961 +abstract_painting,Abstract_Expressionism,bui-xuan-phai_abstract +abstract_painting,Color_Field_Painting,bridget-riley_ra-2-1981 +abstract_painting,Color_Field_Painting,olivier-debre_composition-abstraite-1978 +abstract_painting,Abstract_Expressionism,hans-hofmann_little-cherry-1965 +abstract_painting,Color_Field_Painting,gene-davis_untitled-1976 +abstract_painting,Color_Field_Painting,sam-francis_untitled-1987 +abstract_painting,Abstract_Expressionism,frank-lobdell_summer-in-memory-of-james-budd-dixon-1967 +abstract_painting,Minimalism,frank-stella_zambesi-from-black-series-ii-1967 +abstract_painting,Color_Field_Painting,gene-davis_blue-bird-1978 +abstract_painting,Color_Field_Painting,olivier-debre_tout-vert-1966 +abstract_painting,Minimalism,park-seo-bo_ecriture-no-050319 +abstract_painting,Pop_Art,nicholas-krushenick_untitled-1963 +abstract_painting,Color_Field_Painting,sam-gilliam_castle-banner-5-2004 +abstract_painting,Abstract_Expressionism,ralph-rosenborg_monhegan-island-seascape-1959 +abstract_painting,Minimalism,rodolfo-arico_assonometria +abstract_painting,Color_Field_Painting,gene-davis_lime-lemon-1970(1) +abstract_painting,Abstract_Expressionism,clyfford-still_1947-y-no-2-1947 +abstract_painting,Color_Field_Painting,jose-guerrero_black-whims-with-yellow-1966 +abstract_painting,Minimalism,brice-marden_summer-table-1972 +abstract_painting,Color_Field_Painting,barnett-newman_canto-iii-1963 +abstract_painting,Cubism,jack-bush_untitled +abstract_painting,Color_Field_Painting,theodoros-stamos_untitled-1971 +abstract_painting,Pop_Art,nicholas-krushenick_quick-red-fox-1963 +abstract_painting,Abstract_Expressionism,sam-francis_untitled-from-pasadena-box-lembark-l58-1963 +abstract_painting,Color_Field_Painting,piero-dorazio_untitled-v-1967 +abstract_painting,Color_Field_Painting,clyfford-still_ph-1023-1976 +abstract_painting,Abstract_Expressionism,willem-de-kooning_asheville(1) +abstract_painting,Abstract_Expressionism,hedda-sterne_alaska-1-1958 +abstract_painting,Abstract_Expressionism,jay-defeo_cabbage-rose-1975 +abstract_painting,Pop_Art,aki-kuroda_night-2011 +abstract_painting,Cubism,carlos-merida_el-doble-1977 +abstract_painting,Abstract_Expressionism,joan-mitchell_tondo-1991 +abstract_painting,Minimalism,richard-tuttle_water-1965 +abstract_painting,Color_Field_Painting,frank-stella_protractor-variation-ix-1968 +abstract_painting,Color_Field_Painting,pedro-calapez_asa-02-2007 +abstract_painting,Minimalism,martin-barre_66-6-a-1966 +abstract_painting,Abstract_Expressionism,hedda-sterne_n-y-1-road-4-1956 +abstract_painting,Minimalism,walter-darby-bannard_the-elders-1959 +abstract_painting,Color_Field_Painting,brice-marden_untitled-lewison-24-5 +abstract_painting,Color_Field_Painting,john-hoyland_30-7-75-1975 +abstract_painting,Abstract_Expressionism,joan-miro_not_detected_227958 +abstract_painting,Abstract_Expressionism,willem-de-kooning_painting +abstract_painting,Abstract_Expressionism,dan-christensen_pr-1967 +abstract_painting,Color_Field_Painting,ellsworth-kelly_blue-from-the-series-line-form-color-1951 +abstract_painting,Abstract_Expressionism,sam-francis_king-corpse-sfs-288-1986 +abstract_painting,Pop_Art,nicholas-krushenick_skyscape-ii-1988 +abstract_painting,Color_Field_Painting,morris-louis_untitled-1960-1 +abstract_painting,Minimalism,rodolfo-arico_secret-1966 +abstract_painting,Color_Field_Painting,michel-carrade_unknown-title-2 +abstract_painting,Cubism,mario-sironi_composition-with-propeller +abstract_painting,Minimalism,ronald-davis_large-chartreuse-1965 +abstract_painting,Abstract_Expressionism,howard-mehring_untitled-1962 +abstract_painting,Abstract_Expressionism,william-baziotes_untitled-1962 +abstract_painting,Abstract_Expressionism,john-ferren_untitled-1959 +abstract_painting,Abstract_Expressionism,sam-francis_tokyo-1974 +abstract_painting,Abstract_Expressionism,paul-jenkins_not_detected_235710 +abstract_painting,Color_Field_Painting,louis-cane_papier-d-coup-1967-2 +abstract_painting,Abstract_Expressionism,jimmy-ernst_equations-1965 +abstract_painting,Color_Field_Painting,leon-berkowitz_innisphere-1978 +abstract_painting,Minimalism,jiro-yoshihara_circle-1971 +abstract_painting,Abstract_Expressionism,richard-pousette-dart_celebration-birth-1976 +abstract_painting,Abstract_Expressionism,willem-de-kooning_untitled-2-from-quatre-lithographies +abstract_painting,Minimalism,lee-ufan_from-winds-1985 +abstract_painting,Abstract_Expressionism,richard-pousette-dart_fugue-number-2-1943 +abstract_painting,Minimalism,rodolfo-arico_untitled +abstract_painting,Color_Field_Painting,john-hoyland_moon-s-milk-2009 +abstract_painting,Abstract_Expressionism,willem-de-kooning_fire-island +abstract_painting,Abstract_Expressionism,howard-hodgkin_dinner-at-smith-square-1979 +abstract_painting,Abstract_Expressionism,helen-frankenthaler_tales-of-genji-iii-1887 +abstract_painting,Abstract_Expressionism,jackson-pollock_the-she-wolf(1) +abstract_painting,Abstract_Expressionism,gerhard-richter_abstract-painting-805-4 +abstract_painting,Abstract_Expressionism,brice-marden_han-shan-exit-1992 +abstract_painting,Abstract_Expressionism,mark-tobey_screenshot +abstract_painting,Minimalism,joan-hernandez-pijuan_coms-flors-verdes-sobre-negre-2-1996 +abstract_painting,Minimalism,genevieve-asse_ligne-rouge-ii-n-19-1984 +abstract_painting,Abstract_Expressionism,frank-stella_the-great-heidelburgh-tun-1988 +abstract_painting,Minimalism,paul-brach_the-negative-way-8-1864 +abstract_painting,Abstract_Expressionism,joe-goode_untitled-no-4-1974 +abstract_painting,Cubism,andre-masson_untitled +abstract_painting,Abstract_Expressionism,manabu-mabe_com-dourados +abstract_painting,Abstract_Expressionism,raoul-ubac_le-bout-du-champ-1972 +abstract_painting,Abstract_Expressionism,barnett-newman_untitled-red-yellow-and-green-forms-on-a-purple-ground +abstract_painting,Abstract_Expressionism,conrad-marca-relli_image-no-9-1969 +abstract_painting,Minimalism,robert-ryman_untitled-1962 +abstract_painting,Abstract_Expressionism,basil-beattie_city-1986 +abstract_painting,Minimalism,agnes-martin_columns +abstract_painting,Abstract_Expressionism,brice-marden_white-ground-letter-2010 +abstract_painting,Color_Field_Painting,larry-zox_rotation-b-1964 +abstract_painting,Abstract_Expressionism,kazuo-nakamura_inner-view-3-1955 +abstract_painting,Abstract_Expressionism,kenzo-okada_a-well-1966 +abstract_painting,Abstract_Expressionism,gotthard-graubner_untitled-2004 +abstract_painting,Minimalism,alvaro-lapa_c-line-s-notebook-1990 +abstract_painting,Color_Field_Painting,anne-appleby_willow-and-aspen-2011 +abstract_painting,Minimalism,park-seo-bo_ecriture-no-40-84-1984 +abstract_painting,Abstract_Expressionism,willem-de-kooning_untitled-1986 +abstract_painting,Color_Field_Painting,jack-bush_cross-over-1974 +abstract_painting,Color_Field_Painting,barnett-newman_canto-ix-1963 +abstract_painting,Minimalism,conrad-marca-relli_untitled-1969 +abstract_painting,Minimalism,jean-degottex_grille-color-branc-ii-1983 +abstract_painting,Color_Field_Painting,morris-louis_roseate-1960(1) +abstract_painting,Minimalism,rodolfo-arico_unknown-title +abstract_painting,Abstract_Expressionism,cy-twombly_coronation-of-sesostris +abstract_painting,Abstract_Expressionism,louis-schanker_untitled +abstract_painting,Abstract_Expressionism,sam-francis_la-primavera-1988(1) +abstract_painting,Abstract_Expressionism,hassel-smith_untitled-1992 +abstract_painting,Abstract_Expressionism,vasile-dobrian_how-sad-the-passing-of-light-through-the-decolletage-of-autumn-from-the-archways-series +abstract_painting,Abstract_Expressionism,joan-snyder_summer-orange-1970 +abstract_painting,Abstract_Expressionism,mark-tobey_they-ve-come-back +abstract_painting,Abstract_Expressionism,richard-diebenkorn_untitled-albuquerque +abstract_painting,Abstract_Expressionism,theodoros-stamos_what-the-wind-does-1947 +abstract_painting,Abstract_Expressionism,alfred-jensen_untitled-1961 +abstract_painting,Action_painting,jackson-pollock_full-fathom-five(1) +abstract_painting,Abstract_Expressionism,horia-bernea_prapor(1) +abstract_painting,Minimalism,agnes-martin_i-love-life +abstract_painting,Expressionism,ion-pacea_peisaj-de-litoral-1973 +abstract_painting,Color_Field_Painting,ion-nicodim_unknown-title-30 +abstract_painting,Abstract_Expressionism,raoul-ubac_composition(1) +abstract_painting,Expressionism,ilka-gedo_rose-garden-in-the-wind-1973 +abstract_painting,Abstract_Expressionism,blinky-palermo_ohne-titel-f-r-thordes-1976 +abstract_painting,Abstract_Expressionism,hans-hofmann_the-garden-1956 +abstract_painting,Abstract_Expressionism,alexander-liberman_erg-series-1977 +abstract_painting,Color_Field_Painting,joe-goode_oak-rock-1980 +abstract_painting,Color_Field_Painting,jack-bush_concerto-1975 +abstract_painting,Abstract_Expressionism,jimmy-ernst_landscape-with-pinetree-1958 +abstract_painting,Abstract_Expressionism,jimmy-ernst_epilogue-1974 +abstract_painting,Color_Field_Painting,sam-francis_untitled-sfp84-305-sfp86-497-1984 +abstract_painting,Color_Field_Painting,richard-diebenkorn_ocean-park-no-43 +abstract_painting,Minimalism,park-seo-bo_ecriture-1985 +abstract_painting,Color_Field_Painting,barnett-newman_canto-xiii-1964 +abstract_painting,Abstract_Expressionism,hans-hofmann_summer-1965-1965 +abstract_painting,Minimalism,frank-stella_black-adder-v-series-1968 +abstract_painting,Color_Field_Painting,gotthard-graubner_untitled-1983 +abstract_painting,Color_Field_Painting,gene-davis_split-beat-1965 +abstract_painting,Abstract_Expressionism,jose-guerrero_untitled-1963 +abstract_painting,Abstract_Expressionism,basil-beattie_present-bound-1990 +abstract_painting,Expressionism,wassily-kandinsky_angel-of-the-last-judgment-1911 +abstract_painting,Minimalism,agnes-martin_morning-star-1962 +abstract_painting,Abstract_Expressionism,sam-francis_blue-with-red-yellow-and-orange-1962 +abstract_painting,Minimalism,li-yuan-chia_untitled-triptych +abstract_painting,Abstract_Expressionism,sam-francis_untitled-sf-84-045-1984 +abstract_painting,Abstract_Expressionism,lee-krasner_gold-stone-1969 +abstract_painting,Minimalism,alighiero-boetti_pier-piet-1974 +abstract_painting,Abstract_Expressionism,john-ferren_untitled-1961 +abstract_painting,Abstract_Expressionism,andy-warhol_rorschach-1984 +abstract_painting,Minimalism,jean-degottex_media-1973 +abstract_painting,Pop_Art,claudio-tozzi_cor-pigmento-luz +abstract_painting,Action_painting,jackson-pollock_lucifer-1947 +abstract_painting,Minimalism,agnes-martin_untitled-0-1975 +abstract_painting,Color_Field_Painting,michel-carrade_unknown-title-7 +abstract_painting,Abstract_Expressionism,william-baziotes_watercolor-1-1958 +abstract_painting,Abstract_Expressionism,forrest-bess_untitled-1967 +abstract_painting,Color_Field_Painting,helen-frankenthaler_where-necessary-1977 +abstract_painting,Minimalism,frank-stella_empress-of-india-1965 +abstract_painting,Color_Field_Painting,paul-feeley_remus-1960 +abstract_painting,Color_Field_Painting,gene-davis_flamingo-1965 +abstract_painting,Abstract_Expressionism,cy-twombly_hero-and-leandro-a-painting-in-four-parts-part-i +abstract_painting,Color_Field_Painting,gotthard-graubner_farbraum-1963 +abstract_painting,Color_Field_Painting,richard-diebenkorn_ocean-park-no-40 +abstract_painting,Color_Field_Painting,gene-davis_red-dog-1961 +abstract_painting,Color_Field_Painting,jack-bush_low-sun-1971 +abstract_painting,Color_Field_Painting,thomas-downing_blue-space-1954 +abstract_painting,Color_Field_Painting,gene-davis_color-needles-1984 +abstract_painting,Minimalism,fernando-calhau_unknown-title +abstract_painting,Color_Field_Painting,morris-louis_point-of-tranquility-1960 +abstract_painting,Minimalism,daniel-dezeuze_untitled-v-1995 +abstract_painting,Abstract_Expressionism,jane-frank_rockscape-ii-1961 +abstract_painting,Abstract_Expressionism,richard-pousette-dart_white-gothic-3-1957 +abstract_painting,Minimalism,richard-tuttle_between-two-point-8-2001 +abstract_painting,Color_Field_Painting,morris-louis_janus-1960 +abstract_painting,Color_Field_Painting,morris-louis_seal-1959 +abstract_painting,Abstract_Expressionism,sam-francis_untitled-sfe-071-1989 +abstract_painting,Abstract_Expressionism,sam-francis_untitled-self-portrait-1976 +abstract_painting,Abstract_Expressionism,sam-francis_coral-marine-1973 +abstract_painting,Color_Field_Painting,claude-viallat_unknown-title-1 +abstract_painting,Minimalism,frank-stella_telluride-1970 +abstract_painting,Abstract_Expressionism,jean-paul-riopelle_feuilles-iii-1967 +abstract_painting,Abstract_Expressionism,milton-resnick_untitled-1960 +abstract_painting,Abstract_Expressionism,sam-francis_hello-1970 +abstract_painting,Abstract_Expressionism,cy-twombly_untitled-10 +abstract_painting,Abstract_Expressionism,atsuko-tanaka_untitled-1976 +abstract_painting,Color_Field_Painting,william-scott_berlin-blues-4-1965 +abstract_painting,Abstract_Expressionism,jay-defeo_the-annunciation-1959 +abstract_painting,Abstract_Expressionism,geta-bratescu_medeic-callisthetic-moves-vi-1981 +abstract_painting,Color_Field_Painting,john-hoyland_29-03-60-1960 +abstract_painting,Abstract_Expressionism,craig-kauffman_studio-1958 +abstract_painting,Abstract_Expressionism,jean-paul-riopelle_chemin-d-hiver-1973 +abstract_painting,Minimalism,jiro-yoshihara_untitled-1962 +abstract_painting,Color_Field_Painting,doug-ohlson_marker-california-1986 +abstract_painting,Color_Field_Painting,ronnie-landfield_vivid-spring-1988 +abstract_painting,Minimalism,walter-darby-bannard_split-band-1962 +abstract_painting,Abstract_Expressionism,theodoros-stamos_adam-1961 +abstract_painting,Color_Field_Painting,ray-parker_untitled-1967-1 +abstract_painting,Abstract_Expressionism,robert-goodnough_abstract-2-1982 +abstract_painting,Abstract_Expressionism,esteban-vicente_copla-1951 +abstract_painting,Color_Field_Painting,luis-feito_untitled-1971 +abstract_painting,Minimalism,jo-baer_h-arcuata-1971(1) +abstract_painting,Abstract_Expressionism,arshile-gorky_untitled-1948 +abstract_painting,Abstract_Expressionism,julio-pomar_le-luxe-1979 +abstract_painting,Abstract_Expressionism,frank-stella_shoubeegi-1978 +abstract_painting,Abstract_Expressionism,helen-frankenthaler_untitled-1978 +abstract_painting,Abstract_Expressionism,lee-krasner_the-sun-woman-ii-1958 +abstract_painting,Abstract_Expressionism,joan-snyder_symphony-v-1982 +abstract_painting,Minimalism,joan-hernandez-pijuan_camins-1996 +abstract_painting,Abstract_Expressionism,helen-frankenthaler_saturn-revisited-1964 +abstract_painting,Color_Field_Painting,anne-appleby_willow-1993 +abstract_painting,Minimalism,robert-mangold_a-triangle-within-three-rectangles-1977 +abstract_painting,Color_Field_Painting,olivier-debre_untitled-1956 +abstract_painting,Minimalism,robert-ryman_spectrum-i +abstract_painting,Abstract_Expressionism,rafa-nasiri_untitled-023-1979 +abstract_painting,Abstract_Expressionism,hans-hofmann_asklepois-1947 +abstract_painting,Abstract_Expressionism,john-ferren_desert-landscape-1951 +abstract_painting,Abstract_Expressionism,willem-de-kooning_meg +abstract_painting,Abstract_Expressionism,vasile-dobrian_with-a-hand-removed-from-our-arm-we-poke-our-way-through-the-interstellar-dust-from-the +abstract_painting,Color_Field_Painting,helen-frankenthaler_in-on-blue-1976 +abstract_painting,Abstract_Expressionism,cy-twombly_untitled-14 +abstract_painting,Abstract_Expressionism,atsuko-tanaka_untitled-1961 +abstract_painting,Color_Field_Painting,imi-knoebel_kinderstern-1996 +abstract_painting,Abstract_Expressionism,betty-parsons_moonlight-maine +abstract_painting,Color_Field_Painting,richard-diebenkorn_ocean-park-no-46-1971 +abstract_painting,Abstract_Expressionism,gerhard-richter_courbet +abstract_painting,Minimalism,andre-pierre-arnal_pliage-folded-painting-1972-1 +abstract_painting,Abstract_Expressionism,howard-mehring_untitled-1958(1) +abstract_painting,Abstract_Expressionism,gerhard-richter_abstract-picture +abstract_painting,Abstract_Expressionism,bradley-walker-tomlin_number-9-in-praise-of-gertrude-stein-1950-1 +abstract_painting,Color_Field_Painting,anne-appleby_sage-1997 +abstract_painting,Minimalism,jiro-yoshihara_untitled(2) +abstract_painting,Minimalism,yves-klein_untitled-white-monochrome-1957 +abstract_painting,Abstract_Expressionism,sam-francis_sun-up-1964 +abstract_painting,Action_painting,jackson-pollock_number-26-1949 +abstract_painting,Abstract_Expressionism,morris-louis_untitled-d11-1949 +abstract_painting,Abstract_Expressionism,sam-francis_untitled-1989 +abstract_painting,Minimalism,william-scott_morning-in-mykonos-1960 +abstract_painting,Color_Field_Painting,bridget-riley_achean-1981 +abstract_painting,Color_Field_Painting,morris-louis_number-1-68-1962 +abstract_painting,Abstract_Expressionism,blinky-palermo_fensterkreuz-ii-1966 +abstract_painting,Minimalism,martin-barre_62-5-1962 +abstract_painting,Minimalism,agnes-martin_the-islands-1979 +abstract_painting,Color_Field_Painting,alma-woodsey-thomas_evening-glow-1972 +abstract_painting,Color_Field_Painting,helen-frankenthaler_orange-downpour-1970 +abstract_painting,Minimalism,brice-marden_untitled-1969-1 +abstract_painting,Abstract_Expressionism,esteban-vicente_away-1964 +abstract_painting,Abstract_Expressionism,jane-frank_frazer-s-hog-cay-18-1968 +abstract_painting,Abstract_Expressionism,mark-tobey_illuminated-plane-1958 +abstract_painting,Abstract_Expressionism,theodoros-stamos_infinity-field-jerusalem-series-1983 +abstract_painting,Abstract_Expressionism,philip-guston_celebration +abstract_painting,Color_Field_Painting,frank-stella_palmito-ranch-1971 +abstract_painting,Abstract_Expressionism,salvador-dali_arabs-the-death-of-raimundus-lullus +abstract_painting,Color_Field_Painting,frank-stella_khurasan-gate-iii-1968 +abstract_painting,Abstract_Expressionism,brice-marden_long-letter-1-2009 +abstract_painting,Abstract_Expressionism,kenzo-okada_stream +abstract_painting,Minimalism,robert-ryman_eagle-turquoise-7h-4-1966 +abstract_painting,Abstract_Expressionism,frank-bowling_spreadout-ron-kitaj-1986 +abstract_painting,Abstract_Expressionism,hans-hofmann_black-diamond-1961 +abstract_painting,Minimalism,fernando-calhau_untitled +abstract_painting,Color_Field_Painting,jose-guerrero_comienzo-1982 +abstract_painting,Color_Field_Painting,frank-stella_color-maze-1966 +abstract_painting,Minimalism,pino-pinelli_pittura-r-1993 +abstract_painting,Color_Field_Painting,helen-frankenthaler_bullseye-1989 +abstract_painting,Action_painting,jackson-pollock_number-13a-arabesque-1948 +abstract_painting,Abstract_Expressionism,sam-francis_untitled-sf143s +abstract_painting,Color_Field_Painting,gene-davis_boudoir-painting-1965 +abstract_painting,Color_Field_Painting,sean-scully_untitled-1993 +abstract_painting,Color_Field_Painting,theodoros-stamos_infinity-field-lefkatos-series-ii-1978 +abstract_painting,Color_Field_Painting,mark-rothko_no-37-no-19-slate-blue-and-brown-on-plum-1958 +abstract_painting,Abstract_Expressionism,betty-parsons_the-moth-1969 +abstract_painting,Color_Field_Painting,mark-rothko_no-61-rust-and-blue +abstract_painting,Abstract_Expressionism,philip-guston_to-b-w-t +abstract_painting,Minimalism,jean-degottex_untitled-2 +abstract_painting,Color_Field_Painting,mark-rothko_no-10 +abstract_painting,Abstract_Expressionism,burhan-dogancay_the-great-breakthrough-1976 +abstract_painting,Abstract_Expressionism,cy-twombly_untitled-3 +abstract_painting,Color_Field_Painting,jose-guerrero_comienzo-azul +abstract_painting,Abstract_Expressionism,morris-louis_trellis-1953 +abstract_painting,Abstract_Expressionism,wolfgang-paalen_that-s-life-1958 +abstract_painting,Expressionism,ilka-gedo_artificial-flower-with-a-grey-background-1981 +abstract_painting,Minimalism,mark-rothko_no-4-1964 +abstract_painting,Color_Field_Painting,larry-zox_caxambus +abstract_painting,Abstract_Expressionism,vasile-dobrian_panopticum-1982 +abstract_painting,Abstract_Expressionism,mark-rothko_no-9-1947 +abstract_painting,Minimalism,pierre-soulages_peinture-244-x-181-cm-25-avril-2011-2011 +abstract_painting,Color_Field_Painting,john-ferren_ski-1952 +abstract_painting,Minimalism,edward-corbett_washington-d-c-1-1971 +abstract_painting,Color_Field_Painting,ralph-hotere_dawn-water-poem-iii-after-manhire-1985 +abstract_painting,Abstract_Expressionism,elaine-de-kooning_untitled-collage-1960 +abstract_painting,Minimalism,fred-sandback_untitled-1975 +abstract_painting,Abstract_Expressionism,theodoros-stamos_infinity-field-torino-series-7-1986 +abstract_painting,Color_Field_Painting,esteban-vicente_untitled-1967 +abstract_painting,Color_Field_Painting,anne-truitt_truitt-67-1967 +abstract_painting,Cubism,theo-van-doesburg_composition-iv-still-life-1916 +abstract_painting,Minimalism,brice-marden_gulf-from-new-york-ten-lewison-16 +abstract_painting,Color_Field_Painting,sam-francis_untitled-edge-1965 +abstract_painting,Abstract_Expressionism,john-ferren_contemplations-on-geraniums-1952 +abstract_painting,Minimalism,imi-knoebel_grace-kelly-iii-1994 +abstract_painting,Abstract_Expressionism,walasse-ting_composition-1957 +abstract_painting,Minimalism,joan-hernandez-pijuan_untitled-2002 +abstract_painting,Abstract_Expressionism,dan-christensen_kings-point-2002 +abstract_painting,Minimalism,john-mclaughlin_untitled-1963 +abstract_painting,Minimalism,jean-degottex_metasphere-rouge-1965 +abstract_painting,Color_Field_Painting,perle-fine_cool-series-blue-over-red-1963 +abstract_painting,Action_painting,jackson-pollock_yellow-islands(1) +abstract_painting,Abstract_Expressionism,john-hoyland_1998-yellow-boat-7-8-98 +abstract_painting,Color_Field_Painting,jack-bush_low-spread-1974 +abstract_painting,Color_Field_Painting,helen-frankenthaler_blessing-of-the-fleet-1969 +abstract_painting,Abstract_Expressionism,sam-francis_untitled-1984-4 +abstract_painting,Color_Field_Painting,gene-davis_celtic-dawn-1960 +abstract_painting,Minimalism,gotthard-graubner_untitled-1964-1 +abstract_painting,Abstract_Expressionism,sam-francis_on-return-1964 +abstract_painting,Minimalism,jean-degottex_dia-noir-ii-1979 +abstract_painting,Color_Field_Painting,morris-louis_high-1959 +abstract_painting,Abstract_Expressionism,mark-rothko_untitled-1948 +abstract_painting,Minimalism,john-mclaughlin_untitled-1970 +abstract_painting,Minimalism,pierre-soulages_peinture-244-x-181-cm-23-novembre-2010-2010 +abstract_painting,Color_Field_Painting,paul-feeley_sybaris-1962 +abstract_painting,Color_Field_Painting,jack-bush_blue-green-split-1964 +abstract_painting,Abstract_Expressionism,sam-francis_untitled-sfe-092-1993 +abstract_painting,Minimalism,angelo-de-sousa_pastel-em-papel-1969 +abstract_painting,Abstract_Expressionism,mark-tobey_canticle-1954 +abstract_painting,Color_Field_Painting,gene-davis_flower-machine-1964 +abstract_painting,Color_Field_Painting,john-hoyland_yellows-1969 +abstract_painting,Cubism,franz-marc_broken-forms-1914 +abstract_painting,Minimalism,rodolfo-arico_untitled-2 +abstract_painting,Abstract_Expressionism,georgia-o'keeffe_green-yellow-and-orange +abstract_painting,Minimalism,richard-tuttle_red-canvas-1967 +abstract_painting,Abstract_Expressionism,esteban-vicente_untitled-1978 +abstract_painting,Abstract_Expressionism,paul-jenkins_not_detected_235689 +abstract_painting,Color_Field_Painting,yves-gaucher_ocres-jaune-et-vert +abstract_painting,Minimalism,sol-lewitt_lines-from-corners-sides-the-centre-to-points-on-a-grid-1977 +abstract_painting,Abstract_Expressionism,cy-twombly_ferragosto-v +abstract_painting,Abstract_Expressionism,mark-tobey_childs-fantasy +abstract_painting,Abstract_Expressionism,jean-paul-riopelle_triptyque-orange +abstract_painting,Color_Field_Painting,frank-stella_astoria-1958 +abstract_painting,Color_Field_Painting,barnett-newman_untitled-3-1949 +abstract_painting,Color_Field_Painting,theodoros-stamos_infinity-field-olympia-ii-1969 +abstract_painting,Color_Field_Painting,barnett-newman_third-station-1960 +abstract_painting,Color_Field_Painting,perle-fine_cool-series-black-over-green-1963 +abstract_painting,Minimalism,andre-pierre-arnal_pochoir-4 +abstract_painting,Color_Field_Painting,gene-davis_royal-canoe-1977 +abstract_painting,Minimalism,richard-tuttle_drift-iii-1965 +abstract_painting,Minimalism,larry-bell_untitled-vapor-drawing-1978(1) +abstract_painting,Color_Field_Painting,frank-stella_gran-cairo-1962 +abstract_painting,Color_Field_Painting,sean-scully_yellow-figure-2002 +abstract_painting,Color_Field_Painting,barnett-newman_adam +abstract_painting,Abstract_Expressionism,friedel-dzubas_polaris-1959 +abstract_painting,Minimalism,pino-pinelli_pittura-n-g-1987 +abstract_painting,Abstract_Expressionism,rafa-nasiri_untitled-1971 +abstract_painting,Abstract_Expressionism,alice-baber_lord-of-the-rainbow-1976 +abstract_painting,Minimalism,dadamaino_l-inconscio-razionale-1976 +abstract_painting,Abstract_Expressionism,willem-de-kooning_untitled-v-1983 +abstract_painting,Cubism,fernand-leger_contrasts-of-forms-1913 +abstract_painting,Abstract_Expressionism,norman-bluhm_waterloo-1965 +abstract_painting,Abstract_Expressionism,robert-goodnough_horses-i-1997 +abstract_painting,Color_Field_Painting,sean-scully_cradle-1985 +abstract_painting,Cubism,fernand-leger_composition-1919 +abstract_painting,Abstract_Expressionism,hans-hofmann_gloriamundi-1963 +abstract_painting,Abstract_Expressionism,paul-reed_gmv-2005 +abstract_painting,Color_Field_Painting,theodoros-stamos_infinity-field-lefkada-series-ix +abstract_painting,Abstract_Expressionism,friedel-dzubas_moonhunt-1958 +abstract_painting,Color_Field_Painting,helen-frankenthaler_boulevard-1973 +abstract_painting,Abstract_Expressionism,arthur-pinajian_untitled-landscape-bellport-no-243-1984 +abstract_painting,Minimalism,jean-degottex_unhl-bleu-ii-4-70 +abstract_painting,Abstract_Expressionism,joan-miro_painting-i +abstract_painting,Minimalism,jean-degottex_depli-graphite-v +abstract_painting,Abstract_Expressionism,larry-zox_abstract-with-blue-and-black +abstract_painting,Color_Field_Painting,agnes-martin_rain-study-1960 +abstract_painting,Color_Field_Painting,gene-davis_red-baron-1978 +abstract_painting,Abstract_Expressionism,morris-louis_untitled-d233b-1949 +abstract_painting,Color_Field_Painting,ellsworth-kelly_rectangle-from-the-series-line-form-color-1951 +abstract_painting,Minimalism,frank-stella_star-of-persia-i-1967 +abstract_painting,Abstract_Expressionism,sam-francis_untitled-from-pasadena-box-lembark-l57-1963 +abstract_painting,Minimalism,imi-knoebel_tag-und-nacht-i-f1-f5-1997 +abstract_painting,Color_Field_Painting,gene-davis_apricot-ripple-1968 +abstract_painting,Minimalism,richard-tuttle_consecutive-space-for-a-vertical-wall-1990 +abstract_painting,Minimalism,agnes-martin_happy-valley-1967 +abstract_painting,Abstract_Expressionism,sam-francis_untitled-from-pasadena-box-1963 +abstract_painting,Color_Field_Painting,morris-louis_zayin-1958 +abstract_painting,Abstract_Expressionism,joan-mitchell_blue-territory-1972 +abstract_painting,Color_Field_Painting,mark-rothko_no-6-yellow-white-blue-over-yellow-on-gray-1954 +abstract_painting,Abstract_Expressionism,howard-mehring_japanese-composition-1958 +abstract_painting,Abstract_Expressionism,willem-de-kooning_brooding-woman +abstract_painting,Minimalism,agnes-martin_untitled-2001 +abstract_painting,Abstract_Expressionism,hans-hofmann_composition-no-v-1952 +abstract_painting,Color_Field_Painting,morris-louis_number-39-1962 +abstract_painting,Minimalism,andre-pierre-arnal_pliage-folded-painting-1971-2 +abstract_painting,Minimalism,robert-ryman_record-1983 +abstract_painting,Minimalism,mira-schendel_untitled-1963(1) +abstract_painting,Abstract_Expressionism,rafa-nasiri_untitled-039-1988 +abstract_painting,Color_Field_Painting,conrad-marca-relli_ibiza-ii-1968 +abstract_painting,Abstract_Expressionism,theodoros-stamos_beyond-emperors-1952 +abstract_painting,Abstract_Expressionism,joan-mitchell_untitled-1960 +abstract_painting,Minimalism,jiro-yoshihara_white-line-on-black-1968 +abstract_painting,Color_Field_Painting,agnes-martin_this-rain-1960 +abstract_painting,Color_Field_Painting,walter-darby-bannard_green-valentine-2-1964 +abstract_painting,Abstract_Expressionism,robert-goodnough_figure-ii-2002 +abstract_painting,Abstract_Expressionism,jackson-pollock_portrait-and-a-dream-1953 +abstract_painting,Cubism,franz-marc_small-composition-i-1913 +abstract_painting,Abstract_Expressionism,arthur-pinajian_untitled-landscape-woodstock-no-414-1964 +abstract_painting,Abstract_Expressionism,yayoi-kusama_fields-in-spring-1988 +abstract_painting,Abstract_Expressionism,wolfgang-paalen_untitled-composition-1951 +abstract_painting,Minimalism,pat-lipsky_in-memoriam-c-g-1999 +abstract_painting,Cubism,fernand-leger_the-circus-1918 +abstract_painting,Abstract_Expressionism,victor-pasmore_the-cloud-1986 +abstract_painting,Minimalism,richard-tuttle_untitled-1977 +abstract_painting,Color_Field_Painting,jose-guerrero_azul-de-prusia +abstract_painting,Minimalism,edward-corbett_provincetown-summer-1966-i-1966 +abstract_painting,Minimalism,agnes-martin_on-a-clear-day-2-1973 +abstract_painting,Minimalism,brice-marden_the-dylan-painting-1966(1) +abstract_painting,Abstract_Expressionism,mostafa-dashti_untitled-1998 +abstract_painting,Minimalism,richard-tuttle_sum-confluence-1964 +abstract_painting,Abstract_Expressionism,sam-francis_untitled-1969 +abstract_painting,Abstract_Expressionism,ralph-rosenborg_american-landscape-a-summer-day-1969 +abstract_painting,Color_Field_Painting,natalia-dumitresco_tout-la-joie-1970 +abstract_painting,Abstract_Expressionism,kazuo-nakamura_inner-structure-no-5-1955 +abstract_painting,Minimalism,jean-degottex_breve-vi-1985 +abstract_painting,Minimalism,henk-peeters_untitled +abstract_painting,Abstract_Expressionism,paul-reed_glq-2005 +abstract_painting,Color_Field_Painting,anne-appleby_wisteria-2001 +abstract_painting,Abstract_Expressionism,romare-bearden_untitled-1959-2 +abstract_painting,Color_Field_Painting,michel-carrade_unknown-title-8 +abstract_painting,Abstract_Expressionism,brice-marden_red-ground-letter-2010 +abstract_painting,Abstract_Expressionism,richard-diebenkorn_albuquerque +abstract_painting,Abstract_Expressionism,william-baziotes_red-landscape-1957 +abstract_painting,Color_Field_Painting,ellsworth-kelly_nine-colors-1951 +abstract_painting,Color_Field_Painting,mark-rothko_no-9-dark-over-light-earth +abstract_painting,Color_Field_Painting,terry-frost_zebra-1972 +abstract_painting,Abstract_Expressionism,ralph-rosenborg_american-landscape-mountain-with-archaic-forms-1983 +abstract_painting,Minimalism,frank-stella_gezira-from-black-series-ii-1967 +abstract_painting,Abstract_Expressionism,paul-reed_ggr-2004 +abstract_painting,Color_Field_Painting,barnett-newman_onement-i-1948 +abstract_painting,Abstract_Expressionism,edward-corbett_untitled-1951 +abstract_painting,Expressionism,ramon-oviedo_prevencion +abstract_painting,Color_Field_Painting,edward-corbett_november-1963-iii-1963 +abstract_painting,Color_Field_Painting,morris-louis_dalet-tet-1959 +abstract_painting,Abstract_Expressionism,sam-francis_abstract-composition-sf-61-1967 +abstract_painting,Color_Field_Painting,imi-knoebel_anima-mundi-10-ed-2011 +abstract_painting,Color_Field_Painting,luis-feito_597 +abstract_painting,Color_Field_Painting,morris-louis_horizontal-i-1962 +abstract_painting,Color_Field_Painting,mark-rothko_yellow-cherry-orange +abstract_painting,Abstract_Expressionism,dan-christensen_tbd-1998 +abstract_painting,Minimalism,imi-knoebel_venera-1996 +abstract_painting,Minimalism,robert-mangold_within-red-yellow-orange-1981 +abstract_painting,Color_Field_Painting,william-scott_berlin-blues-6-1966 +abstract_painting,Abstract_Expressionism,joe-goode_birthdays-2008 +abstract_painting,Color_Field_Painting,leon-berkowitz_cathedral-5-1966 +abstract_painting,Minimalism,genevieve-asse_diagonal-light-1999 +abstract_painting,Abstract_Expressionism,sam-francis_untitled-l-i88-sfe-065 +abstract_painting,Abstract_Expressionism,vasile-dobrian_where-the-autumn-has-passed-it-all-became-dust-from-the-autumn-series +abstract_painting,Abstract_Expressionism,sam-francis_concert-hall-set-ii-1977 +abstract_painting,Abstract_Expressionism,guido-molinari_untitled-1954 +abstract_painting,Minimalism,sol-lewitt_black-with-white-lines-vertical-not-touching-1970 +abstract_painting,Abstract_Expressionism,al-held_untitled-1955 +abstract_painting,Abstract_Expressionism,sam-francis_eye-of-zengai-1964 +abstract_painting,Abstract_Expressionism,richard-diebenkorn_berkeley-no-22 +abstract_painting,Abstract_Expressionism,sam-francis_untitled-1987(1) +abstract_painting,Minimalism,genevieve-asse_blue-transparency-1971 +abstract_painting,Abstract_Expressionism,joan-miro_not_detected_227950 +abstract_painting,Minimalism,park-seo-bo_ecriture-no-070405-2007 +abstract_painting,Cubism,arshile-gorky_untitled-cubist-figure +abstract_painting,Abstract_Expressionism,dan-christensen_veeda +abstract_painting,Color_Field_Painting,theodoros-stamos_olivet-sun-box-ii-1967 +abstract_painting,Minimalism,brice-marden_gulf-from-new-york-ten-lewison-16-1 +abstract_painting,Minimalism,imi-knoebel_24-colors-for-blinky-1977 +abstract_painting,Minimalism,ellsworth-kelly_circle-line-1951 +abstract_painting,Abstract_Expressionism,basil-beattie_cause-and-effect-v-1973 +abstract_painting,Abstract_Expressionism,hans-hofmann_cathedral-1959 +abstract_painting,Abstract_Expressionism,paul-jenkins_not_detected_235712 +abstract_painting,Abstract_Expressionism,joan-mitchell_untitled-1964(1) +abstract_painting,Abstract_Expressionism,sam-francis_untitled-sf72-027-1972 +abstract_painting,Color_Field_Painting,terry-frost_colour-on-the-side-1969 +abstract_painting,Minimalism,luciano-bartolini_untitled-1973-3 +abstract_painting,Minimalism,park-seo-bo_ecriture-no-960714-1996 +abstract_painting,Abstract_Expressionism,adnan-coker_untitled-1968 +abstract_painting,Abstract_Expressionism,mark-tobey_autumn-field-1957 +abstract_painting,Expressionism,ramon-oviedo_reaccion-bestial +abstract_painting,Color_Field_Painting,gene-davis_albatross-1973 +abstract_painting,Minimalism,alex-hay_gray-wood-2003 +abstract_painting,Abstract_Expressionism,helen-frankenthaler_tales-of-genji-vi-1998 +abstract_painting,Abstract_Expressionism,ronnie-landfield_november-1968 +abstract_painting,Abstract_Expressionism,joan-mitchell_la-grande-vallee-xiv-for-a-little-while-1983 +abstract_painting,Abstract_Expressionism,manabu-mabe_exist-ncia-1985 +abstract_painting,Abstract_Expressionism,esteban-vicente_ritmico-1995 +abstract_painting,Color_Field_Painting,gene-davis_untitled-p280-1967 +abstract_painting,Color_Field_Painting,mark-rothko_blue-and-gray +abstract_painting,Cubism,carlos-merida_ventana-al-infinito-1972 +abstract_painting,Color_Field_Painting,jack-bush_nice-pink-1965 +abstract_painting,Minimalism,brice-marden_annunciation-study-i-1978 +abstract_painting,Abstract_Expressionism,joan-mitchell_champs-1990 +abstract_painting,Color_Field_Painting,morris-louis_iris-1954 +abstract_painting,Color_Field_Painting,anne-appleby_verona-variation-10-2003 +abstract_painting,Minimalism,imi-knoebel_under-the-moon-of-love-1993 +abstract_painting,Cubism,fernand-leger_composition-1918 +abstract_painting,Pop_Art,nicholas-krushenick_untitled-1998 +abstract_painting,Color_Field_Painting,doug-ohlson_two-four-1983 +abstract_painting,Expressionism,ramon-oviedo_formas-en-transicion +abstract_painting,Abstract_Expressionism,lee-krasner_gaea-1966 +abstract_painting,Abstract_Expressionism,brice-marden_workbook-hydra-tampere-n-y-c-bucks-co-1988 +abstract_painting,Abstract_Expressionism,pat-lipsky_homage-to-david-smith-1980 +abstract_painting,Abstract_Expressionism,brice-marden_letter-with-red-2009 +abstract_painting,Color_Field_Painting,claude-tousignant_double-c-ph-ide-1997 +abstract_painting,Abstract_Expressionism,theodoros-stamos_infinity-field-lefkada-series-3-1978 +abstract_painting,Cubism,albert-gleizes_composition-1928 +abstract_painting,Minimalism,pat-lipsky_dark-love-1993 +abstract_painting,Minimalism,agnes-martin_untitled-13-1975 +abstract_painting,Abstract_Expressionism,barnett-newman_untitled-1945 +abstract_painting,Color_Field_Painting,ellsworth-kelly_black-and-white-from-the-series-line-form-color-1951 +abstract_painting,Color_Field_Painting,mark-rothko_no-14-horizontals-white-over-darks-1961 +abstract_painting,Abstract_Expressionism,jean-paul-riopelle_untitled +abstract_painting,Color_Field_Painting,olivier-debre_petite-langue-1985 +abstract_painting,Abstract_Expressionism,joe-goode_quadratisch +abstract_painting,Abstract_Expressionism,robert-goodnough_listen-2005 +abstract_painting,Color_Field_Painting,john-hoyland_dido-1979 +abstract_painting,Cubism,theo-van-doesburg_composition-i-still-life-1916 +abstract_painting,Color_Field_Painting,doug-ohlson_wink-1996 +abstract_painting,Abstract_Expressionism,geta-bratescu_the-rule-of-the-circle-the-rule-of-the-game-1985(7) +abstract_painting,Color_Field_Painting,ray-parker_spring-1984 +abstract_painting,Abstract_Expressionism,frank-stella_salta-nel-mio-sacco-1984 +abstract_painting,Color_Field_Painting,morris-louis_faces-1959 +abstract_painting,Abstract_Expressionism,brice-marden_the-attended-1999 +abstract_painting,Color_Field_Painting,sam-francis_untitled-1964-1 +abstract_painting,Minimalism,ronnie-landfield_series-painting-10-1966 +abstract_painting,Abstract_Expressionism,jack-tworkov_day-s-end-1959 +abstract_painting,Abstract_Expressionism,mark-rothko_no-1-untitled +abstract_painting,Minimalism,paul-brach_silver-series-1965 +abstract_painting,Color_Field_Painting,leon-berkowitz_algonquit-series-12-1986 +abstract_painting,Color_Field_Painting,gene-davis_bulletproof-1969 +abstract_painting,Color_Field_Painting,jack-youngerman_yellow-black-1960 +abstract_painting,Color_Field_Painting,helen-frankenthaler_paris-review-1966 +abstract_painting,Abstract_Expressionism,conrad-marca-relli_untitled-1974 +abstract_painting,Pop_Art,menez_sem-t-tulo-1969-1 +abstract_painting,Cubism,fernand-leger_contrast-of-forms-1918 +abstract_painting,Action_painting,franz-kline_picture-046 +abstract_painting,Abstract_Expressionism,taro-yamamoto_abstract-1957 +abstract_painting,Color_Field_Painting,theodoros-stamos_archimandrite-1960 +abstract_painting,Abstract_Expressionism,mark-tobey_sentinels-of-the-field-1958 +abstract_painting,Abstract_Expressionism,morris-graves_machine-age-noise-1957 +abstract_painting,Abstract_Expressionism,paul-jenkins_phenomena-cave-of-the-prism-winds-year +abstract_painting,Minimalism,robert-mangold_curved-plane-figure-viii-1995 +abstract_painting,Color_Field_Painting,pedro-calapez_escala-de-cor-19-2009 +abstract_painting,Abstract_Expressionism,joan-mitchell_untitled-1964 +abstract_painting,Color_Field_Painting,perle-fine_cool-series-no-15-the-very-end-1963 +abstract_painting,Cubism,piet-mondrian_not-identified +abstract_painting,Color_Field_Painting,ray-parker_untitled-1980 +abstract_painting,Minimalism,anne-truitt_arundel-xiv-1975 +abstract_painting,Color_Field_Painting,leon-berkowitz_chanakuh-3-1978 +abstract_painting,Minimalism,pierre-soulages_peinture-324-x-181-cm-17-novembre-2008-2008 +abstract_painting,Abstract_Expressionism,friedel-dzubas_untitled-1981 +abstract_painting,Abstract_Expressionism,sam-francis_untitled-1986 +abstract_painting,Abstract_Expressionism,vasile-dobrian_hypostasis-1986 +abstract_painting,Color_Field_Painting,barnett-newman_fifth-station-1960 +abstract_painting,Abstract_Expressionism,jackson-pollock_untitled-1951(1) +abstract_painting,Minimalism,frank-stella_lake-city-1962 +abstract_painting,Color_Field_Painting,sam-francis_untitled-1966(2) +abstract_painting,Expressionism,ion-tuculescu_travelling-eyes +abstract_painting,Minimalism,pino-pinelli_pittura-gr-n-1995 +abstract_painting,Cubism,vicente-manansala_untitled +abstract_painting,Color_Field_Painting,ray-parker_untitled-1959-1 +abstract_painting,Minimalism,lee-ufan_from-point-1978 +abstract_painting,Abstract_Expressionism,sam-gilliam_manet-iii-1999 +abstract_painting,Abstract_Expressionism,paul-jenkins_not_detected_235715 +abstract_painting,Color_Field_Painting,charles-hinman_pinwheel-1964 +abstract_painting,Abstract_Expressionism,sam-francis_towards-disappearance-ii-1958 +abstract_painting,Abstract_Expressionism,robert-goodnough_upward-direction-1988 +abstract_painting,Minimalism,ralph-hotere_vive-aramoana-1980 +abstract_painting,Abstract_Expressionism,alice-baber_green-swing +abstract_painting,Cubism,max-weber_rush-hour +abstract_painting,Minimalism,perle-fine_oblique-reference-1973 +abstract_painting,Minimalism,robert-ryman_uncle-up +abstract_painting,Color_Field_Painting,mario-cesariny_sem-t-tulo-2001 +abstract_painting,Abstract_Expressionism,paul-jenkins_phenomena-amber-sight +abstract_painting,Expressionism,ilka-gedo_artificial-flower-with-falling-leaves-1970 +abstract_painting,Abstract_Expressionism,taro-yamamoto_untitled-1964 +abstract_painting,Color_Field_Painting,ellsworth-kelly_blue-and-red-1951 +abstract_painting,Action_painting,norman-bluhm_untitled-1962 +abstract_painting,Abstract_Expressionism,joan-miro_big-carpet +abstract_painting,Abstract_Expressionism,jean-paul-riopelle_landing-1958 +abstract_painting,Color_Field_Painting,john-hoyland_untitled-ii-1974 +abstract_painting,Color_Field_Painting,paul-reed_18r-1965 +abstract_painting,Abstract_Expressionism,willem-de-kooning_untitled-1950-1 +abstract_painting,Color_Field_Painting,dan-christensen_street-dancer-1986 +abstract_painting,Abstract_Expressionism,sam-francis_untitled-sf74-189-1974 +abstract_painting,Color_Field_Painting,paul-jenkins_continental-divide +abstract_painting,Color_Field_Painting,paul-reed_upstart-xxii-1966 +abstract_painting,Abstract_Expressionism,joan-snyder_still-2011 +abstract_painting,Color_Field_Painting,agnes-martin_untitled-1959-1 +abstract_painting,Color_Field_Painting,sam-francis_untitled-1960-1(1) +abstract_painting,Minimalism,perle-fine_accordment-series-17-1977 +abstract_painting,Color_Field_Painting,jack-bush_sing-sing-sing-1974 +abstract_painting,Minimalism,daniel-dezeuze_untitled-i-2000 +abstract_painting,Color_Field_Painting,claude-viallat_untitled-no-184-2001 +abstract_painting,Abstract_Expressionism,jane-frank_plum-point-1964 +abstract_painting,Color_Field_Painting,michel-carrade_unknown-title-4 +abstract_painting,Abstract_Expressionism,willem-de-kooning_untitled-verso-untitled +abstract_painting,Abstract_Expressionism,cy-twombly_untitled-rome +abstract_painting,Abstract_Expressionism,esteban-vicente_the-garden-1984 +abstract_painting,Abstract_Expressionism,esteban-vicente_untitled-1986 +abstract_painting,Expressionism,clyfford-still_1936-7-no-2-1936 +abstract_painting,Action_painting,norman-bluhm_aritic-1959 +abstract_painting,Minimalism,agnes-martin_grattitude-2001 +abstract_painting,Abstract_Expressionism,aki-kuroda_untitled-1998-1 +abstract_painting,Minimalism,ellsworth-kelly_square-form-1951 +abstract_painting,Color_Field_Painting,michel-carrade_unknown-title-16 +abstract_painting,Abstract_Expressionism,norman-bluhm_frozen-summer-1966 +abstract_painting,Color_Field_Painting,richard-diebenkorn_ocean-park-no-32 +abstract_painting,Abstract_Expressionism,sam-gilliam_newly-little-2009 +abstract_painting,Minimalism,jorge-martins_untitled-1976 +abstract_painting,Minimalism,genevieve-asse_transparence-1980 +abstract_painting,Post_Impressionism,karl-schrag_sunrise +abstract_painting,Abstract_Expressionism,robert-goodnough_untitled-1980 +abstract_painting,Abstract_Expressionism,alice-baber_abstract-composition-1969 +abstract_painting,Abstract_Expressionism,walter-darby-bannard_yellow-rose-12-1969 +abstract_painting,Color_Field_Painting,theodoros-stamos_divide-1958 +abstract_painting,Abstract_Expressionism,helen-frankenthaler_making-music-2000 +abstract_painting,Color_Field_Painting,theodoros-stamos_homage-to-milton-avery-sun-box-iii-1969 +abstract_painting,Abstract_Expressionism,joan-mitchell_untitled-1952 +abstract_painting,Abstract_Expressionism,gerhard-richter_wallace-bournes +abstract_painting,Abstract_Expressionism,joan-miro_not_detected_227947 +abstract_painting,Abstract_Expressionism,jimmy-ernst_moonscape-1969 +abstract_painting,Abstract_Expressionism,esteban-vicente_comstock-1962 +abstract_painting,Abstract_Expressionism,sam-francis_untitled-sf72-1009-1972 +abstract_painting,Minimalism,cy-twombly_untitled-1 +abstract_painting,Expressionism,frank-auerbach_e-o-w-on-her-blue-eiderdown-iii +abstract_painting,Minimalism,kazuo-nakamura_number-structure-5-1983 +abstract_painting,Abstract_Expressionism,william-baziotes_scepter-1961 +abstract_painting,Abstract_Expressionism,raoul-ubac_un-coin-de-terre-1972 +abstract_painting,Abstract_Expressionism,richard-diebenkorn_albuquerque-no-11 +abstract_painting,Abstract_Expressionism,jimmy-ernst_signifiant-event-note-1980 +abstract_painting,Minimalism,henk-peeters_untitled-3 +abstract_painting,Abstract_Expressionism,victor-pasmore_grey-symphony-1975 +abstract_painting,Abstract_Expressionism,manabu-mabe_dourado-no-34-1965 +abstract_painting,Minimalism,paolo-scheggi_struttura-modulare-1967 +abstract_painting,Abstract_Expressionism,john-hoyland_eyes-that-dream-20-3-08-clifford-dies-2008 +abstract_painting,Color_Field_Painting,mark-rothko_no-2-no-7-and-no-2-1951 +abstract_painting,Color_Field_Painting,jack-bush_colour-column-on-suede-1965-1 +abstract_painting,Abstract_Expressionism,lee-krasner_number-3-untitled-1951 +abstract_painting,Color_Field_Painting,clyfford-still_untitled-1959-1 +abstract_painting,Abstract_Expressionism,sam-francis_blue-balls-1960 +abstract_painting,Color_Field_Painting,helen-frankenthaler_dawn-stroke-1977 +abstract_painting,Abstract_Expressionism,willem-de-kooning_untitled-1949 +abstract_painting,Abstract_Expressionism,hans-hofmann_magnum-opus-1962 +abstract_painting,Abstract_Expressionism,sam-gilliam_untitled-1978 +abstract_painting,Color_Field_Painting,jack-bush_leap-on-blue-1976 +abstract_painting,Abstract_Expressionism,helen-frankenthaler_ganymede-1978 +abstract_painting,Abstract_Expressionism,sam-francis_untitled-yellow-1961 +abstract_painting,Abstract_Expressionism,sam-francis_drawing-for-sculpture-sf65-010-1965 +abstract_painting,Abstract_Expressionism,joan-mitchell_ici-1992 +abstract_painting,Abstract_Expressionism,victor-pasmore_composite-image-orange-and-pink +abstract_painting,Minimalism,robert-mangold_column-paintings-2004 +abstract_painting,Minimalism,martin-barre_75-76-a-157x145-1976 +abstract_painting,Color_Field_Painting,sam-francis_untitled-los-angeles-1983 +abstract_painting,Abstract_Expressionism,sam-francis_the-five-continents-1984 +abstract_painting,Abstract_Expressionism,gerhard-richter_farbschlieren-colour-streaks-1968 +abstract_painting,Abstract_Expressionism,richard-pousette-dart_circle-by-the-falling-waters-1980 +abstract_painting,Cubism,auguste-herbin_composition-cubiste-1917 +abstract_painting,Abstract_Expressionism,gene-davis_jumping-jack-1978 +abstract_painting,Abstract_Expressionism,sam-francis_untitled-sfp86-165-1986 +abstract_painting,Minimalism,jo-baer_untitled-1972 +abstract_painting,Color_Field_Painting,ellsworth-kelly_blue-green-black-red-1971 +abstract_painting,Abstract_Expressionism,mark-rothko_untitled-2 +abstract_painting,Action_painting,franz-kline_black-and-white-png +abstract_painting,Abstract_Expressionism,philip-guston_untitled-6 +abstract_painting,Abstract_Expressionism,alexander-liberman_untitled-abstract-1975 +abstract_painting,Minimalism,john-mclaughlin_number-14-1963 +abstract_painting,Abstract_Expressionism,hassel-smith_untitled-1959-1 +abstract_painting,Abstract_Expressionism,forrest-bess_red-rain-1967 +abstract_painting,Color_Field_Painting,theodoros-stamos_infinity-field-1980 +abstract_painting,Abstract_Expressionism,theodoros-stamos_edge-of-day-1961 +abstract_painting,Minimalism,richard-tuttle_light-pink-octagon-1967 +abstract_painting,Abstract_Expressionism,sam-francis_sulfur-sails-1969 +abstract_painting,Minimalism,lee-ufan_from-point-1980 +abstract_painting,Abstract_Expressionism,peter-busa_untitled +abstract_painting,Cubism,otto-gustav-carlsund_framf-r-toalettspegeln +abstract_painting,Color_Field_Painting,paul-feeley_ochus-1963 +abstract_painting,Abstract_Expressionism,theodoros-stamos_infinity-field-1873 +abstract_painting,Abstract_Expressionism,jack-tworkov_untitled-1955 +abstract_painting,Abstract_Expressionism,mark-tobey_orange-abstraction +abstract_painting,Abstract_Expressionism,cy-twombly_hero-and-leandro-a-painting-in-four-parts-part-ii +abstract_painting,Abstract_Expressionism,hans-hofmann_the-third-hand-1947 +abstract_painting,Color_Field_Painting,jack-bush_purple-blush-1968 +abstract_painting,Color_Field_Painting,anne-truitt_blythe-1998 +abstract_painting,Color_Field_Painting,claude-viallat_unknown-title-2 +abstract_painting,Abstract_Expressionism,clyfford-still_1949-a-no-1-1949 +abstract_painting,Abstract_Expressionism,sam-francis_variant-iii-from-bright-jade-ghost-1963 +abstract_painting,Color_Field_Painting,ray-parker_untitled-1964-1 +abstract_painting,Abstract_Expressionism,taro-yamamoto_untitled-1974 +abstract_painting,Minimalism,brice-marden_spanish-painting-1963 +abstract_painting,Abstract_Expressionism,hassel-smith_untitled-1959 +abstract_painting,Minimalism,kazuo-nakamura_spatial-concept-1968 +abstract_painting,Color_Field_Painting,gene-davis_checkmate-1973 +abstract_painting,Abstract_Expressionism,lee-krasner_mysteries-1972 +abstract_painting,Color_Field_Painting,gene-davis_homage-to-newman-ii-1979 +abstract_painting,Minimalism,richard-tuttle_sail-1964 +abstract_painting,Abstract_Expressionism,joan-miro_blue-ii +abstract_painting,Color_Field_Painting,frank-stella_harran-ii-1967 +abstract_painting,Abstract_Expressionism,jimmy-ernst_untitled-1950 +abstract_painting,Abstract_Expressionism,raoul-ubac_composition +abstract_painting,Color_Field_Painting,sam-francis_untitled-sf78-235-1978 +abstract_painting,Abstract_Expressionism,milton-resnick_painting-i-1957 +abstract_painting,Abstract_Expressionism,helen-frankenthaler_may-26th-backwards-1961(1) +abstract_painting,Abstract_Expressionism,sam-francis_2-pri-rain-1964 +abstract_painting,Color_Field_Painting,michel-carrade_unknown-title-10 +abstract_painting,Abstract_Expressionism,cy-twombly_untitled +abstract_painting,Color_Field_Painting,sam-francis_acrylic-on-canvas +abstract_painting,Abstract_Expressionism,sam-francis_sketch-1960 +abstract_painting,Color_Field_Painting,frank-stella_referendum-70-1970 +abstract_painting,Abstract_Expressionism,jimmy-ernst_animals-and-minerals-1952 +abstract_painting,Color_Field_Painting,sam-francis_untitled-1984-1 +abstract_painting,Abstract_Expressionism,sam-francis_untitled-exp-sf-56-04-1982 +abstract_painting,Color_Field_Painting,jack-youngerman_blue-delfina-1961 +abstract_painting,Color_Field_Painting,barnett-newman_dionysius-1949 +abstract_painting,Expressionism,pierre-alechinsky_stars-and-disasters-astres-et-d-sastres-1969-1 +abstract_painting,Abstract_Expressionism,alice-baber_piper-s-near-1965 +abstract_painting,Abstract_Expressionism,betty-parsons_untitled-abstraction(2) +abstract_painting,Minimalism,gene-davis_peach-glow-1958 +abstract_painting,Abstract_Expressionism,kenzo-okada_landscape +abstract_painting,Minimalism,rodolfo-arico_untitled-1965-1 +abstract_painting,Abstract_Expressionism,perle-fine_sunblinded-1946 +abstract_painting,Abstract_Expressionism,john-hoyland_trickster-1979 +abstract_painting,Abstract_Expressionism,richard-pousette-dart_by-the-sea +abstract_painting,Minimalism,enrico-castellani_no-827-1963 diff --git a/imageprocessing/artemis/artemis/emotions.py b/imageprocessing/artemis/artemis/emotions.py new file mode 100644 index 0000000000000000000000000000000000000000..eb5c1bb086a05a9a416ea5ef47161bc969f0911a --- /dev/null +++ b/imageprocessing/artemis/artemis/emotions.py @@ -0,0 +1,79 @@ +""" +Mostly some constants & very simple function to encode/handle the emotion attributes of ArtEmis. + +The MIT License (MIT) +Originally created at 02/11/20, for Python 3.x +Copyright (c) 2021 Panos Achlioptas (ai.stanford.edu/~optas) & Stanford Geometric Computing Lab +""" + + +ARTEMIS_EMOTIONS = ['amusement', 'awe', 'contentment', 'excitement', + 'anger', 'disgust', 'fear', 'sadness', 'something else'] + +EMOTION_TO_IDX = {e: i for i, e in enumerate(ARTEMIS_EMOTIONS)} + + +IDX_TO_EMOTION = {EMOTION_TO_IDX[e]: e for e in EMOTION_TO_IDX} + + +POS_NEG_ELSE = {'amusement': 0, 'awe': 0, 'contentment': 0, 'excitement': 0, + 'anger': 1, 'disgust': 1, 'fear': 1, 'sadness': 1, + 'something else': 2} + + +COLORS = {'amusement': '#EE82EE', + 'awe': '#FFFF00', + 'contentment': '#87CEEB', + 'excitement': '#DC143C', + 'anger': '#000080', + 'disgust': '#F0E68C', + 'fear': '#C0C0C0', + 'sadness': '#696969', + 'something else': '#228B22'} + + +LARGER_EMOTION_VOCAB = {('bored', 'boring', 'apathy', 'boredom', 'indifferent', 'dull', 'uninteresting', 'uninterested'), + ('shock', 'shocked'), + ('confused', 'confusion', 'confuses', 'puzzled', 'puzzling', + 'perplexed', 'perplexing', 'confusing', 'odd', 'weird'), + ('surprised',), + ('anticipation',), + ('empowerment',), + ('hope', 'hopeful', 'optimistic'), + ('neutral',), + ('rage',), + ('happy', 'happiness'), + ('grief',), + ('shame',), + ('resent',), + ('creepy',), + ('disappointment',), + ('depressing', 'depressed'), + ('bothered', 'disturbed', 'bothersome'), + ('overwhelmed',), + ('anxiety', 'anxious'), + ('thrilled',), + ('surprised', 'surprising'), + ('uncomfortable',), + ('curious', 'curiosity', 'wonder', 'intrigued', 'interested', 'interests', 'interesting', 'intriguing'), + ('alerted', 'alert'), + ('insult', 'insulted'), + ('shy',), + ('nostalgia', 'nostalgic'), + ('exhilarating', 'exhilarated')} + + +def positive_negative_else(emotion): + """ Map a feeling string (e.g. 'awe') to an integer indicating if it is a positive, negative, or else. + :param emotion: (string) + :return: int + """ + return POS_NEG_ELSE[emotion] + + +def emotion_to_int(emotion): + """ Map a feeling string (e.g. 'awe') to a unique integer. + :param emotion: (string) + :return: int + """ + return EMOTION_TO_IDX[emotion] \ No newline at end of file diff --git a/imageprocessing/artemis/artemis/evaluation/__init__.py b/imageprocessing/artemis/artemis/evaluation/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..55acc120618354c786f6d0b12cb95a1b650b4eac --- /dev/null +++ b/imageprocessing/artemis/artemis/evaluation/__init__.py @@ -0,0 +1,7 @@ +""" +TODO: add description + +The MIT License (MIT) +Originally created at 8/29/20, for Python 3.x +Copyright (c) 2020 Panos Achlioptas (pachlioptas@gmail.com) & Stanford Geometric Computing Lab +""" \ No newline at end of file diff --git a/imageprocessing/artemis/artemis/evaluation/bleu.py b/imageprocessing/artemis/artemis/evaluation/bleu.py new file mode 100644 index 0000000000000000000000000000000000000000..0dbd63b7d18e5dd5b24878ca65e47fe4af689b3a --- /dev/null +++ b/imageprocessing/artemis/artemis/evaluation/bleu.py @@ -0,0 +1,34 @@ +""" +BLEU via NLTK + +The MIT License (MIT) +Originally created at 8/31/20, for Python 3.x +Copyright (c) 2021 Panos Achlioptas (pachlioptas@gmail.com) & Stanford Geometric Computing Lab +""" +import pandas as pd +from nltk.translate.bleu_score import SmoothingFunction, sentence_bleu + +cc = SmoothingFunction() + +def sentence_bleu_for_hypotheses(references, hypothesis, max_grams=4, smoothing_function=None): + """ Compute the BLEU score for the hypothesis (e.g., generated captions) against given references acting + as ground-truth. + :param references: (list of lists of lists) of len M. Each sublist contains strings. [['a', 'boy'], ['rock', 'music']] + :param hypothesis: (list of lists) + :param max_grams: int, bleu-max_grams i.e., when 4, computes bleu-4 + :param smoothing_function: + :return: a Series containing the scores in the same order as the input + Note: see nltk.bleu_score.sentence_bleu + """ + if len(references) != len(hypothesis): + raise ValueError('Each reference (set) comes with a single hypothesis') + if type(references[0]) != list or type(hypothesis[0]) != list: + raise ValueError('Bad input types: use tokenized strings, and lists of tokens.') + + scores = [] + weights = (1.0 / max_grams, ) * max_grams + + for i in range(len(references)): + scores.append(sentence_bleu(references[i], hypothesis[i], weights=weights, + smoothing_function=smoothing_function)) + return pd.Series(scores) \ No newline at end of file diff --git a/imageprocessing/artemis/artemis/evaluation/emotion_alignment.py b/imageprocessing/artemis/artemis/evaluation/emotion_alignment.py new file mode 100644 index 0000000000000000000000000000000000000000..9d143d508a497fd01e6d40773ef5192ec4097946 --- /dev/null +++ b/imageprocessing/artemis/artemis/evaluation/emotion_alignment.py @@ -0,0 +1,87 @@ +""" +Measuring the emotion-alignment between a generation and the ground-truth (emotion). + +The MIT License (MIT) +Originally created at 8/31/20, for Python 3.x +Copyright (c) 2021 Panos Achlioptas (pachlioptas@gmail.com) & Stanford Geometric Computing Lab +""" + +import torch +import numpy as np +from ..utils.basic import iterate_in_chunks + + +@torch.no_grad() +def image_to_emotion(img2emo_clf, data_loader, device): + """ For each image of the underlying dataset predict an emotion + :param img2emo_clf: nn.Module + :param data_loader: torch loader of dataset to iterate + :param device: gpu placement + :return: + """ + img2emo_clf.eval() + emo_of_img_preds = [] + for batch in data_loader: + predictions = img2emo_clf(batch['image'].to(device)).cpu() + emo_of_img_preds.append(predictions) + emo_of_img_preds = torch.cat(emo_of_img_preds) + return emo_of_img_preds + + +@torch.no_grad() +def text_to_emotion(txt2em_clf, encoded_tokens, device, batch_size=1000): + """ + :param txt2em_clf: + :param encoded_tokens: Tensor carrying the text encoded + :param device: + :param batch_size: + :return: + """ + txt2em_clf.eval() + emotion_txt_preds = [] + for chunk in iterate_in_chunks(encoded_tokens, batch_size): + emotion_txt_preds.append(txt2em_clf(chunk.to(device)).cpu()) + + emotion_txt_preds = torch.cat(emotion_txt_preds) + maximizers = torch.argmax(emotion_txt_preds, -1) + return emotion_txt_preds, maximizers + + +def unique_maximizer(a_list): + """ if there is an element of the input list that appears + strictly more frequent than any other element + :param a_list: + :return: + """ + u_elements, u_cnt = np.unique(a_list, return_counts=True) + has_umax = sum(u_cnt == u_cnt.max()) == 1 + umax = u_elements[u_cnt.argmax()] + return has_umax, umax + + +def dominant_maximizer(a_list): + """ if there is an element of the input list that appears + at least half the time + :param a_list: + :return: + """ + u_elements, u_cnt = np.unique(a_list, return_counts=True) + + has_umax = u_cnt.max() >= len(a_list) / 2 + + if len(u_cnt) >= 2: # make sure the second most frequent does not match the first. + a, b = sorted(u_cnt)[-2:] + if a == b: + has_umax = False + + umax = u_elements[u_cnt.argmax()] + return has_umax, umax + + +def occurrence_list_to_distribution(list_of_ints, n_support): + """e.g., [0, 8, 8, 8] -> [1/4, 0, ..., 3/4, 0, ...]""" + distribution = np.zeros(n_support, dtype=np.float32) + for i in list_of_ints: + distribution[i] += 1 + distribution /= sum(distribution) + return distribution \ No newline at end of file diff --git a/imageprocessing/artemis/artemis/evaluation/longest_common_subseq.py b/imageprocessing/artemis/artemis/evaluation/longest_common_subseq.py new file mode 100644 index 0000000000000000000000000000000000000000..81869ab7d70d21e2926fa93844dc2849a206f011 --- /dev/null +++ b/imageprocessing/artemis/artemis/evaluation/longest_common_subseq.py @@ -0,0 +1,63 @@ +""" +The MIT License (MIT) +Originally created at 10/5/20, for Python 3.x +Copyright (c) 2021 Panos Achlioptas (ai.stanford.edu/~optas) & Stanford Geometric Computing Lab +""" + +import numpy as np +from tqdm import tqdm + +def lcs(s1, s2): + """ + Longest common subsequence of two iterables. A subsequence is a + sequence that appears in the same relative order, but not necessarily contiguous. + :param s1: first iterable + :param s2: second iterable + :return: (list) the lcs + """ + matrix = [[[] for _ in range(len(s2))] for _ in range(len(s1))] + for i in range(len(s1)): + for j in range(len(s2)): + if s1[i] == s2[j]: + if i == 0 or j == 0: + matrix[i][j] = [s1[i]] + else: + matrix[i][j] = matrix[i-1][j-1] + [s1[i]] + else: + matrix[i][j] = max(matrix[i-1][j], matrix[i][j-1], key=len) + cs = matrix[-1][-1] + return cs + + +def captions_lcs_from_training_utterances(captions_tokenized, train_utters_tokenized): + maximizers = np.zeros(len(captions_tokenized), dtype=int) + max_lcs = np.zeros(len(captions_tokenized)) + averages = np.zeros(len(captions_tokenized)) + for i, caption in enumerate(tqdm(captions_tokenized)): + caption_res = [len(lcs(caption, tr_example)) for tr_example in train_utters_tokenized] + max_loc = np.argmax(caption_res) + maximizers[i] = max_loc + max_lcs[i] = caption_res[max_loc] + averages[i] = np.mean(caption_res) + return max_lcs, averages, maximizers + + +### +# Panos Note: +# a) '[the] contours shadowing [and] details make this painting [look like a] photograph the way the hair is +# layered and [the eyes] gazing off to space are fantastic' +# b) '[the] red [and] black paint strokes [look like a] bunch on [the eyes]' +# (a), (b) have lcs = 7 +# but, +# a) '[the woman] is pretty nice and [has a] welcoming [facial expression]' +# b) '[the woman] looks very elegant since she [has] such [a] beautiful [facial expression]' +# (a), (b) have lcs = 6 +# implying that removing stop-word articles "a", "the" could make this more realistic, since the first pair is way more +# dissimilar than the second. +# also if you use this to compare to systems; the length of the utterance could be used to normalize the bias the length +# brings in. +### + + + + diff --git a/imageprocessing/artemis/artemis/evaluation/metaphors.py b/imageprocessing/artemis/artemis/evaluation/metaphors.py new file mode 100644 index 0000000000000000000000000000000000000000..ca474950b4daced8a51e052821e828709464d42b --- /dev/null +++ b/imageprocessing/artemis/artemis/evaluation/metaphors.py @@ -0,0 +1,42 @@ +""" +Greedy-approximate counting of similes/methaphors present in a set of sentences. + +The MIT License (MIT) +Originally created at 9/1/20, for Python 3.x +Copyright (c) 2021 Panos Achlioptas (pachlioptas@gmail.com) & Stanford Geometric Computing Lab +""" + +metaphorical_substrings = {'could be', + 'appears to be', + 'appear to be', + 'reminds me', + 'remind me', + 'seems like', + 'looks like', + 'look like', + 'is like', + 'are like', + 'think of', + 'resembles', + 'resembling' + } + + +def makes_metaphor_via_substring_matching(sentences, substrings=None): + """ + :param sentences: list of strings + :param substrings: iterable with substrings of which the occurrence implies a metaphor is made + :return: list with booleans + """ + if substrings is None: + substrings = metaphorical_substrings + + makes_metaphor = [] + for s in sentences: + yes = False + for m in substrings: + if m in s: + yes = True + break + makes_metaphor.append(yes) + return makes_metaphor \ No newline at end of file diff --git a/imageprocessing/artemis/artemis/evaluation/single_caption_per_image.py b/imageprocessing/artemis/artemis/evaluation/single_caption_per_image.py new file mode 100644 index 0000000000000000000000000000000000000000..e3a49df560ab65e7e017403047e3e88d5977db22 --- /dev/null +++ b/imageprocessing/artemis/artemis/evaluation/single_caption_per_image.py @@ -0,0 +1,214 @@ +""" +Some grouping of various evaluation evaluation routines that assume that assume that for a given set of reference +sentences there is a _single_ caption (sample) generated. + +The MIT License (MIT) +Originally created at 9/1/20, for Python 3.x +Copyright (c) 2021 Panos Achlioptas (pachlioptas@gmail.com) & Stanford Geometric Computing Lab +""" + +import torch +import warnings +import pandas as pd +import numpy as np + + +from .bleu import sentence_bleu_for_hypotheses, cc +from .metaphors import makes_metaphor_via_substring_matching +from .emotion_alignment import text_to_emotion +from .pycocoevalcap import Bleu, Cider, Meteor, Spice, Rouge +from .emotion_alignment import dominant_maximizer, occurrence_list_to_distribution +from .longest_common_subseq import captions_lcs_from_training_utterances +from ..utils.basic import cross_entropy + +ALL_METRICS = {'bleu', 'cider', 'spice', 'meteor', 'rouge', 'emo_alignment', 'metaphor', 'lcs'} + + +def emotional_alignment(hypothesis, emotions, vocab, txt2em_clf, device): + """ text 2 emotion, then compare with ground-truth. + :param hypothesis: + :param emotions: (list of list of int) human emotion-annotations (ground-truth) e.g., [[0, 1] [1]] + :param vocab: + :param txt2em_clf: + :param device: + :return: + """ + + # from text to emotion + hypothesis_tokenized = hypothesis.apply(lambda x: x.split()) + max_len = hypothesis_tokenized.apply(lambda x: len(x)).max() + hypothesis = hypothesis_tokenized.apply(lambda x: np.array(vocab.encode(x, max_len=max_len))) + hypothesis = torch.from_numpy(np.vstack(hypothesis)) + pred_logits, pred_maximizer = text_to_emotion(txt2em_clf, hypothesis, device) + + # convert emotion lists to distributions to measure cross-entropy + n_emotions = 9 + emo_dists = torch.from_numpy(np.vstack(emotions.apply(lambda x: occurrence_list_to_distribution(x, n_emotions)))) + x_entropy = cross_entropy(pred_logits, emo_dists).item() + + # constrain predictions to those of images with dominant maximizer of emotion + has_max, maximizer = zip(*emotions.apply(dominant_maximizer)) + emotion_mask = np.array(has_max) + masked_emotion = np.array(maximizer)[emotion_mask] + + guess_correct = masked_emotion == pred_maximizer[emotion_mask].cpu().numpy() + accuracy = guess_correct.mean() + + return accuracy, x_entropy + + +def bleu_scores_via_nltk(hypothesis, references, smoothing_function=cc.method1): + """ + :param hypothesis: dataframe of strings + :param references: dataframe of list of strings + :param smoothing_function: + :return: + """ + + # first tokenize + hypothesis_tokenized = hypothesis.apply(lambda x: x.split()) + references_tokenized = references.apply(lambda x: [i.split() for i in x]) + + results = dict() + for max_grams in range(1, 5): + with warnings.catch_warnings(): + warnings.simplefilter("ignore") + scores = sentence_bleu_for_hypotheses(references_tokenized, + hypothesis_tokenized, + max_grams, + smoothing_function) + results['BLEU-{}'.format(max_grams)] = scores + return results + + +def dataframes_to_coco_eval_format(references, hypothesis): + references = {i: [k for k in x] for i, x in enumerate(references)} + hypothesis = {i: [x] for i, x in enumerate(hypothesis)} + return references, hypothesis + + +def pycoco_bleu_scores(hypothesis, references): + references, hypothesis = dataframes_to_coco_eval_format(references, hypothesis) + scorer = Bleu() + average_score, all_scores = scorer.compute_score(references, hypothesis) + # Note: average_score takes into account epsilons: tiny/small + # this won't be reflected if you take the direct average of all_scores. + return average_score, all_scores + + +def pycoco_eval_scores(hypothesis, references, metric): + references, hypothesis = dataframes_to_coco_eval_format(references, hypothesis) + if metric == 'cider': + scorer = Cider() + elif metric == 'meteor': + scorer = Meteor() + elif metric == 'spice': + scorer = Spice() + elif metric == 'rouge': + scorer = Rouge() + else: + raise ValueError + avg, all_scores = scorer.compute_score(references, hypothesis) + return pd.Series(all_scores) + + +def apply_basic_evaluations(hypothesis, references, ref_emotions, txt2emo_clf, text2emo_vocab, + lcs_sample=None, train_utterances=None, nltk_bleu=False, smoothing_function=cc.method1, + device="cuda", random_seed=2021, + methods_to_do=ALL_METRICS): + """ + :param hypothesis: list of strings ['a man', 'a woman'] + :param references: list of list of strings [['a man', 'a tall man'], ['a woman']] + :param ref_emotions: emotions corresponding to references list of list of integers [[0, 1] [1]] + + :param text2emo_vocab: + :param txt2emo_clf: + :param device: + :param smoothing_function: + :return: + """ + results = [] + stat_track = ['mean', 'std'] + + ## + ## BLEU:1-4 + ## + if 'bleu' in methods_to_do: + if nltk_bleu: + res = bleu_scores_via_nltk(hypothesis, references, smoothing_function=smoothing_function) + for metric, scores in res.items(): + stats = scores.describe()[stat_track] + stats = pd.concat([pd.Series({'metric': metric}), stats]) + results.append(stats) + else: + #py-coco based + b_scores = pycoco_bleu_scores(hypothesis, references) + for i in range(4): + metric = f'BLEU-{i}' + mu = b_scores[0][i] + # note the std below reflects the values without the 'tiny' adaptation (unlike the mu) + # avg_dummy = np.mean(b_scores[1][i]) # this is the average without the tiny adaptation. + std = np.std(b_scores[1][i]) + stats = pd.concat([pd.Series({'metric': metric}), pd.Series({'mean': mu, 'std':std})]) + results.append(stats) + print('BLEU: done') + + ## + ## CIDER, SPICE, METEOR, ROUGE-L + ## + coco_requested = False + for metric in ['cider', 'spice', 'meteor', 'rouge']: + if metric in methods_to_do: + stats = pycoco_eval_scores(hypothesis, references, metric).describe()[stat_track] + stats = pd.concat([pd.Series({'metric': metric.upper()}), stats]) + results.append(stats) + coco_requested = True + if coco_requested: + print('COCO-based-metrics: done') + + ## + ## Emotional-Alignment + ## + if 'emo_alignment' in methods_to_do: + emo_accuracy, emo_xentopy = emotional_alignment(hypothesis, ref_emotions, text2emo_vocab, txt2emo_clf, device) + stats = pd.Series(emo_accuracy, dtype=float) + stats = stats.describe()[stat_track] + stats = pd.concat([pd.Series({'metric': 'Emo-Alignment-ACC'}), stats]) + results.append(stats) + + stats = pd.Series(emo_xentopy, dtype=float) + stats = stats.describe()[stat_track] + stats = pd.concat([pd.Series({'metric': 'Emo-Alignment-XENT'}), stats]) + results.append(stats) + print('EMO-ALIGN: done') + + ## + ## Metaphor-like expressions + ## + if 'metaphor' in methods_to_do: + met_mask = makes_metaphor_via_substring_matching(hypothesis) + stats = pd.Series(met_mask, dtype=float) + stats = stats.describe()[stat_track] + stats = pd.concat([pd.Series({'metric': 'Metaphors'}), stats]) + results.append(stats) + print('Metaphor-like expressions: Done') + + ## + ## Novelty via Longest Common Subsequence + ## + if 'lcs' in methods_to_do: + np.random.seed(random_seed) # since you will (normally) sub-sample + train_utters_tokenized = [u.split() for u in train_utterances] + uts = pd.Series(train_utters_tokenized).sample(lcs_sample[0]).to_list() + hypo_token = hypothesis.apply(lambda x: x.split()).sample(lcs_sample[1]).to_list() + + max_lcs, mean_lcs, _ = captions_lcs_from_training_utterances(hypo_token, uts) + stats = pd.Series(max_lcs).describe()[stat_track] + stats = pd.concat([pd.Series({'metric': 'max-LCS'}), stats]) + results.append(stats) + stats = pd.Series(mean_lcs).describe()[stat_track] + stats = pd.concat([pd.Series({'metric': 'mean-LCS'}), stats]) + results.append(stats) + print('Novelty via Longest Common Subsequence: Done') + + return results \ No newline at end of file diff --git a/imageprocessing/artemis/artemis/in_out/__init__.py b/imageprocessing/artemis/artemis/in_out/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..18fc359f582e4ac403654d09ede5e85fd196423c --- /dev/null +++ b/imageprocessing/artemis/artemis/in_out/__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/in_out/arguments.py b/imageprocessing/artemis/artemis/in_out/arguments.py new file mode 100644 index 0000000000000000000000000000000000000000..94211d43557dd8c4dc1a34e569f8f8fa25d3b167 --- /dev/null +++ b/imageprocessing/artemis/artemis/in_out/arguments.py @@ -0,0 +1,199 @@ +""" +Argument handling. + +The MIT License (MIT) +Originally created at early 2020, for Python 3.x +Copyright (c) 2021 Panos Achlioptas (ai.stanford.edu/~optas) & Stanford Geometric Computing Lab +""" +import argparse +import json +import pprint +import pathlib +import os.path as osp +from datetime import datetime +from .basics import create_dir + + +def str2bool(v): + """ boolean values for argparse + """ + if isinstance(v, bool): + return v + if v.lower() in ('yes', 'true', 't', 'y', '1'): + return True + elif v.lower() in ('no', 'false', 'f', 'n', '0'): + return False + else: + raise argparse.ArgumentTypeError('Boolean value expected.') + + +def parse_train_speaker_arguments(notebook_options=None, save_args=False): + """ Default/Main arguments for training a SAT neural-speaker (via ArtEmis). + :param notebook_options: list, if you are using this via a jupyter notebook + :return: argparse.ArgumentParser + """ + + parser = argparse.ArgumentParser(description='training-a-neural-speaker') + + ## Non-optional arguments + parser.add_argument('-log-dir', type=str, required=True, help='where to save training-progress, model, etc.') + parser.add_argument('-data-dir', type=str, required=True, help='path to ArtEmis/COCO preprocessed data') + parser.add_argument('-img-dir', type=str, required=True, help='path to top image (e.g., WikiArt) dir') + + # Model parameters + parser.add_argument('--img-dim', type=int, default=256, help='images will be resized to be squared with this many pixels') + parser.add_argument('--lanczos', type=str2bool, default=True, help='apply lanczos resampling when resizing') + parser.add_argument('--atn-spatial-img-size', type=int, help='optional, if provided reshapes the spatial output dimension of the ' + 'visual encode in this X this "pixels" using average-pooling. ') + + parser.add_argument('--atn-cover-img-alpha', type=float, default=1, help='attention to cover entire image when ' + 'marginalized over tokens') + parser.add_argument('--attention-dim', type=int, default=512) + parser.add_argument('--rnn-hidden-dim', type=int, default=512) + parser.add_argument('--word-embedding-dim', type=int, default=128) + parser.add_argument('--vis-encoder', type=str, default='resnet34', choices=['resnet18', + 'resnet34', + 'resnet50', + 'resnet101'], help='visual-encoder backbone') + parser.add_argument('--dropout-rate', type=float, default=0.1) + parser.add_argument('--teacher-forcing-ratio', type=int, default=1) + + parser.add_argument('--use-emo-grounding', type=str2bool, default=False) + parser.add_argument('--emo-grounding-dims', nargs=2, type=int, default=[9, 9], help='[input] number of emotions x the' + 'the size of the projection layer that ' + 'will be used to transform the one-hot emotion' + 'to a grounding vector.') + + + # Training parameters + parser.add_argument('--resume-path', type=str, help='model-path to resume from') + parser.add_argument('--fine-tune-data', type=str) + parser.add_argument('--batch-size', type=int, default=128) + parser.add_argument('--num-workers', type=int, default=6) + parser.add_argument('--gpu', type=str, default='0') + parser.add_argument('--encoder-lr', type=float, default=1e-4) + parser.add_argument('--decoder-lr', type=float, default=5e-4) + parser.add_argument('--max-train-epochs', type=int, default=50) + parser.add_argument('--train-patience', type=int, default=5, help='maximum consecutive epochs where the validation ' + 'Neg-LL does not improve before we stop training.') + parser.add_argument('--lr-patience', type=int, default=2, help='maximum waiting of epochs where the validation ' + 'Neg-LL does not improve before we reduce the' + 'learning-rate.') + parser.add_argument('--save-each-epoch', type=str2bool, default=True, help='Save the model at each epoch, else will only save' + 'the one that achieved the minimal ' + 'Negative-Log-Likelihood in the validation split.') + + # Misc + parser.add_argument('--dataset', type=str, default='artemis') + parser.add_argument('--random-seed', type=int, default=2021) + parser.add_argument('--debug', default=False, type=str2bool) + parser.add_argument('--use-timestamp', default=True, type=str2bool) + + # Parse arguments + if notebook_options is not None: # Pass options directly + args = parser.parse_args(notebook_options) + else: + args = parser.parse_args() # Read from command line. + + if args.use_timestamp: + timestamp = datetime.now().strftime("%m-%d-%Y-%H-%M-%S") + args.log_dir = create_dir(osp.join(args.log_dir, timestamp)) + + # pprint them + args_string = pprint.pformat(vars(args)) + print(args_string) + + if save_args: + out = osp.join(args.log_dir, 'config.json.txt') + with open(out, 'w') as f_out: + json.dump(vars(args), f_out, indent=4, sort_keys=True) + + return args + + +def parse_test_speaker_arguments(notebook_options=None): + """ Parameters for testing (sampling) a neural-speaker. + :param notebook_options: list, if you are using this via a jupyter notebook + :return: argparse.ArgumentParser + """ + parser = argparse.ArgumentParser(description='testing-a-neural-speaker') + + ## Basic required arguments + parser.add_argument('-speaker-saved-args', type=str, required=True, help='config.json.txt file for saved speaker model (output of train_speaker.py)') + parser.add_argument('-speaker-checkpoint', type=str, required=True, help='saved model checkpoint ("best_model.pt" (output of train_speaker.py)') + parser.add_argument('-img-dir', type=str, required=True, help='path to top image dir (typically that\'s the WikiArt top-dir)') + parser.add_argument('-out-file', type=str, required=True, help='file to save the sampled utterances, their attention etc. as a pkl') + + ## Basic optional arguments + parser.add_argument('--split', type=str, default='test', choices=['train', 'test', 'val', 'rest'], help='set the split of the dataset you want to annotate ' + 'the code will load the dataset based on the dir-location marked ' + 'in the input config.json.txt file. ' + 'this param has no effect if a custom-data-csv is passed.') + + parser.add_argument('--custom-data-csv', type=str, help='if you want to annotate your own set of images. Please ' + 'see the code for what this csv should look like. ') + + parser.add_argument('--subsample-data', type=int, default=-1, help='if not -1, will subsample the underlying dataset' + 'and will annotated only this many images.') + + + ## Optional arguments controlling the generation/sampling process + parser.add_argument('--max-utterance-len', type=int, help='maximum allowed lenght for any sampled utterances. If not given ' + 'the maximum found in the underlying dataset split will be used.' + 'Fot the official ArtEmis split for deep-nets that is 30 tokens.') + + parser.add_argument('--drop-unk', type=str2bool, default=True, help='if True, do not create samples that contain the ' + 'unknown token') + + parser.add_argument('--drop-bigrams', type=str2bool, default=True, help='if True, prevent the same bigram to occur ' + 'twice in a sampled utterance') + + + ## To enable the pass of multiple configurations for the sampler at once! i.e., so you can try many + ## sampling temperatures, methods to sample (beam-search vs. topk), beam-size (or more) + ## You can provide a simple .json that specifies these values you want to try. + ## See >> data/speaker_sampling_configs << for examples + ## Note. if you pass nothing the >> data/speaker_sampling_configs/selected_hyper_params.json.txt << will be used + ## these are parameters used in the the paper. + parser.add_argument('--sampling-config-file', type=str, help='Note. if max-len, drop-unk ' + 'and drop-bigrams are not specified in the json' + 'the directly provided values of these parameters ' + 'will be used.') + + + parser.add_argument('--random-seed', type=int, default=2021, help='if -1 it won\'t have an effect; else the sampler ' + 'becomes deterministic') + + parser.add_argument('--img2emo-checkpoint', type=str, help='checkpoint file of image-2-emotion classifier that will ' + 'be used to sample the grounding emotion that will be used ' + 'by the speaker, if you pass an emotionally-grouned speaker. ' + 'Note. if you pass/use an emo-grounded speaker - this argument ' + 'becomes required, except if you are using your own custom-data-csv ' + 'where you can specify the grounding emotion manually.' ) + + parser.add_argument('--gpu', type=str, default='0') + parser.add_argument('--n-workers', type=int) + + parser.add_argument('--compute-nll', type=str2bool, default=False, help='Compute the negative-log-likelihood of ' + 'the dataset under the the saved speaker model.') + + + + # Parse arguments + if notebook_options is not None: # Pass options directly + args = parser.parse_args(notebook_options) + else: + args = parser.parse_args() # Read from command line. + + # load "default" + if args.sampling_config_file is None: + up_dir = osp.split(pathlib.Path(__file__).parent.absolute())[0] + args.sampling_config_file = osp.join(up_dir, 'data/speaker_sampling_configs/selected_hyper_params.json.txt') + + # pprint them + print('\nParameters Specified:') + args_string = pprint.pformat(vars(args)) + print(args_string) + print('\n') + + return args \ No newline at end of file diff --git a/imageprocessing/artemis/artemis/in_out/basics.py b/imageprocessing/artemis/artemis/in_out/basics.py new file mode 100644 index 0000000000000000000000000000000000000000..42bb281b99801f0f0a07924bdb5ca60126b30572 --- /dev/null +++ b/imageprocessing/artemis/artemis/in_out/basics.py @@ -0,0 +1,230 @@ +""" +Basic (simple) I/O Utilities. + +The MIT License (MIT) +Originally created in 2019, for Python 3.x +Copyright (c) 2021 Panos Achlioptas (ai.stanford.edu/~optas) & Stanford Geometric Computing Lab +""" + +import re +import os +import json +import sys +import numpy as np +import pandas as pd +import os.path as osp +import pprint +import logging +from argparse import ArgumentParser +from IPython.display import display +from PIL import Image +from six.moves import cPickle, range +from ..emotions import ARTEMIS_EMOTIONS + + +def files_in_subdirs(top_dir, search_pattern): + join = osp.join + regex = re.compile(search_pattern) + for path, _, files in os.walk(top_dir): + for name in files: + full_name = join(path, name) + if regex.search(full_name): + yield full_name + + +def create_dir(dir_path): + """ Creates a directory (or nested directories) if they don't exist. + """ + if not osp.exists(dir_path): + os.makedirs(dir_path) + + return dir_path + + +def pickle_data(file_name, *args): + """Using (c)Pickle to save multiple python objects in a single file. + """ + out_file = open(file_name, 'wb') + cPickle.dump(len(args), out_file, protocol=2) + for item in args: + cPickle.dump(item, out_file, protocol=2) + out_file.close() + + +def unpickle_data(file_name, python2_to_3=False): + """ Restore data previously saved with pickle_data(). + :param file_name: file holding the pickled data. + :param python2_to_3: (boolean), if True, pickle happened under python2x, unpickling under python3x. + :return: an generator over the un-pickled items. + Note, about implementing the python2_to_3 see + https://stackoverflow.com/questions/28218466/unpickling-a-python-2-object-with-python-3 + """ + in_file = open(file_name, 'rb') + if python2_to_3: + size = cPickle.load(in_file, encoding='latin1') + else: + size = cPickle.load(in_file) + + for _ in range(size): + if python2_to_3: + yield cPickle.load(in_file, encoding='latin1') + else: + yield cPickle.load(in_file) + in_file.close() + + +def load_raw_amt_csv_hit_responses(top_csv_folder, verbose=True, only_approved=True, + keep_cols=None, drop_rorschach=True, has_emotions=True): + """ + :param top_csv_folder: + :param verbose: + :param only_approved: + :param keep_cols: + :param drop_rorschach: + :param has_emotions: set to False to load wiki-art annotations that are objective (OLA-dataset) + :return: + """ + + all_collected_csv = [f for f in files_in_subdirs(top_csv_folder, '.csv$')] + + if verbose: + print('{} files loaded'.format(len(all_collected_csv))) + + all_csv_names = [osp.basename(f) for f in all_collected_csv] + assert len(all_csv_names) == len(set(all_csv_names)) # unique names + + all_dfs = [] + for f in all_collected_csv: # load each .csv + df = pd.read_csv(f) + # print(df['AssignmentStatus'].unique()) + in_submission_mode = (df['AssignmentStatus'] == 'Submitted').sum() + if in_submission_mode > 0: + print('In {}, {} examples are still in submitted mode.'.format(osp.basename(f), in_submission_mode)) + if only_approved: + df = df[df['AssignmentStatus'] == 'Approved'] + all_dfs.append(df) + df = pd.concat(all_dfs) + + # Rename columns + new_cols = [c.replace('choice.', '') for c in [c.replace('Answer.', '') for c in df.columns]] + new_cols = [c.lower() for c in new_cols] + df.columns = new_cols + df = df.reset_index() + + # Keep ML-related columns + ml_related_cols = ['workerid', 'input.image_url', 'utterance'] + # Add potential extras requested at the input + if keep_cols is not None: + ml_related_cols += keep_cols + + if has_emotions: + _, x = np.where(df[ARTEMIS_EMOTIONS]) + emotion_chosen = pd.Series(np.array(ARTEMIS_EMOTIONS)[x], name='emotion') + df = pd.concat([df[ml_related_cols], emotion_chosen], axis=1) + else: + df = df[ml_related_cols] + + # Derivative columns + def url_to_painting_name(x): + tokens = x.split('/') + return tokens[-1][:-len('.jpg')] + + def url_to_art_style(x): + tokens = x.split('/') + return tokens[-2] + + df['painting'] = df['input.image_url'].apply(url_to_painting_name) + df['art_style'] = df['input.image_url'].apply(url_to_art_style) + df = df.drop(['input.image_url'], axis=1) + + if drop_rorschach: + df = df[df['art_style'] != 'test'] + df.reset_index(inplace=True, drop=True) + + if verbose: + print('Loading responses:', len(df)) + print('Column Names:', [c for c in df.columns]) + + return df + + +def splitall(path): + """ + Examples: + splitall('a/b/c') -> ['a', 'b', 'c'] + splitall('/a/b/c/') -> ['/', 'a', 'b', 'c', ''] + + NOTE: https://www.oreilly.com/library/view/python-cookbook/0596001673/ch04s16.html + """ + allparts = [] + while 1: + parts = osp.split(path) + if parts[0] == path: # Sentinel for absolute paths. + allparts.insert(0, parts[0]) + break + elif parts[1] == path: # Sentinel for relative paths. + allparts.insert(0, parts[1]) + break + else: + path = parts[0] + allparts.insert(0, parts[1]) + return allparts + + +def wikiart_file_name_to_style_and_painting(filename): + """ + Assumes a filename of a painting of wiki-art. + :param filename: + :return: + """ + s = splitall(filename) + return s[-2], s[-1][:-len('.jpg')] + + +def show_random_captions(df, top_img_dir): + painting, art_style = df.sample(1)[['painting', 'art_style']].iloc[0] + print(art_style, painting) + display(Image.open(osp.join(top_img_dir, art_style, painting + '.jpg'))) + s = df[(df.painting == painting) & (df.art_style == art_style)] + for e, u in zip(s['emotion'], s['utterance']): + print('{}:\t{}'.format(e.upper(), u)) + + +def read_saved_args(config_file, override_args=None, verbose=False): + """ + :param config_file: json file containing arguments + :param override_args: dict e.g., {'gpu': '0'} + :param verbose: + :return: + """ + parser = ArgumentParser() + args = parser.parse_args([]) + with open(config_file, 'r') as f_in: + args.__dict__ = json.load(f_in) + + if override_args is not None: + for key, val in override_args.items(): + args.__setattr__(key, val) + + if verbose: + args_string = pprint.pformat(vars(args)) + print(args_string) + + return args + + +def create_logger(log_dir, std_out=True): + logger = logging.getLogger() + logger.setLevel(logging.INFO) + formatter = logging.Formatter('%(asctime)s - %(message)s') + + # Add logging to file handler + file_handler = logging.FileHandler(osp.join(log_dir, 'log.txt')) + file_handler.setLevel(logging.INFO) + file_handler.setFormatter(formatter) + logger.addHandler(file_handler) + + # Add stdout to also print statements there + if std_out: + logger.addHandler(logging.StreamHandler(sys.stdout)) + return logger \ No newline at end of file diff --git a/imageprocessing/artemis/artemis/in_out/cleaning.py b/imageprocessing/artemis/artemis/in_out/cleaning.py new file mode 100644 index 0000000000000000000000000000000000000000..022e43756df12ce39007f169d43c24432ac202bf --- /dev/null +++ b/imageprocessing/artemis/artemis/in_out/cleaning.py @@ -0,0 +1,87 @@ +""" +Data Cleaning Utilities. + +The MIT License (MIT) +Originally created in 2020, for Python 3.x +Copyright (c) 2021 Panos Achlioptas (ai.stanford.edu/~optas) & Stanford Geometric Computing Lab +""" + +import pathlib +import os.path as osp +from tqdm import tqdm_notebook as tqdm +from ..in_out.basics import unpickle_data, splitall + + +def load_duplicate_paintings_of_wikiart(duplicates_pkl_file=None, verbose=True): + """ Return a list containing wikiArt paintings that are double-listed. + :param duplicates_pkl_file: (opt) pkl file containing the duplicate groups. + :return: (list of list) each sublist contains tuples like (art_style, painting) that are duplicates. + + Note. If duplicates_pkl_file==None, the stored inside the repo .pkl file will be used. The duplicates indicated in + the .pkl were found by a combination of running the `fdupes' program and a manual check on Nearest-Neighbors of a + pretrained ResNet on ImageNet that had very small distances. + """ + if duplicates_pkl_file is None: + up_dir = osp.split(pathlib.Path(__file__).parent.absolute())[0] + duplicates_pkl_file = osp.join(up_dir, 'data/wiki_art_duplicate_paintings.pkl') + # Note. This file contains duplicates that were found using + duplicates_as_list = next(unpickle_data(duplicates_pkl_file)) + if verbose: + print("Using {} groups of paintings that are visually identical (duplicates).".format(len(duplicates_as_list))) + return duplicates_as_list + + +def drop_duplicate_paintings(wiki_art_image_files, duplicate_groups=None): + """ + :param wiki_art_image_files: (list) with filenames of the form xx/xx/art_style/painting.jpg + :param duplicate_groups: list of list, each item is a collection of (art_style, painting) tuples that are duplicates. + :return: a new list where from each duplicate group only one (the first) painting is kept. + """ + if duplicate_groups is None: + duplicate_groups = load_duplicate_paintings_of_wikiart() + + drop_these = set() + for dup_g in duplicate_groups: + drop_these.update(dup_g[1:]) # drop all but first + + clean_img_files = [] + dropped = 0 + for img_file in wiki_art_image_files: + tokens = splitall(img_file) + painting = tokens[-1][:-len('.jpg')] + art_style = tokens[-2] + key = (art_style, painting) + if key in drop_these: + dropped += 1 + else: + clean_img_files.append(img_file) + print('Dropping {} from {} paintings that are duplicates of one painting that is kept.'.format(dropped, + len(wiki_art_image_files))) + return clean_img_files + + +def merge_artemis_annotations_on_wikiart_duplicates(dataset_df, duplicate_groups=None, verbose=True): + """ + :param dataset_df: + :param duplicate_groups: + :return: + """ + + if duplicate_groups is None: + duplicate_groups = load_duplicate_paintings_of_wikiart() + + n_merged_stimuli = 0 + for dup_g in tqdm(duplicate_groups): + keep_this = dup_g[0] + drop_these = dup_g[1:] # drop all but first + for stimulus in drop_these: + mask = (dataset_df['art_style'] == stimulus[0]) & (dataset_df['painting'] == stimulus[1]) + n_merged_stimuli += sum(mask) + dataset_df.loc[mask, ['art_style']] = keep_this[0] + dataset_df.loc[mask, ['painting']] = keep_this[1] + if verbose: + print('{} stimuli were merged.'.format(n_merged_stimuli)) + return dataset_df + + + diff --git a/imageprocessing/artemis/artemis/in_out/coco.py b/imageprocessing/artemis/artemis/in_out/coco.py new file mode 100644 index 0000000000000000000000000000000000000000..701bb09e93d74777ded86ba9037e980084c23604 --- /dev/null +++ b/imageprocessing/artemis/artemis/in_out/coco.py @@ -0,0 +1,30 @@ +""" +COCO related I/O operations + +The MIT License (MIT) +Originally created at 10/18/20, for Python 3.x +Copyright (c) 2020 Panos Achlioptas (ai.stanford.edu/~optas) & Stanford Geometric Computing Lab +""" + +import os.path as osp + +def coco_image_name_to_image_file(image_name, top_img_dir, year=2014): + if image_name.startswith('COCO_val'): + return osp.join(top_img_dir, 'val' + str(year), image_name) + elif image_name.startswith('COCO_train'): + return osp.join(top_img_dir, 'train' + str(year), image_name) + else: + raise ValueError + + +def karpathize(df): + ## Per Karpathy's tweet: restval is actually train. + df.split[df.split == 'restval'] = 'train' + + +def prepare_coco_dataframe_for_training(df, top_img_dir): + # assign file-names to each image + df = df.assign(image_files = df.image.apply(lambda x: coco_image_name_to_image_file(x, top_img_dir))) + # fix splits + karpathize(df) + return df \ No newline at end of file diff --git a/imageprocessing/artemis/artemis/in_out/datasets.py b/imageprocessing/artemis/artemis/in_out/datasets.py new file mode 100644 index 0000000000000000000000000000000000000000..fd6894b87e0efdf2671d058a2c80b4ba31777f29 --- /dev/null +++ b/imageprocessing/artemis/artemis/in_out/datasets.py @@ -0,0 +1,224 @@ +""" +The MIT License (MIT) +Originally in 2020, for Python 3.x +Copyright (c) 2021 Panos Achlioptas (ai.stanford.edu/~optas) & Stanford Geometric Computing Lab +""" + +import torch +import numpy as np +import pandas as pd +from PIL import Image +from torch.utils.data import Dataset, DataLoader +from ..evaluation.emotion_alignment import image_to_emotion +from ..emotions import emotion_to_int + + +class AffectiveCaptionDataset(Dataset): + """ Basically, an image, with a caption, and an indicated emotion. + """ + def __init__(self, image_files, tokens, emotions, n_emotions=9, img_transform=None, one_hot_emo=True): + super(AffectiveCaptionDataset, self).__init__() + self.image_files = image_files + self.tokens = tokens + self.emotions = emotions + self.n_emotions = n_emotions + self.img_transform = img_transform + self.one_hot_emo = one_hot_emo + + def __getitem__(self, index): + text = np.array(self.tokens[index]).astype(dtype=np.long) + + if self.image_files is not None: + img = Image.open(self.image_files[index]) + + if img.mode is not 'RGB': + img = img.convert('RGB') + + if self.img_transform is not None: + img = self.img_transform(img) + else: + img = [] + + if self.n_emotions > 0: + if self.one_hot_emo: + emotion = np.zeros(self.n_emotions, dtype=np.float32) + emotion[self.emotions[index]] = 1 + else: + emotion = self.emotions[index] + else: + emotion = [] + + res = {'image': img, 'emotion': emotion, 'tokens': text, 'index': index} + return res + + def __len__(self): + return len(self.tokens) + + +class ImageClassificationDataset(Dataset): + def __init__(self, image_files, labels=None, img_transform=None, rgb_only=True): + super(ImageClassificationDataset, self).__init__() + self.image_files = image_files + self.labels = labels + self.img_transform = img_transform + self.rgb_only = rgb_only + + def __getitem__(self, index): + img = Image.open(self.image_files[index]) + + if self.rgb_only and img.mode is not 'RGB': + img = img.convert('RGB') + + if self.img_transform is not None: + img = self.img_transform(img) + + label = [] + if self.labels is not None: + label = self.labels[index] + + res = {'image': img, 'label': label, 'index': index} + return res + + def __len__(self): + return len(self.image_files) + + +def sub_sample_dataloader(dataloader, sample_size, seed=None, shuffle=False): + """ Given any torch dataloader create a sub-sampled version of it. + :param dataloader: + :param sample_size: + :param seed: + :param shuffle: + :return: dataloader of Subset + """ + + dataset = dataloader.dataset + n_total = len(dataset) + + if sample_size > n_total: + raise ValueError + + if seed is not None: + torch.manual_seed(seed) + + sb_dataset = torch.utils.data.random_split(dataset, [sample_size, n_total-sample_size])[0] + bsize = min(dataloader.batch_size, sample_size) + sample_loader = torch.utils.data.DataLoader(dataset=sb_dataset, + batch_size=bsize, + shuffle=shuffle, + num_workers=dataloader.num_workers) + return sample_loader + + + +def sub_index_affective_dataloader(affective_dataloader, indices, shuffle=False): + """ Given a torch dataloader and a sequence of integers; extract the corresponding items of the + carried dataset on the specific indices and make a new dataloader with them. + :param affective_dataloader: torch.utils.data.DataLoader for AffectiveCaptionDataset + :param indices: sequence of integers indexing the underlying dataset (dataframe). + :param shuffle: shuffle the data of the resulting dataloader + :return: dataloader of AffectiveCaptionDataset + """ + dataset = affective_dataloader.dataset + r_img_files = dataset.image_files.iloc[indices].copy() + r_tokens = dataset.tokens.iloc[indices].copy() + r_emotions = dataset.emotions.iloc[indices].copy() + + r_img_files.reset_index(inplace=True, drop=True) + r_tokens.reset_index(inplace=True, drop=True) + r_emotions.reset_index(inplace=True, drop=True) + + r_dset = AffectiveCaptionDataset(image_files=r_img_files, tokens=r_tokens, + emotions=r_emotions, img_transform=dataset.img_transform) + + batch_size = min(len(indices), affective_dataloader.batch_size) + + r_loader = torch.utils.data.DataLoader(r_dset, + shuffle=shuffle, + batch_size=batch_size, + num_workers=affective_dataloader.num_workers) + return r_loader + + +def group_annotations_per_image(affective_dataset): + """ Group the annotations per image. + :param affective_dataset: an AffectiveCaptionDataset + :return: for each image its tokens/emotions as pandas Dataframes + """ + df = pd.concat([affective_dataset.image_files, affective_dataset.tokens, affective_dataset.emotions], axis=1) + tokens_grouped = df.groupby('image_files')['tokens_encoded'].apply(list).reset_index(name='tokens_encoded') + emotion_grouped = df.groupby('image_files')['emotion_label'].apply(list).reset_index(name='emotion') + assert all(tokens_grouped['image_files'] == emotion_grouped['image_files']) + return tokens_grouped['image_files'], tokens_grouped, emotion_grouped + + +def default_grounding_dataset_from_affective_loader(loader, img2emo_clf=None, device=None, n_workers=None): + """ + Convenience function. Given a loader carrying an affective dataset, make a new loader only w.r.t. + unique images of the dataset, & optionally add to each image the emotion predicted by the img2emo_clf. + The new loader can be used to sample utterances over the unique images. + :param loader: + :param img2emo_clf: + :param device: + :return: + """ + affective_dataset = loader.dataset + img_files, tokens, emotions = group_annotations_per_image(affective_dataset) + + img_trans = affective_dataset.img_transform + batch_size = loader.batch_size + + if n_workers is None: + n_workers = loader.num_workers + + dummy = pd.Series(np.ones(len(img_files), dtype=int) * -1) + + # possibly predict grounding emotions + if img2emo_clf is not None: + temp_dataset = ImageClassificationDataset(image_files=img_files, + img_transform=img_trans) + img_dataloader = DataLoader(temp_dataset, batch_size, num_workers=n_workers) + emo_pred_distribution = image_to_emotion(img2emo_clf, img_dataloader, device) + + grounding_emo = pd.Series(emo_pred_distribution.argmax(-1).tolist()) # use maximizer of emotions. + else: + grounding_emo = dummy + + new_dataset = AffectiveCaptionDataset(img_files, tokens=dummy, emotions=grounding_emo, + img_transform=img_trans) + + new_loader = DataLoader(dataset=new_dataset, batch_size=batch_size, num_workers=n_workers) + return new_loader + + +def custom_grounding_dataset_similar_to_affective_loader(grounding_data_csv, loader, n_workers=None): + """ + Convenience function. Given a csv indicating (grounding) images on the hard-drive and a loader carrying an affective + dataset, make a new loader with the csv images using the same configuration (e.g., img_transform) as the loader. + :param grounding_data_csv: (csv filename) + - has to have one column named "image_file" that corresponds to the file-names of the images. + - (optionally) can have also a "grounding_emotion" column with values like "contentment" + :param loader: + :return: + """ + df = pd.read_csv(grounding_data_csv) + image_files = df['image_file'] + dummy = pd.Series(np.ones(len(image_files), dtype=int) * -1) + if 'grounding_emotion' in df.columns: + emotions = df.emotion.apply(emotion_to_int) + else: + emotions = dummy + + standard_dset = loader.dataset + custom_dataset = AffectiveCaptionDataset(image_files, dummy, emotions=emotions, + n_emotions=standard_dset.n_emotions, + img_transform=standard_dset.img_transform, + one_hot_emo=standard_dset.one_hot_emo) + if n_workers is None: + n_workers = loader.num_workers + + custom_data_loader = torch.utils.data.DataLoader(dataset=custom_dataset, + batch_size=min(loader.batch_size, len(custom_dataset)), + num_workers=n_workers) + return custom_data_loader + diff --git a/imageprocessing/artemis/artemis/in_out/neural_net_oriented.py b/imageprocessing/artemis/artemis/in_out/neural_net_oriented.py new file mode 100644 index 0000000000000000000000000000000000000000..f52372f14fd65a9c65d4ecae1908bd0ddcb0d3af --- /dev/null +++ b/imageprocessing/artemis/artemis/in_out/neural_net_oriented.py @@ -0,0 +1,336 @@ +""" +I/O routines directly related to torch-based neural-models & their (training etc.) dataset processing. + +The MIT License (MIT) +Originally created at 10/2/20, for Python 3.x +Copyright (c) 2021 Panos Achlioptas (ai.stanford.edu/~optas) & Stanford Geometric Computing Lab +""" + +import torch +import random +import warnings +import numpy as np +import pandas as pd +import os.path as osp +import multiprocessing as mp +import torchvision.transforms as transforms + +from ast import literal_eval +from PIL import Image + +from .basics import read_saved_args +from .datasets import AffectiveCaptionDataset, ImageClassificationDataset +from ..utils.vocabulary import Vocabulary +from ..neural_models.show_attend_tell import describe_model as describe_sat + + +image_net_mean = [0.485, 0.456, 0.406] +image_net_std = [0.229, 0.224, 0.225] + + +def max_io_workers(): + """return all/max possible available cpus of machine.""" + return max(mp.cpu_count() - 1, 1) + + +def image_transformation(img_dim, lanczos=True): + """simple transformation/pre-processing of image data.""" + + if lanczos: + resample_method = Image.LANCZOS + else: + resample_method = Image.BILINEAR + + normalize = transforms.Normalize(mean=image_net_mean, std=image_net_std) + img_transforms = dict() + img_transforms['train'] = transforms.Compose([transforms.Resize((img_dim, img_dim), resample_method), + transforms.ToTensor(), + normalize]) + + # Use same transformations as in train (since no data-augmentation is applied in train) + img_transforms['test'] = img_transforms['train'] + img_transforms['val'] = img_transforms['train'] + img_transforms['rest'] = img_transforms['train'] + return img_transforms + + +def df_to_pytorch_dataset(df, args): + if args.num_workers == -1: + n_workers = max_io_workers() + else: + n_workers = args.num_workers + + load_imgs = True + if hasattr(args, 'use_imgs') and not args.use_imgs: # build a dataset without images (e.g., text/emotion only) + load_imgs = False + + one_hot_emo = True + if hasattr(args, 'one_hot_emo') and not args.one_hot_emo: # turn off the one-hot, keep the integer (e.g., when a using xentropy) + one_hot_emo = False + + img_transforms = None + if load_imgs: + img_transforms = image_transformation(args.img_dim, lanczos=args.lanczos) + + if args.dataset == 'artemis': + datasets = pass_artemis_splits_to_datasets(df, load_imgs, img_transforms, args.img_dir, one_hot_emo=one_hot_emo) + elif args.dataset == 'ola': # Objective Language for Art. + datasets = pass_artemis_splits_to_datasets(df, load_imgs, img_transforms, args.img_dir, n_emotions=0) + elif args.dataset == 'coco': + datasets = pass_coco_splits_to_datasets(df, load_imgs, img_transforms) + else: + raise ValueError('training dataset not recognized.') + + dataloaders = dict() + for split in datasets: + b_size = args.batch_size if split=='train' else args.batch_size * 2 + dataloaders[split] = torch.utils.data.DataLoader(dataset=datasets[split], + batch_size=b_size, + shuffle=split=='train', + num_workers=n_workers) + return dataloaders, datasets + + +def pass_coco_splits_to_datasets(df, load_imgs, img_transforms, n_emotions=0): + datasets = dict() + for split, g in df.groupby('split'): + g.reset_index(inplace=True, drop=True) # so that direct ([]) indexing in get_item works + img_files = None + img_trans = None + + if load_imgs: + img_files = g['image_files'] + img_trans = img_transforms[split] + + dataset = AffectiveCaptionDataset(img_files, g.tokens_encoded, g.emotion_label, img_transform=img_trans, + n_emotions=n_emotions) + datasets[split] = dataset + return datasets + + +def pass_artemis_splits_to_datasets(df, load_imgs, img_transforms, top_img_dir, n_emotions=9, one_hot_emo=True): + datasets = dict() + for split, g in df.groupby('split'): + g.reset_index(inplace=True, drop=True) # so that direct ([]) indexing in get_item works + img_files = None + img_trans = None + + if load_imgs: + img_files = g.apply(lambda x : osp.join(top_img_dir, x.art_style, x.painting + '.jpg'), axis=1) + img_files.name = 'image_files' + img_trans = img_transforms[split] + + dataset = AffectiveCaptionDataset(img_files, g.tokens_encoded, g.emotion_label, n_emotions=n_emotions, + img_transform=img_trans, one_hot_emo=one_hot_emo) + + datasets[split] = dataset + return datasets + + +def read_preprocessed_data_df(args, verbose=False): + if args.dataset == 'artemis': + file_name = 'artemis_preprocessed.csv' + elif args.dataset == 'coco': + file_name = 'coco_preprocessed.csv' + else: + raise ValueError('Unknown Dataset.') + + if hasattr(args, 'fine_tune_data') and args.fine_tune_data: + df = pd.read_csv(args.fine_tune_data) # allow explicit data passing + else: + df = pd.read_csv(osp.join(args.data_dir, file_name)) + + df.tokens_encoded = df.tokens_encoded.apply(literal_eval) + + if verbose: + print('Loaded {} utterances'.format(len(df))) + return df + + +def image_emotion_distribution_df_to_pytorch_dataset(df, args, drop_thres=None): + """ Convert the pandas dataframe that carries information about images and emotion (distributions) to a + dataset that is amenable to deep-learning (e.g., for an image2emotion classifier). + :param df: + :param args: + :param drop_thres: (optional, float) if provided each distribution of the training will only consist of examples + for which the maximizing emotion aggregates more than this (drop_thres) mass. + :return: pytorch dataloaders & datasets + """ + dataloaders = dict() + datasets = dict() + img_transforms = image_transformation(args.img_dim, lanczos=args.lanczos) + + if args.num_workers == -1: + n_workers = max_io_workers() + else: + n_workers = args.num_workers + + for split, g in df.groupby('split'): + g.reset_index(inplace=True, drop=True) + + if split == 'train' and drop_thres is not None: + noise_mask = g['emotion_distribution'].apply(lambda x: max(x) > drop_thres) + print('Keeping {} of the training data, since for the rest their emotion-maximizer is too low.'.format(noise_mask.mean())) + g = g[noise_mask] + g.reset_index(inplace=True, drop=True) + + + img_files = g.apply(lambda x : osp.join(args.img_dir, x.art_style, x.painting + '.jpg'), axis=1) + img_files.name = 'image_files' + + dataset = ImageClassificationDataset(img_files, g.emotion_distribution, + img_transform=img_transforms[split]) + + datasets[split] = dataset + b_size = args.batch_size if split=='train' else args.batch_size * 2 + dataloaders[split] = torch.utils.data.DataLoader(dataset=dataset, + batch_size=b_size, + shuffle=split=='train', + num_workers=n_workers) + return dataloaders, datasets + + +def seed_torch_code(seed, strict=False): + """Control pseudo-randomness for reproducibility. + :param manual_seed: (int) random-seed + :param strict: (boolean) if True, cudnn operates in a deterministic manner + """ + random.seed(seed) + np.random.seed(seed) + torch.manual_seed(seed) + torch.cuda.manual_seed_all(seed) + if strict: + torch.backends.cudnn.deterministic = True + torch.backends.cudnn.benchmark = False + + +def save_state_dicts(checkpoint_file, epoch=None, **kwargs): + """ Save torch items with a state_dict + """ + checkpoint = dict() + + if epoch is not None: + checkpoint['epoch'] = epoch + + for key, value in kwargs.items(): + checkpoint[key] = value.state_dict() + + torch.save(checkpoint, checkpoint_file) + + +def load_state_dicts(checkpoint_file, map_location=None, **kwargs): + """ Load torch items from saved state_dictionaries + """ + if map_location is None: + checkpoint = torch.load(checkpoint_file) + else: + checkpoint = torch.load(checkpoint_file, map_location=map_location) + + for key, value in kwargs.items(): + value.load_state_dict(checkpoint[key]) + + epoch = checkpoint.get('epoch') + if epoch: + return epoch + + +def torch_save_model(model, path): + """ Wrap torch.save to catch standard warning of not finding the nested implementations. + :param model: + :param path: + :return: + """ + with warnings.catch_warnings(): + warnings.simplefilter("ignore") + return torch.save(model, path) + + +def torch_load_model(checkpoint_file, map_location=None): + """ Wrap torch.load to catch standard warning of not finding the nested implementations. + :param checkpoint_file: + :param map_location: + :return: + """ + with warnings.catch_warnings(): + warnings.simplefilter("ignore") + model = torch.load(checkpoint_file, map_location=map_location) + return model + + +def load_saved_speaker(args_file, model_ckp, with_data=False, override_args=None, verbose=False): + """ + :param args_file: saved argparse arguments with model's description (and location of used data) + :param model_ckp: saved checkpoint with model's parameters. + :param with_data: + :param override_args: + :return: + Note, the model is loaded and returned in cpu. + """ + if verbose: + print('Loading saved speaker trained with parameters:') + args = read_saved_args(args_file, override_args=override_args, verbose=verbose) + + # Prepare empty model + vocab = Vocabulary.load(osp.join(args.data_dir, 'vocabulary.pkl')) + print('Using a vocabulary of size', len(vocab)) + model = describe_sat(vocab, args) + + # Load save weights + epoch = load_state_dicts(model_ckp, model=model, map_location='cpu') + print('Loading speaker model at epoch {}.'.format(epoch)) + + # Load data + if with_data: + df = read_preprocessed_data_df(args, verbose=True) + data_loaders, _ = df_to_pytorch_dataset(df, args) + else: + data_loaders = None + + return model, epoch, data_loaders + + +def deprocess_img(img, std=None, mean=None, clamp=None, inplace=False): + if not inplace: + img = img.clone() + + if img.ndimension() == 4: # batch of images + pass + # single_img = False + elif img.ndimension() == 3: # single image + img = img.view([1] + list(img.shape)) + # single_img = True + else: + raise ValueError() + + dtype = img.dtype + n_channels = img.size(1) + + if std is not None: + std = torch.as_tensor(std, dtype=dtype, device=img.device) + img.mul_(std.view([1, n_channels, 1, 1])) + + if mean is not None: + mean = torch.as_tensor(mean, dtype=dtype, device=img.device) + img.add_(mean.view([1, n_channels, 1, 1])) + + if clamp is not None: + img.clamp_(clamp[0], clamp[1]) + + return img + + +def to_img(tensor, mean=None, std=None): + """ Convert tensor object to PIL.Image(s) + :param tensor: + :param mean: + :param std: + :return: + """ + image = tensor.clone().detach() + image = deprocess_img(image, mean=mean, std=std) + # Add 0.5 after un-normalizing to [0, 255] to round to nearest integer + array = image.mul_(255).add_(0.5).clamp_(0, 255).permute(0, 2, 3, 1).to('cpu', torch.uint8).numpy() + image = [] + for im in array: + image.append(Image.fromarray(im)) + return image diff --git a/imageprocessing/artemis/artemis/language/__init__.py b/imageprocessing/artemis/artemis/language/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..18fc359f582e4ac403654d09ede5e85fd196423c --- /dev/null +++ b/imageprocessing/artemis/artemis/language/__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/language/adjective_noun_pairs.py b/imageprocessing/artemis/artemis/language/adjective_noun_pairs.py new file mode 100644 index 0000000000000000000000000000000000000000..6a520f0626895d7fbb781e3c4008bdaf1673faf7 --- /dev/null +++ b/imageprocessing/artemis/artemis/language/adjective_noun_pairs.py @@ -0,0 +1,44 @@ +""" +Some operations to handle Adjective-Noun Pairs. E.g., useful for sentiment injection + +The MIT License (MIT) +Originally created mid 2020, for Python 3.x +Copyright (c) 2020 Panos Achlioptas (ai.stanford.edu/~optas) & Stanford Geometric Computing Lab +""" + +from collections import Counter +from .part_of_speech import nltk_parallel_tagging_of_tokens + +def collect_anps_of_sentence(tokenized_pos_tagged_sentence, tagset='universal'): + """ return all ANPs that occur in consecutive positions. + tokenized_pos_tagged_sentence: list, containing the result of calling from nltk.pos_tag on a tokenized sentence. + E.g., [('a', 'DT'), ('big', 'JJ'), ('man', 'NN')] + """ + n_tokens = len(tokenized_pos_tagged_sentence) + collected = [] + + if tagset == 'universal': + for i, p in enumerate(tokenized_pos_tagged_sentence): + if p[1] == 'ADJ' and i < n_tokens -1: + if tokenized_pos_tagged_sentence[i+1][1] == 'NOUN': + collected.append(p[0] + ' ' + tokenized_pos_tagged_sentence[i+1][0]) + elif tagset == 'penn': + for i, p in enumerate(tokenized_pos_tagged_sentence): + if p[1].startswith('J') and i < n_tokens -1: + if tokenized_pos_tagged_sentence[i+1][1].startswith('N'): + collected.append(p[0] + ' ' + tokenized_pos_tagged_sentence[i+1][0]) + else: + raise ValueError() + return collected + + +def collect_anp_statistics_of_collection(token_series): + """ E.g., e.g., how frequent is the ANP "happy man" in the token_series. + :param token_series: pd.Series, each row is a tokenized sentence + :return: + """ + part_of_s = nltk_parallel_tagging_of_tokens(token_series) + anps = part_of_s.apply(collect_anps_of_sentence) + anp_counter = Counter() + anps.apply(anp_counter.update) + return anp_counter, anps, part_of_s \ No newline at end of file diff --git a/imageprocessing/artemis/artemis/language/basics.py b/imageprocessing/artemis/artemis/language/basics.py new file mode 100644 index 0000000000000000000000000000000000000000..e5fcd84b29065a31a063b5a2a8423a6e29464ac2 --- /dev/null +++ b/imageprocessing/artemis/artemis/language/basics.py @@ -0,0 +1,132 @@ +""" +A set of functions that are useful for processing textual data. + +The MIT License (MIT) +Copyright (c) 2021 Panos Achlioptas (pachlioptas@gmail.com) & Stanford Geometric Computing Lab +""" + +import pandas as pd +import multiprocessing as mp +from multiprocessing import Pool +from collections import defaultdict +from itertools import tee, islice +from symspellpy.symspellpy import SymSpell + +from .language_preprocessing import unquote_words, expand_contractions +from .language_preprocessing import manual_sentence_spelling, manual_tokenized_sentence_spelling +from ..language.spelling import sentence_spelling_dictionary as artemis_sentence_spelling_dictionary +from ..language.spelling import token_spelling_dictionary as artemis_token_spelling_dictionary +from ..language.spelling import missing_from_glove_but_are_actual_words +from ..neural_models.word_embeddings import load_glove_pretrained_embedding + + + +def ngrams(lst, n): + """ Return the ngrams of a list of tokens. + :param lst: the tokens + :param n: n of n-grams + :return: + """ + tlst = lst + while True: + a, b = tee(tlst) + l = tuple(islice(a, n)) + if len(l) == n: + yield l + next(b) + tlst = b + else: + break + + +def parallel_apply(iterable, func, n_processes=None): + """ Apply func in parallel to chunks of the iterable based on multiple processes. + :param iterable: + :param func: simple function that does not change the state of global variables. + :param n_processes: (int) how many processes to split the data over + :return: + """ + n_items = len(iterable) + if n_processes is None: + n_processes = min(4 * mp.cpu_count(), n_items) + pool = Pool(n_processes) + chunks = int(n_items / n_processes) + res = [] + for data in pool.imap(func, iterable, chunksize=chunks): + res.append(data) + pool.close() + pool.join() + return res + + +def tokenize_and_spell(df, glove_file, freq_file, tokenizer, parallel=True, inplace=True, spell_check=True): + speller = SymSpell() + loaded = speller.load_dictionary(freq_file, term_index=0, count_index=1) + print('SymSpell spell-checker loaded:', loaded) + golden_vocabulary = load_glove_pretrained_embedding(glove_file, only_words=True, verbose=True) + golden_vocabulary = golden_vocabulary.union(missing_from_glove_but_are_actual_words) + print('Updating Glove vocabulary with *valid* ArtEmis words that are missing from it.') + missed_tokens = defaultdict(list) + + def automatic_token_speller(token_list, max_edit_distance=1): + new_tokens = [] + for token in token_list: + if token in golden_vocabulary: + new_tokens.append(token) # no spell check + else: + spells = speller.lookup(token, max_edit_distance) + if len(spells) > 0: # found a spelled checked version + new_tokens.append(spells[0].term) + else: # spell checking failed + context = " ".join(token_list) + missed_tokens[token].append(context) + new_tokens.append(token) + return new_tokens + + if not spell_check: + automatic_token_speller = None + + clean_text, tokens, spelled_tokens = pre_process_text(df.utterance, + artemis_sentence_spelling_dictionary, + artemis_token_spelling_dictionary, + tokenizer, + token_speller=automatic_token_speller, + parallel=parallel) + + if inplace: + df['tokens'] = spelled_tokens + df['tokens_len'] = df.tokens.apply(lambda x : len(x)) + df['utterance_spelled'] = df.tokens.apply(lambda x : ' '.join(x)) + return missed_tokens + else: + return missed_tokens, spelled_tokens + + +def pre_process_text(text, manual_sentence_speller, manual_token_speller, + tokenizer, token_speller=None, parallel=True): + + clean_text = text.apply(lambda x: manual_sentence_spelling(x, manual_sentence_speller)) # sentence-to-sentence map + clean_text = clean_text.apply(lambda x: x.lower()) + clean_text = clean_text.apply(unquote_words) + + if parallel: + clean_text = pd.Series(parallel_apply(clean_text, expand_contractions)) + else: + clean_text = clean_text.apply(expand_contractions) + + basic_punct = '.?!,:;/\-~*_=[–]{}$^@|%#<—>' + punct_to_space = str.maketrans(basic_punct, ' ' * len(basic_punct)) # map punctuation to space + clean_text = clean_text.apply(lambda x: x.translate(punct_to_space)) + + if parallel: + tokens = pd.Series(parallel_apply(clean_text, tokenizer)) + else: + tokens = clean_text.apply(tokenizer) + + spelled_tokens = tokens.apply(lambda x: manual_tokenized_sentence_spelling(x, + spelling_dictionary=manual_token_speller) + ) + if token_speller is not None: + spelled_tokens = spelled_tokens.apply(token_speller) + + return clean_text, tokens, spelled_tokens diff --git a/imageprocessing/artemis/artemis/language/language_preprocessing.py b/imageprocessing/artemis/artemis/language/language_preprocessing.py new file mode 100644 index 0000000000000000000000000000000000000000..380969f20d92a396d92c960a5e3b160f39ef7593 --- /dev/null +++ b/imageprocessing/artemis/artemis/language/language_preprocessing.py @@ -0,0 +1,224 @@ +""" +A set of functions that are useful for pre-processing textual data: uniformizing the words, spelling, etc. + +The MIT License (MIT) +Copyright (c) 2021 Panos Achlioptas (pachlioptas@gmail.com) & Stanford Geometric Computing Lab +""" + +import re + +contractions_dict = { + "ain't": "am not", + "aren't": "are not", + "can't": "cannot", + "can't've": "cannot have", + "'cause": "because", + "could've": "could have", + "couldn't": "could not", + "couldn't've": "could not have", + "didn't": "did not", + "doesn't": "does not", + "don't": "do not", + "hadn't": "had not", + "hadn't've": "had not have", + "hasn't": "has not", + "haven't": "have not", + "he'd": "he had", + "he'd've": "he would have", + "he'll": "he will", + "he'll've": "he will have", + "he's": "he is", + "how'd": "how did", + "how'd'y": "how do you", + "how'll": "how will", + "how's": "how is", + "i'd": "I had", + "i'd've": "I would have", + "i'll": "I will", + "i'll've": "I will have", + "i'm": "I am", + "i've": "I have", + "isn't": "is not", + "it'd": "it had", + "it'd've": "it would have", + "it'll": "it will", + "it'll've": "iit will have", + "it's": "it is", + "let's": "let us", + "ma'am": "madam", + "mayn't": "may not", + "might've": "might have", + "mightn't": "might not", + "mightn't've": "might not have", + "must've": "must have", + "mustn't": "must not", + "mustn't've": "must not have", + "needn't": "need not", + "needn't've": "need not have", + "o'clock": "of the clock", + "oughtn't": "ought not", + "oughtn't've": "ought not have", + "shan't": "shall not", + "sha'n't": "shall not", + "shan't've": "shall not have", + "she'd": "she had", + "she'd've": "she would have", + "she'll": "she will", + "she'll've": "she will have", + "she's": "she is", + "should've": "should have", + "shouldn't": "should not", + "shouldn't've": "should not have", + "so've": "so have", + "so's": "so is", + "that'd": "that had", + "that'd've": "that would have", + "that's": "that is", + "there'd": "there had", + "there'd've": "there would have", + "there's": "there is", + "they'd": "they had", + "they'd've": "they would have", + "they'll": "they will", + "they'll've": "they will have", + "they're": "they are", + "they've": "they have", + "to've": "to have", + "wasn't": "was not", + "we'd": "we had", + "we'd've": "we would have", + "we'll": "we will", + "we'll've": "we will have", + "we're": "we are", + "we've": "we have", + "weren't": "were not", + "what'll": "what will", + "what'll've": "what will have", + "what're": "what are", + "what's": "what is", + "what've": "what have", + "when's": "when is", + "when've": "when have", + "where'd": "where did", + "where's": "where is", + "where've": "where have", + "who'll": "who will", + "who'll've": "who will have", + "who's": "who is", + "who've": "who have", + "why's": "why is", + "why've": "why have", + "will've": "will have", + "won't": "will not", + "won't've": "will not have", + "would've": "would have", + "wouldn't": "would not", + "wouldn't've": "would not have", + "y'all": "you all", + "y'all'd": "you all would", + "y'all'd've": "you all would have", + "y'all're": "you all are", + "y'all've": "you all have", + "you'd": "you had", + "you'd've": "you would have", + "you'll": "you will", + "you'll've": "you will have", + "you're": "you are", + "you've": "you have", + "do'nt": "do not", + "does\'nt": "does not" +} + +CONTRACTION_RE = re.compile('({})'.format('|'.join(contractions_dict.keys())), + flags=re.IGNORECASE | re.DOTALL) + + +def expand_contractions(text, contractions=None, lower_i=True): + """ Expand the contractions of the text (if any). + Example: You're a good father. -> you are a good father. + :param text: (string) + :param contractions: (dict) + :param lower_i: boolean, if True (I'm -> 'i am' not 'I am') + :return: (string) + + Note: + Side-effect: lower-casing. E.g., You're -> you are. + """ + if contractions is None: + contractions = contractions_dict # Use one define in this .py + + def expand_match(contraction): + match = contraction.group(0) + expanded_contraction = contractions.get(match) + if expanded_contraction is None: + expanded_contraction = contractions.get(match.lower()) + if lower_i: + expanded_contraction = expanded_contraction.lower() + return expanded_contraction + + expanded_text = CONTRACTION_RE.sub(expand_match, text) + return expanded_text + + +QUOTES_RE_STR = r"""(?:['|"][\w]+['|"])""" # Words encapsulated in apostrophes. +QUOTES_RE = re.compile(r"(%s)" % QUOTES_RE_STR, flags=re.VERBOSE | re.IGNORECASE | re.UNICODE) + + +def unquote_words(s): + """ 'king' - > king, "queen" -> queen """ + iterator = QUOTES_RE.finditer(s) + new_sentence = list(s) + for match in iterator: + start, end = match.span() + new_sentence[start] = ' ' + new_sentence[end-1] = ' ' + new_sentence = "".join(new_sentence) + return new_sentence + + +def manual_sentence_spelling(x, spelling_dictionary): + """ + Applies spelling on an entire string, if x is a key of the spelling_dictionary. + :param x: (string) sentence to potentially be corrected + :param spelling_dictionary: correction map + :return: the sentence corrected + """ + if x in spelling_dictionary: + return spelling_dictionary[x] + else: + return x + + +def manual_tokenized_sentence_spelling(tokens, spelling_dictionary): + """ + :param tokens: (list of tokens) to potentially be corrected + :param spelling_dictionary: correction map + :return: a list of corrected tokens + """ + new_tokens = [] + for token in tokens: + if token in spelling_dictionary: + res = spelling_dictionary[token] + if type(res) == list: + new_tokens.extend(res) + else: + new_tokens.append(res) + else: + new_tokens.append(token) + return new_tokens + + +# noinspection PyInterpreter +if __name__ == "__main__": + import pandas as pd + text = pd.DataFrame({'data': ["I'm a 'good' MAN", "You can't be likee this."]}) + print("Original Text:") + print(text.data) + + manual_speller = {'You can\'t be likee this.': 'You can\'t be like this.'} + text.data = text.data.apply(lambda x: manual_sentence_spelling(x, manual_speller)) + text.data = text.data.apply(lambda x: x.lower()) + text.data = text.data.apply(unquote_words) + text.data = text.data.apply(expand_contractions) + print("Corrected Text:") + print(text.data) \ No newline at end of file diff --git a/imageprocessing/artemis/artemis/language/part_of_speech.py b/imageprocessing/artemis/artemis/language/part_of_speech.py new file mode 100644 index 0000000000000000000000000000000000000000..6ce06d425075b932135c200b3c58519528f22166 --- /dev/null +++ b/imageprocessing/artemis/artemis/language/part_of_speech.py @@ -0,0 +1,40 @@ +""" +Part of speech tagging at speed for two libraries. + +The MIT License (MIT) +Originally created in 2020, for Python 3.x - last updated in early 2021. +Copyright (c) 2021 Panos Achlioptas (ai.stanford.edu/~optas) & Stanford Geometric Computing Lab +""" +import dask.dataframe as dd +import multiprocessing as mp +from nltk.tag import pos_tag + +try: + import spacy +except: + pass + + +def nltk_parallel_tagging_of_tokens(tokens, n_partitions=None, tagset='universal'): + """ pos-tagging + :param tokens: pd.Series with tokenized utterances as rows. e.g., [['a', 'man'], ['a', 'big', 'man'], ...] + :return: a pd.Series with the result of applying pos_tag in each row. e.g., + [(a, DT), (man, NN)], [('a', 'DT'), ('big', 'JJ'), ('man', 'NN')]] + """ + if n_partitions is None: + n_partitions = mp.cpu_count() * 4 + ddata = dd.from_pandas(tokens, npartitions=n_partitions) + tagged_tokens =\ + ddata.map_partitions(lambda x: x.apply((lambda y: pos_tag(y, tagset=tagset)))).compute(scheduler='processes') + + return tagged_tokens + + +def spacy_pos_tagging(utterances, nlp=None): + if nlp is None: + nlp = spacy.load('en_core_web_sm') + + utters = utterances.astype('unicode').values + docs = nlp.pipe(utters, batch_size=1000, n_threads=-1) + pos = [[t.pos_ for t in d if not t.is_space] for d in docs] + return pos diff --git a/imageprocessing/artemis/artemis/language/spelling.py b/imageprocessing/artemis/artemis/language/spelling.py new file mode 100644 index 0000000000000000000000000000000000000000..924147e2717e102093970bedd13b0a7ec6547a95 --- /dev/null +++ b/imageprocessing/artemis/artemis/language/spelling.py @@ -0,0 +1,634 @@ +""" +Auxiliary spelling utilities. + +It's called [may-rah-kee]: https://travelwithmeraki.com/meaning-of-meraki/ + +The MIT License (MIT) +Copyright (c) 2021 Panos Achlioptas (pachlioptas@gmail.com) & Stanford Geometric Computing Lab. +""" + + +## +## Dictionary, mapping entire "raw" collected sentences to new sentences. These were emailed separately from the AMT submissions +## from pedantic and good! annotators, who wanted to correct their original submission. +## +sentence_spelling_dictionary = { + 'thewaytheshapeschangethespace': 'the way the shapes change the space', + 'brightcolorsandanimals': 'bright colors and animals', + 'calmweatherandpeopleworkingtogether': 'calm weather and people working together', + 'thesoftcolors': 'the soft colors', + 'itlookslikeapeacefullocation': 'it looks like a peaceful location', + 'Iliketoplayinthesnow': 'I like to play in the snow', + 'thecalmwaters': 'the calm waters', + 'itseemsincompletesomehow': 'it seems incomplete somehow', + 'thefiguresseemsomehowawkward': 'the figures seem somehow awkward', + 'thegreenandlackofpeople': 'the green and lack of people', + 'boatingisanadventure': 'boating is an adventure', + 'thereseemstobetoomuchsky': 'there seems to be too much sky', + 'onthewholeitlookslikeawallpaperswatch': 'on the whole it looks like a wallpapers watch', + 'thecolorofthewater': 'the color of the water', + 'alloftheplantsandthewatershowingthroughthem': 'all of the plants and the water showing through them', + 'thecolorcombination': 'the color combination', + 'theslashesacrosstheworkandthedarkcolors': 'the slashes across the work and the dark colors', + 'thesimplicityandopenness': 'the simplicity and openness', + 'theproportionbetweenheadandbody': 'the proportion between head and body', + 'thebrightcolorsandthefeelingofmotion': 'the bright colors and the feeling of motion', + 'thedetailinthehands': 'the detail in the hands', + 'thelengthofthewoman\'sneck': 'the length of the woman\'s neck', + 'thedifferentflocksofbirdsinthesky': 'the different flocks of birds in the sky', + 'theskillshownindrawingthefigures': 'the skill shown in drawing the figures', + 'thenaturallookingskintone': 'the natural looking skin tone', + 'theyeadsthatdon\'tseemtobeattatchedtoanything': 'the yeads that don\'t seem to be attatched to anything', + 'themasksheisholding': 'the mask she is holding', + 'theapparantageofthepiece': 'the apparent age of the piece', + 'thepinkbows': 'the pink bows', + 'theintensityonthefaceofthemaninfrontofthewoman.': 'the intensity on the face of the man in front of the woman', + 'theshapesandcolors-itlookshard,painful': 'the shapes and colors - it looks hard, painful', + 'thewaytheguitarisbrokenupandmagnifiedbutstillidentifiable.': 'the way the guitar is broken up and magnified but still identifiable', + 'veryimpressedwiththewaytheartistcreatedlight': 'very impressed with the way the artist created light', + 'itlookslikepeoplearewaitingforsomeeventtohappenlikeaboatraceorsomething': 'it looks like people are waiting for some event to happen like a boat race or something', + 'wonderingifthisisapaintingoratextile': 'wondering if this is a painting or a textile', + 'itseemstoodarkfortheactivity': 'it seems too dark for the activity', + 'Ithinkitskindofweirdhowherhipsmakealmostacircle': 'I think its kind of weird how her hips make almost a circle', + 'thesoftnessofthefiguremakesitfeellikeiamintrudingonanintimatemoment': 'the softness of the figure makes it feel like i am intruding on an intimate moment', + 'Idon\'tseepieceslikethisas\'art\'itcouldbethewallinsomeone\'shouse': 'I don\'t see pieces like this as \'art\' it could be the wall in someone\'s house', + 'thereflectionofthetreesinthepool': 'the reflection of the trees in the pool', + 'thepainonhisface': 'the pain on his face', + 'itremindsmeofastringofbeadsasmallchildwouldmake': 'it reminds me of a string of beads a small child would make', + 'thefigurebeneaththetreeappearsveryrelaxed': 'the figure beneath the tree appears very relaxed', + 'thefacialexpressionisveryloving': 'the facial expression is very loving', + 'thecolorsandactivitymakeitlooklikeafunplacetobe': 'the colors and activity make it look like a fun place to be', + 'itlookslikeaniceareatogoforawalk': 'it looks like an ice area to go for a walk', + 'theyappeartobeayoungcoupleinlove': 'they appear to be a young couple in love', + 'allofthelittledetailsareamazing': 'all of the little details are amazing', + 'knowledgeofthehistoryassociatedwiththeperson': 'knowledge of the history associated with the person', + 'itlookslikeaveryoldpaintedtextile': 'it looks like a very old painted textile', + 'allofthebrightcolorsjustmakemehappy': 'all of the bright colors just make me happy', + 'dificultysortingoutwhetherthefigureismaleorfemale': 'dificulty sorting out whether the figure is male or female', + 'Itseemskindoflikeaposteryou\'dputinaclassroom.': 'It seems kind of like a poster you\'d put in a classroom', + 'Theexpressionontheman\'sfaceappearsangry.': 'The expression on the man\'s face appears angry.', + 'it\'d dark and creepy and weirdly sexual in a bad way.': 'it\'s dark and creepy and weirdly sexual in a bad way.', + 'looks disgusting looks like a cross desser disgusting': 'looks disgusting looks like a cross dresser disgusting', + 'Big skirts and bloomers on dancing ladies definitelymake the mood excitement.': 'big skirts and bloomers on dancing ladies definitely make an exciting mood', + 'The rays eminntating from sum over the town os exhilarating': 'the rays emanating from sun over the town are exhilarating', + 'the way the artist uses black and white really gives this a different feel tp the painting': 'the way the artist uses black and white really gives this a different feel to the painting', + 'This reminds me of jumbled graffiti I saw and had tp clean up every once in a while when I was younger': 'This reminds me of jumbled graffiti I saw and had to clean up every once in a while when I was younger', + 'looks like the cabins i stayed in on my trip tp a dude ranch': 'looks like the cabins i stayed in on my trip to a dude ranch', + 'A young woman applies make-up tp her face as she sits in a pretty robe. A pleasant but unfished work of art.': 'A young woman applies make-up to her face as she sits in a pretty robe. A pleasant but unfinished work of art.', + 'old and not kept up well, bug nice scene of a man at work': 'old and not kept up well, but nice scene of a man at work', + 'Again this painting is dill its lifeless and no color.': 'Again this painting is dull, it is lifeless and has no color.', + 'she smile smartly': 'she smiles smartly', + 'The mountain makes me think of a strong safehold, and a feeling of shelter.': 'The mountain makes me think of a stronghold giving me a feeling of shelter', + 'The detail in the surundsing like the clock tower and statue make it more inspiering': 'The detail in the surroundings like the clock tower and statue make it more inspiring', + 'The man is chained down and left to be attacked by a bird of prey while another man non chalantly watches what is taking place.': 'The man is chained down and left to be attacked by a bird of prey while another man nonchalantly watches what is taking place.', + 'This is a beautiful scene with the mosques in the background and the vegetation in the front.': 'This is a beautiful scene with the onion dome churches in the background and the vegetation in the front.', + 'The colors make me feel like I\'m looking at someone important. I feel a since of awe over them because of their attire.': 'The colors make me feel like I\'m looking at someone important. I feel a sense of awe over them because of their attire.', + 'the detective ihas found the diar everyone knew she kept and now hopefully he wi findout what led up to her breakdown ': 'the detective has found the diary everyone knew she kept and now hopefully he will find out what led up to her breakdown', + 'The VanGoghishness of this makes me smile and wonder how they do it.': 'The Van Gogh like quality of this makes me smile and wonder how they do it.', + 'The colors and shapes compliment each otherakes look like a adult childs painting.': 'The colors and shapes compliment each other and looks like an adult child\'s painting.', + 'I prefer more realistic still ifes.': 'I prefer more realistic still lifes.' +} + + + + +## +## Dictionary, mapping words to replacement words to densify the dataset (e.g., colour -> color), or more likely to spell +## check them. ## Curated manually by Panos circa 2020. +## +token_spelling_dictionary = {'colour': 'color', + 'colours': 'colors', + 'thecountry': ['the', 'country'], + 'minimamistic': 'minimalistic', + 'littlefinger': ['little', 'finger'], + 'im': ['i', 'am'], + 'greatfull': 'grateful', + 'skinnydippers': ['skinny', 'dippers'], + 'goingnon': ['going', 'on'], + 'rainclouds': ['rain', 'clouds'], + 'lillypads': ['lily', 'pads'], + 'paintinglike': ['painting', 'like'], + 'somekind': ['some', 'kind'], + 'overexaggerated': ['over', 'exaggerated'], + 'smokeshop': ['smoke', 'shop'], + 'fearinspiring': ['fear', 'inspiring'], + 'thebackround': ['the', 'background'], + 'raincloud': ['rain', 'cloud'], + 'wideopen': ['wide', 'open'], + 'crusifiction': 'crucifixion', + 'tablesetting': ['table', 'setting'], + 'vividcolors': ['vivid', 'colors'], + 'willhave': ['will', 'have'], + 'thisbpainting': ['this', 'painting'], + 'alongthis': ['along', 'this'], + 'crucifications': 'crucifixion', + 'overexaggeration': ['over', 'exaggeration'], + 'snacktime': ['snack', 'time'], + 'beaurocratic': 'bureaucratic', + 'nonsensicalness': ['nonsensical', 'ness'], + 'chubbyness': 'chubbiness', + 'distatestful': 'distasteful', + 'disapportioned': 'disproportionate', + 'becauseofthe': ['because', 'of', 'the'], + 'hahahahaha': 'haha', + 'hahahahaa': 'haha', + 'annoniminity': 'anonymity', + 'realisticand': ['realistic', 'and'], + 'feellike': ['feel', 'like'], + 'clostiphobic': 'claustrophobic', + 'thegolden': ['the', 'golden'], + 'minimalstic': 'minimalistic', + 'artdeco': ['art', 'deco'], + 'paddleboards': ['paddle', 'boards'], + 'fitbtogetherv': ['fit', 'together'], + 'doingthat': ['doing', 'that'], + 'stormclouds': ['storm', 'clouds'], + 'feelanxious': ['feel', 'anxious'], + 'withpeople':['with', 'people'], + 'nuditythen': ['nudity', 'then'], + 'whatbappears': ['what', 'appears'], + 'womenafter': ['women', 'after'], + 'funerallike': ['funeral', 'like'], + 'thebridge': ['the', 'bridge'], + 'focalpoint': ['focal', 'point'], + 'crussifiction': 'crucifixion', + 'extrocinary': 'extraordinary', + 'adrodgenous': 'androgynous', + 'whimsacle': 'whimsical', + 'nonabrasive': ['non', 'abrasive'], + 'alienlike': ['alien', 'like'], + 'intricitally': 'intricately', + 'straightlines': ['straight', 'lines'], + 'shouldnt': ['should', 'not'], + 'favortire': 'favorite', + 'downsyndrome': ['down', 'syndrome'], + 'silluete': 'silhouette', + 'provideenough': ['provide', 'enough'], + 'waterpainting':['water', 'painting'], + 'the19th': ['the', 'nineteenth'], + 'oldfashoned': ['old', 'fashioned'], + 'colorblocking': ['color', 'blocking'], + 'gesticulates': 'testiculates', + 'notknow': ['not', 'know'], + 'crucifixiction': 'crucifixion', + 'cruxifiction': 'crucifixion', + 'contementent': 'contentment', + 'underconstruction': ['under', 'construction'], + 'cartoonfrom': ['cartoon', 'from'], + 'downwardlooks': ['downward', 'looks'], + 'unrelateable': 'unrelatable', + 'ofvthose': ['of', 'those'], + 'rainbowlike': ['rainbow', 'like'], + 'thegesture': ['the', 'gesture'], + 'pencilwork': ['pencil', 'work'], + 'perfectlycovered': ['perfectly', 'covered'], + 'eitherway': ['either', 'way'], + 'andpeaceful': ['and', 'peaceful'], + 'cloudforms': ['cloud', 'forms'], + 'peoplejust': ['people', 'just'], + 'pyscadellic': 'psychedelic', + 'maybepreparing': ['maybe', 'preparing'], + 'thisbmakes': ['this', 'makes'], + 'thispainting': ['this', 'painting'], + 'combinationmakes': ['combination', 'makes'], + 'rightside': ['right', 'side'], + 'saysnothing': ['says', 'nothing'], + 'individualness': 'individualism', + 'verynostalgic': ['very', 'nostalgic'], + 'hyperrealistic': ['hyper', 'realistic'], + 'wimsicle': 'whimsical', + 'aweinspiring': ['awe', 'inspiring'], + 'resturarunt': 'restaurant', + 'cruxification': 'crucifixion', + 'mistiruous': 'mysterious', + 'streetlamp': ['street', 'lamp'], + 'sadnessand': ['sadness', 'and'], + 'republicancult': ['republican', 'cult'], + 'mogilianni': 'modigliani', + 'raphealite': 'raphaelite', + 'immeidtaley': 'immediately', + 'duckface': ['duck', 'face'], + 'kinglike': ['king', 'like'], + 'monaleesa': ['mona', 'lisa'], + 'antispication': 'anticipation', + 'womendid': ['women', 'did'], + 'jailcell': ['jail', 'cell'], + 'thispeicemakes': ['this', 'piece', 'makes'], + 'pceaful': 'peaceful', + 'showpeople': ['show', 'people'], + 'colorsand': ['colors', 'and'], + 'lovevthe': ['love', 'the'], + 'mewithoutyou': ['me', 'without', 'you'], + 'microexpression': ['micro', 'expression'], + 'doesnnt': ['does', 'not'], + 'airfilter': ['air', 'filter'], + 'appostols': 'apostles', + 'acrossthe': ['across', 'the'], + 'andaroused': ['and', 'aroused'], + 'bluecolor': ['blue', 'color'], + 'broadstrokes': ['broad', 'strokes'], + 'bullethole': ['bullet', 'hole'], + 'shadowlike': ['shadow', 'like'], + 'shepardplaying': ['shepard', 'playing'], + 'siporportioned': 'disproportionate', + 'skyremind': ['sky', 'remind'], + 'theblending': ['the', 'blending'], + 'thoughtfuland': ['thoughtful', 'and'], + 'yellowbrowns': ['yellow', 'browns'], + 'creeeppyyy': 'creepy', + 'crosslegged': ['cross', 'legged'], + 'cupshave': ['cups', 'have'], + 'dissapoinment': 'disappointment', + 'drinkbest': ['drink', 'best'], + 'dragonlike': ['dragon', 'like'], + 'dressform': ['dress', 'form'], + 'farmlife': ['farm', 'life'], + 'inbtween': ['in', 'between'], + 'averageparentproblems': ['average', 'parent', 'problems'], + 'aroundthe': ['around', 'the'], + 'anythingabout': ['anything', 'about'], + 'bootylicous': 'bootylicious', + 'andwhat': ['and', 'what'], + 'applestore': ['apple', 'store'], + 'archioligist': 'archaeologist', + 'archtypical': 'archetypal', + 'armorwear': ['armor', 'wear'], + 'assumingely': 'assumingly', + 'beachtown': ['beach', 'town'], + 'beenshot': ['been', 'shot'], + 'bluemountains': ['blue', 'mountains'], + 'boldcolors': ['bold', 'colors'], + 'buddawhateverhisname': ['buddha', 'whatever', 'his', 'name'], + 'buttcrack': ['butt', 'crack'], + 'candytown': 'candytown', + 'colorsare': ['colors', 'are'], + 'colorscale': ['color', 'scale'], + 'cominginto': ['coming', 'into'], + 'commonfolk': ['common', 'folk'], + 'cottonballs': ['cotton', 'balls'], + 'excuuuuse': 'excuse', + 'eyesockets': ['eye', 'sockets'], + 'facelooking': ['face', 'looking'], + 'fromthis': ['from', 'this'], + 'pokerface': ['poker', 'face'], + 'thefountain': ['the', 'fountain'], + 'thinkpeople': ['think', 'people'], + 'uncomfomfortable': 'uncomfortable', + 'upsidedown': ['upside', 'down'], + 'vangough': ['van', 'gogh'], + 'vangogh': ['van', 'gogh'], + 'yaaaay': 'yay', + 'uhhhh': 'uhh', + 'thedark': ['the', 'dark'], + 'tallships': ['tall', 'ships'], + 'stilllife': ['still', 'life'], + 'stillframe': ['still', 'frame'], + 'mmmmmm': 'mmm', + 'marvelone': ['marvel', 'one'], + 'lookhomeless': ['look', 'homeless'], + 'likealot': ['like', 'a', 'lot'], + 'interestesting': 'interesting', + 'intriuiging': 'intriguing', + 'icecreams': ['ice', 'creams'], + 'awwwww': 'aww', + 'slavemaster': ['slave', 'master'], + 'pictureshould': ['picture', 'should'], + 'onhisface': ['on', 'his', 'face'], + 'likethis': ['like', 'this'], + 'inkwork': ['ink', 'work'], + 'grapejuice': ['grape', 'juice'], + 'flowerlike': ['flower', 'like'], + 'understandthe': ['understand', 'the'], + 'welldressed': ['well', 'dressed'], + 'wouldlove': ['would', 'love'], + 'blendedinto': ['blended', 'into'], + 'buttcheeks': ['butt', 'cheeks'], + 'clownlike':['clown', 'like'], + 'davinchi': ['da', 'vinci'], + 'veryperfect': ['very', 'perfect'], + 'supervillian': 'supervillain', + 'simpleand': ['simple', 'and'], + 'seemsout': ['seems', 'out'], + 'rainbowmeeting': ['rainbow', 'meeting'], + 'strobelights': ['strobe', 'lights'], + 'subltness': 'subtleness', + 'throughthe': ['through', 'the'], + 'paintingfreaks': ['painting', 'freaks'], + 'muchgoing': ['much', 'going'], + 'meditterean': 'mediterranean', + 'instaneous': 'instantaneous', + 'helpthe': ['help', 'the'], + 'bizzarly': 'bizarrely', + 'crimescene': ['crime', 'scene'], + 'deathlife': ['death', 'life'], + 'dancefight': ['dance', 'fight'], + 'blahblahblah': ['blah', 'blah', 'blah'], + 'disporportioned': 'disproportionate', + 'dreamstate': ['dream', 'state'], + 'eithermight': ['either', 'might'], + 'enviornemt': 'environment', + 'greenbackground': ['green', 'background'], + 'greybackground': ['grey', 'background'], + 'handrwawing': ['hand' 'drawing'], + 'happycause': ['happy', 'cause'], + 'thelayout': ['the', 'layout'], + 'greatgrandparent': ['great', 'grand', 'parent'], + 'greatgrandparents': ['great', 'grand', 'parents'], + 'likesomething': ['like', 'something'], + 'likethey': ['like', 'they'], + 'makingthe': ['making', 'the'], + 'mideviltimes': ['medieval', 'times'], + 'moviestar': ['movie', 'star'], + 'shroudlike': ['shroud', 'like'], + 'blackscale': ['black', 'scale'], + 'bothsides': ['both', 'sides'], + 'fallevening': ['fall', 'evening'], + 'breaklight': ['break', 'light'], + 'springgarden': ['spring', 'garden'], + 'pointalist': 'pointillism', + 'hemmeroid': 'hemorrhoid', + 'bonaroo': 'bonnaroo', + 'boardshorts': ['board', 'shorts'], + 'luminousand': ['luminous', 'and'], + 'iceskating': ['ice', 'skating'], + 'ewwww' :'ew', + 'bloodsplatter': ['blood', 'splatter'], + 'beastlike': ['beast', 'like'], + 'entendra': 'entendre', + 'dollbaby': ['doll', 'baby'], + 'eachothers': ['each', 'others'], + 'backlooking': ['back', 'looking'], + 'enjoynthe': ['enjoy', 'the'], + 'stormcloud': ['storm', 'cloud'], + 'playwriter': ['play', 'writer'], + 'hyroglifics': 'hieroglyphics', + 'lilypads': ['lily', 'pads'], + 'ivreqlly': ['i', 'really'], + 'kindnof': ['kind', 'of'], + 'selfconcious': ['self', 'conscious'], + 'reprensation': 'representation', + 'eerieness' : 'eeriness', + 'paining': 'painting', + 'thats': ['that', 'is'], + 'xmas': 'christmas', + 'swordbearer' : ['sword', 'bearer'], + 'outcseeing': ['out', 'seeing'], + 'gatheredaround': ['gathered', 'around'], + 'lockeroom': ['locker', 'room'], + 'adrogonius': 'androgynous', + 'mezmesring': 'mesmerising', + 'powderoom': ['powder', 'room'], + 'tenalady': ['tena', 'lady', 'pads'], + 'storytale': ['story', 'tale'], + 'dipropratnly': 'disproportionately', + 'clotheless': 'clothless', + 'maculopothy': 'maculopathy', + 'meanmugging': ['mean', 'mugging'], + 'shadowwork': ['shadow', 'work'], + 'paintstrokes': ['paint', 'strokes'], + 'makenit': ['make', 'it'], + 'ofcolors': ['of', 'colors'], + 'thevdevilish': ['the', 'devilish'], + 'lilipads': ['lily', 'pads'], + 'lilypad': ['lily', 'pad'], + 'prusinors': 'prisoners', + 'thebattle': ['the', 'battle'], + 'bathingsuit': ['bathing', 'suit'], + 'thencolors': ['the', 'colors'], + 'morexcitingand': ['more', 'exciting', 'and'], + 'thebeggining': ['the', 'beginning'], + 'imageryand': ['imagery', 'and'], + 'contentness': 'contentedness', + 'oversimplicity': ['over', 'simplicity'], + 'overexausted': ['over', 'exhausted'], + 'uninterst': 'uninterest', + 'theanfels': ['the', 'angels'], + 'bittypenis': ['bitty', 'penis'], + 'intellegiant': 'intelligent', + 'fauxfur': ['faux', 'fur'], + 'togetherther': 'together', + 'murakmi': 'murakami', + 'diffinterate': 'different', + 'deatheater': ['death', 'eater'], + 'grafittied': 'graffitied', + 'colortheme': ['color', 'theme'], + 'herevening': ['her', 'evening'], + 'comradarie': 'camaraderie', + 'gradeintly': 'gradiently', + 'womenreally': ['woman', 'really'], + 'renduveousing': 'rendezvousing', + 'unsettleness': 'unsettledness', + 'desolutioned': 'disillusioned', + 'bucketlist': ['bucket', 'list'], + 'contrastful': 'contrasting', + 'snailshell': ['snail', 'shell'], + 'figureswithin': ['figures', 'within'], + 'semitrical': 'symmetrical', + 'happinessand': ['happiness', 'and'], + 'firepit':['fire', 'pit'], + 'firepits':['fire', 'pits'], + 'spectrumand': ['spectrum', 'and'], + 'skyblue': ['sky', 'blue'], + 'duststorm': ['dust', 'storm'], + 'ultrawide': ['ultra', 'wide'], + 'containmatated': 'contaminated', + 'dressesbis': ['dresses', 'is'], + 'underdetailed': ['under', 'detailed'], + 'pitchblack': ['pitch', 'black'], + 'andvserious': ['and', 'serious'], + 'peaceand': ['peace', 'and'], + 'drawingnif': 'drawing', + 'patternsmake': ['patterns', 'make'], + 'andvwilling': ['and', 'willing'], + 'thecdeeamy': ['the', 'dreamy'], + 'puntilism': 'pointillism', + 'thecangel': ['the', 'angel'], + 'awestriking': ['awe', 'striking'], + 'awestrucking': ['awe', 'striking'], + 'awestrikng': ['awe', 'striking'], + 'ofvthe': ['of', 'the'], + 'desaturatation': 'desaturation', + 'colrscare': ['colors', 'are'], + 'looksmessy': ['looks', 'messy'], + 'thecfeelingvthis': ['the', 'feeling', 'for', 'this'], + 'manyngood': ['many', 'and', 'good'], + 'mandsface': ['man\'s', 'face'], + 'essencence': 'essence', + 'confuseable': 'confusing', + 'frizzyness': 'frizziness', + 'waterbuffalo': ['water', 'buffalo'], + 'cinaplex' :'cineplex', + 'clocktowers': ['clock', 'towers'], + 'aysterutym': 'austerity', + 'conthemporan': 'contemporary', + 'coldsore': ['cold', 'sore'], + 'redflas': ['red', 'flash'], + 'pompnceremony': ['pomp', 'and', 'ceremony'], + 'etchisketch': ['etch', 'a', 'sketch'], + 'durdledoor': ['durdle' 'door'], + 'eyessquinted': ['eyes', 'squinted'], + 'colorfullness': 'colorfulness', + 'christchild': ['christ', 'child'], + 'wispyness': 'wispiness', + 'whispiness': 'wispiness', + 'imaturebut': ['immature', 'but'], + 'raphealites': 'raphaelites', + 'late1700': ['late', '1700'], + 'remnicient': 'reminiscent', + 'twonsubjecta': ['two', 'subjects'], + 'awestricken': 'awestruck', + 'withnumerous': ['with', 'numerous'], + 'colorsmake': ['colors', 'make'], + 'vmcolors': ['colors'], + 'roseyness': 'rosiness', + 'holdingthe': ['holding', 'the'], + 'gruesomness': 'gruesomeness', + 'linedrawing': ['line', 'drawing'], + 'orangatange': 'orangutan', + 'naaahhhh': 'nah', + 'micropattern': ['micro', 'pattern'], + 'nephilims': 'nephilim', + 'middleaged': ['middle', 'aged'], + 'thevnanyvdifferent': ['the', 'many', 'different'], + 'flirtatously': 'flirtatiously', + 'nitemare': 'nightmare', + 'okaaaay': 'ok', + 'crucufication': 'crucifixion', + 'manywindow': ['many', 'windows'], + 'panaroema': 'panorama', + 'wowwwwwww': 'wow', + 'theaqua': ['the', 'aqua'], + 'andexcited': ['and', 'excited'], + 'frommthe': ['from', 'the'], + 'thecanal': ['the', 'canal'], + 'focalpointcof': ['focal', 'point', 'of'], + 'silouhete': 'silhouette', + 'physcadelic': 'psychedelic', + 'tonesmakes': ['tones', 'make'], + 'reallyenjoying': ['really', 'enjoying'], + 'disportionate': 'disproportionate', + 'spidermonkey': ['spider', 'monkey'], + 'lookswise': ['looks', 'wise'], + 'wasewas': 'was', + 'inbthe': ['in', 'the'], + 'coronvirus': 'coronavirus', + 'overdramtic': 'overdramatic', + 'favarouite': 'favorite', + 'reallyike': ['really', 'like'], + 'thesoldier': ['the', 'soldier'], + 'flowerboxes': ['flower', 'boxes'], + 'envoirment': 'environment', + 'theirfaces': ['their', 'faces'], + 'neccasssary': 'necessary', + 'ghostlyness': 'ghostliness', + 'trytophobia': 'trypophobia', + 'tripophobia': 'trypophobia', + 'woodprinting': ['wood', 'printing'], + 'roomoom': 'room', + 'outmyself': ['out', 'myself'], + 'evildoing': ['evil', 'doing'], + 'deliousious': 'delicious', + 'thebfigure': ['the', 'figure'], + 'sleeptime': ['sleep', 'time'], + 'isnspooky': ['is', 'spooky'], + 'comtempory': 'contemporary', + 'smilingred': ['smiling', 'red'], + 'ooranateness': 'ornateness', + 'joyfilled': ['joy', 'filled'], + 'ghosttown': ['ghost', 'town'], + 'obvious–that': ['obvious', 'that'], + 'photobooth': ['photo', 'booth'], + 'thinknof': ['think', 'of'], + 'extrodianary': 'extraordinary', + 'thewindow': ['the', 'window'], + "'indistinctive": 'indistinctive', + 'vilianouis': 'villainous', + 'farmtown': ['farm', 'town'], + 'handdrawing': ['hand', 'drawing'], + 'sophisticatedcriminal': ['sophisticated', 'criminal'], + 'beautifuldepiction': ['beautiful', 'depiction'], + 'plantetscolliding': ['planets', 'colliding'], + 'greytones': ['grey', 'tones'], + 'likepaint': ['like', 'paint'], + 'leatherworker': ['leather', 'worker'], + 'cobrownand': ['brown', 'and'], + 'bluegreens': ['blue', 'greens'], + 'polkadots': ['polka', 'dots'], + 'attirewear': ['attire', 'wear'], + 'disssary': 'disarray', + 'simplictiness': 'simplicity', + 'likelord': ['like', 'a', 'lord'], + 'orbtalking': ['or', 'talking'], + 'colorscheme': ['color', 'scheme'], + 'grouchypants': ['grouchy', 'pants'], + 'renosanse': 'renaissance', + 'renessciance': 'renaissance', + 'impaitily': 'impatiently', + 'hyrogliphic': 'hieroglyphic', + 'enduresess': 'endures', + 'orangecand': ['orange', 'and'], + 'emiotnals': 'emotion', + 'countryclub': ['country', 'club'], + 'branchhill': ['branch', 'hill'], + 'homospiens': ['homo', 'sapiens'], + 'beautifuland': ['beautiful', 'and'], + 'birchtree': ['birch', 'tree'], + 'seemslike': ['seems', 'like'], + 'beuaktufl': 'beautiful', + 'appearlike': ['appear', 'like'], + 'browngrounds': ['brown', 'grounds'], + 'morningtime': ['morning', 'time'], + 'jerrsaic': 'jurassic', + 'feelabout': ['feel','about'], + 'linestrokes': ['line', 'strokes'], + 'lifesized': ['life', 'sized'], + 'thevlower': ['the', 'lower'], + 'paitngig': 'painting', + 'handdrawn': ['hand', 'drawn'], + 'facefrom': ['face', 'from'], + 'treesmake': ['trees', 'make'], + 'chesspiece': ['chess', 'piece'], + 'balletdancer': ['ballet', 'dancer'], + 'motionblurr': ['motion', 'blur'], + 'varietyframes': ['variety', 'frames'], + 'nondetailed': ['non', 'detailed'], + 'shadowsplus': ['shadows', 'plus'], + 'bellpeppers': ['bell', 'peppers'], + 'thebackground': ['the', 'background'], + 'playwith': ['play', 'with'], + 'facialmexpression': ['facial', 'expression'], + 'compositionntells': ['composition', 'tells'], + 'playfulexpression': ['playful', 'expression'], + 'somethingforeboding': ['something', 'foreboding'], + 'everythingnbeing': ['everything', 'being'], + 'beingbsomseperated': ['being', 'separated'], + 'nececassry': 'necessary', + 'oppurnity': 'opportunity', + 'undistinguishable': 'indistinguishable' + } + + +## +## Set, containing words found in ArtEmis but not in Glove. (for the curious reader...) +## Curated manually by Panos circa 2020. +## +missing_from_glove_but_are_actual_words = { + 'agfacolor', 'photobomb', 'modernness', 'altamouras', + 'invitingness', 'kinkadian', 'unfinishedness', + 'gainsboro', 'normalness', 'harmoniousness', 'tenebrism', + 'neckpiece', 'immenseness', 'distastefulness', 'delicateness', + 'disjointedness', 'midground', 'pulchritudinously', 'maculopathy', + 'ornateness', 'alienesque', 'bemedaled', 'mundaneness', 'ghoulishness', + 'hecticness', 'comfortability', 'deathscape', 'snowpiercer', 'acuarela', + 'pedophillic', 'monochromatically', 'futuristically', 'remnicient', + 'sereneness', 'tenebrism', 'midground', 'delicateness', 'ornateness', + 'neckpiece', 'pompousness', 'comfortability', 'contentful', 'disjointedness', + 'delicateness', 'suitcoat', 'slenderman', 'wispiness', 'realisticness', + 'splotchiness', 'chubbiness', 'respectfulness', 'chemtrail', 'ominousness', + 'douchebag', 'naturescape', 'indistinctive', 'hellscape', 'blobbiness', + 'mountainscape', 'exoticness', 'colorscape', 'overdramatic', 'snowscape', + 'oceanscape', 'stunningness', 'hyperreligiosity', 'trypophobia', 'treescape', + 'prayerfulness', 'slothlike', 'tablescape', 'indistinctive', 'imaginativeness', + 'sincereness', 'rejoicement', 'loyalness', 'hypersexualization', 'solemnness', + 'boringness', 'hypersexualizing', 'centermost' +} \ No newline at end of file diff --git a/imageprocessing/artemis/artemis/neural_models/__init__.py b/imageprocessing/artemis/artemis/neural_models/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..18fc359f582e4ac403654d09ede5e85fd196423c --- /dev/null +++ b/imageprocessing/artemis/artemis/neural_models/__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/neural_models/attention.py b/imageprocessing/artemis/artemis/neural_models/attention.py new file mode 100644 index 0000000000000000000000000000000000000000..9b9c89d9efad9395d88ba432dbf300cae53285d9 --- /dev/null +++ b/imageprocessing/artemis/artemis/neural_models/attention.py @@ -0,0 +1,45 @@ +""" +Language-Vision Attention Utilities. + +The MIT License (MIT) +Originally created in 2020, for Python 3.x +Copyright (c) 2021 Panos Achlioptas (ai.stanford.edu/~optas) & Stanford Geometric Computing Lab +""" + + +from torch import nn + + +class AdditiveVisioLinguistic(nn.Module): + """ + Given a vector summarizing the linguistic information processed by a pipeline + (e.g. k-th output of RNN) attend to a 2D grid (e.g., image pixels). + This mechanism *adds* the two sources of information to compute the attention (hence the name additive). + """ + + def __init__(self, encoder_dim, decoder_dim, attention_dim): + """ + :param encoder_dim: (int) feature size (last dimension) of encoded images (e.g., [B x H x W] x encoder_dim) + :param decoder_dim: (int) feature size of decoder's output (summarizing linguistic information) + :param attention_dim: (int) feature size size of the attention space + """ + super(AdditiveVisioLinguistic, self).__init__() + self.encoder_att = nn.Linear(encoder_dim, attention_dim) # linear layer to transform encoded image + self.decoder_att = nn.Linear(decoder_dim, attention_dim) # linear layer to transform decoder's output + self.full_att = nn.Linear(attention_dim, 1) # linear layer to calculate values to be softmax-ed + self.relu = nn.ReLU(inplace=True) + self.softmax = nn.Softmax(dim=1) # softmax layer to calculate weights + + def __call__(self, encoder_out, decoder_hidden): + """ + Forward propagation. + :param encoder_out: encoded images, a tensor of dimension (batch_size, num_pixels, encoder_dim) + :param decoder_hidden: previous decoder output, a tensor of dimension (batch_size, decoder_dim) + :return: attention weighted encoding, weights + """ + att1 = self.encoder_att(encoder_out) # (batch_size, num_pixels, attention_dim) + att2 = self.decoder_att(decoder_hidden) # (batch_size, attention_dim) + att = self.full_att(self.relu(att1 + att2.unsqueeze(1))).squeeze(2) # (batch_size, num_pixels) + alpha = self.softmax(att) # (batch_size, num_pixels) + attention_weighted_encoding = (encoder_out * alpha.unsqueeze(2)).sum(dim=1) # (batch_size, encoder_dim) + return attention_weighted_encoding, alpha diff --git a/imageprocessing/artemis/artemis/neural_models/attentive_decoder.py b/imageprocessing/artemis/artemis/neural_models/attentive_decoder.py new file mode 100644 index 0000000000000000000000000000000000000000..08a07505ed231ab4ad86cc280b8b9ffc3346e0d8 --- /dev/null +++ b/imageprocessing/artemis/artemis/neural_models/attentive_decoder.py @@ -0,0 +1,696 @@ +""" +Decoding module for a neural speaker (with attention capabilities). + +The MIT License (MIT) +Originally created at 06/15/19, for Python 3.x +Copyright (c) 2021 Panos Achlioptas (ai.stanford.edu/~optas) & Stanford Geometric Computing Lab +""" + +import torch +import random +import time +import warnings +import tqdm +import math +import numpy as np +import torch.nn.functional as F +from torch import nn +from torch.nn.utils.rnn import pack_padded_sequence +from torch.nn.utils import clip_grad_norm_ + +from .attention import AdditiveVisioLinguistic +from ..utils.stats import AverageMeter + + +class AttentiveDecoder(nn.Module): + """ + Note: code adapted from: https://github.com/sgrvinod/a-PyTorch-Tutorial-to-Image-Captioning + implementing a solid version of Show, Attend, and Tell. Many thanks Sagar and the team. + + Special (optional) features: + - use stochastic teacher forcer + - add auxiliary input data at each decoding step (besides each 'previous' token). + - tie the weights of the encoder/decoder weight matrices + """ + def __init__(self, word_embedding, rnn_hidden_dim, encoder_dim, attention_dim, + vocab, dropout_rate=0, tie_weights=False, teacher_forcing_ratio=1, + auxiliary_net=None, auxiliary_dim=0): + """ + :param word_embedding: nn.Embedding + :param rnn_hidden_dim: hidden (and thus output) dimension of the decoding rnn + :param encoder_dim: feature dimension of encoded stimulus + :param attention_dim: feature dimension over which attention is computed + :param vocab: artemis.utils.vocabulary instance + :param dropout: dropout rate + :param tie_weights: (opt, boolean) if True, the hidden-to-word weights are equal (tied) to the word-embeddings, + see https://arxiv.org/abs/1611.01462 for explanation of why this might be a good idea. + :param teacher_forcing_ratio: + :param auxiliary_net: (optional) nn.Module that will be feeding the decoder at each time step + with some "auxiliary" information (say an emotion label). Obviously, this information is separate than the + output of the typically used image-encoder. + :param auxiliary_dim: (int, optional) the output feature-dimension of the auxiliary net. + """ + super(AttentiveDecoder, self).__init__() + self.vocab = vocab + self.vocab_size = len(vocab) + self.word_embedding = word_embedding + self.auxiliary_net = auxiliary_net + self.uses_aux_data = False + + if auxiliary_dim > 0: + self.uses_aux_data = True + + self.decode_step = nn.LSTMCell(word_embedding.embedding_dim + encoder_dim + auxiliary_dim, rnn_hidden_dim) + self.attention = AdditiveVisioLinguistic(encoder_dim, rnn_hidden_dim, attention_dim) + + if dropout_rate > 0: + self.dropout = nn.Dropout(p=dropout_rate, inplace=True) + else: + self.dropout = nn.Identity() + + self.init_h = nn.Linear(encoder_dim, rnn_hidden_dim) # linear layer to find initial hidden state of LSTMCell + self.init_c = nn.Linear(encoder_dim, rnn_hidden_dim) # linear layer to find initial cell state of LSTMCell + self.f_beta = nn.Linear(rnn_hidden_dim, encoder_dim) # linear layer to create a sigmoid-activated gate + self.sigmoid = nn.Sigmoid() + self.next_word = nn.Linear(rnn_hidden_dim, self.vocab_size) # linear layer to find scores over vocabulary + self.init_weights() + self.teacher_forcing_ratio = teacher_forcing_ratio + + if tie_weights: + if self.word_embedding.embedding_dim != rnn_hidden_dim: + raise ValueError('When using the tied weights') + print('tying weights of encoder/decoder') + self.next_word.weight = self.word_embedding.weight + + def init_hidden_state(self, encoder_out): + """ + Creates the initial hidden and cell states for the decoder's LSTM based on the encoded images. + :param encoder_out: encoded images, a tensor of dimension (batch_size, num_pixels, encoder_dim) + :return: hidden state, cell state + """ + mean_encoder_out = encoder_out.mean(dim=1) + h = self.init_h(mean_encoder_out) # (batch_size, decoder_dim) + c = self.init_c(mean_encoder_out) + return h, c + + def init_weights(self, init_range=0.1): + """ Better initialization """ + self.word_embedding.weight.data.uniform_(-init_range, init_range) # remove if pre-trained model comes up + self.next_word.bias.data.zero_() + self.next_word.weight.data.uniform_(-init_range, init_range) + + def __call__(self, encoder_out, captions, auxiliary_data=None): + """ Forward propagation. + :param encoder_out: encoded images, a tensor of dimension (batch_size, enc_image_size, enc_image_size, encoder_dim) + :param captions: encoded captions, a tensor of dimension (batch_size, max_caption_length) + :param auxiliary_data: extra information associated with the images (batch_size, some_dim) + :return: scores for vocabulary, sorted encoded captions, decode lengths, weights, sort indices + """ + return self.sort_captions_and_forward(encoder_out, captions, auxiliary_data=auxiliary_data) + + def sort_captions_and_forward(self, encoder_out, captions, auxiliary_data=None): + """ Feed forward that ... + :param encoder_out: + :param captions: + :return: + """ + batch_size = encoder_out.size(0) + encoder_dim = encoder_out.size(-1) + + # Flatten image + encoder_out = encoder_out.view(batch_size, -1, encoder_dim) # (batch_size, num_pixels, encoder_dim) + num_pixels = encoder_out.size(1) + + decode_lengths = torch.where(captions == self.vocab.eos)[1] # " I am " => decode_length = 3 + # we do not feed as input to generate + # something after it + + # Sort input data by decreasing lengths to reduce compute below + decode_lengths, sort_ind = decode_lengths.sort(dim=0, descending=True) + encoder_out = encoder_out[sort_ind] + captions = captions[sort_ind] + + if auxiliary_data is not None: + auxiliary_data = auxiliary_data[sort_ind] + auxiliary_data = self.auxiliary_net(auxiliary_data) + + # prepare for unravelling + embeddings = self.word_embedding(captions) # (batch_size, max_caption_length, embed_dim) + h, c = self.init_hidden_state(encoder_out) # (batch_size, decoder_dim) + decode_lengths = decode_lengths.tolist() + device = embeddings.device + + # Create tensors to hold word prediction logits and attention maps (alphas) + predictions = torch.zeros(batch_size, max(decode_lengths), self.vocab_size).to(device) + alphas = torch.zeros(batch_size, max(decode_lengths), num_pixels).to(device) + + # At each time-step, decode by + # attention-weighing the encoder's output based on the decoder's previous hidden state output + # then generate a new word in the decoder with the previous word and the attention weighted encoding + for t in range(max(decode_lengths)): + batch_size_t = sum([l > t for l in decode_lengths]) + h = h[:batch_size_t] # effective h + attention_weighted_encoding, alpha = self.attention(encoder_out[:batch_size_t], h) + gate = self.sigmoid(self.f_beta(h)) # gating scalar, (batch_size_t, encoder_dim) + attention_weighted_encoding = gate * attention_weighted_encoding + + use_teacher_forcing = True if random.random() < self.teacher_forcing_ratio else False + + if use_teacher_forcing or t == 0: + decoder_lang_input = embeddings[:batch_size_t, t] + else: + _, top_pred = preds[:batch_size_t].topk(1) + top_pred = top_pred.squeeze(-1).detach() # detach from history as input + decoder_lang_input = self.word_embedding(top_pred) + + if auxiliary_data is not None: + auxiliary_data_t = auxiliary_data[:batch_size_t] + decoder_in = torch.cat([decoder_lang_input, attention_weighted_encoding, auxiliary_data_t], dim=1) + else: + decoder_in = torch.cat([decoder_lang_input, attention_weighted_encoding], dim=1) + + h, c = self.decode_step(decoder_in, (h, c[:batch_size_t])) # (batch_size_t, decoder_dim) + + preds = self.next_word(self.dropout(h)) # (batch_size_t, vocab_size) + predictions[:batch_size_t, t] = preds + alphas[:batch_size_t, t] = alpha + return predictions, captions, decode_lengths, alphas, sort_ind + + def attend_and_predict_next_word(self, encoder_out, h, c, tokens, aux_data=None): + """Given current hidden/memory state of the decoder and the input tokens, guess the next tokens + and update the hidden/memory states. + :param encoder_out: the grounding + :param h: current hidden state + :param c: current memory state + :param tokens: current token input to the decoder + :return: logits over vocabulary distribution, updated h/c + """ + attention_weighted_encoding, alpha = self.attention(encoder_out, h) + gate = self.sigmoid(self.f_beta(h)) # gating scalar, (batch_size_t, encoder_dim) + attention_weighted_encoding = gate * attention_weighted_encoding + embeddings = self.word_embedding(tokens) # (batch_size, embed_dim) + + decoder_input = torch.cat([embeddings, attention_weighted_encoding], dim=1) + + if aux_data is not None: + aux_feat = self.auxiliary_net(aux_data) + decoder_input = torch.cat([decoder_input, aux_feat], dim=1) + + h, c = self.decode_step(decoder_input, (h, c)) # (batch_size_t, decoder_dim) + logits = self.next_word(h) # (batch_size_t, vocab_size) + return h, c, logits, alpha + + +def single_epoch_train(train_loader, model, criterion, optimizer, epoch, device, tb_writer=None, **kwargs): + """ Perform training for one epoch. + :param train_loader: DataLoader for training data + :param model: nn.ModuleDict with 'encoder', 'decoder' keys + :param criterion: loss layer + :param optimizer: optimizer + :param epoch: epoch number + :param device: + """ + alpha_c = kwargs.get('alpha_c', 1.0) # Weight of doubly stochastic (attention) regularization. + grad_clip = kwargs.get('grad_clip', 5.0) # Gradient clipping (norm magnitude) + print_freq = kwargs.get('print_freq', 100) + use_emotion = kwargs.get('use_emotion', False) + + batch_time = AverageMeter() # forward prop. + back prop. time + data_time = AverageMeter() # data loading time + entropy_loss_meter = AverageMeter() # entropy loss (per word decoded) + total_loss_meter = AverageMeter() + start = time.time() + steps_taken = (epoch-1) * len(train_loader.dataset) + model.train() + + for i, batch in enumerate(train_loader): + imgs = batch['image'].to(device) + caps = batch['tokens'].to(device) + b_size = len(imgs) + data_time.update(time.time() - start) + + if use_emotion: + emotion = batch['emotion'].to(device) + res = model.decoder(model.encoder(imgs), caps, emotion) + else: + res = model.decoder(model.encoder(imgs), caps) + logits, caps_sorted, decode_lengths, alphas, sort_ind = res + + # Since we decoded starting with , the targets are all words after , up to + targets = caps_sorted[:, 1:] + + # Remove time-steps that we didn't decode at, or are pads + # pack_padded_sequence is an easy trick to do this + logits = pack_padded_sequence(logits, decode_lengths, batch_first=True) + targets = pack_padded_sequence(targets, decode_lengths, batch_first=True) + + # Calculate loss + ent_loss = criterion(logits.data, targets.data) + total_loss = ent_loss + + # Add doubly stochastic attention regularization + # Note. some implementation simply do this like: d_atn_loss = alpha_c * ((1. - alphas.sum(dim=1)) ** 2).mean() + # here we take care of the fact that some samples in the same batch have more/less tokens than others. + if alpha_c > 0: + total_energy = torch.from_numpy(np.array(decode_lengths)) / alphas.shape[-1] # n_tokens / num_pixels + total_energy.unsqueeze_(-1) # B x 1 + total_energy = total_energy.to(device) + d_atn_loss = alpha_c * ((total_energy - alphas.sum(dim=1)) ** 2).mean() + total_loss += d_atn_loss + + # Back prop. + optimizer.zero_grad() + total_loss.backward() + if grad_clip is not None: + clip_grad_norm_(model.parameters(), grad_clip) + + # Update weights + optimizer.step() + + # Keep track of metrics + entropy_loss_meter.update(ent_loss.item(), sum(decode_lengths)) + total_loss_meter.update(total_loss.item(), sum(decode_lengths)) + batch_time.update(time.time() - start) + start = time.time() + steps_taken += b_size + + # Print status + if print_freq is not None and i % print_freq == 0: + print('Epoch: [{0}][{1}/{2}]\t' + 'Batch Time {batch_time.val:.3f} ({batch_time.avg:.3f})\t' + 'Data Load Time {data_time.val:.3f} ({data_time.avg:.3f})\t' + 'Loss {loss.val:.4f} ({loss.avg:.4f})'.format(epoch, i, len(train_loader), + batch_time=batch_time, + data_time=data_time, + loss=total_loss_meter)) + if tb_writer is not None: + tb_writer.add_scalar('training-entropy-loss-with-batch-granularity', entropy_loss_meter.avg, steps_taken) + + return total_loss_meter.avg + + +@torch.no_grad() +def negative_log_likelihood(model, data_loader, device): + """ + :param model: + :param data_loader: + :param device: + :param phase: + :return: + """ + model.eval() + nll = AverageMeter() + + aux_data = None + for batch in data_loader: + imgs = batch['image'].to(device) + caps = batch['tokens'].to(device) + + # TODO Refactor + if model.decoder.uses_aux_data: + aux_data = batch['emotion'].to(device) + + logits, caps_sorted, decode_lengths, alphas, sort_ind = model.decoder(model.encoder(imgs), caps, aux_data) + + # Since we decoded starting with , the targets are all words after , up to + targets = caps_sorted[:, 1:] + + # Remove time-steps that we didn't decode at, or are pads + # pack_padded_sequence is an easy trick to do this + logits = pack_padded_sequence(logits, decode_lengths, batch_first=True) + targets = pack_padded_sequence(targets, decode_lengths, batch_first=True) + + # Calculate loss + loss = F.cross_entropy(logits.data, targets.data) + nll.update(loss.item(), sum(decode_lengths)) + return nll.avg + + +@torch.no_grad() +def log_prob_of_caption(model, img, tokens, temperature=1): + """Given a captioning model, return the log-probability of a caption given an image. + This version expects a batch of images, each assotiated with a single caption. + :param model: encoder/decoder speaker + :param img: Tensor B x channels x spatial-dims + :param tokens: Tensor B x max-n-tokens + :return log_probs: Tensor of size B x max-n-tokens holding the log-probs of each token of each caption + """ + + encoder = model.encoder + decoder = model.decoder + + assert all(tokens[:, 0] == decoder.vocab.sos) + + max_steps = tokens.shape[1] + encoder_out = encoder(img) + batch_size = encoder_out.size(0) + encoder_dim = encoder_out.size(-1) + encoder_out = encoder_out.view(batch_size, -1, encoder_dim) + + # Create tensors to hold log-probs + log_probs = torch.zeros(batch_size, max_steps).to(tokens.device) + h, c = decoder.init_hidden_state(encoder_out) + + for t in range(max_steps - 1): + h, c, pred_t, _ = decoder.attend_and_predict_next_word(encoder_out, h, c, tokens[:, t]) + + if temperature != 1: + pred_t /= temperature + + pred_t = F.log_softmax(pred_t, dim=1) + log_probs[:, t] = pred_t[torch.arange(batch_size), tokens[:, t+1]] # prob. of guessing next token + + lens = torch.where(tokens == decoder.vocab.eos)[1] # true tokens + 1 for + mask = torch.zeros_like(log_probs) + mask[torch.arange(mask.shape[0]), lens] = 1 + mask = mask.cumsum(dim=1).to(torch.bool) + log_probs.masked_fill_(mask, 0) # set to zero all positions after the true size of the caption + return log_probs, lens + + +@torch.no_grad() +def sample_captions(model, loader, max_utterance_len, sampling_rule, device, temperature=1, + topk=None, drop_unk=True, drop_bigrams=False): + """ + :param model: + :param loader: + :param max_utterance_len: maximum allowed length of captions + :param sampling_rule: (str) 'argmax' or 'multinomial', or 'topk' + :return: + attention_weights: (torch cpu Tensor) N-images x encoded_image_size (e.g., 7 x 7) x max_utterance_len + attention_weights[:,0] corresponds to the attention map over the symbol + """ + if sampling_rule not in ['argmax', 'multinomial', 'topk']: + raise ValueError('Unknown sampling rule.') + + model.eval() + all_predictions = [] + attention_weights = [] + unk = model.decoder.vocab.unk + + use_aux_data = model.decoder.uses_aux_data + aux_data = None + + for batch in loader: + imgs = batch['image'].to(device) + + if use_aux_data: + aux_data = batch['emotion'].to(device) + + encoder_out = model.encoder(imgs) + enc_image_size = encoder_out.size(1) + batch_size = encoder_out.size(0) + encoder_dim = encoder_out.size(-1) + + # Flatten image + encoder_out = encoder_out.view(batch_size, -1, encoder_dim) # (batch_size, num_pixels, encoder_dim) + + # Create tensors to hold word predictions + max_steps = max_utterance_len + 1 # one extra step for EOS marker + predictions = torch.zeros(batch_size, max_steps).to(device) + + # Initialize decoder state + decoder = model.decoder + h, c = decoder.init_hidden_state(encoder_out) # (batch_size, decoder_dim) + + # Tensor to store previous words at each step; now they're just + prev_words = torch.LongTensor([decoder.vocab.sos] * batch_size).to(device) + + for t in range(max_steps): + h, c, pred_t, alpha = decoder.attend_and_predict_next_word(encoder_out, h, c, prev_words, aux_data=aux_data) + if t > 0: # at t=1 it sees as the previous word + alpha = alpha.view(-1, enc_image_size, enc_image_size) # (bsize, enc_image_size, enc_image_size) + attention_weights.append(alpha.cpu()) + + pred_t /= temperature + + if drop_unk: + pred_t[:, unk] = -math.inf + + if t > 0: + pred_t[:, prev_words] = -math.inf # avoid repeating the same word twice + + if t > 1: + pred_t[:, predictions[:,t-2].long()] = -math.inf # avoid repeating the prev-prev word + + if drop_bigrams and t > 1: + prev_usage = predictions[:, :t-1] # of the previous word (e.g, xx yy xx) (first xx) + x, y = torch.where(prev_usage == torch.unsqueeze(prev_words, -1)) + y += 1 # word-after-last-in-prev-usage (e.g., yy in above) + y = prev_usage[x, y].long() + pred_t[x, y] = -math.inf + + if sampling_rule == 'argmax': + prev_words = torch.argmax(pred_t, 1) + elif sampling_rule == 'multinomial': + probability = torch.softmax(pred_t, 1) + prev_words = torch.multinomial(probability, 1).squeeze_(-1) + elif sampling_rule == 'topk': + row_idx = torch.arange(batch_size) + row_idx = row_idx.view([1, -1]).repeat(topk, 1).t() + # do soft-max after you zero-out non topk (you could also do this before, ask me/Panos if need be:) ) + val, ind = pred_t.topk(topk, dim=1) + val = torch.softmax(val, 1) + probability = torch.zeros_like(pred_t) # only the top-k logits will have non-zero prob. + probability[row_idx, ind] = val + prev_words = torch.multinomial(probability, 1).squeeze_(-1) + + predictions[:, t] = prev_words + all_predictions.append(predictions.cpu().long()) + all_predictions = torch.cat(all_predictions) + attention_weights = torch.stack(attention_weights, 1) + return all_predictions, attention_weights + + +@torch.no_grad() +def sample_captions_beam_search(model, data_loader, beam_size, device, temperature=1, max_iter=500, + drop_unk=True, drop_bigrams=False): + """ + :param model (encoder, decoder) + :param data_loader: + :param beam_size: + :param drop_unk: + :return: + + hypotheses_alphas: list carrying the attention maps over the encoded-pixel space for each produced token. + Note: batch size must be one. + """ + + if data_loader.batch_size != 1: + raise ValueError('not implemented for bigger batch-sizes') + + model.eval() + decoder = model.decoder + vocab = model.decoder.vocab + + captions = list() + hypotheses_alphas = list() + caption_log_prob = list() + + aux_feat = None + for batch in tqdm.tqdm(data_loader): # For each image (batch-size = 1) + image = batch['image'].to(device) # (1, 3, H, W) + + if model.decoder.uses_aux_data: + aux_data = batch['emotion'].to(device) + aux_feat = model.decoder.auxiliary_net(aux_data) + + k = beam_size + encoder_out = model.encoder(image) # (1, enc_image_size, enc_image_size, encoder_dim) + enc_image_size = encoder_out.size(1) + encoder_dim = encoder_out.size(3) + + # Flatten encoding + encoder_out = encoder_out.view(1, -1, encoder_dim) # (1, num_pixels, encoder_dim) + num_pixels = encoder_out.size(1) + + # We'll treat the problem as having a batch size of k + encoder_out = encoder_out.expand(k, num_pixels, encoder_dim) # (k, num_pixels, encoder_dim) + + # Tensor to store top k previous words at each step; now they're just + k_prev_words = torch.LongTensor([[vocab.sos]] * k).to(device) # (k, 1) + + # Tensor to store top k sequences; now they're just + seqs = k_prev_words # (k, 1) + + # Tensor to store top k sequences' scores; now they're just 0 + top_k_scores = torch.zeros(k, 1).to(device) # (k, 1) + + # Tensor to store top k sequences' alphas; now they're just 1s + seqs_alpha = torch.ones(k, 1, enc_image_size, enc_image_size).to(device) # (k, 1, enc_image_size, enc_image_size) + + # Lists to store completed sequences and scores + complete_seqs = list() + complete_seqs_alpha = list() + complete_seqs_scores = list() + + # Start decoding + step = 1 + h, c = decoder.init_hidden_state(encoder_out) + + # s (below) is a number less than or equal to k, because sequences are removed + # from this process once they hit + while True: + embeddings = decoder.word_embedding(k_prev_words).squeeze(1) # (s, embed_dim) + awe, alpha = decoder.attention(encoder_out, h) # (s, encoder_dim), (s, num_pixels) + alpha = alpha.view(-1, enc_image_size, enc_image_size) # (s, enc_image_size, enc_image_size) + gate = decoder.sigmoid(decoder.f_beta(h)) # gating scalar, (s, encoder_dim) + awe = gate * awe + decoder_input = torch.cat([embeddings, awe], dim=1) + + if aux_feat is not None: + af = torch.repeat_interleave(aux_feat, decoder_input.shape[0], dim=0) + decoder_input = torch.cat([decoder_input, af], dim=1) + + h, c = decoder.decode_step(decoder_input, (h, c)) # (s, decoder_dim) + scores = decoder.next_word(h) # (s, vocab_size) + + if temperature != 1: + scores /= temperature + + scores = F.log_softmax(scores, dim=1) + + if drop_unk: + scores[:, vocab.unk] = -math.inf + + if drop_bigrams and step > 2: + # drop bi-grams with frequency higher than 1. + prev_usage = seqs[:, :step-1] + x, y = torch.where(prev_usage == k_prev_words) + y += 1 # word-after-last-in-prev-usage + y = seqs[x, y] + scores[x,y] = -math.inf + + if step > 2: + ## drop x and x + and_token = decoder.vocab('and') + x, y = torch.where(k_prev_words == and_token) + pre_and_word = seqs[x, step-2] + scores[x, pre_and_word] = -math.inf + + # Add log-probabilities + scores = top_k_scores.expand_as(scores) + scores # (s, vocab_size) + + # For the first step, all k points will have the same scores (since same k previous words, h, c) + if step == 1: + top_k_scores, top_k_words = scores[0].topk(k, 0, True, True) # (s) + else: + # Unroll and find top scores, and their unrolled indices + top_k_scores, top_k_words = scores.view(-1).topk(k, 0, True, True) # (s) + + # Convert unrolled indices to actual indices of scores + prev_word_inds = top_k_words / len(vocab) # (s) + next_word_inds = top_k_words % len(vocab) # (s) + + # Add new words to sequences + seqs = torch.cat([seqs[prev_word_inds], next_word_inds.unsqueeze(1)], dim=1) # (s, step+1) + seqs_alpha = torch.cat([seqs_alpha[prev_word_inds], alpha[prev_word_inds].unsqueeze(1)], + dim=1) # (s, step+1, enc_image_size, enc_image_size) + + # Which sequences are incomplete (didn't reach )? + incomplete_inds = [ind for ind, word in enumerate(next_word_inds) if word != vocab.eos] + complete_inds = list(set(range(len(next_word_inds))) - set(incomplete_inds)) + + # Set aside complete sequences + if len(complete_inds) > 0: + complete_seqs.extend(seqs[complete_inds].tolist()) + complete_seqs_alpha.extend(seqs_alpha[complete_inds].tolist()) + complete_seqs_scores.extend(top_k_scores[complete_inds].tolist()) + k -= len(complete_inds) # reduce beam length accordingly + + # Proceed with incomplete sequences + if k == 0: + break + seqs = seqs[incomplete_inds] + seqs_alpha = seqs_alpha[incomplete_inds] + + h = h[prev_word_inds[incomplete_inds]] + c = c[prev_word_inds[incomplete_inds]] + encoder_out = encoder_out[prev_word_inds[incomplete_inds]] + top_k_scores = top_k_scores[incomplete_inds].unsqueeze(1) + k_prev_words = next_word_inds[incomplete_inds].unsqueeze(1) + + # Break if things have been going on too long + if step > max_iter: + break + step += 1 + + s_idx = np.argsort(complete_seqs_scores)[::-1] + complete_seqs_scores = [complete_seqs_scores[i] for i in s_idx] + complete_seqs = [complete_seqs[i] for i in s_idx] + alphas = [complete_seqs_alpha[i] for i in s_idx] + + captions.append(complete_seqs) + caption_log_prob.append(complete_seqs_scores) + hypotheses_alphas.append(alphas) + return captions, hypotheses_alphas, caption_log_prob + + +@torch.no_grad() +def properize_captions(captions, vocab, add_sos=True): + """ + :param captions: torch Tensor holding M x max_len integers + :param vocab: + :param add_sos: + :return: + """ + # ensure they end with eos. + + new_captions = [] + missed_eos = 0 + for caption in captions.cpu(): + ending = torch.where(caption == vocab.eos)[0] + if len(ending) >= 1: # at least one symbol is found + first_eos = ending[0] + if first_eos < len(caption): + caption[first_eos+1:] = vocab.pad + else: + missed_eos += 1 + caption[-1] = vocab.eos + new_captions.append(caption) + + new_captions = torch.stack(new_captions) + + dummy = torch.unique(torch.where(new_captions == vocab.eos)[0]) + assert len(dummy) == len(new_captions) # assert all have an eos. + + if add_sos: + sos = torch.LongTensor([vocab.sos] * len(new_captions)).view(-1, 1) + new_captions = torch.cat([sos, new_captions], dim=1) + if missed_eos > 0: + warnings.warn('{} sentences without were generated.'.format(missed_eos)) + return new_captions + + +def log_prob_of_dataset(model, data_loader, device, temperature=1): + all_log_probs = [] + all_lens = [] + model.eval() + for batch in data_loader: + imgs = batch['image'].to(device) + tokens = batch['tokens'].to(device) + log_probs, n_tokens = log_prob_of_caption(model, imgs, tokens, temperature=temperature) + all_log_probs.append(log_probs.cpu()) + all_lens.append(n_tokens.cpu()) + + all_log_probs = torch.cat(all_log_probs, dim=0) + all_lens = torch.cat(all_lens, dim=0) + return all_log_probs, all_lens + + +def perplexity_of_dataset(model, data_loader, device): + """ for a test corpus perplexity is 2 ^ {-l} where l is log_2(prob_of_sentences) * M, where M is the number + of tokens in the dataset. + :param model: + :param data_loader: + :param device: + :return: + """ + all_log_probs, all_lens = log_prob_of_dataset(model, data_loader, device) + log_prob_per_sent = torch.sum(all_log_probs, 1).double() # sum over tokens to get the log_p of each utterance + prob_per_sent = torch.exp(log_prob_per_sent) + n_tokens = torch.sum(all_lens).double() # number of words in dataset + average_log_prob = torch.sum(torch.log2(prob_per_sent)) / n_tokens # log_2 for perplexity + perplexity = 2.0 ** (-average_log_prob) + return perplexity, prob_per_sent, all_lens + diff --git a/imageprocessing/artemis/artemis/neural_models/distances.py b/imageprocessing/artemis/artemis/neural_models/distances.py new file mode 100644 index 0000000000000000000000000000000000000000..77add1293d4a2b5f4fc0a29d4b10373984b93a66 --- /dev/null +++ b/imageprocessing/artemis/artemis/neural_models/distances.py @@ -0,0 +1,67 @@ +""" +Utilities for distance measurements in GPU. + +The MIT License (MIT) +Originally created at 07/2019, for Python 3.x +Copyright (c) 2021 Panos Achlioptas (ai.stanford.edu/~optas) & Stanford Geometric Computing Lab +""" + +import torch +from torch.nn.functional import normalize + +def cdist(x1, x2, epsilon=1e-16): + """ + :param x1: N x Feat-dim + :param x2: N x Feat-dim + :param epsilon: + :return: N x N matrix + """ + x1_norm = x1.pow(2).sum(dim=-1, keepdim=True) + x2_norm = x2.pow(2).sum(dim=-1, keepdim=True) + inner_prod = torch.mm(x1, x2.t()) + res = x1_norm - 2.0 * inner_prod + x2_norm.t() # You need to transpose for broadcasting to be correct. + res.clamp_min_(epsilon).sqrt_() + return res + + +def exclude_identity_from_neighbor_search(all_pairwise_dists, identities): + """ + :param all_pairwise_dists: M x N matrix of distances + :param identities: the k-th row of all_pairwise_dists, should exclude the identities[k] entry. + :return: + """ + all_pairwise_dists[range(all_pairwise_dists.size(0)), identities] = float("Inf") + return all_pairwise_dists + + +def k_euclidean_neighbors(k, x1, x2, exclude_identity=False, identities=None): + """ For each row vector in x1 the k-nearest neighbors in x2. + :param k: + :param x1: M x Feat-dim + :param x2: N x Feat-dim + :param exclude_identity: + :param identities: + :return: M x k + """ + all_cross_pairwise_dists = cdist(x1, x2) + if exclude_identity: + all_cross_pairwise_dists = exclude_identity_from_neighbor_search(all_cross_pairwise_dists, identities) + n_dists, n_ids = all_cross_pairwise_dists.topk(k=k, dim=1, largest=False, sorted=True) + return n_dists, n_ids + + +def k_cosine_neighbors(k, x1, x2, exclude_identity=False, identities=None): + """ For each row vector in x1 the k-nearest neighbors in x2. + :param k: + :param x1: M x Feat-dim + :param x2: N x Feat-dim + :param exclude_identity: + :param identities: + :return: M x k + """ + all_cross_pairwise_dists = torch.mm(normalize(x1, dim=1, p=2), normalize(x2, dim=1, p=2).t()) + all_cross_pairwise_dists = 1.0 - all_cross_pairwise_dists + if exclude_identity: + all_cross_pairwise_dists = exclude_identity_from_neighbor_search(all_cross_pairwise_dists, identities) + n_dists, n_ids = all_cross_pairwise_dists.topk(k=k, dim=1, largest=False, sorted=True) + return n_dists, n_ids \ No newline at end of file diff --git a/imageprocessing/artemis/artemis/neural_models/image_emotion_clf.py b/imageprocessing/artemis/artemis/neural_models/image_emotion_clf.py new file mode 100644 index 0000000000000000000000000000000000000000..c8f3346b8b84407c06caefebb742ad0a3f674136 --- /dev/null +++ b/imageprocessing/artemis/artemis/neural_models/image_emotion_clf.py @@ -0,0 +1,75 @@ +""" +Given an image guess a distribution over the emotion labels. + +The MIT License (MIT) +Originally created in 2020, for Python 3.x +Copyright (c) 2021 Panos Achlioptas (ai.stanford.edu/~optas) & Stanford Geometric Computing Lab +""" + +import torch +import torch.nn.functional as F +from torch import nn +from tqdm.notebook import tqdm as tqdm_notebook + +from ..utils.stats import AverageMeter + + +class ImageEmotionClassifier(nn.Module): + def __init__(self, img_encoder, clf_head): + super(ImageEmotionClassifier, self).__init__() + self.img_encoder = img_encoder + self.clf_head = clf_head + + def __call__(self, img): + feat = self.img_encoder(img) + logits = self.clf_head(feat) + return logits + + +def single_epoch_train(model, data_loader, criterion, optimizer, device): + epoch_loss = AverageMeter() + model.train() + for batch in tqdm_notebook(data_loader): + img = batch['image'].to(device) + labels = batch['label'].to(device) # emotion_distribution + logits = model(img) + + # Calculate loss + loss = criterion(logits, labels) + + # Back prop. + optimizer.zero_grad() + loss.backward() + optimizer.step() + + b_size = len(labels) + epoch_loss.update(loss.item(), b_size) + return epoch_loss.avg + + +@torch.no_grad() +def evaluate_on_dataset(model, data_loader, criterion, device, detailed=True, kl_div=True): + epoch_loss = AverageMeter() + model.eval() + epoch_confidence = [] + for batch in tqdm_notebook(data_loader): + img = batch['image'].to(device) + labels = batch['label'].to(device) # emotion_distribution + logits = model(img) + + # Calculate loss + loss = criterion(logits, labels) + + if detailed: + if kl_div: + epoch_confidence.append(torch.exp(logits).cpu()) # logits are log-soft-max + else: + epoch_confidence.append(F.softmax(logits, dim=-1).cpu()) # logits are pure logits + + b_size = len(labels) + epoch_loss.update(loss.item(), b_size) + + if detailed: + epoch_confidence = torch.cat(epoch_confidence).numpy() + + return epoch_loss.avg, epoch_confidence \ No newline at end of file diff --git a/imageprocessing/artemis/artemis/neural_models/lstm_encoder.py b/imageprocessing/artemis/artemis/neural_models/lstm_encoder.py new file mode 100644 index 0000000000000000000000000000000000000000..a560ed14c82d62db7cf17d225912b9465dd2e7ad --- /dev/null +++ b/imageprocessing/artemis/artemis/neural_models/lstm_encoder.py @@ -0,0 +1,95 @@ +""" +Encoding discrete tokens with LSTMs. + +The MIT License (MIT) +Originally created at 2019, (updated on January 2020) for Python 3.x +Copyright (c) 2021 Panos Achlioptas (pachlioptas@gmail.com) & Stanford Geometric Computing Lab +""" + +import torch +from torch import nn +from torch.nn.utils.rnn import pack_padded_sequence, pad_packed_sequence + + +class LSTMEncoder(nn.Module): + """A feed-forward network that processes discrete tokens via an LSTM.""" + + def __init__(self, n_input, n_hidden, word_embedding, word_transformation=None, + bidirectional=False, init_h=None, init_c=None, eos_symbol=None, feature_type='last'): + """ + :param n_input: (int) input dim of LSTM + :param n_hidden: (int) hidden dim of LSTM + :param word_embedding: (nn.Embedding) vectors representing words + :param word_transformation: (opt, nn.Module) to apply some transformation on the word + embeddings before they are consumed by the LSTM. + :param bidirectional: boolean, whether to use a bi-RNN + :param init_h: (opt, nn.Module) for initializing LSTM hidden state + :param init_c: (opt, nn.Module) for initializing LSTM memory + :param eos_symbol: (opt, int) integer marking end of sentence + :param feature_type: (opt, string) how to process the output of the LSTM, + valid options = ['last', 'max', 'mean', 'all'] + """ + + super().__init__() + self.word_embedding = word_embedding + self.n_hidden = n_hidden + self.eos = eos_symbol + self.feature_type = feature_type + + # auxiliary (optional) networks + self.word_transformation = word_transformation + self.init_h = init_h + self.init_c = init_c + + self.rnn = nn.LSTM(input_size=n_input, hidden_size=n_hidden, + bidirectional=bidirectional, batch_first=True) + + def out_dim(self): + rnn = self.rnn + mult = 2 if rnn.bidirectional else 1 + return rnn.num_layers * rnn.hidden_size * mult + + def __call__(self, tokens, grounding=None, len_of_sequence=None): + """ + :param tokens: + :param grounding: (Tensor, opt) + :param len_of_sequence: (Tensor:, opt) singleton tensor of shape (B,) carrying the length of the tokens + :return: the encoded by the LSTM tokens + Note: a) tokens are padded with the token + """ + w_emb = self.word_embedding(tokens[:, 1:]) # skip + if self.word_transformation is not None: + w_emb = self.word_transformation(w_emb) + + device = w_emb.device + + if len_of_sequence is None: + len_of_sequence = torch.where(tokens == self.eos)[1] - 1 # ignore + + x_packed = pack_padded_sequence(w_emb, len_of_sequence, enforce_sorted=False, batch_first=True) + + self.rnn.flatten_parameters() + + if grounding is not None: + h0 = self.init_h(grounding).unsqueeze(0) # rep-mat if multiple LSTM cells. + c0 = self.init_c(grounding).unsqueeze(0) + rnn_out, _ = self.rnn(x_packed, (h0, c0)) + else: + rnn_out, _ = self.rnn(x_packed) + + rnn_out, dummy = pad_packed_sequence(rnn_out, batch_first=True) + + if self.feature_type == 'last': + batch_size = len(tokens) + lang_feat = rnn_out[torch.arange(batch_size), len_of_sequence-1] + elif self.feature_type == 'max': + lang_feat = rnn_out.max(1).values + elif self.feature_type == 'mean': + lang_feat = rnn_out.sum(1) + lang_feat /= len_of_sequence.view(-1, 1) # broadcasting + elif self.feature_type == 'all': + lang_feat = rnn_out + else: + raise ValueError('Unknown LSTM feature requested.') + + return lang_feat diff --git a/imageprocessing/artemis/artemis/neural_models/mlp.py b/imageprocessing/artemis/artemis/neural_models/mlp.py new file mode 100644 index 0000000000000000000000000000000000000000..775d8f4343a80edd471f1e38e7412af1264d6b07 --- /dev/null +++ b/imageprocessing/artemis/artemis/neural_models/mlp.py @@ -0,0 +1,78 @@ +""" +Multi-Linear Perceptron packaged nicely for convenience. + +The MIT License (MIT) +Originally created in late 2019, for Python 3.x. Last updated in 2021. +Copyright (c) 2021 Panos Achlioptas (pachlioptas@gmail.com) & Stanford Geometric Computing Lab +""" + +from torch import nn +import numpy as np + +def optional_repeat(value, times): + """ helper function, to repeat a parameter's value many times + :param value: an single basic python type (int, float, boolean, string), or a list with length equals to times + :param times: int, how many times to repeat + :return: a list with length equal to times + """ + if type(value) is not list: + value = [value] + + if len(value) != 1 and len(value) != times: + raise ValueError('The value should be a singleton, or be a list with times length.') + + if len(value) == times: + return value # do nothing + + return np.array(value).repeat(times).tolist() + + +class MLP(nn.Module): + """ Multi-near perceptron. That is a k-layer deep network where each layer is a fully-connected layer, with + (optionally) batch-norm, a non-linearity and dropout. The last layer (output) is always a 'pure' linear function. + """ + def __init__(self, in_feat_dims, out_channels, b_norm=True, dropout_rate=0, + non_linearity=nn.ReLU(inplace=True), closure=None): + """Constructor + :param in_feat_dims: input feature dimensions + :param out_channels: list of ints describing each the number hidden/final neurons. The + :param b_norm: True/False, or list of booleans + :param dropout_rate: int, or list of int values + :param non_linearity: nn.Module + :param closure: optional nn.Module to use at the end of the MLP + """ + super(MLP, self).__init__() + self.hidden_dimensions = out_channels[:-1] + self.embedding_dimension = out_channels[-1] + + n_layers = len(out_channels) + dropout_rate = optional_repeat(dropout_rate, n_layers-1) + b_norm = optional_repeat(b_norm, n_layers-1) + + previous_feat_dim = in_feat_dims + all_ops = [] + + for depth in range(len(out_channels)): + out_dim = out_channels[depth] + affine_op = nn.Linear(previous_feat_dim, out_dim, bias=True) + all_ops.append(affine_op) + + if depth < len(out_channels) - 1: + if b_norm[depth]: + all_ops.append(nn.BatchNorm1d(out_dim)) + + if non_linearity is not None: + all_ops.append(non_linearity) + + if dropout_rate[depth] > 0: + all_ops.append(nn.Dropout(p=dropout_rate[depth])) + + previous_feat_dim = out_dim + + if closure is not None: + all_ops.append(closure) + + self.net = nn.Sequential(*all_ops) + + def __call__(self, x): + return self.net(x) diff --git a/imageprocessing/artemis/artemis/neural_models/resnet_encoder.py b/imageprocessing/artemis/artemis/neural_models/resnet_encoder.py new file mode 100644 index 0000000000000000000000000000000000000000..01c21e13f299f71f5d03de6ff55782c9cda4b9a7 --- /dev/null +++ b/imageprocessing/artemis/artemis/neural_models/resnet_encoder.py @@ -0,0 +1,103 @@ +""" +Rensnet Wrapper. + +The MIT License (MIT) +Originally created in late 2019, for Python 3.x +Copyright (c) 2021 Panos Achlioptas (ai.stanford.edu/~optas) & Stanford Geometric Computing Lab +""" + + +import torch +from torch import nn +from torchvision import models + + +class ResnetEncoder(nn.Module): + """Convenience wrapper around resnet models""" + def __init__(self, backbone, adapt_image_size=None, drop=2, pretrained=True, verbose=False): + """ + :param backbone: (string) resnet-S, S in [18, 34, 50, 101] + :param adapt_image_size: (opt, int) if given forward feature has + [B, adapt_image_size, adapt_image_size, feat-dim] + :param drop: how many of the last layers/blocks to drop. + :param pretrained: (Boolean) + :param verbose: (opt, Boolean) if true print actions taken. + Note: in total there are 10 layers/blocks. The last two are an adaptive_pooling and an FC, the + previous layers give rise to convolutional maps of increasing spatial size. + """ + + if drop == 0 and adapt_image_size is not None: + raise ValueError('Trying to apply adaptive pooling while keeping the entire model (drop=0).') + + super(ResnetEncoder, self).__init__() + backbones = { + 'resnet18': models.resnet18, + 'resnet34': models.resnet34, + 'resnet50': models.resnet50, + 'resnet101': models.resnet101, + } + + self.name = backbone + self.drop = drop + self.resnet = backbones[self.name](pretrained=pretrained) + + # Remove linear and last adaptive pool layer + if drop > 0: + modules = list(self.resnet.children()) + if verbose: + print('Removing the last {} layers of a {}'.format(drop, self.name)) + print(modules[-drop:]) + modules = modules[:-drop] + self.resnet = nn.Sequential(*modules) + + self.adaptive_pool = None + if adapt_image_size is not None: + self.adaptive_pool = nn.AdaptiveAvgPool2d((adapt_image_size, adapt_image_size)) + + if pretrained: + for p in self.resnet.parameters(): + p.requires_grad = False + + def __call__(self, images): + """Forward prop. + :param images: images, a tensor of dimensions (batch_size, 3, image_size, image_size) + :return: encoded images + """ + out = self.resnet(images) # (B, F, ceil(image_size/32), ceil(image_size/32)) + + if self.adaptive_pool is not None: + out = self.adaptive_pool(out) # (B, F, adapt_image_size, adapt_image_size) + + if self.drop > 0: # convolutional-like output + out = out.permute(0, 2, 3, 1) # bring feature-dim last. + out = torch.squeeze(torch.squeeze(out, 1), 1) # In case adapt_image_size == 1, remove dimensions + return out + + def unfreeze(self, level=5, verbose=False): + """Allow or prevent the computation of gradients for blocks after level. + The smaller the level, the less pretrained the resnet will be. + """ + all_layers = list(self.resnet.children()) + + if verbose: + ll = len(all_layers) + print('From {} layers, you are unfreezing the last {}'.format(ll, ll-level)) + + for c in all_layers[level:]: + for p in c.parameters(): + p.requires_grad = True + return self + + def embedding_dimension(self): + """The feature (channel) dimension of the last layer""" + if self.drop == 0: + return 1000 #Imagenet Classes + + if self.drop == 2: + return 512 if int(self.name.replace('resnet', '')) < 50 else 2048 + + if self.drop == 3: + return 256 if int(self.name.replace('resnet', '')) < 50 else 1024 + + raise NotImplementedError + diff --git a/imageprocessing/artemis/artemis/neural_models/show_attend_tell.py b/imageprocessing/artemis/artemis/neural_models/show_attend_tell.py new file mode 100644 index 0000000000000000000000000000000000000000..3d78f59d8f6c3f88f62795486d7c5f46d53dc839 --- /dev/null +++ b/imageprocessing/artemis/artemis/neural_models/show_attend_tell.py @@ -0,0 +1,45 @@ +""" +A custom implementation of Show-Attend-&-Tell for ArtEmis: Affective Language for Visual Art + +The MIT License (MIT) +Originally created in early 2020, for Python 3.x +Copyright (c) 2021 Panos Achlioptas (ai.stanford.edu/~optas) & Stanford Geometric Computing Lab +""" + +from torch import nn +from .resnet_encoder import ResnetEncoder +from .attentive_decoder import AttentiveDecoder + + +def describe_model(vocab, args): + """ Describe the architecture of a SAT speaker with a resnet encoder. + :param vocab: + :param args: + :return: + """ + word_embedding = nn.Embedding(len(vocab), args.word_embedding_dim, padding_idx=vocab.pad) + + encoder = ResnetEncoder(args.vis_encoder, adapt_image_size=args.atn_spatial_img_size).unfreeze() + encoder_out_dim = encoder.embedding_dimension() + + emo_ground_dim = 0 + emo_projection_net = None + if args.use_emo_grounding: + emo_in_dim = args.emo_grounding_dims[0] + emo_ground_dim = args.emo_grounding_dims[1] + # obviously one could use more complex nets here instead of using a "linear" layer. + # in my estimate, this is not going to be useful:) + emo_projection_net = nn.Sequential(*[nn.Linear(emo_in_dim, emo_ground_dim), nn.ReLU()]) + + decoder = AttentiveDecoder(word_embedding, + args.rnn_hidden_dim, + encoder_out_dim, + args.attention_dim, + vocab, + dropout_rate=args.dropout_rate, + teacher_forcing_ratio=args.teacher_forcing_ratio, + auxiliary_net=emo_projection_net, + auxiliary_dim=emo_ground_dim) + + model = nn.ModuleDict({'encoder': encoder, 'decoder': decoder}) + return model diff --git a/imageprocessing/artemis/artemis/neural_models/text_emotional_clf.py b/imageprocessing/artemis/artemis/neural_models/text_emotional_clf.py new file mode 100644 index 0000000000000000000000000000000000000000..1c43b66e895ab1fc296ada51275d11e5502c75e8 --- /dev/null +++ b/imageprocessing/artemis/artemis/neural_models/text_emotional_clf.py @@ -0,0 +1,94 @@ +""" +Given an utterance (an optionally an image) guess a distribution over the emotion labels. + +The MIT License (MIT) +Originally created in 2020, for Python 3.x +Copyright (c) 2021 Panos Achlioptas (ai.stanford.edu/~optas) & Stanford Geometric Computing Lab +""" + +import torch +import torch.nn.functional as F +from torch import nn +from tqdm.notebook import tqdm as tqdm_notebook + +from ..utils.stats import AverageMeter + + +class TextEmotionClassifier(nn.Module): + def __init__(self, text_encoder, clf_head, img_encoder=None): + super(TextEmotionClassifier, self).__init__() + self.text_encoder = text_encoder + self.clf_head = clf_head + self.img_encoder = img_encoder + + def __call__(self, text, img=None): + if img is not None: + img_feat = self.img_encoder(img) + feat = self.text_encoder(text, img_feat) + else: + feat = self.text_encoder(text) + + logits = self.clf_head(feat) + return logits + + +def single_epoch_train(model, data_loader, use_vision, criterion, optimizer, device): + epoch_loss = AverageMeter() + epoch_acc = AverageMeter() + model.train() + for batch in tqdm_notebook(data_loader): + labels = batch['emotion'].to(device) + tokens = batch['tokens'].to(device) + + if use_vision: + img = batch['image'].to(device) + logits = model(tokens, img) + else: + logits = model(tokens) + + # Calculate loss + loss = criterion(logits, labels) + acc = torch.mean((logits.argmax(1) == labels).double()) + + # Back prop. + optimizer.zero_grad() + loss.backward() + optimizer.step() + + b_size = len(labels) + epoch_loss.update(loss.item(), b_size) + epoch_acc.update(acc.item(), b_size) + return epoch_loss.avg, epoch_acc.avg + + +@torch.no_grad() +def evaluate_on_dataset(model, data_loader, use_vision, criterion, device, detailed=True): + epoch_loss = AverageMeter() + epoch_acc = AverageMeter() + model.eval() + epoch_confidence = [] + for batch in tqdm_notebook(data_loader): + labels = batch['emotion'].to(device) + tokens = batch['tokens'].to(device) + if use_vision: + img = batch['image'].to(device) + logits = model(tokens, img) + else: + logits = model(tokens) + + # Calculate loss + loss = criterion(logits, labels) + guessed_correct = logits.argmax(1) == labels + acc = torch.mean(guessed_correct.double()) + + if detailed: + epoch_confidence.append(F.softmax(logits, dim=-1).cpu()) + + b_size = len(labels) + epoch_loss.update(loss.item(), b_size) + epoch_acc.update(acc.item(), b_size) + + if detailed: + epoch_confidence = torch.cat(epoch_confidence).numpy() + + return epoch_loss.avg, epoch_acc.avg, epoch_confidence \ No newline at end of file diff --git a/imageprocessing/artemis/artemis/neural_models/word_embeddings.py b/imageprocessing/artemis/artemis/neural_models/word_embeddings.py new file mode 100644 index 0000000000000000000000000000000000000000..384dfcc1595eefa62525d794465a4d2386e11a49 --- /dev/null +++ b/imageprocessing/artemis/artemis/neural_models/word_embeddings.py @@ -0,0 +1,123 @@ +""" +Utilities to load pretrained word embeddings like those of GloVe. + +The MIT License (MIT) +Originally created in late 2019, for Python 3.x - last updated in 2021. +Copyright (c) 2021 Panos Achlioptas (pachlioptas@gmail.com) & Stanford Geometric Computing Lab +""" + +import warnings +import torch +import numpy as np +from collections import Counter + + +def make_pretrained_embedding(vocab, pretrained_vectors, freeze=True, sigma=1, random_seed=None): + """ Make a torch.nn.Embedding based for a given vocabulary and a collection of + pretrained word-embedding vectors. + :param vocab: speakers_listeners.build_vocab.Vocabulary + :param pretrained_vectors: dictionary of words mapped to np.array vectors + (like those returned from ```load_glove_pretrained_embedding```). + :param freeze, (opt, boolean) if True the embedding is not using gradients to optimize itself (fine-tune). + :param sigma, (opt, int) standard-deviation of Gaussian used to sample when a word is not in the pretrained_vectors + :param random_seed (opt, int) to seed the numpy Gaussian + :return: torch.nn.Embedding + + Note: this implementation will freeze all words if freeze=True, irrespectively of if the words are in the + pretrained_vectors collection or not (OOV: Out-of-Vocabulary). If you want to fine-tune the OOV you need to adapt + like this: https://discuss.pytorch.org/t/updating-part-of-an-embedding-matrix-only-for-out-of-vocab-words/33297 + """ + for ss in vocab.special_symbols: + if ss in pretrained_vectors: + warnings.warn('the special symbol {} is found in the pretrained embedding.') + + # Initialize weight matrix with correct dimensions and all zeros + random_key = next(iter(pretrained_vectors)) + emb_dim = len(pretrained_vectors[random_key]) + emb_dtype = pretrained_vectors[random_key].dtype + n_words = len(vocab) + weights = np.zeros((n_words, emb_dim), dtype=emb_dtype) + + if random_seed is not None: + np.random.seed(random_seed) + + for word, idx in vocab.word2idx.items(): + if word in pretrained_vectors: + weights[idx] = pretrained_vectors[word] + else: + weights[idx] = sigma * np.random.randn(emb_dim) + + padding_idx = None + if hasattr(vocab, 'pad'): + print('using padding symbol of provided vocabulary.') + padding_idx = vocab.pad + weights[padding_idx] = np.zeros(emb_dim) + + embedding = torch.nn.Embedding.from_pretrained(torch.from_numpy(weights), freeze=freeze, padding_idx=padding_idx) + return embedding + + +def load_glove_pretrained_embedding(glove_file, dtype=np.float32, only_words=False, verbose=False): + """ + :param glove_file: file downloaded from Glove website + :param dtype: how to save the word-embeddings + :param only_words: do not return the embedding vectors, only the words considered + :param verbose: print, or not side-information + :return: dictionary of words mapped to np.array vectors + """ + + if verbose: + print("Loading glove word embeddings.") + + embedding = dict() + with open(glove_file) as f_in: + for line in f_in: + s_line = line.split() + token = s_line[0] + if only_words: + embedding[token] = 0 + else: + w_embedding = np.array([float(val) for val in s_line[1:]], dtype=dtype) + embedding[token] = w_embedding + if only_words: + embedding = set(list(embedding.keys())) + + if verbose: + print("Done.", len(embedding), "words loaded.") + return embedding + + +def init_token_bias(encoded_token_list, vocab=None, dtype=np.float32, trainable=True): + """ Make a bias vector based on the (log) probability of the frequency of each word + in the training data similar to https://arxiv.org/abs/1412.2306 + This bias can used to initialize the hidden-to-next-word layer for faster convergence. + :param encoded_token_list: [[tokens-of-utterance-1-as-ints] [tokens-of-utterance-2]...] + :param vocab: speakers_listeners.build_vocab.Vocabulary + :param dtype: + :param trainable: (opt, bool) permit training or not of the resulting bias vector + :return: (torch.Parameter) bias vector + """ + counter = Counter() + for tokens in encoded_token_list: + counter.update(tokens) + + n_items = len(counter) + if vocab is not None: + if n_items != len(vocab): + warnings.warn('init_token_bias: Vobab contains more tokens than given token lists.') + n_items = max(n_items, len(vocab)) + counter[vocab.sos] = counter[vocab.pad] = min(counter.values()) + + bias_vector = np.ones(n_items, dtype=dtype) # initialize + + for position, frequency in counter.items(): + bias_vector[position] = frequency + + # Log probability + bias_vector /= np.sum(bias_vector) + bias_vector = np.log(bias_vector) + bias_vector -= np.max(bias_vector) + + bias_vector = torch.from_numpy(bias_vector) + bias_vector = torch.nn.Parameter(bias_vector, requires_grad=trainable) + return bias_vector \ No newline at end of file diff --git a/imageprocessing/artemis/artemis/notebooks/analysis/analyzing_artemis.ipynb b/imageprocessing/artemis/artemis/notebooks/analysis/analyzing_artemis.ipynb new file mode 100644 index 0000000000000000000000000000000000000000..9ea3d666817f52e528faba227c447c353c92a7c7 --- /dev/null +++ b/imageprocessing/artemis/artemis/notebooks/analysis/analyzing_artemis.ipynb @@ -0,0 +1,1122 @@ +{ + "cells": [ + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Analyze ArtEmis dataset along some basic axis regarding the emotions indicated & the language characteristics.\n", + "\n", + "#### Assumes you have downloaded the dataset. Please adapt the directory locations for the preprocessed ArtEmis data + the WikiArt images.\n" + ] + }, + { + "cell_type": "code", + "execution_count": 1, + "metadata": {}, + "outputs": [], + "source": [ + "import numpy as np\n", + "import pandas as pd\n", + "import matplotlib.pylab as plt\n", + "import seaborn as sns\n", + "from functools import partial\n", + "from ast import literal_eval\n", + "from scipy.stats import entropy\n", + "\n", + "from artemis.in_out.basics import show_random_captions\n", + "from artemis.emotions import ARTEMIS_EMOTIONS, LARGER_EMOTION_VOCAB, positive_negative_else\n", + "from artemis.analysis.emotion_centric import df_to_emotion_histogram, has_emotion_max_dominance\n", + "from artemis.evaluation.metaphors import metaphorical_substrings\n", + "\n", + "sns.set()\n", + "%load_ext autoreload\n", + "%autoreload 2" + ] + }, + { + "cell_type": "code", + "execution_count": 2, + "metadata": {}, + "outputs": [], + "source": [ + "##\n", + "## Change these two directories to your local top-directories.\n", + "##\n", + "artemis_preprocessed_csv = '/home/optas/DATA/OUT/artemis/preprocessed_data/for_analysis/artemis_preprocessed.csv'\n", + "wikiart_img_dir = '/home/optas/DATA/Images/Wiki-Art/rescaled_max_size_to_600px_same_aspect_ratio'\n", + "save_figs = False # to save the output figures generated or not." + ] + }, + { + "cell_type": "code", + "execution_count": 3, + "metadata": {}, + "outputs": [], + "source": [ + "# Files provided in the code-repo to help the analysis.\n", + "glove_vocab_file = '../../data/glove.6B.100d.vocabulary.txt'\n", + "wikiart_genre_labels_file = '../../data/wiki_art_genre_class.csv'" + ] + }, + { + "cell_type": "code", + "execution_count": 4, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "454684 annotations were loaded.\n" + ] + } + ], + "source": [ + "# load preprocessed file with annotations.\n", + "df = pd.read_csv(artemis_preprocessed_csv)\n", + "df.tokens = df.tokens.apply(literal_eval) # to make them a python list.\n", + "print(f'{len(df)} annotations were loaded.')" + ] + }, + { + "cell_type": "code", + "execution_count": 5, + "metadata": {}, + "outputs": [], + "source": [ + "# Add a label to indicate if the emotion is positive or negative or Something-Else\n", + "df = df.assign(pne = df.emotion.apply(positive_negative_else))" + ] + }, + { + "cell_type": "code", + "execution_count": 6, + "metadata": { + "scrolled": true + }, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Token Length:\n", + "Average 15.920551415928426 Median 14.0 Max 207\n", + "Unique paintings annotated: 80031\n", + "Average annotators per painting: 5.681348477464982\n" + ] + } + ], + "source": [ + "##\n", + "## Basic Stats\n", + "##\n", + "print('Token Length:')\n", + "print('Average', df.tokens_len.mean(), 'Median', df.tokens_len.median(), 'Max', df.tokens_len.max())\n", + "\n", + "grouped_artwork = df.groupby(['art_style', 'painting'])\n", + "print('Unique paintings annotated:', len(grouped_artwork.size()))\n", + "print('Average annotators per painting:', grouped_artwork.size().mean())" + ] + }, + { + "cell_type": "code", + "execution_count": 7, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Upper bound on unique tokens (vocab size). 37250\n" + ] + } + ], + "source": [ + "# Unique Tokens.\n", + "u_tokens = set()\n", + "df.tokens.apply(lambda x: [u_tokens.add(i) for i in x]);\n", + "print('Upper bound on unique tokens (vocab size). ', len(u_tokens))" + ] + }, + { + "cell_type": "code", + "execution_count": 8, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Not all paintings have a genre label, the reduced set of ArtEmis on those who have is 361549\n", + "Percentages of ArtEmis utterances in each art-genre:\n" + ] + }, + { + "data": { + "text/plain": [ + "genre\n", + "abstract_painting 0.0764366\n", + "cityscape 0.0708208\n", + "genre_painting 0.167074\n", + "illustration 0.0292638\n", + "landscape 0.205524\n", + "nude_painting 0.0295869\n", + "portrait 0.21714\n", + "religious_painting 0.100592\n", + "sketch_and_study 0.0606662\n", + "still_life 0.0428956\n", + "Name: count, dtype: object" + ] + }, + "execution_count": 8, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "##\n", + "## Enrich the Dataframe with meta-data.\n", + "##\n", + "\n", + "# Add art-genre labels from WikiArt (not all artworks have this). Makes new data-frame.\n", + "genre_info = pd.read_csv(wikiart_genre_labels_file)\n", + "df_with_genre = pd.merge(df, genre_info, on=['art_style', 'painting'])\n", + "print('Not all paintings have a genre label, the reduced set of ArtEmis on those who have is', len(df_with_genre))\n", + "print('Percentages of ArtEmis utterances in each art-genre:')\n", + "genre_info.groupby('genre').describe()['art_style']['count'] / len(genre_info)" + ] + }, + { + "cell_type": "code", + "execution_count": 8, + "metadata": { + "scrolled": true + }, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Romanticism nikolaos-gyzis_carnival-in-athens-1892\n" + ] + }, + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAlgAAAGjCAIAAAB/ufzMAAEAAElEQVR4nJz9S69sS5Imhn1m5r5WxN7nce/NyszurmJPNBJaUwoQCj0W+AM05a8TBf4IUWr0SBAnEkqEQIkE0WR2VWVl5n2cs3dErOVuZhqYuy+P2OecWy3Pi51xItbDH/Z+0r/8F79Z13VdVzO73W7btrk7EW/btixLSsndiSSlZGalFHdlZiISESJiZgAO9j7UzZ3MLP65iAOotZZSOMm6rgCVUpgZRERCRACIyN0BgArF907ubgo3g9rpdLKqDhWABUSuWqyqY7ndbu5Iywngfa8AlvXMjJfXT7/5zfe/vPzy8bt3quV0Wp7fPX3+/JmZX18u27adz+cssm1brfV8ehZmAGamqmTEzMys5WZmzLwsCxHt++7uIjLWOzYh7mVexk/og4jMLD7EGD+ZVCB2QAhCJMxMxLfbjQjMLEIs8Wwz00xIaXF1Mlo5ad0E2/v36cOzfP/9KbE+P52gKLt+/PiDUPr0y4+XywVOP3/6BeB37z/e9sop//TLy/PTe8nLXqoR55xrsZfL69VOANRs3/d9L7tWgpDw09M7g7tRdatVVbXUamaS2N1jdQBEJPbtdrvFDtD9cHYikjh7kbbAtiFG5m2dVgOE9v7keBRTiueXUgaYARynwMzrwtfrVVWXZRGRWmutdfzawHWaGLTGG+MaIiKHu+ecMZ2joP1a1Ofjexjzobd/sqeUAmBqrQE8KaXb7ZZzFpFAKzNLKaWUFCX2Mx7FzIFoYybjFTGNZa/zisa6Ukpv7wUguLq3yyAMZ2sYZkRs4IB/dcSZGp3MrJqambqDybk9n4jYwSAhIiIGAZByiQkwMws6dhzLyTnlnImo1qqqyWtAwpIlZ0lMZtW1fvzwbttuDFvXnITc9enp6bvvP153v16vKS3E+fPL7XK5Xbd6uZatqIM4CTjVWreyE3lKiYoSCUgqSIFiVNTVbd93ImI4w8iN4OQKmBi7+1YLgNP5+enpqbpfrlew7Fq3vdZajUAQMAE4W2nzX5ZlWUTaBr6+vpayqaqIBIFlZnffq7phpgax1fu+Q1g4B4hWU1VX1b1qUB5VzTmfz2d3v1wu7h4AE6RhECIhiEiQXHdnZjOrtcbF8ZOqqmqgxvmcB/zHBQHnATOxlgDaYAf7vscDiSjnPPjCd999p6rbtu37zsxxxKq6bfpA8QISzOx0Oq3rCiDuCvAI1C6lzKjEzNu2zf8UkcaA6j4e3lC1L4GZT6fT6XRy9zjudV3phN/85jc//PBX33333bIs//Ef/vG//+//v3/+859TLCn2ImZgZkQcW7xtWykF4GVZYk9VdyIeKNdmQEiyxFTaDsLdKUAqdqTWymZE5I5Syul0iktiaQNXiSsRkRsAd8DIzMh82za36u53jNDsdFpTSqpqXpmSCJlh32/LsuScY0qffnlhsdvttu/7jz/+OA71drtt7kmWnNbb7ZZTyjkzJRIBHZQ9tj4WGxRNRFSPA54JTSP3Ew19oJsPPFKhRNxuBHWWSWYW9xERCIOU5JxFUrUKoLrVUnbf883+9X/2108nvu2fL9etbPV2LVoZ4J9/+pO7n8/PIMl5lbyW6369fGYWg1vVW9nNEBh+udxunW3XqrvWWivcoERyC7mkmJq59SUEEtrErmKBOWd/M2It7g5HICQzMw1hwtj7M+HuDvNgS7EPwk18gnsSMQXg5u6uxIkcAU2BJOu65pwD2weqx4eBMHGamLh1vKGtyD3uujtT2D2za2cUsl2M45mAuxOc4O5GcMAJDrfzaY3dYkJO4s7ublrTQu4wIg9W5KpVg9Qidg0d0kJ+gh1ftl0DgCTxTkcXMQOG99shFrgZgUBgZmJusKbi7mYacBskSUM+AYiYnZwQ0kz8rwt3b+G8CbgDAwZtHWdhbimlnNq+mbmIpJwawDDlnE9rdlcR0b1cLrfL5Sayp7zWvQStZ4ZZdWIYCSkLknP7SeDu6tWMq7sZCEROQoy2dXAY3OAa+EVEnFMppdb6ersGvXLSXWvdtZp6CG7esDVW32GsYYSIuC9EZYhfTcKrB77EDgcjzDl71wralWpjBAkN6WHwIVUdDxncRbUGVAcDi1cHEw0lh5lVNRjPuq7BFGPOgY9tVv3hA/jjG+9SmrvXWvup2Y8//ggghJsA12AoRHmImE3QJIort22LfYitHhgaU5qpbuDXA3Vtwmstg8AGL08p5Zwvl4uIxF211mDPqqp7zTmr+k8//bQsy+v1llL67rvvUswj+F8fblaCV1tjXaZa3JPfy6QT1KNid7vjzO0yQiwpRFQGOZyZGllsV1Z3VzMAwSwBBdg96D+Rea01GKED3LDbzKzWnYXMqNRKcJEMaCmac84573uttW7b/tvffe+uy3L6m7/51z/99FNKaVmWX375RYsmiVMpMBLOOYda0M+7a6txwB3x2MxC9AiAeADKmdu1lU47M39QV2YMTcUsgDKYRJAwcoCaxIBt2xJbLU5GvAizEBZJ6bZbKbdffv5J677vWq745d1u6suCdV0pL5yM8irrGXzby8aJrKiZXm97UWcuqn7ddpdMREbQoK0kDofTtm0zFxxEP1TkwQgHuK/rOrPAY9VmQUMCKgADETPXWgWusdswAAxyCk5nAIUY2BEvgE4nxlaJxJ22rYnh473xIQSamGccYptqSrP6xThOyrugnYhn4vJwgvPCQ0+yxjXAzKrVXc3iYgMcIIDcj4mta6YO0I4Cggi7u/OwrBiDmwxB443x0oOFHzN3Zw4u3OjpmGGsvWkGZm7OzJyEAHOQNe7FIHc1OIOMnD1k1raf7Oy11JCZAAcxSAFyLMeOWAi4NIw9fXaDpHoX1c2YyGu1xJR4CUHT3UMizzm7s6veblvdb7fbhUiWbEXVjAJkmLmamoIIYCK4uu5FTxBVq6ZFyZycCCyJqbiSq7urKdwYBhg5XrdXShIsx2HVLeTUWmvVqhoiGojAIJ+wu4OH9f3nbjPDzAh9UveJyLskkXMOdTz071pt8KemmpsF8wiCk1Jj1cMG0x5rGrfUWgEEQLr79Xodalwwm2aB0K1R0s5xYy2hCIUlLOyC8TpM3Cg4VsDV9Xody4xfg/0EObXZ4jLxwjjleFTMPwSv2EDvjNwnkXSAUYPqicjMYmhcH3JwqHOhvKZnAXC73UKrNvOXy62UkobU3GmBhKAUEm5IzV1CKaq6LBmdv9E0BscGAB4cEMIxe4IndKaSkSgMNEBYGAKX3UOqdzjDnIBge+i4DoDdKeCZQ6LXdT0vC71cbqraBH23y/VlWZZSyun09OHDh//tf/6fr+v6/Q8f/+Ef/uHv/u7vXl9fmc0MzIlIQnwI+BDJzEQe4vsx5pMYf+OuQXMDHAeSD5own6i/ESMOQuasTfb2WqtIJ20AkcfLtVRnWHE4Z1mARASndNsqSD9fd3YAGYtxfnJ2WZBPZ1met5fb9bLRUnZnl3wrBqumuO2qqsTi7ua810JEBDHAwYAaKKxiDWH8oLZhnHxgDLFRwSAf1khdsKVmF0USCUwuZYOHSuLsIXDPm+TMNCF8NYOqmqvqrHZbrXtgVtgMAASOMWciEiFmcec+AZIwJ5i5O4+VwYXZQO7IzMuSQ5wEXMDzsY7PQzJQVTcjM2YOJY7cKXRQIhBxUFaAeEwjEIacqJZrPCeucm8E7pCK3Gc4lAQRHoavQSmCxJhZrR5SLhywZs7qArvWqoP9h9zn7ta4NWC+LEuQZlJlePCd40xDKm0Y24QbYu8LjUtsktkPEgYykIsQd9ttYkqJRUQS7bcq5CJEjWIWVwUgwgxT86q3WqFGbqx1X7N4gZqaw41q3Usp1ZQ4u5PBYQ4wI5tVENt+bRAMZ5iRM8jJnASqAJsT86NcywI4MzcLPQCBTDpfCPOH5bNzKYn9dA/C1S1AwsypY5LEm6qp2Wy9P/QKVQ0ye6gs7mYWTCsuyHLAJ00egc+fPw9LZgjx7v76+vr0tPSJ0eBw7r4sCzojHJ8DroZEFdwueETzdr15dZjlBrK0tRKFGW/oD0OzBDDAeHCfeMvYzzFPAEIy6LM15513u2Yzv4c5N0iHKfjemfX6+vrTTz8lZiGyQLCOgc0kEvMbovQ43fHeseaOFH1D/dgOr7UzMgOgzfEAahItkTeMCUm51tgyBbEbsRPIARbiToJcyEMGZAYLvXt+JhInen29OlSYlyWZJWYupZATwPtertfb7bb96U9/+fOffty27fn5+Xbdl5SWJWRIMcO+V9UrMydqkoVwW/IQatDtgeMAxulOFBljNwahxKSRDFoW5F1EmMWtnUJsb+CMmZsbkQfLeDqd3OhWi5mraq0KK2Bfz5W43gqnxJkzQCZndfu8vagoFnu56uV225yvWzEnh7hSrbpVV3WwE5G53PbSSTsFn1PVasiZOvFuSyumrrakNPjBvANv+f3A7f7XAOk/KXv/yWfxw7kzUWkeHYdDQG6V43kc0ncKk0OWZslw8/BnJ2Jn0r1IY7rtpQQih3kDY+5eQACww5a4SAqxuk0jHfrNLNa4O2BqWrWqKQBiYgGbEowQtK9DPMIjOFzv+3BknpLMaGhmRjCzkIom+ngQLmbO+Y4RujuvuZNOTnKY0UptEBhEoUEvAaGOuDNLYoZAiFXdYIAxNTFBiEK2bcQxrAYOJorP7Pv9BA9QD2NiWwVZQP7z+hxLSCmdlpyzZGFhVOYlpWVJ7n673bRsRJRzVqvuxiDA4G7qajDTvCYxcjjDHU7sxJ6IyJSJCEzC5qhWmovOjWCJqR29hN9ant79sG3bXkoQ4uq+7XsphSQJyImYICLCAmEAuevlD2Rh0Pex5E4NOqEQFslxgcJv1z3OS+0wnBIR4yAsg1WMz97l73GmMav5AIZ0vq4rEb28vLj78/MzgNfX1/N5DQ06BM3BCAfuh5uemWs1VS8lxBEBUIrue0nJmZNqM98N3yQ13fygBjO7Refc1MNN4stwnBNRsK74/JYRjmeaWuw+kblZNat7IaoiYrAwJao5s5AkA3369Ol8Pp/WJxA+fPgA0PWy/fTTT8nvh3Vz0LquYbf1Ztyw8HKn7n3VzoSDEgzOj4n6ww8XxTgqIsqSat2H2EAg7qy0wmLH2J3gICYw4A6lyWw1Akkkhe3QWMxdS1ERZclPT0/7XnPO19t2u+7/z//Hf/fnv/xTKfqb33zctv10Oq/rqVaFuRtO6znUAtVCVIN6Bky8f9e8vmEWGLASUDJEswNwJxfRA+kfosMdpN57VsavM/9wN2qONIKpG6yquRjgREbJKX2+lJT9WrE4b/BSatHrvlez18tmBelasVX4tW63SilJEjPsRsW5mpl2Di3dVGgwuANOQmTVlIiCoLu7ooGK+sTbYkEOIlqXxSeTy2AakoNxGpy0VjerdZd++qDmNXZ3d3V3YuooemC+JDZjZriTe+oYEhiR4ryGVMjdfB3HN3CybW8Y333Sz0AQlFJEJLOMeBMChLmU28wCZ144i0QppbgvNe5+kIAY+/XKpxMxx+wTUQTRJNwGAJiZulavcFvuJP3jv7iWoa6mdsTFDEBlmJAF9yfC9dboVJ1kWVejIKAAE5IwsYTH6HIr5h6AwEwk7Ti4Wc5BDhoc8Q30DhgOBhAs0D2cjCFnh7bsQiByBoX1KaW0LGnJYma6l1I0LwLgdnnVepO8JEaBBUNNDAaE3NlI2IFFOPMCQdrjeLi6VXUzNVUzPefcnM7MMiR3uLmXWsP2SCmJWVP0G60L4maAtCVLIDG5e7vGOkYAcMAxkGsQWCcwCFAP17FROO10kgLtfjMH2Qn24N14iK79x2Wz3y4QYdw1lMjz+fyb3/wmHGmfPv0crzukQMC7u8fdw3EWzxwOxfA+xAf0AMO4MfAuhE4As2Wo7bYIgHAQWjfGBnn0blIeezXeO8J87MFGWusQHGPEvSFZend8hpRsZvu+f/r06SK38/n88f0HyTnnfF7WVKsNJJ2xuseDIETRePt43ziDsX1DJR9PaItPLa5EQjBxiPCyJLgSOTMJBko7gMTdgxJOFkjYWGJhNLFVImJOqtvLyyeA1Twv0skQX6+v21Y+fPiumoVP+LQ+nVZsW3l+fh9BXOfzs5Vqhs6SDtY17waN4NjDI61ENMzZ8z48SIVjqnQvxI1j09qsjsyA88QyDhwwM6DBhGtVY9UCJzgLsxMhrcZwIaSzs2i1XUmUi7KT3F6uBblWNcpe/bXqysu2qxlqUXWowZ0iFGLJGYPrkyBErSHYdA2KASY2htZ97M/BEae/Y+397IwJ7mMzq4A0pNowihIROeDNK8YmnDo+VHMXyZLEmOA99AaAqTtULaI0BxsY5zgskPMpAMhJzO2QRswjsqXWmoglCxGF+z6eVus+IGE+aBEJ/5CIhFTr7qolc/OTUTcWDeZgqqaac07L0rmC+L6NJ8MMZnGDTNxlZqjeJZOQSCeC6JOAr0NWC4E1TDJzTKm00BoPNb0F+Jiecg6WyR72cQuVvValoQ4Cjds4klBwC4cGYjvQbcHU7K/hKWAX4VI2Zl5SctdSXMvOAnKc12WmvEEo615K3UC25rSsi9nNDMaUMgxKBGLAq5mba8TEkSsAdSMlImJyTbxa7kZD4WHVVHX3zy+vYUmDCHXbXUpJy36QnQaioQBpPKjpT3YH+WhcavKSsniPTAl13y1i06pTh8++n/OgSQ2K141vBrln5lrL7A4PXhgewdvtRkQfPnz47rvvIvr06enpxx//PMjawJfgQIP4hB93kKPuazgY55jYYA3j+qAkY9rcPX+32w0TaZ0XMkKsiUim+PyZ8o/B0yaMJQyojqlGvEhQ7Ah83awQ0bZttJfb7aaqqS9ABp2KN12vVzMdqFtrLXUrdVvkSA8gIhGSbtwDGd1jo7s68RCHzMysJkIiUE7EIMe0m+buS24WQmcATGDmRMTdtxSoR07sTBAmpYjUX05P79491ZPBOa+nz59ebrdbShyi/eVyi+Djy+UFzp8/vZrZu3fvlmW53W611nVdneqQWRJxhC9Z9/161wIBlFJyzsPGPav2YRl4YISBS/NRjQ1UHe43wLmnBMws5IASdz8/nWu1sltVcvddraohFb3ellUul9ckotX3Wy1PyYq9/+H8+eeft18+A5CcktG2G2ffbrsZqhtBQmMBE4uYQdVriK3UTjOAKQAryBz3oXT3z4EeIeG+Bd8BHLG41GLvyVy5aQkQOnxdu24sYIaqqRW35lwMGuzuCCXZzL24+3JeiCEsjuTdNVuKnZaVhqSCJtoT0bIcPkLXWgdS1eJZQEYg1VK6rey0Ln7PBQeSB7MMnwoR7fu+17Km5HC4M3Ez7QIAvv/4oZEGgjC5e923W60n2QfMMBCmMWdmTOYEEIGYmAjaz6h553mAzcEIiTx8z4Cfnj4exgyyMHUMi72bmRcntN9Kef/dh1Cv91qL1upqqm5YlqUZkJtptM3M7IgaaydOTs3mf0AyNb3KYDXndVkSEVkt1Sx5aGJWd1N2Mnd3JnL1ve6JKKX0dFryutRaS9FqHn5GJWezYl5Kqap5kSQUPg5yJ0ZyXySHg/i2lcEIzQxOalA1zjnR4f7f9j1IMzNHNA0mBQREddvuifVsEQ3G1nY7yGxOTbPxMKvUHiPqgBtF8NGkF47A5plbxPbGWwb0zgxgoM/gB8/Pzz///HNK6ePHj8/Pz7/88svPP//s3dbqPdEC94aNgf4DnKzFgt559R7mMHNokdwpv43QGCIKzTV49kwihtoarN0nlWAmJoMxjQSSQZxjnsMHGUcZ5Gvfd69azQ1t8rWWsu/uTv/y9/+CmVkQK1RVDxlKVaSxn7zIvu+11vP5vF22EXfuWpl5XdfTktou+GQEcIX55hG55F6bbMVC5EgpWS0ImyqF9aMA4NPiTi0UQqmzBweomBIhpcTcjKcpJS2X2CmnSEpLzAkkf/rTX56f3v3pTz+ens+/+eG3f/nLT/u+f/jwXSnbYPYU/J+Co0stWyh5zJS5SQbC9Xw+E9HtdjOzcI1s2xZRkQdt6qOUQ+GbKcL1ej2fz6mHZgw7+E0vYy5wjkA7gEopqpF21vIIRWRZ8l+ttBf79LLXmtbzu6p02zfOMC95cSJYrVoqU17SOUlGumpIqgCRAHCDwlusUgtMOcxumAjugdx2kPuxtBip3zp2IK65Xq9j7YNzAECzHBhFFlpEbxKC7gCWWEaCnZmpbUGGVD3gU0SSLCHfpLQErMZPZraeT/RmoPu8xz8Htrd0Vr9DNh4r7SFCA/dKvYQ3bgjaT09P5/OZmUeqBk3G8/wgB3zFhzq2NOP6dp/jaSNoVntkPPcUvUGGuMfWBlFoJzqZ8T19nA+37QM0MonrtocdLAD1drst5+/CSqZu1czg67quT+cQFmut19eLq2ZJPXBMh0gEwJq90MLbx83r05azLMvi15aBR2xeyZFzWnMWIZgjAsV7+oaZpeWW85qXVSRX49tWL7d9L17N4FzM1Syty7quRevr6+tTWkK2JQpTnrk7nK/7tu9Vq3MSItFq1RTAp+txUk6wns9KwiMN1LnJGSkl2By6jHBAmlnOa2ceElnURJRzDtpV3ULcb5DA3Rh4FwV5Z3ufWcIDDs6gHkT17fgi+D28aH7+w1vmNT5cE39LKR8/frxer6+vr09PT/FNmOLmqc6rezDSzLTi7RjxsejKbsCSlvpFOhyyO3qOVqT/qarbS84Z4Kenp+9++KFW/ad/+vPnz59bIAAATJoHNY+FEJGjhQnlLKfT4rUtwKwago+oGQdT5MSJg8krRUihIZ6jxCDPkpiZ3MyUIpaBTZhrFiYHYNxCtZ0Zw8Xq7O6CFnbfqTO5e86RjwV1R1PIioN/97u/cqff2HeXbf/DH/7w/v373//+P/v7v//7ZVkAnsi9oUXAhvBl1rwCQEvLOkzVmPy9du/wG8f8/v37MHTEGLJScNAQwOeH1Fp7XqYHI8SXDCPj+bfbNefzKadL+Pw5cU6cyLQ6SBguwiFqm1WvkgEmKPctCtrejb12xKbE81PqznZHGB4d6v07vtfgAYywt+EkwH2YwAPigeHu7M2VCIDgQOxnm42qOhQAuQtIQDAnUzIVuIASo1gFkWtxd1P1ajAj923bgkLNouIw9fjEluKvtBigwxMTOnhKydXMWy2FUCzMjJYlBMGIcwnUjchy7RbUga4hps4Q8vCZp/yqLuEuDzvW5XSg+2Un67sHNgDU/wujAo6s+faWJnpv9khAHUomr58+x0qfn59zzrXul8slJy77jYjWNYtINb1st32/1bp///33RC6MJbG6MYNgEQQ0gBVwBjELOKzdoTs6IjgtpsVCRHC1kI2oA0xkfZi6O6ETPmJJSYSSMDGLkRAyiwuWRcyJtZpBuqQihHBwkjug7j1+NeJDTR1uRgCKaoQfa8zzwOjYyUO6bYqRG4MEYZo+QGsYQL0n+RCZG8EZIDiXphVhJFo4McWxgnwoEoQWnoRDoJnHoD8PbOaLF7+FvcFyGgy8EdcGTZg/zxg9fhq3v76+AgihML7f9/2LGu3XZvuN+Y8wmQe8eLuWh0k+oN6yrufzOQ5ou16rNYE1pbR0L69pjadTOMYBgCzOlhlEKee8cUurSExKzDARYTilJEwi4VUhd1hVJzaR4LVh/8lZEgvIym1zBjOWIFvsKiDHlbrz3EFM5GREkaEYWEsUTsTq7lop5aaSMEf4spq5evkv/w//5X/z3/xf/5f/5T/+1e9++9vf/vaP//inf/qnfwyb1SwBNX+Ga0qLESKslYi4+c9JyxEXOgPEw9aP3R8Zr9ZDgUP5C/EkuCM6BTSz8/ncbHxObjQipx+gZ8hSe93fvfuQ8mn76VK00vADEQHuhCyi5uYGreBgVEp0lwDnbk0jjP2Fe4994J6n0WGIqIdQAkCPsXT3hv+4o9re/Q2x1V/CUgM13x4RUY/UN6sSAgHFEYbXkCRxe3DX45kRxsLwhTcHDBnIiGA9VmXUtmjUZhJW4jlhlmEKQtNNLm06gKlqVdUlJSEhdlMtdc+ZyUHmQcTdXfdSt0iGs8a0yGLl7HenOZ/pAIABOTFJC8EgziYoZqRMsHiLkAH69jm1AgMzjY5Rym1+6fyWmb4QOxuB6XQ67ftey+ZLciNTzSmtHz64L7XW6uZubpqIZMk5Z63FKNzHnoSZKfIouqntMJRxj7tux4QRZwAREiYKiY5JSEQkMburmkeeH8JRwC7ExHReTymltKyEVCiiS0SEnFgNRFQj7sk84LaYCsGdJOAkEkAgxAPOWc1VvWiALnUw0bFpRDJWFCcDcnO19oXhzVBVM5iZcB7E3x1qOhMTJw6cMjR264QIE/z2eCBEx4F+5foZE7/x5cwI0Q0n88VvMTr+RujN+/fvP3z4cLlctm1LKYVUOm6fSejbtXx7DNieX2pmQvz24gfmN/9TS5Un5pS3bdu27Xx6+vDhQ/MRqnqtLcpuHHYAdKlhgGLmXGuNokEBxEycUhJyZiSWdclEFPWKADeHkDucicMWGpZTIc5CgLiQsyTiJYsIs3IiANjN3QikIHZywMgJzZn4qGIT0b43/dXZw3ANGMD/9//2//Zf/Bf/+7/5m7/5P/9f/t1PP/3kTg5+enratu2Q21reiII8L0mLgbhWA3SEEli9A7UHsjII0Pjyer2Owx6qSTwqnPCzfgngdDq5h/YArQ74iMv4Gkw8P5+V8s+fb5fXDQlOMDcRMi9skd3sBDDbInCKtEsHiN0BB9zM3VreJ/eibo2AWgGIPagqAEQ8oYiQGyDu7lDqxtKCNDZh3qgx//mDu/f0uIgMQLBdwFrBPRGKGPKuVkqPx4M5wYlImIV5yULoDgYDMTklItpNhcBwcmPiiKePb2Y5homFQI3LAz3usf3aNNQjd2pYF6X5yI+4gMhjiUpOb/Gc0qQuTL8GG47RwjLjl9uDdHWoJhNxFHcnkGlzLEUkpztT56MGcfhhDBxHwIeGQUTETgARffjw7vXlJexIZKr75u75dHJiN2hVDcO1UFrysiyvr69ETTAVYenho/YoIE7pExGPNaoIcZiQIiPNACGiKBrFIHXjBg9hx58Ds5OQRDw6dRE5FMiINnf3GgFfikoaIp+NBI8OkMzMcBCbw+CR2e6k/ZiI4ByxyEQewUHuJA6Da3AvJRlmQ8JhGkVLsXWGaByiG5liGGACU7v0c8S2dEXwnzsmUPn/azgNtECAWchVUe2rw06AIhHNofvDiAhgPZ1ePr9+eP/x97/7/R/+8Ifr5XY6rWWvM8MecDh/GDP/NtHDGx9h+7IH57ZJ0ojPYvPjG3O4OZrLSVNqMe2n0ynn9dOnT2nfd21159RdWx4DAb0kXc5yOp3M6svLvm1bWLFcYQxiBxjmRprzE6zC3NzJNfKNmOhS1JUcUC3kMCH3TLBTzmolsSQhESK0qJBEbGRGBLJIurfpnOY99ahrWiNo3jvWNRvYv/t3/+2/+Tf/5ne//+Hd+6c//+nHd+/e55yv11emBAROBvFpohgzkKhXpHJiksQiYjVLr7I2G9kG9R//9G5SG+Y4n4r1nU6n+ZZxolEoFYA7mUacoEWhqYnd3hlLJRGREMGjLhQJYCzsaqqahJOQA5l4yelGxsweFTFGja6u8LVNgzOFddBDXyMGd6BqdcvYeoi8R4ZyLDBFOnQw2AlqI2gCXVsZsExhNok9C6WfnJx7oS/v2lRLjwl3WwRWTDEKdOTM2VG+JFbj7qGRc0/7HTs5QOj4JuisuY0N6UphCpt+vyullCVFWtFwy8d48HbM3hTmhC8xwlD4+q5gXLPZY3Gp8diZKAx4gx0l02aCuCyLuw36NlZt1IM+0BzF8b3W8Pfnj+/euXsp5XJ9tdda68UIIvJ0Wp2ptFId15TY1UBIwpmZHGYmcJM0zyesTR66oI/vfeaVAIhdGCyItCU4WJA4ZUlE5B2JALNawdmTuzXfcClupg5R04j58hBPIn/AAto1at8ICD0VR+EOdkc1U0N1l/voDGZhbqFwQlBVn4oDhFfFiI1gHUOdYMRG5o5qAMydiWBgh6PHJzsB3d/QCg9CgShhcYyWRP2VQfdFy/o9X754FoZmUHS7g8zx69t3zec1cGp8CCx4fn5+9+4dgH3fT6cTM391QvcK5fj7NV44w//ggrHet/x1XuPwUwywrLWmpFa1ItwZ/vLLp1SKqmqtxSwM/dL8xN3xHlYm1cYJUmoFPM1M3CuM4azQsgGAKXdbP0e8yW1XKACrSkRQc64giCSCCYMZAge5Nk+AABCDg7RR15DoHimaEwjtLXAydeKwyZiT/fVfv/+v/qv/41//9d/87d/+7/7H//F/+u/+X//v0+mkqpx54isW9cOiIgk8QozY3CJBlgin0wndRDBXrbxD44k3uz9S28azu54318kVkcvlNQ6oF93mlFJMr5vaG2tqDyRUK+akkTUsICbmJOJqnhjrEkZYZ9B5wR6mNYFZYKQzxCZfDjW7a0VjeC2Mk7kXCGJjBzXXKQnEoaqo7m5GParFp9oC8/IfoR/Wks+oV7mkVpQEZFHhNaSLCMUdiBTPa0DlkULJzGxk4jL2OSyiM840Qq9vohkR3spDQBgvatgSRthAJ5AkkSSqYUFpfruu2HEkGqOrjwNItIdKHjtwbyadAImIyJnQiaJ3mdynOu9tUaBQ+NgDewg6QIUAFC3zghroOFgiQbfNlpsG4BENB62fHXAr+xYVBp6fn8M0CnNhRkpzrXA3WySlSDp0ILFZz/wMvTpWYTWlFNVnJMi7OzvYYd6iB5Okw4zGLs4ppZwyAOvuZ6KUxHLOp2U1JEep1d2tGlV1gjCDUwZw050pZeEb7c4EYu/sP3YkYNYM5ijqW61qEOPhhWFBF3FARMuSSylqUZm5dq2D/UE16a/oBZjiNw4bvhkoIfzkB5ASN2Sn4JDoVORbPsIBOYdu9E0Do03pFuN6d6epzvP4dWDQA5Wjt5bYfqX2OqURGTSCIXjyvs/Pnznfr3LBecKx3iHj3guXdxMbSvZYPhHVUj5//hzBmNryxNjM7mL6qZX/OXAvUSJq9YrMTESgU4EDBrc0XJRShMACJg7rjGqBede4NaRCdwEgIIeGDVNA4agwIsATiRK5k5smY3eHkwLqNQoc9HUKvAIgCDxi4qMAcdvoWmspdVmyavmnf/rHvfgPPzxdLpdpW0NlQZTjum2XxJKSsIgZkam71mrvzu9syhsde/VwhDMzwASjY4TmPTxDs0oRdCq4TAQ1hNrNLecmLCgj3B+qtVSY1TAEuytAS2KFLCm9f1oXlv2yoyp3AwejVb2CgMiNKKeuLYUNhxqchaBDREIM6logwczYKQuLCIwrHEbhav4GOL5FGIcPehQMj9FrFLirGkVOTmTIU4BCC+NE+KpBMM/hp2aGQFlrRXgDqTPyhzFjBU35MInvfpV+aE9PTz6S2BxO3UAaJVl6Fs1Q3XySPecw7nAJP2zC175xd6fDZBo8unFqTj4SuoNDmzlRksOREY8M6Bu5X4OQxUjtoDVItZMzszDcHVpvtV6urxHUva5rzvLdx+8/v768vr6WukGJc1rXdTktt9uNijmMGSlzYpgQg8ikrYtsxGRFvU0fMbqzz0ZVIjM01H/TKELHnex6zw1PKS2SSHRdT6fTk5O4cS1QrWAHucHAklLSHhTDzMI56o4wWi3bUcvJQCCosmktpaixOoo5M6duwqUuijVLjzcjuapGSbYjbPp+MDOF/6AVK23lotgPogHAidDDfT20xibi87cRamYDNAniX7OrjisHuHah6stuwqFCvQVRTHg0bgnidrvdPn/+bFPVN5p8ePOjHiwc314spuqV83LMRmGory551gitlzONf5ZS9tt2eno+n8+pr1wA6xHjcHfVKomY2N2jb4OqLmsuxcwqrCEkMyeWCIRBL08Mt1prDRkzPY3NlVnEaKnj6p4o5B8mBjExDMZgdmYnM2Jnl69RWmueZnOAqVWkjIJhv/3t+e///g//83/8w3bbf/jhvKzp55/3dQ1NyMb+E8Hdt22jZckLp5TNqhWvurt55Av6VHlhwLFPYtTwIa3r83y0I9cwvukBt2Y9ZUdEiA7jqlmYgGgyjWL2SJ5OmYjUCgCwd+8Ei2RCOq18Pp8zgYruWiNeZkCttMCnBojUCzgP6y4AF2n+WHaA2Q1o/vwoZpY4amGL1sp0Fyw6G/RGAYSZFhORWiu5F3tCFPlwpKpkrhaMcIoQc8VUZYq6MTM8ryIJh9pX3Wkrh6kQ9wg2z+QgHHwU6aBJdvnhhx/22+1yudRag3qHIY44EUS6QBr5X+34uhMlvFDCIiKl614z7aAeqjPDUny2KYV0JlK11sgFJKIADTM3c+fQyA8nEzMTIeX1YbHNRBk6lNXwcklnhKp6XvLT01M4HVNK7qqlRpZt+wYote77js+fl2WJoiFLWOpTApBYFjl5q0k7x7VbVBIZCuuMOGgxZV0ciZNqIVQWcoeILJLWdb1tn6ynvo0L1Iw5FHhmZrPm+KLRLY4QMiN3RrgsCymVGsXlq4PVDSoNMRMf8sj0rtAhVIuW2nht7hVbrGmEZjDFSC3+4noP0tERX0QsTPsRpforfGH2Kd6D0Fd0qgfqOeBtAOTXONyscc589wGe4+++75fLhYjWdZ2dO9+YzK+ywBhzlQBMJJdJvviEsdUxhkL88ePHUsrT01Ot9fPnz5fLRfJCRKnaFQROAOBwRQ2ETil7jS1mh6x8Whd4ccMKMWITciZnOBMJuatWd1BKBDUrtVYiOZ3OxNt2q7WmxEmSadkue2E+nxYWSSJGbA7iBKei+oP4ZvW2l0vZVC2DKpO5p5XJyb2WWtmZiRIyOUXNVXOFKjk4ceLEEFOzotkWVk+0WMHtL9uH9NHTXkwJIIi6V1XylHPe913SstgJlby4VRVbmOny86fz+bySqO0ErPmkbtt2Xc8nBwzqpuQAGScIUWKCVXdzq7Ad3iIhiPD0tC75XGq92H5KQhAnqc5unphOS2ZG3YtpBXBezxtsL5VZUlqcTmBh5q0m3p+vt2sp6mqMSu7Z8+tPtyVl0GIbVNhJwLTpLnoiYqFkUKNWNQ3MCpdW6pNhTk7MnIiTbzO/AVliEcn7rkJgjwpSngi8ZM9pr3mA2uD6BFI3yRlEFnmZeVXVbdsWCbUYMHOrcJYsC6e9VmIwJ3YwmGsN9vajSWjNULOiDE+MlLLtLitLSgavtVy3Ums1+Gk9fxGRGjbGYeAo/enBOImajR2NuK45131Hs5IJERWtey1YGAjX5iHqBl3QMDIHuSWqMKilKct4eM4Gi3pLCOrRPZGAw9KQhc7rEgbSyNZgBgm5bUzEmYBGxFsAEgPwXVs1rJwzwWspSou5GRhkDCchFgbB9Xbdt1XrsqQlLUJWtbjVun1ipyUziBUklreiRe26QeQpiVTgZTMRWvOClBPb9fVSa805Z5Zaa9WdHE85F91V1XaVJecszOSoK05UqEIpJSIWcjJ329OSmTwRkzgvEMG6Ws51Pf9m3/ftVpzp9fpadV/WxJb2qiB1crDAoA4iznnF7XpeV2YqZQNoPWVmLlp/uX3Oy1M+r1K9FN4quytQSUiYzOqtlCx8Pq3MbHWXc15yclOtpiaVhIjU+VyYSWBWTJlSjkYNXLetgEBCNWyb0grrtipNg4GZPxg/vUXddBeLRpFfUI/mInLAwAJycoMpiCRMJeSqB5gNfjDkeOoZrkM7ZBklOw5obKHKkcPiX2CNgzuOL6PGCBE1w+GAZPAIEIr1ceAdKrkFr3HSCOJlploODj2kYXe3qsKc0tHXk4jWvGiPdnsQCALsR7p2rPpyuSjO6/re0xNT3cufzOyvvv/46ac/JfwzxhA0BtJ2Yae92szIHffFq2K/hKXXLG5S1aAE7gglmhKzt9SCrSqEU0piVUAiSYi9Visuzd191xYi5gBvXtnR9DKSyHs0AIjI3M2Kq0oSMyt7AfO6rm4U6a7WsvqACPeCujsL7WUre73crreyi8iyrk9PT6rqBBCYE8OZc5yl7XaEYVHkPREznp7epZTMubxsTXSLsJPWVaCpaONGHXY5JZcW0sYcUKVDxkdT33VkC9zKniuVbata+deELSKCPQS5HCURWoh5s45GOl/ro2Tm4QubFa9ZZgQgoCSpia6m7JY6oyEiIQ5aSWgl65goArAaI45otHWNQIyHgo1FWzTgMFqiC7aDzczMZoiHD/LpQOkhM8b44x//OOhF3BUNDl9LHS/CPeI9bOyYxnzlbKH94hhvHLMa0xgtYqiXnjpW1JKOHp8zUxM1VdUoIi+RgNIM5kQEEckpnxY5LWuWlhZVZVd4+FDdzUC9O4rlXqln0LhKFcC2b6MKj02l/L3neNztks+ENV7kzDQ5qjmyFaU3G6ph0e2tSESEWJw4gcCi1toVxfObBwitq+V4ud8bCTFRNh9uDlVyCwOz1f1yuVQ7IA0NUzzktHa4/utugscdeCg38daFHH/vuCDQSxISUdSm8KaoHf3SH1Y3ALJf2Uw482wfXv3F4RORn+/lHl898qeHRvh2+UQUXU0a7+DjOGSKOfAv2XLvwP7rY1hE0d0WDX5Ut237xVRabRYOcP0VRji/rM0Dyh5erUY4zBSwoGdtcwEiSkSSkpDkHG2XzafuJNFxuAdEZMCif9WS8zmdZcGtKrRpJ66WOBmI1I1h1gqLw0cstFNrwHZ4rcwjUC0RpzAOq+nptPzyy+et2mldmflyuTCl8/kcuQ37vhtLCr7KRI7b7SYiKeeP64dTbyYpRyAHAd6MvqEJRVEfIoCEJSU5n5ZlWT58+GCG18t1nBOJCLiSBVg2vHKlHoLFzKDaV6SRa6y9kgXmwsrR7sTNzPatGkPVYA8xZwwcDvMmyQzDK9C7xpOZuRkzMUvqxRiJCCB30pbz3hrd+alFjeqkvsSpRaRVcLGoLSxM1BunUa92b2pWas6ZCULcUN5bseBlWVyt1mqNUh7VhJuvm0mDeTDR5MOYTTp4g94Hp5wcUcBBrK/bFqkvZraV0rOGHusrjiXPjHA2NXd23e4Yn8ZzHvBZurz4wGjHuwYDaNfcxzWMzT+gtCsBsV3Sa+PHOu8YYU7rsuScKIrImAHMJFHZqWkM3LvyHk1p1N2FUBxmptuGufCV31nI+85gAGH4g4MRmrUuKymlWgs7EauIEKLGHhGR0wjsFGYm4YjvyzkLaNvrdatbawkneym55VM0RkghSIcfEAj3zBAF3Z1FqPUhSYk7X0G63W7aVLXIu+hgPaiNRTW+FkyAr4wv8oa33Gh8YH4AmGB+FIzwa2/Bl8B+wPYMe7Oxcf4wz3P+HCc75jzGkMwG6LbjfuRbTc5LKUVYDQAmGn0TQUfgGyYWrveFKb7NBccFYzIj6jP069v1koWj8M2PP/74+vr6VUZIdB+z3/fI3aOcAhMRH6kkahY5CTN1lt4+TUSATrCEc86X6ybEgNSxQknL+en96en5/btqei31WmoArruzMKL3Ctx7vIVD4eGcRw9GM1MHtXpUBBZhiUg5uLv98ssvKaXn5+e0nMC078t2K5fLZVkWd61FIc6Jg646wfbiZGtanp7Oa7GfrTV3poHNhoKjjJArpUQiiYmJUk4UJV+Ha1AjGU4SWIDob9ONGG6wiDHH+bxao7IImuTuZshk3ovNt5Lq8NRiKe+gnyhk5BYYa0BEbPsIxG0jMjURZNqqAhDisKeFzKhuboye4lLdDaQgA/X4SatRpKrrVZI4CeckgJSyaVWPXIvgJRFGUGohwuD93JN3zM3Nq4X9wEaF4qhATc3bSkQ2Qm+4pYaPoxlbMUjVDNs+Qgzuy0dxL/LS9Bh3Vd33vWEsMy/rwIWBaT6pcQ+0xr7itEmS5uvHZ7IvlMgaWD2H4cQ3PGmE8xzGJoxwZZvExHaQHYQDIDziorWqFqtqXgV0enqnEYniIBdSZybzI3asl85pPc2D4jRGWHc92k92Rnivuw47npuZheNtlAIHQMQeFUEbR/fIe4i1uFZ31qq+LCeiBNi+76VUEYlEnTDLaTcOAZGxPnV81bFjjdRYJ1k5Sc6JiCi1ItFmFsaZLmY1scwsnISNr9hkGPtVD5jfk9lHQDracgZmNRWQmhcVI8IgLuoFJA6uNuDTpuJ/45v/JJ6NiQUOGIuH9FOW7rwXmUqwzrc/ADwzL0sapYwJLcpmFqnb+qdw/a9N72FjZ4Yaz+ScmPkWltVlNa2Xy0VVv8UI5w5B44nc/LvUUmXh4gSQeZN25xf3txuRR0oOOugnWVLmyBMyd2E6reuyLO+WdT2ftqLL8rosxYgBLMvJCWykJNEwN+Iq3CMku/uf3ZtJzeHRra5RVgeQMhxUr/j48dmd/v4f/gTHdz+8Pz+tn34pDcj6jEWYICBbz0sp5XJ5CX1/225EkoRLKd4rwgzDFIWWiJDZk7AJw53CPabarQqHsm+EqGTjRC0VmsizyJLSlpiZvYVPOACh40S9exHMULwVskGSDIr0hNBWm3GgVakahVxa3Hx/SGMwBOzbtYlOvfVoNdXqAHr7eDiGrda3fQ/4MDP3cLaxJF5SZoY0dahrusTVXJg5cygozHxa8ykvqkq9WzdGiQ1C3Uur4dl5QFQmkZ5jqL0SZXVDl1jvgO/ewvlAd0ovko5Jk2NmneqXonf6BrDPDag7aqB1nzjg3w5D6xFAdEcFRjTGPVYz7mozDn4W9w5Tj/XRGl83EjlQd7zr0COdWmXwdtyIFmRgYnNnRHZQJQvmYImFUoq6X6ZuIGsOb3fHSCWCH40IwlyUiBOxWtm1qikzm+6ZM3FM0gXRvYQ6E6SoZtsn1Yq8s9CSJC+ypJxSu/TlVhSuquat/7iza3RN7FqvdTdV3z1yN3WTxmKPWI+opeU9TspArtUtPGo8NlzIRSRqwqgZGMPM6pO8xcQD6vAVAegt44mZPHjdjqEDkOJAe0nII5l5Yo0jf/eeDn/5ydNleMNXmL8cthohl5gkmC4O6RAih2cuBNl5pdSjh0amb855XZeobQtEqNYxBmjRtOEDT7+xtJlrxkwiQahcWlldatKMrOv69PT066bRB5yP9tNoBNWEWcjIuSrYOTQJAN4kE1ItY+qjmsauFYApiltU2k0pibgYXl6vL7dNVUtRp6YMpchajYpr7uSqImjlKEPbM0SHIAYREx3Fy801AuSIsazy/fdP18vldD7/b/7X/6ui/k9//vPLy8u7d+9KKTTRHVWHmIBLuZiZSAYsZ3nCUopu29VbvZtw/QpTIiJn0roDqAYRYk5EWlVVC1H0q2mmuL1WIjc4JQGQwibp5CEPh8oypDlYosQpp5S4Bs8+UjVqVXcXIXIQvAqByYIcMCk6LyJycyeOUoruHonFDkTqMUydfU2yLPl0OnFe3L2qMwjCJURdJ4WH81VBIFGtgHWbpDFzypIlrSFKezj/PHRAgketAA61gj2xrOv67un506dPQL8C3RIHRGCIlWpmI7eh9WoiuFk1U7diqm7ufspHhZdZJHzLuuKv2hHVGazXCQYnYdW61+IRoZokNly7KjVQo4e8c+cR4zUgojSVXxi30FRcbaD0Nwjiw+3zouhQgvtD+iuYWTrSEbVkwmqVge777aYIcoBDtmc3Zs4pL8uSUrreNlWtDnNSJwNpr1YTLCQ4MbdiCCilEkU/1Fo6rEaqVjs6tJRYZjCj57M2JSx6bpvVlPLYkJQ4pdSajXTTCOEQcZiFiGupW9lbzWH1eKa3PreRhtzUQYU7EC1wQ34iYTYH6LycwyiyZBGCR7HT3uJDVS0KvjXdscW+dDh7ALqAgrvxlvGMo3/4vn1Qb7VPyYZdEcAIa33gE7NH4AHyh1Y9psH3xdm/PIE3Out8+wDIEGqH5WaYiJfRp/b++QEnI55l/DQqEw22Gj8NX8BAhF9l8NRrPw1eSETFRi8R3G6305JPp9Pl8vItRjgfz/wltbj7qKiLJInh4dsIl7u2uJURCuxuhp45oKqqGzO3/Iq4y1Dq5eX1ymVTN2aWvBKRai1mxCmxKGgQj6P0n7F3NzXQYmOYKZIOmRGt2ohoWZa8iOz59fXPP3z/r/7tv/23JPnf//t////5H/6HcDglEQjcvKgZVSBBrNSSc5ZF1jWv6+pOnz9//vTpRUQMglbHl4wcQmQsksytFGWYcCJh8lrVuKgI7DBGKXESYgVYIM01YfC743dvthsndyiQIlIm8uqiuLBTb05mao5qCBGe3AA2RH4JwAJvlcTUnZthzWFOrnBygcM/vH9e1zWvixtd982tElGSVEuxJu1CG0uIVgMENPdsdJPIklLiZVms7qo1OiZI1NiAJRJ2RAmfIVGG4TEwp2exxnHSbLQUPtCGhCPXJHqNg4msZf4MGh3gOuTTgcCDRjQxozMS9IrVZpZSijIF7k7EZi0+iCUN0jNQcaY442+n4weKOTp/b8sLM0CPWAn84sOuO6Ohd3vdEIAoPCt3JTGPIPhgPGvOIhJRNgZXVe4ayZHRRwSQCMPcIoCbmVji+q0WM6iZOxnYicMYXEzJhjOYiJo2xDCHqlIpxdxyFhFxgga37WIeEcIDnZdWiYnYRXKKlhVukWbjkoCDko5tiXxkEuaclnx2YhKp9daTdprC4SwAKZwO83gEwR2OYXc3MAEkzk6cUsg6IiIE7XRmUGFhlpwNHNFsd5LPvSD0xfGWzYzzfbisg32DmEH54kPULvb7MW585MbT7s0/PXDKBwAed82gHulkXaxhuseCWSl/+HUS5O5wxHrXo/4EH9xuZrRzutEAdfcHL88xxr0PS4sCKcGJtuv1/fPTx48ff/nlp/8EH2GfhDOcPCpgBGBEpUEhopQkpcRmxmaOKKX0sOPBdd69e3erukVXqmUxwl72fd/PRFspy7J8OD3ldFK72F7CDi5EBDYyZ2aOAEYnZvN6RCB7q8LFLdIM5rVWZaaUcTotz++eVPUPf/if/+v/+v90Pj+T5B9++MGNbrebcLgho1sYgMq8nJ7O5CilfNr2d+/ePT8/v3s+W9XrtrO7Qs3gVo0IhcH2bllK2VTDnhaefnL3CEwF4ASFE3FKnPP6ul+isCcT4AyrAJFb4qi06RpW+FoTUIlyxz0RWZYlLTmpe+8oHe3uongBgYmkdtOKmwW36MwYJMOW7E6tosF5PaUlC8te97rt215AkhaEwTIgVc1VVd3ckJYVgLtGOWUhYoYQL4lv1dxavgbICEYuRz6QRf08u91u5bYtS+tz2VJk36BoFDoZrh1mjuvC4JvAasYTdRucI8a2bQOlZ1oQldVABGoW9sDJ25w70UPPhXmYNB/IyozbA4eJCFMC9QPBuicQB/V5IFKDEM+ys/c2QFYeo1UHxhFRVIEJaXqvZXDQjiMcGe4tDivkAHh1mBqFEUxSiBfBBUFMZOAEMyOdM4ND91pzPkKFyUkYTF0WjoJTDgd3r0UETbg7E6fMidisWmsB2PILc84pSzd2maOrlJRyprwu4FTNzGAGIgah1lt1pCivC1I03wAAa+E24fz2IQkxi7rv+173QkRCGdw7vPfjSCmxJMmLk+z7bnBofSD33+aFX+Q6+FZ8zYCWO7AZ4Uiq6s4H1D9GsTz65waC0GSHeJjPzEIeZ9O53YDPiHk5n8/jAp/1xa/sxmBUERxPPXt4BDrMeOE903cG4G9s8ttrqDv+1b2U4sKUxMzevXv3u9/9rjHC+8069iunREMkDzVd1c3TsgjBrTpciF3rXndmFqboHZhSEsl7rbXWOT1g/CWiy+UiIu/fv4/l7aUCWNZTYsi6ALjthauKpNNJNNrVRko48ygMDyBSy8PyGmpiKdVdT6ellNLBXt2FmXJO//Jf/Kta68vLy2XbazVOS87LenqKAmz7XgWeUhYmMr/t23MmYj7lfL1eP3/+/Fe/+c3TDz9s23a5XEBZzaqapCXnkxPXWsOpDsAMt9tmyikjqFF1AyjnfHIJz5eqJ2F317IbkZvCGgs0s7pvoZqYo5RSuxi477eU8vNz2vZyu92W5ZRP6+uPvyyJAZSqOcl6XqzW6/XahfageaFohkQp27YRPInDdS9leTr98N3H3//+h9fX19fX161Uh7JbUa21Lus5uq8yFFXdNXHKa972iBY0IU6SsrCwMKzWPadkTFBTK1HpsZRS3aOV477vzPz+/fslcXDxMLl21e044kibaRjYac112wAYXFsYBIUuXW5lAP0seHEPpx5spoFiTghdbbLHAkjLpIgAFt3bCSNEvmEaERHDO3EetW5b0DIETYebldSYSfgdR6c6RHkmrnQvC1vPA5upg/UcoSSSUgK3qCVuxYYQmxxNyd19xLX3EgTgFhvZSkpJXpirMruWUg3edPTzupgpoZujHeoUwfGqzkJRkdW8RpwUg8q2q1dmkrQQczWLfvFGYZ4hDgeXI0RMhL/AfN/36kbsjAi74PP59O7d02ldrCVFGHFqfU2ET6fT6227XC4k2SFgMmDbtqpuxASvta7LiUD7fiPyp5wVfr1eY/4leh7BzWzbdnUGJ3WNGDR0P1Ps3tPT0+W2h8apqlvZI2K5FU8Q4ZzCBtYZdjtB7lXmHyhtA617S+lMvuOn85pLKaXsAFJKS14CNrRs6OG85E7mAnJgn7pb/HMYw7AxeLclhrw1ejD41OHZ3bVV/OhuUeYRFwPg5eWloU931fcm2mOBbWkyFZ1HN64CgKe3e+W9jR2mkLGYT9Wje/wsZUb/wpHaOILMjbAsi2sVkQ8fPry8vPyH//AfvhU1+nY0DHQ1q8QgV1cysVgb9xXC3FsCBRHRtt0AROQkgFJK9I9mZrEoUNOsUm095O6mqqRFRJgksopikYbWhhDk0T7A7yQpitq+QeublVlaEZt936/X6x//+A9a6rv3z2ktpWKvVkpRf/FW3YZ9OCEI5LLtuxDTKRNJBO0nou/ef/j0ywsA5pwym0ut1UAaeeyOMOgj4rONlWGm5OQ4IrUCmXuNG4Rz6m4xDXiPYiPty6GZafRQ2yOw28BCHgUKVN28i99RsYki4GwENDODCEgUhV9tzWlZUtlurWGysHvyxamYs+zbNRyEAGXhLCmKqtdw1EenrYQ1SUopCYWg17iQupp6L68abL4vzkZVFKAFYg0MdPfw7sTiZ3MHERncGpfyUDwJJJOoS5N4O5tGB6dx94cyx2NE7dDBjQ40O+jaIU27u1FYOJvDdcLJI39xpkR2GOuACe0jzHLWDwbfHW7FWWRWrUQUxr92F5GNLONpu4JatXpf0+Qx/Fgs7G7IidW9aZ8lGgJyq1OmTsx1GAy5lQllcuKFc+ITs6pW1SjlDqbq2g1pCI2SQMyQRCIhJbe6RbElcPfm/G0hS0liz3XoMdVMAA1ebgYcpksSZm+NHUxRzZnDNhAkHh4BL5JQw5tlqm4gJxJm1em4u6ulyTud4I4t9S8pT/2Y7/jZ+Pv2+ofxcL1ZZcayhKH+cA2oqncb75Cx0FIn2zTQQR1f1zjHZY3A3tkMHo0ZZsYkwJHWiR41+kXf9hdX96s7QPeqamN4U2/XeXphOZ4xYjDvt9yRiMybDxNRRr93x/tPYIQxUuIklAgsKTHlLMIgI+9YamakFIJQouRLJqKIqG45dilJSttWWkkFYfTuluTOydXNVN2h5lkgnTjCIxXRzR2BA1EksVeqRQNdELGqE3modmCollrrtm231z8vp/X98zvh26fXC7maQ4tFtEuzQZg2FVI4DA+ptoO5XC7Pp9O7d8+nJV23Yg5ZcvDLaiw5kSeQwdnd1CFGzm7WJHo1LU03cBJihqrDer3kTqGIPfohS3QeAjX78wQcwWGKWnVLo4shCZFXc1QFuUh234ILwmBMsCYlNEJGFDqBSF5PeV3S9Xrdtq2Wog5TrXtRVZAQSAgMBrfiYa3ifm7UsD0TxuTMEUTj2ptUIKqtECQCG5htBMR3yQCduDRDpZn3qFdMiQ3urr2mYlArRZRaB6KM7b3BZ2aEM7LF99tXihU2yuLHP+ObCFJ4QObBpWZu19BvtFG8v8WiFwF6l49WRJQy55l/3/HgL1HVlp8APvxVvVQF0AqTj4kxc4uM6TSuwmQUevYI+3VQoj6Boo07EbE6AqoBdnIm7uYsj1Sw02l5IlbVYqpwhSu7GJGZJAJAILIWP5yIE4v3RMPYajOjKfgcvXowM9xbDXozL7WYApKIE9jUIzjM3MGULIEjZYIa6TSnzEkk9RNtVXj3WmtF7UavO+IL9573OVh+iEL2xoP7jfHPZISz8DRLSNu29ZwEAkzVejHumKS1UpVvpjT/xcQqvj3VIXXhPglkniRNiuO8ul/dhwHS48bx43zdjEfjsrlL4IxlIwF/UCGbQljnzewRCcCUMRUeyuv1+lVGOO/IvAVJmMiZRZiScEqSCZxQSmm7OKAIIKLn9ayqRl0XrFVE1vVcyi/OVC3SijT8RQCEyNS0tQUIOshECnNDNUMwQopgNWHo0B4ikS6kAFYNu2jrV8DMIQuXup3pzCJjv5jFANNeTdRdA12jPhBnpmhph6rl88+/rCIfP378+OF9+cuPL7c9MZMsAFiQc6a99XYNyTbOCGQjERU4arkQtbhNjN4/QJS6JmuFXbx5qoiIYCEGNuE5LjeFQp1gIAacxK0U9dTKgLVHK9oGNU9Jc5mYu7O7JEhPLg8zlKruVWsp6i7ia86SFmaukQ+DdkCypKCGqrrXarWEyyIRF3Ii8nD3d05A3YlBkxWxCTo4nOSjIUTovMf3dEeGnGCthp23sNSvlB2e8WrGw69JskM0xj2eD1R8kDRnKjaTmzCmjdz28ZDZ1DmkVxFZ8hfqcbj7KPA9qBUmyoXpy4cbH/XILkF7993G/6staKbCeLtFq0ZzD12zWitqHvem1JiKqqqpIjKFsqmG9dig5q4tqs2CuYZd2fpzomZQWGjd3ax2Bzozc875dDqt67quK3MnhQSD11oL+UIcJUZLKXstex3254kCEsLkYIeexyJUtNksxoGaU+u0682y3X3HFIlkwQhrFzj6151t9Pf2Y76LIvnnsIovXkzk0YmlOdaPShrD5H4Hn8OEOGDji/xswN6DpWT8nS35M+CFHOTdLjqD4teWgwmPhmn0/vppvQA6Vr7ZimPaA4W5F+gYU4273ta1aYiGRudV9Xa7kZswfSuPcF7GPI9adyLi7EkSscPVR9fciHuP9VoQ3Fbq28wUXkqttbIIc1E4lKL2HtGh7ZRoykcEjnLMR9QszCPjgKkltRJzysFvyMxMAygbiQnk1eY0aUIwM5tXqw7ynDNI1GkrpeelinnYFridj4kn1gh0NLpeb7/88su6rr/73e9u2/5y+6WWnUVSFiUigTORibf0ZTfzaiqO9JSCbLA5kRqRuypazil7hEcDvcKLmUWxsZgEd/xqgdtQInCULKBgkgzAiZlcPcGqOqQVnkMHqJZqOU7W3a0qqCS0VJOltxF2d5gKYVnyup5rrec1ici+7zfdCcQsIICQEjHTTnAjdXAzAIe219piAQSQM9GuUR99uPGImlg3IK0xwmAV5ughjjNkNu+gN/tzGPAGnjzA8Mx0HxiJnE5fhPy6bSGFxENDNXD3SIyLlr92byFER2ifkbZolFZkjCxJODxn8TvxdmQKfrntzkhkbOEbdiia3KtNN543lwtwH5/DsjSH3bsfSfg9/KE3f+rEJS8rYEW91hLlzYbcA0KtThCYjtyG2+3mBIUpuborR1QKVJUAmEZ/VGt9kKp3/a8dirsIS4o86yW44LK0Hjiqxb01zFF3EU3c/lmK1qrV1CxSHpsPQvISQYmqXE1bUXvhcttKZEL2Qm5uXmtlGTqAt8TYKQqfjmCTsF60II6Hw2KOnC50/vuon70dMzsZ4hERvVszMxPYzKpVwMNGGuHV5IAdWkezk02a0IO5ZUxgiF+zxWW+ZqTDz6s2syhSb23nHnHtG6ubeOGvaKVvlbl5PpjYpJmx/IpJdtw1GP9wau57ieJB38ojHLuA6fwCzZgpurSckhBMAGG2qnijjLt7uHlFZMlZJG3bVqrt+67V3asTmFNKJDk1Uu43J0iECFKi3oxwHDbBo481MxMzperuiJBn0HB3LMtS6x7RPSAyg7sRVTbatk04Lynzu1wqXq9bKWVdzpHt1AytTBFJr6oiqdbKblmkarndbtfXl9/97q/ev3/36fXlVhwwiJBDtQhlQCNj2D0KpAUVJJrEGfRKWjSOH2RT2089elYodd/KAdMOiXo9DHUCk3SDCadMRLUCrt251uqide+pE5Fpc+tar/UniQWtgugAOBE5nU5PT0/bdj2fsogwNHGO+hFmdt0qQwFfmHhhUw6D1et2U4QyAY1isNE1Isi0QZi5160eyObukZPYrdQQaarDzL3a35h/SEVx+DTt8CTGDWZAU4JBfKj1y4zHp4afMzqltHCvcKa9LclDNv20pma5IDi5caSUEyHaXrbGC92F4y4so1Eqpgdhij6YF8jM0osMPGh+jVr5gYyNkKWHvK4ITD58S52ANqNiOp3chSgc0GoAOJFQ3XdzI2dhStEzPoIs6k5EFvX4Ox3rjLOZYeO0mQb5NrSiUCYU4dBZhFLmo/IWEFasXlxI3FXNolyT1oPoVw94Cc2A/BACRFUjbIKZaoufMCeBk4EN5uYsbQ9DIxyswcxALQ+nOQs6Rs973v75BpyGgfpt3t7Y9nHcIwKFmVMKuUer1uZD7arVG45CRFSnWoBj+BHCQwMRghHOrGUGrZG3Nxhq7Ne6pPHlbE15Kw2M7x9Y4BtMud+wPp8HyWDWPu8B9c5yo3o4kh+m4ZNY0IkwMfPpdHJ//58WLAMgJWHmZUnnp/WcFrdKZknkdnkFeN5KitSxaa9DmnBEw0Y2a2Eg4FBv2N1ZBOZQuJGzg0iIXSh4Bje1rulNAIKgNLbtwXAiy46JhMiYqfeVdjMIue5F2ZfTORPv3lJemHm2PMThWKuWkkzVDOm0wOq+15eXl8+/fAJwOp2ql+KRsctV94WenMMxBI/2uaEXRrxZdzkQwQit0nC3izLIu2YwApSb4EcAuZmzsLPDI4ovbDMwQyStxMaSZHevNX6gEPQbNJALeEiphChhxUuSZVmWZYkUzyBAUcVlybJkWfI7EfKqCb6uS6TjXK/XnYAIVXFiECVoGNK8mrMjVGS2bhMerYVimWPOIeS2OAt3oiYYpnRytdmAcwfc4x/cbK8zCcAbCjVDcvy9Tf0CHx6OezI3njOHCXTA5klwuXvXmns+e0A6H0QqStoIxaMqgMgReSABg3jhni60abRaDe3VZgYaWXNe7VFFnjXvtjoCewvSoYP2MzO5+3YrROShtQO9PPJwxrh7GkVYSinsnQxEBJMbQZxJNa5jYc69R1UirqjN+hJaPVPkBa3ruixLYHd0BY8VxTwhDFMzi8owb3xCrcpBSMB18i2pWikljC7xtNraxr8R4sOO27PEVJWED2Ia9owvQU6g5QBN6rs5LHJfgzcawo1Izk3W1P0X1YO+M0UCcNRJuJOW3sIJJmfYgLoHMJ5xYZ7MzAVnaIkxP+2w2H1l3PPC48v5kvnqh3f5lMc5ZnJw6FFwqisP3sWmsbqxFcPGa5F41+0opZRvaYTzP+ctpoOxQRvFHy2kj/OIkVLatq2UsmsVSUMwyTlXU7Kw/h2q97IsVrVahZrTaGLeGo2iMc0I0TOAiJ2OUHYfdtGwh7g7EYukkN2JkERut121kCQQl1LdfV1XJp72mlkaDInknHOxalpFxEX2a71crn/84x+b/sFu0X3aTNUo0xG8gxaaALbw8fiXcMf9KJ08DKRtMtRDFTqGxzqH7htfWsRNjER7EasajcXT9JbxnAH9TFGOFTnnU16WZXGnwEPVUmt2s5xzShy08nq9ln07nU5M2Pf98voiy8ndo9UHnCJgdbcu1oHFyQVkMAe7tx6wwzlnHm3pU0ruNip3R5EaIjpltnsl6UD1gVSBkrMAfw/Gb/F5CLP8FQRuBDduCX+PA47b7RYUyqMyp1mPZXisrBi3RxHF8c0It5sJ4oHVU8TpAyOc5zaomIjU3ol+3OLdqxcEmyb9gJkfogoBELuiVQClacQDX69XEZG89FsaqjJzt36bGSmwu6rq8z1gt6SUwb+JRSQRpdB5WNTpfskt9fN0Oi3Lwr0ER4R0DVMe3znJmsmuE77mYA45WHuRvCG+qKpTZU7Arm5qbuDeFOeI4p4BjCIcnw9laJzHIPEPB/SgFtIkP31tDHY1eKGI1B09nE1SSkwyjJ0dMA7oahjdpzTUODM7nU4zIA14mCFhBrxoijCAR3p9osFEB5D0/f+VpX2DUz6MeZ5jYwe+PGC33Wd3DKyZMXE8x3rtPVUVAjPMLJoJ0/ffvRvUH91BRUSqJQmLRMUIJTciB0yuZVnlN7/5DcNPy3I+r58/f+5ppxzKixID7GAjrP6LRVkOIyaS1mKXqsPcq7vCDeyJSZiYn/pujDUYGEBKaSt7wPO+7y+XS0rLu3fvMpfr9QrQ6Xwmkuv1etsrcyIWM7RWCT2UFEBKTeWfLMV7tBg9KGybAgPIy52sQN59M7Cnpydmvt0ut8vVu+67leeUOSV2FNWdYSlTSvx0XkXIDHUvWkN5p1prKMXBH4U8Ma1ZoumBqu7VilqT61mIaPEtpcRpUcdtr6UqWMCpmg86SxGToMXMnlyKaXF2kEtySermVrPg3ZnPrFw+Z9Tffsi//+HDu+cT9kREn19e/vzTjwB9/P47yetl29enc6m21VI1cuY4HC+fbxHLwNG+I0Aw8ikHUA79ycw8n6U7IJfES06qWrbb09OTOvZ9v227gSUvzFzNhNzf6GE6laJ/wJmtloFIM5GiySg6YlzNDLw+YGCMyG/z+wFgXc9xo2sFQHCJrpwCdjCB4cQuHYCzpPn5M0+K2DEiGsXNa61Ox7SHHhCTH6nxQdriIVt6fxCFTvjiruB5cTqDZ2t5nacxdm/btllFGAROmERSyDTVW8FrCl8LuQgl4YWJGcIs8OV8ahpM9yYCMK+uNTGd1nxeRYiYdM1yWlaBlFK27VpKIfbn8/n9h+fzeV2W5em8LksGjAVryrXul8vll59e1FDdHckoVeS92K36Tz9/frnse4l+ZLJtW6iJK6+fL5+J6LvvPqZFXl9fb/uWUnq9bret7pupsztphYGEM6fr2JbIqGr/5IaS1Q5gAJCstnKyLYGMI8VIzRQtr9oJQziOQLhw/bhV1UqOxICrwFkosUQmMcPcfZd3DywhPmgf6Dy+MaRuKBn4MgSsAYTzh3VdB5wPqWJQs6EbDGjRKeF9xutlWSJRb2BrvIXpwLX4KcB4FJOaUZWm/mIPeDdmOL+durfo7erGZeOf7Tlm7tYFC845n5/W0+n0Kz7CQ3QARbAoF238Fh5GDBGJ4gJOQiQg7k20zKNjuIOZ1yWv+bSmHEWn/vLzLxHuFyH9LikCKLpcfWyE9o0I434Y7tZ1TWlZluVf//W/+uMf//jzzz+b6nrKp9Op6HXfy7JK5FibkcDVKaLVIqzm4XSDUswSBPVwzQcYmuWRoYnzFIgxUROiVm7DVb2Uw88/aQjDzdDymudXfPFDz2s+tigk7sgRjg2jbtxCj7oELGJq2oky13rbb+TYk9aUe9MAyUhSajVzif4RlEg458yUVK+1mBPcUOtW2vKXlsjRexX5yI2dnHMHXKm6SMjdNpWoqLWiZya4ubsCnJjDZvgAmQ/4g8kENHPB+bAGOxlScDyn7Nv88IkVNvN+nFDXarqmHiEtbsOsfcpL2NJgGnnORL0Z5r3fjt6MAeo0mUDQAwQaAerWvzlsHZOpc6YaE/62KJhBN9c8lXw7yhccprOxaQHJPhK0J7364S3e6uWxEEYQ43jUfF7jaqCVYCy1BJOeT/PY515rlHsnEHqjbMXIOadkarF7LbhfRIbMdEdVW/vUabv6U4cBjVsPxQaTOl081k5EI5khhs6xP/HFUWGYiAhWiKilGwuTt+JR7r6sy9P5lHN2rbVWteLeamhYj/UfgDRLPNyHu7vW2ar5cKZvUeP19XW+Zr5xPrgBHrN5xic97wDgNxbmhznMB0H3nnscQVt4+DvDxttTmJ/28Nh57fHeISKElS7n/OHDh3+Wj5CIuFUU9JRzhDi4HypIE9Kb/6P9qmbqdF5OwQgjfZAkx4pFoq+SO0gZaJVBiFt4/REdpwZ3TymNzaIpovf6+rncNitVmd1MiNcs0ogQUyQetThtg3uUqXczd3Zy50REKaUhobSDpLYSe5Mf1knkkcMb5q8mDR1NJolCiW5IvjTsUrOW8mFmRnz4kIADksYHZjZrFlFqToIJngjqxh1PKApMMTEsotC9lm5HgROIXQB3JF6AYmbMWFd5Op0jVL0YyvVWShHOKWVngfOyZBJR9VpVcnKj7VaKacRqD1I7+J9NjqgZNL1JMyyRDm+minAHqip3HuBurjbcwHhD5WfcoKkDtZlxFPt+c148RffxFBoQBS4m0GpUOu6eJoCwCjLc4WgQFu0MTFrPEyc3J6OQGlvEoY/7x/OJ4FBiT5ndHWTmRkQsqOreg79nWoaJj86SeNV95jfeagx4Sola7jMRoTeG6w23xk7GwqZiBTRtESKKu1O0cQIN8WHDBDWOx4fHaDZhGTHJqC0Qb4gl1HJwweFAHSeObuoX7pX5Gig/Wr1GuHxg1uAQs0w2Uu5qLw+Ebw6a2KeTvL1l/DNcDuOco3UagSPyqxvtHQC1kmxUyaTBmrr7ecnhFo09D/tKYMpgBrPG9pbr0ADZN6EiYx9mvOh7zl+0BDw8ecKpQwaaGc9A+XGl9foI83u9E74v4vJbHJ+n+sUz+sYh+pfYJ3Ujs/b2aiml9++/Hiwz0yDAu0iDKKq0LEvdN9UybNCdUjsxQOZRpNhAaw6UMqe9Wq03s2hnBgR5oiiBCaDl3o3dGNRvoAS6GtHlIf+ffv4HADnnNWWvdVcVxno+3fYCj8x+KDT6vLqZuwy6qaoCCPWqi8fiD+m41EPsihkOwjqoUvg+vZepdFf33lKo18pZ8illJiIoad1abpNZb8Z97PkDEadW1gOt4iXIWqOACEYgb3VCj7sGaUII6IwowRqOICJiljVlqi6QU6Z3T+u6noUSFNVwue2X284pMyetDvLEAohWU/W8JBDFe0O5965YjDOdTR/HlPphBskDGRTuzgAxWzSXSCxVodWs6UBfBOhBCN56JlKkwYCOXAV3AImPDA3qHTngSHnBhE4zcx2fD+wFcor0A5MAg15u3rQKQbJkXpKMs7BSDTi6VYwxr65tTBDuUhmAIah9414Ed4qAXuqmXVVXNbjNlKA5qHsyEKJOBZAi9MW91oJpMpOkf2iWb+EQB5Fq36SUGOauvZBoVL/D/UKDeURwbOwToo/uEJcxkWNJh9X6QRQYRVWY2doMiYhaZ4Yxh+YR5LA5T0hKhhCuIz+lcRQ9jibgwugNpAWtoUNgurvAgiAcKnIgXnCI8CJEg+zGaU45gnSqVjXGmrKkBOCHH34w11rqtm1T928Or02bbe/t4O6jNq/3xJiYAOOwi84C0+Bt8wAQvsMBig+uuAe2NJjf+HBHc76kEVrv0kVfMWN87cP8nIfnY1L+ZiiaPzwQjTHblHPIW94t/JEz/c1+hPFo955G2bZmWZZ1zVbLvu+3263W3V3NDFQZzanOHFVR7HLbAgEyS06J0VqYRJivg5hxiFLu2jLiD+kvUPggLUfFWNRa1xZmtoqQurE7QAwTAsgErC1wzggR0GEMjy6a7tzFrqOfHHAwwre7HD38ABANv71EleGYWN3VDD2ivysfLLVWkRUTiHxt5++PAMyNuDVZDwJAo8tE5z7uLhHnicBCNQCRMkUefEejtiOMiIXgWrTuAl9TPq1n4VyL3XS/Xv267Xv1hVGU4MpOLlaLXvdSqi3GTlAnN4aLTnX/AryCEdavRGMOVBGn6JA34oeY2YmFKRGrj4O+cxiMrRuM5OEv3RPjB7Luk8utcQJUoAcZAiP/IucDe91h5gozs9zaJ4SU4+zU20hKynxe1iX6LUQ9djP1K3XJaZa+bzcN+tDJXATEH9PDZB7EPeaP8UCn5h3etm0sfGyLmQkfEDjvzNce+/DTeKCZAZFyHrmMke+EOsqpYcS7M5ExM7oZlog76xptmMTdI30w3jgiZcIcIr3fL7NyiHaRU9QlwHjXEF9s9Ms1jUk2hhHJp+Yh37pbWEqaWIQjZJfCwNrSX6joUQXw7SnES3U0tRjtFcmiwgNRq6KxiLl7NSXUJZ3ev38XVWHPp/V6vV62LaJU0pKD8cc//U0Y5xylfH/0R2Ir8xHmKlODxoEduC896JPSGVauwVTGoO7zfsv2vj1mvvX2lgfofYC3r13wz6GiD8/JOUcuaQ8J1Nvt9unTp19hhE27wBTWGF2Tcr61VnulH0wBEkGZGOHMYAbzXmqHDjcr0kyOXk0TMQjuHOHGLQUIMaW7sJ+A6Q6vYOZlWcJH/T7ztm3Xywsxr+t5XRLAqppbPhDIFQw4KJEZKUWYv7iHp8ej/0BidB7sPvG/hx23e1PVvGNhbr6VYOLU6FqUdyF/fb2qas5ZW4FpIqKUWml/Pyjd48KZehhqF4HVLcKP3h5zn7+TT/UvGERggrlRK/wPq4XcJdHpdDqfTjmlsKu9XrZaYGB1gpobxBmbXW7XfTN12/bCzEG59r11Z6Ke6NOFg7uioI9w5RbxAyGCMLN5ZWnL40je8KAs/jUsG0cw8EqmRi3zZTP7fABv6mFKQ5eZXWV0LykzwYyEjR09NC/0NiOHMBJx5MZFv9fWD+RNP8IYIkdi+7Dzdz2ABgF6uNcn8Iufqj2a7Gjiu+NzRNkQUU53VBWT8f9hh+MC7iWZej5CG6WUCJaRJCIsQklE4JGX6RYlzA6Fzz3qswVzIiZXMwKWJYKVCABLtJuQoDARG47mJkyj9bnDjchaFzhmRlQTnZZ8yEMNPPiwn1e3QCEzQ+8AT0QGd2qdNb2bW0VymNFun17aFo2Oyh2ogpNgqIPuw25EDqPIkuym5sslZ16IlkWentYPzyfOqez6888/blvZ990JOS1xXqUWs7v2Q+Nv1KyfIaG5CfUwgY7rqVd1f4uVvej5cX08Z7bxDGDwiLyfvpmnhEnVO76fbHsPWim+xMlmOPwi5r4dbxdF99V652dSN8YsyxIdvn6lxBoa60YnCFG1ltiaY8C8BukPB5uI+BBAaoWzEwy85JOqWq1VixlF402YC5MRpNXFMI60977oWXxAj9gejDAwL+xy+/5ZtborDKaFEhPIGRylUtQdnmDcSgDLNeqaunurf2bkbveOt2/UEhzHP2x3PjmuU0opaxAZs/gVgBNo37eUUmjkUXMnoCHaJPm9ujlRwGbl63Mhc3KnqKAR5rQoNG5mDDdAqEktQ/Rv9dncW3qVgYU4Jao1S0opEUSrF6gzLttmzHlZAVaPKuZc1a9bcQeh9bNjSnDbbgVgN2vFOYBIw45g9gcC7c0i5u6uVsichZnZoV412GGYcFNKwmQK1BqZ0UHd5iqLKS39ONrOtP2xQhOujrc/aFcYBGKqjj9rbKUUptb7CYCzmJj1KPsDKkwdTFB3Ny37brXuMiDWHWkwbMyxMuhVWKmz2w5Fd/ZS6m74CIaiLsV79/mLhvkknh8b5UR0Oi3SSy8GI1FVwARh3YvSakQ4Au5xT9HaW1LYVgMKCVMzLGaOZJC4S1v/EIGHgOtjdRx8SNWBKi7cmlO62Xm5i9odml8DfmqVkXPO29bsDaEREgS4Y4QThW3w7u7aapmyR2PSABgndwoFLq72xhCP2pUxOhR3NvDGFP9QqdZb9mTLl/UoGuUOqAV2V6wnenr3vOTT6flpXU/X2+12eXn9/NoCMonNrDqaIDXlLcwf5vMaiEZEklqOxxxKM/ppzERsPGEGNupiWVgUZm768NLxqME+5zS+6bI2w4GA82MfHuKT3/Hh78NM3n4/T+yBaM93Rah2xGkDEmiVul3iCyOobJ93RBWKCHHdxy6L8Lqu0eplWRaLsn6utapZCxtYl+darVaDuTP1kC6H26izxYBFkUGQT1Sss6WmvDtgPYatk3bftu35+XldVzNcr9fr9crMSZaU2Nyj2ggIzXMEJG0SoAXJdDMjwELld3fzQ64xYp621YfTxl31ML8QHfnIKYmqRdd482YoApxJmEREzB8hCU2x8OEinc9vZoQDpMxgDicedVUsGhkSRRGXKJNKRObKaAWFuVqrOGrE0io8quptL15N3ISwq6WUJPpAGYQFJAq4Q9LiBIIYKGKkStk4D5rYdI6BVG9hkbreQ6pMgAAQdtS4sapFoIcIsVSCmdV7xXfsWARPNUfxLC97y46m++tBTWxvZaUpjFbkVvu9NG6k+J6EiYTbr2YIxhQV7zqEAFajz3FXJuDdakJEL/U2IHlexbIsilawTUAgKHzXCiwD9CmKBLBwSkWNiLk1zXEbnjMzR0SERTxfgxkGSWuUYTCP/6xqi68fdDPS+Zh1Sqgfb+/neMcIYyzLkhgiJEwEV61uBq1peZrwd9wratWqO5kqq2ok0PT28eglARohbuGyTMw0MuqoB/0GI7QhpRMR3YUNjyUMFQSAU4tFBmBji2OqEzqOfNDoshSpINpb0QZ+3sN2lDbs+EvNaTt2b9SQi7bRT2d89/H9999/f356t5xWU4RTMOcscAOZejE3Kw6wZExEf+YNAV3UUdi7kLUseUzYe7OXoeHND4kPQ5Sf1TVmHjVyZxtJHNGMiTPvoXszxkArTMScpjHD2HzX/Pwx5L5t0xgPfPot2Xm4eN93M+2SVlDsdDqd0sRRGThq8qpqkkwEM02J13XNWaJL3L7vP//8YxJh5peXF5DlRU7r063s21ai4KcIRxcJa/mwlE+nJZr1EFLmzBJqc3MRapmPvONP7FeTgokPU5WZEZmIpHVV1ev1Gjr9QGxCj9HxZgiN0p37gAMiAZxICCBxokRQEvLmLzTisGj4JM6Mmq0A1nUlolJ2Iw6XhqqmHK1cXbs3ogPoqdZqFxPmIOLRH66x6BDcGEJA9JkLGcWJMJwYBKBGmSpWtHpLEoL5tm0gInYmjgoF0V5bmNIiBClanZAiQ8ltzZLyupDXatfr1QSZOTGiptO2FVVNec2SFbhdLtfb/vT0lJdTrVZatpCIZO+uiH1vtfTi1NZ1bUk1XSxt4G7EMECYAPOqu4ACq2utznY+PZOk27bX/eZOYU+mnhUX2zIylgaQjFdEt7pBicbZ9Vo5h7fM7/1wRK3NXtO0OuUNOXeoCEKHqTPKo8eo1ZiaqaACbCoii6R1OY23zLwwSYqcQ1Ut+2Y9FEJS43A02foChFrUBlFcYK3k2J0tfZCbiFeyHlwz7hU5LNixFZG9MIqZjR1r2LSklp7vAVoydjsJiYRFQvsBpG4KlpxEWxNERBNlMwNZt+ApMy8pd1DZ3X1d15gq0eLuQ0W3KT9SVYmklHI6n1zx6edP5vxyK7Xq9Xq9XLfz+ZxSMycyswilJE6873vZtbpr9b1WdWIWt9ZjlYjcrRpxscjiHWJurTW0UuumnqFduXt9070kBHtmRGgL9zpNrqaqv/3hoyzp6enpX/zL36e0/OMf/6Sq5/P55XIDuAUvgIhTEGXVRxPfzOn/9m//9qeffvq7v/u7dV33fV+WpRnAc6Z7jjXSEh7Gw/cBGMOnOEAFB48h4IioGFMKX+b4ZtzFU7QtdcvBg911Hg8mzRk35+XPOI4v+R2/Nv9lWcw09MJadwAfPnz4VhumTjIaYqhqhCA9rWvQOrjWWlvpE/dSt9lr5e7MSJwEBBYikm6mV3JDMgki4hKE2RA2w878juc8TGzQLyIjatWMR1JB/ORGQI1/MOAYRZQ8MXn0l4ACYPdu6q1ObE4R8aWg1s+A/GEOfesxDuB+eOQDeCvAMZvpethLL/gZ5GNcEMYqn6TaUUEYnRG2yTiBhbrWPmKJ2EEthCH6DyIJluj0Y1GK08IlW7YbCCmzM1Wjo7cjJ7g7mRO09VFyc1qWhTg1FwvAnMLXtw+GFOycGu2O0BxueXYUVavdnHth6sNCR9GriIBoKe6mWsreWJ1nt5gcAS0DDM4tKyQ0lQis9bD0+SxjDoky+t/y5I0LaMxs8znOt0wy4qFwQFoXkXYxJjQjHkYLNrJomI5HU2dcH1xqlsQbD+6S77hlPP/hmyb1UxoXjFmNv7PgGC8Kgj5eOs9q7NidFcuOpuFvsOCQVuPU2Y2kayQ4ZhsfRGRd1mVZmGBkKeXz+bQsKaVk1rrNGdGoKDbuxdcHM4c5/Ygjn7YIgJMZHK5m1pL8iOHOTOZKBCcwcfNsH7bcXsEcd7v6luCGBeveYGpDtSWHm9e9pMx5yee0clYiud1uP/74s7r96Z/+8uOPP962kpZTw2Ync3NvFXq/puAsyxLOrev1im6BiBzEB/iJ0ZfzcILH9vK9M/str+qU58Hy2X56azRul+FrK/hnjQGZX9QIvwEb9EbLHI8Kj17OOQzb4Xv+FiOc36eqIsSMdc0xp1o21eKlReiWUtQbG2hx/SzCwojGewymWmspmxFWs+jRw0SZOYnAYGC4s9xVc58JATqDDEj3xu0ZU3Syu1s17/21ZaIO8Sjp7tveoZZhptHiEu6OluKHsWtf2OvAtTkUYqBfp8vt4WTeNdpx2UF2mTls+tSybdpKJ6oHc7eIRgMB0XWq+cSchPpKpEW6Nk+cEABj4BStzIjdohkhQA53LRsnUc8KlBADw/2T2Jq3B0SopqaubpKTu2+1RIa+iHg4BvaWsDwUqSbyTxE0DwAaOziclqPzcE4sKRNz0er3BX9nhvTwgaeQAaCXCpuOitF4L8Wv3UmL/j3uuQjuicjDP8nvLtZ+fc45jG8wmHl1Y3YxBGGacXI+39iJDt0gIu+Vw9zd3Mi872dkpx1T6vxsn/d25Nig1f9pwfpwJ3chuFpUYIsbxhazhDECbgFz7QIz8xbBe0fT7va8v1hAYA7nFnkrs2NmtZKrJw7/30Je3TjKcTDfqTjeFcG3SPfw6rhSRMiZmeeO6gP2+jHZqDjqECAkK2JO7hrJnuEzdQf3iPHODo/j9mbqvBsPU2Uc/QITi5F3/i7ruj6fziJXM1xve7Eft1v5y88/X65beO0b7KqHfO5Od1bb+xGlK//yl798/vx51jtxH3I8bKQznxsAOVNXv+fxDxVejlvu86rHhn/1yL60gi8y2nb5V7wqQ6Sbr8QbOHy46+GfRKSqPehKaiV0t86v5xFyC4OIWM3EbDlnYidY9RDBrB0bEbOwO0yDUxE5tAoHP0RxrbU6U+mEMhEjASAhdhAkcoyO+gWB1QMEDw4xzoAGI2Qici3qVmsNguUiaaoPCyDsHlAFc4Y1671ZZD43BvMlQWNQ8PjnsLkz3wnRDo1rG2R4IFibcFQtDkwh6kFv7TLvauKXbeXW4RuIVlROU88zbvELRD0qhcEgRDd5InJN4B0AEZxbSBwRRWqSMhkksyzsph76uburm5qZVeZlt11rsD8Ok9KoqDRoxwPV4PtggwmuiNylZQu0+aeUJEXD6KYhAagFMyOcUbfv4R0Dpjc1SuLzA788KCY/EPQujPT6ombm8KjtSsyRij1D1PFAkDsMZCAQGchBdS9j4fPAQdBxnCBRGNgHRI0F4o1NaRCgB+pAUwDqbMSL5wzKOM+E73Fk3mrVKETqwJepjDd5tFUNHlZkYWFhs3CPFIare61Rm21UTqApYr/NKuyQMyx9Zd+aQEbO6N0zxl0BPCklZ/GjmFRAKTHDnNzVo+L5m/TBaQcOfYJ+LYMFgFLrmR5CewNOeEopMwH2etnd3XmnC2/7ftsKOC1LNrPuyXVEwzIj4Kv6VNhs//KXv4z8Cg+/ph1pFbNkMGPfvIE0WRrmayJPEW/yK76YIP9FgvkAJ7/65bevsS/hNX1JR//a02KYWUS8h2dq8NdfryxDXcoMpyL2CzOnzAwS8lrDYeRRypuIqYkMiBdQVBQjJm59C0EEJq0ajdxJiaP5OUU99fJ2Wx9AcEZZaxaqsCOQgy2sITElgxIJ94gHgIUjjZvcjVOEjigAYiKOvANm9tZgjcPEepCJbv717j0iIkf7zMzhIUJvqOFGRGGqHdZOYz8swA3/w2gTdsihYXwJvKL+obtHCVawNN2zSXxOFHF7zswMy8SZAIYCSmQtIslP65ISi5AprNTKTiJMkSNY1SuROJkq1FThERjZnGeSVFWtqFXu9agGp5mJePO29uqg7fjQ4aCVTyeKQHwRYUSXOApbejcAYBK9fRI/x6vHBN6aUB6QZ2al7h4RO8dlDgBmzqHUNz3IvQeOR4n3pviPQ3HXAEGM/BSwCIug1nFhyGp81EgMoBp1zoim6OVDtOpjmDRncj98ITO7nb8Z18fZaaldZuIRhtqZ2bGc4/NbEDzEdvfIINYaqpXBweHka976Nm3X05JNS/SRX9cEbyw/qg+8PbKxUV/kiG1/qKm/A0JSmqIEiFJKhMXMik2HTsyMWjTY8FiRA04GP47A/ShffnDiPoF2OkSxSQ+qYp8S1pRbLVnY5fpaXlutV2fS6mrglEjSftu1kYgu4cXJfqVbRcigl8vF3aMejc3F/96Yx/EGEbiHycx7Tl8SZ2eQePvNW/iZh0wC6Mxo/5ljXKy9fOMMBnjDGuYxY/q4fqRXBiMcFey+pRH6kT4B9Dw5UWEBh18cS2S7B2v1PjMRodamF+wOV1MnZ5C1DsGtSgubkzqpgYQAkKM3Jr0jWDgOoK9/1EIMkI1uYR5Fn4JbEaLvTwA0U9QcAXPwf3MIC7MCUMDBTtwNpK1cx6hOMvaxo0zrSODudN8p0MiInJkYEjKrVieY64Ry7u5tgc131TXIwD0cjSgxTH39yA9EBTBK+TEBZOTOjcFEpgpLK/MLJmcHg4wcTe4WESpAUbhq6s0CA/OZYSRmVc3RQ4SYOeV1JtMpiDtxRCqGUS5YSCQjg1Cbugv31j4QABMzeUgoAl8kobdEKaWaN1GDaOlk6NjnKEnbjybi+9t/D9mEAwfmItrzBmpP+cJs/5n63A97t7X1TuQY6CK7R3NzanI8ExFYwCKSH2bSGWEJJj5J3MycfCJSD3bgefIDIOeCBgNZqHscx+eZfs38dRCa+cNMOrWXp3UwoibFpByYOdyg6q7BEkyLO1KiWR8FkFJS12aGSguhhl4Ykf3Si4KGotPSse7Nd28X7kFkuzQpIsSHAh0fUl63UpijbMKdghX1RZtzhchbodDHMTZqOvS7X9Ghh475mkgigJlSSimLu5db2fedSDykPwiJEzPAWoNVx7M6HwLR102IaHEfFtkm4/R1ygqdzYkPTGgsZ4RfDctKiEcR5oZ7qylNzql5+d/gRmMDv3HB18b86gfT7vgww/D8ii/uGxHFds1BfCGmf9NH2OoWhrGjha6dTidJDSACjoMLUmQBuhFxSuJO6qaOnFhVTdXIBSQikbTnYIcTWB3VDdr0rdbKbw4MebMYADwkXGNz8xFMDXEmZ5JGlEPtdAAeRb3JyVGcErfDV6dstfgbEJ+y/ca+j2MVljDNiwhj2F4AGFFiZiYBCMQEt95dGk4guFGvQdE8IklYRBKD3KLqfLOPOZnjyKDswNFqWPR4dmZmilAcGupKi1lRI1GQUN9bIVL3WveczyklJxTda1hB3RRevVa3RExR8JwsKsAAYEkiVKurFndl5ggSxoRaM1Byt4GPb4ZhNMq5huNZQE9PTwq/3fZmAIzciVIorQMgqcdPDmI33js0wgdKNRjPIBYPPMP0y+WeZwLxAIqd/00aIZNbFwIwjqabqNtL203mTtTrOIAJCGs2kwgndRs4PwEV6EvYDgzB8VhvjHVd7lld6ygbfo6QsGbb2VDomVrHowZs3NiHdUF00LV4RI9fam8PeOBe3CsmkFMGeAR0EJEb0dTchyZFBF3DMIO1TvbHGPvQTIkOdwx7TCtVNAEkZ+Fuao422KHBEgnBOssMecrdnX0AUptO+z8/dvg49+if2oGiF2AHO5acAWNmc913c7VaK2D59DQWSAQC12paawPc3qTCHSD9umW0GY1GCFgYSJnZ3xRPnyFnBqdAmWFy/CL+zk8IykNvHjV++to8v/j52+Nh8t613vGQ8Xee8DyNt+8aj3qgAPu+v76+fosRujl6Eoz2MnfraQW1pgGDClPTJNwMxCRJiIRMXW0BbtaK3OIejDAgnryysbM7uBkrvnCQ8z+HRUyVo6VndeOmDglRbYTIG2y9gWxw+ApAzMbMpDqsZAGGY8J3INInE43Fm33J76bXZCuWSMgORqhF50MaxxQi2JKjfhTIjVzd/Xq9BsOzsLYdjHDyuoEHotKRen8HoKSBcg7zZqN1ACilrOsKpkQp5PGWb9HkawWmWkrxoZu7tfeaSKlZd98i0he2bj5ER2SJBcNm0Pl8Lqal6Dj7ACqewGA8inqljHnPO8H6SoPcdZ1xYIyy1fFYb7ZQYKS+c5vlsef66E8ysFtn9oRIGIOhRTW/yTKOYXYwPOpGGxGJYoZD/x6saph8h6gbzxwVQwbgjXsjkBJdHImDe+ptpDBEgfvUjjdTRTNI3INWABVR2zHq0pjXu2Ysscyccq01C4X+Z2ZaqyRh5pDNvYtNQyn5GiMMhcndBzU+/AvNNnBnvpsP16yFaKmbSG6gGzhNFJgVbouhUw4RYSDaA329A3g0+kCglFJIEVXLvu+uJkKR/GNmxeJoGEApZd/389PT6Do6dq+h9ZeG997mId/s+x5yxiwHzAc6w1J8H7sdvkCbyi+PXx/W2OfzBRXzLYI/TPUBwH71+reUZNRWHQ6CIWZ97SHz5Mc3IX/Mfodt215eXhIhu7cGsHE9AGJU3WBO7OSR/JAISZXS/vm777/ftu0vn19BdD49pXXJBHe/XG7FdRGB7du25SQfn55ku2ZSESGRbds+v15Y0tPTh9daALagHdh67wnaSjf9Hf0+eoS6U8SYVa3lVlJKvK4CTdIIClzNnAULL6UUCn2MqTIZnEzJ7YTIJiJwIrdSDeTpxOVm0GruIJYlC1BDZZYoGdn2lDkaz8GdzMAu28Vqreu65pyu19tKK0V1AFaPcpOu7p4WbzXKQcSpxbOC8n7z6laJ1lVOWRLVWotVWtwNUefaW/8yYU6Vb+qVpVeLMIMVds9AJloTVkFmzmQMg/kNGVarkzuYkxOcOTGr0XarwL4sS8JSvWIzwF41w885rQJQKdntQ87n81lEVK0C1XSvBUbwZMiQAoIkz9kEalrJLaW06X7Oz5Tpequ3simx58XMCJSFmMzLzd3XU34+LSnxOW922+Cv4Fv10DcTngWeI6RLKeIMc7BGdUvU659ZMUVKiUVO52EvHUhoAFT3ADDvSQsB8E95qbVq7R3+Wt8dyNGH0qaoU0BTr8YSjuZGsUrdKcoKBu0iM9vNsFAa9IWZk4g066oQOZECoBSMarOynY/URg4PaoWZw7Sws4hA0rANACwypVI5Ra44CFFZIjhutToI3G2/HfzNe6ANEUi6dsidAhOIJCrjqMEN5q2iBVSURCRJAsQiApvYmE+nluNLDAKJs5mp7cyRq173/fZ0zqf1JOTbdj2vQuTLsgR7y+u6nlY1nM5nkEGEUiY5KYunczp/wOvLvt0S8WZwSWlZf/rl9WXHhjWUs6omrqclZwFMfRPbCMoiGUTV3ADOUN0BMCOFFcWqmZnXi8tCy3I+E1EppWh1MJxKiehc7kyTwULExLv1bmLc4/LD/LBtW5TMzjmnU0vTLJbUVBXunWMxSeLeDAAh5Keh+HJT5Yeg401K46KW1xOAosYpV9XPr5dTXqjpxR0FwpVbQ11t0eXm2IsReYrgL0QNqUPUqcMsj4PtAWiZzZ1T9CoOX+dtTX2g4Zwby/ni5YMLTuKLufvtdhsXzB9Mv1zTOKejUTYBTBSempKouKfTUs13NV5kVzqd3x/2onke7t71ny5n90Jim+/X67XW2upaoImlt9ueUkJbqhJBiGGtiryIcMoGP6mxpHVdIyWgGqK8stqw0zxu0Cx6HNt7b6CgN0ox35sIxq/GIGqxqfGcJLJIhnNR41IVBIIRxAmR5d38N8zMAgqDTIvApZaqHFm3KUkpNx6lMSYTzaBEDW36VBfK4ajSRi6ptvRlOmLlB+i5R5g4D1leCzkS0+l8Ii3klSFrllUyvKpq5gyAndhApmauXaQqpajVWvcoJDbq1ms0YCWwG9xidYF75rbvtZf2f2O767N192U5kbBZz9gdx/X/o+1femXZkjNB7LPHWu6x9zn3wSSTZFexWSKIBjQQoMdAgAb6Ay3p1wrSqIYNQQMNqtFQN9AoqFqNLLKKZOZ9nLMj3NcyMw1s+QqP2OfczKyinInLOLE9/LEe9vzsM/I4XNPpvrj7trXWmh+t7Xm4wgSyDFALU9FMPwcDrTnIGZQ90ImJxVlodtZ+v9PmdJzDqnHk9p5Cc++X2bHScmv4DFulkTy5KpDlsTPJaEMK0Miw8hHXdbpzu+fVGIDdbmNUGTAYwnqkB+M0IPWnilI3O6WvHmO/cWRBThuZPIxPx0S3994BOSb0HrG0uE/xaQzTIn0enIiIp4DEEN+wvhvBjMx43wNJX34knHJTeERrLXOL27YNHRxpSQzPaWWmg2mbAkb2tNGYWIWLiFCOX5ye35M/4xznfFomE2gzh5E4Tifz9Hfd3b1b2+hALc20aO993/dJNjtnYYqy+cDzm6kA4pSAjwgp9Tx9c6i/uKrnD6e39CTe53vNdW5n7AKdFAHdv3y4wh9ZF3gWy08P88Xja+9oj5GV+SG9oD/8yCCEmQlxrXVwOLQ2eMVAD/c4acFBlAAgHfBN+k+fPkcEiWqtZuaOZVl793Vd3f16ve5mVbXWwnSEraSIiEYtxVg0S4h6OBmQnRKG9M/wxRc29lM/wrvA+sq8yIltfQ5cHCixrHrKFipaSl0uzc0R3OFmnu2b3CimLRZKw8jK5xmVA3pPhxxMMQAeQoWJ7CilmBWzds9z0IjnxMFLF0wJabUkKM4HHmY7ZWceNxAdOIgIj1CmUuRX333n/UbWV6ZL4SqwRn2P3WkwfLNTEHBgYUTcvZu596WqiCgPVEUPj97BJEIqKnVUjkotcL7tnZnXtXRQa33fWzLFpAwKpwgO4su6emBv/VCEkRYnJ+FpdD6A8kTkHtfrdtv3fes2CvQ5AgSekb/CUUokRwlhMF3JwedABFViHmxthz9zXxwZBOP0UxLUmxss4tAUQy2lYU7H0p3rJzeyqJwFmSV5K4iIpgmXteQpcyhGrGPG/VKHuCOzdURglpS2RNT6qAcAkNxGCA+HiBzu7dH0Jz1At5H7pvGa5qPKgoPliPbf4UQHTjJd31E3O61/3D+kiD4D8MeGIpdTKm5ov6Q9cyfC+eQjuogJJc+9QxFCWrWcNUQc1jZAZkaP8MX4EjQxIhghxMogJgExU5HkbXeP7hGAU4CT+4CcslhratMB2M5Bkgy0RFg2Sjte5G5V8KkiyA+QTjqCGY5OOZDXPpfVnp//vDLnMpOjt+usiaQ7OoznYE5VR48m3dSFX9Sac/DvkhOY14+TCTt+dXClxukiuKeG/tDjrM/O8py+fqFpFswHjsc6xUdV9Xse6Kws7ivWnIrkxCnzzf2rHuER8R4jDI80c25ie78x8+VyAcu+bb335XK5XC6vr6+ZXnLvpZSq6u6jHZt79zAzD0R2ROzuhBiJmNF7ICL6/mVXdz7eOREScc8Nn8+ZA3ce+vzcIwBo/tUJCGaqRaoozI0JHslXHcTu6FSPwfEJ6GKO3o0CoSaitdY0+XvvpRIRP3BNBB32BE5lkMhylgA74OFmYa2zEICDnQ0OyhruOCA/mWZIaJdH2jXl9bL+yfffSrwKrISxd29780aCSrWZdY8wBJNAlBAh5i7KnKAhIqVBoNxG5NCUVVXXWpZa1lJba6UU9DGYUhVB+96S1G0UPyR5TETmHra9pVGMFMID4RrZiVQEAzoRbtaYEmTLgGTecGF14lVH+mb0dQYSsb9chIBIOI+n3jIWL3GnWDtvGwMYPKjYY8A7CERJ4CB39TYMhceIQn4ZETWp147AlQCTsR1J6IcRNAgkaAtnXyHXwPApjzLKo5kzAJRSJnhRicwB6mRMyhRhDowAGkdCxnJ1Hfmlg1cW7s4YoJQh9TIASpwQX7j5cMVG0WGceu8mjw8AL/ftk64RHzL3PLzD0wf4S/4KM5VSkmyXmXGU4izLMiybdJqPrV3K6Ln0hH0tpfTb227dzAKMg4g4GxkmkNsjIMzJtBvig0ViOLAK7glZYxCIeaTwY6YAE4w2Dk+94uiHDB3RnKlI1mWdSEs/IK+99++++84OIsA4FbZPi+d8kdRwIpJVznMWmNlO5ABn+Xb+kEdehPxBnj99Pv9z6Juzx4bng4hAZ6XwRx9Pt5uP/TUF9rRt55dPLvVJu3/5qZ6e9qQCgwKZn0Yajlk+MdXv2XA4TKWH0UxTZScKc2ZfVvKgvbn17h6Xdb1cLu797VNtsisL4ImlBpODvPfWzcx6QPxqjqBsni04rYb3AzQf6Tym88WY5Sz45rs8rZt5DKETHs6n7R21CEEJbjpa4ALs7jcjM7Pso+0GEgYxixTNFU9kACVPTyklsz4xWLnvSj2pODFk9z1C4iwBdlBEdMsSw5jFgpFtYuL+dqISgwHVwpwpClMVCe/rWl6XF43erp+3fnV2rRL1dd/6dbtlRJKZlMkD+/Vaqt4NZ+/uKqPQ+Hi8xxKuiOjd9t5a85DeHdu+X6oSkSTG4YiviAiIpyzBgZwUAlMAIUSqUspoFe0WvCh3ABsiiERJoYVImD4xcxGthWtNPj5xd828WiePPrRaBBBU6tN+SPkuRY69BMOgaCGQkgztdcQ6CUFJXA4gBmsBx6HjNS27u+CQEQQAAM6el4jsuklAKXoWlJkzJlA2K5sm3QRh7Id/iZE0d3Y22CQMAQaWm5iAYDgCfur+yETMSM7VmZWJmN4nH+4yImAjJAGEpScaQMThKUZwqHsgAhF+Mswfrzz2ZQROzeof9q+IHPRJNDesqoZtebKIZBsmHiUWmsZJjhmNDHF9++nn1qz3HqKAwcEUVaWpuKO17ubBQVGKiBey3pQgjFzbiWqiEQFgye7CZ9EXQL6XGczm9svGMWEWR4+UDHYvS8n3bS1zDkGUC7sC3SzMekIMiAigeEeJkMJqxlGnCswxcbt7fnNgz0oFJ+WRWxZ41iJPO+L8Qc6nnYIo0yOcIbfxp/8UbfjPcMz+ps/P/1USOuCkO+Y3Ocjp97fW2raF6lCE+YvxS9z/FTGIrmbUxZ265fbgzUDm2Vmi9x7r6u5hzszCSD76vu1U1owo2qiu4HDbmwGI4ScRMFZjnHbae7V3/uc5II7HpXAeqfMx4hKR1DcguQcHvHVyJ3chZwEzhGh4Drw0tLBppnlugbxLJs8yfLquKzN79EdBcKx7itOCHlYwMyefpoOdAuF+pHzAaasxJYPvUcFTkKRrxtNccTdvv/vdP8k3HxZ+UUJ4J/giJLV2KXtrifNsHo5EooaHMdeqYgZ0BCK8m0lkkFNkVvVlrCtRWyNSz5RskswsMkpZ5hsRkZYywpxZhJDuQlIPkRFTER44WdLkt7u+bXu3fbNusAhIIAsJpDGpil6KLLWoKij7noZZi8Eme5/wwu8V4QglTWnSkfWmAcCEyDNANBdTgDwXcRyEPoHIbrIMixiMSuMWTAAJS0SM5h6Zykv+IA6WpD1wj25uuTdVlRnJ9kREA1flTnInKGCW7g7uZNSaOdzD0geisaBoaqx8mKlYp4t7+HmDWmVG7Y59lPZBjuGpnH8k18IYTJx+UABMs2v1PZt1NkyngD4fRBSIbp1AVZnlPjW5g3hU9w+D+/CKDplz5C8p+2tHOIFBntMaXoSLcu/ewiiccOhURFHuqultqqMjiEEOBrEQMwcFBoDT0wM765t8aYxYzng8oiCM8sd82kn6M4Xstm3pHU4cTdpDrfscveNqlAJ6lu6dM3xzT8Xzgz0s8inx+Ut5wad/nqQTzuc8KMJ58gGEef+rP+R4Et14J8/fn39+/vNP5jePg/B7nup8r7lWh5YZHNqMWR986iSZLWWDRmH0GHw6LtR6MHM49r0zc7aaMIeZ3W43eFBAVaNb7829Z6lP1t07MXNki6bmxoRISvux4oZhOJXWfO6ngTt/OXfa+W3nh7lX71pTZC5ZZkr5s7dbmId38oRzAbAUXMEF4XwQl+VYRaD3XqteLq8R8fnzZxIYupPhmaF4ZFiFlYWOMvmE0gQzj2T1YDscJjmBGExZv8xHXf+IjxoOakHhtC98v23Uth/D1Herwn3nCFEtyrfrtu97s97Dsyd8BjvShQUAchEp2TbAPBAkrKMy3Xs4u2moiNy2fR/NWTh3ailFeBZ0W9Y7MjOE3663fd8jiJkiKNwAUSZBqEoRWWtVltQYQXK7Xc0DwckNAioBtsAiqqKLaC1l1aLKEWxhbhYe5iExHFekWMR9rZ9XxWxkGhFCd8YmE82Ilp/KEoLviv+c1yEiih6RzA8BwO8kM0Y0+vQ435eod0/sWEQ2YzFmMGdIlUSHxjKjiPxrGYqwKDNXCAv1TmZ2pGJTNAy+AuZzif/864P4MMPkJ+ndMIqKaKCqWYlIVc+kKhkyjYhGQ1hP6Ty8WAzlelaEKZfOKnDuO1buvSPgS+Ey+r6fhbuIEEfOhQiZGZ/i1fNqpSx7M3FiESImGMGFUSiCTAkQUtUqnHWCyqJCVbSLRziBJI4I9impBoyYbw4OTk1m3P2gv4jpwef/Z8benin08jkzAjSX2X09uE2D7GzKj/R8f+CxioOvI885mx1TQp5VZsRDB/Xzn+YF8aXjSYQ+SFHE+Zs/FiwzL3tenE/3ev+T82bko5Tl+cHyw7vuH3ncp/VRF45SMRuQsRSDDDo8wseyuQOVNhb1zBcCaBYCsKCbmwWYIgRgd7S9Z9JPVc0jdc3NXJDFqnnFBKj33py5qyrN3QUA6PHc4JHvlFT3kZrz6kcPvPNMx8HB+GQcRQRL8eip+JllUGp1U2UEGYhjZFG6h1HY3sKdRsE+j6uERcTHjx//8i//UqT80+9++/nz5wGWOSH6jkdNwpZgGgDiA0HKADvGhBE47pNKyG7Zo/HdMQUcSfShLGtdilDve7TW+15I23Z7k4DpwiZMIiDm3rsjmFEXJVawRkT36L1nIw4OlCLLUgTUWut7YwKJqCqTcXhCWnrvt9vtet1bhAXv5g5i0REOdcDYJFtdsZJkGjgiIExONNpiBHnGRYeRfrwvMwuLLFJIF5bqYHN09xfuqlq1VipCCo/onh2+qINsWMHCQkAw37ZbLidM9lEiAJoZQqYIKMsdUrBceu+t8ZkELiKWZfFT9x86NKv1HgH3cEE4pRbyLB8MT/yLEk3ozeYt7xUR7h0IImGBeeNIFr2s3czl0y1G46TCkVnkZPnSIu7ETlkVzge9aj1Cr4Nz+THgNuXy3D4J6E/hjgmGppnCPCpSLI66DHVyiu6gSMLxo0HV3Ux+53acHyNPOdTeyPZNNvwp5kQkC5T9qEaY36ezmNfUUlRL906CQJAb3MXBcD288yqsLCzk5ioowkwhSNpA2OwOcWiouQiD7oKeODl5h1zufeRxmXUuKjrancupZ/I0quhgDDhLpymgp2rPqz11BTkpQqIvTetZ+Z0V3tPgY+YCTwkm+krh+VlJ3vXfY/nEL6qwLxxED5rlvcb92vnndUX/HKjR/EkRiQPkn8F2ZdlpO6CY0ykewxfbdlMWOU05ADOTZRECEbVmvX8WpiJ8u93afntdl3VdWcFmLlBN6JqAJOEeIMpOzWBVDVWVomeTlpltvzMOz1S5HY0xpyKZy2h2OJvjOP+Zv8p1nAxbcmrStrfGvWeNngrt+42JJB8yLECqoioVJUMWhQYZTzCXUiL23/3ud713Efnp088JHNu2ba3LsdT4GP8AaF2XmDnzI8FkZhDxhxCTpEMUYTJE0hDEpRRVEVDv3fu+35zXdV0WrjV8l/C9tx9+3tpNXtfyeqlBGgQIYg9SWVg96Lo1M6MT+1Uusu2tEw0C6uv1iqUuIq03JQAlyYPmLh2kVsREdL1ev//+e1X96aefDPTdd9/VWt+u2zfffv/DDz80N+HSrHEOmocWhndrEbyGHqtZtS5Ldhs2M489SAAW4rAICu9ubC2aDstCrZv3vtS11hrWcv1cr1celfosxML3tqIT7p8NGYLHmFvbrXfvXQ7+/sQ4fPrpxyxuy/5PKhIRbd+Jg5mOzDQBiKQKimxZNU1JiiB3v1wuANKaH0UUcjdvPcPREQBqLctS326jZbaAsqgI7oIQpu7BhKxIc/cMmaP3D68vmfDgwRfVk6iWmSJ83/cpbd39cjDORMQZ0pWgR3fvzQIoteT6pKAIjiJmtlt3Q7gFk0iJ0fOdpg5obtT22Ud3yg1327YNEYmgzudJt8naniPWWkuuCBEVkX3ftdx7xqoO7ataIGzZRJChIktxwNdaTNLXhzBxkheL1LV4N2UCORNBtCSVkUWtFUyZ6T8EBVLsCAsAc8sENgDv7cOHb7L5kZkJq7vfrjdiSXUcB+6diLIv40mL08hN7A1HumtqehzbfOyRw3DJ3wbdc7F8ZBDjHfPRlPX+6CHN3047CSc/lZn1yLHRAQEbevfOWPSgCJ8Ydn5ZqwHIZTlfc6rtr51/Hpbzl2cLYJ72ZHidv+FHzTXNgm3b5OhEXUS9myu9vLzMmoQnTRsThWVmEaCDL9i7kQjz7IQX7mgW27aXUqp7WOzd2tbSvglQRFqxCCcPSnJseRf3mNbN09Of339+ePo8f3IkV/h2u00Vco5uOdgpcTLkiPAghAsD7G4OF1AICutAM187URTVjF1s+57LlJmVYt/3GdyPyJaNDybYCLMDnjcb7nyKSjqtq/wnC4gjhTXfYTUMISIYAoVZVUIYgFu73boABO+2E0xh1tDa1lppl7UWIXrlItIRoGbNvFmCc4gCEEo4DmVAmIhqLeFdVUkYTsj+GEw9E/6S7K5gJhItpcQeCFfVjx8/GkhEtr3fbrd//O0P67peLpfWWmvtw8eXjy+vt9vN9jdSXWu5XJZa19babd/e3m4Iiqy+4CB3YncwERUuFASDN/dwPwAmRZXMOTh69O6S4Tqnteo0hnIv5DAnHPdYV4jIziOQIkl5ChzQ0XTHlYXBTNlMRIUAIsi9qgzih5UTHOYkASYKTgSjpLq1E1MSj0zq3Z/L3kdxj5KFQATE2cyBI3NyDAaQLZWy62xuKBFZSvnmw4f0X4lo27bb7XboDGVmW9dpDppZax0HTW7qQpo5kQCFE7J1TCZIjVlAcA+nUGJndwiOhq4iAhBzVv0QAakF8di1YOzUx9065ONRYZke4TR/z7t+bnYissOIjAhEmHW3FmZFi7AT1A21qCorc4e7NfceYQxiBgEeLDZdLUoFMG+Uyj1plcYQUSAS74o5WUTd3SOMqJyF9V3OHLnDGZBPdVvrMlXdDI2e3cR5hfmnOB2PUvoLBx+Qw/NP6OSWnUUl0UGAfxKh5w//+cdpYB/8vF94hf/M252H9Kw1hlie7ntiVlKYB36xMW8MMwcYRJ1E6H0HVEiJGYhwWGb9uvXmfQUC3dKWJUAs7q7uGSQSA8D2zJ0/d+Y8TnvpPqbzDd2NHnfLOVKB05bLuzBRGBk5Z0w16xZ76muEe4tggwtKIRGCOQOqXIoaKHUhRSyXCzN/fnvbtk3KUJOXy8UbRWIlcIeKEaWku/NjZa6OiOzQdgDkRG0qxB7uEQn01ZEcCgrL/q1pgMM8mIQhokzEYI++GaS5FE+vnJlZkZG31lo2qhMRIS5CBOdwCiEGgzZiFmEVZg7mUkRrVeaffvqpuWPYRu5gyYssBQAh1nU1ULfY923v/hd/8ReZJuGsIo8hOoto0XJQbfWsydn3XVUjnJKgFcFEzMGkdRYUB+AGViISQin1Zi40lumc6KMGLkf7bnvKiRNy5oGI4L1F7zG47T2yRt2sCgsTjp5WgmBmUeE0QRJB5OSeLccgRIHwXH5c+IBdHN0AhDnc+1ifSqdleS8JB0iSTybS3yRQsIgyT+csX8MSf0F0WeSySK08YP0G10xbcva8nftoDPWhpYaYPPyHfd+JCiOE4mCBAYNscN46RnCbONzBYZ1YigiGy4IshChH1aSfNvXQOSfPYL7+NBNw+kDvCgZOEoCZlGQQPDE8wgiuFC7MAWeokB5xT+97uDNImRBsRN4znUt0srwdg27/2KEdwNGTkYhJJAte+8QcDP/vEL7zUlPzxZEE4QOpj0dVNN8uHsu9zn8aqehTiT1+n6KixwjkfJinW49BPu0R0D+/IuRTbi/+gGzl1473Dx+PnuVZ2T8qlIdfWbdsvJqa0swEZMBXPUIcfCYpf4cdBIQZkhfj4Ie1dL2ZHNQtKIh1ZWh4S5RcnCZyjD4nYuvM0ZD5FQTV81vNsTsbmPM9c4vOwT2HDpIy4Jznf0gCOXVySZo0cmNmJw+yQFjA0K1JN2YmVBy1UwrsREzkRxXU2/Xq3tdyIaKtN9WKduQsIVlCnrrwSHtQhNH5cMuAHUZ8OhhEkXVOzASiqJrIAEQEmiEQBhAKC3iw5DBDRFUI0ZM/qgRzaOtbgCN8T7YLM+YA1MxYg6gwMcwDTk7g2O1ugUK4lLIsixw1rQJuMRS8iJDKGktY3/e9VHLifW9bMxL+X/9v/3f/5t/8m3/4h//wzYePL+s327Ztt7dSymW5AHCz2/UKoFsQUa1KosxMYMihpzMHNrNth4mj432pKLJ+kRnMUBGCtDAaOJA43MHcBPf144P6NgD05j5IcinXEsIJUQ4VkrcXJmZSUToQj2khtgiOAa6I7I2ZRUGjgOIeonF3ojJmiuUUpcj8w1ic1lLZABisWkVUhI1IQR49V5eCRahWXZeiQm6t7TsREbyWbHjL0znLZ+i977vu2/RG/EgxUERYb+n1jn4gnI0hu5m7BZkFhSWQLZJGQLPwySeQ4Ni2ebuE0WIosCBkf8QHKRxHzmykx2hwSLr7OZR3/gmUtZbFL2mIhEWRRk6cgQ0mQhAcHoHu3kEhCGGI0NDmCPdOPDg2Zxo4b51ZnCxmYcTEyMbotYHwnrYWBYQ46Gxg5cEHIepDbXt+M7lVzwLtvdY/Cca7xPtDlMdZX57PP6vb+TzHo92jU/+MKjAPPmE18vjPvMWTHj3/86wL0wQ8D2weT1lYPnboVz1CH7U7I4BBmRZyL25wpgQEZCV4xq/runentyZKzFIWjZ2v+xXvMrdTaeWN0nKKcDiY+dz48ekn50s96MLH/DMOjoY5E3P6n36dyTkwe0QbdSoCGQ/RHXAoyLPk1pP3zIhImLftlmNNwulYJhO8otxXYVCmPR4V+fPUJOM/wBxEgYBRAhPcAWMCIgaOVEKhWZxEwkUrq2Ra6La1WiQIPNSe97f9rVsPYdbMx/TeA86sRGG9CdcIC1C4h5sHlIEjZeuEWZzb3FlViNm5BSChpCmquu0IJlFxN8S+7631IL5er9u2tXbnYFShWqv0z5HUepn9BlSVVSJzM0fAXIRHI+nWmUmEWcBZS5KBigDItHCtrDaKsSM640BdPobXDqGfdRQjOgrgwOyMyP95Xx2yYz7SUYR7is4JkSMiSKW4uwVGP0mYZ8MHPi/OlIwyCnmcPIChBYbBJyCCc6pUkBAps7C81GJmEUaHWVmKrOsqQi8vaxoTU+iM7OahgGel9r7rTUfBT/KfuI2rvbysqvUYqEOmEF+0Do69AABDdnKGMBJyZeY9fBbgZ+5KVVlP0UU4gYTnphzX9ydo3yliNoM685vDgSZmVfWIcAMzCXGwq3KAndF2CyKPjmB4qIooM0OIjRAeHj3cgzossvTLerJsurvrEaqdAictsQMKB3cfbcSIRKQ9ErxNEXTOw83vU6ieFcN7MX3+JsNI59X4e7XINLDea825HaZc/eVL/XMdT3vqP/nWZ0XwXh0+6cIzKT9OiqPWmvwnZgYblgonUCWvNK44SFJzr6fUppkv9XCmIxd996fHNGfaWVWXZVFVC+7pNxKDkFIgDicv7oFsi2RPeaf83qvPp8HFia8SRw4Zh3ZMWodaqx4ZPgA9jnFxdp78V7ofYavTBR0A7UHu8Dt3+9ixrffe1nXNwi9DF6F5zn2S/CCzDcpqSSKKuAcrhpIePTJGPS88zIwJRJamBgXrUpT1pV62bdvDPEaup4d39+YOZzIeho65ud+6LcsS0ZpHa83CZwKmlFJrXWpRkBFZb4Ars5AQoRTF6B5lW9KAtsYszWnf996dRczMW4vrrSyXJAJJ6uq9N3f8m//2v7Xev//++3D79OnTy2WpdenbzW1nZhWBaK4Hd0cEQKrD8AoYs4tGKeTemYU1XQQHAHOEmVmgE0NUiF2EhMI8KMpc3Oc1M/2P8xwBwD2C/bzTUqZM1yTl+947ZaiQNNjcQhAHNxXTqDscjLvuMA4gZsuQef3jsm4Gs+FsEMfKnLV9FCCCsCizCikLwckF8CTSWUq91MLKH14uWewhIhn/nB3Xeu/eO4Un8QyFKx0lH0zE4vBs4fl6+ZBD1PbBh9JH1QW5D568ADnBuncLrWuz1ntvSQ1Imi94rgqfMghHLb/IfYTdfe9Wle9GxpH4lEMb0RGOmnPa2nChcu4oGzgzr+tKRL05MoIOcg4OVnYhFtBB6DraraWrZeYTKRMBt4A6HdHdePTbjih46uxRl3mW7OdXM7uvKz61ibisy9M6fJLgc5HkaSde2T/o+NqZT3bhk3KN48X+/6Qjzxd83H3/KVc4f/leBc4xf7pdfriLd/PJ+6Msv5gjxLTaBpiWmQu5MpRYc3MfnUrMPP05j04sAQkwS4kYlTF3t+ydG3f0/iRmxtHnAY+TeuR4gNMsAqB4qPjBYfunGYtHXzhOB4BBn8ACVrBiCFoGBuCQmW37BOBMH4owggDovb+8fihL/fz5MxGt67pt23nnjLfjh4k/Hv7IWQ7KJcFoFxg0+N49wWdJSB7uwmVdijiUyUTcovcOck+Qy7JkxoVpeDcREUfHNfcE0A6vKyKWZVmWZV2qIhqhEyiMmWEBYRHBQXba3fZ9b62BrXXse3OwKDkBZovIeqnrWs1j3/fmRiQg//Tp8+VyWde179vWtohw7621lWdYVediEETvXZRUeYwZR/5PajC7EDN7Qj+h4KDeQQxRsBhxqLIqBVi8nId6HtnFNGfwTIcyRVic6rro6F/IR755GtpnKS+R9ESkDht1DoHgGPRnNOmh83EyYMs8eHiIaDJ78FFFUOi+V0fr2nR6rME9banUvEIoolyoFFHl9HQTfcKceFRL29SMk+R22zZCnYI4eQWOjTlAiSzGATeae8q79b67I9OBzXxvBtZ9v+17C5BoERYza9bLqFw0RzttBCeZ1smYGjPzbsvBBESPHuGTdz5lSOBerkBERVsXAXBZKsAbeu++mwEQUHBuxkHyx0C2RJWgsOh4mHE6IrTMPJjrAABmLWIyeNxTgAcDWz3b4mdzea6o8+J5ssPm8qBHu/8uKx7TYHiU/u+PX9Bh8zm/YK+P+33tp//px3yjGa6YCumPvdTZ2jjr7/cfcEQm5jPM7xPnX0Xnk9Ave4Qiggw/mBFFOkuU/0dEHKNfq8OJMr6TgByAzYLEiElrse1eInoMPWb9AE4zMVfYF+fyMVhx3yFMeh4aP1pVyVE4P/96rMjnCRg76qjjMTMLd4SSThuJmbP6m5kpPAfUEJeXV2bets0Qtdbeu9ByR4ceT3y8Eaf/cfrLqd/e4LVKQmkXkSosSr27WydiVV2W2n9qYzTMWmsg5qKiVUTce0Q2fE3ODI/gjInlDQg0xfq0ST3cvPfeUxGaQw6A5XmHi0iMTKSwlPVygRb3eJGXjy+vLHrbbtfr1YwS+v/y8vLp06fPnz+/Xtby4QNTKLG8vKjfeNBORzAyzkXC2TYoi5UHqEQgjLIeuTok/0jOhfbO++6qYEYgRFEqB0TpZS5xnx2X3A0RBEN4dlmffJ46KxnCzHPuiKh3NzMRybIds1zGQfwAQ5960Xbz8Iik77qrN9WH9A/xAHPyPbnLqpG0JsxM++heIgf7pfBIpzMOHjY3otHxp6x6hD33ucVG0H6abgCAg/HuBox6j+MhAfC+76pOdNBNCASkwcVLvqkxwOQWHGDOGHjrvbNo0gTdtUhWfcU5PDghuffN7aPkbrToc/d0s/LzF4VAmlAxmzODumopg5gm1RWGnW1ETBHJQuQDkpYBdKhyt0bxLKaZ2f2hM/vxPJj76KwyzSzkWaXNKThecIxJzm92R5nLg06xU5yE29n2wqOs/wVVh19UhGeli5Pg/QV18p9/xO8re/hnOd4/8/TI378sHfWdWUd4WdZSigZa3MVCnhkAlqUc5E3ZrTDtUfzAr6+lUMD3XeO6KC+E3byBwQVaRoNZdIleJUJL7z0Zqka40pxEJtivEEMwSBTdPWp4MFEpVTV639OYi+7MzALkEvExZ3sM3ZyQPxyJzd47ErZA0i0iwFJKlda2ALlrIx0hLINQl36rsX/z8fWHH34krpfLt7/98edvfvWrVtV73yIAF5YQbdu+9X1rVkl++nRlZtaXMOsN6/qdmWUB2VgByASclaFdUgSe4j9S5+7NbRMcgBjwFs7GWl5CLzf3/RP/uPUX3PmctNQs70W43xoRKY8CRorcfvy2l267NSHUAifrRWmt/P33H4m4u3267Vt30pWEw2l5e1tkoZ3MTPUbkcve7dpQSrldr+6+Lq8A+nWrNb798IG63xpvt/3TzRottC4ObtbfPr3VUkJwbZ+VYxG4I7y3QsuylNGmCkIR0aLbx1WYqBSpombStp03X4nQpZSS6srMwoKVWZUdlV8uy7IsS2osITFEZGM5dyTRAwIMB4pyJga2besRLINATuvFB8VXjYjMpGIoOZi1t7c2RdW2Beu6LItqPWpyY9/bdb+qsgIIBpyoHQJOXKIkxLdtzHxZ14jYr7dKpYyOkmFu8D584GVvrZHJur6oliQzqbXu+w5NHpnw2CO81l2VWove4/X1dVnkFJDoLy/4/Pna+xsAZomA+w60S/2+9w6GiGYcNbLmoSCiFYVy3G6biFwWvd1atU/OvVOLCJalg396i98ZXJdtQ1zoclkVVni/SFvpuvlH4qw8yW4tTmEU8bqo95tIWXXx7iDU9UWq4e2ny+VirfXe6rqSCBGzLgZqFhBbVEuFSHffGVvBrVaKoG3bbvvNraugqrK2ohfzHbSL9N7dDZfL5c0/OXUurLQgNFyEjHqDNPPdaYcYsZhThHpUZxYUixLBbu7BxEUYrVsEHNEtQYMMqaxUnBGIZgkhpYOafPaOz+K8GQY9y2U/hSZmwAynPB8fqFo8aLjMgd1TsGcd0K3zUb+IGV/N24V5H35SYHQcyi6hqdbjiK4xs8eD0pr/PSu2s9L9mm5zAhDmJweAiVjsMUs6L8VfcUvPjhAOx41AvT/UTdIRekxHaKgvIsyuMsLNevYdYmEnN3bVg2Jt3oPOeex7QPz+xvMjnf7AzALJEYoI92C6TzAnqnl65TT6mo55imRAP4zZA+qZw4gjgczAQXB/f2FmtgOEOWfibLi9t48yJR5GkACBmYtSUTbbLssqhJd1gVRmXpZlv21ZSR0kM7vGx4HTkh1G4kDhPyT/5tI5j14cZcVZq/5ktnzRKMtVmE12UtJTONFgbJJTDwQiYhn4kR0gCLOHCFMSmLFIRtLovkGthSVB2J2sB6eddk5ppEEDYNs2hSHQ+/AvEZEdtVJ7CTzpixaVpQrBd+sIbtZzTxYZPB3DZQ4QkbJQraq6rmv4nglIzNo1HXSOve90CigxQ1Wv1zb74MjR18bMLpcLEc3S0rxCKSVID0UoR8DwIVI6bXaMgB4JkVBIESJlUlvsUis/gCSn90Of+y0VYc7Huq4RLkf0VUTgRhRmWahI2ZfqIPPi+YFPOLKE0qhqKcvry/Lhw4d1XbPQ+2ificwRprGVL5v85oVfZi22mdVaASQXRJyanS3Lcrlc9n1/e/vJWuulASCuLcjIm8RPNweccXc9M84jo/8oMYMJHHLksiPCiLI5yxic5BhSVSZKSh13t+bSttcPL3mROZL5CpUv27bteyOi19fXywXb1m7XfXBlpa8tEkHZ46KU4katozvB4Gattb3tuZfcHe5wYjgSd3wwCZsZxrriYVgnqi3oBJ74peOs9p7UFf3B7tfX/nrenvOaAPQAiUzWkWN33OsLz1c4h0nnX88a+vyaZ+E/L5JnnlNX58O/QoH2xx6zacHTsDPJ06PO13wac4wI3F2hmlnHAXKc7si41vGb3vvo15qL8fgxETnCMFo1j2chZIIiQ6YRETDwIIvKiN80qzNuSYGEyfgxFSmDpM6ESszHIQ9wqunjUQ+FJKcHo8cIw/m4LwiQIEKYmEiFmRfltaA7r0X6fnt5WYP0876ty/J526sU5tEdYoYTcaCSDrk5Nk83S0HGR2o6fCxHerSepkbJoM2chThpTTwuuHECjaHPFo73lS3ZnpAY4cwaCA4Kv7pFBMyTps0T9XamLAojtx4eQWampI4gIEOIFt7dHLG1vbvl7GceMggWjjDvtpmbAcyUjr6blkXg8G69uxAK4MyEZUmF1DxciEWKqgpCjpImt5bZI4TtFJnrStnt7sQgVzMrJa+Y5khP7cbMHz9+HBnNxKPyaIJxu934KB46r/mZbeIjS8enEH0caUK+Zzh6Ri+IKE0KLSw6YBrHpN2Pi9TULrKzsizLArgyPn78WCQVYRydLF1A3X/uvYeTSEnAqkodtC/RicAMkDDTeqkvLy/1ZVnXNRlJziUHvfd1XVPPne02b3VKvfSkc5Pm2s6AXtbMXC6XUsrlsvT91rY9qww+34zg2W9rSCLmcyqUiIgTaYk0xDnSzZm1gwiAOITCKCSpZUeWgGJgWOy4YBwWyST0aIccSM7kWaheVWopTTXVYez7HrDklxGBeDb7dDOzvocgYEi8OogYnP0v1wsRZWsXPwzuATLEqD6nY5bx9eOubx6/PAvr84ffe50vfn/WAXQC5kQ8pz/neqaTzf102nvlOo93DtkTAv8LPxnHH9k49xeO+wI7B3j9IdL7pKHPT3Ueq/nXwa2NdwX182wzw8H3OpckABudXQF2ogEuBlMtNajEsDsyCU8iRB3kzzmnMVvgQBDFnMLzsiAiAUHIfZwz9Wj+1dinppwqZE7YWZ3MEYmIKgqQEIsuxEKIylEIpTCiu7U//f7Xu+GHv/uH+rrKHM8jr57dUiKilOoHjIyPvMg9IjpD/7g/8NM4p1Cmuzv0YB5+cUbdnaoQQBE4bpd2ypLUWd4BIpDBzS0immteRcAgBFPC5sIsDQ0iMIUSLOmhtfgJx3Qklkaz0DOcL0H5bb91j5bwf03EZqbxsqYLnDwpzskCAi2IyP69BGFSVeVAeEdEeDdzM8t+UNYiDp1NRKDgATKyk9f1gLIDOlEwo/d+u+1z6FprB7vgSEqZdTMjqdOt9yOnOA2F87bJf2ZnlUG7ZWS8Izgi9m07p5/n40VJlEYQRaCBREDGuN3eTDTNKTsWVSciBlhBSdjmIpI9hIQFhoAHxeFtaRC1ZtvW3JNNm1XlICsYRrqdeMPdvR3hFSABMqPcalmKH5n15EiajUWFYikZN+67XZm7iADGI+fGwsJwGqkAg1OQIQssj3RqUtkXJlV160rETABn38DUd2l2gCn1egRyi7UGoZEhvd32Usrr6+vttv3w489vb28AZ0d6Vc7GXhHgg0Kv9W4WyaEEIMKH7LNG4cokRYkELhERbi/rJSLcxdimUzUCzgTMFsRT8v4BJNTnLfykjc57/xeu8P60s4ifVhdO7YroZI4T0Wgk/iWPECcd815/nPXofOYnrfPPeHxNodK7I79M5qZ4Z088ebrz4lNTnL/xzFSfv8I5IPalcK3DulN3VApncBgAkcLKwezpuIUpkQhECF/qs/ug0nnUis8kOoUB2SeFBXcmNjxO3nhbuYORcOLue/8TInJ3JVci1SJFweTWwrt1KzD07bsPL//qr/7l735++83f/0NYwxzHg3ViqFsiVe29+5GqPE/P0/o+P//7yZaTCzK1Nd7FTO7L97gmjxGwIAjxt999HKXB5hn06b1b79BCkWXqIRxFuKbcOrhblRnCFsEaBA7moOyaRBYBs6RibGb54qMcjyjyc8LxmYWFhEFQQIogjEGirFpW5ZcqEtHDf3675URw1iNHRI9u3fvOIIIzfBGpdbnURUS8ynn0iIh5mr2pDg/AXnTzxgc3HoBt29LpSd5wnLCIs9zNcGA0Mqgb3cOY2KOP5TRcm0yeB1PWXBKBA+hHSABhCZAe6pAsZ+pmzbwyKCMwgBeW1tq2eVHVNthNM1DMzKA2XscNQaUUkZZ5hG7NzJgB6jQhjkrpH+f6yVL6HIH0I4+umUNKltFnBDOcMBdtZCDxVDQSEW9vb0RxKVl91d+uexWtBRQ3ohCCCgmLwCmYWT0rJYiJQpP3J/scuiXSqqg4TAuLBlsUES1s7dA3TDxKQgMgBM8+U0RglqyGIuJSfFmW7CqcxRsikhwCaTqbqZnB0jdNae4ZrkohVZW5cvIUWce+u7m59dxvTCDhboOLw8ITUjBE5128/hI45enD1/TH16Q/Tq7YWWbiJAPfX4qOpMCTYnuQuo9K8YvX+eL37if8/ElNzud8Ovo/U2h0Wudf1IhffOAnnYcjgcVHOpYou698paB+/p4OD4xPPXop4waRcTAiEDNYNQZrZRCBAswknAT2lvYTER0Bz0ibPW8SJ9Wbt6dE7gULMTHlwsy7c7KrwIHBAQ0+aCkeqVqf9MpcNx3dg5g7hXIwI4Rc4eRtUfrrv/rLP//1r26tX9Z67R7duOSevNtW50DZeQ7miOFsZ50QpPPDeR98UVPikVTpfP1b65ltmog4opj0F8wIIkCjd+/R3ZwZ4ebB8BAwQsmPVCcYIZSNISkYQtqSXDuCmMDRvXVvFp2ynp3DoqezZMEWXRhgUhZWcZB7CJOI3j5/ZuUiKMqXUmthMvMGd6ajuoBJM/rnEeu6KoHC4FGYl7VUVSLyUk6hHgOQO7GUkZMgjgzIpwYqRQ75nmssUgua2aAUOMYz5ebewBj6wEcfQiIi1rHr0o+ce2HwjdPA1rpTBDFTEsNFxLFWx5zavoVSMAeyf5MEAuQvr6uIaHYxNPLB0sy9ZcWk5KPe7z6amSRdjmb/wtaakqSeiwM1nWuvtTZr0tMUGBKxx/HkGeAFsmC07wBktJzwCEu2263tQlzExGzbtk+fPv3086dPjRIRk1dWDklgAJEOMlgqLCwZDxis6UpcVEoRJ1GJouzsVWsppYezc1I7hA0zhZlVWSgyOZOdQ9Z13bZ9264AXl9f1/Xl86fr29vbvu+X9fWoDkqUNTPDuBAjHK0Hp2BBMEWthQWkXFgQsu/Ovu/d+34b+46ISDK96YizFgSQ/ZCJ6D0K/byvn3f7o1I866T3EiAPftRh84OdQ6OJ7QBwcIlMg28GOeY3TzfKAv/5SPMu7+NY73XnlHhfe/j/hONrCjjDG+/HYSTS7iHodNMBBFO6DaCD3Hkkoh6GdLjOOgOS481nWo54dmNyv9OtMTOFZ65ChDlcRLTKtfVBjJh6LkMQyYBPaUpH3Jvr0X1nDpj1uJcoi7OZEWchPsgPRkQeemiOPqXifUwdp8BKG3l+eQ+oWk9miFBlUS180XoRtLf2zevyV//Fn7fr2z/8/d9V0eYg6sczPvhqLLLt3d0DOW4poIeJPXUhj7ZtD5p4Lho6XJPzlpjfnxXtnHsi2ltTaLkvGicSZry9fZryPRe9gy1o8JG6IVrpSbnICF7r5cDXOOCHfeLp6c5HOm+kaWPiXOZFSKCuiDYL98asVcmUK1OhkCAKJ6cwN7Nlfcm3ZvgBnYUyL6UKA95jbyCHm/W0xO+q6/B1QAQRMW+Jn4rIODyXohGR5f9TmHrWzx1IGTkaXuZlSykZmSMiM6iODk04QhGzcWPqmMLTm6wARsSYtdOckQcT3svlcrkws+0NwLquE8+WCe7obpYIlyBCreuyLERJXNBFExmTXL8gkiy+AI1+Z6r3FOZZAs41k18mK7e7R0+mbMzWd+ftk3OdAK7Tuo3euwa12/X29rbfro4iqAIoQ0SEQ0IoCgkDAbgQEQeDJamOcFRrKVflHiRCKggm9x6RgU2HqLn7c3kfCHyCE472IExa9N4mKRGznDCFlIN5RBcHM4SCBUU5oBpYLpo8DMwcBg6HggtCqblbD3c4DYPbA5TNtpyD7OBd/6XY4N0o/5IifNKCX7sITorhfP75V3HWiIfCiNOBQ27jUfgMEYp7d4unZYN3ailOJG1PYupMYPlw/DPlCJ/AOE8v8nTy0zd0Ko8Z/V9PZ+br32mZUmSc+EUx62yS9P+wLrNjX4gIS+cACwrTW2+hlGYxRSAT0Q6BAAFC0lqB3ZAk0RwR5jOYO0q4lNUIeT6FwwfnLxExmFhwnkUiP9oDnack0/54tyCGNvIId3JXxqXKh4t+XPSGt+8/vn73zcf/8d/+u//p3/1/lm9+pbqWcjRIG4NoI181QVmDMuS5V9ZcqVMRfvEgot7bk44BkPf64iYZ5ySnYgDgIiRCvW35Q1JWVVKpDnfvUEePMPLszE1EQqN+g917LmcACY4hYQpO7s04IDMZ70qe8DSEJWUwc+tXOuAYbA3eiUiofPftR0Wwd0VkMLbDORe0u3l3j87NhEnY+359ayUpTa0VYShFBEWPKBieGddal2UppbBg2zZzAcI98Q4jmvfdd99+/vz57c3FKbmUDl7vDYT1UpOC5Ha77fvu0VULHwkBiiAOQjZaGl62yOydG+S01iU9sKNyjiIC1C8vy2EyPSjCpZbL5SIi+74DvK7rqDBrAxHdWkPyWCdytY+Yqkd0G2HuiChVLPnlmUh4QPUBkaJaZ+FgKePzslxqXUWE2USk1sXMtq2tl5GBA7n0YdGzQAungu89uCO/8eB968KoyqRaSnl5Xf+E1eTym3/6KSnTlCA0S9Al3JPMAR7EHiAPowCHC6syhBEC4WD2gN/ebsycLTu4FDJLTJaZubN7kgOMcc5tW8uqUs2seyTYtdblaK92Fw45gX67q1RlWZRFKEjrIsQNh4EbgtBA9/rxw7Zt19u2NTOPwZMQ4KLkDAokrd6Uwl/b21NYf0nNzc3+RTn+hf1+fH4yo8/nnBXSWf/N0uGpvc4/5ANBNrUAfYVrEO8U/1m6fhU1+gvv9sccM/d5fmUAa13OjzqPJ3MQX0k2+SiUJ51IhBFVsJ5JBRGig0aBRRJBCqC19rKoSLg1Zrosa4R//vRTa72ICgcTCXtl5nB45+gD3ceZgelEIIcIy1LM4vPnz5nkcMfttiujU3hYWLToyW5CsykuIksDxigTEJgMaiNrcogwZu6951aR47Bbq7WWpRJR37cWtAF0c7td/zf/x//Dp08//f3f//vX19etdRMjktHdIjBIOhwAesS+75IZD5E4ypAjGVJGfCaRJiPVZGaJXyeidV2S9aPWmrmrOVVz/mbWJ38y6w5F1cyWpdSi26dGYUU1J4uIwLDeW7Pdettt781kcTcVWWot7ELZ3Z4jorWW2cQ4qOmIyLybZe/GTCZlr/sBnIvwCcdILlDiSkSI5ELDZa0R0fabh3OpS9UiRG773sJMVT0NyqLhXoWLShEK1rWWIiwMQYT3VJl1XfZac39mhFML5zqsteQ8l1KI8vl9XeunT5/iaKs7HYXI0Osouuj5ssuyMLPokrOTl80gau6ZhJ7ygYRi5nVdbf95vSzp2PXmte4AVPV3v/vhm2++YWazwWLz9vZmZvWyDtJUWbO+K3fgeqnMbD3kIAJtzfZ9vywXgCJGPyNmLlWyjlCVk6wn5UKuapaxtpk5l1Mq1+GGHqbbDLS2rW3blnbL9JWXZWlHp/XL5fLNN98AyI1DwtZb711eXj68Xm63D7fbT9ft9uHycmtXUV3XFeH77TqqOQUMGRUv7t5NmNZFaRF4c3dVXuoqGouqOZYPL6UsW2/WLbhNuHeuyWVZ1rWmvCKiy3rZPn/atiyO1N43BKtqa/2yXjILKyKinZndkB2pfHCiEjyYgh09+j/94z98+92H7755ud1uHvav/uW/+H//d/8DB16q7Dd361UFWprR3joFzO9h51R/GccNf+C0nFvYppq4hwoePjyJ7HMODCcNdO4fcr7CWeGd73sYASMNPPG3T1b1VGDN+5PwmdLgfLvz85/PnBtkOlTPyctHzT3/+6TY5jE96fN946Duo+O4a2Br6UaIzMYG+XsgApm3GGZjUETiqKdZMD0QnWtuDFnMZNtX7JSIMA/y7N8sBGJyF1YJgu3b1pqg01JeqqhQd/TwcGOwkMiizMxar9crCxiowqVIhoPWZYl2EwbXbPOEDm/uDHF4BLsZkROx03AlPZ4trjlSODnFcYR9JNDNqZloEqzBuwW3v/6rv1xU/untc983DoTDEL0Fy7PJFo/8cJkymkbTk+XFByg/d+icPnzJpjs/9tPr3O+V1frmQebu5M0asXOplYjAApYcExcoBnoPHpE1rBGQjKYyI4vvE87OI2XL7Eea0M16a721iKil5DskWiH1xHa7Hc3DkzqcEH6whCc2h+Cx73tvOyNUVckhUHAIliKXRYoynP70T75HWPTW2mbdw3sAPSByYcFhxkznmWq9ZForH4aIQH50nCCAZKCodA5dzoWqnO3aqgI3OTyJJPYhwNw4IVLW3Snc3cko+11kk2RVdS2MYBG5Xq+q0rv13kqRWkspH1WrccuTB3tDRGvdfR+lDkfNw25urW+9XZZXDMNUmZ0FWZH58vLN3VqNGWlU89HYNhVq7nMRud1uMloeSs5a/mqty7ZtaR8QQQaxwO5uzFxrqbWkDr5c1ohv/vG3n5JJ1d0JYMRlrbzU/nkXJSXiHLHcdDycQIYzPAIUnjRyKXWKsgooOgPEJPAQFSF2ZklWN6Lh2pZjkJUo3EiEVHUniUHVa71364M/qNwN/7ENPTxgKVYZLIBlWgdO4S9rfany4XVZC3mz717r6yLt1j68XpLYyAI9eISCAPR4J2l+/0FEs/rzvQr84vn3H6YoePejrISjU6wpjoISInp6yLM8mbrwvRQ6C5w8pj57UoRPZ56vOR7vMXa69Xb+IX1FL95H4HTZs/I+OwxPwzVPO1+cj0ghTpxlEXfoziGox690RuHyZ0LzBl+eNg6HgxzEThBGMPFS8MNPn7m4iLCiUH2pfCnCFJByu9m+N3IC++B6iV6VC8NihnkMAYrW9g0OOpCN7p3cIbSW1cLdB2LbMBrs9f5MmvxkreCQg6k4L8uFiEhIS1kXWYsvTAr/67/+K1D88MMP+75DKkGZBIKERuLRJoqnwX1ExJw15XwkN59PcvbCPe4L5f2qOk98TlBRtcTnsVRl8rIUzUY8qSOSQCzRdGGuykYGN/J8HZKZ+qUgIHGj2aX4nPmfuyWfP+V1SttzAkl5VIIDIXQkhRkMTjIXR8tCBS6iqh5GRFnjqOwqVFUC5N4RZtEDThRSSqmiqm1ogrxpxs8HJfqYa/I0AFIauN8p/dJUpcPizgWQIPv5gqOA4ahTfEqWxAkOFxG9986NizZvCBAJq+bu0qVyUUIIlbIu6W4uy7K1a9b5AchKzetthCgikTXCREy+t9Y+f/78zeWbLL1I44kFpUgppZSRWUzfzh0iTCRuYeRMkmmErOs4wtkgYklAb5ZwgF9fF/e+bQ54rSpCGVRclql10Pve+wh3l1INJNmFsXePXoouy+vPmxVO5Owhj0BEVAaXLCmLwymkJCbIdmEUYRHKAnYVkIplQ3jrx851Oho78P1IDDkx67Is2XObmYVLcCeibCmQRkkppfehtUTkdmvunjI/wavhPbwXgbC/VOUq0eP7j6/ffVx+9qYcl6J98dve21F5wqSdLE0kGrI0ERVfVW7vdc/T1v7i+ecfjhXoD+rqLPHP+uwsmn7hRu9teqaHSP75Xu+N8i8ecYKYPF3h6crn455DfVKK8XCd+QwnTMldKBHRYMV9VKt0ZC7ea4GvPYye75rv9cuvrSyMoKSvRVCEhBNImT68vnz7/Xevl8tLLYs6Wett+7Tj82e8vSEiHOzuCUSsWgiBMKFwN+8UEd57hBFLNrhwINuYSdVShIyzunGCF+YQnI/zKpmYiHlmrWs3y1x6GvVCpsTfffvN29unH3/6wd1FlINVl5W5t8/zavMW7p4SNlLC5sBFRNwHfZ6cn5ORK4bzzXrEy/ywmJ6MoPMzn6/DzGEiICUOFhFcSlWm2+0tyxc80DO50SMiVAADsiEcEWfi8qCAyjuaRz9omDy690HMSIAQSwIaQSoKoG37HPmlVIpM6Sa1TQiPXpVFuUp2nXVSKRylFF2qcE/4H4VqkVpQlUC0tzcKeBjDpWipyaym+56TRURZOekiBIh7dhzkTFDOZM25/cp5h2RQ1AflzSglBCDCAWYBEbnTrOmIGO7ymIuRSok7v07kUw3sRl5tWRYRfX19paNyq4gqSxEFUwSJSDYaKWVpu1ns3IkZbhGgbt4tQbCS/IAsRMLguO3pw5FqHUqemVjTNJkIsrSxMg4/YVNzoqe1Pn/l7plGlRPg3o8ufe5ea+2AKjFzc7fW4aRCVVmYzdOAnsKLtQQRFVZVDuMAKYuq3vYrE4ihjABYolSqUj63VFCIMARHAHTfwsf+TUDH3a1HZkrvx3z4Melm3d0ANzMYxQiOGaVNbI2j9Q2EvtZq6B8u5bsPL7Ht+9ubdQvvvfe2NTMMnMOTkInEUDxK+fPHA4EFumvB33u8Vx6zho1OB46q6ziFIocA+WOYs88S5ukJz4pqXh8nroOpos569/xlfn4f2j0/7de+ef9BDs6HJyeBHo8pNmdw+IsKYj6zMGWIa4SVZtaNYtYUf3nshDnjHpotvN0CDOB1qS+1XkpZtRShQkQEZvr246UI1qJBiKBt3/e9N4vunTwQUAmwkICIXet2sB6DIT6a1S113bpl/XqEGwIH5H3m0p50FZ2opYEZW5PW49Za8u4LO8wgTdUBfPr06Xq9clEGWxCxCmtvn+eGnMsmIrJT+YiAx9SUd8tlpBOObHyGp/jA6L5X4XNev7YUhqRr3lrrEtnsQ0FCEMa6LCJCrA7yMOfwQhqhRfdwN68iRZgpiDMpOGSKRZh5d8Og9thjkGgksMiZuYhY25Yiqrp5b20jGlAUa6AUSwQiZgwa8SpsZt0aPERI6qqqJPLNRVWVeFSLL0VVJUAiNcIickEGgO7e951OpOqDkBaZK51OQ65szTF/eVn91EP8vm5Fti3cqdahAGjwGYzs8nRzp0aZ950T6u7r+pqJOtWa6mff9+5b+mBMrKVoVuMRBTDQPXlxIhEpBUF8WV833eImTN0RAap1LWWZiM3hE3J2nCB3cx8JRVUNp9QEy7JkapCOYCmNu4y6ybxaqmpVbf1KHOul5mvuewe5KIlQsvVq0fVS3X3f933fSRIwTCpizO4WxkSRmte9h7U447wAAoiDiTwp+SmEwnoXClhmXlCVFxUtlMCTJD4kyq5DDwwJ4YTkjAi4e9v7tjUzy0RsmqTzHXEkxjJYlGsMID5Y9MxMiUAQBlkvRIXJowvH66JvhRwuBCXAu5m5k4MiOwY/ydPfp3PGzj3t8viSl/bF7X/+A96J+y/cZV7hXb7wq1c+wDJ/1LOd3Y8pzfgErjkfqZK+eP2v3e7pKedjvz9/aC7C0RMwMOslCGEdEci+pYfUhrvFnWgpJTZnt9TnW/4+e0IAhguRslQhhcGNiT58+42Ust+27fMnjn6ptAgoQl+CrFclEXFiZSrK5ti6hZOFN2Mz97AsTl+qtrSvfRA4ZHM+HGylFglmRhJBZRnDk9Q7Gws4HIIUIrZT6tO9e2mNvC9LiFJr29v1U8KyI9gCBNraXQKeFdjdAKEc0HtnkwNUEnHy7SJivayXyyUN9iTdPp/zXu09rYb5LkIM70osBAhV0apF2Zt1CiAQo70fVATEtSrCgqIoF2UOR8p9lSQ7cfduYSm+iOE9TocfbV0zGLUsSyqJ/GvvXQIEaBCDBGAWST85zNx670RRa5WiLELMVawWiGjuKGEKJEM/ErkzsKlICjmv68rpZR4ZMlXVwjQoNB/YFXpvLy8fZvAZJxM1uUbjQB8kdaGIrFo7J/Mquzu5Z5emftBmTviuu/fe15eX9XJJm2agbyzMr6IaoO7G1rsbANayvry8FKLB8BIRQSxUGOnBaBE2l0ju4Iz1ZUybhtMmLC6S+c57Fy0R8THEttRBF5CLPD/EEXrNL8+heDMMJAuw7/tc2Ou6zlYJeUyUVg4lM5XMWwZKEttjMNPigEuAKNARubaNgwx++HNu5mYt3EicmYjjEDcHCUhCG06O3owSAxkMv2P9edDDjmnK+pI4Qt+J3GHmQd3qHk7h2abEmVULl2JrLWvl2+c9bBMOgV/WWiwsILcmbAzObHyqGABPSbiHDfvoEY4ViIcYz9fk6llpnb8UHEIM6V3OLBowyJdH+6o8rdODnT3XwNwIOCmV93ecf/XH1j3ztGNeRuRg3uvJAZi3sJNYfq8L37/vTKk+PdUUsM+P+mhnzBPO7mM+4cgsWPIijZP5qNXR+UpjyHDE3+LLdSFuRmEQKSwqxBHwYOIPr69aFhFx7xytUHB0svbjjz9EBLPyUoUVguQ2+0hiFrv1btGa7dl4IaCq+95bguJcae/NbG83KYtwamFzCyJalqXUuu0/Pj3h2WDBO3NGy0t3c28ikoaeql4udWv729vbdd8syOGESuDWGh9adi6p8/RzetIjO/VAS42TAvODpfrY38OYYuYEtjypw6elQyem74V1D1dNJ16UKcnMvHXSNHkYFkKiUkRLKYXcnaHKRTm6uXmEM5e0kLpF85TRhES8exKaZptIrlqWUquWIhrm1joFhAXAvu8qJSUEg5hJBxOLZKffZGQDYAgRJhHrn0PBWrPeK+BJ65haMJmXVZULE5FAVHmaoVMLHmI66M4CmP3rcaTQhmHEJ570lP4JG8m/ruu66kviSIkoP2REJMEaU4ukE9laoxNiJz0lAGa2rmtqdx5Q27mPXDB6HQEglojR1lVElmVhLe7uBpXKJVHcJVVarUVLwnMGJzjziBg7I5fYsvDkFMWJEQbv5M4xAsuZdC2tGWa+XC69D8R4Ksgck9fXV/TOlAGx44LkOQzpJckY/aGjiUgP1D48ytDdhFHa1JUDyNZYPWm45/onZpbBEv6wo/mhgHVowcAdInAyedPijwARtyZEdpaSlB0f0Sl8WctaC7nDTTi7RXJaQuHHhg0Oi6+EyL5aHfCkQs4ffuF8POoqGkR0D5JhXuGsSO5jeDgMT4b70y2mpPrac75/pPscnTTr+dZ5TMmWf0qmnvk681f8lRxhWD9/P394lqg4zWYW3fnRfe98o/mC8/pxqrUdKzxGFiBpCX0a0XrkFL7mKJsZwZOcRCi5IxxE//D3/+Hjt99//6s/+fD6UWG+326ff/j86ZMTByASgiAGsapWqSVA5lgCCHaEOxxg5m3bt21rzTyie1yv29vt1sxaa8RBJN166y4itYbce23MVf7wznSqDM3XPDIsaRSQu4O1lLLv++12u92CpJuGqpJWj0ZPFz/N+lxk4zqnu/gRm57z/fb2NhsgZNNfIKvCv+oRnvcMTdqkQeWf6TzrDGsU6TCBQOzgUGIuWtdSFwsTpaw+Lkym2ZpvCEqLjCNZgAkmOOTrEe5g5nVdE4tPRNfr9fPnzxGR1XjuPrA3ubjzhwQiGFBEKatFMVZkKYWaM0KZiDiboSRb4Pq6ttb21iIi+KE2fHoAzEzHn9JVPfye0f7tHuE/hmuCTRMSMuKKEalOXl9fFTWr789yFkDiL9K/z6tFxL7vGxurZmkhq4oULhpMUquICFBqlVKS+JtvN0hEuqHZwEQUuWXAhWld0D2sh/Db9Xp9uV33n69xlIvUWkslVRYZGBAiXpZa9JK6lohfX2TWJk4TzQ+6VDoRUORU7rtlS7xpWPg98TYWcJZS5Otre7Fti36b0ic8wiZTyd1QC3AGfomocBFRcmJQEamp2OLeDyECYd6iEy1nCUsnZOz9jnFvYZqSKiLcRvPtjFUMCDjQem+t7fue37sPkWeGPNndyWO3nRBy4ICy+kgQ121r3bft2lozAyRzOsPz8EciGf59dXL0x6BGz3sfJyGGL6nPJ1vnrvHeYUHfK8L3d3n/eOetdJZO/o6kJk84l0Ocvz9P5dMDP52c//QTVOKsnufnOSBjMdrdcz2XT/CRQz2/NRGpPBBFzUupe+bekiyG6dCLzBoZjGB2uvvbtX8qtezRfnt1qt8uUsOiEIPbdv359jOoX8YSpPUtdrRb750vTEp026rqAvTb5xQ0t75v7UYqvfdt35n5+yI37ptgh1w7XB2vq1P99Pla1wsRvb19ctsK2YX1EvTKbdtaD1/rCpLWehCWqmO3p7EdVoTWUkuRPd7k0slNomv310U/lJeq3/93//3fv92YLr/anUIKK7b9Hy9i1t6IQBxgCaYgEBUR7Y4QiYCl80oQIXcHkSizzNB2CiN6fb3s+01ESiGKyDSbOy+lEhHgNEKOThSctAacPcpT/zp8g6PxynVxig2s9WUPfwOtRT9df3xdViLabzci+nCpQdv1px+J8c3L2qnvtytUlYLIdFFhc6JotrUbzEtZPHzf9o98pKMjtJSllKXUwkJa3q7X660HNFi2zgCC15VbrVWE3C08En6a4oarMBEzv5SSQM326dNVlKzAipm11g97Rcx923oE1vVSUakPq//llbdti0jwpDBTYVqWiqX23qPbrBnY+w4LKjR9OABZC5iGzvxGVdMo2fc9S2rDe0Qo+culiPTWwtxEY10rSTHz3pzAl/Ky0P7y8lJqBZDO7rpevv32OwQvywKm1uy67eu6Xr75BkDstyCxILdORJdLYWZtLZVQa+3z5zcoLt9w7HL7ef8daCnrb//xd68vL99+/LbtWxXd930El7msuhbJWgiutToDrnAVIubIF9dF931nuJn13YGirO7+9ql9evtBThyBdOR682FwcLMdpJ1+CdiHl9/9bjOuN+o/96h1bTClVvrP32ql7UeyUuvl063D+YVfWtupxHIhqXRF632PKAD3xiqvbWc2e1m0XT+JopaPre2FCesCUtaqZYFFYQVCEAhTYhZ43xPhtSxl27ZumzCpIALrUlM1btvWbzeJ+Gb9sO/729vbbr631sOlIsht291bEAW9lOXDb/6+/Rd/+V3Q9z+9Cfi1Yd3r9z/cfvzxRjeqKOIO73awIYcTgIQHiLuHU4s7yfXDh7irq/MH1TI98um6neX1k/nb80LvVJhqiQiaqMBhHQeTAKP3NA1aOASCmTPJ+qjwSJiO7X7/b66iLyiwCAL8SBacTVV6GoRDw/D8F+aoAECiYfNjqtqhOPWugM8X3LbtYAfIL0d/Qa3rfBmRO1Duer2KSClnWihzD7drGmu+38h8fXn5eKmXl6pxsiDmC5//6UfnmmmhBMHM9j22bYtCElEAIkkPI+3rmQMDIXtsExHAxCq1kMrl5aXWwq2UVkmkWZf9KiKx78QAO46+XzmV9+QH8WVZL0t5vVxyuy4LBoFjBBEyYp41wtY7BtciE0XvPViyqa+qrsovl3q5XJZlyQTJsG2ZLUaS6vD0ydMaDW+GZs6aufpnNlj/CmqZ7mQlY1XnP1tLZplnysKx8g7IWa7ycakwAiQDRHFwZ6u6dwpQOPEw82vRzFdNexGz5CtGw3oRsbn6mVOdW+TnwRiQOsP64EbISF3SCDAbH3GwiIOiAsYykrLMUOVJfcKDL/Tk5B0eWP42A5KYfsYR3BjxtVPvCznaTMvRw3J6sUSUaJFJt5aaj97xEQtJ0tSllxYcHgVAtDb28j3ZcKedywDs4XBKKWUQjcad7HFO5dmmPouVlIYT7bUsy7fffvu73/4uX3nf9+v1KkwZ+dTkSSddlkUoM6ysqpuPqn8++u/ECekz93KeEBHffPxu7usRBBIVkfCgTF5zYdL80sktHljvaQSEs6KjOGsQJ1zuPKojNG2jlzKCp+hX1VKwrIVxEcVPP++HGojeO4NFq5yIJeNI3KRbF87n9M8c3lJKdjybbl+eU0RMJIIcIXLv19q6JdvG29vb7Xbbts0QzDxKsrK1y4hxEH2hnO8+uU+fz3M9X+Hs2ZxDl/P540ty4xeOIV0f8Sk45SbPD3Zee08PP3+Ix8X5te+B50c9/3Oqjyc98v54cuzmaDA9X/y8gN+bC+8/nF9/Cuf518PNYxHRUl9eXi6Xy7IcivBrDz1nbj4rsQDcrLv327ZTKCRAtdZFGEwaYA9nMAuLVgQzTOviQd2DLJagAJuj9WjmLUIB8zAQsxBJgj0MZIC7WSfnAQo3S2pHzrLfIrSuKxeNoL1Zsw5W1QKifd8jwt2q0Mt6WZfCDJiblL43sl0Fl8K1lojIk5GpoIAziUVEePSaFeMOTy58D/JjQDwS2iDZQjTH8MkSPMWOTsrovgcSIsT55nKgDA7NpYz5w1SEQgIHC4oIheczIfxlXeIgWQXgvUGLiDhCROAxpTN5CMgiRFiVSil2dIwUSYPSOEJEtBaVQsnl+Pa5uYW7MBVl1dR8rMEqnJRCESN4QpAIUyZl4tFHKKOmrMGJNgSgOsAd7l6r6kEdeSy2YIZ7Vjqyas30oKoyq8yOvke4P0FkM9TvJ5gPDkUrBw913PO4uaoTXBZCoioR7hEDv2NhFoEHPF7eUY5K/1rWXJ+OsTZutxsay6jqB8ba5uMyzJxsRLQsa67Adb386Z/+2d/9+zdVZb5ExPV6fX25pGVAka0+RJOnjEcTJBzcbHww4MQ7Go6zEDHvqcjPWnMKmnSv4yjzd3fCQxkGM5OKqoKl1mqk3QchLxGRKoMHhi/CkpAgQsjNjA622FJoXVdlEcWPPzVmFjB5llF1PfOD5HXMaNQ9+Fl2zk10jEBEVDPbti2iM3MpxZyV2Sg4cM/tExFRRlB//vnnz9frui5uEJGMaffePRIJN9btV5o9fCGp8QvSHyf0ypSu+TD2Na7OrxznsB7O2usRbPILDzNX8vnZnq7//vun2+GkzOZl46T48ZUH4FOW8UHpfgWumYLibJON2z2eNh9pWqKTKCqfLX2nOQsRsW3b3rahCOdjzWeaPz6JDALQHSIUxI4wUBCDhVRFK8ENFB7dAwFJDm5hinDWzXy/7ZmSC/OtfWaVfd8tutSytb21VhZfgeZoAXPq5q1772EU3YKE4eHWyKNtbMKM8tPnT+u6guTt7a171PUFTOEopRBDVZSxLnVZllHvwHWXqzdaCy+FFx3+xLIsYAZZeFhQRzCFsoRZJoOCGE7wyK5we/fzjE2zxU4xa5yk54MtExEHO99Bn8F6FL5EGMVAPUxFiMPWcwiFEUIIcEd3Nzf46yWd2mHz7t2t7XKUi8FDjuZEGHbxiB+WUvY+GuyJSMCJhYlKrUUrH5xk+74HXEHCUhgJigFInYqwKiauNpiZrPcQhrATiMIpXFiIUIpmopOIStV1XYio985ConeeowiIsCg7GYtoKVJKsrqxCKsGUTCBqJul8HJ3YlKpvXnbm/VYlmVdV70oERGIKQnHU40Nj0E5PNGq2Tj4oIde1krgjANlK2MWMDNLln9IUv2parjNOBKBzOx6vV6vVwiv6yo6woxnnXT2YpMUbd/3Wuu6rh8+/FMppZRLqZLqqvc+AwbMMOMpXDLreTKVHpbiFC6Ha85EdNu27LKVHpoPlMHAEEVQZh+PNzIcSVYcZXt5NXhIWRBo6Vmmi5yD4kIMEQkxZg4ZQKSSlwGlRaISKrhc1N3RweaqFDR6KB4P/+BviYiNssV7Jpv5nogaym+wDQdzvX5OBdojKHsPzDFx84jYt967X6+3IuKEkzsIJmJiEByEr2jCp2E/b/OpDM4f7JRjO6vzrx1Pjs7778866emfv3xlDCH/1XZOX//Jg148qzEcr/mHvNf5t0+j9/RPHCiw87jlMSEK758Ep9GYmwIHUibtyFyZ5l39VBfyoJnfgYLyGwsYKYSEg0qFFhJiKVvv5A4SYW+tmUNK3HZfVgnzHtHbvt12C4Y073spJVrf9y0IErTtvXe7KBDRDJtFi2gWluB6IIKqKBcmuLXtiGRGKZJ+T9DolhkRZgP1B9EI627Yr0VUhIQEgCiVUl4u9VLLUktVdneSEti8dTewHEZxc2YNEgd5j36qLuBDus1RFhF/DB3wEYrMf6bAxYkt4rJeMnIrZ7Cfx+nCc2UEAIEF4mifZB7ZMims7+EuzEXZQ9y3hAUkrwcksoCfg7KSZtTrzaqawy1o3UREVKUOEs4kSBNmxhCCVVl1bObFqSqEKXswsQQAo+zGPpApzChKWQivegezLUtZlmROCqIQSZ/GmTGQKEIgLVpqqSnKNdv+pGsLCg/rYT3ckAQJdGBAiGjgTUrBUS+BU1TwEJ0Sh3wkIqZgBjPKUs2i7d3DDq+UJBvhaZUygs+q6o2B3cxUKxN679fr9e3zTWopuuy+ZynhWQsCEJEJJMYh01MXbtv15eWbZSm97xFxvV6ZsdY63QiwC2dtIkjvtcMz/HgynoiOBhr5ZY0lImod0csTSjY719OsWz+Mg/sBYaQjLoxwIqKgQXUGMYuiKUA8jnoGOgVLcWDEIoIDBHj0ZXndts29M/O6FtbKUsBsZnJqXJD+qohsth/L5146nSy87s5yj5kfu8kiggerxAMKrPk2zZFt23hZ3O7DOC4+cPT0y7CY94L7a8f0tOZP3ovvP+T4vQry6fOM6s27/yFP+/74vT/8A4fiKVs5ZQLh4Us82hbzFe6a8Ct1imcmmvMtuo9+nyKShjIzd2ujoP6s6s7H3KXzZi1QwCIECeKambkOITcAhYhYnMNZEdwjbLdExFprvUdZpAF7c6Mw9H3vJFw4bt3NTCMQ1IM8JCDEDHFxELhqvVwuWnhT7DeokIgoy6//4s/dse07SJoNSAuBPt+uolxYlFkYWmRd11Kk71GYMrMWs/yWwaolqJu3gBLCnBBddXl9SUXYzPnWHLfm3eERSTE8U9+REsfxENi5K8I4VbY9GnE4YtlHYsNnH9fsdnpMUAAgN4aTUEagnClLM/u2iUhRJYIQlqp7I7MRZX2a1ogQkeZJG5y38DyzO1g468QM4b279QhbSlWGCBWVengJxKFWVIWZeo9E0DOzK4ksy7KojsTVJI3E0QmTmbMmIyKSjvIQfEOWpTgDaa1rBjaJSKSolkfTjSIoy9tFpLVtWZakrh15rOzbp6Pj3xRz+c9apXcwJ1UbOY1+0KXqvvcd3vvujnI45XQPxKVWK9SHU8XMYEoCTFVd1rWUYvvb1E9n5URHfCyPmRV7eXn54YffXl6WCy+pR3rvaXZMfaastSz5Lnt8IR2YUgCHUjynRYVHe7JkSzGzkdRnjQijYDKQZ9UaIRwMkoxO539phNTGHZM3Dug9oBFb37t15XGDVIHdu3tnrkI8DUEA5MN7yJRnKaUsK7H6F4xymjrsNPX3cGIpJV8EB9doFoFQFB45hQhm0bH2ZtFkmiPXbau1Op5Fc4x44+854ktu0HunIo6C1DjqIHFYMF/THH+gjpw/55PHFmc5M3Cvx8gfwapzXOuLD//0PRGywOSsECPBGQ8u3f1Kjx9OQ3EMSF5qLLh4us74kFn555cC6CsGygQlDHU5x+eeaBzECwCGIsSjqsNJFc+VF7NnFSmILRyGvXU4haK2LixCwlK0lABnmItYjbw7IsJ6BDhYmtHn3VzgEXsPBoXHZu5ONZhJnAJKQlwYS3BwJxJi1cLKErUml8qRACvX2+fPn6+7dXP0vjUb1YFmFGKoWpdlXS+lqopcP//UWwvvFO5dNqFFpS6Fmc0jWFQJHGAnDka8rJdUhHu3Hrx3kz6SH6q6LGum3JPyjjk9ovsw8oGwmJt/znQeR6wfOAWymfhrOYPCDqAy1aIUDg5hLKpdcFlW0dp7N4TqwtzeriNblsAfATnczZioLIttbW85K0g6GL4/WxIadZiLSFURCmEqRIVC2YVJFUp8j7kHRUAVqgzUUmRZqqr23j0sFSEzt/BJCSYiohQBj9ELwt2T5TJdqN47USmlllIPdSLJp5VpMGYS0VqXOXREkTc62/VT8UwxyoNgT4seOxDGDMN9wwBu1lrb0292LxHs2TbW0kA8IqIkIlFK2Xvbtx4Rl8ulrqu7SzBBmJRJEBxO2esumLKvejgx6VIvGd399a//9De/+Z+TiCAr5bPpRHIh0VwkfEfuzPc6y2I66KL41IjH3Ykks22H7CYgGfaTypXyf0ejDPI+NN7UggG6M0gkyVyA3BOn1b25O8AkTDzqJ1Nj5ZiLgDlZAohxf8KIgUJiIZxMhHxqsyC+dwuaflt2d8kk4sx9giIwnF3zBOz0SDY+EHiYIL33vXdrjcLb3uJDMMtZi+Q9zNy/3oY+HiOf559/URHm0vUDr5GLPCnuvnaLXz6eNKjwF/oRPimPr13krH4mCcPT9/TY5P3pGZ7O/4Wbft1i+CVP98nDw6kP4twC7+97nhfROxlhQkOIyLzr1x506mq+B1UREaQFLN7drN92DiUK2s3FXVm6g2O0hA2Pvbu+ruRsvXd0EBtJOK77vr6+mokRg8W5BFvAoQsFh1huPJEoQSESNFZPH3EbEWYn3Fpf1hJBPZylsHD3nQAiqeva+97MqdmuxpyM+/3nH36MbsRRVdeqS6l0WdgpCTYDzErsEHZQhNu+7yIBDrNja5lNmy49ldZaptx4+Jn3AbwrQvD88mhOTHNjx5EjJiJmUT66wvJ5ggPAixCAolJVGO4GAYry68s3Ly8vAD59vlLvkmTtt5ufDxBiAOpU5Ba7ZzIk1woAwOm0wswIUVQvS7m+fYrgUIQzTJlcoiihlIlPoQjXI2paqpaqIgIyM8p4IzM4+PAO7wuXmbMwsR8o33vZOxeWQqyjCg1MrCDKrGb2hJqGmpnVuqY/1PsWEcxUyqJaW8sWPxkgokNTlES9EmfPicggLeB5Yk53BCYQ0Tx67+CENR3U2MxZhOBby8YOqciv19tSnjuGp5Q5w3ZS8QPYtu3Xv/51LqqMfKqqqlxelrefPx17nil2EckwbPc+rYo4lUZNUSWnYglP7tDe3XuEH06jZspw/ndQ5hGJ0N5uQ+gQYXpIo+kKE9GExgQQGdhiosQ0iXMTERpsdgJRkiw/EqnZqHREsNn21lrbu4uaHFlVDIUUACgxybD8nx811EQ9p37fb631u9RiwMNat7737mAC2B3J9ejuzXrvvm+bEFprDsYxUON1IrJfnYNAX1VU0wg7exFPuucuiA/OTBw9tP9YmAwOQfHF76eXORfD0wM8XeGLOuysUd5///Sns7/1/sPX9MsBDHw4gFxiD9f84pXnf2cdIb0LGDzdcSyYHjNhLwc9RcA1LXF6LN1n5tzPeOQtpQPuL0RFK6u03rx7LaIEWXlrfW7y7sZatr1nlTdJBfxtbwwiXS8fv1FVUe3R9n2XZSFhVX1dLgjee7tet3CrtUpZmvW3t7fbdRelpdRSC0Xctu12u8bVmoUb9r5vrY9KAHKkieieBtfbpxyMzoFlXX74p98WZfrmmz//81/94z/+Ry0Ls0gRAW+t9/3WugdTrasgIqiZuQ/NVw3R+rJg27Z971OUR8S+76zldrsBGJVqt2uKRdyXpk/thsOimbkTMwO8xRj2VIQY0scj4vKhiAgcYU5CaymipCzffvstM2cmrPfe3COi1rUF//zjT+6+VlXVjNTmjdZ1DZKfP79t2w4ZNF1VNCKbTbIwq7ByuLWXZUE0CVfQIrTUWpSZmZBQUl4/vCSUNMd8Keq9eW+iVNeqR5/3iW49VmqIcClrhlxUJQtbzXop5eXlQuXjEcOsZ9CHmaXDdE87pfCldBRsWZYcWz9ow+ggIVPVLLje9z1pZg/x1Lv1TB9++vTJDTQcqRFt27ZNy8toODV8d1X1WquZiZTXV1mWpZR6ubx8ur5dLhcJy8xfbvV8gFkLNHfcrA1393/xL//yN7/5jeqvr9e3t7e377//9lwCHzGmjwuXKioL3sliOUqG45EHC8Db29uMl56WVmQdYd5ibnlV3XpXLa+vr621bdtqXURkvVw28w8fPvyHf/jtbliW5ae3DSS11hX49OmngSNfpdb6M/30u3/8HVF8/823RPTjT7/79l/86bZtSymt7xFLa23bugeIhJhLKcvlMu2GYD5J4DuXoXnDwbZ6uSw4gMFmBowOjq01ooySdXMEkQg7IjxE5MOHDz///PM3H15631kKgJeXD5edfvr0c45h693BqmqBvZ8px2atDkTruW41F880PvwRgZESVY/+qdfrNeVqLkg6HWfxLUdz0zmzuXlzvhIclD0mL5fLpai7myEtOHNDBL7U1zCznvYlZ/fpyeciATAT9HF4b7Pt0ln3JwYnImaBPw2DCcf3RgDxiNHO6x8mZjxZEjPaP3XkUHtHTmE+bX6YBf7z5HxuxyzipGO1gIV0ogb8QBAQPUeZz3eSI6rAhYkqsYXZ3gwczUS6pAMXlIMwisWySosiWFWISfS2NelO0g3W3dw9PJrFSpUVRCK1VBIHojs5ManBrMcW3RwB27a97aYi7t1BzdwC1sNHnMfcOzxYEBHKRAH38P366ZP/yZ/8qrWtLpf/8m/+5ufPb//+P/5jthEn4XBqORI9tr1LeARZkAX2HslEvLdOlPC3Y+hP4KXEaHz48IGIPiPe3t5aa0VOS+pkVmcow09NooGYV3tKHhDR58+fa1Va1qp1SDQiHB2cU74bEO5mse87uN6nL+DHuuy9E4SzvwTxWIvdAKMDzsCcHm0ocXhnygAfwrsbQ3JQIyLMHAggw6SWRNilzmSfEEUm2FIlTHGGkyaYq/z4CUVE1m+crsM0+rEJwEcoL46UBzGPDOh443foADvRkagqUfLJTtd8hAqLLkbG3Gh0ehjMonRy77IZff6sNWNOrjqc54uJz48xv5ejoG1m73hMJ2qtqhzhorSutS5KRBBO9xfIzrfDFXaWeZFpXqTtFYfHRydDduZOzg9z/ufTXwFYeDPr3Xq31lrv/vnzte227/veWneCVCIKwCze2m23ria3duvBYS0iSimf+s8RocShpdayZDdQvxP5RsDcwkHcSKSUclSb4L5xjhLJmS71o610Wix20G3nFEcEJ6aKGUTg5GhFln8La6cWJOkgmgNkwAGyyN6fkSAwPDzGkTekcHoE1U+P/Om/8/nn+zyJ2bM3c74XvnIkwdNMAaSBxSdOUT46oU5R85UrfdmzPKtAPC6S99rh6cW/dqn51uernb+JGOUWTzsXpxDoHNWxvB8V1rQ5vvKymEHptAOOzAIrTkL5PKNPl5uKMAWNmbmM4baebdnRe2/EZxnn7g3QIxLoERbJnahvt42yDi4NEMKgeL9upRRm7eFusIitteSb770360RDHPTuWw9+u5rZ1q03b9YdZAEib7YDYIQGkcPYyS0iKutPn34S/bRt21//q7/59vs/++1Pn7fdjBqziQgxu9/FZeUAOEjisZaIjjDRmMg5SqP7q84MDR/0pMfY0qlbxX3m/P4N5rII3E2z3ClwCCURZS3KmpeF58Zo3bck2wzau2/NRLq7lxOrEAdGju2Mrcg2B+5LYWZSZubgBPsgm2GREsmod2ThTO1QP17naL/gieHr0QqVrMePsGQH5qHGggiTJDCHgpmTpjJGTbpEoHdbufAB2eeRcUJECBcmzqzbMCWHmhpLV2TYdrmwSxkGgbunoCilrusFuwFx8D7foy6llNZM1Upp7lCpqlVVAwMolP4ihgU5Q5Eju7ksy2691sqtHQo7mVGFOaGtSnRXhACrRi6wy+Uymc8ul0uttffBRFNrSWSrqiaPRj/asDyJiSkTp6I9VtFDITOduDLmNn+SIzmMSQNLRObeeycipP4wiCTe2PfWqGX/v+x3AYazUq3JANeJUGtd6yLSZlpg3DdnJwZx2vQA5iN5pOQyZipFRQ6NBXP3gw5ejuRWiJAqb1uaVlASkARxd5jHiIQxaq1JmZqGBXDngXMPDwK5eWRo9LjjeGy4Edt7RXjf1CdDdv70LP3nUJ/tlbPsPcmNh39+/PgxBUvavilttm2DPBeq/4JWwDstNT/zI8r0tJDuLLXn53zSHXPi8CD6fo+mpLSX331JB2vg+fsvXurpy/PJdDgMRyzkzn0S8HuTVRwBuvOUTCF1/95tGMUB9x6JmQwj0sM76I6wdDC6X92XOsrRvPcQB6qqJKbLoweQ1GURYe7b3rWW3OQW5Ije7bZ3D9q7ba0BrNWF1UBG8umnt2w/YZHAKAomRAIOHWAPdA+y7JeNdS11ufzDP/707bev/4u/+a9+9+Pn3/zdP/zZn/3Z3iFCDvJmk44EABUQCThzfI99a8///6hjVRF3z96hRGQHYRXF3fOm0wwdo333+s/mkh+gBjlIVda61qJ6dNTbwskjInI/9JR9UtIgsADMOB/Sw2BhlrR5mt3cpygUdYIh1oUlJxgOOFP2ao61FIRxRFFe13WpqqqC6D4ILWV0CBoOk0efZvsM/6Z8P69vOvwYOhGLD17p3FpZODjAFSPc5BGSbQWADNAQpX4WRJ+jyqe6gqexvf+T1b0T5YtSGmZEUK3uvahdLnBDKUu+IqiIFAJn4isizCJRqQgins5rYVImZR71vFMt8cGMM6Xh2Z8zz3650nvXcuomcY9nMkW+4NDcUyRNzXH2DPCo9pI5yN3m1k4NnRSiWaI3bLDHBamqZanL+mJmUguDy7qo1j3x6CQR0Vq7qDCIhIlIFMyF2sj7nucdEd4tW52MtUHMweTgI674cD7urzATzKO+k5l40A6nBz93lqpSNAKIGTwUYRACntyt0lREOquIsZZ0a0+DBvcIpB58wNHE8Wc6+Q9TsZ1nZMrPsQhPMnrqwnnO+TjvlLN8z8d7eXnJaPaE3gBorRUq7x/gi9fHIbbO2ut8l/drYDqgT1oQJw19mrIvXPC9Onyv4ejRw8tjxnjmiJ3H84u3e37TI2sAwMyYITxKq7Ng4XTR35fhzN8USQp+8m6wBpjqQoM4furLxE23vRsRCXNvLZIF2IwIB/jF3bsTgoZNzt0BmFhGMAgy3bCIcEcg4ORZ0R/RLIU8IyiyTjskQx8c6hTwEbAmAKCf395Y5PLx8l/+zd9+3tq//bf/gyyXHz8nMV1RHXVgve8iUksx60QIBzia09GfwMDkw5sNIoqjTGKGZZKzMQdEVeNor8PMyfMyJfWYtnc55zjsRxzSjZlVCSyttQw6hXcgOEBEW+/dTKQQwuHdsl/V4bHlCj72jKpaENxykyTK14QKNWYIZ30JsUCIVSiL5N2dSGuty1IiovW+WxcRzgJG1awXAdG6fChl+O5ZRJ1eLOLZzJobdYJoci7cvWgn0sweUnqnCSsKCJc5Sjn4TMIkc+XO/TMQ0kefv/NK7r0vzEQl035mfcTzIwAmcCnlhetRKsAEkXRMj62ewYNMzbpFsg8SSfZwALCWuy8+rRk6eWZTxKQo3/Y0ILIzlIKOhMWdfNnDkd5kRBjkSb5MgfVeNJ8FhJ8QAFOJ4lECRgRJISlFl4BZD9XbIb4n/OeIDTIDqFUDShzgUC2qunW7tT0DvGZG0fO/iD4JboYlwwKmQVlwOs7yRx/a/cQMFfhxmLXZRsPdQY447TIiIhAjT2it7UXS8M0VMi0VOpmn7pEguDFQx6Kd+vmLYvP99/PkKfp/QdI+zdd5HIjoxx9/zD2ybRud7Koid//+GJKxmr9yA/7iMzx9eZ8LSq2fS/d+2iz6nFM21uQ+PWCnKdMiHhi4jksT0fuc5fvHoyOUFREcX/jTLxzJpmlmGbxJg7tbGznC8/TMGOnD+9/3TAeUmfVYGcmrT2GAUwbVBEw8L+I+euDF8WKnm7rTCAwiPZUCEQoH3IiYhJhIhJTViAvEQKTFwL1bs1iWNfsadg8yWAa5PAAEgcdcBQPKyoLt+tb39utf/1rK8t/8P/6f/9P//P/927/929/85u9eX1+d3cgRJGWRWmqta6mlf84coYMYRDRCzN1zQ0wDYthck60tT8vMoJnNHNTZiqE7FvluKsYpoD+nfCpCkbF/9h7wTnAiQka9zQDuDqIw9x5OWlaRbsk258o8gRPM7A4KCIiYlIWE4Qh/o2AmFWQQm4pqYepti4GWH4shZX3zTss5pDOWoohkdQERMWUjdRGR8IeIx1xdZjaAlweqKF3DeGQtmA//JCLfb4CpbETEjj6u+au80ZChTlnamN0syNOvHoaNSCHJULnTKHYUPpDBA3zY2r7vwuoU2YaeTuVGZ9xKnJz7s5Y6P3AcpSZauBRx933fVJUFLEdo1wG0JEXwL4VGczzlwBEcymbUhCQy9nD7MgOWUsznX3MZAoNPlYtGp4it996aQXrPbJxba81ZABWRWheijQ40lkNz/6VROJ4qDO7du6C9T1zRYRM8acEUlHiMV81JBEYHpSORfAeeKLEhG/l5hojGOPsYrvD01cYcZRhDcpvRqA+eGvG82CjN/dNiPq/PaWHM8w8D4l7fgpMt6I9ogHny0/KeH+4hq1Nb9SdT77wqfkFDvF88589zr50f+/zb09L6UqD1S/HMpzfFMe9E9ASWmef4I+Zr3oJ/UfO9f6OZ84qgBOfnX3Xekkc1T0zIzJOoyjMLcURYdCUuQkHCDg5vrRXhKCbEkpAaRufDMAnzgwjYD4IrZhaWLMiV5K4qvDYXEUdYV0cgaxcoQFIgRl2gIepARw8nJnchducIY4fhwIUDIICdXKAqVGutKrXK29ublmVr/dvv/+TDjz9+ftsuL6/EYk4UWOryUmspItlbwMIde/dsl3OYjHGmXIp46A/5fsIiwo+ii6yXn5OdMev0MaZxcKdFBD2JBtbhj8RwXxgxQmru6A6SwQNX61rqeqG4bdH3hqPkX4gZZGapfPmQH0GAmQqEwBSUkIJgWHeIu6vKoiXzPdebWd/NDIUClLwK5i4iLEWULDwcQiR80LwR2+DGGuYkc+JQ0k/SUqqI7PveeweSfVRcJsfgkIDpRZtZjs40MXOkVR7wAkSUsYd1XfPKccBSUoaKpW7QgLkrbKfRKkvMIvm4iQIB4pHeO81U5H5pey/aI4L1AcOW70UDjgGRLEvI7Xcu5BiVfHM2ak0u+JLXv1wu5ejSFxEeD1CjszD1AzpxXopH/DM/ND4VCZxlGd6JuTjavudKzGRhD1e/o3siwiyIQ7XUWgPblCSttazDr1W31k8x8JGTxeQcB4IlTiNARMk0NB9mRLF6O9bPIEyIGHySR3A+A/LjNVV1tD6cIfTMVZ95BjIvEwF3kTIVITM4MqryGKw7djsx+2Fvnbf8HOEnqX2Wy0+HP6I0zwc9lurnh2ykjAOO4EfH0259rvwnpfvF46yizk8418aTCjg/xvl1nnQwjpADP54/ryOn8okHEXcoQj9hTc6PFCdgEdEjI8DpeFrb8zrZYoyZIzydluyDpHOT5PTH4VPPp39ShKICN+vdKRccvI8eZl2FvOBIhDCzYNiG4d275YTZyfyZ55BwqVJrXQ9us+7mQUSye4B923tklZ8WkupBju6x9dvVEeE0pAMRgg9bhMBgYiGqpV4uy1oX0vWb774tZfnVr371X/+f/s//+l//6//r//3/9rd/+7c//vijWXf3ojWpSXrft217OSHTWrPWesLniISA6dnjCI0WLbko02SrOgCQPZuoDabEe2DER3cIjsPwiTAPZGHZFGT3iQjKlhQR0cO9JQOd17oOeAIHEUTKsq6vrx9L27rt1jpRzkt20OXeO9GA8ySUOOsk6zLIwAhHS3Fi4lCWtdSXlxdR6nsbtB00uFLzMTHbC9QBZVTNlr5lrnvg2Q3K2yXd0VxsnJUqtV77adGfVmOW8ZwX/dh45YE7BoffAKD3frvdchPObwoLUfK8ilGTKNnegFmBHhF3ZMQBXn/abxkqv16vESFFs98TM+f3T+fPVzirovOGl9FXvSzLsiwlqydVtWgWhzz0hcZJ5uYxoJIHa8k8LT+IZHWKf1EXflFMnz2PecdSCgeWpddaRW4+Y7wq6GCdcLbupajq5XK5/vyW+yjbkkR6ZqDkAAK5E3sw4c7aQ0dJa25rGmZ0LvhBk1tKaW3AROPUDTQNf3fPtogt3ds5BUjrcdTgZ2wjCxiYL3l3T2co85BHle3zPB4ZETzqjPlNnBCSQ9Ocfn4e8PO00leUzflIkUtEy7Jk9cVYn2HnAG8unjRKvnidr1EFnJUon/KL89niK17mWfFEhHyFAu28AumodmXmVIQzEzmX5dRNcyUPO6z19xf/hYOOgJB79275z9cPL6o6Wvcty3K5XCK3tJmZcYARzGm+Dru7WCa6xHr8vPWX15WL/rC/XdblbX+7rPyrpVzoxrZLeI/bD/7Nvu+qylLNDE5lXZM4Y7yMuzCHB28Ei3h9eWvtKKxmEQajFNq2a4FLALZlexffNmrN17+43d72fgO5wgLGJVS1972UpdZadFWpy3K5XF6WZXl5+7cfv33p+Kf/y3/9v/9f/q/a/+u/+e//6tftlf+diWl9qbqqfMLbf9ze3gK9ED7hv+o99g5zMWInduxmHQwirmkGJYF1MjZtbwkj6dHDiVwJCmApdd/31A7MHE5uRBCSa1mWRROTBgp2R3T7/7H2b722LUl6GPZFROYYc6619j6XOlVdXd3VJJvsJk2xRVImSMgvvgEG/GD7Fxh+FPgqSPJvIQz/BgmSBcsEJYG2ZQgyIF/EBltNdrPvdTm3fVlrzTlGZkToITJz5pxr79MligNV+8w517jkyIyMe3yRBRxFJANdU83M3nJOBAYRibMYFdfqVlNKDrB79Bw2V7gS7AHvPvt8ffv2/Hw+H9f7rerpvN/dv1rWQ6mmRZVhpqEsyyom7GZcTQgHkgi7eVVmX9nd9qenenZNeaUlVdXPk0cRfUphY0liE28o76FsjYRPd983wwRURik3x69kc4bDJefDklIikV1dkncOBpq6LEly1b21PRI0xztJefqmQawlDSEl5MeVT9uze01LK4EAiEQ4p7REriDUHZZE1GWhxUw9rYmzGajWytlCOKX8SaR9cTIz2/bNVJbl7u7ujplLKUs6isj5fE6QBNlLoV56kXLOy0INSLMlAWGoRO6SUnk8PT6+PRzua/GcZFmOh0MqhZhX1JRSopw5+Uh3WUhq1Hw3tsZMIpzc3A21tOKziIWcT5tQmOTgqP1oMVYQKHMGwdyizt3IipWFsZNxZmWvKLxQMjxvb9fjq7Ry2Z+F6qvjHYHzutbnx4dP8+Pjpjsfl4dlWRmida+FS60m9ri/pZTfbM+fvXrYtueT6prWLAdZTc3VqRXpk6vuwuwkseriBBPAjsuD12eQL2lJxFYqQ++PS913M9OqrsrOgizurrWI7KoGOxzvluVQan16Op3O+7Icnp6eADakqqJ8ONX0+vVrf356dVxq2crTyc0TsxInYgXUrIU1mHJPDDufage1GeoXBVB7bCnvyhSiwsdBgKs1n6FDiB2e8uQSnKzPrA3slCGmMAOLJ05WdRVmKO1PrPQgTgJ22N1BVWGVXJgYROZkRgoBiScBiVKgEriZ3W8nbkkBqNHHkMkImysnSRG1sUqOLElEFpfhMhQRRgOyYCd0PYQnh2LFVeN0AN0VBHeYxe52b70SqZybHkkOVXOzcFWraoQw4iamZlXVnanOqoP10KMPXZOJKQ1V7+AO22Eg98x8SLjLtJKnoUCdTqdSCqw1FExpVD0Q0SWVg6bReIvlRBimLJxCC7t79SBayvkJOKy+WgND0lqrJEJXe6nD5obCEgpj7VhlRFSrbqXVRR6P94EEGCELg4fV9e3jalCDmlUHmbqaQQ2UHKTmXktVr+bV9Lxt5fF53+r/6n/9P/+tv/F3/uE//E/+m///7/74R9/7+uvTIg/wgxYm4yUzmM0ea62cBpb35C4QUTUiCmAxdxsa4+D46N5mvi4paRPaUwcxZZSJyGFdc84COp1OHKAbKYd274hKGgcIFAlGzkwOYpaynYloXZZlOVTz6GZXa71fysPDw/e+973XpRCnt49PpVr3DVJyClRVimxb8L4/LzkfDgeGi6qbElHK+f7+ngRVFdExYxFelgwsXKX3cU39CEzznn+UI5U0poXp4kciIvRuSuMnbqk/jbjthXtnuCt8Ksz3XsU8aaktlWH8NTi+iBALgKjH7/kTgmAa7sxiipyZmVXd4NTA3ojQs52n4q0wZI/HI/eEF+4wWiPgNNv0NzbcMBfiaPHBnKNHVQ9n8rhVQN4MWyE8z+PF403DRudOWuiRJHeHlcFkbyySsS6zBZBzXlKO7kctquoNfyBxrHuJJIBMllJahFJKwpc+4FGJz5cAHo1qPzM7n8+9jM8N7IRLha47kRslu9DH5AS/2LLABUMAKaGKpZQ0GREVbQYEgAggEFHkW8aaRuEmaonBSD/CHOyZMYgQfbSBss4kicj9Nqb1i1snHzzGurQFpYvNFm6jCOjmnBmVwcKehISjos4WNkNkpHlqoQFXwRHZQErsRE5QAiAGHLi2X+DiXt2LK4EPOTDuxd1BTuYMF7c1r8o90ztirGZulTh5JzO6LqWgyYgcX3XC05lJ0d0HrGgsuXZEUOqoL/PdWC78Nhaqfb04XS6tnbrAumzGYVinkaceP3n06mys6yIIuQMpAa3VWbCDWqskSbKUbVtWLqXsRe8fHjL0TdmIaLHDqEaILPOhTUS8qBu5su9brfXx8XFd16VVXGiJPnPCqOpGYBJBRGpqtaruDeSaAXYzN0YXsG6ilapXs535fD6nnPNv/vAvkvgnDz+4k0+//er57Zdg99N7LMvBNBOyrFkOsuRP1B5rOT2WUmvdSi3q5ohuGO6uboQO2NWQ+GHu0hMl0DXx6BMd6aaXdeyt+zJTZhmg0sFzS9XD4cCRPcSNdxTTqlXPW/QbYDdygyu7gZxgbl5201odIJL7dT3c3evpRET3d3dmdt4KM+csObG7E0zINSRrz+ak0bXHtJQzm+XD4Xi3Ho/r6XTay25C4tGpAEvOiZCuj5yzJFrXdY7ZXHZFbvVYFI6GUfpHvS2DZ+tND9yd+Cpv4oPyI/7aZltT4JESJYcLkzeltai6OSiqdUiCZiJi1B1xHFoqexSeV0Bh4MARc7KOOjkPaVkWACEO0Ut0IyDfRVoziLlbtLdaURRIyEU8q2rOEqZtZ8tNFgbNXTiCtttKBxTlKaI8XEy4JON82BfmU6jGu6t5COamnkYRpZNyNJrJ67qcT5GZwmvK4CSiiySSxNPh7t3Zu3KCu+9a7YI+2GUwIhDMeJFG1KTg8MG+SKKZJ3N+LrvnHBPbSqpSYs6p7CqJa9Faq7eSCat15/XQ1URhg1tk2oxcv4s2NmJgN4LwJu3l5qBrrY4+lD7zgdVp+TrjQs9CjMRkiS3BGSAGAUepAeAqAFF1IyNVQkqpOsxruPuVQBAwpRTYMzB4cYibuCnUQUzO4Svoa8Ju4WeKTj9hy412AkQdhu4SB7mV65gE4byJcNnLfI130ZCqZCpfoekYWmUzNqao081Mzss09HJDcxqnsW3a7iIioohgz0hgl39dHRYBIVXdd0+05JTUjWk5b+fzeZdlEUc1wMLJ6mZQbdEUrQ7SIfZFKHU/Q6316fQUIpNZqpkZDIaC03Y2gzpRxBgMu0Zg4H7btpDqiI7SoCiChcPFzap5hcKczdPXP9XDw1HP+sMvfvQXfvnXj8tyerevck9+YKycVpFELrXuVV2LPJ9PpZTzXqu5g4y4aiBZCLUkCnKPaAG85R+GC6XBkUR+GrewTVMjHEbMIJuTv2ENMJrc13UNT0PRGtPYdFjbLSUGExyu4paYsyReAqcDYcMsmY93h7u71c4UCdbF7Hw+W9lzSiJy3jdXxENhZmA2ZpF1XTOzatFaaq2HJGldjsdjznIuu5ikJZFwdWe3ZUnSOe/w2jNzdDCX6RibnC61mExEPQ+VwcHKxVBnRoap5MB7EGhw7SEAMDSqvHJK4CSRZSOKYgoFash7ImEIUzdQENyXmQkeMs+ZtVOse6shDfAdWtbFp0j+MA0xRVO4Z+IMQUg9usaTd3eWheONtq3Olzel5FKeKKCrSqe9qroxc5TuUSuEhLkxceCGRqmPm1WtTC23q+nKve2NwoUZxOTSeIaGk6DJoNi77s5MUKzr6k7xdpJTkvV4PLq7+87MTFGy4FnYluVwOJxtX5ZoCxou/Mh2WRHJMk7mUHh0ugBRJJoyk6QQzxyCsGqZuSczwy+1E9YhFAaQQkqRiSac2DSMeKEkd3fp8fnp8fF538+laGR4p5TqxECpiVkiQi01fEHBfgdbnVn8WM0PCMAXx43Yo0n2X4lJAgb8bytWhpBbLZHonYNiyQXO5A/JATBZZDY7TN0NJlSN3I2U3ODVzAleHWDz8IjKQqjkalD4tlcGk7eO2uFGJ6LteZ/flImEYSQ+xTjd3ab64BuxNL/4mK6bE2aOgSlVeNyQLxlVph2UyqwXjPVoijcqn8KWRNY6rzQKiiem8/lsU8nRCKQz83D3NXoI41QNBgaMYGpl9yrVcoKzO0q103l/PpWF/XlXLfvT6fm8bzEeJ66mW9ndvZTS2s2L5OUCnbykXDWyUQicwGQKdTWkGl76yPJ2qkpVSW3ba1FTgjBLh7+QqrsQIt7hALGREGf79NViVMm2d2+++m/+P//1Vz/df/TjO/dkRMQpyUJEp/O+l6dSnlTLhrLVsm+1mhOLs5iTwoV6pKvJEYqUtw5E2Ty6HcqZ1rUBIXKEPKYEpeZpKTXSCl69enVc1qenJ+uZvkBzfovIsi5rknVZEiFwC5bEObHupQHIOtVai7rt58d9eyUS1f3OHMwlM5urqxEggEIDSJuRI/RoZg4TYF3XwyLMqHVf1/vDYTncrZSXarppXdb17u5u2TFz7ThSSoH8QmCChMLa2Erb5L2WTphJiEjdUkoUoHqt/pfd3V7kvA17BVPL2eHVYCR3ARIiK4iYubpjyQemCkByEsnh1VyWxfatybkGKyNExjEJRm7kvTiFiKJDsLubkWpE5izAxHtTQ2NGSpyzuKeIjw7aHoJw5ggz+7hRY2c2ccUcr5iIDtYwM9NBYOO5jZZ4Ygr9cbNRItfYbyASScMFHQxIzQ/LsleDuXk9yN3h7rCuuadsELOEKJKuo8SoDMwelUfMJEgtlhNDnte3jyr41JV4GNNILUyFWmv1evNejTMKEK0PmwFjw2BclrQsqairqiRaliXndDrtJrz8MQABAABJREFUqhewGGZicMuJ4VCYuKmcuBrVzYcbc2Q+ZmH58mS6NqHi5EDgIpC7caAoWCUSSRw9YZgsCwvxfa5ElAK2FSAXNEQ5cMOZIzMrpkWrqu5KaiG63JgNqOrFYCn3SQS8xmZkQwAMgdr8e/uArRghOErYS7dC/eazvKiQQfeLDrfEEKXhtryhVUx7Z9pEH5t1dOJJRKRO1A1ZTjmllEbkszleXtypPX4Sy80twwSwu4Wpx5yquhlOpXz57Ztj5udt286n8znte2WOHA6YYd9rrTsRmaHWKMO6xA/uH44ePdKcRIw4Gagaqlr1SCchokRMkYmeraPvuMCjxSARMTzBHc39QsyQ5Mz2w18+Hu8Pv/M7/9VyOBM9/Rv/xhdPT/qzr77M+RPKpWBzp6L7vm9qG2DFtIZ1yeRMLc/C0BVwd3dE906+0G5zf9kloDU0VkTEvCvFVvVwOKz3D7H8ESDcti0UFBsYvtK2/sLPS5bjKokZzuK2COeU3p6foK6mpZSIApK0QFHIv1juTASS5+fnqH8lIjgVdzgnRk5sVZU9Cx/W5bDmTGS1PJ6eowlhXhckEWf2vBzWNctBjsNrN0yZK+twWImNJ15lw4Jb/GyvJWy41LyLDTpH7arEavj6xsYYrKSxb3eCazUWCGRUxYnkqBWTKHUN2BdK0dyHMNL5IAKQpxSFGTuiDwO3kv/x0FjiIWnQpQh6SQARHQ4HoiaHMCWdWi8yG/MweDd123G88kvded6eUVVNkxI9Lh+xw8ZM2zRSv2u7sXsEdyiaEI3xMJtIBnFKCfDIlVg9Q9i0a/oI7uE5S16SmaUA25Bca922PRZl3/cgeFVt7g+4wwUIcy3Uju7/M3c2M4KpQhhGxBQmx5DuMibcgQjHWsDA9LHFEZ4nImJkbxY8O1EAXt/f31fvlbiJUmZ/viKt1nSDsCyLA2g9ZCZ6k76PfrHjg2cOvoEX2Zg2RhBSnIi4WdvCWBIvyRM4Bw5wogObiASmURZJTEtKiZs6kqKNuXuxEorRU6Vdq1ZXt4Cj2ovu1ZbDsex13/eAJWh6oXs+HEP+WQPei27HZEIWZdu4uDcA0IuyirF9xtf5BLPuM+vuH+n9NMa1Fy3Hm8V6ueFkvLWZ7JSAaSsBzZprX1lSQA2Ni2Njtyvn8O+0x6obCNIiscXdVY04bXVnyF7x82/evDqu1ehxK9VNW1NIVidX91JKqcxM7JSEIEQEBiWR3rzbjdxUW7t3QkQEDQbn5G7OLA4nToldNbifuMWOggEsiWAEdxSQhWuHJf3u7//O3/ybf+H58e3d/V//3/xv/2dv3z3/4//n/zv/wU/evtt2LVW5Grs7p7CZTZ8NiP4yFAib5NQK4Al968IIEtpWdWYWTg06p1ZuMOV7g7poDDFy3OlwODw8PNzf34dSUs7bu/fvnp+fB8+VCRzSzLLvyEKemZzMyNTJ3JzNrJZaT+fzVg13d3d3x6OkJLqXUoyAyH5kltwKN5lZETk35G5JPIl74M50QUYcDSPpvG+Hw8quZJRyOh7WvByIaF1avbx0H+YwCqM/0RCQQVQyQ22BvTPq3vqVraOXoaV+XG2YIVG84y+Pyenknh3sSITc0GecDUy2RwV6uEZDIBAgaRkWCUXZExNLQKzBDNaqLePVkrsSUVfP40nsTGYWXWeJQrqys2QWgo63nmMQPCHLzDxiOAnGlFLjx1enDUaf0kDXvKjJLx2w0yX44HHzt7GUbkgsSBCR+OBMxMVdlyTLsmQRFiSWht5ZTsuyrOvxfNprfTvclcuyiCSiZmEzMyGZ6yISwskaUIsBAmrF78DFjzVy63hKSgpBqKoxVWaXIrOJatqtmIW5lzVbXdYknM+lvvf3WuBuob9d/PzApepicMLJQXczvXihpnxsqnEt9sa/L8/0rqL5VQVHpO5DmBKReIUpM7Nf/Arm1aohMTkLp0TRVZtSgkiyls7qz4pday0N79wM51L3omDZhM7wndXMCCmiyyWt4F6MtFPRKFrjLOzEGgOgBtyAGdDz+og+a0Pajfcd7hP0vUDXLpDZTRr7HrNk7SmNuF6dcXlc03cfq08xQvTuIXEiRlHLVWpWV1eFcUkUDmlPbkSgWiyxKNHbxzMRCWQ3YkmoCmIHaZS6GxW17fkp4ufR0C6ltCxLztnLnmThBK627bu6O4FF8oEpxsjCaSFmdlJVqydHeLlbbXUouSKJCMTVHWYKLyCg6I/+krz6dPnX/vbf/Z/+L/7N//Q//8ffvnn623/rN3/jr/36P/6//5fvn8ubt6d6rgYQRB1a1WxpFjoPhkQjlSuC2E6gC+7ShbUFC4jPIpKSuVNKSwBIhrT43qeriFip794/RrGnmUW77TbDgLlbT7Q73ivMWiSHnGBwImMiP6xZjnfHY1E1Zjar9byvd0c9n1Vt27bHx8eU0t3DfecyELhFJQcgbgmejndm1a1W3bdNaUlL5kO6L2VvLIaxrsvrTz+VlEopbLtEif41Jw3zrrEVbjZiXN6I2BrRhnCKk5kSTfnQRJTkgguPa349wsyDGlNKosEfc0pLzoszOYuXAnCcP+ykqEILjGUzI288RyQ7Iby7hNokX+9YK3JpvD5/mA+fDsDn17nZiuiOvvEisyCcfIAXyYeb4CKRWwRfL5NKYAoIwK4uMHNrNXgt7a6Yb/NvjGqVeJYBjRl33g93Z1DK+XhclzU1lW7Ja07nt28Oebl/eEjpvG1b0ZbpcFhzXpeURIg5J8kLvATEYjg+1LS23vUWsfYex2VJJBwKYUOaGAEp5ua3nD2rg72ameSL7cjMTtBKRnQ8Hqs5QZ638+l0UkPAWMt0ULdS3b2UloMWz+Lex6Pst4gwmDS2fwUH9bdrfKbLDFd3dlc4zNVVKwxOO0HcFZWAs9vCVBZdc4tVlMo5S86ZUtNQj5lzRZXqSMxJnQ61ll2fnnd3LV6zG0SEW+76exeKKnamLGQGZ4kqF3cnhzq39vXh6Sm3WcoxXeHJGHJnnLOuOaLRQ3uO04aePSa2T/Ul2xkAWhnGFLudVBZq+LTd4Wxmhq0UM0vj1k1/7OBn7iPptCWhxwPMyxDUCN2caK9qtRxyBrxoSeyn3RhWwKrOnKJsfMmrmZU9EuqWYaOklHJeI67gIJa05pwXYtnOW1HE6HxlOe/ldDplt08++Wxd16r6+ObZhfMh77ud9z2nJUl+fn4u+/7q1f3j0/tXrw/vHx9L9b/4l37p7//9f+tf/97Pv/ry63/tX/+b1fiv/rXf+vLn3/7qj//im/ePP/nZ1/+X//i/uLtnZstyLKWyLELpTo7n89m8omFJu0funMRCFpiDIvkxoJV037s3pneLZubAB4lmTz13XGu1n/3szeifQpc878b3B7dFZ5GlnM7nszD4eFiyCJNp3ff94eFBa933nYQPhwOArWit9f3jM0hKNSI/3j0AqMXW5bjtp3U5JpYklKQ5xgHUukeJ55J4yZyFQV6tLoe8HPKrV6+W44E4mSkplpyTOXquY6QtpJTW9dg8DU4hBSPvfFlydC8BgVNLlons+SQcluVxye5ea7Q4aAUbg9AHcQbZjLrpGIOqCicSMcJWi3NL+4q91G6iRiARZoeV2r2C3AMSQkQkrDX8eHxYVnffti2EKHEka3BexCzXmmvHnzWzlDlUEGI/HJdlSc+P508++STnvO8791hmoCVwxxD33i4u1Kbe/O9Uaz0cDsx8Pp/u7u5uJGufE4q73fLPPmPhWgipwMyjwG1wh0GiRBSl5T4hjdW9xQuzZABWdTmsDw8Ppn46PR3ysixLTumTT1+J0PPzidj3cn6wh9D2GM7wfd9bInHmen4kCDOXzc3x+v4+Sn2CK1HEACSVUnLmoTeIUGyilFKMMEK8zGxuKaWnx/ehWDMnrR7hGBEp1nKvggaKWi1WHetyqGpRV384BEnb119//bzTYb1bSn377tGcgKiEcW64ehd/dee2VwJvsOkb9Wjw+jlbchYAgxhwHbKdywNECMZGBlV1vZfD4XCXoLqpu+e83N8dok5UzdmU3IqbFj/tuzBSi16nvJSUEjOY+fjQsmS3rVTdRbKAjfnuuFq1LFUkL8sBTFq95yQicvfcmzzba3EnNVcPlyPM2Wo1M16WMQmz1hXQFrjWGt1b7FUmjLObiR1CLn6JlGB0Ww4d1PDpdB4bZL6JFns4PLj727dvhemLL75Y1/V8fu4Y/11Cevfd8XWyjGCUJTUzBA3LM7QVBticHaoVRJaqOWxXVFJmZmr8yOCcZM3hpAIz52XJa+vXAwBamZKDAQeFQ7vFqqs5OZjgez09vtd9I6I1Jy1VteTEfGyNVJYFn332yVdf/TwvbLp9/tkneaF/79/5dz/7/JP/8z/4P/39v//3Hx5+9T/6j/6v3759rMX+9CfPP/rRr/7tv/F3/8v/1//3z37ydDzSmtf3T9vdcbm7u3/7/jG4iYFLrdEHQyQ8ah6l9Ezu7O4ws8O6Dl31olqSR0PUqKnati02MzN/7z4xEXfICe9taMaqVzfqqVBExJKcqFQ77cXNFuEoGHUnB4MNoKJR6qRVRzAbPdZAkRTI1PrSBd2kJInY3VkSO0AWpoizc+JEuL+/z4fMOdLHVIBEWZIkSzE/KSWCuHtH/MiRBZPSwhzeTpk8oyMLoGkAATVCbR44XMfuzi9yr+P8sJ5nEp/sJ6JIXnIKyokRUs+v7jIgtpnMG2zwoMld4wANH2+bxgiEBLicgxwMMot9TAyKPB2YhzywD2XQzU+8aJ9o+ZnSUTSHH5Wudep/iYOIqOMrDsViYi7xlpE3ACIWSYt4dRjZ7JJigLO4OwvM6l789PRkZtt+fkhNq/NqVXfVlmIT/p6cGb6s67ouRyKHJ/ML9FpKQsJM4hSxw0vtTBskWZ8WG47fkPFNKJoP3Sho2xskW2wAERbKRo7Hx0d1MKV9r6rKPXsw6lXQ4tMXT9vHjps/+2TffPCYQ7njEv+QBdlFTpm/Isp8hK3Qed8en7AmzixLEk5ZkbSzcVKQg53YkeAEI/KsntSSUUoW3Vw2fWTmyLBzD+5AWv10LntVJ2ESczKDuhtzKUrXjgQnBjT2FzkiRGtdW/PpHWcivyG/m9/nSbjZJrjmBjohd5pZw9WYTuj/v4T2dPRCJwoFtxRNLx8/hOIon2C+1BSOOqSQZHFFJCOAAyofZLwbEfEOMkWEVwxRFCkppZwl4GyacFUodWXASU1R1Rp4lUXb3sN6p16EPISo7rsC67rmJW+n51I3EVlyqrXUWpPg7Zs/+5Uf/eDNm28e37378a/85r/z7/7bOcu/92//H7/+w28+/eI/d+V/9A//8XG9Oz+d8yJ/42/89bu7w/bkdsYOXxhH+WSl+z/63Z/Y5yuYlrSAhUo1hRHnZTEDMZNEJllAVzuD7g4PfX4UHUbA3U+nU9ckTK2BBKZ0W3DjPaYSuzEcH+iMHgBJNtAegFJL8pzWJDnlrWzkcIgHrqtqNVfzhBSeLSJnUHCEtiE7inTOKfdqRQeBw7tIKfGypGXNKfHD64cu1OER4Ey0JE5YvPciZkruHr5f4UTJoqVEZL5Qc0+NritRqxvbgHwYMSTD6Amn4Q19zpsH1yGxUNu9xT2v2EoihrRFQfAFMNzV9Fo+eUuIwAXYAfARNxqSFddMMAz9uMkIbLh7MOhL6GGCwB68II7Yx0TUGmEuacSJ04v24hfx8KHBxHeavEPes4bSC3Dk8XSa0piDNeecfQ/1tcVKzMy0OHA4PBB4WdKa8q6mquSeJTEr4Fr3bSt129UviK+BVuUOg2tPa42pbhSehFN2g7qNCafh84S6u6SIKV4wBOI4HA5mtu8tB8R6pxfSEWIndw2eDlArjImUN0jQEeBLXkKfC4etw82IWPAReThv3vnDx46LJvhCPIwL5/cyqwCcW19vAYHISSRhr/Xx+ayL3K9LSlIMei41L1BYE4SUQMIscNNCcKpGpHIWSUXCS23P3SNFAJjMHaXoXo0kIbhNeK3N1LFXSymBGCxBfAQg0LLg7hHX5ZATBJTp7azj6Y95uNnL7h5tCoY+4deK6Szhxu9j+5vZmNShE4cgvFwrXE3Jm9F53vYB2ZoG500pofuIzKzDKbD3ZBl3B1O4SZnEuSsyDklJmBQgM0hCyiBnO6KyBuotiCQLc0pMzE7VoQ5HBPFqCRpK1IziC6GYuVnBaa+t27UpVHdxPubj59/7XmL6lr52d6Cez+9Ksbu79d27bdu+vb8XkeMPf+n7f/yHf/IP/sE/ePv28S/85o//43/0X5fNFnxGZa1+oOr/9Lf/6Ps/+OTzT35g5ee1Yn/ahI6f3H32TX6UVwcNk5dFuDInc+Kc9q3BUiTiqPYJIOHIRkOz7cpwmkWoiShKUymltK5rztm2J2dBlHzFGveVbvjh4dqGR2SiQtjMELgbFgXhcGyhejC5s5oWIzMHJQ1AUXI4GWF0LZGU3d2ck5CIUFepqtcw75YlHda8HtK65pR4WZbofhB1uBFpSCllsoicpZSSLADCInRDVCnEv63XL7PaCcAovXX3AcxLRL0NAoiIKRpjXG2AmVkMpmMvkPsb4cDNWz1ZK5wDQl8hcsBogu70nhzmrhGiktQqZNxdxPsloNZ9xockYqaUkmo1CyjwYGGmasfjA11bhPP+HwMeMS2goYRzTyKn6+aFN0G+GzX5JRceF46NfDtXiOggnKL0VaBhUQWwxoWVmVkpBWQgInOQC7EkEnXi5qvUp+fYv9YKD6nvBS2lcPNHkJmre6KBp8GAB+acwVWtF+RwtJefV5+ZgUtassdicQqONnNVj7ReIzOrVs1Q1c1cnUQyov5gTwFptW/VzJZo6RGC2V1b/PWjR9fqaP76wYX42LX8Avf1+iQjiCPa84jCxclhsiwotFvBrvBSVBOzu9Zk7IAbORIjsazEQnB0HduqeyXyCOfcSUkS5ZhOEGZzp1oVJCKupKVadVPzalprBS8Lon1pMjcnMTfAohrZmgWt1lzKVv0KNXS85hz0+di/H/wwkzSmDJq21tFOAJdAoF+vC5HU2tCFzKzWqko5SQqf+6jk5w6zO4RfU6y6dckEM7TUFKD3+nIgCi4FvEAIKRMzzBOW6NDHjGD9AMyiw7UE6JGqundXuEgIjkCPjRG7+76dtZR4EgHslrwkL5lwXPg9dNvPKbPASPDpa/mVX/7+0+Nzzse3X59+/df+wj/+R//ZP/3tL//Wb/3462f95t3+cPz0/u7Td9++/eKTL17f55//9A++/fbbRWoS/R/95m8yrd9+/ZzyMf36j58+4efn5+fzvtcmm0upvu8ttUhhRHAlc7Pq7u/3R5owYSNDd3jtQJdduu9n1XLQOhxfvai8p8L3tTc0D6G7VzUiEiYmqqBqtlczw2kviYXDI+gMcoRjrbnswTACOcwNIEtICuNuIV4cSsxZ5Lgejnc5rylF0Z2QQeGcRAKhM8mSkwg3kPHoHRKJLczCJJQoGi80IiG4Q9XUXIRDloStgUurFxmMnknARh1c/obLew+qeU8GGbNqXVCZqRmbs1k1q24OMopCxTbhsTrNO+ruPe0C7srcWpY7YObMIIrNdgVAPNZuWZYhwIYJ6B0v5rKP+p4aXO9GHBJdGX9jn99cdcNM8YLzzmfe8tbpnBv+61NPCepGNhHBWlJvJNClwCzunQgBqBbzmiSplljH0I3EHSwxPyHamCgti6TkvuQsTYfIqhbyuBVIiUh0iCYHUaCLEdGlVfUYG0+wFWPGqENfgUdnj6ZWupHDa1XiFDBqtZqaEc5m8LyFYyPn7IJtr1D74OzFMVyaN7JQJwix+bhBVBkfAu/t5fmDftwpAAcrHEACuwi572a21a0gRc2sKsNgLkSJKQmZkzBDo5uYVvVQDImMyHxZOIxmNXJrHdGrcSJ132vZi5qQLLmqn/e6MFdISqSqalGeDg2My+iOPqlNZlbxYWfGoJwbun35+0uVwic36SWTZTp5iMm2HD7dZ+RsS+K+TCR8GeV8ZRCi0CWTWAa2UIdwdFz2j7lHzxoPkAJI4HwGlnPgoyZKIAGTqpaqrcq+0fRlHyYODqIAEnMgLuYkwsc1JzMTCuDqfDguh0xlPy9J7o7Lw0P60Y9+6XBM65p/9Cu//PVX3/y9v/dv/vY/+W//b//Jf/Yf/gf//r7hN/7i5+/fPP0c5y9++QfiC+f1tXy2rutW3//ox9+3+vbhuDDRj37l7vPPfqgl/bPf/aOf/eQn2/K98/PpdDoXdTW3qlZbxjARhd+SXM3Mtbq78JGImAaSamqdhxDJAF3/djcLqTh1z3H2vrfRWaeh+bhiIYtzQpSeEEiKw6sV0mqk7uwqyAFTzIATGxjk5FAwRQcoOLfiS3dOLAmwXTXQ9Q6H9Xg83t0f1jVzCnGsZk24hl6yLEtOq7Q+CRI4O4MxRfrAshyYGeBagv0g6o6I7Toc0r2avd2SM0UKMLf0gStef6NX3uiJg62gARtQB2g1c6Wo9yQmjlZTQ210ai09InffW0CKnBkGZ3S/NF16SUbkkAAPbZQ5pzTqrJ1orntBz3WKr/yBDuxjh7f0ljCoUm+9dNmk1wwU17Jw1gloKlW8nKnoTgfAG5S+N4TViE0wUzIAzvCG8Mctoy2nlCRxzvl4PFKpy5qXJbl7amiDvkiC8LpkZl6WZAZDqy5lSsQSGkZQy0gFFBFzUwv4BAo4tKZKmlOvHhkMdPaLNsZ6jTqErlg4hdvThTMlJzclJ9B2PgkHYk8WEZCIZGavtYHviEgWLrV3DvvI8XIVPqZ2oBFi7879IYf/DTEACGxL8igFo1al57xrFRCn5FV3rWqwRIklWAmj9To301pMeumdu7snCy8LM4CTMYNhVCvIPEVqrnHmrPBN9bnWxGlNB1qIWc5Pm7Mmb75u6tYYETWjsJt6DdyHLsrfrJa9FG/zW7/8MM8MJicQccupCYNKtdfdTw+iaRterIsI5wchOaWRJEZEtVZ0B+5wGbURdKFKfCsI3ZvC1Tz+JAauDnfdq4r3AACzu9dialVVz+c9shWoacre5WLLnie3wnzwlCXJIq/u72BVS626rynf3R2ibun4+mFZ8sN9fvX68D/+O7/14x//6HiXv//9Lz7//Hs//9k3/+G//x8clvTlT99/8fn3cj58+fNvt9fPz/r07tuffvHqi4d8/Obx23df/tlv/KUv/g//+//d8+PP/uD3fufx8U/IHn/1V/6ylq9OT199tdetFDOAxIhgHoBXYV8D1qpGQWCCe0prWzyyvpYOINq9Olr4bWgYWetgIu4tZWTwLyJCV3miPWDiZKHLEakjbHN2I5JQQ4gpp5WZa1PYCdHHmZxA7hSyUK0VC6aU3BqmbThsI69BREAOujT/ZG5+XRFJmVPDZ2nd9eKNOitoUcDOGpogMQORToxALuG3XmjvLZjXvVt6xSysY5s1FOzJwOo0ZpG+y1EEyeJk1NMuGO1DKG0AsQhRc3P23wn9/u1lJLL5E4ABWo2uqfjknh0J32YX8LwYTOqIo+jesPnyeZMPp00ppbeMuc1QGAPAx9mK3+jF7dOHOREzjxyTIWba1u5R6kRNeoUgBE4558OyApxzji289NKgUrWziatSk9jqPWQQmQtzHMhzXlMvHyLyoB1mDnuVoqacJ7hIby7lwQ3NbHq7ni3mAEzDe2ogEm75CjmnlUxzXt19v3iLry2Jjxzj5JsPHzsG0V5Y8/R5pud+hbXYgUe8gAcqGEDuGu8HuDFXkMW+iGC5k8Hco52YE/dHUBpB+eeClIQj5Ys8KuWr1v2svGblpbIVhRskJc9wqsHh1a1ayGlmspEEREQw9UZpVzFRXNP5x+YHH4oRztrzYA4AkjSGeWGhfe36aRgRgLhYOvK7uzODiVQ1BRBl/K2UYrWmDvs7zNzwYLVnpK6wXN6IgRbcVkBgHACAMHV4D0Vy79DW0ShuQGwYUACmkBRLnqibIIdlzSIQgqsridD93fFwOIz8WtXinu/v7z77/BWLE+sf/8kf/PY/+Z1f/fGPzif7y7/+1//57/7Jm2+fPvv082+XsxxxLAdF+fKbN5+/Oh4e+N3zV2kpP/35v/jmzZ/cH49O6dtv/uSP//hfpIRI6hHJxGmrtdYKltwRYBlNCwjjAMD5fG7vI71JvUShJNda1aJr2gXKroV/Ru3mhDmCFiobLMkBQBKjIXZqm0FyUBbxaGoSKhgLuQ4qMgJf1wabGXpSq5Ixs0dzwS60AIRQiRIkWVLDSWOgQ21lEZEGPN5dwWiFt6V0tLnWpYGImK3UwpdueQAarDOo40SDaDJr6qSPd7K5ovghVmMA8VrUXWfMPAw6IuJhAuKyzYjCZzweYe4DDI/QMWPjKXW72rFjY4+Gn/Oocs5VZ22vvVfshQ9IqYvOwaVcNG7Vio8cMwvGxLVnKTifeW2O3/7VrHG0Mc9NYnVW4t4Ku3XqIAEAZGRuqGHOtgtrrepOEpN5WZBQqZgolO/hWLJoc8tRR3szPEzuZeoA3O6upmYmnNETbgdbGLTRqNkCHrkWHa9DbqSqVS1ynWRdAkIFk+L1scnHxJT/XBYfxw1Dn4n5YytC5ECklrODQ79MKbsqjAAVEnJz91qragm1q/W7puSu7GRmDea35TtScKJ9pxVISZgl2iuq16L6/vnp6HfOdN7rpuVsltelur1Ki6SFmdmJnaRHEBI3r69rBafgZpF6Msut757MeaFvzhzTe3Mf6XXGY9PFh1rqBy+hvgShMOUsDlfVdMhrrdWKppTWtDiLmdW9sCnIQlEIHj+cQpzZyKyW6p4SM8hqrU5lP3NUjoNsL6aalHMKSlI1auiuTgYY2HlFYJa2FQrzqu4OMg9/zGby+Fx4Kw93d8c1A7I58Pj4aPrZp6+Px2Mu35yezncH+Tt/9a+9/Re//Va/+a2/+lc+Mfpnf/r7f/xf/KdHzf/L3/r1n3970h8ef4Lnc3n/1+j7p29M9nw2/ezTH5anN2n3v/XXfv1n/9X/7/79N38FD673f/oz/D/+5F/8wfb6vN4lfWJmJ1EHJMmanLgASGTu6qGeNQJzd5Me4WAmdjeLDE8mmNVlWZh82zZTpQSt9kbouB5zzqZc9irwnJLI0lCpbOxnkZYFt0XDUHdSh5ODhUUqPC2ZYHs52/m8rqsQg6riLnz1DGdmCQUOnpcM9nM5V9uYKa1JhJzo+KkwK2Q3ksSSU47oDnYTkUWWA60LLckyK7mjKgNLTinzQqCq0bYpGcGoMnM6MIkb7UTECVkTEZydiKqXUop6Bq9OlYhEMidpkZtitVaefSPMFhTsfliWlgYt4u7RfZ6I8kJwI2ICm7Vs7+Ww+rVmqENyqKHtIqQ0araUUAPnNKXI6rdwYKzLQTsWZZzc0hQ1tJPoSgPhxMxwevVw6Jyunp7fiQhzMi1MrrU2UiFyA4MTp7qdDofDend4juiqaQ/Dt8d1XOH2v0wwbz3rLw5BMzdbllbNWXsmmqrmvHSRaWoXgeFQFjjAAneXRKpmXl1O95/kbTvVrb7+/O5U3p1OT+sxwYvWfRUmdxTdHs8//uGvffnll3qnx+O9eT3rno8Lq5dSHl4dVAvIrFQCHVJObLWU5XBQHO/u7r5982bJy3qU0+mJGVr3NRORJkgAP7I6OQRSeGVh81rLSYB1YREqWyGvzLpklEWKcQHD2RVezswMEjYTpnVJzMzm51JPZXv39rma0V3yoiX58Xjc9vXp/PS0W9FQVuSYmy7m7taiPz3nLFpbNpFmQ21q2tWHGPf8OxF1ABaKFktEwxMbROOpEjODGGDJmVNSx77vRMpExGQGq4XIhQnCnl6Z2QZSTju7V22d66Tr1nCf3Mh8TNVhVoScyKAKqCS/T0S0A/zZ/cHwUNy9Ejs9omxnEyaYklaDUk0iIVbJmYUzp6xG570W26tfPDc2lerdTMv4UKdGu8wc5kSfqKDbVm/DrWC/nWAONVdtyWtZFlU1NXjzH8RDH17dv3v3TkRgDiOYmPD3f+mXorf4B5aNPrBmVyMemw6IgBMP7kA+mjC4mUXWZXioI8RoLQd9uFWBSOto+TatBeBw/rLhm2++Oa45iWstCboniZLMT452PCyv749J6Jd++Uc/+MH37x7uS9F1OX7+2Rdfffv8pz/56dfvdmZZj/dP53ecwy3pVuvz87Pt5ZXwuq5OYsRV9fx8ev/eTqezVqF1ikMMem+BoI8qgC81cQApSa329PTk5imRSHL3ZVmsZ5O2STC7aNn92qFLExEMI14b//HAZoxxkbcmTRzuZq6q0a/bASEs63I8LEsSmEqiRTgnFuGRAhI2YtRTR8O5sNhYICK9GiynS3MlvsgYd59cGfN7DcrptuCF6mKJ07LMU0c9dDTrhkPjm0VRuPGjmj4MDprMwfkpHzGSrhT/8Yj53+Aa7Vq6ai053n24gC4R32ahXjb/yzmZ5q27elJq6exM7q0M8Tuoa54cmhGgrj3J48xhZaKrxnRJPb81c+dfxny+/DDeIu5/Op2CVNa1vn//FM3XYmaEL2Nus9FT0wFclo1Zp+SRdhoRWh0e2lXXg/TpGJMTKmnoq4FbO6Yl/KhVvZSy780tXJWjbVytLe+11mrg7lIPWdKZ4bSCNyvyMUb/3YcPx09/r8iSYyKHM0NEyMwlublDzZ1gzBAWIpB57c8yi6TpluIXcKNE1NqPzFa4A3CK+nAzeGuDgx4tN6/kHBpYpBWxizAnCXxWYUbdW1cKM9NS1Og73Bi4SgK6jgVKnqeU6ELM8+Uzoc5/uiFdahGPy6Z7+/ZtrfV4PALY90pEOee7u7srWN6rAX1knYRbxjmuWUzopD0vYoC5ecCxRdJDSD51AjzS950aG1VvCA3kET6Be3gzzKFu5G6qzIREnKRt3VrLu7fffu+zz3LC6fT0/b/84y+++OLu4fWbr748l2Kg07Z/8668edwhD2ok6fC8FSOBJCI1w7Isnzysn37xA1k2y4fztr0/7d++356ez0XXbitcYP7iHdU9TPKPHWNGmxIGbNu2rtnMcuLvf//77vr27VtVldTcp25Qbi0UWl4TtLd9mbiPUYQNAAAWN2eHqjJ5SklSQPI3Qtn3jdzh6sH0rZqJO0o5ry6U12XJx0Pk7wWX2kZaROAsN5AR0Pg8yxjmFk6exSEmQXjDuNs58CHqBvDADUGLMFHAOl9IPELTDogHIimJsDuBTHr06GbGZqp+uWe8YzJZ740cf0q9dxI6plK7hC++skb5XT+93n4jgqjj6zwh8xadBWEMO6W09JSND458HHPyCE1KwwjLzQrKzRjmu91w85sXnIN88Xk4ISOWSWT7vu/7Ltlq3ZZlycvdsiyq71Q1WjZ6BGWvQZSG5MMkCEXEJgAWZhJq+B4hCGGGWPgOdxBK89CQxlu37APSmGFVrdXULtoSVAmSEkaSc/8TALC5iMDHTiaghesAgDCQej4o+X5xQTidcAmLAFAriVNofVp2AO5UaxERVzWriSmC/eRqZDecfNy2FxWQT7i1RKTWEujMbRaEzGwgWLdM3UCRPRaVzSqJU4D4m6sqPBC3UaNtqsa+5Y/ZC7NPZX59npze7i2VEC3R+2qiXvKW8cOsT7w8bcgmdzf4tm1v3769tQjHk4gvizH/LpF1R6zszByTePOGTs5wIUbLMoU3I48AAiPg60IKhr0oYzqCnQHG6HTpAJaUc0JiEjJhuHspheBrqncHXjO/f/cmCF1Lef942oued9uN0nIk4S+/fffmcTscH/bzpgTkBGYDJGcWOp13XReXRWU57+X5VLbIt58dGn1tVO3PFYTXC9PUhcCZvTuuP/jBD/b9/PT05O4CYodEwYOkCwW0DAVjYiEEVBUTOTlF99Lww0z6jruzg4U5NA9zdxfSyNRjATO5W93PrnQ8LDlxjrSXxHmRFkMurZ1szrnL6OjWfeUVGOl5IsPVdusCGsdQnAGUWgFIT7ohIpG8LIsOOTp1+GNmNR0PnalxtmbGkLiB/V6kIE3C7LKU0zit88Sbv4aJOdgHd4yu0WAreF9DlSJXq0OcmLd4IzmWnG7kZU8njjW81j6JIvJG14rF+EpEAxlnnpbxyuNZQ5APOUct+bOZmNaPGxF4wzViEkopEYobccHx0D62y02CeDxMQGl0FUZhfDWzyG0aazr+ndWX6b2IIx8NoJQidai/bR3d5ubXGesYqTROIIiNxMJh13flI3Q+ESkVM101w8XJ/LJGlwJtuvC+l6xyJieadJQPHtMllzUFkIWTcCvvjvaCIHIV4t0qTFnSkhiAVYPp3Govpi/ewmrXD262KjfFdJJYbKgkiVpZYBcIDmdPEJiSMzkE5O61lFrruq4AKGrCqxZzJuHEGHUtH3nfW41h6h1Iw5IgMrvynOGaw9DkLZgWNvh2+xA/3d/fPz8/h/bGKR0Oh9Pp9ObNmzTuMp4x7vxyaX1ytgSz9u5hkJQBOC4tm42cmQO8P2ouLvaRcIA2DK9pPMXgKSiNKXNrX05EgLsWM1Rzg0YBwCJ3vPJv/OW/+P3vfb4wQfdtP717925J8vbx6f3Tlpb745Ge9u15e3486/vnYqJgqariBKDWurl/eX76J7+zy1/5Za77drL3m52qgZg5m13pVn7ta/rgcT2Nlzc+Ho9EdD6fte6Pj49EHgbWfjrXotQRGGLqZ1/cy8XuHZlag2QBEXmSVv8tFB45dTUAx8PSwK7JiWhNsqxpSfLDH3w/ShVCmQTcTNkxfKERWJgMuysi/u5dfUPruMFkGntrZnxtej3e2N2BWz5OU6bMcOUNhtUNiysePcY9M5d5GGMMw+yL35mbi4w67FbIgGitPLnlbl9qqAjx+xCoIVNFpJUmEVGHqRxmVix95IkYteRSZp7RRGdieEFvF3EyThtvR10affDCWVG44U1jeJg41LqutZqqHw6HWgzg1oCeLVqpvH/aaq3h2i2lDHhVkWhV2DKGRG4JKcYzFvRWEIq0aBy1xvHm0WJ9MiNmCuxICsyXaRGWfS9R8VSKarS4cNJq+27RATvK8LuyQKDbFZ+ncSaz+DD0s5cT/h33ucjavohHTjkvlMQ0EvASgLrkUkoid6Y1y5JErRA5C7Zpa7TGzEGuPEIYVxysOV7IHUYuEEA1+rSMsbHDyAIKKkER1UfSzANclFSyXj5Pzd9D5SP+0UGKN8QGv5AuEaE3ojmfn8f5Q7Hw0TXzohmj60N98Ne79dLMgMBE4atAvPDNavUd9QE/CVo2YIC+mkrbq6rqMsnUCXDWpnsD6B5Q7PtuLQ94lF4BQHD3CHJJb1kQmU4Ek8B9Z9zfrz/4/hff//x7f+nHh3XNUD0sr8h83/en533b7Z/803/27vn8eK5/8Md/9s37Quur5ShbJWfaih4WBxMZOPH+rD/96puHFQeoWnn7dD5XQkqJUrko/hYwhm2N/zyaHnMYJO3uqrUUF5GcUyklzKTYctLRhmhSsYlj6xILsdCIxUj3H5EbBJECw+SUmB3CkFby3bwkuRWFu4BSpvv79ZPXr+7v79ckBANsJFIys3R3Zcz8/EbMl5KPsS6DHGcu3NZ9MuwurqQe0ptpOqJW1l1nN5M5shDH4+L3UT4xdoK3+rwrSfByUWaOg2v54dd63tga88kzqxpF0y+54WDlQ2yHKBpu2EEeLSp8yWPsJ6dL51JhvirnmF5tfuisYQyf6vyCKaXzeRszhgnqYc7enO8fGkDIolH/F1zsaod2OFbqtfN8KrF8NGUP0iUeKaEizFM3Fm4IwC4OibtrFCOXEkDLnFK6hi+ZqYIZqm1CrNviKaXFhVirOkp1d1c31MBdm4UZc5R8sHZGFnPcKH/yTIx1vxIzUwb4zGZfHtOZl6gBEYkhCUQEQoZoVpaq2ZMVCDHT3WFdEtcKJWfOj01ewP1SJDqP4UZdCPZKBEYiKBDgBS3nK7YksYuzU+uTlYhT4swsTDBG9z0E1K4FqB4L0xUPuTnGAG62mE/OBnT7+IOXz9tzop8BYXhr3cXJp9NpXdf1eHg+nwL2uZrlG0E49hgzw29N0fbIVkIOTMqm0KVeCoAOVxWgfrHVqWsQRtHK6ao9aXR4hDngSA3R2N1BToacM1yFLIGXTK8fXv3qL//o137t1+4PPz+fn031Rz/81dO+6Vt99/70s59+9c9+7w+3Km8ey5ffPlZa7/MRfDYlta2aajdARBZej4rzT756f0xK7u/PeqpAOhLJ4HRmFuWh7i0t7Dtoen7fbgkHv7N1Xe/voupDiWjbtnQNwktExNFbvcFzzLYOgIRgPQ5ihgMUVl1mcjXubf2IiFxTSqAaoAQikpMcDsv9YT2u8vT+XXj5JUnOSRL1wokuaCevwkwHV0QyN/C65qGDx3EM81Zrdne/JB34gP66cEEEkDmizgxomELhZTfm8GoG5gsAcodIZPqh1chfrVIUa/M0CgM8BPPsJ4yhRupNNK+IvNBYjlp9noTxeVjwPJUGMnOU03hXXYdo1Ih49zoErc1xGs9Ft3Hj6bguLZ0Jhi+a/lVDKLok319Y8w2bnpYDNxeOP82sZDyae7/7iMlFLeCYvWgEHQZirSczG9M4RAUz59yk6dBaeFKzZovwZrc13kLu4eq0KnRJCxzDvJAfSoDie4sRKlEKOiOSViwR9XO1gnOXHHy5Gyi8Vt2vOGBNMFTUm7n9jg8fPG522Hj3NaVlSZKSqpuHF07JjWEitC7p/rjklPYdWHhZlreq0qvAHdpAYq/DE/Nq0rXy6WAnI0epSkQMEgLAzmjIc0QinJm54Yh0ug248/CGJGES+rgUxDXE2vzB9IL9C2BUY1/GeykQvOplOBLrOtlPfU+nPc9JnFoHt3VdD3d3z8/Pz8/P6UYgT1vtw7x+NgUin8LIkC5dUucXC6/CPI6myHUT4YarEpGHamyOAMu03oHLFLYrXEndBGbLsrx+db9Sev9u170sy+Grn3+5beXt23d/9Ic/hRzev33/ePbDw2tZXp0rvXl8Snk93C1clJm1nrZtW8TEqromsIFd7algd1YnuFsp4XP3S2LhxQz/jqPPfvMYuPvDw8Pz86OqPj09PT09HQ7Luq6Hw0G8ac3NeSVCBOtJ2MIkPPZaVGookafmeLEAoBK4kJgYo0FlKHngm4vQ8Xi8vz8e8sLMICPWum8sJEJLkmWNDJt4zZZe35ZsIkHrSGZXvnFguLXbaZM/7bLEU9FeizAhPMPSF5+tSwvuHDA41Bz1GQO4iVGN5WDmMBVm6v/ug3v7m5vQl3W0z1rr6MG0LEutBbAQtCGSR8Ud+mt2+UHuOJ/PYUJNxtPoUH+BZdcewtGOtz4MtSgXiQDzTGCDQWDyx9K1GJtZRnwescNhm46b+KRZjwfFbId6MSZ/nqiupTUDDsD5fBaRw+FuO+zv3j1GMym7bj4Xc2J2G9AdN/Tpx9k/NWgvYIr7YK4Ktxv/mgkGzqRVbd/3vSg5V0NVhE2gRpzhTrWa+rbve6kFrgCin6I6EUvMZnv0TPSd2GhCVL9h8d8tBW+WYOaKn9zfL8viLHvRvaiZqSvcCCaMNaV1XZMQIQnkcDgczxYYmQDMq6HGfUrpHtHrR3TR7g44GF4dbG5wJHaPTARqfVfdPbMLexIy01rrXmuDLGCp5qpq4ESJJ0ztDx4fzRrFxREy1Ap3bynG/Ri0bbex/+bQfpmdHv+u63o+n2N+vvjBD371V3/1Zz/72U9+8pNEHX60SVe32I1ZGg0xc8Tn21e1vCzqOG/nxLLer2a2bVvqnYWdQNHEyd3cOTcw3Mg89GhSxQyrRBTOPyJQq2dGThx96dB6RMPgMDUYzEj1eLfcHdanp8c//IPfX5f0g/uvf+VXfuXnP//5P//nv/8bv/Ebv/97f/hPfvu/ffX6i/fP7zblbS/m8vx8Ou1+vL8DJfXzuq6lbFEUYGbk5Eg7XHcHYLIA4g5zW4UDQTSQUwJZXR211qh/AJy6xhpAosMs9q66xIIFdwBAiK65rW23l0t3WTMrZQ8rULU0aFYywGgUgWo93EU+Xq17IfFFMsPv7u5MCxGO67quOfFDxCDv7prOXvazCKWUWATkS+DMZhaRRJeQxr7vcSEzs1y8jtZbxcZCD9oS6WjaHZ+2uXS4EaK7Dy0PQEopPIGq6gVABC9ce4tB6galKcwsZQoNVxsSBIc5MjozDC4/hjqkI02Se7hYcaVd9v7UKaWpb1/cZIiuOK2nR14QNIb6CeD5+fmymSfmfj6f7+7uxrbMOYenYd/3nFsFJBHd3d2NwoNwPG7bFhOSUtKBDO6t9/TY/HH5eBym6BT3UpMYubcc1NsYbdxKO4DAsPNizLXQ4XA4n5/Pp1NK6eHhYd/35+fnV69exaKs63o86ldfffPtt9+KSDUb/TXDR1pKWdf1dDrFKxyPx9ev7oQ0bOX7w2Hf917vWIMXoXcVaIFqih5jRERbpwHTQtFm2QHTlNLr16/daC/RV6g1Vjyfz0SUJBGRiNzd3fGm56oRGjydtmVZq/q7p+ec1loM4iklZ6ql9bBMKTFY7aLUutPgwmFq3oi0QYrjx4ui/+Lk8SH4ZORvh4qQc3bUWivECNC6b3uF8LoeDocDM2WWWrYlra9fPwjIvKqWIMWUUqm7gKJlIF0QjJvOF8u9LIuZmdWqGjkfDBBTYqEQjs1idDOFWtFTvrt7WNdd61fv3qvberx30L7vTkySDzlLTqbYtu18PlPOg95mGfYxGSkdhrDlqfVqqAF0R5Pbf0wyjwidNyYT6+CT1TguEZHqltbl6enp937v98wsr8stwu/LIM3NETGtwSli0x4Oh1KKXTCLrwKt3LqQe8ubISKiZUlTau0FpmZJmZnBxCQQRiAiC7sWZ45qSqv7bvb8/vHN19/8pV96TZB9q7XqeVenfDrbu8cvd5XzbsW9mm/FturElDJFvzg2b1KbnEAKrs7W/AfsiO5dFzwddw+3aHNcdB9XjwKGUzda1dw6k+c1m+an82gF86UrxOCtLWMlkXsA9wTz5URJiGFmVcldQFk4pXQ+PYnI/fFwWNachJnXLOu6np6/DM4uzHBhgjMBfjgeJdHSRV4bGGx2jU590Qdo8sWeiN+Hbdy29HjBa3/v+Nw8aX5h2UFI2lsH2NR+b94A33HMMxzt9ojDHov/2WhiHqMjDm+Yg3zIv5j5wS/m8NUs+LsnsDG1AWIyEIXGJfEWAZs5zM1aK/PFEoqJpV6tISIR9CUaEbGop6Zhus3j+Y5jyOnxS9dXPmAC+hWk38WWoimoOThOWMYyHSPNmIgkr008Cw1uqxMC9bgPSACE1IxHclSzSfgD6vyuHd2vpdyGw6BvvKvqprGOHAHjyOlgJnL20Gxa9DqKC92jrIjcyZ38OhuuTUiL6oya9C69fgFT7xc/xpINNQXAtm0pqe6077VUc4JVLuX969ev3T0Cp6paCoz8ZuQxQR+TOt7yHIu31lRsEZdyY4cxEVziNDchz0LEcjzeHw6Hu2PmHcuSioZvA5IXdWcWagaMsUASfffunQc2aA9TtHWc8zF61+6p6heOObSxWDy5r6sX6+Zta1dCIKLbGGEPbOFjDCjohYkwgcuJyF6vIJEMHim5M5Nyd5gKcxLOeXVr9fL96U5ETTqaG1eqQkQsAMCSiMnII2dSzZ6fn7/9+qvz6fCOn9++O5Wi796dide03n/z/o3RUhUOto5qLVxTXkuL8YRS1wQhgStYnJjZGG4EKLmTKk1NUkbIjCdORJf9OD7e8ilvHonL14uLKWiQhEathpq7SloZRkYNCLSzgfvjMRLwXFVds6Sc85IzXA9Lvj/erWt21bKdtLCqBkNhpkUCJiYtSxaR45qDM4pMo3UeCRHUWU98jVKKmREP2xcT64xXMLPRAHamcnTO7nblXu6uwnDuj9OiWV3t1DgI0oBLVtgkVND1kg9smhvWP95CWGZeP959lg3NWdcZR/eIXsxNAJ9++nq+7Xgud4dhyMLB4wa/HiKwqe0X286HzKBpksf9b17kht7o2mC9uRbXvOblnWna2qNN9PgxzPqRDTsYlqq++qQF10MKLktgJF3BZPdHME2s3z1cjk0n5n60TQVqHM1eDBUUioJTK/bwi2VMhoCzUuqdqN09cPgcRGjA7tYL5uJ1zC8E1h4RutS1IOQ/ryjiv+8xbxN0s35d12rYi3KSw+HgJOfzOaJcBvPkosSMlEVE3BvUX5siB2KPTE+Zt23XUS4pP+Zk5tLMFnZUMgVxXmRN+fWBl+WwLoubLZKiXaKqcsoE9sl/PotzfEhjuJH6N8s6S0F8XBD+9z3GdghBaPDgeFfp1GPzxxUfvNEoDHJ3mAUUZzheLqPvPn13Jxi5oUMURi/MnGTJDIsIBMiDlwkReeRwwV3N2ZkYECFIYgGbYmFfc4aQEG/b9uVXb/bipfrT8/ZnP/naiQ93r+/u/bRr0egCaClzJmchpmj/pEwO0iZ6CICouQYaNlEUqLOpm0o4FtzdzQFzi5rPvoSOwU0+NF3frY6ZGQ9mR+Fsae17Xr9+yDkzw8xAFkEmd/vB68+W5jo7aak5y7osIvT2G0vC7h6lXtt2hvl+3j77pKUe5JxT5mVZwrYbOy2SGSemP9XLe2OF3BNeBqlIL64v5RILZGbr5Msvok3xuUlx68BIZi0psbcFjyuG0P1YD5wh0mbr6oVWd/H+0ZTPQhP/erkV4/dZi5Teq/blGMaDpAOcxk3GJo+yGfSCPACx6UopQwAzs2I4ftvl5heYghs2cTOxH6S3WdkarqH5FcZ+n2eMJuU6/o3YJHUXyPBRR++2+Zf+gQf87IgmR+BzTjYeQb8xwiEIh4owv6Nf+xi63AxNxCJrxmAtpEpkNuVfuKo6M7wb9KWU9fgQeaBuZKZjCAE7Z60QjG6gZG4nn4B/RYLQJ+t8vL67V7O0HBLT82krpXJaUkpVzdxNtboTaSnR3HhZltvVpGmugtK4p+DFmUX3dl7YzGYEOJt65JU5LMIiWBIf1ryKM2k0noswqvW2Mk4MhbqTqruXcMDKVTD7ZhONl/3A3E7T4j054+UxKKrff6iYPUh5sREdgFIrfzJ3dSNnIpIlp5sHD93zo8trDnNKLWS1n89OVEoB9311nfAan1nC5HGAs9CSGFZhDrPWnoKYyZmBRdxdFHoFPgLXwik6qmBZliwLTJnoq2/epuU+LQ/13f6Hf/xnKR8hh4dPpL57OpWnYuruInzggDw4hyOF3KhBlAAgBwxMEHMGMUURtylZq21oWNjm7vCWANRco4N3B+PBZOj0db1mZ7goO2Y2yiGYR0jRHb5tm1kVEfMKwEyDE/3pH/9xpIBaLWaWE6eU2E0S75uV7VTXNQsvqTUBcNsRdgZRdJ2INt3EGW7OQWrcivSZezZd3x0jVGbO10cXnJdCBSLiKV/gMgP0go/QLHg+4EyeN8+HydBseDVvxM+4z40U5A+1ehjmzlCTxz3HaAfXeMnQ55Wd9+R4iyGnh8c1BpZzBnrPPIQvnnLOPTesbZx2wodE4Pzom8kZYmleC2/W4dXl/gvw8Xk5vOttMUUjCSimBcDz89PDQ0opwVhrCanj7ofDga69CHHb+NrtL2cGJ2HmYnWwTuvtw26PQK93C3+moQc4iZru2usczIzIiRs92EXLZyD8onBrANxoqvwtE5uPNjZ8FMTcPmJIfMckz2QzqOjp6fTqE828bmX/9u37reiyHrZte/XqlTncbK9uVnmnspSjHj52/1A3gUAmljG3RXf0LYnA/SGKigEMeCrmxGC4MEyLW3WjWgpsUEW0TrPWm37AFbDfkOv8vv7CPfMd+/075g3XO7rf+bvOH4EcABBOI/Hhsmx/3sZoTg9jIY6EXgdERN0QiS0OANpdo2LGBCYWiX4Inpiy8Hk7RyVGOHPdHK5uRMwR1yGjYNMxtloKwbVuMGL4mtewyr/6+p2k493dQ1V6+/75cPBXrz8/HOXrt0+BIqhmyEIgR7VqxDnKx2FKrgAbWImcBNRQhTjCBXCh2XNLQ5GdmLWPqFhzKHeGO9a4OVe8+X57i+NL5enM4/pV/O7du2WJGKED0aTC3f2VHFJKDJecmTknzixmFW7FtVYVkcQNCzQJsSOzLJKSJOYLilXqjW2pKxzdAXilnY2TyVq/pAYY1I0MkWW8yPUrfECJJqLIiWC6NIhwJ2au14xjrPvHjrGvxmncUgxCv2ka3Vi4/ntjuIATOWDREXrYf7MonRclpot6SRxP5dJxQkPWeKHPjvDYsIDRwerMGnsiIunVMlr2IbyHPMN1ueSNyMeHxOEws4Y2gN7eYZ49/xC7HzKSiEopDdA8XSp5ROR8PjM3vNkRN40jaifEGE7D/WDWprqP5+JQnS1C9wuLfMkWZ1FxLRCNiAZe43hZd+R0ce2GO/Ti0GrkIUSXkQxGOU+Lj1yBCfek09e/muOiE9iVIAxfueSU0qLqT6fnLUpW3r+rtQrhsKxITOTJmYSHCTNY1ODwMWzpkGGzKHL3yTvKLETwEI4sIu4BbFdrqXVzBy++FzOviVKUzRkRCEw8Ji9lds8+1RD7xby77J3Z9YIXG/CDzGQ+RlSlXz4iAr3u9jpGWKxMamWbmVpra/vJE7IGrrfHzTH4gruH5RRRprqdXw53zHUWSondybWKSGJkFkR/yJFcCSODevJwTTh314q2XnwtvNlKNQL1dFf72Zffvn7tWl3ViBeRvJe67zXc6O7uVt1dyFOiXR1wCinoGovjcDAbmECAmZu4C7nD93YToigqJzJc5r1PCGLGicimZIQu9mJ/ElGL94xNeL38nQjIAKyR/Jkb8mqwMjMrp8Ig1+CecMsKN7P7uyM7iD0xmdm+7zkxIct6yWUI23rJiyw5csk62UUiEwMN5WeWas2ToBXXDDcYx7LIuM9L/vXy8yzeusbA82QOHtT4uLSslpYS0T8HsFmQjaNlx4A8yRUoxnCHzobIPCrped7jKulOWu/Wz2zHDGFAk3nUJdztxiGi6Gh24WtERK2sU/WiPQwgqmFaRanrYFjDnL1pkvfSIhlrgW7O8tT1aWZD82jnvT/fYUgp7q8QX0sp65rS3F6t5/2OoeacD4dDZITu+574ArPA5N7icxOCQReEY55Hk43Bzuaj/WWqxWpLw63+vfNEU1XmNLNdM7uqtPGROHNlxAwXTVvfxj/l5bz9DzxuyHJ8ZkoBzpWW5Xh/px4QE3Q6nSL1XUQAZlhKyfTi3x5bG32jxVCVm5e7+epbQ2qDORF59OckYhKCMpEACUgEM62b7WVTN9ZalVQVLGSubgQhSN+8zlENQFTKBzyi6IJ/3kqDJufNOAnCD8/zoPP5F/+4RTgQbYjIHdVN970JwhtfVrv1RxZsNB9wd9erhssfPMhVetgJpsbRLpXXJQOAtXoXMo+mh00dhsM5EVkUR09IOTp1HjCrD68/OZ1Oz6ctpUycAD6dt2++eVNKCVPDyczcoJIC0ixoztyUAEc0rO5NAUGNwQIABNQzi6T5Dby5OjvB2Y0gHAhGgwrbmb3Rdi+qu1o2dzeLay0yhkspzLHlgts28+Lz40NKg/MG0LmZ2el0ykJLWtqCmiXJIuJ68WBQDwGOpoMt00Fdrznj2JaDuey1oiUNXpKk6JI9i5l2Z3Kiazd7cHnuA3D38PqOG6Lv5Jib676eHzhmpo8p/fpmR8mEtDKP7ap2qLuCiShqB8dpNBnNs1wcf4pY2thKM7+eC89VNRKAx2nBCNRbpE16co3gYhP3vf1hr+YNF5gHRte55kRkdrvQLz/MXImvYzB6QdmmnHPO60gnjvTXok/7vpdS1EU4BdFG09OaWlVAIxuwmYVChkAwIIRrVES0NihjchCIu+t+RkpDp5bGf7sLOvxKwT3HtDOHo3i2QcciBi/+cOaLuw8r7Xau8DH+/C9/zPRsZs/n07t370rRhg1GRCROvh4PItGnB6WUuu/bttVaiT69WsfBfyb7O8z3Vq+ySPAQODkTGYE5UWvxgd67jaFuXlV536qB3IuS7hVZwiEtnG4mhnsK27zvbuht0P9YFEy011eHvkMQ8lQrBcB7L7LRp/AmRijHK/4QHe3dPSVhI1S3aCU9RgzqWHBEFWjTIlDs709nfz6llO7u7g6HZdu2d+8ec87c08BUlaLNG8CS3VxLTXCBJddUicUOy7Lv+16LESuoqJsTc07bfjwet21LybWq7vsnn7wGos91WVOmvGzVn4vnvBpn+/qtn88nPt+/fnXMy+NXPz1tRYl1O8EtESzK8Ch5laqUkR3utFgYnLFmDnEFmq/XzDY1MzGnkgYndkABJiANzkNw99q1cxAnOqVWk2DNGRfeCZZd693h4O7v3707HO7ujnfv3r07LuFF9lAzndkBAolkM+gOYWIYuYtgBe1mtSIxiQhLIgJIErmWXTg5eyVlhmTihZ2U1+wJzu6slEHiLqiorntAu7AQnCkgrIwOS+Mywnn4QsmISHJeRdK2KxGt65oCLiSCXsxmVmodRHxswbRub5mH0qBMOS/MXGtFrSLCRFaLMMPh3jCPh6poEHO4wdseUVXVUnPOWnZyPyRhZi/nWgnuT6Wk1smITOHUFc8kZqS1upPBHbDIEbICgBhRc+LuqlWrptwgwYKNAGCBgI7pYd93i/4+wb5F8rLUljx5YcrxP3MlYSKYGZiSZGauVhIHeBLUq6m5e8Afn6tltjjHzLJkTpK4eyDNyKk7GyOWKSF/O1MIQvVIs3KHezgDwwNMRZFSgnvd9kjCAlxLjUQri3bAVjDyXalu57duG5ufnh4Z9fXDIVE91e3u+L3T8/bu7Tfn09Pnn31yeno8HA4pC5GR0xKFCmVbzHJOZT+//+rND16tVM91Ay9c9udlzWwFZhkWKcIEZiMG75aERETgpG4GGIuxCJMxDpnP5s/7SRjruu5nk5y2bfPAiygKonRAOZWqd4pospY1SqDIs7Dqvqx3lKi4Ykm2yG5WmNwPuOxZMrNKWr2Co51qeIBbbyMH7kLYu4W1SC1JokUQDVcWghMSLp4JAEMYMyevzkTHvBKRFy9Vmfnw+vPHXd88vy2lqJpWB6o73d/fU8qqum0EZJYHJX5/4pN9czgcAZzPG0HyenRgr3vFIsKcszMKmbsiCSe+R4qMUgcUrl7NazVHStGwHmB1kDM8EdwOh1rrqdaqpvloLOrkOS13x2g8nhKvS85JzKqV+vn9fVczm+KrqmoNE1VrRRSDEqlZLSWvhxDXEUF3beGMdV2bMKPk7ujIQRoFJGOKCYgkbWvNaCY1kdy97iOJmomQwt1NSBcH/aQ+41rNvFrL3lRdLml+rSrTr637+T7xb8RTK8AVx+ORRaQF76ma+jQSTCptPIUlyhl0KP6hy5dqVd295lKr+2kr570YWvwSLQYQnSQ+cNy82vgxuLCI2NQHZz5hetOrmwin0TuJui8lvohBCESSWcgUWhdh75DBaLVNsx508Qm0ry+ypGLp3VsScJzvUEBG25qRgdmVIA3rdjZt5+Pl6of6H48QwXSfy5k3o+IrErz80nbdR1Tvm7VAj7mOv1Iv6piJhHvOLayB6Pcla3AY6LltTemkq7Ue95nfYh78/Dj3K5L+2Gnzj90DfDl4igLOH9At5lHyHNcGaPU4Z77b/Aof3IAvJ3na72EHu5lFP15cQ2z3uzWlO1yd8YHoHCM8Ho/71rIHL8MDjUuWZQG8li327CDU8KOOzTXcJ/HWDVAjKm1eBv+6W4g75oaPLp7C7AwNtRVhQuJic3RzkCeGgPk/AODzolzb0Fcr2+mEiWmuQMBV6eTlko+bj/WStGJCLWGVQQH4wNzSd00v7oEoqzEyODfnUE9QuJmuoHyi8AABvf0vUVPlI1nJmkre2R3c3NRDDBK11WkLBzKipMRCXNGAKUSEw89kChh5JP2FQd3yzJdlcXDztH3IUrzZlROF3J4AfNx12Y95U8z75eaGF7/QzfM+tqMCgWIOknsPMc6nvbyciGCk7jCvytu+l1KqgyjBaSSPzM6lwQjMbD2s7l5KjLs9utYaFRIgqhbZMF4igbeagowYZEQCNzJS+MBHv6HsmxefGfrMNMdn+ZjPjgkdDYiI4C1Bxk3JrbXDzWxWrWyLUHiL3VsnZJ6C2CFKqBVRgah5G6QBHFIDtIYBnkKtImqw0/FUopSSdIwe72kFwQ7m1+zi5DYMM0RC1FAzM5zmqRhvOvsoaHJWzPdnZkyoC/MjXjKa9hS1ETeaRwtAevCPmQHzsKvocvn07WrFGU0eExHTVWbTPKoberghCepP/+Dgx/nz/PgL1Jv5/PgqHUbHOpSPuw8Ui5vJuRnkze83j5jXix3GzWtELRJ5KaY0hUPdnayV7YYsjCKcKFFAS7jlh4cHrf70dN7L+ehHvkSCFQ3A2gFYR76e1Romecn4mgE/KJFHACLWLNhVvQRlHGZQ3cM3EVJBQXB2cJ7aaZl5dNs1MyeJ4d0IwqEdjn+vtv+LlW2rFo0epkSzfoIRePoa2Q7gJo0w1OiWZuLmWq0xWCZyr43fsjDAnqLnIgADWJgjRahZ/2ZpaT2Q3X2A2YZbdaKQFqZhpqjWMjNFFI1E0kxIR7sonzBhdiYRMZBoBXFAtsYp5/OZMydKgKuquhFRIrR6U6fwv6SUWPKQIN5D+H2KLxrPvN0wMV5MvDpOxIeOmcn4tYI4T8U40hwgnM/+2OHdFBhb2gKs9jLLt+ejZ/ERUTi4Abx//7RrJUhajC7Y367uNYrpmIgF2jy3kjObkWTzWt1Oe3ne9vP5fGd7RMJ1L8xpq1rMFFTMQdyKgSi0HQuE2XnvzeMkumSUXfSDF7bRize9EahwdnWTtqjGYAKZVXEnrcx+EGy1eG1gxPGgaGvC3DZ6uLm6p6tZhMyUiImHXXg5gRlDbyaixC1H5oNr2llk3PkipYJF98dd5AFNjWqltxEY9/ngI14aPUH9kYwz3hHXDGX+3IjtmpoZ5Nc0HZEkgNqZHspxswjR/0NEibm4R3OOyME1cdTLW8zTQcy4HlL/QnydFTwzTfoAtdx6WeZ/X9BSe9lZcZlZwHx+PHpE3TCJuu/YyK13HVwgjSeCWKB61VWNXJ1d2VMXXWFLm1lAl6GBTKXj8bhv9fHxad/VzBI7WtGkm2Hf9yg1rrXa6LZm1oTWCwuA+2EdGWSmomD3ZlYHbCmTe+gNULPqVs33qm4Bj5ECA5W5R4aMFK05rfeY/YSF4SOGysSOlplFcIs+l305xxx7LytydyMP2Gl3J0nuHg2M4LMsjG4Dwzpsc5Ll4u5GdOBhAHaNS2HekZfNQOH2R+xHNHbFPKu53nDGawQLmu+E+rVMvrvGorvZFU6WO8hdCaRwYjEnITgxkUftPJEzw5w4rFcHTJ0d4eWHV3VGMngMW1X3fa/acCSKmWgrmzYnB1OUtbm3Ro8Tj9NojoiJWtpm+BilX20of6Hgjm0VW+ySQjPvz5dyYhzBB0spER6PXipDY30peGOzuZOBhYncmcBJHp/fmRmJQ1ODloy+AW1nXBqixn1qtbbnXUxxPp8D8/BM0eat5moQ1gCxBGs4IpgGw49ZJP4wAxoK+HjBZnFevxH13JCP5fa7Rw6WE0dOrBkjMUirCLNVqroKcYLqLubg5B+yUAdzu/5lIE2RBMcmAMSNaToziCUlyTn1nKYLGHR/A2Z+ya8v+ji6qfSSdAAIX4qQcO0Qw5SlmdJViSpd7nXRM17y60FCY0LshX4Wf+KmXEVjaJ8Iu9uR1NYoTTY99xtSl2C9fPMyD9yB32a5Mo925ONgIvIhEfFCyNmUUDoz93nexofgWWF4WUt35LG55qfg2oSdX39eOLo2a+iSSe+Au7acW9dmZllkbV36I44HkXe3Ta3VSWqtRDyyUmu1qnt2VytVlcDRwe4q3hEZozG0aZDz27Vd37WZ0KLHWw/zrbMxMphWT8viqHA19fD/gVjSqlXVLfwtDo4gNE0Sl50BFgbAylc+WA4ZcGPZtyqo9lWER316rbXhdboTWqUKuxtZYEkDwxCEwTuuogGodU9ZQO6mLJKkxSA4XEJuHq06AWEI8/PTmZk5JRaOIL4CBLcLyTVzMGyyZVm66ULTfmkt6EOJHIA56N5RcnaYAuEIMudiqhadMAauCMx9zYu6qVYhypJIuJkkfjG0zGzbK1DN7HB/z91y1YD/iQqoyeZ7uVlu+ABwi3UwjplH+UeU9flIY5fOO3PebDcHSwpHO4hZEktiUQeZg0BtLolvwNW0lUM5QExEkiQv0SgMgDu0RyYSY7SPnrnw09MTuvhp2BZbLbuqRO8hqmYMdocjuUfePaAxEUQeq+uRf9nkxsyG0GCUrHsb1Vsu5fVi0DzF8cs8P0bMTu5uiggxkyuBBHg4rG6VrN7fHSwfttOzezFZgxY7e7pl+m3vTw8aDCQwWQEIgdxBYAcLAnetFzt/wEyZ3+Vjf6XrA13IRQ7DTRjpY2z95v6DLoe3auZpL+8TRNAooX2Hu0MNPQ2ni6gLt20fHENCkl8QzrwjjMcxfO/ziwz16+VUuLfLR1BgPBfXW/fli9/cDS8kKLpiMYwMdK4933PeHfMuvfr9I/tXtV7yrs0jNMU9ddx7HVbU0qD1H2WRLMLw5h0lkr33Rxzis3+oIf9EOCXOWaKARETMlYiYUk6SMtVymhHMx866fR209is+EgtjwETVjWoFucFFsjoRq+JclRxmSAY8nxsCTrhSrBW6TWCBF4twCLjLCrI31CX2BkqJISgAd0+ZU5KUFnSdo2pfI2pKl0Qkb24eDxv3ADk5Si3EAb9sxMjiKYmqerGxTaf0AH62SiTkxJAo+gI5UWAxdzBV9wDNoReFp5MyJC0vgZjCIeIgcMQF0cHtvJUIeHGYeTF1BNp587UtxwPKZuauHr3CwydcewIdtybt7pOaRUTmFB7AmbznXfMdx3fQ+dg+MyMiIljHEAbCxCSCD0E4E993jyDSVbjXTrWcb5GbiR4DDRZtZrWSkrur5cxqINaoI8Qls4q6EWTu5h2pjRhM2773wCS0KrMbiCRBjEQoJSeJok5HK1v27vGHWcjCcO2NlZh1VXQGPTSDeFy9ntDp/I9qIt5yVkCOUNcEJEv65P6u7M9lqw+HZUn5LerpdLKURtzCzG4MVhrM/3qNyK0HCr03O3diZ4K0tm5MgFuVRQLTeAzeOhT9DevxFjygmV+Plwqtf/79RnjQdKCDsNzQtzXoie5/e2Gs3JBirCA1qu2D1GZNmjvMlaLkxqgbfNPlky7ZG6sGCjw6khnh9hVmUpyX9Tv+9bnO7/aqi58TXcLNT7m5aghmAKHK0OT/vJJYrQjhcp9xvBz/vMRm1c2YOSAO3Z1B7moDjuWymuJambmh/WmfuGusnKo7Glb4kNwt6XSAmDCz1kvlpQhbTWPRqS3y1dR1htUrWQNYo2HnMhGZYveaiM2w11rNq0ONS/WiFsr349OJYlYTSUsMeZE3h8t/ZLjc+muytXYx4RNswxurZsZAYngvxWE2jySXcC46AZCQcEQ6Yzg3kAcAlrMc1kxEulvoEMzQqqaFmYkTh+/CXVtZJ5i6NxKNebmZsjTkKyI3r1XnfRq4HHYJT2hqbbznZuPuAZ/dvMFMDoPBncwKt+xlAGBq0G1wRuMqDq21NkqQhBIlXmTuguZ1Q5cX1rsmYTAZH4R6Gc281/6HH/MNx8a5bRL93RsJQDhFoywxwJNmUfqSnQWJW8DAAA4DGxttaqpNzDnQ07sYbk6IbPmWh8yjlEgAqGmjNndiriBQAgQOaMg/M7MkS4sGWnhHm5k7u7xeTtDcBzy2sU3KlPU6JHefYFqv7+O9IBUWGlYiZqJV6O64bijYt7sl398d6rbodtqZ5/7a9GJI8DkTMjz8FkEuNFcnkRuxCzzKBIOFuKsZiSzMA8v0IgijU8nL9b2huRu5OH4f95n/ypPKOqKAN3SFyTV6w7vntx7HzRAHeBMAalEtDySBxmQdZN2umexojk6+TISr/kruCJ2Lgs3FmjnABJ9ctebhZh8veJM0+7HjRmqOyPplfa9fvFXTqwKIKK8F8kV3NVO3jZrofaE9zI9+yVCEoeRGTuN/zer2gHtp1zoYPdOMk4d7Rbdaa1RYcCv8b1WSIfyIqLX6oZbKZWallMEoeqJNBtjMtPqyjJfCzVDHWwztoc+AN/7s7uaVzcCnc1HQXrRUPe91L7ZXq9WiDVPOmVqhPTw8PeG2wZUgbPUCQTAUDMiInNxCmcE1Rbp7Ka23c9PGYiMQlT6N0dHluyjEDcDD/fFwWNixSVOg3U117/h6jaCjiLPWGlWbDVkCMDdzjZTYcFpQFEZPPcVaQRPDHOGUAYLDxpSOrY0wUgNzp2c/tXQ0BiK/yqmX/7jB3ayGfaoK3YtzpOklJPda0WOBACBR9QWb0+6IidiJm8v+ZmsMW6srDhhb7zutxo+xelzvXApE9jGaD546GFn8yyk7kbbIpte9uDuII8Uo3I1dwjMu1MxoaUKkTltRklXryd0ZzsK5e9syy+l0YubAdlqWZWSphdkUiTlE4g5VK+ScKPBECE4kZkamKaVazWqNWLqqppTWZXnczpj4stNlZv3SfOsiIpgvyCm4kgc9xOAXyzguJHPOvOaF4F7OZibA4+OZrRzW5f645sSHnB+Ox8c33+z7Hs46DzeUNTTLQOJIgZpEl1VIvSp5yTl8WwZac6q6S5LDmlOKUKxGxTM6V81Zen6ZheraN4a0OkIiZo5w79h7sSgiEhbekHDU0YWkA1LPstB7FHkWjXFs+76ua4RgD4dDxJh9circsHLpDe1yznXbGxS1mda6rrnW6lVZWK1EjUHIjAYTwhKD3M7nlNfgUJgg4mJ9R3Im9bRGZo4UD3SmPAy+lNch49EVgrgk5nnUP/TJad3tR5e+mDrt/f8wuUOJyH30pctm9vT0RD1TaUzOQJ8BQL0T5OxNFZHo/zfkLnUzneSCt0mOJeWmkkeRItFhWa3HJnPO7jm2j8NyWo/HYynldDoBACyl5e7ucD6fWVB2c28F8rIsRFLKBuD+/v58Pj++e9/ZghBJzjnxq7u7g6S71kvBLvZuJFW14gq/0JWqruv6WLfjspy3ZzNbD9nM7h9evXv3eD7v7x9P7x7P7x9P590M5OBiDviuWzH/5GG5uztsRbft8SiLqt7d3T2fazFf1/V03u/uDvt+gQsIKAAwRxdG7Sl0QIeEYF6phUjDnhZyi3zaxg9DNBqIAFbVSq3zO/UUcZg79P7+/off/+Lrb76CW85yenpSVQZIJOY/6CeIYeTumlkEQUY/EHcPHURVtV6ckNHBdN/36MkxaHIktXoXyUREoGHwXHwN8EiJZ2oZOnHzNWcwt1JXeKDJj4Q16Z04AUDEu12b8sqB2Q1yumyllBe7hskNvjGbKIOBu3ssU3/xKyRCv/bBNN5XQ6YUNYuKFDdblut+hP/Sx0sheiOHjRCopiCOTKyqauF/diaIUbeKmJ2JklASj3IfJmdSc4YYoJFsZgBInViESDyaihE1WG6m83kPKswtqkFRBfX47Ve/4Bv9ucq+t8AezWsWKZzjHCIJMPFILOIo6oxGqd09e1VucXG1UY9dXIIY1HV87rEh4gaNm7stiK4yJ+L0QhO9MRHmP3VJNiR9O8cn+4N7Ot+41qdjRCPQ3XpBhfP953vOFP+ShIakcXev6q02q6nvpRSRcI+2m6eUjuuhnC99DcnJuEOs9TQ96ufHU4bjaOyWEb/84GH9eDl73LNsMJVYjA/j9W/+naUsEUV+47iP9G71HxvPy4OuDcEXf/UwFcLP4u4gk9b0xWFujKHY9ZeKhHrqBN+8I2hIQyMty0WEhUpRqzWlA4GJPKV0PB6305nYD4e7dV2XZRFOVatZq4bAYFid/tYujwncsGYmz3wQBQmb0+l8NsPj8/npdH58fD5vxSlLIq11r9axSpygp63EZgtzKuTcviuop7qoknMA0F5WZLiIwOhRhouRGkyf3L27mrwh6kVMdQzYTGFGIiMk6ebeAlUtt5McmSWL7MTEsQrSZl7dzWpV86l8/MqscSLHFA54udmJSKS505vtmHOcwA4Hw9SbhdzR9ah152hkiYZ1Ra0jngMOV6vmTMwsxDnnyBmuxRJ11HtqbVwBODjkpeGi5cRhHyFdnjLMB5HfsOibr4OrzMwq+NLQ74fF/FFBOG/Xqwdfj3N+2GBz40/U8aW8w3yoOxGcvIahzQxu8GZxoWp1N6JL2l7blkZ+yf4bK32F0OPh2m4BrVbRoc0NoAEp9LH3nd9ovMh3y8IxmKGSoxW3GbkQICAL4c+Ss6SUHFqrbeeyyF5VmZNrr6EfQq89mueH08j2tACfiXgGPFxS7Ik4t67yTOSZJeUAfmwOYWYOx8NsOozt0e/PQ+jCL4sb/J8iWHVNcPMyUY9mDdY/HnEjDOKSWJQbYr0RGDCHmlIrXONuHJsZehwohtsQxYmYyNxVlZnEnFITxtxhX0bQkSLhIuRNJ8Jh4A4/TBsIwQhedVDhzerMkm/+9+bd0Sd0SKwbucUvwo02dcO4OXjaofP0fox0Q/F0wqgRE5ATchbXKaarRqBEqTap3yIOpj2yDgBIKTkoquTNRBIhIiaKZYFw2rCb1XDWZc5RXy+cAQ/McZAOwS/S2roS0fF4bI0MSdKSqbsixqyaWaTw1GrF1IlL1dNWzrs6JVByIoe25Di1ovX5fFJVVeMknMSMa62qJoEaaF6sZkmAkZNrbf1KyRlG7HAXx1jLFsrZzN2jh+hIVI6AWVAapnX3EVKJQi70XoDuddu389nMUuYw2pnEVMHiFoXtIKBaS2JIKQVncaCnU/DAWxnHDZWGD8jcuTsSWjwRFhUd7hRtYtlB1DJCzCJt0ACoSaT0J46qwIhO1qilgYM5BYag1qrqSO4hBbvqABK4R0d7724YQ6THUkuKeCHVbuTR/II37/jB38cvNB3zn27bMH1g51yLtw/O8nfIwhpej9YHXlQ9QoBV3Zo9w07sagpnx1Z2NRU3ifC9u7mXGo4scmInNjfAo2A2YkJw81jXRMxMHqp0ZAXruZR935sz8Hj84AsOH8IHX+Q73j3SXNConBs9TgdzCk3X3U2tmooUEVEFSyKjzpKuLMKbEQ5Z5dDWusGNWkNoCCjyKkRahjRLA98RgXvHl2FnbrHPIYFuHmHWQ1+3ruBf9LhoK31ir0iwQ9ZRd9ahq2bzU27I1Lr1PGo6EnFo9K4mxMRuZufzufl1JwEjIOs2N6whmVFXNIYf+IOP/uDb4XpTzJfPlP/Bvw51IVw91IsZ5inyphHquGE4Kj84Hprsv3H5cPzimiMQBfONSrVmxUQZtRBbN4PYoZGA7a6qI+J6gWVx55EI0ys3G316dRgLr+vKnJ7eY9931ctytCo3jUhHGp72IQhHFVOMOch4cJhSN2Y2eC19wwovkoltL7ac7LSfirE6HBLQpezqRGZWSq1VAZhiWblhnUSA0x3UXNxD0I55q7X6KGwDMLH1ke7fRnjJvVJvMWaHhI9TiMg4olHaKhSsQVGez+enpyeopeMhyu4pakhYAg/bSUAETrF2siSEnURkBPcGRDho4GbdRSSI4obYimnsJqZB2MLQlv5vMLKGPBnkSlAFw5CSiOTEbkqI+hTEhFDLykcU2AxWQERt+7lX89EG1dBSBN191FuMtFpMgap5Z8Zf+YUCPe/El/8OArbr47tco/Otx87vLRo4JiZme3BydwIoalm41VnGC8SeISdxgoHCgx84C+Eji8T4C/3RJam9f+gFLkbmocFHxZiBKIBFvNvWQ3kk9hRgos4iUqlPU/eReQ8WAvCBe4KP6tTzRL88pCuC8wIEvvBuTu5W9bzXJEYMpFVM0AuN2xRd6zLj28wlG1skHxANoUkHhkyimZvoxyTZvLjj8wh2XpA9Jq6EFwSHiRdf2MHkPRu/t1u1+t8rdJUhD16Os2OUu0c0JWINaLLk6emJQeu6JmFVPZ/Py/1KdFkDahX3l/C7d1E0Ii4z16PuvfkO7yhP0UEfKm1n6GObodHthSUR0ciVtQlPYEwpTQ6flxL3Y0fcf46OjKfMk/+CUygD6AiQtTUKJnZERkzb3Rz34Rl6Bheov5YC00NWNeQWddkpIsuymGE/b2PSNBpL0UXC0RAt3Us223/DfIl1yTnXWs5lZxiYtfp6XJ7Oj+C0Hu/vPL1/Ltu5bsWqOvWuKRLiLfyrkFqNU1qWpWip2kBCEreKwOGxJ2+OYgA+sCY6cjeF0dnr5d0jvy/cD1DXcMyKCyeJtnebxc6Fm5kTk4QzsxR9ejxloeNhdVUowrwGJWJ3s0gcFUJEf1KO2Jt3nu7mIyHliuQGXcVLMcO8qkYMm0ut4UNyUOLuqURL/InXAlrpCDM7wp3QNoKIBKeI9ElTd/NSI1n1os+1NXWKBMZZ6x0YpHFYp9AbVvByCzQmM3HLQeHfsV8o2k72/0UtHePjFuHHWOe8nXw68GLTTryPmIRTdhImdQOJuLYmKAqHKcwcxsQQBgHCztF6AsSCcBIAxOwkisLDBwXl7unyXv3krsRoUHy9y88sSF6+6cyAfkHuM98WE80BoF7W1ijPrMATAwYiNsemmsDgtCy5aNXQmft4JgmKuTfNeK50sJ6WEQobrESERtvBaPMItFjmvGCzX35+2YvLjq5WfB7AzSBnm28Yx/TCNIlDJ7TYIVFu7j/TGBPMjDF8Jm20+76bVS0VU2v425X1acDwsWe8d6K5IeIx/9wzX14eY0LGm455G5Mw7hoLNM/DsPNmahnzAMB7naJdqlxg1+byfIwHzcuBbum+JGaHmqvDqHcOdQc6jAtPKheagnK1d8bqD8mEhhRTag03dVqWpMX3/UyUReTh4QHgx3fvhbJI9AJLIiC3nHOpztdh1IsPrZuDzBx5p/GnlNK+b/u+R4pDKYVTefv2vbq4M0tm9qL1+bSVouwbE4nQsiwCdnZ24SSllMwpZnjALoIaA6lTrRuoz782tYCIKMrJCSmCaNR0fXePNFFmTu6lv5cQMwEMcyYbybkNCZ1gXup+PlNOMI+83HVdIw+XyIlqC7FRAqKGNuJz1IF1OkZmWCvTEVwh8hKaZga1VoXSvjh5ImZjhku0I4SElGmQitTcxC2sBwHYvHo0TGz9yUXZdC+qXos5QSQN0nVc1Mdq3V2Eht90Q8Zjr303E54vvNkgg/hvuNzgFQMGgYjSaM70wWPeqzfc6uVQPrzr2jDdaGhNpDBuyRftxuZqpgSDXPw/k89kFvhCFJy0cRBWZRAHwg9BGtQPJaLi6t1/XbS4e0JC+ghG6Idk4XcvAJpefLFs3J2HlWOtQVJ0vxAmAlNi8tYBWI0ctCyLl0thxojMt3nzyOm+lUNtkIEixfCeiEzh5ZCmt2LKuQjjOPgs86Uhzst1nH+PH698v7ii1xZpuDrhQi3z/YP+tFZ0zk4vHIMvN4MTrKolGpKVexhfRAIDOu7DoHD58qWzmHuPL4qMCLORN3gPZq6ljGeN1f8OcxCTnBgk+h1kczPDg716T2rH5K4hIrMrvPJ5Pj84mHnyx1d3n92Js9xtOzJwWRvY5qWsiJsHp/VnTilpUYIQXU0IEZ23LSLuKaWUmwxQ1aenp5RSSlKLmjl7QkMlvcqsiRu6tYTkG/YXvGlZFgDruoJbVyzuZQDB+o/H4/F4/Pbbb2MGtn1/OtWnc30627btpei214W1mKXw4rLES6cJG1lEiNO66vO2hS1tFgWWdlmgpoRd5vxmPwpFEgm7O8x0KJriwaXa0hQFL92z5QhPJpDAykmrmsAdVqqZJRaR7EQtQ9BA6FDjIER9IZG5VvMR0TCz8Eb2uoirKswQfgGxFisSH91dTZmcWFq+DZF3w9cNzpfG4wCYUFSlmAC8pCRSa02Jc8pqDlR3J75ImjBnxza5zN4L5CzXOtPq4AmzMJoPe0E54/wbgdV+sct+GefwdyTL/ILHjWh8KSlVVeHkRKpOUDV1MydJDAVRlFuamUVdkJoOThRxFOao+p/BNa4sMCHmgI2AM4OIFVZrVTdEna9w8sTMOefTd6bL/CIicD6TiIh45kT98sHe3ZScPfD0hUEuIIezkYM4pVQD7OCFKtTyyfqkjrltYu5qvTWCEUOKERFg7pxTBkxEUgpBGJ8lcsTb2ZNpJFPBlk+4LRjb7JochzCbCWCMbUS2xoDri6TTizJ7zWvap3oBJo0dZN6S+4/r6kvj8rUWN8s577qP23IsjQWtp74g7QFx2l7KiAzN4+GPxOTGLXwCOrnM5EeOl3/a931ERocgBIAOQham81za8cE72zSeedU+NhKfDkwLb3rJFI0wHhG5Xpz2YwDxoXe/i0yZaA9b3f3t228//fTz9XBwUzNX1e20vXv36F1xHKaqqpZSlsOxr2xn3gARRRkGRd6/XyZ5OK6Z+dWrV/f391999U2p+urVq3N5//7pzZu3z6c9+nu32FjkZDFHcqjHLzkv1HXEJS1qeDyd9n3XDm1hdgkZRrdI4KorxWXMY8vRRb7GOJkoeGy8bK01ehnF5qYG5qLUKpSmxDEfNMnuFKnpMIT/s2fAKTObR9UEiAaqw9hNNAShX+xpBplq/EJCFDuq8WG0bIax3BdqcfduHDtg7rV6JcqJSVIrW2Ienh7qIYPLIEJDpQZ0B2AgyjYxSQytfq233VDgIPJ5IT64O8b5Q+DFthqe9sG33T31uo55ewDNtdIgUobmC4DUgiAQL9BGQBGEacXcfLG6ihzhDiJTYvYchX7lTNWZQzCQmRLYHQVkuBMRc7FqIsndSwFxJkDVVYvVnWFJ0rJISolOlaFCoGSMVlDiANyWgGY3uCJ5QmWtntZl8PeZcSTONGpNzIISRYS3czj9q6Gqq6uTOHNqliXBwjerDiczZGEiJjfdSTUz1iWtSYTcvcKIRUiyOjfT7P2bA9FRSBmqxbadBJSkhcOEWQTCmrHBdvXPieA1Qh3GVNVgbF5BKcGdSJkNFM52By29D7CqszNzcqOyg3mFkyl11DkFSFUbDhZz82IRm7t3nNxYkcjIDe3+7MVaohKSyHE5Mid3CNHT09Pz6fTpq4e9nO6Oh2/ffL2uK+gYyXKq5l6WZSHyp6fTSFqhQVHxH/NDXoIpC8HVjGhd18fHx72yiFStReuyLGldFKhbpdyCkcGGsmQiUrfoG8mJidjUzFs3vkhjp0vlcmSTWChcI2pBzgDvKvte3D0xkot6JVNSW3KqqKpKJsuy3OWlNbCtpwVs8GpQhRETJ6UEITmsy7JY1f38bOop5WVJpiUKvonALCOx9rDeaYM9usgDAEQVImFsRW40Aeuy+CxcO4AAEZU9EWWShkIJMyKXlHOi59MTxBOz2s5SRUStiKHWLbETlOo5sy1JttMzzBKldb07b2U/U5L7u7t7s+XV8ZcXWr0Cvh9WXu7Sc6rbTrXY/f0n4Oy+mFd1zXdJsTMOIkSSSTIkm4inFYe1UpZDBmwH3G1dV3fb9532zYF63t58/e3f+7v/kz/6kz99Ovle8bOfPz/vZrY4FWalqB4u540PYHGy6kQeGY1e9/JwfwSMjbZyRt3vF6dX+d2709c7OXshzYdVzczqXT48vX0P4Hvf+97XX399WNb7u7tt2453x3fv3h2Twh3GRMK8OKOimFdIi4nUupsm8kPSAxmRvlnyQd2ez5uB0/HOKT9u28P9K86lkr47W17vsuTH856Xg5o6vO6tRrAlLlXPaYXCq7tnooWImNic4LXVBAusqViX6HuttRTvX4mIdD83jk1cWSoJE8OxptVblLOYFzKNiulluQtYWnJzYjOqxcnrcTkS3PaNit2xywLV3c9bzndo+Kiodd/23d1zSmphw0QRQcvZcqtL9Hq04F89fEhwhcWwOQQttZDn5IO0CUxuqE00nQAAh4ddlZizhFrv65KOi6QbGftSro5jPuE7JPCNNvGB+1D7k7v3/nHk3VAYmLro+ftAdyQgNrWMm4/T0dSHPye5IDSCQRlxDFfSzXsNV7ITADY4WUd9m+dkfn2/elaodE2prDoUE3Sng7sDHKg58NqTp8jde0uyIRs4ABK5N0npDyER4V5kPSybWRt6OQl07XCY1atuKk05O36Vlj1+d3dTV9c++R7pKiKZmT/73hfbtm073P18Pos0p3ypl21pPXnSe37HfIzhfnAp13XN+VJmPl6EX6T8teWWWwtvVvuCkvrEEl25oC/nAyDy2MDhawVJ9AE7nU4tA5adiJQ9tAMtxeBOzGk5HNZqOP13rP1ZsyTJth6GrcHdIzJz76rq6vFOwCVkAiBCMJNM/wAPkv40Jb3wgQajaABJkJQg4NzhnD7dXcMeMjMi3Negh+URGXtX9+GFEWFt1blziMGHNX7rW0udzlcnrG3JOSckdM2JmJHQYVc7sTeBtxjyNtq4pnK34cJdFcdm1+5f+87TxU1UxBKFm9TYPF1VZef9LtuOXhe7utGq2sQQMb+5I6IIQiB2dbvNzm3fRfYNyW/z3N+GtXlQzB4ArJQYPXNmSPM8f//99621Dx8+iMiHD58eHp6qwebSbVuj71BzdSNwMghKlO0gwMjplVJOp9MZNbgI3PU0joh4vV5SIndcpvl0OKaU5nlurQUOCExiGLH3MUYCNKfz9Bw+RhN3g4TmTpGYaK05wjiOBmRmgDgMQ63VWmMyYSIk6jShEUrdb+TXovWVsN2+uV8t9EVBzvbDLk4DuYaIeNs1CM4I0awejfHXC4g3SR5YIiAiTByWpn8R0vzTKgY27MyLoCkEdC8uSoEywl8P2Hx5vFJbCGC7GBhAT7TcQqNfDtZ+F305gr/6VHuR1B8MwW90swhR9oDWE19OsDLRhEPpsLlrt+3n5gQYaSHchbDMbJ/xe/HAv6GM3dU7QBcDNb0G61/bAb2EKC6HRO5Ebua3DirbI1NQVhpurRsIEYK8CjZ1u7s9Q8BAVUV7eENwYjB0DKR5T5ETUPcAAHsqtKO5biZPbL+UeIvkICIT8st69m1kaE2q/er4BBB6LzpvwHHckb84mrqCai8fZkRUUVVltvBO5uU6z9e3d4dlWdy1Zy6gEEUDhxBZsga7bFOBm/uCkUAB6KyMuztl5si14A6Vswn6fWVnqNuMY+RRyGldALfliuYKWx00+VZOs8ap+skBtJq5RP4F0FRbhEtUZBscMwNYItNU0M1BrGkV80mdxNQMEmVQcej9uYkQrclskPJuaclGzrAFcxBxB9h2xF1x90tFuF+imx7NfOMyxQ7AACLq3Rxhk7R93cac9hrCHfvBRnaz34zx0bIsRM7JAaA1UdV9KhQ6xzfeZC/eWp2s+pl7TRFEhN+lQ51cweuyuPtf//VfL8tyvczjOE7TUmuFVEopB0CqEg0HqRM9AwITGAFQ8ODzitCh2yillMZxvEdvy5woiUgZMjhezucffvjhu++++/3vf59Sdvd6qSUlV+XeFhgjp4rbzgfNOQOpqkOwnMMiJtLgOOBSKxAeypCAr8uMSEMp03Q1a24uwjnlKPR0VShltxdgzf/5bem+tFBpB8aOI5bHvlxqL+j6mypODGCGFAEbBMtMyJyIDR3UYKu+AHfv/ZK8o2rj1nqt84pDATB7ZdjRik546VC8FD8AcFtaa+3vq2QNOgG8TCi9OLbv40uwwgu94L7FO9Orj/GlLflbF/jyxauNd3vHGUB7mGk7n5O7WLT3clhLGaJocNvkN54eJNDVjYudfGO+eDG7+OXNrH9uo/kCn/bl88ZH2xnWmPhmW6E7Ajr27n8GEK03MMjaV6l0MwhUVTd6hfCB2BKXQAYJIAGig6MDI3QD3IAyAiACAaJHC0ImItOOOyAK2vtERP7yoZg5Ma3cLmlbEIjhVjIRmQl0wvPQfOv8rgs0Frsjem+92RlP3KLcY0WUEJn5BrZ2d5Hq7qI1KEW+/vpr0WYmxFDrrLUpIOWg2FFxiW0D3S6ILmeOHUkPzgYQRsWqgwFg5dsDiKDuLWXL6ZZy804i7SLGaaNEcVxTHWZGa4fuWCTbYKrqbbW6hsBUd/MobwdAikpXMw0O+yB+aK0FhWXnNCmeuCTmZV6ens/T0phzHopdrznnw1AIBswMKuYOas1vK7Av/jAyuLltqJYeOPdN/q6bkXYJRdwd8NKV3+tCXMu/Xv0wTtWsqSqQb8mz9a5uzILbVXoZiQsz5JKI0MVSSsfj8PRw2XZZeKGIvpa9kq04Z9hpdFgFhnsi6hE/Ebter99+8927d+9+97d/HzNVa8XEZRgAGVkdpqUpulDn5o91T+ieCBiBGBhJrfdVNVNQjHzVWNKQU0rp8fHRVQDITP/xX/7lP//n//zTL7+0JqbK6Hd3x2VZVBt1MCREQ0QCMFBDA3IiUlAn9ASIyEYO4C5Ibg611lVGu6owMzq7SjMtSpyIiL7sfrMpQpWec91Prq+RrVeb5eVyeiHVtze7w7eWjWmr7EzgxJyANOiM3fdmtfXSUlSIddk5lciJmYOYFG7ItVcL8rcUYdy/dfMTdrdtCqawCuJYHn8K1bY+4KYLb1dfb2AdJ0370cGXpgTsNMptTHez8uWw7n/46lTrgcHQYX1Iw9/qFHk3AeBrycktNLrFuxBXh4YiHxW3sW7hV/O9LYkOyFxjrkgYvSBDDZlZ6MjoGhFXDHEf27ZrWfd1Gg3x1uwA1zafO8kTEtZUvTkEF1/ftGxYIqIJDR1caYsYAQKZO0XzllVXUdw59ZYaHVaeM0caL7b0NiMppZJTj1z1sqUuXZAJmXoAKm6a8OWUx78EtzUfyjJUI9gOGaTqlIItKdiib2HJZVlKScuiagJgTRYyul6v6ON2n7bjaN0m69XS2rK525njz317FyJCDNeZYO2Zt2lB3xXPAiC+pHSJefaVJrcnIqI+blvzO1aryGUSAzMCsLupGRHXeVJ1EXGP8uI4pz1eFsJm4MvSns7TZbrWRcxsnuf7N6evv3r/1dt7G0pmYkZGEqlh5MCO5IFXLqiOS+zzdIsGb09ELw3wvUrzNY/ySoHFMNxC6/hCtq6C49aIO9ZeJ4TahWrjRc7ZHJkhJUYESA5A4HkLWccyDENxU6CEwMzE/IJacF2QUfij4JH7MLN/9Nf/+Hqd//jHnwHg48ePl+vVMVs2WnvL9ECqgYhwCntyXc1EmXuowETXc3ogAxhpyDyOw3Qhk0qU3r9780/+d39d2xxxVyLKiRNxAwSkxEkdYVcbYGAKWmuFYAsARKaUmHDgAVHleDw2sXmeHWkcR0pJtQ05C7K4qWpthIiJGF8itLcJdXfdqQB/eezf3IZxH5HaH4Ew59u5wxbFaaqOCQgAV2f810R6n9Od4LV1WlefuyvCneH1p6KjvcoCMFoo+M00X2MYYES4xrksesvvBwd34bdtm7+86FoY47CeE291Hq/ubxvHV8+//9peZr1Smbdfof2G7gdfMwTu5H1jI/ivwzq3O9nv0v0VcfUI9yP9irkOEVX6ArKNv/+LC+0FJYNFyQ4DKDqA4Y1VIPxEC92JO8rQuBdAXAFit6uY2WbHmFkLrRxFYykSfrxxL7kDWnhlRE68Ysn2R8er3YhGcf/pxojPO8QE3AqiX69Lc+pdyDrLKzshIK7tUSzshB6vAEdf22o7qdY6zwBQSnHXt2/vP376+Zdffnl6eqxtTomWZcmJzdVcgxDcXMEcbVcnAOhmgAzmRIQ3RXgrut+WO6yg/O0ZRSoAESZbG1V0I7Wvl87+YAoYBhntygHNb4t1XQC0NjXsy8PdTdQAgQFMJbAtBITghkyMASnCeZ5btcdz/fT584cPHy7TRESOHGzyAPDVPLuhmd0dx7HkseScc3fxwMC7hcIEiTgAnIgWNOxrlY73fMFLRoK9DR7LYIuEb15d/wgx/NqS8j77HppSRBIlot6Vr2vBKJkow0qq3g2L7bSJE1HYBOZiImbau2qs10W0gAUQIgMpARMlIjYgohdBV4QV8hHto8wQ8f7+/vc//uTuqZQqdjqdns6zqpqzrM3tiDOgOWjmlBIxAoIlhKGkzGkYht6iEpyADYEBFcFVEiO4DiUhGIF/+/X74zj8N//Nv76cn4ZhKMMJ3K/TBRFzScweDlFIcAN3UHdjRicyUBV1c5MECGZwl1MphUVaawBQSkqpBBd2SZnAVaIlODijOxjc1NBe3m77xXe9a+AldR/sYonbethO0i0nXwMLsSWwKwhyRUBXDCipuxtQVBMiABJB/Ki3CYLUyzw8qAIMNpm8i2eux5dS93YE1y4ChM3tQZ3Sh4HAiIARmMJRQoEX7Ia4lkPslxDs1CSEL0QOEcRby8nSaqPRfoBe6ZhtBfsaY4SXWhC+0KO3n3+RRoQIBK8hEACAtR+9E5LdfrA7Zwc9b4bGthoCCgg7RfjlPexvm7E/HVOs1f5+FMvGn3bz9DznDEwIrA7sUfvhtlHjr3FRgOCL67NOvUlg1LYhE0fnlH38JwSN0sb4QFkTkQMTeep2gfUe6rHsyDtIATvmflVpFBD2W3YNVnEWRPe0gzX39fay1+t+lhF5C6IiducxdqI7uG9rmtxBqrohAqvq8/Pz9XxOKb15c5cSff/Dd3//+7+7Xs9I0dwRSinSOgxy1dO3arz9ht++sPVQ3YlaxhUWDzuhgEAIFBmp7UnNIHA6vvXPcoJgFuuTBQAQ4DVfpw92uUN7aZW7taiKU0MA2yrkgEIVgYOLyOUy/fLzx0+fPv1ybk9PT798+jhdFyBMqftGh2EQPYtRbfb+q7f3dyc1SuqUt3lxBwu/HNHXyDECGOKNB8PtRbRzK06Iesq9TIQ1wbMNWpCkRZFDNEtCRNjVAOCWI8TuR246aV+wv6rbTpU3lIxotS2qkpCJqNVbq41tvvqoEqKj95A44tqyxqNo3Fftvi6D1hogffr06ePHj/dv33z4+EBEh8NpWhQpKfQFlFJiIDNjw8ypJEJ3dGWElDin/O233xBhQFR8ZYkDs0K8uM3XS2YyMzdJjH/zu999+vjLcTwsrbp7Sul6vQ7D4O4O5LiGE2IJBWUdgYMLuLs2M8IF3ZsiDYdYt8fjCACMhG4lMQDkIZWSWl1U1YEM4JUr5u7bZt0L+puVtmtdue2azayBnazefhL2KJhGGANd0AwAxhS9XUOrYa9u5RThDg8Oj52q2164r5Rs7oF72hbndj/w20dXt64R3XEgcMWw7UBDHOS0Vmi4VrvR+W4L/k9cJTpskAOhExIhMPbI4gt4y14YvTrFr775q/pvPz3rbQLsoZ8vnrzTczoArkWg+DKIjBsAbAcHwJV34z/pSCu7PxMz8WaoBmUl9WQedHsDMedoL0JuHpCqEJQB4iAwj8FFCqdQewfkVTwgJsbM6bpU32qoI9sXirCQuKlpiq49AGkrW1kBb4iA5mgeipmZV1q6NTJGmFKiFXoAqxYEgIQZnAhTzPg2Navy6DFluCWcdkEGIOida6OYKeIbhLvoWWtKBNEF5nq9Pj5+HsfxeBz++NOP333/9dPTQ1umnLNIDTV2KHeqim6eE1Hu6kklSKf6skE0t2DN8QwAPXW6LioF4Nui9TWDCK8t3w3Sy5TCUQAAt67W159vqzrMGIGV/2zzImN0+qmgN20giCoHQ0RimJdaq7Sq7jBX+fnnD//hP/zu97///R+veH9/f3/31d0BLpfL4/kiIkTI15afr0+XOlWDNKTxlIfknqhN2/2bWeQxI26/K6V9UTJ4e5b9ttq5fV9+gbYGdYiRZJ2mqTO1phzLIxy+63RtrYUibK01laYavtSWpo2zOVCYeqUUIldbiPBQRncklCe6bJGovcABAIRbZG4NzPO6tZksyuyEMBEJEqfkP/740+fPn99//f2PP/44V5lmocSIaGoiahYcYKbRqmbtCBjDyAKK+P2332prz8/PImKgJqYqZpAPA4DP18vxeASA1pZpmv6n/+l/fPfuKzf83d/+zbIsp9MpHnmZqyNHVwlwIeoVwgByuV4wuYK6QeaShpzT0QCtSpSQHo4nRJznWdVDp5ZSEtPCvQWY+cqZ9msyGW+u/z4k9pqf/beEOazq8O7uDkwdDFVcBToCIGwmM4DmBA5AFAErNHWAXpO/P+vqSelGxbf7dO8RrvP+64pj3cIEoI4EKwLA3BkBqbdcpZ4lwu20N6G1u8qffnyMyBdRIkh7+3HzEnztD7c3Jbq3sVopsIbX9oL1yzlrWodhoOCsMkNmIpAqS6vBMQHcyUoQkTmaMPWwj++Cv32hpGRmG4O2u5ecQzeE8RLSn4jWRhNhfqJ79GuWFfrRQ0kb49c4jpFWgDXatnoqUEoxIF3mgDiOOUEHhLlHuo4wMBeqypnNbFlaJhyYmcBMpjqtZbz57u4OiFW81kVV56XFxKporXOiA6SE6LW2wilxYnQKGnGklNI0XQ+HQ87RnWfdDKaqcojgWk6bYUhE0cRKAoW0MhsFPgm3hECPcwJAL6cDRO9BbXQHBHPbeABN7bbsxnGstbamWyaACIdhuFyef/rpx+Nx/PnpU3Rlbq2dz8/10EJWIvno49ofQ5toKYWIW2utVQZGSg6+LHbzHXXb8z2+x5QQMbguEbkUYubAVyIiM5oFf5YGa0FYftAdYhIxStzzQ64hPpGAmdFWTx2jc07nnBxLElVAQGRry/l6IaK705twqn7/+z9++PQwTcvf/O7vf/rpp8PhVI4/CPAvD+dpqWaGnJvD/Hw1s++++fqi8G/+3b//5dPT/+X//H9SyPf34wnNRSK0twKIhCBH6BYNrUkTRax9w6MvyxJKLYASoaWilyet3CibM3c4jFHZ3QdhjZ0eDgdAJyIGrLXG17038SDOSVVTSkDIuWvKw+GQUprO1+gEyQndPaVUawVQM2ut1mkhSkxja20omXt3PS+l5FIout4zMyUAdEPOOZdCOW93DsqKLVueaW5VY7q/++G78uNP0zSVUqri3K5IGV3rovM8q2Muo4hd5+uh8LI0k3YYyzBk8AhUyr/8l/8SEX/++ecnecq5DKdDrXVa5sTY6nx3PNVagZCZ/8U//z/kcfjX//q/bVWjPerlcsllUHNKfFnq/em+LrJcl+MxHw5lnnVe6nwVTLA0cIL7N5YYEvvheGrPc/QKdtPaGrifjscQPu/ffwUAf/jDHz5+/oSIx8OJV6YkIgpunQgqmZnIti8oZnaT/rqj9+SVBZdf9vvE1VAvpRyG4qYgC6PX6VLna4z8+TqLOpcDca4GTbVwsrVvVFzM0N3X+BkhIELUHOesaq010YqIwzDE7eEKUou+nl1Z7MAhupE6+ZZGJgJENwSDLuQBkXJKRDQta2p2Ff57Mwu3cNGWWXND177sEVx1WRaT+pvMMjd77R8Y290duEOsDgnBmghEzIoZAQzQ7k4HJAosYvMNAejDb4RYo5WrmaW1ewD+SS8Yd+4/YkdFIuIa5X5tQWzaGFaWgP6pO4BnRuFUkjV1tR6x7t/p2WJARMYdRWGvxekzGuHLns5ZU8dElBO4uzVR1USF0cFU3Y/DmBg5uoeZEjq4Rknf7pHXUAPCvqjLzJhu4dDt2Bvj2+O/iFPdhoWhU6tHbnDjc70VKcYNtKYiFiZTKeXu7i7nNC/XTx9++Rf/x39GDOfz+c///M+Y+ePHj7gjz6y1+q4f7+FwCKsrZhlvKcAYydXGsniE9a8uAihw2hYA1l2zHrDO+x6RHaKAJd06YGyLASwqygAcCVwCTgIAEOjwPj7RYBYROZO7DykbkIh8+vRwvcw/f/j06dPDMstlmtXIITWBp+u1NXEARPamiDye3tU6n+fW1K6L/vLp+X/4n//98Xj4s++//9//wKWUcRyZOfTgOg5B24FbXDQeH9KNmBR31vHWFXm/I3AFGW3rU3u9WrdxEF9ECPY7a7vo9taXImInfZi4MBOom4Fbp1aptbbWckngyrE5sNPxB7EwIDoxIibOiOhgAmG4pJxzHsp8PfdALbhFPk3Vo0Ybk4GImZhDi66IQiO7gqu11tCIwSMQ9G/+zX/3448/ttYOwwDE0dhZajOcVRUTHo9HAz8cjou0Dz8+mJm6AfR2qu6o7mZgCNe6mBhwMrPz+exWT8fxn/7Tf3S6H5vWz4/PD+fp+byYLAlOU2fLItWm2hjRtc1XycMAYMy5jMNQRnUT06biq7ELN1zYa0jjq2MT/fFnR2XvnKT9rF2vZ4JTJifXRMiFBizDWNwAXJ/nBggWDhiSeU9l2dbPF8AQuLOArRFLIowYChPqbYvtxc6fuP84KwBgxP239UZIK4OLOzb15Or+KziPPzU4ECxlHlWSBs4E9Kcp1nxXkLTXbf+QY3vaKEd39FQ4pUSJWjVyAxVzBNDw7WPtExHIRsZ4u4ftBixqKXfppf3d/okRic0GEKnSmI+ejFh3uEbhYGjYOGU8fRB8p5RYVEwBXLWtSU4HBzc1xESAa5VMrIQIohI6E0UYtvc62NFZUXDmanMzdEYH8KjGG5kx9cBkgFs78Xx4qmvoLvxvyDkHGH3TkWt0K8rwecVG7M0l2kYy1Iqv/dI2OwM8ijssEofb3G4DK02DUcfdh2Eo6a1aW5bp/s3pr/7qLx8fH9xtHMdhGB4eHlJK2ioAmKCrgKmv8rotM7qFK29mBB6ZOkqDu7uLrYBVwkQEqgCOTq7qALoqxV4fG2uDkHGrYN1ewYtKu8gxr1FZADACUDBVXXsfuplh8AasOsbdpSqQA9CyLA8PT7/8/PHp6fmnn375/Ompik7XRlSYc2ttuU5VNedsbvM8A6W747GUcb5OIspUxOjnXz6X8nw63T09wf39fSmFmd0tbJ0wDpgzIlKysI97xAJuy8C3iDdiNDTfzXU3evbUeqtJrtZpzQHXYrCIuuvaxWITYbCTpPvoK2KXWma93zYnToldrDUVi8pRX7uo816ObBv8tq4cHQEQTNwj+o0Y/Xkj2Bm7rLYWSF0EBsLYVq2pWmTXnYgYUaKTJZgwYaKx5GHI//H/9x+u16u7ppTU3ZqaS0qpqRJR4nL/9s2y1B9++KG19vs//KGJaaDiKBIlpg6q5hmbihuVlABgmqbEfn988y//y39x/2YQ18+PDz9/fPj5l4fLpIfD6acfP7iZu4o4ug7jYRhyrXUsiRGjLBUIycmJVRVvXSO6Xbsaf78pinGNh9vK2x51vft1sn15vk5DSlyIe/k8MOW7uwNTDpIEQVBmIlRj9SjdhYDy7o9aq3vEJKKHBYZttbe/aYd9g5e+yrau6AbPiELeHVlgUOESOKD2aAVsdUT78/xD9FTcRcTsIiLx68eX5t765j9IF+KGa2o15zwMQ86ZUlbVq5t5ZmYDN3UJrCwBEzD39s6v78RhHEbt7IsUyyJIK3yliPvyvrp5i6uxG8nFVY5vYcH+ZQdwYLwZ0d5VBW7mcxzujg6OBhDF1zFQkTxDD6wjRmTXHIzWxrCbHImuNQZB9uqJKUGS1sBVpWZKGdG0OZAHuhkAERIBMcCuBQwAmplHNPkGFt0EHa5P0XGeN1t+sww2c8Ajzw+I0bp1JV+4eYG7QY1zWhgrlBKSY62aMuXhWNv1el2++/57ACCC8VCaLMMwvHnzhplpleAxDrAWJAQ2nVdywk1nJ7dIT6qq9bDtWpC7NswDgMhcmllgWt0db42kEIAid2saKZzX6zyigO6+0muaq0GiAMdh1IKGPUQc9LAiEl23l6V9/Pj58+eHx4fL0+PlMs2tuhuVYUx59OepJBhSQSZR56E4IZMl5sxYUkqMw5hTSjmlnIfL9cMwZsQ3eyyoiDAzQNsECgBsGdBNIW0zBB24+6KCKn7Vmm344XUiXhCKbiP/KuC22Ua2ZiXjC9ua66l2VTVT9eSQUld47n53d9fqrRoEOdgqULrjvUbbwiIDb63dTL1wzDdkE6KYEybVFrdBid0wOO1U1bwnd1IZ45bjxhiBKI3jeH865pxFpNYqJrU1Vcs5p0O6LHI83FHilHJrcv/2qz/+9Mvz8wUpKUBYxY4kjuuCJOTEGN1uMBFncgT7w9/+zTCSgiLT3TDam7e2fJqenog6NkHbYmY5UU40T62UJFIv03I+n2utmHKmlCiZLvYy3RsZnGhD8eVhuxyhr1mAMN381zLKvrJ4oxuZodmQ8ZDT4TCez/mRQBwIgTBFm+MXe2cncptIZ2ZYl0rc58acuF9j21p6ZVq5+07zdS5PCklEiICOFBE2c5fYsyvmA3aa1X/bI3L3TVYTobsxrdXW/1mOvXrfhDIiskFJOJY0DAUAGjIdx9NhoFSaytJqrVJF3F2biEjB/Kvn3z/bTVeFvfiFmfPqxuL/qxHwkmLqN9z2bfNnRkQ00yZLa4uqR4iiR5MQiBGdaUVqbCfcQwPiz20RR19sYELE41CCZX+ZpnmevS3OmHLmQKpE1w4yRlod1puZv47AVt0fsAVC7DlLM4uOtbh24Ns/2naGFw+OfCuqB9hixrDZDYid+GONUadUzGTxSVU4pZj9y+Xyb/7Nf/fhw4dhGK7XKxGdTqda63EYW2vLsrRIILQlLpNSMtfIchERcYe0sPQCYevsCoQ9mmqEUTSm0DdgSAHsqCzcP0I86ouWyV2+dnoEBGA0caeAv2/oGFpTIGYCQG0JKhkTEaZMSNZsus7n8/XxfKlVTMnUKKWhnBDSga6n0wmIn88XYTjc3w/DIAaPj49j5jHTPM8NdDwerNn16aHeLybqJuAFAQjRVNpip9PJ1cSake6C3qi7xb/fgFtyCF5Kny1ODrcwCQJ09On+U99l0LeP9hutu6SIG4J09360F7XUIb705s2b56frTZHf4tto7ggYBWjuGHQEQeLMzIjkYLZCMOJaIkKJ3T2lZEg5E1JC0fAeY8EaUErkvqBDb0mdMOc0juV4PB4Oh9CayzKpuiNFYz3iPBxGVX06nwEIKU3TEhhOcAIiA3ZHNTcHNRdtd2UA96U2Jy6lJBSZlk+//FwKc/Lj3en49jAmJjedp+NxBHMzWyQU8Qjg1+ul1TpbPV/nZVkUPEWxoCOv8oRWyqSO2/gNf2Szkvc675WE3L+OaQATR0WAgI0UgsLM6GjqTmYGBBEWtZfEWhEjtYhIZUamSBtaD2C+lsn48th/YRVl1v8C73wrt13s7q4BZnXo5gEY/Ccea/kEAACuivtPeYQ3mb6PL//DoqObaXkYCgCANjdKqTATpoFT+vTpoUlrVVQE3KKMHBww3cyH7U7AIQgAU0pGL7ia/NaO8tfH3TsBad/wWwgIXupCv+H1V0xhhHaZIl7notrEHZBfVOAxEicmMFU1aVzKes9OUTK1Pk6EOHRj/yIiotOQj8cjMz8jgoiIuDYnHPIp8QqRjSA9OsDN3NuvpL3HuR89XwGQX24G2OXS9qOxU5O3C22231bMsI12hBx9dT5Eq7sR49PTw/nyoKrHcRSx8/msB316evKjhgDYcEm45avWPHlgBPo7vOW64yocTMOIIbiCsx9zzhiNcMptrZoFL9SL+lkA2HKf3hsPIZKjufXiX0AHA1MFcjSIBbbOnXgDVVWp2kDV4eHh4eHh6XqZr5dJxABITIdUci7q+MPb492bu1pleZzbtOTC45gbiF4eh2FgHmR6ppa9MKHrcj18dwiQi5lE0zQAEJA1C2BmN3Z/2iFCt3nZmzjbdG+6bU+NhojEG1boBi7YzwivvHrb8tjyEZuncoNer+nwtagdiJAocSmZ6XpZtgutE7T6BL03EPptbzFzTimwzS7mYewwsyPVWonIAFLJRATIKZdZNPaUBMYHGRF7HwdMmTsTU+TM5uU6zZdpmkSEKAFCLMvF2cyr6KdPD9//2Q8i8vj8BEzuAEjRVzxSzwYIlGu71iygrk2QUmJOSIz0j/7iL+/vhlzQgcRhOi8jkR/Gz8vsag5RmJ+YqXAac7lczmq+NCGicRyRSlOf63zMfXJjrkXU3Zn5N4uzvygcDKPNvzj6981MqiARKjAmhpIxpyhasK2ProG545oifGlnAkBwz2ZC7F3ZDde2vV/c3isp9OqgtcZ6VYE3V7JXMPeUWSc+oZdmPb4sN/+1I7KPQBC8WZF88P+VHOFe7O4Tcv+QIyavEIkIug653L25JyI1ELfz+UlVm7mBM2Xk6MS8d3L7PWzbcgvpbLsRe8X6rwzrS5l+U4S3LASuBvHKVwnQu2eszscmF16MA7yUQUSUc+5E8yLD4RDhJuz+WSdBiEtsqUFOCZiIyES0NXQlMMbwT8BNwNWMEKOg2291l2tx9BaPwrUmbLsEAADdMqm/NbmwF17rYeKIvBk8oQX3q2r3mgA8JTLTkLDEA1hT7Ti343E8n8+qmnO6XKbL5XK+PM+Xa0hDZg7YcGSzfAc81rV7rYgo3AyUPooU3q1DdBIQCSkNTO4e2MUteG7YuUy9NzKNPuM3zyaidwRhpoNZ9PpWQFdVFws6yrgrEUmerLaqPbp9nafnp/P1el2WtixNBdzAFIg4ldGbnpKN0BjlvqA2teXS0JxwZE8gGXgkSKwFtBAfS3r79u04ju4esn4YDrHsg7oaO7fUbaB8a/m2M85gF8mnXZIGosXgruxhb9PALjoKq0hNlPYf7QVZvAg4+/66wQcIuKWpnAhTzrgGY+MaiEaEFrh7IiReqSqJiIDYt6C9m94Ib9HdA0IJADkNiIgUmvhFIfkmOogoM5fEiZGg84Bfrs+Xy6W1hgBRttRarbU+LhbQ1qen83/5L77lXC7TEjveolTVwCBqPAkQ1GCuCwolgPDzjqfhm/fvT4fj6VDM6nm6Pp/njx8+nx8ugHQ8HqU2YuDjAcHvDseUCdCqdDYcREwpISUxcffWeqeXbU6ZuZSyzLc+mq/kHqwB0k1aBvR0m+gXSmL9QiJBLwmJEMkNwQKRgG5mJiYWwmj96R4vs53T3VUt9iwAINEe7/JKUL/SVf3e9vkb6JlC34XBvPeco8hu7Z9ok/l/4sCdj+m+BuT/RGjUf9Mj/NMX6k+4HT0VT/Tm7vj1N+8d6PH5qT5fD+PQRMk0aAYB10jObzxISMxSSqI9z+Svj/JtXF688yJ4u0mH/QO+erObpkhOnYOqEx244w3WSCkRAdXaacHD1IUtUAnm1qmG+k+Yg4EEES/Pn7TVyFi4O0d0wWye55SocHKiaDmPBJzoRV5zfYm78JQGBUkPgtNWavPqYW8TukOjIeKGJXk1mADwwkeEXpOeUorGLqUU4mSyLIs6mKC9e/fu+fn56enpm2++AYDL5cLMbV7WWbCUwqGnrkd72wFzB1VTDZ4qYMprjTxi1PBZIgIECkUIQCqO3XXrbGQ9jbrW/+jWubQrvnUQcv97haBKNEIiDoWqxJ23TFW1SZ2r2bbVo10EjePx4fGiqurs3pvrljIC1On5AWTJw+Gbr94cxzKLU+I8jOwuaiklOBREVGmKTm6lFETc+hsEEk9VwTv6aVNU/QGZX+04gBdWzv5Td6dewLACzdfvb3O8TXc3N+n11nitbF7uoKA0C0/Aoy8yMoKVwtsKjBwhMRBBVAF4UMtu5hil0IKqbiZuvXIRAIK4YCvr2nyOLUG4mQVhHZIhEkZaLtpBmGiTJU6I5OAUqyru7Xq9llIQuQp8/fXXnYDGHRjR2R09VANgJ3ZAbq2xpTEPZNCuU7o/fvvt11Lr8+P1Op0v12sVaPMiUhHTn//1ny/TjOQJQaWRg1pDxNN4cJ+uSxVxIqKEnFOxQaZ57/eHvTgMw28pwr3tu3cb9kGj/URTjxCsIXYwFxWt2TMiMiNqZFlN0ILr6FV0NA7V4J4CEVMIytNfURWbIYWrFN0LInffCB8VV7ZRgK0S1N2la9Y1RGEvclL/q8f+ivG/eJmw01xSVHAGsQll3LhnAowiImJibrL6GSZqDokTAUZJASMChp/jRE5gbLggnt6+fffu3Wz27/6X/0+YPNM0uTtD51gHXTt2Jrxo7ZYdOjAiuRO4UxVxREZ2JGWngc2sQWWMaTF0VEUzJFybNjhwH2JH68xtcyqBPIpWWOjGaAh2d0gAJnJppkQppeSOIoKyEI9BYU2JXUGRAZlyknkxbSxtUESGgcyy/YxtKJy9YLXWBKqWnFJOYm3RBciGkjKp1SvMRuBvVXG5nvKbw7u3S5WHx2dRGMbRjREKUAIiNUEhJRB0kKUMKVHS1qRqSikTq/g8LzmnUkopOXS2ITQDN6LejTMiFRjEdrZSqgCAgTcVMQGARCWkCCACkLlFF010TgkcPQryUkopoaqJToAePcoRkLjkciDWw+HPnp7l/s0/uX8DRHT3TtM4z/Pc7i7RhDozulqTCmrHnE1qzikRNV3qMqNDSTgync8fNdYGJ6ZEuWAeIJcy8NzOtSlQKmWULBE/THbo8TkmNVQLUu9sbv2ZAMDqGlFwu1ZmJg4eE1c3QgDkutR1o2IzrbW5A9FQx6u2BuboCk7DMafD8Pnvf1qgWLqb6zWjv79Lg3ziDx+/Hcfv/uo0TdN1fkLI7+6PqRxTOVIans/550+fllqX1ojz/bv74+lUhiPKVWwGIALIXLBNxFwA5ukyjmMphYlcxRVSziWNF8mr54dewNfAJxEgcLTBnOcrdvQgfVy4pJFPCKaqYi6Ojsm9NTO5nh8aEwKkZLUuRHJZJkjEOZkZAp/Gu7wsD4+PSE4IOsuiOk0zUkrJmyLo9XR6w8yqjIittbZUyA4DqT/O9fI8vzvOWEopWBzomEcza6pRkJ4xkVdTSal0yK+JqqMYAWfKzS2Bfv/dt//2f/h3y+Wqrd0fynVqRKmADVFuhu5oGa2kdOJiqsuyzLMej8fD8QhAnz89L8uyLE75LpdRHS7nyyJIdMzDMi8LM//FX3xDCX/88ffoyoQr5RSpqznwGjQqmg7HEczPz5/J9Ifvvn33598+Oj4v8OnTU20qnj4+Pp0vC3Im5Pbv/rv/+//1/zYMw+//8HcExw8//fGPf/zjd99+LVKJ22n0t3dpOBRwv1wul3r5nMYyjgy+zDOoHEpm0Pnh49vDgYiWuVXVMQ3NbWnCzE2EbilkAPAgXmUOKyQMvh3TLOFslpENyARrKveHg9Hhp+f5l0mfLQkTgHubmTQTFN2irBDtzbzHtHMJLkOWoIEJqSwA+3LwCKaBezBsbNmZfreEzTtGhFanqxteDlH8nLdIVc91rdFX72n/DSC5/jDAGms4IRLvTJQSoZsamKtZ2ht67j32i4i8hUdWlqOAHjXyTAwAygDQuaTNAW+0x90cS0iImIeRiKKGd1mWMGNrrRH/2eyXLbg3kNvadFENzAwd3DURpBXSSWsmg8AZbiyacefx6VpQ/9oQiJyhd6+454o3YwIRtzRY8Kf4r9kZvgY5w0SoFTxR7/IsKi7oyNG4BIEczMRdiYCjnzeCc0IQJjLRQynBzIKI9/f3i1pVoRXitf3bUzKbqX5zYrqrGf/TrbEfRY4zBmdnCu06sG/x5+3xA16/jufNc0qM60V7nLz/+5IACFabNM6gqvunIKL7031UUBBAnacqMk/X6/n57ji6SkmJie7v75kZTFpr7Np3yba4zcH8w4cPZm5AqQy0BqgTJ/KI/QOBOyOYb75CrzqnWwCQCFQkYLLQcYlyK2d0RUSGgKUZIhABA4Gxg4AhuK3vRzxKVBXBjSkqO3NhInrz5s3xzudJpqXK7BkwI87L1cxy4dyYUlAnECFunb59Dcb62rpk76vBmsNz58hGIxgYuRpSZ+Pe5jpEiLkC+SkPZqJTddfMxAiI5g5VGpiAqSEguIlqE21iyNZkWRwdrtdrxCRDFKgqdujGlkcAXOGCZhZB75TCPisBHY8MKKwxp86igsDcq2xhl9veXm/erZmN4zjP8/v37y/XOTzClBJQjxg19bojvmnWmGgcx83bDlHW+eSii9C6SBBsRavi5XL5i7/4q19++TjP8/tvvpumuTOer/5w3Ord3R0zS6uJyzDicDwgpVrr7373u/s378Tt46fPl6lxLoRsZofxjrgsS/3xDz+DW0oppfKHH3/55ptvDsc3b952zoFlWSiP5YDZ0UWrCYBFKoF6f7fuPzNALkzGzJlz8mmKsXpVVr+5X9sRjyEqHtEjAEFrrfPaTNMUifye9V199Cio32Z8027ubvASVPonj209bzP+yjvcv/jPeDj1yJGqYkQ7CJl5R1q4H54vYmg3TQPCTAgQhF4p5F3v1dNLSBiRCEJ2LdO8THOdFwCQ2vpOAMw5byLc3RHQ1QAxHEDsWtyCSQcBibnjRUABgHHtFqu/TtK9HbiLI98ecVWEO5oE389rYEBChbzsHbrmL3Wrd/Sq4gboxpzJFNzQEM0JKSMRRGg9+NWoEJIDIqSUExO4H4/HlHMzQ+bDYYS5Xh6nXMjXZbe19XL3tOKR92sRdiGR+FqsfmamtZ3vbkJ7ii6eab/43N30pudwjZQCgILSeg9EvFOEPbkdFh0A7Do+Bsw1gJ0WxeAloRG7ayIaciqJ6jKbtOm6TK5gkplOd8fDMILJNE04ZAAwi7p2I1WIqOl0DWOwadNlvjw/RZz//njqz16GYRiIE6OJGphGJbSt2dZ4lJeJZ4lCt6ACN22IGP1nEAwRKXB0Vl1VanN3JNMofOS1ZAqACBKnPOTxcPj++7cA9Hy5Xq8f53k24EXczpMoInhUfoJpZh+GfDiU1iaiFJMpTZFaRtqrhEAIO4A5qptq28LaZsGSy8SRYu9lgrAKGjPLRZpUqTOjMzIiaF2kLSbq0ii6Y5pZq9aqtXYVDazvMGR3V2sIUZfWDLyZO1D3LF0Rc6BVQz1ugdxYiqEO8y5Z6O4WdlvaqUBV7XwINwyO7wAj4zg+Pj6/f//+xz/+XEWYObmpY8pUSqliTRXViSBnhgZhfDJ4BJm3PCURxVpqoqEIwfV0uheRZW73b979q3/1r0Ts//3f/tsPHz7c378BJ3VDB8C1dSUR5GLS5rqI6YiDmT9fL5cLXK7zP/onX9fa/u7vf7wu9ZSz1DrVdrT8X//X/01b6vPzIyK62lInZj4//34YhuPxeLg75ZxFsFWrs+dcluskUkvmMmRGAtNI9K7b1lczkXLKrQQovVsoG6XGtsFfKcJd5RUQobtLM4Dl/Hyd56qqmBIEISwiWHh3LwPp0X8OYJ96d0eHW6LrS5W2CtvXaV1/+ZPt001P/W88ENEB1E0MAJEgQpiU6CUkevv2JgppTUKsd2/MRICKPdxPDrobmpDygXIkgFqltdZadBuglErOQ0gq63AmURVdPe4GBAC6DgeuABYiDHYVNw8qLAZEQN11Nu+7a7v5fXJ4l1P1IFbvolpXreiICEwEK4k2oiMDKPQOBGHzYignooTobrQVNidkTjSgM2AGGIgGxIKQyDzgNuSEgGIAVogKpyHldBqJknoMdajVKqYDr8YFgIEjqGEKmHLUFvqaI+mOTkqx5vfvpJTcaFOE669wv6pe2V+7wvN+8c4sivtitf2mulWV4ZqoXwOPN1sKEUMCOlRfiRGY+Xh/dzgc3JQRZJ4ul2eTHrekVMroulLP9Mk1Qyd3Px0GIiJMZraI1nleRFR1Pj8CABAOw3B///Z0f5/zwASJmSnhrf8OqMu6bhCkhfQXEQdDt5QSoJk7u4EhxpJ0d6ug4tZMq2pgcxTQmJET5cwZsRTODMOQgxTw+Xr5+OnDp4cHpuHdu7cpj1OzT5+fiIAYXZtiI9TDiKcjb9mvGFpVZTZEVFUR46yw9bAFAABVRXQiDvcvMK9ICXHljdsAFC7unqcnFCmuzMzqrS11mpsstDWMEBWR6XqdrtfW2qdzm+f5/v7+63dvKTFhUmvSTN10qUALpSytmYi5khNRckfVQCMHi5DGO2GeIbI7hnUXcF+AyNN1W8Sg14TATVx68LZv3ExV5IB4OA4fP38uZXCQtigR5cxlSK0xgA6Zj8NIyXsAyc1XgioRGYZhv1zXtWx18tP9nfn09HT+r/6r/+d//2//x6kuf/mXf3W9XhGNehNKj7aezFxDjzZV9aXp8zTXpqbt9ObN23dff3p8EANENvXrUltrx+H4N7/7AwDc3R3BoLaa0l1QEk7P8/O1vRP85pvvDof71vhyeQAwMyHEQxkyJ5MGZsQ4XaacBzVFJzMzhdqqqgYhgn3BNIL42uS9SfUbeoTUbG41CU11UTOEzrxPhLoWqsUvENdqJMeN7kpfMNSj+8ZT9ELObBL7lRTyl+HQL9Xn//bDDMAdERADedvJWtNOPkZtXL8/XVn8eQendvdM3QvkVRGCOayU3gARo4VovA7gx+MxyHzD5Q9ISK317u7u1XP25YgrmCFOhpHQR0ZCwN7i1xzcDbqRuynyLoJ3EHB86Q7GddCB0IKqmaDnjTRoxJAR1aOvXu+V2HFKm00aHdYAY5LRI0gVdhlDBs9EA2B2L44JvDO1RIGNKYJnTqdhuD8cx1wE9fkytdbSMALTNF+DJXLFzqG7ImLvHtQTun1kQuttocg48OVhO9BTn+sv1Ng6MgG+jPjn62pLRIx08vp+/zC8w1d77EtFuJ0tYu+1yqITI+ScEwG4n+7utCRmXKaLq1VpROQGaUju0cJ39d5RUB3MOeeSgTkfjWWgVlVVn+usbnWq0xVbnUzrOBwM/M2bd4wEHX4G2kOguFnWgepKhMyYM3ugP8EcEnm0gBJRSOxOjo5OSA5EOGQcBz5PE4ARY06cMydyZHT23/3d75alnc9XMzkd79+8eXO6e2uAP/30c8rDUKhkMvAhU2IwrY634YKdVaGqTStLQiBmDuZ8Q0AXMI4wOIQ9reLgSBTNDxB7x8mAIKFMpD3kq1XrUlU1czDrduaXeZ6fn58vl4uqTs0vl6t2Avfgepd5rpS4VvG1xXKsHwKrVcPxWotAOqBs5ZTp4SVYg0ycyMx8TVYgADMihPHtRBytWogoZUBIUZbKzJfL8ziOtS7v7t40sZIcIFkxEVvy4tFhMeFxPNVlaa0lDGRNLyeI4l1cYedhQap7E5unuszNFP4f/9X/C5iHYQxMA/T0FjGzgnPClGhphJS4DABgBPOi0gwRnfyPP3/48OnzZVlyKuJgjofjnTR7++arUkqtbVnm+zfvmfnTp0/v3n13vV5rrfPiT89TznK91nlRT40Qc0llyATYVMGEMUfGFxXNMSEuINpEVXkY9yO8bcAvKxniEBE3BCN0AjeVjttwR6JkRL725yGHLU0W4mCVgb1JRNeROyPmlWL7hx/4Ekrzn/EwMwfPEKoNo7W2bIoQAIjAzIKXeZWSN6Nsk3EUOqmziEGvjI3HxTXptF4SEYc8aFNmzilXq8F5CwZSBQDAgYCiFDMaDAjeJs/daW19zgjhiKhHG6mOdN98/03cb6oAXqrAzfxBxFXo98RTf2TqatfNJYSPWzIUMrO+sBgQepF6h9u7GToYeTNlw4RemIaEg1EySwCZE2cyUAVQcwA75PT2dHxzPA2Ufp6f1ZqYkpm1NrfqCIfTsbu2EJ25lLAzYaqq7Uoe6ddqBH0r4wIAD1KJnUUG3WgI6b/TUnulpaslGFER7j3/KHo89MQ7Ys9B7i3QuDfbwXq3kFRrjVhjmTUR602qmIg/ffqUOVp+sLrIPJuqiLzNX5uZtRsmMBFzIm0S0bYxl/ASkhuDvfvqTlWvV7xcLst8fn6yOQ0iBqq5DMNwIM6w8hSbmfRSNkMATpSZypBKyg8Pn6RVNEVnwI65d1Ald2lgblpNgSiBGwNIDb4FcSZAQ4KwGy7nSynl/ft3TXyZ9Y9//GMZH4bxrtZlGIbjUE7H4m6Hkcnqcvl8fDOAimrny0BnMzEjXxmFBDQQAuGauKs7hAfW9527q5JHTWT0P9r6dllCU62iLoit6VwX5FTKuNRpXnSel2VZrtfr0+W8zM3dy/29iInKw8MDIh6HknNGjpq2akicExEhuYsD+DzPcSe8wlNDzWxJO4zygJUNtQXmmJAAEobfzk4IAXfeGqrEUkxpGIanp6dSyvl8TikdDoco406HAasZQG1aOClrQKjTOLZaVzVG4BB1O76jNdlsXEO7u7t/fn5urb1//zUi/eVf/dXT09Pvfve773/4Iax5YLNmqBGFNom6QmTgJKq+1JQSJ7LW/vb3Pz4+Poph5iRBRT0UOVdVY07DMBjQXBXRkMu0CFDmTEvTP/78EQCIISG5WUo05hJB0cwImJD8q7f3KZW5VhHjlMy8JkRg2fUm2yS5vWybtUl12LI/XbyDY2wNZ04EQO5iKCsKfq9RQnxutES2tutRR/NOCABrcPGlKQzw0j7ev7+92P78z64Lt1K0fudmEjw9qzyFVeW9SApuIa/+TVACI+zRQkJ38tWN2LsFPZfmnl89SRRCBJhl72/032JyV+wnUQKGXXehIER2J1U1ADNICfeKcHvKvUGxKUUAQHLujxJkM7ArSOgIEQUFM0cyAyFju9UUMxAygoKhKbiiIyITExK4ivtoMuZ0X8oASGIMfhhLGYbn+awOzQWdCmEhRpU6L01bzhmQa62ziDhwKkG5iu4OatCppfqaDlhjL9u4eYR4S8bQLullK8WMb7PjcFN+vrZev62/da7cBREBevPVnbI1hFvVzapKe5x2ncdoW2/uRoRxd62pmZhbSpwOh5QSgpWSMiNCvJsSQc5ZtKB5azUwVmbW2+W1huBObMqJQJc2LbMQRuqJ4kqeDjml45jAVLUQgFVry4ef6zgcj/dvhvFEnM2gqZkZ5whwJPBggBRzaThfzs8ilcBGzSmTqsqymFn1Bq6pywtArMEP2doibWlNhNB7N6I0DPl0/IY45zyowM8fHj7/9Et7eDge7o5jOY65ZErkAD5mT6wA1b2oKtQFEYEToJuoWC1lxA5zTx4Ysu7toYc2h0h2upuHwrG1XpMAidFNTYUQXLSJAnJt8nyZa1N6nD5+/jzNdZ7rsixTXerSy9fejoqcEfE6TW2Z/d2btykhYmttkQZAuagjqDaRBmBMPYgdzYeDHC5aGm2oJVgFnKpaMwDAxJwS4hrFNQMws0xE23JFRCTikoEpJxyGoV6uP/zww/PzmZk5ZfHGFRNjSlSUEgGtxLORLfeYYJG9ib8PjZqZCSYe707vrvP1w6e/e3g6q9o//ut/IlJzzpQTrGcQbQ4GfmrWVDpJexAPk4MjzM9nMR/GowO6GSZW8cOYp+si0u7v78bT8fHp7O7ffv/dp08PzCknZrOA7YScrO25cEICkZqID4cDglmT+/v7LsSlgiuAZ2LKSZqtG/MWgdwCRbBTgfGCiVfHjggZ0R0j6cTAEH2Vxd2JkaLUGwFxo2hyJDB1d+5UAyE+SHvX3lvK7JUWeGW7byJor2v2n/7nUofEHOI02kUFZzHBjmE52JlXydhdaTMDeDmgnX29S0z0W2tQeKnnYyZSHjgJEjmQqLs7J2DuDZ035IqvAWgBAQBGR3RG6l0UMJwXBAR0NHSzwHG8QMpsQ/tbowkAHJjbIDAjB9++vGvOYGgA4KZmyVHN3KP+zIgSAJIZMve+qWyJmNHNSKVmxGNKd0MuQEAtIx0P43g6LjqLuSkBKKlLXeZ5ma+TvxkOh0MSuc4P0zxzLpmKiEQs1Izco/mQ9pnrCGQKBMCvpQa3TvT7NeS3re5iZlGiu+uyC7DbJLtdtFHP7LIOoBuQYRMrtBbFxxkCIRym6EZ1qKoOPuYhJW6tSVvctVbVVk93R3RzbepGmHhAyolaBWdV9YQcdqVb4pQZ7093bZ5qrUww5nQ8jWMuRPT//eXHu7u7UspxTAgpp+LuCeynnz/KcYl74zSYYzNXsZE7jbBqk6XWNktdzNVVXBsREA4O2TceSzRAA46sqxNRChxX2ARmboKQSspDSadDGY/vpmlx9+Px9N13hbAsSx3G4+UyDYeR0XW5GjqCjhnGguBqCoHNYUQ0MnRtwgdkAiQnNzPxtSVh9AtzB3RjyohoahaBlxgxdHYC605wQ13UxIETq8DzLD99fJiX9rd//+O8tLk2VQ3A1DAM4zjO9vFwGHNK09Lm6xRgN1mqmS1LQ8QyCLCJiLTFzO7vD+5utvKXLUvO+XRqOWcJAm4JAwJFzN3JLZAKsXLM1Zo201JKLLMw3SC4hLr9lwDgeDw+PD1+8837h4cHIgBXUHFQdE+MnjknTom2EnUCF5GVSoYCQQpr+MTXIAoPyVpNQ0kqf/EXXz8/P5+vl5zz4XCgnOLS/T7NzT3lJCIKNboKkwedDVynJQKwXLjWioiFi5ldp6d3X71X1Z9+/n0eDofTXRX9+PDRGVpbzIyISmYArst0uTy9e3tgJldpouUwHA8Hcpj8WnIydTOROgul0Pdpc2VWabxXhLBzPLbXKhpdHggIwBjJuwWZDVwdxUQNETrhgSsHJyGQd/MYECK+bOB887AByAB+q2Hslze5lz/b+/vv/8aZ/tOOlIpIVXdSd3DwHuBMZhZU960trbVegL33Z9fw1yYrzSzC2f/sn/2zh4eHy+WyEfeZ3YLI8ajn8xnWVMfWLy3cBXhpBfQ5w97qLxEFpi64iadpWkkh0TXiflhKMZ03iayqAaDqlyPeouSdyxwxqmJiaDmWtLuv5QRq0CyS4ckczBwwASASJzRAEzdyyjnXWrcks5kBAxNRGd+eNBMwwpgzZ7baljo3EwJblqXWeUwZ0Oo8u2Fi/ny5PD4+IqWc88HgPM8OdP/23TzPXJiZrZkTlZJKSqrCQ4mpUFUIcckZAC6Xy+Ewuvv12gCglJILAwBCFN52mBwzE2POeTXMX69OA41piJaVq20Uykxbu5nzzExMYLSFvGIowo3bIrcx474C4hlRVS+Xi0g7Hg4BOj4e3zChuzqBI5pUNSOiw/GkGoARlkwuairapLU2TZeENA45IjRa26yCiO+/enc+n5+fHscy3N3dZXJpmtjfv71fmjx8/uXx8dGAF9W6GlHMfDyOx2Fc6vT4+VNrreT09u09ukbfR9gZsGpKRIssYF7K6KIiMo7j2/u72oy8HoZSmKQudUY7Dqp+Op2YhiDHGseRKJsZmI8lf3742Or01fu3CRpDy8RjwlqrNBiPh4GpSY1K5WWexgMWTOYiszhizgMzy9KHWlVkmREx51xSaq2ZCoTlZAwO1qQtyxO0aWnmaCIfHp7+4+9/+eXTY3P67//936mBO3JOQxlzzizi5+f753Z3d7w7nY7jge7Sp4fP8zz/9V//9R9+/H0Eda7XazmMh8OBmZvY6XRalmWaJlU9nU53d3eBcIkOJIEe8l0D1DEXd1dX0eqCjImYSyrjOJrZUie0WEVupm7GzPf39x8+fBgPp++///7HH3/6+uuvq+jT05kYGJwTDjmjO5C5iZgn5mmarvNEa08GXlthbL3AaE0JiVhK5enprNpUlXM6HE61zg/PT3d+dzwGemDNfQFyClobUHFmcqKwOimVREnMoCpT5hRk8XB3yrU+GeAwkkG7XB4NCQhaFQBAdkQTVwLLBXMp2sSkJeLDkAn9+nwO1qqHhwciaksFUyJyRCZPzND600XTK1xD0PGYsT3NLDBKIhIJD2aEqA4HBEicsgEGzq5kUgd1NAMziRYxAIBOjtBB45wcXURAbupjE8tbnntTIpsWZH4BDHZ3XRG58NJGCRL57djO8+oM22t8JdpWqRUGOhMYYLBAIYEDpViaRKR6Y1iwtS3LXkTGqWutwzAcDofD4fDu3bst6N9acwTvjMcrn7w7r/AEf3n0G12fCCPVCCAokXtl8GDRSoRlSEsFcnQksehJjuDRTeoWF40h2zvj29BsodHwX9EteuhgDwvrpowJk5I5YBA7qSoyRYU+IbKDAqBbzuEUuGtH9BiAg9ZpxpQFUdxVrNXFwDlnJcs5l5IGTkPiARmrehORWlWILAMRUYlqquDLr01hcfeciAM0r4YjbhGkzYxFRLWGCCISOg8RI6bEFB5kXwdmBmLuHq0ytyWymWK3KsMgQ+6HrrMGMWi+IWJeJib3H71aspsxRNTZKZkZ0cEce588VVVtTbS5e8JILq5NB92BiTERkSuJiboSGAEYs5kVJiKqiol4OJ5SSrrMnz9fp2mqYuN4+Pa7P3fgv/n9H3/5/ESclmofPn96e3dfUj6PmYhqnc3seBhLOYKaB5ehoSkodPiyzJIRCTKgApAZWBNZ6vfff49UHh4eEwChm8xPn57nx5/f/tm7w3gaxxNTRuSUshmawtu3RaWh+5v702FMbq0uF4R6fbyM4ziejqDy+PChVslDOZzuz0+frFXTO84JABxQwdBTW+RVHS2CuYm7R12ko5koommrJk0SKeXrVD89ffrdH3789//x9z99eJzFF0sB6MDGkxnVhg5m9nn55e7u7v27N9998/XxkJmG69R++ukXQkYg7a5AJBiYCcIYjZbr4ziG7RXKbzPFNr8qksdxAjBEEwpiINjTn3owbHgXTZ1VKnh3iQi0mbScmRcCtIRAJRFHNEvNUHeYoy0QGuZanLbn+yOqsdYSAHDgQhFRrGALgxuD4ScaIxMROTAgA+qarLfI8CAiUwrV62Kt586n5QGRzLGai4Jz4jymMgAK9Ke1tQ40HpO1KSTNnBVIVZmCxsQJnDAI5MhFlyU09zH2IHXiXI8C5cPhsMVs9oJ9rckOkHxHl1snOgEP5887EqRL+D0GFXpdHhE7RM13TFtHY2x+3CvNtP9zO9veI3z15S18/SdOAqvjuHli+y/32+5NDTuNjLs5ASKnKNLEtTyzc7v5r5Br92kWY7ZSojO4uSNx9mAxdTfw6Age5QbugCuaIx5ke54NxbTebr9pASewBGgGCtb5dEtZIyc3yQuE6sHR/SIzjF8MqL8IVWuAf6MGIUaMiLv3G+PgoObqCE6iTu6efTsrgxtCoawYZSS6blFzRwRlyiXlnLNZs76l21KljAMSNtPU8DAMw5iN2tsjLlUAiEouRkRs7qbKCK4SqoUSMyIBrqQON2SmiARQPvw/9yCrIlzd4pI7x8TmHJvfgpzbGopHQ0S51SeBYzTdBFh7L2CPkSJAB4syRTmLWbRlclCToEh7pQjV1NwAUhTPEGBKCcDEvRfdIBO5MSFQoF2dwMydECK2ToTgaO7GbUEwMe82FJo1ooTU5lpKOo6HhDi1pk3Q7TSUd+/ekTdD+P7br3IZPzw+Tku9u7s7lDyOIxFcr9fr9ZpzxiOSQyy5YRhSYRE5n+dpmsykqQ85MwKjmyInigiIqzJRYiLTMaUxH/RSr09Pv5w/D8N4PJ5KPjINRDljZs7DkD9+eiKAb969HQ+5FCiZ0XWe54qaGK0u8zJPS8utuMpcm6sg+QAHogRrkw3RxYEZesEoQBQqKADFFJiDGoJ3x12cPKWn5fk//v4P/8t//NufPz6eJ50VD6e3qOZiaiAGIG4m7v4W8uU819rc8Ltvvw6qsVadmFS9qRIJciPqqu78fGFmU0dEUzdVU1cxcFExiOYSBkRESAho1hXAKssMkR1ApHVGC3f3jnHf4G/Qi8QxZ1YzACgpzFVMjJCYFWutImJG9AVeA7GXXTGzg6v3Hls55wrWxfu2LZhTSiLJDUW9I+IhOzoguwmCIToDRmIzyrfCIODQPUYOSuhMkBC++vrN19/+kMbDeaofPj1+enqe52vYN+AO6GgGGMALzzws2kCREMldtCXMh+NADmag2lQaETFSGVJOw+PKbxDyfDUaev4e1yDNtse3yE0XoauVrabuwaC9SvN439EQAZBWdWiO6GEBk4FGbVuXJjvE4pcy55WKeqW6Xqm9/Qz+6gm//OhLXQgACIyogODECAqOwUaZ9oMS47SZ869OEXdWcnb3WuuyLD//8ks0hQAmBVeIRe7776vK9hj7h9nE8fbA/SPqHHPNVE3AUDUhetR7onM1MQzKQTB4cc5Xa/1LG4SIgnswBRF24H1Wz/DllJiZG3hVTZiSOXUYsQXFL6Mb3Yp8DfoOie10OByOw1hpXqRKrW4gpuzemtXrVImOw3g43fMR7+55WlqtVYlqU7rSZZ7bvORx8JWzOCGhO7oXwuD02yw7RFQFRCzlEISKzCvvaDAP9A1wQ4sFQspfcsnuRst27+DKWxDQjFvMP/Siu2PaAKibzW62trzY9uE20escdd3sjgBdvwMCMiVIiGjeG3k79tCKm/eKTjcwwMzaYhciAIYF5uDaTMAbNAFbppnU7w/H0+l0OB4+Pz03n+/efX26f5uPY/rwea6iz2fU5Ooyz1arISzX6eO8HA6HnNmQxGha9Ok8n8+XYNpOTGiKKsMwjONxUa9z+/j40MRsaYxWDvnd6WQszzo9z3q9zpdzdXsi4mO5Ox7vxnFsS76eL4djuTscc4G7u+HN22Ot88JaW5ueH4iIczoWbtIePn8o46EtsMzMCJwTMKGXsJZ6WQkZIAOimqr3YjJEDiIeRAtBDJlBfWn1jx9++fnDx8VovH+bMTkmE3BvYg3MCZxzIcARXERalWmqyyxM6ApzrYw4XVvTagqOnFLf9rPMW7l3THpKKQjEI1i3LD1xGNG54DRHwi3JHalAVQ33jGHThYYInBPnrWQIcs4GviwkYokwJVrbQDWVqiKO6ZUAXbVb8OEjiRm0psbMCDB1RioLOK5BUG4yIjYVbBR1kOrgDkSoy2wibgYRnIBtV2ooxcxIjEwlISDiuzen02Fk9DrN56fLNE0JKeLJe2FF3p2qXNiEEZ2ZIo3DCQ9luFwuwzC8e/OmiiHiNC9taoK1te72RTJV1x4vL4T8DiIEG+wlFFtv5wDuaN3p6IVkr9VBIMhjsGAzWYJu6TbU8IXDtyngF2J/FQr4RaNdWD3CVzewd21XAfXyWX5NhQGigvd28YHmQXD3tIG4OtA5pM+O/Bp3IGMzY07qhkiidj5fFmnjOLpo+AWyU9sWhsTqGfiacewnxO3OeqVyzAgxgYOCgpqpOFlrqdYFwInIAKCBu0cPAVOJGPTefKC1/cdOgm8GSvRW7f2bwMFMCInMMZG5O7ojm1tTF9NADG+RE+irxgBRVWFLc1L0BDJbMeIAAEyUkiMsJrJYpKHBbVFBT6JuENl3NjP03NQ1utCYa5NxHHvxFBi4taWmRKWjTlalTlFQT3tzL/oRmpm5untrDaCjQ2NkON2S518umvU8t8JEIoLb6txDogKovwuTvoxOvDp/nFlVGcljvRiYm6o2dG0teO8BYi/0XWQhAm1VluZqAmqMVNUgukwAmBgzFGAylkXOcwVX12raEGwhXpaljHcI/vnjB+Mhc0qJP/30x7eQNGjDiL56+/Z0f19KUffz+eKI+XJFJhFbqmIq43CYros0uV6ep+dnAijjwSFdlnZZJKchISVQNGW3zCQl//Wf/dmytMvzfDnPdbFpWlRhmRYzI9Byf0QHBDsehrvj4QKSNJHbLM3BhzSmnKvIZZZM7ioyXxuRWkIkKJLZOxlcJ6JL6+wgM4NHOAajSipmv5mZ+dLqNF2XWj0fkNzUFFVUowODq40lZc5lSM+/PKSUxnJI5YhUmszXy3Wa8HQ6zPNSpaq6IZViUek/coeD+oqcisXZQ6BmoQvDXiQitx5A26Jo7u7gKzEKWNR6rn5GpK4BIDABAJCIc861Xph5LLkCXKZpnoMNDo0Etma2q/CFYGULl9SVSFc5DpvJ2KupyCkoJghVvVZhAtHIVxq4SqtmBmrQSS7j35AbqmqMlFMqTAgeAqJOswos4o+XaZ7VOTMiQgYILi3rcUpABAM1ImBiNFepps0lqTaVenjz9vj1CZGnpf388y8PDw9yMTx9tR/8bettArwL51us+GYQmyOiApAjmMPKNvJCEezQhYDIsMLON04Vg+4gwkt9tvvV7cUrT32ns157hP/AY3+S/T1sQinido5uZmswGxT8ZrvtZdl2K6/+dPfLtADA3d1dzoM6moIaLEtVcDWPBnCbLQDgkdzZknRhv4deii8AAOLaHxIAeYWIgjsoOTRttVYzWxvDq4EBJQBUcX7pEb6yQbbpp3X+GHvjmNgeaB5ODhEFD1dwdqqqBXPxy7Rt1xOIYgqAgIYQjLzRTQYjsNNWDW2I5tBMl2YWZm8uhDwt9dPDY3JMCzYRVW8O6qBNwZzAXA2JOAFRstZERIODbug0/cwc6ipSRPG8KaW8SkcAiHopM4sAVLej1yKHbdCsQ11eMD5sJVzxwKsuVH9psokofLHit1nYLrF95NoBjAFl93VLKjgBEiZAQ2R36tnXqOjFTpYI5mQcaCklQGBKSd1FTdRcrRiYOKGPpaSSwRq4uugiTQy4jMx8mS+P53lq7c2b++/zQSOZzXw83d+9uS95UPAf//jzVJfn86yq6gZAaSipDO/ev5NlNoPpPM3LUuWqRtdFkBOSc4ZMKSGwW8mp3N9fxiORuGWEMrNYU1NYtFmrd/eHzAkRE7GJnp8fr9eLz5pzzndHdwcyJjgdh9PpONWqZoSOIATkpm4IPhBDJLnQc6hDAATw4NLktVAYexNjezx/bubT9dlBx0OiPChRmxfKo3uEdVpCKJQOhQ9j+YyZqYB7XXSaFgRlLodDMTNRF1FEoaV1N4AwDQgA8zz7iobY/BLcxeW2dRtIcgj/1QUUwVG9t9bqkQA1sM4WFlUZSL2yU7UhMidk5lKS+wAAtS4UiRm31hrskHS+ekKhffeb2t1VjVKioI9yDWonYgBi5txaa1W8cBDlxDO1ZQYAQKINygfsCDlnEwITQgcVAyJwcP/26284J+AyixuOiPO1Sl3Mg7/JCdETOqFFClC15ZxzYrBuHKi2ZZ7v7u5yYW3StEozZnr37l3O+efpZeDNbMvc6641xyYt0dyjghwYyBDZ0cBI1xrBvRbA3dG9TGI0RUTv1LthCvDGC7Hp4+3ne3H9Stu9+sL+6nsjZpPwv6X2vlTDN0GEN6dru77by8a8+/v40q6PQ5shInJGVrNAGdFchYg0qt4QEZAi0khhNbipeqcxg/hvjTTuonMAAJASi0gkWok5+jSKVnNxz72MPtbxzs/Y7nzTWGaRylqDy+uYeO9t+8J/X6tNTdWC8jvIjilI/PCF0xPuZmJWg+xoQEAIQGKKSgFCmeqytTpAJsJkWqvIwDSM44AsZpdpYodkagjmqAYKGA+UiCPNDmqJE5RCvYZsnbkXcWZTVQcdhlJKCSSwmQU6NMrLfHWyXtXV7ic3jBKm/Zu6VdHuhle3s0GPka6LrK97Wt+wjYBtt4RovflgeejePCI6kRNSNHszM4vGihT9WyGgrARgaIRu6oCGkIjBXaC5GZhxAxFN7GCeMwOieXX3hPT0+YHG8e7d+4R4uT4bpm+//TY/z2zGJR8OpzSUttR5WhS8lLKImkkVraIiAtP0fL58/f7PwDHncji9LWVhJFEAXixgW4BD4qGkkvkuURrzBYK/k5hyTuTgZoAOyOlwGJn5MI5v3g5Snz9//Kwm1Pzt27f394MjNdWeEWCaZzMVRAQvYCoqAFYJxHI37VlyHjCsHENrNZq1hOzENadbl+tlmh8ePrVlLpl5TFWRUBk0J8bCCQqBlYw52cAwjgcCrNIu13nM5TDmcTjenY5LnVKqqorA7tiaeiQIWnPvZfXBeBDgzBCIaT1o10kKV5urL5IgigPovdHVVA29Y9dDn5VSwHuej4h6gV0PoA1mJiJRfbpV/cQ3e/UzERGJ3toJ5GxVmrQwGckMmgsIYu/uSymlVsX6OifvyU7E3kbeAShQEB13oJZSIiDT1lpVsbEMY0nfffPd0/Pll09Pn57Ol+pKCfN4KMO0NAyzD6J1j2cEAM/F7+/uSsl1viKYZx4SA8D79+/N7POnx/N1SikR53dv3x5Ppw9//yF0XiA/9iJr26F7uQf2ogLNwMHIbuCkF6qh78eVtGQVAl3qAjrdVAYaGNprbM52tr1O2avnL4RSP+jXqEB/68zwG1oQw1fp6RR0QvTwXjBtMJPXv/m1y7j74XBQ8JxzUEIAdE7bzmYLvTIv3HtYMbu+67b66o7xxZgCMmOkwQiJE6/hzb7bIxO5MtitEC/aguC+68iwKcLtNSKa3yLjUQfWCSPWZve2niFoxYnSSl7svsvMEVEYFwjkCNtUMrM2maYJmkZexMwU/HAaDSClfBiPR85JPJkXYoWrE7phUzNzcOCVmGPtUMglJ0mp1rlbhQDQhUjA0IGIplmPx0NKKd5cliXlaMiQw4DbRjjCROM4AoDvMrXdO99Exu4A6IS8uzf66hTVVzoVdlrTb+4m3BSe3z7dsMnSwnxBABOt1iQK1cuhbPmMFicJ0IfIUoUQmd3MliZmZoBZuC21mcg8X9nBBUGAkJg5YV3qH/7wB8F0PB6r2k8//fTn+ZhSujue3n713hA+PzydzxcFBMSA25U8AElTu16uInJ+rkMuiQwAD4fTMAymnkZRg9YamqbEQ8pRxZOZvvvqh8vlQnS2dlUBd8yZCLAkGjIj4vF4/Prdmz/+/PTp06dc6MSH6NCaEo6lAJGYTfP5fDlXsTwUTMxZ6iJA2FqrGuBATCkNwxA1FeCRIAyDaQU1KLj76Ticz+fr5flyfZ4nzVCqS2uNUiaHREgp6rPVtUmjy3kqpTBhSiUNhQiXZXkGu7s/tFZUNQRdBFHUDWVx91prUMtuG7P3/0PcarHiJ0PhUIQR4gckg95ixXuGymwFseNatzMMQyhCZibi0KxRkpESHg6Hjc0xQQqv1NxSSm5oa1sMNI+ESyIsDk1FxaW2SK+2JreMAHJKmYhUo8WCIzBAVyEEBpACJeArGM3MxnFMOYmrqLhbGofj8fgf/8PfzLVda1PjoYxGeVKbzlfOw4pAAeyBK0C347G8e/duHIfLM0eKIhOC+ziOtVZmTolKKWJwuVwul4tZ3+C2680bkaFtz24SjIg2Q8ER9q12997X9oo73fhNaLtHli3492lDGMTlfrW77CYcYKcLb6KDfg3h8tsUWl+e/9WF9u+4O2JnwV6loiMCBXO0SIcCu/vcqkd7AXd3V/fmALYSW6dMIARwef4MTGbAzNfrFcM9xMIIQAk5AfT2uVWbmRA4M6CptUrgmYmEiKFvWneiFMQNy/maAbwvU6Q0OGUDVq91QXQYFZMIywwAb1yNc1LHWos7Iog1qM2FVFqk4MSBMOKBplYhnzxlZyBTMEHwhD6yO4lDc23uyEBjJgFHleY6lszohI7avNX39/f/xT/+88fHx0j7N9WlylRbVqDE2ZuRESVgaY7i1UFGQJ3m05hPoIPNp2zjXQaTOl+gZAACZEaEpV2XygBjzinZ3cCETnY9AB9PxQ+pztefL9M4jst1Mpfj3V0gHvOQzB2RrvOi4MMwnN69Cenw9buvaq3NNOxlEXOAlFKN/rfARJS49E9Ni+jq1aUoHlAzdxNsYB4lGYjIgISErsIjvSR7EzNXH8cRQREUcbX649MmooJMiFhd2RGQpffccXcgx4RJOaLN4lqltTUeC9rMDZkzKFrV2lQXI0reDq6glv6wXETc1N4e3757964t0/l8zsR1qUNmVZ2uZ/flMOABnUTx+Pn9N392OqW6PKj6/ZhGHp7OT7XWwdtxHHK5u1ytPbY2Hw48PNefnx7nseRv3381Fpb5OaP/1f1Qp8vpvqALsZ6O0Nt4Drm0PzxdHvQ8DZgP90WMzBYkH8Z0/2b45qs3Jenv/u53P/30y3IdZMn89en6LPj8MXoRnI6HlNKQDu9P1GoFsDxNdjFucyIe6vgw36WSibCB+lzxlHhIyGSijgLQ8QxBXYuEaof7+x9k+cPTBxjGr+0pXy7Xr+7vnz8+He/yV2/vPn54ujse21LfcD4/nj+VYyK4K8wlPdXplPz+QMOAMn1mqyOLIJqoADmQU3lcgn2NC6VRB5WUAWgRAkkZc4HEleCyTI/W6O7ubqnUCfyIOABwqmhQhoJmqlpFEHkYx5wTgI9erdod27xUapeCKiol87wIk3FCcaOcxrtTc3Pm9ngdy3h/OLVWaq1OBJDMerulQrgss6sWADdFb7O/19bcWnZ1FBFZ2mKgQZyQiExnWQwNsxM2rDREriaoa9A0EwUUSEzrLI5k+WTmD5qnCy7tiFBB2ttB/tF3+f7uqICajn/7y9PHs1T1chjGRL48UrsWtL+8/+Hbr47N8fy5LYu21hLhmzG/GYcPT5+5Xt4MxThP1/o46dQM8pDyaF6nuRFpFAWIgpkH0q2JIxKnwUWaqKqRU9ByxKo1jyTMiuoPyIw7gAtATmtay9RB0dzN1IwxDGnYmh0G3weoZiInUjUXxZwAwHpGEREzQHCrgCM6gNrSPQqCVVOau4tucM41uxYhU31BCbJpypwSANy6Fe61YyTfxAEIgIBoqfACNbrX0r+lZjeTv99KTz/Gh9aRhKZBEGZmVSqBERFGCE+VmKLkMyExEnByv/Ug3C5k0clvvaWUEhPdjB3sCJFFNHApiO4pWXSRRQ/3yAlBJJgs4rSd2zBhAkfzoJFszdNQAACoy22ACOxCKYVScmnmWjhRosPx7nh39+bNm1rr+Xx5vpzPlyk1UQlqBWPOzIycXaRnTCkoJ1gMkphkA4CcB0ScpolTyUNCICQ363dba727Ow5DgSbTXFtbxlxSGU82DsMwt6k1JwBAI0rMzADRj7j7TxpFRmBmERhZjUQIIg9ENIvopEePbNPA4EZoqHNVAGI4xEQEK9mV91B7NDJxBzXrK3VbrObiYB7hXgCA4A33CG2FsxIOYFeTq1e6Bk0DthcRhR5Di1RY/EDVRU1E1nYH6tZdBDNz6wzvPTkEkJlrraaNmcG0tYWZD4fD6QQAoCpEVKueny+1VnUdjofiYxOfpun5uaoqote2ePb7+/uxZFVdFhsSZ4BlmqNIhTER9ti7magSpXwaD/UA57PM80xYhuPheCoOcn/3Juc8T/PS6jgeBwZVj36EOQ9BGTPNy1AspXS5XBBxHIbhMICag4pIlcapd2UREZHqrq0tRDQcD2bgUePXQ0EdS/Xp+aEM+btvvzmfRU0T4+PDp6+/fTcUzokyA5MDI4KVzMdGJovWxVJxTsY+z2bVpU5B9Xk3HoHoWtu8NLEm4swISCJ2Pl9TgsNYxiFndlFvrc3zMgwDoTNHL9EO8AkHEdboTrh3ax7kBl+I/bsmCNXMVM0xoGmpFEfu8KGIysrBwzdV7WcmChLNWNIeYsTMAM1BiaHHgnqPBYzWltH9ytRNRB3cyQEItHBS0M0Q3IRkj0MBBAbeAFzNXGqtQ6LD4XB3pPF4QuK21KUtRAlRzXSeZ2AvYHeHw7vTaI7n6+XpMn/45dO01JTSWMZyGC/TtdaqbrRFsACIqJk4GDFSZ5xCBxO1W4gyElfBFkngm7j7taTdb8n/bTrgppNevx97lm4Zt9e4PN9hVjfF9ms+5O20N72ze2d/V5t62quS/WEvIe7bCdMrz/RPe53bl2+QJIiIlhOCOTgCgTk4GLqqq5pUALTUlwKaR1E0ABBhSgURw4cITUL78V1vXYnGUmImY3tg4sQJERVaSpQSuaNrC15QRGfmNHQai6ZiCq21ZqquhGBAzshEtGYrcXcAACCtBaQEjgaUKHFOjOaO03X5/odvD+6pFAcC5AOgNJuWmWsjIi4ZIe6EgSkRO4oH22FEeYkppZKSXS4JLCDWHApEelhDxKSZqVpnpVJDGMZcSlJLrTUzcWFFRM85FDk6GljTBuLuKjTnSx4KErS5iUjOGblLWwtIpnrs5MCM0GrQAQAzO26rwtZwiQOArclZYFpTMiupI/MWE94SutviMZPAwgCamyMAJ2ROogJrtsF3sWhEDjnoDqZgZm4I0MlHRQ2bMvfIKgAQExEJgIjVWlut2gTdh8zBAVYSI1FrS8r89v5USm8ZTZiXZTpfzqI6juM4juo2P14eH5+ez6LGgCiizvr2/u4wlDZdB6b3b98m0MvjA7lwwsKFyXPO2mr0++HMKaUh5cc2z9dlPKRxHO/vT8/nBwC4LsvD58+X5+uQjmnItlhKfjwej8cjM5tGy0NOnMvhCCoBA20qS1N3I/eESu5iKnVRd9PWJAMiMyqguRuuxAVBTZ7p6fGz1uUwpvPzVLicvnpzvuL9cRgKAsqx4KmgOILOrPrd2/vrpbVlAXFwQKNmptbAQUwMlubgSFXUFHLix3qNDkeqcp3nzFhyTnlwb2DSmk5LO9RWSmYemLOvTexizWPPadG0zFupcSjHDblGa+6AmXPOQKaOIgszDwNxswVbEss5j+PoymFSmJkDI4TRCCIRqLBSsqoFuBoAIj+HBgjeO/ECgYMb93NYT4TH8ozQ4l5s+sqb0y1JvvWSXJnicwIwl+fL1aQ9nS+LFzy86cafkaNz5sPhcPfm2KbL0/n88Hie68IpH47H8TCUUp6fn+da3V3NxERMDYGIWlAerr3rHDEaMG484yFgt8pra8stO4Y7XfirubFNvVGvP9tmxFVW4XlDmahqMHeushydwnGy1fDVjduyf01//bp/QhHG5TbNF1/4LUUILzXo9v0XinB/bPO6v1hcYJ9ujZ+ha29RAg7uGL6WK7qWlEENzAAwE3vyhOTuQy5RABs8nqtHbsHfEbMVaCdzV9XWAu2IqQwxEwoOoqWkXJgTmjkmJk8Axsyc0uFwOJyOkWCfluVyuYgLQea1dgARU+LMlPlm/REhOUIH09LSxBMyoCMjpSbzp4cnVW0qp8PR3Q0852HIqS6yUekzRUbBKTV0TDl7L8EyAzLEpk4JElEk+d098osppblJbe3Nm3dLrbXWTDgOmVISs/nSyrggumpzFVUSkQSwLEspBQjB0RXETaW2GRGxkL9hDoZrDNfcXOtCoXBUVdV3kCVRISJAA0wOunY7V3feDDZE3FDUaymnrRgzcIdo6LMZqntFGKIOevpKEZ0hIzpG9293gCDqu1X1RBQAADQsAwMiVDERETHCZI5iwQiLhBQO4lJrntmaqiojKAFG7zBXMC853Y3jsZQqEwKrzqrXZW5AfhiG4XDMOZ8fHh8en+d5XpHPSGxjLpmp5DzQ6f4wfPvVO2/Vluv1PDGMQ8k5c8k8qUT8zTNps2VZQtSmlBhwmVur8vR0VlueHx7rYj6mEROl/HR+FEMFLJwiS0pXT4lSSoSQE6c8AGGWTgDGrYEjqrg1VzU0JQXE53Nk0BPnhDisJojXaSIwBBkLvX1zatWA9Ku7sWB7czgS41fj12/v7qfL/Pj4DGN6++b+keXxaQJbSADSkEtOXFpbVLVaVIHKXBcAyJCjAiloLYhSzmkYj4fD8fHhM5ovVZdFq0DO5MC60kBt2ax1ndgmcGklo9lqhKIyZHvtSKh6EUHiRAwZmhGiM0FOyUeMoAKshF6IGGSq7h7RFLuxwwMmQ1EnNXV1N2B1c6PmEE4jddEObm6mBBF1hJWXo4MhYu13zYDI2CuFUi6I2Gp7mK7LjNbqVJsnA+elOQBn5sMhH9mIaJnb+XImLte2jMfD8e5tKcVkWWo18tgJjhB9eEMvbwK8OwxryeAG3IW9G7OqzE3a39yhTQW8UoRum++7SVEAsBvgpZ95UyK4YvRCpHfn+4ZCMQDeaTiDF0rY1/9WVbo6ct5jQ2mvtjbd5L/myMEuRfpKKab9He81Ir70Ybdf3iTa2tkH3QAgEbiDrvIRyeOJjodTXWZtkhFLYoIEbug+lkFVJYIb1pnPmMhWZHNoWett0OE6T4ehBOevMrtKa61JuyvIELEHQ/ScOaUhlXw8HsdxTKWYmbeWzQIestQonnfsddwa27WZAiERqVO0/XN0cBd1QhdXEScAbaoyi8gi7f3bd8fjMTrgMKBaW+qU1AvHaktIljgDQMrZiEAVwZBJHRcRNSfG0+lQqzTRzt0UvWkk/GwwM8iZDFW7ByXXs+oQVGqZwxVWa7xcF1+rknGH/JwHHYdMcCTAoIdWlVbrWtcF7q7gsVgJWbQyMGoKwbFRJsUuW9fNbZWp3+iy+lpfj/1a3PZGJKiDKCvg/u4a7Q9D/MGNWyssOwm16O6mEeAF99jeYApK7q7hRgNEDz5vTVU1p4T9QlTnpeRETG2ZE+H96XR3PKBbXWQYgjvmrOZv3rw73J0IUyr5fJ2ens7I5XQaL9cFUIchH98WcNW63I3D4XAwadfnp2m6ahN3ZeaSOSWK5skAPuZSp4vUlpmH4TiO47IsT5enXPDz40XqYmbI3ERS9uNYsLKIzVOz0qN2om2p83S9Hg4D8fvTiROPXKu6G1ApgAgMqKLNjF3ISJGm6zNxSmWkhBS7w8HMpunh7ZvT6VCWa/v+6zcfPjx8/PjzV1+9/Yvvvvvhu3dMfjwM98fT548Pf/c7IWIdaWzEC16mWich12F4ezzdf/zcHHEo4939Ccnx8elyeZ7qkvgtAKg6AaWUSx6IkgrOS0XwUkttJs3tkNS5KWKwumAiZKZkGFPcwxLhCW619rG6iMjAwwzaJCAiMhESuUJmEWJJCRHdaCV485QosCTuUnKKKAIiuafw4ZiJWFFDUqs7mbk5u/taKW8rslVdxVxKOgSvGFMQ3eXucVpILwz31d1d1VUWczTGJmygzJiGQkMaj+dFQU3NqKQh8VCye7ter9NcHaUqlONxOB3RfJ5NrN0NCQkJWdSbtaZqDgpODD1gLLdSQiToOSNABHZYm5Lu1Jz7DVuPO2q0V8d+wH/1C5vHtr3utxA1rbdIZqToAHsQun+ZXvqivpbe+YsSL4CVldMhOqvrrtgj9PRvhkbhhTfZr3LLEe614CvVuDcZ9mdk1L4+vNeLB7Y2BkHBFfFQCpopeCIcMiOQuxJ0mkETbRoc+cSIBiQuDJhg5cZ2F4DgrwpCOETMZmaGXAFItCJBCh5cRGTinCglzoMYTJdz8IP3ewZ3d0ZIBG4g2tBQGM0IgREtuOgwyFLBDIiZgHiZFtOmmjM5U6EyLlWnpeXcNiZxWao1oT6GCBRg8eLu0akpmCoUqbrrLIgtERzG+wgtIoGt9hoRRe4wmu9cpqY6j4dyOhyX82dOaG6c+HA4DMNQazWA8/lMRDkPlFLOmZmJEiFenx/RfBknRARKgWW/TPONfR/6AkVz5A7yDGD63q5Sk63LPaxFFe5uZLTWhHWYYnQNTClWMK6BFEMwBIJOQGUmsUPDgI5i467cumYN4x2jo7HHvz2xi1GrI+aohua1dYtKXBJSE0XwJS0MriKMAKZDAgRHt0TpMIw5kUgjJ3IyExHhnIbjMIxjaypqdRExOB1KTsOyNEt2OKR3b+6X6SJtkUzT9Xye5/Pjx+n5+f5QwCPFi+EKRHuQu9NpuiyZ+e44cjk50jTPS124DEHCnvNQOAMmwkSc7+7fhlRlTqUkAAAhmy3lLKYPT0/TNInWZVly5ru7u3fHAREbmStjZGStgmNniTRxzWaCxqqNPLnVcRzc6vPTp7sTFNL3bw7/5B/98E//2X/x3bdvnp8+Z0I3+yyX6fnD6Xj37u4ExWUAW3yqU1u81pMocB6v12vTiRIPOQFASQkRTRg8xA2awiKCz9dE7MYAJoYqaM7EJfHANGq7AmI00wi5Yyt9bk8XMnRiazR3L3ngnKA1WF0NImyI4zgiRgJZXbMO6qCqHbgeJyYCM2jNzaCU4r6oWuLsHj435cxMaqYoGwQjQfyUCSn6M1ex5tCYPBERoICL9cB+pN1tDfcRUaJe0AIG7qaqnkZKmZG4ZNNW59qWlvPAaiJN2mJaCHNAMdM41qa9ahRJUZBpGEazxoRuLm6i6r3Q17bEqq1NuDbnb7ulzWBVVX4p5Ld/xX7dI/xS+2168ZX+W9WwI+3VbddPq1u54VT3PuKvH3v3bK+SflVJ/Wk9vR3bT34lNPpbNwE7be8rLB7RCQzQGdfuvLjSawEoAKhlxkJjogAa+ZDLYRhEJKgXXN2ht1jZbsMIiBhN3R3co7bdzJYmQUjNschKRlmiCgIAxFRaq2JY27RUB6i1TtPUZMmcemtZKzgMpWRTF0UR0YqNmPOwjs2LMbSoiSTW1sSBgXMiTqUQmnlrkYJ3k0bgd4cRWzfECIgZUkrNVD1iI2hmIKDq4EoOKaWnp6do2olgVTWCqznnJqYoLsTMi7qqQ4M0UJQxBCqkDCncXBFr3lTdvbI4KGAhzsBMtbWnp6fr9ToMQykjAMy11qWhdyThupBXlA30bI1H6reHRj0UIRGFIvRtwfAtkIAvqyZ+fSkTiNRgSIhCK3dvzZgoEPhoDmjU28mSiqu4qgOgqqtF6DXyhaBiCGJIVVRV2dxdjUFVwb02TeAqDd1K4nmqhDrkNI4jAkTwlohrbU1aHtLhcEiJHdQRfvr5w1QbEauRSyOC03G4uztmRsu5mc3Xi1zd6lLnJQSQu0trs2spyd2Dmz4WUylloCPScFlqSund8R2wOhyjViildDreD+WExPUsGpzjE+fCANaktta++ea9SBUXmaZlmWubT6fTwcF1Jk4JjMkyoyOao6FnJHNT6dCSVIxzZhYkaHU+ZB4Ttenpzen0/i++//O/+P6rUxnZf/z8U52vy1Q///Lp/Onj+7vjHQsMaHeFQB+uNCu21p6vl8Px7vl8/f9z9mc9smRJmiAmy1lU1Tbf7hZ7di5VXd1d7OYsaA4IEHzjK+ev8bcQJAcEBiA5wHCIme7qrq6syozMyIw97uLutqnqWUSED8fMrkdkZhOgIXBxw6+5mqmZ6vmOiHzLOI6quuo7sEpE0ftdEkIENQUrpdQ8Z2Yw857BxMwe4q7vh64bYjB25s6LcksuvOShIyKAIjo4PwERVTX2XSu52l3GdDKygGaDqQpmzBgcm3AF495js3QXQmMjI2A0DkyCAGCOAJEKY3Aknj2iKrBDaq6aiIxOmyu1GRCqAIDGwItFXCz7w4PAaYbfLvvW1oDW2qEnfhcmRU09O89NOE9KPlcZsyjUtQtM0Dn0aGyVzBE2d10PiiJFDUoz00EKfcyHbKZVahEVUQAmxipwdqNsn2EbrFpbs4mQGxOBWvelilR6uuA/aXX+JdbKj/DGzn88yV+7wEQr4k0KQNvEqOpJkHJ5TsPC8yvpXwCf9697+fOCRCo/8oH5z6MYnC0nL7Xy5bfcnz71gvBP68KnJ/mT10NEOl2KAACtP4HWKKSQSmLm2G7pVE3Vx9D3/Xa7VW27gLabYIU2XoTz7gYUCbS2KjqnVEqhVqyYtqIHEReOgmPnuSpYzlMquY5qKGAN+UQqGilYVTEzD84RBM9AYSqlaWhV9XRDIp0Wf0IVMsBS1TliHwCAHQNYEc25+iGUUmYEAvOOSKX3btmH40MBao7e7VLQ0oYMLX1GzEwYwFSICMEetwf2LoYeCU65MIDsmNgf53maS4zRhc6xr0C7Md16bi3EdvE555i9SA6hU1WpVrVai+NGR4jRh5xzVfH+1J9kYO/htBkEhotfKxm0yeD7fRZfdnAqdulgwDmHuf2Wnn39n1zccHEsukwUTkCLTaRVTksbnX7uXQvME2h8aG5OU1aKlHJqezb2lSowWUvRqKc4TKu11qLigLAl4ZBoERFDk6qo1gU/jqNHWHR9jH0VEQHnCMxN46FCHZZdv1wAWakVqPvuh9dSCdCnVADAEQ6LMCz8nJMjQkfTcS61RKZhGNACmZpZLiJS2l3ggxuG4TiOTY/onKtiIhJjvHl2M6b9ioZxPOz3+xj99fWmi8s85eMRkFoCg5TS5uOiqrvdLsa42Vwtln0p5XDYmxmyL3kyFwyAQB0hEAoSKjQpYClFc8FcQymh651zSLlWffH8znN88/27vhtuNsO4fXtvx2nHf/inX+c0mRkoDj1/9tErKxU7Nu2YPPu8ncusMk85diCGzNz3w3I55HTM43GqU8ncTEQJ1ERKzQSYgh/HolJa/pendvNSKfXuuldVMxA5USfgRIgrF2Nbs4bmetldtWqm1tr6J029Di3pyrQtR41nEKM/j+tOhtLM5L0nBiRrRtnnFiwwI6M5Nn/CIgAjJQC5cAiAwJCx78Oz2+vrm/V3ZUdEzFNVMEBSK2IMp/ydtuayQxMQIpPqnZmJihiRJ4c++l7JIKXECDG4LrjIiFBR1czGPOciRYDFUpWcM2lZlHZSjT0rqtDWYABjQAAEYsMna/1pQSBH3MLppFlniZr9aOP/Hm/kL7BWflxsvQcC/Olz2iZALrWyqoE1P42n1YbZSWtw/s2fHOo0Izy/MXjyl9MbgB/3Y//zQNhuxp/MpAHAQbPdO19bcN5qXX7hsrq15VKckb0/T+/aFFQZKaXUBRdCmKap1hy8D0x9d+U9g+p0PMTg+37dBaeqrSZARCRu5UhVUFVzVEujxZNvPRGpVYSJmiC/jc3PPQcDS5vNpqo9vH47pWTExJ7IgTZzaiD25JAIGBDJuLakLvrX/+pfSk3//n/5d6VkM+uGJTOTghZNqeSiBuS8n1KptYqoiSlBBQiMxD6ETtJ4PB5rGldDP/RdcGRm2gVi75wzoHzyQoQiICLI3gPUFrZngHwyizNFK0VzrbUaMSEjUy7SdZ0aFrFxTgYnVw71oCKhi4vlMhfJ20dEZsdOIc3FTIlYRI6HSTpbLBZDF8ywlDKOYy3qvVfVXEsI3TxntRRCbDcGgDBr5wNYM0wiRDTFnHPOc4yxiqqWRijydMk6kMsl1eaO7boMIbSwtyZerudc7wwnv6sWS5nbTJMoTdp4Sm1/KKK1yumOFWN2KpbmbEjeRRHbH8fGD5jmfKbnMQB67xCRA3jz3nP0Hru+5FkM+n4xxBCHrphJrgjmxNUqIQyOcls0F+vNm3ePv//8t6kYGHXdigFTHp0DVXl3/4NKs+8UT9wNQ2RCFRM+Hh7xYMvFEJeDj4GZzWS7O9zfv/Vh6Lu4O0xZaLlcxa5Leaolh44Xiz54Dr4bFtEBVNZ+iG2TV2ttSa14Ykuqqn7zzTchhI8++ujZs+fH49HMvv/m+7u756v1Gp3TKZNz0Ud0/nG/Z+acSoxdrjLP82KxyimHToZu2M+H6F1wnOdDHt0fvvj87mb5i198Usu8Xg3zcX7xwctf/Pyvv/rqGzbzjrRKyfNqsfDDejuVqapzjhHnWhHRe7/fpf1ut1gMi36Ypik4f319g4i7/VZVCXBOmR3mnHcPOwacpmme8qeffvrdd9/1fT8Mg3OuFJWSTwuoyEn2zvhUs3+92RyPx3mea62GCCfnMCVziGhSCKyPvtZqpkPfXd3eHg4HOKpqUJ3neQaAGLv9fm+mRFQl11TnNIsWJOtCQIA0i0mRIgCGGImh1upDeNw+dJE846cfffhf/9f/+je/+cc8j10Ii0V/nMrjdodI3rvDePQ+EnGMIcaoNbcMLHYEYJLmbrGM3TBN05iSQ6eoPlAex8Uiajo+//hFYAIT59z8+s0x7RUQ2KWc0zyz1T1Bx7RcdAj9dncc05hFlSMRS82OSaqAWdf1AJBzblNSZnSM2Mi7ImDqGofnwkt6oga+7Ggvd/RTCDz1fvTkHcPMfObpnCdap51Li0tsj/OGuDFUTd8LrtrPTUSYgM9m0ZceFSA8ofUSEdkpC9j05L13ahsAmHPMzC0fF8+uOnL2X1UVZte4O20pO7VM/hJy0hNrnB+hrpmRndMKzczo5EgijjR47hwqAyl6NDNNNYNSS7k0lXkeTTwRxRhTKVaqSgsdISAg9MwtH77BLHvvGQlVHh8fCVEQvZmaOeZ2YgFEai2itdZcVcCKIKAZoSEQIBK6U8xEU2yKaWWrYLpZrVeLfr+vq9XqtOFsm1NoKeBgpJevUM+nD0btkyUi790QuPc+MjCqgQV2AGZa1RAVWrAXmqQsgNr841szh4iQySwUs1zaVhcBCQBqUUQSBTFQQAMwQkUSwCJC5ICcGE45NWsrJr9ZrRq9sgmz5jy1qmsuU2uKIiKzZ/bowCMd9sdUspmFIN57PF3NPM/Zex+jZ/aEqNgM1ahWNVFVRTIiu/BxBIyZjX/s+0eY53wKr9cGbOfwXsJSJOdmmoMAUIrUmghOvRR37upoUz0a5TSrJkRsM1sznHMGaDcDmqE04QTS2fICEZ1D8N75GNGMiObp6AmdR6/oDIoimFZQy8aOHXfIkmuR3e7dw/27x61Zz+hiWAzDUNKxlH2VqaSpqOtjF70nOL2egkmt3kVgNsAiirkSnXSQi9X6Ybs/7BNS1/cb732ttVia5qMPwzDEGBgEah6RuuDpar04wX+pUnK11iW2m5ubeZ5XqxUivnnzRsG89+M43g7L2PW+66iagWvcZlHLqQIZEXnvUyr7/TG62ET6NdXtdjsfC4I6pDTNBLp9fED76PrqSrV+/PHHd7cvum746MOPv/3yK0AP2MRG5IAdVcdUprEL3jRKzi1CwXtfSi06rob+2bNnd3d3qvX1a7q/vx8Pj8MwtHMH0JTS4+Njznm/399swmazubm5WSwHomYsC0QEcq42mhW0SONY2dlBu42lLusyYpv9c5EqIoy2HLphGLzjltEB1pL8sNaa03SyqDIEM0b0zBZCJRq1gpySOjy35AAFA0VVyc9vNtO8cwyE9g//8e+/+MNvEZYmRQBAq7VBFwIiNyV7CJ6ZtTYzz8amNSAUKbVW9IGq1loDo5QU2CLp5mZ1u+qPx6NzTqQWNWJPp08DHQcGMrOcSyV0/gIyiMTOhQrCzASmqm126whDCMfj0aSKKTM7IgIqKqUWRg9PKqpLhXepf57q2QDO+POEEdoecpY/Pb0JEVtnsPU8n9JEoWGhnRXe7ZtulNGnB3+/pPz4bVwerQWNZ/9uPUcn0Y9lnX96zMsJtpP9M16j8CfF79MTboyHU4BjI9YDMRqYBsLOuy4Gq5lMiM2qjCIlTW1sraqlpOxcjJGdI1MoVUyrAjICOmKqVtQUz4EPiAjOMfFms2nbDVVFVVGtImB2vfTMzNqQE0wJUISo+ZwK6Cl110ANCSB4IqIQ/Hq9/vnPPrt/+/rv//7vU0rkrIiKmBiDUYuDBREmR2ci8sVyqU3RnBGTgqlKQnXBhegCtkZkVQU1QzIDE1U1KW0TQtTiS7CR0pBCLaWFfTckOJEFnGvsD229Z3KALApTFu/JG1YxLSWlUmslwL5f1HNoiJnVWkuZcpk/+uRmuVwx8/F4nNLUdea9B3RzLqVUVa2CQZromLVZDZKKaM4FwKQ09/Cmb1FVbUMIOIu6xEwFlN9TlhHxzNlWRDQ9scmJyDmfy3TJzkb09RxHELxnVmbVk/Co8botOqy5pFKJCIGJScVyvhictkAcBEKDpu7S85VKSM451zZtXoSRwHkxErUioIootsQY/RAWRL6Cs2IK5PphmSaXJt3RLBVqGWs9eq7OYS14cuvIKQM48khOLBE7QKoGuYoCAjVjWCHW4zjnootVDF0U1SwZSZbLwXtiZ71j1OZ0VRFoWPREVEpBqEwKpy0teeIZ4Pr6WlW/+uorM3v24jkAUYhztbI95qoAELuBEVSg7xdv3z3sdvtXH368Xq7mOR/2++N+HJY3tUDNpZbiied5mqWsFss57Zn93d3d559/vlrePO7Gtw9/CKH7+s0OAB8PxzFLz4oeomf2fBjHRRc9DbVmrRJjn1Kax4kwDWHonEk61Fo7hzfrRa0xxui9n+d5TmMtSWoej/vt4/3ueri5uSml3JSbro/knXOkzWH/xE9u0xM4RzpArVqK1CfWffC+oaVoKiLB8TAMy+Xy4Tg1HW6jlAN4MyuleM+qKGKqBgg+MEAgIj/XShgIxTGa1SpVq7QYjKrr22da9n0fOsdfffmH+TD3/aKUDLWWaiantDZmbusROUYTrcVU0ISAGUUNSy7Z1dAtuGizRweTzkHn4NMPnr96fv3FF49D7Hb7KefaVsFcxIM0DKu51DIXJs/BEXvnihk4x46dBu99BiqlkIKZsWEgl5FFRGtFNhcCAYkCVEX/fj/xdM3Hy1YXfoRAF57uBSlOQPhjNual9yhy4RCc7NXhXAICQDMteHqcSxn6EyR6+nJPf/KT2eTlf1sRrE/k809/9/L8C0D+mYrw6Xt62mw9Heik3jgfRQFJEAFVmKnzHANZcQzVzLJUA0m1gCgzmUkuuRE9DEHEWv6tYVvFQM7KfzFFQMtZRJgSI202mxMVvoVeNpmaGZFTARFrHUI1RHDMrBc7UlBAUzhJuJFw0cV2k/zVX/2VlPTdd9+9fv2avVSAaqQXQSiSAjlQauMzNWM1VQFTkcCOQKxozSlX7LHv+rBc+DQ70DKVBGKIhHDCwtYAxOa0qdBwXFXRBaHWLZDzjuY0em4m4E1QjUSNnzLlIobIxbhlvZMJpCL744GZ2bssBQB8FwT0MB1TWfdq5JyhAzAxkCTzPLMLckpBslREgQylKvWRTTHNZdJUa1UpeM4stTO2ESmeLz89depPY8LLBdeYuszszkPHEJjI1SqqduG1kbVi0UxBTFVM4dSfbz1wJVQFE6jSGqAnwxE1VDVp8aSmKIweDKlp7xiwEjFzLkKAVcSFHhGLWp3lfdcRMTgunQbzTKBkYDIMy7tnw+8//35/qNOEaSGoR8TsFhgimxvIuVTqeBwdQlxvAjkkZyYKZEBqXAxA2h0Iu8cHdnF9O3g/5FrmnNnh0MVnz9fTvAUtwffLYYGKaSw5ZxV0HGJA0+Bdy76EUmS/305TeuR7I3YuDMNwd/387vp552Wapnf3D4fDwYduvUZmP+VydXVl9jDPGVRD6KTU3XEiov4d9t2i6zqrTnLNuSrBq5cvkG6Q3PMXH3z+uz+8ud86no9TQXCP+4xM41iKVPCFgUHVETSdhkeNMawWvZmNY0Auy84th4hWH969zjmHEJZDR9SXUrzDgkpmDMCtW57S/X3OuYpYzvnq6qpbnvxy+0V3XsXOCZcMgCZmudbcmg1PNvvNYQEAPLNnbq4F3vs/fvdDzhkJfHAA0BoOeCKpYtuTtQKCnapB9J1WEFYNYFZrnVUMzIZ+IapkOQYKTLvHbT6m26vrlCnVuRqefHxUkY2Ici6OSIRMGwNOiMARMtSKbCKI6H0Eqg11HEJg6x1++OL2g7ub119/uYh+91CmaWLnzbjMSdW461WhpMRaTYSAA0Ngl6uIASOxo7azqiZSpO2wHUEXXClWq4I1kxMg0OAInvRCLyhof1lQ/xNQuODCBYEIfwROT7+my2FPtSKcp318ZoUAoFYCo9OMtU23TiI9osZZev8eCLGFjAAAoLEjfDLOI214awDWRo8tXRXADJSYEUFFDeyU0foT/PsJcl6WtvM/nGjN2ApCO0sd0QiM0TyCevYYRYtmbc9WMCKS5oINIqZpnqRaNTUEIwJCM1BQQEYEz+8/vlKtQn337h0RueYMQYTMxOwBp2lP5MZU01wqshhVNTBw0euJcdrCZSyrMGCyKTBJLV/87vO//Zu/evbs2e3t9du3b3POAiTolNQucI94YqZIVVWtgCatcQrWGtDISIHMs0XGnjEyCRkDnOz9ABD0xHJrDgKGAmKGgEpmWQHAg2uj0AIi3r3PF2z5fOevQs3A2BlSVctVMDr2kQ2rpofHx7u7O+/98bhHxNVqFYKb5/GPX367P8wtoqXrF+zD8Xjc7g8xxqqUmxWyaBWoAojFxDvnWhZWrbXmaiCIGIKYqJ3OmtXZBQjxibfy+USpFW1E2pq3ZlaK1KrznFXVFEupIpmaaTt3LeK8VikXq/FA3vOsudmMq0JKU8qFQ6xVRS4VvJqiUfOf0RaIJgBnBQieKwDfziilqZRyscZxKqKKwYbgrOo4z/tDmWd82B7TxKuBmAJ7c2TOF7NK5IpYKbmIsnNiWMSK6NB1xKBEFRDFEMlQAdF13Wq58W7Y7sfDfibHoe+JoNYcHHax36wXfYglFSsCog/7d7hceh8dVfIIRDnXnOdpHEuW3//+9wB0fXWzXm2Y/Wq1ur1bv3nz5mE/FZtBccoyp+nh4UEUQ+iur26D79KYdg87EXn27BkY5VwASE6MDYdgQ78MEbbbw/OXr56/+uT+cctxufDu8XFX3IKICkGWmat6LLUWAAho+bg3hNXN3Xq93u12RYx9XA54te76vmcsI9QY2TuoUsAKAsbgvFt0XScix2NTEePhcFBVaS0ThyEEAF2shhPtkJpbXUZFVe35fWvu1HUwQzTVWkrquq55Ky6Xy67rxnGcpiMRxdjyyMDMnGc1p6eL6nSfeU+IZiY8IwE6pI4ZvakAmijCYgCiCJY2y67W8vrbb51zV8vN434+qIookCciPRmKUC0lFSICUjHQ6D0jBEeaR6kWXOhjd1pdiQCUAUjrKvLdZrnqODAQaJonFWNCA9Tmm2gGalqqp9PtFryLPkw5qYmKUBEEgiJQxBoHyQycdH3vgQpQKUVSAQAmCi5Mdlr84cdV18Xb8i8TOX/0aESTVir9GAXf12RmBqRPXuucY3EawxEAXBKa4cy/e7qqtHXmYg6AiHyu/C54fK43/oyi43Rq5+IV/1JrFJ6UovDnqlF4j/9nyo6Ztah2aLT+IkIOkaOXaokAEV1wJnSKxHOMaGJaSqkKaicUVIDWQxSprbFAgBdzS0QsUlmpqQ3xUqcDSNF5ynPOtSo4Z+DAVJGqNHe7Jh0EMW3xCUQwTdM05v9x+z9Gzy9fPt9ttykl9vF9VFOT5CAwgEkFZW33kLU2nIBKSqlnGGJcuNh5GDw6MMkJTT1CZVTFasoKbd5gYgCG1kjhSAxkhISpnvJlwKCKghVSIjqNoANAVQAwVDEkRPK+J2YgLqJYJbAjdi7o7nFbTQNqVWEk54g5Dss+57o/jnMuXdctl8vgu1SrIT/ujnZOomD2GjBVUdV0hBhj13UhuhY3k5KUkrzPYNYk8N77yqckHdFyuUDxTKEiIgaSttaiNgQqc85TypLaJZ5zrrUyYIxMERt7V0S0VFVlVlNSwVkPOWcELlKnaQbkoGiKpZZGYDJto1hVIFTt3VmB04imhmaWc+ZcAaCUMqXUehLOMQLmpK0iYfLGNeey3e4edwrGhEEFpyl5X+LSx0imOqaMBqjYdUN0LKZSJVe9XSzbIDyXCmjknXeBmV/crhFpt5/2x0Opth5677lqef3m8aMPbj/84MVyCPP+mMpotTBpLTNYF3yMITrnYzeUIrvDnKbZzMbDMaW6GJZ5yvf5vqZKwR+mKuA59Oy9Ucw1z1N9++a+7xfTlPb74/Xm6ubqWsRWi3Xs+f5+Ox3yfnt0EPpuAVpTKfvj9Pbd991y5Xw/py17MuDtmB9KdA6zoFYKCh7AEThi1ZqmBOSG4IM7cRNiP3QhR0+eIXqCjvs+dl2nqrvDMQS/GLoYe+/9brebp6OpORdrzW0k1ve9iwGWp+j5GH3f94pWa1WrT9fky1iopIR4ImQR0TAM19fXBLhYDoj4cD910TN5AMg555rRFA0IMJfEzGCGoEzgPTtiUDNRKMaAHBw7RKqxI2L2Hr33fb9gdI/vHmfmm/X1sl/ORR1Bru2GhdaouiyT2qLBkHzgyAAAVnCsabG6Xq7X92PKtTjnUDOhOYSXz26u171Hc2R5OuT54OmUpMYMzHy2MUEiB2powI69945rLqpWteUvlmJNntSI4q1hS2TM2u7KNvlH/IlK4j1K/QUA/AkcXEAAL2Dz45/DpSlqJ8UFoP3kCKcjEyCAwxMX8nKQy5MvdA18MoUJIcg5aaQ9TX/cpMUftzZbPwmekGD+DBA+BdILxl7O7lLb4olcpKoGIKdAJwC0WnIORN5R8K6AYzA1cc4pqcylqhIBIuVaoemv1eB8ngp2UgI10hGAaQUAT4zIXecZCREdvl/pWulwPkFAFwyYwBA5y8nxiwAJCJHbmDoEALT1ut89Tn/3d3/3/ffPfvjhBzPz3oOCGel5CqjAgOpO4AcXavJpx1ELEhGSD66P3DsgFBNFE0b0TGKmRQHMIYFDhYItwqyxuU+3i1VAFSNQMENCFFbVlOtiGJgB0Zm0BqACExMYEvvAxLXmcUoSpOu6RVzs9/uUpsYCV5PjNAbnl6tB1U/TVEstJIdxRkytUJ1TaoHmAghgVcFESilAjVWb2+KiIq2EKkVaGjUzi5g5a1VrqeknV9vJ3aaJt85f0CWFR847xMbj8sQASUQuno2NT9RqhVIENJVSmFnbDrHphVtBaS2twMxAgRrhu0KFi7uNAGmTnxYiYvJFrYiJoCJJBTM143kqh8MYlkRBp5zGeZpn9LEj6sDCNObi02oRiCjlKtUQ0TuOzqPoPCcC6IYFuVBEpjzmnJlx6Xw/LPq+Q87jcZpzJRf64Dh4REQCIr6+Wt49u0Ipx20uaVZJKrBZ9atF7Lpghj52q9XSgLqYHh+2qvu7u7tpyuNhUn3s+348zt9tH1U1pVSLAQI7CKFbXV0jYoz9w8N297i/Wl9fXd0cj8fD4bCv9c2bd4EXtWqtud8MJjge51LTlOTX//gbF4b77X47yjTp8Tg/EnUBpJgDIvYxRo+hCzQejtYHZO8dSymlCLIbFsuh2zOpSjKtCIpQGcFHHxMhGIFFx+TatlgXi16gDcXLOI739/fAVOq668LhcCAC5xx5BjwFr53lcaeNv4jknNvTAMA5t1osV8tFSqldYMfjcbPZiEgTE4tcrF5OZvT4vlOHSGognkLlbGYukCITi1jl4Pu+B6NPP/3026++mcfjqxcvPUU0iiEwM5E555xpqllVFTCE0DiKJsJgfErCqg5ECiwX/Waz+WH7TSnS9d7y7B0t+/irX/zs1d3dbreLTI+HUaswd2IGav7s2ojlhOUmalU4hM4H5wrlXGplqQqmtYCKI29ItVaTWtKpamEE8qcqquZkHC+gclnq6WyU2mDhgg4/edoFFMxMzglFTO//6emfTSZxOZSeDKQUkS+DNjPzIVxKust2Ft4XYCeS5+UygIs2408kf0/P62kV+PR0/n9UhE8R8WnXy+yiTkEAhDZVacsfgkqzf6yOPTODVESspl1bcE1FBD0BYk216zpQ08a1QtCzYC2E0N7JUy4+MpVSFFu18SNRB0KFJ7sSADRrczY8nxADqQNiQkRDlL7rXr16td8+1jyneWbmm5ubqmBiqlhPDiampqDtSzrpV5CstdTc+auSUoXV2AE5ZmxX58nyW62QNpoNIwbnm0okqzYKSisN0XEVMRGH4onIgZZca14MQxMLN7/7RrxBxDZ3QSYpkOcZsV8suF8sQgi5FkrEjqDK8bjXvh+G4f7dQUS6xXB7e+uc3+12292u1spN40GI1S7LSlVxIdRa9/uDmTG3UeX5ctS2O5Nm1WFGiARGbeDXvvrzEJGkwSpAo5a0as/MKJyING0KaGal1JyLiTasOi1OYGal1uroNOc4sQ/YMXMxFRGFFjhMl/sR4ESzbi9RufUHrJQiht6bGpaqtSqqNXgexR+nNMl2kiEueDsfU0oiMaXS+dWiX7FVotR1UMru4eHBr9egRuQQMdWSp2nRD+v1WlVLKdOYUp5CF1dMwzBcXV397o+/Tqki+OvrazPMeS6qqz7e3V3f3t56z9N8kJqJDcDSPN28+KjvezU4HqcTZdz4cExd8DvEVy9f5qK//90fzHC13Izj+HjchxAIIOeSqwBQCGG9ugKAjz76iIj22912uz0ej9PhqKrv0tvxmD/7ZB1jPM5TrYIIIrJcb4Dhj99+3Q+Sq1pN2/28GDaeli44ZnZWYuxDcB1pcFx98mGJ3jNj42MIW50AAQAASURBVCeHEPq+X/Z10Xfee098mEaRst091FodhzkfVaE5vx93exBddP0hV+ccgJZSttutIqjJcjnYtzrPV7XW0EdiOA3NzSACnr0r9STDP1HniShE770/Ho/tAhjHcXn3bBzHBpkA4F20syn2pbzQc2BqrbWLqybMcJ4Ua1ViYO/dR69e7vfHTz56+fk//ebNm3cfffDxbnucptRfLdp7I6L2TtqF6E4+O2K1ApoymEnJyROYQIxxGLr2iszRALzn5RA/++TTu9vraTw4RyLiGBFRRdWAfbslCpZCqgBsJwcfYOaTnEmeepid7qIn3qfatgshBDOb5znnbF14WnU9Kb9OEKA/7p1euGhPEM7MrJZTZwifmGjbkyLezOAyCTzzCRroXo6iTzIUn6LgBYwuwHQ5bCmlrTxwFsu3f73UiO1bpvf+qH9++OlI3udkmqg1XQgQk2vrmhEws2NuXJ+k1QQAyZExAZsSKGhFwr7zIbhSU5VsTAB4FFxSKfOsIhHAeycGpRoAp2wKpMAIiAKmgGZkloCbzSdi894WMLEqDpuAr4KoNeszNAN7mxdUNQZ/tQQp8/H4bqEATIVYlMDQEXsFb7kHGoL/pKRPX76kOK7+5uYg41Fqgg//p3//2/0UfLwhXqkq2ty5KUJGyIfAwlVUHTkEh5K9SYS6ZOpd7ZwSI3eruFyYwH6atiIxRiXNqZjZ0HdgmHMuUBFYGMlgKmhmigiAad4VqabovcfQ+8AWeijpIGhS+sBXqyhlOmwfYba+94+6NoE6jtd9LCjzvOe6ANHNzYvjmCqF8Xjc9HHdu3H7bhEwPVt8+eWXVwN88vN/PQzD3//df7BtenZ354hAzVpCQdvRga1jPFpVBGBSEVV1zoUYO+8bcSanqaRiNfqFWrGUEg2bUqqZEbExtFwCPm8cRaTU1LajzBxCmI7CAI6cd0QGCOekJCIlHMuevB8WKwEsKYXYP3NvLZeuW5t1OVuuMAs4vzxmzMUUKYTAzC2xnZkrLaZpUpEYY99FM5vSYZpK38V5anagzneAaiLiiL7xShSv++uqq/wuTxPPk9/vt3e3N4iH5RWZFk+I0e/26BevmIKYGPA05f12v+zis2fPbq+vDofd/s1hLFPovet9vBqkw9//8CX425fP1vN4GI87kMlj7hyS4DqsbtYbUtoeZII4O8ud72+euZtn291W8hR86VxdYs3HQ/7225jtl8vNcU5v7/Mn6yujRdkK1iB9/8O7h+urtQHu91vP3rPz3l9fX799fNxnfZvkN6+/Pk6FQhiG5caWw5XPSQwpbFa4WijQV/cPG8Zchv7qZ7uHR8erSA4jrnr38Xqac5Je4mLol+B7F7roQvB1icAEDEBpnJ/TUFNFOB4EJEtQVyqmhCkJmDkkrcoVaprCcpi2u1WkyQrr4WfrK0H6/bfff/v4uLp7XgqOu3JFvDZmF7z3flS1TI3UbBWOHKILxI/jsaYD2CxqVa1IWV9v1M0UpV+7KeX1ev2r5S/+6R9/N01TSckzEDKiGFpwTkNUNVXofKcCKopivV/9cYKi0qFdB+wB5lRLnsnkIx/9J89++x//4asv//DzX31Ig4yPbz/59KN07LrQb/cT87wchjxLOu6X65XWQ63VFAiwmm3nRETeBZsOH1zTs6VbO8mvv7+i5apwmdKCjx+97NfXny/udvL2h9fz44gf/jBushycIyZUzVSF2MyrAqpzErrie8bggl+vsE7p7e7dfr0AUwuMxsWEELGLAKAGwOyQjKie7G+QnLcnAQqgxd57eZ46N098hQERLca2PhO0fxKwjFU9QQiByKo102afa5lTXvjQ+qbOeQAQMzAjMrRWkTfm+anC854ZCgGBQa1VcjaRFuRETMza+OoOQQhUK2hFAAfGTNbMkM8hGJFJ28BEKp3qVDQz0hRImYmtAoB3oEJo6uBH1ev7fQTAn+/kPt0FtL4wMzNhIwsxezl1aYmIQgjqe2w+Z1JVAE5W8idfaTjtGn7MarUnTWojOKXwmAKSoaKCnHYKIkKMoI15iMzcddGZGvmALisiUCB2aD3GRXCL6D7orvvB+4GHRZBUXr++VzfkCQIDqABURmbGKiYqSNrsLZ5uc9pL11rNNW8Xz+TaWRC6Ug7ngtWYuVFVVTX6UNUu3cKAoegJaVrz8KTbq+8z/9DUjBDROxdCkJIbR7ORd5oGVBWmaZqrUujbBlnsnOBB1JQum81mGJYppb7vb29vj/vx/v6+CwENGJ33fohda4SCwvjuB6If7fXaYXPOTOCcKya11nEcAaDW4nlqOxbTClI9tahxOOwmIvKOGID43I6v1ftgJmjnLeFZFhZCcMGz89U05zyXqmY+dDkTu97Uz0XUKISYKu8Po/e+SMppLiW1/S6gMnPFUxtWVKsWgpM1hJiSY4K256snN0vvDIyIaq3H43GappSmknMT+xNBrVVrNUJGartOOt8mzNyoGTFGcq45JfV976Nj18wtIYRwd/OhgYyHXa0VRWopUiR4muf53bt3qvLw+OCc26zW5HgYhv1ucgqOA+S6e9hNCJ4wDJtnL2+2+7ReLniJ377Zk19G7r/+5nsRUMBcJDq6u32+WfXj8XA4HMxsznmaZ61VmyN5rTnnzWaDjp2PVS1XNbOU0+FwQETvgohst48xhM2Ll7Hz0Qff6eZ6PayWcdnHvuMYXPDk3JxTrQKKCCxZx+U0H8dadU57EcuaRRUdBwsmQKDj4dj1McbYOgExBkCN0T8+Pq5vbp89eybRzwYPj+9gu5uO87xc13HcPbwJgX3AOHTkzEDMJxGZ59HIVqvVfq8Pj+/2h+0HH7wK7GKMZjZN0zAMV+vN4/3D4XBoAdpmSCRg2LyKzE4RsmZwvhjNTJiogJopA3jvLXoENeIQ4zjN33///Wq5GVbrec43d8+ur25/9/pBtJU1J9a+c84MmZt7ixCxc05b6ota1+H6+vrZs2djlWEYwDwz9+s149iHCAA551a/jtNRRDyTc4xojAwATGrkTlEPTApQSplrTlOaSzbi0/rZ2JEAJ1EfNKNIRCLfpvtmzbThID+quv50tf/Two7sNM9qDUNo/r9Pnk9IiMhI7pyL+/TIl8rs0pa8MAzgiRzitII98e5/+jYuR2jdKTlFCLwf5zV94VNQu/zTU1IrA6IDx9796cucS9TLCbwXdiAins0n7eT4zs6xI0MVctwaApfEmb7vK7hGxyBRsFMMsZ1eDk8X4lluiZfaG7Q9j05YCHZqPjhUVFA8B50YtJZeJbPgkIgckpHLAgRIhI4pMkSCoXNDF4cBq0yrfuMddOA0T1eb2+sBKoapmFj17Aw4FxQwRhJDtvOHcD59sDZxRcfeOQcCeS5SLed6SswBtBBUldG9d9jKSURajokjbOl6dO7+GqhqPbn2IBGAAZABAXjf4VDn8TTYsJa2IOL45KEwjfNiw0WtlgpipdYpqxqKGCh+8PLD1Wrlia3K1dXV4eY4jmNKSaohNPdhC2eCFp4HMHSymzl1V5xzXfTeMwIwGDM7RgDYbrfD0Hvv25c+xNjsT/XZbXBeVadpanG4qjrPc7HBzEAqoKKBmajUxnRxzhlgnnOaxykXHzpmdm4DQKrsvUfvRB0qoKNSatGilts1pVBrzZoVaDj1RiTrXJkZ0di78yJFIiJZAZWbU0+pzK5WTek4z2MpBUG99zFGhxBCqNAsI5otO7Z27mmDoFqk7o+HnNPjfkdMy+XAnsSkVq25EFHXdW/fvb5/fMzTYQjMzGS2WCxWq40U3e22++2u7/vgo0eGqjhWyNUzEQ8YkMCGxWJ55R738/2crp5tuA/vvn00ycNqeJPS/phijM4FsVKrbrf7/e5x6Lpvv/1WodnboncuiAKRayoCIh+YFJDRB5elAujxeLxaOzMdxxFMhqGLwRGR4nj34vnzly98F4AQHCJTNQ05zHMqRRw6cwja/ANnQq5FUk1mZgJapKQsJaEBM+c65zz3fffs+fXugUtNSXUcx/007Xa7UawQh9jXmpFsnA5W577zwzIqioKUmq7uhpznOU3MyOiRLEbvfb9aLK+urq7Xm8soZ7fbff75542TBWeqBRieYn7pZCWKzV6ETsto9CQOnBo79J4xRkQ0DoicSnrcHsm5lOUwjrd319++frfdjdWU2FUVrkYueF9UFZmrWttvOXREpFLNrBTz3i/6/g+//6pZr9U0b9Z9B8N6feWQUyqqmqf5uN+hdsTSsnAUBEEBldT0TOEgojnXcRzn45RyAToJBNqCcoKTc7nSvEuB6fQZICKRVXnab/xTsHn6v9ZG+HgaSBBiS/kFhhayDQAOqWXZKZFzDv9cQWVPOtJE1II7zrdU8wuys8gK7JToCwCn6KX21pti2Dkn50T3dl/SOX5Zz2ta67ieINBULor+RrdhDsE5eLL3v9QiAA2coK38F9i7fDSqakDAdnJIIQM0BCLHhgBSRQ2QfIh1rIbE3kWgdmWkIlUKsDO1k07EgACbtx2bEhIYNFOCpldDIGZ0HNkRm9MWUKBqyFJP3ge1VhN1hOwdEqZS0JgRvYNI4NDIBLQAQ4h0fdUlnR2WjvDV9dXLm9WU++3RxlwEmE8gjORYVY3MVOWJIR4idl3fddh1PnpnBvNUaxUt6r2nkzle899RO8eEtW+CRVtwCAMqM9ZTJmD7UpGZWpCH2WXH4Z3zwwCqaZwuYRciEnzous7Y1STjNBu7ZuM3l6qpOCupynwcn9/ePbu5VdXDYQS1xWJxd3enCjXlUgoRk/fQXPdVWirF5VtWVURgOM2BzBwzEjO7k63+1bperTdtMFNrHYa+i15VF4uN91zm9KAlJfGBTdAKKjo0AM8OiRhOiYha53muolNOx2kqalUkErngH++rGI7TcVislOzt4ztA77ruMI2iigQxsA8sitOU53kGXuJpKRQgAiJDrSKSS1T16kVLlYqI2iIsqsXgVSzNRRUIkDn0Xehi75n6OMwGWrIaAFAz5WjTqipihqowjelQ97XocjX42CGaNYZOKoawOx5e//D28fERJAe/WIQYOT5//uL2+q7UiYxITFOpc0LRZOOVWz4eZgBbrlfu5tYPXYhdBvri7W/muD5w/3Ccv7h/2E+vF6vd/biDYob4uN3ndFz1nUPdb3f+zt3fP3jvYzeEEGnonfeGFHzH3JyR2iVKxEgETCC1qFaiU/IzMZDjLnju/fX19WazFrCsGYlE65xmZq8qpaQiScSmaZ7nMec8jnOryBkJAXLJtWSp5fbqarkc3qZdKfnFy5vPPvnoG7Y3b16/evXqYb9LKUXvNs+ul9d33WLR+W4RuuNuezwe0mxqiyUuuCPv/WH3sFwuo1/NaUx5ApXbm+vb2+si9eZ6E4MD5Nvrq3fv7r/43e/+8PvPlzcvFMzodKqqZoRGBkbogKjlBAKCtD2uY+08OAMmRdPmc+b74YfXbx+mrMCHYxnLrhu63S599fUfh/DMh459mKfJcgFEcr5ZgF7WTBFRbftoyjMAwDQdv/rqjwA9MZa5OOyX/eLq6irGCKKoJjWXmrzrKimznG5IVIdoDGRU2jaWUMGmOY0pqyo6fxoqwVmY8BTSzgEY7S210VpjzF0W9gtoPa3bflQUqgEZARIiAXCj9yNqcy4FaAUegqEBIzWG3eWYT5fQpzVcM9UDgDbKPYOiPkWl962yJ2/1J+B1KfsuL/R0GIlNB988Gs6lMDsKnt2lRH1aGl/eMOI5ueoMtnhuWp5qxFNkBIKhtIoPyBSKilNTPFm0mGLTH4g1lg2BUSO2QHNDATknUCBb+5jOuzdGQzIFMfTIBsbEgEpkAGiK7bYFUStVDMgxA3p2gBxCWMQQ0IJmgkoKN883L148e/nq7pvvv4ZjXnXuqvebyB07q6aio8y1qlpGRDnFb6qp8sm396QQ6Ps+BHXOM7GJiBQriOBVplSzSOt7g0NHYESEYMF5Zp6rm0vWisjsvTeKU5q1kbqgbXzIwLB9QGpahQF9iBBrTaerpPXuuujZO/ZdSDqVuuwWYsiOas3zNC0CF4Es6bDfR9+Z2ZlIAsOwHMcRmEyogpnUCq3IATUkJCJGuERRGwMys2jJOVciIrkE1g8kOc8qZTzuU0ppHplRS23ZCyp1t9vlnJm5lLTf7zW+JAbnXPQuuKYKqiLCzs8l73fHcZ44RGZvCKnIbifPnz8/zI/vHifBcpxKt+xqrtM8AwMDoiIqIwl7cI2/0zabYIRgCCmVcTzUWrsSztF06D2LmaYE5tE5K21RYGJsdPySEnhXW9RbrmZYRdm9p58556iD2HehC2kWQyBmERGrIQTvgxmY2jRN4zgisiG16GVEWw2r3W5f0pjnwujQyBkH9KWWJfFUIdeaOKt5PwwQNwa0fvUZFvvh/vHzr75/M6X73dH2BwS+69b3j4c3afRo1z/7bL0a5vF4OBzIgIiC96HrqgJRFkB2HCO1rXutIqVkAK2lhRuM0yHGeHW17rogIEXz9WL94uPb6+tr30XJE6giEQigWuidiDeRrKXmVEoCFB/c7jiCqHOOgkNAQue9xeDi0N8+uyl1VCnBUYyuH8J6tdBkqrpY9jfrq9Wzu8XmRhTGw8gEeZ7u371BLYfjsDoOq5v1crkY83x7c9X3cbutkGpwsYuBiFhh0XfjeGQfNqv1F7/7/ee/+S0BNr08GCkVxFNiTCPvnNdNILZL8AFZciQBgVBLzTkncg6Zvvz226/f7TEu0RO6MKzu3rz9YT+KZwzkgFwRrSk1d/4mbCQijExGLR/QOdeFuHS0Wq2Ox+N+v9/crA18rQoAw7AcumX0g1Fqd5YjpOjQtzabqToAJm63f3583KkqkkMSZaxgQMzM1JbXMx5cQKi2l3mCSVVEVJ1/z+R8+pdWy8IT0/zLn2yAAG1/zIiIRgC5IYIoOQA1RUUzMgD8M+Wgmf3k55eDl1reg8v5FJ6i3U8A+0RkOaPgpZt1AVE7c0ovLQEAuoQXAgCSEZG7dMCeYuxPgPcpjBM6hOZFi63DWcQExBGKWBMtCCBWzY1zj1ylzjmlVGqLbCb23uXa9O7WjAEuJbxJa43iyXa8zeeAVFXEclU8k1TNwBRVKygTqakYaDOK1lqj94YcmQJhQCURhgpi/Yo+/vRusegPhxCdlum6Z9x0/pjABidW8yFLzQAKBKraOELvGahMnQt99CZaUh4lq2NTlWRm6NmDbwmcgkiBXRsRhwCpCBI7QiABgFYAk2NznWMKzLlUgBbMJwjGjHQmpqpq4M6idDFtixBC4yjmnNk7FxDZSU7kgpl6cmJaqlmgKhY47B/3ecoxxhACkGsNvZRLKXWupWU76OXrFr3oH1puDoCRQYyxacWayufSjni9/X65XIYQ2hUZ/MklbrHom2+yP08+jsfpcBhT2hJR9BxjDI6pEW1VF+uV5TTnVNSCC+xdEdvv9wL+k5/9irrvf//FHyrYYnO1XF+9eXhjSGpSSjnOiR30kZnROSdZiN5veJl5HMeH3WOMkbwDAANjal5rVlRYDczlmlPKfd8hokq1KnMVE61D1VJLESJH5LyPjhw6QEQx0JbOXuucihoAcS6iKoshdnFoN+Hj426aJu89MIbQDf2geSbXffft12k6gmlLxywheqQ8TQ/b3TynpFCnjF2pfrleuswx4eLN/v7Xv//6y+++UxcWa25j2sNxqrks+n7ZBRdDjHG9XoNJc5jsuhCCL6K1EqoxWC4zEDkXANRMkMw5WvTdw3Y3TeI9r9fLYdG74IJ3V7dXz16+8N7bWTlDjMwOMC6GjgFRDQ1qKewMlMAo+D5blmpCVk1Tmk2rJxQp6/U6p6vt49tpOjzcvx2PWx9wv88GulkuwnpppofjoynO45wOu5LH1RBDXCLaOB6mPO4Xw3/7v/vfD8OwH/dI5h0TgWMEqR++ehEXy/1+LzKB2vffffdw/+727q6iUzuFi9nJpMbgTEq/yINVVbSIVisJdGZCR8QGgCqqRRTJ7Q/Tqr/eXN+Ac6Xi/f2h69ZFrQICsgKpqEJReL9dBgDUZpRKzoXYD1fu9ub67pt3bxGb2FyIIKWEGGpRBCZ0pRTT2kefhYtVBgDEFpRBQNpscRAVoGW+Env2wcwAGPS0yDbr3fMQCpoXDyIiEzMjACMhK70vGv/M4yma2mnhPdneXXCquVk6YhFpEE4AVdRUEdn+nPQQfqz2e9rYvMANPhnmtbvszwJhPptxt1e5AOHJuO4JfjU45NMYjhFNVAEU1RjAXd4lnirqi8LjdPRLRfj+9eA8KgMSUKsCKhR8LuKKEJEogJhlSSlNBXKuc66NHYPEjNi8b5q4vBmvtg+nARyd34+cTptakQSAqgBiYGIEAGAinhFJzcQ7Dv3QhyhgKVfnvBkiqGlRELaCqI7sOD4Um+8fdo7h7uoKiklO68AoFteBQkxSJzV1riDOtXpiT1gByJQRIlEX3dB3TFpKkZRzO4uKjGwe+1WotTnfeu89AanAiSYDZgrE4L1XhCqmVcxKH30fYs75OE8nkjcxGjAhWgt1Kzj00YcUAhRlxzE4pDP1xjfLUKtqKWXuO/IByAHyMVXvERRNoGRxLpN3ZlBFfBfJB0tOcS7zrKZAjojKlImUuKCaabU2Gwdo9h8NI4vqPM8iQsx2HI+pdF3X2JuSBFERkbyo5c4ohOjYGfseiGP/w87ULBURm8W3PawBQG1Zg8Q+cL8YFGic5sNxXA0r7kKWqoREeEyzHg/748QOiZ1WK9LMa3DoHJGvVj15M8xSJQsz51pUoaqQ49DF1nJpPt0KIEWq2Dznec597Ng5a+GCWhGRAcHIFFVAjA09tPreIIs0x9RaaT8eo2PvgpqYmffR+1hKAbDt9mEc5+vrDaL5ELthsZ/TOM4ANM/ZagnMQpC74mEed3u9P1Sx6oIidT6EYZnN/XC/+/vffv7V928Oc7q5vgMA51wu89u3b49vCjl+/vzlELgWnee56zrvaCL03sfg2ZGZBUdi6Jw7zo9dHEIA50kMArf2RjwemZlD8M65btGtl8vFYvH85bN+MahqreICQzVRIaI+Bs9uhglMEM05ds6VOeWcV8vN4+PjmA5FxROLgikQ2bBcLNaLw7GfJuc8iaY0jsTQ91dJq+u6EP1RKlSIscPOvf3+B1ZYLRfr9VKg7if2Xbi+vbq5vdrtdtuHd2WekazU6sNwfbW+ff4crHpiVf3qq6/evn0bYyTErutEtI0SmpSNyBC41mqX2f+PCo6CVpl46EPvB+/9NEupyr6/vn0xKTkjqXT/+DDX1iZRXxoL0IFqa4B575mpFmlNUTOD85oeY98vlm9++0/O01zmWspAfc6pZLffTyWrjzQeplLEB8pjBc2gaoDWws7AKZgqxBiRnajVJqJ13Kg/Tq0pH56iTrPsbmmArU3SUAMIrf7omX8JDi8HbJZiBMitO3py5TbHp2BSbh0lUQWgljvw5PG+SrP3qvbLrhoAkNxJ/gZo0LqGpmpq2JIZDKjNDduBVfMFAi9YpmdZ4U+0E2ZGjU+EeKbLWwMzd6lAn1ajeObINPh/isOIePKAo4bVWFW0Vu89mBSpDoMCihqVmkodxyoiCkiOG7GqqGiBtl36k+rTqA0Hn+Z/AQAAs0c6fS6m2kSxoLpYDqRCKtHFm81isViknLf7iZyvooCGoGzCBL2nIYT9+LDfPxx2u/Ww7JfryPT67YOVuXf9chEo4G50x0JELinWWpnMITRdvCfzjMFjH/yqhzymkmZVQAERJHJmGF2z/kbPjghFtNRSsphZlSqmBkjIDqloSSnlUni5HobOMaaUUhUicr59HQSN3Can/bh3gSl1PmAITICgInBJNco5j9Psve8cA3E1q1OCw7S+2oQQ0jxvUwYmHwKR0zkZQJE65ZJyUbOAxM7Ffjh/CyLCphVVEbHveyLiEABgfxgPcyqCDml5dQsAwA5DFLMxpVpmAPj23SMRDLFbr9eLxcI5F5abpQ/v5jciRaukVuk6aXyWlFIWRSIfYugGUdN5rlVffPRMWWaZbl7cuBB/9/sv6mTdEKdpii7G4AFQSmH0aA4UEWsj4jaobk2YEOM0pdUSkJxKmVPBXE+9EOFaJeeaU4WmeiTtQszFmjZLVVMtzVfPe6+oiOgYmyyLmdmzDx0SuBjaD5Eb2b88VXqpEACZ0vZw/OH1uw+e302HYxEjIsfc+RB9x3QIndMqjtmthttXL29fvPxhN/3uiz989eU399vDz3/1yw8/fPXmh+9QhQHwsO/vNtvH+6JSDdEqc4fAaTp6JkfoCJlQGYNjIA4hlOy7PgzDkEqtZVQTrVBL6mMIXVz0sQV5DqthvVmvr6/YMYg48q2jKqkoqPexsX1rzQbqHDnEWss4js4tRWSecoyxW3Vx6ByBd/Dyww/WV+v7t9z33d3dzd319f3b79I0H3YP73aP/WZzNURmRGaVfDxsa5lzKlqnWo4c/bAcfvk3v/qbf/Ev/t3/8D9s9ztVub7ZRB+Pu71ztFwuodTdbmdgzO7+zVvJ5e7uTqoiB7UKaHISsiI0RiU1WxkEBQRFIiQCRMdmKOx4GLqr5SL4Th4PKeHjfn999/zhmzfTvAN02/2xH1bb7dYzdqKI5Fw4ZeycF9IqJedsCi0/uHVx1JDJH45HF0KquRbnl2sSSakcD3NOQIzzVCWDiySSmIEYEJt5ICEDGAFBCB0hV4MqpmBADCZ6qppa3fNjMOOmmgQ4axhaz5D/s7nwF2h4+hP6ExINAhDze/iB04AH8S861Nh50GZnvSCeAe2Cl+2Z2kII/gKj9en7vJSPT2tKeM91aA9uok+48GgQEc1dYPOEQ+eKPuf58nZPNT6iiBCQgbUokLZTQSNEmnN2RMcphQDeezGdUylFci1mpmKKQNSmg4rYxn7vu9Z6TqB2VtEYAOQk4FYgBEB/Ep0YgqqUWtU7DsE7KLFzpL5jeH57+/LFi2+/++6LL/747MWrNE/L5bJzGJG42nF8dNgxY4huGIblch1Ct1qtPHffffv6w4+fFQgr7q6eP9d/+O3n375erK5Bu+14iJ1bLntNBUvyHIbAoDnNmVE+ePniu2++ncZps342HZL3MZfZe7/qlt7HMqf9/qilMqKYemaHQQ2SnHZDXYzOe0Y77B7F8INXL66urt6+ffv5558vFgtVlZKtpuC41pVnAgBSScf9Zr2sJW3v390+f7G+uhrTuxDc8Xi8vXu2323HMq8Xw7TfLqIPodvvDrVIvxi897WRB72TWsc5TTmpmfPRCFPO2+Pjgj2oEUFwntFU1eEpChERU0rHcZ5zdb5nj6p6SKnrutAN1HUA4Hkq45hSylZ398fFwnhxVcdS69SomP1i8fj4yEwxxHmajscjOySi/TiJKvvgQrc77OdcnI/X68XLj5/Fhf8v/5v/9Tdff/fb3/1usRkAeX+c0fnQD2Uu47Eycu97NM/ERrvG0W9KW0AMzN57IPQxeO8FrE5acmnvpySdcnLeh76b5zkG7mM0s0XXO8fTNJ2vTIt972NcONxut7VtCA2KiCHux+Ozm9tpzsyMSDmXQYfA4eHhQare3d0h4ubmNsbwx6++gWo+dMju899/+fx2c7N5fn21Pu53aBB8l2BHnccQXn368Yd//auv3zz8n/+v/93/83/6D3/9L//5r37+mZb0+g9f3G42ZRqn/eN/+cufb93d//2/+7/dv3kdn932C7/fb189vznKrLXE2MLZcwgde5dyNbNPPvlkvz+8fvP9Zn17dXW12x2I8GZz9YiHfjGUUobVsl90Lvi758/GPFrFYejnVJuBi1lwzu32j0RUc0I1q6K1Gpxc646H6fr6urHM+sUwTWOI/m//9l998snL+bC7ul4z1n/2zz5DLR9/+NF+96hSdhOP42FVrzbXz+Zax3FcDl3PN5F59/j4+s0Pi9Xwv/nf/tt/+W/+1b//D3/3u9/9blgO19fXzCxSrq7WV7c3bS1kZlA4HMaUkqoe9sfNZvNwGO0k0TlJoZrVg2NvdrIYbGy1ZtwPUrsuOsfX15u76zuk+7Hgu+PuYbezxBXY+W5Kec6qWogcu/D67ZvlctkFP44HQFsMXSkFCU1qcL7W6p1Thf1+v1gsXn34wRdffQXsDvtjt7hCCLvj4cVqYSqmbvs4dv2a2Q3LOOVZzTfmlYvB+16heRsJIs9pVHIBuJUZVRWQQh/Ykve+qKR5Jua+7wWsTFMTCIhpVT1ZrDKRY6rvq5ELtDTEaPjxE0SstbZ0p1KKMcUuBs8I2lIPm9TKzAxOHnjEFzqomtnFfa6pAxpQNc1ieyE5Z+JeakeAkwmlqqaUGh61g7dJzVMUvJxIU+m1N9xkygBQa419V2vWUh2dkDKXYgc5cU/PmGxPX/7pcS8vo6pwFrhpqxgRENlMFZAADUgUqlFRyy1rEFqFR628M6BGwIULK8n0EnDXalVtHGBoeWEnu0jHyACmGa0imEcMLNG5Td91HgPBcggx0HLRP7+5RgA0MKmKICgOlBGYebNZ7/YTFEuuxuvFZs277TcffPzh7YubZDhWooTX6259H8yMcv7o7ibPaTrsoMhisXx+s7pdD51Xq3WzXNcyrRYxsAvBvfxnL5kiL/YiggiS0zzPpSRTA3TR+6pQzEQUTQnQEyowAGITlYgcj/u257i+vi4lmQk7Qo5VZbvdrtfL9Xq9LJKmGWoaAsN6abUcDzsiMtWqtS0B5NixF+eAOcYoIkBshrmqIaBjH7phFWy/mx5qmqe5VDy5bFDJFQCCd+1yJHR8slUTdA6QgZyhimhRrWIiINWgmhRFxKKcjQu4bnVb0MfYgR8KkUBBclKh5lRKESLECoj9Yuk9q2qzyyEXgHDOJZJ3wfvY+Q67heuHYTv29oU+bN/mClJhsViluYBA5wczVOFUrJTp+goDuxBC7XILfyZmAHAlIHJb71q4xSnZymopRXIuJfW+98yMQKCOHYKanvNFz5OUy3CePfkYxExrCbFHxwJotdZaZbtPKTHgPM/zOBIMnrlkKazkPDMbupS1G4bXbx5ePHtuQJvNxqSKyLbOy2Xfr1c0+D9+9Yf/y3////r2+9f/7f/x/8Cum+fsiJddZC0FQtZFOu5f/PJXH3346rtvvnQertar/cPb681m2bnjYTcMQ0ppf5gEzPkIoKWkw0HbHNHMxuOx5hK6roA4Ijy7RBGRC94FT975EGLXV1EEa2MmAEBgUCXglqFqZt57730IQYbYdg+A+rjbHcfDcvVysVm+vX8neWQAckiIjl0XvcQuRmBmlAKg0TMySHGW6yeffbwIHZjMKRWoq/VimqbDYXcYD93QtRa9c9QvF5vNZrVa7Q97FZim6fvvvz9M83K9mab0xRd/DJuP6GRMiiK1rZ4iRrF1W0AVRC4Zh4aIIYQueEOa5zkVKWJzqvvDHFjUPALVc7fTOVdKOdFwzdgRgTGBoKX5ILUgYs0SnF8MvXOu6zolP06lVEFHBRTBPAc1Oo7zu3eH73+475ce0DMzFLBmytimQhcfpZPImxEYgIDYEBtJFOjEhQZrxAbUVpMhqTTb5ScVmpgR8F+ImXgKBBedX2sQ6sls8sLtxPfO2u13EcAuuTT2FEHwTxQal8epq3l+O/bkTwAAhOYxbYSK0DDCCPFJw/LpcS7l5uWH7ZHKbGaMZAiiCirM3ofOXbAanzDm9awjhDPr532heq4d7cQIatEYYkYGBMjadspV23+G9N6s87ScaNMlI6KdVSYndkxTraEQujaQbcNstXpKIUJhE0LpHA+RYvSoU+C+945U5sP2UfW429eS+9h74uCccxCYB+8t2Ho1OI4qeHV1E7k/jPXz3/7+17/+9S9+8YvbZ9cVYT+Lm+HFzfL+3TBlziodCKOyJ2JceXI1jY+HXT1YneJHz/M89X3fdR2Y++CjD2qxbhPn4yynXscB1JxzAOS8syIlF1NrCR4OQBCKGRJ67xFrKWW/3zLzZrO6vy+I5pgJLOf5XU7MvFqtNsvFQYpp6ULo3PLxMO53j+QXDqGITNMotTa9Wug7h4DskJ0CFJEi1ZDhxJ9y1ORNgFIE6DSvRiMyrSrBuDWi5bwrpBZh7bxTEAKoalqSiBbFJNUqEdWqWUGNpsM0jiUVLYZ2omxBKWVwnOcZ0UZAYtgsl+Q4TTmPJfY9I01jnuasYKF0Uy7/8I//6dmzF3fPX07TUawqmvPofUS0eTwQBmbOU51SRoNpmoJLfeyanJYBc62kiuSiDwBQSsmpqgCSY/YAFGN03lutzOyDC8F1npjMOTCDUqpoMTOmFjXCZZ4bHLLrus5P05RSXiwGJFeqmlYtda5p3B/anrSP3dD1zAyA85yrmKg+bHch+tvnH/zT2/9Q1ARsvVqVlMZ5gsXqu+3+rz/8GXbd/+f//e/e3L/7q7/+5c311e+/+MN+e/jsow9f3r7IhyN3Yf3hy+k4zi/u/uqXn03bN9dXq48/evmNTJurBdRQ8th1AdFSyeyD88EA55K//PLLV68+AKOU0jjOKhDjAHryrT61ocj5GH2M5Bg5KtJpsFq1FHHETKQKiOqcAyMzZBbnnIth5VfTNHV9cCE8PN57zy9evfrgww9/+5t/kDytos8573a7yJjGqbnIAmqtWWsm0kXXOUbLddw9uOXqer25ulru53Gajt99981333338PCwWq2MEJnj0F1fX9/c3MFqYfujSB1THlN27G9vV/OUpzm/ftiHELz3iFhKLaWcp0enAqCRqi5ACEjO+Rh7U5xLNWAXQjHYH6ehK0qMJ96NMAZkbB11VRUpjrgL5JgMLed8s14tl6uHx12t2lJlgmMRftiPU6nkXRUxk+C4GkxJfnjz+Mev6Op6QRxC12sCOBFJUIFQQdSqWDWTilKxVkUSMQU5w5BiGwEKtSjvpnM71RutH4pmF7DBE/X7RyJyfFoP/SnGtCz41lY2y1KRjMDep1UgnlDQrA1vLiD09LB/EQvfI6G9/xPaKK6hyIlQ39iUlzf8tCiEM3hfTuFSfc45t3EGEIiomXoi9z4741Kv/tje7bKFeI+uTzYQbXXDE124AhOwg1YRqpzoD0gG533I6XfphPRPPuSLJasCtKx6aHoPQQODNtJEY4KAEIgW0S0710Xuw3I5BM+guVhJ89GO+31J2YesVhGRCEPgLiI67brueEiO03H3drO+7YP90+d/3B7T3QcvKfJ66DkVPJS7zeJmiNsqxYU6bgffrRYRRU1SHichIUtMkKadShmPuQp6Xu73264b+hBB1DFPY3p4d69SHLNBMyU6afxbtnlpunIAAGp0gyw1pUSOQwjkmAjArEotKg5hSul++9jHSEOX5tFq6bouMo5TQhcXQ2/pZO/ZPtYhdoQ2pTTn6gCRXVUAkFwFS90e73POACf7djGtVUWUEQSQFaQlBUq1ehqekYiir6LVwJDJMSNjLgBU1VCUDFTEFBVIEZgZyVUxBG3IJJKz1qqgKlqzd7RYLEjsOKVhGELXexeyKpbqybGPhrDdHpEfq+LhOCHi8+d3tdrD/Z4dlbk4h4G9pCyijnwf/WH7ZoidD2yizZVY2NiIHZthSqWViY580+eyd957lcwFAVS1mjkAC55rrQUVsWmrfYzRx1CmQ+vbMHMXh8PxmEu5jp0BlpxM1DMjQi3VDINj3/kYIzPnnOdcVMGMHvaHvu+fffDBm7c/TKWmKnMtq+Xi7f270dzi7lVYX//x+7ffv7v/1T//65evPvqP/+nXh8M4dMPNzfXV1WpvMu62VWFzd+N79+EHz8dffna16l8+vwYZtc5gOh13aiIiuVath7zb5qo+xqur62EYShZUFGdZSq21pBpjZ0wiYy4nvk/sO2BKWS3Xca6gVWquqQTnCV3wrKzqtYTqUkFgUyTvwIZxGuLQhRDQ2TAMv/rrX25urkVkmqbe0zRNj4+Pm0WfUslzMnOeKQSHaCqFFRkF2BxzH9kHdJ6i+eXQUR+IwHddt1gsFothWPZD1/W9qMrjbns4TtOkCuvNFZLf747jnETs3f2upak459ocnYi894AXIJQzDlYzQ6szF098nFPOougo9LmKGqhBUaFazcS1TltOzB4A8jyB5y5wF71DBM+Lm83Pf/7LZy+e/+7zP/zuiz+mefSh66M/pvq4O85JXPBZFETMU6kWMRzH4/ff33/8yQvk6ENUEwFRYENWw5prqVqr5apVLNVqmQxYzja/AMDWysdzsQLwo7zc87rNABcH5cti/pPO31PEsrNKHQAMUMHO8z8TkQTq6HwEhItrymlZP4vZ2+Pi0fEUHZ8C2F96XN4ePpE2EJGJPH3a5VB/ioun/yU0hAKVjRQBkdWsmjl9Mqi7VKInXD9h8l98GWz8IXBoAuAaWVYNRUGq1ZOdJkArloFa//NkyINnK7X3p6qnZxIanvxCDFsqAZAjBHVkgWHh/aLjZe9iII8i+VhzNq2dD1qlTGOes+KhiJW+R8BMmhhlSgj6v/qXfyVi/8v//HevXtZnz5692R7WmyvsopDGZTCmOUlkjKDRdMUkkT21QFCI0W/Wi6t17DpEyqKZGb/5+vv7exv68vsvfvPi1cfoQavc3Nz0QzStOSfnglSB0DbOTECCWEQbC8aHrtZaajVkES2SUU8GXcSsUotUH8J6tXKE7+4fP3h23UcmIcmzMS4XfTEcS12ur8zJdj8BgKqWnPohOoaH3TilOZgis5ia4ZxTVRnn1HT+RGSGWiu0AAggs/qn7fFSCgFU01Q1KyqBAVaF4JiZHCGBoSmSMRqgxa5P0PxFPaJ1PgCAOPaOybEJZ0TnyIfQmIqnCBNu2wAAJmI2s1LpeMhpfkglb9a3H3z8Uc7ln/7xt7uH3XLRLfs+uNh5SuMEiojx8R6lVMmFgFoGoSEhs6pqlaqiRc7u7KCqNaXYnTzBa81Vsqh4dszUItCJwBPH6H1wzrmq7ycQyGSGioCOVbVRxr33IXDRZk2n+ZCsmu+iqpYizOyd05q+e/P2+fO7Dz/97Li9P8xJtNzcXrs+TqP8i3/+bx62+7//9e9vnr+6vrl9+3C/ub4C4k8++vj6+U23WqyvNj989/00jsvlikCWvfvlLz77/psv52l/tVl8//WXzLjZrLLoOOUqJYtOSVbrq48++XS6/+GwH9+9e2A45SRHaRU2Elys/cnHEPsFMlWdEVABzVCqNfYlAbcaC5GLVOcKIBNxkD6n7vr6arlZAmHR8uLls+vbm/vHd9v947jf3m6WzN4UPQcTLXNB9JvN5ir6mxfPhuUil1JzRtFf/eJXQ98DQMo5sFutVpVxnufPfvazDz788PbuWT90vovo/OP+sN/vfQzEvuvjTb+4vimvX799d7/74fXbnHzJc5olhNBmhc45wuaFYy2SSAVUwLQVvrY/JhMI7oDAIfTZ3O4wxr4jx5JFIBGoc0QItcyxHwykpEKovvcOEaEuOv/RRx998vGrxWL1dWAHpgQtk+dhf5xyqYAAKCZmUBVShVX0Vd1uPz9up7haiHEqU64MjgycKKWUUypFUMWKqCpIRaQWygKn8AMUQ5SWX0BoAGJ6KuMMSC+StPdAaGBPb/YL3vykInyKiwInHYWCgSkIIFFb1BUBAE+tUYCLGcsFO/4U8xqgPoGuv8hifQ86T8EIf/R4+vzLS7cOGCKqqo9ORKqokSGhAVSDaZ6d6oVFegooOdeCCk8LwcvfL58LoIARvM/fMQAzLFKlWhZRMwNq39H7BI73bxPtx1h4+ry4xROigTXZNiIympkQKCME5/qOl50foove5fE456S5RO9i12OL3tJmHIAAoAK11lKgpASaJWM3LGPYIHf32/nNfQlLe/e4vX627hddrvuSj1qOlmcqukB2Q6+qWq3rwvXV+nqzDB1qPbLz4PDDDz9cLPpvv3mTMr15+468Q2AAWK1WngMiMnMILkOttTK5ECIgl3MMKSI6z0VymnORRudGYEBjAfHAbUMQ+265WknN6bAv0yHG2EVXQNBktVxwiN++3RFDDIF4QmCp+VBkCOyAfAxTmovUVKqYAZiIVDXvvYLVoiDaBIII4NmZmBoWlWhGxISu9cGJCJjBOFk1I2tDCwRGYxSH5Br7yrCyOQAmy1ZJrXMdIiKYSEGtSIEBsLUuHTahYey7aZoMyccsCkVFqphlMQgM0ziqHdnhenV7tbnNOS+H7vH+7fX1XR8iA66GxX5ru4dHIhr6HgHynIicZ0bvxdAQavNDaCwBaFNtNLVUS61VtRBhiK6PsYvomR1BJUNQYkQmdGwAtbZAqkpEzdvJCEPoAEik2EmuZAJgBlp1loRORGQwQ8elFDVHzorYYbd9ff9wvb6a0+GY5zlVQby+uek++Nvf/P6bL778Ywj9ze1LcuHqevhnP7/5w5d/fP7qpYsBu+6DTz9bvXjx9ddfU+jcce+d3d4sf/ePD998i9er5cPDu6ELm82mJjUQBQ0hLNbLjz/72d/8i3/57W9//fbt/bt3DzlXpjYhk1qlDwsXfBd7DoG8Y/LIDkBjv0Az74IiScoipmJMVFN1zhmrCZRSci6llKpSSgIGkVKLIJn3fDwe3r19vd1uyzwOwzD1fWM9PD7uHt6+Wb/47Ob2+vrFs+cfvHJ93B934+FoVbo+MMI8z+M0Z5OU5kNJ333/7b/9F//F6uq6Xy76vifGKjqnMqcyLFaJZbs73D/sY7+4ffbig8P05dffzcbjOM5zrlWZWbW5mVQ40/1UGwuhTXkwdstakiiWCtNx73wx389z8l3vnLOUpWZEDN55B57b6kRKED07TyXPCPXu5mqzGg67xx++/e7LP34xT2M/LBxjTfPuIRs69l4MjBiAiqgzqoKR3TiPD4/7BXFKJeeaqznuDKiojnOepgKGhqQCyP68phIjGVKjilag5sdldDKwdCemp8HZ3bKZkbb/qpU/hZynVdrTutDMjOC0tyQEQ5HWCj3bogCehnlniP3JQd5jGP6orHoCC+e/PPnzdGD6Eaf01PA0+tGvP+GaXv68lJ6qis6bqYjiySsbRCS3GKYnp9qMs9nMar2o7H/yAg1j2zQRxajtrU7eO1ZFIYvUWvW08T69xVO50c7VTj9/+nE3xAZyhqeV6ylnyUyRgR32kZdDtxr8Inrv6HZ1V+akUpb9cLW+rgJV8DCWURGAmTyiIBI7tuDZ4z/94xe3z573i3XKsN29UwQOg18uu9WCO59ej9vtQx6PpNIhUYiG04mEjiBpfLyfRKY5PfoAH37yygf6+S9+tlhsvvrqTSqa0rzfa631arNZLtYAOnRhNSz2MKVZnHM++mospSAiEXUhTFKJiJwjK0BMzuPZTLbtvEIIRG5Ks0ohxznNKvlqvez9QkQW/RAHf3/I4zhRGBjQOUpzHcfduncYwt3z51XteDymks2MvQdibn7oYISqqpShmiEyEVdR1Qonoh0gKJzlroiIRM6CAFRDMaqiVGYwB4Tk0DXfH2YDC8GlEb3Hq2XfulIirvduLCZmzMQcwaSoORHH3sdmVMRd553BNOc5FwBbLe7meVaQ4MN4LL//7e/H6fDdd99dX20+fPV8PO6n43h9fcXgD9u5jVFFJKdEXJk9M0tVrQKiSMTMHsEM8dwqCcHDKcQHhmFYrRcORGoCUFQ5X7YgUuY0QuYyzznnYbVExHmeEbEbejGd5wyAjrDWWkWhCpghYh+7lBIAOA6z5lKEiFIpwPT96x/64eNnz1/ev/nW0I7jePvy+dWn//a//3/8n/b78b/5b/62X/aL9eLFi2eH8fhvnj1n74Bcv1hoF7vY9UVev359F3m16NM0dtFNx4Omg2cAsO+++3axXschsnT9crO6vlmslo+7x7/92389z/Or56/evXsYj1OeBck9PDxuVuswDMbOHAQfi+rxeMylDMtrUFGFpsbLOZdSoOUyGaJAzvlwODw8bsdxzFVL5cM4IhMRIcNhGrfb7ThP1ZSINpvN8fF+no4T4jxlE1iv13Hor66ulsvBD10Ibr1ceKRF6OZpMrPgGQCbQMg5t1gs2jizqszjvN/v5nkW07f39+/ePrx9eMypDsPy+fMXpnh3dxeGxQ8//PDu3buSxRyambTw3HP+5ZkkcZqzuc5LSgpU1R63O4HjsLqpIpeM9CpioEyw7Du01f02eUfDMKyWvSd72G+Dg+XwwfGwOx6mx8ft9v4BkL1jFZ2n43Y3x36oppMl54NpKMk64inPy0Uwxd1hhBBzKQLWMgwEQKuVYikXZu+dUz7DkgCc3YpbXXWKE4cz9VFVGH2LCG7r/NlEh85r8wXnziutXZDjKcCcPisGVDs5tUDriBgiNmEuYWOytJyEn67wT2HP3svzflICXiqmH0Hh+fBNdKdwdmF54on9o7d6Lufem3qfuh1KCoZMBiiqIOqdo7Yxh7N6gQgv0Ri15qcn8JPzUTVEFEFEa0CIiACqYFKt1Nr0lMA/rQMV/nzxe/lEnlTibfR64jW1wtc5ijH2XVgM3SK64HAZXA4epC4Xi6HvD8ckWkophs7QqaqRGrJzjmPXRffxx5+OU0bwX3357bvtowshi845hb4jouM8HY67UrInJB88huSyc06LPD4+frctgLAYIHaQKxDY47u3VzfPAXSajldXV9Ncp/nNYV8363sVSCk5PA1i2w7DOWdKUErLDELEh8M+xjgsOqnRkJCdiMw5ueCl1MbKKyLTw0MzgxaRmmdar9arxZTm4Mj70Af/dreNFODsNjuPc0qJzD65e77fH6dpyrUCgAuhaSEUrNlftevDElY7qW3MTFRKKRkEQduMsNbqugGcr8YiWIyr1lKESkYwc4hC2LhrpGCQpuN42PVdsOsrJieghOYdBmyEciYCqdmeTBFKKQbkQiP914YfJUPJMCxXV9dLRNtu96WkxWLx8ccff/jq2Zd/GPcPY4y3jP2w8MF7Z8vj8TjlBCeGDpq+JwQSMyKKASE1OzvnnGrNeSatzMjMktM4jpvl4iy5VVOyWrWKKFhKKaV+uYCzL2JLPBjnqY8dkpNaJWc2CM43YbWec+DYO1Ul7wKErovb/W6apo9+8dn9u++94/14/HT9GVL3s5//ar/fXt++2FwtYh+QXFV9dnc75rTaXIVhmKr2y9XLzz7dlxynx9VikDTe3l7Xedo+3l+tVoA6z/TBBx+sb25FqV9uXNe/eff4m9/85vj998+fPx+GgcjhLcfYexe/f/36OKVuOYDjrNLIkLvd7nA83lFU1XGeQGpTW9YsDnCxXrQrbcqp5DqO4253SKUcx/K436lZvxjW6/U8z1nqarUiIuf9YrHyLhQ9Oudur69v1qsXL14ImIkeDgfMs5kwM3l3fXNz//btNE2d76Q0hW3tum61WfeLgZzPOf3www/fffftnJP34fHx8Yc378xw6Jfv3t1//8Pb1Wq1Wm2eLZ4fj+Pj47aUcnaWURFsjBG78EzODz3WNM2eOKVyv92VIlcQa9Va1bdVDk1VvcPYBabFdz+88ctl3/fLYVHz8XjM1kHs/HG3zzkT4Wo5ALL3PuUCAFMuV5t1MDmm7LyDyq3pVXKlpQPiUiRXAUBmNvaziBqKWRVRBcdM5BzgPM8IiiiozQVSWzPSCFtUOp1ZMBdIADOTk1Chien+dB1+uiBfgORpRQgA0sgqZ0j46TPxxBp9Uu/8VJtxQTZ4AuH//z3+LARezvrp09pXX2pySG2yq7WaiOfA3jlzclJtq4oB1NOJUTy77J+AvXkjYGykKUQzVuOKhIgCqKqgoKepIlujKQnU00fA0HDydEAEA8ST0bYBqJ20JB5O3h+misAOwaMGM6zjzbq7dbiq+xsprxjXXlDk2j9u7m6Pox6nXTnkRbi6vXn2P//Dd92VU1fHultE5zhSzetu8IRY++3D7vXDw/f398mkX0Yjh8X3uu6Sf/f5g9yDjdZ3YV/y28Pu0a1lrlKKKFsPHsGIsuKVW7y97wH7cXecp/mqWxDI7cZ/f/jIjve1rh8e5LjXRYTj/hDJDcswpvz4+FjJY+jc8qrkOs45Rp9qQsEQe0Qe55RSVsNaq3MBnTfEqrUgiojNptHH0P9hm3iX1kNfWFwZb9fD49s3QY8u4JvtfVW6+fAXyfe7Kpt3/2g0GjxAtdXyOjLW/ZFCXxXIaRUpoBhcrdNcy2IxwJ6AOzMrRmnWUooqExFRxBGHITJzmY+myRNhrclHYa/cqR+qSpoyAMXQHdKBl89rcPczupJBKqgRI0JCK5IMCLvoF5G7LpJb3N8/3u92uRiFoRje79OctR+G7/cPt7c3Fevu+Nh3dP/2a5D0N3/1sw/u3Luv/9P47Zc+z27ij16+XMHVP/7jb/Xmn9eM81ytSsc+cl/Bpmyq4Mkzu6q5lLlxRJFw/GH/4Wcfx9XqcHjtZHQW4+B6t1wvr3O6Ou5el6mIQpH8X/1X/8XX33379vDms08/enzYzWXMeQ79kOfiXWQIKEzsnXdGbKJGZgjV8mqz9D7UWoOLIiqzkfnnz67/+PiY99PS+7/55T/7/tsvOi/Oxu30XdLt1cvV4m64+eCD9dVmuz9+8OwFACx7Dp4xw4IdgOtq/sD5/Q/jwncJllpCZTdSAV7ePLv5+BerDz/59P7dG03l048/vn/9dvz+25/f3lG4LcU/++CD9XqZJZupC/7VX33AwTdb1JqKCpQi4/bgp+z775bLofPTftreraJ0/v7+q30tnNfDMHjvF6gf37nnq9tvv8/ffvt2XF6v+xvPFJl6z2uSDRSvGsbts7vr3/3635nJsArW4eqj25wzr6Dk2i17F/ycZbG87of1437/u9fHcdKwuDLN6AGplN3Drz59sZ/TVOXVsNqP+k+ff9P57uHtCJDmiTbLT0Ps77ePX337tajeFrdLuHC15j2TFJQsoESCTsEqOAUQadNxJAJQK6Vca+p8EMWv3x2y21Df/TDqUbmA+pIDCEh2zoHZ45t759wnYc7p+Nmnv/rtN3/czvP/l7P/bJJkybIEsUtU1YiTiEjyeNV7Vd0z093o3cUssILFT8A3CH4vILIrAwGwI7Iiu7LDuqdJdVU9kiSYEzNT1UvwQd09PfNVVQ9gkhLi6WFh3C4995z+s9t/evO0fnd4fPvYcQeiZQ5APIYQxvEpC3R1d3hExA1u/OjuFVkElrClH1S36QUtq+ND6tPLzzf7PM0P62/neZ6XWTnxwEW11ImZ4xiICJsoqxJQbGPZG6YWvJ3sLJ+0fQOCEzTKlpZgNGoINz77pw8IlDM0xlpF5KqGaVwVkdDBc3UixoiAubpaYGZwkFwQMYTAiKpqJ8H6M8c0n5EzIpechwD9vN/IWkXc0RndsPHetDnCWrPWEgiYgNxjoBRTc+0n9K8peCtGNDQPmpsxpBhTSqUUKXmsA5yH9F0AMZjDYiU0nOHFY7ddXkbs4TopbhORhO06X9ZRPzl+dwf40GWFc+H4k3LzdQ7+cw//SfTRILKGfrNex4gOQEzdsFpvb9Z9UCndWLthFFM1cOkqYkrp5cthV4UgOmI1X5Zl9tQRpi69ff/wuNvPyyJmHLBPsf1bpiNmWKZjo74sRcSNApdSWvjT9DPYDcBbtvf8/Axe10MfGFJK6IqIqlrKMs9zYEA6odIBvEpubVNV9VoVXUTNBZhAoH3X6CfUTcXbpBSd1UMYCQncXeqR3EIXu2HYbrc3NxtVFZlC4GWZpgqIEBObKaP1fap1iSEN/eqos4iQV8JEBOgXbJe5uxuCuRv4uWzk1yHb1e27fHOa1GnYxFoLFT8Lg7k7EVkjuyHoAp8Y/xXGsTMNqpUcEFkMcq2kLqYxdk2LNS9Vq5C3JzgyesnzftkHFPby1ecvv/7ii93Te1PphzQO8ebm5sXtLQE8Pz8/iY99QlvNpeR5qrkAcgo0l1pzUVXVGkJIXWzztn2fRJahD59/8frLL7bb1VCXOc/lxcvt2zePIfB6w7mIzuXLr17/i7/8s//h/37f9/0w1OPxGGPKOW82N+4mIgGplMVEpSyMtFoPwzDU+uRWVQlAmyBBCDHG8Pb9/dfffPv24e3/9D//L//9/+m/feV2//xOKK1XA7hqKevNKgZyk9vtei4ZgRvq2M3cBZcJpmmaphbqiqmoiquIEODY9d98803XdQCw2WzM7DAd1+v13d1dt/rMXRsl+hhGRCh1ed7t7u/fmRkApRDT0AHQauzLXB4ff//8eF+WOXVxvV6P/W2K9P7N2+N+n+eZY+y6blxvNpvNdrv95Te/+F9+OrhoIAZXzVmlPN6/q3kxFQAIIcTYpRTHVe/uTnPqu93hCNOyWt8Oqy1x16qg/TDY0XKuXaKu6xg9xniRXjns9rvd8+F5V1KZ55k55pydGJBFRKqJ6ZSLAsYhGXiM0ZEEsIirqjqILcwBANQB3RAZGuEIMSCZoxuqQ5PaBKbECYnMqpwteBswjRi/+OKrYr69uYOxHJZlGOPvvv8RBagjNKhqiUPoEiBOy3xKM4gc6TK9jYBmFhM1nt6cM2ox8zZVfLHMn3y+zn7giq7sEzPblus3+pMU6pP+VPt8maP78KZf7YWolVQ+bPy/ZPEruYlrL3Dta+wkCAxXPuVUsIRTMRSJAK+++fhkzyLz55QVrxYisquDRfS2vruHrjuzL6o2Q3Yuk9Ll58nhNZpaAHM7C5S2QyA4pYmnwY7T0pox+NGFuCx0lZh/dC20QRZPsiVIQEiINq43qw7HBIyyiOynzIyBwnp7B5yO0/NxQYVwqPPTfppzdgzqRoa16izeuZVAmtL3797tDvti6u4xxC6GVRfHPoLmwzQv0xGAzGWa52MBUZzKFJkDcSDmELBZG9XDYZmPh+N+d7sdb2/Wq6GDE4tHF5hLyUoAABfegxAYGUgMDRvrKCF2IRiBVBAtqm5gAIjA7lqKtDlfRnJ3AjtNtWYDElcKBCkwE03H48PD+/V6/XSYACzGyBiWmhWgG1aHY12P4zBuSzGp4g5dALWAxESMpK4n7mFycoXLA3B5hi5P/yUk8jM9EhGxn+gbCCswI4CoNjaNalqrAQD0KRISOgIuRVWra5txMlELhZCJkAFOMPbENI59EUUzyft92buKyhQi3N2uX96spUyMtl2PQ3rFSK9e3G63a0aYvvj88GNhsr5jN1qOx2qe+hGB1sNgCGYC6IQApqVIrbULVmWpwjfdKiV2yA61G+k3v/n73e64Wt99/ctvp3n+d//u3/3DP/7HmMLLl3dEYe7md/eHly9fL7V0Xcy5csAQKXKoru4uVqxGVUkRmcFBay2lqDq3EfI5127cPv7ut+8e7v/8L/932+1nNtf3k3+V4mrolzJ3TIG85tzfDXbctzdKkNwMzXvp5nnOOS/HA6fYWnfcxdvb229++Ytf//q7X/7qu2l/eOz7Vy9eAUAp5auvvvriiy9C93pejimlEAJ3EdCXPB32z7frdePicTfNs4jN87Isyw+//12X0na7GWIo0zFBv0r9PPaqdZ7nZTouMc3znFKf+m7su7/+89dmFjmYlOPzHl0RbDmA3N2ux1UIARFCCOOwjjEO47JabQ6HCdtsF8dSq5rGGLo+tQr5Zr2NiWo+AoCKS82IWPPsqrXksuT5mInCvORqLurTtOScsyrtj/OSSUItSiEGilpqlVzEmh5c6rsWDKm5gQYiIBYHMESAuUqpamxq6EAhdogkbuJGjoyoWszsy6++caaf3j785X/73ywA/4//4X9sU0NEjsSRiZHG9WqzuV2k+GFPjGexXD9pzUCbzQMiAkJVzVrBlAEoxmVZcs5t5sfPfYSLtbxAHc9OguwqsYGrvOLa3l784vWHy5rXjvCTL6/9ymUm4r/cC35ySJ/86nIYCIBETKyIBnhljhjBrmb2oK18cV6ngqeZqDKf2UM5Nlas1pxq82p2nscHONGXhwZ+g7O7vpxqo3ezDxRt2MIxF7n2gg2IeLaS2HJya5qy5gAf5DYuf2JX8/vXV+Hkbq0CAMJJg5CZmZDRzT3047CKXJdDPv70tHeE7WYVV3fTtLx7PpZKw2oljkuuBqjgoI7VgMEZ1VEVlywPh+OyFAwIxDFQDBAD9AxDxMenQ8nHftg6wFxlypYrVFdjNg4QIjKCIxiAqiOogmkNdOgSR0ZmBPfNZjMdDyFSzYtqrVaDcd/36+2mKhSBqcghixTh1uUOiYKhaFULGJBCCORed7tDINQQUpN6ChSQiMiVI3FE8qr5OD2VfH9//+Ob999+991N2MTsxyL7rGou1cSVJccwEkWkCCTuXrRApb7vOURy9Cpg0Ii5XVzczK2pTAIABnYzIGqvRTV1Qj3x66MTRghtKqM9lMxcxUQqooqomUZnwJbPmLk/H4+uBuCR2RwTmjig6nq9lcNxmo/IYX17+zq+eH7eT/OyGVFqDuirVbrbDL/8+vXNpl8Ou+26H/qEvnaVcehSZBu7uxc36c27/XIwgy7xdt0DMnM8TjMTY1O5QgO3WsFcVLXvhnEVYsScj0/P0iUMjGM33j/9dNgvBvrwmCjwakNFdu8eHr/54humAAApRCLajKsQqBQfuzQMfZ86036JIS+zqhwOh81qBouOQcWlikPQENRse/Pizf0jp3UB+Lf/69/8xV/+i9tX3/7u/fTi9fsvP3vx29/97vnhzWYzqAMsUesyrjanXMSIHLiPK6Lt7e3zP/52Ow4UgpmlEL58/erPf/1nv/j2mz51Mx6HYViv19Nuz8yff/75arWCEM07RM959nx018Pu6fj8hColz6UUNAwhdKFfRVrF8X4YAvNm6Dui4/OT5S4S1nkahi6b1lzyvDzeP1SV1bi5e/Wy/ywh4hDIkcLIjDEQLx0H0JSS1TJLRUQg6scx+UCEd7cvnNjMDoeDqHf9ervdImJKiVBXqxW67J7maZrnaYrhOPYDE6zHIUZ+ftjPy0IYctGiVqruj9NxnsWAQoaipM9mYEDmUNRylVwNCHORyxutBo7eGB2zkqkByZTrlCWSAHIVwAgODk6EIcYYiNzVzLBbPe2e3z0f/gWmbugoJgAahnHeH47HYyIehlUIKee8n3ZTXlYxEZ3yGAK3k5WEEENAMoNSFcgTE2E0s1LKCaD0s37YtVHFs/CC/5EpBb8q8Hzik36+prs3BIPqz9QEP2z/2p/90SYffTyq6FfIu2blwf3UUTtpZELLf5gZvI2CfEjGzqcJTeTdERqHrLoRhVZCExFzaM7vhA45J9B4ps5uHh6JEKF1U8OyLBcX2EDhMcbGWfwh5TtjPdoA40f3wE7oJDU/e0O4eEQAAAjnqwDg5GZujacHPnwPZ98H4JoR0QlbjZYZAwcmX0T280JoPWjCWJD3gr7Yf/7N90TxzeN+WaA/0n6Bx/3MFNBRzYoaU6CQOMRibvNSgQUDtcl2REYIaJE0olmeQXIKgZkNwYizS4u/VFUAGSO1Kc4QukAExmCIXIrknPsUOVCIPAwDus5aRGopS2Tqus0wdNEwqCnBIoqgLmoOTgMCGbCqADpzJDIibzL3jEjgkTGFEDkQgdXYRWZmOJOrLfPsAvN8HDa3aUiyOxzrPHQszlXrNGuXpOk5cwytjqBakDtiQ9F289EcDL1+eOCuKxh0pv5rwVcLSy/PFjmbm4kxGuCJzhEARBWpeaKAjKpgLmIESAEBAkEIGGKjFDJHB3L3UopWYcJIyC6fvXxJ6JGhC7gew2evbu42Q10Coa365GrzrKXkaTqqGgAMCTVPTvzi5tXLu9Slsaj9/vsf94cDEQNTU34ygMCBu249xLubNQcFmGPCcdWXZX54eP/0fB9DHwK+v//x5mbzL//i21//+rsf3/y4POmwXtHbty9e3oLD+u5GxUAlxkiAhJ5iSJu1dl2VbKImlSMFZopIlABD6rrU98Tx7f37flhjCH/7D7+zkP76r/9qWerv/vHvXt/dvH/745sff//5F5+FGGXaBTKvS63FDFTcVftSzGwp82qz3txsD2URU0Bcr9er1QoAHh8fj8djF5OI7Pf7vu+H1WpZln59k1JC9LxMz88PKkW1gtTd/TsRcamMgfueibrYM/Nf/PrXT88PLsWsBrBELmXePdzL2OdlabmRuFWRwLjuu+XwGEIgXKE7yqJqCrDMy2H/nFJCIidECsRRAKuITrkbV+Y45SXEfrPehNQThcPhwIwIseu6ZSr73bFmKblqKZB6rSWE5CrH6SBViUFETW2udjgc51yRQlUEt+NcERGQFDAXKWLmSJQM1YHM0QEVUNUcT5MAAKTmi8AiBoaOqAC5SIzRETiGJrTSsqYf3t0bYxhX/+v/9u/67frlq9fLNNdaN6v1/LwH89XQ9ynul6ksuQvxnEY5NM1a9KbEEwI1xyNmsU8hRTAVyWCKbowfIJKtvJRzvgD6sc0FOl7kzf/Y8gdd6XU6eFnhOkG6rG924sL0E1fYxRNfD6P/qb1fe+4/vJJac3HujcgaPlnZmgTuiWWGxJruFTfn1bqD5sDM4o3fxlv7sBQRNWd2OMtwABCSAxhoYG6jhCelLlVrUNi+H1oHsl0ORDr9O1vAxoZOLT2/Gpy0j7zgB0d3WeGT23CxvKcrBQaABARgDYTYAMHA4ekw73dP60Q368GIp4e91vv97fTlF99AHPYPu7cPb94+leroXRdCUlf39oC316BmtYqjsDKCYm4dzz7gkDgfdvm4Q/DIqG5AHPrEZgOf8u522MyRiEHJwYiAmcx0nmcCIRiH0OV5MhMwOfcSTF0oIDMCoyGlFPpOqgYzc5HqyBwDu1QTMfBWYcYu9W6KpmDmokgAroSUELvAzOwq7B6ZbzebEONhvw/9KvSREfqOKQ3iNC05H2SaC6EDcZfI3RBkGHok5QAkrbLgYIhGLn/gNl0/uKfy+HlGx8xADVqb0cQAgVzVq7qhKmBkphAVycxEBdTUGREVAYEEyKuBKzai2sDDag0Ah92zI5r50CeU+fMvPnt1uyVUtBy9gsLtuo+BusDTNO3yfNzvp2kqpT4/P4ODW10N/esXNyGk2K2q6uGwQ3Qxd3d1N3AGCAn7PnVMACZSQ4BhGLouPbx/99vf/igCL17d/PLX3zw9PYWAm22/3sTNFPUI66GPKUTHOZcuhkOdRSs65FKlUgohBe6HsKYOEcc+ITAii4JUMCOgSAS73dO67wRcRTpOD+8f/+Hvf/v6s5c//f533/3Zr2+24zztD0/3dy9eKNpqWC05ay0qLmI512VZVOz5+XnVdUsp0zQpeN/3MZ6qQy2euL29tSpm9vLlyxBCzdkRY2QAO0qdjkewkiKNKUhVoECJuDWw6rLkyd3jmDZdVytKWVCrLC41DymiWSRORBSYiCKHMcWIsMxPGCNFN7Oyf57nuWTZHY7TnFfbzXqz3Wxv716+GFabqvK8O5jWDbGoO4bPv3h58+LV4TA1EceUgrpLLsfjNE9TCKFPQyQG02m3G4ZRa87TMYQErmpSFQS0VDVHpkScDE4BOjCpuToYgBM3mllzrmquZuZEKABulkI0AHdUUEMzIERSJFWngI7XjboYghcPS55i7B6envuyjOs1mb28u4Mlc58CYEeGlq1MRDL20epVRREVgRyUEUOjkga3Ri1BLOZFVMQvoee1qfQrUrGLLb109X7u8K7LmJ8UQj/xhdc2+Tp9/GQLlz18YjE+WS7HiVckMtdfXhv/VoN0M2nab0Cq5nCeYwYwcFMwAnA/s4CeiGuaFwQkRCMiBTcFd2nuqRRpbOAQYsNCAEI4uzNwCBdJVTurXbQNtx77J+EAAERmRzT9EBEYuOv5CuKHqqk14hL7NFi4LopeX8Tz5fBzoGPNE5s1rV6UZXbJM8Oc63MkQgfTF5ueV3dxDfY+VxSHgswx9hKDqaiBu5dcJ9Xozm45elULACKizsw49OlmNT4+vCl5asnWsiy5FB7XYXBsUvVVPtw5J0dSFWr8POhmDuZMkEJ4Wqqrmiki9GPX9z2giZZ5ORqQAiNACNzFICJmBDHGGB3ZDEqTLj61w+1URFYFBKiGgRywC9wmDQ0hEA99T8zdOC5v3i55QlUkHLrOAqN6l1ioU0VHizEgM1ruh/Hzz1+/e/cOTw1gRUMAAnMXaM3qy62/pICtm9KegRYbnegZxYjIwdXAQJDj6e47ASEQittSi2p1UUCTGgEsMCcDMUc30+qioxqA43kXjR+SiALUPgJ6AaspeJkPhwyr13d9vyJCU12W5TjnWHReysPD0zS7Wl2vx9U4PD3vplz6bhz7tFp9vtsfd4e9iyJhCNQP3TgON11P5Msy1bo83D89kz8+75jpV999ixARuNY6L/nNjzb0vJQZHEpdAsLD7jGENM2HwIRt8gTAHIpUCMSQ0jgOXTcMoKpaDVzJHKzJJ6IcD6vNFlUGtO3LmxCjHPfLLpa0vH/75sV2+4z47sfvQ6DVZg1d6tdDnyIQA8ZSxIBqrZyiv39+d//+7cN9PwwvXr+KXULE7XbLSFLqixcvnu4fuq67u7tz934cDZrSQq1lQdMYeAi8VKw5N9mmGDgGZmaEBADv7t/f3GyGOMygoGgubv769q4N+dRazaHjEHpCh8NuX+UZYlxA3V2WY0TqVl0XOX617vqRuy4O483N3bheTblwmqIGpOAiMcVhGABgnudSCjOnlPaH56enp+enx5LldvtyWeUxRVBf8rTqx9UwjkPnEHJVayJnhIgYY8ddxyG5mIK4I6gbYFWr6mqqUMyxqKAhqCFiIAJHM69GraYlwOIkQOBkzsyMHKBqkTznEkUAIIUwDF2ui4KNQyIimY9DwG+/ePX3/+E/joTsOj/fK7iAx0AoxjxcgBcEaOYATOCAFkIXmEyqqM/VpNZjrqqhvWjXLtCujOr1l5+Uc65d3bX7+RN+67JcnMK1CyQixLPnOYvXImLDSP6JrV0fkn1Munbxju1nYBQEOJG1ASISnkbb3R3gJH/mDkTg5zplW+w8HmMI5GRWWwrbAH3NmyqCN0VGByf0lnKZhVKKnuW8L44XEZv+NV4t7q6qARkRiU59vou47rUX1A89QvSPgaOX63Jp837iCBsvOGIjspMmF1XBp+kQA3UUi+vjYTkEut2ub25e/P7d78ft45sf3719t0upi6kX9WVZ+u7GCFHQNU958UJ94I6oVMuiwR3ETIkoDKlbrVZvf3sAtS4GIlqWZcrWD84cTAr4qUTghoqNtsa7kJiBSSPxkHAc+9VqtV2v7/PStKfb8G/qOM9zKUuuFRopOQUzchMwBan9JhIGoiBiam3Um1o52c3JNJzImagPjAgdITOrCtqHxgAi3tzcHJe86BzSgF2YSym5uEPkvh366fUDGIbh1atX79+/P40aAXkrjQK4e+Nn0pNwFl4+BEJHsPbGgSO4gasbmBERYVAwN3RCR0YObZDJgURNzUSLqyCiFCQiBQPkoECOpqjmrKal1rIwwnq9HoYuchCRb77+fEjh7U+/L/Pui9cvhogQse/SYf9MRNM011qJQohd9BgHuf/hn0qBruuA8P7+fqn28tVniDiO42E6qhRV7bphtRq22+16vf769rMlTw+Pvtsvb97c15rXq+HXv/4L5vjTT2/7ft1369Rt1ZaHhweRgtIf926aH+/fvXj12WH/9PLFKyYA98SBiNxEpeZsgYjJn3b3JlKzoHkAihQQgJzWaLJ7Pw79dkycaH2zCik+3v+Yvn31/u27zz//HNF/98P3q9Wq65IsE4kYYBhW0Hep74G4z+IOpvi7H39YSt5sNi9fvsy1mBn3wxbp8f4hdR06MHOMcZqm2+3NIavkRWopZWGCMaVEnlVu16ObuVQUab2NEICIVmO/6tKyLH3gl5+/AtO3b9/O89HBVEqeMzJ345C6NXF09+16S0R9PxDR7Xp1e/f69tXn0A1QJIs/7HbHXBwxxm4MSdTIJMbuuMwcYilltz8+Pu1ijMPQdV1Xa93VcjgcTLXrhiF1MUYVB4BxHF69uH1+fl4WOUy7k7YrRWaOsQuxZ45VxVTMTxQoaiBiVQSqAjOJNrscAgcPjmigTSINiBunrqgDuailrkdic6hVweYaQiAkov3u4e7Fba7Lm4dnRL/drl7f3ASd73p6udkiwMPDQy51dbsNY19EH48Xc6roZ91adFALIaQYCkCpRayI6CLK3LV2XYORw6k0GtqU7c+Tik9kiS7f688k/a5t78/d2EVlBa+Ak+6N6govExbnpskfdYFtbJ+aOMMly2x9vw9VwDZEAYQYQkBFc0RmB2pOK4R4mW5Qb8W4VjqD1gIkZnewpszqZgohNTkOvnLhSCHo+XybXAeepxhDYxgiCinxxeG5u2qbR+ZwHrpvp5vz8sE1Apqe0DF25pVr+oGXFmmtH7LMFju0W3CWrfjoqrVOJsKZgOfDxSKioGaLOYJFZICwX3SW3S/uht/8dM/O3Wpz2B1NEUPHxPM8Y2RicCdTKVLZLYRUXIACuKZuwABMMaTx/v3jspSIeHNz9w+//72qrtepiADxha4egMSNITATICK7aAHTlPiktJe6GGMIUqua6DzPr17eqZbN7WZ/PHZdRxhiin3fFfGcK0gFV6sV2RmhiywSRMHcwZyZpbq7B8SxS2Mf2N1qcT9RVq5WK07RzJBoXK3iMNL+UA6HeZ5JLcUEXSqlZKnTdNhsh7Ff5Xysro44LYVjtz/m6ZjFTAEdKSCp+Ppm3U75kzClvWMtsGqPRIvsKARrmCgiQ1IRBWAKhkYY3L1Uxaa7RewAqR/cHcBy1aJODoTAGI9TSZH7YRUDrVbjOI7NEd6/f/fXf/UXaLff/9O9S+1XYy3zm59+uLm5cUNwotCDgVGnUMXDfravvvosjuPf/t3fP++m7fb23f0DAHHXhxD6YRCRPnXjOA7DECIviyxLsWqaIRfr+9Xt7Wfj6sV8WG42n71/v/vyi89utpsie8nzbrd7se4jw3ozvnpxV2t++eI1B9psVg/v31fXu5tb9Lh7egwcuoi7x4f3T++G1FrE0UrWZeqYVqlfyrJOKQVL0WOHEQo5jNtR1Yj4N7/5zXa7vbt9+fbtT/vj4cWrV7Hrbl6+Cj7aYVcFKCbCELv0XLKBp6G/udnELt29fHFzc+PLcjweP//883c//jRN06tXryjwMAyH6chpU1yn6WBVusCmdV6WANAxASKgN7OMbiDVEdH0sH8GgIBw2D0TIIG7WhdT/6I/9EvsOkMoVbfbLTOrvuu6jjl0/bheb1T84c0bCGnONXTj834Pofvssy/Szc27n37cH6ZNn1abrQHuj9OSayOgaROKu93udrN9//ZdKdKl/nf/+Nth7OfjklLabja//c1vd7vd0HW1KrXxJA+iWQyZu2Z2N6vVMpkZiDXifgwxGmqrZ4kqM3ddh4hZKpoTkRMgkxQxpK4fkUPJ1QkxxFrVEWLqTMUUjLBWHTsiqwF0lchMelRbdg+7+y9f3vz1v/yXwfFv/vPfvnt6iB1Vy5ansf/MzGqtKuqg4exIYgy756dhGMZxVNXjPItIKcYRwNVNQwoxciMHr0U+xKXnBLF5ylIKXs1aXCo6F6aUTxIPuAKzXFZoXvPyJ/ChXIcfCoHn0Llt8LJymwBR1da088a6coXEvMBwrvPUEEJDMq+iOsA8Z3NMw5DVDvuplIJMIcUzIYA3qpYqZm6khiitfChuhIHbMCWS22nSwZHV1MQkAAG0FRpTeWQkotCue2ObvCB07cwwckGmfvDw7WKd/GjzfH6FF6VrNJF/6uc+Bc7+fEFkb6TojujgdOk1IiABoEMQRzSsxm60XzIG7Cg5G4RKp78zcjYVcATzgBRjaFCWQKGN6hmgmk9zeXjc/TgkNx6GrtMQwk5VTdQxIoaAAMiO6MjM4XS/EVVqQGKKGJiZA7G7m2gMHQDM8zxNvuTcd5EpnrKxBlkEYEBGYKKIEBMtOYsYIxDBfDiKWIwRwAJRN3Y9ISJardhmnBqBKoKe9EjQEBkoRDKEWquIxsBWYZmX3WEv83B7s767u6myLMvS9fFwWP79v/+bfhhyllykFFNBU1NFc7OirbuJZ8DxCST18ftz+a+eKwGNVEFbvxBBzJv6MquDtaq+A5qjfHgSVAmQwBA9hmCNYEFsWnILObXKNpRacxdCn7paskhKISLi89M+dp0B98M6YDJKUo7FYzcOhmlRXJTmqnaYVDzGqEbmjMgtki2l7Pf745HePvwEYA7VwVIcYzcgdGXxabZabZn9sM8AVvIzsc7LnPy5G3o0H1c9OG22q5vtHTPf3Wwf7x9MMgEGRlCpkgn98xefMXgkpmYdtEajSDh2XMo8Hx6fXUNK43bdrzcxxmMdU0ox9WKOiCL28PDwvN+P6/W0lJvbgjE6BMM5L/UwTUmM+7S52Y7r8aI31CbtAGA+HlztYs5CCPMyixQEQzA3VS1Qq9c8LYpt1C9SjBEhtGmKaT7GGLvAEAL6CWprZl3XqbczUiM2R1UtapvVCEDPu8Py9p5DCiF1w3p7c2eAx2VeqpjYT2/f3NTKzLe3ty5VVaclT9PU9RMwtXfkeDzuD891ycfjsSw5Es/zrCJ1ycMwpBD3x0NK6Ysvtt3z/un5yFxbOYI4GkYFKEvOc8n5yBwbc2F7njsOjiyiej3TpqYXNLufDH4pRXNxg+Zgmv1zBHMQMIKAFLqgLpmg3vSpVPUyjf3miy9evdpukxV0eLkdELaQQnY3r+YMAF0fR0illGWeWt+htYJKKYBUazUip1itUhvJNcs51zM148XPfeLD4IyrvNjbP21s/9nFP+7q/ek1f/5f/7jseb2af9w7bMGBmSWwS1WSiIKdkrbTggAOBo5G2gQ0RU51UTNxc0PDU07vp1l2gBPiBK+Ozt0d3AMBEQfG0+PeEuHL7i+ly+uhsVNKh6fuIlwahH5KIg2uBlxOqJ6POq74X1KeRsK2/QbqueowYqPVM1J0cAIBA3o8Zk4r7oJhoCYUQahuamJgrkDoTByZCQkAyN3U3KyJJxyzvnm/Q61fvFhvuI9dRCBXQwdERS0EjUYPW2dVHckAAdS8jZQS0WlmBdykoPdgWIq4A3NcbdYEflLvJEXkGIybTm/UgCRa6rIvAiGNXeTABADj2O92u67rxqFPqKhFVRmcmdTAHRgJiZHYCQHZgLp+SHEeUh8iDOOIIbq75MWAtBxd+tubDRE8Pj9NSwkpItpcdClei5gSAAIREeeynOr+iHQJNuF0z/2Mgb48Vdoop5DMTaHR715uWtMPAXA0sPYIQ/jwVLs3ygWkM7GFAhCctC8Coao+h3m3O3z24ubVZ5+X6dkdY5ek6mE64DErxGrRmKr7w3N5OlTqb/fZfZenihU6MHaAoV8/76dlmXMxAEdzz3VZFlflI8bE3RC6fhP7GCOr0/M+uxNCAs9LVvNa87xexy6MZkLgaeyYuaimwMPY3dzcvHxx+/dW7t++KyIiRevsVojos9tXkhcrBWslVTDo2aIJI0dQDxyRjXk+LrvDIqrvOP3iF7+4ffkZh1GkEMYUOYTw+uWrYRgBoCxLVTSMTVG7iqzW634YUhe6oU8pEVGtlYhqzrXWNuaRc845B+JlWtwMwIjAqugyaykg9WY1ZpWcc8mQksaUEBGZTiq7EM3MnANh13XI9PmXX8y5FgPk6MRYC8WkYlP1vo9hWAWMACQGViUUzUXEfb1ep2F098PhEFJU1e16SycG9sTMoUshhGHsjtN+nuc8zdM0aRUj2T3t3X3/tN/erLuuOxwOiPjZZ6u7u7vXr/f74+SAiB6JMIRqOC2Scw2RQggUyBpWqrWYEK7LU3Bu3yA5AbopITG41DzNmUJM/dCcEEDT8rUG5lLwFHgpmRnGYciLapk3Q/r2my9vu75MMzpshv44TwUR3JdlyTiTQ0oppUgItWQCT4HdT0BrneeqzjE5WlaLIqcBOJEmnQHnJv11bHqx2xcfeV3R+dM+7A8un1jsD6Ybz7/941nNpazofpLwvfiL08bBwRwJT2kVgJuriYkudaEYRJ1CvOyamcRaH6YpOACQgQEA4dlJ6UmnsDk/hOa/APhjuQeCcw5tDmgAHBgjh/PU4ccD1HCeoYZzG/by38sVOXlKh3ODkE9ZM4KfE0YAwA/S86cvzpfjD98bxA83Eq7Jx9tANkDboZ6lrw7qqwJdADdvOkfMXK0uZXbylp6HwIRkaiJqaFqroUWOgGmpeL9brNR1v173DfGIRDQmqsBzkQYicgwIDKpu5o5twgWI7Exhd7lQOWc3AKDViOv1+sXdq/3heV7KgpUomFIMNcUQOfSpE+JCNiYiMIMSgFZDFOAYAwcKkUJouWQBs1bxNkIE4BgodRiDIYiBqr39/sdpWZZSELnkjFXZYUzduF3tDvsYfLsa3f15f1DHFFdLASlcpVYnd6cT7ywGDS1Yu5Q42gPdYq6fv10C7ADqraDrjmTo4EAUWhTWbpu7o6Ojtb63mVkL7drrBL6IBnBqhgyNqnogRHp4eHq4f/rmqy+//voX928wMgbuDvMhhNXuMD8ej1PBCqlaPC46Z+G0enzePy37UgooC5KJJqXDPGmtZjWGlo1zI/y7uR2ZMSaKXUhDYo616jwvJRsAzcfsYEwVYbm56dfr9RipG/oU+6Wrz0/7/eGZmSPTd999h66rLj09PM5HBLeu67oQ9XioS4acGTQ5RMZEmJBNLIahHzsN4VDlcXd43O3mWpZxu3qeV/c7UVytu/XmLnXBXW9vX3T9SDEtRXN1R3KkYVwfnx5uxgER3TW2SRVErRJCKMuCDo2QpTlCTwnQQqCOk6LnPBWROi8g9VmqaW1V8XkpyA2kR+vNJjAD2FILVe+6ruvi0KfDtORalloY0d1FvToo+GEuHvuQ1omVMdSqS8m7/XHcbKTIuNqs1tvHw+54PHIJOWcwRMR5KYgnIdlS6263awb9AgCpVY/HOU/z8+FYzYdB5nmqNVMIL1++/uabb77/6Q1kF1FEYwTioGzGGGIgAhXVKiptGo/1DHvGpvJOBAwExMzmxQ0dlQkDgrvXWpkC8Emry9wACRBF3ZY8EBepASB5Q/DHFGNAmqZpORz71OWqz8fJuw67riiIlhijm85TlZLbDMWyLCkld0fAIlZEGRgIzUmbkCxAK840tuF5npm5ZWrtNWzwm/YmXwWan1RB/8DyJzKTP5zA/Cy3u6x8nd5d/otXBDE//yu/8qbNl5dSglk1RzEKyfxEZOMqfmJrAQQ3Q2QHMyJ0ADw12lol8ZTIiV2JHhG6Ne/m0LQlzRCdCBkpMYWb7V2tteXdF6VmM2tabqeTPBGptnmVk9F3d4OTWpMh8IexCrw4sE9O++fQ3j9wY+yc9be8ws7HQHCRswcg95MoghJk9aUUy0IGoQsxMgkc3CJSSDGlFInRXEupIs7qZkiIyIAhqz0fap2XVy8yAKJqzrVPAwealUyWAmxmbu7krnBSl0JCcAd2N6kmIni+o6UYIps6dRGRxnE9zQcAqlUQjSnWXBkjGLX7sep5Nd5OuT7sjiolxOBq03Toug6IxI3cAyKFAGQOEPqhldSpi+5UqpS6GOb7+4cQu74fAUDE1DIRbVZrhvzNVy832ztRcal3Ny+Oi75/u0vjKOJVUBTcITRPxdiFzk901XRpmNPPKPcuj37jaDAFA1dsLq+9lUZN/AXa0BSga3seW0yEZ7VmQyBHA6yOjMaIhigOCJgolApNyPT1i3U3bEAyUiROXTc8HGR33B8zVcBZdFYE7BLGx+NDrYuJhhAYLc/zcdGbzcoVCAMgAzFTjDF68ugKZGrVa8UIRG2uyItUAm7n3vf92PVfffXVZ69uluM+pUQh8HE5HA71sOz5OXVhmaZXr14FQtNqkhEgMSF6eXjQmtm8S3EInJCZiCl64GywW2wny5vd9H4/LY6cNn1cv3+c9vNvbrfjt7/8+rvvVhRSKcvvf/fD3ctXdy9fDcPAEaq4tprJzbaNTNS84Bkr4WZlWRodCZ11NhAxxhgImQhUSy1Hkel4mJ+fJZeA0BpUyJSLLKWImANsX24CkqoWqaWqYwEiBpzmvSEaUoodh+RBU9eL+hF1tpiP87IsiSMiliKI9fazr4oecs4C+91uJ25dP9Ral6VQ4BPl22atqqXWeVkIEdQIkLGx05lkWZYSYn84LmqQYkTEnOs8zyHF7Wq9w6UeimpFrcQhMhuFWosg1KpLFaDYxw44VLFchAHcGi+WogOSEwGbC5ojRYah76r5kmsuy7i+qbVKba8DE3qRqqqoFgIbsExLQF2nTg1+fPtueX4e4nBzww/Ph3cP++FlHDcD9uuQwzD0bnbYPavqaugC8eEwTyKOFKIbUK6VDEPqKERUuTT5Gl3+5fX8JCPEK5m8/z9SwD9gin/mIz+ucP6B37bU9Pobt0/thp9Hky9fuvvl7CJ3SEFzEVXJRQBUna626e6OTg5m2NwbwFn9EM9B9ylNPHsiQtBz6djBW6kUAB0IPSAF5lBKudRF6SqauM4Or8/E8IyOcbjMUSKcO7GNBfbqOl6iictmr/OJny8N1UN+ajAS0Nkjwim+cPcPXDYOwKK+FLGcG49IYFYpTBgjd12MMRCgVzFyAo/NrRMjsCll0WIyWX77eJwPRwLJWfqUIgSs6hIFAgAUASIyQAMDR2cEbReI4Cy+wYDowEjMsRRDKrvng7un2I/jeDwe3dAVGheiVak516Ie82qzHXveTxDYidnRfXFmADR3cjIMHMCb9mYaejVz5CpWRQ7ztCzZHIljNw7juHb3BkAPIXRdJ/OuLmp9N65vcx0P82Gea65WD9UAqoKou1djBGqF4w8v1fWb5leCJhcxh+YI3dDR1dHOGCgAUHVHY3AnxBMTPSGYSVHHFjCZgyGAkwGEENEc0QBRHYoaIDLjalwd5+Xt+8ehTw5cijFb7FZLrvtpOS6q1Cn2k8hSHJn2Ig9HNVEC6JA7CtVKVjwuFhGYANFwrq4WI3PAbgQiVncDARBgA22hfwV0JE8pbFZpHOlmvV6tBq1TTMwUauKhS7oZ+27oY9rtnr7+8quXL17sHh68ZsllWSYVGcviKimEFWFH3F4WMMyG+6IPxR+L/bC390eSGPu4TQ/Pq/UwVFtyrqpI9C/+/LvXr7/Y7Z7dYFmWoFgdAENIXYq99ScBEQBrzMd4LtKEENATQNMLLKfaGreJlTzNh8P++enhcfdwX6b5ZrMVsWUpVWXJVRH71TiO408/ve0aLysoIThiVSluwzgaYFIYxjWEmI/Hw5KPxyPebjwkYcsmjoyIWaqqPO327g5FyBdmJieVWvJycxuJaLVarbfbmHia55a/Pu92y9KquE1S1E5mKg7Pz/dLKV9+/tlmuwXXp6enOS99n4poDuoVXKsamzi4cqQA5I5UVVU8Bjcwsy6FIm7WslCHNnBMFBljIDUUA+oTh/h8OO72M9pHUAkxEHURq4m7YeTIUhcmTONagN7dPy+7w8ubIDh9f7/76Wke+Lii7mnRDacYgrt3XUdgd3d3fd+XUv7p97+b5kXUKHVmYC4QI8cuMS3LcuojAjRsfxM8+WRq8GyfP4K3XFvvP2hv/0RGeP3uX324ZIf/fCp5bUOuf3v5eV1kavZktVo5goLbUlpWV6sFbIj3D3gRP0vnnn2eAwAyfdAVRz4hXRDw3I4EAHQ/e0EjJAZEMHIIT09Pl+O7WLqL4bsOAU4LfUDHnH5FeCpatjjhfHBNoSpeWFA/bp/+scUUEFEB+LwWAQOY+RXvqgO0ITUgAxCHKgbqGCjGiOgilcBO4DdTMzRVBoQQWkPMAQFAHETcqyW3dw/7PdYhQN/G1Q0TIQ1psShiYkpErT0ATojsXhExBA50qj4RkZmAU+QAAFJtmhZ3iLFbr7bzlE8xhJ0AB1pFqpTDIQRK4/p2u4Igc7Zi2nVxWRZKqQljEYAbOLq6ikMVFcliUGudc5ZqTuiOPi3uGGNMHGLP7g5qfU8Pj0+EPKy2iLh/Pux2C9GQF1MCbzo05tB6zGZk4fIMfLjg5yaxf0yrzczuZGh2roU7nSU/ryguEJHwVMKQRmnr6EgO2AJyQERkQ0FHAwITN2MkNYjdcJyWn96+u7tZB+Ipl5zzZrN52h0fn4/7w0LD4AGX4odZKdnjcT9XT6l3B4XgHCgNXT/OefFIPQU1m3MVKV2KKYXxdd91HUdyBI6ROE1HyYvmMjMEKUvOYeKyLMs/xfzmXewJ0jAyxTnnZVmYmQOK1PV6Na4GTfGrr7662a4f3r394YdZVQdUChSZRiZCUHUHU0DDcKy+KzbByoe1eJmdMo2r5TEIdkM09/1heXf/9OVX8xecvv3uV7XWudRSJ+Iujd0wDLFfqWCel6LKzCEmAjDRlpSP/SCBiegSuMAJqC8iYqLXJaynpydENMel5Fwldv369mZTrMhzSilGJsAQqZGqqFm35Fzr/jhts3Tj+PC0e94ffvjppxfffnd7ewvuRd3BEaGYmeiPP725u7tzAKsl9R0R5by0VkLLeNRdtBynaZqmeZ5rKaWU06sksixLG/Sa61KqxhjVgYgAIR8O7969G/qVmTFjaNK1rqYmtXBI/dgNQA5wmLKUiuRmzhzbGJ/jqaFEBAweAVKXxGFeKjisxsEdc7FG6h1jFFMRczUAirGLQxf7VUyMTASiQEtFLwYU9lkfDk/vHw8VULMdn/bHapvec85dDJvNBkwAbL0abr/5SlW///HNcSkEFAJWA9Nm2YGZG1UeAOz3exFpBNHwsRs7Wd2fvbD+8dzhf+HySRrz8w/XC55RoMwM8NFEYyOu+2Tl6+1fdtd8vAals959O/STN8UPHtTdmy/ET7B7jm3v0kqmF+gTfXoAdNL5/bD3cE1qjlcYGbiM7H/SFKRTofbDmfgZXIOn+YcrP38GWlxdXPhZtPLxDWg1WHNHQr/W7yU/wVBbH/EM5G1qGIbexisZtWitqk4uquzupooCDBiItczubE2gXN0aeALCYZqLF0jcrVdIDFoRoEshSLgKuMAUGhDJzJpWRwzYZlkQ0VzdnSmGQK2Gz+fK/odIwi8hGwNIZEKwLqY0DArHw/RUlmLApZQYAgWOgUjd1c2NAJZlmUsupai4mKm4E0ZOLZsXkfUwbrfblFKttSxZyuPrV3fA/bt37+4fF1V1x3fv7lfbO7dGXkBA6NDiG+/7vh1ww1y0WxZjvIAF4PzKncQxWoHCAQDs6onDJm+JxAhMGBEAjNGrzFfam6chGQASVWuUc9TK+B69PXs4Lcvu+VCrDGNfi+yWyYnFPC9lXmoKZu5LkaIWHeashjF1Kyk116LqVmofBQCJQ9MHdAOAhkGIIstq1a23Q0wp9gNS2qW5iL8QQ8cyx9VqlZIsszw8PJjnBDCOa2BachXR1A05jweafvnLX+73+5qLuTTNl4f7+2k6fAOR0DuCiOCtyYQJmPr1xufDMc979IU77EfmiGn4+iVMh93D09Ptenz18vU4js9P+//wn/7jf/ff/XeNJTzEbrVapXHk0IEZM4upiMQuppTAGiiElmUZ+6G93czc930Lt7VMrogqPgy+2ZJox1Tn5acffkwp9cOKQhCDrGKAx3larTsEaNTPZtIoHM1sWK3nXPfz4pRejgPHIGbTNP34N3/36sVLYqhL7mJaDWMXuYtpqcXMHne73e55c7NdrVZOOI5j4CR1qbUej8d5OU7zLCINxA5n/R1VLaWUIlotS+77cb3ZIGLONaUQu5RSOh6PIo5AkQMgF0E0B7X9fp9SGsa+77qlVHWMMUYOy9kBN+ZPZk5MIQRE6WKKgPNSAK2LrEPXTfHp+RD7IcbgCqWIqIQQupSIY5M8bUjU/TEX16jeYTxOy/PuuKhu7l5p11Wi7brDZc45M0I/pPlQn58ewP329vbbb789TEuWR2YGZi3VzBCtnuG1r1+/nuf5cDjUWhsk6hOHdPJ5V7Pgl8j1D3qv/5LlEj/9PIH5xJNd5aYfPAjACeV+WfPys81XXDbeslsROegSQihF3Bz4MkDXkJL28xO5BtDi1Zjf5YJ8ckYnxR1EQGRsI4DupqeBsMtxX8+dXLZ1vWg9ES6HEBtE9YyaQfAWDDR3eKJbNTBAQD51TfF8YAwfrCr6h6O3uAAAOCmQQpuWQQBkiMUBFAAN3RqyFUzHFFYhrBCkOJaDLTD24eVdT7tcXHMtlAaHXtwJYqKe1+Da0EXZ1bVWV3PCXfaeIxpj8TVaYiRZdN4PKdBgAew4F5eQiAypyhFpweiUAqC6dSadcx+s7/u83+/HzuYZAsrT+/fr9Xqzuun7p99//+azL9ezGQd6mg6LFWP7Jq0H6m6GcV5qZ/nlQFiVUwqKQFUEJ+7jMMIwmomqPj3t1EwVxD2GjldBxJZlSSl898tvf/H1V10KUrLWLJCXWvfLZy9ffz5ub+6fds/3//T97m0xHF+vncTd52m3HXtGLctxzSOD6BIwBFPHFCMx9WOTpA082IlFVg0le9XF3d1wQUQGYIB4aicDOIhJCokIVNUUjNnMa60ROgDgC3DvFOoYIRmSmVk2IAohKcRj5ud6w2GjE8rfvvv1ly8+/+wXq2m/e75///5BtK7WQ0a4Px4nCCV2j0fpoPSRvC4ACIEFiMbVzqAPYUYA0w1jZPRSt13357/+GtPfFH37dEj9cHPTve64i5HHgWXFLvV2O/YBUO325Ys+cc3LF6voCLtpXpZF1SxGQ0OSv/3P/8FqWVFYBzo+PLz//e9flvrn27XujkTs5AaKCIGMIQO4HMoXKw6Yfzo82rD+7LvvPv/2V6ubzd/8/m0g+uu/+qtff/v1b//+7//jf/jffvjhzdj3/3D3T7/4xdernnfHQ+pjTwHIYBxlL8Mwdl1fc1nE1utN6PTdjz9VJ+Ku72KZp2k3RcYQwpQf8+YGWTWi9FCHArVEcB66Lzsm9JTSOI7MnEtZlkVECsOylLlaLki8RliJ0lL1YAljSrfp3YK7d7a6fXkI8tuj3fNX/+Zvfj/2/dgPAWw76GYVvny9Bcm/ff/0/s3vTY5/8Ve/eg0AqES2vg110jpXn6bDtAcAB316enr18rPx5sWbN2/+/X/6u1evPluE4/rW5iLHqur7Q3XFJZQ2jLsK6xevun/6/ocYO07jTw9PhqnbrvZa6yzvH+5Xtdzc3I6r1ePz036/EwMKgYk4EAI3eEVFrEYMBAYxpvXNKxHb7Q61yC9fvV5zun/eHY/HbhxWY5iziBUNdNOFwCU4OliRWsvizJi6gjQXPYRQMZB4YgoxUWGD6m6AXHPtEgaMzw/ff/8b+frrr794Eesk++O7Lsax66rYkvNrrgjwi7H7V7/8lsPNf+DDf/q79/vH3avPP8+uhiqKhghADsHAQvhgqy+txFZVvmT/lzTR3UPq9ERG8FGJNcRw7UsuDqzYCcWKQO5urmCOgEgcY0BEETfTcO6hCJ1GGNVOs4lu6KoOrnJxlgBOAGDu0nXiACGGBjcgGpKDWwxcildXRMaW7XnDD7m7q0NVt2pAqMBOBIhGwAQIxm7iBcmIqFhnogQWmImQCUNIfdcFOy8Xn49nEoGf+3+4asxeu0mz1nSGiw/+0/XP/98WtHaZPnyBlw94uoWBY4xBG+VBIPAQYjXDhuA/3U83s2EYRMQdnFDFHe00lGGgaGJoBmZufCo6xxjNLWRhckZsEG0kBDsxIhA3+DeBuYi0ACLGmBKOw0rM1WG1WSMwNlCJ1znncmYwMrPDNPPzTgG7bqA4ZoV66gCDApKZnDXiVbXUBn9wVyjVQxvt4CTVHh52pQiYgBkToGnO+eXtl4fp+NP7+6f9cXc4IKKIHOd5e3uD5zJ9jNRSwFIWgOTu4CSNYqapXwMOfXcq64q0I7mQH/zBYPMCM25vY8N/A8CVHthpxrkVVcnhlJWCm5upKDgpFYBEAKWyzOugY3yVwNy9G/ow14Y7ZSQGNDOREswQAJEcTt1yM0EkMxRxRYQYiAiYuzTc3Ny8+vzPfvzhzW4/DyMOXU8cAGYi2G7XbeQ8kMtiAABOyGG9udlPM1B9cfcK+86JlyLLnJfjezStXQf9aEYxdqXYcS6vu7GVwrNoI8gPqccY3z48ppsXX/zym+9efXb3i2/vvvoau+GYl89//Rcvbm+/+tUvYZl/83d/+/T4+PD+p5rzi5e3t7fbm7vtOI6ti3Z8esy1clg1pMl53Nik1iz15YtXKQZyY2aLgQi7rotMcRjBVUNQwmCa0GoIXjPf3iCcEBki4gAtZgduyEmV6mo2TYfjrPtpHtc3cRiDyVyLPT+Nx83usK+1Fl3a809ENZd38/T2TXn30093255R5uPDZtM9Pjw/3L9hhj/7818JvGXGaZrMrOvj4Xg8HHd93w99X2ud59xO1t1VXUzdXc2yVF5AyE0qgYVAxBGciJhiIApVVM1jP6wZxczMSykhduM4qvqcqzd/0BTFCc9mxVrxY5oWFWcMNZdSZZomZh7H0RByzlYAmVKbMEE0syLq5/whpcQpahE7QxnMQFWB1Aw6ZgcjIqlZzMa+B/P9Yfrt776/ubn59ttf/dPvvp+WZbVaxdQfpnnl+1rrYVre3z+8/uLLr775+ml/3P/j7+Z5dmAiCsjyoYbHDWXhV9BN+Hgc4MqKfoTnvP7y9H5eZVT+Ad7hl+9Pe/EPK197h8sf/myDn8JE8PyjDQS6u535Jf1UlaSLPBzTh3n81vP+ZMt/OvMlIkezVuA0B3BGJbST27+GP1zs4/X5X07+ks9eLsTpiD9coE+6tf98Mxb+ucbh1dp2Wv8sC3nmAWgseGiOBoAUOHZsVQTEtJFKOxiKZBFpInmEZqeBCECoKgFQ1audbDwToYcUopt1AQubiBsgEyEhUmzH3JSTInOLvARDreruse8MYb8/muM4jgaoDlVNqjnnkkXd3L2qLctkRDGN/XoTxyFNS80ZQ2wVYHXzenFAUiqFENxBtKpYZgkhAZCZ7HbLYT9rLQTepXAaFJN3u8O020+LqlPiFDtAAxCRGE5Czn3XcYoxYJ0nPaGAihubmZojInJARL8chIhd86p/XI7AM8EEnGO6ZhZPT5R9dKPtspHGHgUMbcpIwVQRzWM0t1kLSHk3wMvN8Grbj+tN6lbHYvNuAQUiCkwoblLcG0TDCQn83CdAq2YsQF3XjUNHVo/FEJB5Pdx03aFbbNWvYoylFJUaAwFatcbN4Kpe1NFE1XeHnKsEHngYnMNxWea55KJuEhwnN5bM1ZGHEElcl2XhxogYAxJVwKks0zKFu5tv/tW/+rP/6r+++eobWm+s7wVDNVsNL8oy//Zv//Z//p/+P//vf/M/Prz7aexTYOhjiDHGGJdalnlGCdM0HY/HNGKjFiKAXK2KAXHX9zfbm5KXPE/qp8jRyanvSl3QwWutNV8GiN2s5qU5whaytNadE67WfYyRKAROS5Z5kpwPh8NhztKvSxrGp/k4lWV92Aq4G895FqttxEvdVWQ6HvJynI5hM8bA6IC7w2w6j2Oq4k9PT7e322maSl1u6Obx4eHp6eFXv/ozAHh8fHz/5m3j/k2ha8I4AmYGmsWqECqZEXgI4fbVmMYVp57TALg/TIdZHZCHvsdaVfU4TyvkrutUvcihmUI7MaQ4USB3IFqtxpzzshy1WpeGy1B1CGG9IkNYHp+y1n4cYoxAeKqoqaJ7jHHoV8MwxBh/+OGna2CEmTUt2W7ssnmInZa6LPN6HDmm58enUqSIvnjx6i//8q8en3Y/vH232z+GFIHD3esXw7C6f949HCbklMbVF19/+fbdY4iJQg+OoOpqQNgaY37uZMEZ//gHHeHlhf3Eh10b/Ov8x6+s9Ae/eHmB8YM1oJ9t/2IivM14nFp65w22GuNJSxfN1ExVteHJiYjPDF9wZjo1O/VDz9s7bfQCZv3jDoUuurkA7qBm6GonPO4ltYKrrVyfwPWvPqSD10nhBTtzdb0QsX1/fVinzw6ffvMnIUyXSwaN+KHpjuCpyypEpE4O6qDAwAAxYkWDKmKm4EYM6go6lVYIDiEBgAASMSA0shm1VhwGR0ZiDsSABMhETM6EYECEIQYmSGRkSsBMhOho5mYFRMGduFadl4KUs+jD7jgtpVSoaqJOVcW8xXHTspRSQ1UFwSrEqg6AHEOnBNBGFk3FrFYVUcCkxrXWOUNVJQSi0u5dTYjorsJuuWgbDf7p/T8BEIRA3CmimzPzet3N8wyBELGLcT1uuoiMKLnMhVsydyqS+4k8qUquYiJ6/Zy4O8JH+NLLzbqU3K87Ae6nDunl0frwh36mNMRLacHNnUNUyeRoQMcpv72/7+Kr13e3McbnueymRxd3FTBkB3LDRpzAhNAw0I1UwkXEI8YYN5t1BH04Pk/L/LTbbe5LpOHVi3EcN64qORNIZBC3KkXEArEZgGF2lGI/Lg+3L16st9tJyv3D835eADmEHrl1AWF/LFgKVmRKDAhQHUiBzZFjpBQBERz+q//+//z5r3598+23MKyKQUbl1IU0zE+HN29+/Pu//Zu3b3969erVV5+/6hilLMxc8zwfw7zMyLSOm9UwqmpajWnoMUSrUqRS4HFcvXj9GYcIpTR6GgwMbkQEKQ7IYOoMwXqoGWUQNwh0LPm6nXOicIxBUGOiwTuiEKMAlHg4EtHhcFCkAjDPy5wXSn1IiUMnpTVKJGeoUolDSH1keDrs7l58tR6j2JyLvXr16tWru37cEiZvUx+Vn56e7u/v2zPTdvH8/LxarQ/7hYeuqpi5OSu0yoQiaASIgRrLKHCsiqaOHEStLCWEFANBqxbkzBTHEIHbY4YEcJqyF4PQuIzOsH41M0FyBoyBY2QDYOc+pnE1UGYgQsQUU+P8BNNAlPpuXK2HvkfEXKS9yUDXuDMfh/UylxCSD2OLJ9CgiPZI9++fxPiX33578+Ll24fnXCakELebcfMCiN788OObd28Dp5u715vti/cPewNyVXM0MwcDZ9VK56To2odd8sJPvofW0Lt6eS+m+OLFP/lV21q7SgRnkCq2IWKHRt5/9qbwM0eIdsL8WyvXfXAWDoiAUBvdySlg/tQvoIObAAX4xBNd9tWu8gWI8bNFz5siIkIIiCnEGGO46LZchwCfBPvX1/F63x/+5pwI+jk//eSif7KRP7ac6mkfF0KvbsWFCt3xHBoEYgCoIuyWiI3IkYlRHASwulcxM2OIDq5eDdDaoBsgIiM5ACOBazFsZPRe1SspExKhiZIBI0XwCIBEHDhGTJEZMoEzehucaOcoVWLoAkuuRRQ5JDF/enw4zHmuIE7qqs4CaI5qeJwWZEKOiniYFxSoaqHrQzZ0MGiTKq1W4KqG3NeiU7ZlUXNAhGo158yAXScxkJu4SGDsY2JG5ABEseuAOy225EkcArcQ1QPz0I3DMPQBuxi8Snk4nO+dthCs3cRlWaRVeICYyf2Ui38yMNtMWHtGL8Cr9vMEf+dT1ff08wLFUmNAPqXbeMZcmanVpXTkq9RNc/7t73+KBNvtenN3l/oR+FlrzouJKxhxQ74CkZufNDjPIGM6VUXUjUAMPJdymI51jkO3xsBazSynyN6nw+HQdzztRERCGgJHJDLVsniInroxdKtlPz0+7KtDPwZ3cgDkQERaLJcZSk3IXYppXDVBY0EYh/HlN1/dffkFb9bf/qu/WIifl8nMeL0Ow1oNjsvxZb9ejePXX3/9y6+/GGOsy+Hx/n4+7n/88Uckf/n6NTJxnwCg7/sidbW5iTGGFIujETsypI5TByoYE4cAjOzMbiFGCORFwJp8aJvSAwiBEGizUSkXO9DIi8lNsBl6RATmppWNTBBjoyamGLuBYpcGJwYPgAZM5r7UUvKSQlSHuZo5HXMhQjBNvWMYV+u7rtusV+PhcBiGgZm//+F3ksvLly8DEho2kWiigIi1yDJnERMPhqHpKxEiRzIORHC/m5+PucicBlfgOIxiSDEuyxRjRCYQL1I5Z3WjJmB7KmVp63y7ozsednsRUa3uYLWRHAETmmgVJcYXL15My7w/Tq4aQliO+0BMBI7ojmY2zXOtWmtVA0MgbIraxCfRH6xVTLFLK+RumjMjdcO6iHMcjtPyn/72H1LqN+vb9eZWVYdNeve8f3ra7Q+HqiyOtttPuaZ+FLFSzyJSiG5ubg2ceG2lL67r52kGEcEpMXJwJ0Bs+Yz7Zd4XzkW7FqHiWfAB3fTiYgHkNF5in1h4cqCGA/h45810XK18OtSLBDHRB3JUNWVmVW8QKnIHRz5Rzf1pBcaf+RBEb/Qy9IH/isBaIHQyXtc+/JMLd51cXzu/sw9G/FiJ43IPfq4+cc4I/0AY8scP/8zSjnBRp2jusOu65j1DiCmGkHqIwRCLeDFTAzEljEzMiFrdgQ30dN/dTQBcgaAL3BjixLxUDYCBmJHInYESUg0kquxMhJEwETBgZIpMgbEZFzRf5gIA6k0Gzg2xqB2WuhSrDupU3dhMnRxQ3RfViATEop5L9WJzlo77Nman7gpkBlWxKoqRAaurKFYHBAZkNavi3XrVJhTM3cGROA3jOI6G03Feqjm5OSEzN069drsZMIRADrVqR2EYBqKDOzRWBTj3fUWKGUgjgmnc8whmn4ZjdGap/6R+3nqKrUeoV7HR5fYDgKoagDUczZmfwszIzACB2DnkOtclP+4OT7tpe9uUEMnMSlmKCVDfMQkAgppdWGuAHJGxizEw1pqfn5+7YApOsTPHGNZusOznJU/9qr+93XpUlZzCiK7gSgDopOp18TlLn2h/nPY5PzzviqgBzPNS5HCz2Qhx14W03RLivDsYuMW4m3fjerXebNNmdfvF669+/euXX3+J63V2UyTDAF2PgdWtmqsb3W4+Y7xZ9TEgIdz/8L3m+bOXN4f9Y621LBMELtMRAF589no9rjAwMgEFThj7AWN0ABcld2eCELRUU201Dypl93RAV9NqSy7TXucZawUtLrXk3ApQqppLqaYAFEcBIHcmACRgxhBCjEyxh9RxCAN35J7SMFfJWY7HXCUrrE70QrEzMxMNw3D/tJ/n+e5mLNUeHg+r9bEbNqvR53k+WRuFvh/7fpznvMxvdrt9VZ+WErsx56rAGEM+GiI5spMHcAUmJHV4OkxL9TnXQzkYsQGLqamSGxkwBwzu7jlnJwwhVFVGlGah0MDI1QB0mhY4VdwaABKoIZnRXSuHlLoEAMd5MTMwY6SUQgPTAkARbQjYKo2HkJEILlO57stSRCxXcWfiVKUKwmpYH49HdQtODJAPR/XjMAzb7fZ+d3z79mG/3/f9MGzWUm2uNWterVai1V0UnJoJJTdVs2uFg0+t9+VVvS7a/THz+8k6p4UA0elCnonYOM+aFyQ4uRfERj9t13963uYf6CAqnHperIaIF/uBiFd50XW25oiE6PDhFM6q93/SoRAREPn5mNVUBIQpXJp81wd3ndJdZ8SIeNmEn//mHBRcDN/HieAfye4+utx+dej2z/0BnFxgyxxasxTQAqfYD7HrHXCpuZirkQI6MhGlLrCRaJlMVR0RgxkAKTg6KrgBqZuaFzFyZ3AmQAcOTBwgooqrQhUghABOZsTeMw9934Xo7qbXizOHqr7bz1lNDYEiEhrFWhQF1ACRABk5FIPDXKpaVjeMz8eFpsIhqTffY+omYrWoiGZbFBADB08AABRasrNqY0lu5IEJuhSGcRy6LrsFAxBDjkZGmRogwqo01h50WJay7Pe2XbfR6ZOCJQAzArGZiWoISV1aJQYg+jnGuy4k4BVPNwA0tQpEbKzureQlH6ZHPrrR3ApWxAAtlWsIVTTHrusYJZcSHVf9KM5v7x9vXryq4sQxpI4ho3mIyJzmc07TSkREFANFwhAoMJrpYT5gFygwIM4lv3uzczCRxUHcncHNFVTm46GWheCkG56zmgBRmsvz8j7HruuG8Tas99NcaolMMZJaqYqpH9I45FLclIaOhrsXv/jmq1/+YvvqxerlXX93B0OqQMdlCUM/9GvgUKvkeULkMUZ/fsQYu80amGA5zsfju3dvUuQXL16kFLbbrSH8+O7tw4Nvb25uXtzVGLVpDAKFlgJiqFoZEGOimObp6DVDQFawpY6rHk2tUHWjmkSquQKGWouqWhVgCjESM4maGZO5u+Kp4ZQiD0M/jvWYxQAQGIjJXZ2lllK9YU1b8xEcqIuJyauUZUZ34GDAh7kyH/v3OxGQss7LMk1Hd4/dAE737x/f+4OZz3OuVR+f9i9fvt5Nu8OSY0hz1RAYPZi5orqRCIoI12LIi8E8zUCsDqJODisOqmrQRtwoS0XgEMI5QzFsJQM0dzIzvjgtdCYgRHNgdALvUlQEKUutNTJVtZzzmhoyLpmZI1b1pci0FAVAJydq6cKpfCI8MVBIUm2esjpw6JZlQZIsPs/LOI4vtrfLXN7++KPh42efyTEvS3FOK069OGYVhxBCWooYOIYTSvT8ErGcSaj/2ezibNjp4h3b99f2/7ImXkbMG8j/w2z7pQ+q6OeKpdtlDYI2tPeRI2xbQyDDD129c9yKDqDnBidjI5nEM5zzBIVFc2gt/I9Up07CRX/irK/Cb8SG8CBmxtCi9Z9XhC9X6hNfCFd+Dq59r8Mlp7y+rH/6sP74crGS1+ibVh31y38ADKzpjTFECCEghSx1KipOAuZAQMaBQghsAHIKHIiIQmTmoIHBA6OXxQHVXMCrawGIbIi47pJjQCCNXqoZOrqhgnmNoHEIfQwhMDQGZNM+pskWZk5ddOb9cRZ3CikwUOgBWdSp1QiZAJzTUPKym+dSTZwV9eHxqRh+8dXXYq5upq1d56IgZnOZQ+o4UqCTBlPsQrKoLqoVXbsYUhdDYNVymCsN1K/WMUYHenraLbU0dQtmvgRY8zw/Pj8BwO3NJoRgZohKSCEE5FBrBbUYWU5gKwOo5zL9h4JHexIuBQY4N+rh3G50d2Y2vXTIP/wVIvLHWp1uJ5qaWmvXd256nOYh2N3mxii9vd9/9U0thhz7rrMYYwWIIRJHq1XhjOEiJ4IucAzkpjEwQZMfx4BR3Hb7439++z6lsN7046o7TOVw2IWIfYrH48Fqjd2YAi9V0SGEEGO35Heitr5ZffOLz839dz/8UCrf3t6WIsf9YVdn8Opq2RdC7IL/6n//33z9i2+++OZrXK0gMqRU3adSutubJdflsE+h67p+6DswV1VwAy3Hx6flsPea371/83B/HwiR/O7u7mazXW3WuZTDvKgIOfT9uCxLbRrHjhA6jIkNmCCk4FqnA0kxp8aTYOPQg4oiQl0ETFW11MbjpaXmnDEwh6DqTXd3bMQM4mqEGBAxROq6+LifPBCwGKMqOLkagVMIocU907Soeuz6gOQAS5UXt9vNesh5mqZ5GIbjXJ6efgfwckjdT2/eutl3331Xq/z+99+L2M3dHWJEirvn42rr7++fHh6fY+wy3bQ5LHMkZwcAVakyz/txtaoCcy5AzCFRTF3XESw5ZxfsOiJyEWnt0lOoh2iNEMkcSN2MmKRUKRUALHXQYMdSkDCFUMV207QUaRXCsuRM5UQyoNoeeREVNQdC4jana2ZnqISYpWFYKeDuOIUQYhdzOSy5qmrfjw70w0/vEfHmxUsze3rapc2aE4jIUhURgQKYV9FGwN384GU6os3+wjkkvcpW/jhG9PzGXVb4pCL4SUrnVyi5JnJ0zgXP22w6tB8ziKEDfhBgAERkZvVrX31WJbzKzdwdgxNhA8u0c4yMRKhgZqZmDepxck1nuM3Pfdllacffrk9ATMRdF4cuBkRsw9cicnmIL2OzF+jRJcSwM1+tf5zuMYcW8jdyucu1M//DNVw6T322a3C5AS22OlG8uyOcMv2ac4wxBHZX0UJOzEgMKtnENts7E12t17WUmJLnrA5zyQAwDENE0lL6FF+8flGed8WLgoJp06FpqLETuzWhgol5qcAgZq71uUsrCkMg6ji4iqMHRiIwqSEMMYVaax8TDf3T01uMw9j1KUEWyWKiXkSzFjFADu/vH1NK5ogU1NURjqUwdzENh3wotXIanJNq3U0TAhtecCumDgYh9uwmCoDU5CG8mgNAIO5XEZ3RzcliFwOxaOHQ11ofHp+XpSj4ZrOpteYpt+g+YPf4+BiJ1+ttNX33/oH7REQhBENIKaW+yzmIHs5vGphhS3/b0xxSzDm3sicAtA+IOI4jIs7z3LDveIbPtJe0lTKaK21J5LIsMcYYE52kEhYiSim54LIsXfBhtcE6Pzw9Rb756svPs8Cw2h5med6/P8wLhaE9S/NybDyinGLrDrqqiga0SLHvBnZjhrHvwfVpv1sXWFEIBYBKitD1CdxylmUpKXXzcerCuMzzOGz3u4ko3L5aAeBqm+4ffjT3/9v/9f9CMTRCn3/7b//t//Pf/L+G8WszW92tf/Xdd//6X//rzeebflgp4VxrQBr6zmo97PI6dDfb7XJc1utbILanPcWYH5+725eHp+c8TeZVpWzG4YsvPit57kKopn/39//5y6++fnF397j7zW9/+9vXn31WSum6oVRRg3GzQgq51MARwCBxN6xC6rwuzOyupWY/spZ6eH4i08N+X477zdBPzwcmipEPByl5Wa3XwIGIYpfy/DyOq6K5lLrZjhQoF+2/XO+WMmVYSuaODfjh4fE4zQbcdV2ja2fmELjpzB2ed1mqGuymucz77diN45o5zjZXsafn9//pb/7+y89fp274+7/7x/X2xfF4zFlFtYgRp9/+7ocsRGl1LKWyLbmCawhhSNGZ3B0YY0/HLLUqxmgK1Ty4q0GDxZlZloqIhIGYzhiuZhm9zcallFJKssyr1SrGMB0OJnW73QLA7nBIfQ/IHLBLoZqaOAEmDjGc5DlFTKQCUqm1qCEFg0YGjUgczib0eDyu12sREbVcZjUP/ThNE8cuq6NZKz42f9Z13aKGHAg/YCOJwAFSimZSasWzfW7hZtd1ANCqUp/6vPMHPA/aAwCRgTcGRDj3+83NkEIr0pxsvoM3EBOzg/mVAqK7olOb7AZTOk8QqtUmh0dXOZ+rGZyGH+yc7TSBmva53SYkRCRGugD3uq5rfBHNyUUOGBAA5APeFaDhCrBdc2JmwqtSsIOqth5qOxIBn13ABUxCKaVpmNF5LB8RY4ytPuYfA0rdPfwhbOd1Hv0nFrzKIC4u9qN0E6B6PXOiXtZ3gJbtuZm4tx6tt4crRQRiRjXzplgGIeRaHIEpEGPXdQkAoATCiJYimQKKoysTIzYKTwcEA1cDRvQ2VkskgOuuCxzas8ZMHNAdwbX5cUIngpCYQ6hazR1dzc3VTUzFS9VFvJinfmA8JT2q1iTjmVANFYwVRbEa2Bn4epwrgiETUQBAd3ZorHlt8LFxvYKe07oGvUEAUNFAYIXQVUWOzQi2HZtqlVJESpeSiCNxYHLEUhXQ3H3LaOaq4O7mYhaJoD0hZ9kpP+tLI1wJb13FjG5m0zS1QPUaNQoA2K7yuYh6ibEYyUSrlxACAUYOrbfk4mZa3QMSMyH1zkmAq4EoFEMHIo6nuE1raol+uBg6CDEQOgP1XexSRC2MDYij7vi8FA2JklMMIZI5ihlILnO1oO7uJiL1OD0vuYxd/8tvvzocDkAeY/r222/Fjj2Mt3e3wPR/+D/+15vNiIhmvt3efvOLX9zd3aUvXriZE68Q51Lvn59DSJ9//qWLBohcJzhOAEiqsNmsXr0Cc0IPAcfVJr68y+uBQO7fLmZ23O1zzl988QUAaKlN40XVY0DmaI1eCdyRkNkU2K3psVQmM8MQ2hAtoYdILEZ4tk1m4Nr3/YsXWNQ4hLnUVlFstJZNOrwlCl3XLQIppSy1qlaRolprrabgVJccOMWhS8mbki0ihy7hkZeSCcM4rIc+zbk2jsHf/P4HqyIO69uXVZG4cwcHztmreS66iOZiU5WlahWQBlWGYI7VG7jQAdgJmzSZuREhEYUYQwgn0YKT/A40sToDbyDB9tC2uD/GECOXvagDAQzD0MXQdVFV+xREBCOfOl+iJkAcQoxjh12MyExkrVuDIcZgRRQA3BQcEa095UQUmM+lQVJwb2I7FNQvTSJnh4sMH5y6/h9DrKHpl9HJOJ6YN6HNHvxB2/vzYinin8qcPljsT37CqTB6ziNP0keISHBGjaARGANe4DBNjtSuNvshrbyUFE/406ZpjwDojZsXT60/OiEMGt/zqdfoZ9T6aYETvk9FiAjoxMNHRNjwCqqqFaENzSmeBlssNOmy67NttunawJ0o7U8yTp9e6H/WC16vcPls9oEv52P4EJ2vGF2v32h/zRTJG2k2ojMjiA4prYfeo4NrFZFac86LFAHvOLZbhehgVSuuIqNSNnVX9NZvdXBDYjNTN2MEZIzkiA7Yen9uRY0JIRI5OKAHAg4hpRhCYCRCqioKHk/qyN7CKTydNTMFjgmZq2RZspmmGJG5ArohqRXzam4K1dCQ5qUQBSQmOmtgmQOAgXiTgQQ806ufyuyNOxhUEDCDEICIzCJd17WCp4q1+mTfdYgoIuQQYwSEOWczSyG2qoCqnidJTkxX+rE+8/lpaf74I41NP8tsXh6nSwTq7jFxy/WJgQO2q2WmxCAiJgJojcATFBw0URAXV3FlYATAXO1wXP72H/7JHfbH+fm4qGGMkTmie0fxBP331reAECkSqhQE5wZDdXFVV6tSkKIgFydWZCWqQAAmztQxYkoUYwxkJU9MNq5XjnJzuxKpIYRf/uKrnHNKkPN+fziWIsPIjvT69efDavP5V5/nUgp5keoqjMHUGTgiBcPD8yF2PmAAIqgKywxvF5/ne0czZbdDLVbmMh0D4mevX0/T4fsffmfP8Mvvvr29e7Eax8OSH97fx9cr7MfA3Co+5ogYkQMBglZHCCmmJZhkdw+Bp8OREKmpdpu6VIuMAGVewjjGGA1VVJdlybUETonTsizuGIi1Skyp6+PhaWq6k6ogVhZDUSUMnAJNcwxhSMNSZZmPtdZhWI3juExHMXOEcb0aBlary6KILktp0Nyb25fv3j8+Ph9E7Hic+26oalPWuWoWzxWzYjFqpQgiMscqoK4ECEClFjfThqxutQsAM0HDC2qh/RRT9A9xv7u5mzu2uK0FZ13q+j7FyACgqimF+6dndHFDMHE1VSUOkQOzI54EzFXVkKqYOsR04sV2tcsrg2fCTAU3BHM0cEdyPqnI0nkiCQHIznQT7vCHPJbBR74Eryqcf3D5Y7+9LoFePlwW+Jgcwz8ahztN0zcv2A6AwE66fM2VwAdv0rbCSE4ubar4Yy94+oCnVLpZzsvu3MxdwU41Vj9t4SN5OD+jT//YaarWxizT9OwI3NTF4CTz2NqEF+yTnZVX8UoQ+dp1fbIg4h8LLa6jietvLu3TT471Mo94+u15u8TQcIVErTag7mimWmC1jS9uN+hcsrhZLqWUskhBJveAYAxI6Gzq4l3XGaNhI2YFR7ZWJWB2QwFnR8cAFJxM3OZ5RhDHgNSBB2JooyKIMI79MHbMCG5Lmee8GHiA02QCA/J53oPPcsmqKtXMjBDbsLZTUlUxrwrV3NQUEJDaKI27kzuJX8RurbFknxWO0FuRFFzV3MGNz3ewPRgxJASSqiqCiM0pAkCbmBY3BVeHKgpwKnY0Z2nYcC61zeS0OrlaVQNEAwgnt3cuj1/upp+ZSK9v6+WxGbvU2tJEGAgRXFS0VqZTak5uaEBuzWqM41gWrCdZexeFw3EW0+PxCA3MKUah49BziO6WLKSYIgd3NTFXYzcGAnd2Q9NGtdwCZwTubrYUOAPqUkWkdpwIyKnv1uyaIjN6TKgm29Xqiy/vVCZCSCn86le/2q7HN8fniGsRI9cfvv/tccpffPOLX3z77e5wBKZu6J+myd3n41Knsh5W23F7eDz80+//9un9w2YYV/2w3awCcVmmeZ6PxwO//jIQECBIlWXWkgNiDNT3fc1lWuay5GEcPv/88/r997/97W9/sfkCNgipi6DW2MKAkSMQu4obpNBh16lXkyLVc86BUUVIrVF6tmpbg/Wq6lKqGogIAscYzWrONYaOU6iibAaAjQK7lCqKxtSeG4zUdcMmGyK6muQyz7MjrVaaUsDA5OKuqlXV3cVNCQzHblkqx57i8Jt//Me3988mmnN99XpVFIt5NSvmxVmJjLXUyswRUVulyrxJE1S1Rn2gqm0FarYST62wli1cUqtLMd8vyq61AsAY+xDCOI7j2LvJPB+BcDX28zwvVWo1E0XyQIQAdiXUCoQKLmJVTdTGLpgBgKpXsA/Ts456eu/M1K2IOlpVvVhFAGvTCwjooGhXvtAv8Ahwv5ZjAGguhJDpU/H6tuhlFx8bZzSjUzbyEdyR3Mmdz7b9FOwC1Ms8RrMxFy/YAgtQsw8ZFCISELVa02Uv5+D4AiA5u34wBLRTRtjoxKwJEJ2OS5unw3OAYNbo/q/84DmNbr7sUho1Uzdxb0NDlxDig5LSiXT7In9MRA3ydXFgbQd4bhnyx3btEjX8s8tpzYtjuyqKgn8gsnH8KO243rSfFA8Qoc3VKTNtBri7Wa3GXovuHg851yVXaYXH0LSpgQk6DMk1Ndg/m0bA6m71zK9mCFdz4ggOaBAI2jMKCIguCCcFTEBH9NV66IfB0SXX43HaT5MjqBQpUtUUggmoCihBgFprk27Xmt2dQ2Akc6GQxFzMzVEMXV0NkIKYYOOjBnJEhMDQkJzRHcldHdzMgVr8pepgSuBASIiu5uDomFJsBYHmBYdhwDNB0Umap72vCCGE0HeA1nqE4GQGImL2IV7Dc2/PQcHbyNJHd/kSep9IAM9WBs8FKCZ0QnBsRH+IjbUbEDycgKPYHk4mijFux24hzxnAFUnRTMyOU+HQg5ORBQIK0RCrujsQQEToIrv6UsFMQIAwphhSmzpFCNydwHzuhXlBmOdS5ym4bMfxdkyrFBRBpSAYek0dx5g+//zuyy9vKqZpmiLFP//1r4/7A5ijw/r/y9p/PsuSHXlioIsjIiLVFU9VFTTQ3dM9Q/bODNnG5Zcds7X9X5Z/JffDCuMKI5czQLPR3QCqUOKpq1JExBHuvh9OZr58rwqY3l2GPQNu3ZsZGREZ4X7c/Se6ftpPoLBYLF6+fBk21+Vxux/nfrFkySBKqephHg95yvd//N1Xv/2Hf3h6eES1fojr9fL2xbNnz56Fzrve395czfMoqXSLfnl7JTnfv33z9u1bh1BK8exaLNgsVw+Lxf3943wY7VqQCAnJ2JAACIyg1pJrLcKIMUbVonkqKXtHDkkR1KppVSkgR88mImqyauycgGGuzKwlgzGz8y6q1faw1JpFi5joaRlEDMTOxdD5UGojvSqqSanTNKV0XA6qyjjtHfj1ENmRFn06TPcPT9frTa42TnnOFRUBfREqtZYKqWIWLmYFTJFUEyKIQpNgRoDStDatXQFTZdd0zphFSrt3z1GqLYCOzJzWo0Ry7oMJsJkBGhpIzdN02O22DZqwXA35cV/zKALOeSQSQ6k1uI6YCdkbVEW1CqJGmEWPoA+xhh9RBUT00QvIuYapqkBoSC0FSiN1gQFYBSEDw9IKRTiTxI+GdHpuxsCxcjKzRkH64e1c+Z3/95Oq5rL4uYzwH+9E2vSu/d3MWhZEREBFuUTPHQ1sTxkR7fwflwyK9r18UhE2/u/RwfvYYzWzVl7TqbBmwGIfb9+LSAAfZUpiICFAJUY0hyoApIDuzP1qTTBEPPsgf7I7PBak/79UhN+/1ucuwaeHe+IdflJKHs+RjiRQMyXmrg+f317fbjZS58Nueri7Nw4i6oiUkAihEdTMCCGyi0xVcu8IhVClSPMqbm4ngGQEhMRqWBUQAYmdc4iM5E2PBlSASog+cOgCMdSci0oqOeVM5CJBBkUAaqQrJCFidlMpDEAA1YwQGg4QqiE7hYKGYiCmIipiSCZigEaEgMbEzNQa1OxEBcS0QXka4FfVvI+qhdC8d54Ij0a5mLMgIgOzw84HT1xKmceD76JzrmkZGSH54LrIXada1BSgYVvqEQvHTEjHxRcIALVkdr4tLnMeXKyfzjdnS67OuTxPZkYAjEBgCOCZCBpUzACMwEQFmns4AqkGAnRsAESMCNIKRyI1cIaVAYBFARiRCGpFC0d9A6lQS1MXiT4gmEphOPbDVUxV7/KWkSTlvB+x1LIQD1eBvNUKUpgcQX32bBm75cuXm8XKff3d9Pz2RlX/6bf/vH/a/upXvyCjr7/8+o/ffIs+bDabLi7T036eKrqUBLXsJYsVcXO5++79H/7x99999fW4n7bbrYHcPH/GZJtnm7iOw7JfXW2un91IWqZ5tJIJQEC994su/tM//VOexutnz/voc0pmtlouc6673WGe535YgxESOXDVVKumKaFIQ6KyHGEOWmvnA6BJIiNuz75azTnjadXvnGMXBCzlmmvpkPs4OOe5DW4BGqrOe++FcrGKqmJZ1BGbCSqCGrHrQ5e6UtT2+22t9fZm41EdcPA2DN1qNURGlfLu3XacytXGz0VdGAB9KsUMxiklgTHXuVgyyGrVoCqwHfuQiK4RH1QFzKpUh3RsUBKoVjKVUs5ajKd4QmYCAKUUAmy3ZWuHAqqqOmFGUq05wzzPpRQkKzV1cUA0VUF0nfdiLhcVaGKlKGbtk0vrmQDVJitjxAzN5AURyIA8ISKQYkMbIBgCNtDpcd5mBoLWNCGVjc3qRa4goDamO7leAxhS07oHwu/H7XP8/MGKEL6XC/E0BftQ7F5sBEfCwilit4kqwNEdqH3EhbCLWgv1RGQIfFFfHivCFkXO1IDjGYGZCSCoipmiBXc08GkpgJlRTeyDc/vxdPB4Dq0CNrQ2HSQiQLbm70qKRgTHiy+GYuYa0CiEcA5bIYTlcrnb7b5f+SGiSv1kHfEv2S6/g4uLaBc36KkAPfpXnQaEH2pYunivIGLf91dXV89vIXr/7u3deJhLrZvlyrIUVe+IGAlUihgje47BdY7H/cSOEaPZDKCCSIAEgGrERMelB1YVYiYgMyNHTGzIxcQMmcgHjNE550opuWQCRsdGiIjRuyZILeSqwXFOzsyqXdcREaLVkhtjSc2QyYCqWhGpRY01l+rJA51WVA0tDq0JT43GCdZkv5HBABXJAscKxACOnXektQAwEanm43MO1iDItTlr14qMzFxNEdGH4EOwM97MSBFOnAeIMZYsqJcPAACIKTrnj9/QRTv9/J/He+aiiS9a2mILyQCPTEZiIKacq4ho01oDM5AqeZ4OZqJwCmeOPaKazfOsSGCkgHocC6F3HrJpFXVFS62loJpnt+wGdqilSi2CSEdqYKq1Ppp2ITrgCmhic5ZcQdXNeWJQM1DV1Wo59BC8Pdx9+/Q0vXr+ajo8/d//h//Xv/7rv7pa33z11Vdff/U1Ii/7JVP07FMqsV8iOhU6vL1nQFTc3T1989t//vof/3l8OgQXB6JuWPz8pz/ZvLi5/uzZ6mZdyaBzUgoH7rHfzdNuu9WcEPTm5kZE5nk2sxij9x6qDMNQxd7v9mlM/TIDOQAHBCJaShWR3kULZZ6e5sMhWmWsZlZKRgPRQgAtB6hqmVNDBohIUVM7uuSQY8ul7xZiWkoFdk2GNMYYguOiUKSUMhctgkihPakM7JxHYsecpUipqjWEoHlygW5vN882Q+fIkzrqn9Ow3e596Pb70fmYisxzQmScaxZJ1bJAVihGWbWKLehCbOEoO4lSS62CZFVqLYkwWJWKmvLUFPEZwJ969XbCqMsJFY9kBsf6I7A3s5wzoDLgoo/AVFKOoT8OYNk570HIA3lmIquiucicy5xqKtrcduyM0SeiY2KwtofmAXoKa2YGhmdrdQCQpvPShoCoAmZtmAUfuoh0rnvsA4Obzk/mvzAmX774MhRfPrOXb/n+b/A4J8LWbzzu4Xu15pHLgUBE8r0DvKxhm6nFGQFzpOWhGR9tNdrCxhNb29NZH+b82adc/smRwzHjWEuBiKha4biuMtfu+Ob02JCizrnlcvn4+NjuNrwYE7Zdfv+C/mcv+vdfJqehN1yUz+2qmNn3d4mIzaTQTsLqMcb1eh3cwUxySmbSdeHq6kp2Yx3HoeuAEa2wCrOFEBZ97Jx72D8G9kxcqs81AYIBocNmCEzECCpgrGiK5jCnGojp4othDt5jCB4Rc0055yazy8zQqtDm2IBVFKTWqpXIN084771J3ZcsIoxEYNJuL1VVKypgVURIxHE4Lz/MrKq0tTCgNS1paP0Ih+7YBDerJmggIKa1Cqg5UuecIzaznErS2TnHnr33KWdkIiIQRWTnPXnXGHgiYlYVmqErMHOMMafDOQCZoZ4ACB67y9vu/CxdotRO+zRVZUAmbhLyph+KyBBC0SS5MDN54kbkT3nCk28ZGYBrgEAz8z4qkAJaEVUR0yZ+fhxHVCkliRRHGILr+74Lbp7HnI7Lr6OVR86VkNgH50mwKCE7AAKgaUyekwgj1FbfbrcP33z7x5ev/ubdu7vt04NV+6/+7r+1Mv/hd7+/ur69efb8kPLd07bW5qroxsPMwbzherGcd9PDm3cPr9/6aoML8zwF5/rYbTabftEp6lxyAulsOBx2jhnUmHm9XkMth912/7S9ubn57rvvxnEkIhwWodYs1REfCSq1GjVA73Ha54i4i8CiDzruJ8HSBWCz3W7HSFpz59wZFteCQHtvLpXEjLDv+8Vq+fDda+99naZ5nl3scqk5Z/b9+fWllFKgKrkIrZmEYkSEoiJiVVznneda63TYOewXw7Barcq8q7X2i+H58+tvv/0WER+2Tx0HETVi52JTpVAFURMjUWsI4nO9crmMlpM8KR351sTMgEqAJ5IAiX2k3BhjNDnuxE5VplWp3quKSHEEsXMhhKIyz3PXLwyEmdtTQ0YOkUOI0SwVKNIaDIjo2Dkfn552ROSIkY8cbzMlA1UDIBEVkaqiYGjuA0AU9YQEbbFWwBgBTiQ0IoDv5ZGP6rYfLOPg1Pj9JAj/YI1op+nG+YfTwdgPvuzir6c8evqNneaajUT4IXm3936/h4mX594Qs215/UHF5YTmJIPmvCinEzk1fo8LZgaAc9xWbd6tFkJ3PCDA5lUABCRyhDy0sXlDSE/T9O233x5B7Sc4k51aXkr+o0MH0KM63dH+A0/1MR5rXLwMix8qg+NZGx6L/uPvF9oZUNMNqGjSZADb3gT6gDLtrgc3RHTj279cf/Y3n736w9ffWS3JYPPqsxI7m3Mu07JiEOnYFjFM09hfrb+5e+iHYXPz4v393X5/T9HHwc+5lqqOe0BXq1QwdoQuG+SKwogEz7yLqjWXidkMaip7cpFwvVmsH+80uCWr323vFrBOc9oCJexGhgn85DivrJSiJsuOS76TWVbRU5X9OLtuvZ/yc45A5WG3RxEGnCW7PlB0pdZqSuSi82RgmkWBmQWBmJi5jQxFaq1ZRapUZmDAKkUUiQEdCkDGZWklWoxaSzGjakRYs3hHjn0gDwC+CElCRB3CNOYQgkoBgEA47bYOUNOsqaDRIvRVbD8mBeq6DuWeoDCKEXoXQxdD8EhuHMfT8LL5pxggI3LlV1qzN3IEZZ6Do0UMpoWqPV9duQ211Rg5127L/S51y4EMVGvkiGC5ZE9kpsigZjNmgUQIzJWp7vqfvt3ef/HZRuSuyMN6iEG3t/1K5tSzz8HvpnmXUhIr6IvDjUbYm7kamM25XZp4T9g79f7Z9bOt1Qjr755WixjSODI/++4Pb1bXw9u3b//rv/s30I//9NVvcjfXDqBfvn/3vl/86Or2Lw67p+Ar29OcHt/fT//Tr796cz++3+W302anC4VabFwz3Zqb//Hrv/zV53/7xY8WHFNJy731N6vd40MpZeiCmN3d3x8OB2a+n0YYFhL6xwLPIYxCM63Wnz37ou4P7w87/7j+7AXgVNJMIEw5MM1Ph7Ld2X5/ReQKwyHLnMd3fx9CcMi7okRu6fjpcbvfjz//+S9FhFwXzcSqqgpKnrd54R+xVGfSOWCTqsyEaC9vb/fjd4s+LtfLb++3D/cPwryw1cY9QBezUE2lC6zoi0JJEiKVHBz3t+vrpzdfU90vnUW3fLjb81y7ddgs1w9PO/NxnMr11XJOMkupqkboDKCNzAlRRybH5IkRFKtCzlbr0XAEzSGYCqSUnKcQvFj1nsE073Y319e9i/fv3/d9z0QVoKrV5naCZIyCdLAaYhDFwzzGYpthQDQVe39/X2t9tl4656YpqRo7V/J+3jIRBZVZEqSMAKhRRCKDgIkWg0YTAiQyAyitHU0G6F1UgFplLslxICQkR62fAgZazexgTPBR/GxcOu8dYDOVPSK/2piRTFWVnXMxVJVSZVgtb29vAfn9+/ePDw8AMMSBmaXU1uVuftHYoDEAhqiI4Fwxk1qbbg4h5pxLKZ3/iGIOxIZU1byPclwl2xGFY2pm645UmxGWgpEBMbEPvB8LmIoBmDW2ZTtHaaphhk15isCjAYGiOoYOXUUCUUtam3VeRW9kqop0Qv2YIYDkDAB6GtsROiIHAHPJrdFYTAAAyVWzVKo7L6/+5TX1v2S77JLBxwsH1U/HuZe5VlQB1IgNDVuBdeyUmnPE1BYA2oV+2S/Wi6WZvX379uH+sLy5ds7d3d/nnD97+SqNT4657z2oxBAQseuCcy7lyTFuNpvQ+bnUMe3NzDnK6cjfBwAAaiaGYmiE1uQnEBUFj+p5NgxDKQXRQvRpquM4MjARsfdjmcWMHUeOtdRSKxgwc99HlOqoqTUGRBSRx4ftOE8N6haYpNRZLaWE5MwMRJUUDUEbY45+YBYM0OpjADtzlNpoBABSEmukTDOmJg5tBEAeGZUBkMBESy5NvqiAS7kYkpRCiOC9KqSUDDn2oYpOc0lVgNCzF8POBTUmVPKh6zrno5lVVWZ3+k7R7Gi+WKsRJ6nJgVMD1awCOUstqYs+uDgMPSLmI/nLfOXVsALU3W43pwlJYoyNpn2Y9u01zRBDEbDWhDNACQ4kTWy1mEiZ4vKqDdtEpFZlsEUXI4ZDmkWKtlbH0ZAAAaCqlFJWw+C9r3Pe76d3r3UbHJkthi7tt/cPb3ysIYRvv/zyzXffdTEOw9CW27e3t9B1iy7Uw/13r58M5H/+T795/ebu8VCm6h4PMieRUsu01wP+8kd/+eJ22O/333735i//5lfPXz4H77/9+g2igep+v9eazSD2g4ioAiLVWuc5A9FwtYItznN2Hg/jYfuA3cJhoFkyewoO0n4/PT3Nj/c854HYGVgtuYwtik05z1M2Q2afc0bEx8dHIiLn2ij6/KheaGUKKCCoajWwEBaff/5qFLrfzW47Xm1uXLcYx6ljH/ueKj6NhQD76EmgpCw5x+AW/cDMAGhASepUdLvdEjER7baH1oVyzolYjFEMVAogEjIzO0NEJKnM3nEAZhUqJ19PbL4lH5cpAIBkjjGwh1IYDMlCcIu+a0WwSTXFalprFTA1Cy6cuRAFNKU0dHEYhnG/N7MmYMbMwTkAFJEpH5VljrnKjJldiIAF7QMAR0TJQMxCP7QKBVDJiIiNgSsB6g8+2nyCI102XU7Nsx9ozp2p93oSuy+ljOP48tXnpRQwExFP3uzsF3GuqD6aI16G7k+mHvAxoOZcVZ+3y3qxVeSGQOgAjiy/ooKICtiESs/C/W00eETD2kcFq4joUQccP6mpLrfvX8DzWfz5zqWTk77a5Y6+32P9l2+fXMrLg4aLRHhu+n3ycfJBTZyxWeACIIDWjA7IIBBEx5vV4tnVajF0b958+fS0VYUQApDlnAFguRxY8+Dh2fXq8e596DpCG4YBgDSn6OkooV+UwRStjV3NzkmXFJyosSARILWkbK2bR2jOuWHoc05NOOPpYTvPY98vgo8CUGstRSkgMmnSWquamFnf91CLVQkhAHn0nZ/K5cVHQiICVRFhZDPUE2yq9VVIFU5oTLgUMTqKHhzrbzt1gRCRLDfqJyI6ajedmdmi86LF4dHFZp4zmXr2D6nmakCSs3hGHzolnop6z12IIJoPeU45dAO5UFXUPCJ5T0O/WKxX5Pw8z3KYvTvGU8dSuZ5piAjZMCMoE6KXQMgMWmvKSdSz65lJK0g1MWWPz6/XtdYqUxVgB0hVVYpUIqgqRUyb7xayAVQRkX3HWOdDcNI5ciC316tF77NhTqLVMLg+RHBAey15VHLQ3BNNkQmYVHVKaTG0s6spTXf5wIRdIKkrOexz2f/0+SsC/d0///M0px//9Ec+hJTSarX67LPPQBW0/u53f/jj11+9ePXizZt3b949ztnML0AQVAJh6Pztenj+7Prli43KFJcDULh72L+9ew+42Gw2VdKbu/vpsFv0A5Lt9/vtOC42V7e3z8nx9ulpdXXV930IIchc8r5Mu/HJ++gAlbvgFHcP7/f3d+P9XVALfe+I03Q4bHc5Z6ajgJQqMAEAhRBSSj7GjqiNk83MGTX5SAQwqQQYHKFhdlBB1TI7iuSdqwCQUjnM+yL64qpbhg48AuwIbTF0U5FxW9HKsh+co3FKh7n23iu7inE/PhITIm6328fHLbHvuh4AVquVApYsemapNqvRE5pPEaXqZfhSPNHmL8ORVDTn2AdClYrquhj6Lh6mkQw8kopatYbT5+bnLsWqBHbEICUXpi74vu+gKWcSRe+cC8e8aNV7j+RiqdN8HC2FEKqoqjSkp9nRMM7MwFREa84iCvRBMoYatuYcJU8Y0Q+F4Gmjc9K6zI7HxiS0Qa+qgoiCqWpKabfbpfzV4XCYpwkRfevqNUUq91H0PgdqOhuIfi8R4mm7TLffz0bth1yPI7BmOGiqRY6nd9JCO2Z6NQAxQDG45P4rIttZNe3cGKU2xfyYTf9DOeucAv98LjxWhP+rFIWXb/+wbLn46+XGH2bXH/eg8YjOVxAwxqO5lWpN5BiBht6vF8PVcrEa+nQ4/NM//iMR3t72AFpSXi8HVR0Pu2UfO9ZF392XjIRlnnzXi+p6NfjAVeRh+6R5joGculIraJN0MEVSIzQSckWPIrDnM2pg1BCC915K9V0UkcPhYIQuBESYUppTESNQLaUcxnGeZ+c559wGFaUUIBc7zyGmZY1hyYd92e3TXJIlRcfMnrktneAowYOgCE3LVo9Kiafu+TERllIA7IMm/EnoLiAqNrC4ETADmolpDUxq4gi64EwAq5pZDEgYmqVQlRnRATKSQ8RcKrEokPPenaEyiCWrGXAIIQxdXCJyNql1NG2LCgQ4urac2jszowWn0Ts0F4OL3tVMtVbnrdSxVMhVqspRvwZSDHS16bzTJj2apkNVCzFW0yKl2vGFbTKq8z4so+Uxdkw9946f394sfHzKO6ua0VArgVNDh+pA26S19WXIO6ceiarKfr+HOntSbjo0tRSg8WArb59//qOf/ezzPKd5Hl9+9ur57e39w2Smr159HmMAMwD77W9/+/rtNw9Pj9vtfBjnCi54Aqsg2Tvugnv5bENQ+z6+fPX58no1GxyKcr96+eoXq/VCcqHQTft9DE6kULhfPz6tlpvVZq1gT/tdt1iEZXQQlqXOk5/naXy6c476PqJyqqU83JXH97rfKVNFOaiMu91ht5vr3HUdsw89qzRPc2IfVbWJraSUqhY4iaEE9GbiAA0hBu8YqqSiGJaL6f7gPD1//vxx0nePX09zCnE4zPWGfGQfYyQOVzfXU8rT9rFz1AVK0/TmzZv9bv/8ZoneZQgtcE+pTDmpqvOkgM65rusO0yxgtdZWFLXAh1qYfasBW93WApyIKMKlHUELQN45UgtEFjg4GjoXPS56P89ARKigZkIIjA4ZHdeUpVYi6GLHjGZScxprWS9X2JxXgKWac0Tkaq3mKYRoQN77EB0KIJ+mWafsgGgMhEzWHFqkpYIG2zL+CD9v1pbkJ67bJ1GeEY8gtBMnEi6RMydmiJoZIRBCU9WYpv1hqrWCWXPJRkTn2Xs/z/tzefchrZ7QG21nx+r5WOp9INRfJss/FflLFWZu8BRFEMMm7MHMCmDICE2i+5irqLk9tT4AEOCRR4jM2HgjfDyv04nSJ5foMpt8kgL/TIJzf+oP//9sF/fh8Zj+fNI+14gAoNyWRNDk7bBBulC66CJDZLhdr2/WQ3QsJf/xqz/sdrC+ia5fbGedy8QuMlNJI7hetOY0lZwIQdgxe2Ra9vGLH//IRfeHL7/88utvsEgVklqRHNpxkSKGhIwABiggqqygQIYEaOa96/oYQmhCzHdv3+/HXYgREaeUxpRVAZ1XhbnkaZqKSgMLqNg8z4fDIfgOHHjyxN7HEGQIKY+pqoiiwrE3hUez9tM1VCQ+YdsQ8Vz8wWmZfG6NAsC5NeqhGJqighqqMBGgIgFbIayBwGFVEAdVVKxoP9wC7M8rvmoKAM65lPI0HVzo1qtFzHE/TbXmGKMJIyKhAyPJIlIOh3Hcj+dEhogARI6dI2ZaBHVm0VsIwOiHPi6HzqRbLBbTNO3HaZqmVESONz093b9erlfBW+2oqqRURKsCZKkp17lUMSV0rZFcVReGDpxhCcQu+CFCcKwq8zzWgrXWUiRLBY8mNXrcIwKiERoYsecgjXUz51mrLQL1zhAteO6i84Q//vzlFz9+tVzF3fT47Ob5i9sX8zirWozhxecvy5x8iIDw7v3909Puu7dv5mqq2A3D9dV1SmW/3/eerhbxL3/5k+c36y8+f7W6Xt3t9ruyu331+V/8zc9LAnTOBfv8533Tf5E0j+N+dXXbbp45ZyIKQwdE6bDnOnaRVOywu59N4s21FXx6uMuH0caD19oxmaSSUsr7CgmxzVA+UJic88Fza6XM8zyOo2gJwTXVUMcECAUJTBAqHAnupDUZFIBKBJ5d9HFKpRaYoc6l9i4u+p6Qr6+GaeLDuk8pobjdYUrzodYcF4ttzvsMPvbbuztye0T2oTMzUQ3diUPW2p5QT2J++Enn9jysUlUj/IC7w2NzZbMYpOYhcMTeO7perxoQaY6uAJQKiqAIZGSESOxjlyCJFrJGCKFai1ZpTVHPXkTUKkDofMDeNI0AUCWbmfceGStgKQkJUBFAAIxOIxdE9IxopOoAAJAICRg8NwTkuStoZyiJgRhYm7eRgR5TFNqZb3ASPGuIycu6ogk1N0Vl5yMiUgsUzVhUP/WI/RBbLio/+Bhoc5nk7GNYzScp4PgTeyBqrqgEYA4UkFHlAzeZjmIHAADgToIADHTqgtqZbk/WbFmtmtZSa80G/KeyIPyLy0Fo+iDnbP/nX/r/7fZJEr5M0ec4Cxc8iuML2nrqCBoGBCQwBF0veo+yCPTiZrMIpDXPqbz99rurjWPyzVkJVMZxDJ6HGMDEas7zNHTBOQ5dz45DP9RyWC7iF198thyCWv3jN2928wTGnp1ou+nauJip2QRqzZIBjRGRkYG998MwdF0gtJLlcbdNtawX/ZynlEuqSi74GGbDlJNduPQBwJzKPGU1KlNBroooAgrkQudjZUNRk6rVgIODxtgzFFAAa4sxPQH8zjMtM8MjWszoBNwCPNaLrhm+EzWqL6IE572jELznzjkCtUqKFhpgqou+zoxoMQQQ0ZxUauhiXPSpZOewIWSl5pSrA2XvmTmEYKrj4TDP82G3S+PonCcjIGdgQKYVxMBEyWdPGp0PDgkksAZP5NyLZ9d3jzSnyUxUaxUFI1Q6pLE9RDWXZifuvI/eF0FmpKadjgjGyOQZIgFZjSEwQUDuOr8bD5ZlSsWMmtGxqRJwiI7c8u5wfP7FBMDIMbRbgLnkSdiBIwSN0T+7vuqi//EXVyG6eTo4pBfPXhLwm3d3N7efo3OwWsP89P7Nd3/8+pvXr18vN8tXn//od/N3c9IYh816aYqrPgwd3676H3/+YrOO3eCnkieRuLnpbp7vhWoRGQ/scNF3IXiQigaDc69CnA6Hp6cnEQHC/Xbb970jzJrIWYg8H6xMs+x31bHuRsgzlwQmTBGtVslA5ofgCwNArk3hyBwHYozRt/q+qgAZIzcUtKp4QgB0YNVEss5lzGkshlOpBEFRHx8fx3FcLtZV87v32ynkt+8fV4tSa40eJCXIqWea8qzVz/Nc1QPTPul+HL3Pm86nXH0qy2WMEQ7TnHONve7HQ0qpJbmjAjMiIkbXM3sEqqdmewsgrTiAUzVzogyBR6i1EBo5cKCBAJnMdLXoUq0HqGKqxi3h1Jo3y5VHmGepuZhW713wjAa1JERUJKtiVbgz58nA1UNVqKXUWgUNjmlGJTifrTpV0SZ9oUhgZlIyAjiCiiBSFaBpGRLiUcPT1C40fM+ICj7rsLTx3tEU6ZwFP2zM3GJFi6ut+3qUc0JUVVQUaRJLxxE5Xgz54GKHnxQziKhALSiZmShIk+wGFEM1bBI6CEfql4GF4NqqpIEnyYxcQLMyzwDQVLEuj5/x1Cy9mPYagEptbtJcjR2ayZEzE35gvgY/lAL/TDkIAEcy6XkhcL63/sx7fnC7LKsv1xSfNF0/KRbP6Pnz4WpD5pOdhOkgEDmwPjpn2gV/vVqxpsPTLnr0CJvNphgVcJ3jYrXIRAaeGTSJlDzTZrNShX6xnOYUQvA2Pj2+v71Z/eiLV0ZqZn/48jswLGpGYEdfEWzjACRXayKFRjb0RGYUQuj7nohyKbvtfrvdOueA6DDvQ+ikVh9CRU451yreR0UVEe+744KDCdnP41SshthLzaGL3nvvPaaq2pJf42DAWaj22JEwtbNBCdoJKv3pl2WnmUS7gkeFPAFB8Uz9MAx9rLUM/RAc5Zy5Yowx5zyOo0djkxBcWMSSs5ZMkoe4ur6+zjmXIlWqYV11FJhEEvEQgusCqZZ5mqdp0pqjA2al5uDK3o69XAQAK5mJOofBcc21prkwAcBuu03jBNCclt2cqxoyc9TkzETURIm99ybI7DpgU9QKGYsqmHOhseK6PEtJw3rBLM7RYrncHmbNUgxMWcwEAZmRnGEVqEeZJbXGwya0CmYqgV3Lf8tlBwU36+GLz19sVsuun6dppwg+OhUDY6LQdwtwHey2paYvv/zy73/72xcvXq6vN//23/5bb7+V3/zm/ulpu912Pji0ZRfWq17qYbudKFJ/ffPi8y+e/fSXtLm+e3harr2IgCoQVTEE4m4AMGcwMPeLpUg9HA53d3er1eLm+XPXhXkcyfEwdNt5enp87JlJbRm6Qym1ZhArBhVMnSNmhNJaZETNTNChY3QeRZvigfeMAESQp/mw362GcOZ8NjMwAyFm3wWoXgwdUd8vkDxRSTPcz2/vHx/HcRxCtOCtZCmVrf1riEcAdEndpN7HdZWRmWPsXeyKzI12rQKHw5RzPk+n7ETLY24IqVLkg5rXZXihD2MkAoB52pec0ZQQappzmrxnMIvBiQhaQTMmNCCrCqKaaxc907Dfb2sunjnE4LAxgRUAqgmiMTPiERHd8q5DqUflGj4CSS5FsppsHiJaE/ByqpqKqNS21oejL+BHQMLWUwUAvCRF6LEavBQxOStVNwFFNSsqYnpRILsWdpmZgc2Mkbz3KR1OC+sfSBvnlumHKO0YTiiY4zASABqY5VSdX2JcFQjMav1wXucqE45d0A91EWJbLSgAKYjphxoXEUXFVJSaogkQMrPpx2+/PJF/eTkI54rwf/Vy8Ac3vNh+sJLFRixFbPaPTODbPyRszQqQLrImQJUhDpv1AigMXSeuO0y1WCHnTWpJM0CFkjLK1fJ2nmcyOBwOvus/f7l5ur//rg8vX93+67/6y3EcD/vpaZe32ypVFclOFBMEInJVFZQcGDMaIjKdlHfscJgenh7nnBfDEtmlKuvrwaadIYvanGtRIR9Aa55TC9PMHELsum53KFIEKBAjew8GRtxGHsBwqU92ukQABGiK51UwnPsYAMcHwOh0UfH0kxIQMyMpIGBF50M/dMvl3ds3/QKNfYWi4EJ0jphScZad5Y7Jh5CpjrVUqAvWV1cLkW63271/eOQiq8CRbL8fDbxjdExFi9aD1skzuuimaWQnnWcf0AhFMVdVVazqg4veB3ZV5zrXGSYAeJffK5hjDou+ivlcTMHH4Cfru65UMGDimMSy5FP0aI9pNgGDZrrAxFBKCSEQVo7Ur652j9uilqupWK0qioTAVUvNh3kkcgYmKia1mjE1w82aSD3YMAxXV0tIvF73L58/u96st3f/S6pluVxWke12/Hzz/NltZN8Pi/V3X/9RjXaH7fX11b/527/9wx/+EGL3H/7DfxDR//nX/8mqoLdhEZ7drF+9vHn54qpK2lxdLZ/dZtcng55CWFxhkRBBSp3Gfc25j77vAhLGJW0f36vKMPTOuSetKaVpv49dl3Y7EyEfpNrD27vBu6vl4vb2Wa01Sy0GYJgNCxATY51M0TnmEJg8siN0SCSqgYh9bHlCcnoaD+/fvus+W4FnOHWMWvUPvquAd48PU/Hkbxlwv98f9sUzxX5RSsGUO+dB6zzNqBYcRabg6FRSOCUXF5ubl5/vvv4H3/XDauldmDmzD1zFEEouR8Bhk2tXRSZVdWgiVosWVRU6R5XLIPMhoCFKFTSI3qPZYRpFSgyEhCJFJUkpqOo5NjVgFRj326urq27otaZpUkZzCIS2WS9zzjlVQUIGx4gGJc2eyYXoAUVhrhMIGgGRS6UheWqjuzEelaH6jr33gMTMnHIREwBvOKXyAfL6MYL0fEYAjVinx6Lw/NeLGNs+Rc2kNvnhI2ygzWKPdN7GczaotV5m2B+sqM7F4uWfztHpXEGdUUvnYz59dx9eCReOfqpKQEAKRGdxGTPDI7FOTEFb3QnH+Kan9rIhe0dAwsr1Q5//UzYz/MtSYNvc5cC5xV+RU1l0moier1E7HbqQ4T63j4/+Bif/1fO9eFZuO1/WH/z9xXZe5YkZEHL0vmdEq0N0t5vN/vEBah66UEtxSE/7/U2/ZOdzzeOcEJERVXXO8zo47/12uzWzYrtnz54Nq3XO2xgjqL5+/frZi9t//dd/leb63/+f/m8IXR/8XCCXqkBd1zuHJdfOh1wSeI7sa62M4GLXxT7nnHM+HEbHvqpZznHoX799B7xaLNeHx6fDYfLDcsxpHPdX69VyuWwILh87JFdUQze4GLeP9y6XEDsiMkLvvTFPcwXHp2/9OBdpS8ju5KclZyyoOzeCDD8gqo/LqKIupdp8gxFNFOt2vxuTCbx/2DERoqHabpyRDEOMVjdD0JqwmpOy6dz1y5uXr56/erYmoj+k3fKz6/u7x9DFx8dtgZRw1lLVSXTQXfVjkP/mv/67eZ7HNKdUvvzqa9NxvbpKogvwc05x7mqp424abofnV7f7/V5F+r5/etzO84zOb65ulutNcDJOqUxlwaFMwjEG9nFYRuBUt12/3O5Hx5TGh+kwrRfr1XLRbtSaat/3hynd3iw2tytzgfvlPh24X06HecyzKpAKZFPNAjjtn3wMIoYAXRdVVWsZhgElff7Z55v14v37N1znL15cd13IZQYmH50B5SoPD4ef/Gz47Jefv/v6u6++/mZzfTungmg/+tGPnj17dnP97Gm3d+z+i//i3/z2t/+Qc56mw+PD7l//q5//b/7d37799qvrq1uOYTtO4XrZDUsIMXKnjw8gyC4s11doIlJLySpFa1muNprT9umh5tz3fSnpzetvr14+F3TL9erhzZurZy/ef/f24XH//Ob5H797Myy6IuScrybJOCyGp6enRVHnPDpnisZ0rk5c8EikKlJKqy1CCEPXl1JKSUZ1WHbr6+VUEx92SrSbZTGsILGgix04TmQavYPMziGjqmqtSCpmCkbr9fowz977giwGT9sxrFb3272kTOxSLiEOMfaPT7sqR6yjGDJzK/vIEZMnIqIKACpH7RE9GR30fe+Yosfg2DEASK0VVHsMivlxu19Ez8yOMQS/3267rluvFjnnh93sOhdcFEFgUjErOcTlq9vnh3F3OOzyOPnOq1ZErJJznr2PZlZqIqK+730MUyrMPPT9YSoiEnqHTDkfneyayu5Rgs1xnqdnL14ycynFEPOUDQm0AjIcbdlbSFRQCN1RWgw+tIKadBvZEY+jlzQKpkBE2nqhKkgMgCLSPDD4SDMnZm5Sq7UWO41vzqxxAGhOfKWU8+qn5bOqcokU/SB+hXASw4KGWWrZgfV4Up8UbY1xZKcFVgtoKoJgItWQHPkKmqsAc4yxNsAOQqsRa62gZiYKn8J8LpPiJyskAGhSHufkBafE9xFY5rzHy+x6uRa4TF0/uEy4LE7hovN5eSjf3+cnGwJwW3YhOCaPwARU66JbrJYD1bw7HCrZIgYiSqL3253hdEhaxYjQrGqtgfmEBWBynlwQwDmVQMILzz4SkZSKBKtF9+rls3fvDnPKDhx3Xg2lZCLnPEtFQ1bDWrSZAAz90vv4/vFxnpNUU0BSVCZAYh+MQxYxZGKXa1EBIici0zRJnlKpyJplzkU845iyIZ210BEaPubY/UcDAGr3miG0f3rS+jnBiY+XlJmbVvUJNnZUwqvkPDOyAzKpRWsTlIMu9rXWlDLaSZVDzczIRk+EjrTmGPF6dfX89na1Xui8ReYXV4OLYd17HwLWmSQ+MiLqZy82j3fvTevnzzcvni1+/tO/qapff/vdYff+3f1DnsCIXeii0/X6Ks+JCKwaMS8XCzJwzoVnYfu0n3PKc9rqkxogchcj1WpNdbFozSKI02EaD2V/mMh5rTL4uIjeAVipxCBSzRGg5lrnXAldFlDkWrUqKYaCYrVUmask1Rp8ZJPmtxeCBwCC0Hfh/evHx8ftOvDQ95AtpWSit7fPfv3m14vVOoleP3v12Rc/5bB4evP08Li/enabS318vCei1XoRQlCh1ZKnx8N6tfjZz3/y93//9z6EF69eXt1cp5w5Rhc7ZFfF0mGCp12krrb/RhQRwqPrmSkgELMHgFRkHMc0TcERmOScD3PxLlaxfliPj4/D+vqbh6dvXr8zlSSwnzKpCEIqRXyYBW9iJ2C1KBACKyOpaSlCjoFQi+acSSV4v+gHfv48VfTeG3pyPhUd55wycAxFkhqZYaklTVLyZHYkZqgIgBWoaMqmjgAMiB05IFRGXxWqVRlnNQhiRFTFpnme59x03sdxTqXAMcYdh7gVKiKqmBlKNVFtTcgGbjrVKKaKikBkAAZmSdUES9XM1VSK1ForgDJjdG656Kc0Vy152msFQogxEmAtGYE9U/ShStZSd49PDWUaPQNonqaWYMwFEwVVa4Q8MhAgA0dcUM6VEzeFGWI2RUJHaI49owqAqYpcuLWc4moDZMpRr+QyPDa6FF1EAGx+viduScN/Qcl6GiJi69Yeo3ZD5v+J8IsIAHIxgr1sgVJTCG5onjN3wwAJ4YMIeBtmIpy0+vDky30qloRPVVaTUUZCRlICZ6KIagqoDexjiHJKvdi+1KZAbmqGePHtX+avP5VcPslHTamKGtn+siz78/tCRLOPdvf9Hy4z5fny/cs3E0NGIvJITBqQHaFH8CEG78BESiKwruuCdzmnYnh43GVFJceuMwMRbW1NdOi97/roXBDgopDHOQQNPQBgrXUcxxDCZr381S9+cn/3a5PseOGD28+plkIcnPMCgOyqylyKd3HoF103qMJue0hzASAm3whu5IMHBxhyEUNywc9zUTPvvarWWpuiI3s3TWLI5lwpAmCoTb33qDpmeIIOncBmCoaNMUOo9cSa+CFiKZy6EHJauCVT8d45AgBTVBMzbG41WgVQow+xj8E5VS0ll8PTEDvRkqaRAjlao5Vp98hMeU7DMEiaPMqyd4HkZt2X6p62D3nsp8PDsu8XHf7hH//TvHv/s5/97Hbd/dUvfrRadvtDOqS8XsWhX8o2J3Z5Hg+Hg9YydIGYVep6sdBSQWuVKskMue/d0Pf5cUdIaFZrZVVgSCmN05ZdYORF573vhj5KzkVz9N537D1HBrQqJSXmaqpI+znNqabUDHCyWmaHXRduV6tapYo1t8jjza+GBuNuf1iEYb0QnPbb3Tzn5XL5k1/9KoTu2+/er69fPHv5k/uH7TglAb9aX98/3RvC5nq9Xq9LKWChC90kj+vV4i//4uf/8T/+v7vF1c9/+Yvbl68OVbnvOUZzTqaac52nCboZfIymTde+rf8RTniHKkcXTmA00yqgVUstUx7WK63CLqRcV9c39vXXd7td9MF8ymqQJFuZc04C45xmBkUQA2Ll2LUqxFAWw4rREloaoZQitTQbZ/ZdWPSIqCBTlsNY5qLesVlsBHYRs1odaReJkG2nVqWYJDAw55CMkYlBUY2wWagBiBSYEVRYhNmL2H6aSykNYZ+mqcHfWlfv8j4Xaf5roNqMiE8sNFVFUIWWCMUEyUB1LoAGU1FEdGilNqdMNRPv47CI/RimuVYVB0AuOKAiNc+VoPPeYR9T0qpS8kxEIXRhGFQh52yKzJy1mjlVBTWAYzaCYw/wDJIQAt9A1FaTITGaEXrHCuYIDJGQFPAcM+1EEzxno3aaJ7dpOPd+Wgo8txzbRx/92YXs5JTUZpx2idj409niXL21d51R/XTRSD1/KX8+np8xIkTAiMzo2QG4eTwgIgATk2NziGagCB6cmZV2PRGByQzEtKEYQc0QUKnxyVTlCKw5LTg+ObwfyC+n7Ha8VidolTu/DX+oF/z9C/SDKfPyvZfl4Lki/OSNlwf06aGrErAjZMSA6BmZgBHWQ6+lbh8ePepqtXr14lkt6eHhQV0/lTIVCdEDo4g5wxA6qJNzLnRd3w8KVKrmLFlkgZqyzUnGqahWAIjB3Vxtes/Ys+97Ud7tZ5XMRiVlQ++ZAa0ckYxcijzcPz0+7kspVUzg6ApjSEBo5FIqYsjsxbIhdDESCBHNpcQYHYdad8gOjHKtZGpIXvX8wDfUcLuBz5dFzAyOflWXt+P5kuacW2v0XJofr7mAVWmkQ0Jkcg7JzO7evQ/eD0MXe++ZRWTcH6Zp0nG34z2qmUKN4P1DSROhIMJ+u/vpz35sAF3XRR9iF4Zh2D4c8uTH7ZMDXXV+8FTGw5s/fgU5XT97tozudr0EtZwzipgU7z0RoMnhsBs1Mw7Bs5QaHEueVTIjE4KRORBnJZk1jwFARTRH6MhUMoIIVs8YyHtTq4cIdR3X3WIpoGrZWUUtpAUVVOs8HaZRShFEc6TR09VmcXW96hWedtuC4BxVOA1dVYZhQM2lSK1Vi4yH+enp6fFxu7q9PexnF1dXzz8H6nfjQwjLjvx+nMn5ruv6Yem9TynFEJh98OZZr642Rnbz7Pbzn/xkdfN8v78buiX6YMQ+Moe+8yEQAqJHsNN6XMAYiZgI3GGaA1MM/Wq5jA5BpaQppwlESC2EOM5PABA6v7m5zvNoSILAMVYpkqyUMk3TOE8Pnrqu6xdD1y/6YRX7ThE4eGtGyK21QKSl5HmeDvvutlNCAMgV5gpTpv0MrGLkS7VpHqdZ1KyLjGiqtfMum0pVVSjVKqoD54lqKWJYAZtmE4MhCikUNYdQTctcVIDJO6cppXMiZD6Gqtb/lzKqgoq2pCgqR0zYMWSDCJzcvRrQ2iFQFqJqvaNUJdbCTGoVATxh9B6BRamaeRcP+2KSjch8cSE6HxxBVW0S7SLivRFRBVQy5xzkoqpNRew02DNooCBtiDZwF+04M0E0MGnym57Be0+GogZgZ+uIs8MfHJmR7ZcXwd2OuQoBjiZIBA0iV0pRs1yLWQP1fAgaehF7L31+8KJveY7GdJKTtZMZxRkxdPmyT2oh+1hopoGSpGYxEwJ38jyJno/1q8MmequqhOQNlNnMKnzIvvpJlXVKwg1felmDwX8uQ59ndnYGpAKYmTt/2OWy6zLCfpqo/vT2yUX5U7XqJ/u/PHoAAEVCQGuoTSBougKABqVkQKXQyHediSqQgRNkQBIkayAuJvZO60TsfeyQfc1lmvNURA0f8qSAy/VysYjO+ZRSSmk87J8/u1INy9XNbsq7/SMW8gy76QDxmgjZGMypYprl4X6rNe+2h7ZSEkMDEMrQhtYRi5qoaRuvEnrvPXtENITWai9VFGjOKRXp2KqKKOiH79cIuJoCwklVoU1iLyfonyKb7Tg8ON4rakfefefYqlhRdi6G4D0jqIg8u9r0XbdY9J0PajKOo5UCNXfLlZQaPW/Wi/VyiA776Pou5GkUteXmap5nIL7bPj7t9mIwhDg8f3H//u2qH8o05+D+6le/HLp+GAZk935+X6fUOb/ooqTy/unNs+vnsQtIUXS2kgnFMTGBd+JdDSyGSmRiWnOebSY+6pQ231OFRFi6qDF65yCQDr0tO8PeBdc9u92kfZrn6TDN2vAh0aEiSiGtjOo8heAcg2fZDOF6Eet2X6e9AbkQmuRA8J1omfeAyKCgat577/DpafsPv/mHdD3vd/Mvf/5vbj7/+fSUgIfl5ubt+9dTqrGjIhXTmNLk4zKEkFNe9m63f9zvHoZF//Kzz1a3t9RFzAs3dMBgZh071y/j0AFCyolQzVSbUR00hBQToiemZsOM6Mgxk5XM4LiUvN9uXr4aa1kMXZoOq83yQeY0zYbSxWgmYOKRpmnUlAr49Xp9c/2sWy3YBSMUNUA67HfNCthqJSIXAqmQ9tJgxBWzoFFEB2JcEwO7cZq2T9OYZnYheq5SxnG3GK6ZKKVkZhUQjERAiY50GLBSq5kxE6MQWKrqqqpJm6g5YkQ+javMTg66x/6Vc1Lg4raH8+yltRZPlYGdWQFKkdkUJatEpFI15bJaBCIyEzALjrwPiJyLmcIE6pBa5GktE0TsgmdH+90hzxMAOA6IRoZ4FIM+dl9aoiIDVW0a3AStNmMiEi1q1Xs2QzIVM1ABQEfoiKdSUeCEGj1NK4jslA8+wogaHOkTF+G3XQhmFpFcSjVl70KMilBKgVNkIKJP1Ms+id7nouWc2D6K6q3rCQB47IW2vzUahR0pFganUQ4RgALSMXihSc1ZRIa+AwAGRUM0RVAHZmCMPrCp8ZEec45yhAbcRLLaNWjSAp/UWudc1nix398+yXR2ssJ1l4nqMnV9cn3PF+7yMn2Siu0EqIGL5HwGQH+yzz9VETokAiYgRmyihAxIAPM8e1DfeWY6HA7v3gEz9n3/ehYDMsYiCgJoIuTMHDb8iGEu9TCnccpJzIinp7EWXW6W6/XgPKqUp6en92/fPn9+a+pfvvrxmOt2+/ju/o64QjVhk6aKwmyK0zjnUco8qbRnAAFJTylbAWpVBC411arMvhnKx9gxU9d1XdeNqTrnnPB2rkhOIbenGQmJnFlBI0QAUWNqV0cMW6KEkwoKEX1wXzE7L/34A832pNBfqqiAGYmSIokAgJN6fXPliNm0pklrxlKGwENYhfVtSqnz7uZ6vey8SnUOwhDQBx6nh93h7u6uDbGQ3fLq+kc3X+ScI+JqMbz++ssyJp3z2/vHvu9jvxifdukwJbEy5gqUxjx2O7WO0JxrWseVHQfHr15eLRdunmcRmXMax1kkMxr7WFXJCTtVSzXPSPlq0y1XiyEGQuk8rDqHQB5tszCFsKcEVZIUKAiJ2ZwHWUQXyByH5aJnrLUeWGdNvIzuTkVNA6ioICKBllJzSg601sjsl30YPE5j+v3d7+ddrYX+3X/1HLrh4ZsnF5bsF4ButV6HaOWbL+d5Dn4YKnns3797+NFGt093r7/94+3t9cvPXrmuF3QUex8HsEJmzORD8Agl55oyBERVOgmHKTk0YNYYI6iMh8Nhu1MpvefWPOUyzfMent30njz6cZeQFECmeT/Nqoul5AImHpBL8SJmgdm74Jm8iKS5NvhD3/dpVFHN84xSI5FzLq5W07Jn57PWCoDoXYwhh6w4p5oT5qy1auyp76NBng7SuwCiIiLVxKAqoGIB8d6TY9SKKAbCpiQAArVKKeVY3okJHYsPRGw2GpeNpbMynEqLNo0adInCg3N8av+PsSMmrZMaCFLWkqqusD/hy5QJnPcITmoqKs33DhkYTWutVokQwC36HkT3I4CasTSb0uPnwpGDY4DHHq1qYxOYHe0wmkk7iHaLqKrBOxPzjAjMrEDMVQ0VDQAUDfA0u9JmVX4KyWZGp7HfJ4GaDMDMRacNPaPivG9gSzNrJNxTrjhms/NvLiNw284d2vPF15PKNgDgkexx/GfH4qz95zHntcX5dBib8c6ijzFGACg55ZzzPKmqgoISmpAREiECGDjnInFNKVcxQmCEk8xW+0qPJ6B0GiB8yCaXLeL/7HbOYNoEDi6T1nmP318O/GBVdy7pzrPQtt9z++68n08qmD91cJ6DI3TYnLbJkTGiQwAtCsecuh8PpaTrzWa53tTDgyJV1ZYqvHNArlRZhM6QxjSTwZxyzrUoNZeiKeWnx93QcUoueMvTnPO8XNghTzH6l5+9+u67bx8e39cqzoEAVDEGc+wAqLX4tJbWwVdTI0B2SE6QEKCokHN11Dkn9rHWMs/z1XoBYDFG9q7sJ+ccEZfd3C97K1OTD3AXK4wTIrrBzY9kCWvJlvlEkvq0/r5cEJ0dvVQOC++dc0SNfqsEiI4g5zmnXGarggje+xiCc26bzYBrkfTugVFBiydzhDWPj0+P8Z2f57Ja9Yj413/917/4i1/t77OU7V//5b/erIfx8dGjvnvz/t3rN4c5ffb5Z1PRMde52jQV1w2di6mOMiZGQKvIBljVANB1PS8X1yE4M3x4eHj99u00Tc45UZCiROY9ChYtdej52YtnWueb634RXR9wtQhOU04j2vxq86P91K0Gftg+TCJWR8YusvOLOE6FwHoHjJhVPWjAvOquAlkFcoxUTu7kIs65PO6nMalqCAsm1VJylQq4uXn+6kc/Tftpu5+vr54d5hmdL2KLrh+GoTn2PT1+N2/s6elwRWU8bN++ff38+e3VzbUhV0AKsbJzQNxs1g2kVANzYIAE7dkHEzA0JUBVNFEpaZqmlIpHpegREVSH4O4eH6Z3b/qu26USA02jrNaL/fY+zSlNMB9GBhyCz/udiEgMc0qHw5SrCh7VqsxsWCwckuaUdrv9bncQWfTdarE45JFr2O6mp6cE1KuGaQZFd/+4n9oMADHGsLlaxA4B8v4REKx5Tle10r5eIHAUkJ0ja9gQArRaa0XXK1Jzbq41NwVw9k7K2ffUzI4pEKRZxaHKCQOC9GGmQHgSIDuO6AjAXOcDJanVihjkIq4piIvoCXdN0GzqlNFCCFWyahumK6jKSbew73tkl3MGIHbOzGr9EOjQjiVR2zniMfk1eAgxNF0Y0ApAzNwRdF1XgQ1QyRcxa9juqnYZJPXDVTjG0pN6IsL5IiBfcNO6rusQs9QiVUSqHSEq7S1EREgNMGknw7vvp1U4uafBJ+3T018vi5/vh/oPv9dKjIwWY1yvV61FoVW++uMfrEqt0rhLFdAhISKycxyBAXNuF5+dI6JSSpsNA6giVISmh3k2oTpna/u4x/v9k/r+kSPipxJrfz5L/eArz5fp+5fjkwP6wcv9ycbMhECE3JhiJ2xP4FDmMaXkKLZvEIi6rpOjDaaIgAsYQmBG1ex9MJMmTlEqVLOioqaL2Ivl3WHku3o44GoZond93+9224f7/U9+/PPN6uebzUqk5CrBw6QgIopMnoxQxEiV2Y+HnTZYAzn0RsEUyICUNHhW1VKKC51q8z6yeZ67yLXqNE0FgqqOc+oWTdHtB675n7pQH1Y9p+52e3OtlQjZeUR0zjUlDjNjk8ViMQwDIczzXPNMRJ7p+fPn02E3Hva1Vuco+tBIGg8Zh26pUsfDk0laRI9G8zwzUr9YLRb9aqMhhNdv32zH8bvXb/4f/+f/kZH+D//7/50n/+7N+5v1wgG+ePEihDgs16/f3yHZplsYeQr9YZyf8mupWUU9o2MiNjMx1e3j3c3Nzc3N8xijc7jfP2lNzDYXMyjELhAXg2q2WMTPXt5O8/7Hn7989fzqatk9v1lG0v3uMc9jPCymvF4tovtO3j09Za3AtfNeHacpl5LzDJGVrfbBr/reipSclZgBPSMF3/W9qrLpu3Gc5zmnWmslFAe0WCzu9u+++GJ1dX27eyouhMVq/c0fvxaTL7/8MnQ/GVbLwO7pcX93d9eFTd/32927UtJh3L386S9C1yUzQAJiMeUWsNtDIcqO+xiAtQm58NHyu0lR0mEeTYqJMnMfY9/3KBUAFjHc1XL3+vWPfvbTPO/7Po6jWy77w+7xUSqClnkSNdYw73e1Vri+zjkfDoeo6vs+hugb+jolBGhClDlnmWePYF3/9u17JP/4MN7dHYp6wIWac354d/dgCFkyM6BBCMF5LHXU+2MNJwaqR8lgEs2lsnPUyLToGJtcevXeO+eQ2WETwCtE5L1P09weASJq9hQOP0Jq4EdQynYhzxMgaP8IUYmRHSC1ekZVS6kKllIOzhHYSRlU2yoTBRu0jRnZE/NxCjWOY4wxxEYqEIOqqikVjN0lke+IcFGlE8GsHS2cklDOE5BDRO9c15kSI7GgG+esdnRpPQNMzpWJXWx0quToFGAvV8Cq6r0PMVJO5bBPKVVr5eqHagm1YTg/8rL/JDjTyVwCEc8yPa3I/X6a+SRrXP68Xq/bRUhpzil454JjCLzsh1JKTlZrRRUAkgYSpMbWPp6L0alIg7O4qh1ti4/MmY/Yfeer8YPBE04+uJcni2f/ZDvJBJx3ccLgfxhX4klrHBkMQE0NjogtsSoCzjlkcCeUkVht4Nd2TRuT5vwFmx1VUb6fdyXsFdhcNOqqYRE1sACKNf3oalj1kMsorvAAlbbv05PRUPKMyENgdgg1IwXfL0eDDEAIiIIBnVdJaZ7naRgQcGfaGdyuVs+fra4W7FC+/vKr61XQ9OUffrdD2V1fLZ+eUrdYdu+2iMjA3sVFt/b9cj8e7p62h4MpAJMLfde7HtC3p2EbrvdPT+x838eyf//yarhZX8/j3X48fP6Lv3wcp6mo6/24H5EVWOBpvL25GfpunDJo9Y6rmakAE6GhgTNgQwDX7KBECoM6tuCEUEmFxNBcJA/AHbKWkg5PscNh4avkp3CdgZxkhuJhZpoiqEesD7t5N4Lx9eo29uskVAqS89f83kHKkoOXfr1oYXjRr1S15JkAY/SgevWTn8lh+g9/99/08nR39/C3/+WP/vD7r1785HYaZxk6jT0NgxC//OIzraWUolIAys0G+nL98PDwtN9lwxgW6sKMvEc8jPC41zd3D+yo5PH9A44j931PwlTYlPsYKE15rMtFpMO4IQhz4nEuUr99fCAQRmC0322/UrFZaooLiKRTAXEOXHRuNTgzih2pyTzrKDMnv8Lh+fNn85w6q+u+M6s+77/YDCPry5c3Nc26fdpKitF7z84zxZ88f/Fv5oT7eXuYXt8/zcb799+93u/3VhMCORfevb1LU4UXili+eZt+85vf/uSLX7y4utm//vb5Z58Pmo0YDPfzHELoF9HMxHJAUJ2AemAEdIC1FpGaiIiV0EoIPKOZ1L5fhtVS0oiIU5z98267329ld/XFi3fv3nfr9Txlt7jev36cxwmwyzX50YYvfpHnNG423c0NXt1mgGQWF2t04f7hwQQOh8m5ZV7y/V3Zw/guh/rt9OZhOIzT7iCpxoykWMaaU92+f3yqBgrCzPTNY/jNd+v1arPZ0HXvhhTnmeYEh1F0YlGnHDREqZ68olUiJAccg1vEcR9CAMIilVFWC66muRwIZ+eCIklFAHQciD0AzbM654CgzsnMQiDvHKqIJsfk2BGoWq0VHRIyRznYqAMbUjQF4KWAfvXd7tWLWxnNMcV+8I4IBHTc7XYreLmMAfoIhBUsS53rXKrEPvjOxxgB6sPD3mPtOm8yZ1nVWk0Q1JcqtSKYL9li54OLDVyiqrUqqJhZ7q2PYczJUcqHLQL0zDnVtc5zqV5Zo68W52qiqOiDFSIyxqpSpAoKnqAlCIAqoOoNmFwfuxBC7XpzblKdKhRlQ4+mqsJEhHRk0RGIiJKKaEQPgB/IEaeQ3NYfzaHWDE4oHgbIznmixk2U1mZSlUsuY7OPYHLMkObsA0fnOkQYd2XeGaMjeB7dCLrP7iCQFYwDuoDGuWa2jIhNxxxrxXlC5hWzoghIY20oYOuiA3T2saPRn0qBbQv6UY17wu6Y+wTbeQZotRLy+3XJqQvxgcZ4/mz8GHp0fuW5FP3+W76/c7QGfmqjYDNrTRAbhm5YxC4AYE2CzgUXIwNM01RrRTREdNSa7oiIIrXN0dCUCAjJefLKLX0zs3NORfb7vQe36MJf/dVfPe72h0M5HA7e+89fvjK4f3jah+hV1ZjYO3AkaMjs+45KPpL1Slbivj8a0GM1QK2lBgI/DABQa+37PvYdu0ZNdVWrqraxdkNMnS7A6etkZANsIt/WbDBr+5Pjo6cJe/QEHsEDMYbexVKMAZ3rNm7pg1WZxnE/5weMQedqJXnMi0hVZdpCDHC1XoW4HOdy2D26sAgU5zQSVY/sIjO4rguqVUVMc2CnZKhqYrWUEELf+dub9X/33/0ff//730/THKIDqYDmPTsHj3fvh2EYhs57B4ZTkWk+SC7FD6DiCGqRedzPRp6993467KfxqICNJKUkz9QFP22nUnIpUCSLFpMy7es7qZurxR3IuH8Eq1ATYaNqmQ7LeZ73+/mwTzkZGDvH7WozU5UqAuxosVjE6IdFF9WFyYsUFzn2XovmeXp8moNj79FzGIbu5nq1WA4AKiXVGFlKmfd1nqQWU1n08cXLZ9c3GxPQKuvVMh+m17ttHvfrZ88eiJrV+2q16per5XLpYzSkYkdJs/bFe++d9zULiIAhiNVaay2tg4WsIuKYmDl2nohgnlu3w7t139luOz897h33m+WN9PI2v7+9un66fvx6t18uFuPh8PzFLTPF4P+3f/fvl8tl13Xb7X673aLKPI373e6wn3KVecr39/dv377PuYjIOI5ZlkVFDUO/XAxLJe9S2s/zM+efDuNut8tl7mJU1cfHx7u7u30S59xysVgNi+VyyUTT/pBKHoYBABqNTxGYuTHb/LGJiahoaqWUopZyhtPoQZrqsFFjP9PpefHeA1jwvi3Rg2NiRFNkcMjE4JxjJvgI5dgs+KypMgG1Jb4RUXDeXblhGHRc7KdRTLrYD8GPOcFsqHm7e6ySab323g9d1y7Odrv1y6uTgMvp4SUloJyzArXOMxEyMxoDgMg0z4lx34VjXdhCBDN7j+BIOZA5QSVFZE9FWkHZkDMGx+EhQLOkIQA7WgWInCnwlzUiXPTn8KQsTSdRFDmluHNxCacxGfwQKa65AR1BnkQNvEpNB/x74BJs4F0ztYamQaOjOlqVamfZPEQlAjOgjz70k+7lMcXARynGPv64T34+n/WHPfwJBoi7rMnwBJll5mYU/v2MhRfgoh+8gp/kwsZYhI/AjR9Vpp8cLgOpERydppRAARTAum7oOuc9pEIgqEa1QBItJZlZYNfSDGNbotR5HoWPXxQjMLNp1So+MKoEDtF3YDgfpgO46Mh7f3t1G2N+3OcxZR9c38dxTh5CKhnQYYiCMJZUtFIXvCycWRMBUiZhVufM+8PjtvMu11RK2Qxhveh6zyG49Xo91YqmXYjbqaBpDA5UnaPT9REzAzJqjogfRn3a0jwAIEEIwTEyAxM6Z4GpY+8opnF2HKPzMfrYkfMwJxBdwL6gTR5tdRU2i82io0AAJsth0cVlqfb2frvfV2RzHrxnJdd1HjEQUd9HMKu1es+H7W7TuRN9MwNASmn38C786ub6eviH/+U/bXc7Ylkvg3dqOgMW72y5DMMwoOk0xXHyksvIw831ptaaU93vp8NuFBEm2NxcL/rYApNjGKd9zplQ+j4wQ0pJJAfvF7c3zAioMXhPzEgAxCEET9EzovFqc+BglaFyIFPBWqGmnAyx3SeETA3MpuNu32+u+2WM0YcQPAcJFqNDgJSmyEQGw0Cbq+H6ZiUlPzzMAxdIO5n2kW0IHByEMCyXy+kwzuNUU2YQkBnrnA73k9P9fm+IMcYQQtd1TYBJwZg5Oo9EbRjGXQSAnDOgGFIbz8hRoZHkiETQ2PnAC2aep8M8z87RtJPoVr1P064+2m6z2Qzdog97cHHo+vGwd0y7p/uf/eQLMws+3PTkWaGMdf+we3+viFXw/f3jr3/zDz4M2+3+/nG3WK43m+vt/rBNh9VqCEyhG4b1dRyGWZGedrrbP/9scxjHu4f7h4c7M4vRi0gpdZomIlIRVIs+tIyFJ4mvkmvOuSkoIZGqMpiCOWLvvRYwLdgyXnO1VajVABBBVEEVENFqbeGOmgKXipTsuw5UBSsBgidG19iW3kU6GpW3UsUAFAxSSmyMQIKmUqCLXXAhrCdBnK2WWY09c3AwYrVapORxL85R1w3eexGpRWtRrLWe9M7sBNIhglyqEYEeKw4CJAcAwMhSayrZM8bQDX0UkXnKUqpzDtEpejDywChmBCiGRzlubanwmM8QAZpxuaGBnSxwM9I5211G6UsM42XgPevYndPkucX6/fiMeDQmv/glmRkzN7rL9wsnNRRDBRTDquDIAJ0RFpWWQZ03M1IDATTVs6uSnGSWLz8OCPFjyCteJJdzEvkk1cFFIj9fmcvN7AjRwMuXXr7z+3s/J84/VSx+skPiD6iZy17rJyuR8w8ETNZuVwFQAHGsnil2LkT2DD44IQCO41Qfdvvm8uwDe3aOEEBFdJZitVl6mkpVMtPWsq8eXdUCZp5DYDTJWs0U7+8fY+wdh0XXT5OBjgjaBUY35BGaFkKVup8nVY3dUNBc14WG5hCZVedxhHGctvurVy9Z827cdn54dn3t2BB0tVptv3tda3We5FAIcNH31YB8Mx5pM97T7QhkVgAQiJGAEJmYCIjI++hIEU2kFBNSYgVgDiFsVhtPfk777Xafy0EtOw+/fLUap8MQw0+/eHl7tTTNkfFqtXbOPdxv92NeLV/NGe4fD/vDxOxTmahoa44gKzEQWmTy63i1Wnd9aBMUIvrDH37/z7/9dda3qvrw+Pb16zfe62rZN4hbd71YLvv1qlsseu8ZcWMgiPgwNbAPS5bHh+3bt++3260UWS3Der0cYhei856328eHx3tV7YdFkz6Yc1osFs9evliv10Qwj4f1ZlguOkdIWjxjKwC2Yqtl2WzSNOZpLPvdtNtN05icY+87Yqg1G1TnnPMEoId5h4zsuEpJ0yQiwfmhi0hsKjWXqrXqgOCrTOP0AMXN27c2bzfrjce16yMgeR+naVoulzXM2/u7tH9YBYB593b3/m5XjuIafBwQ5FKqmo+xGdTlnFQ1dsED5GlW4hPm4vjcAkCjgjVJDiKskg+HQynJe/90P7948eJ6/WqaDmUuWzvwdRjCkPKkIjnnx/v347hPaVosejB9+O5rFzwibx93h+3OhwF99N7/q3/1N//+7/5bpfB/+b/+D//jf/zN775773149uNfeR+dc7EbOPaCVOdSTY2wimyur7qhJ6LHx3tAXiy6xWKRlFNKaS47O9QojETI3rMYiGhKpZRqiG0F2R6HVu6w44BIlRAreXcYJwBUMAI1PJvkCBEfl4xNDrih+B0xWQvSwbP3zjM3bp9nBGA0RWA64vmNjEopldAxihYtbRrXRe+JqR+CYs5pBBT0zjHUMq8W3TznNM3HcQ8673UYlgkAQBuRHhqhGAyA0TUfNzuSKwBa93CIrKAAaMjIROyx8dZTRnTHVGeApgCoqnjMCi3qGjVagqqZ8Akt1MJnExpoaKOGLimlnLt97Zm1k5qanZQ3zr09vfBdOBczn4R6+952guki4g9kBDOrZmDAtfmhEiMyKSKXBlZGbbVyMbNTf7WlwDPsRQH4nFAuqNWKYAbugjZzTj3nZcGf2c6n1t7VOnN0boR+clG+/37VermL9h2c0l7LZwagbVjd/IUv0+efyZ3HRGhthUCIQKDMlRmdV+LqfPDO+RrNR6B+N4/7fUaKjtEROzqlEKxWK4IxGjMCOkLznhlRPYOallpn0FKp7widmWkRinH7tKtKLi6cY0BtWvXEiwxqYLOUqjaVbEhksM+5Z1+RatVciymISJY69D1BdaCrRVwtB2IgxL4fSk3juC9ZgIKJOs+hC3Mu7ogbbi1hJIKTQVfzJRYDAzUgQ2KkJvdXBQQtMVYhVPaea+CYY57LuN09Agix9IO/ud3cuvnVZrNadjebftUzU+cYA+s87x2VzTL6fnGYNadp3M/TvLu97vq+bw9nP3RmVkpxjtfrzWKxmEt+fLx3zq3XC8f2/t13f/23P0op/eqXP/3dP/+jY+g7l3NdLpelFKaqlkslQHaenXPO8aBNJauwp9Uqal4EkpyzykwWzAAsBNdtVh3j2kwO28l7GvoAKI4helr0wXvuAm/WQ99FyWk8jGnK3jEzP46pSeeYgAmAGSMF71fLZQgB0UpJgLLZrJ49v1kuh3eP71wDAlRpajuSSy2JgGvSg8icp6ctepdTmp627xZdnB6GeXe3XvVdDMgun4y0oJYQAiN4h8EY0i7vd3OJoYux7733LgbyzmpFxFIKKjGzlioiWiqyI6JcZkMAIyJi9kfZXkDiI19Na0UrpSYzCSGoAVYcfLfqFuN02O+3aT82ExdUXS+H9+/fMvM8j8+e3ZSaHx/uvPc+DFoKI5pZyXWay93j+P/8n/7Td+8ff/0P/1QF+qsXYvA0iS8TOU9zTvVhnNN+nMecq9o4ff3ixYtuMTBzCB2iGVBDNyCigBURJ1WRmvpLawJTW83hsZWXc06KiEiOAx3jDxF15BJlQ2qmY0zsQrPw5eh8rVW0AIAjZEeO2HNolF1m7IL3ntGglFRKcY2V3PIfOARhJGrcCm7VTyBQQBLR2Uogd3W9jAPd3d3lclgNmzWGecQ+uloSqEipCkjk2JMLlhXJMamhGVY0q2aoIIhkx56lmTX/dQWARmMAI1XLuTpKbf7RRnJKTgXMBNAQsDlxKBiYKZgBIOCRamj2oTw6hVY9MUwAIOfcfjhH+MtS5ByQz/qi5/9t21lN+pwRTiHbzknUzM4VKsAP5E5ErAYgkI4AWjIhM1PX6CUGRi2Vc9PXAqgATTbkSEC4ENMx/EAj0dPP389Zlwd8mRqP+QV/uJBzl9n+Mhd+v0A8vvKI2TlSRc4votNBEKKdgLaEeBKks9OvzwdxiXNFRAJQRGRFBaA2ySN0DCGAD1DLQdUrgojkYsq1VKjqCICZWi2IBk1hVAhzLuA8o0dWz+Sca499miqJmWpJNaUSGaTaPNdhoAZWKqU8bXeP93dV0mo1POaqqtXUcjE80miqigJlFUg2pWxmoYvsuiDy/Goz7nYq5fnN9bLvx/3OO1qvl4+PjzlnEahaESE69u5oW09E0Hx0GUjJ0ExaO9SON4UpNpUKo5IBSRAKWRJUZGIFNNos1gR6/3S/222vb1brzXKx9M+e3aymP3722YvVoit59lxfvXjGBI+Pj13E6+sXc9Vvvn3/3duHqWg/OB/oixfPFosFeeeci9GnlPbjAQBUUi6otXrGEL0PSKyA9dmz29fffLtZLaLj6LwjTLUw2JxTRZgRJCfjtiRCIiK3mqYpzwUAEMhMho772I3j2EXqghGWmmWept3TXcl5GlOMHTKB1XnK797qeHhi5qurK5D8hHbYPu13DyYlOO+DexirKpRcUyppllJUqgFQzWW1Wl1dra+fP+86Pyy69Xq5XC5/+pc/ayalXdfdXF0Fx3fv377++o9f/f7380QGKU2CeNPkAAEAAElEQVTVoIzjPpdZrSw4Wh4PT/eH1drCEHyP3qGPwzq8/fabANZ1w3qxHB/eH/ZPgZCZF+vVYrVk78gdxdOBWETAPij3p2n27ILzJc8GQGTMzerx6M7e95EA0ywiBQFDCGQaosee53mUWq6urrrgD6aH/TbnmR05xuvr66enBxGZ56xICuzCoEQVfSUoIPNctofDN28fivL99PXru6fv3j/OBYaF9ItljP1h3FfdT2N62h+2u8M4J0MiZkSuppvNpu/7V69eIeLhcNhuH7/44ovtdrt7fCopT9PESNGHZlvtnGuJUFWPqrlMYparUM4AIFpz87+NIXpftWE6kZijZ0NGFEJjUgREMERl0+hDsxXzzJ7Je2Yi1aoExkgnY05GIEQGRygIDkFVtQo5RuJAnqpoTUkohc55T86hmng2z7wYvEhuIpuopoaGZGYpq/mGqyQ8LQK0ubE3nvExdzRGOQEqAAEy8FG0pdbKeBx5Ou8FnRRFUWylaxu/qQoYAxodywsz05bfL7CzCoYIKkfng1JKqwKPTaaT4Ocn5Q1+jPk4pw36YElvH5cxH2K4mTWlx9Pa5gcqwsYXQgEQMymmZEYiR9E0s+MZkQEhHA2YTttHRV7TFrWjOQWcZFOb3M9ZGfWTivb729kB+JMa7IP7xOXZ4qkp+sm52akWvryOlynz/Mbzn9rn4qltff6Uyz1fvp6M0aSBXBjNEzoHMRCi+IDO0ZzT3cNormQN3nU9kvfsjp1fIaPm3REcBc/ROwLFo2WnoioB+Bi7wCCaphm9OKA516enXez7EOPT9rDdbqvkYej6frG/lxgjtSbDiS6ZUmJmRG5ytM6FLg7e+1qVVE1r55gJUp48c9938zzvdrs27pZaPDM4p1JMKjpqbvLN4MnQStOJR7Cmuk3QKvcGYkqzojU0LDIaNe0xk7/4i19GFx2R1MRkOR3AeF51f/X8aojAIOhx6JxjRMQQAnZOAR+3T9+8/u7bN++d75dXN6vlopQ0z4gJgSmlUKTO80wOSym7afTehy6yd+OUiP1PfvHLPsTHx6fXr1/HGJvROxOZAChK0RlyzlnAkMB57zwFnWoa85xPdwuSARMFZ4FVJY+HUUSm/WG7e6y1Og5SAJTQQEUOO8nzRI61FmIE0ZwmLZkJpNRpgkPCUkrOVcRMURVFVCTXmmvNxNoPEcAfDofD4eD9+/d//9RuvNViePXi5dV6uX18ePPN1+vNuutdP/haNqiiUpBss7ladj44qiWN8xzDgvseqCMXmB3FJ0arJXOI/WLIh60j7frF5vpqsVqSc+3pKFIRsOHxCJAQS867UkDUeXKODImZnWPvPB5dC8QH157xUoqjY5ScpikQqtbDuAecGSGnHRGUNOeCi8VivV4/f/7yn3//paAbp8LkSnd9OEzjLu/2h/0hCbqp6DZBv1p99fWbdw9bDov1sicX5ip3j+83191+Ttv9fr/fp1KRiR0TOvJunmdVZcBlP3jvc87ex9Vqpao1Za0ipQAYeEBmaMUHIonURgMkdM6plGqaRSHnVpKT94zk2QHUioZ2rAnw6J9cycwREQNYAVBPFj05QGL1TAyitagqtzILFAwQjbDxK44IFs9sajlX8+ycA6NUyuEwR0pFsnMUO2Z2TGpm6+Xw8LQLjpUw55yVXXAGrlQwb60wIyIkQiZGAKRqFZBPHTM9BcjGetdGLCFEAGpK+c557z0CY86glYwUgQycZ1VEPfXJmcxM9EOsbtWZIZKBKZ/zxzkFnuI2nuO5XZANqtTLSP5RDjvF6o+SCn7Y4FRuttj7/SyIiMgOEauKtd6nCYBXVYfN8KwldAFAAG2ICFNUgWoAgIQEQNZ8+QzF0NrI+FSRfeRBdXHYp5nCpzPCT35zvlAfEqGeBB3O53a+Cp9kvssPPi8x/mQG/iEAz+X2ydsJUIAIlBEJjBgcIztYrob1eumYAfRwmJXN99d9v2BQ5xyC5pxBmiuHaM3Xm6u+C9Gz1ipaUE1VRCoTD11cDpFISikMqo5UcJyzAskh7Q6HGOPnn38+5bJ92i/iQoRnoHmea1N8LTKnDMgAbGZk4FtzBkhredw9LLp+6P20308mv/j5T6+u1t9++20q2blQQTRXIodISaTWCo4NyOj8tbSVjwAAHK13sfmCes+endVCUBEIgNiOaCAwSdNhed1v1sunp8gMBHUxhM8/e/HiJr958ybn/Oz2tqj97qs/ikg/LKcpvX5/f3e/nbJwiLNUGXfG1LlOc8k5i0jsO+ccMMduoFAenp7GXJbMh5RTyWG5/Nt/9+9vf/bz7jf/9Jtf//bZzfNSqlVYxNUQl2ksIlBFDASIukWM3aIfohXp++i9b+ToaZpSKaB2dXXlPY77/e7pkZmHRffs+c+Wy+Xv//kPVcVMkInZETWluDhOB0QkU0KMMbLDPE/jOIJbA5D3cTF0Xdcj8jSmaZoWi8XT09P79+9znvu+MzNi6Pteuq4fIrM7jPXtu/tSKqMt11cxsvd+sVg4hFLyuN8mH7tBO0wcOvIBmTn2cdgkdALex7h+8VkH8nq3FXK3Lz9D0MPT42q1vrq+XqxXSI69J8et6RljbJw5EChzOqRZRbouLK8Xdvy6/dEkT1VEpqkwwTiO037vGUHyYb+f0/RyGWIfi0gqD3mec87r9XpgvxvH9Xq5P0zPXuI//PPXHFZzdv1i+PU3+7dv37999+7paVvE1lfXXb88ZNw/Jb+4+i9/9q/I+f/467//8o9/7LquX6ymUsc5TXMGdpvr5WLROsz47TevD4ftTiSN036/77quPcJ/+PKPpkpAq9XGqpScFWCec9/3aAhAqlAbyx4RgQ2Ojq6VjsUNM0fvraoikbVJWTUVAzUpDfgWowuOqphJjZ6G6CqbIyBAtYpSCZAcMfOUCiICIJoSUktZCDgMQ61FSgUgJIfkRPOcszmZnh6HoXt2czV0sUqpta6W/TiORJgqppTmSj0P4AK5WFQNGQgNmUia4jUweUBrPvOooEfTXTIoVWstJgpdUI9OGE1TSosQ8WhLK6pVrRnBm/cs0tCUQOxbZK6mzVdJVeXIXEQwQPiA/z+L1J1z3jnG2sVGesyacBpIt+0MovkkC9hlJjwlkstq7NPgz85MqU2FFQioiiKyMSAgNi22U1EooIogYAIX5Ske2Zn6CWcfQc3CybXjk67vR8XY9xLh5cEfE2FbY6pqCKH1lFvIOGO9zqd0fL9+WEHYKcubGXp/XIM04duGdEaQo340mDVV6uP+zi1Ta7ldjyJ4uUDXBd8RUo3BrQbsOlGdV6vF/f39Zr1+/uzmH3/3qJx+/LPnf/z2XddHEUGV6LgWSWlyBH0XVEoXBjQTKcERO8pFwJCBoucYXHAMqio65wKom26V/j+U/VmvJFm2JoatYQ9m5sMZYsg5s7Kqq+rWbV6SapKAGgQEAfoXEvQf+dB6EQQCJNUiJTTZo5q3bw1ZWZmVmTGdc3ywYQ9rLT1sd4+TEVnFlj0E4vhgbuZutr81fOv7shSpQM6xEzVEDCEA+AJA3iL1RSyXygaOvBhMS65VPHtJ+c30EhG991edl5InK9vV6uZ6S0T39/fM3HerRUSKEDmrVnIG5zabTedQVdOcci65lpRrVWqFI0BSVVTLlh2x54ECDF2QakwWvdMy5Tkz6dVmILCcxlcv/jwdd7VmdrDduD/87u/Lak4pPXv27H4cv/r2+77v1+vtn7/+c6qSi2mI3nOmpCljDH61utvvLuI1iOhidMEn1SVVv9qM46gcU01T0s31ky9++Ru43sR+fbV9usziXExL7SIf9ssyS6oldh06V0rt150Lw/1+LMeHVqJkwHmeuy4wcxfjNE1EtNmshqHruu758+dPnz7t+/7p7ZN//a//tRg8ffL8fr8bp8U5V2pelgUAhhhcCM7zZtXLamX26u6oIfSllGVJrV+OwNfX17XW7dW61ipSSyl93yPZOI6ibr97YIc3V9vbqwHB15KLACQzqVLzuN930d/ePPVxOh6PwYcvfvFLcHE3le2nG3VBhPv11TQt3K1f/fDnY9IPP/6iHt78+eWdlfzxbz5ZrVaA2K0GRDzJ5Zgh4nq9LikBu6e3T3548f3D3f2nn36sCuzJe+84qGqTHwshLNMx9kPTzu6vt0tadrud83x/+DMcwMxA0Tl3vRq6ziHHaro7pinnf/jt18V4dxCO9g9//Oq3D+lPf/rTPM/r9bbv+6Eut7fDanX797/97f/5//J//fWvf/3P/tk/++3vfxdCvLm5GcdxLoLkNldb7/3z588/++TTYRhyLv/Z30kp5X/6n/4/33zzLaERXsVuqLUOw8BEZpbnZSkFiRwzIzVmv6o2KkQrpQjYKrSJfFIFzxzQE+A8TjF0iGgREWsqsiyL8yGE8HQ9HPb7zuGw6g77CR1cb7oYsIA21HQGPHSIWHPJOa/6johyXpZliT5sb7bB+TZj4JwnQFHdHxdH4L1/+uyjw+F7KbqkMqe0Xg/r3peUUyrb9erl3cG57jjv54zdlVuWir4LwS0511LI+W5YCaZ5Sc3WyhRVVVSlVJECogAQfUfECpireueWOaVlnscjsou9KnCVDGCeSZA01ybS3XAKTFQEkRnaSJWd3AGBkBAIDSHGeFnSGyQ0hPDe26PeHp5dTklPkVabI+fzdkHBxyDawKPWesGVCxmn7/s2yXYSVm1Sjs4tKi2JIyZCBwBJaq1VvGM0R0xI1tSGVFSVw8kT97QEcXtWi8glezuJ4qgBnGRUL0f4GPsvOfHlwVbPG4ahdVK99wBQa3XOuRBCCCHn3KaaxnFcluWv5HmPJS7f+eB3goLTQei7ndjLn49P4PJG1SrCrOCIzUQVgu9u1yspymY1JQC+vqKkznm43q7202SqhkaAjgAYHbFn10cfnAOtAsYEjhDMB+eg+tg1jTMxQ0AGAkA/LxXRgD05UMUiJaU05+SKZ9OOSBCcKRIBCJp5YvJeXGDvsXnzNsFP24fO9yHE4FJKOS+nE8c2BcStz3Cp9c+5AkCpuuRSioiYgQEygDQrQkAkIO99CKEP4c39fdcF71jz5Ag+/PTpx88+uNne/PDnHyyvVfK68yF0sYePnt+G3v/y06u7uzvnnAIILcoR4uDWZlWhqkdCcpwSTws6Bs9hvXLOnQw8XTAXhNjQ3MqLSIE5CVDoA7mi+PW33/8MIS2mEFKecyqSpaQEANOUs9QlCQWPDPeHOQECQO8jAOVcW50n9J0n9sFtw9aRK6U8PDy8vnu4v999/fU33vvtevX06dMY+yo2TZMqNC7PervJS6o1L8uSsomUvCzf//B9t/28iFQ9aTQ2LFlyYj4xwtlhVRnnqeUhDzthghg9KOZc+8iEAJr7GPrOe3bsOw4d+8EpM9si+4dpCRh91LkIiyr5udQwrKCGvL0+PtzfHebdq/up4NMnH3RDH7pI3gGcinTkHQO3EZTgffTuUKpWqSk/3N2t6Gq13lbUeTqYtVCMxnH27HLO87yoQgjB0+a4W5eS7g6vm5VM4EBuUKwCSiBJJHR9GK4yuDHRw1gWPXz17ev/772orTdPPuQ+Tikfj/V+vkd7/eTJB//tf////B/++f/r1YsXRKS17u7vReTppx8T4Xg47na71/AqsDOTV69effTRJx988MGvf/WLzWoY52maprYk7bIyMyFqqTUXMjBVc46RrGkIqbbIuPXSpJoRIioTncwExAx0kenURRJFM7FaC4hUXvdMimAetQ/eO1wNoY++BkRQUCMihw4Ai3cllCTKjOZIHBEDWvNwt9pGFQGKiJQ6qzIX51y/vkrzWHOa5nI4jNvNsFqtbm7C6zcPU7b9WKdpOcwa9mNRVuNcxlwVAKiCqMxLmnMxRTw7s7fFzbmA1PpYJKZQVQnBTm0RIES0knJW1WKEJ9Vg80xNuhzQTAHAFM2KntVCT5rcl9wC366x76ze72RCl63vu3aPNFlXPBNK3+lkPdrP+eN+3Ie7ZEqPl3czO/n2NXVyBAUgIAEoqgKoYO607IMaqiGRIwIiU1XRk7ZLNW11iJYIIoBZa/1eWn4/vb0DLvCeRS6cxxlckw5qrI3T0GspMcYLTegdbLt8MD4arrCLxPOPKTqPke99FMRHzdu3zyKkshg5MzbTGdW2YRhWndcAgU199B8+f/LqYVrmPbPWkq2ZXTkHjEzOEXfB9TFGz1KkcUqDY89ERGDsPbMDBDNCQAJCQbw/HJv2EyAV0SXnUgSZXAHvHBFVtczSJKKqqAJ5h0BMziNTEWuTNKxhGPq+7wEgLVPOmRx775cqRbSKiYGCCRAYIoAJqDbGYvtxmckhU2NjWQv1gZsmPyKuu9gPHjRVwSe3V7/44rPrzbYseffmpaWZtGzW/fXNsFqHp0+2wyrcfvjRojaNS845A5EwJUjKik6dsXMx9tRXDFORqgg+drHryLv2g7YmjRkwMQfXD9vGFAByReSbP3//sy+/+OzzL//2N/s/ffWn6ThjaER/814pxKLCLmxutxxcKsXMpunAPAXHIYQQXQjBvEm2JjvgXIjdMM1lybnOJQp6nrfb6341vHpzLwocIjPPS8o5f/b5p1988QWavn79cpmO03GsVoutjsfjbnfIuXrvu65zjgipZBERZuxcV6os6VhKYeaiRDEi+JL1oGOaIXrnPG633bBaGWhVMiaBQN4JpaK8H9O2wyF0LfRhH+aSp3H0bWSW3H6aH8ZE/fb5x1+6EJBZVXMphoLAwMzEXdflZYEqpaTvvvvu7tVrQgST4fY6xhi6AeeZkP1mA6WUVO7v7lTK3d0DSp3nJCm9efPm7u6uHyYAcM6tenJqSVRLwUICCORTtd1UX++n6o7kyh+/u4sf/HKapn2q+zSbSPSMpUy73e+/+prRPv3ko88//eSXv/zl7v7BQKIb5nFyxIf9/u7lqzQeI+GyTF9//efntzdp3EtaHFnnnLjqmHItKRVmdsRkcHZNRbCTR21zxLuU/gGgqjACGrKQNrY5AJmd9KoBPKMhnaggANv1wCDMSGidJyJFKSriGVANHXp23nszjMSVXTrskZDA0FRKTmluQ9hqxs3+Q7HUJmFaENH1V9VcsXKcEpiASh+7vl91Xe67erd/mBcZE9B+rBYqYKkzACA5JK1muYgqIONZLVxbLdcRGKFIaXqQCq3jpSQAAK23mlKRWnvHxkENlWhFri7z2xVSTjeXqBa1xznKCQXbfPt7I9rvLNePH+dL+/an4PMn8pYLwj0qtF52/g4Zxy46A9BYnqSmrTadqzoyBRMURIT2iwNw+0Q4i3mbNYm4Cwq+RZ+2y78wJfHOib9zRpdDvWS9DgAa2T2ldBn4bbntO/B+Pue3yE/4th9bz1OuZs04z9Qas+dHOeUF8N75PS5PDZuu9Y3QkVXJoMssJSMFv4pR6zKsVvYRz+nPy/yg5NDEVBGZwJxnAhccRe89YxvLd46DY2YEBecYmRDBoNTG6ACogGQoRrmILDmVPC055UpELgZvzmPkRrYhxOCIuRoUsyooCvr2K9Kquupi40G0iMaAqoIpjHMuarlqUVBrFDJUAO98VUEgVnLGDATMSNQKt7VmqaqmtdZlWUBt6BxIAZOnt9uff/Hx8ye3D69fffW7r2qZSnZ9wPWqu92uux4dSCBIuc5LPoxTVTMIS7U6LnPOwXeGaOiRfRc8MZ8MzAhCH0MIbWTYzICwdUM36/VmfbXb7XLOqOaQpsO4e/Hi5sntL3/9qx9+eLnbHa631yBQi4phN/RjWuK6+9u/+7urJ1ffvvju5cuX99POFKVYksy5BJea+iSYVcGu69B3qw31Ym0C/fD6B+c05TrPabXaxKFH4jktz58//+zzz3/+i1/kNCtIWvqbpzfb602//eX9w5uHh4fj8diqH10XzMx7n9LMzH3fl1Iedvc55xDCvHSI6DzFyH0MXe9i9N4he2+OjrvjOI7MrEZd12WF1bAycqGL6/W6C8EzAss8Tl///g99jJ5wOu6r2c3tU7i63j59VoIjx8jUSPACSoqtl7MsiyNe5vH1i5evX73yxHcm2sUienN9S0TOsU7LOI73d7uSMhMO/dqBgdE0LQ8P+xcvXn30RQTVak0rCUUVlwIGRfnhcPzjn1+9vD8cFkv3B+BlVpeOo6ne3F5fbbZpnnb3d8fDYZqm6+vrp7fXv/j5z7br1asXP6hqysso42Z7U3PBqjeb9ZOb66fXm+lI09Xqb//RL2Lfd8ENMTwcjvywX0qedsfQbbEJdAESkdSq5yj5dFO0QWm8rAAOwFSgNAc6Qk8tGzI8kQqRABChyfD33lsMoglUXGuSa0bhWiuoMXNkZnBgIAToiFEdGXsHGmqtWsuyACKuVhsRURF03gEalTZvsDssCOSwB5Jc6nFMw3GMsfM+bjZb/zD7GCNgMVyK5AoiGRGRTLGKgiF7H32I4ziagp1EPs2MVEWrkQci5xCQIOdatTBCCOGCmuhcaRRt9rHjGEODH1NQ1lLErAJQtorvZTYGhPZWnOWytOIjecvHiy0izvNs55IpnMkvdFYWfb8i+M6eLyhIhG1Cpu34wlXhZtl0yp/UENTAAKWF1wpKxCfPCjKwXMpjSDZCB/QW+S4Hj6d2pZrCj7fHydg7x395EM8aapd8z93e3n700UdE9OLFi1P3HiCldKHPXr6101fQWKANVPFEZUTEdBn+OP86re4L52YmQGOcXui+dh40bNIACqBmurnaKOiyJG1lBLFpzHdvdi6H7naIzm3Wq9VmvTs8vNodFCqzA9A2S+uIg6PgXIhOchJlM2PEJjcDJgRk3KTxxESRjJANoBr0603OeSnZqqU8HaYZEaPqNkazUkSyVDUk9tz4ZqUCQRUpogoESIqmBmatgteon4RIarbMaV5yBSyGLdZDYkNGQqY2WFaRkB0oIqEDQrMKbTVQBdFqwFgWNU8mZdms40fPnj67vSnz8eUPf757tX/+ZIgMm1W/3nTrzrOrkkdSp0jVYMkFiF2IbSwlhtXmaquqyBw77xzJEGstZmaowzCE0IlIzcXMmngEAvd975ybxgOCkwKqevfq1X/3P/x3v/n1b8jh/e7u+5ffhxAIiNCRQw4MxXx0n//881//J7958sev/pd/+S97dIgo0tp8UypJSyLA7XabRHUubb5KqhXlatVxSDmPU66qoevZRQXo+9Wruzf53//7r/70NZpsNqt//Ld/8/HHHy7L4uPPpmlExJTSq1cv5nkuNR0Oh3E8LEtnZiEESsnPARBjjI77nBeRxDhsr4br663zKFIOh51YfXX3RkQccypye3ubRNfrjfMxxhg8kaU63edqu4edHN8cDkgG+91u268+/vhjE0UXQiAXfPCRyNWTNgohYMPpOIR1P6z64R7psNs/PNzZelWqEfqnT58Sud3ucHd3d9jtGa2PIcYepR6P48PDPqcq1XY7X0pBkD6mPgDiTOSYYgX603ev/tff/Wk/V4r9oZSa1a1XWufVavWLj5/f3Nz89h/+4Q8/fNsF96tf/Owf/fzLJU3LNL959fL+zZucEyKWIgHwOC8scnN78+GzpzF4denJ1eYP//AfPvz4o3W/Wn+2Ci9elZJ4wWNw5lwj3zWmi4g0NsllDTmtXNzMZNE353SptQoiMHtDc8y5VjCraKJQ1IQAwRHQMo9gAqaoGqOLAWJ0qyHkYlbFEXfBe++1KoIaETtkh0zeOaq1tuqr2Ek8q1ZFxBh6dkEUliS7WTrnhuiQzSwVgZRkmtPV9VOO8O3LfYh9YE7gm39soN4QVKFJcbP3xI7ZN81xsza5hmfcYTNjds4TmeZ0rDmtohtWG2YeBmYfjHmcUzVwodtuN4fdPbSKKJiKNHksEQOTlpUgnrzd7SxB837hzR5t7zzVFF7s3EJ7t3L6Y0uin0DER5aIDQga+fItBr/PJsVGgCE9RUMkgAgKBO8ciZldBNVOPoitjvpeRfSdk4UfczMf568XmH/nZE9kGTMjonMP2TV5gscAe9ken/kFWumsXPc44oAWUzDDo8zvsrfH84+Pd5glV9NqggVNSUH2u4rLGJ5vrjpa3wybYWVkm3Uc0/E4T56vQcka1QiotXs9cRWVUkFFtZoxNJkJ7w2qmDQraEeOvENmIELnHdK6W/Ub69abfn9QVR9DUGqlLTAjJBdcBdJUUlkqUBLJRYCYXAAkATkex1ZtJ+9CCK1qmosUUUFSIENCco1pBsg51yy1ZKlqBmhIFQWUcq6tiW2KTOS4+TMSWgqOb6+3t9ebNB++/+br3d2bqw3cbreEeH21jZGDJ0MtZfbu+nqzfT0Md2/urQJ3DOhC6Ib1drPZKNipFc8IoAAeUItp10XnWJUlMtoJjFfdalkWlEqSr4a+Fn84HL7/5o/bp+tf1C+vrq5Xm6HvIxHknLfbzoU1eO4wrq82/bpbXW9WV33FEuJgZkgsBlAF1YgYAKZcKVWALGIlVRWLUXuBL589zzmPyzwvuS7zfncEwtCHq9Xtkyc3681qmUYj2O330zJ+//33qXzdqv0G+vLly1qzc7Tf70N0TZyzrYDjOLbS6LOrDwkVGbqeNpvh6npAtFyQ3Sb0XarZOTfPy35/HKRgcN772AXTuhx3TDDtH8Z5HufydLO6v9+VXJ3lGDbrzSBZSylwlt5oLPtGd0fAGCMjNiGx9Xp9c3MDamCSUxUR50I3rEFR6iGnaoYpZRN1jFZKmg/TOBO5GPvf/m6flyRaouM2Khtj7FerrPbN9y+//eF1RR83V/uH/VTK7fXNrzZdSsnlPc4A8z0uY99tnt+sv/vmq91uh8zDMCCzGDC52Md0nMaHPZiE7SYQW8maZ4/w9//u3/75m683VzdPP/qA2D99emtIiPjnY203y2VpQLC2pLTMw8CMkC8Lh3dYRUFRztmEASp4YkUgwIzGJASkBESktYToRNhAo3fMgqCecbu+qaUQ0bpfM8eylJJrk5YCFST2jphji9VRrc3YlFKQHAZssoYAkDNJFVWsXCMUczAvtZ/r9gqd81PK47wsGmfNyp0grfuVmS25QgVQBUARW3LJuSIiI7fQ3xQZHXorSgwAQAAq1UopEF1jAMQYfexSqalI9Nr1cRiG8bBDA0VtXTYyYEQjA31kWntekgWM7S2cXNK191dmOKc3jvjxiy9PXVK6x3VBRNRHhdDHO7STJWrrxJ+ebTnuow89p1VAyK6htpzKrURtMALfNsuKSpsdBEQ+F30VfoQXj+HjJwHrnZfRxdfiUWQAAG6apm+//TbnHGNsVmrtV3l8qpdvzcxagnoK7lRbCPDO0eBZlbX9AY/w+bJd2D6PfwZEfNjdiUKbtMWqjFBUxpIegj1Zu2fXQ/BcoK56f7XuU5ma7p/UqqomYkQGjQXT2qzVpAq2AzEmUGj9d3VEPrD3oQlfVbFaFZlijLhmdMHMuq7T/Q4Ri6BpJUcYnKQy5mnKyYiLQtIKZw2JXIsuUwihWw3OOQWrRasaEOeaBQ0QlEhai1AIQOqUc60i7dd2QKCApibVDBSNmMEzenbOMwF2zDH6Vd+B1If9/e7hziE8ff70erORUterSGSmWTTXkpl0GLp1P3Q+VKWu68A49v2z2ydd1wmIgYAIYCUCdkiEk1XnHGOTomj8NDjtWUvfr2S52m6v53kOaIfDwXtMNYWOP//iE0JAxfnlm5ubq6Iiqk8+fvrFL3727MOnZjnVlGWpM+S8pJSqLACGxO2KOhwnJiJ0IjbPi1TcguuHbUqFvI8R1FiQsuhxnpLW8eWL9Xr47PNP4eYq58UI7x4evvnmT/eH3Zs3b0JwzHw47Neb4cmTGwU7jqOd2w/s3Ga7rbXWWgFrP/hh2Nzcbm+u1/0QEM1XePL8pus6csjkv/vuh913uyfPn13d3tR66LFL42EnmUFyleM0Bt+h03x40w2rJ8+frtdbUBGtMcYE1cyqtXlGEINmrRS9d4DH/aGkueu6p7dPArlnT2//4cVrMzTFcT8uy7Lb7cdxGo+HD54+M62t4USmtpLpeBTRly9kmlNNC0IFLWay3gxXNzep5PtxGpdqnogliQqBi8Hn/XI8WLR+7T++GY7P1+M8f/uH3xZRQ376/PnVzc3D/nA4LlOaEfFqWA3BIzAjkFn0QbreSv7yZ5/vDvu71y8VbNheba+v+9VqHMc3dVJVrUJE2IyN0MixJTMzhbfReoueEampLxEJqyKYqlYz750nanUzp5bVBMwASyn9EAm4SgJQ01aTCX0XMoEjv+p7x2FBcuQQcRgG1daU5EYlaX3KRrxSQ1RNKUnVUgWJgaOp5JKh2dOLHPZHNFAjt9rcP+yP06Ix5ioGoEhS29JHiEjeEXsRK3mGpuxPjKZqtYp6x0SMiLWqaQpkRujO1lSOuKUiu93ufn8UBTEoIkStgQNmgicnQjuNTZtdVlc9/Q1m8HiJf5wqXVKRx1j4Ts50ee9j4uhlV9baXj8lb91CTDhzTy7ZpLPWI6T205uZIgEAAwChAWrrB57F0VFqC5DaBMXpyC86cOcjeh/t3ge/d1D8MZCpauvlXY7WhRDGcUTEJ0+ejOO43+9jjE0D4ieBkOwtm0jPCuXvUIwev1d/amgDEdtxvM/hmZZ56NchdKCAVTvGDmtQfPlyvu0fPnq6VVVCXW9WGLhC2U2AZGYmUlSpFRKNGutJRURrFUZE9I6YuWBGMgRDZudciI7JA1BtBbklzWkRsTktbf6XtSByllKkIoDgMs7pYb9rjqQCpiBVDExK1WVZImjou9vbW2Y+jnOuIxF5H+72BwU2QtGiTRgczAzLPFcFVcWzhLQ17VkiMwQSolNnk5ARTERUsORlHFlL7WMXVnSz3fRdzASdD1WS1lrrUvKMao64NduA3Xq1rQIhdOvNwMxEEUDVCkJ1jkLwxBCknAaDVMGIiaRqzbnzLlxtPnz20brrYozH3XHTdcvN9b/79u+/+ur3joA8XV1tdvf7JU0x+jIXdPD555/+k//yfzd8+jFY9d6t18N8gCw11WMplR0GZIWm6x2ZmcjVaZmnNE1LrUouTi/ebK5ufAwc/O3t0/X26rsXP9w9vBHDF6/fpJpB63o9fPbpx7XW4zwBXLV7crVaEeFmuxqGYZ5nEWll/MagCSG0KUZYymq1fvrk+ur2alhFZkQEdB5ADVW1AuJh3N/dv/nSvry6vakv70At1aWUtF2vTISlXt3033/3/cPru89/9uVnHz1n3x8Pc631ansjbmHnmJq9ILAhITvy9/f30Yem/XF9fROI8pLUKiIO/TrGOM/zOE6tVV+LqGpaFkfYOQaAWuv9/f0f//hH537JxAWoljmnAiouwEbpOGUFh8zjnKxaqoV88F2M0xt1ynU6vP5+9+qV5XHb9at1DxyqWq3lhx9+SKWuNus1+2maTMQ7p7VM47i/96shzONx93AX+y6lJKLLPE5pKVI/32yePr39410iIoU2QC21VpCTe+374fJpnSJ05NiIRFBFT74EJ4eK9iozrVLVbP8wB4dIplabmzUzNt57SRm82blLYg6I+MnNdVryUnLLBem08EHOicgROVUoJZcqjRsxDFuridUFSgwEuizLoiZzKVdCKSV2vhuGklDIF6N5PgCTGQIgk2f2zTXEcfDOO0atpWYwqdAggWKpuVql5rvR7BgRP/zwQ/buOI2HcWRGdt45UlWpFRRrrVKqVTsb3/9vwAA8SjDan+1TLt/85fEzt+NHvwj+uJr6GHseA5CZXQqE7f5q4HchnbbsG4waDjRn8NN7CVWRABrvFQ0bO0ZSau3uixMhMxNzK1uebEPeO4v/v7Z2hBcSTDtal0puyLc77GvN26s1gOayuLN2DjESICCc5jxYzOyi2AZoqACGTOBOphwGmBgQGdHhAfpLRNGmVQAA1UKbawFsMgmXc+uGD0vO0zw5hlXv0fvJaG8B1u6fv1yW59wvw62vK4tbXJ5th2W8epHqsZYYVh67eS7LIqtVJ8WCI1OoRdVsu+nZwWE/csCh7330AkJgRIBUstRc5lxn7+N2s5YsaTwcdw/Lfj8M/e6wX4oWQ8VIMWTt7mpvih48qKVUrSyBbe34qnMYVjxsH+ZSyrGP3dX17ZyWnOvVZrukDOyM/LSkYoJA8zRnM0UDBiIzrI6BkZmhluIck6GJoJF3ERG1VJv3fVxh8vcvpmEYPvvsl+vNIFK//fbbv/3bv/n9H36rWm9vbyeJ25tn/+HP8+aL5bv76S7bkydXmw8+SLmKSPHukHPXDT4MIrKU6tBdr66vbq7zNJY0N3J/9J49RyS1Ciqr4Gew/uktEdxe9bzbpdevf/Ob/+r169f/4l/9h2macs4Q/O3Pvzh6K+AAIKyHnGv947cxxrBAeTXtHnYiEhx4DicrY0MgMwq7cU65Mq/c1caH+W6cX/7p9ZOrG30pzpUYCemu1ooY/OozXJaMm0nWRLCMcPfbvYhY9wvF0JHPUsl71/djzYeHPbsQ1pjzggyhJ2SZ0wMibK66h/wmrPr1jb+6CVc3281mA0Q516vr22lavvrq+++///7f/rs/fPnlrz759Ff3b8ZV/KAMT1ddn6f5bmdXmyd9tB++3X399cN/+k/+i1/8za+K1UOa+dlqE/yxFp+GutQ4dFUygzpH4/HBnOt7zPngIzqOs6TJqvZhWTTCsg2Vy27d9/sfXvzpD39cr9cDGS4HLmW1Xt+/uTscjnd3d1/96cXV7Uf7I+6P4/1y59nF7WDQ7ZCm/dQN2/3hMGvIAmJ6tb4y4m+/+jpF22yu7hNsgr/54jez/+7+/v6DmyciMh6OaToG7682kZnM6q1zA8UlueOSJsXxmHBBdBu7uXo5juurwbM9zAcsBfeHb/74++C8jaPPkpd0zMWHblhd5Vr34+iIBQDUgqM+hOAdiEotJuAJg2eP4Jp8GgEDzfPoVz0TF6NqwMweuapN4sayurmOCGlJeyclrmiZ7m6uPwSopZb9TCsm7HpxloqOh7EfBgCaUkYilZpEAP3m9vpwnFORVOo4ZXQ+hpWIDPJAJsMQsIIkub15MvTx1atX6hxM1cW12QHRtqv4ZrcDcOp9rdV7t91uzOx4PJaco2czkZLycvJYIM9AVMFqHUNkMih5Gjx8/OHtl59/8uzJbc2ZHC2zaq0MHId1Bdofxr7vs+RcTORU1KrS7Bap6aAEIDjN1wszzyeMRCBuyNFWVwenSbZHW+M98mXtBYCLUhpio3TQedG2U6ImLce6tOnORoXMzQjITIlaVm9mJsXZiVCKRIR89rX9kT0WXBBOHBiZojTtNURUUDBoGnYmyvK2Z4mI6H3Ouc0vhhCYuZTSCpzw42jgBPMU5iyISL6TxhICrkXfOtT/xXjNDB5Rb7XxTs7f2UkJ1UAVGU++IACgp/KuIp/biudQgk4NZAM1OP8251+vOQibc8TULEK0tSCr1JLKi1cv//jVMK1xS0sPtea6Xq93u904jiJF+GT6DY/ows45RC2lECCghhCHYYgxpppEWnOUPXkiUgWpVoog8Xq9HoZV13UPD/ddCKVmMXAhCOgy5ZwzoRMRNFA1BBAFEUOHV+s1gNacwUxVx3HMOfvYmWVoE51va8XkvW/N7UuYc6mwe+9QDRBccIzcogfnHDN47/u+Z8a+70MIACAif/u3f/P555/Py7gsU9d1KS/t9Gutq9XqmdmwXjMzsznnYoyx75l9M6bcBr9abW5ubtbrddjvVRVMENEzcgvaTKi1ZABFK2hriPtUhP36JBCTElzm9pbl7u4uhHA8Hg+Hg6q2/wNA8L4iAlQzCOzJhXYYDw97InDcjohUnJovmaSkWmtJkJdjO1NibPLZx93DfDyYGTtsxfxaq3VXx/1hmiZo+nyMq1W/3QzjYTRRB2iGBOhdjMGt12vWcnNzc3V1dXV1s9ms2yjtm/vdv/if/+Vud3j16vW81CfXNz//+c+naZrnucAsIp4dqfUxNJHucRz/8d/93Xa7nabJGNpEuZRil8Esq7XWpiFcawGwYRi0VjEFbKbzXochOvfF55/2XSC0MKxubm76/vtaMwgMQyfiHx4eXrx6+dVXX71++Wq1Wq3Xq+nFQaVE7/q+72IQKUAYY6w1P7m5AQCFQ9ev5lL3D/ccIpMndKIl59zCHSIopewfdiklA/GOGCk4327/nhiJKmBdShZRW0DUCAGtlNJkwEFkmiYpxTGanZh4rVBWa1YF55yemhdVyZ/icTVVJWQzk1KZDJm985GJEKRJzWhF4+C9J06iqciy5PvdnWjcrF0ffYyO2AzgOE6OXN+74CMzGVpK08PDrhXBSqkpJQRWVTRAppyzagVAa+PnqZRSpJp1FjzTAlBzYFTAOS0iMo7jlOVwOKRa6zgqS6lqKMhOTEFqI1039048zQkA+7elNVVVU++9qVQRz9yv4jCswXAc52fPnhnClKv3PsuxTCP7rg3PtUpGEyYVEbQT3fFcgmv1sLMQDLlHqPbuIMQ7GyLqeQU+veA0nwfO/UQS/x+ZgTWksB93KB+/F3/cZXz/wcel1/Yv4YWJetJ4OfE6Rbz3McZLMZaI2qr4k9s7ifIl33Xvn+rjQzEzMBA9ZZFEVIEMzECtCXgCSNNTBhRA5pOZrAKLFDVtlQp6PC9h59QbjfA0MgJnGT7RwghMjCC11nYXoeMYepW03x3/+PW39bbjm9ANjl0M5r13zAigbdrOFErJ3pGpAIhzhNaMXkPXhfathT7ocgpbENkxlTK3Ps6yZDDM1Zg9UHDEw/UKeZwWCZvVONeSDgQIADlXUInBOYomBZC8D95BM2SPMXpHy5xySSEENEECIrKmGaVIbWidAOCtgg8jNG6tO3l2U/SOEWsuBuBDuLrqr6+3NzdXzjnnyHlqwDNN/s3dq3meAUxN2oOINo7jMAzr9Zq9DyEiZwRupW8FbAaHw2a92Vw1TYqPPvuCkdidaA5gBlpBq4mg90AAUkAN8uK6gX03TcvNeZumaRzHly9fLsuyXq9V9eHh4fe///08z8MwMHPXdSaUc04p1SJA4BnbgOd2uwrBlSIKYIZM0OwmsApqrbXWE7tNWBmgpjyfKzYWY+y6DgBqrTqplho4xM6DaqlpPEyay9V2hSrOEwPXqibC6KTi7dW1Vfnmm2+++uorZiTH8zzvHg4udmkpwzD0HW+vbj54+uxf/at/s9/vb697VfXEmkvnXN1ub66uv3j6xdXt9TTPx3mKm351vXVtUprRDJtSfK0ZQImbwEfNac4ladECCxiWIoQSPH/++WfOuVoLWAnRdcHN8wwIS5pU9XC8j9ETQZE8rJ/uj7vjeCh5ZIIQgFhrTjlXlUTsbz54ViUXrZvt1d397lWaNzE2hRcRMZv7EJukRs1FVR2jc90w9EMXL8JSdZoAwDEGx7WKAhADshORnBdBYwJmznnOy8IEwDfNr7oVNkXEgJxzTRnkoiMBAICKiA5ApRYV75g9d9H33jNBLTMgVTUgcezQOxZBqMnxYZ5SnQV6pAho1sILwb7vvIu5lmW3A+ZalMmccycN7pIVSRRUkVVEq4owsiNkQpEqGUop4iN3vkhh1dV27btY59n5mEo97ve5SghxqVqlOufAeTBCaJWnNkIPhEzIcuqTnTQQAc6secRSq9YSguu7Vej6pdRpugMkIzwclyJaq5a0dGs3DOuLjIudBaYdnT1J0Fq6iWoAeClIvoMoeJ7zfrywv/33XXLNj0gb70PD4+rdT2LM5TWPUfD9F/+Vx3/yc/WthR8+PgXJuUX2iJhzbi9zzv0lG6bHMyEXFAQAB38B9i9vUNE2MnEinqKHE3jJqb3Z6rwn3QaUlucCGqCB0hlEzzkm0qnDCwgAjKem7/kQajOjNWvcaZHTGEq/Wa9wUzW/ursPEjf+ahVWnevLOAFquzCY0SHnKrksXdyIZjgxkdDMnHObzUYtnavEtVWvBQxVlzkjO09eBadxOR4nNYixHygN19emqLY4drsyL9NIPiKSiQKg99ET1kLMGOKqLnObNnQEjiA4SklTnokoILsYqxG5BbK2mSqENgLm+TKUiUqAtVa16og7jww45YqIncPb2yfXt1fbqw0RqVYDyDUveX745n4/7sbxsNlsIqIPwQVukz2bzabve0N0zquqGoYuDMPakL33XT8Mw8AhAoCIbNfXAABo4Bw4AgOoGUqGZQEmQANgYAN03VrXigBvaq3e++Z/Nk1Tuwq32+3hcACAu7u73W4XYxyGodbax0BgIqW2QD0XwyMis/dgQijNZ9RR6ZyBqSdwCJXgRAaApitQ49BdLmJusjGqKOIc78bjPI+OMYQQvRuGro+DltM0ctYl5VlLjTEs4xJcBoBSUq112KyfPLm5ubrdbq7X623sV/v9IaUS4irNy/5hl3NGWonqMk6g9snPv/zis88Dsare39/PaSkqXe7EdLXdkHeKwAiqtWhTjQI0RTTHBKB98OZUquWcHagLTMRopS5FStq90uPxqFYAzHt/ODxUs831xjn34s3mMK+N7Dgfn1yvOg9mtl4PjHTEjHMxq30Ikpc+8s1mzYxd5JvNGkBSEV8DGqiQgPV9b1IBdeijmQ/O9dEzQi2zmZFBU+P03gVAY84CwESOVDnNSwWNXQzOVahSCvJpNNuqoCfnSBWguek6hwZiyif7o2ZqDtYMWk0AyBN2zjk2B9Y5RKZiWswAlKAgATjIvS8y55L8jMC2Vu5X25unN8fDPWFdrT0AlbrUpXrvr7bxIatz7J1jPs1qt6RZlVQFCYKjBvwqZlKrCiBLTQDgY88uzDBjCGC45MmQu361LEXUfOjYh9a+tfOsZDuzy0J88TOgs2i+nVkUzkcXOyCel3w87nfHEZAVMOUKyEUr5eqCSikXdToCRDrZyl8wj5mNDM/O8VYE4N2MEM+cDDzN/L1lhDrHl4M3sxad4E+13y6wgY+imXdSt8tuH6Pg438v7/1JFGzA/JNba+khNrx4N6trx3/KmBF/El/ffsSPIe+UAT9OXR8fqJy12gxM5W09V5nglCk0/bv2FJtCRbWi7f4xawEgIaSTmyIgAnIzbjobKraN7HGcSKaimkkFEJhIVSTLPC9dcGZlf1i4LBELS3l2vRXNTMrOas25cPCdc8TonCMRUqliZqgx+DjEzWbzcMxZqiRroZZzDoGligux42hIh/28nx52hxmMuoKGx5ubJ0wEqtM47h92aU4debsEB+iIEEEJiV3UMrUVf5mPUj0aMmKaF+djo0pdLhRAROAYIITQhegcIWIjT6FBmqcc2LMbgiMwVEdEm01HPhmZgAACOAQANg7ahT74zm/D9Xq96vs+9KFRQm5vr6+uNohcSgnBx9gRe+/91c0t8mn41zlH3gE5IKqipRSREp33XQcEUGtdypIyJwQT1UoGZpaKGLknT54AQBNkIKKbm5v2ueM4Nqm21kJvIpnLsmz6DRF5duoETauKiqjVlKbzdUnIFCMQoXOEVWNwZny+ZE9NizaDXGvNOadlbvc5Mx/H1+P+IFK6q6ubzSYEx2iS07Qs3IaypeaygBoaOHJC89XV1dOnT1erfrvd3tzchL5T1WXOT549/zf/+t86pEB4POyvrzZSLZX8t5991nfdw5u70MWUUgFwxCmlEAJIPez2x2m6eXK7ub4iZg0+52zAUrPzDEiEAoBpHqMPnrlKLsuYlkKAzrmH3V3XdZvNZr+bx3F0hOLBeRDTh/u7Dz/88H735n53z57nPK6uV4XZFGuVPkAITBgdCQBe3WyP48GHeLWKd/f7SPDh09vvXvxgxLXWZgZtVcADM6clqQpoLVIdiFArfgsAdCESe8/OwDUdaUFAsKELWrPUjATMDKEjIkY0dOfyhjGRc64UaQPKisinFcrI4DRYAkBgjik69A4JpdmFBAbnMaJfaimatFQm7tHu2MyjVBxL1aM5t15tn332s1/8/nd/P+WpHqarzbBa9dN0LHVUm0W8mbUomQxVK5pqLUTBpIgIsQuOnHO11pww57osS07JgU4pA8CSqpmJUVEsZkpsIFUUpIJzCmhNsPPku9TUhVgMiIj9SVsDAAxJAVEKM/vQxRgBMeVaS5lT9R5TyVWsGjS17qVkmCZSaUVsRGzamDnXNotihnweTmur94Wu+dfB4H1gePznBcbeySkvMPGTb7RHA+w/Tkz5/H8EIDNsEmQAeOncAVwqBT89BX8B78ePNPBrVdCU0mP80h83IN85wcep7eXj3s0IL/9//J3aI5opnKwyTvG5ARIYnGMfNDGzM1NUCdC5y6m2oihgsxe5fGuPYgQAMEcqogYIyAQAhmigsCxLH7ZAoShMC7y6m3p2q24VQ1ytupSWh90xzUcA6/vBhYhoxCCqIsqeYvRd15FnADVrkr8KhEQOiVQheMc+LFn307LbL8e5xth7CjVJmpOxM7NlmsqSmNExTymjEaNThSImBmJcxDbMHfOcc54nLSGE0Oq1tdYkOYkU5WmaqhK7oKqroffe9yEws4mCVmqEYeGeo/fcdUyIQ6QQwmq10uVYai41E0fH5L3ve79eD+zaT9scqO36+nq73YYQrjZbRzzO0zwnRPQ+uADOuf1+T0TIHpkc+67rhs3ad11KqdZsVUAUEZ2jJqvOzCBteVTVCqIihsDe4zAMLeEGgK7rlmWJMbb2RpvV2263LaRdrVaQq3ZBVn27juVkI6PazAbMRE/SErmUlJJVIWoXy0kmOC1lWZY2DV0rx8Bd9GbW9/0wDIcplFLWQ/fJJ5/c3l7nJb16/WJ3f/f86U0TuZCaS0lkEEKIXbi+7q6uNpvN5iRwAzAfx5SSKmgtCHBzfeN9XKZXIHrYPfyX/4f/6h//3X9ScylLmnN6fffGs3v25Ensu77vc867w8O43wHAMAzrq2GUXGoCZJXinAKwgaCB1KJoucIyL8s81tQmSW2/f5DVatXFKtWk+oDzkpLWcZl/+7u//+6HPy8lG+mHnzx/9eY11LoanGkwcZtN7GJcD05k5TgM6823f/7ex6iGb17lGMJmGN68BkAqpQBb0xz3TLWkeZ6iZ6nZAB1KjJ4RyCEZzPPI7NF5oOCY2HtjB8RVTbrQyCCXtaKqAmsXoohINTNzTV4un9hybYpPRJQRFVSrM3WMkV307BFIBbSCZE8WyICaYmwVUzRRRPDRddEyjmkZ51kRnu+WVw/Tr3/zn7968e3D/feHce4CGNRcxjoWK9fivZkxkZqdllNVQNFaFFBVRZTYO4LgQIxTqSKGaMdpATUBVLM24Q4liZmPnQetYtRagqqPMz88O2cxc4zxcXtPVU2yJyZkVZ3nJLVKTtM0r9c8LmleclVTYKTGZj95Fl7ErImonHPQNrPRbgrTM4adTS4vi/47KPUOEujb+6/NOVwg592k7XEG9g6oXB58/Clto0dGRhcA03OW9T5KPfagt0f61d65E9Sdm5ptz43+fRmFf/xxf2X7iYzw/Scuj7RvGdDat3U6MynthC5qqgZNWEUBtNk4ISLAqSbp+XTCj3yjDAEQ9G2ZFFqK2e4cJHLGCDWpFFVlZOdDUUXnWIC7ladSJc9ZCwbv+fpq1azbD8dZtIhUIgJVIjQirYKIIQRynFKuah6ana1o1Zyqiw6MVbUWOxznh918mFNVJOC52Na5eZ7J9yK6LAsirvrBEGvOLnTeexHNIgDmGEsFc9ZGJNfDKsYoBgLmQkAfdsdlynVOy7IsQIF8ICJUAcFaoBZAFQb0joPzShCC8947MiIMMfZ933WxuGEYur6P7VnvvfOEiDmndlmUkhBxGIbYecQTPVqrnDOzXEpJvsxpQeQmP+CC72J/mkPf3LaMjUFqmqAQEXomVBA0RCBCNapQEZTQWiLY+EcNL9sV2XT7pmm6YFibW1j2R31rmXbqeBsoMjcsbw5QZlLOQMjM7fJhZkROKY3HJpndHHn61vIMvosxunh1d3c3jmPfd9vNimj14bNt61qhaa21pKWUolpbLfr6dhVCIDrVXoLzEAIzj+MMqj/77LMYu4f7I4iOxwMj/dN/+k+tyn/4X//+4bD/m3/0iyF2d6/fpFJur68QsdYafViWJc1zGifYbLmxUwiFkRmZgAHAZLvuTDTNC9TkyVzwiy7TNNWcvru/Oxx2iGjEIvLDixfI/LDf3+/u3ty/vrp58tEnH69WK7H6sN/dXj8tacvM66FDxJSS57DarKdxcYQKeByXZ7drNSYXPvvg+WHRlBI77EMkMAMJwTvqV0OX58m09jFuVoNzJ9bbq9d3RaqkqpTZdRxb7Iil5uAYorcqIuIYEbiUpFa7LiDTYT82iTtmJgI8rcWPVxoFAM/IRNGTZyI0NCEUZmAEB6qmDqX3aIQVoEp1nQOyaloTqsBhKn/89ofjcfqv//f/xbC+idEf9i+XtAuO1uuh5JTHGIIDgFSy1WZddNKXQbLGBSsqzrmu77ouvBlzzck5x4xzys65oRtKKTktvl/hInnJXb+pqGmeCd6hub1dPJuHAZ77c+3qJSJZJiZodbwlQ61cSplTzjqKSC5aVImh8/GkAoroiIzZzmPgiCczS0Rudr4txbBaEZH07eJ+OZh3MqrLgm9mzfzhMbadCoEm9l718vLK9zHsne3ygstA+VvoPQPh+2/5yZ0/RvH3j/PynTx+zftH/s4pvHMiiOjeecU78E5ESA3szmOwNT/akZGdDsujEZFzzIz8KFX37nzC+hiEoUkKEFILAU5ACIao3pEjqknyks2EmH1wlgpDM5l2zjutmgUUPWrph9VprN50yVJqagrOLUBQACBE501xTkuz4GmBQ04VrBg6cr4KStUla6mgGNFxUU6LPB/ocFzY25LKMmdVY+dzqSLSOed9aNQDIjKiapZSaoW7p0+fDsOwOxyrqQ/99dNn4c3u1e5QdGYu5HyM0RSX5cgEiYjEELQLvqdVIMhWAwdHQgBIFEMceuc9Xq+fdH1oamd40e4AWK1WztF2u12WpdS0vVoT0TRNuSzMq9Vq5ZzrhlXO+TBOlpbt5poaksbee49MpjDPcykvN8OKh4GMSknFLHgfo5d5ERFrZjciVpKJXC6rRhxV1a7riCjGOE0TM6/X62bvdTgcWkTcBpzPfN02YYxmIlICB2KIPp4yUdU2HNZ+LBFrg4YphehdKQWAuq6/vr7u4tC0WFV1yftaDyCzVZGCFDgEdi4gGprVijmaVoeIjfC1WW+JGz85hxC897XWmst66EHt2bNnb97c/fm7b0qWVdf/+te//vf//t8/ub7pV8Nmvd5eXe0eHgDgiy++EK1pmo2wRQDjNL159TqEcPXRhzVQ8CRCwXNgLmyMuEzjPI2Hh908L47YEx+P0/39PbL/6quvzIy96/s+S/3m2+9i3wnYx598WlRub28R7dvvvnny5NlnV9vjfQrkQ/TBuXme6zJxVAf9uveb9QfHcTHRj549mVPKVTeffvh6nw+HAzP2sVOrjmjVR0JzCNMYSlr6GNar3jkHoKhmT2/ned6P05yXUgrkDDQqNfkm9sQZSotzVFUMaymr1cq5ME1TmbPE6Di0SiyoViEmdARtJosBGSUwOWJHRqAI6gg8EpiAFTBjQ3YePeeqJgLQlJbQxcC+62M3pjp99/KH/+b/9n/6P/7X//nf/aPxsHn96mvvpQuU87x75WPskeclZZU2Tdimz4GZvYstQ23zDzHG/TcvlmWOnpEwLSnGOJATq/OSwrDJVVIqcc3MWGtFroyMj4x+zjQWbLL7rXHe8rm+77uuQ0xvF18OzCwKxDEXcTF2AbnW1nJR1ZTStoutIqqqJtI4580GWZtQtZk9nkzDty0n+DF0/WS2Q/wjoz1mbKfQlHHe38/7GPEYrt6HsQs+vYNDj9/y+MV/qUf4tm6kdsk1EXEpBc4M0str7Fyg+sn9vAOE7b2nKcsLrr4dijS1Riw2IUDv24CBDg6YXWvPIJL3bKI5Z2JsPedaq5l4x4gkAklzO4IGS3iWJA3sVNXAAFAfVRLUcR89SK1aEKQLAYhSmkMYmMlxFKvzciwqxeg459u1Cw4Qmy0dKZuLsU3diYiAhS52XQSAohLYmeIyZzDyrofoSqnL/mjgnO924/j6Yb+fUhITVZWCyIbemI/LsttPRa3reiVvIN7XPkR2rpRiQEguF5mXjHD81a9+5Zx78eLFqzd33vsY+tVms3s4NLW5lFLf9+x7EQVszmKgpYKJAxCT2USrYzQ26byLMXrPMbq+czGGrrOu61oG1mQ7LvUHQBUtPnDs1u3X3G7X29XGCGPoY4xN77jvO++D856967q+GwYiV2sVVOfiyjNoXg4J0QhQVY8ie1VHp/K4qpoJnq/4LKaqx+Mpz5vnmYiWZVmtVkTUCPrOuWEYUko5Z0Relql5gBGjFWNG77mL0UxMAEwMrRZERO94COsmjbbqg/eh1spgnrj5oXddF0NHBIxMEETEd7rubxvKtrariIC2DiKu1gPjOue8LEu7W6rIeliXkkutyITsHMB2uwWAWus0jsH5Tz76+HiYfv6zLz/66JMjLp988gkBfvWHP/zhD394/uzZJ599+rDfOabdfrcsSwtHuqEfhqELkayu+w7RfOeZqeRFSjqO0w/ff5fn5XA4HPeH6P3zZx9Irfd3r//4zfcAEELwMQCA9/7LL79EJvLOAG+vn6aUNtutIbRJDxNQszSXiigiTKCSD/udYx/7ofe8im46VqvZiizz1McrhJ6RnHMm5BwRWp6nMefWPEsgjpFMiWi73Q4g/RBXq9X94XicpjmnlKRUC7F3MTgXwnmZJnLDsK4WDvv9NM+p1BAiIoqehBsZDU1VaikFVDwxEYUYHAI7YCImIUOtpUL1TN55MS0lk6LnCKSllDZb3wAGyIsCs0O04zj9j//vf7Esx9/8+rMnzz8ZxzeHaTcvk+iWpKrqUvK8JHLcdd3uOA4hokGttZykTE7NnWHoHeF+/yCmq2FY5vTn4/d935MPqeRhvaoYxnEUcFebrajlJbWiSLvSGMG5WEqRc/mREbqhby3t6XgIOn3wwQddNyzLsqQyTVOq1XmfFWoqrabSSvQEGj0zUtWmJiCnJ84E0VJ1mqaUku8iIglYztmH4TGwwaOk5zGAXWCgSTq0Qk4rw7ZjaKs94mnlb18O84+GDi/AAWe/wxbs/hgRT+XK84sVscUK7ROtTYs1MgER4SNQbzUbVS2lkD9VlVBPpJh2j8sjn8LLB9n5y38/DrAzWenyhfyoNPr+dkk2T3z+88amDEhoxEaE0RE48iS1VgfikX0AM2rGwcoAFi9fFiMhITOTweXLvZSK27E6MC0ZtHiEE9OCffB8XPIyz8PQ3dzcBFzn/T0SGXFaJkQ0ZbBWd1aRAta69KXWSsGZWRWb53SUSUQUqlhmxJKllCLGhiJJiqLzPVKec0li3bBdbzbKByQGRvSV0dB5BAds6/VawLRkYma2nHOb6Ix+87CfRCQV22w22+12TunFqzeb7TUanUS0qxg2Kro4h6ZqVknBOefZBe8DwbofYnBdF0J05Mh7YjLCulqtu67r+875U0e65THwtoZwciJoF1YIgYhi9D5GAGD2ZkbO+xhaN0FrbYI8pmoElpfTFXO65U6NwdD3ZgamDHKapTVAxPqe9uzjuOdSAGl0fDMbXLjUbwGb8xk45+h83SIS4NvosjEFTukjsaoaCEC72VRVRYsBtd4oABEXc20/5sgQkVBUtX1FRAqmSMKufXXsbNWthlACM/vAzJy0VhFVXa+3JjCm8fb2+m/+5m9q0ZcvX9ImvvzhRQxhs9mQ6W63qynfXF3f7x7adX48HoHQe59S+uabb/6zD/7TdmvntCzj8XC8P+4PaZnH8WAint16vUaFUkqtyuQb+cjHsFqtXOwAQFSBaFoWIJRcTHGekwlMx/E4jTparVW1opmJmkn0Xd8XAKLjMed6d797OByrADIH7/bLWJZJmVG8aIHKgrbMoyN2hG3taQsanDIGJEJeBeB113VLzvsxjUsqNbUIltmHEKhpWOdqKG3BOjlHqAqAWs1LbiEUM3tGz+SQABVVkJGMCI0AicCRYwBTISJmZ+zMEXunYuyLR0Ai9Y4NGEIIgYnUFH34+ts/v7l/9fWfPv7FLz759OMn66vngt4s3t/fPzw8zCmnlJY5o/Pr9bqKmoGehvBqnaZadRxHAN/Ia+N42O/3ALruh369WR72xM4xew9ZS66l5FKkDqGTWtodl3NWqTk1pSR/pqqe5vMIwTvekO8cOxBC4+bNpApiiiACqlatOBGiE3nCGzbUb/txzjkkdKfuOyKiewtOzD9KB/9jtsf5mdlJQe0Coo+B5DFsPM7k/lIR8rKHx//5ycT08WedFwFERCa+pHqX5Pfyur/yKX9l40eGU4/385Ys8/hfeA8IL5ALqmZAoEQtj0ZohnkEPnD02MqtpxNGCxQunVhHpwk2vsyxajPkhAvCA6iUQloDE1Gj+1d2TFrmaU8ovO1X/crSWC1nqSIipQKZc67rgwKKEQK2QoKIqDhRENGUal4W50EVmq6QllqrihVArwTFaMl1qVIVlBidN3bJ0AEXNHAB0YBdu8O7LhynRcTYeYDmZ2Z934MLD8cJEYlYkMEFTeXN3YPvVgp0dr+0ZsSDygqgptBaoY66LnTeBcLV0MXgYnQ+cJs7j9FzcKDZBKWACbXAkEwZrJVi2i/d+hPtJ2sBnXOOHSKwIZghEIFazkWXhX1wzilcGNWp7YeoeYYCqYCpldyuQr1cPdh8bocWPD6+gluk+agXSJfjISQ2VYTWIuI2ZkqAaATUNCHbU+0G49D4WRbCSRVWBRDEOUfkmIlO5CJAOrmJnG85uDTeVbHvg1y8UgnYMzOHGA5jy8zJd13fd0RgiK7mVsWttZbSbbfbq6urN2/evH79mlNExKv1Zr1eM9GyLGVpSgJiqobAzYNXtUXHh/s3qlpqOh73h/3D4XBYlllrrrWScdd1fT+UJS1LrlWbvaWZmVKuJpaL1FqrARmh9348JvJuevPgnNsfD8uyeA0ppbIstVaVggZd16263sUAQLnUZZ6sFsSGaAI1kRbP4JAIgVDQAEy1qvkTO2NZsmp1zoWcogcCQ6IuOGaOnSciYjiMTeggGfIwrGM3aFMKZHCOOoiIXKS2JQxESylogARE4Nm1XxwetdXa1UfkCIQBiyoQOx+UrSJK86Alj6WwgkdEJkJCMtVapIYuBlkVq9/+8CZLrWKffvJhv3q2nw7gvOt6D1wVoJia5VL1rYgzVS1aa0oFEf2w3Ww2fLWpJR2PR5HCzOtS5nkm56tRrbXWgoqMCEyecTFhpKELBDrPs5o4IgINjrx3p/xGKyI6gu3QRYcKSqbM7JDMMFc1w1ZwIVUhIXRt9tpE2+A1NOc2REI6+dshOecU4VLAo0er/E+iwuPl/R08eAyHbY1qz+rZnumCZI93+NdR8PL294HzHTB7BwV/hM2PXvD+g++c5vsY+c5Gj9RAH5dJf0SWefwB+Aj8m+9gW+/EVETRgBjM0KQCAIi0qNBOGGfa8giRgidJbmaG8yykNtm5sxUynwsLiKglS8nMsBp6Rp2maVySUvWOoeqyTLvdA2sHoECYc8ZeS02A3syY2TsERTAyAyRHpAIgFROqiSpAPd34AoBWrSiYoqG66OZ5edgfpyWh9yF0gnBYliMLCphiMQICQDIDImp2kVWlZjEFREOGqmXMRkSbzYoA7vdjFkBEMbh72LPzl1KhY3dWMyIzMyBkCqHrYuycc6iOkcEIFJE8U9fFYd3HGL1T51wIJ4nCVlJwztWSTsUBNDA0BQMygFrpbQEdoek+mxkQz2mRai7EGCMQNRIa2nIKx87FCjhnZu9cJ03LCelHNffLJZRSelxmgQsPW63JLQMwYQNOYETv/cmu9W2XXhGxD/HiGkHNIAXq5ea84Kudy7Z6Vic4xW1nadwQujM2AxG3UnwIwSaV9n0gkmNmdOLNIQBU1RDCk6d9KfX3X/1u/3BAsjqn58+fb7fbVlP64IMPaq3LOCGCql5dXT3/4OmyLN98882S0na7/ear3zUt+5TnnBOoIZlnp1VyzkQcAucKbRZYjIb1VTtOMaillixFBJps0aaTkhFtf38chmHeL0XEd960FoFaas0VTGutWura1sCOEPs+IlNONZVFxEiItTrgyGhnll1lV2tmRkSXcwZpGaHWql00USmlFDEk59mvhmiIYDSlnI8l5SxipSoRF1GnlYN3zklb1e30QxARqFEjnWslI0EFNfT+suYogALoaQqZ1LAYZaupqKBVAxGEXBmxQxR2yEQEBcSgTIv4EIdunfPyu69/eNgvP7w6rlb9881w8+TparP987ff12ke1msROR4mDh6AtF3ITIhkqgaQ00zb9WoY6tWGwcZxHMdR5AfnT4O2KgXVHFNgb4SWq5TsCB1hcJwRnOMYYymlaeeD6skjUE1VhxAc1lKB0Lxj5xyigQEytWWLALyj6FzwjGggdIr/wLBF0KdFWJCwaV1WFZVTxAl/ISt6/8HTUvwOruBpWW5VWDNTfdt8eR9mHheBfnIzPQ2Rt5c3KgjCSXj1shvTkwA3uVN8r+diVPtEz+6CR+/A6vt//hUsfB9E23/cO0vYX9rFJdLXU3nKyMgJFmmlKjCBrIVF24CgyIkunKo0i05lUIEMtYEkMzd/1xbpm5mJIiLUBKbBhU3fB48MJiJzzsg+Bp9r2e3vPaw2kZhxXMa6YitVLFdBEwWz5lhSxQCA0KnAPC+usA/suFOtptTIxgoOQQFRAVKppUgWFUNDUtWCVWrdceXa1mVERGeAhOi81tqvOs51miZRCzEA4bIs6ikEVAqppIf9OJe6HlYU4uE4hr4T1VY4Yuc052ImpgrEBO68nerBgGqSsxgUYovmicA5YjqZUXvHMcZWYZZSz1DRvLsBtDE8SUXArEJWVWACIzUVMR8dI6FD77nVLasqgJ2UXRAMzdDQVE4RIsH50jV4e6noI4CEH4d+RNR4rUT0eNbVqT/1EgyY24mqCwHVGoEFH12DCghkZmLI0mpZaEAkWpAQHTvvz2waUVWpC6G79ACwcRmwYaYHgNacqLW2+vntU988e0ULECmanjsBahUo+BDneb67u6tVr29vpuO4HVbR+3kca8nr9VpE9uMREa6urm6fPb2+vb2/vweiqppKwXE/z/O0TCLiPccYTzk6h1r2KZVaIOdaqgBQFUPCUiGVs1SjiCkSUc5pGDYAXLMu08LIVjFQUEE1QvSOAT1pLQBQipQiJEbeESAjGEitWcQ0m9UKDCiEAEgMYGDinWuMs1q1LYiALApw8ge30+XnHDMDsog55wCZplQNSilipdaKZrH25J2pIaLjNlaI4ziqVJMWRis5csjIrVtzuvsF2hSdNWRIYpbzUmWpVs0EScCiYmODAyMGT+xTRQDt++00TWMqtZpamBL96btdza//yd98BM6bQhLJVRwwABkxIKuCmOipZ3QyArJayzJjCJ0P/uaGme/v74/H45OnAxAxiXMuggKygNVaHZpDdagMwiCBIQYe+jCDEAiIoFmT1xbRVLJDh1JQzBE75iUwM5sSOY9YFJBAA6NjZAKHuKRqAHSa0QQRqSJV5Rz1XkJAO1mOy0+46f6VDR8xfeBH6doJLZoBQIPYFto+vt8vQedf2v8lw3v8mscoc8Gt1lx8rEFm71kh4mke4UfjGe/v8K8cz0WL7nJs7fG/mBGeZiTe26NyrFYNhYj05HVkiFhTUVVijD4ws2qboOQQ3k6RtwWoOUHHEBrZklsi2GJ8JMjFMQTC4Hi7GvrgY4y7Kb14s+tWXghqyvMCHQdQNc38/KaUqqpEPgRvIFCsKlpVMxQDKTWZBEdmMYRQi7ViIp++LzRTNbjf7YQ4xpiA5jnNpZj3zscxC5ExUeP6t3ym1Si6rmvO0iklZhSDXBL5lQne7Y615moUgJeqhiRgjVzHLG0AX0SkFEAjQibnvX9bP2wydaVWrKJopOyBPalWD9U5h9q7puwE1Lpo6/U6uNB3ken0m3p2zjkhcs4hEQA555C9quYq1LjdQCEE9qFdhWLm3GAXvjI12TtQO01fXK4HM1Noxtv5vSv1dIeccnTf4OfEw5J272LVnBUMTK1qrfUkIaRnPrqeZ2OtttuvxcUirbaMy5K9t1Mf+TxipaoEfesttXRQEU7NeeAWyzgf4HRLIxE57wGgakGF0MXz3QWNnGaG43hYSu7Xq+ai8OzJUzQoc2IkRRrHsYmsDsNw8+RWwX77+989PDwA4dXVVa113XWkalpEWlgQEFHNuhAORPNUxGrJisiGkIrtD7tlWc4mZdg+lJlTKt4fEXGZ83xIUNuMraWUc66m4NC74CtlsEJnBpzW2m46M+ljJOfGOpJh4NZaQkIwZE+YRU21Vs05KwIYilVa0hDNOcfBd8TInjhCKUHNMxJ35LrY51SsVJ2WVKtKSaZI4lrpzjP7EIgoLXM1kpNi8qla/viaOlerjBArAhGrgRbLhtVgaW4owMGMGv+CiQM774MRe/ry5//ou+++f7jf51xrVYFYNAr433/99fb+/vr6dr298rE7HqZxHA3AiEVrVThrcZ0AgBGWecppiTF2MdRVX0oZkO7v35CLhgTI3ntkl1NdSo7ed8EH7wgMVLhdZyrBnSRgwKxNBaKpEFpNAAZGjhgdNW1dQ3aeEU0MqJWSRdrs5LIQESEzEbV0sG0ueARWBAUjIjsNEJ9mvt+5GS9r+zvJEwDgo6YgEV1+i8u7mkbm4+7jY+D8SYx4vF1Q7fLGy9vfeePp8fOcXouf7DwdqGeJxcc9wvf/fR9039nO3Np3v4e/SJZ5+2FgFwlzAChI2cCMPDIi1kZVRRCDUhWrViDfqJCARNT7t3MqJ3Pq9tmX4pt3Te8OT9Ma2ERWtFaPsL7e9n3fzwmJ1bkpLcUBgE7TGL31mw0zqxoQO98ZBuJiJlaNuZphq9ACgIjlXFQtpcRIrZV9SsCrFbVpmsDH2qDIMVSrKrXkUKuZETb9tqYIDZ4YACiR934YOiJKKVUVZqzAxO44p5zmoYuiME4LmDWbIUQBOEnINTUj0VbR9c4HZDJtBSNLKYFVwKpGmIEXQoZUw5VnR0yAJrpM81k3EhMvwXk0QLCmy0mI3p36VaBaxUop6HItuuRCzokoMpUSkeeGPswMsW9jLUwMLa8yQFR7y5pixbfXtEO5XOuPLy89Txm3TnAbZ3TOzSkhopTaxCAckaqWlJ1zrUxzIXu11ggiilhznkNEtdZLxlZSbjy305WDhghMgYiYvCKogqkhEhgDgDR3eEJCh8CISEiLiJlkqQwISK0fjgxIwIDznPbHQ5ozs0Pvaq0fPvuspZ4xRrGaa4kxxqEnR8z88PDw8uULRHz+/Dkivn79WmvxTJtuUBAAENBaTURmyc0YNmWZlup9JHLjOBcVETUDBAYAMatVnVDJst8dnQt3d3dElObcdd0yL+W0RgB6JEQiZ6oAzY7AHq9rIbjVauWK5szexxB8VUAmM3DOpTq3nynVwuSQUQxSqSllVc/sDSqRIEuTSSHCqqJmRNR1PgIDeTEQNKRG/DMkI6I2WNyqF7WNjNLp9zrdCmBNZcbwLbkcmZoxEiP7QKaYRERh44mbRadjP3S+7yraqlaRYgSh75Dx+Prh7v5h6Deb1erl67tpyUXs5ubJMKzYR2BXd7smsS3NCJTPvQNTBislMXPXBUQEtWEY1lfblFJRK7UYaHDeEYsTBgStwVEfvSNgtKatqDVDYzygiYpWVVBGjJ5BiykxeWMEwks7/LSOk4FA0xBQUDMlGhoN7FTwOAeKRE3F9Ec50yOE+mlIuDzyOHJ9fP/ij7VGGxBeuhuP33gJly+9iZ/EkcevP8c6b0/58bPvv+uCF/BI8rPFyq281FD6MTBfTuRywD+5vX+074puv//qdple/sxVc20rFiOqWPNfYOdYi6gCGahoEyJlxqaDcOFNmLVE36kCASEwGBWRWpURiaAPwTs2s7zMtQ5XfuN8VOLNze1hSve7hyV5LYvMIwbcbtd6vueYGcgRmmqpVbz3qsXMEBnRiFDEal2WJTtiETMPzNxu/ixKRHNKSyoSfNd1AHaYl+M0RTwV8YjaNDQygSdGxJTSelj1fS8i0yRVatd1s9jgY60q8ywGc8pSctd1zp3EA9q3wewcMXhIWt05rzlfeaamS0kIws6QWbXJc+RqWvbjdrtVq4SuiZbhqcH2pAkoE1HOuUnnENEx51aZTDk3mfO0lGlJwzCIATn2LiITADVDZkq1BYCNjMqtEdIwEPitf3QLj8AuGobv5IuI2BQx7MyHbt9245o3ADu9EcCAmP25u9w6S6eLsClHGAgzm4lWAxBAin2HiMgoqtB0N7jtzQGQGJpa6wkCKKEhu1oUQFXQORBDRGAAdNhI3QUk5yxal2lEMgIUEcnSJMJVl77v1+v1Yb9vDbClZGquF97mnEoqOWciev7Rh0+ePPHe//DDD8fjUY9vvPcuBk+uilipIioKDw+7pdQqmFKZ56VWQKrjNNezdAiimWhKpWWHN9sbVTCzvKSrq2siCiHO8wJA5yiZWhShCgqg88xMnmLTxJDz1kWPAG3e90QXADOTJgZUpWnY+8bZYeacj7VW1bnUCoAuDD50QN45t0xpHOei0A3b2PUDkIKJYzNbcm3S84jYmhSb9ZqZC4KJtJ7ZqaXr38biiEwE7adsdy4Rceid9yRmpaYiTzcbZEJmiBSG3q97Y5dEfnj1epomM7/arKtQlYcquCS47YYQuoeH/YsXr54/f/7ll7/o+5Wqvnz15hSsM51qFdXAxOpCzMG5LgRDK6Ug09V68+tf/3q3P768ux/npvYuBEgM7Ue/1CQQ8cJXbx2HC22qaQuAJgI1MERqEteqaiQiYHIekgMkJDBFOMk2iYjU2kalDZrmP5y6aCqqanAuqoH/KwDw/vZObvRORgjvpZLvvf6EOvIXRK4vCI2PEEt/Slnm8kF4XicvwxitwfwYCC+4eAHCx2//K0D4DvRezhSf3gztF0JEImCiVr0kO/1yasJITTHrJP8qzcYJFQgaw7V5X0lVVUbwjG3gRU2Q2Mya8SKaIlmbvjCzEPwwDM65nMs8z2YWQvigIynzKnop42bwn3zwpHO4XnXLNA3rTS72p+9+eH0/Ot/5fq2Gn23pyZMneZ4Ph8NqtULEu7u7OefVervkOqe8FC1GyA6QENFkUVVUY/aeHaET0So2LrMAChJ6T9ELUpGaS5FpqS3ePMcyq67v+54dtWPuY4eIOS8AEEIo5xp9rjXn0obrY981J2sBE7ELRZaIKjqH5B31nvrA0SGbEFTJCU088zAMXR8upJgPBmqGW6VWYvQxdn1wgbuu61bder2OfWgljmZ+DXJ9Rh1t8HYpwD7eLpeIBN+A0Dl3unUBzOwyj/H4lrgU6N+/EPHRBdrqYO1zgU7aiZcBoFNm6U4alSLS1pH27Hrt0lJExDnH7GuVkkVVQ+hUQcUaPLReICICzqpKrpVkKZUCQD4GFQMmZk/ulB0CABF1Z5VhatzGlEtJUisRLON0OO7TvCBa13VD13nvpQPHoWYZx8WUV/0muliLxhBevPjeahn68PEnz4dV/P1v/+GHF9/B8a6VPbx3hpBSOhzHcUml6pJlmktOVgXBWJEAqDFCyRMgVpUsuUg1s2GzNrOypJRKcH61WjFwSokw55wN5MSqNXCOYozH45Euha+LhRtZiD0AtOg0dH0M/bSku4cdoC9qIXYPD/uU6zAMVWEYBlge1uvBObcsSypLi5YAYFpyrdpCUACqBXLOteoEWqSCOSCXi45LqoJtunk9rBglTyOhroeeUZZ5jnTddwGsOkl9pMAaGa5W/TgeQnRATgyUiEI0oFxke7tmT0RkhIBoSMdlHueC5O8PU8rm46oI3b3Z3z0calV30zmmTR/KePjo6bU3+eXPv/jZp5/8t/+P/3ualxB7oLDkEvs1sX/15q5f1ZJy77qrzTWpTfsd1GU1hNXK/93f/eb26ZP/+X/5N//8f/x3c4YYu3FcrPehW/mwFoilYtbmHaOedZp3IHNwzgFKyp58369uhzF2gw99Bj9VGRc5TOkw583Vdc5ZSgYVk6QlB8dDHwn9nJa0FBFDjsTOwFUDQMq55loVTExVa+MV55G7EEN0oGJSzYTQqLHMmBCxKlQVNWRmdG6uc7Px01JFhACRDJtGPDQtJLrczmRQXXcZN3yMN42j0IYTGlCduxX2403P0ChvFx98lPnNdbVaxRhFSi6LnYbiWsDdPgvB6KJUlut8yUrfWXN+EgjJ8duU90zHxYuyzNuF7MdvO69wJwx4zDe1liyenrcLtJrZpeD+aEcIYIaARnAWZ6tV5nlpSu0t/Gxtg5JAEWLsmW2eZ4ou3FxF712ISGWzWudiqaKUKgZWmR6JHbQ1twcgNOecV6smWkWkGhIgBedUtbVeHgGApZTQeXCkqjVnJOeCizFWjo3oISKlpFJKEoVcNnGDXFSkApC2FjUa8DB0qlpV2YxZiYi9I3SpzsxtMKZ1zkVVS60GoJ4QT8FjKSpaSUsXPRp5ZnYIAJJLhgwAg7aIDzlE5yj2Xdd3LobGx0y5SvPfxNOFuOp6RGyEQDqTSuw8G3sJ0NrxqKrG0CLcEMJlYgEAlmXh89auuYaLLew9B1J0iYvb5FPb7eVDiYj927is3VF6Fs9tD567R6eeRKlaVdSUkZDJE7ODNtPBJ2mdpmbL5ws9nD/LFREPgOxCCC5EokZJQFMscprJLctIRA5J4KSlWkppQNia2YjYdXG1WnUhIKJitTPxGh4FmO2RUkr1xMyllP3hYZ7HAVERCE7dBUNoX28V05N3Yy0VwBjYterFiXOOqFrhzEdowj1lSbVWNGhEs5QSQlFV56nrur7vTU5+kM45NFM9UXAvo6WpZABo9zEikuMQQowxFyPC1vw2s1prEUsp9XS6qdt8Kp8nr8+XjWoVItcGwYlc1oKIBmToFKqrjhDIuZJySrMjQMQWYDFSCEKmAKKa1VpgBG2yosrS8yYOHTAZetd1zkdk8kPHjMCNaw1iwDGwz9OyOOcMzIfAil0f+tknkmVJvu9aXDWOs7fy4sWLzvGXX375w3ff393vcl0MqSr60A3DUOpdrZpAcq5sUGtF0Vrr7373/fX19vbpk1/96le7w/KnP70UC8OwxnUAc0mwziVnUyMXQ/A+lyMTMIfOe1RBcYzsnAuhCyGiD1BOMXFVaPdXrRVUCKwNopSiMyKz1qICaEhIqAotFBS1qoCIPniHqsoAAEzD0LXYx3s21JQTGJ5C0FZ5BiUgOPscPN4AmvQzGQkItFErNeRzvVQfNRQvAfTj/TSYuCDNjyDgve3y7OM0tInmAJwEJud5qrXG+BfT3HfiePypzPU/Zntbl9CzKvjpDsG3bJx2Y8C5mnHpGV6AsKmjwiMs1DM4CSCgkcEJBcEUiEwB8CIme0lmmdlQc62dMHisotM0ozQ7Tc05g8F6vRKl/bRUsSaln1KSmpkgeDYz7yiEQQAiIREBFlXNWRQUAILzDblVVRDJsKq2Hn7rWqSU5prVMPRd7DvnBkRHXNFMkEyxVNGsvlgWFlUpzXyVHDvj4GMQEc3lkh21763WaoQeT8m3qIqqiAGVAJ1jZgIzqVJI1YF6zyYnlLLadBaQmZdqLVdzjjh4H0MYVjF6ZgYCZBAgQAUgUTAxxqlRN5nJTEXFgAxItDTwaJdv+y1EBFTautnGeC9KRXjWC73AYXv8Uhq6vLJdEQ0IT+WvR/P1bSGGRwllY1G2fm3DxbadCqruJJeK4AiZyBExEfkuMjvngnOOsLVCwcxcKKcioFkbHCTHwUd0jMitCyumVErLYNw5NjEQMJL2f6Kcl9Z/dcQx9jFGJDIRMFIDMyR07Frf9/QTI2IuKVQgxnHcv3r1Iufcd3yirjQCpoI1TQkCgCxiKaVcDMGhU27ejNRWKiMghtOdmGppRCFmbhUca/GsAUCzaSHvPXgwM5FCRNa6SiJE5M5Jea5FAc3qpRt7/nWMAc+JezYzKSkTbVanSIhbK9t7Eck5t2BXRKooMzT9dzP0IowERAYI4DRAUSNkrVhrVVDHiECqaojsggNDEijFICMROyBSY7m+udpcb1brrSHMWYy4iU1w37NDRKytTmjqxPkgHXRb41yBnc8Fu+CDp1ryPM9dCGmWzvE4joPDly9fB8K//Ztf1Vp3+2NNsw+DSIGCm6vr1w+khs2atA3yEDIiB08vX7785utvu37VyshA3WrYHmWqilIFRTQXAWQy8OIRnXfBhxgcVKnoPPlhGPohhNgr8SJJqhXR9hG1qlmz6wEip8SiUquIkSERMzpGIDGo1aSqC97ODp2mJiqAxshMVkpBAGMHWEHFCACZHSEQEDAyEIg2bi6YoikqqsB5ZA4RhPQ0HwcAoHZGFwOFU5PrAjaPUfAd+LkkRX99e5xEOedapa2tae0C9v4vCgXQI9oqnvuOfwUFL4h2+RNPQi4/igseWU5cXo1wiehPmG/vnq02kZLzI6p6mRtpRysg1IJcAAQDIKQ2Y3MaNXvLSjJk9kiuavWE7NiI5nlWFc/sQr/qYyl1nmcz9S6qzLuHO9O6Xq836+F4PJrWvu9zEWD2hgq45IqWW+i1oKiqKXpuabrVKkUM6EREFq2SSwEVsKoCfApzHJIoGjSqCB6mpa3azHhmejoh31KFtqYXqQhMprUstdFgVA1ApAV9oKqMTGgMhkioQAbBkWN0RKVYteIKALsQQt/3McY0T8hsjG2MSNEhBXaRAyMikDEzMZpZK13N81E1AkRVp2fXSsTQuI5gb2ub7arS8y/Y1rtWA2kdDuecql5qpK2Y2RQuLg/CI2SFcyzwuANa67m4r6cp0obrb5EYoHm3NdOWq5tte1nfr7z3YE35ic2AsH1okzbGNmcMZISMbKTK3hDIe4/e1SInLpKqmhI558CsnER5QODEQ9Dm8rwsSkQxdI3ZceIbiSg1x1qO0TsXvPcgoFZB0DkC0FLSskx396/vH+5Wq755X4upVlNrKjDNZ6e2ZeZ82xoDAmjrM5BzQMhg1bSxU9i0lEKEMcZh1TvnBIsq+7BqOWLJMs9z+1Fi7JdlkgZTKgAgplUFKlBTlACoKjlVpJJznufZ+R4B2REz+hPNGEArUbTzvG/suxhjSimlZGDOUa1c5W2go6oOzJgQSQyUTT05NUBkjNM05byYcwlMlJxzwXF0gFgNkpkgFWaPbEB6e3s9DF03dMVAcJlylirV2Dl25oBQRKqdAiYA2G43IdactAiASXTmUVVmEDDRMS1h04GY77qUpv3+uMx5vdpeXV0tpYbgqkKRXEpyLoAxoTcgIHAcHLD39Ktf/Wp/uPvDH/7Q9ZvjbgI1QrAqy3IgDJ5c50ki5WpoRXKNHbNzIZBnFjCyEF3s+z5EJeeqQqmQSinZVE1PXSkEVDQ1M8cdkCCBkQcAMiJiBQIxotqE4iynWquKKmj71oPjZTq0yhOoOcawHchAVQ3JiA0QDE3N2g1o1pioAGTayGKM5wmiNh0tAA0gsQHnjzPCdxJB/bG+2gUyf3J7B7EuENV2m3Nmd5IXP0fkP6Lk2KOSzH98Inh5vzWS1mV84gKhiM0p6nyS51fjI4rg5f1mBudTbXs3MwLD86v15EhymjgDoCYmwoAIaG0qjYXRE5+dREytVgihG/oQuKYMxFf/P8b+7FeSJc0Tw77FzNw9lrPkdmvprp6qmZaoGUAvBEhAGIkg5m3+V0HQg14ICRAEDkgIIkFRaAnTa+1VN5ezRYS7m9m36MHc/URm3WpOPNybeTKOh4e7uX3bb7m9d53P46WNtrrAwCEQqhSpEgOD6+nlCU3f3t0ed8N0PlktTBAYiVkBUuAu4IRAYO6e58U/E7Hp07ohqJu6iQqYM/N+v9fVaPHlPLW727YYdXRkJJpLo9SgqUMr3UAdawIjWrh+poBoCm620NeqiDuuFYsDIbagqcjAAMoMMcYm3xFCYORmv97iEDM3qzOtjijmSKJVLZhLMWJo4z8xV9WcSyklgTmoWiVqOmQE0NiHddF7c9q6msxR+ZXugle3uE31WufwugvarOY27gdc6da2V1jFwdtxmklFXV+4etbQCjQIIXRdF1a8KycGgCbZCohSVbWYmYojNt1CaQNCgAX0vwVab4tSDa06AimpNm3JEOM6KJWxdWjbYNJtYUqheZuHrYGwgchjqRpCiiFwF5kSruQq0UqMIZJofXp6eHj4nPN0d3dQMwdq1p0imkWlmprOU17cVolCQABCcHRQK+QRkKgJVas5NKsjUa2IHhOHQO7qrhyg67qu61TVRMfLHCLFGAOxrcU4rTpV7TpjEwo2FxGEilymXHKujoTAZl3bF1atA1w15aE1A1KKIhWaEwiwGbQwx8zuoKqgEphbiA8IGNCA1JGJSvZsNs+j1RBj3PXkMRJlAkcydAUCYCUCYgiJHU1dAIAiBEc1U3CTqgQEZAtQAWNkJ9wNXQhxpjJnddWhD7tdyHMYIQJQnXONHBBCCHWG82X6w8fv37179+b9u6fzJYsgBXe7jCfuegQnQIPAbkCRmImAiAMGdwfzLqbjfj9nuJzPzMZshEg9kcNMYu6ISqZk7rUZyxgYGkUzm6u5aql6usznsczFqqM6cgQEQGucfSEHQnJDAXCEBQEF3ojnRJSl2mJqQQHZXTlgDPRSL7fdMQRXySH2b25v3P3l5cWd1FENAIyI3ZbuHwA4LlJziOiIreHhSACgvvjIggOvbfNtT/g2xqwJ0zdbxw++ris5uHKGqrVuFoPBqO97Zh7Hc9sQEHEjOH7z0Vs5uL7tnwOBXleE7f1hKwXa6W0nh5u4DhLgsrttE8hWQWO7SgCwAIHWShm2GvHKEAsAkayFyjYrwRAihEDgjmZo7t7oDaCORWwwxhClznkc97suEJlrcAqEuxQYPDFAFgZHQnADNwR3Uy2ZQ0R0cAwEkamLrKqq1gCiRBRjF2N0B/OKaMwsBuJCEENkdMi1qVwOvk5Zlq6mLoSBbd/fzMZqrdFot9vF0MWgGtywcXO0URBcTJpcgrVWcDCdtIAgUBAKTECMCxU9hZAC9X0fQhCRcRzHcdxiTOsoInIzXiCiGBkxIaqLlzLnea61Uk9WrVpFRAQOITihgqtbK4/aAQm8jWZW7Miynmj1OrkeEm9rABFbc7utrW2gCKusLV2Ba9oRYghbs7R9hQZPbaK92y9unzLNBRFFUS27+zzlUoo7DsOAwIS+CoMsQB4HZ2YFt1rVtCV35hhCgEUEZ2n0EVEbHTX9ATdxWzRrGBAAFrjQUuYuy+YyTgAUQkqpB0cpjZ9jolW1EkEu5eHx8+VybiJV1jgMTQHETapVFVW/zFPJSzWD5NiG/27u6k5mCORqTeNlmfMRUQNPdSmWUow8Bt5q9AKl1irVAKqStq+5NUWJsPV1qq6zWwWPrxlxrRXBomoTLAVgBEOwnGVzy2oTx+VqIIfAqs5iTZOoBUI0pUBMqI0cHtgRTSFX6bpUSp4mm60wRyBGimYXYmJuvBUAAG8skBSRSN2RCQgN2jlRMU3G0LgXbZhCyAYAEIiYALwGhtv9AHJgl5dHIEBGnqZ8GNJcRcwul8s8lxDS27dvP395/PjlM3PoQ8pFHNnB1FFETZ3UDcDUP39+QJdj2uMi4+596kLADAWB3AxVQAVVA0NAVp3BTRWLqgogxIZnrgUMcM7l6Txd5qyGikEMxHLDOmkVV2V0QnD3ygswxM3XQTM2jpS7N/NqMzOpcy4ZMQVHqGZuUl0BvCAQuMTYkYKZkjf9VwKApvm8bNprKeXuYrbQVFusdCdExaU0/MFYeP3Mbo/wf2IgdLjyRzRrVWApMyDtdgMR5Twh4g9WhFvn9boY/Wc++gd/6q1vgyvYAcC2whKv+634+sPXP6yBcLsuvlaa/gqfuap8189URHYQV0bAwERoKg5KSIFdRNWt70KMkQLnUqQUAhDRhgKIrIx+2PUMqFpN5f7ulsElz+fnJzSNhHmeDseormaEDS0Zg4hUV2gVaEwhRQ7B1K0WdcPm5LAiO8Ss5pxL7brBEWMMQ584hgapVVVAajlyVcnZi6uZiNYRIA19Sn20oVqTekMHgqYdJWAK1sQNCJ2QBJo5KEFkbuENzSyl5KoNAlJNi9Ra1N0jAjN2fb/fDfvDwCGoynia+z4xdMAIQKZqqkyIMSCqu4ooIhMZCLiPtcZ2sxCYKPjCcGjD6lcQDay8+LbIrm60b2vjOtRdL75toa/12dI8kalu0bdVfi18rhTyV8pw++twvHEHN7AmFUQhpaV4JaJmZMPMGz5LARDB1GqtzbmJmdy9lNKSSldzQBOttY7nS2+lqWEiIgM2HazqvvVy16/QcEYGHtpFA0cRKTWrViJsHVF3Eymn06xWU0q5TCnu2mVuxhoGuIFdrcnkuLenrTUouAtEuBAevAnCUXveY4xD1+33Q+QgWkKglNI8mRmY6aLcGyMCu1tDOizT+9VeAABzqe2+UFga2munARGW3IWRtrmvawZo+q227S/LNXFY76wDxnajA2EMzIxkHoAwBECu6g6awhAIXHUutS3+qm6gyIGZERCRm7iaczIISIFDUnBVrUWdKHXRyI2ceAEkYODADEDn89kdJec6jQDUcbrZdVY6fsjkNAxDvpzifpjGHICq6Zzry+l0PB7v7++fzycgTKlXG83RAEG9mJJIcGdXYey6cDmdVWvqy+Vcptn7Pux2B8mO6I4ewBgkgiJAAOsCObm7CnkDDGFzZVIXsXEu52lWQwiBkMDM1ZGRmdCSAQYCMzERiI3wGgAAnZZv3Z6p5kYLQAQYKKaemQ97nsdxnmdAcCsvp4fmgBkDNf1zM3B/RVS2W9luL/DydKsahuDw6oLbkh13DCt46urR+LbJifjaRPmhuPO6P6zvp23r4NWAtwEnW4m53++3/eFPX9uy3Eq1f+Zz4XpM6K9hLmwrm4i20d43v/NV/Lv6LwK2h/ibONsC4fIraznY8hlY4i25KDE05RJ0dVNCSoSBokmNMfa7OKSWAuFw2PeBI5OJFjVTQ7daxtPpcpPw7d0tADw8PLw8P7byIueM4GjmZmjWisLApPqqQknISGxaxa2IqJsuSXSLlZGIuk7rnBGxZz4kjJEq4kVAzNUkNWI+Ld2Rhn8ccz2qEwVmJea2nyODKYA7ojnhuhARkVqZGZljjF0XYxMncGPmKpJnqUXb3aXAIUQslxTTftff3R73+52Znc7PebyQC7kEHNDYzNg1EnGMGfJ1GddiTCniqx9bY2v5CmxJq2gTrNGrjWFa53PDmm6PQaOs4JVD5vVeeb11tgejAXCXJ8HNVOaptHnkhrhpv9L+ejmP7c0p9e2AzMwcYUWI8CLpt5iAC9RW6m3+iFunBboOEEXEnQFsHMfn52fkBQDpbaxba2sG9n1qtT4CtLNarH8wAbTFZctPTEMIqjWXiUDVqqggYYg0z/Oh2wMTYXA2oNaLB3EgDMiCgrCJKRMg4tD17i7mquIOiMSBmXmcZ1zBn9tohggxcDWtc24OUF3XhRTBvCk8uK51fAjt0WsN19Z4Y44YGAsiYogRgRMHDhRCCEwWODLhqle3tLxoocm7GyK0DApWcXMiYIdIGJiEwAFiRGSsCq4Y0sABx3FsPRU3LKVYAHJyigTgwOZkHhzTy6X0PUEgRBQF9ZBid9i/meXcoGJtkQQOIQQGfi7VHUspJc8IxD00ewcplZLv+6GMI3Ms+dL1CQgenl6ICJjS0KeU5pLNTEWQkZrkqRkYmJsTmNn93buXpy/TNN1QRGSR+XK5mJGzhYAcQ6DIyKUUdwPWrmNgdAyirh4AknpUgVmtihVpniIUYzQgcBW3GEMXogZyDQSmGopN1OBp1DiIuJU6aJbdRQsBdH3a7W6Px/3hcCAYf/Ob30id+9Qx8zxfiMLxcNNQo+7eVNC38TQtndFXWcPrcqrhIaBhOtby55vn+vph3/68vf5cTfhVrLr6c0NjuXuMkRgaHXO32z0/P//gcbZT/aZO/bPF6J+Jka/KXhscpn0lXWWOW0HIK/f8z5xKQwC6mWHTYaFlewp9bPk9AjRUSWu67nY7l4KIfQxGpiYRoe9CPk+3N8ddnxDUrLpT3/c5z4ddHxC1CgCgQ57HPM99F//qZz+NMYJrl8LT0xMAHI/H47t3wEFyAcCU0izzNE1mfntznJ8LMwNSrkXnqQnVU+CWq6sBNn4JQ0dsjPX5POzSsaPgReZsIjtGTKmUQmQyn2sp6N4TZNfLXMK+O53HXAQb7bLhZYhqXeUj3b2FAWRzzDnH/dC6AfNcMCqmwAQfPz8EggbUJCJkNoO5yF2IpnJ6fsrTGELzbccQQp/CvuvQ3UoOIZiDS+1S9DC0MGPuhE3vKrj7eJkCBQrceHVubqAOeDqd2grewC+t69tKt41ZCGuYPJ1OYXXiZubmkgit1bYep31pWmkVrdM7TRMz73Y7aFFqBVxctyjMjGO3ztKkAVtETHXuuq6FopUluQTO03Rq59ZmfvM8933f9/32EeM4Pj09lVJSSrvdrpYZVlz0NE2lFEQMIUROhqaqVQzQU0qJggOJYiOWrDWuuVmVPOy6P35/cs0psqp9+fzp4fPnu/ubmJIZTHk2AxEpomMu81TO51GsMW8bD1qcuCVGpaiaMjMT56oli3stKsfjzXE/1FpVCjMxxDmPXXf/8PCQUpLJ2Pnjx89v396LSOQoIMN+R7DoY5VS+r4PhtM0IWIIybBhuElVZdYuDTlPkbgyNqEGd1eRlJKDqernLx8B37179+58PhexWouZ7fY9QnBfwL2qSoiE6LU4KAQgRAJDkOO+44BPKU6XsUxjQDre3t/vu8fHx5vDvtZcsndpeH55cWAO3en8PIzVCU+nU7/b78Puy+ML3rCDIocuJERWsXmeXbwUefj8pe93KaWcc825lHLY9Xc3kHMez5f90Ddc/ukygtXz+TyO45jnYRg4pnoZ5/ml67oKBgCRmGMwz1bMzBFpmqa7u7umwe2QYkpufJkmTIU4Hne7Ie3P5/PD5y+i0ifu+zDXuYpE7nbdANTn4hPIdJqJAjL3PQPSOM+56m632w07EXFDMB/PL6rKCLXWro9qigFUSi3a933iNI4joKUYdsPeQWstNU/929sffXj3v/nP/uJf/+t//fnz5//uv/0Pv/71b798+XJ6uTBCzhNAGLoYAhYDc24681Yao7Z58tQ5Z6LFNKM9v21W3bJkd7ei23N9XQj62kRpj/CmSrrhTq5DlK80hLWf5FvyLSq4ADJAtao2NCXe3t6O4ywiRGwK81zcPaVk8FVJ+qe14LefvhLztx1sQSdsHIbr0tB9sZ63pX2zHKgVvEtF+cMBF9azWesAqYTMbS7V7BaZQ6DmNxYYTKuVzKCJYgSFgGClZAvkiJbdnRzdpjH3dzcppfPL6XI6n8+XGPnu7u5wOMzzfLlcRGQYhhZ+np+fD7d3ywlvu7AvJIHW3nJCNa1ipe1Gr/U1uXsbWLrZh9uu67oQEdFIm2s2oMnb494dp5xRoKoSURxCH+hLtVKKumHDybgDiBNpa7qabVRQAFPwAOCwFKELEigwoauJmBWp41wcIYauoUZFzgAQE7e5WtMoCCE8Pz7VXIgQyYfUrAfRqgi07mxslXmtunCs28h0LRa3hb51y6+XuK2aRnjVyt8W09a1aOG85Uxb29PMGsVi++vGWcQ2bllHj1tHdEXucGtftIKJsSlyOLghhTzN6wwPnKDWKjVngLnm1uvrQmyux1ryrHJzc4OIWgVFUKRO5+kkLw/4YbfwF1U1S117MmybpMWqML5iE1qEQjUDdGYUtVKyaTUTcBcpOS9AGDdUQANTQHWtaiJWixZRMTfdUm9zR1iHQIsLB4Bpgxa39JQA0BTMTUXcDV3NbJ6yqYcQ2uKHEea55DwNwwBO0zT1fU9OOQsizXPxkCimJkLEzEzBWsobuKU+7h6JITR8AHAKxEjEfZ+K4JYN55xb2FYHFTFDQAghMA1M0d1MK5AzOpM5SUBBy5onKZPUAhjQISCdT2emKBVq9VJyrcqMDrFW6nZ3VfXTx88A8ObD3f54Zy9n7CpBU+ptSDMHBRGruZQizBXUtQjwou3Xpyh1VvAY03E/MJnWUmuWkqvqy2ls0gop9hWqG6ZIBtqYCszkkVPErgvH47H0xDHSOI6jluoq6hBM3Occw0yUupju724YtR/YQVLxueLiziOlZpWsfb8jIjFTFSSPTIieAlnJYKampcx5Golof3O4uT3OVkopuRYVExF2o05VZgDQWlKgELhPYRi6EEikuOj9ze1f/Pgnh2745S9/+bd/+/d/93f/MOeqOqs3uGhr+Yg1ZrrXtebDGGjZ4c0YN5iMGb6OP2KI18FmCzPb8/JNwPuGU45XuJhtM1lnn6+Yl217gRWEsc0dVRWcYozLdvHPKal9FZL+bI3Y9q4N/rdsf+uvES6SH2aGa2N6/QLNiODbjuiffjYigAglDCGRtUGwEXHiILX0XQjoJplBhy4c+pgI0i6hOajyMkL3ViYv+ULV0+l8uVwQYBiG3W738vLSnmRI/fn0fD5fQkzH47HWShyAWKsCQAhBrOZSRYwaEghATLPU2jSdU2yj4EAUAhERArhTXwuDshYDCIAUEJEdkdwpEEEisJwRAIAIO354ntVc5gVa6U05RUStWY6BgiIiKpK3cQRqw/kAOJATG6Cb7w9HAKu1TlOe5/kCkhUGBfdCRE4crXUrGNzRQBRLbYZ7UpMBOBFVxTm8Jm7uC6WBiGoVgILYtNFhC06UXgfOrZLY4lM7zjbta3eZVmmY7aa3f23Z91ZTtgMSkYgC4Eoy8dUAtrEpfO2dNxhEWD6h4U4BfMWXElkuGSygL3KmrTSEloECAjg0djY0YpRJzZLLPM/zPIHVSOTutZQJKi7rHwgghNh1XeiSyiLOINYOC61SDcwNcequABYiafWcJ7clyXPzWkWqNajK4hUCYA5iXqoW0VpVxa6vG4C5t0uN7ujm0NS5xEQWFRxTUDUHU3FzRTNz5YgcA1MY+p2ahC65e6s+u647PY993zvCOE/H/eFyufBA7UbEkPhKGCyltAyi0EMggGhX+Dhm7vseyrKbxBjdzzFGpiTmKkW1InIINAx7RGjtj0Z8D2DIkCJ1AfddPB56M1MLQ5+6FDpJu93ufD4zxWZ1tD8eOA5fHl/ecDQzx3B7ezv0hypugIkQEZCcCAJyLmWapnGcSxEVUzGrJtW2Jd2l3TQCgQRKw9D1Xcx5LnOoIUjJp5dL606l1CGSiDAIYSMoUSMVENiqcuIhxU6GuWaZZa6iItT7NE/zZHkq+9R3ie6Oh9u7AUnO4+nx+fk8lbnkXKsUVPFJKzM3ccQmIoFgpqXrOlVXlS5QujuKyOX08nmSt98dUAtTiBGVuIvURUZPOWeROovHxA6BUL98tsv55Tf/8Dd/9x//tus6rfV4PAYkUPn0/cfDzY2vySYomKM6uIvrCpNGZiImymZSZWnzNFRjs5GCrxS928vX1/bgX0cdRGwP+HXsXKeDth3hGsLS+hNLvx2XnLtB01tyXKuAQwjpz3Uo/zQMfXNWP/gKm4AIAKi+UiUCr2AHALDXdjARrU50C6wW/uTqtN9qdWFkDAjgRuiBiYEDMRMaOBM0yfY+8Zubw9BFrQWRRaoDJtq1wrFVykgwzeX56eHp8anv0vHmGDlNU76UOaV0GHpmrmKnM+x25fZNErUYmYgMDRE5JhSTMjfzgzYUrKbSGsL4eqvaamFaFAiDopvWRTGAgMnJEeDp6WnY7Ydh2O+PzPOU20asu90uS621OiAwU+POL0pgZkANGwHo2pg7jmZQ1QmUALCICKBpCImIHCMFx+BW62maxiIZCiJ2qV6KpRQBoHVQERvnrJppEiRAJBEI04L755brtaQhdcHM3KsZlCJwRZJtnZAtucN1+HeNmoG1IkTEhYfXBs4hNKGZbdltK3XL5mwlfm3H+aancb2W3L2LrAqqKqVR4CWE0Pc9mGo1rUVXwaeFyxgWoXA3YzDiRu3g6XKZpmmeRzBPIXT7XYlhnuc8nWKMGAKszVVmxk14hYjgKxAaMeCiz1Mb7Q/RRSuYhkiRuOQmkEiBuxj69TjYzNpVXdXXKNiekhWnS4D4upU0J0VVb+J8hlqramz+jkGlupmDp5TmeZ7yHIjdoO/77V70ff/w8OCGqjpN0/F4FNM8zaraho/t+6oDEEZu09nFrQPYFcBsayvZ2qwWItjv96fLZemTCzCriC6Z+25vJohMgWMkZiQ2E0nkXSTm/ru3d/t+P87VIUT0mHi37z99/h4A+uGmalG3x+cniuEyT+5+OBxu7+/mMtlst7e3FR7QMSClEMDJzabL/PT4HDi6I0BQqAoYITb9AkZl1AUZbKJKZq7uXbeMDMapMmnfpybULnVkDESRoEGoTLVOs7y8aEP/AlHsUpJQTauKcyp1ni9TznJM3Ztj/+Z2d7vf393vnk99YPDHk5wzK8TITFTMQwgAlgK0QFhKIfIuuBHMWqvUGGNI1MXd23s2zzFR7DtwnKYsZdSSc873b9+IRDNjxhCJiGrNpczHBDVndP/06dPf/ce/zXOtaj/68OHlfFF3ERBtrQdydQMMAMRs4O6t1eeREAjARMEQERo3CRdR+63yu24aXW8I8DV2RkS3+u/6De7XT/pr93KrCGm1wmjaGMycUk9EqlaLEv0vuE39ucDsf6Z6C35l1Lv95hbkiQiQ0F9bZ1sgNMANdfMnZ/D6tWNAdzUxQyAKiARuUqSLHBDBKiMMMRx2idxyvjB1rpU5EBohmbmht9TYRS+XSQTCoeu7XWMU7FMopZzcu67b7XaHW2lrK6bOHNGb2hMjqrtXdaYEAGoiKmLqABQYA9dG7FNzd0bqUupjiDH2u72ZSbUsVc1Vq7o09B0n7ZyByDBWybUKAKbjjWdq2T3RCgZyV/BXdgqhAyGgO3AMSEGtWWe3+tvc5DyNDOiEzBERnaK7l6rPrW6btcseiZuUWmRi5r6rTcHvsAshMBF75aJqpkTWYNaqGiIZIjO5qjQFhcbXbQa/a+i6xn35KoG2/XVrYjQGAizZn25t9kZua3T7bQ7dDr4trW3xtD9vc8EttgHAkLqqmuflVWuNMZacuy4tAwZ3QkCiGDjG6Csazd3BCLDRaQRMI1PouxBC5FAlaxld5uaqCsSO4O7o0HQSYuy+fbSACRGaAJCouZgLOKiJmUipuLrVbLbBAFRFiIK3cr8RttpMEGh9kBnRaanbcUk1nQDJRd3RDBAp58Jch9Q1w0rVYKAI3IRnzex4PDJzjPvLeM5Sb8LNxvYR8Zxzyz+uRRKYeRj2ANBu0Hpbv/JNaxtH+1eR4s6I2KDFqk1yfxGNa8hVUQcHJ0wppUiRCVwZLQUkVAZMBCmiVFZ1BNv14f3b29PpZpqm2JFMXrSIydvDTTekUkqRPI6nEMLusL9/e/80PpuBqZQ5u5VpzDnXWgRidGM3bKhsi2RAqo6gMaBGJvSc80aHJWLHACClyIXm9i3MMLIguBVRhQCYGGNIxDwMQ655LlmAgPpuF5QMQp1xpkhIRu5zKaeLX15Ol5vu9qYLjIehL1UBY5hhrqyGl1KZqYeUupBCrLU0X0yz+vbNG6L7Nqh+eXmRWvvugAAAvOtTjN2YEhH3/c4cRQRDw421J3d5mg4EfRwaDroWzTmruoipqqmpORgCBkRAdHBPAUIgAKq1VhOCQEQYveSK6AgMLk4BoaVrRKur2jXsE65g4d+Eon/+tbRA8TWIft0meR1JiEjfU0qpVqll2WeIqJm6/LnXf2I5CAChUdC2j6TXzc5eS0B7rXyZGRxfi6j14O7+NctiMR8P4GJupoDUaiEzc9DDsEcwNyHQwLG560X0PnEIXdelmNhdlZEQAehyOfV9H1PCI6bUi3mtShRO50uMMcSkqkXX2gXQkGqtzgCAQCy6mGYsj7cjAEHrscTAzLqpp6OZmyp6YHAvRgDsgRhYoJoaIgFy2nVOaRbT6uNcxmLuxCvrExGhEQebzIrbouGCsG00yw1IPXF0h7parKOb1hJCmLWoOlHhGGLsgAgpYBwW2KVjVmha9CFg37FosGruXlCbekA/wxBUVZm5HxqPXgCsklJPtngSN/FXY0Z3FV3u5jIq/tr30r5mEyJiK9FoVTHdRontkm6hlF659ssK2UA0uKrrbYyF9lvLA5BLmaZ5HFs3qYFZ5pSOx2PqQt/3MYTGbUAw12oWmJkb2lAkT9M0TVJKSqGLadgPQ+rM9HSarVbJuY1aQyB3JOYQGYGK2drUdTUlIsKAiIYQI5ptkiaSa57nEcDmPIpIJJZqUq3tyCU3imcgYhVX9UXJinBZD/BqYkUERE1QDRHZnInQTQGa4pdLVRFLHqBJlDkQYSnSZhrH4xEAIoc5T+5eTUuRGKOYSqmmME9NDA/bfSmlMMcYZXEduVJPbn9oeYaab9bN17J5Io1f6A7UmBVmYua5CoFzIOIQAiEqIRDS0IXIcMlzLaNXQINAYZei+bkf+N2H2z/+cXIQYhfNu8N+ypfj/a4b9s/Pz5f55e3bt/0Qzpen3ZDyXKcpT3kUgTwbqMXY1aJNBFzERVwNxVzUOHDqgoOCY61l22bneXZ3A7Qqk80u3nob+xsCdXUxNeJutx8O+z5F7Ib49PTweM7TXDEohj1SpESX8ykQ73fDDsnyWMr0+PgYOJfpyVAM3NQIHMxdXWUZGYD5MAzDrtNCN4f+7du3nz9+SuSPj5/HcRz2u6Fjrdm1/vQn706nk8g8lznPlTkGQsemKh8oBmhIxTWt/Pjx8z/8wz9dTucQwps3bz68++48Tp++fOaY0KBtyw2EzoBubUVSK5cDQAhkBqVoDOyA7mDg0NJ4YAeDtHSAWjq11VHXG8X1I/+n/Z4tJl3FvNfBygYpxxVEAyvmvGHXU0rtXrdM7mqY+NXrT0Pgcg5/JhxuaeBy6rRZCsiKX1jBMleHQwBAeA2DfxpscU1wET0wMidxNwf1isAByUzNhdwDY2QMBPthOPQxxqHvUwihlHmapuWc1jAcY9f3u/2wc9UMjhRqrY1ybu5qziFuope5iJMBd+2xL6UYYNP8bFt1AAJyaCUaAiEhMzqRQVhHpJepNEN5CNjEVRGZOFSpVaxYdaBZvDohUYhdrXUxmYV1yIqAwGra+gyvwXjlpIibCbgJoUdFcHXV1HdAjaprRcxAQoqBWHnQlgRRE2LIrkbmSpwbuFAkZW18xxDCfVQzG4ahaVaZg7sRVUAjQmYkom3Yq6qA3XVyt2FEG6h4C1S2ivG1OnLru7ag26Kgr7CazUqiLaLtd7eHYV33sD1a26/XWhr+c3u0quQqmQOKJjPbdAjbFEFWTgUBipR5HC+XU57mmPhmfwjkVmvJ+Xx+kZpT5ITcheiEIkINRM2RNQCQ+cJqbVpuTkgKXR9rrY2SJVLO53OZRndvlZaF2ETUANqGIvVc2jFBoZQmI+dm5ghg3hzXiICWNmkrlMExouOCVgduRrbuKCK1sHupVdGVKDQcAVFoPVJjB8cQQikF1Boo18C7rmtoMnU3BHICeNVJwBXNi0sHu5pZwBCYRbXv9ymlpgDe0vA2qU0phRBFXSSLVFU1g1w1MpIjUXBYvl2IMVCTkFN0Q0cCBwRCv4xPX758fz6fHh4+vn3/7u7t/el02h+6x+en55cv+/2eg4uUWmeR7vHp5X3s3ATMVSRnzdlEFA1FakvPmgWcO7qRinFyBmdwa65HLd0llNpafMGxtWqoCS2h1xBi4kgdDyEddrsuMaCcz+dxnkopuRpoBonmqEbV214YQpcYUV1E5HK5aD0Tm4JPgmOGXEk8OabjYTdNUzVJAbrA4nJ3d/fXf/0v/+v/w78dx/Fv/uZv/vjx449+9KPvvvvuu+++++u//muZHv/pn371+9///un58vx8Gudaql6mOedJpJhjNXVsIcFqrXunPg2H747ro2cfPnz46U/+4u/+4e8BXVHNyYgNyNXQsQtNMQJC13W7Xdd1l3EupXTDzsxETRYFEGgDFNCvNKi3TmEjKcFVLNxy3G8ChC0NE7h6/yuSU1dTGiK8lpIAgMXBNMRhGOa5bMImf+71n14OLl+/ce/MrBHql6OvW17TWcWrFyz+hG2S8b/wAYTIMSCHqj7nQgYYIIWkpSJZQEgcAnFkvj0eDvvhcs77/R7JH8q8DKgDq2o/DG5WVG76/ng8liJ5rrXWDz/+idXSvBHevHkTYzyfz1+enm+7Xa3ZEEMX3T1XLaKtO4eBKTAjNZKMgbVIGUII1ApQNzOp1c2G0FNMIUapJia5ZHcB0lzFHClajB00lhiiY6gyWVO2oleoLTCIiCPgdRRsRnCtbDIzrUwATAhmUl9ezq1hhcxobo6EIYTwOJXWdGVmV8lZtGYAfzlNIZCUqla7EBt2kZmfc0GE29tuORo6EtSqrUcaI4UQEHwNV5C6uCU9193Rrbz7JhC2yEcr/WbdypfqoS309ucNjQmvGd/yVGygZf/6BQDWPL6JMEZCdBOfRUS0SjHVWtpxWqqYUmrITwAwEzBbOocuWiyHGcFrzafTqcw5xtj3ydRabpuluuOuWWQANyU8M1tjFTmhmcUYa11a0Ko6TZc6541NsS759uiSqtdpUtUYDCCscqra4MS+HhwAzJa2KmILhE0PrwHTFoU/AFC15vNXaw20KNe3ezdN09PT0zAM7b6LCJrf3d0ssHAkAOi6ri7wiFcD5LaR1VLdvWUwtVZQw+DM2GgwMcZam953bNVh13XDsOu6fprLNOVaaxNtaLMM980l0YkohTjPM6G1pUvsZqJVpxDf3d2YV9EM6D/96U9+8df/6je//d3NzY2jff786eXlebfvc84O2vU8DMM0Te5IRDFGqTCZ1Co5KwAvSQPA5sllSIRmLqrqZCEkZjIAN3QwakT1haTUEYGZSS1piLt+33PXhRSYap6n+fT08tAmKanvDHt3VgUDH3YHNHdCJI5914fDnm23wxRUdJ7mabyUlxkcuzT0qe8txtPpdDo9S5454HQZ379/9+Hdu7ubm3/x85+9f//+l7/85cvLy+n0cjweh2G4TA9as4j0XUzv34rhOM5fHl5+94ffZ8CqUkRCCCFFVZ3nuRSrtXZd1/dd2yUup7Oap9QrijqKIxKDN6id3R5v3N3AU0r3d2/7/f7x4Tnn3HWpqlMVdzEzUFM3d49ryXRd5G1/2MqqbR9ofgbXVeD6ztdf2SgG7m7mG20P1gqyPRo5ZzM7HGLf92YL5+qff/2nhMD2ClKzBAqwNHuYOTARUTZHbMRvWteVM6KH7IZuDoLkEAwBKAIBIHgbgDS4ZRvSYINBgnjTvkIEBFStbtoy4BQ6PtzT7d2UustUefp+2H93Gevj+QVD5+6lzrd9Nz5/uR9iChDt3I0ICtEKgO0YxiwgxTG4qQiKA4X+Uszirjg/TfZyKWdJM6EZhL06gIIzYmw2igYmdqSkVRmx61KIVErRqmjIH96/XC7T82XZXlsT1YUSxaX0yVUKmCKRqQQaqlb0NiD0otVEAKCL3KzKFlPpxYKA99A3HjdB4kjgDOjIDoRVYWl7oRPAPJdSRGgwM611W3bqtHQn1BGjY5iquXeYekHUbnCt51Kefnd+f7Z3t8NhoBRw1xNacPXqyCmGbodE4pDrvDAIydVlW5dzOQ3DEGIUrVYrxUW4q0xaymy2TAprdWYkArOmMgoNALZOAJ0goiNB7GJsOSyCM6GqiAsRMVnrmZsjkleKngIR1JyLWEVUZne85Ho8Hrt+MGuueMGcc0GbT7DkqoKI0YEIhXDf96VMz+fncTxLqTc3N30fL+NLoUNCB4AQh7Q/TEWfTg/MnFLaOr1SpxkkNrToRVNxm62WORS9TfvsVEpJyOdp8jiY2fk8dqnf7Q8519u0L1OBYM4mItSFvouXcU5DulymcawEuE9D7IdG9pj5CTjE0COlQE5irqbqIYTE4fIyagpM7kLpsJdzdUKp5sSPz1Pqb6aaZ8epynfv36nk5/GpS3z3piv5Yqapn7o5zjojclHthz3tdi/jTLHHNEwlE7ibnPOFAY79zrn0JglsyuPkPjJSCtZRyWccv+xw7kqCokX1Ueupatz3H/wjmgcJkUMXIofozmMW1TBlf3oqHA83t2+qni7nvN/9yPL/d3/f33w4/vRt+q//q/+tubzfvakiP/vwi//n/+v0q9/8MdJ3u92701l/9Vv9y794i/Zx6YUULUVUawhIx/Tp44NDeLo8EUUK4ZJFFNzjpaqFAXtCNSQKkWrRKY/Nc20c53OZOfQuYoAcws+6y4e3x7u7fs765eHz6bGWiubxZb6ZquaKyGk43nS7XZny0/TiKghWa82lDDEkTs/q8KSBotRU676IzqXORehUY5r6YYICh3QjIuOUu7g/P8//zX/zf+v7/v37t6pSShmns5nd39z+X/7P/8fLnKcxM4euGxA4xs4dLucpxljLBOA3fQK06eWhVksBHvkNB5q9ZuUh8HQ6n86XN2/v+xQDcZnr6ekMnHY3d0Pq0Qvmx8NhF0Onqvnp4+XRXl7O0/Mp3t6ZoRo6goVkTMvoC+elebMEvzWhstYc4iZ2sfWHvCw7Q4tsuEqJNNSoI6yiLEtc9Y4BoHpFcwSIqQMAscUoGxFdC5IzFYTZzaXKNuEWEbEF7rCCsl3BYVXSQUTipTXsZk3mCQHQPRAuDIotbotps1NsWJ6rqOkKwK1TvJ474mIH8+fibks58RV6i1sK4O4idj6fTfLp5YERpNRfvHWOp7loLhL75p0LHHkYBo6gKiQmbg6ETET0dHpBxKZqhkxZ6pxzKQUdlawYzdVyLVXVzMSBt2IZvzrDBSNKHELgNQFHxPP5PE1TznlLTLZKaPuOvOqtiIjSKznvm+vwSpnxVbgcwAmBiSAAgLeCkZEQRSoiNnUCIjSEpuDakBGb+sFWU7YT3kYF2zm4OyIQEgG0ugENClugXQycUgfNAq4hm5BC123jOmxaIcxElPO0pXuth9Y+aOMLwjpC3qZNfqU9j+uooBHhl6oYkXlpCW5J4naFlxNgAGBYKTRmhg5KKrJAT5mZyEPgEBIBiiXEVVQd0U1LKbXyZZ5qrWBiBgYopkVqLuLp25u1fTVbPYy2JLdVuptRhqqqLq5PjcJRyrzol65i4rW6qiKvijmIiBhDMMe+T+jm4ghgVSgERkIiNy+lIHguvrSaic2gJf6OUGpRKXsY0tDXWo25XUkm8BB2w5AiD8NQC5TF5I9CSGbCzA2NrLZ61peacwash8MBERlg84JpSAwBEBFx0sU9cSxTE7aNXRoCESlxot1uV9gwxudTvr29HQ4HRB/LjDXf3N3e3tyfp6nJqlxeHmpRUQ8RAUsK/It/8fP3798+PH5G5Gkah+PNX7z78P/+n/+mqgvgNBeBec6ufvn88EUPL63kNAM1YI5i2obwpmrgZk4UvA0mYKGgReKmRO8mraCsIg7YGgZg6IBqEEL4zR/0kj/+1Pqf/ORnH37616eX/Ld/+8u//4dfqYfU7fZ9Mqc8Pl9OTznnueRihQCZIBNmphg4ERLgPM8NR0EUxQApYIgUOEUa+n6axlPJKXDfJ0Az7/7lv/irOU+fn758+PDh3/7v/ouf/vSngflXv/rVZZbPnz8/P7+M4zxPJcYYQgycELEfEoCHQEjedbFNQPv9OwDLl4vWyYpYmWe306ObGXIaYnj/5laBgVlAIrbG7sLxdXd2SKmkxKoqCmJY1cVBrKEOCbvXmd/1Aw4rvHyzl2mvbSNd/rviYprvEF51L6/j6/W2uR2tbUrXgDtd/Lp5AzSYf4VCx4YIsq/O+fp53w4eAACBgYnW3VMV1GQ9j+tv1Zqi3ro3Wz27/Xz5ADSA133NzBDY6asfuptbw8Gguc/zrCWjqZq/9EnxlBXmohCcOkbGqorMVU1zrWxcVQDEzSHMpQ7DELs+xFhEp7kUUQXP81ShFKNcPVet4s35y6xddEJsApVuqipOTW2VmCggERqwoZnN89z40euI67X7t3X52ta/7I+s38AN1l3e4YfUYOdaoHVJQd0cXdmRmZvZFRFAG6e4NcNdUdz68tfHaekSr/Z4rx/qgo3pzAhuImIBDV2r4KrcXd22iAv27frbFnT7pqu18GIfmDjxKo123Tvd8ga4CmwAwLw0QFqMgS2BUF1xNMslWv5VDYFoBbWa2QbdYli4icvVBkeErou40UVU8jounefSXPqAAhAYBHVWZ1pP77rbg+twfhuh4QqRNatthLZlIaWUXKY2ccs5z/Osqjnny+WScx3C3gBbqmEK6kIcAIyQUmSyTrC6qAk4AoXAFGsVU6nqVRDNQwgx9KVItxsQEUyziTH1w9D3fX16bILwkZgc0CEyhdDvd7sJQcpspu7Ysq225SGirRbEpZR5ntW8+SvZYoeyCM4REXNQVXMXq2BiwqXmYRhKSCFFVxCt5hhiF7QW1dS9QRoMBo7Ypx7A1Ollujw/vVBMu+OgPmY5VTV3Po/6Fz/ZH/dDCAEQT9N0mcv8fPn4NP79r//w+flymmWSaacJKJHq+XxOkN19kU/lwBSIsFqJMSqiGCBSCAGQmU0Vx7EEBgwBFtQrtMcBAYlDCHVbcGZeTT9e4LHUp/kPF9395V/uwZNRFEORylypGUHUCqos0kkukNzdzSuYI2hgCzHGCCG6mQMbUgHLIl4Fi/zVX/6s7/vvv//Dy9ND6roucgjx/f3tx+//eDzub457Mv3NP/3jw8fv37y9m+f59v7Hl8vl5eWUcz6dziHkvh+kWs6ZAzKTCKYuDMOw2w2qenGNkaNQduwDc7ezksnrru/dQQFjpKnaNL8ocKR4mTOG6MTcdCURUtft9/sqwGiMwAgGRIEcCZAB9Pox2TahtiGoqq+jhIWlerWHIL6aNGzPFMBXcesafYmwhVtw903psNUtrf+/cWGXrrtv1K+rfewqNNrXysnbmYRlS3VyhMYx8OYvuH3DK0hP+//a/wSEBgRtxeWKLIWvXipOZGtJvCHvvfGYuhgCdgwKpoQewUThZaxiKA5QDMkVTLQkdwMFhxgixuTmCqhu3HUQQuP75NrsLZkSzS+X6poFZvGsLk72tcbBdj7qZmbFve2JYhoR2zTL3AyhCQQbgpluEKnD4aCqoormRASEhqDwiqGir+0XEFdd1vVqtvfMoi0um7uagkMgCoDeEK1I2DAV64vxK7DlFvAaPn5dBNfh1okwEIZAIXCXuO/DLlEISERg7o1igt7QAnoFw9rOfEumzCysZLvW0V0WzBXRogXIFrS+fhCWeWErZ1uBAgCiVWcNIbSp0hYI1/i00OqXmLTUVI2/6Kqi2j6VETyEMKSoqm6qpqWU8/l8upxzziEER6IQAwdgodhxSmlw5tis55k5tJloEz5wb5qwgah5N0hjMTb/LmaHUCs2FbdxujRXv5zz5TLVqoo2jqOIIN2yOyI3M8JqyuAuSuRoim6MDoyM7RYYIysBijKQAjBHCqlLvchIRBgYDTAFqt4oH0OfBgDiGEIQN83a1ENaaAQgFZVqbTzdnFcA2V23FbWUhlJLKYYQGFUV1EpVxJqaVgiaqwXCyESAt7e3+XSKqc9Zq00OxJGxqpZK/T2kzmOiSA5S6uVyGeW5iNS7Lt7cdqWeX57PAJi6hCTk+6eHLw8PD5+fHl/GnN1/84fvv//8ZIAPk83KIKJQhiGQ+vl8Ttg0V2MIWNXMrORaRJmisiEoAiDDin7HPjATuzsQEy/QX1SPFCCEEApzFEBzV3ByvBj4DKeP0+P4m1/+4bTrdmXOw+6m5MlknudTQDzu+/0wuGvN/JmO3q5hyU0tK3YpxpjPZzU3hOauGigAMYVwen402edpipHfv3/79s3dj3703b/5N//mf/6f/sdxPP/m17+cxnOXCPdDQAyIv/vd7x8eHqYpu+FiQ01EBHd3dxxQpM7znOdKRIiec+52/bHvLOys592QOqY8j5JLCGGci4Nz1w1Fv9Qy54mTnauOUzb3GEJK1nXdbneIsfvj5y8MHLEZQ6AjA7EBNMemqyd6mwRvsjKvmwYiqsr1ZtIqQrgCy2w7w3bA7c2vMcUdfNHuEKnui0WamYkte86WPdPKqro68uvO/6ebUvu4cF1eWFMYdwegV50nXFxp1uMiQJMaeI3ngGuMRYN2pNUyY9kiv4XLeoiRKXDgSGgKZmZqRJwdZBLFgMRazMg6NMt5x4YBUxrS8TAcbzxnyOIGgKhIWY0wGLGzS5UqJm5VQQzUG0CNENGubKHc3XDtZbuBLnZc3ASmmRlcvTnehVbbbGcPQH2/yzmLzKqtNYUNGHR9cXGNdttaeb3Ba2FlcQ2Wtnp/MEOgRpd2cHAw8xWVZ3G1kNzKzXb8jYRnq/h1y5UihsjOARmJF2nv1HccA5CD5OLkFCIyo6m6NamtLc9qrVFmnqa8LG1aWGXLBrryeLbz2b7j1eJ+lU+rMq1XiAEA0FvFFiPjouSEALpeMVrLa3M3d0V0RGdm8iWs4voRLQlltGY66O5Nm2rBrHIANAxdYiYR7hKnPgIH0FZEIiJRwwStsF9w5ta8NZHS6qfDbk9EHAjQEVFE5jyO43g+n8/nMzg1f58YwRuZslmSqVuTGDTDAEwI4KiKroEwhJBCWLHZSM4hxEW4AR2avSVAFZlzRnIxy1qfzhd7kXe7AQOnGDgkUilYoHkwVgNo4BFtgoluLmIQsK188MXfJyBhQGZmQAAnCoRBsJiZLvbRgOYqpWPeD4kJDsedvHkXKc7lxTBS5GDILMx2HiX1B467uY6PD5/H6bnr6XDshtQ5VNVKmI8Hevfu3e3tvarua+lSmqvMxT7+6ncV+fPL+SKMFC2hJ57nrKUaSakXE9UiKaW+h8DgXquKGbgtCo611sbRZTZVE5HIwd1VqqsGYmauKkWFkRv4LktVwKog6hhcrAvEHaWXEqdPI/k5gEeE4BCQYheGSLeH7u7Qd5FVpYd7KXWex2miNrYAUxE/HA5TrVXM0MRA0AGc3f748Uvf95fLJRCUUj5++hQCl1L+/b//9//4j38/T5cvXz7VXMbL+YHwfD7PMKj6MAy74aDqKaWUuk3It5Q8jiMzHo67lJJIIUz9kMo0ltGHxIkpeFD0eZ6tzBS6faKhiyIVQcAldgMQ16oipgbEcRi6YRgenl4WMIVaIyCqVTck/qaQWHZFXVUy1qd4QQLiVwHpNRBe7xJb4uvurWRqVeA3sfB66277W9d1+Txex7b26a3nsbwZFguWdhxyaNPO9i+tWiSH8E1s1NV+3pGwQdocfTs8YrMks0UwrM38FIDaEBAWlG07p3bAZc/D146qAoBVKWZMibuIyI6KBMg8Fx3nSok5BZhVXTShFhWslvimZ8dQwKdqY6kOWMBJIQUKCZBYUYvqORekJmjjQECEACwA6I2/hStPGXRJ/Rfxf3es6myQQkBGR22ovC2wbffg+mb7qkZGRG32uBVJW5KBCxZ+TZdeG4zqoOBN534ZoJoI0Yo/AjM3BTQkQyi5bIFwG2362jfYMg9cyXkJCRtYnrwJxKpqrcDUfBi02REgky8y9OiAvoyQDZrQEXpgbtbAoamFIAXiQM0RcPULYmZiIkAEcMXWTXADQDdZFFJ05QuaLqaVDujASIRE2DwFv8okli/lQIDerOWbB2QzTF7k3U0EiCDnOs+zSBuaWiAchoGY5zkDhdj1KaVclZmRAwUIUMKVjeIyhrx6ASwUe72SZnV31VrK3Ozam5gqEeW5zvPY99DCcNPNKiK6IoSZuYtshrVWIAAmRupCbFgAF9Ps4oAAxIHQvbHUhYBQzIsoMyqgqD1fLtM08jxS4L4bYt+ZY8llrsUBzqcRqT24LAborupcDEG9eV/g4scUQkhEYbHCWTYmqVaoAiCqUnJiqHlOQzoMPbkh4rDfzZdynmsWschFREQQnRNf5sv8/SmXy5xPzDWGPkWexxcpvt/1P/vLH314++5nP/tZSunjx4/vaDccj3/4/gtS/PL8VDmdMkLcz2IZqZIXV6segzmhqz0/T8MAZiGltmOiE1IIqNo2G6emPWjmVbRE78zMq5jbwk1TU1UOS9rh7uZgDUAHZHxT1FwJKDkjSS1WolW2+uH++O52GAIwFLRMEIeObx0rYo9xx54L5ZzHPJcs6e6e0QpoS23QmnIrh9Q5UuoHZnw5j18enn772989Pb9czqfdrp/Hs6o+P3/5/tPnH//4u2EYzuO0UlHNDMiYzdSszdqBMPUdM4bYhRhiSvkylrGen5/Hy2mM3BEFgpRiQ9q/nE+XaQIMc6lgEGLHlNw114Va2uY7ze3ZAINaEWPRuQiIiTmsimNrxFi2u40itQWw9rD0HF+j4BohruLoa3jb3vBaLbxWck5X/ja40pc3cMZGX74CY6xLGV4rwu2Jvj6B9tQHChE5eBtCmZmBg0HroiIRbJaEBEhAsHRSHVfJ4BafbT0J++Zjlm/e+o6AiLbNDt2tVkwhNsttBOAQ8jRN1SNj8DDl3FsxCzKrBwioHDDOuSA/vpyepzmknkyJvBiwGgCUUqZq1YFCQDFkJ0LHAI6o1vZ1uGINu3tTg2xsGnVzFVYhYzWtKsW4yeU1WzsHAkCkMM2lVlUDW9zoYdXIWr5dS5G2OdNVgbR8cPs/uZmudX1rMquZe+gW+VoERCCixbq1VPmm0mq3e4vNa4Ni1XoIgOZA3DDiSCTVzpKl4n5IfZ+Q0FVNBJnBvZSl/76SIiCEoKocaPvhdVLWNGmvc4VtqfnVa9EAWHQYGGAh5DYiY4x8TaRtedfS5SB2NXfQNQgFIkcUKQDWLGPbcC5PF2bONOecHWAY9sjRXYkwhKAwE1Pf98P+GKuoKgA5mYm6Gy600dYbVsRXAmXzWAAAZk4purtotWrTdDmfz9N8adP7lFLXLUYZ7SsT4263AyRTL1oB3cxCpCYRUdQYKSYiJzOrVWoVFzViBSRmVCvil6lUNYcCFDjCVEuEaObVCQAV+enpCZBSunS7PVKoKrmqI6g+DsPQPHcgq5pYFRVP1ERUHAiX3j/6Kv0Di1YUgpnlqo5KDj0yM2mVsEuHXQ9mVoU4juX8fBrHooG8SFWtIfBxR/N0uYxnh3rcp+PN/rjvU/QE6eb28PO/+tl3Hz6EEI67fc45uDCF56fT7//4+TzXMZt0/JyLSKXQFcPJQnE2g6nqEJEQS0XIBiQGixfKsvWSQaPurzN7M1GtwSMCBGJXBV1kk0LTzmsLjAmd2MEIAgeGoamvCwA7uFOgwCFgBQpMIZpXyU0hHCMTJuwQ932IN0dgnvL85fH5+Xw5PX/Jak4hDbs0dJxS4MQpnj8qhbDfcwgBTNNuB6bPl/nTpy/7/YDm+8MuDfF8fvnN7z+P47S7fZdzJiKi0LieMaRa6y9+8Yuc8zSPDaX1+9//vgWDPjCYz3kEkT7FQNDFcHd3N+yHbig4lcs4l+rVIcbAIZVFZMDBbFZpVXUTWEBcGATtwZ+LqGrF6yj4ihpF/ApVsP15S/3XXWv5eXOKbtn8VvZt+8ZrLMTt/dS2iEDo6yRow4tue+yCBr0+gasPxbUcudqglmZSWMQVkbc+oTuYW0RuyfpX0tqObq0chvWDddH1+PYL2yLi7QT+lTAdIqJ56jozRWRHcMMiYGZstUMuTgQJnObqogIAda6H+z0EV/dZvE7lkmtWY2J1VIdcVHVeqWzc9NWADVzJ0JHcABG9OX8vBLWGWQK3NuxEAFAzUUGqSKyqpYox2RLLm32EIiIayTy1IeIaB5vD1xIFt61/g+Bfxb6v2gJdiNt7eBW5VlVUxOv7t5bk1Mt1ZrSFw5VYTduR24LoMDl4DC0QxhDQXUzsNGdm7Pu+WaFrlYAYmItZazWsIWw5WikVltTv1S+p1jp0cfvK14/BFki2jG+ZnqI2f49SZlVtNNY2cdxWETVdB1ymO7Z2VlUVXbd6kdCb8ieI5OkyTZO7DZxLkTbijbHLVR0pGrRIFrtuv9+HUnOVWisCNxPj7cmApWGyoL3dTFd7lhRj040z9VLmcRzHcWzcJkSfpksppQXCEELfdyGE73704fnlglVECqi7GVgDo1athVOfOKh6KWW6TCLijhgGR0dVR5pF5lKnYo6U69h1/ZRzUkOHqsZdjxFsPouZVfFcOWA1NwBzeng63ZgvQhPoVapWqWphBwBNjJx9QXQDEwx96rvOzFJKtfalCHNgjm7AoaOA7h4Ydym2PSilnRhlMyOmELCWwND10ernwy7c3+7AzaEOnd0f0s3t7v7259+9f/uLX/wCHf7+7//+N3/8pYi9PD7/8ve/NYqfTmdN+0sxcZ2VuduH3UHm2WdVKCIzqEmpgaAnzsXMqzntsGnXiYgQodSFEtr6ZA0H1MVEMXAIUEy1YREoxrii690NHdAW2WT0eY7MXZ+GrncTzSMih8j9kMT98XRmzQEtkeViKuXNPcXU3w63929v+t1hLOV2331+fMpyN1eZRY1ZzXO5jPXZ3YH2igRO45jN5Ljbu/vHL5/6wx3GMI9jvWRVLbMdj8fd7T7nKmIpLa6Qqmo2z/P8t3/3HxvBvOs6RGzrMITw8nRiZgLrUwSOUy3VLVa9fH4iouObd/s7mHKd8jwXqWa5CBOFEJjJgVy0Df5rrcgxpEicAIgZu8iVaBEG+ZNAGOPW0vxKUGZ9Xtd9YB2SbR2sbzANG7T+68oNiGjZIph9hRoQUfMvhCuNtyUNDfEHAyGsM8htX1rOx6/Rq8Tu5uZuKACMhoiGCK0/t6Bdcd0utpNcGccO7lsoXrZppOBIqk60NhUdHL2lOUxWijQgg7rlqTpziENW9yzAXdF6nuuuG+ZqTHA8HnY3x1xLUZyr1csUgUIIOZdcpkDs7sy+2w/TNMa0GwJe8mxiRIEcXKpz99UlAMAQGWBBvQciRAW8zBkRKSZQWqpyQ0QK7TYUTSmBg0qLYRZjTCmGENjwml7NFhokEgCAl6Xs7oTYfPLm53MKCeMWADDnPJeV9uyOiDHGvu/6vo8xnqa5xdfWlDOzGGPf97rYMmwtctviMYam2M9NeQ6BKcTUxZQ6qeruu74jAjDv+mSrrm5rwbexWSmlH5IunPpXvTQzi9BCThz6AQBqrQC+2+9rrXWe2koFgDpP7bAhJCkzEQWiFCIRgEnjV4YYAxG4Lw0J1VJrVW2oHFWNjC0xlJp9EXmy+TI+Pz8T0aL5Mr503cAc8jzN84whEsdcpvcffuyGgeh8Pp8vo4ghk4iy1mm6MPMwDIhUa641pxRibE5MFCPXSqWUUmZmTKlvHaTGlCilPD09nE6nVhG+e/fu/s7bfRmG4Xw+z1PdDYdxOn/58ikGfvPmLqV0fsnH47ENlcfL6fHLMyL2/U5EHDtgPk/jXGbiqJAcqjMx8penZ2ByDmgOyFkMkIshh4QcnGO3Pw4xPT49ff78KYSAY971FCKrO8cBQXKZn55Pfd8Tg61yS5GDVtEq1ADfiLvdTkRUnDhCiFnh8nw6Ho/3NzdgNgxDrbXqfL6MWaAbuss0zdN4d3tgxp/e2r/6V//q3bt3v/rlPz49Pb27v3/79u3PfvazPvUu+vkPnx4fnz9//PLl88PpdCpFnp7mrDBWPek0GU+1VgzTlItHR4xpJ70WkalkV8IuEid3d+Cq8Hwamwh4jHGaLynFvu+JQFXa43A4HAYaRKSWuuVqqUu7rjeg52kmohSjZiFECgEQgymYOqqBIXqghbxEMamXWRftDDcMDBwTlYuWy2Q5QtFyE7vuLz+8/cVf/eXD8/PHx8fn08WQxPz5dKaaxe3iu+8/fwSAu5tbd//j978OIXz48O7p6SmGYAYyV2bu93cZWVX3/bBrzR50jqG1su/fvmkT67bSADGmrpQy5zIXCNGISLIWo2HYp6ErHonIzZtrkYfESAFrrXU3xFprG1SbOHWB0Od57vudmamoyGy+gC3MLPbDtu+rqtkC+W4ahN/0Hl/D22uUeZ3h0QK2X0ZLLS1rAazVdq/RC8EWQbVlchFjdPdxHFO/24IfXimgviY68FWsQnNiAgcTVVWigIiuFsRczMK6b7q/EuwMiJezIcemEe2waEaAe7PWW/kVbUYIrwy55SAKAIbMANQ6pMsRAdHBmsy1KACpYTUMBGKmSAiu4OYAZkl9Rtv3CSjO4uMsVdwhiFHqemD2KgahOrrUKuac20gLHakEs+Imau5qhvbN7dkioq91LlxV1uLrnG+tV9rNsAaYRARmQDTE0jzF/bXY3+obACilwMrRahG15TUBkGExvWqeQYakSDF2tvIFUUGzZJ2F62ac1Y6/xT+/aiP41VcQUyutrim1zMch7hLHgO4m2izFEZEJkREYyVV4lSjTKkaOiDEEV2urePPlUNVmXbsOO18lY9pQbStMadXUbl3QbX2/9j8Ra62qFdcp7PbfZnYYmcMK9SL0RtV/fn4q84iIHBq+hiJTxEAE5uLqFOKQ4u540/W7Ybcbc3YVAzUVcNcqJZcdNZFMIQKzKFJESikLkbJ5cWxeEyIM0IJlFRHRolrbtx6GgYgAbAUTIeKyR8zzPE2TiRphzhnMzSCl/vn55AYGWMxfXs6pk77vJ8lE5BgqoCsaYkXOuU5zqQp1zg+Pp8Ph8POf/3y323359Pknf/Uvn8+ny2XKWWa/OM5mcHP/QUSKyfj0HJl3u37ok6hNWeIei1SssPhMrQba28gaERGYKSpVAxhnE6+utYtKi2MqmSPH7vF0/vL4iC/nYejevLn76Y/fv3t/r0//n3z5/hLz3TG8u/9RH3uVWsbp+fNjKTZe8vk0v7yM57OdzzDPMluq7tkpO4hjU+lwRzEFIHVoTU9AMmKHUAQcTEENqXVPiMEdpRqRtjvXpn5t1w2B2xp0AndCYmImwKrqaqBgDTXu2KhirBkRSUJD8aqZMSDyedZIFtGBOYQEjBSIEHB+MYNZH1zzeH7hru8Px2F33A+797c3EeD5fHKpBzZnG/PswW9vb2utl2lExN1hr6q//8OnlBK0TDzEEGPsBoqBzBI0TVeyZl5isjFZW2yIYdGJTSmJ2P5+IAcRKXUuonWqUzbiqT1lTe5x1Ykmj/272908zwBAYBmM0JmDmYkUMxADR2oKf0TsiKPIVlHZ4qtj7o60dbm+YvJ92yuiZWNsb7seul/3ydo2dtWLdMCvtuvtnd8AOHzdbf6cReC2M9MVdd7Mgqqqmpjb6+kSkG+xMKzDz2XkqNAgMlsUXJkR23ddYqG7A5CgRWNYYBANrtOgcItMs3tjYbi6m3MVUQdFbZRYVUX2Qk5VnA/IYc5yvsy5ujq7ghg6YjVSIyJQIwflan2fYuwYMMwV1ETV2nMjX2F/AWAtwskXj4glH1lu5MpcuL791wkIrRyGNitC+JrewK9Bq31w48MhEwDUWlnr9bppJdSmQ+ruKq5qplKLIqL3i5lDq9jWbvBSaF6vuTUcsrlWURHRmlV7OOwOFMGsmLGxApoDWtvvl7i1JmsCaO3jRBY8yPVXboGq7/vXDn4ILaptq5xWtj7RK293zfhaBbKqgxJtnXVcm6vNv6KJw5mZ1CyO1AB149ndh6Ezk5JLDNQPA8xsJlUUgDof6HDY74e7u3sHWonwjiqEgI6o1UwdTVVdzZJqFTAnQDAPMcQQzWxWazUTmMfOW8+t7UdtYYTAMQaztjaa4EAb2bo7juM4jRmACFnEGCWEQCGmrq9qMCulXXcIIXTFXSnNagAwi025OGJVfXx+bvl4KWUcc3X8Bad3H358uLm/pdrP08OXx08PX06XTBxjjEDYDQeoWR2qylyEmZFi7PrWh3d3dA+8eE6ZSSAISLU9A+6OaOa11pfJqwBq9kEBIIaGvqFPn7784Y8fx7kiy83N4S9+8mHX8z5R92bfdd1hH1VC3x+Q4qePj3/4/cfvPz2Ol3q+ZKkIztV8KnEu+pKlmM8Gs3pBWg1hsbl5wCrQBcSOJIBFmj0UOiiAmVYitABi7nXRvWtbVwgBkMRNwQ2BkEIIISZgcghZS3tMGJCAfTWEDFAdaEU7oLmBgRgkTk7kaEakCApYDAk8MiiBI+Q8TfOsGPj51O921eFwvO27FFYNs9Pp9OXLl9jtq+rlcplAu67bH25U/fn08vx0qs3hCINzIAUGN/PzPIZFxQm2XaK5SrURaeBItAilmkKhTkQ8FzQTyVLrBEZEZpmuqFwhhG7oU4qHXd8cnt3cAoVATXFTRES9iGVRMfTFmOwHirztAV9LsFclYbyi632TqW8xbAka6+vqh6+BEF/tAX37afvbdSXQcCe4KP7/sBr3FgV5kXVcmmfbrgQAaLCx0LCVcoho6C2HX5qwDePvCK1p+lo82VZWbUAdAGgeP+vHI7oTLEWnNwdRsyY53PhgDCru6gHBDFzdxMAMsik4mvM0XU6XLOYKrA5zriG4iKtDo4S6GjO3wM+0OfsYAPKfSM+96stQ82DwDZSxZCgY21/W67Q4m4EjAoK3Yq5dH3f3yK+QUUSEVVE6pST+lRerqooI1WKL+BwHDAiETCHGUooDISEFQ6ftel4ul8ah2RBTcH13ro6/BHIiwEaPs7FUvCADmkkfqStGgIhagyo6uhPNHhdi7LJ2aTmgXflObEtQ24ANEVfFh9b6F5EmwvtNykZEq8SQeQP8ISIKrD7TLZDA+qwiYrObaJSJlm1M0ygiD58/EtHNzSEw5nk0sxBoGLqqXKth03JFcxV0I7ei4pJV1MQ0z4iIHBik1DnGCOiixYuK1hB5t+8BICZOKdRaAZvRo5mLI+Wca81b5kGEKSVZxPihjReJoGkPIJZSpNaaYui6rj20qR/yXIb9gao/nx8w9j96/1NV/NVvfucxnaZTUcmlXOaMRGL6+fl0e3NfpAAlTvD99y//9//Hf/+j7/5pv9//9MPN8Xi0tJv9+VSmkKJLOZ9fPrx7N3TdoR9qnmuZL1n6FLv+MJULAxIDv+LUrekqEEMLJGouIiWLoWTrrVbPleBV+hwdH56e5irDfjdNU0zhu3fvpvOX0+PHw1340Ycf7ffHX/3699N8Oh7elsqXcfz8OD88XZ4eL1UxdQcKKWefJns4VwUX94Ku7B4RAhKhSmkobgAjIqfgSAItzQRHADdyUAMDQ7fWmhMDMvWFquREOM4XX6SjIsfQD50BVgECYEBGCsyBAA3N0YAosIITQxPiV1dvwA5sq3ZVZCYOxJGxjwdCBqZqeJlyzeVyPr9c8vNpfvNmvH/7Zrfb7bqUUrodhrfH42N88/nh4RmKD4ljMgALeOjf/uS7D6XqnOtUilRrnNRa9LsdqZKEZtHu2OBh0HpF6N68LdF9ERI7y5KfmQFSaCDvNkjjsAWMxdSz73vT6ibQ7C2lOgRDsVqRmKiNgrC6FjFHA0dKrxDrdp2XqKZbrFrgJ1tmvy6ztgUs4VBXs+7tbWuZ8RXUYH19Gwi3ELuRp7cCdIMN/uCr6dC0QN04DATocNXYXavFxTRB3WmZM7Khoa0lsIfFXNgRedtzvzp7WIutFvy2koiBHBWuSma1BlNlJ3Mgd3BWd3RUR9YVkmOO5FDNp1zHcc65GgVgrqotURJ1AGpQYAdFZBFRsRColXUEQEiG4PZawF41gQEBrTlWrshXvLoR11+tvbYbvKUw+PXr9VMa1jEEqaX1ysyMArdAGJpyq6OrV9WgTbnYfBneYxMY247WcDHbUvvB5Ov6c+cira8BAGp+yUW1jhPd7HsC1C6YMBMFBELnzM5hy7NaHwwANiTOtuBeczo3cFv8XADc1MHdtEnCbT8BRDcEZ1tcTZYteEms3KUaWEORATMbByMlWpj7bZAsNV8ul5eX55onItrt+pTCNI615v1+uL29YWboOiBiszaNqJJPz09trddcEQBEZR7dPcaORAygxewGdVHVlFLf922GvT2lDTqLq3BaSxHasm+XpWkPIZKZLpLmcfGiajPFoU8t3jQE7zTXPM6XWV8uuRjFCqfL9LuPDxrkfD5XFQ7BEKxBGDk9ni5mdjweb3e3XZrMbJqr6OXXv/2nm5ub3fEATtnD/HzOOWutRT/fHQ+3xz0hALIjiLnVUoqEQB1FJDQzLUqJu5gYKYQQSbWlaNWKihloSGBWi0Wsc6611mas0SZwFHeXywVU7m52x65ovgSmMnPO86dPlyI+zf3zaEXjbPFU+OMo82wciYPOpU7TlIW0rSFQZycFjIIiDo7U8JxmBE5krVmJ6uuT28QuCAiRQmRGQnJQMVV3I3JVq7WscyM1MzEz85yrmXvj5DiERQ0LGEAwmJk6MYCam0Mzr7hMUwSN6BRpR2kXw36IfUqER+boSFAFldEDVBPVw93tVLV+/2UYzn3X9TEej8d3d/cpdHs+nndcq45Tfj6dp6oCdLrM6kQc9/ubm3e3/W7PMRKFh9/9UkRESpWsKlYV0F63HacFlt763ESGaevNNG2EEELXdbjKS7V8DhG7LqUUYL6Qibew4KZS3XTORQGRgnMCCiGwURO2Ivim/weIS09yGwb98Ea0/OGqjmzvvyYrEa2cvXZkWN9G4H+mwrOv6xb8IfWu6xdfaUC2V/traJjjq70btyml42oe6tQs1sGMnRoBYf2G7UMdqQ0IEcAQWyMUAYgpNE0Vd1TTRcJrLQfd3RycobEVAdHQDNYEzGHj5jNzrfVyGfNUzByJzcCUIOByh5wMAZ1Ua60C0MDS5KILM46QAer1NcL1myyCCW7WTqp9JUQA9WYrCCv9Ax0RiHxrBdh2a/H6NlwHjHb+28zPzEiX4TCnYIEMXFxNjaw2a/IG6nPb7vRy8za7k2+a7804d/vEbf05ACAhN9fxCFarqjVHdQSTqBKYqQ8c2MXMS2krkmJEd3JEcwBPKSAiIzEit/Y6M7ZpzBqbAaAhvFundJsabudjZu7XLVzeTriZA7fLuK4Q3Cbk7Q6KSIMIuer7929F5OX5+eXlCQBub28Oh8M4jg5q3oyQTERPp9PpdHp6enrz5g0opNRFxEimqmREJiFRw8W0HMPdVu1Va8hfkYLoXRfN2MyaE/v1E4Urp3PbBUTUVxGixZ5Jlr+aWa3VASmEj98/PF/majxm+f7xN8+n8fPTuaCbWVVJA/Z9fzqfRPXduw//7t/9uy9fvnz++OXh8xdTCsy11j/89o/9bfr1xy83c/2Lv/hZl4bvH389jpfb483LmEspL+fTza5/c3Mcht605mlcdklUBAQ3c4uh2epak1yQ1kVXNQNzr8bmVA2qbAJyrh6eXk6AFGO8v78/3uzd6hA5Fzvsf/Kr3/z+8eHlZcwch++/fP7yfNrdvvvtH18eXsbPLzKLha5yDFW8GIEnAzMXd3cw8sIORDWEgLCMpIG5uJmBOSTwtmHAsvExUBsoJGqjBPIG0FXx1rHhGIjI1apVyFSrXMYZOdVaXdUV0BDNyEjBxsWd01kWj+wISKxDJHQLbuzK5mwYjYJaDhGUcq1zlmroPCAhNSrXdMkg4KHm6QKXeZxrrryjd7c3P757exnn82V8c+yeT+Pjy+X49uaSay4GOk9nGy9nd3fA+8OulJKzAzbHUGuc9LaWpBoAMjfB4galiaqEiCGEBjB1ESNSq8pt3GDgjuhFi2ZiVSk5hJAC89AzNyRdHXPBmIg7cZrFvdQKAE6i8+ve4g4rCH9jR7fydKsEtt7S8g7YSsAfgG5eb2iIeFWKwCsJe4Nhrr/+VSnSuph/zqXw644uMzdIByKGRm+wdcde2qzLN/mqwHRDA+cfPvQa6qlNqTf+IWPzFTJzc3Ij9NZaMDN3cNuwOQQAtjqOGgK6uqOaNShoTH3JYiUvCCUKbb5tBkRu6m7ghm6q4gALgB7qMsWhRa4TVP+EDYoLccLMxNTMtGmktZ1dFhWxLYvxr9XqvrmLWxt9yzv+maoREatbK0GrVZE2nwvubtICRrvN1JiaiMj2GmW3yNdC7HUl2hrf3uCCiy46cQgIRGaoRV2KWqhK4POcLVJCZIqqEmPsug4WD8KFrANXQX27GiEEg2UqwyusGQC6rmsqG7iOUV9XC+hqfNn+aWlUpJQCR0Rsqi7bRata0IGYELGUMs8Tmnd9DwDjeL6cX0QkpYiIbgKuLVjWomY2TdN0HolotzuUeQaAw+7Y972rEIBbqWXG0LVpX8NZdF3XYK7NbOgalQBfp5/rZMKWBykEVRWpIuoOiNRGeroaK7YGgDurFsc5dvvzOF/GLB4fTtPzac4KEDpR6oYhj+eiEIHHUg+Hw3/+X/yXadhN+ePpMop56LqAhBAO+1sYOAB76IoTceiPN84BA7vpLLXWKiUzQQjEBECExiIyq6TI3BSNzMzscrm03KVdisYDAeRLloSNxwki1tD8YjyOozuEEH7+85/f7sL3f/hdsLPOZ8Y3v/rV48dPX4phP9jTlL//9HR447/+48ep6ChmFKMSkatDoRA0NHgAoDMAs3eMxGig5I5IjotgoZsrrJN4RDZERHMnwAUMuexZDCCLAJYjsrdZWvtGtV2SUkJYPVsACYAxGAI4jM2htEFEwB2J0R0gBOqcO8SBLKGiTDrmyjgNR3fJVXM1IubQi0HWPJ7PjNzHDkIMgcFtmmX+4+d+uOh0d//23W2/O/bHWfzNcffhzZvvvzy6Vski2aSU2kzAAdmsadsiQUqpGTsCQFu0ldTMERm8NXI8AqA7E6UYVLWgq6lbKfPsoO7aJDObyxei9yGWUtq0xd0R+wCOBDFGDJ1TcAWxIuZqSzbuX7+W7RvDGpy+GgRuOyR8XRF+c5yNbOavkJPXMgtWYUW4CoSwBsttQyaiV5r4t9CV5dU6N81NjIhaR1dVg//AC/wr0Rp8/RdDJARoLVFdQ6ABOsLr+1uZ2/4LbazoLb6YoyM6XY3cAACcsLXhERqy04mae+kWnkMIWmfVjIgh9YDU4qmIAARVbTw/XDq7iyKzNbONBu9xb13Jjd8B2oagAADmYAamYAZbOkGL/Ir76ti+3cJvAs+aQzQMyGvLe8MN+UqEwBVE0373cT5FAkSsrgYQqEE4G+ncXZ2Am6pyK0Hy4xe8ssPd0p/N9KB9btvUzCyFXtWKlcBkMXRMbYzFIRFHgLVGUVIyZlaVFbfSSEuLoUQ7vrs3abEtkgEte1MLFboa807T1OLHFjmWy+VNQ3WTcGufRd9cRncXMXcfx3OMPAyDu18ul9PpxIC7ff/8/Hw+vSD6brdDhHEcmV4ve5Us1Zo9fcstfvVP/whAt7e397dv2mNgZuNlTHHB9Krqfr/v+75N8vq+B4DGmWtXuHGNHdKW6GxZUZuutRDiDiEkpkav9HZlbCWctEexiOaXWUwd8en5/Ph0Bu6H3Z6KTBOErtfzKefSDTtA/tGPf/pv//f/1X/4D//h06dPgeP/+n/1n+Wp/NM//MPD0yMB/+H7j7e3t4r8/afPu93u/t373Th9/vR9QMYAJvkyjfaxasl3t8eu61xrbYhA5y5F4Ebnr805XQ1qlZzzXMXMiGnOFaOxLftL6x5XpTdv3sBLiTG+e/cO6uk3v/rlQHMK+vnL3z88vpwnfTnP3KliGLPJaT5PUpwMk3GY3SXnRuW85XtAaEp2IdCQKHUUA16mkYAAGm6BEMHR3XwTXhBTXmQQlmVDRCtLrD08a7lAziGYmYLilRImwwKIZAYwFAQyhDYEImdmBwM3JKRAOWdmRcbI1AdIBAE0GL4URURDhsDI0SmVMp3OE3NKfcdApcxgfhx6CnGapnwaf/15fHn8/PNf/HW3u6nnEzj96N37+/v7T4+nL4+nS65zscs4eVZTP51O7k4EMWGMvG05LVmpZQmEprUUKaXc74dGz0WITJCYFDxFRo8iXmpVUQBwBEMFADadJ8+zAs61AvOJAuQKoU8YeqdQnaai6gChC/Qaw66ji7sDbtn5V8692whpiQ6vqNGlN3bd2VJVWDFBm8zFEgjXHuz1rrsFQl/lnWGLi/zDgVBE2ibc9k8BW7i/XfA6n27292JFZToMvRRxXEip5uBqvoD4mBgmy4hNXgUBAoGDA6khBmxUu6aDgs4IiCYuFAmBRSxXUwNmjpxmrYbWtlVCpkXyBc9yD+hgK7yC3QlGt+/PGomtwPs3RxySzJfAwPNJ+b0qOAV3lVqIAHsWROgidxGB80wTsAMisLNDn0qtc87u3sbFrj7muVZBYKCIjO4ujm7u6rE/bDdMfWmEAoDD0jVfN/qlS1YowcbclNfq0+RV+YycyJaqKNmYPKSYnPsGq0CdichqTTGmGB1MtaJjxJhiGnrgwNgyRVMnBHdV64a9mFdRcACOwMkN3EykLAsLsLqDY+QUKM1gUKkCZYDpYn3C/TC4pVTyWS9eZNcPMcbA2DF0aufzeHN3F/s4TtM0T6nvKXDOOQ2pMRsqFCQMA3Ok4hmiE6CDzTplm0MIHXVmitCDAyExsjqwQkBKMbnaNE3uHplbHXY4HN69ffvHMqYYteZ5nCLQd2/fvby8/PG3v1eth8NhSBEcUgy72FvxMZ/z+Bw5PV/y8/PLYXe8P74VsSHuzs8Puc5Pp/nxPL/57v0h7hW9djQYTS/jy/n04cO7PsXPH78/Ho8xhWEYzEzdxLwKAJB7hxSA5jrPABBDVLfzOOacb+MdQQgcIHZfvjwehj703Zcvjx8+fBjH3708nyBGhN1ckmFnyKNqBXyp0+PpfMpi6RYRtVZROfvu+enSDcc9a57OP3l386Ob+N//X/9Pjx8/3rLd3N+yP795f/8Pf3cq5akf9h+Gvecq+WQcxqz5XIjCbveuLGVd7y5jgZdHvpVwczO83Q/FZ5kvZZaYtQt23DEHmqbJEYm78+yXTJRuDfDh6TnLAxqSlCHGikfxGxRV1eny/OHN+9nof/if/n9zrjeH+xDCdBmfLhPHPeKh7nQqdZxnoYNf6oypFKtVyDVG2IXugJ2jj/yAiABuAFI8C3qJwtynATEYoiBWcI8GiRhoNzXemLo7kMUYAiE3gT4AR0WvALoUJu43h9smoxpjpyClCJntU1TzbOquwI4M5lSrFNEjHBQUzEAAEMyQAakiU2fuApQ9jMjmMLmR+jFK4EDEueo8jVVOA3c3b948n84kVl0NSI1KdQAQ4MPtL15eXv7w6fxPp9+9e5fv72+7rivj1HWx6+HuFncFRGXayfPz6XwuT/A2REIHEdWCHbOr57mws3sQsLnUUl0AKAw83BQZgdMkMD+PrVEkpjaWEAKnvXvntMiziWpKaXp58UBNc9yjS6sHAmEcchUxDYliH6GI2CwVGaJqwx4ujR13NzUIG1hvyciZCJEwolZp9rzMjM2QVZ2ZwYHQmQh0sZSJIU66FPaIjEjLqM5R1RwWc0AiXMtLDAFa0eXu1kxMWylB7tY8BdxAVq9maBi8Rn6LMcZdh+RVcrAV+XkdabcXIRo0eGTb3L0tuPVlW/vUt5J4mx2+/vnb13Wx7Fd9sJWY8fqerdMYY4xk4qlVR84ciDT1l6X11MBcSy0ItDTQ3V2k0cB5y1BaOdVQD6WI+CLLAr7JgS50x6Y19W293L75q6jP+vWXhOWH57TXFdtrOQUQY4dIIrZoSS+1sh73hyVdAovEi5iZaAM3IwVrmsgIZk5sOWdHQCDiAA1gaVVE+OvMyN2bfLxIZacAhAaOBkroZiJ3+wa2BgM0MwXKUrmwN9N5auZQtOXgm27OdTEKX4nw4vUXV7Gtio0xRl7oFiZLf3Xp3QOo6svLS+PhqdYy51JKLvM4nksp7kpErZ9jpqWUEJmIuq6b58LMb9++TaErWQC0/ZyIci2n07OC5nyzmHp/OXVdN0+X06nrh+7+/v7m5kAE4zjS5u1CpOqtpZaGJcltXUQRad2VLw9fQkh9vxv63cYBzTk3DynA4O6liLgb8lx0LPJyns/ncy61fetaNeeCtAdouGRoJeY4TZdzcsQ2vTPn8/mMuEBVt4Wtql4KOzI78sIVAYDmr2kmT08Pp9Nz+vFNivFwOJCJ15lAa62n06nve7E2ha1jnlnBKFSVLg0MArrMbs3MJJciOWe/nMcMj89PeVZV7FM3z/N5zIjoyOomplVErKmL0OoT2S4ImosphCGCtRlJGwEQEXHDOYM4hpZs4jqUaVhQxEiAK2zEAYC6pKpu6oDMEYO3rHXJYgHdfOXPqJlft87cvRG6iBp2GtwRCR1anYHABCsrwF1rNSSICA5epTQ0yjCEuZdcVB0RuU/xPE5FpOlgAJi6p5RynkKg3W5nZl++fBrH8/HmcDgcauW22JjZgbuue/Pmze2thssO3UWKFAPLVrzv+93NPnZDzuV0yYh48kyNPscYlyDRJkwGpmRmbrVUJmcEZogMCm4iLh5i+4rBEaotg2FDBJWIECMRU1U1LegeQvrB3e06cHwTRLbtEBFXutQiL99uHyI6E67ealsYuj7OnwYR/NpH6Qf/9U8jj681zdZ5CohtcwjwQ1FwE45rwyUEZEcFR8Rw1cVq8z1a4SZrFbtdgfZt1yHiOsz85ov51cjNHZC/Hky2wN9mA2RSaymSETULRJZXmIYBGDEsWCRHcGqksTa1ak9gm9PAqlyn6gC1eScFTrB89IoQQsBFXty3/24n9qfz2DVyf6109zV1ZosW2z+lXfObXSTWOJC7myyXKhB23a5PHYCN4zhexmPfIba6v8GpgwJwMCKRFr3AQaVJvvHVnHJ7mZkQtNakExp4cwiaZzeRXWI3KKxJBD0otk5UQcScs7gwMwVqB1rv2itZcIuFf3qL28Wv5VW/reu6MOzcPeeMDk3h0FcV05zz6XQax7F5eIJ5LvP5fJ6mi6uFQBxwGAbVOs9aa0UCZnbh8/kMjjc3R1eoRQEg5/zy/Ljb74/73azFVcbLSZ7ldHnxid69ezfnsdba9enDhw9939daQ+oQryBs66s1UQGg1no+n8dxNPHc7S6Xy26HXefh/0/avy3JsiTZgdhSVTN3j8jLvpyqLlR3NXpmMCAGgsEM+cQfoQgf+G8jwj+h8IXCBz5AKBwMwMYIUFVdda47d2ZGhLubmaryQc09I3Pvc7p66FVyJHZkhIdfzPW6dK2U1M1aH4JurQFMRE2tNC3KRmmt+vR0eTpfzufFmURytFpLKZjMrZmlaAtos3Vdz8vcai2tqsGhn5+eRNLhePv09BT0p+5kDlVVLzk7I7qt2koVoSExeQ/ofvrxx48f3x+HW3ICkbA4fCmNU2vNqgVfD3GScTw4uBVjI4InksTCjta0tAagrPX5vJ5P87wqyWDqrbXTZenBFsE3tKq7qwNMQds+yMCU4K6kzqnHZk7hBoVS8PoS4K4EFgqWYAeLq7H00SEzt6ZGTkQeGbw6g5CZmENfKtzqywNoTtbDbwJAFogwAEI8JHhF9OwdFoApd3F3hRMxCxmstOrulGhIua4l1LxTciJOwuxwEocul/NSVhZIoqoFwDRNjjqkNOYxkEdP67LOl9Pj0+3tsTfj3aDInI83x2EY0ghVtZYDOmpmU8LhMDiMM/kobonIa3MDkUBKA+AxTZKEKAUWclmWnKVqMzPxRjCwSyYCDUPOaQRQWi019D9TaRXMkgcAy9oAa7CEuphcR/9vrN9u2XarDjhgO5H+q0SCXgCjfXTTPSgsrsymdoAD0T6JAPiOVr32muGqvuoXseUq+xZ8VXmzWikWXIS9VzslITcwRTs6GGmdFU7MgME8ssRQTgAAcwRXzJYZagy2XDnCa7P4Uju+AptEqfn1Je6OcK3FyFop67omWCsrKKtqVe/ATwJb+DIikILcvNZW1Z2FJAMwRK1f4qTNLCbZoqPjHQRlvo2tAGi2aTS+0cLdMuk3S4GucDTXL3ZuvTdbjZFh66X16JdwoinniuqmMGcYM0/DQKGQGkrQqmaQbMKZRG4/3s9lnS/rUmpr1QlCkpM0rXFt9tA4VkoWBkfua+7UoFa1NT5daMw5IP6WvPcrq+QspRQ2mQ4jQ8wMBk6ylaBo1zr2zrQn24rfwaJV1QlD4JhiJp2s44F3a1XWNZbs+Xz+9OnTPJ+JKBRM53k+nU6q9TBOOctGkxvK1D3EqTW4GQdmLqUy85D48fPzerm8v7u7uZlSoaqFrHpd63xGO5S6LMvibk+fH4/TeHNzIKIpp2re2rrOy7pUsAAQkWrKTGYeAoR1bQBaa9N0JJJlXlszs0qQcZqIU63aHBlshlpUQY28NLssa63KnDgnptRUTUEQ05euCYfOpaGUtpyXwPKkND2fP03TRJwul6WHIGA1V4eHidlI8ihb9HXcYpqFIpaNBc1EacgJvqytlFaqGig6IUF+MI6g9QxrBEuZh2FImWshgJlSaa2sragZUKqCqqk6cdPWVI1IEkOYiA2mVYmIk+SUh5SYk6uJUG1qbqxCBGaRKGGZi6BPxnkzILsbCwX1CSPIFDcGGWbm0hrMAVJ3qxYRGsA5Zw4MnwHMFrxI5lUdcAFFX1E2YOJixQJt0I2AmblZMnQ4xoZDU6IhDzIgAbbMZ3NSBTjlPKbMY073dzdjzSkJowmBmYUtJoKYWYiGlEop83J+fnqaL8fQfAijwcw2OIz+5uP71hpsUNXT6fT4+Xl9PK2nh8Px3pEG4dsxJ5bStBgBGJG8BxydxCrgtfL+3ghPT0/zPLOrMOUpHw6HcrFxGHJOUX1ycxZJiQ/jRERO4u4JklxqhbbqNF5btt2+XScG14H+zgiDK2dJjk2wD7vfsSv+jW1HLyMGYKfuR32HFHyZO74+hg1cejWDz1cDyrVWXZYIWFOP55kDfRu2S6J8Z2QEjkF7J+cYIXSAENzhMIC9+/yNa9X3QwlNio6p6Q65G0cjiRFG0Ou0CXhz4dzh5paEYw2RhIawCGfLhgrvMxvxJXYDMdXSotwUIXmEgzEsfAXQd9defbXOHqeGrXoYh+riGxXzKz/YIxnaw43uzbczxRaDxIt97OHNOZZSRSSRuGmrTRljTmPOd3fvlvm8nM91Xp7XZRrGYUyHd3frOqfgJGwtNCqR+/hvZtHEtSKSvKtJhAhvyTtWWMjRoOzMbkRmUDIlU5CfLlhzc5IIFzKTiKgZK7dmDG9NiNnIOHR9+wk7BOa2lw1f1qhvlxpubnlE8Imq1mW5eKuHw0FEHG7etNb5co5A/vn5+fHxodY6juM0TaFcWOvKzDlLFEWjRmpmtXW4B1yHaZqGoda6ruuUJ2Vudf3m4/v7u5uUZZ2LtzKN0+H2OCSv63gYxrosKaVa14eHh/t3tx8+fnx+fjazy1rWda4tqBQF7mMe3L21dnG4QkSYEnMaR2lV53l1d1MwYxzHZVnciSkRsSrMoOaNdF1rLUrE4zhwSs28lFXVUxqsP7gRRrKZzaUCtszLhw8fhsNxHA7p89PheCup3d+XDnLxiEEj8e5jxUMSmVIibmVd6tpaS4ycj2HFhHmcDjfTpHX1eTamqGE2t9bsPM9r81IKQ5iRJY15GFLcXABopku1pRQ1NOOlWGlFVYmTb9xKGl2VII4i3x8WM3OvrhaOBk4OCOVERCRQUxhTQGGIu51xMiPhw5iZOVLGxKnjrDmVEiPn3LTVWtw9pZRzZt8pfswtBlxISJo1djBIiNlhbhLwBjTrxsSJdm4Qc1cncSIIk4NDMjnn2+FghqbaStXq4I6hu7s5fPj4zsxO53OtVbIEp1LTZZpiOlbW1RmJfGLHfLrUZS3DEL0PlkFdl7rY6T8DiOrrh+N4k2hZS2kYprFasNv0DJfUAB4pMbOk7m7dvbmZ2TcfvzEzhgn57reysAqBmrk3NWsFppwoSZBZW23NzCaG5Hyp9bKunid0tL3vBNZEpKZvXVEYQCFg07n1zRYAXS35yp9dG0wAuyDu9nrLFF/nGG++9WbrVgjYk1HbZrri+thGDNJLo28ywr4JyEjJo2YeEdamMAgQ0BkyPYo/AK4d21eyJaI+OGG+iRO8rS+/8RMIXVNE1gQDE8RARnACaM+jA1XmGyc4rWtNKWnMP5o3auE8JPd5OwMb+gRGM08puYdE7+sS6JahvtzIn4lBrrcvfeF1T/H6v6qKzJQoJAegllg8+fn5JOSH8YBhVK0wK/NSgHfv7jin/QDNAwBPnz8/BDXIYcwsaNVUtbZKwZZJeyIez4APKaMDbZkIUZYi02Vdm0J4FcluZENKTQfDWkrgtltrDqQcE4attR7KBUB0J8/FVmbgjWg0otQdo19rned5vcyllNvb2yQSEM0QdgdwuVxK6Roxtday6uVyiTnFWuvhOKrqslzcvdR1XddAfw3ZhmGA0/lybkXZUddWSvn1xw9TTimxHg8HlzwMICPKRY7B+TAkdtWHzz/d/nQ8HA4Pn36SNBDJmPKYRidR1VoVZASOzmWtFc4gbs1qaa3ZutRxHM20tFVyenp6ymk0NIK4k6o156Ltcl7MImATItFW1qWYWaCT6laHUdVScHo+zwkCAsmyVuJBzXPOqv7u3btlWdZa17UGSztAIaCac25a2kUXbW7KjI/v729vj0/f/d6b6v3t/XHK+SApqyqnXFVL67C4eKoAOAuZJ6IsMg2JQa3UUkpTE8l1qVXdKRFTc6CaqmGAOTmSwXuKipdI391bq+ZdTpnMh+mgqm4NZjCGuULhmpncQe4gJAIooKUsLUqmmwoYc7MO6JU0EKFUndcGYOKcOPdxC3etTbv+bH9mmCixiLjA3EkdBJXURVmZxeDsJEwijNYtGBNEhMggDIa7MXMCec6AarOyXNZ1PRxuDodJcl6Wc1mrgAmttcqw4ziM4/j8/HxeF1O9PUwf7t799NNPABIPo4yH8RAtbYD0+YGZBc2g4+Hm5u7WbmmumsfDUv3xvMzLpda1FXUSEpwvFxEJXLSI7PKBpRQSTikdDgcDOmX/PKvBmnnt1PbuDubQqox3oM7MCRA3NJi8MKi9WPXtnWuX5ttUwHXOt9cCwxSoRRG9W1XfISdB3tl/Yu/ORjq4fZyjE/qm+7NZYPi1es/ugtsmW8HMKSXf2jTJjSBgTkTtjU+COdjFyAGFEdh7lrlN5qG7w/55ipz3a33O1y7EX4CzXa5p/3DU6/3FFzrgSl5rDWZqdZihqVdz2+ZOOi+XR8bK5qRKkhILWNQIIY4ZPU190dAi5qRusBbyUuEFYyY0mHXoZ7yg7ZMrV2fkb1L7q611KbTXlwVgTu6k6gwwp2i11qKX0/k4DTeHaZomxrCu63I5l1KGwzAxieRhGHSrdTqorUWGnPNAgsGTt9UjjA0h+K1ibZ3wrK81984XJczkRkilFCeaq6a1ERjglHRo6qbH4yTCrdamyjJmEVVljh5nh8C8Of09xpJta7XFjDkAZq7LuizLMAwmEkCGQIiYWUz8RHnncjmvy1LrGg94DGn0R8s1qpSBjzX3lHK14AOj8/l8OZ3ZjZlbXQnpMEpKNxA0rabSCEkkJ04s7lqX9eHHH1Tr4XAjosLCWWKyO9jyl6YB/g8SrOBZW5ei6m5kIJJULmut9fbmzg0KuFElb2qx/rT5utaoDbbWQOxOTmxwsCRi2aruRGSOqq1Wl8SXtfzxj386Hm7O53kYpvO8Hg6Hv3r//vn5+dOnz2vt8GAmNhix+6rrOhM8Cx/G4fZ4uLs9nn8MqP1aBlmWRcuqqgaurk2t61qRMyfOw8B6eT4xq2TmjWNIVQEZ8sDs5hQ5lUEMRixLaURkxA5vpt5a7z6AQKGopUIkhCzCiQ+37+o6r/PF1Vtr4gRScsWYhCBMWTh8URpySmnRBZ2Sd+iYoHld19XBVqs6aq2moCTgBE6tKQCoaataq2lAHcKqEjNnNzVW083MOtGG1u9PCTMnFwu6apCAleAGW1tVKJERsTCUoeSmatZOdXWvwzBYK4zWinojMz2M45Ak/j/lZMI5ZWbc396amRslYnYS8JAGZv7mb3+Xcy6lPTx+Pp+fl7XOVR/Pl3G8K0bnqvNSL0tbVT2EZcBqaFWLQcRSSpSEWX54eAzixnisSrW1WXOt1seiPJCdBi2tNqdlpdCX0MD5C3PKubxO2l5MYjyP13/a7CFEOrGnRomAiIhFJOA8uyn23pnS6/1cO8ctG8RG3vI2Lwwj3Y0wvTQFr9m7rwnYmBnB10GUNibyN5mZkxuorwwDiUPJCHjBD+xNsg1ZQy8++OqKbEfZo4bNM1vf8AphAwAG8H7s3jm5zdkd3IeKJAZexVkcO0DICeRRuiUQJ5bMzNkCsckEIpa1tZhYdyeRxEnYeuN80ySDRh4YE7sU3dCrQ6Rrz+Jba70LNb5lIP9i0bzZgutdVYk4JY7ZqRh2aa09P5/ny2XKOWW+ubm7ucFPnz/d3trxeHRAJFO0/h3TNAUARlVNq7sSUUqpXoGXQFtqSFhbTXCLu5tpm5eBcW7OalzNixrXNupYzaG97VTr6mbuA2BQk/EVyfj+PPDVtscK7h6z9gCmaRqGYd4+GDzde8ARiaOI3NwcVfVyKaWUlOTu7i5n0VZEJCVOkpqGHGMJ7xjH0LwNw5A4f/7p0zzPt4fj7c1hWeZ5OYnQ4TAebseb6XB3PJTvynQYaz0MQxrzoK3M87wsy7/6V/+KRKyjsSCc434zwyz4vxXal2MQaps4VYNTKa01TeM0Hg/zp7U0dUVzcidmIUEwy3itCmMBCYtkgAGGd6o5IkqSWZwlgb3U9XS+PD48HY9Hgtze4nQ6TdP061//mohOlzMvbG6Rfru71SJC7+7vjtM4ZqllOT9/fnz48V//t/+NqpIbkZ/Ocy1LlJrH8YBqpl7N5nVxqoOaGpZl8eT6QigIOIskCoPbrKqpw5wCAV9VRYSEXAP20QGZphasewxjpiGlaZSc8+3N7RluZV3rYuYKAhsjplFJhFJKnFMeh2EYJGdp0axNwzBITutSqz6W0tRQVWvR5kbEQ8qSMrEYGszjfy8QGeotQRZn5w5wczc3hzrUnc2aU6Sprm6JxHczyeQOVW3k+ShuvcpC5CkxM5uj1lqWi0OnaZrGtNZi1mQYErNrs8ZjHj5+eO+O8/n89PiUUnL11qys6zqv67gcDodhGP7h4fuPHz+ypLVaqT5k4Txw8v/X//v3PCCNA9JoJM2gbur+d7/5TVMNh7dWQy2UhIhaa5xqlDFCw6g5jZLn0jYHIwAHu+XSGsxzzuwcPHMghozDxL583Y7xRpnWjfhWAMvicR8BKps9jNCYNtIZdweLkzt1ZdDN3Rq9eKW977gN9r+2q7sjpK0//OKNrj5wmKboEb75UxIR25oKOWdhYtMsbGYMMMHAQnDv7Kq2JacdWuldt+I6Tb5+sXGk8tVxkojo9vnOJXdF27EFBZFocnzGWl1tzYnP82omQxpa0yjJatfJIxEmSmYdtUiUmHldC4Bh6NQBqrAtCGpqKJWISBIzozUz097U2ST99qFO7M8B7REQtqHpADcQ/azD26/PfnF298Cd7hhmndmaAz6vTRhEQ1FtrSut392/L6X89OmziEzTlIaszbVWEWneh0OJKKdUW4vy9zZDs7HAgdxhCmPnmMCKxRUwKE9ra1UXgIXzNEozL6UNwmtt5k1VzXW5zMyHYRjMfEg5OmemVq3knMc8RIwT1Gi9cc/CxM305uboWzvr5vaoqvNycbVhGO7v78eUl2WJ5yomC3/88Ud3//jxfYhgAPjw4cPd3d3hME5DXteVGWYtdEo/fHiPkGCn1opO00Tv32upDw8P7iaJUsrMvJEA0IcPH9Z1ncZc63quKwlpqwBO5+e723smIVfi1LSUtYmIWg3cU0ppWZbT8/z+w6/KaiL806fP7969a82ezqebm5t1XZ+eTre3H3CZa6hplbJWrcoiUprlnIXZHetaY7qGmZtqrNVaK2DJaF0rMxMPj08X4jQvhUhUH4dhPJ3Oj4+PwScZ7fPDdKyml+fTdHMz5PTp04//l//z/+mvfv3N//V/+p800ThMT0+P9/f3rq7axnFc1/X0fL6/vz+dP4PFAHUnyaZ+mdeelZpr8/myfn56vj8OeRxW9cfHJ5Eh50HPZ3MmIbCMw1BlDTOhcA/ZQ3PVUublt//sN16X+7ubVuZW1g/vb2FtSLCczmY3h6mV5enx4f52kiER0V//9V9//vzpcDj8D/+H//2/+3f/7nyaj0cy88vlAuDm7nbQ6TRfalVJg7fmzZwp80DR91YH+Pl0SSxJwqzC4QFnb6rNtZipC8iFqZmqmmQKwBexODGgZmjVai3H8aYZLmU9Zrq9f5fI5vPp+XR69+6dILWmKcvpdDlf5mmawo2lMTOzWZtiIBogvPQI/Ir4gogAv709juNhXVd4l96szT49Xgw01zZOx3x8V1e7WKGJTIZCuTaqqubglEnkx9McO+w7dkfZJuiX4ON215pSSmlYjZ+rZRaAWmsUCZMFrRVcOFRfHIQ0MBFzOpJuTFKdlDj2LUHSzcx9toqiV01kta7Mo0gmr0QQybVW9S4rGKzDvs0p7ST7Zh4RYc45ZdlICntjrqd67kGLE16AiIY8ICRrUjLdHIFEHTS5e6udRici8uZOQWvVrTmBN+6uMORZupkOSUIjYhBA3hRdqygyIVzrMHX73kEavDnyr7gH3mQunCjc5Ivr7Nsrz09JOBhpKKZdXWHu2jwpXA1ECHobd6gBoGZgQJ0A9IgJ0eYM+xynwPt8pjtF1TQ+gxDFuOpcvokjfm7b3PmLrt51rHT9TyJiDq6Xq7gmGoAMB8GoqQcehJlFPTmDJGUhoqbeoEQkwwBAzKKDaxsS2N1Z3WHXrJ5OFIwFBhRVghF6vsPMDaLu7rZUy2vhjkIc+GbUZgxS06gBCHFiWVrXjtgbAMHVGdyn1KvH6K1hg0uijSkn57ypO9rz41P0JFJnEiFVnec59jAdhnEILfvjOOXb401rJa5zzjmmstZ1NrNSSpY8pkwpN1EOZDOLiBAsFonBmaSars3cZmuN3ULjEEBIZD59fiSHpOxOwzAlEsqSUqqr1VrLfGlrcXfhxJSAej7N7tQqIDEbKsta1dBMVbWZN0WLEogHLFCqwwMeHrg7oJn1SXCiwJrFFK/1R60/D+xWocyNIH/4439hSqXVnDMnGYaMFSKylkV4ZPJvv/3TYcr/7Ld/9fT5Yb5chpTIvbamaikZJ+GUDaTEBHJw6C04gn2fnaSprlXXpq1aa1ZrPS1lHEfVDF4IvdYU2bOqBtbM4DuXnkDuDod3d7dWZRrEKDWq7OUyn0Q+ThljwjyfTevd3c2vf/Ue5L/5zW9qrWb4/Hz67tuf7t99U+qPh8PNd99+CuaUnEZK2Z3W0mqtURiIErwbOTwah4uVQZJ7Cjvt4q7WTFNKbp6Y4UguSibuAlcLQ8+hfmPqABSe8/j4fCkJH+4O42FUuLVKSW5vbx8fn/M4TONhWQoJf/jwIUZIg9U7Z5FEiQcREpH5tEpEpu5WG9zHlO9vj8zpVE91WQdJN9NBRFprz89PqzYe5Obufkw5TzdI4zx/+ulUFk9mog5zNCMHQ8EOzG0rqxAgu7lpbuqqIHU1dTLnpsyexlsWAZBikDfSj6baikGacRIZDofjdPAYc6pP4bGCiTAICK/t25vNtJqqazZqqhVgCxVVChH4qFGBqI/nhQ6oXxFymasZpZTMmlmirjewF49eHMq1+WVm37JSU92kYnziPt/VJ0q38mTCxjd9vVd3Jyb3iJ7UiZks2OSM+4xI1CSDaBqAviRMABCMa7R1Kb/wE/uFeyFWjT/uYBzyK40kIInwJvzbLBZnyGhlN3J/aTWauSkBCHW9DnJrzax7QvTqZvATdkCrO3QbnwDcfkbY8ctbvnu7l2O98oX77dk9H177wg2XQA4NmSaDm7mQBLmiKZGG2oiJOKsOwxDRjZZIdodhyNF4VtvRrUwUkHQDOp/qi4d2uIjC2VxJ2BA8DwCMk7EB3MzPc9HazAZyyykkrtlhkrC3/dJ2K2kvemxRIb0GYW1ueMP5pcTMsq9o83ioooMYSds8zxtT/igsAcU8HMaU0jyfWUgIIjQMw+EwEgWm5gJJOeeckmXPLAvnksr56TGlROytkgw0pglk63ppyxIVmEGYmY3MjMzs88NPqppSTjLc3XHKYzxQDCqqkXlnzjUhcWby0+UxybC25tWHPIH4fD5H1ru2Wps1sGqobGonwmxQMycmcmy4/NTXphNxgNEMfYaVQQqQBbJfidStnOfTMB5SSjmL5CGiY/NDXRciSoT/73/8D4nsw7v7Mp8uZzVrta6l1BjAbc2a2XlenEAgham5qjcN9xwMwb5WXUsrMQpZWyllur0TcJQahIWo13ji0XULTKGnkJ+BD0mEfBxTZr+5vU10OIzjA1cWy1kItS3nccp//dtf/83v/vqyLMM4fvvtt+fzeV7Xv/9f/9e/+eu/fT4Xp8vj6UxEhpTnyqueL0vk08u6iqQMMiJtrqpam6sZlZpsHOyQhiSJgaramqY0EDk0yoLWA3hmVRVQt0HeWXrhApA29yQAPZ8uC9p/9c//+r/7V/9y/u4/XcofJA+U8tP5E5zv7sZ5Xm/vbvlFqVSJ3ExUm6q2agQra1vXlYhEUh9dTUlEUuacRURUaynLw3lxWTXVNA3kuurl24fzp+fZ81GdqsNZIF2iydwv5aWN18uVHTy+dz9A7kYbjlwjTCY1Qsd7hKKeLE3hbRzHCayg2splXbZi2wsIM1Kxvfe2O7Ara4+XKbsAmsPMooBJbm7EBGzTES97ICKWHjTTSyXSX2bWr1IO3gQb96TlZ32zxYipqqptx5ziskSkun3fHWbGHd/sDihzgigJCzrs1VXDlSNCQreYUqAYQ6aXU6LXVrgf+tcO0d2FcIXD3ZlrmIgpsP4UOmFEkb0xecgoO4d2kTmrK4DanDnmITrdmLoRDVcPqzuCjcdbdyHmBLPdsVGUhLHlqrS1e19FI1eNwLwFCttfXgA117fn5T65bi82J03kDCcobQlA2E5HAqy1qpRzAPAaETXjZsWviPuIe8sUwilGR6gnIk7wAMs6AUTCkDjCEFwgEBMP7qqO2oxMxyy16vmykGVHSuKJXpKAxBv0JhJtciEX8lYWEWFkohRQ6RifMBAIxC6JRDhtNfNf/erjsiyqWtd1WS/UC/1aa729vZ2mqQtksqvqpZ5KKebqTUMWg4jCiTKzmZW6EpA45zyW1FBQ1Dx67KbShgEEl6pErkRE8OjOCogJKrSutsxnNxoPh9vb2yRU1Mu6FF1VjRybyIZHFtSqHaahFK1tnY4HM12WlTObN9UamAOHEYkzbeA3tRAfYyL2GBAPjg+KCSW4A26kwCaBAjjYlByB8UtDilOu2lBbF2tNnOVIsJzzn//8D3eH4eY4zednrasPAvOcu7hjELGU2nWHHKxuGoh7ArM0Y4I4vDRf1jJmInAaphYaXO7c2RdzQyOizFlVAfXm7mrRt2dqpczPj/d3B3L95v37w5COUxpTe3xqdZ3b8nw8pr/+3V//i3/xX//Vb//Z8/Pzf/4vf1jK+vl0Esn/8O2n4fDhdF5/+um5Nne3ppe1NiIqHQQogXxhZnKoNdfmzq24ScluzJyzZ2ZQ9tKaVfJW1VVR3aujmUfOJCJucBBxCh0YACTJzVnGJGIuy3pR1pSG+3cffnv3L/727/6u1vrjD59K1VKa5HS8ub29u4/Z1lpXazXaMUQwzZgvUmRdS6mViCQE6VTTmI7Ho4iUtrAnI+PMRf10Xmd9rPa0KqrTpVp1ppSCAxLEkhNFCcHMGu9ltbCHFIuol/FCa3HnyITVRuaGTedIOrA/CwMOd7M2l7nWNRgAch5Ulcy8NXe3WntCRx2YvpkDgxm5JyIjShS1LzgCVcRdIKa7yV4TIxLbcrfgx0gpDcOQsyyXebNveu1x36QW6t0vdv6gKPYK78OBvnb1jN1Ex5Z8e5d67YVss+mgePi8K6qSMzwLhT60A6E6R+wARXuUiAyOl4lB9LbZixd88RnhZHewTP832X4M4Qbir2ZB2M3o8lCBdt3hXb65N+oyFO5Kbl1XNui21cyiWtAdzDY4bzFHH4fniNc9oPunlEaZma7q1/GCN2rsL90h0BuW25th5zgmqzwiCpb9triIlVKaVt1IGYDStNlKG9seESWPWVpsA5/eC/Huak4Mh6lqJzoHO7ipGzlgyiN8Aw6RE3ytOlaFVcLAMjExUSKHNW0Ok7ZHvuZKIDUjVWLaKI2vxHhhIuM1cGsPHsexv7/Oc1QtiCjqqzc3Nzc3N1pLay1EA+q6Bv2ySQNSSI/G1xm2zuVyOg1pOIxHN7pcLqfnC0gcbG5OUtTnqkRUnW9y2pafQuHszJyJp5zMfV0Ls9DGZ2Zm8zyLpJzzNJCItBYSExTP7LzOy1qH8dDci7bjuBNjApFwMJE6yAAzuHPQsvcaTl8wwYzUrw8peorvTPHxMIBsUHVxb1pMsdaiGgqORETHw8jw480BrTYty2LzfMkizDwMwzAMS6mXZcksSccnu5gZkZiTGym8UzExQ4R4Ii5N9XSe2dp0GCRNRbeYnUHkIIMrUaD+guDCCcRwJhZyIWp1PY63A9M37+/H7ENmspu61ofLZRjwd3/3z/93/92/un//jiQ/n2ht9XBzqz89He/unh7Pf/72B+fx8XxKCWZetBVF4l50YebD4dBplNuLSJYwVXVia+QONiFWQNiZQgRRYWpQh1mnt2GSLkbewXAMkBtDANW1tjHRYTwOyf/07fdP/7f/+//xv//dv/7X/+Z0Ov3p2x+n463hcpmX93f3tVa1kC4JWlQCUQQ761quDXEAW6ZpYmZ3a81UNY2ipk1XktFZ1Lm09nxel2YqOeVxrhbcfoC7GgnBHW6yMVuFVYyoC0BZl92C9TMDAIyBpSEK1KwwE6CuQxZkSr1JUeZaW2sEOx7f75oqtk1J7Wqd1891D8qzb3Px8YO9TbN3vjbNg62v1S2CUYfUdHasHuh7Y8eVKe4ifdjgoFHKvjYstOnkdE/ZKl+pp9HL+ER3BeT0UuolcxZyhNZEr3eJJCJq3hWBk7uxqceUBV5+HhFJ9APa5wX37dodfvH+z25qxuQGMo40m6LzbRwTgRZtFQKph5IPuSlHt4/czaJ5IdEjJDhZZ802gmxHRR33EhA+oj43+VUftm9fvrNf6+tT89fJ8ZYINiCyqqiJBXSF3N1YABgn6rA2IRHKfVxBHCkJizhQm0onyyeAnNiD0RGAtnDL1scbIhmU1gpApE4wqL7IYyUxbWRu4k4G81Lqwo5MOaFkFk7WNm1FaNj3+K3elWTmjdtzl/bdn5z8Mk/WVJW3e95KTSkdj0c5HqNZGD+xXUzb0z7b6t1EFI3GYUjRZm9aTp+fL5fLOhciPoxHglwuy+UyR0wjIukwsPOqmKbx5nA4XFYAzU0VUYYN4Om6rt601IWIlvk8DkNdS60rA4l4GAbCME3HQWaRnBzMyRTB29dac3bhREQa887kRB6tISjMLLq0RDAib27WnIyYs5CGDEtnVon2YDToo8xigAOdwqoLAkO2eRKtNWbr281hmoZhOo7TMForWdLhOFqtey2LWcbpKA4/X5iTg8G9iw6AYnYFg1BjkPrldCmuRVXzBJMRPGRJWZI5tJZWCzNXa5FIMZiYhFMSTvAhwbV+8+HDYfC/+e2v23IitOHd3bIsbus48X/7L//rv/rNN9//8NO33//w7fc/KJIRq6M0L0bf/vD517/+TUrHqidmjkwhSwJ6mSs4da2ptgo3ieRQDYNQyiwC4WgPE3PKGUDwPztvHCGAgiNaNjeQGUTV4Az3VtohJ4Kf51VXPY6ChvP5/P/4f/4pj9P5NP/hj38cx8Na6+Vyub+/L7X2hRqVFwrVJ2NKpuYOIkkpObq2yeEw1VqXZSHym5ub+/vbp6en83kWuWVKeRjScDRa6vOlqLpXIpYucwBmZyKwQ0hrJaKArVzlI/DUX+lupN0BTJJFetrgrjFrBW9eLQ9pTIkZi1ppRcjyIe9R7w7zeRPXvn0RZUUoW3SdeqWHmQ1h1159JWUxM/cX+bYdC8kCGHMP0jzSnmtTQERV2x5QbjmqwWgXz0kv4AwG4NzVuEJnLvK/V6bczCIb2rs+PXlFMHNROHZzc6Oe+MdDRLj2c/4zpdFdDGlPhbaf0DcwmX0/UVjTRhwdSVMzo9y5Ft1tE6NCoDbiMnUZjSuyGL9m/TEy9sgb6aVfKREcQpjeMKvFQX9B+fqS4W2REW8W/zo2uXaBPZDpLjPQbOTuGhaQxVQRRAGAQaJDmiU7lMPxsxj1yqcAblHUBUydEHklk3kvx7/aOAkc2nzV0pgSI3GfG9amcGOSJOxutbXLokOeVL2UwqRJMI45Z9mwVS7S+4KbI4zWUDRg93jQifo8ZWeBAWQfEnIQUSklMUePcPdzrbXLRWGuVt0dMAbFZ8zMrNXq67quZV6W5XI5rWtd12Lm61zgwS6ka2mqmoZ8w7cuUkyd5f3xfc4GIEFVqRoBECHJwjOL0NQGcz+dTmbQ5gDUqqkvxUy3HoG7KVq1GXNrBqBoy5xzX5nuMHeQOHmgilprhTJHNS+WbrMWURYzUxTqEcTJDn+FRqbgLDYyMgCcXFUJ4CQppS16cABTHtZ1duVT5rouKXPOuazrPJ89ht3dD4eDRh0laDe7VnaYUAbYiR2koVBN3tTnUos5kvHIYZ484gg1DrJs8oBzMzMT2AEyYWmlvbu7OU50ezN9+/DnZT6RK5xuDnmcJLH9+R/++D//h//4/U+fHp7O797/6jIXdXr4/EQyzev66fMp5dH0ArCTCOdhGoioLPPSGvWgVgFkSQEDjMZbHgcZRhJWDwJUTpRjhgQ9+3ZHiN0H1RQFrU+4wIiJVR2ZiVybnS+zFh8+3L27f/fw0+//P//z/2JmpenxmMYRenRJg621G1yRSJTNrJlm4iAzZmYwCCllSEqSEwkDxszH28Pt/U1pKye8O9ytrdZlRTJmSolD/YMTEyElseiiwCKDLyFwDtsabt0EjdLLvNoXUbdaSVWiOOnN3djcoexqtTkNEBPJiS1JI6Jp4Lm18H+7ibs2d1/aSeZo/lAIMMX6jX9H/8w6azrcIyXZv/iSDu7eLuolvfQDhCXxDR1znZDsCcuWm/ZRDbmaL2Rm22hRO2r02ljHO601RtQ9JDwKEQHBP7oVKJlFvXVv11uy147QacsOvyiNbneC7RWEZI8PXhntLdX04ONQJZC5NjNLe05rzkE2YNBmnMU7RgT7OcYgHe3/9E1lwl/ybSIBdPOI/0gt9MvNvibluDnmlybzfgVeGtjoRjPkRhKLey+RulFVBdgQ4lZCMaC6rUgiVpC6uSoAMzbp8ceY0Vsdr89lGAZX01rU3E0lCxFxB4xciQiCgpGHt3nqQjpk1k6rTaUsRC6yBUZm7mRGzC88RtQLxc6MeV23pRn1vr6+xzyUUi6XS9zsw+EQsLTj8dhaaa3BXC00ckkk1VqJvDDFBbxcLp8fH87nc11XGImIWSulmCKMckqpaiut5dKKX/TULqU480MKPQAA0F5JREFU8U20GDloJOHuIiQsNzc3OedhmC5LCR4ZOA/DcD6fW7PLuTqG0+k0z7MhL4u11qrt9PHxmIm6wjVuK5D3Ir+qshh6q3Xr7BICgG5m+xPpway4EUsBvW7v3msgzFxr1dZQX7rRzH6cjsebw58efnxc5uU8kdu7+1uopZRKreu6gkXycHt7q6Cc82VewyioBejYRRSAOshcoSSc85iTElFrWus8IEc/WgEgdF1YOvxL+pqGq1e40ZjcPSUW2HK+/P73v//0w58Ak/xNHgewfPfdn396ePzP/+WPzZFSenj8/P2P7dd/9e70fPnmm/s14+Hz469//RuWBEDVirZBh5RJJIvUFK1uCDmGIU3T5KrLslzSklJKKSGwiHBiSpxaa5EbaQB7HO4weJbkbgwmFhgzuxFHPXldV6vtZsqHd/fs5XQ6Xc6nXx3xn/7T71Oid+/eraWEiObj42OtldhFeEwp5wRk5sKNdQnYSrRLFEBQwanqzc3heDyGrAozj1O+u5/u33/z3Y8/fXp4bGCXAUDOWVjOl5mTQGJWQdmRMpNI0ODFOjG1GpAQM8kvXMckHerGzBN1JjZxNSNmspA5FhZogichz2yaAWSRxYmZQ9V2N3cxSvRiZq+CfhEBfKPTiFaPiAc0j8y36oe7EcG9afOtLRUrCr2ApNdz8V9a5i/N9bVHe0lUTON89690R3iTpLrV+TIeJwMva5F0qK2GeFQe8uFwINd5nltrIqIxAB4NDohH2cpIOEdG1dsF8BjwzPqKbJoiqZRoMCIy8n7Q7gwYjztclCIhCu9KJDIwM8irezEHZUqkq0SnJUj3QOBEQ0qt1TDi1FmhBSTuzpSi56oIWCXgrm4gmDUA6o7gKfamqooUo46AwdzcTQ2uG4n2hmHY7pHkZGalVdrYXT2873ZH48TiHImoyXFPLHzraEap6yZndGXz2jEdRjuSiAKmFFcOoKgDCwMBHu/CiUq3W16yw/ocwFKWaZoON7fRz1+cFVlc1ktVtZzykKfCOJeZDYdB7uh2WcvU/F2a1KbTk9V5yVmGcc2WiN2buqtHHu4ubMXteLyFpLW04JVf15LrSeEwNhJHWpyaUlVf1hN1VkoTtyzPhzHnJB9u4GtRbQZUbWtdAAxjcndqtorS3EhbPS/6VOxU2hqDvYltUJghMJr0fD6ndBSSeqac6Tjc+IP+w3e/b//N3bu7u/vjgRMGp5C6t3a5uzme5lnLBcZOI/Kwqj+cLxkTwznxw9NlbsXGdNYFYxLI6flsZu/u7g7j4K1pa6PIH57KeHjHhPPalJhkqIzCeZBRm6k7GScaJyQ4kiYbSPIAVV0arDJilM1SGkJAwkDg3tFpDm/OMkhmD7FoD3SAHG7fPZxWH+4U4+fiKaXlkmXFSPn27l2p9fL4+f29e1unRH/7q5uHT+uPP/wESgmJ04F4OJ/Xw81haD9koYFM3BmS85jJrelNTmprUxcrp9UaZRuOK8tU19WQ795/elobJxE5PXz/u29uEurtgX//v/y7f/Nv/o3aUNNv/sOPn1Xy/TEPZVQne1iaj5f029P5ksZpXku6w+eFaLr7fF5I6OZ+nMujFqSUxmkYkyQ4t3JgPUxCXpf1ZGZ5SBmDLrOI3N7m96pj8szNWdzIRJa1nkplya2szSinQ2bhtVEp1AzCQgCjanFHIK8bUM0oUYVciqeGnG/G/C6lpHoBwOoPnyk91yw8pCEXN6UEy8lVaTJJQl7NG1g/gwQ0Oo+gMcpPTBjYPn//x/Vw+Kvf/jOejp/m5c8P8486zJVOMi1jW5sai5GsWud5lZQDO09dHhtu1MxuaTYndTRnI6KUeRiJ8hYxUzhKDqihIU3jUqu583gkkqWpmfHAAJZlboU+TIebcfLi6/m5LPVC893dnUi+XC5mNk0Hd7ucn1RVJAqnUaexEN82FbhbRSI5JF5K1damlNaq5M7umSgY7eNbi4tEQcyJtFkzcnVT2f0WiI1jvlzdBKtwFrbWFvVOJ9mqiiOlJMHUUZW5CcjM2khGJkE86aTqKpSOU7LXpb89WhfJQc/q2xB9xCl1gybCX+Vukb0ad0doiCGRr7cDf2Hbc9P9jX/089dfvE65/pFvbTnyX3I8cQtob7H+zDG8Of4tP3irXHH9u/vn/WoD0Hs/W075kst/If8UG12VW6+3dV37D23NzqhmXn8+dr713ph4n4JAIiZWIT6dTseRFTifzwk2vbuNtpxQ0ZSKBH7bOVFKiZhExJu31rT5eVndncDrumantZZ5aUtzhbCMnEaS9PQ4EzuDxE0Yo5BVy4OcHh5b74R4M1X3w3Gc0nQ+P9Mg2uxSluV0en56upzObS1dXgpem5Wm5kQySFduZZGYrBIH3LyZ/fTjgzYn98OQByYTQF2N51KbOkGCIKpfTYtCpTGlnMdp1OapNjfw09MleNVbaxc9Zxa4r+ssxOTmTuxWm7VqrTRhMq3WMexCV1UmbBZhu+8vA1Jf3m4AtRbeiOiAl7GWoGx1dxFhoT1+L261KLmZ0zKXx+fn2+OUUpI0pGEEMSFzzsSpqIkIGrtbi4HnlIdhGIWttbVGArxF/ZwsiYcbaWa1gEwIiWlICebf/vDpd98cWPKnh8e50ePzmVMGpXWtMb9rDgWVUtZ1bY7AlW+FqGDM7aRFwbQIYzMj9j2m3IZT++g0+uzqCyjf0LVQVBX0UtmmTWH756wBbWC3XufvbV8zsyou5GBWkICc2AjO3IpzYpAoUKqqQphlGMdMBmrOTinmGcwtRoWZ0jRNwzA1oKy1lNKqPjw8XJb5cp6rOVImHq4tQF8kveITVyoRiEFioVsDa65e+OWaOJPDOqBgXs61hFSIgcWqta0J51AzLqWQRJjOtqG69la99hLUi6CSbwCR3XDhdQIXr4N0bUsMdtISiEiU+syIUhIWmKvpXu0IvhR4V9i4/i18YYp36CIzbU07984DELUnRK8z2Yb8gTA1sq2uqqqbIpebmbVOf9wChqjBkq8ARx9fO9ukB3omHKG7bxihv3S7Pp9XXo1ePnB9iX/uQry5AVt1jq4/+ZdXPt11E5UkFnQdov1avvxXmYfrc7n2i1/10LuPfHMKwQx7ffxf5v7X29WfCK/3s729w1ZfZBGjbBJOz8xaaykNMIcpuRKI2DPncZR5Pg80VYGWOgr5+1snqlVvBoMraWMGEUYeWRIJDzm79Wpmjdly8LIsOd0+PesPP33+/Hi6FAUlyaPkgUgSUxYahbPIIadlqGPKbhVMIGtmay1ErkYstSk141K9LOvjp8fT01MrlUE3U38aVbWUosZ5lKDPJpJekAErAi5Fn54Wp4tIxq1gSNQpnqHNiXgcR4FQSg64ttZKW6uqloaduhfQaA0ebw7CablctLWUkhBKs2kYoqTD5NrqZalVkYiLVq3wkK+IvpG/ust7vbQHQD9z33ez+KZHcj6ffQMuJZaX293sIiuTNvXny/zt99/f395OQ5qOh8OyGqiWYN6WPKbxME40wRq09GaIZJLeNKsNtbZaqxo5i6s1bRM5eYPqlNiIHTakKKTj3bsPd+/ePZ0uf/zh8YfH02UpSno/pX0BMxKYjNDplN3dnUEQiEkAjliEQQwEfxQHkIgdhijApCR9MbtR80xATDm7m3mYUVUFabPOibV1Xq4epTAOX6utubt2RI2qatSKE5sk0gCpuyh5q5VokCSsbtaYeco5pzwwF3NUUzdGCrYJbWVZLkyehyGltJS2LEstysxrrdrMwqIjKFK6OpJtA+OkBmaCM3OHk7OIsDmb94ax7O0n32cBiNy0NTcllpA2MDdvXuCZhYjU7LIuKiACMWszSXlXWNtNFr/mV9uuY3QE8MaOxYsspN7D+hhJ3x1kXN7NxzNFa3QTA792Ctc4jH3/e1i5b1FiDVxezqyqceOZmQgMr6ppPxPhbNzMBHAwaVOQtwZrq5lhoyXTaLpaCNAFTV/8eB9P860tuC2pn3mCf2Z7czVfTMOLD3u1avGFv8HXApA3kYL7K3AQ/XweyYwXsaEoXkdhew8P+84N9pIyfrm3r2Zy/jqFfePL39zdX3bbV57+1fuS9tPfNIs7oZ221sh6KM0sZoG/b9ZU2VpjNmb4mNJxms5lLmUx0oGptbbMpY90mJEam7Kk1MXWxABxIYhHDcbYqlXV+VIftD0+rt/9MH/30+P5UtQdPIjI8XgcJE05TYMcMk85HcY8pJSneIqsuakaGC5V/TIdhmVt1TFfLudLqUopTTnnTIVSMgeVZqHUqmqGNEzMbO5uDhhYAHHKc6F0VpaijW8P6TDIlFJisaYkwknEUVXLcnp8np/Pp3qpzaCGal6qlVXPy1JWC8YpcyUCCZuZkRHRkEKr3YWI3Vwb3MfhsJyLmm+mNgNBeYMoudvVsA2+eI6u/yQs1yvcvNO7BHoQV4wbewjfLouQw9W11c+Pl2W5uzl+/PgxHyZmUSqlmlglQRrkyEdrpa0AqbNYDNuYHm/vsbZzOTlVMndVp6rNCC2xTYMcx+N5bcuyJCHXend3Mx5v8uFmfnp6eDx9ejyXBmOCBwk+QIyNo4uIbNMBBTksOJ4ICCCrB97eodh4PPY6Ta93hW4azLNYYORjHtc6OEA1uPVfWPX7k/vaFNDGtNWrAtbFc7ABoc8tHCFEeBUqwsJIBLfW1Jv7lHNOkplXiKkn06a2NDfnRBiywEjhT+fTzZiJxA3LUi6XRdVSGsTz4DDiph46UEFuG/ZkD3NpA2+3GtMGZCAHmFNmFjgzwxwwDhsAEEKcDy7JmUAxRw8zpaCnI8Cx1uIuQ2LkrGZ7d5CZfQvdoiDhvQn1ArMPM7vFix2roiB3F5EuGOBOMMIW+GzRG22zbUkkGpyBixFJIuLUeYC32tU+EUHsDHkpAxBtgs8gAGkYah8FYboabEsIucsoKPG2qkhIEAzQrg0AOEnvnAUgnNgBCSpnAiBgI+fQNupXOeD7v2C9v7LtoJLtBvf0Zc/Kd0f4j+Zz185jvzEv2y/6v31LLL0IEkGKNev25YVZLijL8Nru+D5Js6Vf2/G/OvI3Hnp/HQ/e/vX94H/5aPeTvYqw0tUZv0hBdSCWde4GAAC7k6uZN6uuiZVJ2JIM05DpMM2nx1KWdHtQ1aenp9rG43S4nOaIikYnZkZvEtK66rIoGGq4LDbP5TKvT09Pf35cLsv8/Lw8L7LqYE7siYzmhzVLmRKNiUfhwyCHnFJiHhyh4pR5HMdpGrThrGspzbW2suparNUsnVdF11XEgW3K2504gdPt/dG0q880tebKRGYwHM8Lqi7zpdxOw+0h30zpMGZ4G4ZBBLW2y7o8ny6Pz6fH52fSSZ0Mrs612VJqWeqy1sPt3el0cvdhGIRoKbOZJRFYc1WAMtFxHIiokHAa58uqsGYNTiRkHsOvSOkQd0dE2PTLRb6vpf6n1yXu/XVKO7muxg2KBVmbtdaE/TBmSaO2dV6LwSlnB+5ubp2LX+aqPs+LzJkTGZglMxNLljRKIjDlaUq+5pxTasmtD6AB3PRmTO/eHQ/3H7/76XO5PB+ysFYR+fT5mYjMMKsXI3DOw3RZ52xm7pDEkmuJyZleGmVyIADTnTGe4V18ABZ/DFhWZgH1smfbMY3MBA85GjNTN3cyYqLQP7ZOdL5dWGZuhu1K+u4Fqc8fXQUcG6BpJRChOsRcmq+kTEhQJl9Zl+Y3B7o9Tu5Sq5G5SDOwGjUARELMZE29VdPs7r42vZyX59NlrW6OnckFcFW1ANP1oDYQXm0jESYiJx4UbmZqCjBxIqHMoqoUbGCmASuVYJAQj4JEjK5KEmbUFkY4hBpd3QzJJSH1AmFcFWxgmc1G0V7G6LxdG/Re+OVKcrBqANylLXdgWJCFSYoWRkiVmHHOw5DNbF1XMxunfDgcmmGe51KLiDB1ZI2BeivBO8to7DrCK9pys360jl3agR1Rl+CYu+4TmkFE1GqoAqnDVZlZnd11i02NKO1LBIhsNM5n+z0ATNC/yHZfP+ev/4n9uHF91eIqM/vPeMSfe/ON4/lLvCl2n0rWMYBA4l4f4D6F9KqGic3T7Bbqy2zvOs/70sPt7cD9IH1Dn371OPeMsy/JL87LXd+ce/xTmxO1fQ/kKiBhcFCdupIbwd7d35X5qShaa/NaW2vNVDizNVBTlKJ8cHZSHlJze/70MC/NmdX489PpdF7O5/nTw8Ofz8farFZtSobBiWOyidxbsO9zW+FrwpIlJb57fyQiDbyIuDvV6lrXx+XSarFaCHbMY5pI1ao30pYKOXGzYLEg8ABmkCh7MZqrqaqIscPM2uFYSl1WjZ2VorXkcrCcKKYxFRQEm601cndKTCDwBvqmgBQyv9gsEtFKBhdhLYspjCB5uLuZbu/vitFS7TgNhmrWHBbMTnBufnUTr8I4f91r39ckomv5Ujlg2aqgWVJnkWp2pYwW0CQz0MiSh8yJXVsxfPfTp2mabt69H2+PLumyrJ8fn9by4/F4K4xE5JSVpEESCEyfny5VW7UoV8IZRO6CwZHGdH+TP368ny+nJ7abm5u2WB6Gz4/PtVkap3n1Us0EtbbJ1byZGdjTwJtzQvggJiZyJhamQEm7iDgxuZCz8Nb8BTOxkKpWVXdnlkDZB7NKa9qCQpcYzmC2WvfrvKeDzBxOdC+NxmMPoA+MdxZE2yNyGkYQGRHCcsMRlJpEK2lRa4CRjMEBrJZzTXlwGZzYwQ5W96pGkhATmapLKctSzqs244sZwFu61LmdheUqF9zw+m4w4jSZqVsza+ZO1sTF2RGtLleOUyMnUmaGV+pslkychDMREelOMMTMxKkFlpGHWvucj22EOKHZkFIy00gW4qLGysU2hm5XIxBQBRIAhr3h5rxa/8zoOOqdoxxAjFRZ7TEic7T/9lThVW/yjV31zUHuN9GwZYRbgIPtqVE2ZkDNxT2CC4t5ezMzp4ER6D4Yb67fYQ6JRUcePF1d4Pmfur3JnL48k+vzfHMFr9/fX+9XhLbi6p4f/aNeEHvxgaxzr3Locmz3269YCL5Wj732fMC1zXo5KnztSPZ29G4Tr/f2c9ftzWUhIu16ra/ejEnNSARVtVV1g5mZOicm2JTzYRrgFU1bWcvMv/7r39b17K2W1pZSaByb8XltzKkWnNuKc0nDMB2L5EGdvv3xp8u8OJJBzvNyWdp8WR8eTycaVL20ptGeYbg7TA/TyBScCQ5xTpzGPGS5uzlKFzNTU9WlELs1XU8XuDH5mNIQtDLmzdooQ3Wq1ZbS5qJO2cSt+fPnT+oopUVc2cfPa6trslaSoE5ZTddSl7lMY7o9ZDW6cTEzUxDJmAc6oOqBIAZH1aZreMEM3slBQNRUiVl4AAm5MbO5keMwTuPN7Wlel/V0e3NQJ1MvMb4NVji5B/v+/tj/3BLdb6WwXK+TfdV94Uf702REJBmMpiAFBReimmqrvtyeLmkcZMgjM2W+XC6yjjmLJKnNzpfFWhUCXGtdUxqIeRxHat5ATV28ZQF5QyuD6MhtZLs9pJPy7e3tQ62XotTK81ybJxDPl2WYCGZ1A/x1sE9KqspEzEhBZRrsmA7yFhSnzBARSSRMwihryV1CIHpTQVygnODNPAgcQLwJz+kLkIIA5hCL2rhviQi/wDbMXZCciKozExNcSIQCf04Oc7gZzNEurdTTMAw5MTPjfDre3k/H0SWSW4ZxMxiC04ccTBB31KpLKU2OzACJwdXN3APvFSuEtxoPuakTsTvGyKeJhNwICB0HBkAhcYBEYKYkwsxZEjOro6m5NYSzt5bTUOva3AdJEFlbzKqlXSalLy0j0LWV032EdLNvPciwIC/bTBn3KIMSQb0TcQBASjBtrSXhPOQhiQi1Fhw9PftsrdXa3H0YBqutr3kzi6q4qanvYJzdbEa1QFTIwZSMoshHRCSJk8bQglmzIPtwF7dNUjyO2oxFiEGqugky9EeRYb7luYrtOQxJ37/M07zZ3jiPLbL42Y3eVIq+1hT8/2czrXS1mVni3ocLacb+B/bIENtrj/uCRfqZ5t/P/W7AWPZY9R89zqvz9agVbNfhTZLRl5+q7g5mj5J6cCQpWLhIUVtprawrH49Te/euLOvp+bGq3wwTD9Oqzhh98bXVtRRnGqYLS1bHw+PTaakOBue1WFWr1Z/XVAaoWYkzY0qSmFkYFvPYzCn5MPLNNNwdx2nImZBF3H3VYqUabMgihEQ05DwMw2EaxpRjmZpZGm+0tlKWy2pzjRkZFdff/8P3FG08DQ5Dcndt+tPDTzCfxtRuD62lRPWZdMy4P461WTNneKlV1ZlTzqQYmZndS1siMkoESvn5+fnm/p2kdD5flrIGpG1p7ZhHIoIaiFJK0zBclmW+nA6H27W0pVQuAMhgAWgIutT9KfiFGCju7zAMqho0BR6kE2ZmNqb8EmZtBRoAxCmJEKOq1mUFnKEgOxyOZZ0/PT8P63B3dzfkaZymUquBmZOBtOk8z4+mpqtr+6tffTNIHqZxdF9KK62WUitA1bQu6+UJZRZdk5dBQG6Sk6SxOtaia/NhOuTxUOpTB7WoqjXOuucH1MfISJgCEbNRHyvcQMScmMOmM5Ev6+wYSaRH85WMiqqLMJmbWa3ubl1hOOblO1kBRbbNREL85grvBb04Hg5Cr8hW4UQ0q0nALAM8SkxQd3KCsKhpq3UubSh6OBzGUZaH5T1lTxNlcebsIGIlqqbNNEKulAbhEa5NrXoTyUTamtWmag7hJL5lhMa9ZWpC7obFaz/4rb3CcDiGxHA4ucCFWBKllIR4GpSEW7PLssbPWzOta9p4/EkYREWjH8Zu5EbEQhTkmri2b+7+morL+ZWmIHqCtNVI43UKeriQMk2pLFVVmXLOeRwyrNWyBgQ6Ho1SyrIUAONhmst5z4/MKcBQpr4jh1/+GwEi+pEbqAFmSMRgSu6glMII5nGSVp0xDeOllrXUoInjYGYhI6LS1kRMQW6rGvzURGL9VWTBGgQpxpTo1RzhvkVk8Sq4iCPGqzD26v3dNLyAlOL0rh0Gbb2Qa+u/RwS+tXeZeRf6ICJiuv7KfpB7nLLt03nP7k1Dw08SDdJpLFprlOUNEV/s6lVl4PWLOLA9qN/xAl9iokRk3w9efBsRkbUOYnTXnW4xpbQz9cVu4gLE3qLak9KwfyCK4a21dV2T+Cg8DANZDSn2lIbxMC1lBVE1moua2X/+6fM4jilnVZrL2uySxyGPh+8/LeZoMdJrbsbNALot2qkXzQkMMxV03EKe2BlFS67kN+lwe7i/Oc6fvnt++PFwOLx//76WZVnm5MM0Te9vb6ZpmrrMpMbMh5n9+DhDeG10qV6MDXT+8fGnxz+Y8zgScwqGbCqt1lqWtaZ37pYSz9Uul6cyP93f5H/2q48/fD7PSzldluPNMGaRNKbsAOwyLMsyXxaF3xyOxwM/nZ4/Pz0R0bquopbyeBxGM5Raa9NP59M0Tbf3d+8/fmhmf//3f//9p0/D8aadnnPK5FZbnQ53urayLre397WWfW30OJqIiG6ON58+fXL32/t367qeTqe/+Zu/+bf/9t9+990/fPfddw8PDyKS8kAAszNzWIrNmtOWyVBKoqraWvCfscCd3Npa21K0fPp8d3dXqpZlLaWKJFV7fD5PeUjirZowD+PRank8z5SHej67+7IsnNP93c3333+fB5mfFLrW5fn+kOf7o9f1n//t36hnysvz48mcZTwuRed6PhwOaLOaB4B+nlcjDHkyOKAilHPKQnB1NTAB1LFqVpnykGXIKeC8TqTu3lGskIGYmNjG6VhrNa28sU02g4PGcdTmVZuWboi0WS3LPrAfz2zUE3fr4VcIzF5bU5EskjJxYJqsVdVahyQWw8+J2a05TufL6Yxfj8Nl9fJ4PtwiTZPLUOp6npdmfri5O8/Lef1hmO4ON3f2sDDlUBFvBidOici8WTc1LGAW5iijmKqpVhlviQiuAKdOE9G0VUJuZVVVypKGgfrIBdZ1lZyC3shUyT3lfDfcSR6Z0qXUWrWQgwTweSlyZbR3zHnOeVkWeq1BsZtQctXaCJimQ2ut1iU0UgLVlcepJ5qtwF5IhqMvOM9zYqSUaq03NzcASilmBhIA5/M5iwRBsAOh+AgmFwRH45Dzsiwf7u/v727+9Ic/Ho9HxYteGBCa2InjKptZaRpEEu5uSq01J46Zd7zwpDKYuAX5kzFIwNEbc1eRTAEh7WrvHg3dnxl7e4v2fvF523t7TPHyPP9MkvfGdX01fN63F/QmvXzF9OfQ6a+Obqds3/N6Fgjo+kf99faP7/QLaOiGmvs6yvT6NV2BYvYtdoHtivEVjcL114noSx677l85GcGdUkqJuK5alvn5+Vm1gtMw3arb2vxc51LaD2fLpYl4NV1LNTNOLhlrZXVWQ1M0421Yi4VX662D+C13IiNn19a0JnOvzZNZq7rMFdAq7EnA3hh+yHnMQ4IH4UOf3ndYyJgxfbpUEC21nS4xssGnonPjUtrqEgTgRCSJnTISQnhGiYmziSnJUul5XoXdrDRHVT0cpiEHUs9qYW0BYVWz0CqxlNIwHi7LCvK7+9uq/u33Pzw8Prr7UYaic1Fv4JRzadpao2VNU4pHWuC1ru4I2eEvuXljW5ZuPmJh5Jyfn5///b//98w2z/Ne7O00Ij+3l6sILIjAzRxgp+Q9+k/gHHRY3oE2AMiZHVSdVV2SOGfKOZpwKZFqVSukOZNN0/Drjx/O5/P58ZOZfbidfvXbv304L5cC8MAyqDN5ZBQuxB0Eg6B8Ck1EBzAMQxLKm/iad40UEuIsMgxpGFkkxMs6Ia27q1qpWk0HYkkDQOtawp/FKAocqq7aNmINoEsE9JC1vn2Qo3Dd0bxRBILvFLjYtDBXbQXAmFPOMkxHWAvyg5hsiBOE+VJVYMymS5W5gFkcKWe0kVMykDdvwT/BKSWcrXUCLKKg5As3PI4jrO3RdkoDwdxzMQcc5AwaEg85EYlVqXWlGPPebCAzkzAjM4upiyQiZsmcsjpZpIChcAcHKNj6N3hRmI4X/N3u/xzRvevWbOcaBDAkdu+MNjvUU+hVQB8Qp1irZkZuQYy3k3pv+QxePtPT9C03AIEwjuPO3T/PM5OLyLquWabdHgKR28PduxR7a62IJCYDQXUl8+BZAnUG0c0h5ZzNDOYsnFiYJbQsRQhgd4erQ/uy+/nq37UjvPYZX3Uevg1UbVf/1YO9f+s68/u5390vKLYPmJnhRTjwyx9HlBe2z/N2ACzIvFufBnMh1A3h8pd4wetPXntBZr5uhv/MBaGe473uqgb/3f4xFsLuqu26yPYmEOlYp2Y65pfmdhoGa/Xcnv7052/zkISTi5jyXNs8r+d5ftYDqQPNXau5uqMYeCHJMeDULKgs2Z3gPCXvy9atTwIHrNtaa4BWJ9UEg5dSCD6apZSySKAfc87BPjoMo5Nc1jbP81xW9U6+/MPZnGSt7bKs5sTJ16rnYmasxVNyBjFTVgBsJNa7ZACFFtxBSediOUHVms5qUKdpGiSeFK1Fq5l2Ol84gw7DeLos0zTd3L6nPDw/Pp0u6/myOjEPoxc9L5fF6HgzlapupKq301BO8zQkJ57XyjKMOa9LHViu7/Ier6nqNE1mtpRiZuM41lp///vff/hwF7J20cjADqq6wmddQR+dGe5wZ/POZQwmGKq7IYEEYDeBJ7cWKRBRIk4KVIWAWqAqhrEZnDRRJnY0Gwf51Tf3bZm/+atfy4/+7v4u51ybf/Px3Y+fn2vlpqaUzDsrCAVukAQMMuquCgATzJNI6FoQOUOyiAglkbqsw5CmMWeJlk7XoN4cobbWmrmjDWDiNK/Vt6jVfcsGmnPq/MNbNNktUm26P5VmwXdIACSnuBphGK8fTCIah0RjRvBMmSpUuq0iBL0pDBBnP6+LGHtbU7Ol6WlOx4TsbRonSYOp1aZWA/KZBdylfUAEeMeLwt2DZJ/gWXjMwgxTba0kUIA32U2Yp8zC3NjZRZDdPaYizEzNxH0tjUijf8bMxAE4clDyjTjFQj4XMFB6iwTsZjN4bsPyxzXZTBldx+KytQxpM7kU1bUrgP0eq5kZTEPBZF/YvST22hjiC8cRd7CUMk1TMC387ne/O51Op3Xu5M77eIKpMyWQBAO6mVknnvFWg27Wg1KZiAwcIOacxRqMkFmGYRBmbUZE4zA6oapDSZv71j/7OW/wpiJ6vb020F8H/1x/+I0Tjev1c0Hxy+V+aef+UieTX/8c7/qQ7KGl7u5mzVoX5cDPeMGvp79ffGZfBNeZ4lc/7K8rxvvvMncY2fbPF216g+1kvF96wXjVzEdOxFxbm0vNKarQ8t2PPx4Ox8PhIGlY1eZFT0tbixWWQNJpeFaCwlxJgufeAhpH8MREILKmCIiGM7gb2pg+UW1wE3Z4BGfmuiY3ETGmQKreyNAUp7kNyuptXpbH0+l5vlRtrVltbeUbgNda11oNnBKZU/E0jCMRB2YAsGIEczNA3KHqpvCcZJgObNUlKRQOhqzqaTWQ58zCA/UeOUV+pqom5obHx8e/+xf/8v7dx9//6c9/+Idv12LT4b6oFc9ErlZ9XpWoqoEFkqZpWopyZqm+lCcmTklmn0Pr+sslFDpTYbB8m7VqrQV9efy130vmlFKACL5cMCLkIAuObYORkQf6A4Gfb9XJ1JoDTO6qoOQeebNBYYNLYlLny7zCq/ARZkno/f1xGj785//yB1V9//79x3c3KaWHx/OnH39w1XkuVa2Zq1E4DHZHMyIhsm6eQUQUKYX3KA/EnpKMOR2mIWf5XEsS55ASq6qwnFLOmVc2MxJOKUWBp6kLrLYwRABaROrm5OQ7C7+7mzq4t7Kun0GiPlOPvbHS7fXOLM/VjQgppSEld29lbQZyjcYs93THX7ICGhRM4LVobedloWXEJDq9u3EWb15LNWqqcYSUx8GdVFUtBLj6tq4rw5JwtMnhupxPbS3D4QZEWt21kkM4J4GpTYPoELqXqGplbc2NTOelEZFqdfecM7FCWZty5heX750kjIOH3WkTE+whdThmYjfb0aEd8NnWJYcwCDbIjCsggZ3Zm1muDdbpNq9uQf8nX3En7R+I6xCjE1djGDHo2f9pZsfjMRGllH7961+b2WmdYw9BU9TLbuah6rkNWxM7zEDczSvBzTfrb73TGdvLuomIehxHQ5DckcIRKlxf05H4S7YrM/3KcH/pD/637fk6I2TmHVHyj33Xd9wBby/cNdr4L3vetl9wh35VTMBVwQpX7vyre6PXFU7f5HiuarKgV33WWJd9BtZgwTJ4tf9XN0iDDoyk6IpZE2EQysM0z+dSFaKktZjPRUtDRVpaJ3ePUgdzVLfMLBI+65cNwSzvqEbRraYOKo4BokEYJDAFE5DgSZsbrGZ28KqualqaU0Pzp6dL1ZM6LbWdlqWoQrIRlNNpgbs2paIMkDgxJyN2GRoAUwm75EbmxCRoBjMrta0OdrgTFzNSmwZxydXotGjR9WYaxzENybmBDSl1AFsppTb7+PFjSunx+emHHx8+P54ljXkcib1YyllI86qKtbXmBk5E61rdPSWuGnIrBnLeLN2XYVMUCdx9R8eIyO3tbWsldd4NUjVXiCThbH08OpYBgA4JQch0MsS9baMX5DGIzG5Uq3pzV5AJsTcDjExjbTAICgbofFkENbMyI42jeDuMw81hlCGD6be/+c3DD9+iKrP8+U9/9unDZV1rj4qYyaOUxGgNgwNEZlHyYSKXDXARzwUSIQkxIwsdD2NKSZhU1WqhTb8FZMyciHAcqGpr5iAzlx6qxnWNapBESNEfQOvzK9so3suIHplz1+zcNNE79whEJIfUEw/rurZl1ngwraWUxmEopRA50HMgADH4mMYbkpBNUtXarDWFCweNpcKrNq/W1E1RW6MhbxECuljGG/T7nmwFjzZp6IUY6SDDcQycQDufZyKRlFgSmlZ1g6vDJZODhdxdOItkOIU6WhDis3Nzd3MQbyTMOwhjP5irHNpi4W1wjVojZCQi97RDHGKRCzNt1a84hfoF8jHmJeIzUc/b9xARYSfJ6QfgZhZgmbggAGqtcH16evr8+TM6XvXVbBv6MAez8AuHTfxNPQS93zyTrHWN4EhRqUJb8HfosixgMjNt5k1Vm7o5IBjxte2rT/v1tvmJl3/6F8wpviFl/IvL9wu73T3Q/vp6LufnN4vAjogYtvGztFB23iu9O+Tvqnrw9UO6/pNfBZ57vPMLX9n/uTOy897UQWC6XrnVPum0nf1+xfaKKJwjADdic8S9C5YyGlIa8g3fqaOZg6HGxVCdFKnD/DeYakRTxKS1wYk8lFqJEIfEbOQkvPnCjdKPwCAnJhI4XEzFVAhcs9XmxU1VS9HFC5Aez2UprTovtc61KTHlRMLVdFF1YzMzDHBqxkJCnJZqpsruSUjIYcpEiQRU+ryg1ujru2trgCvzlBK5oVhd11KbHRvubry1AjiRq9pa5rquavRv/sf/4Q9//uEf/uHbUtrtzbu5WqlOKS1KiUbjZrqSEpwMqM0eHh7yOGUid0/EzZtWkfSCF31zrwM+LiLTNNZaz+fzLgmCDRreO/fyIh6y7+Rlb1oDCOjMBIUxQP1RAAFoFU7KBgGzB69SL/grwCTqRO7LvE4ZwyFN0zSIJWtZuJZlKfX+/v7v/u7vPn//7VKW9+8+nJ4fy9mbjW4jiQgJwYQsmQlIEZWC7vZ2cRoRYXaRjkxprQjprDKOAxHBNfDOBKt1O9NoQOWBWM1La2qEjaWegl+NmZJsKKQY+u69EffA0DFdP5i8Eaagp3QgoiQkIkxg5lZn0jZmGccRwDpfYrSO4NiaoFszhUAxV+EU05fs5uYEEerFOaNaVVHN2AwKCrRkTIvuIMGei7Sira7rKqTjkMZxHId8Ol8EDHYWTAPf3kTcgM8PP4FE3PM4GREJR3XfkVyY3NgVLN4FAllATiJkRD3J6rw7eyrWG4F9dbXWYh40JDXCIxLRsKV02DusQGKsGnIlXfsiTi2ldKn9cnfjtq1k3oQD31yHN52y6wVPRNFGEcDdP3/+XGullAGYUad/Q4xmUrKNapKIzKyqMiASCGOLlN6vDHLY9xi3aa24d3Kcy+VCRCQcVFjWqQ3A/OpAr4/4L3FXe0b4c3vYfSGus71f3PpXQFe/8ksfjvPmq8/vN8Za2482DibMUFylrzrpnzuR/beu/3v9retc4UtLh12FEl0ZPt7eI9/rXRFRnwffVKi2GWFITkUbQQbJiZLRNlQrpLV6qNaTgKR6cFpTYhAlwEDWG1BEXdbGgtyWqU8oE3smBC1wcgKD3dWdvRkLJZbglDclVWKgOpVauYFI1kZLq4CfihsNxf1ifmraCO6mZkXbgbLCnRKAaO+reWJu5l6VYO4StFpRHGmtppRSkpQEQLUaGiNJkoPUAx/NzXRem7a5rhdyjOMoIrWWWmvO+f54B+ByuZxOZ7OU81hd1+YJucEb2J3dRXJikqKt1tUIH25v0zCu+nw4Tpel1rrmnL3tMcqrHuG+KqIVGre+lBJZ+J4c0BcYNO/l5x5aqSqzkzA7M3xLdEjVhDgedyhAFCXjyERVNQaiQOzE1TSmDWgb3p9GOUzDOl/UMB5uVFUSM/zx8XE+28k+1+mjIcOzEcQhICFiQyRgHgwwvUjgAFRVIrLiftarNSK0xH3IQXvA1lpzXwG4GVOiLWtROLvUVnZcRjwOuiWCUcra05n4wAb5fnnnetsfc1V1OBGtl5kZN4fp/bt7AI9kp6fnUnRInRowtMGJCGTsaGA1U20kAGlmgElyliGnlGqw7aOaxZQOAy1o4Cwem23bI2bzpg3OJNOQOD8/P0IyoYVuaM5pSFwXyjk1tRjHcEoKNzicmmFk4STWWJu6K4PcjGRgpmQQckDJIiuKMiEc5v6Cq+iWZ+PF3daquu/0/X2JRrimqtYKrrKvPQG72qGbNZgmhmqKgKC1ZtYdYVAvtbYSxDc3w73I36mAc87rut4eDofDtMzL8Xhcm/ak1Qj0AtTvjpCIAv+mqiAKmavQ83N3cn7DzNkLDi3UYDycaLj3REwMMo3ekdavuzG7GhW/3vMvzOC/iXD32OTaQ1z7ia9uu0G5ojh+KZP+RRt1Jp24qQDixAE4bL/l/6iL/fLA6GfAor/0le3F7giJyOhlvNquJDS/lhHuTrdft5QG09pIDzmPWciroTVzrbXU5tAsgws7iTs1VUe14Kp3d2vulji64lFeISBaUkoQkIsLmIkEICcxdyNhQG1FMBC7uwezBYilwYOgJlGHoYaaOySbQxkupHAjUbIKJN90Hzdi4oC1J07KGp1rhRFcjTJQ65oS58TDmACEnhQRDUk4cRDQpZSCI7SozaefxnFMid17FeHm5uZXv/6r//gf/+NprkQ0z3PxQvkgkpu644VLMw9jEqzrfF7nm2n65ptvSNLSVI1LO69lGVIqtXy5cqjz+kYldjazrvDlHvKEtFUjcsr7avxydbm7tUo5McnW5uhPhKqybFxdPRY3V6MxK5w0SDR4f75yHmNmb1mWScbheLi5uRG2+/t7M/v7v//7z58/r6fTd9+dLxcM9/lSq7IazAInFd0Ta3th/ur5JYBqLQxOIpCQI++L9vHxObGklGKZMeKRqczJQlS2MwzEEvfQ5t2fdDNTNWza3W+MDxH1KN5DpyKaoy/wEHSIQPQLQwSYzaxLaRLqWohoSB0F1mtI7Oze0YzTsZTiVvtNZU9JQpKQkihcgyycBmZJJFV86zRY1+0zAxA9QiLauYSsqQqYnMnRZTAd1lrj2tbb29tlLWtTd1e0OLsQR+OcE5F6CZ0h9A4oOwJHEYXSsDZ8TdPomxmNtYe9urM1Zdxfekm+QZlqrURUSiHpwJl4cwPoXTlXVddWGS2ntpUe1fxaa6VVve4cArQTzRBRSun5+fk4jkT0/Pz88ePH3TC6e9xNIQJRYjKCJgG5q7bDmJn5fD73mB4QocDVgsgB1YmZm1G0WcyNhBhmZoNkCQVMqKuRwrto56syYBzHfjL7YfXoMqyzbXxgfTYEtiozJxHmvC1oNbOmkdoyQG5BfcrCG6V9xC8dC0RmrumNjfD9KHto8HqAXWu1UAoP7ncRIjJgaUacacwANAgVIvBsKwEJUHZysqjJXLlme61LtekaxqH0g0V09YgMW7WIiCRi41iI2956FB+tt0SJwFyBZnFVWUiZOEOi+QF3gTJza4skJu8IY0nirq5KiuTIDtNqjIGJIGQaa6YZ69ooJ1CCTK2uRsMG2AbIhDp9RTVlRygrkUQjar/erlB1MlOwGEDirTQ3ddC7Kecjp9E8LSD4XG6GpOZzXRrY8zCv9tiaO63F5rXWaDBAAGSz9lLCUoYn5sRGUCsLw0EwV0cga/1c6oGSK1QVakLQVrQWuI3pcMx5yCSoTJQTqdZ1XS8rcc6XSsVdZDq8u29M//Dw+dvPn9QFGdN9kubNZ8c6MGM1Vngtt8fxbz++O2T5vvF3J+WnT7f+ux9//PH83Y9KmUqZEiVrFaqtgkkku+laFhHJ08G0gISYJGcys+7GJPlqVoM8JfCCzOLMdS0AwCFjLx7tNyKybAoETQSQgcANjMMYQAN9mcpNJMlQhikxw0zzYI6qrQ2JW5lR7d0378bp9ofPD3mYVgz/5U+Pg6/PD5+eL+3S7vOHv/38/Oc//vCn9/6rSw2BvDkoi2foLO5MQ12IKPMWSUYmAachMQPOtVIlcmdVN3NdZBrHkUclITVmHrKkIR2myVuttbYyQ3Wkmr2Z2qJ919Exiuy2ah3H0XscYc5AiMdZI0pERLAsyEJuZKbNTdA9B9AnD8DJ3ZWYEq2K5fOzmTHALBWBNTRmZid+4eOkVc9JMCYbxMTW7O3ex6PxSHI5r3ODHo/GqehahmJO3JKqqikBxM5CqlaKDoHS1ABmUFFrpboXKEorRJTSsKz2h28fw4s7CBiYA+vsSTVkA8VFiqeUhjRYykVtra2qH4bs4MruSQChZnB31+h8ggQwAhgsYGZprSXKAEBbbYmYhV1qFRbiolrX4k45jW4A55wHlqRuxbwxIxqlNXrePXckFqTcSDwNtRQISLBqg5aUpdR5TMeAAachcQq+NDCTrY2Za6vHm+yota4fPr5b1stiVErJOcuQa63MiVMupaTdV9NWPEkpjeOoWsPcdgTE7kjxdot0JDxTrR6D9ju27TqN2z//T82WcNWE68v3tcIfXtcS95/4skT5y9vuj//Rj8WLv+TDf8kvXu/2zT73D1z/lb6WHH/1r9rcpcd03djQhqZx4o1mXUTMvKqKObYGeNxF2sAS19lzvGbeCBAChki0D7lsIaVHpQoAeS/ToRfbt+iPDKCUUkyMxbR3i8xR3E2dWB2qERz1uDKga+5OoXZNrxYAuj2lKIPQFRiqB7N7bzWLu5e1rbwKwXqnzWutRYhjto29Alq1Vn337t3hcMjTwczW0nQ5NUdTa9WQchqyEBWjYI1Za2MZTevhcPM3f/Pbb3714fz4mdPwu9/95rsffgDTzc3Nb36bkabvfnj49PS0rmtKQ2vNtyrTns1EAAtEVQpuFvDSaEB44HCdtgf5hbmeqIew8QhkwUangu1y7bRHb6NVbPAE37aNCJRyzmytqc5ljX8CXEqpVT8/Pl+WdlnVZ71cLjvMxyzuSCyVThp1/VwjVpI7ruTJmCPre4HLWi+RGQd6NlYXFsD4Rb5DrZdDOmraNtqK2GqtfrXtyyPIJ3XLs92oue39hf3i9PQREfX1P4XL7eRN/PK+u6v2PRhB3ZlMYQyP8t04jsMwBFncdrXjjncqNbp66DoG5OqYiUikl2VyPsT8nLs3w7CRc66lM2Spw2rdC0W9S7+Z8X27XC4OVpCaq+leQGum8SBfDwT0+wLsNCXXSc7rRdXXUuc4tA7xDBux36PAvUcTMa5P3bhhsWUs9DpjiQxSVdVtX7HY85Ntge31ErqiLqEIf/yKzTku9DAMy/LCUbnvdP/v9S+9OhSzLhS2IbzxutS3f/ef6guvq/zXh/Tl9uaw/TXRzNdc+dtj+wXfdn0dfmHzbvL/onN848K/+v719lXvu5sPvpLvcHc3dWekF7QV0YveSCwD7rS2pLqjgq9OxI2uWG8iMiJHYiSWLnzKjmBcIgO2i9xf774n6ibx6O3HH7fGUmI2DjX21pomNHYQsbmoV4c2V7i7tWaq3rS1DrfezfqrAUpy79w1RvvQC/f5cMOV8QpMkCSacqKYYyC3QDsQIOyO1tpS1rWsOd8yJyJS9XWtSy1NrSmRjEYCiBKbe1VUtVIM1PKQ8nRwkdJ0qS0P493tzcPj8+U8P56XYuCBzewwTdPES2kGt00eK+b9Q9ommC3Itg6WOoiaq0QhYyt8qPaqVMy/YTsRd5h75rgv18NFPwPtJsNWetnXW6wCAMyJmUop5zMyGYBa62m+COjh6blUmwtOy+kylzxMqqG9QzG5ADdi7yjR3kpQvzav3cju0KGXR1Iku1uU14iQWcyb1KpNUuIxZRZOSBHDRRRk5i2aOB1VZGYWfF5XJ7UZbhIYYXMPYI7rqvqiHkBdsAkMiju1W9GXJwvU75q7+1Ugzqxu4QgTexjbaZpImCBmaK1Vp6popnAH0l51VDNVo6uW534wMabu7ok3bk8wxXhPhB5mOWfJA3oc+eKuABic/WU4A0BrzcEBnbONkxPbnaDrAB3gK3vxsn74rRRBdOLgbmbDOHo0vH3rCrmravC84PXgxE4cSvTiwGITkljpLBJAJ9UXB0GvHaG7p8ylxHojkRA6hLv2jBBXQ6kvzuPquuyQl31s4O1T0w+665u/tKbaCxrz2nz/Ux3hy2242uIv+CKT2/2Zbe0CXC33X9i+4oeu9rm//8YP+Wu/vv/16kB/1inux/YL+7zeIX8tX7w+pD169Zc6vrtxI+Qdyc19/rqnZ12SMBrDMfz0qm3q8cPxNhPgwhw6ug0e0BP2XvSN5pOq9on/K+eEPor0yvJyMID5voR6nuoBanNhJDjMm0ECwOKGtVSHWK/3dh45bDwg5LZ7ZsCwDQKBQORd9k4gIGax/hfJeQxGaYYLQSQFSN5h2tC062PUqs66rPU8L0upTb0Z33/8uDaf13pZapCUug+U07yst+/eUZJvv/90enqeBkl5KGYyjnOp5/nSjNpcHh+f0zhOh5tVjbu+qzOzJOrqQWFtoy1E1hD5N7sxWJjZyYMFhCMkCkhun2Cj3RhvQaHt1+31Mnu7kr98ZNzdjBx6yGJm82WxREspl3ktpR1v7i7nsyEZ/DKv6nw8HucaFQUXZqIEMsDcDTDVilfaKW+wkbFCOd5390RR3qyIUNth7upgysyDu8MlhFYosk57yQXfJBD4mkV6k2cYuibyNXA/TPxu+192SNYLHu7+kgH4m1/xrdUX6aSIpCHXooCu6zova4MU81rUGYMIMxt1zqBmXYHvWuG9kykGfqquzJKGHGah1rqspbV2PB4lD2nz2c3gTkwsAWUzUjb3F4zCMAyREdbW4jqGy++ndEUHw5t2IKJauglQYMN8uHss4XhHYQqISG1N1atbr1G5N9ObfACwAVD7FjmuXSHq99sX8u+Ori3vHiOpnYlNNoWmWProYQXcLOB7vT9n1jPCKMLsRYPIQ/c7t5/VtUWm6/WEl1sitMHMXjuM6+/in769MutXjvAF0RrVvggl+gp1Q4yCOlFvF/7CT7xxPPETu7Lz/qfYvnzn+hL9svP78ryuf+LLD1w7tl/Ywy+8GUeo3tGb7hSktK01hwl6uSBKKObOjKhZGJmbukNiHbOHFjPDmJCYkm0nSwTyvV6Suo0l2oQke9T8kpP7njKCYN6EPBGnJDkzJQbU1EmyQbz36NktqqXSWiUWcGAZAptARPBW+tVkZ2diEiImqBrDQCzEIjKkDt0WXgEwU6AVCK6tqRqES7OUXIKah5hSTqBhGISzKWpt66rz2krzYn5LQ9U6V18LqhMoUSIGD8hIubSulGtmQkilmQul/P7jr1KePj+fPn0+lVJqa0gHIgniTPeNz0iNpBMlRHcwIdIyGERCj8DZCMwbjysQOMPApURWpW/WPxm2Fvwemlyv4VgSV292cQYzc2syjn1gSm2+rPNxIU7GQ7VVJDmT2pmTyJBtrR3jwC7C7GQONTVtXXaiPz5OG+31toB3oxH+A9RLxeLetcPIKahX3L25eXO1UCqQnGnWXnALE7fnBztN+X7W3STyy5wcUTQOzcx2RblrCP0rE0dhk3te26MrItoe7Z6XMDuc3Bi0QxDdvdQKYK211qrkFmokUTwk4IX05GUObzdEL0mPWWstTpMobn33Vb5fWBInIeoiEn2khxzmClIzhRswiERMxcwbT2YHCW6PM/aED0yuXzE4ZqHCYR5aD/3ivSwwjbKzsFEMuHZPvIvU40qHZy937Ts3s6pVVcEsZiwsIkxCRHvp+9p3XhvtcKt7eJT2v8UXTLv0moh4p6SDiKQNm6S1+RdZCK79AfV/bpN5X0mV/jdse6jy5nJfU4bideK4n9f1V35uvP9VtBh7c//qEV8vwetL7B2j+PaT2NfN17ZfuCZvnOuXp/OXXM/9gtjGBpGsYwfcOurVr7J8tcag4PczoAa70KY2JUQezFgOIRcO3F43Vz0oJGK4BDcjOfkOp3Z3h20Nwk7hBwDkzgBx19aJlCDCeFBC9AjNmhFATV3VPbQqYsQHzlsPI8DxslEfbE3MGP0khhMjcbQfmDeaYJEeYpfaWqluzYQrw7y5H5KQOljSJBnO1UzV1uoOJhkIxIY/f/9QmhV1A5Mkc1ZzszZO4+PTBV7f397IMDw8PZbl9O7ufin1WG08DGkcZB4Oh4MMg5k9zd1CRRTMW4uLzZ2VSCiGUQIsw6CUybp3IiImgrOF9lNfk+4di83ofEovq4i2Gqmq7kPQ9EKo8qpiT72zwGbqCmdyE5EMsv8fa//WI8mSpAlin4iomrl7ROY51fduDhqzs0NydwCSAC8/m0NgfgXJBy45D5zF7GKBXXC6q6u76pyTmRHuZqoiwgdRVVP3iMiq6hlD4ZSnh7mZXkTlLp+8bvv1tqdlue5ajRRUwmjlZC1upGaeLBEp4DCl+B9TdDkN62IMbHD80dq7s8UmVJwE7gHTEOU5QS/w5sWMXuqvtcx6+dDp3zKKx9PX4t1B90xmw+4Zp8mbmxCOw3sc5UB9fQ/bKY5GDahblsTEvQ9oG1047yUxZ3YWZ+K07zViCeYOpsSJOgRji7yGwCZArdbqIDUfuEJEdH56ZuZ93w0cKS/MLHnxVo2uXUkid+s8j4pWa67pWIx2GUZgK/7YTMVqGs7CcAFxXyJhKurstdYKdyEZ5B0cvW2ENSU6kJJiPYf/887AmLZAVde8EpGHTysSMJlE5Hq91lo7X2oW0BwdDCk4rMw0jlzzg6v2cOIRzBujAaC9/9OwCKnXz3GHJB+bRB+x/z/+ivJhetOt4uGayLF9YL5nxB9YaW+H+vD8+QbrqLX9cB6xdKfHUX1fXL27SrFJ7w+J3nxzb7WPz22o4dV2s9q2vHJlx0DCpRAGLLXWopU7FlQgJEU9aXOrAdIDbORGbkLKEO+pGELoy2vcMDObRjwWIdTbkSwTIMBgT8KCpqOpdjgsmFcy92K+FVdXUyq7l1KJhCANMdCbPSjEa5b+LgsgLdaeEQ4ndmn9d8wUYHY+9CdVDZ5Ewk6kamXXm+yLJXcVFkmJ1Gqt2173raoRyypExfD167U6FQdCdgF7raUUMJW6Wy1rykR0ve37putS1Oj1ur1se0q3L19fADw/P9daf375OTT6IzhHLZDJzg3SPqJ+xARISrprKSUa6gVY2vDjNflDQD/8PSjbY4SHUdh35JCF7t7S8HuSKjELYAaCUymKWk4LJ5bbVr5db250LVqda7FtL8aSObk7J8nd9PSo4SLLTODsrZamEXPoSiO36f7AOoCtFomODk6qJdwuTNEnT4jIyAngJEvKKaW8J9939WLuBtYGExPZPYgAUD9ZTcRWa0DZFMQrPNh6hAHibGrQvET6fauHGzFCWLPBCMGo29EwMyaLEEDisOlHEV5Do1aOaosotnT3lq0arSaMYC26Zj2W2qh323eaKvyiqpQBcKq2eymq6sTaqyTNjFhin91Moxg+9qlbHnGYiBDqaYkMejt8NOJujrCdpNNPBGjFnWAAopcogzk1HlVqBxdFALfYHZcekKSdjIdM5Kljubsvy0JEtXu/EeTQxcQwK73HCx3GjNAYw+2aEkdlRKsPjQtmcQ5L2dAZpVnb1XcFW5zVgLTBpC41grhv7PB9qfCdy3rF3jwM/66lRdP1rkE5X/Mz333U+DyrJLO+3Lfwj57aEEh/9C/vRzg/4WFgAJn7SP4ENXWbmZM0HD93L3vNSYScGSlxEhECubrLtl2jVwkB0ZaEYeLGvURlRj3FvIwRsRoXRXuB4ZGLQmPPKUeli6rV6O1Gzo5iLkDknqiREXbVvaikHBNt0++B9CSMFhYiwBpCDrDmBHKJYKFBAZiCuaISEYzdXRxgpGXJi8DcagG5G1W2cIsJcLo8l1Ju9Vp034oWwq3gWuz8/PlaqhZzhBuKg4OWUs6Xc9nk569f9n25LGvO2ZiIWEFardT9etuL6e12+/LlS5yb2WRh5uhFjKjoRUNLI3NmS8TVd9UCozVndC9aztnc0DUYAgAj4rsYYUsBjVQJ72JyzvQ+OnqTpKhaJgiIim3bXm3fEq85pa3U1+umalshh5S630qFc4TTltYty9VqoKRkZhYWZqVM1Jq7huw3dXefy4r6xQDKdiOIZTAIYLMaNZWtZkA6PgyzpCUtrdhklPzGMEbqwHzFO4zvATpYbID4c7NONXKP3GOdx7mjyf4j6UHHe/hG86h7M+YANRiaBzuRgxzN26+mIF9yDvskHu1Mbqaq1c3NZudq4+BWc86RcqKqRX2vO1FR1Wp9jjhsg1XYI2Dr0GBr7mFgUViEZNwN8WMB4YEj7O7Ozt7rlRMPxdfMnEg4AL7V1Zwh7sQMklormJwEjNHhAUyR/IIpGBeexWEFTbp+k+WqupeCWhoqEB/doA5e5L0RM0ioeZK1LTclluQTGMr5fB6tPaZ3A1P9u5nFa7RWoBkWWraAwBdJ1jOPaXKf0jSxmSzGafee3yzSzszszQ91gybb1EeTxg8EnIOand+d9R2YgYb6P7Jbo8Aozl44l7s2UMLBMmvozLwsS5jw6BbVQYuB8yRCBD2KAif/85umHGNNhhZjU2D/YcXmk3w8c2o+ELHl+Cbg/4koJktEy5KyJADbtgk1XlBevo12JFmIWRJTypGQrWbkWkvRnPl8Pq/rWtRvt5vA0pJ34m3btNaUEnFDhEop0YDNTJJSnvStRhIBUhccgwmqZWHKS07igNdaozDRCbW4mpfq316v265OsiwnlhzsnaNDKxosfxQ8sLQ0i3bK3CSRIAmThHTvayJURMScyma7a6sDecXlciZ3Ed73fX+5fbo8PT09xdT2qkzpdL5UKq+vu5M8PT+97vp624PCbrcbkQQQ9pKx3zaGn89nq+WnL78sks6nRURer5uZhWqcUn59fQVRWnI0lyNhoUQOYeGUYY5efbvv+7ZtKaXlfHb3bduE+bQupZS613U9r5nXdd32+nK7+l4jQ84BMsvnHOQReJu1GjMvi6hiyad4+L7X8a5a+2mWll6bUjqtOdEFUEr5tldmfH66mDlxKtVEhGTlcH26kTuETVWIWXJU+yZGzjkJfb0pQOh9IYYOjTs1LngZuXvU/9ViLMF8uJbycru171UzkZJrKfu+u3vFaWZHAOJoj/Pr99pbnbCiwtISESfs+x5+DG2ZBo1BacPJ7BZzvAhGrdK/GW2DfSeWNafMZqZpSZ8/P58yv95uv/rhhy/fXq/7BqZS7Va1OpFZGW0ZmJg5uqzEDq6nU2Jh0Ovrazipz+fzy2slInVS9VotziNYUkohF9FNFCICsUVqNnmx/sy0GPx2u+UkYOnLaGZaSqU0IDOpF+24ImATIxBoQauNUUeHEGJJR3Z3SlRKYcosHEAubmRooqrZfcfVFjDnHGlQsX1qB5XiqJUEE/d4hzQctZiue7D9SI/wbk2GRDtQUKmZk0fLjCGlzFpB9RD1mAqM6Ai09NKQ0e/q3sqZaW5I1iEjuYPOjdDo+D528eGBXcr+kYaUeccLDaCvVmlrZtF+mqM03DHrDndK4pvD81bMU/ehTxPvgdXpzof1+UOu8UOegpqY2kv5ZAoDKGrMhONXiZPE4TRwj7nHSCzqQQGAhR0gikQyN8s5p5RCvAh5FmKwCN1cTBvuohME7O7Rv/phzE2EUzw2xuPsjlbcGDoyc+QTOhxORrsZkVfz61ai1RyxuCE8r2FLAGE+xocpJNByLBEJMjHIKKVgGAtB5Ol0CmJoumSD6uXErFrIoV6t1JA9ZrblvNWyV71u5VbVCGqkVfdamEVSAph2YwKDzQoTR1E7uZOInE4CMidXjyTd6oZoM0pChFoUaACYZnb0S0tJVc0qESWm5eny/Pz8+fPnq5rWvW47YAx3mJa9ujM88oMSkxA5cesh5JNORkR0UG+UVbj7cJ+6h+1+UFTQgynMweYwUJZ1Pa+nC5GXstXWUILA4lXDF9fUIHJ2uIHcDKyq5BJuQ+9A8OM0NZoJXxcwal/B1NIMWxaiiMyJLcMt3LqHNprghpZDraGQ53XBlIjRnf8tW8cJo/dO0CJFtifTEGz9/8K2buvDiCYE1LqqtGSnBjIPeNhq4RbpGi3caSu614B0ZSMHRVIYcjyAiZkpCbm1soRweXDLIQqyL6ZpOQ2YPZLEvRKR0+Kkgmpxrtu58U1bDleJ7CHwXiM91TJRL81rccTBKWJOcZzZPdSCQI0FaPjaBxca0dxIaooXobPIXjQZZotx90tPbOx44OB+PqV3dQKentO2tYdy+7OaZnD3fAKQhuHfBfidp24w9PH9UNbGI5g56hG5+dJt9hnSXTXuMe74hpnnd83zjslI7+I43+DT9ccKwnkYPDDr7oXKGE/8aRbtY2DvPpyZ3es70pqO9z44Xv8ZshD3ako8OWKo966D4b+VcLp3DSt1zxjUybsE7YSyJxYltLSfFitvEP9uBtdgLGAw+ZrFPdXe84ec3HuJTfTBmEYy7ZcBYCdicEhBN+EU8tVUi6pEUoBDzUrRveiuaj5a24TfKV5lUbx/aN+RQM8sBEmciFPQEdyh4a4P32/mQkf/rPBpgmEMMgfYoMEMimoxs61qVd1Lue1bMbAsRLTVWkpJy+lyOddatxsye2Y321eslI4jw5yH2RFlYgFb5GAgQKTaSgaM/og4M0PaaWNOvJ7y86fL8+W0ALdv51f3xKKtYYKoqtXdDQxfs0RNpBmqW9TBzBUKDQortglHUkn0akA/KUxsDbOfqmkSbvCXgbFCXGq5bnutzsyD2MxdtXZqbNhJaKFHtfAGAO7a/9d2MKTSwxnpzXPIoQSoU2JISiLitZqSQgGKbKvWU5iECMwe5WDWK0glUu3vkueCJx//tgiv9i2I8HZfKCA8mHyw40GVRATT7rHw8Xeg95TH4aeNn5dSalE1U2eAtUe10MrzWUTA7ETJiIjCUGsU0iJ2bhFsNB3dgeKMq9qJQu8PfFm30aNUIxUTrelgLaioZmEbgAkwIhcAAnbYJCPGsvDgSEQ0VrB/DLES4tHdFUYuzNGCA25kfTXs3rwZTGysFc1wpnTUwhJFgAYzq5kHOTbItQELcAA6ogXXEu4FTNjdGJrMkAp9Iw+zl49f0TGBO3vlI0H1ICrmPw2RMw5nXLOrcL7sUbL0x3ZifRQ8b5em1xgN2TzE/BCEsxLxriCcTkBb5VY/03/oIwV1Mgcf5ng3/g+CqX6vMcy7PlhY3Dkqb/rIeaC7jePu7hUm7awxAFNVabIk2rqwpCXhenvhasJIKWWOjD11r5xOS2JGx4aPULY7ce8TS3dbBmaHdvXegYDx9rFujNbPQ70lqJnD4AoHEYuklHLKfV5RD+REII+0yRbnCK8UJ84sIQWFQAyvVN2ZPEle1zXZLsIpCREFFoR5NXXAGcYOYSShJJJTcvdSqxkUkTWZaMlSYXV3otNpeX6+lO26X53dFmIXy6LLciKiUkpVZaJIBbEox3ZTg5lBajTsxYEOyMFJQlYxBCIsiC6YAiq37ZeqlKSWK5MuKQeIWoC8XK9XUTWjGhVE7pUtQL868RxeCtWSUrOQZsJzd8Gou2TxpGQRzBFOlNmUqvn1trk7rO63DVhatTt4WRYnlIjPMXH4WQ56JXVPy13wCfBI5HF3HObH4Qrq9ZBtGZ1IJDH5ppURZCQBzGoGM3OeMh6nlt213vVrHMfEcLBd9yPy7ePEBXOfCsz72IZwBHC42brJiH5z/HLSMJhH7m5YtNXEHQYO6NvmdaRI62zRzahEh7UyDEcYZ63KIniX5JWJMimxlNpjiBFWtymNlolAghTcT90xOjHIYYEk90R87SOPGs3uW0IeutXUJiGGHaDD6DU6btQwmYlAAaUKMHGgvtuRJNzZ7JEI494Y9bxrGJGvzmqGBUW933LsYjDzB2shroRJboUUrC34J+MdcfDinrLt3uJqh8+QMczKI6rpTfO9M1xoutDZ/b1caR1uqVt+D2G28WV75h9pUA2BNwYQ17Is3k3eeaEf1muM4c0x6EB01tAQzCYwF+a3svOfd41lHN/EZ5Ej9Y4mozmEwFj/akYRiWFpNOesZOJv9iIYdM45y5rTy8tLeJLYjTknYVOoVkoWOL/q6k4Md3atntiaT2ziKkQBLEMR8CFychCiPwWomz+EVkhXDU6sXqvB4M1BJAJBq+hwIpiQExzNS0MAuCsMaUQc4ETcmkLBiFiEMtNTXgb9g4kXZl6TyO12MyMRKuSqkoWFEOBeRc0JKWdAlMhM3XXNclrS5ZQKL7csbvspq4Cel7SuAuaN7HrTve4OJvaq5g5tVlpYW25wnpze5hS5oAzPOYMsorpmFa5adzOrqq+vr+uypJO7K5Gcc8o5J0Kt9VZ2KlrdjZCIpCffEdHAi6FWTdWIx7wOqjazzLlrKGFuRv1imIgEmJXtet1MdRHhlFOVGi32cl5PqxN8K1vZaejeTDCO1gduYA+P3KNqSETdLLgDJR6iOsSACgswsiNDAKSU0HNHglXPDMfey8cez6dJBx06nHXwlPD/x6nxKYSJXjTc5cLg0NFmccgGMzOXyP5oEGIiouQI0Ge3qlBTdXECMVlzoTeWFyWSbZXcDUjMQiwpBZIeoRXaBzgZEVU1Vi2lqDeg41gN9XBJg9AQ8i2Y2JEo1LgfH/nG5PXQk2bOaFGKN85w50UO0uZex/Dzx0qC5HBAgpFImKl267D74YY5gWZE+Fh5P/xMDfXb+62R+BLHp4/k0YgaJIcY/HHrlPB5TDWs0W4AxvhCixnHKVqlzGG/wYsxvf4QDPdSbcwTgLuN+Ocs8KR3WXuYyfzbP+TihiUOmo+WGdQiNUpEQFBVeLTl9CHXHyYypoAhBTvdiIgRomq1r2d3Fz8oMh9cH8+rgzndy8J5hHePDRQMQ19Pr97O0hR4ESdSmIz4BzWYiaaFRJmdNm2UCRBKwdGs55qZWaQ4GSrUXUBGlAhwiuxNOLdsfWqvduIWswlN0qwGc4DnGoyezMyqacA/amBBNQq0dvTciTxgZLwnxBOFSzJYm4KYXM0drsycEmcWZs6JzSyEioisy/r09HQ5nX/66SdVFZGdRWsBedVSSnFa9moAreeTQL5et12Lw9ZlASlBz5lPK+mGU+Ln5fR0Wd3J4bIkM9WrVtclr2W/RWeDaMpBEqCih5+6kWgA7sBzzq5l172ULYlEnB9w08qENaU1pUAdzYnXJQHYdzKvZtU1lqjx51mihNbqD3ohFD1uN6hx0CN1lzVHCqXDXBektC6LpNtVzQxmOVh8oKk1duNEZE6OsOeEQLXu/dh4KJHT0bg7HeHGULfueRe49UJCiAi7DzHQqd2qWehLBgSeTSxsigzbiZl65wsUlnjgyLcIZR/SASgz9Ph3zqmHF5iMDlu2vcJqVYbwsRExAK0W1Q2qZsge59NaLoXCYa5malrdACwpAa39ZJaUW0ovwrAb8zJvniEDoXeERxQjurt7KYUIBB56+sznAZjVwW3iiM9sJ0KiYyJtSaNnkQUwrM1bGd3dASiIvCMQRDeu7v5Ft/v7Ww5x9cDivPd1uqfMI7mEegMyH9iq0w95ioil8QjqqZjdoKl0nAE3P4Scu9dauVudOefTkrZt4wZecydKH+hjyMLZoXc/Bh6LHllkY2P+2cLvYQzeGeVcjDFCmzNHACJcj0grnX2kb4cxpGC7BtlNYhKzk/m7gvAPn8W8pINkh3KjFjnZE5YxAe02HrkSANxZyRZ2FqSURu+VWuu+s4iEJNh3ScIMl8j01tba292m4F2gnsrdmLn98e4w9XUIncOqenQiSMnMVItR8+zFE5jIoWYkiVqj+fZCD61WhzYWEchYKnVekluNuJeInHJqOCNhqBBEWIRT+FGF8pLEOBG7Vgkx6Nu2bfKUzSvn8+XTp03x9brVWpmFheq+1f2WFzktea+388KXy+Xz5enLly/bXvKyfr6czXwvyimdTidnVoNB1bujguDuSp6mtHjAQLyXG9QCWoyIRJjMa9XTkqzucHWrMCdq2JrCEIYQUvNGBFKrqxVih7d0x5RSaoUog6yGxOu82yJ201hqJNbXWsnNajGtWVgkiyQIs+iS2MApsWnZSi21EKFWdXIiIQu1qIdUau1erEYD7g4Qk/ids3FK4mMeZQOd+CVnqFZVjTBnd4ZhqgmUngQUlYsNjQgNVc672dDigv3JrO48HfZ+9hGR10yzzUAtQYbIqg7+SVMbKVWFskWwzqzWegOs1ABXK0WNJNKWuig7kkfaSSEmCmQopd7wL06BTz4tVa3askZ9Qipo+Z2dg40MiSFg2qbfm08YAjts9+6KIzrQxa1Xp/rQ1M1CW+12VPDbJocAONAhrYmlJal0su/OSCFmjmT+npZ77H4wPe8QkETt/xosezfl3Kxz+4N9htMurrtiHWZG9BRMadt0MGkzG0mAqXGoVi8vIuu6Pl1OneyqftDq3e8twlmwDRFCRECHsAmPdvf2djN5Oqj/LEEy9nsIrdiz0QH8QRb6lNHj3RbhD1ydsehDEB5fTuLqbfnEP28K8XkWsYP+BmcBUAJjgtwPS/EgIzoOdpA/gcHcrKXY5ZFQbmZay40gTFl6r10YIB2KNqxnJyKHDnl3x0QmPhvdUad5qXXkCyIqRANjMxrJend0DNjoxsIomBLID01Fui7vXY2L00zMKfGAoZLU3FNHfY6jbjuZkzl6NViQayklM4NoWZanpycuxvwLgJQYwL7v23Y9L89JSBkp8/Nl+fR0/vbl57Jv67rm0+lS1XznxJIuzrypGXav4QfWsldExCFke0u+d3N7vb4ukog8pbQsS2a57bfr9fr0fC5b0VIjeJ9FNpZaa7j6gzWzwLStfCjCYcAHqeSciBqjmTcr1nk4D0IQjr+amdWiZYfXJa3c64vIkXMGM5j2fdtur8WRl0VVA6cYYDi1KCzRHAphpgddE7jzQIboIiLhiCOCQIHiklJyt1qqmsIOB9Ks3R7TIprLnzAd0trDe/28HL/07iyMn8F9+tc44POBgrsP1nusm5kzBSaLqsKtbvvLy8ut1GqEHP2O2eBquuB4fpeId3EiMwtQ/NhTyZmP0ojSGJqk2+3mHimn/aybmVmUh8UqBWsEDvyEe0/ncZZpGlWMpvHn2YRwd6YgS58wbOOD1kpEATjrwIDWaz/sAxCRnCXskFBTBmcjHAcT03hmQShNTLdJtylN0p26QzTl06nsW631tCxZuJrUfbO9LK7UbD4nInULVet1w7Isy2mFuWklVxPfb65lD4ggl8Ucxd0MjkzhvCXnI2rNAEXWlk8JqzEr5RScS8EuGQIF1OEDT5IP1AAz8/dqKvrSEIABKhX7xH6jVnGpalaqDZG8rEvOCbBSiqMSg9hVSWsdy80kTAwnrcbMwtLJCpwkp3yx23khTqgvO+m+JFanfa+R729jA5rHACJDLh4gfsIy1TMdwT8ANaIR/eAZeXTsZOboAAZAYe5708KswCO/gs3MtdJRw0skDVEB7sxCREkyEzsnEhFXLdUhnPOu+3L+0azuVm+7SWZmqW6rLEH9LIuZuZM7iMg09MYa6SHuhkoGrCm5w8xd1cmCDruzFDml59N6vqyu9gJl3ZhyYmayAjK3ZCqJhLGQsUTpIEyb1UJEWYJTNDU/erASUdGdgOjMR6Dd3MyF/LrZumYDp+X044+f3ezr16/ldks5s9rpfP7zv/rL/1XV3/zmN7/5zW/c/a8vL3Zh4le9/Wa71me/Kdu23S7n9LJrVj45g/PT048/Pj0lp11fr/tLVb/tKNf9ViTJxcw4lZyZ/Gq4Jdi2qxT64XR+8ToKcYPFW0VxW9ZzKQUuOS9m/OVlUzVanjPJD59+VK3ucLJNdy9YeX15fXEnN6Ik2RLBULTW6pcfN62khQwZZdn9Scp5yZW3vZab15W9ONxFwcJMtLmThXeZWJjNy/VWsiR3T2nJckqJy+5CvK55k2JmZa+q7kZL+iTq5VpOdIZ3iCLXQFUGsHM2S2aJo5CfPeRlPWh+Pt1YTaHqWjAq1arvUM/ZnF2ymWwGcogsnFk3s9akNtoBk5p7Odx9weW6Wgjbh7Bs6m8aoA2I3KzWkCDHAE6p8Xp3DtAdd3fPsrAD2gNt7pF+DJDTYsabKfMq+sxKt+262+LsTq5qakZWBcruW3aWJEJWVRw5ZQC11jC33EEsLsmXjCgg2VvDH3c2ztE7wvY9n7IfTuBCRCkUv0AUJvcMM5hVjYIlV1ULtF4kaVERotPNh2+Mp5T+oAc4iDIJIQq1q0KyAyWU1ZE3RNhhBJLULA8z022rt9vSI9CqWvditRAy0/LjD59Uddtu27YFb0wprTlda7LE7m5ObAww3PatppSZ3NyrBpAPV/fX2+6lcO+5E36A4KWp+4JDsxhVgDGXd64hhIau4Aes6DvXbDnNOhpwr3vOLuY3+a8PCt3D5ZPL+Du3jUfRfV3/w8PfHdXDbQ/30P2FLqSjiMqiIxA/ggk8DH5+mh+eGbr//o/wCQ+V5+3ijMdaz6EaIcbh/YC7ldbYjEuLLzaHSTvsHVZqGthQRJZlHdaquFgzFrmUptkBAiIGhSBkJqaWYHW7ta7cIilxAtCSue8dy97j3/OsR4C5k7uHG63WSn21VeGiUXBS6y+n00lEholwvb4SUIpGvUQcS2daL2fO6enyLMvqtHy9FtWitRkQe1UwRSpNzit5qW5C8vXr16rOOUXhcK211Hrdr59/9ZQzL8vCIDdeU922suSlOA9vjzuqW5RvxCxEWskjEa3ruq6rXV8aJhQQgDkiamZPT58AuNFW6+2611pLqapaysaERJRSStKqSgBcLpesNS267XarVjXCvmih4t4bpKOsD/qp1QEXMsuJozWyuxM7mXOSJNmdlmV5fX29J/JWkJNTEmn88NjKD85+mAjvntCwAAbfoMOkk0HYNqXdBXrG4DnvOnjuB3yc7vFfombxoNdhxB1xg8LZDzjzyDQONTTQYatbAEeU3hdpOCSjfMJgsT6Na5lVVbjXWiMRhrsnI2Ayi2n2dT6J0dTd3ake3PU+rkkPE6QRwekNkuYFX5YlciqHi645Oaf9Gr7W76znmNRYzGBBkXOA6Pjr5gRzUkMkvVovBQVgiHbUPkJC8d+HqOHbfXz4HGNIfSzt/yNAKMShc729oixf1cgRYUIzm7tVPFyza2IICfQsx0GIY5N6aetxTTTdrvn+h9c9fDkzzQfR8rBzPgD63jx2poYxmPnnPvlal7SISLT3dPfJeHvn1W+v+Wnv/hUf/3Z+7BjkPKl5nN61DXosl2y2nGqAIFZnuEsbkbO3UmCqjoCR4IbDUMe+sEdF2jEL6Q5jjTLyAPwkDEEo0gI/gfk+QyaOAxPR7z6Twz/jf4CWMLY1PhRrzajLvjmYiPat7tWIvda6plxKqXV/Tbe96rIsVW1ZT+vpvK7r+enZeb3uX8xvIpKXZMW3fU8pFbWtlh+fL6a0l11y+t3PvxTDsqwsydlT5grYzbZty5mFsSxLosS+azE3zVnMuLF1eAKCsUiihCQiYKgqw9e8XE5nKxt63AUdpaxopW0LuTUoJ3b5tVZi5ixZeEmemYhBRNteATCnZQESNjVUqGotGu0DRHKSRUS0AUtydwCYWfSQMCJPMBBztH4hzkmYRavfbk2BBuAewAehr4CiFM6HFn53WIatFv89fDCT7hXs7+GH7VHUYLMGf6Q3euFbynnLN+bXjbcTEfnde2lYsO6AG6FBBgBO5mQsyVtvLARSj7uXuo2Hm/demECg6RqIIwPMYeYwD9+yu7tpc64AvYHwEZgPuRKjrcUCWBGztxcYoT4aiQUx64HHNkBWx2ZMizPO1Phyli7MPPKBH9ZzQOg9sGvToIdgy9Fj2VR13wPlKqodo5Z/RHwjJByJUEM/HvsSIAgRdbXZqTvYCzuOGOHDgD5iKuGuVbUBZe/upZb3sAGn1e7L964MeysIh3I3L+7DUrYfvtFZ4vu32TrtLUIArD2kZ4QCIomYrStukVlAURvy3hjezi5uOJ1Okpe9tsgHAlOYA6vysNLelWcPh38sy3cW9u2QZkZAREzvCMKxF7NojJ+wxKOMiJAoU84p5Szd8oOTuFdTN3NVl3SnEBxzMWcxYmIm+KGVB0U2IDQgcrJjMMRMhGIKNUf0m2UdKi0REXlv9kkU4diwttnNmiv4A4swjn8nvCPmzWklWdztVhVRDwcjTret7Htx3Pai5/M5gohJeCu2ujjEICktp6fsm1VU3XXNq7rupVDORHa7vdAuSmk9Lct6KcpqVURWXq/bUmutpbhQFqIkTMHbLC3n6pXMyIyZJGVeGS2xi81s14rWZkm17DklIpKUQF7Ktu+7qu97BXZmBhsRp5QAFjFVRWmBwxY9CaTZxHa7UpIkmV1ctbpVqmBiTgGD0iGhk2r13iuRWJiE3JjBAmLPZsxcHbUozEgzgWC65mSGSlHSgK4Mwas6ezQtmgOENHQgdOito/b0IPLBdo+Tde9VGqdj2A3xTaCUPVwAeh/BiTs1tFxjYgSmGCyyQh3g3mav9XDhJg6Pjm8h6t2dGkR8uNwMTma77mSuZmHpOtAaVzhTt7eC0glwArsz0cjdq6aRosYSvdTY9MG05SiuV1XQSHhssc5x8AFEhWesfBOcbTmCc4EAAtXWzeNIY0RzL48tQIdII3ev9ugsjNuk43o+KBYKhwf6U8g3dYNVq1YpYPiJncnMzZzcInCiHTapHfSO/UZEgSYabvmR4EoAT0V6cG/+AWtKU6PF7zgKDlLr/5xTXd9ew/P27l8fxKFZNBY9rvG6+cMsOOn+rx8NY3plK5hq8gsUIfAkGa3/ANr/zAGXD+T7g1wc11z7EcMLsTdO7Dyddx/Yz/5Yk3sJ9z0n8TTLYZy9h5b+sIb3uxAdD5gkCzEnpA5USNQAhB1sxgaYurE9eDnQjWwRySkHxbeirqjA9SDW6BNwiO0oJwgkZVVTcklWTd0dTHHQg4lLl96EaWGjzWlKNF/ccG4iC7rP1LgdGUqySlrMTK0UI4cJCTgb706s6q97UeI1LzmTOn172UmunKiac1pPnHbf6KY5Z8lJ1RWkbmrY1Kju58uzUwKl22v5dr0mWTgJgHBtmVXnlFOSc/Tk4RsTIZrCmbBkkWVZRMSZa637Xsk0RT2la9mucbrWlCSx6nq9vhStRLQsi0a8FpKSOKzqVtWWlIlbozuFW8/jv3z6LCIgqerluqle930vVdd8YXZ2IQj1nlChpBNRSknYCcQNFcQYmlmIXbyaMXmBs5uellTUvVrAN8dGGIFNA7G9k/ZozBsbdPc/3IdaOhX0YM0QZvce+0HhD5rlW3bx9lQ+vOuByGnkeHgX1cFq4xae5hDuD7hqgOg2j0gA0EHYR/0eAlHG0SRf9Z7tBXdVc1CE0GL9rSOqhKTPSIPIx9hbgT+EqNUFTDKMgICO81575+6eVQIquTfvbnfOzrO3K/Yg1T5aTOAQNA8syEEWWNhhjLFY8EArXW6RgaIJhPdN5CmbEvdK+QOjlv7PYFBEBDUjS8uywA3mETNQd3JLLHW/Q154hywmlwV9IOfwHuLoGNwDXbZFwd26HK+7NzjesG9/+P6taJxf90DW7ViajVTV+YEPMuztY30gyzXXjo7OVoE6p2qcst8br2/F4fTPY2BvNvV9Ye/uRI+7DhyCk/mxXGxMfw7xqhvMVWghZ4mCLzUjMweTRQsEk2Cg1lEkxtEay9tXoxIdjikzA+Woc+DWlzq4X1vVaCCr3UbUikidYGJwB1Sjaa8ZD76LR02/C8KjWp8IoFEPViECUZgyJxaCOJERS1rN2ermIHXeDVoNVU9aFbeUURQBt+lGTpIXdhBxcuDbbSOoS7pVLWXTSm7p5aqv1/18lnNO67qez5IEriaEU06ypDWtDPlpv+1CBCsMkCQhJmciVWV3CZAVppQkJgtZRXhZltN5dfe8pohTfH15icMeCZxxLIhoDaAMV6ta2Qo86vhK3VNKxF7M9n3fa2lbpo1NEgUQl4cypKrETlHr4tqcUVQz2SlzZao7FUVOEllaxMlgolrQGh8aGRMlEHUrP7Yn7IlOSAi3HHUiGb2Fg3ijLRERaVjJByGZRXLMdN4H+w6FdT4pxxHj9/nGnIk9/svMct9cwoezinB8CIg7eOsB5QoGibRYO/fAJ/cZjNRTQuLsamF+mpmWAiCxuHta8rqulKSqXvdN971olbRMPOoOl5+ImIT7eWjnvaVbH1OIP4kImRmhuCJOIYiI8vlcay1R8zhdb0UaTSGtt+s5MD/n9Xd3cPLW9TAc/rEgIRgGszg8rmUkv3zMWsdnn3I1qAPFGMPMUkopCqXG436vJKcGhTWp//KhIJw573c0heOG7vjyez/ew83H8r1nXT1sxvzNMf57CR0iMATYLCRw72ilNx2dvBvQkZjeilAHZjw1aL53BZsH1b93RZkKEanelZ3oG1fDw/Uw5XkZbUpTmvdinjIzOYGFWIg50gW1AKUUIqmGWquDiZODCRSdaWhK/QVA5KrV1CtMeytwIkoSJftHlTFB3I09mJSp9g54FBAEd+K8d4NTAAqkoX616TgAnUDkZ0EYmMBH0LGrGoHLa84OGCd3c7WteA2zmBeQG7E51b2qqtBtqTidySXvFVs1J35+fn693opWEQbTy+vrkjktedvs5Vputx2ezRLADnawpCwsRLWqwjRa0phWsCdiSplXaMo9awmqRVVF8ro0IDRpOCZRaOQRzDOY1qbj1GrrmpdlBcm+16iiyTm7RCWEO6DVdy9EMLNoK8E5V/XrVkpRgzNz/DDMFu94WSJC6HngHCndSJmXJX2Wy/l8NmWYb7vmJTu4Ehsa/lQjUSIhYWbp/rpxjoI4Z0E1CBtAuNnRfTrm3V6E4AAxCnWNvPkvDx/gfCimM3h8GNVND3zDe+nUw6h4Ukyj9CDCUA0BDs0fqXB1DUTpfhHC2HGHiAViGloyyLDziEQb/De5WTUw4MIgEImB2cgDfltSit7WB7PleL0DxBJ2ViCyDVvKW/eMO3bnPZnFA2PPnVu2/nE9iDF/44v+DlPCG4X1WP84lQc2C4dy7h0EHQ2KSjs/3ImTSCIiMgpxTEStRpCZ2FtwlEaUtOlYDQrHQfBUSimluJoQKVPdd6slsXyUNerDAugzDaH4HW/qrC9gYlJv12sIwnntxuqMe+jeOvyjLmv6bQP1Qt9I7Z2sHyRlLe9bhOP0jgn2IERrPTkoJoyxeVJEH+a89Jne0+WsE/w+QTh+NX6LHgYf5Dt/P3YnfAUpZXdLIpwTE3vRwE3etk1E1KkqnD1Zi8YZqfOxoQAipLS0Pm3eAC9EUkoppW+3sEBCYw7eBDIXkciPjDgiU0SnqFRlB2iqIjV195RS7XgQ8X2wqIhVd6HOI0ZodvTsZqaOTgLnBSlbsE4SNSuqvm1mBjgMRBz+GTXbS0HdT5bAVdalViu7ybI8XZ63vdz2W0orEW3bTdJ6yqd9389PFzVyy6DkN6+1Xq9W9bYuT2Z12zZyW1Jiz9t1Zyd5fgJchESazNu1WnVXSysHIui2bW4t6Hy73QBsJcn11Uz3fa9uzPwnf/InT0/P6+m0beWnn355fbm5g9MSbjejhmhnhlKqmaecSQREitboRyNuV5SZpTtFA8wnGqwTqwgTBc615JzXdf18Ol0uT6Xavu/ALkLVWuZUZ5QNcKPh6RdHwHCbobnLCMxrPs+UHB8B+JQsM44GehLf/JOggQgsENHMu9GxRg866WfcvMyvGw6YyDGe/brxz3PO7s0v3Dpt+tF/zePId6AAdctJmANfDR4gFM0dVS1g7JsdRwCMmoJODoh4A/miEWDbtk3dqhsRtf4wRVptYeNOPCH73OE/D1yXcXhnFpdSgjdXQBfJRESlbBrY4D6wWho853hOzI6mPjAfMahZe+67NrCBxi85tG03kAzexa3o1zcBRd2zkQUIIYCiRkPxjKMSNmWX7jw6UgTfeH19Na1Zkoigr6CICDXVOypz676raYAwdy56rA4T11pb68hQXvpyD4+czz/rvv7x/cNffcpmjH/OILljEZlZ39M+hpQaAvgQJM6BbRnxu8ml2XKQ+hsRvUdGf0S/1yJpslmH9ho+xtvtdt32YNbWDcraM6Tb4O/BFR+Vg97oEt31PyJtdG98j7mLiPukbXA73nWrR/r1NJF1XbdtC8dCFNV6j/0wc6la68t5Wc/rYsnKtqUklFKgXSoQoX5TFFP3my1LFlnXVVVVi0es1AygyKpgEFzLXqPdd+RExYwFxCnKfjlP+ua+3/ZSJJ0BWMBht/ohXqThYxUzfmgIMFnPD7REk05GvWmZmpN6Tqux7aWam+SFJTHgrtTtUQc5PMkiQsXpl5dXXCtLQloJuN1uavXpciEBYKfzAvOvX7+a2fPT57Lb1287kyzLslfdqmbhvZYkvpxO5fr6u9/+LJQSL0Rk3741JayjlmcWzpRzdrXbflVvmeIenjYS86r7LkI553xaUUop5Xe/+90vX76K5LDjZVnMDA4yJeYlJyJxTVb3Uutt29b1nJIrfLuVai4pQ/VW9iUS9AOspFYAkjkswiB49ZITnc/nz58/Pz2dP13kdDqXarfbvtfw6mFZlq24mZVS1FRSRm81ejryRzCO/AO5zoe6NQRwxBmJw+JtLQ7r5PitH9/TpODe8YTuFHF3kM4kNDh1znlYPOMJ7n673ThgQyMZghpiTs4ZHdHNuqtzYWKrvcrbiXmRqIDIaN1IGEzVrapSyqd1rd++uDuLnE6nzFK2vZQSC6QNRM1AMLiHN2ubXYJgZnhvYdGSD6a1cSz5LgnCJ7uNpqqq9rfOJscGaTco7b4/z5HEK2lERuY1H1UDg4PN2zEGT02Ed7wbu+OW7r6u67wdg5NHo9z5mTGd87JE69xlWZh53zZ3P51O6Ycffnj59rXuRVXXnJZlKdtt27bLaXlgtWOID1csKY0Q8b05MtuCQ5bQxybdTKPH8/94++/dX8Xmv3t9NDu6N0x/70iGWWlm0a/NGrL07xnqcAN6F4SDCueN/8jungdGPZT4QAqYNtHv5fr47V50yZyShM3kBBHxZdlrjQpXVee05pyJpLJnWUVEWJydvJWaAfBazd2hcIazUUvu93QKugDgjgAk9eZ85lDevHFGJpLhLjOzAXalbtFeuAm/ptwBQETIBgsbrtFwcfSZeuB6EJE5mUEJ5hEfJQOULTiIwYm8Ay7DQNu+w8nJCDtYnSpJIoibVa0GNa8Ml8ThWzqdTufz+fqqr9eb6e7EKUv0Fl4XMFnNuWw7lFu+spE5TM1p77RB1tiEgFsaMJxqIIq5mIZTjZ0rBlggi5VSilZDwK8SQmuuRKTcIQAlLzkBp7IrDOpuIIOxu0fKaNhwhMgyo+7bMDNiB4GZU2rmfkppPZ+IGRV5Pf/w41qNv367fnt92av2sNCByuTukORmYR8Fa4ikw8j08QMZuHlAqeH2OeDTAYH74JiYfvioZw/2Mpzk41w0ZtqLvh946LAgBwhRrPOcLd8ySoTT+NwfW5vM8iSUWpqGNHPVKXL9zcwBMy+me1FUNbPPl4t2G0BVq7Wi0Va9R83iRPPzOybMYTjIjZlhaKjy/VAgUq7vefJYipBkAa40wJnhDjjxYx3n9y/rxXItLfZ+O965X8tgev2/zQM0vNyxqG3M9XjLXEE4y6B5i82rQ4kYZHDEw81qilLlfd9Py7I8XXhZNqa6l3lR0MMqeCNg+oI/eji9C52Iab1h0x9eD1w7Xvcdv+sfctF9fG5+4O8VhJgOz+8dPPpmWHPyeAhCA4HeD6MOgTcH8EIQ4l4LidNrH4rC7809Lr7Pl8GkwQ26qQoRZBJhCrgvYk+Zn56e9n1X24uptDa85L3VnJm5KZm7KwdWFhHI2Dk8Qwg/I0yCh41eLV38hyXKEAdUTa2aGwm73qmo3kdbrXWTbxNpUFbHWrXZuaNtevuruzc3iTuAak7a2JAZ3I2ctLqLRgY2Mxsdj5VlDZ6rQeJm7hWotVazalaJnZKwpCXlnIVgl9N5e9J9+3bdNYAqosdLXiTnxHwRzlrcihVXIkT9prUqvejRx0TEyRMlpnBHmsHVA8McbqTk1JKWcxRam9ke+S7qRJySiEipu5urwnqjBuEsItv+LTJMoi2GpUg3Jap9YVsDpkGiTuAW5TW4k1av1fZqKSVjIpGy6fW2fXu9fru+VoVOzb+gGk7zkWPxsHdhog0j7NBsOuU8/PftB7QjfxfNwhtAj4O/RZJIBjr6KPVU1Xhr3MISIFHeU/IPtEgygnDEPsN/JiycmIjycEXYvkiKnGEttRQtpZh5Xk7RgGycdG8MRxxW91JdzUxL0dKC7szMSUiYnNzQKr706Dbc54Ueo7HxcJaec9DBzHgyASkQCntDEvS6dXevZNTaKzc81C6U3hdsqkf2Ce5cMu8z0gM6gyjyetzFXKfnR8FVlxGwIW/czEdwsd9N6Cgc5MQYJuwocXF3V0vRPCxQKpg5OlHlnK3ug8f1R78f1XPvkeFgMX4nCP0+3XmmyI+uhzV6EL1/4DUfrfkkWNcW7agYdXfIx4mvb4f3HXE4Ek/ayEOR+vj+IYmHTzwEIXVdcp7Od9YhnjCPbZxw3Ot987by1G0xaDQhmVItoAUShavmAErdosCBiAyqWoIfNOiZEXYjZqJEtMUqt2Z2EJAZG4Huu4iM8UfwfAhFVQ+3ast4nPIdAtm3Ddsa+qX2NV6kNVRpl0Bah/Q5KWBGwzlc6JhorwVmpk0PxVjWk4fj2sjdGyooEMADET0TIZjabqZpkxdOp0/Pl1qIeAO4um3b9ruft09lPV8WBsFATobkzCDrwoGqBSwJEZGaQ11hnloGeXj4IRxnnRnCOWeh0VLNkSm6bThxyjnnvGLb3I44RTW1SqSmDnQMYSOwEzNFoGjUejbBQO4ebRgigcFUsd32F76a4Se25ydhTq+b/sNvfvfLl69RqV+qeli0TurV3dnZmco9KFUcTKLDV3kIqnCLPdbJPdL5w1/vwSIwaEC79jNv8UFjk489/huutrbXk/1RI2OMCCAagU/mlFJHJj2K2ODQbdcFSYhFErNRVYebwxVqcGJh4exJIZxS2ve9lBIeu+grH+M8n89ERMJOZPBaa9T21VtTIMwDISE6KFhXeaMD1HE5Nz6AJizjhHVfIoiYnN3MqLGmA5RgrP93+OGD2BtKw9tkqPbqXpJI1Nwf7mCXWg9s2Ih6xufxlAcR+8A8D75XlQCemiZGDkEys9PptKR8OZ207K/fvtV9y5IYzj2TOB7UooNNfnioZo5glFExepCid2E4xCfd+xg/WrhxDUkwBvB7f/LuQ8bnO3H4XgLYR094d3E/usaxZGayLtKY9ePf9QnefdOVOET5QdxjrWf0R+/1t/Od1ZdZuNqEZj7YjZnxspjVbS/u0WIiGSkBP/30S14SkRC5WtlVEjKlpNUYHbeaPLJgBHh5/cogYRB5ImGBGJvBqFkTzSrrTLk59KbIrtGB1RtGkaBZqDTaNUxO55h6lNVPJ719472ms21l/51MikJkFB2o6O38OLNIH1gZlB25BxzzpfPz2d2TcM5iXm8v37brrborYT2RIC85LTl6wzmAl5ero1Rd4g2ChUiidNUd5sH2pauzxDAnVocWhXN1OAknFsnRKKdJdzT2e7vdjNi9oXsQUQBYZxYSMoIbmVk1L6VEJK+6Omh0Kuj8Ud3dUKIvIA18BrT1dCdTL0W3bQfoF65bgTv99qdf/unnn19fdpa8LKuBmcIMQYDzUfNP3dGz+UjkmD2czQSgzsrf4Qbv8pZO8HT/AcCyLNPRayKQiMIj/fAc6irjYLV8yLyjreBRUOtYlsUCUa+U2sGK3V1MyZQdGQwB5UUomVmpGl3CDA5iV4N7BQJ2LepoE8uas4gw6HK5BC5BUd3KXk2tWDENJBkA0WWwj2rwLmn4LJ0Nkhx+snT4Dz1Q/boVfkR8KD8mJc0f3l4PHtGxzh+x39ExGM1maxestZchEHWx0pOHDrfltO2PilF8o53vxV+FouO1pJeXlyWn07Iyc+1BThGxqk0PG3moxLO5M1FgT9IgAIGOfbyY8IZkv7twD17QMaU/9prHOVZq/vJhjb4zpAdZOIuTd9+L1oACRBaGOejDNNHvvPRBqvWXfigI32MOh+3FU4JWHMuU0kwuXRyKqTlKZHHDdFl4WdPTp9O6rgR53er1Vmrd3R2mpJWIxIQbnFJ4QbGkTORJZE2SFxFqQILftlaTH0zOXE0Pn9WQfxEvcsdc90PMDHKowTFS7Tvrf9AkphMULo056kPDlz/90rg3MANFWX37Mk3pFQURXyECwyGgBCfHkpOATufl+XIG2bc1b9cXAF9q2W6vWnm/qRZThxCt62reylFUKxRMEMoAE0pTK9vwACcn4pTdqFtJYUUxN/h4IqpmpG5WNGxrbSV01CuT4XG6rTInodboCuZ7LTA34jjGIoKZs4Qh4xGmTC3bvHkUpOkRcHcyRS32uy8v5bdfbtdt32tRl/UEUFHnlAelcWsZYe5G6b5XV594FJgPQYgeIoQ2xWhsHHVXat/HO0uuBynuQD8efkvT5W9CGDSc/52Pp5SCmbp7tTIEYRz60BKiECsibYmYUhOTz6fnVpmgVopaVS1FHWtegbppNZANn02BeW1eTKac8+l0isKqahqC9rbvW9lv+1ZKqW4nuVCX3ENOE9GgKfeEKQ5qus9rRUQCcur+nZH+Q5SIjVDf8KWxRO9eMdoHFzffZ/De3R9hvIZtS0QcUYvEgvvwbWQAwY5n6tRrOuzgtyFDwJjD/WdMhNQCBKmUUssOc0Y/opVFxOqdt4HuHZtj4h4+PW+N7ijE+ESLTEfW6PTz75nSM2nijlX9cdesCc7f//Oe9gdeZoZ7uL9eHvv+xtP91RaHDkv/EAOhln7w3nclfZzJMf1xpGc3EQ4RCHevxRwQElO91VLV1/X5+fk5OsHu1XZ9ZYY5VTNXPaWGyOPuCiPyKNkVESZPiUUkcdQkGY8ewfOYOyppm29Lvms91bw7BR6OX/WIMTWd61gi3NHMMflJEyE6pgyRLld6TQVZIEY24+NYHDMzRJade8BtMYGdOVx5plWczksWuSx54UtK6evv/qnst20nVQG5KYg5L9notCwcgHZVQd5A+MIL0ymeGxqZuXA2djqs6bYOMxhC15PcCCkt7m6K6M4DAFB3ZzOPnuEByk9IDrB5bemALJmIVEu0jRQh1YDZChadPAAKp5e6ezXfvKj6L7dfSilm4addhVPP0D5yGZjBIDN3M+7dEIfi0lf73iLsctD1Lqvz3bN896eJU88HrY/kLnzl7pLv+gHNzwwRuCxLRPjihOJoS2saCRERSgiLAsSJc88lYuaTVDOr1fZ936/7vu9FHeDz6cJqrE0IJeZqDqKyG1LqDgkUddMIMVdV3WrZ971o1RaCoghJhmAIjhITieSYPtnjDJq+w2DdPaeErmJ6VBMSu/sN73Cg77D0oT3MK/mRFASQMrvn/qu4OVhBiaaBQ0THo7TUgcBAdKD0RceqEfPB5JgciwNARJZlWVNO5/P5dn293W5rzpfTKiJ131631zQVK3dKemS1xw2R3BF9LWjMNgzXIwH3D5GFfk+4Hwmz33u9O0735u8d1yw2vvO0P1x2xlke697++fsePp4/phzJI7Ma1cTYH5AsQ3QXuR6LP9ZkFq6435daqyQSzm6+77s5mPnp6enbty9muG7l9fVmRillZ3Gj03oiCgbdfe7Mwny7FiaHEpK5cbAwM5N0Ge8iooDoH0ZGdSOjlFoxb1whudtqdAYUrYPDMdJKiuLU2jE1Igo/aojhaU2m5GHued7eax7haL33lEN6eHgsPVRTgGHGAIeZ5AQgMUrZYPtXMmZs15tDl2WhKFkzWfNKwmpFzdiZmUUyM0wgLRbI0MGae0GOW3iPraHwMHG4lFt7CtMS54OIhIUiP1Y4knZVdS+1FgWYWUXksjBPxEwNX0Nq3RwIQFEiUuXOLq2tDg4qddfucCY3aC1FtTCL0Mvtuq7rp+fnnFdTN4NIju4T2hIeY9e6D+A+bW0of/N1t6FTAfh8PZymg1c+xHe6Xy7qAmee2O/xQcnzY8NuWJZlXdewcgJd5fL05B2RKjoZB9Nfco7CnmFaeVWF/vb1d+6uGq1dnIjWvJDk2+1228teK0kyFm2h+eaDFaIAQTUzU9v33QJdvRbtDZY5JWb2csf3xnqGt0N6083jKEw4Km3RvFmHQKuDJOsHwB1/aCpFu8I/MS9yHOePYoSuMeDoYB+I7Oo+unp7g08I/cOP9J+xX0PF8TcG2HjOWKLY1pwz/eVf/xVMt9vrr374nJiuL1/XnNwUvQA55mDgUOh0AkegyfMwE+JMQ87rbIKgWySDIqmzti7MpYt0Hp7cET2aL2o+3ztAHG0KZHR+GH7/wz0i/Ty3//ZeYiKCSVqPcLHJ3YyGUBmaeLtfJApaVxQAIDZQUS9qRS2SwbpYVDTAUwvVr8/naO7loKhbUtXokzCmPNczjY0fZvTYlzHfsMDGEsnkBmkFErG8vUCnWiZyEZIEZiQ2YhD5ac0//PBDrfXX/+kfrtft8+fP63q63W7mWyMmFom8lJYUbnUvZL5G9mQfQuUlXLJF6+32WkqJCo3rfiMK2NcOEd/WeR2UnRILcXiEJFGvILTZXbFImsnv+L7HhB4OXmrN6g58nNBDWxZrH3f/rfe0vjsknbGkccLjkIfaXmpzDc2biIlDzUOK9zZfTVhmvTJKm3NbzKx0yGNmHkkc/saFEHXxY/fjBlmG0yy5u1oYavF6jtqGYlGsSMx8q0ZEDGd4YghBugLOkora660Wd5ZsoFpsydvltCSB7dcE+3Q+rQu7+88/f9kqdoPJiZaL8rIp9qp/hq8xVFUFWHJy91prkqxdNvnoLAAsHBakUe8MRQOCjjl3AEnqDLTyLRZ8uApC2zmfn0y9hsZjPVTpBOxgSok5MZE7lFNas+z7rUt+h3lq8LMZXpiTiHCrbYUam+Hry5VZHKzqt73W2tx919uXdV1rra+vr+fz+U//9E9V9Z/+6Z9m+rzzvpadmQlCRAZX9b1WdVyv10hE12h0AzAnZk7pFmUqOSJh5gASSzC04JWpkwAR3bzXer3X5GBmrfHf2puvPXChtycrLvHvNWN4e1TJ97EIA90mFN8xjCCLxs/9AAPxXm4exve4bUwEgGmNRoZ5EWYIRVWQJW+hvXs2+nYtDpfxnTOhEdkHHdsxud3mmY+Hv12+mbmMaVPXUOaj3tfrboEOefNf7vI3frl374lLkrh7VavmVVssI7oQ9xmxe/BuHkkfAJwOZc1BbxllrNvQPB648Dyq+Vf+oBb9vskSUbd+3CMKyABsya1X8LIskfPtjlKKpLs1GeS0LAs5oEbCRGStKyn4lIdaM0jqcXmnmG6sT/f+W/S3UlWWhJb6dUzwYR3mf35En9OsB+0x7htqT+R6uO7tvvW5TVm4M3hCZLJY+AF7EyIiGq6bN9Qk/Qy20oi4uuIIgAf+eFg28/iHsl9rDYHqHfEcrVpm7JS6U2+V276L9FsB2YPPENGkPiwDzIeRyMVbDkE8aN/3alWgT8/np6enJLRdX1NK1Z2ChZZi7KCUmLyYpCQp1xCuBAe7yF42AncFvokxd2/zM+p8qN2ScwrpBwBkCEgwkN7H1HsZJKuqj1Yo6A2/wO6cokQFcDhTIvd933NuHatgCnNBq/3P6cwd/cAdGvC7hNPpFDme6nUsY4jz4SJW1dfXV+sI5oPeZvum9R2k5ASo1qkLYDM2m0edmJxBSwosCA8cBCNjkETgd6wZ0bAHkiTvSBqj7N2nrM4hS2JzizUVcDR0nO9/yxvZCO9do4xh8AF0jJGxCIMCH8TNwzF/96J7+Tp/Fhpw22rsIpKXJZkZ+SHbH959fHkIQno7rCGoJpYxlRD0ozZO6Ty4h+UbMnWMJL7hjnpuNue+48HEZnclG/y+3ebk77m2H8ZAb5y3MfAxkbcDfit0RSSSxGrVqh6oncxyxHJ8+JiOotFYlId1e6ujUTc7fPLzfH9ejyOfZvfB7dNJIwcpzAELiLVlWU6nk6qWovu+zysTOfdhz5G1rFcnEk5EUILCoWa1BoilqnpvqhTQG73FIM8QOSI8zqeqh0VoXleToyzto8l+kBt1tzhtSYYnsFl+v3dJD0HeCTVswRCEzaC8T42bT9acTTffQHTQm0O92TEeSFkAmCEkgwBce/JRPLk/TEvNOacoVolsxHYAle7icFEl1sJ+gVtERAInYjC7V3Y4uUUaMaK8gSx0ksBWJIYrhRfHoKWWup2XfFrOT09PVvZX9ZwzCOZV1bTszs6JhJNrkSxpzcnYzBqIgbqrUPMQkBscXt3QuqgBEssC6mU7ZgarClR1Zh6lrpIzTcvbBSFq0b7vwdYio4T36075nCWBsazpdD6zoJQSLZEJAa0UrdCJmdVMzYmqO1XVqKQ0w5dvX6ONRFEfpE5EYfkBOJ1ORBT9CMOCGRQ7y8KQkZEmVUz3ve773rQfOFo7T+GexZrYBh4s0KrvOADlw9SZTsRg+/PrBnvBvZshrloRvsTELedcVc0tag3HQZs55EeHaBYf4xCl4REkbu73KOjs8j4oPGqG/P4hD+8a4uOO3ZmLUMrMjmKFDZzzeVmbIHxr51KPpQ1B2J44obO/5QXz1e7ponDmAjSp/POWvJ3SmMy4je8zjri7NDr/Oor7aRoGgYHvlDA8DhuTIvmwvg87/f6sB4/r/7v7pvFud0C7l3hktcRi4zB/j3UYlPowMD+0qruBEdE8zJnpfiQI+/iNOMbZ8iJu1z3ecjqdAHz9+qKqOS/mR09REByNJ5a9VguMxIjgQ9ydeauFrYU/q6kZiKLYtFmiFNnR9wHpsGqE2Fol4Zip8b05OFPmPK8Hi3D8tfaYa9AdoaFZo0F8s08akk+NjudHxTWM9S62I8U6vRWHDxQ+Hz3pdZbHLjcPtnrnEW2QxO6e0ty2bPaXaK1u1qozw98LRIzHIwnHYO5wKDlVVWZnbe1y3R1Q9pYD2dFAnVprvIBBCVSBiFsroA4GlB3MOdilUIq8kJwzgQxse0V1hQImZARLQueczBsYkbtXxpoXd1c3MyjUzHP0/5tAkCOXgiJq1HqWgDvSdIQ9or1aXILe3RwBoAiAw/zv1G9JeEmyLhnC56fT58+fQXTbXsu2A1G+bSCCeSCc3baGhGJme7VSSq1WTbWaM0WJDZil+6MlYCxBKWUzq3sholNepOdWAKBAwjSHW7EwFtWdSil7CTlY07J2/2aTcN0nX4UYvVQugAwPXE2K6gMf9Fnr4djg3hXE4dSL4QhkE11VroFe7dCArgFZ5IHQwYQxmE36gM8M0fsg+DF1nRvRt2H/vD3C71YljGP1IG4ARDQ9EZvXXq3sOfwJ4bZSVU9HA9UofD6kV2fH/wV9jj75PN/KlVl8znN7f9p+WFQC0tG14O4HTO4fISCMN47PH71x/mYMcrCiAJZBaMfu1jICJqBRt+4EcOtQ0cxsoGkAs8V5rBUmjjxW5mGEfq9zPAx/5rkfLULkB6Lh+gsTiKXqVotp9XRKp9PpdtvdXYRroVZafugcMEI1NXViGMEIMAYTHPumRBY4WXG/whDauUeVWiz7yC+1BtPcnMxC7NT8LbPb5Z1tmg/D7LH46HsYOY3zNhB/iOgg0bckMdjKlAzSAhuquqxP3vy3jVSCcVsDT59JDgCkJcN4ADgjVL2QslaMgO4u9FrQuwS8nfvz8/O+7/u+A4iUxe5S7hIxkn3cnNkcMAUzyMlD6AY1FnJzNF+1N9UNTC4ias5uiamaR5EVyOu2LzktOZ3ywo4wjgVCJInplIWIhb0YjIxME1H8D0SQANOBOBOLmZWiBUru0rMeu2vUiYg40v1BZCEYkgh3OW1mUKvuQ/h5+0/wXETIzN3Jo2ODATivWQiulUms6n7b1C0yfdwjpmoehZtx0nmZCaBUDYcQ59QaqYcVrfDqAFZurT3DeRCeg3ePYSNR7mhKoZoxsUBchMCEjihMzCQhbiFHfkNUl6I18m1kScAEgGVlYGffOfBm792d1y1UUXNz9cg/AODIU3nMzEUXWd7Obj5NQww3MqbjT9xbBcxa7KM4vM8Sf3g+psMe3zBAHk5ghUWBJpFbEpGA55gdcfPj+iOGpRxDOQRknBDCo6bc5iN3QxwLTff6+/zOeA+a66av/5t0srZ8Q0Ns+aoGuAD1MEn/oMt7cOvhy3lB528+EkVzLQu3Tspm03zpYH4OH7XoEgtovUn0vB2zFHxXhvlkqcxcHvd080gs711vRX9MZFlO6O2lIm9FdUIddEbAbaEZhSnl4g5zdesdCd2PvCeyLnLcELn0RBSyUAAb2rR59Jj20HkTCdip2YJ9hFFn8E48YN6jh5V5WNsxke5FlK6vBLXb2F9MB2+occFr2mHrTlGzuwjJUH6JjgIOf3ND++DuLSAhQMcLNTdSIg5T1b23mImfc+cloOdPl9dXqBUzC1Qwh7tqWFDdUol+B47EqhKM1chd4dpwQaOQixwgA8jgAjJ4SmK1khMTMlF1g7MwX0vhnJeUGLTvZUsJ1vyBSiREa8pMXs2LulnNWYQRvbcSPLCLVFXLrm5uymYhAkPkRwYNuBGPgMOBkpOISEqcOzx9ra6IZhLdSdNSHt3dAxS7b3rDEANQ922/XZ2wnE8AvOqudS/KzBbJRyH/zBHR3864rV/V4aDturk72EfSBwLeVvKQK5HrRD20jInJjKFV6daYeZwgEk7kwpKYqTURcXEWdzZbc/IOvLJrdbMYQGRv1g4B5u7q5u6pD+aBwR50eC+r2NrPQ5Mbf+U5m31yRn/UxYjuurYdN9n9l2/1zoefHPAX98/5iG8zuaru+y2SFhOTu5dS0rIsu+ks/1t0ZxJXs9AaSQEzi5nf+iDbZlk9/jRz9o8GPcTJw5ezKALQ96ONP+wIdxe4wrvrtKMzd1343et+MMfE31Lnw7A/etr892OT3sQI0RzZx1vofjHnd42teRjM/M8x7CDRj+5892IJ/YNCNTKASNwtJ1H1Wms0rgvgjHZ4ApPQeqsz94D+ciWPCIqq9iKrBjzaNCcCDEzurdMKAEJ04cWw+o7DJs0pChjToECX7iCZiW1e87cKwHFn9yyFzyTWwKEjOaXf2Rzyte50r0GHcj0KxQbdBpsLsTRofvx2FHjNpB7fcDvVTJDRGRxAjfoTYm9Gj7sZ+3Fyj0ghoHsh88zixELc4CAp0FfRjWwBh7eU12zgRERmqFYNEfSpJNkdzdk4kU9gpri7cAI5mRJZYros+ZxTJmjZbqaJKGcRyWZGpqYVxAuzkIv7brouSbhBLcNZhJzg5EUrN2gbQSMGBxxk3TyJilsnGDmpFvJSja1nV5kWMxOscZ4UTAj4cLTeikBgsjuBXIPJnRf+8u3VzM6nJcG1VNMadSlq0GpeNc6SGaB4KQOWufMYCLEtywL2CKsvSx45X3orcTy1t5inFvi/Q8wZHEYx5cc54icMalCCI4fI0W3EqHmAA6EuAT4nZgW1BfYFEebyNpriUG9PTfwzScsaDfD3Qc8PSVuHGOvn+uFK6VBE5lYCEuOMwkeK3C4DzBH8pSEtucd0PLo6EsLr7Y1G3bynwaPZHk2Ax1BrNWHknCISsW1bSilZSncyvwnCBpZNjxahjfAjTXGRdw38sSgPjPv7fBwTg3grAB5+3uof+PAgxzSCOGwytIEP3Ml/wPWuOPxovjHC8M2EmXqf1TJGQjT3gfL2OajnIRQ6Pg9QWtwfmwepOcuA8f2dlPjg4maMDhAmApTIGaSmpdC+71Er4u6llK3sAAwe7MnAhKgqJjNTN/REjCCFkbcXjlei5BYgwoSeqzlkIYAav+tN7d0dMDejyAUIW/Dwq1hAkb4VgfMRvVucwAh/rD5ODZ6feQAbhgQhpQEjggF5CsSyRBJQmIZdNKZ5+1pY516JvBOEVZ0x6vnQFLc4cV71YFUF7t5a1Q+SG8fn69d9IgwLfpVzUtt6sw4hckPLnvDU6heNzIyJNHodUdPR26kiokj7CAxMd8/ZicjCxefyw9MpJVHVsm9GJSchOrkbEam7qgMqgkQEcmdfhClwtcyIjIUMgHniWIOmW9TWNNs4HdZ5s26jwUjA5lilzqaiscC6PLk7PODcwpkwuV7MQcSw7n7yv/yLXyWx21aeLuu65uttt6qcWJuVaV7N3bkDH9qop2mZKM7MHQs+wv9w96p7qA7ZEodTtFYikmVxs33bRtYlTVaHu5MsqWcLRnpOlsTMgp4C2gEThMCB2x3bRYgCR8GB7D/MgOMU1IbREKcxgplEtO9706uC8qklX5BEVlSzPQ7B0dHlHq6P2qcO2xyTRHD3j5oTPFwTJzvyVOYbZqY3v4VYat3NzBMvC5Nkd99rpR//5FdadmE8X87ndWGY1eKmjDtTXXtfTZ009PmtH0mIiuPMz+N7GPHMxH3yLw2P33zI55/QlD9pQLAM7+XT7m59w/p/75BNqCc70ZQQS1N6cYE+DG98CJ1ujDDnvCzLRSyqmItaUXdiJwYdXkTqKdvhcXLVp6cnEfn2equ1Rrlu1dZzzqwhP4xFmHnow3qOfZk1hoe6VZky7EdlVaxDN+9mMnZpZGS/+uHzt2/f9rI9X84//PDDesoxvNumzFxrvd1eA2JRRNSKlcrc+juHQdg2Ts59E1snz8RMvYp5hsam5t6xMbYYUuqFYuHHJKLWBbxp5Kkbc0eC1bw+uEcvmkGEB8URUSQKHhE4ajlNS2rQTQNusB34o6d2e0W8utt/j+8dN4xvuPePHHtn1CQi2s+jyUWY1m3MNmfnT+Wkow519tUTEaFGURq689ktQq4kIg7e93q9Xvd9j1JCXdJMb73RrXfYYoN51R3Ap8vTp0+fLmQjrVHdmdO6rufz+fX1NapKIu3e6h5O5iUf9Y48uQ3Ve3kx7tIIlA4tMDwE3OmnU+5dt4RFLhaSz+HE2gUhAEnkalkoMd2ur+76qx9++G/+13/27esriZBk4/wf/4f/6en5x3/63c8pLwpSVWjb+nDnKtbY+pRkXdeUopK2tuyknphCRCLEzChNvyml7Ps+eEhXQJ26mRhTqOlgSo3Czcl833emg1NR36MlNdSbai1aGXJbpGVZ6wTGBODMp8EEBuMlogjuotfkoZdKb7ef6T3Of0djk82wLKd3OdV8POcb3I6o0APzn38yFk1rs8iHgyoGMMc1Z36oZWfmqrvXcnk6/emvfpUXKbct9TcN1GN/O+4Yah/xnRXycOcfe33/t/OKDxkwm57uzrjLetI+wlEwJWipFQQh3NVRDAp62Mu7gXWf2/jrzFjfzuVhv3/v0gzSeZD6R13Oe5Gtu1dM5Ns4QXdiA6DeqGge55jjOGN432PM3WvBkV0G4Hbbmb/uJZtZrTvLmXsthLnWFm92MDmTEQPmHAkzoEBfbcpHe7i6EwjkZPHl4YogIr5r8WUDU9vdmm1JNvd7fJj+R9expOGRPtC9PZoedkjlsZ4CJ+pwu3NAZSaYt0kHUU7SIhkhdMMWdiNgeIEi1kOg7pqGOzj6OEbslYjImCHOlA5ChXbIoak6E0CYazNPacqiVo9eHd7jlMRQIiJnJjIhJKbK7C0hs1WCtfkwoAY457QkuZzOy5q8llqKCK9rWvbXtFAhft1uZa/gxElSVZYkIJALsbtGA2wRMS1j1yJzmojciXrVHYMw2dDB38jv2+dS0xE57JYjM8JdK4gDNMgIDjZUOF8uF4cWvZVSDWb1JkI5IVNlKpfL6b/5b/93L9f9P/x///uy3S6Xy14q1KC2aw8TAoCBIdLq6loLB4FAUmscad77t0TkoMU4AWZa12Xw9FIKQJGXixbUNHeDcav1x/Brhg5iLauhASzF8eftduWGIgIibxgX1Io3wLQQOR9G0n67Rb1pMB5VRQddC69mtKT2CJZ41NdMogFNMkz4bQgjONJetLRQgnT+Rt0zjGFuerNaABALGjRa8xmZOTO5owOAH4yamSSNGCepzpG76bBP/ysgZhFajAicDFCDOiURsbCoo65zpO11yJX4r/mhMswC4z/nGgz6O+LwQfDM+nWjJysAnDxkHzsUBlCsnRO5B1wV+zTgB0nw3sDo3Tvnn4yj+DCRaX3898rCIdelp+mGRjJcox8N8l3Z/CiG39zw9iHjQ5vg0e4rMjuDIOz19UYEJimlXK+ecjSepdvtNmR2OLKImQhm3WfvZCCfAkzxOagp8tCbbGsQQNSlf0x8zN2OYlYmaLS/aYGTh3nZfY7oLCHmtQp+EQsAkPU4bQhmMDmxw5pTCHC3oYEOUXf3tKmOZaz8/N63yta4OZ72gNbPLazV5s7MgLHDR220D/kHiniJWwR+4M6IQ0AEZ/RgCUAQuDtFTb3CySFsxtxaFmSJKh1WbhnwYaKpqhHcsUQ7w8znJSOLJiKiNfOfPX9almUr+ut//O2+/1JV932vauGDSoww8LXWxEcRcMuyOiyMEWoVdDyUYOSyUF8YAL0nM3vicIm31s1G0fCZxBzuRh7Vjk5tc0vdiNy8JrLIRD4t+em8XF9/OeV0zvRf/6u//Yff/G6/veT1RNSKEa03W2dHeEGdjDl6PRLDyFXALOxq/eQb3KG14TxpGmTDzXMKqLVeueG+MgecIrjjTULER+oVVdwYO7kTM0gQmlspzCJhxgV5xwftlBkEP+ynmiwlFiF3qCKL5Jwjkygs+AHvwswpJeUjC9QnjXCctfGn+O+2Ve5dl2M92tl/UwN26LLzh1G85E5ozfKOc9c9Lg+s8j4UdThLADiIWLg5WnivFnWXKefc9XhvyosZ0zG+9r33l02gGw/34N3rA3n5lnd/JF/jm66h99zxfklq+Urq1uJMkcVK3b3QU09CSah+z/2nt/D8vQ82+qEUfJiyd0Nkltx+P8e31+GonCzCsa/uPi/ggxIwi7qZ9d8//8MKkIcSnIff0h28pIjw6bSY1evrCxGYkXN22JcvVxGR1EChAj9TRK7Xqzu59J63QTsICQML6eLuDifj6BZkDegEwJCF3MBQWupMUwNBiujHNCZx5/Eeh3MWS/6RLDxEFKF3rsdUMhHRJjSf+eM6z4zg7WJytKZqJRO96K1/Oe9JqE3RMsfdDd2SaFY5EYzY+RASABz3LqChdAemjE9GYdxwD0DBzm5OAJnVCAayQ8izSAj8YjUaMPXFbwG2ZVnc7Xq91u3GZJlwvqzrkv76z54+/fBjUYhIdft2K3ut2+2W8ioiviyJYYES54AwG8E5DorBqUk4t+7A7F8SmmkCckRVKpGHKQRYWAYCwsBTVDOzFPYHO0MqIlLIBr9eX5YsiSgnWcQ3Nddd6+v2+vpnf/6X8JJQ9+2FgCXzt29XpDUaGLXFFLAkEYEiJaSEVmNj5paImWARtfEOkx0nNKU8ymyGjFF9zAkYCx5mdHAC72YuAEqpW2zuzM4OARjLaR15W7NmNhD+aq+biH9eLqcgCTMToZzz09PT5XK53W4xZupOWgAppRkreBaEkZX6cCjQBFl8cxQXjVvw5hpJJ+POB5/nPB48+nIax5gZ46Ns4sVJQKTkZLTVoCdOOWerpXZXQ6y3jSz/gyMfT2pEeQe58pFv7fdcb8Vhb4QdqQojO9zz0pIjKEqBw0yFjwNPSurmzkQuYKfeDQrvSIJDnvV/itwl+vbsRCiU3kgX73X9/kbfH5684MCBD/uda8iweT3vrim5dP7Vgyycl3FwfyJC710ysfs7Pj7kfVwhi7k3nxv27PPT5/NlVd1M615e931Xq6UUhFNOyaWdBzAxo5oSEU9qY7yLUzT2oVBRyNGTYNpZPwbmjGCVZn4Y1s4Oim6/PgLxvZ7p3lBzf1y6md7e6jRByd6RfL2HCVrn+rh/ooV5GYcSSvcXT9sxfvWWoh5GFcedmnEYq2NEzA5jJ2DgsQ6sFApTukdSJcUhbT8fr5CW1RRGnkcwxKKrlWvU2BMRMzLInV6jUJRkoDOHSno6neq+1XJ1dyGlLOQ5C1l5Zb9cTucfP1++Xn/wry/2Ul62YmSJJbEgCdypJnOtqqLevDWD49BId6Io+O9YE+wElJ5dHINhd4CIm8+dwuFwAJ0wmTPDXcmb/kTO4Jwl58SoBDUz2O4iTJbEiPZtu2m9ab0tCWSqVqiSKcxqYBQQhfInaeHEjXmYGSPgK63FqckNBBcEPI97hEB88ldbh194IIygKEFzEiua0zeyZFJmM24qGrsTGdTdwK2eb0i+eFpDig44DusxtpbTK4ObhTburmZVtVjH0hvx3efcYsZ3Fh4waG+Qcuzn09N5xNTHlLsr+PFIAqj6fu38ozw77q9j3Yaw5A49OH51hOTTSYkZZk4Fzuoizkzp7QveHs4u6u5G8BGLebx+n0X4sBZ8r7MfmvV94HSMIZA1zEBkbGytYJZraflK1EXTgwxoHKdPhO/bUgy+OywOv7cLZ2HzILfeE1rvrw26IHR3x2EOvl3bt1x7/jDPC/e8+N399Y8tmD6x8EJz64UJbNsGMrM9RrvvuxirFu6g6lpNO5xmpLYGM1ccYNPU7Bt3gjkxotM5Uc/hdvDI0gpn4Kw1Y/SHAEDWt8beqhpvJY3fqyzTN2F56CQ7u+XkR4L45Fh6VN3iD6GQvV3/0d00mKD3mBDut2As0agLJHCkPSNK99rgORYwkm/90LvutB+e6tLm4DEAtsEgwO6VYGbkBHHHcSKOMZfY/1bnGcixDKoD54+cnVzrfru+AP/w5afr67fl6dN1dxFflkUKUtVdzdWkRlk3Csy0qvMSUGgtDsaxqczixwrHoW6MpCPCgGHMbM7MxOTFSgym03yvvCTt7EsN5kgOOPR0XoVgtQCehM7Pzz/+8PS3/+JvfPuf9+31disgJTNJ+PbyRWjRgGYdm9vqavy0ttQtAbkTYMIggqsiEuPMoMbmDjBzsRIdjdpeE1hAzObRTmiQaIhMika9HnyMKH7oHDFsdBQOJWqh9cRu3Sa2+zYDDAdBhCWzdPdpWrm1XyBS1VLK9fby8vrVOlJgMKiWOKMp2QFqP46Muw+B1M5JTznlwaB6dXyHgnvP+wWA2AxzfN9sNJQAWuBmeFnIzak3tY/wOzOEUXvTiJDHIafhzoG+6xT1mCCuIHFO27bt++5Wo7Rw2AAPXGN8E0iDb7kM/rnXzJge3vVwm9/bFnENUzomiyZQwofSbVl3nyTb/BZ6TyrM11iHhw+Ds7w7zn7D77cI0Wu0fepiyHOtCN4RWg+ycH77MbWgyDdvf18K9vs63wQTowct3P3l5eV6AzOol3ZERk8tmHK6SK2hZri78yDCx3qPNsLgBswMMqtdNjCR9xh/y/4aP+xrotxVFPe7dZjJ42FZPpCFbd6TLAw3pgGYAQUBEAlcj52ZZAZ/UN7TM+njOa3Lg7sD5h34qtPonf8HZIShnHlmaekZFonx7SBY7R4Lc2qsgBjUy1UpIk9jNWb3uxmEIj2DlmWJThSI3BKWSKZZVnOjABZD1+iFuJSCWgmRWK/7Xmzft9vrQvv1+nd0Ons67VhUDTDJKUokbvvurgSranC4qjhBIBKADLGkDCK3Xh7GYFDLdAUAn6Lu3ldzZO1yqAjUnIpELduIqdV9OPXsjyZmGTnLeZEffvj0J3/yo19/3krNOd9ev3399ssPny5fXipSVk+kRFJJBRRl8sTM5CXyWKz1S4p8cDNXcpizmwVhR4KrpyMLd3j8RGRd16F8hN3WaMN6PkrIQYQph2D57A6YtnD+8BbObfk4QEEDa1Q6rY5uMJYDaK25dvZ9i5zhqMH37ku3ViDnViqNqEmoSoiEgoPSRrgHQKQ4R8ZGHIFaDcC6rnHWul3TBiwdZcgPeyB8A4h4qc3I2Ew8ISsNGYH3rna6id2MiPOSlyQsgNZiNW3bVvadYNbTb4KF0FRRfhzqjwXGf+b1VpQ+vGs4EAbpxJmsdZsEoaMhjDw889H/PjPKtyIfmFx01O55kD0fScF/Rq1i2zy+G9L3dYu3NzzEJucP78rLd2Rh++QDpB6gAdyQUjIP94g4rNa9qqXEqo0HOUGYiRMzr+v6cqt0rC0ARLmv4fB/OlOkgDdiawvYriFgDqbwB+hb3oMEM8d/KwLfruT8J4++jCL+pr6YO2kNB87bxbx7FPz976chPVxxA3fAs/hneN/cnahhhnWP+vsHZ1YgfNIgVyHgrW5mKS1Um3QkosiwMfhCiymqNRBSai41BhzMboEgqNBaAXJKT9g21O2KUzE575Wj8ezlctlrdTcDC3lKiZyJ3K7KzBra3qTitrylRh5yZMnZXTkTugMm+jASEZMQe+QTuTuDGazEDhaiBidOUC2cOBzLVcvr6/XLz/7b58t//S9+zMv69aW8vHz95Zef/uIv/mL9Vl42K8qiLppYq3fvMTOXcotdizp3j86BZku0DTI3Q6LY0MTMy+kcOlNgU8wlWC2r5d6lSRbRYgPgbIC0ZXB1IHKlONynRAD2UgFwDyimML9SiurD+Cc7zExLVTMI9n2PiGCsZiklAn6hoOecR+CZeSBM3LHQsW3D8zk4T+ndsgCExRntyaIQ2bvleiTdcH44DvMNc25OPDN1tjlue5DE8wi7LAQxLcuyrhmuu6vtTn/2Z3+yl5urnZb8fDmflqRl38sWhZkeBasEgJ0JzsM18ZZ9vHt5D6fF4kYVUSnlI5m6rHd1muMVOvX/myU/0Xm+bXygySvIU+tE0EdIB2lgPaBzGRGZkz7n7RkVZrGv3ntinellWRbidLvt162YQySTpK0oqLWVcbB3qIOFfKTJxDXO/KyRRRdQIiK5q+v6ves/pxeZWWTwMzNg0sIE1BiHu7svSRuWVeS1CwOo1QJ/hMBOOYxvU7iT4hp6SfhqCIhcgPPSYhXeFP0ulWUysCYs4IY34y4TgjAzw1RVW/k2NLOs65pzhluM06xqaQslIkWn/mcH/JhNguHeFWOta4RPalbEGGIANKk+zMy8j2dOL2r0wB2hZuxOvi9gQBdLA+LrgW5x37gmzr3CRcTgL6+vZna5XJyplMLMtB/hyWAE6P72wZgwyUJJI8/9aNjm3joC1nrYKEOIavW9llprpNVAGCROApbWUZk4rEYAJ79FskYcja2WUkoMTHIKn3nMM7Z1WZBY1pSzpBythNTcjEm8AXXCAgkuAPi0ck+On053230WjKrEwD9C3cbiqFZqW+lWW3sQs+pmKaXT6bSu67/8s/Tf/m/+t+tp+df/+l//3/6v//Z2e/3zP//zf/zt71JKf/frf3z+8Vf/8//ya3VcPj3/p//07b/613/x8zfs+77tu8IpST6tOWdOAoBBmYWJYE5qAc+2rd1paWBmTjmlJJxvt5uCLNpDasM/AyCSw405iguHvRj+zFjeYBfbtmU3Zg4QUu5ZTkYoJdxOgN9ZBdeiZgFA3QECqSm+4ZgZLAIA+8FPBtEeekC/5u8XmfIDBryO6jgv44iNmEuMhBswU8MwwmTAzNzSol/j9ITB7njqaBhUYWbKn8ajYoShKKRlWcxr0b2HUh9laWcY3hyP96d3vg3vXTG3wV+G3JaHSu9+RXOfsUBjxcdUx2y7eHvHuerdlvV7o9YPV9jjNd41fjL+ifficPfMkYd6HgVgNBhfMNuWiNjy/3GAy4zvHlxwNNTD8bq232+G/X1ZONMN0XgbdWdd29tBZmYl8j9j/cICSolDELqhmpt5gNa6E2d6d1lwTxJjjjZDTfjxK+lOlTRplLGcg9+BkFNkd2fTlqXGzJTS2K95MDg+3w1yHs9DN49h540PsyBsUqmt6lS7ye+ULc5L8bBfD+szfzByTM7eJrAJt9vtdDn/8PlzAK3VvbRMsXoYpjNN2lTgPxbKPbA8g/wOZ6k7zXrqozHNnlgok6o3vBa35XRS9aK1qrkThEWEKZlGB4bqDRCAzueziPz0y89o+cNOrQd1IhLVFwOpKkOYwW7cBTkAhxuhFT5CAIQ8iJhQJwwMH8Yc6G+aWYdfiAUx05G+lDgUoGxWU2+s/dMvX/7Tr//+V7/6VU7L5x9/ePn711++frter3/9V3/z13/NP/zqT1JeX283yevtdvvy0++W05/JeV2WVNysZY20qAH1/g+w7gGk42iPMoZ93wlailp4HIhSksQj/iIPzDA+L8vi7tu2Xa9XVV2WJed8Pp9FKzAcFxRaFHrfU/MGstC4MFyjv8pIn2FmoWh2NlNuLLUC3pN6HqhucOZHaq9Hg3fuKcejVF9Vr9crEf3VX/3Vv/k3/+Zf/at/9W//7b+dJd8wBG3KoHlgLGMYsyAMwTz0uXHYfcJXmZ+QUkpScqUy6L79LV7w4Nhx7xGOxwF9xI7jSIvI09NTznnbttvt9q7pOj9nZknzc2adN1Y2HAkPY/Dpmp/sI5n347c//NDuu8iin6KZUd4p3RIJEULiOYd2G5kGHB3M4gy4cUAyz4JwzPThmeN7EalTm5KZQT8w3Plp839HOZp7y8aLaWOI3mLMvCyLWap19+4ZVoOZm7m5hbZE43HTqUAXWscaTvcQ0aFZoeVltO+9TTB19LJ4Ak/PD1YYa1Jq7ZoERe+A0DTz2uucyHD4qUcM702MmZU4SsycGM3WIGeJRBd0GxKTJhPXoY2B7soH3x7U+Y0PHAT3dIvOH9/u46wVEdEqKRFrP0mzFBw1qYOHjhuqDmeMYWTrHqFJGp2uYz0XYQWlBDNTgxrMrLrfXr9FK+kkzS50rQajEbwkBGt+enpaz6dfvnwjiANmSmTD4r9db+4UvZY4Cn/BUXTvvRUwxoCJVKPEdvYq97VlDyDSMUGzgOojgFqrBBrpXwwWNAS9TMwOVsO37fa//N0/XG/1d1+/kqStVNVvZrau69fXl3Vd/y//5//j3//6N//xf/wff3g+keRroUTsSRbHbqqRgasAscENYOdWK0RM7qVsRDRaFKipmZkWInGmCPwxSSQlRRmlTwbA2Meto7IN5Jdt22qtCx+yljDEJ3uUyXh7mqo2o5MToM4U1h4zi7AQR7TYcfCf8K+oPipYM6scrstBeGobOu8a9pm7X6/X0+kkva38t2/ffvrpp9/+9rfh+hopptSdE9t2tHub2d3xTDPqOWhENMPfNeZgZu4is4MwOJ/DNY31Pc43GrOM98KpleL53bQfPnwkCIMBicjz8/PQYugDrg1gNK4cc44RDl2V7q+Ht787qrH6H70Ux6Hy8UOfNJGDF9/7BGiyt4ZzP6KVzClnZvOiVvdK7CBmaqkvLbLf4RLeLsis3dDUrGomPppk4UdL+tGsiVqCjHfloD3EOXwFZqZaGpwXuFZ1Jw+sAmZmYUpEtNWX2TU3HvXw3jER4aOT9ewaDew+TDqQd5k6Tpe7FyXse/gtzXrXdRG4WjVVTe6gBxXKh0Qc+xurz0wZA7DtjpZmQNFZVqSjrcwB5D8LwrcLPihnfJjJ7GGbHgm4KxyXy+Xl5eVVW9/50+nEzNuMUdkVCxEWYcesQviY/fDEeAhdG8MebgPnaY8W6Sy72TcEwJx+tq/m4VN1ABS9EAiB2u695qOa7kWJa84ZHAEwUgdZJPtSSmvkQ5oHrgq1pLc+KCZq3joiZ4Le+Xvc1awhs5hz9x9G9WpoqxJuFDJXjeCICTERG0jQmtETkcHVLaXz19dbqf/0H/7j//Sb3/2yV6Wc0rKGmfLTb//pb/7mb/7k86d/8dd/uSynX//DP/zDP+6BH8iEVZKBN1Wzum3hek3OTkIUyGF8cPA4DURwi9IjCkS91rxJNVCW1rxEm7xRiRib+u3bt3CNMDODTK2WUmuVzESk3U/QgWyiBglu5D1tu7c2kd7JRL37XSvDWs2f8z1GJuwuO3QmaUx8aRB/BzdnOAe2F+BMnBPDGc6n9eLu19ft//3f/fv/7v/1/wkzca61mJ8zHZB2TPKa+xgsSjnjV/u+E7EZgs+5R3kRJVDkDanD3Kgf8BR+DEyJrRFIihp+tBZLj4kzbz985zKzbdteXl4iKmu90eK7NwvPqORu1ro+ujWjZeZN9ge12v2Drge7vh0y1Qdv8N0eT7LQD62N3AMshSQncfJSa61OdNcK8WDWj2n0dG/7DpWnfdMQND5MHH07rzFC7xabuzPP9fT3PkwIQQALRdLM3GvnycLM0eFMRAhS7A3WT5Bvd4ES0dwzzHEMez5L3OMHPqEvEpETt+6I4wnNW5vcBW7dABIgMqV0kCuaFHycZkjB8Kf1Rq9xf8yiOaKndHYMs2N+yLSbbfzvrH+/qz++oQNQ//ywAXdicjjxuo5/Xk9pybXWeFgtJXUsUJrSi2JNjmn3C0Aoo2Ozjl59vlvvsANYaPDMHH1/1Z3ViQhJWIQ5PX+63K77l5eXby8vpSgzp3VJOase3qqt7NteX75dSTgvGWCg7nUzs1o1MJSe1hXNawiNYk1vsD5Ak4JEThLYQ8TohNGcJY389nJTFbQk+7YgZhY6CjfAJvfg+uzrupCAJFET4JFiR5bXcsPt5fYf/vv/4eeffpskSV7I8eXLl199/uHLly//4d//+8+/+vH/9H/43//wqx//3b/7d58v63Xbr9vmBBIxITMqavtWKEleKJEIizEFaOppHVi7jmiFCyGi63UjOpxA6jAr7s4g65UMs0K2rquq3m43dHtrWZbL5WJl92Hzqe5aVd3MOLVyoL7h3H84iISqK3VAsZG5ZGTkB58P78uDLJw54XFyu0KJLlxGwaKZXS6XkQMRiTO32+12u/VsUo9Zj7XiKSv7OMWTZ27ww3hXBFDH8B50a5qC6ABqrWngsk5HIviIABjOCYDvh4HjLH1XHOacQ5n68uVLyL/QZ19fX9+9P2IV85rG92FHjm8G5CMHxkSPeI0PTGTuHN6sCLpEMdQHI42md8ycIhvFXE2HmfJ2ymP1BwXEsNWpGpKZiCTJRGTwUqSYkkn0vbEwx7tYGk9u0n1SFGZqi3vS4Zo+PmAK+TxcZepA5vee4S4qWu3aTBmzCzp+nnMG2J3UOeLtqgrow09owFoelHNHJCP7GTikCxFF3vn8UpocdO4EpiRpWRZmPsoO0fweMblw680/J5o/hBvTBoERETpqDI6JhFMlLCx09cHdQWgdtImIZx8UHx6IBwrB/TGhew1mLO/Dh/F5vGLbtnVd/+Iv/iKl9Hd/93fX6zVEWocdJyOMDHsJh/ExnlaX4O6RA9UNNm+Cp+dPDVd0wCy7O7y4m6vG0wVgYmGknLKk9ZQ/Pz293K6vr6/X6+v1a6W8iDTPHocd0KYWryJm8Z6ZVbTCT7GscUgDTy4wJKKUi8kDDwsCJlAPUQF2KIFkYQs+EnarsY+W6mQNxoEdVEzFyLQyM0tr+1wB1Wi+S3//j79z0199Wg3JyvXLdjufz3lJL9++vl5fns+XRfhv//qv/3/+mtMrw6upM1Wn3ZwcpgUEVmU2o0BSI+NWpdMCdF69NY5j1Y7JFm1brFH11/3rA13FFQJmlAMO1jFciIHYI8jMbvARVgjUw0Gu0bp5sASnRlEO7wmiDAoUBwBI91GtWZbcHatOwyNJ7cFFv+97MAozu16vcfDXdb1er2/P0QMTnh+oveHwQc/9mo/k8KiFaRlDIUAicA4kEamVooRI1UN9GOMIEycafWh70TvHez72D5eq5pxFZCQ7faQ7j/vH4s5LMLjtmFhzHnLvsAbMHyhatbr30A7Q1Zx3r3hX1JZiMhDnQzUP++3qd+lFZq7mTXdNktxS4rIryNwVEPLmF3q7YeMzM4+Y9mCaY1lmZjrG852pHf+dKgVprDBhAPYn4uhy4L35GRGFKzIEIRymFB4U9+hh90gSQ7yF9JiTYrwnbWIS3u5uvQvEALob1NIXgSl6sDG7+1a3qIVSd0yRvyk7tLmfiQjo2GPsRGkeITpuFhECH6TvtU7bMYR3qyvAe0Jr3srpT6OUM0oCwkUDInnPILw/yX2czJyMmfiUF0qiqlY1n5OlPORlhFtmSvCu/2I6SlvdJtbQ/4QjfZ85jdIxM2c3IicOOHvA3LWY6+t+yzmf1/Pz5fxpv/zyNf9M/vqqtSmcHon+kiinVXL69u01pQRQz8UVMzOnUpSImEL1ZoCcSGEM76LR2RXNRUGAuCtwnD6Qwamn4+tkuxsAtQCtQxe+FN6yUrQAgKWucrdTLF72kghayuWUHVxrdQMT//zzz0tOl8vl559//n/+P/7v//Drv//bv/1bppfTkoDLVvZbrVZrgq8iu6QoWdtqYXPiaCEs1+u3vkEte8XDNGzlz2G+NP1PVbV1cZFZkHhPwo/OHgBut9u2be5uZffet545iQAt218RsKfW6C3o++HcEYmTkXmS3LMaRi2Eu/sypSnN52icu0F+8bkjrg5hhGGtRiqsu0cjjvhzhCpHQHFsTZiPg98OM0kDa7oB6hkRuTZNaj5Ysc4OJ60wZSZyI7cAGahuKaVUSgJKuKFVWinreKlZ4I9a6FMP2Z7fEWlxffv27XK5rOtqZoGIHwU0fK9ZPFzHsk3n2ac6kgeZhPfU6oct6d+/P2CeWo1495W/K+Pn8Yx/jjeaEXnrCBX0ISl8dzdAODI4iNlgFj64uyePZ86Jv2PwIhLe4FkEfv8anLStjA+zb4p9hpoQay4BJMFEzpQoHTmEGMK7NT9uFvnbJZrPwyz5AHBLJiLgLkY40tmlE0Z3BR+WjapW5uYy4kQCaY4jc/fUSzjQ7L+jW1PLKmRnlmlsBoApxYuGOzGO0wx5NROSpFGe0QpbAYDuO5733aTJz/kgKfER3Q5md+8PuFwu3759+/Lli4joXk55eTqdybw3RA1nVDwkJlH74BvYV3NY8TLOUWxIPH+77d2nlJhTnFPrfUZFwPCIMLlZNRMRq/tVWzn/5ZyfLn9BkL/76eda676Vfd+LViLJeU95DctDWlJwCj2PiMqtRvFDYjZB99iTWuAsj/YjHqiHOcs4zqrqaNukqgMStqOgNY/CuN/R0MWISHI4+Vjh95yIbltJQhkgkurwqqe0nE/Jyn67bdHENef861//2syvVxORNYu77KWQVnI5LUtRLY7irntRcRaXnJijvVeOxGzmFN6HsDeouTfcvZpZLaZqqyTpQNjSAdmDN+77rnu5qgVrBZBzxuU8+PZo2tXsodakFnoQIaV8buRNA1YTgK+RnSskR1UxACzsM/0M+ozCmGGf4OC6A6eiMe8QhMuy1Fpvt42Zl2V5fv7UTpPaXLYU43F35gOMnqbUm8YJW7UfvDcNWJY8nzhCx0TtdagPfJv+5b/8l7fbbbu9QmtOsmaRcAfpWDv3qBOixgseFmKYqA98MK5lWa7XaymlV6c1tFl8cH3E3x9Y7XGpD40pfj4708czp5nfPWr8KeTf23nt+hgcjp8PV8C4s7kIrpt5BZDXdDotgUxtZl9fXkqp7rTkkxPvW1ENeKi7LKwxnvAhhz00gP5SSrUc2KfzvB6W9BiP3+kT1P+pWpaUW4Nsr+jJYJnJzET4dDpdLidI891rU49IHQBTyzGR236NhwQnWnKOtCb08oboXTfGbDgEzOivDSC80MwsnXxjL2rXIt1ViKLgZ80pSlFZIglCh081GiKOYlB3a6qjHJQ5qoIB1PL67vrv+x7vGiVx0WYvy9p15KlAUFo2U61132/MHDUDqi3ogunIxT8/UgRb23eRyINocZQpe/7hOT5VHI99jx8OyuxL4WaG3k/xGDw3MpuSDIO0yN2zt47qtb+nQbEKd9JrrVHjXS8VWy3bVmK5tEa4y5IszImTUPNLtZpaqpHuuEfFDtxyzqfTspcbuwXIjHCzEoic9mm3DsC9A8oysnkn9rAeDBo66sGZEZoTWj+Mtnovr18/fXreX1/+9Fc/rolu169/9Wd/6mXLiROBiFRbZWQsHujptm8ppdPl+baX3/zud9tel8vT615vVdXAy0qSdrN939Xt03LwEIB7eJTdvajVWpv+33Fm2RTAsizLspRSIor2448/vr6+DqFylEOY0dQvU90ix8Spy1oiEkkpDz17Lz4sMIQjxMzMRChs5abKd3CiVY5wPvf85KBSHN6miUFZnclvEJ6IjApsmdplkN1pig/0TJMtGP9UrdZjqN21Q2/54bjEm1cppuw92zzte+gNkMhd50Qw99osHgKRGKLVBwCyKQliPN3vuyZ2FcCJaNs2M5vnEN8Pg+8/8xoOg27qteZVkSHWB+njBpo6IA+hSx/4GMe8xs3zbeOabyARMjhaClbKknN2drndaiBreGUswgw7UrcGF8ZEBO/Pd/qeiNrEpnDjvNREFIBG761btxGDhY0QozfsqBAG3oE3zcMcdG4L2ACrRqkvgCiVtoZweHf5ZKYfH+7TdZoGcO9yH2qBOwxNi9qJmBrEiYumqS/u/c72qD7P9tXhlEY/uve/uot8WMcdxgh/thfdWXhhPDHzSGeP85mP5C+a/ouPyP9yuWgH6VfVUoqpElF4wMZKUkc6HI3gZhfo+OfdFodrVHdEkcLhl9YwSoicjpBeV8gCORM4+kAR+6FNhrodze88NHERykw1p1prrXbbS63VTM3gJTzLTEScMhGiWByIogg1QN2KVnVzuDAnTswQ4p7PHm9Vd3iN/WpZ5dT94QflwEBr+w1FzX/7idZgzDV14ogl+uHTp8/PFzudmNTMLuvJ3Z14L1pac0ELuaNmAPK6KByG276VogISEXJkogp3YnEAvjDLaSXwmu5zy1uBBJl6y2FwgzO4lwHU5kUbJTHoatlg4rMsjFSyBr8byM1MBHz+/KOZVTN0rdTM1E0DjLmrku4eYIdmrKyJIjAhKu1XupWQMbNJE/EvHw6S6RrZaiEVjkgWUV6WZV3DE1m6nDt1b/9MzJgUx6Hz9X8eya7zDx+GMY727GCbDZi073vky4zuC+1UH+c8dJYj2uPvxfzH4R+nCN0+i8mEoRbbWUpJKeG/3NW0oQ+Ex1tO9+717rxokpE2eWuHm+Jh6a24N6dZUVVzdfY1rXkR1VRKdXeQibQsc7zHhScR/s74305z/gndK03v3gMg5+XwTDIzdQojBFaau5ei0cYjpdQtwohntONF4Mw5ErSYWbVFGsyMZWTv3SXy0Hz5MbsQcv5mh3ySi+4oUKkVDfQn1l+cvLtJRuf3o/hyJIjG/kxSMBqLdwScTrRx5/hetT2KWZild0C9K4GYi9OHbtvqGvnRZfqwpw9XqMnoLCaJUMM3IIymKD6TRFhCGPMKQRaLO9dNzv+dxh8qqQ1ix5Sn7u7eclsA0OBiD0PvXMIBWhNceMknM1P1fd+z8FZk34o7qmkU1IsImVJoMkJAcjI4w0zd9lrMVEQYhHD3RBINICn2d0zHeuoD7r39Me+WpsjkZilyvJgo9NXe3Z6IXah5lcRBpk+X5duXX0otl0/PZdtzlpQX1WpqRkxpgZuVUouVbRcRtbpfTVUpycrJgTUvcGIzwFtdIfPU4YZHjCaKKGrH3zGNibSoYWKptVpVE4U7Oazqdr0FmlKYfqbqZgFqGphjmZkpMXMHbuRlWaoZabPJ1BtEPmFxQ3EHKdk4BRZgwc7tVLK1Rda6R8LaMEZ5yufsp+9gZVPMviskBACBDxXFEq+vrxHgpCG3+8+paZxNHB4qTv+w1aMCftzNXXzON7eJeCWQGQU2r7BEY5UUFWPWIcYrANemfyOagmqDBGun6J2TPIb19k/hDQ/hZ73frN3nvM4PeXPKxvXR93PA49DshoL8djke/vkwkod52SNnbvc8PHBc5hK182Zay26klIgZ65q7Z6Ar6e6qZr2OYug+g6GPkcyzeJC7YyQPD3l/Bfvf3H1dV6sDUYwCftDMIOLujUdxgzDuLAbu3AVh2NbOvbMKADrCDFPfO7rP1O2YyNTj8z7ldGDa5hhsE6isqG366i7NAc6pm+yKgHpp/P8wEKmlhLj7vS3YJGIQ50xC6Af4YYu78O7/P03KJ8/BHN4gorvyien4iLzvGt2321CrU0qSGpRO3Y7svnk962QKj/d6y/Kd7enmmOJ02OruHqrdWBz37lnpkqb2rOO2LP0V43w9HmGv5JwJEDKhREsiTiklllqVd61mgJExkbWKPzjYCaQwb883j35YShFvT8TCQkRu27wjI+gbHmkiIsaIHgGgaLBj3C2J1r90WRZiD1xQ7yl1ieki6Xa7ree8kRlBGNu2Pz39wMy2s3lxJ5LMTm57rVu1skhiRykbDMuyEKQUXdeTiOSqBtq17qUqHCltHZkIAJyjd5K7325bjcEYEZFHTql7To2ctIdjw50YFmHfuyOdntcTT9eIC163zczNWo1MgGWaBWvv9E/WkpC7bkEkRpgpNdyYMiG2zIk8M6k8uEkfrn6ImptUjn417+v6w3cN3LHKrW4P9z8w51lqAgC3/tvqFum0RARCerp8Yn65mbo20UrRFhu9oL4//935PAx0TGOMtdcmHogDwzmL6SC9K1T+kItxuAdjTlEy4dOqxfC9BdINgPld/5q7iT7Myx834EE+PTACkSxCzFCTqreg4FLKuq5rEs+57BU9lTBi2k0qTEVgRFQ7NBGmbXZvnsmZ8dFk6o3FnB0F7yxa35FQTYiYe4IojFXNXVPmnDMnKqXsZe/TZ1BwSQq+WWvlKY9pLNFRuA2bGXcH+GhiagzyECT3Q80tSC7KNeKIIs1gBUbJTzw6kvUPnZS5lXGY2ZxcPNuFRGmYj9153ozaZilPm2vm/KY9pLsTKHTb+fjNi/CHX/m0SmkNUa3DcgJI8aj4Iig6zvUo9IgD3TJ1aUDWoTtmWq20eKsna0vkgYLQ6WfIbQQD1FZI6gGLpAR3BIDSAAl0PwgvubmrmROJcKLEwmld0jegEJMZ1/9/a9fW7MZtgz+A3JXUYzvJeHpJ2+n//1l5Stu0djr18dHukgD6ABLLlXRcJy0fPDryissr7vhAYiAylQJALBFRi0UwAxM805nIDLWq1iKJTnlCopAe+vlvko2ZpI7Cz4lGRsiUzMSYITCPePR4VCgZedygmhIIWpXsj9//9uOHf7y5zBN/o3UjokUKEZUiy1qWrVRjntjAS7G1GM+UmcRsU03EKc8MUkVOlPhkM8xw3dbP9aWqsNDSJSlTUtWtllKkFhER9S2j5t5u+lbt1Wk6qIhfukj+DrrRup2mWB8x9UiZqlpKcUbocKNAsyWqHDDFOCF75ibQhVqWVppzv93xuvgc+Ww3j8V1uGFIy7Jcr9fxvrRjxmkkaBhoGvCATcSajMwvvrnvgQaePZpY8zRNVaaaZ3VMZWYyc2BdAASDeT0wIgKMRbeRwXyBjflaRJljHlys0zR5mNPN0IEDb/+a5vnl4SNriFcEEQ1yGy+A6yd3o6UjZNo4LzsqW2Mbhx2tFhscdg1L0Ew69h1VIlUDmhynd/Md+4+titdxL6+DZnRshK8NZh9zTPjYc/+8risNwPAu6BHR+tmreezn3neNdhcUOhdUoKHZMrMHy+QjuB9ccdRhl+8mG0wL3Qo/TjnKNAJQEo/nBqeEiC6z6N+8LnOEHJNCPbh3zDPbuaANXo2bg+cCeEi+1oOwQLsmFMdjPC0ptXRdn5TtENo0/At5xXc7n5JwS71B7xSiNKX49ZjgPJieDpJyCyY6Jm/5HQbt1kU0s2pAyYySNYhIqks5FrlXaiamZMxo2HKHfYS40cOPSOKcUzbFllZkNp0SsynEUKvUWgU5pWRAUQERExujFSEWrQoyNWESxWSqdr44ob+R/BoGaSCpxhlgauADxkbqpdkY1IQmYoI2IuJM5bs35wnfpZSeTlOt9Xq9ppQ+//szTfNW5WWtxZiFjKdNqFg6J2wgmIEScZN7EgiiU0p5msiha0RqrZRTieNkJiLbVpdlKVtNKRknQkJS5uzYZqr6+dpA7UPJ85SDy+USzGZ0XV97moRbWV36EXPvgIKplbg08yUqVgFEdqwKKSszi+zFP81IqRIRGwjVqbrHp4wi9XjMYkjG4zYN7EpqxLi5igmCddfjvTY5GmDHNl/mcTrx/b23ss2ly9AuQXlaharmZVk8vovMqCHUwTrsr5/9ZtSh/uvBEDTe+ZhwX742oFKKow6q6vPzc631/+gg1GPUwc2Kj0ylb9KtSWd84H5eN4RmnNpDnq1GJkYmplVN3X0posvyMvEUdjMiSykzk2HfsNjO4EAxmP2lXUe5OSghNkZX/YFDJ/ETkb36hHWY4MGqrCKyLCslEil3/GkfW8Qxa/fD3xBf9LpLbWvoVta72b7dBHFnsibbPSuBTWfmptC2aHlq6qlzwdiWHmuwZ6n7EkkNDuEnv5ubkAhkHQPGDIQEmDvnmXlILmzr72NwiScAm15r93P35liLAfxI3e9oZs7/yBDmejKjdGDJQYA8YUnVAxEHEIPRFLYjucaG6uB+A1yCDo2PUl+Njqm9s6Q+Ly3WSgla569qRi0iBmQ2g1hE1rVsIE3GydPeYWbGxG0wHf0AgEHVylaFdaGSEnmIVr+t4b3eF9bMPIjGq7UQEcBI8OgfAB6A08mrA0gZQV/+/fPbp6dt28A8n+c58zRNP/71pzffnowSUjZBNQZlSjTxTPlaVEiNMxNxUcmWzExqTaA0ETEmQoalxJzTZ2JVLaWUUr2mSqef2eHQAj6iaVqlFc5NLTuojTkQWDCQO99ZN342SzA8eaiddkLDSvDtAyEjmxkSwmHvNhszc+0RjbaT29GpV6EaPdlfis84muJvPvuv/O741Dw6dCBf7eEofD1OFi3/uX/f/wwqiqN0CKBGag0DDIOJiprmT58+1VqlbpnhtXnRegFcw3CQOl+47t/CkU7ZEDxyM1CXXM7n87t372qtzndfW7Vf0YLc7Ff3aC++YRgHW9pRAX9lXoeyRzgagXHHYKZpMhM1ARMbp8R5Qs68rivPTK0wSrObkbFStkGWCVM4vw47cDOpOEw3/9ueecXk626b5mCTCtlpZUrJDCpYZAGDGdTFqAPJMzOz0+kcZ1SHkkYRXWx2gGi6N7FbV1zbCgw2cxqiizs13w9XbIQOMIyn6dTH1lwOTun6AA7kEmhWOAy2Wf8vj4Ib19z/XZfCDTnB4jITkV9ml209cQJHBfd+Ex9+79Y/0iaT+ayrh3UYAFiPL3ckmJ7ap7FoPpf379+XUq7X67qunpLh41Qtuwi/gyOPe9HOfxthyqQgGuNQiGhwbbTSuX09SwWa7VwEEBOFKqY8sXFKiZCYs4gSXYmoWEkpeRn3xvyYvAqwMbExW8sBExUR+fjy8zTx6XQ6n88NZogMns7EgflKTbK5heYwbqb3llAIwDuO8OCPH5Zv3r3bzEB6OV1O335bFT/94yM1Q3kyMiV2oCNGMtrEDKpTykRJBVVreNxFhM2kVOlsQyC11m2tvi+NAUwp52wqUhs9b1V+wfNFPYdnJOvW7RBhQQ1xR6adnqDB0/m+q/bD3486qyrxqV2KiJShlsPgTvxxPeOQNH9zF6NFZPQCHHiAVByJkv+5LIsHy1gPH/GUodz3ZdSsrGt4t8QN2GoZr88NA4pbFsfAK4fz0cNtZvT7739HRC8vL1rl7du359NUSiG1bV0Ba4WMzSuhwMx4Pjlq+LZtXjvKr2skVGKwXPveL8tyPp/fv3+vqh8+fFjX9enpySNuiaiVmmuUdHTe3CphDwnHGB948zw9Ymz5FdJ0bxoNmvJwlUfdcXzvIsU3OIgjulDvx9FtwgGMVKTeENw46+PE48/IDxsXGQPmzk1vpscR9tiHRBY/9yz70ZubUsq5VZEEkHKD4VaPdBgXGXl8XTQ3m4zUvM0Le7LzuKpxNO9nbb0ElV94IprnOcp1hT7qStj51DAGx8VBr04X5TAj+Fulxb8l8uy9lFJi8sDmNGcXFEqY93Vr+bXUuazTF2d+NmDxGCG5KZzIVX8zAZTbyjvD6TK3mxUB5DYwp/Iy0GjuGR2RVzpN05wO/Ds+XC4Xj80mIoet8jurxKOCiE7XXquPeCNojufNRxi+D2uOj91ewsxEew74mKcYEUyf/vUZwFrkuqyrAJQEqGJimHpOaiKHljWpm8hGRJmRE06JL+f8dDmdpglaiTpv7qGS5lvceZKqUj+lmdhPQt0KEXnWpohM2f7y5z9v27Yt16c3lz/94fu3b9/++OOPP/zwQ1FZt7pVzfM8zWczWmshtXmeiSjudSnl5eWFiN68eZM6PIpX3ZmmSfjpZVk/P7+8lFWUFc7oUTqBNnNseyWiRDxPdDqdztMMMqhkZpcIAKiiihRVUa9vygBRR6TaKcAdTRgvyHV5mfLsAIq1qoqnbGYRcQZpEMcTAgCy2N/e325UqEWCQ3vWVkppkEFvScTDc1VJnTplTpndaKa0n0kRd+QzEwOJbT0oM2LquUDMDM4Wzrj55AL6m2lXK2M88PQJZt62TauUUhLDGSGzxwQGI2y/Dz/teDmDx7a1GWi09kTj5+fnYAPaW1h+8b+1keT9urZzha9jhK+992abg5RHUEl8E3LDL2pj///7unmHo9YYZMvB9txVxq8qNkMnw9LdTC0oL9EO9Xn/xujqXgiglp4hkVcblhlnk0HpHJN2bN6JJ/COjLDRHW2E0hlhKS2XxI2fHi17YISlMcIYoVuiGixyD5AREYUxM1Xn1l4MXT09PKU0TfkhI3SNDUBUK4ulC0Y4+tcTHnsZXOFwiumx6c4Ip/PlhgrYUfO+Wfwv7/jXtyYz7EeldfLu3TsAy1Y5ZS5axUwE3bzRNV3oMabM1SERKcVWBlTnzLZjR7RVtUGxiNZIVoduZ1DqGM2q+vHD3/55PtdaTapBnp+fL5eLl8SJHrrQCevYrMO8WnNFzcfjQpJT5Kp1z/xrZadgveBtZ4RtcZjYTQzMbFB3XfGQxvdwX8Ztvdmm8UJZ1z28mbUUDACOv9Y0xb5T/nmPU2tH6FAD4Fe0GMzIGkdvXDzT16T/H+0+gl/0OgzkPVoLhPUk0JZJ0yAejKjlLR0Y4VZcgTuI+R0SbB/uEETuQtnz87P/6cQotOm7a/l4Cb7QxhX8pesS7YYRxsBGj9fY9FF6Q/QTc4/TFksUnTc28yiM/gunKvofeeFrz1u3dL3WbhjYOFrr5p3/Gvo4jicu1Tj9WC4isgGn29uBTT6aQigc3nlQmaCM489fOwzruvqRsx5C2cajzcrnKnIvPibzPIsky86c9oAvuILEwz52146IaF/GWmswwpSSKqdMdMx3HBhhmGzhwHARiRCesA73GijkTUqrvYNxFwC4498H44zQlZU0n/zLeJg5Ugu+lgs+3KaveSaIBnNjUb+5XACkSUGMta5blW1jsYDjMjPQXpGnnUYTVRXYttVEZiL5N2f0wlg9J4SsRxXug+yR0uGLiuvsi8zMDuBCpgb5OzXH1UhA+/Ne6PhwH+NzKSUMXdblJCKqVAMGRY2aCNQzGhuTNnLWyGhHvRjUhEynlBivopHEdXh4I8amQyBCT8xgVfQKJG3BqPlxeldMd4ywmxxfYcxf0+zIBR9SAwsbQ8OfMU/Xfq3YwBfeZeMM+0X4D6lQnQ8U8/HaAAAAAElFTkSuQmCC\n", + "text/plain": [ + "" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "SOMETHING ELSE:\ta grand party is currently under way and will last through the weekend\n", + "FEAR:\tThe people look like they're battling evil forces in the dark\n", + "CONTENTMENT:\tthe women in the center stand out because of their position and their lighter toned skin\n", + "AWE:\tThe lighting in this picture is wonderful. is seems like you are looking through a porthole in time\n", + "FEAR:\tThe dark room and people look like something bad is about to happen.\n", + "AWE:\tThere is mystery in what the shadow figures are that the children are being shielded from\n", + "FEAR:\tThe darkish gloomy chaos portrays fear and terror. The franticness in the painting and crashing and darkness is a nice touch.\n", + "FEAR:\tThe darkess around the picrure makes it look like death is coming to get the people.\n", + "AMUSEMENT:\tThere is a group of gluttonous, drunken people having a good time at the dinner table.\n", + "FEAR:\tsudden ambush from the darkness gives a dangerous mood\n", + "FEAR:\tThis scene looks scary because the woman is covering the eyes of the child in what looks like an ominous setting.\n", + "FEAR:\tIt feels like the dinner portrayed in this painting in being interrupted by some scary men.\n", + "SADNESS:\tThere seems to be a horrific scene going on that I can't make out. The mother in the foreground is covering the childs eyes and putting her hand up but the darkness outside makes it impossible for me to see why, leading me to believe something horrible is encroaching on the light.\n", + "EXCITEMENT:\tIt looks as if they are having quite the party.\n", + "FEAR:\tThe people in the painting look as if someone has barged into their home to do them harm\n", + "CONTENTMENT:\tThe woman looks peaceful while she is nursing her baby and talking to her husband.\n", + "FEAR:\tThere are dark figures lurking in the shadows of this room\n", + "AWE:\tIt is an impressively detailed painting and the border is inventive.\n", + "SOMETHING ELSE:\tI felt confused. I couldn't tell if they were celebrating or what was really going on. The colors were so dark and the picture wasn't really detailed enough to see faces and expressions.\n", + "SOMETHING ELSE:\ta secret meeting of those in charge of it all\n", + "ANGER:\tThe people seem to be having a rough argument in the dusty room.\n", + "AWE:\tPeople celebrating at night makes me feel like bonding.\n", + "CONTENTMENT:\tThe golden glow of the room is very pleasant.\n", + "FEAR:\tThis room is too dark and it is hard to see what is going on.\n", + "FEAR:\tLooking through the darkness to the people is like looking at people being enveloped by evil.\n", + "ANGER:\tThis painting makes me a bit angry because everything is set so far back that it makes it harder to tell what's going on and everything that is happening off to the side is very dark.\n", + "FEAR:\tThe colors are dark and forbidding and make me feel fear and dread.\n", + "FEAR:\tThe use of brown as a background color invokes anxiety.\n", + "FEAR:\tThe darkness around the people make it look like death is coming to get them.\n", + "SADNESS:\tFrom what I can see the people in this photo are not happy with things that are going on.\n", + "FEAR:\tThis painting makes me feel fearful. My eyes went straight for the woman holding her child. It seems like she's holding the child's eyes and I'm wondering what she hiding her from. This painting gives me a vulnerable feeling as I'm unsure if the people in the painting are in danger.\n", + "FEAR:\tI feel fear because there is a sense of gloom created by the black vignette that is around the painting.\n", + "CONTENTMENT:\tPeople gathering in eachothers company having fun makes me content.\n", + "EXCITEMENT:\tThe scene looks like an old fashion drinking party with friends.\n", + "SOMETHING ELSE:\tI guess this crowd of people are having a party of drinking and possible debauchery.\n", + "FEAR:\tIt's hard to tell what's going it, it feels like theres ghosts on the picture\n", + "EXCITEMENT:\tThe various men drinking and eating makes for a merry sight and makes me feel the same.\n", + "CONTENTMENT:\tThe men enjoy their feast like pigs rutting in the mud.\n", + "FEAR:\tThe dark shadows around the lighted figures are really creepy if you try to look and see what is hidden in them.\n", + "EXCITEMENT:\tI am excited by this dramatic moment as the mother clutches her child. The light shining on the center is dramatic.\n", + "CONTENTMENT:\tAn interesting, mysterious piece with the people in the booth, nice detail to me.\n", + "CONTENTMENT:\tThis picture is rather blurry, but it appears that the mom is hiding a child's eyes with her hand while other's eat at tge dinner table, and it's Christmas as there seems to be a large tree in the corner.\n", + "AWE:\tAlthough, not entirely clear, the feeling is dark, religious and portentous, with the head figure gesturing, as if at something awful and yet inevitable. The figure beside him is bowed, as if saddened by the news.\n", + "SADNESS:\tI don't know why but this picture makes me sad. It gives me a bad vibe, like something is off.\n", + "FEAR:\tI do not know what is going on in this picture, but it looks like someone is being murdered.\n", + "AWE:\tThe lighted figures shine like a torch In the darkness.\n", + "EXCITEMENT:\ta close family having a meal together in laughter and seem very happy and lively.\n", + "AWE:\tThis radiates a natural glow from the center of the scene that really brings a warmth to the overall piece.\n", + "SADNESS:\tIt looks like people huddled in a room with a woman holding someone and light shining down like from heaven.\n", + "AMUSEMENT:\tThe revelers are engaged in a good time, shouting and laughing.\n" + ] + } + ], + "source": [ + "show_random_captions(df, wikiart_img_dir)" + ] + }, + { + "cell_type": "code", + "execution_count": 9, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Impressionism joaquã­n-sorolla_portrait-of-antonio-elegido-1893\n" + ] + }, + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAWoAAAJYCAIAAADE4DuPAAEAAElEQVR4nKz9a7MsO44YigEgM7Oq1lr7cV79cHePdS3pxlh+TOiGZP93O8If59pWKOzruJLCoZ65mpnWdM85Z5+991qrqjKTBPwBJBJkVu3udohxYp9cWUw+QAAEQADEf/bdrxARURBRRAQyM4tkEQEQAEASRAQA5sTMnK+IiBgAQEQwUAghUBSRNScAijEKYc5ZRBAR15BzZmZEJCJEZOacs7a5LymlGGOMkYhEhJlFRPu6WV/bEZHSXe3F/tRqzKxNIbF9aJURMedsvWhr5cOMVtP/pOMEgJxzCGEcR2ZelmW5zjp+EdE29c+ucWsnxqgDs5n6YVuxcS7IOjsFIwkQERGh1LFxmXgpoe9aG7SHnLMuxzAMwzDYYJjZBmPj0WG0Q2P/xqbGzCEEItJxGgJQkHVddeIiklICgGEYvvnmm3mez+fzsiwAEEIo67JICCGEoPDUZQ0h6Id7TEgpYVs6JPGD9JigUNWhMjMRhRAMD1NK67qmlB4fHx8eHh4eHpZl+fDhw7IsP/vZz379618z89/+7d9+/Pjx6emJiD58+JBzfvfu3bquvjtDuXEcFfKGqFphSavCzVB6GAZFknme13XVb2OMOeeUkkLGJkK16PLpanraGcdR56JLoHAWkWVZiEjnq0RacaAAXNHDBqbLFDmvihZGZco7QiQRYE7COjIBABQYQkBEoKi1AYCzgGQA4JQZWESISJgzCGGkFna+7DmCiCjs/HobHsOd0hGkYqrv0doREQoN0mhlq99hlbVm/MjzMk+KRvyhFqtj7ewxGAB0ITs8tsZt1hvbgmzwISJjHwRYYSXNIJmtBQ+0EIKHsFRmZz12XftF8T8RbetirAfukKg972e3LIuITNOkjDiltCzLuq5jOFibN5vtZtHxsnvYYn8aX/YIaUxHi1IHIioZK6UpTADg06dPAPD4+KgUpWM4HA7KQJVB7NEm19IBx+jZQ1V5opK3VVYG101Nab5DVD+jy+WiD4qllfDBuIZvkIhUhtBh6FzsGQAiALc4wQAgwESROSEic9JfFUsjjba9Z4EkrKOmEACIUwKWTDoOwpCZN9GgwyRPJ3s8M5zQKXWQ6rDBY61vvKMBjzoizS7dVUAnK3mqtm+7No3Nd9O0gSnC7SlQ9xN0cpCv48evXSRJuvDlK2lmSkQi3I4QPAJZ0XlBxULbrFRQ2sPNAw12lOnhUNh03QANnnU6TQs66xCCoTU62SrnLCQ2VL/QCgE/HS3jOHYD6wB+r/il7/oq8h0iAOSc53lelkVp73g8hhDmef78+fPr62tKiZmHYVAp5vn5eZqmDqW1pJS0jrWvw4hD7EQ/BYUyDt2W9HP91QvyeyS3pffjjzGO46hNmWxo8p217AUZW0qTwQv7mIYAm/QhzFGpIBBCCACBOYhsPBKh4qXyOYFABIHGcZQMkplFIKMwALAAApCRVkfbHRZKZWz+2Xb1ji92X3lI2UOHMbVr94lKVAKAmHMj5hGhACIR4rbv+cahbrYemh7tbG30/eFw8J93dGi8wyOBwaphUlB+KltiBS3UdWl4hoNbx7XXdTWq8OISNKTeCBQdzKUocdkG2YG6+7A2GhCAOaesCoIKxcPLy4s49QQRCeNhGoA34BsAjUMZ4RmUbqKWH6H/Fxwbta88yqkW45k7EakSEUJ4eHh48+bNw8PDMAz/8A//8ObNG9ULEPF4PIrIsiyeGv2Km1Tioe3HYASsw1A2obNY11Ur6Kqhk4/EMXqDmzgOPk2TadPLsugIAeDh4cEUNwAwJcBsCCYBodsU4xACAFDZ2pEZRLIIIYLqfgWOUtZVUs45p5SXtIpIoDiEGMdhHA+QlZB0AQAAUECgWcWbS+txTkHjRWvjwftPwCkXfhlwpxkZd+8253v1bRXtQxukrbThujXoqQ5aTOVbSoSI6C7qcctoQ26J4ios+FXUllMu+xVBj4tfmKA4rYRbPdmG3ZGl/xZu2Rq84ma7qO1am+ias4iM4zhNk7EPA5TpgJw2SIIT4kyQthXci/3+Qz+1PRw8iGwRjc4V/TyLtwbV7HU4HABgHEciUoLUZ0Q0qtsjm45ZF9TYX2cQ8VhtoNNqWDchr0lZ47ZvaTEuqZSlnCKlJNVcoNKNh7MW7c7rRB4TIsqKiMjVNibCkkEEASONYzTrV5n/kjjrGmcBESIIIUzDAQGJKBIhCyMg6r8I0EtWxt19QbexYFUZOkr78tp7IoSWgMHtqF4U8vinYPX4AQXdg+/aL6cusy6bbRfeSuppaW/q0zIMQwcf37vfG+s4iW7ZhrjuTojk4dlNx6Bq/fq+uq0YHNU5/tvYbmziHnoePnBrV/QtKDGY3U6cBpRzBv1WBLV5QgRCBOHMIKj/of5IRMjtdoXVNMMgiollAHWWAbft4ebcO8Qz46UO7/X1Vd+8vLycTidmnudZ9z+17woCIKiGj8bZEQQLieqsASClxJm9NcSIxQ/MI5WRt6GKlf3IbVGUa2izqsgo0kLl7/qvspWUVk+wnqAAIAonQISNp7JobUROiYmAhCVJsUVTIgocIkVGFhAiihhJYF6XtKycNmIOQAFD2mGPOJnWI1wZUIzoNqt7S+vfe5I2jASHoB30O0B4BuTbqbJrsGq+HU8w6DeuVucy6foe+zPu0wHEGKi1XGpiw1/E7WmFgGAbj4gg9dY169cGiW25Cb2b8BenU3QVvO3D2JYu/t6UYMK5MSk/NuNrXqI2608HWOOA2DLQe9LrzYK7bdZPWbtWOjyfzy8vL+u6xhiHYdD3OWc9pGBmwQYbfbM6I2UfXG1P0OKMDVvlBXJGXL8ZeFtJh5DdeyIys4vZjzzG2vRVbmLOezyxmhGEARAM58p/mVmYICfItsNEpCJoi05bRAKqrUTSvKxrTikREUIoTBYRd73u+aIXC5V9gNsqjQ5vrrS06q4VLxBupFWHwcyI5EeCWKwAVsGTfFuz4XfQYqpyHWXwWGVOuGP63ROAwaqT0Vx3DX+0rjdjKjRwDkSepdp0FIHEWRDQCX1GsVb2YLd18XWsr06VsPc58zAQUSBiAMiZUyrnkcySs74sO7CeXHgTkseTrvH9836B9uWmlCo7c4+1oPhptgBEzDnr6eyyLHaWf71e9c3b9+88tPeY3+kIWJmjVPOq9q4g8ouF7Wlgx0F8F/YhIh6Px3mejUy0C12vbqWgCCMNEXULjf/DX3zXQVOqyDSOowppy7Kod0OMcU2C1RpMFGOMLJISXy6X83wVkcN0QsTLfGXmcRwXx7psp/V8tENHtVQbRPw5vK0NEamHwjzPHfq2MyesuwTXk3yjTFsAjzqeSZnuSvXkXxvRjQVbbriNfxjVIoX1xB6rucsww4RVs5/p+lll07e9cV4/vEoyv4CUEnKRMwOSfhUp6JLpaAXJ6Nx4hI3WlsaO8XSopakYlYDVXO+n6YiKG3yqRU2z6DY3X21fHh4eUi3ihOclreikCfvXTqxwk2tERDxb8ePpqlmdQxzneVak0qGGEBQJoR6v2mZgSGsEb38qQwEAXfSNXwT0cLD6trJPT0+Pj4/Pz8+fP3+OMXLKwzCo4qO+RY+Pj4+Pjy8vL6+vr4rwqnga2fuRYN0mOzXQ+j0ctoNwcScvKSWbtbISxZ9xHBTTDKNM+AKA+PnzRzVfIQajNKh2IADS4951zTkLMwAqFgYRTillZgDKOUMgRAQhwWIuFZGcmcLmAOPRxRin3yKUZ+mUPHVhlWANy7+wnxiaeoHQ1i/nrIcg1+tVj9/GccRWoDACU7TQ952Vq+vRxsPOcG0EaSOxZqGKo+pKAG4bF2catH43cT1laUyS5RPAhsC0CyLKtwQozzv8itziDo2I5J8ruQabuB9Y191NHPDF6K0bT7fNWPGmPq2pEDM1/uZX+6KqU4xxmiY7wI4xvry8GLKZwL+uq2oovnGFSaWXzRdLCWzh1MGB6mHK09OTTvxyucQYD4eDsgxw4qEW3by9rgGtxORnpL2oR5kyAiVqfVb/GnE6r07wdDo9Pz+fTqdpmi6Xizrg/PTTTwDbxqbt+DWKy7Iov4wxris5JTyIlK07pZQTCwFIHg8jhYgkKed1WSALY7GQAQYgqSsKDJhFOpXDY9I9fNLJ61hteroDmK3Ys8kOXQzRjfUa0jOrPSeO45izpMQAKIIAaG0aEYncMItgFSWMhfmfAIDzJix4XqOoqU3fE4z9nuDl2MbRg1evWZAZ2LCx7ZvGpOPpGAdU/rKfIFSDHLQMRVozh/2k0lk37Jvsw/Bqv+IAsK66VSAAaScApH12TM3gaSMpoKB+o/LYtZ8RFLFrczs2icAkTWmF9r2oa9DzyMbO0RYQOjhoy7qy6n9BROfzmaufrueYUh1ejRBuYg45w7ZNwcQQe6901KGBVTufL4fDIcY4z7MyxNfXV+aD+ZvGGE280BKPD6fxMA3TOAzTMMl4mFJKnOF6vQoAsuTMLACEGCKGACbhB2IEUZM40bIkEckgJM2EvPndw73jHYYH1+vVL6SX9k2MtH1G5+MB6jFDnDJpC6xOuyEEZbR6hu+VKY+pUOUIdufeJqYaSnl11D6s+l1BQXMl8hOn1n5pyyxVVNY5etaGdf8pnVZn0wz1ZJ16G03HAoz8/EyNG5Iz5huoPXzQ8WgRWZbZdjkvnHsxxA8G7hRv3bClFBGgG7bwriZWGa1DgG76N8swDOu6ruuq1gqDuSkIijZQxQrzv7BB6rMq+PZGn4kI4yZU+jHHGJ+fn5+enn7zm9/EGP/zf/7P5/P57du3Mo661XtPIkN7wzduj+S6RTEupohqkEkpDcMg1TJgEj0RzfN8OExEpHaceZ7HcXz//v26Luqtbzq7X8r45s0bFTQKQYYxhbSu67KsugOrEA1AIARCS06qpzBzZlBDuiDNaWVhAMjCRIRFw0C100DrY3sTjfTl9Xr1b6SehBvQPbLexAzPrUyGt5k/Pb398OHD5XJ5//69iouqT9q26XsnIvXWV14wDIM6NSp8rbtu0zMWYGvj90aDBlQZ1dDLT0en6aMSbH9raMm55CuRcz357hi0cQGr74FmzouqyplybpU9DfhZU40NgbppG+g8S3LcZL/yzap1b4CUMKD+W+1iCGpFRkTYzm6Rc9bH8qcDEQCoTGmntojFz8iQRJc4VC9Yjwy3x91jC5qciIgxxhkyIAIiiJgkIoQZ5LLM8oovl/PpdGKEDLLyxoDQCTsicr1eNb7BM8ovsMXD4bCuq49kUS5pRxOeEWhHv/jFL+Z5fn19naZJRA6Hw1/91V/9x//4Hz5//qzCkbdLFvYR4riu67Kuy7pO0zGEkHJac6YYhDHnnBmSypWQGVCQZQUQmpeUUmIEFJaUU9HVCZmBEANtasB9dLm5NgZ9qe5uhqan0+nh4YGILpeLWpIMHF2bvh39k2qoEgBc1+X5+dm4r9q64Jb04c0WMcbT6aQNdt6EttJc3dKklX3stExah25PZl5S8++Nh+acGTYDu4hod3uqc0ytcXa02Xm3Ij9lVbI6PctaECf+6FfH41FNfVpTUdwatA8NU+8h/D369GL5/tf9FuJpYz/xfU2lKCUY7W5d18vlYoihxik7ADLNzrdpqwxO9SusZMd5tazrOk3Tuq5/8zd/8/j4yMyHw2FZFlmSsWOp0iIzm6fpHmg30V6DbtTe6fVo9Zf1WpiZNo7H4/Pz88vLy/v377WFX/3qV//wD3+/LIuqM37ddV2iorW6uuV8JtJIORZGNaSmlHLWaRT9gjMkSUtOGQQBU5acizAPhAyCWg2IhVVYMoYKdRu8B4hOC+ieqbrHQbWKh+qf2qGL1Rfnx0lEHz9+HIbhEZGZz+eziqm+X2mLniwYyJROrN+Ocxm9GdLbt97s1OGfR3r90z63T8yqzbi5aTEzSN095MahnYiY35Q4zaUrftZeqoIdHe5HblKS8lPY8S8HydLbfgBQlSlf2fC1QxI/u339e5Wh5SD+V9NtRUTto/O6Hl2syn46HRCk3RIUMxXfBKVrAaonRIxxWZbX18u6rrqrEVF2LRsfN7YlmzsGg9NAeTNZFtwYx3FdVz1UMl3bjqX8vEwn+vDhw+vrq+He+Xz+7W9/+/LyYiKM7oIiYj6HkatDDrPiaEZEhLAsC7MeLhbKIaJAESKJCKQq6hMCV6m4jilXs2PO+VhjwDsg3txt9vRvqoq+Vx0VEY2tGji6ReV6yGSrpeXHjx+++/qbt2/fPj8/q/BCROfz2VvUxe266Ny0VBRa1/Xl5aWLwd+mIHXbcUMyPIAdQXqpRypj9Thh4yn/UuGDtX513NhJpHCLu9kbb3X2hOEPRG3dVZfZMQJAd4BqgoDnwuyMwXV4t02nntH79yrOdPOC9vRBf7Vx3kSn/UrZ3HV1lCz1GEH/haq0apu6aduJWMdH9MTQZr09UIP5tnFO06SkeDodQgivr6+I+P79+1RttTpB7R0RT6eT1CMFgxi2Oi86HDCl0ltA9E+znog739FzFkR8+/btMAwppc+fP/+7f/fvmLMd4hgjU4MRAMRPr7Mp2EQRCFPO8zzPay4rMARByIgLMPACLxuAWKmFaDwcllxmJQAIwCJIMEwxY2C/H2bOLBkkCiIgIQEgAirAAWCe12EYYvTuWxaXSTnLx4+f6wH7OI6j2VYUhgbKGAcRUd6nKLuueZ7XiBRjfPPmzePj4w8//KCH7ep0YMYkcE6lOecQhnE8KD99fb3knBED4harQs4eHmogo55qS1G7iOKga19366j8dc0MAsLlBL7Ux8r+UDdrFCRBAYJpHBStOWdh1KBEBFpSGoYhxMh6iFBF6EjIghADqBWgrsUqTgBEECj/MWEIgapMxwAYCEIQkMIDHeEJM2eUzAsvytDjMBJRFslIgoXNZRCGgtOQNqdsE/jxVr4Vz4wAQAdrQy6HfAJEFKie5QugAAJCBmQAEASg4je+l/sEAGQYcJrWdb0yf/3117/+9a9F5Pe///0PP/ygpD4Mw3g46MZ7XdeH8VBxTBC32JwQwrIsOSeiMAyBKKpEHzGoGz0KIQOyRpAxRVzPyzSM7969Y+Z0WedlOX96PZ2s/c0ILSLX6zWEoHSL9Zw4pSSCRIVYcs4ioH7o65oBKMZRxYLqAxACgojklHPOwBKQQIBTXnh++/QmhLCu6+vzi9pKx3GkEAblpDkDwDgEAJiv5xAQAKLxsJQSSNZMP+u6dkKmbVx+aX04nO2ZHS+MsT8gVJQKFPwmbCzJQgD8XqREZbYDs06Zg5MfBlbVxj4kZ7x88+bN8Xiscyyq/uVy8cKC3+s8WvsH3b07VcvvPB505pVk6Vg2W4YLnBfnnmjc0/SUbp8xHdtW0EBhTNAPrBuS7AyrWhRc3Vy8bOyb9U11q2lii69ARIWWHITtwSOJdbE/kekQspudgcVDTKp7lY3QHvSA0xbIsEJP6HINYDfdZJ7n7pRnmqbj8TiO46dPn/Tc0LPFPeboTypuiMjnz58BwAJPTLiQjeK3U61OjM05A2zOkFBDmeZ51m2V20i/nDPSJjcZAA1/oJKMHfllvh2rpWVLLpRSEkYI5aiCs5t2C3Trr6Nbv5COzMQjq8f7DaDuvRfJjJCUxnQ5jdkXg01t3NbMhm1IL8776OnpiZk10klbU4XIErH4tQenX9j6mYHTptDNuuMmBi5PUbn6xe1haGzUk66RgVfEyB2mShV5/DD2PN3+9StojYPLo2HdsQuKA0feCihzQ6LW9cAP3nMKbD0XPCr7sd1c0D362lANLB2f7WrebMEI8nK5/OEPfxCRy+WidKjTV3Ojtp9zMobu6c2IyLSDAoHcmPnseV3Xh4cHqHxEc5TpAQfcYq/dtuSf7RO1YSt26XmiOZIYTBI3iOo5i8HBjvyIKH8xVCha6/o3Vd/w55ezXx57MB2ViBi2bSdV5cXwco+anoOkZUuT06kAcitGQI+jO2hajx7VpCgvW9oVcLYldTbVU/qOTXhoQmt6sD3QVF/mBq42TRuMR9+OSLyeYtOB3Ybpac9oMqdkEPPt+3bA2SzAsQxf36cF8ixm/2wr4oHj+ZeN06NpZ8Ww4WGbuMDqmNLn1/QmJMHtB3vI++xtBoSOV/oHEytCCKrw6zDUFuYZdJly9XY1zqJbERHpWe84jmqML3sbiLi90/49HA7TNBkSGtCINq/ZPeZA5e+2uIhBPVZOp5OqNipP2ZFCh6ge7T3heDDa0YzcYtm+bOwDsaSeAccj90BnFxTj2YcnZl88RQAAwQ0LXwdZX99q6gGbBSzZ2huqaTsm3Xny8BKNndd6CCqudCzPK1M2ToWVxTt6hC4sQERMhEb04BCA5Hg81UXiei5YpkxkVMUiaGgEIO5w17rWxkMb+2Bk47mwtPLjzYXmnUlSnw0pxVmmoe7eHsjs8pX4dqzHbvyeYdkDVq5tZODr2IBtWa1HPzXf772iukmoka9QDfa6Xe33tmEI4pQCEbler+fzWSHjTYxaJ+fU8Q6pboQqqkzTxMwqxHV05BfIz84KERFFs9Eg4uVyWddV/RtSzc/KNWSMiFLqV0SLHdjbm24DuFlKdHxhH5xzPV5uyMPRCVc3xI59eFNJu3KFFLHoIAWrNBjP0MKYovc78DNEx3G1gi3tRp8Ot0xa0RU1bFbLkw8A6+SvbXbMUs+osBWOqFr4PbvRASSX2xJdxArW4D07J7N/uRa4lYvYLyGiJntriJzMP33XiLgCLdfu9CarZuzAQ7X73FZTp2anA7YEWNOCesGkItVGQp59+Pb9+9ymvbHKXIM4wLEV7beblx5w3IzQlZosh2ocis3I/MQ77MLKkY2ZWkCpVH9T1WIKS5LGW9cKM+sZufrp2bNKT15usm8tck9cFm5E0WgdEZnn2Y51Y81E7Xlu16CNBNxZAXSM40u8F2Jqs0Vxm3fPlrObvOcv2O4q9m8d5bY/KDfRXykO4pRka9YMigZEraDM1VRcT3jG/rBhhVvMiJc+LKTKtnGtY2YUG5KnQHCcAtyeYMO+96xc3xDde7tLjWuyYfhx3uxF2sDqPeFBS/aey0DLBPfsD6pS40nFKpjJiVtbTKgx9R2fCrtk0b5CNyqoQrXtEFbZ74d+mt0adcA3CEgVBIJz0u/YR6x5zA09Uk2jzzvf8DVtypFpPRqbbg6s4GQxT5YGDb80thCVc22nwuIchQ3bvS8CACzL8otf/GKaph9//HFd1zdv3gzDsCzL9Xrles5gzAjuGPs9TAy2ZQq3sgVaiaq2VdwQqJls1ZaxZxzK1Xhv+3BJAP2ShzA0C1bHZ2YnESHHEXQNxPlxKeA0ZiTXQHJjNJ7SPGcBt/ljZdgalczVxAWtXwO0KF7m5WqCY9V7AuvwEqveFKoToW3RNiTl3cb7DDNMNegKIhI1BA8tU/AYwNVL0n9uA77nH2HT7AiVXPARt4anbjxQOZ2Y/u/Yk/BtdFTzJLSik/1rw7ZRdVOzOorPZgjHNrh+z0FMcNApT9NERBqGa2CUqilTPaPBKmVANTSK03aVH6niEMcmq5t1bV4kuqOY6hScOyJX1w9wF3qACwQbhmFd87fffns6nT59+oSIX3/99fF4/OGHH3744QcdsK2aLatHWl86MVw7yl9MsxRzzprmpPDFW7ES0jB4khZxK4k3QwFHzCYIxBhRSp4LPQBTWzFWr0rjxOZ2ZUcJtlTQJuC0zcrW1fYNdpZwrDKnntEarYqIhgbg7uDQV2ugUbv2jMAUrjiVewZyyiISc5xARgR1i2AEIVzr5TE0xCTMwiwsLMjlXGkcB+/97aFKUKjLxi9OU/NoJ1V3sxGq/UIx1Y4SDLZGFVTN50Y55pZuAQRYDVJqJtRzx1Rzo7y+vgaXR8sQhpmBG7e3jjt4XuCPWj3Sb7gbN7cDw/7j8aj+NYoJVC39ubqBktN/mRmwsPXj8aiUr0ioCWVsI7TePaeAlvNaNJqd/kLN6nKdr+/evtMwOXWQt23be4ISEcAmfBlSAcD5fD4ej4pF4zh+/Pz85vHh3/ybfzPP6+l0+umnn7RTdWDVpB7GOm08McbMm3JtPMJD1YtLOWcKzekegOluAQCKy7bu+TlJhiJumbM5s6jLUOkSHUK7YGSL9uFdjLPtKkTlOhIRQXauDc4+1HEuj0/gNh/YKVDotCfrXZwyogs5TZN9C27b9NiAbuOFO6XD5o2VAFBNKcQu+rtD/W6O+379CL1q4JWXrvebY+bWAOZR/2bx6gM4zhVaL1XfGjtDlQ3bCBtctKSIBGy6aCnnhunn3orshfCCV67ALQNqBzd9LVVqNpnCq9UembHOqPvJJsvtdk1Ep9NJVTzz/lTDijjVTGESYxyGYD5BtoJqy6CaI2ocx8M4aFTL4XD47W9/+4//+I8hhG+++QYAfvzxR83CYVO2vtZ13cu0HRrvf/UT7KgmqgW45GsXwpr+QLaVK34ZHvRah7dVk2RhL3XZPCrY52I/gVMCq5xvg/YM0nfq/5WdYgUO6TsMMLKhVrX+o5DyNgJo0fQmxG2XQ2cT5WrK6j7ZI6jBxPZnbrNG23bqCQ9ddA84lmQT8fTjbbcd6DzV7UHk595BdQ9MLwMav0BEaM06WJfez7ebwk2s2COkweomhDuGtcGnmnJNEd5PZ+MdiCI98/UN7pnO+XLRHUstrNUldO2AoFuOmkKl2muwat/eimGyEgB8//33x+PDH/7whw+fPn719p06Yb+8vFwul8fHxw5P9HkIm3Cx/7ebmkeM7ieF5+biiYghRIzFa2hezNsM0cnwGgKidbg4MrPpVBuw62gsaVjBkpqfYqBN9oZmebbF88jUcY2OnKBlHLBL/WhfebG5Qz5we6+NzdrxuLKnFqz75yo5QAgaM06ISFACCEXzhYuRg+573QaLKAACQuUBoB7RGB74mdq3oaYj4lb9tGphF5PWUYuH6p7M9vjkQdfpiWaPzPWcbtvSM/sPu6Ha5m8Ieo/de6rwC+0VW89578HNToJskB0DAkdaIgKtF7L9avd7ivNh0wqW7Mtc8qhaQ02GMgPn5fKqRhNtU4UIqVZ2i1Ujosvl8rd/+7fjeJim6WfffLuu648//qg8SOrhoGE1OGrq8NYDx8NWS3Y3QgCAwklEECOo6TTXiKBAAdrE3/vScCy3bHZgZj3X1dpy2IkIYKdKFZHEtlDjl17xg9bqc5NHQstB9sLtvRlZhZsI3U+5gtL7Xxh6YWsNsc9x5/xu9ffEqeXe5ZVfGL8nMGnVOl/ty8qLZamyrj1b9+Pxv5pjrjk7+2pc3WFTSgM2hkxba9hlqMfdjuKXw3NJ7chbuHzjHd/ZFxun1BQt6ExjVgqZ1E+6RjzJeJg/Pj7qsz5oWnaoJlt0xrtU8yGazwg4O6Cqw0ogZqx8eXkRef31r399PB7/8Ic/fPr0Sd3n9cqIm0qlX1k/fo85DXCgw6JGzo3qr2JfcsUD57Um4mTU6BL/m/ICzmJssiwXg1zjdqXXwSCWECZocdHTiV8DbL08O3rYzxmcKVvaQJJ74AMnbnhq6ShhD+KunWHYnM29a6nv1wPcu0WB4yk+0tSDpeNZ9lXOvUnM0KWbuD9o2FMmOzMqOMo0OHta9cOQVpFRJc68UczNxLvhecGhEyKozWvdMa9uFTxw/Kz9Gt2Dm7gWfB1qzyCs5W41waGNfejxQa3yxpW4OhP52BZxYtcwBKzmf3T+B2o31Y7UIV0PiURQvU5VNjH/EfNDs6EWjtxi/Z7DdsuqyRxt1iIFZ1JawJSXgoIpZ9i6dJi1rV/D3XHrT3bSL5TtqLWxg2Vb20JxuknCLfoUx0e/zD461GTn02nfWjsdyTH3EQpyy8ICLWGDs7OYsOcxo6M3Dyi6dQZhWOg/sRF2bzrq8pCxKUu7URsed1OTnUDkCcPqG22DuyvL6C3XcERN2+UFCvuQ3GFqt3z7lfUGBcNjbE2Pncqzh4DRoaFT0fUQ/JD8gtpCN+vuVt6PfO+3Yr1oSmSsiTi1jhK/4af5B4Sw2TtyjabXUy29gls90/VlCEGd1pVJea6xnwsVm1xPMh3j8BAGgHJr4YaQDbpGr1wlSSw19+GyOoi5pE819a42YJ3pyQsiws5/rEGIna5ly2Ojt/b9TMxposPvzivRih4M204rLsDBd2QDw3bY1oWZTn2nvpqNVld6yZulcL+D+ckaPXhjof3a3QK3NZIb66CNuYOPjcq3bCwJbzFEq9OpDFp5M37Voq0pTlM961WIrdVVQVHcWwEtcN6AZsDxCC2b9Lrhg4eewa3TViz+QFpL6j7ECar0YZjm9lifoATtJQBwagIIO+4GbnvQN998880vfvGLnPPnz5+fn5+VTazr+vj4qIM3LVUHtiyL+qGKE0mISO/ftkQkud7UPQzT4XBQL/ucs7FsW0qpvqfgLgMSJwrs+bLhAACkvLaEUxZO8WGTPkhDP6TXERDJ35SVCTajhzP4RZfVqtj8EAVAQ3iFOaUcAMMQAzobu0jJzkKBmdOaJJZ0Xt4lDFv/i5s02aFFqHd5GrYZ8djBmCezeOdm+c7i2AnV4KySNZ1cGMcJS0IjCKEE6Xivx9ovc/XFMEYTKSAgpyxL2rYy11eCzdvFY0lHdTbl7OLHjd5u8hGqhd0RVeenpyeOBkZmvlwu6mUwz7PK5CmlN4+P3mnau8MN6E31W+S7uYFJy+4NuW2c2o73BmgImEVABIBhYxAAkECAMwCjoKb4FhAgGLGoV0YzWrytynMEPZoELCeMwgKEIEWsZhENyY0xCvO6rDkv33zz/sOHDy8vn8cx5jwuyzXGsaCfEGEkFM26BQCH45GZNe+8zo8ZlqWc/a+rLscoJa6vJDc2b+ZcQzoNQww/lVUJbduAMg3703gNAA/DEOoVK+bCIyLMphsSaLYxTy1yR1a3knf5F3z97tlWokQHjdM4jiglfFaqv6khNzOvczIE8u34hfT8wno0svGE0VEs3PKYhB0PqgASqY6hxpWh3Sd98WPzf3ZU2hVrzdrsVoGI0KUCAWqEdmhFj73IbQPwvXT819fvuLYVM8WBy1qQc9b75dWdyXuv+2gLPx2h/uzsJjC7dfFA3sPNL+j23vY8b2MqWZS3Bkma9g2290blB7D/KdTb4cw88fXXXy/L8l//63/9x3/6/uEwaXxKziX2SngL8wdH/34JTBiEHe5hcyZyA5H2iJdd5LRnl54PGByY2RtL9i1H753SAcSWWdzHNrHuAVp69lPimhmhiLi8SVPWAktBu06W23MHao0CbvDiK3Rztgl7JdmzGN5dIK7vzVPTs6QO9fVNMZhXpQOdMNwNyRduLbVco9GCsw54FSyEaPzF+IK0Aex+7uTs1vbSBBDPO7S1zpbhsRN34r1JT7a4+qHZ8KBFYo8t3QJ58BpI/cg71qz7rV/3yqcrr8QGS6HEQBcNeptL4q7TDibdIImakyMbjyEVESn70DRC//bf/tvr9fqf/tN/AgC9+gAAPn16LnyWsTPMGRkb5qi0a/P1ALmHVHvwWn2f1LJD4w5DCp7AFgcoIs5kKaDsw5aNa3x4R0i+3Rgj7IpfV48EAJBUDcZy2JNSQilobVSncBcQoD7Dwn7+nszAYWS36tKWDpreNqGfeCnD1zSnb3EykUcye2Myv6E+OXPpnmysFz9I+zfEaF78XkarMuRmCDR2IK1XS7c6eyh1FbpF9LxSkcR0DXJWxpfzeVwWU3z2mOO3OESEO/lnbiKbX/pu5Lg7jPMau83UtsSkDgS6NIJIJLgd1ftPfJvdRIhI/Z46RqPAUSFCLT5K9tM0ffXVV99//z0iEsDxeHx4eGDmn376VLYE6btDvC01eJTu1qjDDXSGoT0aDHGw8XuJUg0u3ZTFBdBCQfLCPkqyQmgRa/+vRyMAiHh3IwWokqLU814RAYwxwkCafUBDHqAGmKeU1upUoxDPbY4c65e87UN/0pNnDb0HKLoobI5Y+wWAmrJRdv8p50RwLrYAABCr835uT9H9sm1LWm3p9a/GdHoXZjuZcxutdtpGUu0XpZujtXMTEa2mJ06bi6I1Oa/Zsu512/Akh4gPx6OZPFSFkft7jAfdHgj+pVXuJuiB46Fh/MvX4V3IODoJmwRIIK3J2qk7c7UG4mZCRsSAFCiIO4fyowohLMuiWWk0GYUav//6r//6er1++PBBABREBlgAEG78+kMIAsVzwij8Jris7BWQvbzZVd7jpMNfsn2orMKOI1tToOyjoVWQrl6Pobc05+5X8S4AFIwdpmVduWQqjdV/TCkTWrz0vLNDX89TtHRc03Nia8EQzn/oe7mnaPSWOdedwdqL0NllG/TIB/cLtju2MQ6/NCbfZpdZw9vJuq343hr5Xmxs6Mw6+5B8re/d5Hyb/+pf/auU0o8//vjTTz+puEQuq5AB3+B/O8+6cwv0Q+3gdrNNPylxViFumXIYii+mSO9wsAd+994aIReB2nFww9tcrxNDxGVZ/v2///dPT08hhDePDznnT58+2Q0siEhYCFBxKYTAtV9x5R5Mbq6In84eaVO67TBhHXlqQhez7hvEepQRbzIkcXPwENwPd4+aHfUiEgoAi4VaguIiCYnLAwaQcqZbx2AdN/W9gCP+/fg977CJeOdu/5Vv1ndn4O7CyTvjpW/NT+GPso+uR/vTYkYRy0W2BhM7DdVDfrM1dAtvg9kDsDOU2FcdJRgL04gvD1vD+NPppDceeX/qUPMzWY97hPbQg1uI1EkTHaF2lW1F7DdPToxAvrKIiDA30UzQLpZUt3dxupunMf+JuKtYLC5OTzpyzo+Pj999913O/MMPP7y8vIhzBSIny+t7wC0QxN4bAD3G2jLZr6Y+d8hpKIH1GjPYIZ61c2+BavvsUWWzCJb/t9xuX+4J5H6IvtfEAHXv8qEQOWdlJwGIXfGUjy7fj5FxRyT7XUs/907f4GjGI0FHLb41a9ACqzvV2g6PxJ0yEBHs7iv5MjzhjvShh/zqqgyuC3UuVH3BMkEMw9Bd7tlBw//Ugasr+/pemrCfTNj+h3/4ByJ6fn42N1muubbAsSfrmtN6c1vaMwU/VCkE3wcxWOObklW5mP6ZQQCQ3Imhb0pExhA7ZGAnX1DNQobO/9VD2N7blPV42y5Ymabp6enp/fv31+v8/fffn88XVbcPhwMRIZTMhlZC7IMVPTvrAGL8rgPCPUYAbZ4H/4m1I63wkvPGVphZpFgqlY9FchcgEFHE7bC3NtEuajFpl9MvG4fPo+WxExkQISINQwAABiAic4wBFTIDhVh0+3VdQfTkHhBREBlBQITqubSmY4g1Ih5J2j2nXBPZeudivcUqgyRhQIjbRcQYq2vTBrXKzuKgeLBCWj0H0bvEV85EhDFwzhnKlW4WPeV3LQ/DVuppzowNgLaB55w1QaS6DL356r3xX1OdDF9tHbH1u0eXWxCrpyO6jBiW8tOb0rHKqMor/RSk3vz+hz/8wVrQUxj1p9Th6ZAs1iulpGyYaxSMRZEa5A0C4rQzK7bN7KFa2K7UlOsWpVLTNZX8PUgIevE2xmEYKyMWl/Ek56wnrMy8MgciTYCMiFxvWgvuJjAFbM5Z4amnTprXQ8v1en15eZ3nGRHGcQSo26GQqaXe9oHuiMfoUWpiF48nXqm3T7j6yEMbLyc16MSzJ7+tQhXPzRsw1TuiqjBo4d0ZzO+jDogATSy/vWeaQGuwMwj6VQS3UzXsTUDXgFvLsLQqhkeLbgB+lzDQd7+C49n+PVb9BWu6Uz+drl9snc0MS4xd+iN0I9f9tr7fBPbT3BdsN2f78OPHj0Za3inLJkjt2aptUB4C3VZmxQvM9wbW/WQxLOSsrebI0I0fEcVJENBKGR0Dhbq33+zaT8dDjFunOJ2+xqeRQEQyHmHtGBoYWLzS1PXoSbp77xHS1uh4nL777ruU0vff/6AfLcsyjociHe+6iEOU9kzEANKt401a61pDJ4P4tfAr0iFwR84GitphY+vYnAhUlNLxMPMX2MdNyvRk1szHgO41CMDsJ6OmrBYPbhabnpcn4Rb9eyXLgwyrNG55pXyPvhFyx2AdKNnFpxubL1C+M+xueF+gT+vdz9f6vcxXk4BsXrmNc6dbCQf349m3cxPh/PNNjmMkZ4ysO+3b14edtGUS2ZcJo6u8L4lzQNBLyEg2vThA2QDKUZ1uGzstwEO+g5g9eDLzDybT2TaTUjoe3/7zf/7Pf//73/+H//AfRSQEWpblcDiJUzp8y95yYePBlvuD2yduLpbnNf0St1e73YQ21jBfgM0Ug0VWLeurNZtEaQikfjVfQG69FhG8rg4oIipW6NhEtQ/pW5KbhNQSXPnT5gMAqrwg6H/qjJyFEZBr7pZ632UZUAG0AOhdu1guqhUQESakGAgIhUtrDJXu0TpFVFhgPQlGBEIA4MwMspb0SJo8EIFRWPR68D0dbrNrRQARuccqvexKdYFNKLXtSJcWbuXLLsBwQqJ+5RUcclkh4Ba/sIeOYq0LY6PWhRJPl3IZbhEqOllp37L9aRW+TN6ejAtnJETZzJ82awTI9gmX/xAAxS4SIWEBLC9REYilU9jBkSU6/z3jpLpef/EXf7Esy+VyERG1NG/h1IAdlHQn8PaEPQD9su5XqtnM7kgfvpo1Ti5MgaqOSdj4MYWAfm+ItkK1oT+yK+4X1cPOI2udKvpPukmKcyAu1op8g+R8mx4QHhc9YxLnhQk7qmB3P5i92dc0YutWQm6lzMAdG/AD61ZOdjz0JoRtdma8YGYzEtmS2QaL1cBhY7Z5dVqeteyRHu6LlrDDtn4PcGthyGesynphZvuM2vOgmzCEHUPseI01uwE51JAWHTkhVsfwukcC7xLnGGOyxr0IsIfGzfXyhap/nZneFeU0Puh8Ppdq2Fip0Dmty54btqO15QOHY+DYgV8pubOf+aI2jm6aZl/rYK7P0YR8Uc9x/BKM7gEO2vS8Tfc13Yju0rbe4Eyb7JQXz1zA4WVrbkRw6onnZeCYwk3U5xqv4UMzO/L2xNmg/o79QYvQvjW4hW32rUOR23zEKujBCtYLfbnyfmfNAg8Ns+b4YXgEhR3HNLK/59xhdTw89V/1Ysjumitw+WL2k7Ks+t0AOvjv164bEt06ARQRvRo9CSOL+hYVaUWv5ra5swAAhUYIMnO150f7rm9SsrSBagqBGOM8z3/zN3/z+9//3iIPiCjnRf/EIgw5PA9ldh2b7vDNhEfLJe5pYb9M24B3+Cb1iFodAkRE3f/KpFpFSVMIiIjG2kUPL4SWc98qXtfdD8ITNhZhrLp7EBpkmVnTjhUvtVuLZH/6HczgYuATx2U7dIdbHEEhrhJayfPuArQbQNf63J7YaQntlcvdOslOvvgCSG8Wo1iql+CxRky2bNE4iD+Q3g+po3/ZCVx7radrytssPI7a6nhjTa6pOsX515dvb7F7bn1w/Fr4M+N7rM3TCVYXWFF3j1pS7g/4ySXxRhddkneJl3yn3dZixcPTzsVCCPM8//Vf//Xr6+s0TcuyPD8/66Uwxf0UuWdYtUGvoxlz8W/wvjThB2lvpJ5d+EY8eqi3W85Z07LqewobpeecRexW6Zrr1KqKMP8x6cN+5dbhwh46RDTswbAp88xcbvpG0GW26XnaEFc8aKA1ZPqf9owDWnzFKitJu13sP/HT2RMt3OIR/w05iGcfZu8AALX4doQkIv7gFnaMo+v6JojuDUMf9uxD/7xer8bFqJ40S725XuohovWCDrm/MMLupz0m+MGA366r1ywzqzpsCOntLOjUeyNXoxNPoh0oOvZhD+wcKJR9qPUnpfw//8//QQS+++7blNJlWUMIh8NJr3Fi3Bx8C05y7yfpW+4W696qbcxih4EeMaDlILpRBZeMDgDE+XbmnDVsaJv7X3z1qOwQEdPK13UpsdhsS4JZ2ERi4H4mHZ/rhqVX/nqq1gcf0K1inspOq7A6FEg9WofW3GCYau/hliLNd9zJoOUdWHdIsxhZNXQydkc52ppdRzyOowo1y7I8jCe/5H5F/cMGLrgdoK3quo9VK2ziMJkE52fRQQmdgMa7fGvozq273tHZVsn5QexXWYum/LZ2rCnbNvzSiEjIt/HH/Ib2i6XtbMqvtjMOIpI4M3N215WRbHSuibJUhVHfmRKuKdsqZOqZ/h4gfoKwYxz6vCyLLRzXaKwYo2bvZNY0JEZ4Fa+gvzNQlRf90/DBQGrDs64tIhyqM8HhcHh4eMg52715zKwXX43jGJDgFsveQ17/HYYQ3F1rLOaWAqAnL2ZKTGm752KvkxvI5E8ww/zRovfIeJGvbBrQ05L17iesz3tT3x4EvsK9MWOrDXkK3EPAt2xbrlQ+aBXwvgK/b3P/p10+ZpmHi6uuKzZZP+vufZc/wqbpu/PE4EHtx8+3DlyhZRz7Id183q9CxwT9T5vkVdmHBbP44W28zzl06C8ZejHQF6NGPzZpU0xiqxfDbhs3mOzll5xtm/QWk160ca31OVP3RiJ0fNnbHO2rXLMcengaiPx62Tp2G7Drq5cWa3cEAHEfkF6XwWhgmx4iwh3/rj+32CXVtmEW8ghbMLiVOpKtsu3A3usObjGOPfuwNTCY6lcdruzZR0cJXtzlejAOFVy+Fyt7nNvX0aLXrKo6anE6Xm3BloPfo+E99tg5ju/d45Z9bjZ/co6hflHgDvuwZtld0VrHs5/rVl/aAjVUEhGl5Y+lX2hmR0Qr13wxAlX+REQkrw7Ypm9vdkdveyyyGXVAA0fPFmBhpOuWbKvsupCOlWfe7gmyaXpjkMFfq9n2YOgq1fbk2ce+a/sKXLyol/crAmzekh1MdHWijcMAEULIvKWlU88OP8kO0F9gJbLDl5sUZfOheCPCD3YE2SGxVfNag7RbRDeSjoA9k/LVOguLB6KB1dhuCAG2gMZ+zW5CRn/s6ohzH/BuafuWbeSGQAYlP6MO3WFHBvvGjUq9tujNBx3k9y1A5UEtV7pRDRwCeAsOAFAs0nxx2tnWcYudDYAEKH6+tRcSsBRBACAIynAY1W+9l6Y9YaAr9tNNwQ0cB5H2Rj4HLo+KzTm6h4MLFtkwn24dM5UJtpSrHxbLsRNMtpFU5c63j/XIX1yuBtnZCgBAWj5bYGQr1074hvThEe3elPZlzwV84LDHeG/U8HyXaIsO8Cyz4xH28AWOdrNw6zFh7XTiaDdg/0nler3Jw1Pjn1J0LdSIBRVQdpYBO40DWt7akcG+d1vrPYi6TcL/2SUcsXaoPfyy+h3Dvcedu0/2XB6dWsFuauVZSjIlAAiAIBCQBMQUBbumZA9nVk/AO4kdPAT8vx1r8M8d4ei/Kj2JCNQL0lqhoJEOoIac7G1Y4go4AsGdQmokc/NAQFqp08reHq/DGMdobNEzMo1X3mJeisADGyXvIQ630PHLZV9TW/C+a57Ns9NcDNbWlLhf9U+LqoJbywm3cNpTmk3HI64RhretdOvna3qwoBvAHpJ7HgQt9lgXPgO+wUHh49u3rzrEvQnzm8V+8uoMtX4ZX5jIvmXPKfarz07dAL1zDwEQMBARSgZEgOpugM4aJS7RHgDkXLPDQc1a7MYpIiZc9LBSca8dbUdjHlW6Jf4CJDv0qCS9iV2GTswbpnUP6hYo7sCb3HU54mQKq4A13C67XLPYSlX27FfZL720cqI20hEg7Mh5ywq1R46NAFrlRXYbvvz5u73n+lD3NyK6rIu3onl+cbOdPeXYCP16e8ax5xR7LLfiWXiHZHIjlRvTragX3EkHe7zxjYhzhTC8UTRak1Mqd2IX7OjBA9DDsFNDPGRMXrU98CYJ7QHbjaEb2xcW0X/oZ4fu1jFfQQhx81+FGpIgABDKHexb7x3GlvdVnzAEuEknHQbiTnrqiqfwahPYTpSMLxNhx53tX8rl2RbIo/cNdlz906gNnb+JZn5s3RqZjNMNSU92zAff0oWEUP0+NrEngIhdU3Lbjeq/VdkLaehMdJ2yt8c8T/Z7ZrEnMGzF6W4wspOuuz9vfnuHaHs7wpfh1vHlDpu9pm0kDY66fCN7ojXs73AR2zwpe6Tx07fxWDt+YCb0+g/li0ED1rIfsNnCPUBgd3IkhIRkFy3f4oB/pKM9/H1Bd1DqGYexVK90++KN+jYFIloWu3/H69ob5Lt1T6np1HiWR3jDB3AH2/Yn7EjVIwPvIpK5pODubS5aRwP2bZy8HQwFAMB/9s0bu1Z3mdOc1sK9wHR+8J7sVCLmbrhp3iyIoUNim4anEwPZZV3snFl/UuaK1RXCsrR7krgJZY/uvkcDjS0SONG9K/nO9UL3LPAD3EjzCRUdb1AI3r72yc9O6uE6Mw/Hw57aoXIED0z/p2G/Idb1evV2WQ3/V6+Bbtj2bDCEnbzpKVkffP4X/6DO4x380d2SqwURiw81FQ3Oe9no1RBoJg9PIZuCwEZaIYTUXve1FUdXvoLZLDzOgMvR65OJhBDusZV1vdY5enGPQLNzQ1APBk0cF0JAklBvmfNR3VBZtq4UEU3TNI7j5XKxpTEDGTonek8CUOl3v2p+fTU/ix75Lcv1fD6LyPF4DCEs65xzHoah+H3YZ1YKcvh0Oy7nPdRI2psYBju0Zt4Oljyv9SEA4sQHH8phNLCuqzq2kct8pfX9bWzsDhH9YG7igY3q5qrvZ9dN2WcDbmjMJ892fZE7EwG3cnKrEXQ7j38Du1v19uPvvvJvuinsd7OOWXSfwC7uFloTeDff7k2Z/q3KUNm30QBUtFT3MFt6/4laN7oWPWegelpERHjHa9Y36IFmY2h4fYW/WRPB+eN0kKybpUWleht8wb0YSl5lqdeMjcN2vRZW04+yzsPhoDSc603aGsXrJx7CllpY+8rd9Ywtt+0ggE6QMaObvnE24K1+7E56N7hjwz7AEG4nXu6x0+9R5YBtZ3oIzrnYL7/tk0bbumDjOII7bbE2ubWtds+8s33u1cJOTeiaol0yZPri4eVeivHA6Rohl3rXV745Fy253UUNSh2dQ12ve2TsW9amPH7sl8xmTbcsU7BDBl/HP4T2KKT71X9YxAGIgACEGLbL2bnm77B2qIKCM2scq4otVqfLTsblojiE3PsHQ923PFStIyUnTSIpNWmTpiOyudimeG+mUsVnzTsJlW/qxq58BCq2p1pM3gEnLfpzfdt0jUy87dOzD2gREnxwCSI2vrOkXunTNKWU1rRgyUq3gr/jtjD4GmW0JkPr2/11vNzXsWcRifG28uJXy1pGRHS35qFLSGFKBLmMbCKiieE8Wtsu7QfmH/CLBrBuCh278bQBt8gjwu2DvQ6A7M6Ju06x7n5dLzpfjL2bM+yItpss3CLmjukY3vgbvMSVTlXs3t+ETAfY8pP0NT1++83DK7D6k2CJmWBmcs2i627LbwgIUpyYEZFqSCFrAhe4UTzCQIvqVrxC5GdhQQCmn3JJoWDKrw+e2hDV8MrwwXyXDVDGI67Xq7qiF2SLcU9xXpzHnd827mxSxsvspd8CieIwDIfDQQ0IcY3MHGMs7MOosWOWrgn0ie334P4yQVr7Hfuw4m0BIgIUxCmiBmJzIoYWrTt8NYgbJ+4G7Fuwl/the8jeLOh2/lba2trs6MSP3CAcYkPYVpl2nkKltR0EtFp3pfa+az+pDm64k2L27e95mSXgEceSmqV0IzHsZGbd9sVaKyYLDiGoSFbSYCAi4soJAIJUmGDJQ7tVcb2ISAAM9ScPQCfPV5aNQIhwi80Z9DwNW5tqlbCfVIjYL70Hvn1uw1FRIuesMYdm49D8IFQjlSzoSTmFCSZqnogxlssuHSnpg11VZSjqJZF9Ce4mw26+WHUobx7SBY22t2vjJfvWTkMx/NijtUe4bhmgJZh7qOk/kcr/0Bl+xEkfHsuh5l+R1qont4wae1bi//XCqh/YHg7ghHmpnHvrtF2gPQF7aCAiwA13KaxuWt14RER2SRj9A7TYv2fr9ie17Xig7SnB/9QVU6ZuQrsjIdgVWzglSMuc2kFMM2wrEylDJQQnRKCA3lMdq42sJJERASc2pZqejkE0lWG4hbo3526FXR5sK2rKxdbwAQB6qTUiEm1h0xYy10VFEtFajw686dR4n1EEVr1+DytpXZY844ZbGO5nau1sEEvJ5jLPs/oNWKdd2OWmdtqFPljVpfJNNaN6GpA2+M1ax9ZOcY+8PbpjjAo1cYzfA8h/pXA3G3tX4SZOeAbs+4VdEScj+Drd+Dvk29f3cPDTMWzz0PP413KZ8mvaqTlwh3r1Q9+yf2/MxRfYOWV3z36yXvbew+3LNhdw+Op7t748zmxja6yPLYeqeLgl6TSslh6FGMRcmfajsrWzftn5U3UnMgZMNUMoeQeXhP1mg34wlgbNKovLEW/WYp9D0Mwu0jrIe7WlUnGz6HvDn+dE4MTzDVb1Rmq1tgiwRWCBOa2Xz5AAqrnFoya6BXCI2jGFbhn2D3tCtTfbMEIwwdgTqsdg35S/b8X/1CkU9nlHTuDw2Nq3P/cDsDbvJeZC3mp6KvV1WjvCbSjtCbt0BM2k/Ki6Yo3sYX6TVnXd1US9XyCbAtY9zY/zZu+w4wLQ0bxrNtRbSjttGpw2LjXodt9d16/OJXMWEb0iitz9JvurFPfFfu1sqMfj0cDlF8jGv49BrUDz3LCnUqh7mybsUcpXAy270ygTRqwpb3syQiYio3l2Dj7onNahJUlzD7PGFYYxbrdwMHMVoVAdZyO6BBPCGAQCBaAglvRX07pVhJ/zuk3YgdvOkz1+ICLQJh1YrKclKDIpw0A/X64EMGEABJCSmRmRRDIigpSUqLaoezUHKnnvQ90RMdfLOMTpHSmlcRxNOdzbR6g9brCX/r3OZZi6kO1ykEua3Q0QkfZQKkhf4C0gMudqwqw0o7M4HY4m02pcDLuLETzGa5sW2SzuWI1cBK0NwNDAI6ivYF14jTKlbQXJGfyHcjfwNj9dd90svWjt12JDRZPIciaAgISCwIIiAZCQsKJfSZ9VRzunmoWYMGBgKKYKJBKRiITRcUMWVTZLPK6AZM65kR/JxaqwO1LpKFDPU03Ud7g02C0zIhJjObIhomVZUl5DVA8XBORh3I4jNeuX+ZWEENThRUQ0G5jyF3aJr6EKEZrlDKo0YXwBEVM9afKrzDUFt9T7rjRLyLIsalOTmjdEwS31RG/DrY424M4B23739hWw9bQHE2ZaOYprJHi3F9nzNqRbuoOv7KU+aEs7nU3ZMS6GVZyzHa8bhm9Z2s2qe2nT9117wKIrXZ1twDvbhMiWvQ7qBuWJ0jivCZ9+IfZDgvZMx5q1c0evhBqe4X1R3I9tI7lb9unKoZoFgpZJgXPe0T+nafL11YkdvddsC1XVBbZR7cTGRhMH0JNB2BWPmZ7z6oOHrb3RYpqOjdCu4AJn8rxer8oC1Hh3vV6J6PHxUaUPzcZurAQA1O/JrokKLsmm4bOImL5j1lwdlY4BALp0QTYFVb48/BUOnbKPVChoXWfw7EOc7UNaocjgIk6h2kMZdjQmIgy+/Q0v/Q7jF6NTz2z0wQ7GamVD6z3jgB1xepWenHHO0MKTpbUsjrN0xOA76vqFW+zDdwcuksX/1GKxWZRaa5w0WOvJ9WbZD9U6tW+7Op4YrI55kfr6IkK0efF5zgJuszGqCyFoMMQeOLTLGukb3Nau/sVmubwVJWBFgzA8nD1MjP10g5GdvwzWnaZDOddRMyN75nobtmoi6u51Op0eHx8vl8u6rspQVHLRJC+Gk55klK3YBbpecFDfC90/VCDN7VWB/l9yuXul1a+VDekIoV5+GuqBd5mRlFnr2KLnLtDifYdVXa+w4x0dmpbn3RZtYBUnyxScYA7YmO7IrZP/3JPQzX5xZz3y670frScqX0ffmyzazdpAYV333PqWycYgwK2FWFzjpvEKQ3DZ4mIo96cYvXk88COEFrk7+NjeeHM6e4D41jwKGiw7yumo0RFkYzG9uRDsRE69LdH6JSwKTjDy5m0rMhow4rdrSnIbDLJNs7FgiNxCBr/o+2F3oO7exxhV19Bried5Vpbx85///Hq9/vTTT+u6Ho/HN2/evL6+ns9ndnmhPM5wPa/tlrIbcKj5inzQQPA3NHNziGZTUy5G7gxRlSa1fWyxvNyctTWe19La1WS3sXcE1gH3XrFq/nNvZfB1eiqtNhe+tWbg8L7jHfseO4h7A8GekVnxqOmZhVm8ucXLmyDCGgPSjcHDWUTAq34GXmxQ0071oDUA0e7ExMMTd0JKh+udKHQTznsK8STXjSfcuooc3S7t4YmtOuCL/xaKt2jRSsqvd+Q7X60DS4u0X8Ir37WHZ9cdOtlECdX2LTW1crWJ2gHNNE0///nPx3H8/Pnz6+vr4XDQwBm1WexhviyLigMiogICtuFaUiXlDldteEXHkSbmyE/W7I8WiOAFNw8QMdtH+31z9ye2vLaAZid0dH9CSxt+oJ60QnshjTWS1+Q/3Le5f+nR1Nrxx0sdbUO7xfkWEJu90cdfwA3Maxrco35Hcjd5XPOVe1ZLlYgINoZbW+mOrxlr6EayXY/UDs/XFxfL55VWA4jciaDt2uwYBLS4IUUYFF/B4JBz3nNAEbGQEFsXpRyusSd6vWFnbemQs2mznYX2vud0ob2nxhYrp9V/u+cj0Badl9GwZtUGgOfn57dv36oR5Mcff7xcLrrbd5q1TUotmjZybVYJ3gfIGOX7mCzDE0S0YGVoCVNZG7jEVHXD2/QgIgK0HJ0M3S1z4LKzuMVoPAVCCyCbKt13J7MVspdWeY9/vhoAaA5tW3XELWmlVt5TplkKxBUDYgfWLzxnd/VRR1T7ad5kpp2dSFrLkfHQDVau5kbeuNkFpJWSvMjgpTY/JMNdvAU3+7ODVaf5e2nCTIOVaG/s6nto2LdEzWIZa1PvyT2r1X7tqM5AtAUxQI9CNjz/3qFcs3AizdLbgPcWEw9eP8E9bD0kL5eLVjCrp4jM8/zhwweDpL4RFxkALe8wONj9BIZgMcbL5cLMh8NBbSsiokzKj8TQY4yDDdvb+Li60hrOVz6y+YsDgLkIKx+Kzfx3PMlGb9UMoB1kPQQ9iIUbU5n92kWOdsVRRd1vzR3ICTL2r+yYkV9U3+b+fffGWpPW8uet7r5fTwm42wY7BtRV9kCDenCrv9qHUHvU5Qyt65TBObtUxv7BTHHdgD0b8tCTVla3X6nNHmTfem3Z2FzXgrXjCcYDwV76oeq/HqcRiyK3afJuyWycHgNv4Ya07d/2mvWKQDfUPfJg62dkBKl17B4PrheJ5pxfXl401j7nbL4kUu/H8fimbap5VeP6Paj17NZcYBVJVFHyeGij7TDQL7Ffa1uvmgq5Zq4S1jEPQwAL2K8zbrQVKsfFNdEQc7d7c3XL34/JBqroa6PZqMI1sklWiGMcbOGZ2WQNn/XI44r5/NoneuIlInbpHtUwfx0ql1DCLVmBVrblt8VQc5ehiJeuvWObB72tbodw3iNA11hXpUP9Dv9ERBhMTKVduhrDAG+LMTObSrZ72ti/2b83qubqp2MtmyIdQoD7yUQ9M4VqtTFh2HfhIW+gM6wwcTq467Is1FPyludCtQODITNvB3+mfbc3BNnaYct2wWXWsOOMnDO7O2X8Yim0Dcew3qSjSqi5aVi/l8tFrZXmSaCdmvO7bwqr7WOaJq7ZRvRzqdnh1JtJcf7x8XFZFuU1+t7Wbr7O3krq+aMeHmuaD+XawzAwJ21hnuecc4hELtRzc6ACKKckFRyba5CBNYTQqY7QsrQ9OVnEgc7NyMaatW35NmuvJ3UhxuI2S9u1SV1Yre+Xaulsoug2N3tAt1l1aORRtmPk0GphdZp3dQTbfDqjjNGJOJcBywonTh29R/ZQ9R10Ujfe0ba6tdvXuccLbAC24rI74PRd+E/220Y3jE6asGHk9vZcDwQbQ4d+/r3A9md92dT0DXYP6EJdN0vZbhb7ufh1N7q1avpG+Ys6ZSmtqrOWnst0ZiBjKHttmpmnaVKO4Pck9SsB55jn4e8B5dvfQ8POeup226Qrr5do7ICyj8ArAswdPwtPYH4JEckYpGdVVh/bIrlJTyDV0h7qJYx6GKMMktt7XjxEzArVDcwm640FX5iRx4Pupf/qHhezXgylzGAhdbO9ubRsF0FgIaHCNPcDrcPD9pJnfW8w7/7dk8rNuez5rOcIzKy3CO5Lh1HYmuFv4lsHKMNpm11DP+3KWvG2fxH5o1e+3+Md4qzINnJE3F8xfbMRq2/Ljc6blmt8LbnIWgCIMXr/Gg9MdHu5QoZqUp/T6aQXlas25IHQWTfALa6fFLhcIfsZGWqJSMqmggio25iHAu0s2Oi2mm6BwSGfN+/5Bm24ng49l0EnUgIA3jJ5QkWgGKPQtsEaa7deDF7mfucJGBwea/FQ88zFj9mwVhzf3XOcOs67yOrp5ybD6opOgTdjFRJRlttJ8TxOeApkSx/nnve0fW9IWH1MvIJp9oU/OosuJHQvDNpIPJvzjU/T5BVkk90O03STL3TLbTX2UlLB7cQ2Tf/gx9BJix0OePz0q+D/hJZqbL5ddKhJ07bXenHDnv0BTc55HMfT6aQGVO16XVeFm6276cvdkMDpdH54DvNLnSIT5aqFiLuowYMjuDtyiUjFB64FXTSh76nzet74S6tqGq+1g1WPhSISWqgZrqeq7EHYgogQ0UMc2+Jx1PM+/8azjJvF7xge7ToGumFtvp0Uz6M1tYdzG/D9s+FrHWcnBnfFerENynuI/LnF47rtcvYT3KLG/XikFYIqSdzQUPwn3Riso1K/pguSnRSskPTz3dMDVtfebnb+jT7onbVd7wCw3SDj6nt+4Xc+w0xxUrZNzWftDfVOH28NMZmrg4l/Y17wHuu4ZPTZcnGYnwi3bmN+VN17bT/nZIYCxxNQhxC/vIT+19Lujo/ui5+JtN6fxoZMNPArxMzocueLiN1CuEnvbtks1gPcqGwVYad5gmMcfl7+126dPNfwrKcT9uxb3I0Eq1hkjLXbBG4WYwSCW4IJEcE7X3iLoOzsIH5GHlc8H9wPxqgXcXMI+vKwv1A8LXXvfZvo1Byp+7N9HqjSqgHfsWlypuWOHdjIu6F3rNz/ZIRkRrQO8z0v6LBIdtKZp1JyRnRvpFNL7U1BAFvNwMwcx+ORakY+cilOL5eLD4OSeoDgr7j3MGd3MYiBhWvgr9kKKJD3qIpe5xTZNHPTaTu5fQ9BdMqVF/PKT85q6LHHb4weg1NuvDM9aoCGLRI6FtisXLdsNnJbY3TJ7/wnNqk9Ychu37B//Xur3LGVrkFPvZ4Z7ZFvM2HQphjmnCM17kz7cXotoIvEBYeLe8h7QEGLtViDO00Wc+O8OZzGFmO9GBr4WdtieQLr1g4sHhfKInr2QS654U38BCf9Zdg6BQCBzfjtx2Ocl4h0b+9OXvbwB0er3ZruC7roTXQblbR7bUd3od4Fxcx6ejKOo8bXLcui71XQWNcVAOzw0V9b6QdpOOw7BXfeP47jw8ODiCzLklI6DBMRLcsSAmo1d1U1gNRdbhimjiMAQAgh3wKKX28bh6dJLXba5zmuJycRyW73ME6MiDGEchZFOI6jWkz94fYe226uoqd8eyOODXk8sDpeXvBj7t4DgCX0tX6Nnd8cjC/e7qO3jSEiuAwOX3CWkWpqxXq4s+fOfr1uDmM/fSsW1pXdxS5foBCu1xcFFwkuIkT9YKAlXb8QvHPz44pjMWzwEcc6+2ka3zf8dNoHIup2BTuW6qVFPbnUScHOeoU7gR3abUMcX/Z0a83a9SPYKl/WvsoXNgZjNPrrsizqrKDXWYiTPTUVs3GclFIkLy5sK+jX1O8f4zgej8ec8/PzM7tjU/XniCEgUTkoyjkvS1oWWdd1Wa5aNQRvy+Sp7kIAgABMgADCwiKZyxkb6s0dwpAhK1Zr+nkRtEge848QyGvKazIWs0cvqA52IYQMIi4AWbkstsU+gdaZwuBiNG//WoNdU74O1E0DdhS4vZeGcXjUqcp/GT/s7CDgBpDqwW3HlwWbEZrPZZoXkSwkgEgAKKDfWb4GcVsrAnp/EOseABCCJiEHARKCBFgun4YgSBClhtjqZzmttNlrQERIhEDzebGsC+cavQZAALzWQwEvB5VRA7AACIiQCAoEpCCASLqrUizOFCtvcbSCgIFEhEFyThRLyMY0Tiox6baMiFTXwCOJv5bHs3JN787MifOIEIaYhdN8ZXfxSodUYluI45iey5jtgOqNcAYBQyrbBsSZLbJLBWZMx2j2crmob6ueBPtdjerJjmHg4XDQBj3DVfurktI0TbpXKdxi3FyrmHmeZ5V6tP14uVymaTqdTuoiJTIXKUhS9S1B3XN06H6b8vQWvNBeM9yI6DnJRjYIzeamypgtA7bX8xhF+aW1S1LtE/+nfbiPWbB+od0cTPTdoxH8+cW379tEt8HaUG385eGm6Ivb4P2sS+PSIHFRAVrJyEMAWnz1oxVnuwGH7h1gfYOIqPJQx7ihsnVpNR0/DANXNzADkUczdHqQOAs9tEtp+MPOTq+7na2FCY++0/0Y/GiVC5jbqM3UVgpd/MG2mlUEg1ulWx3rq3tvs/NqIDp55+XlJees1lOqvq0iYmbBUPOMYPVbg1a036+O/ancR3mTh2EIJXYlakYj5Q7G54iIczEI5yw5Z/NmQecO2EDfK7qEUB1+LMK6IGJlH2vNpAQsvl9ypjWPQ2JGI3fHsrTSSodJsMNOv/DdStt6S1s6fwT/4U202FfoRuKH5EeF6JKP74gNnVGjmUjVLoM7zCaHiPeYoBfKwHEQpIZ+bNbcnmjsS7erd6ZWK/TFI5uOPIw4u4lIa9Lez8vqmAQa7gc97NsxatF+VTVQfPZe1L4F0xGwhrf6Ky88VzI24YfdcWepzr7sDjusmjFHaJVErs4N6px6vV515DpmqkfF3UJ4C4tXfkGNFTm/vr4qHIZhQAQplzQlMNvH5XJ5fX1NKeUsCgsJG0PVprkmL+uQW3/NbjnJfajXxezx2JQRwM2iQ9WGvKG1rantzE76gHp9VMNodg83B2AgM8h2DGJPeB4b7pEl7ip3jGCr6dCooIVvnxvG50drAJR6EIOIlvZGu4Rd5pFuFsFdm+Tpimo2qpuz8y0YZkNLHvpwkzz2mNO1CS0HwWpf9DK87ASWjm2Z6Uff25UF4HjHfjA2DN81VqGjw6vO+mCGPD8La+cm9LAVhPfszE/B2Ac707W2cDqdrL6GHZ5Op3fv3unNkj7ErgCQt97Jm+Tb2CjHtsoFmurbmrn4aupQoyVirClGCp+mmsEcoPH5N7h3cLE8SAa1MriUPUSQbwDUwI01THj/Pu9MSn4xpC375fF4ZnU8uni5Q3+i3RGjn8g9ofTmqKANoO4maPuMOP8Iu0HekxPsrhYnKOgFuZx0aPdbbtv23gA/PN++cQG91Oceu+moCADCsLGPTnbz/M4e9kwNq4JwE4wW22Le617M2bMPdic4flvyG7ituGGpn5H/ylMUVv0fHNO3xn0LN7lGV7xdrPvXJqWUaOZnbs9AtR3vHW7jMXmE2tzryvmgZe4dOYjjgEQUQsnYpM2ybP57oBG3UDWrYRiYQS20VN0NQhhijOpO22GViECb8L4gB22Sdodz0BJnztnfli6tcIuIFjKz7cz+1/aGd99XaIPr4I4AAk4I9C9vFv/TF6p5+BiW7IVtQ/Ftc9vZbgGabDZ+Oh5KCh99ICJxh3Ae+z0EfLiQ/7cbpH+WdtfdQ8b2xo597GmpAwLcYlj6YH790OJSNzCj2FCvgzf02HfhUeXm2PZ46LnM/l9x3A3cWpvGtMece7YbW0TPRLwctDF6RBFRR3WtrzFlKncgohox/fEwAAg2LFUcBzR5BxrNt5irPaBs8OXmeqgu0iJoZ8jgUNzm2RGhLcOW3sZdYvAFGvPsww+uwxUowrjLOQoNuJvKDkuwFR39Sz8MQ3e/gVhrHo3+6Ix8NevUmuXdebYWi3GIMWLFjAZ9Wz86y4thBz3Qns7oINAZ8zaJZrf/+3kVEEkDOkM7ow3PDhBRZBOkDfMMgBvW/rFteW8X1H/P57MGvGMrRNybiJ40YZu/Ftw9JlZZf+pO7qyOIQbzJtYpnlvv0gqtNmyzJnj1v8OfPTCta5umMRqpEeHeTqGfqHWDiDSXsjKU6/U6TdM8z95YU/51MdCeaqgeBmErT1mkuNSIG3L+FsXiYjF/BqZ1yZU/oT+XttH4ZdDpbbEJbpuyhanPG7qo0I5yI5uWbC2U+tECtGFDzQ4h/PJ0aGqVjS1i6+3mbQEdQvxZpUMLe1A0BUdpWlOzSKm0idVVjN3pQGfrsTz65XSwhquTR1y3aym76QhPWlOoRyZqJUGbTqd0WFlv5RnZs4m9rN5V8MqdX6bLMgOARpF3JgC/WOCW3untaK5G+c44NUCe3FUGWrzJw6+m2QvAAdyq+QGY7nAPVRqqrv+afQB2PtNqYTBc1fHHGDV/KtRLOSy8pYseLGCptxqaXMbV08xqorMGprSq/lh22bDhBgDgX/7qG8+BAApVg9iu25wmhjZZazancr+cLsyRobERWMSomDDfghedJQKg6EGICGYb2+5+YKm6sX3eUX6n88MO2zy78W9sOfX+l+wyL1jLZqY2l+EQAqRs1fzyW7NeFsA2CZW4USWpOjxhN0GjCkS0RMGSstEMOsz2B7TgbUmW/La9cLOmwrRsL038LuzRXUo+lE7/91ISVj3CZO/9eBqDjttO9ixDR2XsuFtcwwdbF6jCXbdw4lKZ3CxW3/w4PG6IY/T2q9Wx4k37/nN//47nQcGlCNA/p2kax3FZlnmeNSmZOoMpJNUwYcA0vKL2INXmexgnBZ0OzIQXvRAD3QZT55i8VJE51VVAMKcZcfqYQa0CqAcKuv3TQHlvDf7c4hELqubv25d69Ltn3t23hppd+/vxw46b3Pvc3tj26PEeAKjdFZkbVdNzFiNjN7VtAFtl13/H2mxI+4n4n24CGat4j64AgEZI2kw9VXhouLfsm7IuyHnQdgrgfoHsw04fuVk8EPbN+sH7Xqym18q/UDxGsUvUYi2L2+T2qOhb6NiKVMOEH6dZNKZpwqopZHf9rZK31GgXcYl4bwLT46Rv3xto0PHE3KbOMXLwuGpoAwAl4vYmTEUkxMCuwBf9CBDvplH58vJoZ91P4mR7G/SGndWNiloPkX0LHoF8nT227d93aO3ph6qjsY3ToCwilg9C3K5ibVJ18vNq5DYYN4VNbsJ+bDae+mP5FluGjq081QEfnaERHAoGjB7zOuB4Oi/zrbfGUXtS63VpH9mxp/BOQhQn5dn47Y313vXVfW7vPSZ4Mu4a/EKxMXSE4CGJO2Zk8PSShf3kadJrTL74T2xe3jlVOYjB1otsHvc8CYQQ1L0b20wO4LZDTywixeF4+7NqA5rkscm148e9J07f6zarPyZ6dGgHLZOCL9I2OOljg0XL3T3j6xDOMyCPBN3Y/MA88t3EiQ5dutn5BRdXEDcncRGx6JWOcvxKgzOdarH1FhdbaT7y3ZD8jOBWkVZgkZ1w4dvsSN3jHBHaeKwFj4X3hudXBxypd5D34wS3/cJ9pPJzsWEbAhgAO8Trys11sQdyB7fYmmn9oktb/MS7Kdgn5/PZlGJ2lzFqrsDs0gX5RrxG5odhjfuQGX3ZE/IdOHjWLyIg26yhu+fFT95eevtZR34AYAFIsCO2bnAdZmzL86eJLR0aGRKr0OUhtTGa+gYcNO+Jxx36drxjz0psxzO4dfweHNVZBWwlQI+R9kEZ9h04mCBdqtd696B/j0g8VftnL29CeyDi90mbhd+drMduucWJt91ITBT/sh9NN3KDJOyWxuh2v4IdG7oJFl/B2qd67sM7xxOoxhRz0vcU9IV5idvhbITSnnT4hTAfVo9d/pT6Jhyg8g50XufmRcKtS+u+HWzTNeq8TAQDyzbmtNPSrjnMIxYZ21tGumVzaHwDTPvKpacqnHtQ9pgHzcsvrAS0vK9bnu59P5hdRKw9eP3Ww7HjER3bBYd2/lupIqg//9sm4iZlyprJX54qto7cnZWeJDpm7SdrA+7OYuDOOu6bajggbZ973PCoaXPp7LieoXcw9APbk/3NEXbD61bT04bHln1rX5h+R2Z/FC33Y7M3Zmvo2rSLYHw0uUa1dLypm/tNhuhnakugbrhqNPVz6ebr0X5rBwoHKabTrpI6rbNLZBJqvgAVuXto1l3znlfol1fl5vqJM7Zhm6HD8NuA6PVej4I2Z2j5Syc07tlHxyU7arQ9wQtl7RI2JGrPmgVX9xBdP9lpUl4TtLwSHYB6E4MtBDeq5X6m0KICts5C9gaRDHE9BDxg/WAooIcbOKag7Yvbr/yxXUfbndTTrQ7copN7lLnBU0SqYqWcy2RMv45wq6Bjx1a5426GgX76Hh8MDfY078cvzi0o7DKAGKhtGN5Oca8LcVKSvi+5P/J2J67+2p2FSbvvegWKiNi9B3/LXMW20oS1bl6xsCNsAND0Df//sY/9SoBDC9xJH3t0kXYLhRZpur66Rjo+aMPAdhvfY4zxVmjJoHyykwOpOiCYK4HRlde8PPsQEa6B+f7gtlts5S6lmjSOFd28/JRh4xRbHj2oQnjA4tfTsTavefn2yeXF8PzFSItd/kQPtA50Rp/QcoGbxX/YrbKvYJTvVcUOW+51YbMw5DdpX5wTI1QC69iHFXYHHH52/vY8z5tCzYZjv2o7ud4x0sXR+XF2qyzuSJ7qHQ4Mm7XVA6QDhTXirS1U7/gCAOYMUP0+ZDuFKmNKq+1I5U5mtdzwHS3bu6x4NMJQM6T/sRhQLXsVac9fmgrSUrjzE9H3mh/EIKVkvHeT8wjnR3iT3UA9WbBIHwsJISpRiHoyp152KihaO1QLIl7yrMxoGkdE1PCkgUrSCpS+3yCTW2RP4eZvUh4UXdKQ2F3H49HaCNsGg+1BMgCY+w8iQrP05f26Xn1OIJum9/K0RUTEsPTymkHe3KuNSMBxQ3J+KFKDwTwwtfd1LuOB9oILf0O992chxxdCmxttv/oAYBKAyvFQuHAEQhHhDCKikmP5KpdkF+ZnoQOYpsloyuaIiOs6K86IyPF4PBwOl8vlp59+QsTj8YiI1+uVmfV8d1kWDVLTBFo555qkI/rwwhjjOI5aZ55nzWOobuIaSa8JgaRq1lI3thgjUbNMFEwld9KHrSVAs73si3xRaNwTm5dWPC/g+9KKJ2AP2ZuV9+87RtAF+FtEJrRa977rez1qYWdF80bv3OYW17KXDzsmZe+xFcqoXQtEhC9dztdAQElC3dK49QLAVhDoPrxTbFL9AW1fz8lcAD37M/G2q+/H4CHQr+bOPm1gF6cC7Bvff+Wh0SFYNwaPIYjQvK+rv5brxAIRabyYluhw3jduFbqBaWArVglF8wDoy8PhAC5AFsrm1F7i2YYO7Ge3v8WO3IlMjVzxnmw9NLQU5aVjBzYCvCPDgyPpFi1uWMK/TIE3ixfbfI9/lH10o2X7s82OZ7zDVhFvmSQ9p+t60WcvkHd2k85CJK2G7OG5MVmHoAHK8gOAv9AYAEjuncgw7uhEC+dGYyciEiIkgXIIBwAISEA1V1jpamtbY3Bh9778SQSEDKBZwgBV6wq7DOZ1wbbFbRiNCCBaLsJtChbTKAJOESB3FguOIOMtUfzmGwOI/xMcYkBrw3ItFYgiOmdozacVVEEoNXLOMTYHn9a48btuYHtGBi59ma9DJedYNNnWd7ThDJFtFVxzblA9aLfbcM1LmHYegDeLDqaXPqT1I7i3DHsesa9Z0NcZe/4U5cWHBnkO8uXix+D/RURxHpywc4+xz31HHcO+CQH/Z5uHAt3zdtylsmKHRgpuqjWt2zJ4109/PRT2slsd7SbwFy6JDQw9+u5tDYgo0jOO+qE+S8tButnYae4N6Glf1G5LHtQdcDxt2xTsW79vd2vn69swuD0vs1+xFZB94y1YChhzTeWt2RWlFWBtUfftWwvYanmehyLisszeIJVztmQalvQM6ylsCIEoeGsIuBh0P32blN4FgS6LuoZlWBCAXxciCmFblG4twKQP41t2DYTnxDfXo0OLP4va/xuWbmDdQS8iUs1U7vmx/1bn/oXYhy8Uj8RVB98Os8QFH8OOK8luixORADX3rweks0sTaExtMwpQpoXlAQFAsj4QBkC/RqUxr3Kr0cgAupsl7R7Ah0QZITCLYUcITWSnNSwgglD8cxE0sQkRKs0JAKu+iYCEjIAxICPrJbvV4RiQVrskBak4IiMBFvZkgPUr1QHf43mH8+Dox6+OLSVRDS2sOlqoF4+IiMZ82bf+c3LemB4lbACm0RCRKp7m8cH1MMvztQrtchy7Nz5C3eGM1UrdP/TPEMIwDBbmb9NUa2uM1OpZzRHKhutQEHo78LvJbzr24evYyBrUa1OWeQYPt4rlR+qY0V7H9gMw6GP7hoikng35tfcr2g3s5nz9G9++TdxaNiO8na2wc/SCPabixr8CIAbquruvsGipYMRNC6su7IiIQxgM+WRbJUEhqOQXMJLdV+CNK5skor/qQPRlXfcMWNO7ECCIuhIiOptbTciq4xRPnx6G+50JdvjmP9nX9LTqu5B6/rLfOfbfdg8e8aS6gSGiflT5ZfmkCHRUPiQikC1EBSruee3AwwEANL2z1AhMRFTLKDg1pCyJcx73GoqhUwcB8+SycXJNfayGWKja3L3lUHS1LsAf3IJjAV3HHe2BoxlPPCK9iU5EbmDEF4vxTv/yJmJZfU+Q92p22lDHFDpU7n4Cx338ZM3m38m6UoURA7QGjHfoWAaDgIikidGrWU6TGAAAsvjjjh3NbLwDtpvuN18gomrmABCq+A0iIBjtqIgI1fABehIB4BkHKL+w9W/6FwoQCChUGaeAVzDAlp1M+1WGk2kFgJJRFQEQRG+OQ5DyvvAphqw4lSUzsIgQEqhpHwHNmRNFkFVkY2DE4RagmgXtnvdrjbcUIr/hGVFsJrb7iO45hU8gtGeFXP1TpIbeonO9o5pmXZx4ZYid3W1y/i56w239xDLv6xGkZhsSd9Ri/mnVQJO3FYRi2bJJ9bfMbfO5g7W+sid1/2ALg3++7aPrwnOxm5U9O1DEKmPbJLFGQe+asje+0321m/0aNtgpI7iNztZeqiC6l2YBAFlCwMa9RcrESUCPAxFrRCKi3d/g4OXluE0boupRvueAUtPP+DkW1v+n83t3pmsr2wlZHlbWtafSjudCS70N92n3Kjspt/qKZhh6aaVDy3uz8b13fYFDCZc3RESES02kGGozRZ7suFIHqC45o7XvdyOqOTsQUVOaQ6V/a9A2bPXqZGZNLeoxEKu8w/VM17Y0zQCgz/qVIoa2Vlw1PPSkWaCY6w0MnkrJ3WRR81cVaPpAY2iDvsSdnBlycCWzbp327Eb/1bvC/QmF/mmnTdIGSvfSkLEPa8HSHSp6uXgTcbYJdGWvXvqh6r/q9uMjEcz2oRhgGSItg75HFGt5HEY7/A9IkhkV+JkVNdFRkYhE6lA8lxUFALGjeypVZLvMUT+nitzX61W3GkWddV2FmRCpuJzo0SAtywKQYxiXdY0xDkMAsAurSvqZgBSpsFEFJBHlNWkCJH0JiCy8pkRjZRl1zWxlbYGiS7Sj6XzGSjMiUnWuktxfd8t5njMz1j22E/G0OF+GclTpCdVXxuqmZbRglByCOZWz2iZCCCEMn1+eQwgxjDFG00BFJA5bGq1Q70zo7r4S0y5FF7wkDF3XVTULpfmU0vV6TSkdDgd9s65rzlueF2OpGl9nHhzipBWtrxlDdF7anR3HXK9X+yrnfDiMno2qPV9EmAU025jxMLR7tO/oltIanDw9eG7i3+zbsdZ8gx1b8TTWbUe+snL6tt3yf9Mh1d7mubuRnw/BuGc67ZQjm7Jpj4ZkdeNtlC99NvbnX0KL3MAiVDMnSk1HUMXjbRtJntsW+z8AEMGgFwius162fjgcjsfjdZ6NtYWAamMv2wqnnFeqt6tW/Nt0YAAIAZkBkDOvkDbr3TCEEArCeS3d832boFUYhgHGVJNyb+eRzJyztmPJgYrMfDhMl8vler0Q0eFwiDGs66rJ+JiZOagxjzl7udrAjtXfLLvkWp05A25dK9HtgkoXIQQAMw5mZrasV3Y/U7esfmO2AXhc8oQgzkRiiGqsx35V92XlLyFEa8Q/3MNnvy4OkfqRG2/tU1hX09V2SSU4Jyhvg6l9bEuCiEQNFXV0Dje4wG1xkXanWQbc/dwUiHTTat1dCIDbz6U+Nu2YMtWBu1tUcfK2r9bxBRsqb4eyjXYmddOz+XrxHhGBpfxniMuSdaeScicjABCoQxItkCo/8vJ/TVEZMEpUXyMRWddVOAuA3tpTpp8z53w8HFJK9ZRDYiC9H2RZFkIkoqi3ZIJwFiKCacxZmBMLIoQ4TIEAUeIQRASBEZAICZFZcs7TGOuUgzpZqlQ85/M8z1e5ikgMRS5Lwgg4hKjEllJa06qUSREiUhKAzHlZMQqyDBQGCllAMrOmO2OJSDHGvDTZ3sCc8Tdp2jmVYDnn8gsNTvr2m41COKXV/4kVT4pOIep72miyXszxaLPflhBxn1xSeX0nMud6YWiMWzazjgZvFnbZhvwnHgheuuf+DGvDf1DpIzcp8DfTjlGHjUnalMJdr7YknsN9wX7Q/Wjw7SyR1rWvbH2xcNNIfbAUxBDIRDs1NYvzDTVuRS0b6nrxXMZgBbt1EpcGxoORd4EPhpeatclaU/8O/WbDMAEbKkk5uEWgEChQQBKAgIhpKZns3j29Ecnn8/ny8vz4+IhV2VZhO8Z4OEzH40FFXKVYFV+Px+O1bg9loWPQOIYQHpdlvV6vRXMGgZxYBKvEYSIG5CwpUaCIBfLDMBwOU7k/8LqiAErdHgUiBYqbOJ1zlsxJyh0U8+UaY3zz+LSu6zzPnPLxeHzz+BRC0LtdC3gFCDEgLWk2p3VbXGndzPbLZ4tidGu2IXSyDDNfLpfafhMSSeXAAvQfwwH1Md8r9R7hwZEb3gpmEbfrgCM3swlYI17IvVnYnQP6+ntphYpbWkMO5ozUZBuzDxCNO3CFfv3yprKwE1M9A1Pec28a4NiQ5zsdjGDHaP7EUr5yTExcpmz/kuvNNzYXWwN/aaZXWMgFTd1kbaZVWhd+UoYlthsgYoBtsttJDSA4J+gpDoZJRBQiorvYqar3ql8MzPzweNQ8w/M8v7y8rOs6juPhcEDEkDHEeDgcqFp2Q8SnNw86LxOaCCNsuM5VmhUREOZc+akAIQkhATKSLOsVcIwYAwWBzJJSZmYGkSHG4G5RDSGEcXx8fFSIzfO8LkuoJmdhDsqYABCAiI6Hw+l4HIbhGsJVRRVm1cU1tsc0KVsscbKk4WcxYdily3VRTH/3eCKtHOGXm5kBuEayCwAgIVazuqQmJ+ueEXQlFhNsc9DjWQ+00oH/1tDpy0QhOxFM6nW8Hg4VYm2QfXsJYfQmogbEdUymfZRfb42p4+K2SLDbn1ugNzSM1R7RMZG9MNJ92LyvD9YOm9czs1oEPAYY3Lsp2OBv7g83f4KW73Tt2HpDyxMN+LpXg7KAGptAsB30mlZs3SFtJ8TMWcOicl6v1+swDE9PTz//+c8p8Ol00ly7nz4d9MLBetcpT9P09u1bInp9fV2WJQScphER2+iyyMwfP37kDAAl0QMz6LHDMIwGFqNbNezp9UAGKG1T8hpjHIeYEJBzzqAW3IdDDSFDGANJUNdpGA/Tuq7rusQY3z09qsU6L/NxHCJCRBCQLIychTPLRjyeBmC3D9lqZhdZ7rHLpFeqll39SbWwGKO2lApDyTU9OHVfxWlSXcNaNq0BbhW8I6UaeLm9NNvO4G4i3pe7sFl3Bwgebtw5RrQ4XC5/2tk7/PONQ00/YmxjRjo6+fPC+HdkCZWDdBIdOMLzn+8vtfRmfitexfBy7H52skuysEdKA7QHUcfgug3NbSBF7kByq2AfIkAVqlU+Crj5IDm0FhHRwErFp+Px+NVXX719+xZgUQPnhTCtx+ByC45DfPPmzXfffRdC+PDhw6dPn5gZQWIIMVAgZOZAkZk5rYdxsgDllHie52VZUpLT4eABZbw4HA6G7ko0CiOFHSGOwxDcNUWsBwQ5I0AMgWNUE28gUrkjhjCNY0mbsq5pXTlnEAlEMQTV9QLROBZ6MPjoejl62zR8cOc+wV3hbChtLdi3WjOEIOom015pVFDUUTK1t/PBzlPZIyEA6N2x1pThPDu3N6MIPzBPHV/gIF2D1prN1IsRneyGTj9QG2i0817o2cefpDIYoLu0IDZz4buNyC7A1IOs42L792Ua2IpqlZyziRhtZkC1WrML0PYT2Q+SXcFiUyxHszYLz3MBmuFZ8ZubtpbLlcuEiOIM0oRoaqi1HArtFtPabglKs4j45s3bt2/fPj09HY/HGOPxGM7n88ePH9VsYRe+qg5/PB6fnp70T72rXfHBYucBygXpv/zlL4ZhUqPs+Xx+fn5+fb2s6zpNE9Xc0ZbASs9TsUoxqqHon+NUVCEVUrCe+um3xmpNENMxn04nvefQblrz+WL9JQyBBqtmrtxU7072a61/jsNgmOCxSwdsBh1zymLOlcY2TwIA0gMgPRUHR8br2uw9Hgc8ezKivV4Xe++Z3T4mRSeeEnuIddSxL+hYm9/h7GipCrMFP1XY3BhZdZLW+cYwTCKyZkekhIjIIMUHkIEB1B8LiXDHO/VP506D3RA9dGDnV+rZoeKuTdLreJ7Btdy6Fd5qLybk50r56FJ+n06nh4cHZn55eWHmaZpy6+TbDd4PVd/vdWD9dUAud2cYbbC66IC6hOSc0wrMCDQMYxhgBgAEFk5ZMiEg4hCRkPQoIcZI6qHECzMPGIlwGGKINI1xHIcQEDAwB+Y0xvXpAX/27fHNm1PO+Xr99PqSrtcrpzngOgThTIHiOIyYiZmX8/rhn36aDgMJHscJMgMFBATBIY5IiuVCYfzq66eHh4c40MvLS+L0APj45iGEIMtRryCRnIUYA4YQKECMEgKJ0LJgzhCCBrZsl7aCUM6ZMxMAYSSQNSVhPByOYQpXOH88p3Tl8UTv3jy+fftWRF5eXl5fXwPiMAzr9Qw5H4bh4eFBf1rXNQTiGF7XK+RlCIGQ83JZbXtDUETUgwuKYRxHSeH08ICIqr5pUgwWvl6uas1dS4wcMiNLAFlSEpGsjvwoHFWAKAfqGSHUs3sBgOVOyIGm2PDymuI/qjXLueGp0QgR5zXNa5FNQhziMFAIQRI6EclYVSeD4CY+ZA1M0eopLUQ0DMX+nbOKdGXHGoZBktIaA4CwAIqer6nFrcm0bsZk61J2fhlWH9xp5Z6WfPG7ioHGX2/jy812uv32Tykbk6r8UvvV/CjjOJ5OJ2bWcMbsrszo2Ae28pH95C83BLc8asVjFmLBSIRRSAAoIgmW3C1ELJZjunrlqRKuKA4Ap9NpikORdHIZJBGpIIKkUjQSQYwxRBThw2F88+bN23dPwzDM85zSmlICZMOGaQogRBRDiIRRmSNLWhYRkaenp3fv3s1ruRZIgHPO6zqnNOjwXs/PInK9XgHgeDwWS8f0dD6f13Xe9v+IIYTD4RBCYC5JepUPAjDidjcIi2jQiEAx0woKICPGYRgeHx+naTo+DSrgWCIc9aS6Xq8vLy/Lsjw8PDw9PU3T9OnTp+v1GgAfjyd6eIzTKCKXy+VyuSSVUwRIQH26cs6c8irLujARhBByXtXhV8Uou2/F0yERJCmxfAA1vgdKhgXQrALKL7BcBwl3/C/UaKCGebM0AQCFPoOM7V7KI6T6p6uEpQ57fhc3+660Wr82uywJd5rIzVLxvzmiUkYVQmEozXGDN4ziphQ07ANvGSa+MA6iTalRedJLIvfG7f/08/Qyy58yed+Igk9FA3U9EpFlWbaVu+VUDo5H2JJ0vXsmEsOYUs3bBgFQRGq8HAMjQ4iIiKEwuOgOCLQtHcnj8aS7HzMvM5thfDwW0x2zOl8JBZimcRzHp6eHt++ehiGs65rSWvSswCLCGUKIRJEwMkNKeRzJhFVNPHc4jA8PD0sulyoz87Jcl2XJeRWRT58+sZQeD4fD4+OjblkTPQHw62vxkogxjqPFZWS3c0CMRBSl3HmqaV8BEUEAgMapCFkhBEAOEU8PB8TjeIwAYPcuxxjVHY6ZHx4eQggPDw+aR0fzd8XpoNvDMAzruupBuGpAs671spk8QghjoDEGAIhEQDQOAREDyjhGVVUkA/j8KbtDGZ0CbQfDG0rg7mITKznnYRiUfVgW4RACOkttt3NrfWZWpNWWsxTU7YbkjdbSHg7Arf1YdubLYhsSqlipSoAqesWW1JxiepKgGm1h4Kjf9ykYfN83i00DqlBwD6Z+9F2be2ZRZntHODRY+Ga53g96Pp81LaClFFRpwjgItMJXx8LEHQB30scQpxRYGAljwMjCDNnmrsa24jctnHOmcbshhQBDoBjj4LaUnJI6OChOTNMwTdMwDCktlwuzJKWWt2+fhjGs67os15wzEU7TdDweU74yb3sdUZyv67oux+MpxjhNY3V/nkUk5YUoareIerMsphRYUnhF5IAIIYTT6XQ4jABgp6TFRkAyTUN1/VpVvNeTP7M4Kj9a15lZ3bdDQALAGENAKGyWWSQTYYzBXKSUd1SzpcQYHx4eHh4eiOj19fXl5QUR3717l7km9WTmlEMIT6cHIsIYnp+fn5+fc85INI3j4XDQ+x8VDRSvx3EionEc1KeOmQEBUY+ZdIkQiQBR09gpTqg0L8xiqYQRkBCJMN89YbEtzZMVOPQDZ6pXOaLLt46I8zyjs900TVWpNtdLVP0G6ZHZN+gJx+QXkYbjGFvcbt/e7/A3S8c+xBmob9Zf0qabYSu53CwdZ/Gg/LPKduwPDXTUzGGyH9Yow5t3pgIAsoAICajHjI08tHf9qoukAHAggIgIRAMRIQpigKDRaBlQHTST5rgAYnMS1yjbWKwd5d5yzlktC8ysm49IBmAiCBHHKSLG0+l4Oh0eHo/LslwuryIyTaOGRVTtbDV5ViGs8VfLMi/LPAwBANY0M/Pzi1AcDSzjOCKp+p0eHx+qGbIkcL1er8uywPq6LItAHsZQPkEQER0AAOc8Kti1NYEsEAQiM8cwxBgDEQit6yrAmrJDRACUXIusp1ltDEOWZVEf2WEYlmU5n8/X61XPred5DQSBQJgBeRyCGlBZJI0DH6YkrN8eDofD4WCxS5azKyUGyUmyZJbK68tpqwBGAkQBEARRyQmhhg6DuNsWG2F+j1fVG12XVf3lUkr2TUcp5SDfpYDsdmVwtHmPOzAX4akjKKvgf+qkp9rdptSDZx9+Yu3oy5/YmkK6gd4rPreiZz29L72byc3x7G3XVfq4XchyrrVs0eucJlrb2viJdw9wa1XAGVn0z1mWlDIioSbyIw2pws/PHwGACELAEAiBBQSQCSJgCRTWPSRilYCq03oIYQxxHMdxGOflQisgSQjhcJjGcXx8PB2PR2VVRDQM8eHhQTMDny8v5tUqpL8OeZRhCC8vn5dlyTkPox7HlnDsVC3T4ziqjwNAkRanaToeJ/UNhaqKf/r0k0pwqi+o1xMzj2OJx1O7hlKIiAxDQByINI+xZF45AwAt6wKsrqtDiBRw0NFGaXbglJIyU/Wvv1wuKvnrUFNKknIYxoECDts2ziBpWaZxNN9WqEew00DKm4jCuq6Xy+X8er0iIGdJGQWGgERF1QwISz1YYQTWJAMIRJh1o0KoWRdAQFiY7hCIVIcAQ1cVExAatcWQMOes69UJFz76br/1alHI63oxp076sMF4xmQPvHbRQOVBuXlsv9kYz8Y+WgLlWnw1cGyyK+M42oBsiF8WcMBpLns2+SfKI935js1RTac2DCve/9d/5bmv56E32QoAMIPmy4XqjRMJY4hpWadpOJ2Oh8NIBJJzzmvOGenghxewquVOzpxicccKISwr5JzWFUM4TNPh4eF4PB7HKWpk6vF41E0Y66FPzeWDnEseJk0s9Pnz53VdWdK4juMYQ6ByzIk4juM0jRUg5T735+fnlNL1KkqrxmpfX19FuA6PzErPzEgSB0IsR2lqrEGEYYhEuK5JdXjJXMNMs3ozhBBjiCoVZimRuLkWZW1ENM+zuoTrCLFK+EUcZhgolBPxnANSPByUJwLAUm+WDwTjEE7HKcaY1jEgRqKH0+Hz588gcr1yQEIQAgGQSEH9dDrRwPDEb7f6b7iPqIaHupX67e1mZa43hKhAhDWIpBuMFx/8jljFh57GO7T37IOIMql6YXrANh4w9lF7beQLPywjG7PrduC7xxEeHh512nbLCXyR+O9JH39u2YQC2A59EFEDk6Fm8d9rVR3HUb+VPc+6ycgQEbKpspzWNaUlRwQcxkiPp+n9+6eHhyMRpXVZ1zmltKTt4gXNzwVQ7mfQsY0h4hZoICbDI0qMmxPKuq7DEGpygKwkfTgczpeXEEqFdU05y/WyXC6X8/kMAOMUxzGO40iEcaBhGMIwPT4+6mmo7vN6yP34+GgSfs7CzNfr9Xw+r+viEFo0eC9EVHOsinQiIlJwQHnMMAwhrLrtCRQyWFlNyFl5UWEfS85Og8MabC7VTc7orVqCMSDpJwouIhIi9c2PY7E+BqJAFGNkueSsBqOQErMkC5CvJifRQDjU8ExC1UpM0NBER9lO7qiwD43GGuD2JZXmWeP16BDCum5SuUetcRztmjF04vOyrFa58M2q4JhA7c9ioGUQsNOS0BWjDmeZaUyZm78NIjJv9GMrDe7kUkvHQcwaamZkO5tIKQEVR5Riqq3eECaJGGGIj4PcvQ/Oe8/rC2McPCy4zXXqhSOrZlO+ZwZuFk9HZYKZKzZUP/gwDOMYn5+f07o8PT2kDGm+HsbjL3/+G84rCAfCX/7yZ1+9e/Pp06d//MfffT4PBGDIKsKRQog1Dwsq5S8pJVKqGtRUWZRnJSoVrkM4iODLy4uI6B47z7NAWuZ0uVzmeclZj22LDD9N08PjMQR8eXlZ1+W7n33z61//OjFcLpdPnz6N46iOZwCwLAsRPT4+AoC6n6WU5nn9/Pnl4eExVMEDEUu+VQyIeDxOh8OUc16WWURiDDGGOBQ1xI4G1mXhLIfD4fGBhHFZlmVZ0rKMecy8zguY5VjvK9AcWW/fvj2fz3pgoXqT0mEMMfPKIiEgkeZ7ZyJQxYViKAbsevLNiRGFOVX4o4jIpVy4o+sSSLUbPepuNlE1xgOWTOueYv3uZehaeRxRG/ZqHkl+SzP64ppVUN322GUq1cQF2o61r6IK3JIpNHxBM4moHqcEq+KbUYrnES1bUSWoUEOEdsu1Jmw+4CILyYXMex7mt27VJFURVR+Bm0VumVH2Lz1JdwKO5xodxwEnxdDup5sFHZf07cOOoey5m2/n0+cPb968mcYwjcc4UFoSy8q8Pj4cj6e37988vf/q7cPxsCxLWq+cU14hucz9akAlonEaByp2BA2xF0QRCcOgBCYiwxCOx+PxeNRg2XXJRLKu6sOiiq46mC+Xy/V6XTRsnygTkSYHma+rQCair7766nQ6vb6+xvEAAMpcNAh9XdecOca4rmld17XkDRqOx9Pj41OeBRGRhCVxLrn/p2nIJTPFan6ieiKrfI0zgCwmEgJs7F5piaohUMUQv3NgvfHT68K2n02Hg3IfFU9oiOZoS3G7ZYqrAHE8HdZ1nV9nANAjdsRAGM/ns/KsQEPR/pQjZC4WdBbUsGABBBhiBAAEkFw8eSyDc78hAUDrzQxub9ZDaNylLJEa1abzMqde4OZIBaph0dsyPBqHmmNFF4jdHYB7IoJ6AYW1QyUggHRf6cJM/S3zjc+sdeBNmFWwoWqy1gQEUY/E5nle1zXxDdi5Hntm0ely+5r+uZtzM/M6QhMbvsA79iO0xrM0umg3C6+O1d0gHKYQ45BSWpbLsl5CwIfT+Hia3r178/OfffvmzeN1vnz/Tz9++OH76+V5WR4MUYCFgir/4ThOuniStxCpEEJKqKHrOed5pmVJ1+sSQvj22xjCEEJYF0kpc04hBBFY1nS5zOfXZZ5n5SkAqfYYmBOSfP31+1/84heHw+FyfTUCjnEAwHmeX19f53kONMzzrPm43759//bt20DTYXp8mT8CEmLkcn0RjWM8nU564UDOOeUFAEIMIaAIIQREpAi2cxJQogQAnN1lRRAQkHNBCdUm2PloqhuIbfU+mVuZHQLGIhYxiHDGlQXL1QdS3bG00TgOx+NxGKbL5fLp4/Pr68tlvnIGCsNAIoIsog5+tu1vJywuYttbQwtyOqTzFG4fGkFRTW5g+OCl7KofND5WIkJOlg8upg7anEMGGTvlEZdqzxhEN7wO4fV3XyfeJCqs0rqUvBObuagrxn3Md1PVbETUqCqKw/4ruMM7/ASMVe13eNiR+jYYaGaONb+RLcPND29CoAyGy6UBWE/oamcgmuZHtWIsBorHp2kYIQQUYFyWcYJvv/nqV7/65dOb4xBhTdfnz+tPP/30j7/7+88fP+omVCbIm9CIFYHSsmrkGNe4/nlWlX7Cahhb1zTPy/l8AdCrGFmXgmr8+3zN65pFNOxdUxMmIgLIIYTHh9Pbt+9Pp4cYAzNjjIgl2WJOor4SynrUvSLGkZlCGBBxWTR3UWIGIpymQc2uMQbmCACay6fulqIJ/vRsehxHhWjAeV1zcXsXUSOG3j3KzNkFhtqeqYzJtmV9r6TyfHlhZkAYx3GYBgqkMlMcCx6unFkYEZFACDJInMYYhzAOx9PD4fR4mfMfvv+wZlFGzhlyyiwCUGKiEUAAEFDzS+soh2EQ9XC2jUoEQDDEFhuLLTPUjCS4JeJSgbEvUE9YsBpKLBqYmYcQ7U2siU48AvuDAmgDBb00gE5U8ezDFLIqMajSR+ro0KQ4NSIs9LHbYLs67ALhdfQVxWeVclNKQ9iukgEnlUHL3vbD2LMG2PFC2AsjG3X/2aWTs2xgNzmO79RrqtfLM8j61dfv3r1/P5+nzOu3X3/z7dfvj9OY8vry+RNw+vTp0/V6JpQYA83FFFcvF0ZgTiLn81nlDrWWEVFAIqQ5zbobD8MQaBCRdV2TpM+fXtLKmsjDey6nvCzLkjMTxhgmRGReRFKMYwj45u3jt99+8/h4mudV7x8bp5Pw5bJcLsvlfD5//vzy+vqqRoHz+Xy9zIcDzNfl/DoDwOUyYz31VmfQcRxU8U55UZgMwzCOcZrKDa85EVFQX2TExAzrWo4kNWUaIqoRmTkzC0NxeA8uXRi3x2GGUUSUuVgTsuqDCFmYQcJYdvXIW/5dIgoDHg+ndV0/fX4BDN98893X33zz4aePlx8+CBOA5MzKJYkwIqqXsAAIIFLIFda5Yk2oIWdlnGE7WDU84fZY0EsHKhl1ux3WfE6mxdgBovk9xnrT8F4Q82is2VKlnvhK3aiCS9yJzhxhWXNrI40Wsp28AMBm7gFQ072XO4xR2eQNFsys9o6CzVUSCeG22RnuSx+eueB9a4hNVdy33UPFtsb8c2883J6ZW31fwIlCZnalGpRZJK+0Pr05/OpXv/juu+9++vH7Dz/8iJSfnz8eD1+nZb7O5zRfl3mOAXNASX2iZoKiuC7LdlNU8HEHQjkJ55STxKhmtjgM4Xw+p8TzvNYwCqlHXasqqxQJgOrYY84yDMPD6ent23fDQJfrqwiEEK7X6+VyeX19vV6X8/n88vJyvS7MrCcN03Q8HI6IYZ5XZl6WNA6lxXEsKcVyzmua1bOLCEKINeAFRASBEDElVnev19fXy+t5XfUa1yLUAICkmi2phqRivX/AVlZcYOhGBlPMOaec05zXnIZhCOMQp1FRxUR/VkfSzLgKnehwOADQ4XCaxuMwXEIY0sqIWSTnJBqFECPkLBRQFwwCgWZsFpGcOVWvcwQQQAHJLM464zV9qUm2/T5adJDQ6BFWiiEmlJhD26ov83maJvXcR0Q1pduNk+KsJ/qm2NqrwaE7f9zTV5VWKsEW9lHwP+5tDZU1FNca8bRaF8nzRRuc/eoHlG/ZjW5KGTbb7iVUnrX/BFzgswe6bj5lSbBp6l7ZDwnNetLan7QYNnTs4+nN8P6rt7/69c9/8d3POF0/ffwxAADy5fI6z9fz8+fz+cx5JQFJ+Xq95vyg7ZdzLs6qnEejG6JAVZLPGoEGzJJzylnjrJXR4zyvKZU8/SKSE+ec1ZwFgLoT69IPcQyRLFpEBAnjmubPn19+/OmTWuZzzsuS1jXnpEcMUiJaxgMzXM6zYt4QRSOA7dxtTbMa9kMINWosL8uiycDmazlFvl6v1+t1XbKo93oYx+pamtaceUUgIUlS1GF2Rj5beovNx5pDfJWSCzYJwzIPw3CU4zCOi3kVBwpbKnrIwHNaT6fHN8fTNB4/Pn/+x3/6w4ePH+e0IjICCSDGQBCQCCiKLOJ0jYIeUIT5nDO4sz/bY7R4KdVwrNuWYHf+aOqGbcnq3cPM6rGuq6JnKD6PgVGTUlbx1Igx1ztVTY4jdyTSD6wlBz8XuKe8iIhKKcY+jHq96OEZh4pMFjtolp5bJ55bR92YsL2Aaz8ZcIzMWoFbosfGztrt/SbngnZF/Zvu4MaKVVb2YXN5eDg+PBxPp9MwRpYcAr7/6u0333z1wz99n/M6z/Pry2dmPgwjS17TmnJJcW69KJ0MYbDGCctKp5QwDuhiiEVEE5gMQ8lzAYI4buEPFLAcRlYDgTK7b7755s3bp9PpkFLKOYnwy8vLhw8fPnz8rMwxxlFqBKeIrGvJigoA65JzXnSlHh5Kdo9iKE0p5YWZHx4edMvSaLeUyjno8+ekaQrVthJCOEzTOI4gxc8VBBEW5BKCvM5Xrj5jHdUp1pkrhP70er1Gl+uUmTPzoJekBIoxjhT1zFJvZplGWNf15eVlmqbXl8uHDx9///s/vL6+MgMhIFGMA6GmfSYA4MwIQIQRKVAQJBIgQVZpgovEgTUdyB6T9YFKJtEt74Shq22B4gyo6uHCXDzuj8ej+t0o5BWkGkYg9fhWdveQENE4HnxqFajis9cH/YBD2BwFEFHdnYmq8uKJofu+SBnVemLqnEkZHQfB6puc3bVJsb2OSKupDwzeoky/23fgs3b8gFFT+yMClisoSr+awpeZWKVr1GyAc77tLN9tFNZXEN21CBG5GGJ1bFmQWVKMw3Cgy/U85+v4EPEYvv31VzItP52//6fPv5vD5X/9v/2Lr776+n/8f/0/f/bd/2qm40zw9u1Xz5+vf/jD98fjV0v6FEIAGomJWY9pA8koPMQwHsZxjFEkp3VBBEIMdm8IA6gJECQQQpYBgxAJc5rnsjIFjOo2jpnneV0Ch+PxiGFeE54vCwjlLJfL5Ycffvrxxw/TaTgcjuu6fv/hAyI+Pj7GSJ8+fZJyJB+JYF0vJkuvy2kax0CHcZzWdL1cPwnkw2HKfAaMnOF6XdaFCUfEIWe6fMSU5LrQCuN4GOLDiQd8kTRNQ0J5TRdOayCYHocBMef8NITrdT2fzyA5ND5E4TCFw3RIK18ul+v1Wm5dOb5JKc+zCshEGNclzAQaKxtjOhyJDyFFZL4yc8oXosDMl8vl+fl1vq4AMMRpegicIWfdf7IwhgCI5fpPEOE8jzSO45gGnImXNSeGJCARKYwSIiACkMCcOGHEGClDvlxnZQEMApb3WlCyJtKB4dDkOkVnNg41l8/z8/P5fI4xHo/Hl8/P8zyr/UkFE61sCSVMbVFqulzmEDQmO+mRv+73Puugp8GMyzAMIcYAiIh6Y3ZOqyqCzcmLbfKIqNcF5ZwDRfMIzi4nELhNAFzus66drn3PRPZSxs3yBZFhLzpBK56oC429z3eSL0Arv+0eCAC4iFHGZXIIkYQQi3P6NI1v3zyNo7x///7bb789P78Q0dPT01dfffX111//6le/4kzTNIm8/u53vztMD99+++3r68USwQsCWnhfzY2sJyginCvXtuhJrCbG+n4pSeWrRK0z8LAiohAigOh+O88zIq1LXtfMDOu6HqZj5kXdsdTpQ42auiVATQJoEm8IgTPoQXKImHNiBk0ypHJ0WmGZswgJ5JTS9bJcr8KgDoQ0juM0jkACmc/PL8MYAxKBkCaIBiEBje578+YNEQGgCUTq4phSUkcms60Mp9P5fL5eLymlGIchkkoh6vkWAi5rPJ815eKSUspcbrRf13VZUk5CFFPiaTqAGCQJauCP1LNP5KzNZl5TYq0aBXNdTBYRENTIdRYJJcGauYoZJEWQpbhs3sNPL/liyXhULnya53me53EcHx4eYozqoat2InG2Dy3Xa1GyrC/zBva8xmjTeFYqfnGBiDBGTePQSx+dcMXMWO89hDZvaic7GLMEE1u+yB2sHbilxdwTiPZvpI1AsX+pJnSwiRSQ0e1ReVboW+biSq79kasfQiARBJCcRRgOx8O7d+8Ob+H9+/dPT0+Xl9eHh4fvvvvul7/8ZQjhN7/5zW//838hgsfHxz/844/rwl9/dZrnGUcUKskKRa+5VpggMKgOn5Txq5f0vGzXPkE93SzsmARINPm6vZdkHoqEpIwmKUeIcQCAZU7LkhBDDMM0Tecl6V0WahaZ5znnZC6J5t1oTuXMvC759fXCkoiEGQgwZxZZc5Jl4bQy0SDMl/NyPp/zlTAQBgpYRYmU1mXJawqEIQgAsECSK7CklEAjBksUj92wQWqd0YUrKcI0f8rDQ875fC4qTyDWW1p1d2VGgbwsuj/PKSX1K1CqDCHEEIii0ich1igeYuac9IQiDsMwxUE5ZM455ZSXDCwkqlUS6J3FDAKJEKguUwiBAjBjzjkOg6aMYmbNBqAX532BZKBlIkqMalanmi8SKpGSi7oyDCeix8dH1WvUe9icuc0J2LMPqe6jzKzH6hp0jUQanRBtQy67nqNAG4QpLOSuffYSkX9pnxftJvTsRnYKiIdLx5XAsRgrfwpwbTAdW7lni9nz0DLmVbUwPe8n93kNkaoeATHGYZi+fncaQ+Q1zcv17du3/+J/89+9e/fm++9//OUvf/7D9x8+59eHh+HNu6eX5+unzz+ltNAoCIIiTPV6kGp7Vw5SYisCARMI8cJmFVPC0LtmjcI15ZWo0wGCbKfvOQ5KDJoKaGGWQANiiJE4q/WKEEIgJSnS4DqiCEB2aqiqUAg0DGEYQpo5pXS9gogG76Jg4Ixp5ZR4mTVvRmbGZU7rmpmFNK49ybLMiLDk5Xo9D2MIDDFgQAlIYwgYcQqRD8oDhav5AxER8LosOWdmwEAa4CcqmMThcDg8PiphgDp98nbLnz4j1tiZOEBNvUMxRsKoaUrWNSEgANesJQLIgDzGOFAgInVizTlzXjmvkkX01BkBRT8DYGHMREVOrHJTIVcRyamhBcQgcle57rZMRRK9cO90OuWcL5dLzllNSEaVJooqfH72s2/1ebslIwSphtVOLOiKZy3lDIjdSRiAv0onKYgVsaSaNpK7D8I3fagZt81VwZPlnilwm7PLyJ7c+TOABkQjYo1T2pmC780Vq2euV1hKQ7cK14T9HQPOYOJrOTcFAEBGDMAADIgUiagGYiJicbdNaYzDmzdvAOB6vX7zzTf/+l//6//pf/oP//H/8/8lguPxOM/XOMZVFmE9KkIizccJgiGnLLwSA2WEQIKFW1nI34YfQZ1Eq7tBeVnkzDXpqUTRhGOMumcwy7quq2SiiKgXaK0ppfE4TtMBANZ1yTkTRqC0LMvj48mgoqJHiIQEIiiCOclKlryeEkNKeotiWhdZlpyTAFAIg7BAybgJkjnnFVkIANbMIQMhIsSIhzCM4xiRXtK8rmvOxbsBAHIStRSKIFEJtw9hUHHjnHiaJqJ4OByu13m+rpZMuMKHdQohaA7aOWdJKSMyQsnMouYJkC0sRY1fMUaUNa8seRliHIdBQkzLLJk5s0CGIIQIVPYCQMk1FblIYR9Qb00tLKkhzrt7ozdt+kLuCl4lPapOuj0mV/Wz8M1616+0qkNHp+aeBwE6WZ6Zm5OXdq8uvvRSIwJDzVvtWzdGaJGg3pgMAPmWFrMXIvaShec7uDN/+PddHZM+TDICZ0P6gjvZTblGNoVFGYdmDSLAGiMX9GxExjiMsXh2I2KkIJL1T70/5V//D3/14cPH/+v/5f+2nPP7d98WGRAYgBgEhIF1mxIBZkmScQYgAqSo3r9ZUnR3phaG62xjBhwNxo0xLs8XIlKWISJqCRSRcRyVzSEyUdTTWVX7x7GEmYDGcKyYUopxrJmKQoh6oCMpJeGAMRAFYchZQtYjjzTPc0q8LjklXuacEsc4TqPuDsD18CgQIfCoye/WnEVSXheQdBnHIYYQrih2YBlj5AwpXa/Xq3qIVJyMttYpZVV2ACClvOAWjysizJK3FIp6gUMlHijKv3pahqB9Jb1ivoaKBb0XKxAQ4nEcKMASYgBkBEESAWCpSaAYAYUFCQiQhQOiXouTc56XpaJctRgCqKx5Ezk9O/Bm/oeHh5SSBhNYdsvL5WKBeUbwOuvf//737969M3FD7P6dSjUdOZjTuTUI1TSbc+6u82vuyoYibjVaTJVgG1LHeurummqkDz8yP1CjhG7cXePo1JCudCzWTbtPffzl4pfEOD0AIJjXoFZQGycLYxjDMAQKSCQI4Xg8vn37No7X6/myzDNq/ALkebmoJ+K7d+9+85vf/Pzn3/3D3//TZbksaxqGCQYSFAZAkQwMnEUQWG00iFiu+CYKOazEIQ6DrmLOmTRpRQCKGAYiQebKTwkYOHEiAk3zpQe0Ojs9pEgpiQARCoPu5CEMS82+8+7dVyktmo7Y5aTZYigUgSgfRhhDGACYs6QkmCFnvpxXFcJANN4M1iWBzOptBQAinFdagVNa5us5BhIQZuQ1rXlNeCXCgMgPB6m+bsucpMSDwTSNCgfE4I8nAUB9QewKS7/ERJEEcraon6LUCJtxUU0AxMyquyGy5cgAYOCS/2kMkUq6kOF0PC7rmoS5pqRDZBEhQQhBiY2INL9ZSvlyuZyvF92gEdWeeDtZ302ENzwXEaBgZxqWBwTcuW8nGajJAyqdeuEFWhWprncfla4IUKQP81lQa7bRs3qh6AEhVhcDM8h7pqCfaLoarG75m83G3cPS7ZA20L1wAa304Xvs4NixD2uKnTvZn1KMrXalUI40FldBUDQahgCYUTIAHsfp3ZvHcJyWZdGcmsfj8XQ4AkvO6zRNy3L9xS9+9n/6P//bQP/vv/u7312vq3r7AAACMjCyyhggIsfpQAIUMcYQxkACIoOInE4n9chi5mW9mpdNCI2vNHNSaeN4ejydTsMQl2VZlmvN2ZF++uknojCNxxBCzpKS6gIxhJCTBBrev3+vqb0Q8TCdwHF5zSeozmAjHhCRMAigSOYMAjlnWZZ8Pl/WJQ/DFOOIoPxLwhjqoghwWme6zufL68vj6Rj4EA9jDIg0hkBjjAAwRw3Gk+u85nxFxBjH8TAFJRUIzOVYKsYYQqSFr9fr5TJfr9ecNaM9iogeRmgYOVXXz7rnFUkKMaR0JSJEUjw3zAfnDKbq0jiEgIQoGu5MRCnnJXMWBhQWIQBNv6jsTIOYHx8fNRZMWYxmllLP8ILbd84GzTZB9VRV6+sJrho79LB2GIbT6aRd2GmR0cjxeDwcDsr6U0qaXGoYhsvlgtXrylON/WkUge6ApuSVwGIpYDPbbg/tZ3oAhu442n7telK01nsravvZ2tmLJzpWLvkjixbI5RQCMBa0q14PJQYcNYraWZi1cOura6PybKJhQ56VYLl4XbEq0KCCm25YIoIoKc05RwoSEULEEIbpMIxjFEyHaTiM03Ga/vBPv/vxxx//6q/+DykxIj4/f/5n/91f/Pd/+S//x//7/wMDjodwXS4Pp8ecJeVFGCEDs6AAYljXNaAIhEQUM8UYpmkaxqC8AxE1CeDhcDgeD3ptwuEwruv6ww8/PD8/D2PQqwZOx0fd97772VfTNK3r+tNPP33+/JmIXl7O58vLsqTD4TRNU86S84phEJHrfP7xR1BrnBqGc87V4wFzFgAGwRiGh+NDKHcLhJzVgLLknNPKMYwwsG4nhHpxVMjICMCc07K8rnMgeDgevvv6m6fHB05LQBinKDlfLpd1nqdpyDEgEui57/UKQKcTqc9lTqKGRnXRWpaVeT6f51zOCCIiq+8GmN0kZ0CGkh9ADA3UMdcUdk1cWH6uJh0iQAQ9qBYR4MCBKAAink5HEYYFcs5IgcKAgdYsOecMHGMkYgC5nM8aC3a9XkNJiCGsFtoqsx/i4PEc3aWfJhpwzb+VcwauZzpEaj5HRBV2jAuYqYKZEeMPP/wQQjgcDgoo5Tt2jFXmXxO4mOBJ9XCHmcnSBUG7pfvy5ffdIS5WYckfawP06sO9Nq0Yqd9r4Qtf+S7q8vS8E+6IMPsB6LOQmtTMiQ6IAJFipBhpinolEg6RhkCEwog58/PzZwqqWK7jOP7mNz///vsf18QU8d27N99++82HDx9TSjFQdcrkiDFQyQUUkEJAAiQdecoZAYsDMKhcLaLiTxxLCs9ARAI5RHx6c3x8fNTr4x4f3wxDOBwOilvrurx//3ZZlg8fPn786fOHDx/Pr3NKnHMCwGEYMAaVUK7Xq6ZTLJjN5nCNlqATAKZpEDXjS04preusJpVxHC2DEjNLzTzGLKoAEUFAioRjiEMMKFnF1mW9AggKQEQuASVZied4fFDMzjlztk1106dVGTHhXMWWnIu7rWKHs78rW9ncEet+Q4iobopmMlB3UBFBkSwCKQlkZoqsNyuo6kchUrGhCkYCJCo3KQisnK/Xc0xjynld18PpKAIZhDkBExDq1TB7IwDWKDNv/gg1XWtabrhfwi6lOdUYC2/mMFRn58hjjGNDtkIXtBmAa3eN6bSjt5vEaUPEXdFlNqNDWc72Q9/XDTbwxeJZgH3uR+67sDhlD9Ob5d5I9H2ggAisqiwAIAYKRIBxOhyn4xRCwHGgGGk6DIggKUvOr8/P0zSEEM7n8/ny+t3Pvv388gzzGmP45S9//pd/+Zfn6/UPv/8xJRaGlee8JIwyxoFQrXI4hAAsKuHnLKQplREziHCJ1x6GYTxOcRoxIkZc0jKnmQZ6fPv+Zz/77t27d8MwQOZxHIcxiCYfFDzF6fHx4f37dz/99Pl0+qfvv//xpw+f13UOYRjHGMbheuWU1uu1REZ4ZBJGFhCW4pON8XA4XC6XebnWoA/WCNoQAmIgiuWeP0kaYMWskbVIRNM0jUPQvES6ZCCZmeM4TFP1VBRe06pnQOM0KneYl1RPBIpQrxdlZymIrZtzSpkzqC9vnULPPmDbMIrJ2gLrxBWoyQdEhHNmTXWdIAWMYQsRiDEyZEHRfPREcZFVRJY58cwMUI+9Q1GgND8jMDKq2cW0JBsbtnlCtRelc2aWzNDueZ4u7I2pPJdLUWqMU1SppBzidCcy2/RrmFzW5FV6FPsFstx24FuGCXE2f+OXrU+k8/5orR60C9GxohjgEzRrQ2WLATXzAQAgIatdbidB3IRgqcCiYivWxrEI5foniqj/Z2mBBv0K6jJAjBQHigEeDtM40RDxcBjHiMcpBsxzyspJiaYhhE+fPv3d3/3dX/7lXz48PBwOMo7jN99887//P/7vMIS/+e3/8k//9MPryzWllJY1UogxEgTIjIDAIsJBdShm4YQ0+ACcGOM4DcMwAPC68vV61li1EOh0Oj49PZxOB0T8+OGHZY14Fk0jrmJtjOPj4xtEPp6mh4fj+XxZlgVRAHMIExEq5hBRLFmaG/8gRNCg+xACoGRO6pyqjmRQ0txLjJvJTEQEGFCKaQTyFIeH4/RwmMZhQATgNAwjTgOTTNN0fDjknF9eXjAFBEZHITlLzfcT7CQNISgDSGlOtajtw3a6UnGDoSJtyyN2IVf2p+Jw5hwARRNCE0iSzIACISAQan4zAaQYhjjREI9wnOeZ+ZxzJKI4jQyyzEGlABauplbMkAVkoGh9efrC1hRqMzKbSEcCZvWw96qVaLpDb0bAGlC31+uJivir5IbVcSbnrMJNc0llyXrTnlxAy9vu7dWeUbnVAq+zgVOu8h3/cWvEMy/PjPwwfE1xuQXQZT3wUyAi2SSvLxUbcGFbJJBZCBEhRIyRxoHGKQ4DxSDjFA5jjJGY0xBiCMjF4Youzy+/+93v/v7v//6f/4t/IQLPny/zev36m/f/8l/+Cz1jy+sPQ4hEFCkEJNQbhUU4rYiIFMq1IgpdYJCsi21bhwak6Q2SRPj09EAEKaWX188ppZeXn6QolXYXJyLi8/MnkcAsp4fDm/lJPcqX5QoBMi8CK2JEwoCby3+J91dDH2AYhiFO83xZ11ldmPUUW+tXPqWXTpEKUAAcQlhTBuYw0Ol0ejwdEYrhFmMgAiKIhyEeJsxr5HG8BkvwyczqTgJuZ2JmhKAyTq4pY1WZF1GzyJcONTrJ1KNfxZymfuIsSAEoEApKFuGckTNmjDHGaZyGKcQY1EQVQko8z3Na1pSXKRyL0zrkZVm4JDMkImIE0KAK2uJI/N5sY8suekDcDQEd9tZz+k0pU4ip/Uv5r/l0eKsKu9vjiQhwU3zAbcZabuc6ZWYRI93mM9+Kp+Fcs+l1tJfquXG3Zl9Y0U7esV6seJhq4Z1TDbRsZWPhbUeetXfd6TNLrt0q4Q2CjBgKTTMzCcFAxALrulynh0ciyJzymgQk5/zy8vnv//6//OKXv8yZ//a//N0PP3ycr2nJSxgjRsxrSuuSE2MQEhDJKKg2kSHEQBBDiAjIwmkFLr5ZoB7KKMxJb5b7/PxxGOLpdFILyPnyAhdY1xl4tmxU5agIQASv1wvhGOP4EI/CenHkT9frla/MKmVLVpMFSIn40JMOtTIiDiFM43hYlo8ArJYCRMx51fM7NfGGgERDxeZMBEQRxoxMqrOEEERTEgYQyUCRhkAxMAgHjIeJoPjgr+t6Pl9TKtlucmY1L6aVifSNJnCe3e6qN47fwHuHi4QAekbr61STYV17ixQFIgQGUfJVqZURUloZgThSxPEwDcOghwa8XpU61EghV8w5X69XAQEIiAik3sHaeBMj68UB2wXt3F3x9jBOO363UYeXBvRhGKZQ73wwwi96UJuLo46hnj+AmmCMzBlVebEhkjtA6mQNI6qOdI2kNeom1ESsprMEl9n9C/RvpZOgOu5rNh5r0N5LNRHpGILLzO6Bu5/azWK/LjlRjWQjEBZkxsyQc0hp5ZwpyzrRMKAwX5hpnGIkJGTmvCYimuf5t7/9bYgjUfi7v/+dSIhh+unjy8vLi6ICrwkZdJ6ZGRlpGIAlRIoxjkHvaltzygAgNXR6SQteMfOqBs6UcxxjHEMcBwFY0oyIQDjEAMhcVAaNQI9qs0irIAbCEYDqrQurAFNAAJQSYFISxIgUF5Qi82KIYRiHaZ5Bb8MWkWVJ67oSiUZyq6sVAISAOVPOxMxhoGE8jSEOkZj5er3qkTgRxTE+vHl8evuGxrDmdF2vYwzLwoYStZdlXbdcOwib+1POOSOxc/nBmnOzSrusJy/lGUBzoJQVdxdiQJE7EGv2c3OUYGDJWVgSSiSIRIE0yjytOY05q5AFAQHgdDppC58/f15z0ts5AWCaJgZSlqF3WzJ0vW8bmxG5un0b+zApvvsE2m3ec8B5nj0FGcJ3apHR2v+PtD9rkhzJ0UVBALqQtMWXWHKp7O6q7rPMyBWZkZF5vr/9/obzco/MJre7q7uWzIwID3dbSKoqgHkAqaZm7pHV51xKSqQ5jUaqKgEo1g9Ii54LbOGbQkTeOUPh8u34foOR2s25ZekqtKozxraaerG7Bmirr7bJRLo6viU+RN42OnB1Kd2ErF3TeroViL8x0zePUhIiokGWXZ6FLFJKQCjIUkosnFCVJeM59H3fDx0RMgARTdP0xz/+cZynod8+v5y+//6nvu9L+SIifd87MJcVeLLwjpASrKl6tqIiqGs2jevDuj4iIgqsqzmzYtyvMXnvvfeB0DkEkJREpDAvwHb7/f04TvPEoGShGWtbz8DOBTDMHs4AQI4Iycyn1f+IiOhccC44j4b2rqqWbaGqRH6aJtugEE1bQQCwYLM1tkKQPKcpZe/Iumr3ff/hw4fvf/cjBfr0/FmeNec8yVhFv9FGSmkcJ9swRSyz4yI++t3+inL0wjxGsDfiw9SIhabpQiE559bzACvLMZKyFFGQTKgUHDpHnqiQSXkLbQpa+rA+3N9vNhvfRSJ6OR5KKeiocxT7LrNmwzIzWBzTlFZTq26EdcusHlNY+6iEEPJcs1fhZqgtk9YY7TTlmrHe7q81rNM6LpnZ+cXnKkut8yX6o6re8jjM4yUCNfzr144Y3ECHYeNcaN8oIlqWQSsC7Oc+Li70ysy2LgZ/UrOeqm0GqzZR9ajWu9NaesvOVjREr6vuCgoE6MkhIgsrXxcOKeCa9VhXgdY0FmlamVUpsxuinQc2DF8kQBCVhDmU7WYgguNhPh3nYdMNw0B0lDzl5Debzd3dLmz3Ly8vv375DBl+9+PfPWzu/o//1//n06+fQ+j6brMP9Icfv9dp+ven6TAdd5tuGLZ9t+m6HmERfyzUdd2wfZim6Xg8AmgpRcFik0WkOKIYPBF9//7h4eHOORed7oceVU+nIw09KHYxxLDMCRGF3eHlbE3erCfL/t77+PDdD1tJwzzPAvryfPz111+7vuv7zacvT6qIIIrsnNtu+u1+FzqfOU1j2u+cDzRNow/8/f2eCMZxDEFDiDEEVZ2nnBKKEGKnJ5m+PJ0czmk8jscffvfdj3//d0XLw7v7wiyhZB071/fRdyFK4dwPfd+fz+e//PWXl5eXEALEISdOLIjB0WJHqgKQkFchr0CshXkRfws9RysurykesGTQ1ubPCNawylJ+EEAVYJGYlx0oGXC886EfECBLEaGgwQ9bzrmITBMhCnCyrjSo1McBNjif83ic51RUGZ0rI4OqAyANHpbgLiiUFdnf5Kx1LHh5eamixIrO+r4XEVMlEJEaPOTMRcttYJS8QyUHkOfJfB81yGIWnwGF2FEFCgDIDN5HDzSxEGDsOgAYxzFGDxZLqw828roxLuqH9s8bhQUbE6u9Hl9pLnptWeG1DXKjGrTDgGvFoX52uvioW7nDayVyfROXXzWzaccsjQu+3XNspyJYS/aXg4iQWdOcQyRzlyI4KTyN2TkTZGRJpcMwPD4+dnFg5sOXL58+fToeTw8P0QQu3/EPP37wnk6nMc08z6Nb0OgWLcM513UxhBAiOQ9nOauqyIL7JOK8Q/N6ANA0pRj9drsdut57H2M352QJ1KpqPo45JUs2qU4KG6d1lhvC++PxOM+plBKfLfehhOBLYe8dueCcC9GRW0zdvu/neQaUGEOMfQwOUX1w3//wnapKWWrzzqfpcDidz+c0TqfTKQTfb/sf7ncfP74PXZfGXErZ7nb37x77zVBKmfMixO/u7l5eXn7++ecvX74sHhz0IYTEc32DKqq6JuasG0/73m9o+P/MUXdNIkKAWqRORHrdy9mG8csvv9QE1t1u50Iwv+6cM1juHV4BbcjaCMKkgzmDTdDX3i6VOPGVzw5eIQ/eXFAbQby2X17PtFVPaMkiW6ZmfHFBdl+X/bLu31r99qY302jH2morr9/om1JDm+qCN4/XPxFBal6brAk2VS2qa72Ihm+girXO1zZgxrDUqkIVKKYlkWPmlBQpBktLBRIBBUEkYeAs85qWvht2QMSsaVqgNKyBGzP3m/j9jx/39/uvT8+//vr5cDihk9BTP3gEZ1qGD4hUSNQFoOzQ1O8li4lUQBUC+fE855wfHu4c+jW5i8qsKS19YYwoV2osdbIWcLViPJ6Ptqdt+mF/t01zAZAuOAXuOt91HTryjpxTcoXIPz58GMcRQLsubIZOpLCwc+7ubpdS4myeC/T+MI5jStOU05hmCu7h3eN337/bP9yp8pTG55eX+/fv7h8fVPXleDYNSAC7rnt5efnll1/mcey6TgRqSfuqTShIk2T1SnzcbEKvmeSG1Nvt8/V5s9yq+BBZ7COo8J8r4rkN43w+L9FrXRQK7z2mNK9oYDf8VQlPlphaqdsbr5IFrrfSm7lUqwReyQ4L3d5w3Jss1s7aJmKCIoTFpWiana+S8sJgzaIjVk3v6mjf0OtwMTTWV93T2xeprSv7uvMNXQumOqUrDaL5QOTae7bTbt/H66W8kUSv96sq/hbVY4HAQutQxqygwKBahJ0KkxKCone9d957R+Q4y3hMPi5WF3rcbvc/fHTM7EJMKZ1Op0ASeryLg48IBKHzRD50GHtLssac8zhPIjLN53Ec0W9z5lIKmc9fGVG16LMcmPPQ9fvt3TSVlL4aoIMwHo9Ha4htNqMVy64GIxhWVQXvLnkioq7r+r57//h4OBzO04TEwWnsaNh4RAeggBkQAbmPe1QFlODJOXTee0VE/fTpF6O5YdgGF0PwziM56Dc9ebq/33/84eOH794DwWk8uuA/ffr8IxcAGOc8TROQC6ErRc6H4+Hrc57mzWaz3e7ncRqnsaWUqncshipf1Vi95s9vHTdE8q3zlTBo7dRohFdKwaZHZGW8vu+naTqdTqlwjDH2PTb4uGLS76pE89I6W9amWdvtttaU/Yb4aKdcDfD672JnvDVBd4OS0QrQS1zFPBhXj/btGjUituWfy5PeHHr7Z2XCi3agl6MVATV5Vht/6s2s2sfRK9RZO6r4q+nV1eekjRlyIzvqyXZxb9ZhmQst7n1ca/TthSfm6L1zyEUTZgK0lsuoyFmkaJrLPOdhKPv9Lsbeex8oOAcy6DjOaZqnKc3TBGGB5OkH//7Dfez8+TTlMiINiMhSCk/zPBoQ7jSNIfoV6MUEN6Iig55PCZQ98XhOXD5P4zjPMxE5t7H2TqKl73tVF4Iz0jCDWZ0i4pr6ybthaY495TMg+EAuKZHG6IaOun5xMxl2LpE7nQ99H72PiMpShqGLsVfgf/u3T33fd/3WewJkRYm939/vUboQ3O5uv7+/U8LzeDiez0gIhIKQiqSS0fmh86VIyvzXv/75dDo557pusN7XOWdCb7xbVLCqHqCAoC0rXr/rN+kHGpaDa2Hx5vlmW73agXLOBGB2SiVyEdlutyIyjiNAzQC47J2muNyMTZruebrAVntL6q2EegkDNb0gXjPR66PmQ9V5tZzVjuS1+EBE1QXd3p5zk6Ny1a5uWaa3xnOzrPW4GYqqKlxAAOyQJh/u5lZEZFmhl+zPOh/rdA+Lh+kSZFufVbWYKtpbKdCu1M2mVD3b7UTqC3ZxndoC8wIKKAIsxSFp0QIFgfIS6dCSZ+tojaj9EPXxbr/fb/oBEYvwNE2Hw/F8PqciRL7rOoUziwIXQueiC30ox+PL8RiH3ogjcZpyyiUVZSUsWbgowOKzsPABoU1TEcJ4mk4HmaZJlWOMoImLBtc5t+liCBRBrH4DlQAQlBUQlCVLSil1j0PO6Zdf//ry8nJ/f7/ZbgG6GElVh02IQUWkAKMHvyRGad/Hro8pTaVMKTNgRNTHx/vNZmNhy3GcAWQYuhCc6rDbb7z3inKex5fjcZzPwzC8+/DdZrtHR0jeee9cmKbzy/H0yy+/pJSI/DxO03mc5xmUDEBU1Vq1CLYR3Bvq/4ZO8ZqSb05+83zrFBCRta18YXZrJNUiL7IWtpn6EHshIiAy6b84Jt/yfVTekSaNuzStgmnt0tI6Lisj3Jxpd1DbtuuvFsJenTX1DnVZiJaFlrWluawxCnOCXCr52tjHzbK2n18L5qpZ3JxcOBAvlthljdYga3tn0/qyXhkgddp1YDekYMtRYzf1h6+nsyxr86c2Ptd2mu2usvYzxCV5URedmQDN96Hq3FpKlKaZ8zjPswiH6EogzqWkbDUgl9wKVY8UvAshTFJQRARyLmmW03k6T/N5nL4+H2wrm+c0zbPRKRB2VlaH2Pd9jNH6wiiwc86h5f8ACna+W9IEOBIG7xaitPZOIgVQY/SIWkpxHnPOKc2n0+l8OHnvTi8vwPzx44effvrpcDg8PX+d5zHGSESZFYm8xxjROXzY3XnvHUIXvUo6Hl+IMMb43fcfQggI1nfqlHjy0W12g+iw3++n+XwaT94TeQeFGPSHH364u7sLsac5M+vL8eWvf/3l3/7t3758ehqGwRON42jN7p1zS/slRVUBAMOjXbOq/8eypV9fjE148fX5+qeImPjANeAgjeceF3BFnufZOdf3vRcVa+d5tZMBAF1YHJFWp0l1bdp96kNriLAl45YN6583U4BrB1+7s1Z59Fr7sDZ9DhQIyTspbPe1LBXfMr/Jmpvf3xz6Sn+72eHx2ii4gIe/sk1u7AUj95TmeiU2Omddr5ublFLMaG8FgTbG28061mqaVpC1U7ulLYvVLO/ZKVhuqHrntHDiQuigs14sJSXLr2Dnse/7IQZUPo8n+op9H+ecVGHT97vNlpmzgehhcB5LkblM5/N0Ok7zVETodBpjUESc0zzPBv4oqtDf9TlnAuxC9I6si5Jw8eR8iHHFbV+sWeHoN6WUaTrP85zSLFoABFGnaeqHzjkElBi9A+SU0zg9zen9hw/39/d397v/5//j//53f/d3//LHP8o/p9NJyTkFVlBCiNGH6InIe5qms/O42fQx+tM5M0g/RO9Jlec0Px9eXg5HEdlstrHzQF0c/GHmKU+7btdv+wwFEff7fTdY+hmexunXXz//8Y///s///C/5pNZP4Hw+c9FucM65cRyDjyttmG9q3WNvqL+hh9fE/D9xVJo08aG6EJRRW1UZQKBWkK6mtOSci0mcWtELqtZ/e2UlazCCq0tb13wFRDT7hZqWKbBi3LYc18q7Sud12KsL45tKWbtWiKjXXs5mq14Aitqa/UsxW+0TsUB8NoIKGj9lOwJZl6aNXBRmyykyLW4B9XfudDp99913FskPIZxOp81mcz6fY9fVpSEiBWARXgFW2xKi5akB6zLZypp53KbBQENGurYIr+aJLcfiaGzGv1pAK90oLbIDgKwowFFw1A++66IqT1MqpWx7Fx3udrvHd/cx+ilN58PLPB5i3/d9z6zzPHf95uHhATF/+vSp3z9wYWFyrgOd5plzUkdxGvM0mqedAawU0nnv8zxZhT4A5JREJAbnh+5+tze1wsZrBac5Z8MrT2kSEe9djF2M3nk08DHmrMAgMp1HQN1uNtvtoFJijB/evd/0Q9eF7z68Ox+/+7f8b5YvgIhdF7x3oJxTSm5SztNcDl+fsuQQ/d3d3Xa3sXd9nk7H43EcT+B8B6KIYxp9cdalIXPKOQPIw8PjP/zh93/8138/Hs+73T6E7suXrz//9VcE992Hx5RSnksfhz4O8zxP00RY03/I8FFw1aDTNFcOaV/0jTSBVb7Uug+43swt9u8aLD4jiWmaK2r0YlmgZdY6XG8uKxqzEaTtcJahP6UkK6pAKUVAibyu2QMVL75Jv/IAYKBNNpLaWa5SaTXbWxes/bBllkVq0EW41BKTaiVBs0PbRDyRSQNdgi+ymg4EAL6VAqoXMWZJqbhGXtqbvim3Wh2kjeP0fU9E1snG3odFtna7XVXPdPV32vJVNtY146s2N9XXpl0zgDqYettWf1lG/kr2VcftzVFvBgAgIGBDsn1GOCcGISQAJzyzZEQYenr/uN3v94/vHuIQS0lD8t5TvxlyTtM0vxy+jud5s0neIZGPwZcCXbfpYj9N6eV5THOZ50Loc1IidA6JonPOB7LYqkpSKdafzapGOr8ACCGAiuFLshY2uObCysyihgDqDUYA1xwFJLJOuLLg7IHk8vj4+O7du76Pf/3rn5+fn3LO5/OZU5bV/AZBg0QT5mk6n8/naTr7QHd3+4f3D3d3d90Qf/31V/P15DKDWwZPDnfD9uX4fDqdVJXnPE3T999//5//83+2tNfTaZym6Xw45yl7dEPsRUAEVOWSna0IViOCBAhk9AkOAVfDF+oeANdNDFoqtT9pfdeVrupRNdNWALX17HU/d87pVccCbQnKxEF1ItY724PxWkfAJvKKzdhueLsebWmobXivGbOdHbwV0G2fVQezsCeBqgKCEqJ3iCSlmNkGrfiwAV/YbLXosIG3xLWS7zXH3ryYysCX3sgNSJyIdF1nwRe3AiXVm1S9wJ5rQqcK4PoVXAu1dvL1Db2x7dCVQNHGfd3uQrS2pABbP3sHAooLwakwaAboCBkQkMrddvP4+PiHf/jw3XffvXv3mHN+fn5KXDabfrfbIeK///kv5/NJQu4jheC6rt9uhy8v7NCBKgg69J48iKYygxIiOPSOnCPnEAkcget3vb2y6KjvY9d13nsCnOfZgKOst62IKDCSYimEhRBi8ENnJXPKzJxnRCUAUhEW0KV/5TB0798//vDD90R0Pp9/ORxM6chzYRUEJCRgYDAXmvB0nKaJJW+2+3fv3r3/+D6EkMpMRFJyKWXOWQSckyKcSlY5H48viLjZDNMEMcaPHz/udruvX56ev3799MunnPnl+fj85VkZou9kZmBZIOQJDToTEQUW3ls8pmtLiqp63Lzl1llwxVfX+d2t7LihZJMjzl3ERyUVc21C46qrBK+rOUMKrkEnhm8c7e71erQtz9vBrzoEvJYgV3e4Fh+Vy1rvaXs3aFAavfe18ajUJpWvn6FroS0A1KoBvHa33HxoubSdXkrJzBMA8N5P0yQrarZl1LSqYCnFr7YcNHil9U3crCN8Q/to3ai3IuYbq/xa+i5fyIJRCGApYYConhCd58LkhBz7gH3sfve7j3/4wx/+yz9+9+7du36ILy8vsRMF6brOhaAKjgQ0+0DOUUkTqsYYp/P565jmOYkAF91thjSml5eX7XZjq1THiyrAZbcf6tScU5VUckbEXGYtrFxEGFUdgg8eEUvAUlBEnBckEc3WYXYcT6YGirIsXSx9jH7oe1BNs6nonpTG4/h8PKw6mhNWJlFdwPLSPHZduL97fP/ucb+/Q8Gnp6fnw9f7+/vMRUQMynyBaAE6jydEHDad97T1w48//vjD97+b5/lPf/rLn/70p7/8+ZdpLCmVaZps71Bd0LQMxnGlcuLWxY5LfBEulbILl9bd6BVXvOHyrwSmr5XcZvduN5tWNrXPJbggaNgwHF7VkixCSsViirKCkMO1ALqh7ddipY6hZZYbmm9/3jJR+4hvHbiGSqv4qCFkqGhj9eLmZ1VDu2gWeh2q+NbEsFEambnqezaO7Xb7+PgYQpgmg6XF2rMXDToWUWqZDDOYaXOD8G4vvnln7RjaJb6hjFWXejssp29ojOaZU1yGZyJIadnzGIk3/fDu/d0f/vGn//Jf/+G//tP33vuc51xIoQdCEZmn6Zdffvnll78cjk/OhYnoeDyKaAjd80mmaZqmpIIhREAIkUJ0wya0G6mqZa5JyqdFHCsK55kZET2SchEVBUYQgSXC5xx5hZwhZ1bVnAwqopRShIuSMZ6gCiE5BIeUc/78+fPLy4t30TmXuRwOp8PhEEO3dldwukYluaiW8X63f/fu3W63LaWM4/n5+Hw4HadpSiVPqQDAgmvkIzgaNp3BGgXn7/Z333/87vHh7uvXF84FBEvK42kUQYc+OGJWVHBIpgIionfOClVLYQBAcIJLgN8WiegiGtoPNbx4Iz6+xTZ0ncFQry9rN1mTH7LWSfnGJ1hKIViwMs0SV1Vgrto31M4Jq2ara9QGrzWgllCxiRXW8+b7WHBPV0vqJjT7JsPeHK3fpBVDLUJVw3yrKVeXBlc3h14bQgqX13AjrtoxtVx681lX/c0+73a777//noh++eUX+8rQoi2+1T69ZoLpWqz92l978yD4W+JD4GL4vHmfV9O0j86RVaADkSKKMjuH/eA32+79h/0//P53//D733333buH+z7nXLgMG+/DUEo5Ho8pnxXKftvBjx+7uPGuP5+nnNmHuLu3xhzT168vL8/n83nKaXbEwgmUlq5US+kqENL5PG6GwdPWOafIRBLIOWf+bWR0ZdXWLbsDSJEKOUMMVEQkBwFdCBsjMmmaE4vIPE6TKgusCioROSSapqTWq2rpJWbqBN7v7+/u7nbDRhjG8cDKRH632f77n//kvPddDCGQDwg05ZSFt9uNMvsQvv/+u/fv3xPR169fc+bHu/syy3iYyvzL+TQDAyeepqkLHSJ4QBEBWvqwLAa/kqBadbKs6X10HQSsjNSWilzRjNwGDevmV69pwwV6rcuoollWVXwY0aK+kZpQRQkRwbftl9dyrX0iNLKj/fyanm9+C6+UkfZ4LT6WLV9BVAmRRXIp5AwwCcwFe6mavxnzzRxeb9c38qxVDa4EP67Y6KrmcLZ6LSI6Ho+GcG9ebgAwlaSOvopqWKVsO89lNV+JsDcXulJGff3agKO0JHIjbhAAkRwAIpADQrbGHEiw22/fPW4/fNz/4R9++k//+e9/+rsf99thmg/MHDx0d0Mq/vn5AMjO68eP77fbHRcN3RbApVkQXd/3Rel0Ov3lLz/P0/j8NIHOMZB3MXhFlBqIJLIAHnV+sNaK3mMA7wCJPBHRDCAqQXJGlxZlmAgFSowUY2RmW7lVMXGq+KrCWBZEVwAEKEVUOQSMoSslW5iRga1JmwHPfPiw22x2KZXTdJrT6KPz3WKNmmXqQkTEooIi1tvpxx9/3G63Hz582G63p8Ph+esLkd9sdu/f0/k0H57Pp5cxp8KZObP6ml9vtbGudaOuzE9KV8mXr8mg1ZqrNm5001L4DcFUkq5/1oTmG8qp1yxEtfRwucpOkDVfo4Y/AdTCi3WQrdB5U961g1TVCgRVBeWNzLrhVnwlfV5ffPWrdTlFJOeMfGWp+StWh4t3wxJy1Bzdr8b9elgtq7f35FLs3VcP6PPzs+ka53myFhXmlq/r6xqQ9PrEG6Opftuiotav4Bt2nQ2pelXrcRvcbYW0EqDl8AARECqBWq7E3d3uw4fHH3/88Pf/8NM//P7v3j08KPDx9LNlGW42m/M4vry8IGofu8zS9x2CJ9+rUhex7zf7/X0B/fd//9Px9PXp6deU582mD6FTRWqRnIBpgXvAh92mUpL3wVW9nZ3pBc6VQga2SkTEsnSEF5FSljQER8GAZ0pBJmeN0mvIUFWJ3GazGTZUCpcsVvmmgKqgikQ+xtj3mxhj1wURORzOTy9PuczdEF301tfGr14tUAx92O/vt9tt1/k//OEPiPj09DSPo2VAW+LOph/udvu+79eJLNroDeHpUrJ4bYCsnaIrPlC7nQKA5VDcSIS6/eC13Vrv3F5vH3zw7VmTH/VWujpHGBZjBGpaZ+M6/C3xce25vxEfr3mwrF0pW7l2M/c3ueNbJ1tOb1UVow1YJ2XnL+Lj5l7Mi/0MepV13l5/w283PG8KRSrZOVf9o0SbnPOXL5+89x8eH4iIOfd9NPvteJwNOL+uO67WYy0ZagPdAIDuUp6M1yhkuPpy6otEtAAUkZW/KYuahwUIUWWJy5rVYL/1biYHwsk56KPL+YSY7x829/v+4aF8/0H/4cf4Dz8OH+5c381aGFyHiB3FTdg68S90+Do9z+MYfOfRiQifT8H7ELpyfvrrpz+NmadpejfQf/rp8Xi2pgGSSxEZbRaGcO29d46JKHCy8jYAUJ0BgNATUUKO0QG4eWYu3rkOEZl5gjkEcogliRaJFBwSAM7zORCcZRznGb2L3aDC59PJwb25bFVxPJ9P09jF4e7u/uV4ML+CB3Ix9MPWklAPp79O02SgSko6z+cAPvb9Dz9+VIQQun7Y7HZ33TAQeQAAH6b5LCIlTcy564btrk9TzumcszrU/WbYbfo0psIayKUcAL2qSsnkyceAnBOW4J1IEWVdurRZ1ZwyRkQEXAij5gFkLrZuujZYNC6NdIvXWbmgqhWtELE+RIbhpyyFiyfX9b0UBmHVBeZTETIXAXVY+r4nDLnknFQBCR0AQRYQQERHHh0ULYVTYu66rnUUwhqRXVCIViDSyow1MwVXgNKytpSF603djrXQ71Yit8Ki/coABMCy6VURFRHdiiB7KZm7uUUzxMsKtuLwRmK9FpP1PjcxofatXClCSyOft7WJ12fsoVUW4rVRVwfcLqKqOgpVGb7RaF7f/yKYwFnQxjnnHWz6uNtvvvvu4+9///e///1P79+/d87laZ7n6f27h1KK96Gi54kUEXl4eEC0RkpzyTLP4+Fwenl5YXTe+8fHx7u7u1LKaTx/+fLl6emJAZz3Xdf1fR/6zgr/iegudLoAf47n87mUgqTOoxeK0ff9xrl754KqjuN4Op36LlhkN00zzwVYpLDBJltmGaGh5DCidl2IPqSUUp6JfNcTuT4zH09fgg+8FoAGjyKpFCEiLfMSgI+h60LowrDp+s3m/ccPXddttvu+H2jZEkBEzil/+vSJmXfDpusMhVy60H/9+nI6zp9+/vzLL78cj0dmtj4yMUYFKbmwFC4KsziHfR9NYBHSAvqjsKCx+ctLtKO+a1s3aIC8AC4Y+r9Bda0KXGmFFFgVRAWEc5nnuQu+jx1EkFJSmgx9/vF+w8ygyKIGUARrCjVcb8B2psY1dM1br2rFDWHffLjsmisz3nA0vMXmb4qM9rBuwS2Dt3/euk71ovOv5uK1HudeITu/fvCVG8YtQdnquaiCs51wVedKSe1tX3PyzaO/JTLenO2NlqTXBs43PhMByopw55zrOtputx/ff/jppx//8R9//+MPH4feAwqXpe3bPM8AZiJp7MKSdMsJlEqRUnJhLpzFGtCGuFit3kvfxRgcYheCIlhPw81uu4BEIKrqZt0/n5+fv3z+apyGqF1vkMrFOd91joicQ+eQ3Wzio3OUfVJmzoa1y4ZahigqMo1Zl87vpxCg7533TpFKQWEl8kB+nrMq+uCcI+aMIN6Fvt/7MotICK7fdNvtZnd/t91v7u7uhs1ut9uh92kup3GapqkUKSLTmERLdD6EkHNOqaSx/Prr55//+vkv//7X03F2Lg7DMI7z6XRiTUTUdWG/HxQh55lZkJTIKqA9kAKYI1IqFEj7iitNytrL0hK9zW6ibzeXvSHsupuKqBlJhMgAysLIqEqAIQSHmACYHSp4ckt+cM6ZBcGRi5U2FqIFNuiWlndasXJja9fPcGHbi7FmPHvjjnk9l//40T4IV+RkqknrLRepXh5TO2u/uZo3vNdOo53bsj5vvZV2VjdL8Oa3VdtsRXVd0PaesPgFvF4bQcu3qwC5ETRvLjQiYlUhRVSBSPu+3+0233334YfvPj4+3IXocpkBdOjDPm5P5wMzexdD0K7r7u/3pZQY4/F4XDvOFwtP7/bDdjeouOpOFhWH+nC3299trS9c3/ex69wKbykiUOa+73a7vu9jCM5/htNpZOb9fleylJLPY8olDMMwbLr93cO5HKMPRB5FCTA6T+BE5Hwej8fjaTwXgTmn4/nMzKGL3qGpQinzly9fX16O3sVhu01zORxO45xDUERJMyNK8DQMQ5Coyj5Qv+33d3d3D3ebzSbEKAjHccxcxvN8Oo2ncck8NtyAl5cjrM7yl6eXv/zl1/NpMvnLDNYNO8boYgCAvu+GYWDmwykBq0FmFUMZA5ELhI9vt7d2a7GqxQqtZophzjnE/ubKa+q9nDEqstbBoGoRTYeEoAQQu957R0aoCpt+2G42m80ml3NK6Xg4TdNM6GPnnLsEjy8PQtEV4LYOoForLXO1H1q6rbxj7H0TSbn8e+0evrnJ68O0IbjuQeecY14jLw3DXKbUeKcv2/Xru39rBJcZXts+1RGtTRccaNBc8aqxyC1vt8GXKoarz7nVZXDNHIFr7eO1gGuvef1QVVyjpwAAIYTtbvPwcP/9Dx8fH/d934FwKTk4DKHfbruf//q0JOZ7JFzyxFPyXR8pFQAh51UVlkINSmPughu6XrWbcqrFBbHrTMoLz8KX+ivlhCTODyHCZtvNaQDknMrd3QZWtFoR8Z42m7DZ7B7D1nsfyDl0234w9AAiLyLjOE5zVtXzPB1ORwaNofdufnx87Dbb5+fnf/nnf/3LX36eZnbOycYhZjqxakFQP6BzzkcPhH3sQx/6vt9s+n7TxRhYBFXmw+E0jtOYEouIcFEB5TODmSTmgyhSCiO6nPjx8f3mh+3L8/mPf/y35+fnYdj+8OP39+/uT6fTNE3MKeVEKJv99u7u7unpCcVS1wy/1DlCCt6Re/Mte3Leee88iKY8MzOIRh9uqLfSMDe9n2v+hRX7iogiulVjRkSHtOl6w5MWUQLcDP3j4+P9/f04fT0cTufTWEoBFReic855KsV8qaJ66RUN16KhZaVvqQ/txe1m+ZpP7SS9JTtu7nPzwxtFoV1b335Rb1Q58+YZrYz4lhLx+vntBKqR0pYq2bOM7g2C9YaxoZFh7SpXAVQ91fUnsqIt4HU3b8tx/o1lej0XRPRAzkEXabtxj4/33//w8ePHd3f3u653jhTQeRIAyWVe2tB5EpE5n87jcRxP03QuJSlAiD4CMbP1tQUGUBRWBEdE0TlawE27Mc1cmAGWfE1EAnCOsnLh6TxmEWCZY0d7GkQkROr7frfbee/nOY/jCABI5W63Mb+/936/7R8f73abrXNus9moLgr0XHLOGZBCCEoH5xyzHg/bx/vhdz++/9Nffv386YtznfMYAqZUvI9dv4mxIyL122EYNtvBR4eorDJN5/M8bTab4/n0fDillABdjL33wSMS0Dwn5/zjw7tSyuFw6rrw/vE77zY5lzQmq4figt5H51xJJ9QUnBksfhhC13Wx8z6QJuXlZTkEINM7cPGY3ogDgwI2H7wV/llz+ZIyXDPPDRtX8bEEYsHUUAUUQjKKDtbNAAFAySMpROdRlFMehqEUGTb9OCcuaxAarjZjhUvgPOfbJPS6v94wQjvIG764IWxoxEe1Bn5DJLWHBb+qNKh8aqLqm76PypnVdfotrmsXHV4JGkNTaadd7w/XwqwVBHAtQaBBcGuvr09sjZoqntoXXwfpPFgrM10zHJYn4Arhj1hjNogAjIjonQ8RhiHc33c/fPfhpx9/eHx3PwweUQEketMTyjyyhdCYeZ5fzufz8Xgep5PVtooAETmPCogESEJEDnCapnkqazUhhYA+QOCVGghxdaoj4stIRTmlrKqKGocQB0Pipdj5MLiui65DoZRSElLQqIKCKKqiuZRpzogFgdgQQ5jZI1iQFRHnnNM8pZSI8P2HuxhDKWU6HTPrdtOh6nlMw7B99+5DF4dSivZ3IQQAzTnPJbHkcc7zPLNKKkJEzkdEB0vDJtpsOhEIofM+Evm+U1V01G23u19/+fz16aUU2W72joIBsqacQwzDZkBERQdAKaXz8aCqSOqRwPulVquS2jWPVXq7EL03qIGblOs3aPtmvySiEAhlbeakioQOjEIMA1LdKhrynE6iu9B7T9vtlkVzZqQIisJSG56r3UhVlduGeO0U4NV+Vv9sa15aCfImw+IKR9Ry6G8vwo0xpWumyeL7eH2vyoTLmBoehzUc+xsrfiPVuKkIvGHyGlRr2b7KCLiWWfVlS9O65fUqt8+qX9VQC7ySYjezfmP5FDyR8xAD9kPYbof7+937D/f7beedlJwASyAMhsUkpvRgKeV8Ph+Px3meVdUH6oddmi2zWAEEQKxoXY5ZlQGk75duKXNO59NhGAZphkSESoBozRkW6FrvQw3ybbfbUkrOk0gWEUTpOh9CCGGRO957CgReGYuq8lQwgLJMkwkLQsRSyvH8qzWvJ3LBD4YPAgDzeUTfAYApMpvNpu824ziOAuM4n8/Hw+kgInGIMfphs0spxRj7YcusqWQu1pqPVHG73SDiy/NRRLyPKeWnz3/5+a+/ikCMvXPyPB6Ox6P38f5+//t/fE9EKeXj8Zgzs2rOmktSLuaqC+gESQVYuX2J7YsmopSSfWtFhgBQSkkpfYt18K2DiDySUBGRZStXtcyoEIIyWxDK2MZIwXCn+75XwJRKYZ2nskZepAn8SKVzaFi6Urv58qCRHdhs/HitjHxrOnAdD24/tOHR9sgNpDNcySYzCVc2rs9uByeLv/DiesRrdaMOtxUN7Rwq+qOuzovWcwFvbRQ3f9aft7Km7sYmDis6gzRtqxDRfOxV9LQLXe9mJ02hrXKnPnfYdIav4wNF7x7f3X387v2wiaqS88wo0QP6BQFUVUOIVXZYYNW54Na+NjlbfB5jNCQYBIfboRcRQCgle++HrpMuWqjftmYRqS3sDULZwgemihPRptt477o+zPM8TaOBfXVdx8zb2Ns69H0f+0uDwhBC5pTOcymFc3HODcOw293FTud5Pp3O4zgf0vj8cv78+el4PD49vQy7ey4wjmNm8K537uV4PJ642+6Gvu/v7u5VJUs+Hs/H82G/3wfnp2lKqTgfLGa53e7LlEzuHI/nYdiKwJ//9Jf/4//3z32/ibHfb3ZEYK0J7u/vf//7v//h++04jp8+P03TOE0zABVewPsQHZFj5jzPlqYERMqCiAuWpYIpCCDqyRkzSGEfu5zzPE723i0pyRIuzueziNzf359Op9UZh1ZktLRWKrpUhy9AHmStSI10YozWUYxwAbX3RUoRRNxsNt6Xl8NJlL2ncZydcxac5jXDnZm7Lra79Y15Xsm70nOL61GTLaAJcbaqNzRtZG+4TFZYIxGppfDGZXrlxNVVu8/QVty2kgu/rc/cCIj64UYpqPd5nRV69e0r98prEWbzfC017WKTHXU5ZK3gqMbRzVxynu3K+jLWnyqA1RnL6p+2p6toIcSuCw+Pu8f7fd854DLNRy4zQhli8G4DZuuWIo6sWoSIQuhobZhur4QcELoqSVNKDpZSGnBAzpCZrVM855wFlMSczWpNY7UPqpde9s57RDQAoWHTIaJtd7vdbhgGRPRMQGhBB+t1psrEVDUOQRHgknPi8XQ2+YtEnpCLlJRyyaKKw25fssxzUqSU0p///GdVYOaHH/5JGMzV4qPrYuf2ruu6Kc3MrAzO+T4OApozT9Pkgc7n8zSlec5PX/5yOJymKX38+H2M/cvz4dOnTwYHaXgOnz59Ind6eXn5+vUl5zxstn2/OZ+mec7e+5RKzkkUiSjGaCTeKrB2GN2P4/i73/0uhPD8/Hw8Hq3y29aNVlCfGKN1zzgcDnSdnVRJURVlNf4J0Vp/q2pKyXjXjBIlcEsHDIdYamnMkm4j2nWdqBrW5MqTCHDJB7vZXCt/3XDZ663Xzldjv10NANAGyKI+y37CTSOIyj438QfEKwZ8u1PkbxzfEh+vZ/Xb93l9wTrPy5/tUVm9NTduzrfXw2of3SyfNIkn9bc3Gkf7SoLHnBVRhz7c3e12uwFRxunoXMhpVMgofd91zokWnqdMkVJK85yYl5LtWlRiEt3EB63ZgR4dOMLGdlMANHGMYDUdi7c5+BijBgcAps6sDuNlo7i/v99se3MNeu+t9azMqqpK6pxbciUBibDzTpeC5qKkLKyZZ5lBKcY+xB4wAAYuNGd1oR/H+dPn58y8CXGe8+cvX6dpirHjX78wM0tGB/v99v7xYRj6YdiqIpFjyG4B0YKiKkWF4MuXr+M4o+g0pV9//Rx899M//n3O+ZefP//85yXl33ufUvrl178ejoumGXxUhnEcRXTT9efTaC9Oi73H1WJ1l8idNlmnFjO2JCgRsQxU0zhWT3ZBRBPKKaVKY7oW0cqCVBwEwYqPjVAEgVTP4xiDD84LIooikQs+dp1zCgDMKqwipbJPCK6wFpWK37US4a0Z3k6nVfArzbd8UbnDuasIZv3tEk18K1DQqjxVfLSic738ctxo9e3tvqk1tM+r4xa5Td/7ljVV73AjDtZ/b30f7WVwLXdU1YDIsEnOey1u2hWs76m9Yb3nayGCxOTEBwoRnQfAkvJ0OqXt9gGtUMuorQCz5pwDhHnK4zhftEEGLooIoG31fc3KQ4K17dDaiQMRyTtip6roFzrw3scY86WxUzT8O8sjRsS+74d+28Uh5am+FBciLIjeqIgFUFEBXYyxcJIEpMFHcMEri4jkiRERyLvgh12I/XZ7/zCe519//RK74XA6E4ZxHBXlePDg6POvv1omGiIeXw7H43G73froN/udFtXCuYjwmZmnKZF3IPr09DTP+d3d435/v9+N85zmORtqQUrF+7UpEQoA5FRc77u4IaJSZJ7nac45l/F0cqHz3qvwOI5FJITQdV2tfLW4qCKy+YaG4fjy8vXLl3meh65DxFIKiKRS7F1YN5btdrs0l1ypQppSIFX1sUNQAgeiK5eBKszzrLBW04qC90pIwSMlUlJVXBRSV4pTG9vanxgARNjsOyLXbpA3u/VrDr654D9+3NA8rtUhRoo1570qdCvFXmEI+LpFE5E21XHfEh9VLN2M47X4+J87qg/lRtDeyr31qFL2ZhjSZKDd3KdVT/RVt766motuL8V56DsfI3kS0STiAT1zdg6t6pSLJigrXIlXxVLMMDZP2IJ7Ut9QNaqJCHRpGnQZBqGa9t6YxFZAwSrTJCEEBCjIhI7QkV9oPWee5+wcerfUEJWSh34AAEBlBEBUsi2aJs6o6Lq+36AnRwrCLFIOz2dVzYkzF0QXuuBj6PqevLt72B/P0zSl8Txv9psvX76cTqfD14yIyMicj8fj6XRygUII3/3wfb/ZAFARTnM5ncbD+YRoYJlA6BBdCKHr+q9fD//8z/+KiDnn3W63whpC1w193/fBjeN4Pk+bzWa/u+9iOp9+/vTpU8nCJYFbmoFGAEQC0bYkqqWlvu+Px+M4jtvttu/7w+Hw/PLinROAzWaz3++dc58/f04pGTJzaxHXnkQAYBASAADWmwaUAASUuUBBRAQGAsQC1cPtiJwTBfGevffec+bMzKKV71RkESggt2lvNxrBzfGaE+0oKzxwKyYQl2RXvFIoriKYVXzU+f4Gt175Pm4Up9846j7fTu9mJvWCN48bqVk1BSvpqaK3Xlbti/ah7TV1l4BG0Wjvs/5QRPTa0SsmK9bBLP8iAiIoFO+w7+Ow6bvedyH0MXRdmOexiz6QQ0QUVDQ+Nk+HMz6BFZvI+5hzXm3sRU+2cTqMRM77YL27xfqGEIDzbt1CRYWLMjAosWAkTy4AuiKKhsGF6JwvrNOcY+dDCEQOhAV0HGfyDojQgdprIiJyytwN/X632Q6b4EkLlzlxKX1/TimdjuPpdCoiFs5Q4P3Ddv+wv5vS4Xgax3F71/sOfv45b7dxnudZRgVEQeZsZZnPT1+JaLvZx9iLyPk85SmLzBT8w8ND8LGUcj49v7y8PH89pHlGcCGETd/H6EXK6tHEnFkVg4sOQkr5fB5FoO82NND5PM3z3A3bx8fHYRhSSufz2YVgGNE3+8E4jqWUYRjevXsXQnh5eSHEh4cHAej7/ocffkBEc6Dsdruc89PTU3UctsxW1RAAQFUGYVGjWxGZcya70sGckvP+7mFDRMLAOlNaIoDMjGiI/YuiQUQK/JoBK/XSdYsieCU4Wllg42y/vXxuLIybu9Xd9Iqp4eJLkjXXvv7KV1+uqlqR/m/w/A3Dtx9ahvyPHN9Sutqb3CgddW6w6lpwrVzUwa+eeWxlDS5dfEqra9SjvRIa8ew9hei63g1Dt90O/RCdQwRg5pzVARI479GRJ3CqmOdU8oLpgIimeiBi15G55VRV1RwSrKq69KdbKJVN77YJ6mK7l1KysPcevXvYP+z3e2uwzpy997HzzjnnzG2MCE4FFdi0IWZAQR+cCx6Cc4FcCD64vb/v+7jtB/AEmZETkQcP2/1mC5vNdtu9xNNpLKVkBkfeOaeA5DsfcZv6l+NxTMfzvPvxu+2nT5+m0zGlggimOzjry4meiPrYkY8qqAw5Z4w+xng+jU+fns+n6Xgcp2kCQdVCK8ILEYnKPE+qolmGYeiHXhU/f376+vWrqm6HHRCqIhH5GM2sizF2XZeZrQyvqgym8U3TZBcAADMPw3B/f/93f/d3c87H49Fcy5YXb7kwNa2xbkL2Zwa1dnYOFv+HoKoohWAd2FTVExHBnBNMyNw1WzrV6AYRyOr4VzQYJ0TEFh9D9Y38N2iilqskQnzVAq2NyLQc92bbN1w7b9N1CzvzqV0P4Eon8NqEMK+Nl7c9FzdSo/5pj2nVgeXbb8uiG7bXVz6OVt2oO/aN9lEvq28aEZ1zNVe/vcA5Z2lYrYjFJrh1s6aIGKMPzhkOaIzRexIt05R2205Ecs6eAgYkImUtJU885ZxVAOEKQ2Sz2Ybg6t5l9CmyNqAgqlbksgLrNIsKg9qkYowfP353f38/DH1KaZ5nIogx+mDR9yIisIAYl8JZVfu+913sht7H6CL5EHznXfBdF4EIuJRxOh8PeZrBmlfFpQGVtfc6TSMKgFLmIizkcLsd4sBFy2bb391v3sf/hIjPz8/jOKoDT0uBtTXWyykR+V3st9s9szJzBjkeTn/847///OefVZAoqGD03WazFVkouOuCAueczufz4/4ds5xOIwDM85xzzolz4th33nvvYyrFnr7b7TabDZbCa4P0qpCKiMHKlFK+fPliMu7u7u7+/n7O+fPnz3/5y1+8958/f0ZccnZqqPJmP6taNhIRoL1mNjQ81qJirXa9kKUCGNAELWrp0szIEgsLc865cBZV51xA572H68YGlXrlVQIkrJHHloQqR1TxUa98vctWDrJvq6CUtnzGXWXx2p0u2keNDsiCZbccKdVemFcVwTe79GuJ0EZ6AEB0GdBq4S8IVyswCq4O7HXVDD9KF0R5cwTY8gCAqHLFMQIABCgLRDgCqigqgKooB6vctsgFICCCaOEsBNDIbEQgW2IUBKAlxRODsyYJeB7LsCFFQCqIs0rhAgSURuddhG5g7g4zA5xZiyi7lJ+fny3zGlTLnM07M8TgvS9Yig8aWJzknIFFY8Cuo75HRMlZsooFelXHS3cL733YbDZ3d3fbSB1JAAYUIHXObbrYdd00Tb4bjF7P57OyRLf13peg/eDu7jab/R5CgFLm8zS9HPz9HSIKwzjL8Sink5XboNf57u5uGIaUUCAGv6QFpVRQgUspmmOMj/ttHu/m06G8fP6//ZfvHT//t//9rywAGIfN5vf/+E/kw5/+/GdE90jxeDwO/fbd3f2nT5/67cOvvxzHkRkcSyHIQxy63hceQwhWsnA8nqXwZrP78PgxsiROn78+7ff7l1+/Tmn+X/6X/+Xf//LnPKds6QnBO+dKmr48Tc8vznebUkpmLtXHRBS8995/+fKFiN6/f8/Mn798mXPuN5svv/z69cuXcRy7rkPEKc3zOG632zzPxhoGDkLeoSNWAZG1UkuWfqm1QwK50DllFpEkgALK+vz8/Pju3W7Xs8o4F9G5wCw6FZXQ9xTc4VhAIcaBnJvnpDKZ88X6bFSWbvWIymu6djJoBU3dn27ExCI+uLhXYKhEZLkta8L0XKUVc3ktcap88deDu4gPuOzzFxkGjZpQRZd9qNYmNg4YIsp8cee2pkc7pvZfvsaAtDLEb0mr16tWh/QtP5Pi7a2qXlq9Su1hq+r9AuhESyG8daUJJhqsk0GRLMpbcriGgQzxoZKXrBnTZmPbKyyrgV2nU0NI5mQlIovCPjw8PDw85GmeZ2LORtZd14kUEdf3C8xSCO7ublc1yth744E8TQFAmXOep2k6juftdrsZdtEHs6pOp1NKiXiepqnrukqd7WqY6LfUEouwzn3/4cOHf/yn+devX/705z+fTqf93cOHDx9YZZrfH4/nT58+zfP8cP/u3eNj13VJ4P7+/vvvv1eR4/FIRN55Zu5CZFYD3yfA6ncYx9GipEbQwzB8/Phxs9/99//+38EAylVts3UxhBDmoi1v6OoXE5HNZgMAFuARkXEc/+3f/u30/IKIu93OAuEd91b9PAxDiLE6Yg0ju+ohuqaWVuKsTre62ZohM8+Y5nkOwaDeavpG3/dc1DQU7y9BQ17NVdvRW526fpbrXIzKUHINsnXDHTecT008xaQGruHeSq6lFPyt8Onq+1iPq/BEJeiq4bwWgfWwTPhWENSf31hlN/e/ub7GmZfz18r866OthZEmtezNcSKiXmgAAABE15q0BYYJrWfxRXz4LvilncrSVp68izHGGLoQogqWWaZpKpwEJIaoa0KKEYHRZUqp6pOWgLxQOSuKamFRFWZd8xdVlRQ6H4Z+MGui8yGQO89JWaA29wUsIaKCc+58Pk/TBADWcgkBVFRVp2kax3GaJmtYfR7HcZwMKMRQC62HgG1ZUsoSQHHO0iJwNYztqDLReKA48t49PDx8//3HL09Pn56fn5+fnr5+2e72u93OucD81XKCDTX6zBMRbYah7/v5PAKAiJSU+9hpKYnZk4sxIrpSynQe8zSGtR6HvPPeU/B38c56NeecWdeuQP5SGKmNxm6v43g81o5lqnp3d1dfiiXILBC8fvFNWAKICQXvfXVsV38nAIBe7aBGga4xRUXk5WXy3gMiwJIR65HM1TJP55QSIbq1O5o2Xs9atNUGDdq8arg22HmF1MEVJxhebaK4ZmDjdQKBvfp6c23SW2MX3uQ7O3wdpd2t4edb9sNrleFGB6lVrdBkpgOA5R1AI/90dbXWkzdHK8L+pie2XYt2yfRa44JGtF3WrpKBKqwVJoYeWn9FBM5TcD6sIlmEVFUYDCKUWcqcUkrWaE7ckllor7Bm/laAvHaasIDHaSmZm4qJhVsIY4y73daceYfDyzSNTkFKtvftvWfv5vGcZyqlvLy8PD8/q+putzMDhIiOY7YWfxT8ZrNdUt1zzjkfn19yzsF3zMy5OKTgvKoztblm+pdS5nlektBEUkrjONYX5AMdTy/jeB6G/v2Hx0/PT58/f/5v/+2//df/y/912OyMOYd++/j4mOc8nqfDyHYTj9R1XZqyVUVJFlV1aM5FJ4UTi3hGUIP2VoS+74vKzz//PM+zLZG1jMg5F5WiUkphuDQuaCz2C+KcaXPb7dY5l1Iq02zyHRFzzkUYAMxLwmu5h8mvhTJfkZ/9S4330a8FUMx8Pp8XNN/Q1ad3XcerahljBKTzebKdpuJCvbn/VTq3374mclilTHu+3U27sCTF1/UxCWDbv3Gu0erf4jyAtmTO/v96aW6Ml2/eyF9gU1uNxr/yd97Mp/6q/QqrdxPXC7796HbDac/cPGuRSmuAlgC1Nm1oBiAqSJfW2SqK2JFDRBWRnNmjCuHIowiWvOSeMzPgpbXN4jAj6rqu6zq7Gzco25WaLe3NZAevePR1CrSi4Oacp2k6n893fU+1O5FKmtCkyTiO4zjO4wgAE2H0ziGEEF5OS5s4VT0+v/hFjSIFOh6PLy8vRIQuqOo8zyklzAYLVmKMWmSicZ7neZ43m41Jsek0ptUvoCLDsJmmKee568P9/d3j4/2Ufvn06ZeHx3e/+6kj8ufzGZT6vnfottvtmM5PL08ppe2w6UL/9fMXk00pZVRAIhFI0wwAwzD0fe9Q53meS8bs4tB7kU+fPz89PcUY0ZHXpdUrr+aziY9Wdth73Gw2xiq2eouVRDRNU855v9+/f/9eRL58fTLbTdZM09bwhOsK1EZJRVMJWwo0VgxrLxjnrwMFhZ1z29DFoU9ztotNK7GX2+7H7QbZWkCV12gt1MCmOBsbe6eyW+tUbnkE1ioKXT2D5nL7G1xfd2MA0KbHbRUleG28tKzefqhDrOpQZYBWQYJXwvKG/2vC3zKl9ctvGS9yjYPQ7jbt4G+kVZM8szadVAGwaNzlGlQQKYjq/ZqHV7gQlOxjRCnMWgybNXqPHr13uBbd6FptZZ6FEIKZ3PW9LqTpLlmGlQhMW9FGn6ohtMLJgQNrgqMEKIWdqp7OR1UN0Xnvuz6QA9FSWL1zwpxVLVLj59n7QMH3fV8SZy4AQDSLwDiO8zxLGm2cC7gZLBiiT09PprlM06SqFgEtpQSrHg7gHJKD3X77Ud5PST5//vS7n/5+u9123eF0HL9+fTZndhcC51xS6u8eqaPz4WjRqzFPiCgCyoa97vf7/W63y2U+z1POGRAfHh6892ZYTWm2ESKiEpoFU0op2hrjV4BytqSWEmZ92odhGIbBjDubnaWHeO+HYYB55hU0qO7GzrUt5aESHjcR1tL0091uF0xpVDD71LJdiajve++ji0F46f9Q4xi4WkA1wxCvyyxulP1KJNXx0QqOluPM22Kfjd5Wj97lhrQ2nPbes9QQyhuHlyarTJvifMTbwvwqAt8UH6153P5Kr9UweQW+dnN4chfV4xUdvD7qC4ZGML2WrJdDrvQYugTDcEFxQSQAqmoQgXNoIHeBFHGtXkFSwcRFVUWFHLlVLpiua6q+rAn1zrmbgdmwp1yEeWmmt/qxcO3utRmG3XbbdR0hlpxzzpwTqtfVM6e8FH0FR8wsqgTqCT0hgaLKZtMDyDwvWreI5Jw0JRQVBBAUkSTJDBZroVI12Mqf5rmwdKx5nhfCYp7nOZ3tnaqVEb9//7jZ7l6O518/fSUHIYTtdkvoU8pPT885Z+aQE6sgMyOAd47AmX7kXPC+7oSaUp6mec5jLgWJBBQIyTsB7TfD/PzMzAyqirRuMq/Jr/5p7oyqysnqzt9utgAwz/OnT59UtQgb01oYAlZ1o65DS5Oyplq1L7QyiV3fefK4pkSJ1q3CG8IUouTCzMF5JpG1Z11LM7JWP1w6y/olWbxNZa7ig1eUrJYHm3+vGBCaLI/2yt/wLbSHL+UiXRq3sYawmE83d2iH0n5oPb3L4po8JlcvaLNxWqdOvR6u7Zr2K/eNChrbFqoDtT3epKRWrNDinEUAIEXLA6JL445lNt5h9BQ8rRYlAWApwiUZrwEoBfWeKGM39EamqmpGja5EtriyG18yEaU02bLoBTxNidBY9P5+//BwF0IoJZWSzufTriNLc8wliQiS+kBIuL/bns/n8/mcCxf25AZLJ0MXZ5xAFFXILRkHueTjcemnM+clUGchIfDZJIiV3uWczYc6DIOJDysnM+E1TZNLrILgqOv9w8Pd5m5/OE5zye/ePyDi8/Pz6XQKvvNep2l6eXlB6FXEdCIG8C56P5dScmZjGd95dC7nfDyfirA4AQDXR0Rk0Cmn8zwhYhx6cETr5iGXqjOn1+azvXTLCrGAqFkudpkV15pd5pwLXWRmM99sHSrZmCGZbcMwlmv6ItF6wNoLalUYi4hoYaFFR/DkMJIKJpWUcyklF0ZEUuRcdLWwDGuiVUiXou1VFa2KSSutYO3ndAOUUcfp8MKkssL/YONSrb8ysvTht/B9fOU9EbFWEriUSNbamCvHsl4rhPVh7rrCDxqDqlVwvnWy3raqJ/UkXXdvWTsVLjfp4pVrto6qHSQ2RiDYQtd+xSAiAizk1+5q1yoMghheKYAoqAPUwqf5/FJOgYL3QQlVhURUnffOnPm4QmyYGVJtNwsWVBXDFr+FV7ApW36kXXM6nYySNpuNiKTpYPljm83GblhKMVoxiGNEvLu7q7ZSLrMZtEuLk3liBUdUtw3OCZWD8wowz3MaU0rZErQW2lAqiZ+nFyJCpOi7ksrz/BJCiKEbdv3xeDwcjxnABy+C/RB/97vfnc7J9IsQwtenr09PLy9fn8/nqYuw2Wy6ruOiL2vhPAD1fZ9SInKn09kqU8zvCHFZpRjjOE3OuX4YdN2KzuezqpqDyWg4S67KvK52hPfeTJLHx0dVfXp6enp6Mv+UgfHZKyilpLJkG6aUoEHQ6HyHTehgUTpk+dM5l0tapMy1D8L71TpAFACH5L1H1WlMpTAqDsOwJXee0vl8TikpL7aDTRBWN0qlFl371JiIkRX916SeDdiSkls+r6JBuLQ8JU02ml5bZDeftTGUAMD6onps/AWVb+HbR8tdbz7szZ+8Vijah6peRb9+4z5/U5t6PaRbHcTyYJtzpKB4cw5Il/+sF5E1RuEsioLKyoKCRUiVnHPo0VEguqDUmrCo7oMqGauWYcqFue7sDK2l/bBuXDUX2xYwhLDZbJi4Wkb2iKpjWzW6pWMQGW7AfJjSPI6ca596EWZFF2LIOU/jLCKx7/q+K6VM0zTPs0ETe+8tG8LO1GHcrCdLWv5TJVg4znu32fSirmRTKg3VSVJKwUHJQshVG2UFQABCBTSsEec9eFcyCwsUQURSycJzyYag5pzzIfgQnPfG+cYGIqJKrdurEv3xeDR1ydbcdCvT4qDde9bNmfkKu+xN1/3Ngujq47eT9pqCu8BBEJH3KIrI4pzzrEzLt4EWP2URtgwuExNl7cgNrdiqg3plZdxIjW+N+ebzzcn2ww3H3Uz21rP6N8VH1fpaSYxr1OrmAe1QWpcvNMbO7cj0MjgAWDFH35jJ/9Ch3/CekIJlecLqnTWpUR+KqCisUpSLOEAyV6v5zxYfVUDvHDlcGhTaGlZ148a2rBKk67oYoxZGSxxSEBYHGJ3vQ/Tk+hCH2EUfmJkUAjmKnSnzYFn8OQOilVLErotdt1APIiCyyDhNh+ej2VDkHZEHEWXOkr33sOLV5DkZuF5Ji+ViUszUlgun6dIhoRrbRMS8gC0u6MHknUNLpU9ZDTnxcvAaqFIRkTmnVFhEFFEAlRAcQXDAAdCJllyKQHHOkZJk0bOEEPb7/SZshmGQFQ1QVxtWRJRCVeahUd1F5HQ6mePGRm7uG+8vrlARMVCfGxaFNX0RAGrkDhc7l26IU1didktfCAVYKk0cInoHQAnKunoqhRWXFGRSuPgsmxdRddV2B7Vp3hgd9Tx9w9i/4bhqR3+LceQ6NGH/t2+ghUrW38wKax9ZXwlceOyNX9Xt7mYmN0YQNNKhDvByz9U3wVXcNJP5m6O9eW77uY4JEVdku+bMegxd9GEJx5aiFMg7551PM4uAysXCAmBVLuUqjFLvU9VFS6Ooi2DasUGcheC8933fWeNYkZLSZJUszMXck8EPvLZiGAaKkb33a40vmWvTmm8za848z3MVYYIs1qpeZD6PvovbYXPW8/F0enl5WQap1IUelcZxfPr8FRH7vu/jcD6fUYnAAYAyCGtRRqXg1AeMHUlRQBVgllKKKCjz4t5butiIxBiLMGchLgAwpZKs7Zt3mQsQUgwEqFQsj0MQWIXQAaEUSTkV4dDFGOPm7o6XfkuYs+U2i4q4GFodtm7Xreu6vg5ae+JiVYF1MYrddb8YvUQlLgAR1jLptfio4sl7T3QxQFb7FIllaZggkpmZZU5LlbBbG7a2OpS5cm+YpZotVeP4j3AENWHB9id1+28lL65ogfW2N/O99GFuL/o/s8/DtTRp42jQWC4ti16N70YfWZVJeSWz/uNjeONbVV2vscInk0ruSnSgI+q64D2JlJRAmKEQxQ4D5pyViUgRg4igLkBhdaOtk13WYU1FtayQanN2XbBntR2MXl5ezFY3CBzLJjKidB6LsAUIQhexFBEZ52lKs4CaARK66GMQ0CKMog5Q19AjIqIiABROrjhwhIiEkJeelYUwwnXKIzS8x9f1ncyspDF6cCRjmpOkPM0zT3Mm6kVX9PZ5Pp+mksV7P7PIAkfqRKSI3TBkZiJyISJLEZYCRYW8U0VcExAyF1ZJKZ2n8e7uznsfh94mZUt6o2O2rGIIbCZN7GK7ZpxmbHIlAC9tVW8I6Gbbb9ehvm6ApdHy8rKcY06Lb5GFiQN6267qzysl2PAYwVzUNi/zbrTi4+Yw2w1atLqG3d7ki9c82J6BGwlCV7+FmiplPW6x8dy29/oW49WvrmREk0jz6tuL9tj+/OLLvHZ/WCLw1ZBvBcq15faNkeK1mlfPG0HBZZmqmrMg7ttb8M4te0ioRdZFgAtQIUdKacqIzrsIfvXDIzrngS97QrszVOO8eiXNtJlnqYLDPBrH49GSR81f2Pf9drsdhsGuyQLTnGv03oIjZhH42McYFZ0AKbrMOqUiWhDRKaooL++elAUIz+OxZBEES4q3KInKZIImhGDgPQBgsOn1NRmD2exKycMwdD6cU0p5mhPnDCJqspRoCTHO81wKhxABlIsCgfcAhEq4lI8gCGhhLsxJODhScuCcU2dCGogsZSNzGcfxeD4ZSpsVEFWirXRfSfpGWTYFcEn5J/L+plNaQ1qv4ozQ7H8tj91wUOVkAOCUqSciAlBmJmTjSFyKYoUARNQ5sbrbl/FkhFEFys0YbhjwJpeqfvhtFtZGI3uTd26WomXV9sqrHJh2ub91yKvw6o24aQWYfqMn7kXAv5JBreVp70IuMaCrm/xNFem3r9G16gkqbuUKGujokn8BAETY9WG3jcFJ5130IVDgrM4F7+LaLAFIgYhgTdLV1c1ha2WfTZOvu7o5MhEAAYQ5zTMilpwtByR4H7wnxHmaSs6mDI+8pGOYimuSyJicvHPB8zxNaXaTH+fpNJ6ncbygoqqCwzWlm1PJaS7OOdzWvL6SU4FrdQPWpAkbvBnnNsecM5ZzjBEcWkB0LgrYhRBEVVh0TZfw3iuDc06LCBTbfk33UUQgdMHnxOd5mtOsqi5ELUVA0VGRtZrDOb+K4M+fP/ex6/s+OFclCBHJFQDFxaHo1kJErSV25p8GrFSnqhXZu2ouC/c23ZXkOv7YnrmRHbZEFkQTYWEREnOeEZFDUIekmoRFpLGPqL0zXKe6Vjl4swG3e79824FaL6ibgZ254cfmwxtMWjnrpk3U3zaf2ivhLfFcH29X0nXJXr3/m64dbZyy68VvXPnbI/ztwZtKqtda7vKsa8sFV93SOzcMw93dduioDz764NEro4kPQBHIq4F8JVXrTWqg5PU+hgDr5lyIyIq17+/vEdEq3yw8eT6fAcB7f1r1jpqeYMmLu91uGLaImFIp5SQCp9M4TWmaJlwRgAGAFKyS/Xg8oiNEKqWcD0cGtS6wTNr3vffeunCr6jAM2+0WFoSkvGS1EZVSUkqAqXBCwJTmeR4TU9fHGPx55FJUWFXVTDBU8t7DvLRAV7JG12Sd50MI1l9qzklxyeWfc44EzFwMVsk5IAKRIvz8/CzbnffedUuUylhiSlz1vpaXqGkTRWspgHNuPBzrGyFacJsWaduSR/PKbvbL9k+8dqZW+eucM7gTVW0d83ZBSmmaEjMjkTqsIXxei26rNG/lVH1cfXS95rXD8YYLpInX1rnDW+IDVnixGyGyCPT/+tPHRnShXIKLy/oikNFNtYfb11Bvx9foTPVh5C8RbGqizS2PwbUt076klpO5KSqr+su39AtpOmIYQdjFVEM5JtdwUTE2255zJtToCYRBeOjjfr//7nfj4+P973//+//8T3/48O6RQM+nwzye53Gcx8kB7rd3wfn5POecnfPuDsdxzDkTwSI1UhYpT09Pwgyw1DVEH+y5wS0HumAJWpvNruv702nMuczzPM1zKctqE5HzMgydD1RKKpy9pxi9D4SI+939fn+P6I6H0+FwmqesigpzJUTnAiKmlMbz3MD5kdk+Fs5k6Iy16q8ABREtS91gmeu7A4CJbZowTVMpDErMmGZOM8xT2W0f7/Yffv3ly//+v/+/n7687HZ3f/7yTM6hd6wy58yo6J0PYRxHEQFVB2jlAkTkidI02/oAoYgUM4ERvPdLA4q+M/VKRApzejmZbQJrOrY2TpwqUCrPU1MtUhWHKqBvXJiq2ve9lTXP8/y//q//6z/90z/9b//b//bp06e+7yubra/UEdGHzohNHCz9NFR1yunL0zM4z4LnlAsDK7JAKjlPI61Hu0PfcAes0f1WatzQPzZ5K5UdlC8wWu2DvrUlf+u8SbRLnRsAtFmnXEvurkNZvhYXXxtjdaDtSVVFvXRdaV/hax3kW6IdXqk8VQy9OTE7qlPqN5amPZbFBWG0fwSsrE55s9k83u9DcLkk4GJgpd4TdIGUrIrfd0unKE5SN43KgSISY1QRVa7iw+bu150QXQCAUsrz87M+PzsXLOyLa7Mre9P7u34YuhAdc84lES3FJtM02T4WQmcZa8Iwz7ni8UIjo1vCAljAokxDmUuD0yVZVS02UcrSbu5mg8pZSpHVKFNCt1pV2nX9fr+n4AVhf3/PSufTZC+OS7HYrRKAqvmJRURFSAFE625vySy4FpUsW5QjETGvPEwLdsEiIq+jXdSUpb4mGL1W2lurpGbTVKKVBky3th9rabvliHqIRXxRBIBKoSYFXq/Im0zRvgFYgW8w8I0u8C1e0NU8qb/CV1pJXZ9v8sa3j4vr1Ji6PtIi4KoKepVCYxFpaGZu/7oG8byVAq2vpH51mUxzsoqtm+Wr99Frd7dd/y0l7VvG0eJ51WvMR1xSHggVBB0CIoTgui44wMf97t3DYxei5IIgzjnncb+5B8PpEPDkQhcBztNh4rm8VsSI6O7uTkUM5945Z6U9qhqu+5IwcymSSwmhaxYJiCpCVN1VFBb3JKgogjNrgsiHEPoe0lwsp3PdWn0ldLcWaDkXVNX2WFtMVgZYsjrV3h2hI1AuFyqxSRlKtKCIYRcJoVfSIsKgDLod+t39HRdHRO/evfO++5fDH733xeTigsBIAqAitJbwAovq0gJSRKzAnFVUVERgreYy6cMGLyqLg0ZEBgqVH1rxcUUDDYe7t0A262VwbRRYBKT6rZ6fn798+SIiN8iA7U0stASipsQBE4A17rAgwBU7EBFZC7vrp2MD//N6YK/p/Ea4tH/+hlHz5vEtwWT3vIgPuQYrNMRzVZXVlsTVF9DeEa+ViFZe1qm2/9bLXsuIVqlpv4LmZcN15PlNr2q7TK1kvQxAUek2LFdKBmXnyXtyCI6oi77rw8Nu++7h7m638YgC2vcdYZwdPj4+OqJ5nufTBADeRwE+nk+VD29sYOuucFH+ZW38t+YgC1wAzaw0A1Yji5YKZguCMiKyZEuHNd0HwKqnVjtRsdqYzLxGw9fl0iuYKb2kJAQAcnAWERRBYbfImrX8T0UsPUyV0MIhS9J9KayqsCJ1glLfBxc8OlIGIAxd7Hr20UX0kHPJApby5EhAszDowlHSvDK5ZmkjCFtPc5cuQs5YCxCdK7lU41rWaNdv+AIqacm1Q7QaOC2x2Xu04Pp5HP/1X/91mqZpmsyvDK/2cERkVkQBABRQd+E1y9NBkylgGU/LW7mRZfWeLXPVM3KdItCyDLxifkR05F5/9S0Z8TeP25Q1WFnX0mNsrq3Arm5/bLxEiNhCtkIjUAya9MbabFXKOoGbTaNlv7pMdYQ3e8X/wHHlETP3x/ICCNE5dJ48KKF6xED0Dz/97uO7d0OMzNk7d7ffBqKjg663pqdL5KyLnaCMaaQZahq1WJh2mpnzOI7eOWtYDQBSloxtMZgPQSuijzESeQVgztbnAUgUSHXpTRdCR2tTRWZ2nqy1e0oF0YlATmWWZE5TywlXLViLyvBSYy2yDJWZpRatwvJfDT+tYVpUJeYGBQ+QkAgdK2RmVfTIwsQq6GjoNyr4fDhwcXPJh/N4GicXA664GHWHMI1DWJxzJh1wpR8LD1XHhD262oY25LaMNRAlzlVZrkLkW3kT2DgFLjTRYAJWUq/Ubv6pUoo/Hr98+WJOlhijVRJWuq22YeJCRB5p8UGCUxVFJiKBmr0Gi4C5AhtYmK41r9qRt5vit3jh9U6PTejgRjH5Hzq0TRt765FvJnFcEorqBPC69uZmTFVkvFZbbtQTXG3OVvVox1B//rZOcX3cOGjax13GBoAoAIiq5BFVCYFUFBiJQnR9537/00/v9vuImEG7ELZ97zwWjgACIOjABULE0AXyBATTOBpooPUQFpGcc0rTNE3B+xj94u5aiT6NyfI7TCtmZkvkNtlEhORD69yy3U+0iICIAC8dhqYpAZBzqWROqYzjmObCzAqXAnxVDb5bzW9gzqZyalPOp1JAlRCQDNLVoKXFESkooCLapqIKKqKFArOuewogAdHST7dkfH5+nmYdp+nry/PL8xEIWYqCACgBoIqwcClcCjoyyE8r8UZnZQRaClcfoa2P5R8b4pmhjenqfdMmaahVK9rd64YeWl6tYsKO2uqhJUhmtkS+x8fH0+mUc7Zq3aoFwCqVbF/JqXjvwUMkj84DIcAlKEmgzrlVE1VmhrXvnDaKj+obAK43n1/Lgtey4+b6N391c3zrW5tv7TxiK3gJjMs1yCI0Aq/KjlYveC0O7QMLm04O675RH3EjOI2s3StcDPi2rPmNmd9sHe1aKFqq8tVvCVaeFvQeN71/97j//oePd7tNcIjKHqEL3jv0jjZDB4ue5eIQVRU9dl0X+g4KPz8/v7y8lJIAoOu6KXbzPB4OB7e44ZYtxbhiv9lb2hh6V9mYZWmYEmN0wQMsmYillNP5YLzEzCLFybKw0zirgArg0m5uia2YeZJSmsakqjFy13UG5pJSyvmCb2aPIF26WxGRIwcKFsjoug4UURVEdA3PqSp00RxAqigMhBp81/cbdL7vhsPx169fDwoul3I8n/p+MGpZ3rK5FFVB1ZMzPCFed6BlT2re0bIVAcgK9brSHACA5ZIsLth1hXFVu6p+0TLMzRZYz9xQdetrs6pWK2U01SOEMM9zvac9rmqgkIsARkL1BI5s5S2iQEgOwTlhARAWEZYMcuXge73nwfWeCq+kST2JrxwliKh6MSbe1A++9aybY9E+WsHcMm0pYlorwsUFeHOvVn63KlYr1EUvACe2v5n5Y/Xj7RPrI9rB3DD/jej5bfHRzusifV9BR6MqoFWFiiGeRh/2u83Hd48//fgdCksu4sk58oQeIXoC7L0nRZizV8JSBFDJu+j9xvewmMrFjOT5PM7zuN/vQbWUtFRbAxoJPt492tJluWSUoSMrw++6znB0x3G2pXt+PpuqAouGb6YyMmtKRXWmtXJ3SV5EL6I5LaAeAOCcJaPZT5KaXwZRWLkIAQBY2z1AVGY1j6xzrtVTmJmLiAh0hOgcoAIBoicfY9xu93OW/f3dp89fx3nqu633vqgILP7SsDosC4DjpdIuWMlpzqZfKACLBHQtUdlL94hGcrgiXIAFMsmBW8iD1nSJ6hx9kytc09SyJd2aIlBpUlYMRNMuTU6ZH3ccR2p8FlUTQUTNjERBg4CCoiCYXxkAgBDEbCVBRBA1wmh54Vvk/S1NpP2VvmWhtEuh/wHj5VsXLNpHzcYz5VMvBUVriQRcJDRcJ8m2YiWlVLW+utZ1NS3J2gLp9vgaGL7RI+zK+kNcPXy1BvFGrEgTnW2lTyWp9o3W1VweAQCqpkfM6bzrYxfJoRLBw93273764Q//8NM2PrEUZT9sNqr66y+/+Og2+03f36eSo6cY91Oax/PMnPu+3+129qzz+QgAXdftho1IOR6PwpzSZPWvDskQdKOLy+xgQevs+77fDBWxhkWIaBg672mz6XOZtbE1mHkYhs1mY4JAV9wQw0a1FA/bpS0CqoqGsY5Yc2ophi7GSDimlAys2Jgqp5QTMzMqlLQA86CisiqrIwreTwyeQh+BVYRVBEriaZrOUw5+MMH09etX7/r7+/tff/21i7ucy8VTgOgIRDQ6cqAUvHObaZrmnJg5dl7TG1meqjqOY9/3Q4w1kwARnXOWlAFrTUBlFaOrelTNWpqIXr0/N0DE2uQ0uab9mMl6VZ2mabvdmnR+LYli3xWRcUqA6P2CcS0ijnwIAVnLOKWUFMl779kbhshrIiciM5SIyKS5cUQNA9mWXCv9odGtqpRRyzy+ToBol6LyV+t8fPNWF+OlvhLj9xuJ1S4HfBsh5/y28wABAABJREFUvW4R7baPr5BIqhPENcns7Sjrxe3EXj/uW4de6zL6SkND8xYDAgksEBVIINE5iw/63u+2w/39ftgERyAiwbs+RO89S845KwqnPM+ztQhgLWu3Do+IBsCx3W5jXBuA5sJMS1QSwPI++thZgml0C9yR1Z7Yfci7UgoRiJCsRUO9RhExS9sMCmsUknM+Hs5dHBY/aFGWXDfPlFLF3SulImWGagGpQBU9IQROGYlQtTDnItnQZVwg79ZyWjF8RRFBdIlnG0wR5qKKGcF534/Hk3f9PM+cS86ZWVus+VagI6J3bjmVS+JSQRKJCMKCAHhDXeYqUhbWYi8eCUEWSAFo9AhdPSM3bHBDvTfXV+240lVluZZE6+7bdV2txKu0JyJJAETFSSghF3FOEdGRzzm74AHIoviKWEA8OVr7ctWFaofx5sjr58X/9Iqn2mvw1cb/msXeXKKWv3S1Nnx76ls/vvFLwysVCK7Fx9X60qJeVlFXieD1QphYqQpOJfF2G3lNAfqWDvatM4syRYjgAHgNl6EPgXRW1aHrvvvw+N3Hx+0wgOQixfse3AJdVUpR5RTjRjU4L4qSEqLrOx9D78gxs/d+s9mU4i2Vs5SScyIihsU47/t+O2wsN7zzwyIOdDHmTVkDWAA1FEF1Ab8kou12a5inIpITH4/ncfzy8nLcbrc5G8ilWjc459D7GIPZMha1ccw8TSml82az8d478gKyev4I0elChWA6ggh47widsJoIsCQxYRABkTxPo8CCwzjOMyuUDKT+dDgihJwFEaVwAQEurvE3qSqwWIKABWwteMdNhyQgJENWWCVIfa3BedSLB8QjoSjolVHcstO3QMNv6LCKpzdNHliNHbnOZjbfUPVwU1P5yoAIoAJzyW52CGD+r8zFF7HcGSKSJpWe1+zqG8Z882iVplbufEsE3IiPmx36Zq99c6FaNcJXLYCIzHixO1qidCv8qhRvb9RydX1n9QwikqNWI6o/vDFe6ocqnqrt2hJBuwp1bFXLqHLkTYGyPBoJULFODVRBFMR5goLB0/1+//Hj+/ePj9HT6XTATjTNeDYLWSxikHOez3McekRkVhDxwaNqnucsyTWItabiImKMEQEQlYgsQAuGVE5L4DCXXJ18mZORI4AILJmL5NDAEEspzCq8ZFVbetc4zvM8l5LsEUi6wBFJeHp6Op2OMca7uzsASqmYujH0m2Go9CqqJrVdKZzzvKgqQCpgyBo5c5pNL1jqllUhzzMAmOU1naa5ZM4CgnkuZxyRQhciubOWpb1eXgE7DZh6gQsVlcJAqO6CAmtvsKztx9AgrM3FpmAaigMEB857qJxPvqVJuk4RqJR886HuSdWFcfOTdtMyw7yGtHW1JaHRcSpPITprfJ6LnGESKd4tuL0iotXHDwYUchUwarn9TWK+uUCb9Pybr24UkLrCrfS5uaD99sI+1yL1qlq5bsVEVJ0DNz+rc2slC6zS/UZHqO/vTUH+5qHXx80ZaF7kzT21calCQyivnwBwkR6iAqgIogyOcBi6+4f9u8f7YdPlMs7jFB/8POs0Tf2m6/vOEKRLlq9fv27SJviuqFhbIylaUUWdc6pLJvgQO+cwJdPK06JVKSwoXmVpHZYzM2cjSmsUYChGRbhwhjWn4HwaRYRZS5aUSs7svd9udlYah+jM5ekcGbtyWaIP8zwfj0fnQgjh8fExp0tHe1NbFnntaJ7SOBp4cvAesyin5FzIrEVVBC3UwYzMoAwAgApaVHMpU551JPQK7nw8dsOuC8EhMUjwPvpwmBMAOLcmFoloYVBhYYeOFMAjqEMLSUtpcJ0swq72DpnZAaIjY2Jd3W2MV2wAr/inJYyWhPC6hKzSUru9tYRX7yArzqhBrhJdrA8iKqIIJMAgmhOTAkQI6GPswdA6CosIqwCg1FlcQWf/lndTmp4MLVf+9g9vBMTNOrRfXXHO9cSh+j5wUX4ui375gG/f4kYo1JdETZvvKtHrVHXVfF77Pm6Eva4uK23g8N9cEf2fyX4xcDC9yBEpfUdrf7begaZpHE/Hc79hzoiYclZVxIEEJOcQwkwZexdj7733LooIUFBXG0HpkkJKzlo9WM2LEVyaZjNSSFOMS+MvIhqGoesCEMbo7Uo0s1gEwBq2GIWJ9UxFxOCj2dKIXYzRjHFACcGFEHbbfQjh7u7ucDg8Px+m6WWz2Tw+vJNe5nmepsmMEV3zKXORIhZUERRAAWbJmXvnAQnJg6q5XcyzG7FnUFVFBYfkiUBQiwjCaZpYyVGHolKYyONK7s45B4gAnIviUl60vhhUQgK1sol2W9Jq9oo654IlmDRZ57BaQNBw++vNs3XP1fOVFKsJeUOQ9c8b7qrsCm9tdSULktXlsyAUlQhQHZ8XnUWxFKvQgyp96vHWLrgcVi50M0J4zcXfZpY3ufg3GOpKfEiTxGHig67LBOod9dV+/voxb+p+uPbmrGZI69S9mao2kZE3Ddd2Qeub01fGS7uTXE3k8mgbPSJaY0oJIew2/bbvHFJh67Eg53EEAOeRMrqRBMQhiMjd/W48nzmLboB9HGWy8jb1C7yF6Q6qppJwjJHWsVkodClidotLZU5zjN6c54apxWyeSsO8zEZtzoWcSs4sDIimPJeUyvF4dg6HTT8MfQiOHITgYhce7r63ZR/H+a9//euf//xn88io6vF4nKZFGwIAe6JwNsGHYCnwagQ9T8nyrAFYGHJeHJx9cCJMSm7ZUUmdd86J6Hg6E4Z+40QERIAWJ86ar7Gg3l/M7yUh7ZLssVxWCcPOKCjCfrN1zvlFcctSGMReulRiuNlRW5qpHjrzlbT6wuuLb6joJmBhC/j4+LhEylbPnekRAhjQowNrEiUiqihrwpQNwEefuTCPNSJ284jfOKraeEPw3/rha7lZjzfF7o2UvBECf6MJHSKq/g0BdiPnbgSNrjpYfW1VmjSPuGJ7bMJIuAbMqq/kW4deGy/UZB9drcVF5C3igwAQQVd0L+ecAjODgjjnUsreO49eFXPOChaiZ1U18IthGIj8PCezhyFQ13WbzWa7HQyhy+ZyPp8dEaKydVea5qW1JUDOeRzHMc2qHTOnlOacUppKKYWtBTTb+ZzzdrtPc86ZHYWuGwAgpXQ8nj59+jQMnfO0222GYYid77rQ9bGPPQAMw7DZ7H766afHx8d/+Zd/eXk+PD09jeMosrRNMOuGmR0tsaECS6sXREfopil574m8Cuqa3Fk9EaLqidQHAEDy5L2kUgvnW+qpWcUqy35lfhBTYYoIiwrh2rccuVxKKJeeXqIAsNlsLMk9pVRDHs45Wonh5t/W5d+yQbXgWpc/NGzWnsHGXVpDm/bn4+Pj4XA4HA6mDthtc86+23jnyYEUFWHzMVudgT3Re+9Ch4WmaZam+q4+qOXt10eNKtRV+pts8lomvj7+5n3sAm9bJS3oL6XRmuqFl7X7jRvdSOv6gcjz+mII3FIvLACyShmrF1oR67XGvQXUUm0cKAAqgS0TrBuXAqoiXYZbCWV1m9swbITrxqLeGjapFIfsnQQS74XLHF0fPLtQ5nKcZmbJANLv+kKQCiMzJiVAT4CocZyJyAG+vJxsHawxXed2E6S5T/Ke7+/3sXPMmUsqnE4pcVEiz6zn0zxNkyqk8icuOs+zKpLbvbw4RDdNqfG9r/7UJLmU7M/j+ZwzB98XTuM5Pz8fjofT169fsux9F3f3d77ryRMDuDiMsxDR8+HJ+8OHDx/+8E//ZZzLy/H/K0jDbm8oqqqaSxYEJXTUSzGFCEQiKYKgAulc0qSqs4ioFIcYnScifjoE74MjESFmh/aO3fl0/DDsC8v09BIE58Tz8RCU+qwxeiQSEEXVgKpaJM/jGRGByKGBmauIMKhGREQQS77XSK6LsQ9x33ljxSKJsFAQFmFkNTBnY5WVQAGArbsaYUW7XESSAgD0MVrtX87ZEw19bwBOJklTSqfTycJe1s7S5P4wDGZQdTEqs0OM3rsVymxJybCEGAERYVFE1CIJeOQzWMEhK8pcSslrskm1rapssl3QcE8RcbvdmvRkZgPHBBYCoBUGERDwOshVD+cvgAytotGGNaBZHy71GhPpigiKSwDetyNu+VCkyourcdRQmVuLNblpxnUzGkT8FmzaTfy8yvI3tYzfEJbtsOuVch08br9SEXP2N5NFYTUBej5Ph5cTqqiUlObC6T2+qzzsHSEqiiqwJ9f50HUhhuAoIIAh2fQeWPJpTvo1M6dhE5xDBbZWzFxUFec5H15OJj78KTNzmjOz9v242ZwQnOWS1xiK7dY2hn//9z+LiHOhiyAyfX0+ff705Xg8398/GGiVd2Gz2fV9LCWNp8nDEPqQFM6H47nrY4ydDx5piN1+v7c2LvM8dz6g6DinsAsFSymQc57njEreBe8rnugl5Zn5smlbzgtwQRUFVNW7uzsFf07pcFx64orA4XgmFxHRIQFZYwRl5lzyQg9G6yv5esC0+ErV/jOdlJnHcVTVIkvuXKvMwrWuUUMYN/vfSioXTMlaWWMzMnY11WYYFkWvUm+Mcbfbqer5fC6lnE4nWUFeLmrXWkBcx9YOo87FjMelz8sa8Xxzt7YZmZh7Pev2Mm5ArbGJQImWVkDceGdvZAcAILwN0WzHAlZYV5AuSWyriwgut9bGHKhJpa9H/+a067D0ekHhWn/5Hz1eD6DVzW6WRlVrxnCtnRcRUO1iYJbTaXx+PnIpzHk6n3KZQ4zLyqASkQNVEBAlEO99H7uuMxmywEDM7pTznDifR5rmw2636fpgsqmUkovkzKfjeDic5jmpKp6KiORksY+x647OeVXt+z7G0HUBAUQsFaIA6m57fz6fD4fTr+PX8ymN41SyoPPDsD2fJweuD71mgQBD3E5yFlarzjidTqfTqZQyjqPVm3VdZz3WbILWig0bk1tEpLDlknLhdRkFrVhFhBliBbwycgQPhOrc4KIAjjmnlJgxxiFnzmXuQ78ovGAVYmIrg2v9GwBUywVMEIi2gNjGcmce7XMWLqUI6IU7r3bBRXertVS3dLLi2lBTI2O5drT2kY0xWte7l5eXSlRWUsBrQxzrC7mocmsXOPuzpfZ66BrutZWvbcNElm519bIbvjCda57nana9JnJtHBntv9p4Ceo2cCNY63n704A7EBv+Ba4yweNamKyqaz2PVvFBRDeSoWY98oo/aLFGvsYQqvs/0RudqKBJWm+ZvP57QwTfEsavb9uuS9WA6roDgDATAaGutydVFhWAoOJK1vMp5cQ5jfM8i5a755NtRIiAUgAlOB8cqUIay3RK3p36vt8NG8sifX75xKAixRdPJM6raAcAhdnKUqYxnc/TOE6FFRHTyKpaCucsqvPpnI1wj6dxs+n3d7th6MihMM9lLqXcbfvjIf38189fv77MU/E+7nZ3280WlaLv3j283/Tb56eX4/H44cMH54JD6KInHHLaiJQvn1+evnzKaSqlHF6+ctkQ0dBHsDZv+y2XRb6bJ4hRSuZpmkhrNoGuebAqIr7bLCSkyiqAC1bnlNJpmr9+PYzjBBTRJZESnG+cgkBExJxpKVMQVVBlI9zVJg3OK6myAKLFZBCRQU1pN4+JYjVUwJNblSTbLZaQkCWYXOHy60KopvlqA5sEq+/THBm73W673ZqMMCvGyMlycKzUoFx3L4aGk1tmrn7AqnrgikXQuktfb6WtA5HXVqe280Hj+NPVkohr89abkcTuCi0QmyYV7WXNk6XyKFzrAQB6lazRfmi5t/22+qhafm6NhZaBv83s0AzicvN2oav0/Y/c4VbFaGahjcakqotnnhw0pKTiUhbvPQudJ9bjNM2jcvGenr+eNpsN9R4RC2cCjBvqhi3nnHjinErKKOQxEDll/Tp+7brQdV0IzvpLTfOcM59OJ2adk4znKaWiioQeEQ/PpcakTKT6ULynw+Fl2HT3x+PD436z6X1YEvaePr2Mpyn6/vuP277bxNh3XRdCVNXtsPm73/307t27z59/zTmfTydmvtvtxtMp5yylHI/Hn3/++fD8vN9uT6fT4fl5Op/fv38fu+58Pqd5jt4zuVJKLinnZGVowto6F4nIEwI4BXOLuqW3BQKqFmFmzkXGKX/+8vT15YQUCfV8PKXMXdeZhQ8oZEhHqERAgOAIoUlHXn1hzuwmEERFBw6QwID9FspTYBTQRZfEypytQn2zk1+5UUVqUn8bfDF9DQAeHx9Ny7CeuFYebQx8PB6X6HWMlvJjQqStI4MmJtCKhptYD6xFOpX2W07GxpNamV9XyVlH3oqPyh0t/UOzVV+IvxFw32Kx+i2Sgtrd1sBtfUw7XOdWybK62e0WtVyn5k2aqgbXukN9SSKX37YM38a9XnP+zfEb02ulzLVoBGik0uX8Qmey+NAUFB0SpJSiDyXjPPE8z9NpQtIY4+HriZPyRhFRCnvvO48SkQtpccLo0AtTSTxqmqkUSMPQWTkcYUxZx/N8OBxejicukFKZEiO4EDpEEeYvT7OIGDvpUqeLPrjQ7VxwSi6LZmFHse+jc24EDqF/eNBhGLabfQjBQn1d1xHBDz/88O79w3bTj+PpfD59/vLFO/j6/OVwOBhc+6dPn5j58fERSVOeWLICF07H00vOebvd7vcPInI6WdZsJgiwAIVfbFWg4BySkqCknAMGF0PnPYvwPI2naUqzkLcqshicAE/TVFj7vk85MwjL4j6Dlb7JOVJVCrS2NVM0awgBUBUAkay3uV4CroBIqkBo4RgxCXRddYXXuYs3VNqSvTlKaW1MUzdF691n3hZrQAtrhx1THyxzp2oTbkV+Z2Z4y1pv9P2LXDCl3oLxN4x9o7xU8iYifNVHyS7ga9DPmmbFVwAdF0SlVqS2Q0Vq+A7bhHIAEx9VKJozrM5fl+rAqzdR5283aqXPm+x9w/83UuA189+84N++LbzCLtS3TMH2hrZKiGTiE8GB0SiqqksFiIALZUEpWkQ6kpzO51O2UtRNH88+o0yOaJ45TVmVu1CkSIzsnOvuhxAGolgyTvOYc3n+evj85eV8HotQKcKCwXcxArNO43w6zfamjf9FGFC9z7/76bu7++3j477fOCJ1XmPX9UPswS01u86RA9HiSJ33+7thN/R9pHk8Bkdu0+X57FAdoOTy8vT1y5cvOecyJ0Qsc4rO7zdbACCFPM1aOJDrQ+z7qHqnioTucDiliYV1wT1r1tO5sPhGZgFWTSmXUoSP4/l4Hs/zRC5aVFsRUioiDAhS08BYCigAOO89knNOdHmKB1zyPixyVtjq8xAAnWNc4LwdggJYcykbGIOSUt3JWnixyjByXXuFKz6I2QKbzcZ601sK72azUdXqFq22TPVZVF+Jzaus1Tqw7p3OOWmyJW9kR0OTV3DNcK0ftYxwpQggIqJ3VLXXevG39lp4S9e44b725vXzAtQKVZcRi6j4avtVBdUWpRbIV1+43c4UuapxmH8ohGCuZr0+AOC178MOafLq2p9U0Xsz528tx+ttpD1Tz1exvS6bLGuxZn/40AGSCLA6wEDUF55yEo6U0wwwB+eHYYiumycBzpuhG8/p+HLMOQ29Z97t9puuI+86R72wm8Z0GqfxnD59fv78+evhNCuQMCqGrsMQYBrT8+EFlSxAuNlICIElqxbn1cVnH/sP3w/9MLBMolnAo+s22253tzUvnRTOOQOo9/50+DJ0Hw7H8XA4hOiGrs9pHHp6eLiL0b+8fP36FUJwMW7neT6dDubydc4BSM6z99T3/XY7IKJlrIQQVPFp/ppSUsUhDgCgiobwiIhEgUjF5yI8nebMpZQy5zznVJjzdIrd4KI/j4nTjIgeSbTE2BtPGi4OrW0N8pSg4tYrMOBSwuJYVnZt9wlSUVVRYdCiIrCoycLFNr/qK+VV+hiwGgEQgEM0f2CIcZqmOSVCHIbB9u3z+dx13Xa7NVEiIn3f11SOZfwAFpqZ57l1tVa7yealb8HxVu6oH/ACCHClHdz8RK8VGWwMpXqyWkmvf6uqzr8tXNrdHZtDVeD2+joGWaCSq0eD1sOtMCpVHFabUFelS1f9R5u8cnjLnXujEdR/K1dXCeraHOTm+mW8jdgm61rYNNGFRoS/KYYArM2QiKhDBEI1dZcFQBx1hQWmxMyZRcUpABdQJRHLZyrCc07ahThN+Xw6juPskL33pQiC6+KAgOO5eEcCQYq8vByfvkxfn/PT17MKKQYERccITkBFPGhmFlUeJ+77bhi6ED2S5oxfnk7kf3l8d7fbx8128KEHCOhIQQAxxugGKiWVnFV5d78pfAaAECGlMacxRn//sDufz4fDAQAeHh7s3W02G4sL2CszH77p5CKCWkDow4cPP/74Uwz/x/HldNYZcWkKZUWVCbAUcc62bp3mNE7nUooACKig+R2L6gKUS0TBESiJLD3El6gELamZDnCz2ShCKSVlBgDvnXhiZoeenBk2KixcWFUFFLA45xCdgqigyhK/SHls9+pKVwCwdKta80GNw02V2wzD3d1d3/fjOH79+vWcUkrpw4cPiJjSUr5o1Y+wmnJ2/2ma5nl+eHio8mIty75shzXlmtfMjhuGb5m8ehVxzY0wCWhDhTXhXVdra6XqK1iMN3kHrvfaV3xx8RBVv0wVT+v5izvJCiz9m4+Ba/OsTrLKhRvzrGVsvdayRN4I67asDtfS8eZKbEyb1796827tb+FacrX3aUZDSgqMhbkUweDQUYAoJCKiJKrqMACAKKXEInkmHsc5l0lFwKOIsgKQC11McwYQlSkXOJ3mr0/zl6f563NKk2MlBcKlQZWyooh0kUw9JxaFrIBRgnOqMAG50HXozimX42kO4eQDfdzvmZkcDDGE6C2K5ByC8jD0QxfIhcJpHqd5Zu/9L7/8idd2R0QUgjdP4fl8zjnPc0qpGOoEs05T0qx93w9Dt98/3t/fD8Mwz9m7Lo3J+2j8YImzpqJK0nmep5QB1MfgiVBYoaCrfr4iIhYycQ7LEqEDAY+KllPFbO1vQZ26oisGMkoW8gwARrkiUncL9E4EDAEAHQGogNYcCuPhaqe0VoZe66fWQdL2xfP5rKr39/cfQlBV7/35fEZEC7gAgGXZVb2mOixNGamPM4MIAJjZhQDXmVCVCOswrmu7btn7zZ24MmbrRtXGKrkRT/XfwgneOircV/uga1dLO6Tl9h6vfbN1elXWVjWmDgvxOjWgEfDtDFuJ+Jq339Sv2gvaIb0pWZZfveqR3Uq61+/MmgsRWNdSh7gUVTCCiORSyLkYHK0YVoCZCAkIgEQ1ZZ6nLCLBIZIED0CYuMw5Z2ERQfIikrKez9PT18PTl+PxME+joOtQnSoBOAEHiqIiCioA6lSERTMoQGFW53CaSsnArMfDmZwyZ5ZZRP7w08cQ3N39/t27h83QKRROs2hSLpvtsB02qjyPY9UpXk4no3gfPAAooiAgAoNOOZ2nUVXjitmVSym52Da+2fTWl3uz2WyG/S/jL8u7EJSy6PDMLOyyKACQ96ZQUFlWnoFFSHXBgkRSBIeXbGMGvfQGQlElJGuKDQS0JhA26FvLRoWgANliHEZFjtySA1I8eRHhWk8Ygg/B1OolyCpi+r0F4YjIVBJLRUPEu7u7h4eH+/v7T58+HQ4HWlMTjGhry3tdPSl2BprwimkH5gqhxiXXRl7aP6suY+LjRhzY0e7lLUO1rlBtNPrKvO2zAEDLrXejMvINE63fLraL8Z/JLkRCREC50j5aGcErMuBNJMkkpbxCQ3pTxbgZYisCbnzIuEa/2ytfC7XX979ZzXrIdVSsjtOvkaTLb0lBkQgY1ImwZEWHjohQWUGJnPMUrItK5jLlSUqS4AFZBNA57ylzmeb5OJ73+z2RZyk5lZfn49PzYZySgIu+JwFRJ7b0gKIIDOAAEbwzNkNW0gLIMKfTlPJ5TrEjVU55zHlm5tPhOGy6j+/fT0nv77cORXgWZdJynuYv8KyyKBp9iNLhbntHa32zGSDTeLbNOaXERUMIfbcx7xVCUsjMZZxO83wHYL2yuq7rtDamR++QvIuwFBZBiNGHoMBFVTKnkpjFOaeIRNa+m4RBABQY0a1Oa0IHpA4RSSilhN5VAEN0hEDirLwMHDoEFe8UwdrP2oYvCoToyCHahrdmijfQG1VNwAZIuXJXKaVm7vMKZeqc2+12lrcOhji526nq4XDgFa/XJM6SbttwTaU6avppmC5DTZ/dusXWM35pPL7uc9cZpXZZ6zGwO9R8qzd5sHKNNHnh7YfXh74CDLxhrCo74KbLnN1zHc06z1dZp3CNVPoml+oljHJVmF9FQKsXvClNbiSIvOWCEhHFi4jFxtKxta4r3sjz6nxZRwsKC7oUM3ARYi6rxFUlBOed984FKio8kyulFEXKeS5cwIeud0BYJM95GspgwQXLC3h5eUlZ0UWRIkqsqmD9laAIiworEC0AMqooIrmIahlHLpxzgdiR9w6pdy46B+ezjtM0jp9P5/zu/d3/n7U/a5IkS9JDMVU9iy2+xZKZlUst3T3dPd0zTQyBAQe4wstLUEg8XBH+Az7zJ5JyKRQK364QFLzwQi6AwXR39VJdVblEhIe723IWVeXDcbew8MisbkJokpLi4W5udo75UT26fPrpZr1YLKq2rpvap3EYw6BsrK2c8YAmRECjOWfkI1OpIoaUhmEogmGd83VtnAMiRVREVY4xHg6HRdsbS6vVKud9CKGqqhhzDNkYtVU99VIMMRqDaE1miWM40hoYctYJEKKxDp3TMKYxRVUEpdM+cKygJSQAVc0kqgQlc0loBE9Bfj3CQABBCC2hImThknk5LrxZdnbqtgWnbGgxpScc+mRZExGfytimSv9SOliUyMXFRUGLFSuj0MQWrVEufop3prlimjtN+WSqnLTDI7GcNAU+OAHnTDrT+p+/P9k78LGs5ZnumO+7SB/RHU+VziSGc9kv8Y758ZEpPbn9I+krcaBptngKrkz3OBs6zfLGZ5/OtUm5wjyM/NT0OHs680czfxDTafMHPd1l0gunizAAgDKiBUBAFeWQA8OJhBZK3yQDZNGqcWyyteKz5CSMzC4Tq6IxxjvrnXVICEiMJEhKRokBCVVZQQCp6G9FIBBAYVYwhf+s1F+U9Dl43xKBCnI2oGitIwOIeOg6AEg5k01kImcTgg41r5eQYspZa1fV1bK0MopjyBDkVBjunGNWFmCBlMUYA2hEMcRcYFExxjDuiexut1uvLqqqevbsWc7w7u1N0zRFfcDjyPSYolVLwsyST/1frXfe+yyAaABNjImZTUIW1VPOSzVDBkVWQT6G7a0gQOlfA3gk786sE5+hQZg2s7LdALKKlJbahW5WjwUpEzpDnxJoPuZn18nRILIn4rK+7z///POvvvrq/v7+v/yX/3J3d9e2beFnPiakVYdhKKpkMkPmexgUTPZpxR4TMY8D/NNp5YvyODMwX8ln0j7JmvlYFPaJCM/kER/en/bd6Ted/Ck8ZXBm+3GeBB/wOE47lzTEh0BDMVHm2rHcdVLbZ8M9k9JPTebp+U9Pe6pB4GOaFU6xj/ntpulMP9WZfkE4U3AKAKKCnAr8gzmpkkguIUZVUyJ2IAwCZUdFQ8dKxMJVp7nIZ9U0i0WVEkMUsrhcNpuwOnRjzAIF2YCKhcITFVRAhGMhgMgqcOwqq0RkXCFGB86CrJr4yFAvWZFUASsPdzh2h2CNGKurRascDdF60YZRmqotAc4oWzg57WWJy6yyq5jiePL8Qwh9t3XO1XXTNsvl8uLi4iJGOeyH4TBUVcWt5pwlyziGkgI4VXlkgWMMxXpnra2qKiQWAQVSBWMiEQGINZ6ZmUu9vgioMGRVJFsEQkThtGoJDJDI6Tcra1EVTvl2FADNLJlRwTnnrVV+YN9CxIJvnIKjU8T3IUUCADMagWJK5JxLQKTka9u23e12wzCUJi/OueLLhBDK7140SFEQOLP/5wtyLqhzLYOPYeNzBQEz4S/WDT4qRhVVpSeZytnafgLfgJKtfiR0nzpzfsIxj6aqx/ju8Vuf5Pt4mIM+ulAJaM+DtNOTmn93ponPQ8HlmMJFk9jPBz1XHB+d5MMjw/mjOef7mB4rTmFkPR9tOSeLGDjSCeQcAax1hESZBUQMM6LRUnZ9ClCB9UQZjJaYCBA655w3McaUoipXtWuaagypj6MRI6WVDBLqqa0MFN5QEQHOwqwAZI01xhZbFZGQjs2oC9zeVW2M8bAfx3Gs7tBX1NamrmwYIkgkwP3ucL/tq6pCAGbehe9KwrJsyKW5jPMu9928sktExjAOw9AfDs657faurlpEt1lebjabzeawu9sRUV3XMcYhDQXpUEihx3FMnImwqnzTNNY7APBNDWNKiUUfkd+4I26ISxEQFCWiCpzVoiAcC+uJEIzaVH4fJhBVRBBVQZCZr1qcEYJTivGE7OaTv1YgoQClhjgU+S9vppRiSm3blgYIZVmWtrUA8M0331RVdXl52bbtFLmMMRaVhCcrplyq1MKYE83thB8DovK6HHPI2WT+TPu8iBBZfCzbk9BOCm5SQPBYPZ2t6rkd8SBldO7OlGOynnQW+xARovNQrgKXlqkAYPUEM50bGjiL3J6hTgvsR1WZpxEgnogG8CGSrCXeX6xiOTZhPma86AexYeVB42PGlMmqPDNzjAIpGkVSBAUGKPua9e40EpDCO6oKAGwADRb7GY7cRdaYilMWIAAyWAjJiLMBNWDeItajJO4J1CFUKZuxw7ZZjD1XFV2tFo2Rrz77Ythuc9Xds44x7rb9sE+SSBJw0tYteOpPJaV6UVWYmUXJWuutIgmnTMKOYm3rGCOAYUVR4tEAOesqY9xgO/BWhQRhFIwBDqOCpLZ1lauMMaBCNNbuyGGX8rKu/XK1WDTeMQ1RVRNCOHS9McYYawCHXplVxIH61bK1jpj9/pCatkcyd/d32+59x1sVZNAEMuIYKTMgkRoeQYIncd7U3lgUI5mIXJZxGCCJtx4VI6sh430dKuEMQAaTBVTOIhRUsmKPBAbUOVP7xjsTRz6kztgakQQ4Z44xA4Bxlpzd7u6NtWiNoBgHAIqUBUlNxQBZxKk6KgTgzCwpB/VQ+yqEcNu9b6QxxvS8X28uAIScVpU97HY3728t0ouri6Zq//Cnb37zn/6x4MEuLi5ykst2YxfeWvvu3Tvn3N/+7d++ePHi7du3X3/9dWkQcTgcilYtGI3Ly8uU0khUNU1dVYfDARGXbTuOI4jYiSVMFUQKgo45y5PgJSLmXGhxSArgggAVVCVzREQydOKvVpGsooCTr15MAMRC+sCPCuthlgMt4bBzz06OwHxnDdHRAjJkjCNV/TPWBxHhEzdpOuHMPDt7cWYCnanJs08/evenxzwZfLzUxxK600WO2ZxHcZnZ2BBghrv/qNZPKTOPCArqQBEUcpSsMo5jobdFROtd0XQppbC9I+vKr5NSOLZx8y6HpAAqCHT0/YvRNu0qzvrKeQQhVgFwzmVVzIiAhhCJFDhnZUxFzzOiQRItPaJ57PtsySCxZADwxhqDALBYVinxOATlbKwCsmrCsj2TEklJIPOxdSxsFlXlq1KXud934zjudruytYaYQkjMxzSBNRZARaSua2ML3uFoyMQ4FsIBgAR6bOtzqq6QnDlnSAlSVpZHS8IQGTpGPYvDxcJwehONKQ5X6TvNOQMzObto6pKLGftDu2hyziHEOAbnjlRYCqIMyuKco8qggnIBoVIJkXrrELFtlnnDMcacJZr0/Or68vLq/v5+v98rAJCOcYjh0DTN1dXVy5cvr66uTlv0sXXTtOdN23hxbeAknMW/K1V25kTUPonx9M5TSZEZSru8PwE751Y2zOz06esflcT5UsdZAFQfJ0zNY1qfYgcUCwt+wHl5MP4f33WCgX3UBXg64rkG/YE5nH00n8PZR9PTnI/hYfIwH/JRg8AjaviZBzSLChs8pmlkFnZRVVARiaBiSBGAM0tWBCr4pSwSUmzFp5zJWRYYQ0fODkPohy5GnrjCtNSOlzyPFPMHVZVOTU/RmcpaVOAUOAkaQhYiIDRgDCCxgGiWfKR7OTao5BLG4iSCaqR0flIFe8TvEkFOknMeLSKeArrAzp9akcuxPViJRh5zakoppe12i6jDMMQ4tm2rMqTEAGiISlMYIjBA3h+7XhpT9DWoUs4RSYmwSGMhuVI9EvYJMzOI0LEPBaiCUsGOkEFEUC4RUIaTEUrkRcYYxnFMYVi0TeKSokZ75K8CskpaqpgMkhpEe8SM2T72aUySxBgjCVTFe9tWy/14cA6HITAX+CBx1m2/Wy0WdV1fXF4676eQ8MXFxR/efZ9zvr6+ds59+PBhHMeu6woGr7hFxfooJTDzeKQcuwU2zrndblfcJUTMp/bik+7QJ2G+s217LiNTschTSfmocE3b1aQ1YLYfn90IZyzFH9VTn1QfDzoMHy4HAIgfsSCeWhbTEM/29nJ7miHcnx4fVRyTKzudc3RHT6M9XhAfzp8eVnlgpxjNbPCzpDUiFJ2qp+dYLBdnKeYMqs4BFeQikC2oEOCch/v9vq6W4zguFk4QkDiE9OHm/e3NHqlWLWGFnmxVfj49qg9AMAglNoSgJAIxZdCCYFUAJUvGkhKBGlFRFECwcgxHEYIp1WKFO7i8V4IGhYTSGADout6Y6EbjLBhLxqjzZA2KHBEKha2PyBjrjDHjOBaECwAACuIRytm2dZFnKb3mkogAEbWVTymRoapyqjoMg4g473bdrtAyhpyyMhpjDDGrVRCLlq0qAgKno00CJ2vXmPJYFAAqa8VXx83ZAKKxjpwzVeXathXlMcXSAQOJGu/Xi8XtdnDO+frYMEEFDIIxdL2+uM1SKBgxKwLUxnvvd90BLcWY+34EgMo645xRTSxhfwg5LTfrer/b9x0RLZfLy/W68C39/ve/f//+vTFmsVgUTOqkPsysp2oIAQCKa1MSNNMJU7RFTqW6k6DOZWG+vHUWXoBpd3wiPo8F9iN+w0ctAHhi8kyvpzCCzErkEPGT6mMSe5jhPmAmoPjYeZkGNFdv07Tn78yv//SYIswfHQ98xH95rEdPYysh3jKecvujoah5/rAmZf/wkzy+bxYCMKqYWQyoYsFHADMbA8KaM5M1itC0bcrBWPDGWEvMmdOAVJ2GbbXAaODIFICgZVMlMkTIWVOOoGyJytpyzhnnADAm5pgVBAmccFEfyAbo6L5hYUUQBRUt/FdgjIKqhjGT4ZTQEBijzlufrXdYEFbGoiNjjKMSgbE2h2MXXiIw9qHQO+fsvW3bFpTGMQ7DIKLOucq4lEfr7PMXzxD1+++/DyG0i+r27sZZT2SN1eOsQQHUFVcM0VikiABRlJBPD0kLvRiIiAFDRIzCmpkZGSvv67paLFoAiDGGMBgRB1B7b11Z37yoXV3XpbBzGIaYM6qx5BvfNt5nMkRkAEXEk/fkOYNb1IW0kTlZX3nvGy399DKrjHGMOSZOcYiH/nB5eVWSTTc3N/thWDVN+XMe/pzyL6Wo3xhTCnnLNed759lmPkX9AM43UT2hEOZrdRKHp8dTE+ajx9nVphfT1wtrSlGMk3FKVJjjP219PEzjifqYNMVTm2r+Wmfpq8kb/LPz+egxKYvJnHmYPDzSo/MbyAk5NuE9EHHimJq+NRlpDybTLO89RiEygCZnEcyGPACMMRqVuia0hiys1+t2tXz24vl+t83psNpcrdfrtl3u9ykmOnQcIgwhI1Jhy1U5EQYoGLKGDCIkSSkxgZAnsgYAgajYOUAgwJqEmf2JQU+glM4hqIKitdagVTyGZEEyIquqCqgCZ0ZQJDYhOWecNQBiLFprHWXnSkkJOCcOkRMri3VkyCGBihrCGMblcrlZLa21XTdYg4hY+ebu9oNIbprlq1fPl6t2vWkPh0Pbtvv9vbXeWq8CIfA4xJQYUbgwqyMCGlAU0VTuPYkDIhAd2y0ffZ9cGmWBirWmaara+7dv92N/GPuhruvLVVswXdvtVhASOxldSqnrhhiVEKy1Y32niotmaYzBmLKK4SwjV7ZatavNZhM5Hg6HlFKMmTVba9fLjanczc1NyOnlm9d93//hD39whwOdivGXdf38+fMSWy1KoWjeSSYnPMjkmBTrbHJYykEzPmQ8bXVngj0BNc9sk/luOpc++QQwYq6wzkyYSRzm2+oUuprGUz46YuH+EunFmaf0US3w1LiAU/Ls6TkfndXZaWcWDTypkYFJ77JMz2V+wvREpjHhKVz6YLmcrkwnfCo8tj4QMbE2vlaFOGQEcZXVrGkMxlkiYGbWXLX15nLz1U9+vL+/effd/bNnl8+emc36KkTc7eJvfvv9H795p4IqoIoiAOZIU1Huz6xJsnJWJEACNJlFQbIwa67rum6rqvEFd1Ax5JyjTuvpaM4cqz9KDEGVFARAFSYCSlVRPqaH2QiSUkJrgQ2mpCGwc9laW5mRiLy3RBV6NMZ4b42llMJy2V5cbrz3TVvXtUfEum6dE5GLi4vN9bOLi4uLi4vV4XBg1mHoAdCQQ3S7+/3bt+/3+w5JSVEki6IyqCIR1a42hliCQUFEQmsMgQiwAgoSGEuAljmlFPpeURM7H0OHwrWjyiIyZ0557CGmyKAu1TUs6+ZisWbWcRxjzJfrerO5vLy87g7D73//h33fsWZEdMZaMk1VL+wCEe/u7kKKzEkRLOd+HPbdARCvnz1bpfHu/rY/9N77YmJcXl4WHvapjq7kwksT0rL0iKj8cBMuvjiD5cW0ts2sde7c+phExjzhap0fT9XHp+TrQS/M0iM0g6jNL6iqcCKgTSnBLCZQrvPn+7zgJ8yNp2dO50yq5KmtdXb+X36cGWmTyhR+IFlSVThd1p5q3kSEZ+VDxs6cyZnbklM6BkrOh2esdaA0FrJ1a0vLgKr2xmkYo6Ssym1bv3nzarxcbW//ExlBsFfXF4vF87u74Y/f3L57+3598aI0SypQB8Qj7w2zlhZQAOLIoKEMwJmZkyhXyVnv1rV3zllLAOIjGCTVQGrK8gREAxRTsnLkHyg+nQFkBJCys4EKgjKggpIqKkvJc6NoTomIY8jGmI53VVUtV23BTVlrF4umbhwzr1aLzWZRVVVde+eMqlZV9eVXv4JjlsSQ1WW1UJTtdvvFV5+nxIYsABlHd/db6BiBMGcF1awpM7M7ltoBxaSqaTL6LAKjokJdn0jtAsY0hqHj2DtjkXnVNMag5Nzd38YYUWHZmK9eNXVdX19fv3n9xfPnLwDo7vb+9na7Wq2vrz5r2+Vvf/O7+9vv+32GQgWW6jwGTslXdlE3aZmMI0UYx/H2/i4rhxCsozENnHJVVZBAVcdxLKmTwkJW1/W0qMpeXZ6enpjKVLWQiRCdmoeesCHFS50E8mnKFmZYh6e2w/y+MNvpPyVHjyyLmZLCGeZ1OlNEDB1LiuVUQ1xWRRmwnSSTmafvTvJeZvSXSLuc+j/hDHmCpzLk6c0zW+vpIzCz5pXzc/SJK3TKETzC8/LpSqjn/e5Oz+iB0pngAdFUMM6TSTJtFNb4oQ8lTGiNLWH/lEaAuusG0PzTn31+cblmTt9884fLzXq1WjCn++1O2I8jfPfd/c3NTdM0KWUylTWUOBctV34VwoLhQxHNOVEG64wjFD32uGfgrHKxWlpH681y/+2dtXa9XIliCGFMKecsKpxSRgFCxCMKuzy9U8i5YFwLMAYI0BiXcxJhtEQEKWUAJaJV42PMd7f3iFpVfhxH5+nZ80tjEEkzx5r88xeXn7287vu+67r1ellYDp89vxKRb7/9tuv3Ve0QTN/3ImCIFotmc7GMMeTMxOKipjjGw5hSqvzSeieSNaqIpCCDDnVVOesJNGfJOSOIMKOyRbCVa+u6qdzb775Hjs7YGIa7u4wCP/7x5S/++q//4b/76Wazub5+fnV1tdlcEpr7++7mw91yuTbGfvft+8rJamH+3b/7d//4j9/Wjb66eHZ3d/dPd+/b1bJetEkFCavahxw39eaP33y/XLjPNs//+Mc/eu9TSgVRtl6vAWC/33ddl3L+0VdfFWjZOI6Hw+Hm5oaIVqtV27bb7bYwhhQ7ZQ5Lw8fFYnhi+TuT9o++npZ0npoTnwCccxPm6VFMJ5kVlOqpVnAyQ+YKSBiOZUqCRORPHG6Fef8Rkfw0MsQS6Cri9GjEf/Z4MHseT/XsRh+92g9bN1O891Hy6bGXeOZ64CcCLqeTjwNjZpwoXecnHC97NO4AgAisNVXtFJjzuFy4q+tL5yjEoet3hMk5mxicc1Hg5ubu3bvbGDORTcyAQsdcByMWTk/JScgAESlYYc7CkiQTCLMqEuAwRry/D2GoStmLCKugWiKqqgoK+JoVABIrZwYCYwwgFjRHiXgdNeqpIEGYROQ4Sz0hxMlYayyhJQeYlWHoe9WkktbLxedfvGTOonno9yqpqipnzcVmOYb++fPnVVW9e/d2GIaqqp4/fzYMwzCMMcbd7hBjDmNU5YvLtTV+P/ZhzKKUIvQDwtHgT2UYoso5Z0AhUdachGzFzJyjMAOoMoz9IQ7aVG57t48jXF/i3/3t569fv3zz6tXV1dU//7ufWFNYOUTSQRQ19wYHb5r9bkvav/5s/fLZ+mc/efPv//2//x//x//X796/ffXqVQb90/ff7Q+7F68/o8p9uP0ARMbgaumdc2Rt6/3Q9YWFbL1eV1X1/v17Vb26uiqtguHE+wul6sfatm0vLy/v7+8Lm1ypD5hCEsWX0ROkYtrGflC2PnmcidsPyBE9KmP5IcvgsQg8iipMtztXH+UMIioE7aqqD/2ijgXaPzwH/FiA4+wu+glYx0dFfbr13BWaDekjealPPQt4/FAK/PP4EKdenI+/bsAgHrk5CNQgWG8NOZUUkywX7ZtXLzZL5z20tbeEVVV1231K3HX5m29uv/12G0JyrhpDRASygKcCcxFVKAl/Z6wlVdV45BFWAi0pWMk5b+8PtANvyFpa2oVhcU6d88YY5z0SYRYwBCGrKhBYS0SWmUGlWFUiBVxhRMtdQUTIgFFCNIV0hI4ZHzCGEC0ippSYgx2w6/fefxETxyF23bDbwXK5vLy8XK1WMZFzLue03+9jHJumIsKUwnZ7F2IUyQDivTfGxZhTShxDSlk4I2oJZMPUVEFQgHMWA2gJAdAgGoPCAiyoahCBc0oh5+QsEsL1Jf7i5z/7Z3/3qx9/+dVqtfDO5ThkGDirqhIZACqdMVZtk1N3sW4A8O7u/vXL63/7v//vXr+8/r/8P//p3c2H7f39elEvr67U0LubD7d3B1dDXdebzcY5d315aYz5+m4bY3beTTLvnGuaprwu0I+iNQBgIhwrXAdzVHexx6fMrv6gj/9njzNjAWYb7UfPn+R/LoM/oEHOtu3JezjCxs7Me5ipmZlLBT9wj2kak+KYX3P6dLrI00//kuMHNMv804+yB80NCpgZjXjKwoiIwVP06OyZ6pGSU4AR0BokMs74/nArGS43yy+/eL1osXbw+ZuXIvntd9/v9/ubD/vt3fi7373d3mVj1wW8b6yqKhICClKJvBzJ7ArrHxlBAEQ0hpDUgKrknJA5pSxMTATkDRybsNS+qa21gKSkzjgAIFPyTUAIaInITVGxaSkUkwPRIAqVchok0WPje2E2Bq11TVMtlzVgqhu3WCyMMR6tiMs8ppRSHhWyddiuLu739+M4usq3yybmtNvt9vv9oe8QyDgLpKBkBEOK/TCMoY9jqWNQAKMsooUCSAGgKHRENMY4suAA0aAxaA0nFc4gGUEMwNDr56/Wf/fPfvWrX/3q9WcvqtpbMt77oXtfKJeJbKEniyHkGH//u9/GkJfLdc7y9ddfhzH+6Ec/+m//1/8NNT/6v/4P/8P29vZys7y8Wn/74QNI+vz1FRDeHzokLY21LJmh69fLVRrj3d1dqbv13g/D0Pf9arUqlRnOufV6zcy3t7d3d3clbVTKNUSk9OtCRHtqZDtfaf91cjFf/9MVnpoJ0+s5AAxPoVOcdXecfx0RiYyInEx8OsUGi2r+NOr0YTL4SKE8AUZ8fA7zoZxNDGYRoL/8YU1znt9iGs/0kZzUh7UPbDHz8eg8XPQYkIM4/+T0FVEBgYKyNOgIyaiAhKCrJXz++tXnX7xsK7DAy0V1f9+rQtd133//9v3bw7u3iRnaBXCecQhoQbspopIByVBY9kRBkIhsIbcC5UKMhuScbYCYQBAxMIiIRnaZa+GyjgFASmGCc6WQlCEVCoHED6DBkp8BKEzmx6JqIsJjUwTAklQGY61dr9evXj1vWlvV9uKyrRtvjFuu6uXYhDAQUVU5MgIARUiWy5aIdrvd/f19Ssl7H0Pqur7rBhW01qliVVXr9bKjEJNJKXPWPnLKWUSsK3YQGHzIqRORpIQsxJpyzDEAiremXlSbFX7+5tWXX37+xZuXFxcXykcKpKyac8g558Qpcd/3XTfEkN+//0Bk+24sw0gp73e7/W73oy9++X/87/8PP/7q8//4m3/69T/9p0z0+ZvXr774sgvhn/7Lrw9dF/qh3+1Roe/jT3/8uu+HUs9S8q8wwzrBDLtRoiRll54IVifoBD4AKGja0udJ3L/8mN96voU/LPjHIsMPNGAPd8cnzWHP7Al4ghAp47Tzt6Y7TTejE+bqL5zMUxthsmLgE/bIR+/7lx/4YCUV2NhHws5Pn8XTT+kkS9PvN12TSmMRg7XzvjIqmVN2Bn7+09d/+6tfvHxxpXnIqR+G7vbDexFpmkXBLBsDRXmLiLW+DJVzVsMWEYkNYM7HoLUCIBKSVQVmzVkQhBQRCI23RhHBoIbESqiqSYEyQ0zOgUEYx9E6MkjMOaUowpVzBoG5ZNAFT0lcgMI5gqrCLKpkDAEaIhTNBsgieePaqr2+vLy8XDetXW/qlEfrwBjXVDYEKyIGOYdxf7ir67ppmr7vd7vtMAwAYIwZhlBohHPOnDVnLXWuma11iQxYY4gE4MTXb6wCqkRUlMxJErAgkgqrMsckMSqL82ZRN01bf/76la9oe3vz3XffVZVr2zqHuN1uv/3mP3fd0HXdMAwF3pYTqyKzNk3zp2++67r8059+eX39/Pb97e5u99e/2rx+ce38L+/2N3/807dMQiAxjR/evRvDkMaxWApdNxRSo1evXhXq077vRWSxWKhq4RMCgHEct9tt0RplvqU0OaUUYyxA9RIfeWop/NfZHU+X69yyeCpl07fwsTPyVKYeGw3nR7n+g/qY33vy0IgI4SFvoqqfmuOn7jFXH9NdzzTFXP5/4DF9NPYxf/TTU5tP+6PzP76jR0dGVelhK0Y8FRwDgCFQFURw1jW1997FkJnzs+vm7//+n//qb3/ZNvX2dis5ciIQttb/+Mc/NtSi/qGq9oeD9kOJqBMgSSFDBCGDhEiEdESNgzGO0AhoSJxTBoDKOWsQckpxyDlZg2SdgpAxSICIrBBSKt5KSkkUDVJBgBEAc4pRlBYleQ0CREpkVRWUiTDnxCLeorXeGFN+B4BSS6MxxmEYFou6aa0xJibNOeWsorEwx4QoMYUstm1bIuq67vb2tiQCmPn+fhdDEoGqqhLKOMacc+WBJU38fWUBO4NoCEAIUIlQC6BRj8hXUGUlhco521RtW6+Wi7r27aIWyfv9/k9/+mPOY1VV2/vbm5ubd3/6Td/3wzDwsTkeWmsr36jqYT+UsN6HD7cqxhhzSP2v//E/fvbypTh7fbn6/Itnt4dD1x36P/z+179/v1rXTdMsmiWBwQyI2O27Z8+eHw6HcRyrqrq6umrbtuu6lFKhXC5BkLKYC2Ds5cuXxpgPHz4ULuJJMueyNknyf4UGOZP/6ZqfsmKmu+Cs7nYunmc7/ZnxciZBj6yPR6J1ulyRK5mIhn7wmI/jo4L90bvMJ/+pK5cL0gmfNz01wgf2RwBAfKTFP2LLzW6KMLPKTqVZNEPHqSoZmnLSzjlf2ZwBlZ8/f/Hzn/7s889fx2E39J01Wtf19bPL+/321ZuXi/YqjsaYD999twtxIPKJswKJZhERZauFnALMkR/LWOfQuMQSUkiJm6apKu+tSeOhP3AcR28N1ZBRHRVtpHxqNmxQ6dipRxDBmSOmmJnJaukEO8FtVVWFVTHnjMI5G0BLZFQF4JjDKxvs3e09kSLluiFjMbOkPDInVUY6rtSq8eM4Fs8BAIrFUSBR4zgyK5ENY+66wbvau7qu63Fgb3IwcKJPRCLKORNqoTcB0IJYR6TGuIQJEY31i0WzWS/btrGW7u7uLter0rn666+/3t7f3t3dHQ6HinIIqQQarPWEtqqqpmljjN9997Zt2+fPXu12uw8fbr33fd93I7bLplosu+4gnC43F+D9thushZcvnnd9UIYUk4isl6sY036///rrr5n5zZs3r169OhwOXddNRQZlImXJlZ/ml7/8pYgUklQ54dknkNiEb5i2rjMn4s8eZ3v/DwsRnNjV5l8sod8JMDHXIGcmzHyPL+JmQ0hFakSOPVyMMYbMkQ6VVVFP+xICPFhK04CmHRtmdsT8gBlmbnrHWjuVAJQiouJMTsbFPDtdTL6zwO902uRGlm22yHnMD3yW9sR8KSIigICggKRlYkfmvNLH7NQDyUB5mjjcmavLdYidRb1etDnv7vffbzz8n/9P//1f//WLCraq+7/68oWI5DhebS6evfxqv98j9NfPNmPXaxhqCkN/iD5ZV0XO9/tDN4gmQAUkuFgUVkTKicc+a8iVQkWmoWSyIzEIsFnUyRtVBMTKiLPOOafCIKUawVTOZ45QTJvMIceyKA1BTM45R0jDEAz4xaJh1n5/qJyvjPPO1GCpIySsnam8DS5F0ThwF27u9ts33XPf/uSSL8cxi0BKTtV6W3nfqmKMMbQch6Hb7bfb+91uF4YRGBARlQhcipFzsGSuVytLBlKIaawdWhOGw4fQy6paqLh+Nyxda8ioKEvy1iyWlXNWRKTf1V6qhV0s69oZ60LtoW3b3C5CitubD4du/O77D2PkdrHy/oXxabNw1hhv3bJpvfdD3+/uth/eHzwudTQ95vXquTHm/rCPeaD79N3X71aXsjJXzxt5e3O3Gw8jQxV9d8PN6ipI7NIe6kWnaJv29va2bduU0s3Nze3tLSKWEpthGMoynkzXkqnt9gcAuHn/oanq1WJ5c3PjvUcFVLBk8NQKthDSlNDXp3QBIQFAiYhB6SBDxpBhZskszCc5RGVhPpnqR4k9NlLklE5nHYEOlgrHDWnJyZ36gBU5R0Ii1KOdjgWvpKopRQCwk9V0tm//WZ13ZuTAE7Wnp/DMR5/F2etJE0+m1KO5f0yhzm2Ep5rrh8f29ChpUjx1Y6TTi8WyLdlHMnjY3at2X755/bOfvfnqq68uLi4QYgoGAMhA0zTL5XLgQtSija82m02Ogmi8CyHELJwGJgIiEISmprptLq9eDsPQdUPkSARN0xBZIsP5SA7sDBq0tbelly0DG1PsQTSoRN45460bg2hpOm/BglctzMfobKWiRGaxcCpY+jwvl0tDkPoxpdQ4YwymFDgJZ6cL4JhYIpGImv1+X2z1HMdiDqsWpEanAilxgiCnYrAwjF3XoaBBcq5SLkXoxlrnzESLydbgcrncbFLj2JomReRKVEWVVERZ+FiRSADgvTeW2rpqF3VlDRmo67pp2iwyjvuhG7pu5KwIRgTCmJqGiEhUxxhUtYo5jmGMudS8ZpXc9yFF4x0zW+c48W63EzKMhnPsh24YI1bVarUCgN1u2w19TOycMd4agyBQVdVEjFxWaUnZTg2iCqUbAKSUfv3rXy8Wi7K3lS65Ja6cZ820Jzt9vr3PF7/OorP0GP00X+34kFl7yLDMLzW5EWc+xw+YLeUi08UncS4GwYP6mI/shyXtbHqfGkGZm3nMxaiz4PDcZpHZMU1vrheezur47B73v5g/7rlTN93l+FPRKTYMWKKtiEiI5WX5SQv/RVP5Yey8Re9tPxzqWn76sx//m3/zr5+/uK4qm2IqboQkFiIACSGHvovjiKCrZWvVeOP3dTcMYXfoc05NXSkMAnCxXj578eL62av7+/2H97cGSAQIrZJRoUSsqghERNb6I0cAYmY9ekCC5Ky1pY2JyRyFhIiISehh4koUYzYGqqrKSQ6H3hizWDYxhBAHEG49gSOignxR66xqBkTrrGjabm//9KfKeWi8K21fmDXHIFJgrDLG4chbwwIsHBMnISLlwmhCxhgqz7v8LghkTFvVl+tV8GKgHvqcY44hI4IAUMmOqxpAMuDIV7VfNHXTVhaBiJqmbuqFiLxP97v7/aGPKWUgn4MmDpuLWhBIiXMeOTIdUzKurkSEQ+rHIfWDq3xVVdb6HPJ+v8+Avl0wcwghpdg2rfU+cI5j5JSdNVVVOWNBH1q9lOaVZe7jOBbyZH7SNqFQe7x+/brruhjjYrEotPXjONKJFYlOpbrTUp9HLs5kCh4HPqfCGZw1xELEwlP1VLMUooY/uzdPx2TCT9cv7x/Vx1xjTZEF/HSYQx7z9MyFef4OzngWJ/Ux/+58YtOn85QSnJTlXP9N6mZ+o7Nj/v58hMfrHBVHuXHBiSCAnukOxCP5G0FGjc5b70hEr68vfvSjL998/jqEPkVGYEOggjlHZmZO/Sj32+1uexeHaNEuF42KWDLeDYXbp13Uh+EQYrxYrz57fn2xuXRImKUydggx5yO7T21NmaUx6L0pWpg5kbXMyApoj51cyzSt8YLCwICGZmo3ZQBWBsnpSCoBLDGNAFrXXiWxpMBQW2ORgLgfBpFcN65tvQKkNN7cvK9q8/rlc2MJCWJIYx9yltJRQZTRgKpapLqqUtUGHSVlhoQKAASZhTIfa/YBTAZUEqmMNR4RrGaI3pNO7ZCdQXLeOktEgHKkINZin1DRp3YYQox5HGNKrEyolFVTkK4bAKjxFVkDUphVCMiQtahqRCESKIhiyoKoIBkROMc4InOqrGGsiCDEEZCa2i/WC+89EMYYQwi1r0o+pRhcdV0XrRFjbJpmtVqVIpfSZNs5Z5C898+ePQOAYncUgNnDKjupD33ITpwHDc8UwZnoTSIzHU9PMKeuN0+FdzoNHtsE85PP5EtPlD0PsLFjFuDP0QTIEzSbnmIZ85l/9Do4sztOkc6HAc3Nk2n084f40fvSSf0VQeKTKfEUPzYfRjnj4XlJ4YAEgCMt5HRyyr01ipBySpvL5uc//dGXX7yyJNu7O85D7WmxbAjQWATEEIcUJIcgMXBO3hg02nqnVbYGCXTR1oqwO9T3+13buMYbS+it8c4QKuSsSUjQExAeIXAEghyEIeWQUvLNBphJ1RhrQEmFs0bOhKhoEAv+/RToYWbORFbl2Mu2qpwyD0PXNvVq3QqH8XBIuz0sW2eJh7iX3jl0fmGdN9aDQruovbdVVTlnACRzCnFIkY1xROQrn1MSERRtqtYs6QA4yiCiqIDKCqSscipaDzEhSIpZOaMaQvTOtE0FqlS6ZVsCYQAg1BJIJRJFyZkVtfB6kIFhOOIvrHU5a0pMZFT1bnuvAETkjSVjEVEgCkDMAgCKxlU1sghCyDnEuCJbuwpRx3GUnNpFrUkipxSyqXzdtovV0lo7pphTRDg2tQwhFPVR8OnOOWbebDbPnj3r+/7bb7+9v7/33i8Wi6Hru64rULr9fl9VVYzx/v6+OEdnS/2pdpj29XnuQme5gkdL+vH2CR9TCj9wo49uvdMA8OQTyQx4ZudgldkQfggb9qmN/em0n350pizmmhJndtD8yh+d8JlCwSeHzswWePQLKYDifEQKcFJnpWJfVRDpBGkPbV2JBgV++eLlz3/+o+fXF8wxpj6GHtQ4C865tq4R8XA45NiBsrNGWSyKKhoS79BXtSXN0rIKkbLEyjuD4IlIJPZdf3/fd4Mh37bLuq7HMaoWuzRJZmbmGJSZyakqABXAe0bImVMWV1elTYwCEqEAcaHERqsAokLAlsgYzCAx8nb7IbW1Q415MACiAcmh01dXl3Xjl8u2bhyROLu8vFpdXl60bW1OzQ2YM2ApFAaKGGPkmBCNMcYZ2zivLufAZI5BNQOmIGstGdmPIkyiJEoAhgSJwBuJxTYmNIaPjBhKZJ1X58E6RRCLVFW28sYghtihcuWtE8c5xhgFskEKIY7jWHmfTXbkLJnEOWdJKZA1KiAKDMoMKcuY8tIbBGVJMTJzNgYtQx+ycwYQlVMcQ6SYUtCcHD30hZv2eUQsFbTe+6qq0ql0G0+WxTAMb9++zafe8uv1OudcGpXPqQbni/xs6dIJhH4mPmcUfHOJm0yBufR9FPpwJtTzF/OP8ITemGqFAeChqr1giv6s+pgezZmCeGqVTCOeHtA0EzxRP07DgpnDcnY+fsKTOp7zMU9q7gfN9ERh8kuICKBYcisCMPlZk64FJDwZI2lcr5YKUDfmJz/+8vXLZ4AxjOwsQiZrCQBA2BgS0f1+f/P+NqVEKlUJ+nBCzZZUNVeerEBkcRaWra8X9aL1i9bv7iHHGMMAyrW1y7pqmtpTKYXMmWOOiTH7ihBxSBFUAYgFMpAACgOr2mw5CzMAGUUEQFZIGTxRSglRfVUhagijaK4b2ifuh25RwbPnm+Wiqq1xzlbefvmzN8tVW1UuxjHE3hA0jbeOQhhUNcZc2PeKN5GThD6kEAsUyltLRAapds2QekemWO/l+VsEQvVkWEFR2KAKoAqCEELbVCICqIgswsrRWOsMkWfn1ddq0FTOLBbWV4iUrAFj2VpEoHFUQi6/4WLRFqJzEbFoK+eZNeaUOTskAR1CCikqIRlXNwtvIOUMqsYaq3YIMaVQ4lZdiEPXj+OodNxdit1RxL4U7ANAyR7WdV3sjnEcCwwEEcdxXC6XpTB3uVyW2MFms+m6rgRB9FQLTzNEgs7c/Ck0aWb9HOAUGX2qCKb8w1T7Do938encST19VLjOLjt9ZdIg5eL2qZhNMvzR41PqoyygH/ji/OJzk+TpV85U7Pycp6pEnxzwRPvAI60kxww0CuopggpEp7AIASIVQLciImloG+Mrf3G5+OLN87atxuFAmBfLCitq6so5CyzMPAzj27dv33//3hpf2HJRUYQRMqGEmAABFCUHUK4rt16060W7bOvakzPqrfHGLpq68g5Bl4sWRFMKIeaopEDOmcq57z8MCppFSkEHq1FjAOi0C5S5GgUQBhFF0pSCtVT7RZIwjHtAvrzcbDbPD/vtsvV/9ZMvLi9WYexReLVavfjs4urqqmnrw2G339+DZkDJOW/7To5GAXhbeW9FFDDHMed8JHBOLIacIVN5E7q+pCHtqdVrShkACkDMIDlQARUVkKwsbd3EnEstH2hGFYPgnAGT0GXnvTNQe1PVZC0Li6/QGrEmKxhjxSBnYQBzcblGxBw5hJA0qCoqiAihQUPCGnPqhkDWrNdNs2irFLqhF+FmuVbCbSE9tlXTNH1MMY0S0RjDoACFSftEMm4tEZ2IHWmxWOx2u8PhUAIidV3nnLuuu9xcWGv7vt9sNqpasKelcldOTKhnVvakIHAWQJyOuWFy9pX5Xj6V1cBpC5cjFvQjojR9/alJMj9nktzpTDsxnYjwNG4WKbkoRMw56anBLzxBcEza54yn4GwQcz03Z6OHmXlSXhSWSj610sETH0EB7ZUoWvl6saBqdwSDF/1VDmaeUhXGGDydD0dTo3R5Lw1zUFVJyXvfD4dF01aVH8bOGKwqdzgcPls1/eH+Zz/92y+/evXs+qJt3HYbhXIKIjn5zfr51fV+v//Tn/50e3s3dP3rl28Oh0O/PwQZKuedq1AtSBKPwpBjMAgX61U3DMIZVFIaq8puLlaHw2F/33fd3jm3bK+MMXXtUXl/oBAIsOIchuFgDY3jmLOgcYZMyjEHBDJ9PzTLCySIKXnjEDGllDMfUnd1dSUgd9sPLIEMI2oMe2P8z37+1T/71S9//KMva4vj0ItI46t9uFks6+vryxefXbx79+7Du3dkYL1e/+Hr38YYU2IiMmjHcYwxhRAat2irVr0OXT8OwVmp69qRiTESIFqHqASKKpmziMQwNM1i0bQgQ3fos6AKEopz6Jwbx7gbOwBYrRfWEnNcLBwZTrkHJe9EwbBkEWLpm9YOw9D1g7PV5VV7OIz3++72NrV1g4iSYhYgQEQTQjLGxD4JkPd+4yogtN4hIhC6qoqZ910n5Nq2TWQOfdzt99775+1zFogxjoWCTLUQdohIQXlMArzf7621TdOUUhc4bbRd11VVdX19vd/vQwht2yLi3/zN3zjnvv/++8KxXDLfhRJ13lJ7un5xXkq7L8RjEHeidHkqaGe77KSGjnb36bR5/LHEccyseZU5tWgoAlU0XdEJUwrGztTPxyO6Z+OYQHVzvTWplafH1Hl4uuDci5tfZK5Tnh6Tepq8pKdB5rPxP7yYz0UFAQEF9NSKHUzh1AR5UHOobKlaNPVqGS8uN9dXq826XbTeO6pLgw5gMFiS+V3XhRBRofTQKrMrjRq998KMpKlLgCKSuZCma0YhEVletDGNxgCSWm8kyziOsRm99wS+XTS+Mvdb3e/vjDHPn18vo9kfDodDH1OOHEEUAQjNer2KKeUsbbO03t7d73Pii8tLGHW3v9ntOlfB6zcvNpuF8dg27q9++qPPnj/7yY8+f3Z9pTn13R5EfWVXwVxeXl5cXMQYDod901bW2tVq9dVXP76/v7+5uem6gVNvrSsWe+1qY4yyJGtF5Fg5I9lgwQOzCAgfs6cqQgqamYFzGFOOKmCcd94ZCyll0WgtWGurypA1xMhysI6cQ3sEZCW0aAEvNgsQCCGpIgtkJmfBUsmhgDGGDFpDZEoxodZ1PYYQU1QgMER46iJGlEVFwdeVkItjBIDCcsDMKUsWjpyl8CoYE+JxY5u2sckuKLvdtFDLaUXIEbEAT4io67r379977/f7/eTCl72wODJz7TNHM8ipuXehRMQnlKhzk+RMHM58haefzr2VM3MeT3xap9JwKVlh+GjFbVElH70HzJpLnt31U5J/piZ++LQf8H0mPqUHA70oLHlwcJ5aX+Ur+OihMAABIIIgGgI81iCfLCxURWFmFGFrCTRv1u3FZrFaNrU3IFmVQbUwGZNCCOFw6OKYEI13FmJhUCc6tZWNnEQk54horDMgqkCRM4CklNDo5tn6s+55yPl+292+33bDYbVaeV+PMVaVa5om52UIHRldLtsW66ap2kU9jLEfUz+EMYkCoiYVAVHOAQCUkyoTapJRcvAVvHnz/Bd/+7MXL642F8tnzy9+8cufto1vvOMctzd95iAihv3Fxco5SmlMKTpnCio8xvj8+XNjXAgpxpxCKnXohJZZC9NoSlye7xE6Vdmppa6IiGaWpCwWsIhJ5ojCaKy3xjgaYxdDFoTlauGrSo81L8emkKqWRSNnm7MrvxMRERKoSEZ0TeUAlkQUMAhnEGibpnK1qoooNNQuVrinrCqqYAxMcAJjAFENkfVABIiABi0kBWZJnGMWESEDp864AWfZVjhZB9MLOjWpxBM4farZL5b+4XAovErHFmLOTfHIYnfo43YFk69U5LaYJ+Wdku6c1v+Zj/9RJfKpDfpMls/wGWVIZT0XM/8YOtXHEZTp/3Kt6RlNW/080jsf36ew+h9VaZMF8QPmxsdmfp70KcbY40fw6F5wUh848w8RpXRZQhVEi4CoZL1TYFXNuZQ2ac4REbvYLepqtWhXi6ZuPOeYQszEbe29L61SQbIWTjfVwmCGpfCMmUXzOAxd18U0Vr6pqsojKRADxpREpI+Hl5+93lxdvnr9+bd/ev8//0//5bvv3vVDaJpFGjNLaqK3hMv1KucUY3aNtsuqXTaZdRzj/b7fH/oh8u4wNM0SY+qGQ+V50VZhjPv7G0i7L75888UXr1++efny1bP1Zfvy1bMvv3zz7PkVAsc43n3o+3joxz0qqCbX1MOuKwwDiNi27e7+cHd7X7saFNtmwWsJQyzAh8ijWsw5xxiPGFOHQkiAznuaUn163IGL4ccpp8yIWNUOyAJJ5nQ47ARh0a7WFwtjXN/3Y0qICFjlRJ2yJVZPlQVhFKVxHGJMIaQ4BuftcrN8dr0U0ff7t4fDQUSWy3ZRN8yKaCpfk/Nl84zMgXPMrMpEFgz5tgWWKJJF1ViwmocxMrBKKnV3CAqUWQu1UZGFohXnuY9J5IoslO2NTt3Iy93L6xJeRcQCYJ0qMGBmJkwBiykIMsnOXBDkcYZxWvyfskSe9rKFk3Y4u8KUYJrGMBlED5mXmQw/sjjOIr30GFo23XX6yqcyL59yauZXmNsyHz0ZTpEkeozGE5GPei9EpdPjaWpz/4sUFM1R1ZQHebRlFEBSFGTnHBkVYUKNATbrxWa9XC8Xi6bt+i0qS8rsjHNt07ScBMEAEHOOMWNCZmUFEIk5gegYQ0gREdGQALAwEJIxHo2rfNLoGvPq6rOXr9589mrLavaH4U/ffUfONd6r0hgH76iqjHMYwpjGvqqqyjtXGeOdcZWvq25IgIhkUg6W1FtAo6OkOI5ffnH1r/7h7/7mV780FYlE39i6MUh5t7+pa2utaRfu4nJFwDkmRCp9WI0xxyQqlToO2t7dq2JVNUQ2VqlUtcYYOUkMKaZYfkEWc2xEQaQiUbjwPssJHFkY/XLpMuO9qo4hxMzOExpXtc5aypqSJDTgvSNzKZljiAzqiEhr0ConJXEWaqM2JyQAR/XVxTPna3UjAYcQG0feGTHgbLVYrDKLLBrn3Jj5fr8bx1ER1Hvyvva1jfn93Taw2qq1DmM/jDEqGiAyxZFRzZljTFNhyyRCZXEWn2WyR/QU5ivV+g/VZCeYH8zck4mDQ4/dPGX+Jj5mD5v77OW0sz14Evv5m9NNnbNneufs65PuKGOb4PmTfTCX9E86L1PGCOCRpphnauYGyw+EIaYJTGpi0kpz3XGWwf7YqM5hZvo4ZDPXPx91qbAw0qAiKqjAsS7uuGMY1JwzkiyWlSENIRGhc3B5edlW3iCgchpDzpk5tVg75711QwrlB0uJ+27QCMxJRQXL1ARLk3cAa20fxmFMikaBXFXXda2kd/utrepVc3Hx7Ornv/jrP/7h+//5P3/XtDfPnz1zro0pDEPftK5tHDkX0gCILKIKWQDANk1tK0/W3HzYhr6z1hnSw+E+x3S5Wf3Dv/rnf/urX7x4eXXodn1glnS3DV1/S0avry+vL6+IwHtrDO5DP/YBKV1dXV1cXABAdxhyzta61WoVh4horLWIhsAgYlU1IvLu7XslJCz9aDDnnLMQ4qKusghzyjkDi5SaMJYcczwF45VT6eGiCtcvnosiIo4p5MyK4itb+cqaJkBIscuSc3RxRM2Zsxhw1qCzrfD+MIbtXeddV9eikq1BdWQJURml8D3GnMWA1rX3gCFF3d0fi0UvLsh5EERjJecskFWEIUshesECriWRLJlVV01T3BM5QT/Kyp+4S4lo6u0yL2mZf1pYl8sXi+02iegUOplEo9yixBAnqSwSPsVKJiGai+R82Z9t0pM0ncnX3EWYi7aZdbrFk1MGP+y8zC83mU/z2Ec5aIbX+KjYz+2o6RGcTXJ6Lp+yYmjWE3x+tXnsYz6MKd4xP//0LYLiYihA6fmomnP2tSciQDVIqpmZrXUvrpvPnl9ba8dxJCO73W4cRwA5gqAExiEWAHUMaRxj6iMiEoEhiMIF3GrKevLO5ASQVLW0m8kqBHp3f0vGjgMT1q/evP7nf/8vvv7dN4fdYX84AIAzIArjEFXZOSOgojkEHlPirMZ5a72CqZx1ngg1x5AALeHF86vPP//yZz//cbvwh/3doT+AFVTturHrS8iADYEj03WHceyHYTh0h7Zx8+id9x4AcxbNiIgqKAwA7FzlPRpj7rc7Ywwu0BsrynEMKQUE8E2NYxBOAMCnbsICyjnDyaQfhyELV1W1XiwuLtYpSzeGPI6sYK1VgH7sKtOmZHIyOSSOfewSAaaUrjaX1nrvlo7uD2N38/4uBrTWuuVWRWrnvbcGKQunFESEFQXQVXVdN6tFe+d8YTxPWcawi6JknRHY991+CKyCxmQBYFYEC54MOeONyLH0Lmc+0bsVbVLskWJlTGoFT9xihWdsUgdFs8CMsoxOGdnJqKFT85dPiZXO6s7hsfH+qRdl5NPreeZl7gfMj3Ec532w5NSL96g0ZzL2yHmZa6BpPmfSOwV44NOxD3gCVP0B9UGfpngtXCxT6HT6DUTyR8/Hx9Gj+d0BzgNIZSTOOdUqc1DVlFNKyXv7/Pnz0g95DB0ZKVAfIiwlpIUIs5jxJbkwxuwMGoMqmlQMamlEWaZQ1W1WEsCURUTCGGuyWTMADGHQnF/86It/8S///v27u//7/+3/sdsdQgjXV5tFU2cOwxBixHphEVEBRDhzZpWcJQsYYy8uLsYhfvf2DmB89erNV1/9+LNXr2pn+/6Q8qgode2RmAw6Z0PICpxzVEAFrtrmCnGxWITxkFLa7bZV1dR101Tt4dDd3++NMQhG4LzB6mKxAIACuFTOh8Nh7DtQrevaALKkYxXZKUTFhJYMEUXOMQZWWW1W19fXSHRM0wNYa42zfTfc3d0tq4WqpshhSIcUdyoqWVKu3WK5qKuqraslYYxBDrsO0LS4b5pF3fi2bhBMCFHGFEJA41jBevXWtW3bNM2uO+ScYoz3h72CbRZLY2C/u90Ng/GtMSYLpyzICp4qU52wC8dtv4QzJs+iSGaJaEzgBhGRzObU0XYunKWPVLmInkCiU/T0TMU83eP1SYHMPNo6NwLmN0XElOJk/k8CiLMmL2eWSyGRLzxpZWwyawRhS5e2aUlAqRYxxxZGIgKCBo/tz5x13TgUOTcnaoOJB2UuitMgJpttumVRAfPAUjnz6eOYnMy5ppwbOyLCU8vr8v9p7ghokB48m9IFFiDltvzemcUY9N6DcAwBVepm6RyNXSRh6e49w+dXz/7VP/vJxmVncTx0fZYQuz70V8+uI9GgGmO4Gfr3+33f96rQpd7SZ2AIrLKEnHvlYKxYR6oaejC+qlabwKoRYuaYqR7os88+a10VQmwq5PzOefff/pu/+cdf/79///U3952060VtLvrBDr1zzgWzh3EUkaqq3LIdhiGnYb1er9frm+1dtdYfby5fvXr1xRdfbDYbAD30v3v+/Pmrl1cicjgcwhAqA7bUpO76iO7q6mq9acexD5VV1dQvQwjjYYxj0qV47xWi4IgeyRhUBQpZh6hRRDRo3VIphxFJymnj7HLV5JiMEWcNmbapKgAElr4fD4cDuETWigiztqvVcrlcLBYMYoHG4WAJXr24FMm3t7eausuVoXBQBaIsVnKWfc7MKuB+d3d45dfeLrReURUdWGNsSindpVbEWgSNgGqBBYNoArG+qo0J47iTrKvVYojh7nb7ze9/e3l5fXG5AutS6taLmgwmxZTzovLsJcaImKx1VYUAqqyF9MA5VzpOLhYLa23ZV/B0TOt86iU0pUsK0qwETVNKhUmorusSQ51cniI4k5SdSdBk4xR/pyzplI5eYV3XUxJnPqpy2cmUmOImqlpq/yYKnskmcN4g6dH4LC/AIBKVOsn5zny2Gx8/eqzAJnfuqV/wqeOj1z+zVs5cp+k4++ipMfaXDOBsMHhUv6d4cFFJoqpaDFrvWudsu6q++uqr169fi+putwsh+MYbY6qqWi6Xbduq6uFw2N3fl+LrqqqttcOdiGaOWTioZENHioC6bbNojDFxTEosCGAVNcSkIKXmKuZ0OBzqurWW/uEf/lcI7j//x9/c3n4gNKA25TiMfYuZiEQ5Z7BRUk4lPoeIz59fv3z5wnu7Wq0uLi7qugZUb6GqmqJzi+ENAACyWq2GYfjw4cM4juv12jlHZEVycVgQkUFlBjEoAjAhmorllXOe0E1wyqYb8pYMMxtnQEkK4XnMACMzH/Z9sX6rpr64WB/7PHK+uflARM4fs5h1XRfZ6IdU1fWqXkWRfTfQ/jAOObPEGHe7ncWxyLCQkjE12ZQlq4Ih45xo1pyrqm6Xy0M/iqqyGAvWWgLUzMy8Wq2Wy7ZZtFnKJpyZOQsY4wARFBBJWMN4zJg6sgVhVepcymMJIZRJTdveZJLEMUycWJMwl5974jecvj71h58HOOAEI5pLynTMYpTHSgJ8nFV5WPPFXrB2QqzgjP5jGluxlaZ0suh506m5PNppt/+UzOOsmg5m8K0z4+fM8fkBAdZTBH4+q0lf0BOmg/mN/sxQ/xIlgkdapOmhKxIRee+Md7KXlLJIds48f3H9i1/89fX1KjPvu05AjTHee1JqmqZt2/1+f9jtu64r5VKLuqmdH+97lcySVJMxYJ1vKm8tJeFxHIcxChhT1c77zHmMuevSOI6yZkANYdwXl9JUf/e//F+MYzgc+tub+8ijs7UxGmPsDuKcxcKVhsoZQDVnqarq6nq9ubqwllQZEYBC0QUiMgwBoJBlNGVt1XUdQui60Pf9brdrmqZ0ZvWmcq6qKo2cj+b3sQmMSTlxVgDyvhYRxAhAeIzfk4jg0eq2QGYYBiLyBXPLEPiojERAhJ2jqmouLq4uL69ERIaDc75tG7JmGLoQwhT5rxrfrupFuwAyrvaKoNBjzJzzfr9HMSGEk9Daqqq0r2LifhjLdIgACKuqygKhoOaNIWMtgUGovdtcrNvlwnvLMTHno4oEyjkrKhc5LLZ9UmbOcmwEVVRAcWRCCAXTMTkdZWFPsyCiglIvmNTJcinEQhNLCM6CI6eHf9Qm5esy6xutM7DlXHZ+wBqAx1yn85OnqxVsa0kYMXPmh+5z8HhrV9W5+viIQYGIhTJhus18uPMzz4T8B6QdTtYHnrzEub6ca6KzG8FMTz1VGX+hEtHSnRoBDQEYLqgQQ0V+QuP7HnKO1tPl9eUXX7zJfFf22yw82ZbldyrPt/QKskRlGxnjvQEsdb0CquoUiWy1ffu2H4eYU71oN6urpm0Ph34M3TAM2+2tc4U7Q1IeQ7KKQMa9evPZX//ix7/9zTe7+24YDylx5JBH5z0aZ2vEqvIImnM+7PsvvnhjrSUVTiGlqJDKMvZmdTgcyoMtWs9aZOYwJufcYrE4HA43N3cAd8tlu1wur9fPygZVUgnzUNlRNuj4cxchGfse8RhUI3j44USksOOBFiAMnLYfDwDGWBXs+xHxXpVDTkU84phKQ2nmUjCsz19+hmStJTRmbReCwCr32y6n3I+dZgQxipQzjyERWevrYRx1f1gs26pZkmqIQ7HwsyAgEEjipJLb2nvv21XrnWNJwzgOYQw5QTGxyWYBZgYlBRABA2DAyAMC41FkIc+aRc7FYXLSi5oohGPFNikJl3xqKDUlXKcgoJxYSOduy5RwnUcr5ETHO+2+c70wl4izzOl0hSmOM6mP8qYeSWfPdc0j9XEmnPM/z76D9hF72HSmfJqmbP6U5yOe5jZphOnTH/BNnoZd4f8nAwTlBIlCUEUuXd0hSWJOvqq8dzGl5aK5ulovV3V/1y8Wi6Zp7ve7fXeoGr9cLY0xwzAU9perqytDrj8cCq1DP2xr5621oJjGFDSmxFXFIUoYOWZ2lVbWrZYtoPQDdQPf3d0Ub6KuawCJKTCzqnEerp9fHvrOOAohjUPCPjt6jogpBVVQMao0jmNK4/393Rj29ztjLfqKmqayDhWO8bxSptE0TekbICLMyXtvjK2rtuQOS/4IEhbb1Xg3NUNKORcdaq1VPDZ2ERHnXMdsrS29nwkEEYogwIRKYEAwRFRVbrFo0ohEhek2f3h/e3d7XzfeN54IdrvdEIZCniaavavatt0828QYWaRp3EW9bJeLyLzvBggqosJg0ABASClFjjHXrQggks2ih34c+0PO0Xnj61oVAHjsu2HMKcRFW7fNEpd1Zj0MYz8cxrFnTkrGGPRtm7LCmEATsGpWdNY5B3jMs6aUSvK1OI8wi1/OVzg8znEcS0WsNcaU7g3TR+VxFccQnuzHxVrhE63vFBOZ/J25fJ1Jmcyq78opc6nUkzcwOTUyQ8GW0+gxY8B0zNXHJx2Q+WuZhWTOLvdRaf+U9XHmUOFj5+3sW0916lMz5KOfPj1YVXVKVkFWsUBkaBiGuzupK7SWYoKL9eL1qxdIggUraSirhBiaRd00jXOu7/ucc1U1i4XXrEPXhXEch8E5Mrbg1pQzppRCUGOytTUhC+euC9vt1nuLoG1TjQkzxzH0i2WDpJlHkWytXy7XfqTVuv7yx29+8rO/8q4ax7jd7ry+SSl8+PD+fneX0hA7HsdRNf/mn35b1dQu/HLVXF2tK28JfOlFpQycZBzHOIYwjMXfttYUAEJVu8vNFQAU9fch3B6936parVaLxQKRvK9DCFB66CCoYs6iqs5RwZUZY1VLKxkFIdVsrZWSXmI1BqwzJUeTgycCYwyrxDgW1GbRm+VHqeu6qp1I7b1dr9emUkXyxq6Wi6ZZAJmqtkTgvTcE4Cyq1YwJmFkFYd916/Vqud4o0N3ddn/YVpW7qNfDMFjrFbUfukMfAN1qcblZL2TZ7rsu7XM/jomPWTwBHceRBVWByKqyMWa5XK9Wq/3hpgSAjhyIzuGsItbMCkrLpUpetnS9KA+2TLM09OJZ8S4fm1c8ilxMslD6PwBAwa2ZI/sclyaYk8DLY36Mp4rM2iMV89loi/WkJ1AsERVgsfNmMj3mR7ngn+kyV17NhyJ6vvOfDfHMZoFPaBAzY0/Dk8sHj2MiR3vnY5bIU+3wFxogaEgFCu5TEOCkzjnrfr93VHtL4uDV6xdffPlKOfimDiEISNM0vnZN0xR9X7ZfRHRkVJVTLt4BiBWGnDNnBLSENicdhwzISEbY9bshp7chpNWqQcK6rq2lxaJp21qVh2EksqvVyhgFq9XCvFxdX109Xy03IaTd7pAOawC4vb18++67m5sP8n0YesPCt7d3i6VnqXPOnCVnuNxwXdcoo6oiGETMWYYhIGIJkVprnYs514ac996QI7TCCio5hW4Yh2Fcr8NyubTeqUJKWUSMtaAIisKSEzvnCC2UzL1kRC2tP40xwIV7IhORscZXTqS5vKxzzqqMhuray5EqRayl9XrVSmstWUeI6r13ziViU5O1loG3++2HD9vdbsspANjK1egdR1RAu3AgRkQOgyXnEMwQ4hDG0jGPiEII1nrm1Pd9CHG1qhdNVTnToaSUhrELaSyjAkVmHvoDGW+NN8YCAJEt7GG7/QeYeQRFblNKTXOMT8sM0z1FDUrxfqkZAYDSTKt4CpM0TkFrnTnykzkzBTunNHDxeor+nawDPSV95xpkvtFO0jGFeCfjaNJiJbV0FmSBmQaZgiwP1sdTKMRTiwgA+DHJ4NkNPiKunwjknPkg05M6Ux/TFWRGlDQf1dn1f1h3nEY+pcEATwR/dV33+161spZqB8+fXb14dhHC6Jy73+/A4ObywtcODLBKHI+NwjRzxpxjYubKutr5+/ttCOM4ZBWypgWwLDyO4253WC5bMjb2XNCc/OKqbetq4ZumuVhvFk3bdV1/6HxdEa32h/s4DKKJgMawT2kMIfX9MO52m81mfeEEVkghpJZ5JZK7rlss2tq5HPg27OOokuzFhU/pcKyVNF4eJo7jOJaWUeMYUrotleDWukKAEEIY+q7EIIhoaVeqWnwWX1Vw2iRSSoQGADhrSllzJgMGAVTMkSKbTytHEJEMNk3d94cYxVpTVVWMYRyHw3Dw3tZ15b1lSTlLXfujWX6UMdP3h/fv7r7/7mb74T5GzjFUHg1gjqxirKmsJRFYrJZItO871GTJLS5a7/AUmEBWlMwGsa59XXtE7Ifh0HeHvo8xSmlinEFYnHPGeu9qVUwpxTiW0vuiGuZSVFy/kvictMkU8qz9sfyv+I9l2Uwd56ac6wQeg8d1oZPdXdf1XMj1xGIxJb+mbxVnSh8fk2gU/o1J9CadUpQ1Ik6eKU5Vqefi8yCeVh6q13B+0ZKFZmY5AUPKOMwp9gGnKG75c94xnGYIlrm0w8z9m8eWJ1cZHtMonakJnWWq56p0/v/0aM6MkenPxOkBTsJHECozN85cbS6G/r6y+W9+8ZOvvngVxs4S7LtDVVVgMOdcoa/qKkuagqYhhJubu6Eba+eHXNi3MYw8DslVKzQ+Jj30Yegzq2F1BqDyK6ejhSoNMnCsLGxWFSd59/170Vxauh92e1ZhVs2yH4bbuxsVILKEtvYrRaoaf+3qZvHs6qq+vX12f7/f3t4VrkXNGmMMB7jTnkfr6t5aW1W+ZCJQUViY2aKVJCGHYilw5GNa11FhCbTWhxD2+y7GXN3dF5CCtRbrEmOzzpFzbre7AwAAARQq5a1QumiqtbZt2xw5xtj3ffkVmFPb1stlG3Pq+y7EgTkpStOsnLMCDADe+9VqVUyGrCohGqMpy263v3n3HtS8fvUKxQnT4X4YDj2ps77hnHa7Xb2SnDMoNZX11nTdYUC+urpAxK7r0Njr62s0pl2uC5J4FI5ZEkvMHJIoAqJFQyAYQhCGxWK1XC7v7+/fffj+w4e3vjKLxaKu69IgqmmaonnPVviUgskpF9Rm2RonHTFZHGZGqzHtqQW7kXMuPku5SwGM4CmJW642FdHM07El4DqpM5lBMYlO/c9mvdPpBLSfg9awhGMkFX03iXbRX0W5n/N9nMTsI1v69P901zMbZPrzTPinE6bX0+gnTXSmDuf3hVNgCf7/cRT8GwEqgiAZAINEICnGmDuUuLlcvnr54rMX1xfrFjTf3gxVVVXeF8WspGjAWnu/33NKMWROkrOklHJMnPLNh3thBWNz5r67HwdWMU3TNE3rnBXJnCWzBmSCGB2rldRGsbVkYeFsEhTksqohSxURUcQsSHXVVFUlys6nytLC+uvnS5TPxjEe9uPvfvu7rguHbb/b7TmmFBk4aR7ai9EYk3NmFubSpRkQjBy3hWNqFjFPLv3xgYOWiKCqjuNY13XBFAmoqpZInnMuhKR65GGypMaWaiJxzmGpljJCRAypBM2Wq2VxZxyYlPtDF723F9fPvPcsCYi8X3h/rPR3zgnZnPNh293d3ffdeHFxtVleXl0899R0+/Gd3OTImsSSiGaDctjtV+vFolo4Z0RiClEhdV232WyIrCIU3dg0i6ZdInZ5f2AFFi34Q4XS7pesc9YqkVFlEW6a6upys9ls3n14WyrunXOF+6eAtWCmEcpKM8cU7gMf6iS3U3y0hD9KGAVPCdqnYqUnTkM4Ac8njQMzawVOBsvk2kwxlOm7zlWTrE1WT0kDFRNmSokedRkc6+zP/KmiX6w+9jsm9TGT7Ue7N54Qr2fqQx87SNMFz7TD9OeUf4InKgZngc/51c7Mmfld/vKDzClMq4YQQZUQSamt6iH3jXOvXjz/8vVnm0UtKXAaQgjeezSkAP04mhx87YwxliiJEFG7WgDDTmHsRwAwZOvKgfHdYdjttt0Qm3pZt5X3VRzDbr/tdvecU1P7FGrnXNU4jkJqHHhUUAZIioAqagyRNQRFvHHR1MvlMvAOURSjsdS0bVM1wuvLTX739u3YxXEcwxBVTO18Uy0a3wzDLSKOoxnH2DSpIERP+1VZQyooABGP3BxD2d+McyV3m1JMnFWxmN/UD3Ji2XPOmRK0VDYG0RkypaH4Q3MQsCoiKAqQVcFXMI5ZAQEgcwixr+r1erM0xnRdFoC6rp0zhUW9qqqbXa+q+914+36XxrRerhtXh8PAyLvtrrvfchhALeNIpO3Cxx0bAGNROY/DoMAlJV+2dAFMIQkYQMOK/RgTS4gpZ2EpVdpanNmcs2opbgiIuN4sv/z8iy+++OL/8x/+p1//+teHYbh0rq7rwtlRPIv5Zj5JYM5cHMCqqgCgJGvqup5IyfAUZShJrhL+mKT9wWpOSU9Ar/KaZyWw090nY2Sy2YvkT8GRyT/SE0a+/DkPl8wF9lNBg6PPMcnVmcKb7/ZzswJm0vtUfZyJ+nSFM00x1xFzA2Q+bZ1ByMqNzjTd07v8JQcpICiqgioqIhgUIVCLVJFdr+pXL54/u9gIx263i3FALJ3nsNB/swLQ0Sy31npbLRfrNKYYgkGyZN68eQMAkaWqqqqpAbBdrlerVWWrm5s7/WbMsQtDzjmPXc/O5bDWhMjGIbGwRmBVJTVIICKZOGVlAUTJnGPKMKoiKEmKzBzHQOhAzE+++tKb74ZuDEPQHDhr1+3D0Nt12ZpSGNM4xLrxxZb23jtnTiBA5azMx5INIspJMHFZBjnnLAxAR4K8kxdpjBGG+si2zYiEaAmtITmWyJUHXsxdpWN2kzJSTimlnEViISLIOaoaVVXgGEdVNy3C/S4g0v22f/9uS4wLvxYLQ98RjOOhF84GIeVwGPYAZKxdL5fWYApjH/uU4tXF+vXrl+vN8t2HD2gMZxlCBNQx5gzjbt8PzOMYh5A4qyqIApIilnqIgrTNxhjUI//0xcXFZrNBxDIdACgB0WEYJsUxASWKpRBCKEmuyeI25qgfi4FSfgXvfVFz0xdlRqF8hiUvKuPMCcDTTyOPQe506vMw7dnlmKdpCsx3Mj8n/ZJymk8HZtpKRB7hPuYyfLbJz7//wzJcbKePiu5ciZypp7Mrl9lOUeX5SCY99V9nfaCCiqgWFkwsekRVhkNnIF8sNy+urtum1hRz7kmFrIFTwNhaaxwZgwJQO4eI3lYGsYuxlDx47129GMdRSJ9vNn/74mcvXr5erVbGmHEM77579/Ll+u793fbm7vb97f7+MA5DHtrUMa+YLGmECBETEkHV1ClkkZhZGdQ5xynHMfQyljgoKw/DEMfkfeNNs1zV61W7uWgkLcfGp5DLGlMlEGVmTiLMwuxcJoJgxsLoW6i7SsAvhOCqI4tfCmMJAZYCtqkmkGdrDhGFqJgaqnjaA01pqw4qqirKqoqkhIhgiHLdGIU4xtFXtFheOedC7ETEu9paP8EfYoz393vQJsZ0fzvcvhsdwWcX4Ffe1e73X38NSp7I1W5EKO3sfFMxh5xzlJjCaAxcXV28fvOSiA59n1j6YeiGUZEvUrJVg873u/tDH8fASUSBSmsaQq3rOnLOOStzSnl7/4F/F95/+K5u1qvVqm1bETkcDmVRFQKusrynJO4kOPS4XAUAJm9lgrpP67N4iHMcKn0MtTXP7MylAwCKTVG6ZJ7tu3iKv8x8C4CPmQLTOMvryWaZi6GI2FkG5BHccxb+BPiE4phOfhDOj+EyJmX01AA5eygwK6KbbJCzW//XaY2HryuUvRFViYAAUQmERXm1bK4uLterpQUNQ5fDwVtAWhyfpiFrrPPWWORT0Lfv+13Y3d/t9vc7AKi9v9vfhjCgNZft4suvPvvRX33RNE0I4Ztvvl2u6fWbyxdX65v3668Bhu4Q+qgZOSoHRUACIyKYVA3kyKw5l3iVNQaMMwYRna0L6aZRE2Me4xBCbire3R62d1uQsFy71apCoNJA649vvy3edTFQEUpEDWMMcLScSzGoFhwUmmO0P6RYEngTymBaZNNWlnOWGaN3zpkIS0nt/IdTLXFgRczeibXkHCKxddguKiIaQlJV542vKuby6+MwhNvbW3ZfDfshjFpZVxmbRr55v5UYbj/ctFVdAgopRVBBUOVgCchSVVXQVNbBi+fXdV1/+PBBFft+3O72u0NvbN0PwVaMxnZjGMeYM4MSGctyglEdf+EMKqocI3z4MLz/8P1m87KqqsViUXKxeKq6Xi6XcIqbPgQOVEstHJ2q78tzKy275jplCkyWqPz055T6/QEzfzpoVgg3xbDm31JVkVMftZOZX25RYh8w48QoX5l7Q9Nd6MRRYOmheOb4naJKcIKaPQ5k4CfgKHPxng96nqA9mww8MSK0sMichBOe2D74OJv71Gz58+oDEeWYpSZAA1j4Bb2xi7ZZL1tLmMYhxj3HfSStlzWriEixWgTYMApAFGHmsQ/9vj/sujCOwsop9cOhqt3qYnF1vayXBs0YcuzG7vt3v+nuB8lQubZuTOWpcjbXThLEMcYxGWMMWiBQFETOIYMBAmJQySpWELFyzriLnLMKpswx5rEfUYfgo3d2saxRc4w5hZhCVFUke3V1XYCnzHmyXUVLsbmZR9qLnwFwNMiIjHO+LJicWFgBSgtxKD26T0sQjSl0sSKiOWdnCQyllLwpIHdCzAxQVFjm4Mg5T01T9X0/DF3TNMtlW/oFMrPqMVJYttD7Ubd3+74Li8V6Vbec9d3d+2G/e3b5rPJWVfv+YAlc5dAaEV6v1t776+srYzBzvLy8BNF37971Y9x1/TAmay1Z148x3W23u32KOSYRAWMdGcfAgISIIU6xCSUqSH0Bhq57yGdPUj0X8jOlgGSKt1ie/AT3msoXJ0NgbilMi3za9vFJIdwkhlO8E2apnOmjadnDyR+cRjidhqfCnLlUljuSORdYmuFKHhCyc1HUeZeqmWyr6jk+5GO6Yy7zZ9phPhl4oj7gRAk7nT+fyZ9RDH/ZYYlEQQRKJTUBAQsgppSAK1WVnFMCZRER0CMZnBauuhxwVGMRiEpnkzDEsp5SjOMQwjCsn2+ePbt69fmrFy+fbS4WxgBDJMssY8pdjogEKQ2iyXlcSBOGOHRj1/VERE4RVZCBVFCOXV5zjpxzTJyF0KhoinK0llkRC0o8N8uFIfCWxn7oSECTKliLV4vLAo6OMcYYjkBphnZRn0AHx/zfkYPfHK1FizRR48QTOpuo8Io9ABYJyRgylkTy8aEBGGOGcbTovPfOWudcplwaLCGOiFrXHgjHMPTdoaqqy8tLANhud13Xl3ZlpSPEs2fPhu9838X72/2yba4W3oJW1mGzPNmqsFwuLy7Wn3/5xWazziq/+83Xbdu8fv0aSff7+8ViEcLY9/12dxhTJl9frDZovCLcbO/evX0v1VpEoCDVrSFVAUTEEulkZslRhInQGGc9RXaHw6GkoorITWAweBxoPKK+NZdkSpH8Kec6xSOmTd57XwxVfJyd0Bl1YFmKNKvH1RPt2GQaFHshnzoiTAridLWHEtszuZsADXByAhARTmSDk0EEMxjHQ4HwZH2ULx/nfsq8TDpSmOmU+52uOwV+53cqlyr9WebRl/L+lBScK1SYcRlM58/vDo+1FRxDoYCIKnOH0EzGS+mYV3gHACCaBIZICYEIFUHJCGbMLEMM3ZBCxghesAZHVeuGYUycwZDwcXEY49CQMMQYhxhzBuZqzHoIYQiA91c/+ckvv/jyp3Wj43hgGavKESycfTYMvGouF83muz/9esx2efW87/vDEL7rbrX3oaY0hKZxm4t1jCNZY6xl1JQFSG3jXGPVSB73kqKEI6tVZSgrp2EYnWt8vbhsYtM65zrnUMlaK4r396OjvNxUic327h5VV4tmTBnRICoQpiwK7L1xvk7ap1yQ1E4YYkwiYJzPOauCtWAJEEEhA4ACEyqCMei8xQyUOYUQCLCpFzGN+XBo2to5p5ZBBI1aXceYVK0lv2yhraVt27ELzHr3YUtE3tnD4WCt3VxcIOLu9i72w9gn7zBIbC8vFlfLb7/7w2/ff1it7MvXn/3053/181/+/Iuvvqzampmf//7Zu3fvOh699+1nl7Zqbz/EfNnu+sNic0WmjQkJKwOVZGGu3r+/V0LrF4hOGAEtAIhaLfFLVoR6fbFcNnXXdTcfPgCmqiocBQqgIiy59NnNWpacAioQoUGnxqJFESmBUpylVOREj1q0asGwT92zi4jBiYWrvC6iYU5sANM5evJB4AQGgVPwteip0hBPjuV5jyhO51KWZz1YJvGZo8NVGVHLP4AMIPPq+3kSZK4CHvZ/VZXHkYe5QTE3PaZjbj7MP53rhbMLzo2gj/4/PTItWLcn39KTlfj0sqpKRyNKRQUAQcQAVFXVtm0h8rDWDJFTHEXyGHoiKiEDVSWy1pUsF2QVQuudZdKYWZFShhhjGNM4hMz5bvc2xL1vfFu199s9olkslm3dNk1bVVUEIKLtdgsgvqnJGZYgUjVtba2NOdjSo61QddCDO+29r30lAjHGNKYQQo78/v372lXWWmUJp0YKqkjkC6+Ec85VHhFjSEpIw1AeHiGh0xLsJCJJE/su4okLtqzviTZNVfVUpjWpbKRHgKDjrpiiKJsTKRwRlZIKEamq6gR1tcx8c3Obc27bdor/l9wwEaxWC/vl8xDCOA4x1WMfy0eff/75v/yHv/+bX/3y868+X66XQwz39/d/93d/95vf/Obt27chhMycUnLGXl1dVX4Rs9582N/e7K1rNutnQFqY0w0QESEpiCqLAqTiqRkiQCQsuWiEY6ve0wRhejh64o6ZLIVpncvpgMddCibpeDDzZ0W3ZxIx+UpPZQRmCMzyWmb87/MozFwe4bHjj489j7l85Sz44EY86ncHpcft9DjKsKZlcfzzsQoo9CFnkgyP3ZZpTE9H/FR9zP+EJ5Gbpy+m2+ksnjQf0mTFfdRyERE8Da3ozPIi5RRC2O33N7fbmMww3HMavCNjysgNAAAaYwSQEa0ictaUODOnlIchjgPHyAeKbz98aL+pyIS3H/7Y9dvNZvPZZ6+qqq38xfriWQ6cszBrZs6ZBaWqKmNoDP049jGOVe2XyzblRAROS0WWAyDNrHQ0/QxSSiwiIQwxJmXZ7Q7GGIsGsXDHG2NMprxoXV37LEUR0GKx8D7FzIVeIAs7Vx2jeqRokceJMg9suRiqMDdNc6pqK/BkUGAAED0Vd9lH+hpOG2CMEVCJqKqctZZRImeOWpo4KcAQQ3cYumGw1qIxQwzdOCBiaQwVAl9ebn7x1z/9x3/8x69/+4f94c4SrFaLf/tv//5f/+t/+Bf/8p9Xjd/1+91+m0UQdej6MIwpRBAFkT4c7u/3cQzPnj3703fvQgjWu7qqYxoPfc8izhrjLBqS0kMUUUVYEgDZ03ItTYInlOdJVk9ZD1ERKfX4ucRgT9kKPLW5mdbqfP3PFyqefJNilUwY0Pl3p8WMM0NeT+TsBQxSrlZA8UU1z8X5qRhOr6eIydmPmHOavIepNhBPxs4DbOwstjD5ZvD4/Y/qDvhBpvWPDloeF/hP+k9mCd2ztXh2XzxiQx4x3083OtM1s7sAEho8dgQqsyOiIefdvvvuu7dVhc+vFtYkMkoEQKBSaswdESmaLASMhKYfhu12d9j3IeWccww5pRT6u/SP8fsP3zkvw7hlDK9eQd1e1rYFwQ/v727e3f3uD9/c392C6BjCq1cvP//8881mc3P7vuv2MWrfDSLCmnPOVZWNMcbSaWFFvzCSOUsKIZUYHiKSO9JDpRThyI7HOYOIWO8q3xiwfd/HOCghALFkY0mCqqq1ZCtX6lVnSlaZ2Rog68xDIqDsZoAEqqyld+yRmSIzw6nfluYcrT0uMmZWFWOOBhAqExGzhBDlVCHSHYa6rquqYtb9ft/3vXOusGxmVh5j235xebW6+WCbyqnKm89f/m//N//Nz37xs2bd3t28++7d2yxJEEII3//Tb959+DCOY9u2xtlDP9zd3g/DAHh/d3dnnP3xm9dI9e9/983N9oazNs2y7AkxMyiXCig4tU4HAGUeR+ZkFXie2iCiQtoqIswy+RciIAhIqISACKflPAlf+ZNPlOOTdzB58cUQLpmd4n3QDKJ9JuQFgAMnBTEvunsaMQB4FPaeBlYUzdOLAwBLmkkxThcvp1l9CJo+MqumeRZ3ZboumtP7T+LG83c+qgKeaoQzg2X+3fn7MDM35hoBH0N0ZrEP4seM8NN0SgsSQwaVUADhaLdXVSUc991wv9tvVlXVNNYIGLi7vxURQ66qKiLLrKJgjBOG+/3h9ma73x9yFj6hHiSO33z7J1PJYml9Q1VlMpsQkBNJ1DDk2w932w/vUdh5Izn9+IvP/vZXv9xsNv/hP+Tb2w8FYL7dDqLqvCkEYFQ6tVoyxlw9XxdTSFWdcwYwJWbm5bJNiQsI0sDRDc7C+/2eNmStTTns+wOicc4BoS99FkSqtrbWFdBHTBkIyVgUBTRAaGaE4NaSteS8IwIRYAYktVTsIBUUOoGaMmhKSUERDRED0InTkJhTsXMnFhJCe4I/mBDGwqLiXJWP7d3wmz/8cb2qPntx9aOv/ndN5f74xz9eXKx3u+3vf/+7+v13Q+yzZmPt7d3NH7755vbrP43jmDh3VWVc1Q39oQsK+O7dO2PMenO1WC27IQmKoiTOrUNjTBKOkZUzGQuGkE1ZmiKSVUTUIBXOgRgjlNDD4w4hc5MeHx/0uJfltFznJ0wPmYjqul4sFsMwHA6H4oYYY3hGlDGJSXkxgUcn6aDHFSEPccA/1w7lTOLglLh9EJ8ZcF4m2FhRLfOZP4ReHxtO9Alpn96ZbnBmp81PnlTANDJ9Ys6cTeOjbz5VMfORID7yxh/uCEoEqFRiXSVJzQqS8xBkdxi3h0EJDLJIvr29SZEBoK4bRBNiZlZCmzP3Y+z7mGIGAAHMqQTAXYw9Uh6zX2RnRzr0b7/9dgdMkiH0IXQDSDakBlmVX8XBVbZqvKts3TYAMIRxv99bQ8aYWPumaYzB4lwYY5S44A5KhXgOue97ZgZCoOPDPC5iEFA8DAfjTV21qZROkXrjvK+qqnK1y/m0sAwCQRiiMaakEY6Rkcf9MU4/GRqyhCpiDZWCGhZiAouoAMdgIdIR9U1ECHQs7ohHxNQxEEiuTOTu7l4EQgjOufX6QlVL+2iVhCS+Mn/91z99dnWx2233+ztAvt/dbq6Xa1f3Y3r77u12e3t3v73Z3h2+fbdYLAhNGEbuxg9327vtzli3unz27MUL59ub27vb7R4NrtfL92lrAAypiCJkAia0hjCBGrKsUvxVVLDWNt4553YnZ6QYayf/Yr6kH8U4Jit+fsCMo3R6R0+ey/TMP2VBzNVH2W/kRAo3hVfxhECFx9C16ZhEtfxZgrtnmzc+RsFPy2BST4/4PqZ4wTQOPYVO55/O53CmCOc5F33ipM3Pn+54Nhl9EtGY//n001ns5sH60MdN92BuK4EAld2bVVUFlFAJirs/jPHmdguYd7umqoyxNHSp67qcxbkegIaQOINzVWbNmTkjokHjVDXmGKM6h8Y1aDMLHLoMoKojQNdWK2BMIZKAszZzHFP0FhA1hCGEerlsX79+fTgc3r59G2NGZ1UgWxE5VkmCoCLu9x0ALRZEZKG0UAEwxuz33QOIAwH1Ycplk2dl447ti8haRayqCk3q+7EsPmMMoCqCcRbRnIo+jtumtZYIEEBZFBBNAVwTHGnwWbXE6ggACEGLSImIHL2AFHPxyQGxrGhjvTHGekdkBTQLJ86GXFXXIQQF8FW1XvvV+sc/++mPvvzqteT0hz/e5DSGOBj7uvambirepj/98fe//f1vxxCstakfry+vnHNdPwwhxGGMUTzqy5evjfNj4JATqyApOVPVhiB7MsYbFmuMsc5nIIjZWkqMrEAGAYAmd0PUIgFCPgZNj/JSZFiO0FUoiRtQLV2Up99iEoe5WJ7JVEEwF1rDUkRf0jHTCfPXpeOUiBR0SSmNtcd2vHmqfyvXKTeZ76bT//yYunwSH3xsPczNCyi4j9PlHvwCnIVt4JQWOiqImTSeCef8Nmefzh/c/C5nL86UxdM3p3s96OwZQ+o8bjLltOa3BgDFokP0ON9TwLhqFjki59D1AQAy89XlxcLXZFuBFPNYQFchsAoCIitlQRYFQiMIYIpURJaqcmRcH7sQBgCw1nhToSoqckJPlowRScaZdllfPrsw3pIz1y+er9fr7757u91uK9+UZWfIWuNq50QyIjpvDqkvvZpiyPnYoAycq0plN846gBW2BetcZpYQCrJDEARBgcfIhb1iHMfMvFgsjLV0BI8ZsAJ8TPGVp+2cQxUAFcklVe4MERnJaRYdPIaiCI4AAeZQVmMZT4xxvV6XMRePHgByFpGx4CxUkAvCPiURaZrF+nJlrV1vFpWjkZlQfUXb+8PN+/eI8v727RBGIqlrP8ah6/dvXly/ePY8pHh3t01jqKrq9WJ9/eKz59fP/vT27aEL6/Wyqptvvvt+GPfeW1J2FrwxAJUXReOTkogYSwCCeow65ZxjzKigOJXSIiDyEallmYtfq/PdEgDMrKPKfIlOex48MdVDCDHGAgApIa1ilE1iNRexqfRmSvQWyP9EaoWzenxVFeG5NM1l7Ux3nDTIQ6ZZZ+Heo/rID12ncLZ7z1m/jom0ozYx5yHSSZJhprSm5zLZUVNkaIpI51NLrmJ3zV24+dM8m6E+jrDaE0/vNIDp+vMvTs5bVTdaiJpPwXNEFFVRAWNRcmLpQrK9q+pMTqpqWTc6jLzvozHW+yUAJdauG5zzZOucZBiCiFrrq3rBKN3Yj7uDtdi0S+9tzjIMOQxj5erKV2ShGw5DN7x80fzib37x5vNX6/WybethGMYUl8vl9dXz25utMKgqkW08i7FkrPe+bWsSxyx3d9u6rtu2tdZ1XXd3OAwhOucIMYxhsiYQsXZuTHEMcXrUgGhd5ZxFQ2QcIHZd1/d9vWjrxaI7DIRojc8kKaUxpMr5UoFiCZ0hY4wlICyPGnzjAQUGEckiR+hRjuHooWRJKc5ccQQgEbDWNk3T9/0wBOdgvV6r6s2HO2a+urpyrhqGQGSHYVhfXP/kJz/52c/+SnK+uX1rDFSVNxZ3+9shHtbdenN5cX197WrHzFVT/3jx6jD099u999UwRgFr69pXi/0wAkCMcXfoYhYDutmsAABHzRxZsjOWWQ67+yEmRmtsQjRElsgQVcpSGvEZY0JMiGh9RUR45B9FkcIVgogkCAqKdFx4EzsMzEg6ZNaetiz40mrLGLPf7wFguVyKyG63U9Xlclnq7s7EpPymJT5S2GeKPWJPfTARcblc/unbP11eXJaWOrvd/eSzTNi/qQYHTyxQkygBPjSOQDwmpydQmJ3ch1IVfhLvmVemj7wG+URoc26ewczRmFk3x9NwFonRWfT0tF/xmco4M23OX8BHIqlnJsz8OBUjHeFkAMCgJOp8JWwySM6QmQ9jhl0/JFlWJELkWkqUs4owK6eYvW8EKGeJKcXIqsqlSQhJUhV0jJrVajacMIo69EhViCn0Q+358nrx2evnl5eb5XoBhofQH/X4sQdqnULknEMXemOJqKl9Kc9BMaCas4wcEVxd10QWgDabS0QsAp8SOyDj0Fg7xBRjOqKJ0FgLZNi4RMZpkhDCmFJWJUQRFZEYMwCJATDWAVlrvXVkQERKzxpUFWEyhkAtWWUuiEnlAlgosWkqlemISDTte6InopCyo/b9mHP23scYYzga/+MYmXXmT3Hm0O13McacxsWyQb3kNHz//t1i0SyXbeVs3Tar9QKI6rqmLS8Wi+Vi/ZnIMMZuSELkq8Xtr3+TxjQOQ8hJ0VgDgFZV0XH1/6XtT3otSZL0UFAGVTWzM9zrU3hmROXArCL5gGrUohdks9FA7RpccNl4f5HL7hUbD70iFwQINrggiCJZeGRV5RAR6Rnh7nc4g5mqikgvxEyP3XPdI6PqoQ2BwPFz7ZipqamIyvDJJykahOyNxGjoa1+MHo+jIkD11ZVdlQzD1oN4/lwKpqrcYpYuIPjEoG55k7Zv41IX06y2tlbdCVqHRZqicb4VB7x4lsS7lLvVlnP+/vvvEdEDSafTyX/lHs2L2xf+Rly/rIUIV9HWtUHUvnkaB37SswUALr3zZgf7WYZprTsQUe0al+FHU2ntG1qlctcqYz3KdbzDJ6tZQ/BMJX1aj8CTF9OezZ5FSZr6IJtxHIjo4RABiABACBiBpIjqJEWOj8dJ9sN2u+2HVGuYbFKkWsqYdX+7z6Xm8zkXqSpGDKYm1TEdQCSIYzWuKtW0Bo5RIahWANzdvPjlL17/o3/09idf/SQlPp9PIjplIaKU0maze/36zYfv3+dcDqejiATiPnVmME1ZEQEwT+XweD6N5eZmLyLTKN0wIBogpyIARIEBWQ2nvAwJAKCqIbFwlsAiYOecSykqgERqWKoWqVRpjpsGdg47QiNAg4KqZgXA0ICZQ6SpTMzY96nm0iocWryQFrdXFdy0PU2jghHCeSpjzkSkAOepnPMETAhxqkXAKHDfdyGEu7sPw9BZLafT6Xw6vbzZv3hxU2V8PNwPw9D3qeu6vu+jqYDGFIpNIaQQu2CAFJRKrqaqdSrjOJ5Oh1I1dimEYKC11gCQ0qCIMAmluNkNgHESI3qcSp2mkotHlEIKMaUOUF1TIPKFKGi9Jh1S5OCiZWWuZZIWXDmtoElt6crSDMSWLhm46uVoqwzOQmSNL1++9NLBaZrc8WFmbz3jNsibN288/uXa5xN78FNe1fWQYKUKES87un94gvu4utwiqU8l8GliZC3SV4oGlmz2lSZaKxF8GvJcK7a1amwP80lf5kp9fE53zEPSmWedkAAMkEDBzE7T6H81CEiooLlCER2T9UNIKYVkhh0ycc6lIIdoIooETEiBMSCimhVTIzAjExFFMEBjAkJKqiGG4fb25he/fP3Vl7vdvqcIj8cHMwRFhBBCDxa6rnv54nWdZBrLYTpIqbvtVhXyWKbpIWz3IYRa4P7uKHcPp+MYYxynU6nS931Mabvj5LlckSlXRPZsjAcyVE1EiyoVMbNS1YBC6jyrWqt2aUCnHquViAISMxNjjGwAVqtoRTBEQ7JIfKzVqSJArXFkQotzAcAqiRBCUAXCQBgUq5vrHrhR1ZT6ZqQEjikmIvr++z+kQOPp8HB3LyJd+OUXb1+/fPlyHMeQ0mazAYBSSq6llHLE003oFeTj/YeH+2NVCqk7nvOHj4+n0ymPk5ZqpoGGFBmKigqBpYhALCJkOGwHjsNUNIbu4fF0Bwdvae69JtpSJ/Q2wzrvmk1w5q34sl/rUhTic9KEv1XEtunS5WhOyprcsJTCzF5o44UgNzc3t7e3v/vd7/b7/S9+8Yvb29t379791V/91el0evv27f39/TAMiPjx48dXr175xvz4+OjS0F7OVT7kakgA4DvsIlPQhuonB1laOaxjHw0f0q7yuRjEHz1aBc5lST0rz4M19vkzsdL5tT0Dp6Fe3J/1Y1+Ntn1YhYUMgc1mJ6aUFnYhJAbwMlsbp3o8TaVarQYYAkdNHHsZi5ehKhAGDLDgCxXRjNSqKpkpAkUKQKkKjlqHff/zn//Jn/7pT7suKxxLmSAUpkghoZKI1EmqWoxxv789H873eO/1bjWXUfLd3d3ewjAMIlCKnM/nWmG7HZDpfC7MMaQuBAJAgVxrnWrtQiRAJENVTw7kqlyUyX11jmFgUooz6mm7HTyeOk5Zq1hVM+tSSIHdTySvUTZDnX3gJh5NTdgCoJx3zmpmllKIMVWr6GxmzCmlvt+IiHv7HvzLOatYq1sPNDvn4zjWKY/TiegLd+MN0RlJZSE3U4DNZjtN0+l0+sP771O3fRH78/n829/+dsqlTFMg7lN/s9t2m6GU6ZwijmW7HQzZFLMCo7uIkFJCOqGaN5QjnCs5y3R2ukYHUTGS4WxtOQjxIiAAsOocsJZYXOh/mmtjSw64/dzVhz0FjNCCW3NrQlXHcfSrPTw8ePMQfwVutpRSjufTOI4OJ6u1pnTplQkXHXFdQdek3pNoyyPMAxMRF8RPWB9X3pF/vxY/eKY7rowOWNkO7YBn8dt2tZbufX6d9cOsv1yN54n+bidcuU7tA80gvznz4olpM6KlRgZpaVAMoqbTJGanlKoRIiJXMTNAfjweRKQ0VgVUtzAh9aZmSECGxowRMADQ4fEcGPbbbtjsbl/dpnBGgJsXW+7rpuuZuvEs52Ou4FqMzbDrhu12ezxImcrxeC5lery7p/5GBRCRMCKUPJUUu2HbiYgo1KKKWkoVMVOc9SOQgxEUclVABVUQBSJiihTBPREX9dAlp/0ax+k85dM4IoLWjhGIgVF9Wn0PFCkA6jVUatVj/rakKogIKSIwwOzhhxBqmWMcbu+s5GrekKXqklFSEbnZdwAAasxcAaZpyuPkxFyu37UoBItdQnZCIigq1bQb+r4bBOx0HI/H4/k0IofdZtMNw36/3ey2ZrtpGvU09ZvBgJnjw2msUnM9TpVO53x8POQ8dt2QUiIMZhaQ7vOIoooWeIGWmwIRMiG4VQYIcymEC1ujU2828vOVabNtqC3D4qkTh2N4CKPVCnl/4nEc37179/Of//yrr746nU5/9Vd/5Yg7RPS226fTiYjevHqNiOM4Pm/iDc+sgatt+Gp4HvtogobO99GsjyZ4tMJ9qD5xH2hV4bOyaq7RX/A0GoILRqOpiXV8aP3D5/bF0we4DoV6G461kro652qmGMnMEy1qagAEgF6vreojREQCmE21IqpZgCwEKrVO5UQEfd/nqYpVVTWQlsz2CTMwIAyUAgWwYEJaQQAjor/yly/h1cuw24hIiYQUAxmJjF7VCgC11ru7u0B0c/NCRaZpenh4QJNatVY4HidmJAop9VlyzpVjERGOgVkWNBxRYAbTYgBIREZApESVORJH98GrKQA6+iWESJG8+1zcBVU1mSXZRE1zTNwnjkyMVlVKEYAZbjC/brxgcHzHSx5lMHM4LACcp9H37mChFDmNZ0Q0JDHNuZgZIVNgEUGkwOStsEu3kJWquhg4YU+e93ZmjkhkZudpvHu4L7Xe3NxUpXfv3v3hD39wv2kYtv1mYOaApFUQgZE2u00ICZDEcKx6fjyfsorGcZxaGAJEq2Qi4j46ABREjSw4dmMOds1Qd3iaeQRVt7Z0KWlzCVrX+Ld1e6FBIPIWf57AbiLpOsizuX7s9/ubm5uHh4f3798z86tXr2CpnT0ejz/96U///M///O7u7m//9m8fHx9vbm4QL1s7rAKRuIp42tJGE1aGyVrpNAMjrOArT9THCiR7kT17ijq9ktL1sNaa5ZPOBS6vvend9fieH+sg6/r79pzPtdXnlEgTc50feQ4QtacVMCQ0QAAiC0zBLdgi4hTbw4C61NrVVjNGQExlWSUhhBgTCGc1Fd3v9x1DKce/+Zu/KeUPX345vHyZPt53P/3Zq5wrCj/cH/NoTH3OdRzHu7u7V7evtsPmdHw8PJxPeErBXy96Q3ansRpLPp/PClZrRqbQpcgxRlIwFDLDmidEBCZGDCE5aD2lRF7CK6oCIsZkDi66fzh2Xddt+r1ZzeV0OplKrfWsGTQGSowBUUWzSDHV1qagTa//0/1z7Oe2Rh5l1KVHtL+143FuE404F30BQN/F1mA1xvj7r/8OAGSoXhTTYA4Xk74FI4k8AXk4HEqRYXtzfjh9/fXX77+/393cxpB2u5vYpVpzznmaRl8zw81etSLFEAIziUjNVQmYueu6EI0olFLGc3ZeD2xoTroUm1SZSS1x8Vnadtgkc969FmzoWgXYAtjBBW/l6sPtCF0UUOsy8/j4OI5jCGG323377beeAvfhefn/zc3N4+NjKeXFixf//J//8//23/7b3/3d303TtNvtTqdjk5EnVvmqEK5t8GZPIgOfkOL/5cu3i5rAZl+4JvKx6oJG89cvYA1TIMtxNU3tBs8tovb/pg7ayvuk7dB08zom5/52nKnAF+Tfavk6jykRuX/um4+Z1VrT0MFC0CRLW8C2P7QvL6uzCDJRYGRWsGpavJbkdPSui+fDEQB2my0ink6nECoRD8Ow296A6uPj43QeEW3oUoiQIsWIQx9evNy/ffvmxcubrzaxqm42m67rppJLKdNUHh8fD4cDATNgPo/3Hz4eHo5diPv9Pm0IkD1ea0gV0An8iWi73dzs9kMXmQBVpNZSpvvpu/3+1ve6tpv13eBdTrxTLyI3rHSIs8AzI6h5d8UynX3yQ6DNMHhjREeL/Ownf+LyUMpkZsSIBrXm+/t7Rttseifd7LvIzKfTSQ+zPz9NpZQyDFtmfrh/PJ/PzHGz2Ww2OyKapqmUYop92vzh999+++23v/rlL371q18h6O3t/tWrF6K1G5KAHE6Pp/FIkTebTezSb77+sNlsVOz9+48f3t+NuUxjHsfxOJ6/+OKL7XZLjAZwOh/GcQyBuvi6vfcx5/P5fDyP5zEjRMOAyKJ4PpWHw3g8nqZJ9q9vAcAUq5p6A19kID5PkyEAUwiBAiqIN3l8u//CFcE4ju7QAUApZYbJPTOZ2wZpq9aTZuZWnpsVTg5iZrvd7vR4JqLmHrp0iFZnZk4pDMPg1cCPj4/H43Gz2TSZXV70DGz1lu4rXcCIqDa1jZlo7WwCeOi07RxNUGFFMbQI5pPDVsfVtrPWCFeOQ5ud9Tk/fFwZLLCyaK7u9QNXWB+yokKwJV61fqj1jVR1zjpWANUKVlSqiJgGJJB5W2gznmJkDimlGGI+ZxEhDCn1pUyqhpAQsJRKKNNYT6dMdKLDBAD7/W2/GXLOVVXEpiLffvMuhrDf7G92++Gr7enm8Hh3OJzGfeqJCMDQTAkMDZZKcylyPp/RpO9iJHSYeQcDAHjGzjtsStU24IWGM7aVQTwT0hCh2RyEgxjnv9IlgAUARHQ8nplnrJFqZWYm9CWOJoitDHzeNlwYdJWJxGt2BWknI8M4jufzdDzq4+Ph8fERTGZS5zxyJCMTqxyp42EqeSr59vZWxQ6P93d3d4fDwZD8MbfbfWOoQqIwH9T3vauqdYxfVcGEEyOg3w8Rb25uQgiQkgeDc5VaxNS8bWsIwRzRayaiCnM/p0aX1SQWVptiW3Lrldx8/LaAbelB61oDFzIxt7YAwGxhcmAGNBA+nU7Og+2bhO+4u91mHR9c1v/yT7B1+nUtPms5ar+FxvcBiwU/z92KYQye+QuLWoEme1fybCuf5bmcX3kZV9NnnwpwNLPq6rMtyaTnR1uzzaTyl+dvhladvnSVJri6uKqGuUDGVFRUzdRMYSFZYOYuJjMzVVF1e7vvBwY8jqdaaxcTEBVTU2ZKCDhNRWsdejse8niWx/ohhHAe67DbliIexp/GejjlPkEMdagWORgGQywip1MGUiLCoMBkQE7ghB1POomIiWiVPjnVYXDu/5wzAm0GYmbT0t4gUWC+kCGrqvf3JiI0NJj1I4E6qY/TEbakIzOfz+clujGKSOQQEyMCcwRFx5hqVU2KGENIZziLCgBV02oqZgGRIiuCoiqCgKlqVRUzROy6LnYJAMacT6eTShnH8fHx8e3bN+fz+TSdONKLV7dDv+UYSplSt7m/v//w4e77778fz7kbNjEkZk6pcwOTEGMIBklVnVXAtRkiOISkGza7qRAFoFgL3N0fzqdCrEPfb7e7Qx5VCaAGIFMQUF1AboZzmlNUzAAJQwh5yrTwJPPCCGmfOpoUNPvXNZwvUY/4tLXaPgxDN02TAxf5CTOYdV3c7/eq+vDwME1TSsErhr0mrEmfWW2QUbDLfo/owvXpvk6+fsInZRJWKvC5eF4pzqY+rhTBWkHgs5jI81Dreudff7i6dbvsD6uP9fFUg84P3zZAWHbFZde9IHPNrE/JSbdhwcuhR1bVTJQ4DENfvWmLSIwxxI0VEASmDpBrMVUgCwgceUCEWk5aoOQwnrDWMcghpcRxEIylFEMIIZQs290tM2ehb/7wfjqcaikhhC52D49nokKBiaO7MA5zNEUki1HQtOZpZOy72Pd9GKKqMl340J39GhE8VLyeKFWNFOYufGaqYGaMSCF1XSylVCums/NIgJGDVFQBMxAxKYpWiYgYGLyoX0xQRFWAMMQwO4nttTvn0GrmzczUSpWsqoQh9Y4N8SXKzJwiI2KuUnJlii9fvPjqqz/Z7DfH82kc8/H+/v379+/fvz88ngAoqRfCa+ypVjWTRDGEAKilTK47iMgjERg4cOyG/gYoxmHM9fB4Po95s+0pV2YSqfk8KgIAMRIksioKVaqKADMHograoFKzLbAseMeS20IEfbWTty15xoOHQEsP7WZ96Ao55rLw9u0Xd3d3Dw8Ps1nnvovqMAw3NzevXr2qtYqUWnO7CMyZR3DHouksRAQwb2vUlsQ6hrr+frY+2pbbVAARmV3sK7hoqdkauRLsK3m+usH/wWOtTZ5rKzM33f9+F7TFeG6wHHoKK/YzaSl+DwoFzdv1qQEBCIA5Doq5j6kAjmpSagDEDZ/PU+S02WxrqA8PB8nSdX3fdSluVCthB2BgsRYshYiCWlALojQJqAAVzblUCGWS6Xw6Hg75nAOxt0SsguRENGZshAxABGTTVGLkLpApjGU8S5m6KCJDTCGErhvMDIBKkbLwHi+263z4JJioLUF+t2VsDuxFrSI+ewJMc7TPCIlYRNAIgMxYxNAgq5gJIjGBKrjHAEAp9UuGy9ZzHmNgdk4Qb0cjqooBxzHXWsVAFZh5GIa+7wD07/72NyHS7auXu93tbnejBh/eP3z99bfHqTw+Pj7cHwDAOT5FLOfM2R0067z5ts3tThDRT5umaSy5lBJTF2KnWsdxPJ0PgLrbbXqFaSo5ZyQIQMDEHA0ClWo2qZRaKgAE55FGVlWnovIKFF/GHoBvdKRtedOqjROuXDlfou2ctlBbIJaIXEGcz2dYSSJ5P3CRaZrcr2ktMmGVxEQ0D1oTmccwELHB1GFJlawFHJ9GHsJaqbT9v5kMALDWRmbWpBWXTg7rK1xpliurDFbGyPoWa1dwfYX1Oe2CzyyoP64+nk7cJSjVBs9LDw5Y2Ufw1Fe/SJTrUDUmjMQEiAaRGTl4o7lJVFFDCAHphEQx7na73WabulDKlOLGTEzJNCAAh444KiWF6H3estTT6fT4+Ci51CyReHfzarvZiMjjadqkHhEBAyE7yTmwd2mZEE0V0MgMS5mtWTvpMAwABGDOJzRNmZldjL3ACFe9A2sVZiCagdJWDVCJSKvMcz+/ZV98iOjuiamgN3gEgVyqqiJZCm7QIwChEcGcX8AlZtTUxxKMCMu7MGZkRqni5eZmNhUhmsyslBxCqloPx/PX3/zh4+Nhyvn9+/cfH+7P01iyiEhK/TBsiDnn2mxJZnTjCOvFHPZMgGotiqrATF0fa1FEI8IQiGIqqiIyTbLdDgCEQEZsQAhUq8PrBJf9Bo1dz4KqhzB9cpth20IYVwsVV7lIP62V6rdE73oxuyM5o8sYaSbWxBh5mqa7u7vT6eQ3b9qnrvrjNkkyMzdKmmKCZ1v/lQ9xsT5gFY9YK7Dld/jkZ6uJaNmT53YBrJQcPFUr6yjG56yVK33Uhn5l6fyAgTM/y/ImVsGai3ZY54naa2ubg//Jl51voKCGZuI7J1ggZiStFVS7mDqOIYQusvXJzKScAWizTTHGm93O+5KZSddFEXJ6C2JWSFW5VOBiucJp0tPp9PDwMI4jAgUOcdhsb1/vhs10Hqfpvqh7T2gADCBmbIZkVm0qE4jgrueASzZE9DipzJMZo7OKFWaNIddapRrSPIc68/f4qycyRDWZNezcpQVWxDez4lYvnnaWmpjmEi8zA4+iMAe0goqmoGoePZqxKMxIBGQU2P/zBlgKGjQQUUpdOVA/DLvdziHYJUueTqfz4eXLl8fz+XQa7x9+M5Y8lawAqQtTzgAQQuq6npkNiIhS6t0LILoA5Gz2oNVfdQghajQzDogIIdKw6czscJwhuGo1dRRSX2utVWsVsKCmiEYM2+1WDMUUDNT5lc1a94ImKTrX/ue29q7khRbAqIjknNcB3eeiBAAfP358PDzkMtfjuqvi/o2ITNM5hBBjZGYDqVJDDCJmpQlvhaUJdpOINhhTWG/P63HO6mP17ydt75oF5VAzeLYt4zM64itDph3PJX89a+ujXW19qXY+riyXz2mN54c9ParUq8HDCicjTwuTLo9DiOp9YRYGLZupcmutJho5xD4mDhSJqcs55+lERJth2O22w9ANQxrHsVQNEQFBVVSFmaSCmuVJkDUXHad8PE33D8fNZtN3m77r3Jzhoshpc/Py8cN382vCQDzHawKCgY3jlPMYA202PVCYYWaTmKF7tsMAqlarqNrpdPaX7g6IzeEeTd4xnJyj081PMMNaK3hNKrDbHa52snrswwAocQqBRQoWAhOiwBQDBWGYY6hLJhIAfLkvL0KIwJnc3frwFd/33enuiGR93w/bjVe4aKk5p2/ffQcAhlpVDsfj4XikGLa6DSkiYgiRmcHIAIlC12FMnQNkl6Cbx1zQk9AiolZVayllKvlwPHbdYBiIQU2Ox8dzLl0adrvteay1TONUajEjVkMvR9wOm1zLmGtVAQRGEtC2xbb/N6+5Vc09EddFgzQrzBe/uz++JnWhIPN/PjzeO1bdrTmR4rppt9shmkdbOGCt9XSaxnF88+ZNrRWg1Ko2R0xtVaVjT+R9zutdByXaP0PD5Pu/l4D8hcrYd4vleyK+tL3yEzwO1MC2TUG0HNXaR7gYNU9lu6kJ/9Xzow3AVolDXnVjuDJM/M3RAgesq559uKJga68zpeR2YHujIYS+7/U4GiEBIhOYohIsdQdzKEsUDWKXhtQxc9HzdjMcHt8fTsef//znt7f7aZpEbcqFA3c9IsVa8XQ6jdMY4u54HolIgQY1VZ1GyVU3u5vd7gYAcqmT1T2nkDr/p9ocfZzy2MXUdxtmljIZ4NBtOFgpcjqNxIoIVgQL5Mn7QkapFkLsOiiljGMWKSEET0k0G1jjbIW5JmVkQFNVAnSmmRhjN1NgTaWUrtuoqtUoWkTEObIQIKaOmWopUmvXzWBNM3BgdcuG0pLR9JfbdZGIRMpm03dd5wSrDw8PHAMAHA4HRHS8toPlzEwJOaQXL7qqUEU1l5ubm2EYTJEohDT3T9mmdDodEOfEbwhhv98yc5+G0/mQywgADvQc81SlmqXYJaIUjscQeWDqui4leng8qep2OwzD/jRO3393N40Tx/7t27cPh8fy8X7Mk5lRJGYOgcfTiAvoy+fZ8fjDMLQAauNVd2F0E9hrgjymawtstwVTGznQeRwR8cWLF9M01ZrdyAXQYeju7+9rrSGSZPMV7isHER2TstlsHIzv2BznSQAwJ7JronEl12sz4lKwD/AJV2Jlqc6/lEXk199fKYX1sTY31te5+myfcnOuFM3nvl9fuX25qL8nBtGVfmnfEJFzc3dddzweSynOm5BzJrfQwdTmhKKZKVyaaQZmRmKYHyElPp4euj50/Z6w9h3tdtv7+/u7uw83t7e7/Waa9HyWrt8BgPc6FZHzeUIOMaXYd51aLuX+4SGEgOa9IczL2zDEYmqmBEQcFTDn7FjMaSzVu2jCrKYN1AxUPDkVAIKIOcoOgZ2fwQwdD2oLDMRxRLPdMbcPN5VKMSIygNLFSEQzhCotMmQz4B+BQETC4uGO4wiikpLXubQ3ud603DdBMmJIXXDJsVEUDcBc20yFA7FL0TAMU8njVHIpyBRSSn1ijtN0jKELnIrKNE2iEELYDLulGxN79tRrg83MQJbtxASMDROEiGm73SBHqXD7Yp9SqkowF0ndh8B91/V9YgrTTVHAIvr7d9+Uqp66FtNSxXnwN3HwHdG7EW42m/1+f3t762ATn/y2ucKCxYCn2UlbSAmb9gkhOFz9/XffeR8JIlB1X1tSSqfTabfbEYNDVJ0ct5TM3AOgq5LmDy5KvCEq9Lm8XMmyj/aiPmzhCn8ubM3Ud+O/2QvNzbkS+6vPa91xdcLV9z+gPj53XKm5eWyLEQhPv28jf44W67puGAbXyoh4c3MTY3x8fAQPIppWd20W7Zn6JKUi4maz6WLSOnP7dRwOedxuNptNrypdH/b77fF0lx+OAMN294LYxul4e3s7DNs//OEPfYin02kqUmvt+r7vewCiafIadkSKZmImpuxkyIEVDFA5oPcQQDMeuhCCSDW1JcVMc297UwQVUkJ/Xq9wQ9WCSByoIbucnWPWqmo6d00zFSml+gZFdulIpFW0innuxuqMVgBAMkTSxlanJlImNUQ0EAFDREUyQv+vmooKM1apMM3AKgZBwyx5s+lzHkudENELSIggBOLY08QGBJUMKIQUQmLmWpnIuVqnccxcdbfb9X3//d33Zhbjpa2HLZEIVZ25pU0RIabAIYZACgYI3p6miE1TGc/59mYPSEQBTJBwGIYpazmevvvuO+IYQnI3ENXcVgYAl1KPZ3kThs1m8+7du6tMivtrc/vRFX/6WpXAio5wu91+8cUXp8ODE1nSCvvrXO0csJX5xxg8AeB1dLUWXBqDAc50kwDQnBc3QD2r3Xyo9f9n9dEE2JZk9ZVwtvjjOj/SZK/FCJr5cHVc6Y6md66Mjnby56yMP3o8H7mZwZKGWqvF9S3ar7qum6bJKwV2u537YqUUDKGCiWpVcZmar0MophFxGIah68fTuYyTiNRc+zj0qQshADCagNb9fitSEAXJUkeAFdE2u243Dkn6ruvO5zMQBUbiCD0gw0t7OU2T9xxoVdjIwIlzzgbAHAk5j5OdBFRub2+ljFWyh7oQ2dBL2FjEShFERmQzMVAAyHn0HchtNFvkf9TcQndmxtSSrODBDlNUANM6294gBqqqoAYm6qRL/lrR6w8txhgTc2grzTU+e/TQzESKKqoqMRiIqvrJZrbbb9QqMaBa5GSGQoKVYkzMHFNfVNSwmlbRqWQir05QEau1GqCImpkKEM+7YF0OwBnt5gu8ShURCowIqlqt1goiWqtMuY5jnvL005/+fJqmx8PxcDiUClUNTcmcQVorZAVSsBjjrt+lob///oPT9rhn59FNJwprfv1aImDVmK5JGQDknD2Q4QVEKSVnS5kXz4qsDwBSSj/98u27d+8eHx83m2G/33s83i+lc0ttj2IjABhcqjeu9tpPbvBNoJ4wrX9SGnXBt81a4ynX6fW2/5lLtZhFk+H2/+e3+9yQPnfxtijXRs0nn3ytxdfaFADO57PHn96+fcvM9/f3c4Ezk4EpmICJzYAnly4BQyaOseu6msuEk5ZScnn56tZMz4e83XXHw3mazi9f3iLiw8NdzuN2u93tdrlO3oggBNr0HREU9ZSwxMgUht1u9/Hjx1xGqaImApoIYwwQrE7ZxEKgLiSLrLmM47i/2aqaVCNTCaRiFAIxIOI0TaUIs4VgqlBrNdBalUjn2D7qktfTw3lyC39+OxxcBVsVRXS5ssUrrrUm6hCNwAQUUAHAxBQRUEspIJUDulWFCFIuEShmDmFOJaojMiN5AV7OI4A6iRlVSylsNj0DEgWXaY0gVZGJiQljVbBaRIuCdSGJmFkxhRQ7r2QrpQ7DwAH7PuFSq/V8vZmZagU1A0YMCIioouV8Ho/jKNUQse+TiKjINJ1zMVMqpVYpXdeh0xfKTMU2DMNutzt8vLelA4NbcA4hzznjDNDgJh3NB1yL7mzDrVg83Hb2Rjm8cAnDbDvM6sCLm6ZpQgSvcwGAzWbz9u3bWuv9/X0pJcZotogAKoBfShowZz0z8NRpmOPfq5OuhbD9slkfqsqBm1iucxPrq1/pkbV+0WetK5reWW9Nn1QTP/C9X+Iy40t7m6u7mFkbf/O5/I6n02kYhp/97Gdv3rx5//79X//1X4/j+OrVq1OZzMxgHuKcrDTLpfiAaq25FndqilQqSprG8XSczkQkejC0YRgA4Hye0vH86tWbN2/efPf9h/fv39eqRhWYEAzVqmbGQDEwUEohpRBjNMte5dHHEAIjGQWsWmstsQupC4YkpZ4PRxERqcQgYEDYUfTsBlExQwR23VGrIpp3n8q5ipyRbCYlJJJpQuwR2UxBrZozrzd6G8TFtPZMrlkFD3kwmJGZev9KEUEVCRiwizGkEEQkL9xUsBjAHlLVuSbdMd1Wa7Or7Xg4lpoRgd1YMVAlRJumImpVXWkRIIQQkInJmVcWCu4wy9t2uw2RUgrEVrXMy5KQwHMZCEACYsawsL2YgVoVKbmMOU9E3KWNFwqK1JQSgp3H4iGJkAakAIQs5i11Wm3x6XSCpYgeVznjpjtgQYi1xB8sm247x81hXQE9nBVpCZSISAUAry1w6tPNZnNzs7+7u0PEGONut3v9+vWXX37pfrHHoR1qZGYhBFw0gKq79tT22uf7vR+XmhezT6Mw3BdqwrbevZvbslY69rQobm2VNGutfbn+65WG+5FHC8pcckNEDSoHSwnQWpvikgNa22k+xR7ZOp1OHkQchuFxPM0/8yW9DLhIjRyKyuPxIKWgOeehEXZ3Hx8NxAQ/fnwwq7Gnr3/3bnuzPZ8npEN+W3fbm4fH88eP96UUgBJjBCZvP0WMWkDA5OyBlZ4ZRcrj4yOqbbfbNCRmnM5jmWou0yb2ITKhtYp4USlaFiuJW3tNxzuOYwbQvk99NxCjmZSCiOggxXEctym4YSylZhndImNGzwWAEtLcD81t/moVyXAhfzQBY6950xD9UpGRVFW0iBbwgJQ3Ww4z7sMQFKUqFMnMjEzIqKC5lCq5agFDERWQmqtUA5hbQ4qCAjoqDQjJyNGfy0oIJgYwp7dTSikFg1q1zCWqS2MFWMpPzUxhjlx6VAcRQwgpWYxpu92cDqNT+AzDEIKMuRiI50EQERCJEFVrrcfj8Xw+M5Jnozy9UpeW9w1O6itTFobw5yJqC+npDL0B8FpzAPBQnZmYcbtyqVPLA3iRi0NO/b2fz8dxPI/j6Pndtv6JCMBMF7igGREQxbWQrvf+OfbRsqpXw15rhHWowlaKo5kVP0bO7dkBT9XHlTfx/Oef/P6iAhbFBCs1hzprlnYjedoLwharqpTy8PDwzTfflFJcPXucacFNzYe3LDQ3ehlE5HQ61Vz6lHzcMQwfP74fhpi6eHd/FxPFNPz+9+++DD+tRY/H4+Pj4253k1Lydi2iGdHcNAAkM5NaploNIISw2WwY6XA4HA4PaEIM2+2gQ8dI99PDNJ0TcuBERJ4hEoEqUrIYjByct713s5kInUo3BA80htRFZgTYmJla9YLul7vX7lFnmEqZ5v2wxc8I8Cntk2ihldJepnymXx+GIfj+r0VW9Aiw2l39LYRwIdGL0VuCktv8qipaq4GWWqYi1Tzci4jMxMSGWNULSbTmsjb5kcl9sSaf7aWLCKgxiqoQEbHjEsAUzSSEvmomwpQSUUi9xhiHYVOmCXFaFO4sF12XcnX4v82VPqqKoKoUouf4nQdsmub69wZ6htXG2aClTTQaiNHNCvQawhidjgQAvJjF7EJMgYg5591ul/M0TdOLFy9ubm6+/fbbjx8/vnz58nA4eIxPRPq+jzH2vbasqz2NbDqOeS197cO1+nDwWXu1V7ZA+6CypJoAmeaOwjaT1Lsm93HYRZLBwREWaIawoolXRwGuOy24hpJPahO1Nk5U1XVM1KlZbYWlQSKvQzYwL1ZZ3A9AJG92VK66bPR9KeXvfvObv/vNb7bb7W6/74bhcDhoUkQG8Pigot/OSIkRQHLJMpaQ1Nn0VM75Iw0hM1XV4eaNgRwnQ3559xFFBj3rt18ft4Puh5++eakfPnw4HA+7frPpe1bNOdcJUoqbzdaxCUh2VsXa1VojgdV8/ngchuHFtu/I7u7uHsb3JQ3b7ba6o8uUho5du1HouqGGcbe9GYZtnkTPE4Ytcaq5481NH/r9Td8nOp7uvv/uWxkPPcuE2CGhQTV1miRG1Fr8DZqJKKjWqsvsVUJmJCNUYgNW1GogFERQBC3GXoFKKVUrBu7TjA8iIkZi4pvd7X57M46jl4T48q0TppRe7HcHPHDsPN98Op2mcixYmCOnSECMDEaqCEWBmAHjtvPkZdsgOECImMfDza5HlWka0SBYp3VEROGMiIBQxG2ogGQKlsfJRCLRdpsQ0Vnaj3d3iC/7ISjIOI7nsRhZ3/dqfBrLlEdRwxCJCCkG5hACqVWzLnRd6FU19DNkBsSqVA7U9z0A5JylVgeGuPQ6WhQWE6OB/X3qXKueTqepFgw8lSJgJhWmMaRkiD/7xS/+xf/1//Jv/+2//Q//4T+8lcop9tvNb7/5epu2zDx0AyJuh+1mszmdTu/fv28cIl0KKbJ7ZCXXruummsEkxsg87yLMbFahJW6JvN7pE+RCawPhSpX8yMOexVN++OQf+O2PNHZ++Jy13bQ+fN8DAFp4rlXVNzpVRQNcaMsB5kY4DfXeNrcley9eEw2LVs05u/d2PB6/++67lJL3HHIW7NYlQ0RUCVsFsPfunjkvrZTyk7evp2nKtQzD8OLFK1V9eHg43D8AwHjOOveyDojoPR+T0eFwOB7PTN5tO4yn6ePDfYzMBIDlrpynfDCzYRimCcbjiQG7lLRkMPOyf0PM5xG62HUxMQsjFMi1iAhDaikCM0CaN66Ueo/ktRfIFBsmcK243QBpfEXte997Ha/h6qNtsCFERHZ6G5W5P6Zv3WMR1UtNGiwL2KMqsLKdPTx8saNXsTDES2gmpqQrC9SNCEAmqgZTEaylSJUYo1pFAQyBmQ3A64MJbUmplgYS84H5rZe8jwFArXW73doqjAoAzg7n/o4HfXPOrXTFzDPZoc1brVJrff369c9/9os///M///f//t+/e/fu9evXL1++NLN6npFpS7CcXE+tA7eware0flNrqZl1XAvPuD/ZftOsSnvarg2fxjV+jCR/UubXg1uf9skzryyRtXHUzl/rux/QVuuL4BLHatGsxoXnrwoAuq7LOWsVXWqo5xDyEgYhIlObppGIUggxJodXmhkxIM5VhaWUGNnMjsfj73//e49T9n2iuU5h5nBzXJCv7FJKlVmvhRC8quDx4aiqwzD85Kc/ffPmTS3l17/+9eHx5EDMaSohUHDoBMW7jw/7N9HMInV9N/T9xgTGaTqfTh8QqmS618PxA4Hc3PYpReYoZipSp2xaeaaNBidGwqUB4wwsAUeA82qLQURGJESOMQCA4xfNgWrcqvXV37yHXF3LxHhpPAwAZlCrisxZEtWZYHlZ8VEVxCHw1cwIgZ30SJdOSOuwn5nFmGgpU/AaORGul1aKl4YmAGA4i0BKKcRYV60euUsxRgqZqKpBrjCNVSdnRTUDQKcjXBbh4tNpq39zLaZzU+u5noDnRovleDy2XAzA3I7PF6EtYBBdynNVNURa8gTNGQcR+fDhw3/6T//p8fDYuqnf3T2o6hBmtj0i8mSwZ98u8v5UoGwhUmx69on6WAne/DdVBbB15d9a9vAzJsnnjraxf+4nbd1difeVwH9SdzxXCn7op7K/V+e35dU8+RZMbSHelNKw2QCAlGqzOQEmWkqllEQEkQhQwUopgUgQIc7XpAsqDxw7E2bCxHI8Hh3F3HXd+/fvVdWZXXgm188A4CjDXMbV8kJEvHn5ygf84f7hdBr7vn/zxU+++vJnv/3tbx8fH0+nEdUAIOecc64qHz48brf7tN2Y2eFwkGoEvNvtpjI9PDwASC05RKtFU8KY+m1KMUY0qEUDEqipSMl5MwyIAKqlZoG502LihNk3bQ+JgpfJIhrC0t8QPbvnDbcv+ENbAhBtgV7lHWQh6UOcC4jhwgzCjUTTr4OAALIOyjxdJLpOea4lAZ6upXkNIDSWsPWffKdFVBZGFJqL/pwrcPHcPfFppuqpFjAT5yRv638OJq66ZzuerRQokpvI+Lbh1oerHlvg1E2eXcLca58hxYghhH/37/6dmf3lX/7lN9988z//5//8/vvvU0pv37493j22ohtP/Tr+dUb9LgLu4u8vpU0XPAV9wLpkbjE15hfQ7Mwr24HoiZHyXEqvjh9QNOs/tZfdpHp9Wvv8Od2x/vL558+dQwuqev3g7Q3NATzw3YIAgDAwOamUIGIkZmYmJiJetpopn2dbxua3C3No8LIWfRvxxNsSS9NGDLFIyAULsKwbEZEpv9gOG2fNnaZJzlPfb7b7m1/92T8+HY4e5DezaZrOh+M4jmf9uN/ebIadqk2nCUz7NGw2m9PxMeeREW5vb1PHSAJG/ZC6GGMIIgK1gJmniKXUTT84tBBn5JgtKG70olVTBHI2GCYCh0LCPAlkJs4f1nXcNEjTHQDgpWvrBJl/jtF3y0vSYbGUs1NJIKgIqDzpEX+xJ8jWykLUWzVLw1bCklOAxfFERCRcM8i3lKrbEZ4lLWUSrUQUIjNzLWtM03o5qS40dG5GzQZUvNR/Ley9CAC/+tWvfGF43rcNoPkatqrKBQDnVVp26NmoYR4+fvyAiMMwmNnvf//73W736tUr51h1TeSZJlq5bO1YawpYldE2CbLFuAvtEWG1D7dILOKcrISLFfBE+J8bCz+gI2DlWXxSp9hTm/OTkv+5b9YX+eRI2jk+JFoQ9+tag/Vs+OROU/FqdO+3FjlQmnElkZgIyBN7HNy/Pd6fEJc6vZzV1y55Xh0QYObyEvU+TDe7uZB/PJ58kfXdXNoUiCjNhLo552mczufzX//1//7FF1/84he/ePv27dD1OefT6fTN73//ky++GLabkCIj+aYxjuM4jpNswcgERDQNfZeQiNRq13W5nAAgdqnrwjSdx5IphqCZ1EDNSjXRGgjVyCCfxxA5pQAxBqEitZRSrJAAgIfPEYlWDGYEYADkH8zQlxgAr19H090eNF2vYz9nbUh6NoeZndBkbtONVqtV3+8b6ZEtZak8v+KVW3Qpnwf0pAN4pQ4gOv88Evb9ICJmrjuKajUTAJzrQUBEi5mGyCmlmEpRIzUCAqIFQiVzpfISBy1larWtfd8vwTUzg2nybA7v93tE9HqZ9jiwmF1X8ZqmX9o//Scxxp/85Kf/43/8j5QSU7jZ33Z98jDZi+0NrLALTV6eqsj5y6eO1SVxdvGt2tlmF7uRiNuprYB3Ef5rWf0xGuTqHFz5MmuVtrZ0rj6s42pXuuPq+x8e1drc8HnxsJPHotpTu8ovpVSbX8/cEWBp0oFqKQUmUtVN1+/3ewfzIYJjRtCzlVpo5u6b35knBVrt0+1+03VdrdlBqNvtNiZuzL1NEzWTBJE/fPhwPp8/fvz41Vdfvbi5dc/2PBWToqqG1sSs67oPD4+1qGhxjkIOBGCq1dnSVJxANACoiRwOJ2SkfkBEKVWrsDEjMVGeJrDICOwOr7f6VHDGEESEhRjCFAwxhItv2LZH11wG809wYQkAVJ8oIgQEEa/7JGaWJQy6frnVY0IL85PZZRURopkCOO2Xz/kcJUUCMmoKClCZWZtrvIZpMXsRQ85ZVGCxeohIGRExBAqB1ZiMSjJmdoMU0QDRRcnMVCvNu7cnQReSKoIYY85ZtXr+9Xw+u7Hwu9/9zpaKW589Z4ezxRR9Jl0EBjBHqZ0cTjyI9pvf/O7t27f/6l/9q/v7+//8n//z7e3tz372sw/vvnc4Na8K4m1l9zXtsP5n0028NJqY1ceVnMOqz8v8Ga/MgU+YEj9wrM2Nz9kFz8fQPvxRU2L9z7VW+qN3Wc/OlYsLCwpwmiYKfUBGxzYAqvehVyXTeQtQb+qTpNLjg8XEKcWlZfFFbGDJt3lmur22w+Gw2+1gKYXyVetZWzMD0DY8b+xyynkcx/NpNIUY5r72HukwKa4EQwgpRCJQ1XM5RA7MAUC0qKh2MaW+Ox2PfYyT1ek8goVh6ALGkieLrCLMDGqgaoIQvOIErEpGIxXFSy+bsYDvKHQ5EBE8mL9+Upq5PDI8XZTtwIVIobkSMUa7WOZmCw4i5+p0FbWCVHPnxWZ+9nkxuN2xDAzWNwUAL7QlImvkfMvJzIyLV1tr1VVnEmY+FTa2VEPqAiCI8RSEyG0NNUNTAbgEKSJ78Gv+RkTUhMwr3KqbXUTk5An7/fZ//M1vdrvdfr8fhsGLnhzi5eGPBdB13V8NgQlZwR2ZmYd9HMc//OH7YRjmLkWlfPvN79ku0KfV/MwuzNoq0VU9DixW29rZAVcfK2vzEhpotqWzQq4k79LVpu3GTTVegbIAICx9DNZWxlqPNslvgt3ecdu1AMD1MT2LjDzXI1cXvDrqit90UdhzMsxXyXqQpZRUIyybP+K8FAKSgR0OhxDCpkvjePrdbw9ElFLabJyNKqeU+j6NowJASu5kqpm4K5RS7+1dTerpcGTGPnVmVqacpzNcLFJrazpE7lLKqvv93k/45uuvP354f3t7u9lsIuPHx8fj8Ugw+2UxxmEYxEaIsetoSFHYtAozMBmBpCF0aTvlM3u1wxJK7Loucqjj2Qyc3SNn9dTP/HYIa61SBRFT17fd2KvdQuTNpieiUiYnWyYi5zQnItGLb+hbels2vCrVo4WlRRY+gLYDt02uiri3vzS7BFXNMuetzRQRh6FLKQGogZ5OJ+97Aqiy9NPsuzD77IRmWspEBMOwceoAQFURotAiU2eRWgTJdrtNLnA4ZWLYbIbzJGpVzRTQuVoRMaVEpm5fTNMEaBzmGh+nIEVEkUIUU0rjOH7zzTe+GXiQAud6pRJCaGymtNDN+ApfR3yY4jB4ryxR1Tdv3hDR//a//X++++677XbrbaI+fve9z/M4zhQnzX9vgkNLF15POblouA7S5bioj0XSnsRL/r4HrZCp6++vjIjn57RvPnfftoE/t2J+YKg/bLbgAiuAZXtcykMugZ55KozmW5rqjLoEAHCQTx+T75BFFUDNODGRkapaLYTchaiqWioyG5mJoBo6WZkBwIUdtw3MK6mXFPLlVfkrfLPduvV4Pp9Pp+PDQ65TPm/7lFLNE4E5Jx0DGkHNlnpiBNDiYmiqYli1DEMkRMlZiUxrzSUE6mICrVIqqM3Il1orogsbgAEDEQmImIopIQUiRGPmEOeNZNmsfCNx7DMTeUaASWNLije7bL33tNU52/kQiZyqJ/k3fponbN0WlKVXnogogodLwUCkiASRgoiA5uBur+ujhabQI5pmpngRxfYgMc7xcV4aWSACzh0MFPGCvXYXKZiKsZlTSnmjj1nIc5ma8e+woP1+L1LO57O3DTwejx8P4//tX/wLh/96BtefepomL7f71HomxPVynd2o29vbnPO3337rkLPtdm9m3vwFYKaedPe8aee1YLZNq8WJ1ht8k8Gw+nY1CLjWAn/0oFVCrsln++cPX+1Kd6yN1fblGnGk2lbA3/to+tGnr402hEsYCNcezbInqwGAGCAjwFIBGSMH5qJVtRIwqCWnhyhFRIis66KITNOTrFsbBhFVeZYXXzBLiAgwpzZTSs4TMYkkDmYKInWaqmRCQ9P33/1h0yevoQTEELmLgYhSdGJB9UxnIAQwU02xM1OOzNTlSXOeTNmh4mZmdQ40VlVeFJyicSQMbCLmw2Sm2SlzoAeqzYlbQEUyBODgr9ZD/TGijaOqVq+pDYGch32p5UMz9WyozsyG6KApRCyluN/uancV9ViF0kBa/wFrDQPQTM05ATx5jDhzavV9P2slsAsxAqKZMXPf97ByqUQEa3WdyAFFPS2nBo5nQy/fJzJiUUEz48Ac5mchomEYEM39kRjnOMI4jl0fv3j7+qs/if/sn/2z77777te//vW7d+88nopP48dXx9rvmJcWMJGp6ul08oX0T/7JP/n666/v7u5yHl/d7Bv8zBM6zZZpoqp6cZkbV3P761own8hMk+F/gAGyti2vfr7WIFeGxlpBtJn65N2bzK9H/wNa6Qf+5DeyJdXSfL/1Cc01K0pooGoGYgJGQMxuHUTidpFA7OB85tR1IdbgOdQWtW7Gnfut7UZPAgYr28rBoyF4G0Hu+/7mdu9EJCJyPp9rmZig5DoeDzWfaimQmCkgcoy82+361Kmq2AN5eRgCI8UYGFBEpI5oEGMcYjxKnk5FSkHmOHQ+NmaGYOjuU+BqCjhnTZAJlQkxdgknQDIOGAIhBREDULUamHxDcjyImTmFaur6tnBX6Uxt792/9NwTEZ2OtS0qdydLKURhMcqWFreE7uZMMrUd3tWEz3nOmQjUqhkBPEGR+gCqKWIrLCZb+kIG5xl2FF+tcjwDAgdEJDVPOalIMRBEJiIwBa/NWLBntMBqU0rb7eBJMWZsFB6H44ON8hd/8Rd/+Zd/+c23H7qu2+/379+/96JYVzp/dAM2Q1WbQ5NGjgm4vb29vb396U9/+utf/3ocR3d7fY3hKkR6paHa9tzs4vXiXI/ks3wf//8+ruyLz6mV9VjX+g/+mEXzYw6fvgb3XEu12yPMXKa5xtzEXDKcxWwYBjKotaoUIoppjiKVMoVAMXIpIedcpRDOvcWWQMCTKE/iwMRMs+rUGYlgiMiA3dycO/Z9v+n6xEFKncbT8fGxTrkLnLY7BAXQvgtdigRGZEM/3G43MXIp5XAoGGjGrRF2kRhJqokYqjGaaVUpbBpj3Dgrh4j62gpzSpvZYZQgYNzcYyZgQvLchRIbonOpiyoQdzDzWaHN3fkAUFPqXQ5pac7gD96cR1wgCQ7bD+ECIWvG9gzWYgTwVAvpdTgcZi7CS5Juzhn7d8u9wEABzat2HeDnkpJS9BE6Y4iIAJrBjBmZS/UAOFDbQgB1MYNmnWUzs8GCskvBq1pEZLPpfRpLndrKF5H/+B//IyKO43g8Hs3Mp0hEnIXs+XElRE3GCYPznv72t1+/ePGilLLdbruuq7VcCFaWyV92uE+AG/hpnQEsoipXfB+rif6HSOY6oHJlgFyphs/ZJmsNh8+clxYrWltJP2xifG6c7UnnfN5i11zMv9UtAAjmKH1QrWRkZm7QglQVrSZdTC0NlseJkVJKjIAGNRdmdaYtcAmiZTkCEPBi5lzjVryw0uOLHmKstZ7P5+/e/X6aplxGItps+mEYYvAeLgXNUUnAYKIZC5sqaAnYEZGKICiqABmqbPtORXLO43GaTicCHLp+03fH0wEXq4EQxcSkAnFKqTiMEjxyTgJmImGWN9+vgBhMzMAQrRV5ufeMBMwzjNLjgi0W7pvwOpXYfHIv5apVaEFMeSgEgKRqy7yYXXh97QJcUlX2TIdvEm4KLDsqEJHfCABs9eoR0UeIiLqoLa80CSF45AosiM5BnxACMyCxqKgW9aaPS3zN3RbHleacx3GsNZ9OutvtRMvpdOq67tWrVx8/fvw3/+bf/OY3v/dHcJPTQeXH4/FzsY+rZbP+583Nzel0evfu3X6/f/nyJSK+e/fudruxVepjXuJEzexaC44PwxZ0yVq4/MsndEH/R/bzdUj2c5ri6su1LfT84duHpu2aHfU51fBjjqaYmlW5Vu1NhclCV2tGDqM0ADNsaWstlecijjnrDgBEAKpO2+27Tc7zzlNKcUb/hhd0W9f0oj398FH58rUVos/7mIZIBoG4JzACFOcqEt3tN7UquV4zPR8Ps6CmsBk6Zh7HUauoZahQS4lORaZS8ig1R04IlqfRxSkQd11EnJn+mNHIe02KBYfZBpvTqz5oDygiojmeE+a4KRIxoiJSjDGmgAQhcrIIABwIHXcH7NhNAKjVRATMAIEYpTqVicyuRAiIGGM0QyElAiGrdYaKm1mV6gqiTV1TByFSjHGxcojIM0EtnTTb6q7dWqy0qri55Kdttr1UKxVEFHFGsg2DViW1IJoBiqoCEXrtQuCcM6LFuDWzRrThcZwqWUS8m+Q0TV9//TVg70aH6w5XWz+wnhc/bm07zJYsGBGR89e8fv2aKNRa3Q/ya9oqB4pLieB6525brK1QZLj4mNBA6y6qaxn7+4rlVVRifammAtqV2z9/zGGLb7a2Dv7oID/3V1xgYza345wZnHxdtrlrRhBgBwBM5E3WYBl2zrnvnUcfEDzaBAyIIYiIaPFUH8DUjEMPDTJHWIdOqyKit7/AFZ7PkaO1zjWaRGSgInI6HIkohhAChRCIgcwsipmAerIgmEmZKgHEvgfuhmEIIYDJaIJqDro+Hx67rnOUk6eTpmk6n8+xS01Tw2ovmh0HEAwcu0BMzizG4n2RZsVBRga+p83tlxzygojeLAIWwAisgt+06lHU4iB+2ulwyjk7FGpJny9KdnZegAgI1cWjjrld31NCi5dEHNwhdX9+aU5K4EPCBXycUur6XlbdBW2FE0ewPFXvomlmRBBj7DrLlapQKJfInS+hEMI0TZ5FhjnlUZ3JxQ2Tvu+9/WiM8fXrV79/d59S2m63XpN9OByY+eXLl44q/OR6plW6sE1n13XjOOaSX7169fj4+O7dOxF58+atN4hwbegB1LaVNu281ilrOVpv3m4NBQC+EjTPM6xP9YmYLQvgOfwHqGJS5zolZgZzLjsAaHQc6BzZsNrY10bHWs6bWxGWHjm6lHusM2r4NM253rfX41znOGDlIrXftpVhS4ATnnbb8z/VoC6ZaAbsFVAqKmRgqlAKqiJCRGAjNTWqHABBSj4gEBKa6Pl8QsaAbIZFqiETMRFXgJAmRFRvW4vMSA7zrWUCVQ7IiAEmqGMtuZRi8YycUkdd15noNE1WjZkJMIQUGdFERANhYgqoHUY9jpMoiCRBqxVEg1rXJSpQS0GAzW4YhqGqHI9HVoycCKiMxQhD4L7vYxe6IeGZBXWz2YRAuRY062MkumPmGIkjhxA4plqp1sqhB8LUdQ6vPE0jEVGf6lmmqabUxRinaapiDrEjjAgBXR0gmtpUaq3VeU9F5HA4hRCYIyIeDyMRmaGqGCCSURCGCmg72ntX95SSGQMaMIUuMON2N4QUpmk6nA4AEPsYOXpdPUb0wMS8WqCmPkzTVMqkqiGwV06L1Nu4hdSfaPow3ZeadyHSTWSUUseqIIabwgolV1VVATk/HvsuiEg+j12IfQxWWbWS6dCFQB0z7jc9aj4fHus07jb9ixcvttvt6XR6zNnT14eHB5XZAE+pJ5pJ1WKMOZ+aEoEZLK9NdgjDxw/3fd9776rzaYoQpQamDQAgAkcUKSJiIM5lSUSLJwczU8VKjV4pkR8VOsXZMicz01Wica0LdEnvtT89D4WsFQet8PZrJXKlvFe7dF0PvakGXtGoNKNmbbi2y66NIHhqwuDTyPP6FhURDQ2ByL1+b/mrunA3mCpZs9Wpmuud6icqkheVEQT1tBrgDPlAWEL0eLlnw5WINL4QEWkAEA7s4FcRweVVuFW8HTpOCYFVK4A5DYTk0QkHPL4iIlovUSRPc5Dz9Akwc9/1iAjgmd7L/M+8eKA5ZDMW9YvMPVxb8VVbYaWUYbvp+x4RlyySU4dcrEhrQMynVRtXy3R5y9xwfTavxpaMm98asXWpb4gsMwE0DyGlFFLXxeRFz6ntLg759+gSc4utmpcU8KqubMa2xYCIMdUYY6wmEljEYzcoFMsciU+G1e2aCjF0RKUtRSJCnBetiJRSHx8fmfl8nmotMfa8NKBjRi84ZuYK1eb6wydVhc30aEt3vRHSwi/h7rmIuBXjjxyCxzXc1rjsqT4Hs4IIT+xxeLoff1Z9fFKwEVHlExTMsPLeackkzyqQPuGk2FK9fqVf1gtIFsKSZSlc32g9WesrXz1ne1p86tTBUzWhT+Ex2KAfBoAMIDBzrIHLvIGizW33UOdOsYjIQNVaq1MmAp2bYlx+C2COjFiJyEw/hLaoj1IxzHCDWhVgZlFIHXunHVV19WFmoqVMedOnEIKp1FrBxKwjIvSwS6nDMARmycWtrSax7I1mV694TqCoVi1mjAyGimS1VkATKcxIgM7f0aULbHHOrqAnnkoIMaVORBApcAwcpbZiENVVw8r2z6svVyVbYVEiBACG5k1kneNqCbUgERGjzuUEBoAGplpVmSi5rjQzM6kLusRhl+sUgy5kgk2tNEGlhRHGc2FVsRQKYjEGQnMrSWtWqWpzog2IKLAJ1Jq9/24uGRGBBBTVrFSdcg1RDSHMBc8zQBmXtPe8RHitUeeuPf4q13Lk8+Djb6rEC2eawPp8OwXF7MSBvxdZzmlTymsxb+tkzrx8QnOs5HAtqO2XbZ2thbM5BWsB/uQ113tLu8t6WL5oGjP1WsjXI4ElxtlOaEvTloqg9a/W1sfV53YCrKD+OMefFqXjc2ozAaIT4oqEkGKM6DBNkcKBA6CCIjDyXK4uZiJGCPMlABAFTREY6TKf3vgaALyb7DwYtYzKjF2Xuq7jnpyA68lU6EXPFu/AjF4faSn1iEcADSGlECtXrcYczUAVxEyqASlArSqqUEqeN1swn96cbWYDRmuZICJg5hRTCBfCfVWlRe3a0jbY2Wg8Anc+n4NSi62stUbLgDQ97jVHvo5mVT7nX9dtyVzRVJvRFg708NWPgKYwb0W5Tl1NyWIIlIY+wZwqblv9eg3AQkfcCKLkwiRqAIREMcaUTE1a4ABAzBrniLf1VGD29qZFVHNBNGe6NwAOKXYdhdANQwgcRJhZRA2kFMg5L5W+BuBpESBiJECvQ/JJ+FRapK329lCq6hQziTwcO41jzTl7MQEiwpxzxgUUQ4v/cpHZK1H9I+oDnu7G6w9tiLT07G0R2hZQ8O1CreIzyV9L79Vfm8q8CNWFTvFaffzA0W7RlBo8VaJtmfo/2+YDi1aatQkFs7kBH4JTFgKozqFNKR1wCB2ouA9JFBFmEhAiUjBVANWFdBYQCGY4KyAuYX+8wOFdVc3DrpK1IhlRdOJsiAYApRQ0MjNGNDJQnCvZVWrNCNp1nad16+nQdvv1EVasvLP0giFiUQmEzBjnfJMs60+IKaXQxxTSLHhXnZ+ICJlajNOcnXSaACAsuYZ9t20nNy0Dq9pwfxEN6AG2boS4ivGj6+GZCsR/TmTM7EqYmdWjImG+kXfdA6ZI0T07RDS6rDFccgq2EKOv9xiaSRgacZHzihmCN74IahRD7mJQgWogzjA9XbxpIgoh+mWZHeM7qGrXRzMTURH1fkMAMI5jqZOBApBqRXQTzBwyz8yuRvVp74v2TtcZE/+TA5fLeYTZ0FAAqHWWAg5tL4cGCQGAUsTF1OZ0uOsj8Lt/Vn00n+pK1P+oOXBtXyjipwR+rS+vrtxcUJh55Rg+BVFv6mY9mDbaq+tfqY/2z/Vo22VtSVMBgCGbGRj66Yv9YIu29lAuqAKgMoEzPSOizTgxraU4sfA8TiYEpFYuYQBmoAYN+qHzXoFmVapqJQaCxEQxhAKFiAI7RbC6Z0SMXWRmdLB818UXL25ubvd9it99P9WiqpBz1Wr+uVZNKfhExMjeXxPMgEhqQTTEgIgGomYEoorM5GUdSMbokDHAxTa2JTfhrZ8Q0fFRcxp4plmrpRTsZ3G9Uh8tq9IMgcVpfbK0YG2JkOEc2KvOlo6IjuwCaD6jMjMy9EPXdR0nXra9BVUZw3qXasvAy8PWHvR6dwQnR4wwZSEiDkgERMiMHCgmDopFDbScVHKVXMqYc08UiYiSgfTbTRo2qiplKmKllOPxrKrT+dDSHwCwsEkooHcXNdXqcPt1zAKe7s22+Kdr29wl635ufoopBV7QtKUUwNkJ8vh0WBxnAFlPfpMd/GHrg5+RFS7K+Mke3uSwJUeuhPm52MPy6Ovz29HsBVqaA+hngPBXGq39CVc+FK7M0fWwr4ZqK1xJcxGtxYNn7QEI6C4ugplJYu5i6CKDWpVMgLHv8rT80GfGGfREVRXIiIiRFwmhWSUBNEZl0DkQQEsLEjNDm9NPOeeCRUWcxYsaXznzZuhAZSrZtHabfrvdBqRxPI3j3OHdrx9jDMxENFcYh9CFqGC11jK3d1dEVBD1MaMiMWKIkVNMIbq+qN7qIQQGdRilB+oCczQzzzeXLKoQYxdCEDNVCCGJeRNeE9OqUqWKqYggkyGIqcpC+YMAMy7kyQv1EPV8DhvSjBz1HpQCIuAOBYRASEjMIfJms0lDck4zM0GejdyY0nolrBdSUx+4uGYiAqgGiICcOBnGHEOoKUAgZLLImCICsBpRUZBKN7thGAyNppEChxRVtVZDCnWhdHL1WqpnDKuI33FG5aqqCAIAkgGqiqlmD6DWWin0awmFS/hzrotr/pdTEzqP9FIQx23lN4b3ZfNGM1hG8mS7Xd/rj6iPtSfivxG9zmy3SCetumbZhYru0+7GWpjbxXGVc147xrZgNJ5fp4UA8Wns4+o5199cLRf/4PXLYdk8m+4AYEOZfwSInpMG0FopRseG1jJJKczc9RFE1YvxtLqaQQAmKLUQEKBrISQw71ohq5gumjdJ8QbL8yzR8mj++oUqOG0izsNi5i5y3/cln3WsqpUZA2HO4/H0aGYpJb8IIwWnSAP48OHDnHNhJpyn0cyGbe+zWiUbzFWnMXLf9yESE4J6EzsIgVNKNWdbiGTaG/QKAOdY8DK8micA8AKTxoXjmChEFJGUUoubuhLXJXe2jvnBnDDy8DM8bcKDxMgdiQQi6roUY0Se8SOceImDqsIFc3m1vbW7yNL2bT2AmVoZkIgRUEVDKCFSFEgpiGnXpaFqYDOkPBVAfX3zk67r7u/vVdXbsLtF5lC0w+E4jqdhGLwskJlPcmpD8uCuiHeimdGGatV0VhOllI67tTnQlnoDy8MSxfNqQy8RbPFpWmLG5zHrioHZjyWPC22JXslg0Jkc8VL9hUvk9kp9LLrtsuevpbEFqNvDzLOwGg8slmfzjdeHLmAhW9mo7Y2uX2S7VBvD2o7wb66WxfMT2pd+HSdlWE/T6kBQnWOm6E0bzYxCoNSFrotMJnWqtYxHQY0EEALZHHMVM1AMlKcUQuwSIqpWUCHCEANTklIRIcWIwDkXVMPItVYkCMQcAjMCQD6PZZwszXU6yYMXamIgBFJyzhlMuq5LgUuZOGBKoVDtus7jYDWXDx8/gNmrV6+GYZgjgiIUZiI8ZlYoMcY+JLMO0TE4aN6qWquqEi8VqFJK1vPpFELwWj4iqiJOUQEASNTqNXKZKTkNcLvdIqK3evXMrtOI45KGl9VF1sagLWFCX9YuIYg2DJ1nVZgZUpr5AdOcix2GbrPfbTYbIoLVovvcIqGnDLge+m271GL4YClVTWMKXRerlH5IVUtgTIFSSoThHLOBnk6H29s984v377/78OH7L7/88uZmB6AOgT8eH0MIX3zxk2+//fb29ra1N/TdQkQc8tbkbpGvOUaDraHHitEHFsxhE0lYggBmRoxqRjC7WmaqVg20S4PrFBXIk7fyAzOQ2vhE1uQVxkywrriFTx1XhgPOSccnwY5P/vD5CVe/aorp6gr4KXfjx9/ljx5Xxtj6dvDUSFtUh+Ec6gBPG845WAIRqVPWFALPxDAA4A0KYFnluc5924O/YK2wDuiKMpI1MD5gQJIl1U2AzBQCRUKkOZc2jiM4jDVGD78HpGxyApM6qWpkdNvBc0apC8RQpqmUggbEIEVOp4OjBpHMy89DICB3VwkRxWTO/AFGSt79zsxgZi8Q1WqCBujte83MVUDVedN2GXClrws3gplxiOYLwJb0IAAStSab83shQiJT9dSsJxSbbAOA4zI8zEEz4zkQgSPFEDFGduBvGvoYOUb3GlctTT8Tg2/WdLN819sboCImgBmXwepVbYqmHj4nAICKhpFptxm+/u747e+/BoCYuNN4//BxnE6Ec05nu90SUc7j6XSIkWutvFA0+AAXq3C1eu3T0YCrlfz8G38Kn7erBY+e5V6lKdbm/NUV1l+G9R/W97anu3T7vFbYz4V2bUGtBfW5idjsFHimWT6pPvAzL/tzY/7ccXUdXWHh4dkEmRleeDQZUWiuJRNAJvTCMO5SYMbMJiKQF3aM4HBeQVMA9fy5a/5GWwpmzqHqcAZGtAZABmCmGHkmKkOdJU61Ieg4LoRppZ61oCmxArBqrVkhMi5c2+Op1Jq3m82mvxlPZxE5n48iAoRRMnsOwsOBQ4rES7zJQgixD8EH6XzIpk7c6bD0Lg0eE3Vr3Bv9IqLOGtYQPacw4/q7AJ80bHUhNCdvp7LAGdDcfAUfDC/UG+7Du9EUQohpZjYYzTzEm1IYho5TnLt/LxYWAIgqaJlXy0oa13Z7U2dtnPOKRUIsQIEIQyADiJFTdLYkYbQQyRTFShfjze622PD1118fj8f9fr/fbh4fHw/TuNvdAEBKKd3sVKHkjACmGpi14ppgzWvwZ81l/gKcXe0J4/R6eTeNsD6hPULRiZfClubd+InwxKn3xDAsAJNr6XAdFBaX5Alo6pMyvIyG4Jm6+aRs22qHX/sOa/nEZ4dIA6584u6fO2xlNfzwmVeaAj6lm9YKZQ57GAEqAs9pMyQE6Lq02Wx2u02KnEcj0Frz4XQkInZrMWDkJF1nboua6ozNDTAbIzN/FwCimjZEplmIkQgZXdVaUx8L8Mkih5RSQAJUNFWTwCGyheCbFszMAmhmaiBItt0O2354DHR/fw+mSAYIteYiGRG7vk+pGzYbZlatpRQG7Pro1cPgeAfTRcvNDPLuydflAMJmJzvC8GoPbJLZlAisFnfDs7Q8OkqrJZ8VhJmZiacnvIylYTQQMdeJmELg1IXYx67rQghE6LlPz6F5w9G53ANnwj1bLA4PInpR2dXiBAAPfxAyIhFjQOxiKFG6rktxZCZEKwKSNUTcbbv/88//6XQ+3H/83qTb7Hday/l8Bq3n83noXt3sb70tw0+/eLPdbsdxvH8YVc1D0XN2T9HUAWROLNa0w0XxLTL/BO5xtfJ97XUhuJtZSqnVI29oZkvbHFcctNpW1xu/tf/8nQZcefvrW64tnLYCzCxwaJ+vBPJzx3r251GsmwM+++vf97AV38mPVzdr3WFPbSUfj49QCvlWCogLWAMQ0VRCCJvtMAwDgmYAAA3EXfLpnrPlRBSIjRb6LNMGXtWZI0L9yecXBkSI4pxXqmIqomYCqPN1g6kq+ZVDSByQjMDAlINFNiIkFA7AjIlDqV6vaTGGvu+6Ph0eQaS+ffvWx5NrnUpW1a5P293GS1cA3OXWGIJn28AAZzpvUTUCNTTAcJyObXkQEbKjocM4jmoKK/uOFgbNpjjWybWr90ILA74otszuHJ1Rd94ByZZ0r8Gcr8UY2RVKGrquj13qQgiGS0cIMFt4GOekrF1SAc0C8oOWA1bo70kyQUAQhBlvFkKIUfuUUgopci6KpZoU1Wimr9+8/OU/+nkuY61VLTsXTK1FVWIML17eTNOEZG9evyWi9+/fH0+PpRQvliVkMJwZmGc4crM7lrDgxV7Aq8V89aV/mCPK2EjGWtXobDXbpQDFb3TtvKw1w6w+2lf41PrA1eAA4ErM1sfz7y9L6pmCWIz3a93xXJg/d7v1fde64HOnrY8r06bZR+utsj317Hapl6V6byQA59TRaqIqRaTkPEqpSLDdbloGQVXFER/KMTFYdABalTkWoKq8lG+YGYAxodPviAiZY+ENAUxNwQCglCoiSNE8QcPASCEQExJrChAYEAUJAgIxqBoi9n1KKQ2bDlTNhBm326HWmmsxMgUWATMpZYLYExgjMaMTc6k6e/jcwERVQWteTP2cyxPIxqIpiMhrUnWh5/aJLbZK2BMaYTU1MCM0QmBSBPHuA4QYmMrMtt3WDBEB8BIU8EznDBRCgm7Yxr7zins3ACn4EpoXUns71Z3B+qQGBxbbp8X4cZW1RUQGdswImCIyk1cSc0zcDymdQi3ZQBANtOZx/O4P3755/YLgH3/zzTd3d3emFhhzrpuhC4y7zeZ2v9cqL1/cnM/nLoUUe1M0LcwcQnJTa1mMDADooFtH6y9b0Vq4Pml92BJ1Xv5kbUp9TS6h1vamms1oV1do1gZchU6vBrE+PmnnP7eU1meuH+ZKtptYtkjYJy2gH388v+nnVImtjvUIeanxXY9EVYkSqM3UnjPecU4ka6mn0ykGYDRVNVAwBDQkIwCbW4q4qScRI3AgCrWK6uTYLTPryJNQ2FJLiCgiZEBEMXEIM22VqqgqYQLPvKTOz0TwcAwxYAjcdyEEMKha55QBz5wUQwhhOp0BYLPZOG9NroVT9LbMReo4jpgCIkKghpJ1k0hqJmAPvesF42PeWXa2raSqeLATmaPMwBVU9S5wZqYhzsumuRu6SrTj4iDAklkgukTyFrvdiCh1DvdqcLXFUmBMKabkOE4ppdhCjKwe7vZMkCwwB+B266ahYNVxDp7S4iZOzEzEpohIgBQCxQgppe2wGTe1FBGJTJEo1Jq/e/f716+/uL3Zf/zQHZj6LprZ4fEUQjgdjqb19RdffPzw4XQ83H28R4CuG0QcIxNCCP7ZA75LAaOvW4K5C9flWC/7KzltK38cR3/wUgoRp5R87T01F+bfElFrBnolU7P6eC57sNqQ25trt/8Byfzk8VwdrHXN+vurNXRlg/zRm/540+NKkcFTcMFafSBi6GY6LbCL2jYwx/OM4ylFHLq5LBIAzqdHRCQKxIQ+vYjgAPOZutrMTKssLn1oOwAu1iMRIWCMcRi6rouB0WmxRYS62DLcqOLMDYgG5qTn3hKVTHDSWko5j0dmjhx6SLXmaTqLlq6PajWXsYoMu+HVm1fMfDgdnSDPt2jzNr0cA7MZqXh7Z0/WzFxeAOwkxrYADZaon3olqyyN+2ShAgtxjjU0PHHT1LAgFC5b/VKQQnPCfg71EVHqHO41p3tDnEtjjzbHlV1NqKo1KBTOPVBqrVVmdRD40uaZFkgBLkz3beRtKca0dMn0BJwTjzCnlDYbOJ2n83kyRUBPvoqZlTJN0+RUPTc3NyJaa61F7+/vz+dz3ycA+PDhw/v371+/fu3xneWIttR82MVjuC7P+aSIPZd2Pzxf7vOckjcewobQX+yReZJ/QHj9CC1YZQsqpm2AV/rYR5On89qua1mutvqv1I3ZtWDbUzuq/cqXiJdIPD/WqmR9l+fwNj+cIbqduVbA7UxadSpqhGPrYhAAqNOdqiJS5AAKuRZQCwSh78QgT5iTdYG6uKmYax4hQh5HRNz0GyIrU/WdpFYlFNFQqijksCG2WEWOZcKKRMQYDDVrRcTYxf12hyZmkqdzJWBCJggcVKchpa7riFAE1AxROEDfE6AKHM8yEQ0cqVR5yA/TQfue+5ueuBPguN0OzFM+T/WMQ9imYbMbQgeIykE5VLBTgNSFjjs2Aw90IjKgZMl1qr4bMXMgVoGhl8fD4Xg8EtF+v7/Z3iByrfUP37/r+03f977j1aJe1Z7LiYiYIyIH7omCstZaC6FpNsvouS02tUkrICcRqbmaGTMPw+Agq7aOZ/WEiBSAeRtinfLjOHVdd7vbp2FGwZ1OJ48emCqx9UvPR+efMDMAMzAlNfIsmylCKWUcMyLGoU+bodbKGNywJzYwAqAUMA2U8/vNNr7Bmxjt7uPD6XQS0b7DFKOexno+79I5WcV8F5F/8nI4n6cE8e7977/9bX+77Q9377988+ZP//RP42D//b//9//9f/7hMNbNbo/cmYkK3R0Pr16+3m/20zRN5ywGhAygJgVWzINNX8MSLPFYKy0ZvRR2AI7moBiGwP00TcfD2eOpjnmd+QcQnaQREbuuc7zZ8Xh0/ne/3Zwhu9JbTX18TozXb25J8uEnddVzo6DJ89UK+OTtnh/2zIF6fotPWiI/bJ6sJ+HJwTP6bbbqkJwxXETQoFbMOecYvPYqpB6tMDOIiqkUAZhZtlJiAwSwPoYQqIpNtRCBMc0NH5EYAxEFnLm55nS/AcClitR9BEcDqlUPZABorTVEamhOgJhSur15GRdKXkR0kFUIAakvhVWrGeScT0fyiqkYOzAIIbozsMQ1AUBSSioQeMYB+/eqku/vY4yvXr2ipUbOucX2+z3ABQrt8VRm7tMMsq5FwSaimdjBp9hLWokAaY5TAJjbAh6kdJgvr+idmuHtK4Fo1guec/ETZjMEn2xC/nkdl5lpOGguG/ZiaKnXFCTt57P/AgCAXdeVIjGKPyY0SdYVXRaqmUP7aRgGwsCBDsfHwPHly5ddGgBgmqaXL1/+4hfy8e6+iBrORKRmUqWM06nkOaxr84PM67QN7Eqynq/zFoFuGN++71sMe/39Kv8C69fUvgxNkazn5UoXPLf22wtr8QJ6hgdpG3v74WUeP+ObfVqAV8fV1HxS46zf9Ocm8fnxOfXBKQgAKphT/iIiITI6Bk/BplyJzqoxRuaAm902hUjEkouUCkAE6JHR83kS1dgFRrZxZDQiEG+8bICATMIETMwESEKg4FDXOa1gZp6HV7UM5r0IgAOFQCFC16WUgsG8//iOscFbVRVZCIGXh5gmbwE3l6vOCKuU8FK95p6FmqnNtJ6+9G393sUghOCuigM03Z5NKdU6+yBd1wVOtpSNez+nBVUpbUW5xM7JZlBv1+q1Ww7u8KN5NOtlQDP/TeAwk5W69zGW7K1qYdahAL4HAIIhAq24TubL4vLsxEwYNEEpRa9FAAG8YtADEJhSIqoiMgzDtJ08fOPmfEophFksVYAIkJmZmOI45nfv3qXYbbd7xPGbb3+X5bDd7m9v97mWu/sHnxXnDdK5T4UAGCLTKla9FoQrAXlu+7e9xAE7McbdbucxEf+yOY+6dL2BpYmqrXKm4KD1tUkPK928VtXrEbTvrwKN60G3M/Xpz6+UyJXi+AE5b0rhamquNNRad6xv8Q8/XPU2Xpq57oUpMqMCkZiepynXyUHSaTMM+/3tbg9mWtREy5TP53POeZo88w1qqnWSmmOMpeELyAwVGbx1G2hRUK/QAzTEamaAGjkQiSMsiWdCqhi562PfdyGQiIgWZgwhEpEVRMQYO0R0NEeuOed8Oo7ejY3ZHAIeQvCnAnC6oOKNYxEYibyyGxERmWYhRwCI3UZExnH0Pb/v+1LEycEdqdF1Xdd1YDTrC+X1614vUH9j/tJgCUg5ZTQtmPpmdzTbwV90jDM8TEHS7NzRWHLOeZqmMjOkAxEtLe6X9JCZc1a3WyAFV6+40LLWWqXWmdr6aWIOAOZIASMpxRg3m97sNoRwPHSllFqctJ1NMecyOdoNMPZJxGrV83k6zW0r8Xw+5/J4+/JFN2wZKRBn1RSTM8sTeqNvI8DIS7zf6tU6/4GN35akbMMEl1LmQv5ScCHZaRLdJgoW9QFP7bXQQspXYsarqvnnU/Z8ZJ/7crUyLiK9/rBeTJ+0Jq6OKz2in2orpc9I3P7osbaeri4lXqvh1ol5mzJVIyVSMDEUraSWayGi/gjDJm821oVIaLyEVGnpSx4ijdNEKF3EzSZFtmUATqKBzEZkhAKgSAqgDi13eenY5QqYZ9BUSszMvRfAETKieSM1QCniNWnLBlJyzufzOOWxFImROUQv3CYiRysx0ZJ1nqclBPZwhpmjP1ptpLsJemXxus0OAK47wrzzqi5AD7cmYElX65MKJjXzIvSl1G0JtQIhEFLgNc1PWwyuPkIIIsXDYWPJ4zg2aqXlNV8CbbP6UGvqyRWokzydz2erZtRIdpda5HmVurmtC2hVEdE7UXg1gCd3p2m6/zh6/JDYU3dihmbUxVRIt1uMMZYiRdwGDBy7Wmso0zB0QPjweFCwrvdmWliL0rz41RHAn9sjadW27YlmWcKivKIpu4r3tQlZWwb+lpus+awGXSF21uNw/bR+Q+sbrAe09n3aX1e649NZaFyFMz/5/FeHfcavW4+wXcounVafzt3nj8/9tZqKqXMTOpmEgVUlrCICwhYiB0RDQIAqepwq3z3WqkPX9yn1qetC2O/3IVIXWVUFFMBst0WmYejMtgCwGDcAhot/YWZzBg0RiY2ZEY0NEIEImMERBx6qV1XRAuKqihFJRHKuUbtSaynFewKIFEdGxZDmFnYUmdEMalURY2IRE/FwG3kQBIEQFMDUZh5DVVAFRD3no/OPOTlYKcWNju126zndOfQg4KcJFmYmdAYQ1ztqZsPQ+1YHqACKaHMudoGf0gzQmtVEg6X6vF1i5IRFZarF7Y5aqy04o6Z6/DSc2buWvzZOzGX3lTnh4tSkC2PLvOaXvdC8iAaZUZUAjRljZJGUc64VTYpWFmSRolZBFYICwMPjvVRFDm4kYq7qgLe0m6aJmIfdbiNmqHcPh/P5SMxmalAAAdSqemT0SWfYK6vhB0TJ5r7lM+xLFlqQppd9QqwVGa8CEbgqi7/0uF2rsSalV27F1ZjWpsTam1ifdvUk7YJP8fZP/vQDj73WHesRPp+sTz7OP+DwSkePYAEQaAUDMUUFBRU1BcPETKQgoHYax/M03T8eXux2++1utyk4bDdDFyUiYs6T5hoC7ffbEGlpL4eAl/4ay2ZeZlk1FyckNiLoeDbCG1i7QZtaLswN0dmVnUYnp5vNB1REc94qU8h5Lm9jZmJAxFpxCe9x4IizxQsNcITggPQ5OGHsIYzZdnOymSXsOoM7a62wNANQx/6zLRXJLfvGIXCMTAxmAqDO38GhayLBfJH/JvCw0iAA4JFFpwIQES/kQWTyRjIciMgIaQknh7Dgj4BNQU1Uqt9QajVD5jnNbN4zSXTxdJZ6MXUZnhsVzo1sNKQUauW+TzGyGQaCEEgTEzISPjwcAMgUgJgwhJAiMxEjFi8e2N7sQor9psNv371//9FQ1LwVngKQmjEyMdRGfPs0zIHPoh7L+7uAxBruxlvPwFN2riuVsb5s+/7CBNfEcr1jf04+8WmUYX3m+hxfF8//ZM/YwP5exyf1yNUj/PCvPvnXH7jjLOEAQKhqZEQhaK0qFcmCAnmzQrC7h2OtdUjurEYzcD48UxDVUuo0TczYDT0zehbDt9i5E90M7JNxqiC+1VcARZoVWRqSO+FNfbhk0cLiO41FqqjOVZvHx8dlr7DVZu7o7OxUnSmFrusSJmJWcSRFSDE5KCDn7J0NcemJZwt9kRn0m+54PJ7P5xDC7e3tbrfzhMv333/PHMPSlAls9okwoLE72OiI2AbxDCGk1IUIC5m4IkE/bNZvp219vgLbb2ExMbxyb+aFx8VRX5sYwXucz0fgS/c2l6uqM32Jp5bmnxmBISEbweK7oaddFNWUEAXAayPd+rMqnZrc3FAIoZSacxqm6OYMGA5Dh8jTVMbzFBJ03TaEUIqcD8ftzX63Hfa7ze7m5vXrl8yYy/j4cHR8IBKKGhoQYQic62XBX6mPK9lsm71PYFgY5HUhUkbHK65i0s27eSIIax/liWf49Ly1Kmm2ja0IPNo7o2fkLu029DTG0a7ma/354VbJWgW0rbWN58rqae++7d6wIitr9/Ux84oDUldYlTaAqzeh9qQBBTMDopowxZAYIKFJrjXXMmdmOMaUDOnu/ng+Tfthc9yeH7rH7dATQQxpf5OAwMzEqiHlaQIAohpCJQpLikRzGUOgruu2sQuBQpyrObAWT5F0XZdiv1gf7M0Qcq7T+a7kTER9NzAz5FGcpqzkUopmN8h1Vj1LwAUuiUZtcbUYPe7ZhRCkznRnAEuYgJmIpukYQri5uXG3wpvp1Vq9gVYpZd7lFuHUql3X1ao5Z0QahgGMprHknMeRt1vZboeYgkgxMzQqIiEEXCh1PbJQSold52MopZzO52meRhrH0RCcqUy8sAUhEgJAjDH2HS51N0gUwyXzmHM+n8+1KjKFEFRm/90XCyEDPt8F1TEgBqpW25wgonfGQzSUAACbzQbAHh4eynQW45KlVkndwIypiypyf/eBAm83+37oGOF4PGx2my/evun6vkh5OD6EQKdjPp0mQEhdJGBQ5ysKV5qiLeO1/LaB1Ty5IBBR3/cAcDqdDofDy5cv2xpomC9bEH1+nWaStNsF/Hta9VdS3b5sIn3117U0/vAO//z6TWfhp/qwXN0IV67T1dyt1Q08s6Sej/P5Y5qogMfMGcAYZrAMggEaKQIaIANYFWEEBRPRWkzycTzn+8g3u01kSl2MkUPyd0kAqhSICIgEMdcq2XGk2g890SVSRRQix8CBmRzjGEO3oDzErNZaXW5FJE+l1no8nAAAaiylTNPoda4hkqdoARSRYOYl97Lcaop91zeX2FdSs2aXSZ61tntD3F3ax/rdVS9tDeypj0lezyfigkdEtajq6GZ/18/xuVoNwLwZQugHWHj3cOlbPttZ03QhClj2ySK1LfGUEgV2RbnZbCjOERNnB3F7B/QiaUSBWYAQjAxsCTw94egmpBZnWZ7LwFHIpM0gQrJekoGMD9nMTCszD0MPQFLtyNPD/eHh/uPN7cv9fv/hw4daZN/fmlZinKZzOYuhvn778p/8L//0z/7sV7Vmf8zxJIIAhqIKyrNZtDLncRW2WO/B7a8N8eEOi7+7lJL/01YIDF26L67tkbVUwj9MfazVD6wMiufyDAANM38loi30dXXQ0wzI+mprWwNXBzxVTLgkqNYoF3giAPZ8tJ9TH8ED1ICgBkBAEJCISGSm2J5vAWQGgAaUzIEFBlXllGvJlQnHSQJjjBy7ECOTZxAJ4iISZial1Fq9tQAAIimaAlZii0ypCzGGXR/dFsg8Vy5M0+TlM852N54nb6TqM9CH3ZyuZ0CkpUWjmQESeEUJoKpVKWZmXZxbWMNTEFGV7Bx5brQ35UJLEM7Mll6wiDMAbE7e+VWWd8GuyDx2MEconFGx0XxVc/uImd0adbPRv2mvbJqm4/HoBk4DH4sYzjzGset7j7MiYvQnEjME7xqDiADYVorq0iXT1kvisngcGBLDRV6azjIzIr+as3gRQEgpqkrXl1oUEYc+vX71qoqWIvd3j0T03R/eE2LfJ09tD0N3PB5ZQcEw4Hg+fvv7r3/xj37+J1+9rZJPp5OJHB+OUhVAVVRFQkhIvLavmzfQpLIJiIvDpu88g+6MBG7NMbNz3y5Pekm1NItjLXdNeMOVuF6JOjzdq20J0qyH1cb9yevgsxAOrkIyzw/ns/Ch2ypE4hvODxsO6zG3hHQb7SfveKV92j/b+S5uZggENLfL9kL+agDedMPm7JKBkQois81ttcVEq1si4wzHxqOfKlXVzPablFKKvgjUPIYWKeQK7BOlYpoBLSAg2amLKaW+7x1W7DHCUoopOFbKzEAU1UAUHSqSuOdEXjamKlKquKWNMUYOCAClTDmXWuvxZByoHzqmhWcw51LmLuKEXpHRnNbZqfT9f+3PNrNxLoGvc+xUFw7OEKKKF27RMAxeI+voF1AwgFrrNJXJ5h5uM6xDdRpHJ6Z1nmFVjRBnq8A5z4m6rhs2G+8Ua2bVZqZPBVuHDFUVjdpic9GwC8Z0VRROc5QwpScU4svKUU9ImdmMml043Ha7nfOweayKOE5TZuaHh4cQwv39x9PpFEO3v70BoCmPCQIyvH7xCogePn78+ne/fvFy/8UXr371pz/3VrVlUmY0QRWxWjRcbIG1HsHF0F578T6MFnxoWRX/q6x6PvhstNBSE8OmTPUq8/JJmYRn6qN9ebVvt62+Ce0sfuHT1//cYc+O59IOT1XG1ZnP7ZSm2vz7taZrp9GzEO88j+4HAhERmi9u05lqD0kBEQwvbRayWDSbS6qMTNSrncgxn+goziqqXjB+nnIXExGBaAzhZrsLHI05xC4wRK9x1WIyqVUzOx7uaycIRMgxxsARIjqgiBeyYmZuIa0QAhHw3LAKERGQUCFGTp1jwNnMpsl5JdQTJdM0IeaVXBmzU06oT2iDb4V+VmGrQNLFcm72y9xyDaD6bNCFhrPrhpub25xHEanV62WTQ11EJHYzZSkijuPoXaPXt2svzo2gmHpHrLtKAoCx5Fqqx0San4WI1bRKDXbdD2VZJOyNmomIMCzIMgrB8RRVZO6c4FW/axH1wy81pEiEqsZcQwhdN+S+z7ma2c//5MsPdw8fPnzsX/S7zbaqvHr1SjVP00RE/XY4ng+H40PO4+3LV69fv9rfbENgswkBYmQUcPxuq7LDFUXr2gNdD6y142oijEtssW0Atniaa1vv6oOf80M9btebMD6FtD8Xaf1sJuUTO//nbAGY6zUuDtFVXPNqeG2Eetkxrse2VqjwVPFdXWf9mO18KRXRSWXJvHRf1PP8/uv5ItoUMxuSKbmJCQJgBGDeDg0IjcgQlQHMEEBAJiUoWkvpE3UdhgruAgwxcB9i4pASQQ8qADDNMNMEEEqxWmvOo9lKH/8AAQAASURBVPuopXg2bs7AtUieiEzTeY4dRI6RmVOInukIMUZv0WbmHbkJ0c7no4+h67qUUtcnleYPkvv2gDMHr5sejZXbF0OMjnRqNSmrNRfC3GAKIaXe7Y5xzADqNG3DMBCDR5H9Og7bPR6Pp9PJwzHDMPR97ywE/mgeu+36TXPpa61TLR4iMcfSOV8hkz21NJeRL+XOSMys3h0SmHnmSfUxO8HqxS5pIQNU8AIHVERAMmIQkEhsOIeKiKjvwjB0u/3m7Rc/uXnxCgBPp/HDx+9T7EFlt9tN+fz4+BA6vr3d39zsuj7e7LbDpru93d/e7E6HUUUCp9RRybXqhVrpSg+u7aP2jK0klZej6d/ZHFuUDi+I26s4Q9sYACB8Tow/Z324RXclovBMOcGn1Mr6eT4X+7i6ZgtT6VN06driWH++Gszz8bcIyCdH9fwDA4IBiM7tGowAnDOOvWLdmb6cBAQAOHihN6iZVgRED9OpqqICoQKAsTkXDwDGQEhFSzWphkXtPFaZxtMBNn0sQ9pu+qGPXaTIkRiG7lWbkIVkVJxDyMxijES9s2ATkVv7M0WAicMdQggxuZ3iTocAgFoNkYg7xovH0dwTD5egrCGCMHslUJvlbzPKaH6zC3rVQSvzl3NpEKIKpMQhJEQ8HA6OuXSNEGMUneFt54fiBlHO+XQ61Vq32+3t7e1+v/fqW5pbGag/b6lgBqXIHFfVucAvpI7mVt7B1OFhRBgQZzlx2ovFqJmpRhpcpakPs7peHpfQAKraE/I0J5Su1QtcApmJFo/pbDabFy9e3N19uL19+bOf/clf/dV/vb+XV6/4u+/e/yS+cbdUVXe73X6/JwInmvzqqy+//8XH4yHffziJlEidP2/zL9ZWg60iALDeR5mbHdAUQfu83jtdTa/9oPbg7bI/ZH38gGCvxQyebunPbvZpVOvnjud69OrDWq2u1cHagrj6cHWdK3vkk3dp/4xz9m6+KbW1Bbhk8tpF0ExLnrlavewLETEwIoeUDJy62ykIzc34LkUFVCBDQmA1Gs/T+XS62XSBMDOlWFIMGGecBzyhGtBBB1VVq9M0qc59VQDmlrG+AmKMHEg1EpH7N2YGoLWaw0O8+MWVhVeShUBEPc89pSXnpWMIzM6C665a62k6eiUbLeweDXpkS/MwN1f8m5QSORWzmqPap2l6eHjY7XbD0LlSANBxHE+ns0g55LHtrl3XbTabN2/evH37FpxqeK4rrx5PIaJxPMHSpaXWqggeNOEYmqWgC4U6LAA8Vx/zMy6QMEVojIS4BHSkSluclzW/kCstf1pztVMzA/1XMcZhGH75y1/+f//jf/rpT7/61Z/9k/N5jLH76quv/st/+S8fPnx48+bNZrcJMRCBmTj0fr/ff/nllx++v/vm63cPH48iEmcEyqUrY9PjIYQ11XMzPRDRG2U1H6eFP3BxfGDBhiDONEJN3TQBadIRyopoaFkZl4hrm6MmVEP3JLTZTkBqisPv8YR7+ccfz02MT0o1PI1xNB/Yj6Yy1zMIK9aDtrivYkLPb4QpmaqtECKqRVW9rdElOgDokTtyNC0CEgITIhpoVS2S2/AYgIESEgCQVhHVqgp0Epsez5Eiht2D8Vj5cKI4lt0Jb29ov0udhh6ImSIbYGaqobMuKKKkacw5mwDDSJhCoEBd1w0mhUIQ08P5NNWiyBVNJvMwY+TI6HBaZHDSsjBNUy4jgMbkr0DcEtG5Y4hj1ZgDAYR8n8PAHZMhVHMqQ5GqFMHqzMkqVXKdQgh934/j5LHS3W5Qs+PxYSyZOuxuumG7paE7ST1N4+k0TVNVNUMLjHHTv7h99eLFC++e545IrfV4qlpl9U7rKIWZKbJ3n1ORXIuCkdSluffM4almYMbbrQIUXy0UCIKZ1ctOI4ioIN4iEgBmU05t7loDTkMXQmSECJZLKbWIqqLGREE3IyVAtsSxj2XSYwB6+cUtd/BP/0+/utlvT+OHP/2zP/mX//Jf/uQnX/7rf/2v/1//7/9nGi1sX2z6m5SqyUHLY8AX2+0wdC+Pjz/9u7+9+fjhvVRSk+PhBHZbslY0VSB0XmjSCiYo4vUA1tJtAJqzB8LYdw6ftLpw9yPNZLwxMYAalBC6ZqHgEm/2TcLMnmBOmriuRfH58UctiB9zXFkrVxdvphT8YKDkH3a0q62jTVfDaDd1FdMMvDaDTTHDZ8yZH3mU4jkLWEDccxprHMdKKAEloNVzycdp3Gz77u3L5Gy/SLVSyaVUOZuUly9uYjQMRJhAoIp5sKLre2YuUmON1bTxQ6gqKioggFtQ6AAoAnIKYrMWw4cQQqkTEYFRrTnn7IUtMaS3b3865uk8zU3kuq6rqqVIjN2YDzln/zKENE7T3f3j9uYGFlRpjHH/4vaWyLtnAeLpdMpSfUv0vMnuZu4NPvTbhmeDhe549p/0smY8Adlek3s0LT3Z3nIDv+PCKgarRCw8LcVcv9wstfUAhJbX9bsvodZlYZjPSQhzH0xm9iBTlRIC/fznfzIMWwQOIe5vtq9evfhf/9f/h4X6X//6vz483L19++pPfvbVF198sb+56bpUSoncv3z58mc/+9ndx9PHD4dxkhCCL0wwJzT0tsQKAEjmPBH+bi+bvVGjOFwHnv0nblkvvgxczcnlkVsLXrswplrzIenz5apX+/+PFJLLZv4pAoL1h7UbdjXov9eNfvgcay2dmd3K/dz1r0bSBvkcrft8zD/mqLUCEBgFZEB2cAEA9H2vtdRaTDRLPh60ljO9eHkIVa0CSAzS9TT0vNnsu0i1ZqIQMBIFBTNVABS7lELMyxfBENhD1ApGQoCz9YFERDEaIQZCNVSpapBSioljoHmiDFOIXdel1IcQCGpVKaWYIhjJwgn+/Yf3RBRjR8RTroi43+83mw133bzkYiAiRoxd6rru492dRzo9XLrZbXf7fd/3X375MqWUYu+qIefs1AGSSzOrFRcCkarVsR3LUzvIjGME3xQR5/TsAvmv9mSvutq3cJUT9cPricJSsut/wkXMmuyoqhKagZMAeU40hOA9R33vefv2DQA5u9dvfvPrWss//ou/+Jf/8v9+PN7/9hv45S9/+atf/Wq7HbquI445n5jx9euX//gf/9l4rn/7N7/5/vu7mqnIHJJTBVMVLQgtay5Ejipwk0HMLFDXfAucERwXF6yFclxL+3bWZqP9yh1V8IrbxSa/EEkxX0gZPickP9IoeH6Oi8eV+LXT1m+r3eUH7nXldHzups8fgZamQZ8L7rbrtyjv2spYO40/5qafU08ITOg7IQM43BoAoOu6qdZSq1lBKzFgCLTZ9jmfS51qnQxKZN3tu9evbvabjcPJhYGAQuIYvHAec64Ksx+OBuTNnebMK7juQJvp4xnQpBBzZBKRCoqGjJaYXn3x5vHxeDgcAGi73fbdRhVyzofjCQC7Ye+iNZ5GAKDANzcvHOCfcy7T5OHJNPRx6AHA89z+IsRkKlO/GwDglrkfhu12u9lsUkrA1MUZUX6pZDFExHOefBclAzMrueZcSim8jev3ckkwN3NjERs/ci7wdL21H8LK7lg7qkROHsmhpaiXMsVGaNYOIvJIi48BjIjQTKpMaoKopeT7/x9nf/rlSo7dCYJ3AWwl3f3522LJjEiVUtVVXX1OdX+bmfr//4LpGnWf2iSlcomIt/lC0swA3DsfLgCC9BcpVZvyhPjopBEG3H353Yfjx4+fP3z8y/5mHMf+2+/ev//mzX/8j//buJtDWBEVULrOA0rv+f03r5fld1ZhHOMGm6SkKW1IhGBVBcjWbgho1AyANmA0SUA9l3qZnWGJdmuYLM+bZYeIICYtswAzWDMpgg0eUlce/7w7f50T5Iz1fl1z9T91td9tDZCX7/zrbZyXN/y1321v3hpjL2/CdPGwcJkMfvmV/6nVAgCjQyJmD4ApqkhCRELcTsu6nmJYeqe9594TgSzL4Ydv3xn1im7H00NYD8dT8H4ZukkkD2LvuoGIti1upyUKpJSiiKIFYhIAoMI09FjrsSWhGnwpbdtqNi+SsgV0CACAiMbx3DDy9PRkoUlFSikZCIgCioKqkiISn5Y1xuj67s379zc3N1aNcgpr13VD31sYAjgvYRhHZh6GYZgny6dYOclWRnBrLmTypVBdzI2KMYIWxehyJrJtPylRYeKmvw5KUXaQc+ikNTfqsYpIkpQkZ5Gs8rXWWdhEdLkcV1jJmIhUz0gZzEyYyzGco3U9zPO+H9zD4+K8Eqd/+Mf/cly3m5v9t9++f//N28fHLyGuPXiNOs3T8bBuWxyG7rvv3ocQluUY4sbHcDwuKSVAYcfG8mYfA2hRu4W2S41ceV7VMmSvyYRKDeuUz9jmU9kkm3EmAHpGyq/Pf85Ffe2qtsC/UnZUoV7fsdfmx8ILkXF1w6+y99UH2u/+62WZFEQ20ydyOWWqvrByhqv1V8vlX5RWV+t8eakgIamCJQRsSUwUUwAUz+ScjoPzDg7Hx89fft4P/uZmd/fuzX4/Lqe7z18+pHBSZd/PIDGlZHgCBA4RBcE7bwA1VkIZBUEiAuTMrSpIAlEFC32cq+KIoHOeHRKhpPjf/ut/2e9vxnEE0ceHx3UNXddN447H6dOnT4fDwUCr+nEyy/zDpy/j1M83+3me591u3u3sxD3GyepByygWM+X80ENJOm4xxBhPp9O6rlMpYyFDLQrr4XQ8HA6dH5ZlORwOIURraZmnueu6iLm8vYVEteMGYnKuxiaS5mFulZ7ryVKGFz1r1krG4zi2PKI17GL5fABr2Kt3UyA11xCFC7qCqvp+ijGyB3LUDTxMt7ub8cOnn54Ox3med/tp25YQNoNk2LbgCBFBNDLy3c0Uv//mcDiIbj9/eIIPEuMGgEyMiDHkxEVDciY0BZGhjDxTTapl4q9G5g5ysvmCzmsxPoDCxXxrRSxF61nTFvjpv8KuV+LgXy9EvqrDr6yMVg+0H/t/YID8KrsWYdE6IH8l1mOJOm76dCnjROQw3rXdi+ftP/+3ffFiPapACrkYAYDLwGfvGSh0Pd/f39zezKfDw4dffv7Pf//309S9f/fm7dvXvsN1OVlmZBgGZkaAEEPYFueiKVwxs1XVYZnwikpElngAAE0iIoyYQK1IOMYgqm7wQ+e8d+Y1PH7+woCeGIE8MXoch3k3zx8Oy+G4nJaN2Ntz2I7c3d29++b9/f19COHp6enD50/zPM/z/P0PPxhUej1fswLGeaq8mv1q5wAghgURJaHGFEJYluV4PNoI+KjSjeO443Ecp2kahsE5t4S1SoE2VqoAGUYVskq1A+vYtSdITanlVVbO/tsNvfGxnX6C8zxaEyo55krIzJ5dEqxdZ5ZkRUSw8TSOtnAKIfiOmHkLhxA3kHSzm53DZTkRQ997G/ET4uodDIMPQUDx1e38w2/eMwPRX+IW1mVRQec8o2qMSYRsfo0Iau5kMX2XUjDqMmtBNbfQe+9FYkq13upsm8LXfI5sBJhJWcVHK7D/+vWvFBy/dmm5rl5f/cS/Xna0d/gXnQhsEJNaOntpdmkzFa0VTLXIt5WziPg/vx3np7RqR+eo9y6EE+oGsjnqXr+5+/3f/gCy/fzTn/9//9//a123f/7Tnx6ePk1jT4TjMABMj0/HaeiJaFuD4d9Ow+hcdzysW9hMAoLJPmVmdhnTNAo6q0/JtQkhKqQkSTUXRFjc5N27d855e/Db21ubBRVj/PPPv4QQun7wQx9V1uOaVLqu830XVQ7LSURc7273dzntOg9d5xHBKlNy+AnSw8PnqlE0eyuCqF0/qmoI4XQ6HY/HbdsEyPXd8XQahnF/c3N3d7fb7bzvTe645Ku9cEUPZ1FSamcsglt+7lwBUKOBVY9Wq0Rt6jCKlFGbQRKI1MqO6jExM3sH8dwhYgCxxAiAKQXn3NPT07Zt8240ZXZzu4vxcd4NQ+9jjAwOQMIaVXXb1r6bJnJH2EKIvqP71zeI+unT8vnzF+8fDM9NJSEmVQQLcymribZSsAMgLbVj0ZvMaEW3lmujUiciGgFBy4C0gg6tFvZxtbCnbmh7ii0TakluYenDqR+r1NlercS6uglc4npUIQJF57SCw17UuqCrG1LTXHhlCLQ0UYmSmqvSWe2vq9+t++C4a8VEla3WtdUuPqey/IXwrXR8ddv6LU8sMYUMGmTEqgAxxRVx65ze3I7v3t79+MP7u9vdtv3NDz/85sOHD//0T//0059//vBx6T28eTMbOOCyJsIogt513vkoaVsCEPfDhIgqcV03VWEkUIWozjlQCevCzNM0OUbLs07zYJ0yAJBSsmItK/di9o47EXh6Onz45ePDw0MSAMQksoWkQECIwIrYjcMWQnx87Af/6tWrd+/e3dzeOudCr6Gp8qrmhu2JBTuMDKxOziM9PT1ZWaokSIpmQo/TfHNz8+bNm7v71+OYRUwIYXTTuq7LshhMYWv0KWVsaG6oCJkQgPFiXlpSERVi6vwFnpbR+VauGKMmAQClsyrFUuxruyfqAJBchgXJMGdEUYKikGMNsoXgOx7nYZj6d/zGexaJKYWUUkZcEujYJQmg1HkHAEvanMO7V/Pd3d379+/XNXz6+Lic1hDUOT8O47ZF6/uWgkhgGasQtzyEeD2uy4o5MyBPT08AQGS48EMqUPh2NN77ai6c48eWuK1/qKXKeNnV3l5fNQe++vmrN1sZUVn6SiG0X29V/dXr9ls1ZnElidrwcv3vXzGsXtod7TLgUg5qcXygkXRlebFdal2SZPRmg6JqbJkc/65GDXWOup5jhBSTSgIMCitgGEa62e3Z//D2m9tX97s/vN7/6U9/OT2fRGRZt6eng/e+Y4eowgicUBEkIXtEJVVRFMPPQkWFKNFAKHrfMTOhgs216zy7YmODWWcZ8dSwKrZ1WZbt6fH5+fm4rmG6vd22LYEGSRKBGbuhH4bueDqNUz9N+/v7+zdvX9/e3qLjNWwpABbXT0rfIJYIlFWIQolrbtt2WLfn5+fj8aiCSmi1Z8M43d3dTbt5v7+1TvwUIznXd95xTivWNGJxHLg9qSrH2V9gprZhjqpTWyJcY0hlvDYiAhNppmcR0Zjs7ky5h5LZA4BCqooklZpX00B3d3fe++Pp2TCWes7oDVkviiZNZhegQlJRBVAhUGJxQN9+883Q9ze7/ePj8cvn559/+vjp0+Ph+VGFzYCzPHql3q53SFY+n7NRtiK1ChE4V7snCTFFBEZABMp1QSIqaIM7wIrWbR9tx7XJaH6Vc77K4ZVpf02yvPxiq4T/Cve2y2h/or7ZiowrCXVlUGBprvvqr/zaY7a2w8v1fPXzf+VZWkFT3gELlFOWKUIsROQ76hzOU3//au5HWtan44ncbn79djft/Dh1/eSdpz/+80/baVuWxTnXR5FOHaGqYedBjJvzZPeHFEETiH0AVEWCeuJ+6AFy6av3XhBAUWq1MikJUUqPD88AJAIpaghxXdK2xaTMhH7oPVjGWYCo69w4T4i63+/v3rx68+bN69evxnEMIaQUTttmlgUUGWFjT+yfqMC5BEm2ZV3X9fnh2XregMk6Ym7vXu33+9dv33TDNAyDgG7bRoDee/Y+bkdiJmYLc5BhqLbmehMfRcwOfkvAmDMj7qXsAIAQQkyx9A2XTLDm1sGgSk3jhYgYlrJ1iqmSarJEBjMbWMHNzR0RPD09iSRm3s1zSklSsuS6NS6Sg1zIlzRKFEmiCVRA09u39/v9/Pbt29Nx+fz56Z//8Jd//sOfP39+Wk4hRonBkj7nfFNslJl57SmZbZ7L5EQEUKSdZN5QfhUu9k4WH9TAureM/VLhf9Ve+Kr1ASXEcPXO1Zrga7JDfyWSWv8KjfD66595ybH/4tUupiakWoPCQk1XYis7a/SV7dJmQPzVbzECEFgyTDUqxBiVcJO0vrqdf/zx/e//5rvXr2fmELeDKKN3lMK049dv9ofD6+fn55/X9XA6zvNeAEUggkIUNViAECkgohIigxIgE6B11xAjiPWEpZTiuqDjruuOp9UGTaWUamspET09HVLUlFSFiKzBDEQhbOs0TblRZVsR1fddP/Wv7u/med7v527wIW24gYggi2RssKilfhSIRBQBwrbFGEkhpbSu6+l0CiE8PBzIKkfHYbfb3dzevXr1at7vyHVEJKCISK7zrBZr+PJwDCFEFWAiQnbOd50F+LABsKgHEVK40joAAAjMucbM4qyaK2XPhokRlivxRSvPZ2YiruBJKSWApGADLiwlbC62cHGKty0CGMoRgbqu647HY4zBEttWi0zAzBc4HSGshrTU9doDEfu+52Hs53l8//7t4bD85//z70+n9fn5eDqtMcawqY0JID4HrW2aBJZYhFFCiGuVACkl73zDPqgZaj/T/Nm1q8Fqu64a51+y93mrL9VyFRD2TirDLltZ/pK7vvor14d6+X791lelWI0HQyOM/orhcKVkXv71pfXR/lwr766e0V5zA/l3sX5SVgAES4akLSaJAMqU7l/f/N3f/vZv//b7wUtKh92+v3s1Q09bSELruO/ef/P66enw/LQ8LI9JJEUNIISaCDplVY1JvUdRAFUCREJXVsuIYvOft9XK2ztwzAgBJEEIMaatjV51ftg0xrjZ4AJQiDEuS+DZsXPd4GOMGJQ7P+7Gu1e3Nzc3024chk41PR4e6UTOkaVUK9QVY4FuVg0xhmU1II9tWWu8I0S4ubm5ubnZ393e3Nzu9vt5vxuGISkqgoiQ63xPIhJCWA7r4XAys8l6ednCxMyqZXBMSZ3WsMtLK/XqrOuHNfc0nysbuAARtGF4T2xMLiLsuzzYQpUQkVBErTrGdcPxePzpl4/MTOzneSbXiUhKmrGLc8OeY3ISU1JIKYFISaapqob0bH2YitoP7m1/c//6NobU9frw8PTLzx8/fvz49PRkWfAQgqZcDkcEdjPnXNfloHiSEFdJBTA5xugdAWBN61tQVkvO29WtrLK5yp4rm6J9s2VLKFbGV62PX2PXKy56ybpX5s/V+78mC17+YrUX4K+Bknzl6eoDXt2ziidoJEWNVCdZMJceVskCAFZpA6bPLWlobfXMVv+bu0+YkZm8xzdv7r7/zTfffvdutx8lPIqI8+I7OOlxWR+2LXTd/Pbd/fGwHR5PBi8aJWlQuwkSWKZ2nCYVgSSsQlaUICKaIgFoiqqqyZpcfMfM3E99CCGBGk4BWGsZQIwpJhFwiKxIAiQQFXnejb7jlNISFiWc5/HV/d2r+3sk9Z6545QSBlVNoooKznXmpKiqkmoBQ9xOy7IsKcSU0nI4Pnz+fDweAWC6ebXb7V6/e/vq1f1k1ahDj+x7IgEVIJvqlFRO63I6naT0uVwJ94qpw+0A2st5QNhkD87RjUvyM6empSUspR9Vkyui5CPmvu8tiJNtfpsFIbJtW9/3IcTHx6dpmt6+fXt7e9v307Yt9rspKqE48khMRMuyVVRWR6SO8vhl3NgjoQRNqonJCxOj/B//+7/98uXxL3/Z//Lz/vOXj4+PjyZEnp4mA1KpMpEIifx+vzecBEtvYZ5JaINsLAKNoFlS5lixiY+KQ1ujVm0A6aUpXjX5X5cO9rE2I9Py/Ffff3nPVjO8/Im/blDApaxpyeVfc+mvOD7/GjvlyiayF1VjUJ1pxkwSzBqElJB0GLtx4Gl2v/3tN9999+72dk8kAuI7ZCZJa4TTlk4KMox3juf718vtq5tliXFJRE4TJAmIKEm1QwbvnJOUVCFjeBZpqiKW6JEtuo67wRNR3DbtXFIJSbaYDO7c7Ofj4cTsmTwRJgEF7YaxH+ZhGhXxtJ1EZJ7HN2/e3N7ddb0TiVEjbKCaANWCESFtKAySS29CCNGQykLctu10OC7LkrZwOp1Op1Pn/X6/f/Pt9+/fv3/37be73c5ZEZV3ipxUBECSpJSbbkzqkWMucISVhttyhChZcBgau+eLDvKvkuKFQV3OmM61Qk3GUM9kiY577GthhNTGeSVQ2NaV0EkCx9007uZp33cjoUshemJ0VhYAfe+InQjEuCLaTN6L+W+KiYiQRDRa1TEgCARRdT7tbzrim/2te3oaHh76w+Hw/PTWUJdyu2FKiHnBBmppARdETSkty3J4ujYLjLaNf3OMx2orza6znE3LQi9tkJe3g68xf1XL1QSox1Ojs+2B/Ronv7z+xW/VddaT07+KyXr1aM2Dn92N9pPt+qGJ2PO5h/liK1qhDA3MBIQEAJIrL6jr3M3N/uZ22N/Mu91uGLuul96P4zDd7MahZ3R4Oi2bl91uQuidy4b0PM+qGDcLWBTRjxhjkhQ1JgTxNmKkLInZoOGjhXdEZF1XibQsy+F4sPGO9eCYnPe+72ZV2FZRxTx7lcDm13nvb29vX71+ZfoWHa7rejg8qarrXD94AAghcIGGFpFtXQ+Hw3ZaLAjy+Pj4/PC4LEsIwTt3/+rVt99++/43v3n79u2rN2+899HSguQE4Hg4CoIkCCluMagqMHV+sFGhdtWTOid6Mhb8ucCaCVvZYa/r8b1UA9ok+zJhEELSHC5NUlMQzEzex5DfSTZxotbXGNA00TzP+/3e8B9ijCrSdR0yWbU+EXMJTBjylP1uNn5VgQUJAJNqsNHbDIzo1vWoEKfZT/MdwN2y3D8+Pj4/P374+f7jx4+fPn2y0EmMMcYAAJ8+fRK9maYJsguGhXm/3o+exUeICxL2g0NkVQnx3DVXPkwmxG27QgpXvFFFQCvv6we4AB9VgV2TavUItZRv/hX2rvVLUGp78jkJtjZnFVJETHxme1VFBGIQDEjAZoImlaj2yPn45eKJAKAfOm2uSkaevHWgqmotK1TVdQ3M3HUdIW3bFtet7/vdbrctq+0oInpmx86hY+CETOQkLc7BPA69D4M7vXk1/fab3TfvZqawrcs0dcNuj44DgEspPIehnwfXP3w+OeK73f6/Pf33jcPt/s573jYQxRiFKM3zPMQ+JZckxLhtEAMqUiKmGKOTyMzKPq7x4+EpP1o4IlpkdSLUpJAkgUpKtAQnqFYPi46p76nvIR1giwywH6bb6aZTHw9hi+FwOHjvuWMi2iAewTAfmX0kymnLw+FgyUtm/vDhg3np3vu7u7tvvvnmb/7mb77//vvX338/DMMwjUQE23Y8HrflGFIy6GMrD3d0rpZ2OFXZUYVCxRNqSd/OK0UQARWyNjBEBVBE8d6XyaGGoMSEagBRohCjjTomhwQIysoWEdCEgA4p11kJaNritm3LAgCe2dnkx5Qc0bYsiHiz2+2maeg6I+lNSaI6h+w7ETkcjyZtU0pWE5CRqwQJWAEUBk1KoH3XJwtiJQUgEVUhhI6Zve/7Tnp/t5tO0yi3d3Bzq09PTzFKSmk5bdu2HY9xXZ7CdsQcIkNE9OzmOeMnq2pKEIJsWwgpOj/FGC/wPs7/bWTNlZJ3dBbGrRCp97nKL6RLwCI7vCupUdmyNsK8vFrV3d6tvepKAC5cjAsbB7MWskXViJqtR4shV+92RlK5LKuDBj+ifdOVSe7YJAgBoO/7VPAEp2Ew9Rtj7LqOGUE7pEQMzrl+6MZx3O2mYei63qnoNI3jOHpCJP348afT6SRCQ78AgOUyrQbckCmzgk1krgd1rFaXrgFAAaM13W4xhIR55lc6b6nHDlQxaU4IAbB3DJAAmVlUISXB5Eq/5ePDAzOP49h3nao+Pj6eTqfn4+E8IMpl3rY+FG1IK4RwOBy+fPny/Pz84dMnRBzH8e7+/vvvv//hhx9+/PHHt2/fwtAD2aS7eFpXs01yYILJcY5oVKozQOkraqn/fPlfOs9gRrM0jVks2mq0YIECIwwzCqBihULWWGawZzJo+tdNzNWhaDVSWwux2oAjFsBH8waIyJDZamCxfaj2BeZZnCJCdph930eOMYiNvENEw159dX/T936ahuPxuK7hdDo9Px9PpxPm0g3jk6QKkkQSdM7BuYs/VDEtGlNKZ2TA8gnNEve8uCtX5evWAZVBgZV7tVhZVTpUs62RZ9mgqGGt+GL2bbvv9VatIYCXlpVdNbKllwaRkgOAapVbmC2XIaTzes5f0VSlXt07tIMi3x58FS5nYzj6NBhcoPPO2aNN/TBNExo0zrbYnjFjEkkpmCkzjv3t7e04jl2HhLzf73e7WWOIaXt6egohIIR1XZ2b9/t+nh+HYYhRTYgY4TrGlNLpdBqgB8hQDsRK1CEqEnifgU4UUilxAgCQDMuoAMnmrTEzOmYRMKwKE7qoiKoohgZk0D7buj48PDw8PDw9Hfa3N5W0pACvtuerCDHGw+Hw+Pj4fDoS0Zs3r7/77rtvv//u+++//+67716/fj2O40K6hbAtJ+vWr96HDbWxs6u2Rs0+mnpokyx4GRo/q5PzWRPm+ZJn8WF5EGh8TwsrVnIlzal9y5VUCq9SwGDTq/jIMovI1g8ZT+jcRM8FehqKZLEDJSojdS8BSgAF1JjOnk4UUkpqMI4Aocg9QVRm7Hrn/bTb99t2ezwen54OXeeOR9d1bl3DcrKxO3lScoCYUkBkQtLc3RPtPgCUOLmrZEReln5dmb9854p1W/a+OieAa8XecjX+S52+7TrrZ4hIywSASiL2p5Qu4LDP5gkCACioqCgAIzlkh9ZLliy9bzONABEQHdMFuRQZ4QreTHvwzjnBDFBGbRStrLxjZzMfLXOpqkk2ZiSGpFGBnHe73XR7e7O/mcap90473+12u77vDutyOq7rEhBZVcOW/HiuJgYAdsgpu63D0BOBiJjgyDOwXe4aQwKDw7SMAKgpPctilhQ/IjpGZnKETJqy08ikkN0QIpI3r+7NxFjX9eHh4fB8Oi6nbdvmeRaBlDOjAAArbcCEGpMhgyzLuq5AOI7jN7c333zzjQmOu1ev9vv9zc2N8/64raGjNW7rcrJIQTdk7Lzed/VMa3BBRCwNVIvi6+nUXboisKrMiAwlA4pq+zodVts502TTj98aCNqAYNQvttZrKgMW6owbk4zVEK6/Ate8djECTVXRujQVLbwTwmbiI6tyUsieI3rPgMF59B07j0gdYGTe7/ZjjHI8nA6H07ZtqmhOzbquh8eDI7JQrvOIlKvpwpbQsEPKAzf8rChNuVSrY0G+DszVbncrL6gUpFVeaoVIte3x0jb76vXyd9Fc1a+lftvbtn9tpJXJOKit2angEkLTIoUUjf3qOHsjINMeNSanqjbhxDE7l1WYrSGFjGbW9/3UD4i4LEsIa4obEzgH3jtCz9FNc3//+ub9N6+/+/7dzc1ungfHMvR+nmfRtCzLw8ODCHTd4LhndkQubOl4PIYQYtRt21JSi7yM40BEqjlch4ToUEByN34SSlFEkgoiITGoQi6IpjJyiaysSAgRNIowAzl23jGztWQq5sxaXLfj8fjwdCipU/fly2OO0lIzaigAYFrX9Xg8RpV5nt+8e/vNN9/cvLp7/803r9++ub+/584zM3ddVI1JN0mbpIQAjl3XdSU5aGpfcvYgaS67hsRQI2vQ6KfaY9XSIQAQ1m4vAwG13JwYLlGlKCzuts2FraKhAhfWhK6qaukKYWYiEImaQ0bejAJVDQGMioah854BNKUQwtp33lSC+bZSgn2t3j0vnkg1mGWPpATAQs45xAQoxOIcaTEFnCcRFzUZgwPGAcj5ab+fAGhdt+NheXo6LMsWQ9q2eOyOpxMynnM9mc7RAdPDwwNv6Pg8eroxCuDsYlwr8Bf5yK9e9ZzMya/P3JqRZ4ug2ZRfuy025kkVvZc3OH8SyrQ6aOJndnHztTbeXgnFlcuMbcDVjGSb4VbrjmxehoUVUgO5bI3zFmlWVUYCRhEYhn4/z8MwhBCOp+dtPYlE52gYXd/7GCSJ3NxO797df/Pt22++fXv36macHKr0nXPOHU/r8/Pxy5dHABr6oe/noZ+86w7Pz8tyYubj8Xg8HkHzBFzMWXNvJC2a0qa1EUvMIwMrFPTMjOAIxTHHjChFRjhqRpQpMUJy5DouQR9RFcMWzVI3Vy0zEYOAFUdBEimF4ap6On5ZlgUI3759+/v/5d/+7e9//+b9u34c5nnux4G9F9CgGtZVjUuRkQk7h4jkHDi2DHSMUVMKMaQQVZUyshFlvKUXxeatU3yhZvgsPlpyEoNpVs2YZsUl4QJQYjYOSkG9dGcGq+RUzR9ENCqyWZyV/jONNfKoJgdMfKSYJ/tWgNLzyomISMOGiBbdIHJEUlSaquYGTis/s/VvkmwYGKl6hK73TI7ZL8s2jsMwdsfDYjERJGEHg+/grHrPtf9xWzxjnSGuImdBC3AxD0WakjDPv8re9db1kPAinnJRZnYW1eWvf/2qhl8rhgCAXVUR9eZmlaQ84phMLmIu8mwyO1Q6rKtRaQaFiQmrLyQe6pttiM7yXlLK/H1B3LUPA0AIQZOQ9+b6TsNgAigFm2Kbf/f2duwHHwOn5F+/uXn/zZtvvnnz7t2b3eR9hyluALJt2/PT4fHx6fHxKcXTfo+OJxw4pWTlQMbvIayWDmZmizX2fY8+594UzLy3gkUBQGYAZU2aJJmhwc4nTQAioCogKAzIzMTgOiZC3zF7wxAiKzzvuKNcxGHWuAcA59zQTyHJtm2GRpSxdUTGcb67u7+/v//ND7/97Y8/fvPdt/PNnr1LIssWNUTDe08lLBVVImgEJdGQooASIBrcRi3C0FLuyXyKqTVppUmyYqP56usazKIcKTbldC631cYJhRcxOMRsqIJcVxhWPWcxYzv98ls0DEN7w2LAnse1VAEEGSoVWvqHKpLAqkiNwsU8UwSIMQFoiWqlDGakyiQiYqBzDAQgCAmQhsE5R11P49itazge/TB027ZtJ5sldHYGRSRF3c396sA1qErNzqpUfmh1OAB49r/G3vA1k+RKt2Mx6etO1fK+K+lzdVWV0sZEq3Rv6cNuta5rPap6QSnsKWE2Exk2b60jIst91EgHItoACkJQSVZxdDZnJKmIafsMvQcZRjSllGIQFSTw3pFC13nnmABUxc6VmZj51f2+77uwOdH+9Zvbt29fv3n7+v71DUggghg0xJTSejicDs+n42H7/PnndUkpEqgHcJbDPy0H7y1UBs4TES0hreuGdRgeAKCBFbgq/hBZBYMkkUhoBpcNxUTJfcMEzMxAnsZxBFBEZYdWbALoVXXuZxFYliWltAYrQyJJsMUQQtq2LQnk6a7MAPBv/+5379+///63v7m5uVHElNLxeOzG4bCclm0VgGk3d0MPTK7r+nE8bF+S5FBoSskxW5q2Hi4yGPpOPX1qAtg1EF7TZFeUZh3PlOcYnJUpIgJ8RXxYiLTSPJXBlyFu7f2NTkzBGOJBy1BZMlYTptA8ESFodb6cc8g5dPpSy9qyO+40+93nkghVTFKnmtn6s6rzk4ogMeXRqQlSSjGFvpuJ2Xvue2+QiPM8xCiHx+O6BJsl7JwjxBgkhLCNncMClcx8xvhWVYtHlkAAUWmHISLPWKHJ81AJkZiHHruiiELVw+u62l+NP+2erqQhqtypW9MKmitpUneQCx5ajLHig0BjAbY3qUaQUZIrE8ktnNH3/TAM2cbDtoFFiYSIQsy9P3Ywzrm+74ehH4ahDZRgydWFbTvF6L2/udkR0bZtY+dvbm68958/fTKciK538zT89NNP0zSN49D1ru+BOH33/ft/9+9///7d64eHL71HRAXVEMLj4/Of//TTn/7081/+/DPikuLHGHU5Sdjk06dPiDgMw9PjKW6x70cDmzAiPhwO66bTNDFj2Dbn3Dj1RLSu6zBP6xJCjEROEbcUo4IgJc5Fg8Nozhr1fT/Ng6qkFJJECSiClrIEgC3KsixPT0+Pj895+qyFFBBjUufcbnez2+3mm/39q9d3d3e//5vfTLt5GIakGiWhY8XMk67rkMn3nUH4bCEogJUgWGShY8dEloaWEK0YH0SxDds1V2vzVvlyRVreVa6WKj4K5dTbQomUKRYcGbKZdQpG8Bb7tOJXLfzvvR8Gc3gJ0YzTXHAcYzQtgkhVISEC6NnQRkSVc2StKDUwKZYxXynauCwDTzbWq3ZKxr5TIoN2RlzDF0usWCEUkevYIbKlbkTMkiHmfpo7RF53NxXcBES3bTseFz6lkwNx4Fp4nvPmIqRzzOb8PhGllKNVVKaKSdN3RCXPdGWDVbaUAqPya1bGX7nq+UEj41XPwRQALSedbRO+7JJSVS5WEhF1vet77zt0jmOMZr6qoUECECuRjr4/n2WD+mPFnQY/Z05QjCKizhGzV9XT6dB13W4a+74HlHU5es9dNz08hPV0Op0OMW5EU5IQo0xj9/rN/ptv3o3jwIzOd44gxu14WL58/vzLzx9//vnD0+NRlYZhRPBPj4fHh2Vbw/Gw2WbO85iCiMR1XQkdlCiMQOj6HgAEVEFEUS0hssUoyTpKgQAUkAGJtrjEFIkwpsQpINK2IXHO/RORL8lr6934+cNHU6HkeH97Q8iu8865Zdlc193c3Nzfv9nv98M0zvO82+2OpyOuThGRCZiICWxatZh0zq5EqjBOKKhAzAyIZuon0Zgn7oII1hE1l5TWqpBq88IL6+OluGlefyVUfyWAsOq/JsIGja/ddeeEXf31q3hc+6OEF+xWMwPVcbYKlEZHkgiUrFkNHRI2mDJghhWAOe8iWTgqiGoCIkRCBEALIQGx5moYgP523jYfQmftSKcTa4qaiEmZxPFl8XVZOolUULM69gbquV4ZBVfSp/6zmmrYXK0U+LWr/rX9ZA00VHEAjXiqy6jvv6wLUFVfYhwGptt13nmb2+ay9VFuZSe+2+2qldE+cggbETGxIyCClAQ1oSYgtAIqCXHo3O3tnpmX4ymEPL5oXY5fHr6s68oO5914Oh1E/N3t9ObNmzdv3nRdlyQwgoguy/b58+c//fOf//Snn758fkxbIuocK5ELITw/P4dNCN0wDER+OW2aQghRNRTG9N75BEhmcCkBggggCgDlnle2rnC17SIGBiJm51zf26g6JgZVIfKOzMAEkWjtKimlh8fFez8Mw83t3TRN426epsnq1n3XzfM8DIMls4kgyHpzt++6jrwzIgfSIGGLAdGG8lmUJIEmUdGUFNWSzgAgMcUY1cZEilgEJKN6AABAumyBq7RRKbClz0xX+vWk4dXrlsbsn/me5U9S5AeUqITprb53VaBU2VEpSi+v9rfyVUpyqpZq1TMiEjkDgRIRq6dt+avygpYQBPsewDobEigCtjsDQEoElljLa07qPSKSOhcDgcTQUww4jB3VxO3VdptKN5FpSWBt2gGqIKw7UvPVVOrzq/3cltO0IubqbF4KjqtTxKZppRVJV0oGmihMFflSMjVE5DiXMPkuSxD7lO8srGXbXR6fYb/fGTxvng/kTOCiiC0ANI9MNWxOEBXneOx6Zu77fhwHSQkJiDHEbT0tnz59PB6PXdftxvFuvyeK0zTd3NzUMlOAtCzLthy/fPny819++emnD58+flmW2FHf9WMIh2GwiveAnfbdiIKHw/HwfKo2IBRvCwCEFIKCDU8CFKvzZlIE55z3DoFEbHgvAOluGhDRon3eZRXKAM45dshIIjEFCVuMManItN/P83x/f393d7e/uZnneZwG7/2WoonLkLbT6SQSAUkQp9udsVBSQQQgw2pO5B0xIkGSSDadsiR8UIGSppRiCCnGzBvJUiMATXheVZHOlog2hgA1sblWfEhMX5Madoec2kdTzapYCqPbz1dZYPdkZirhUucccRJREQEEYkYEBZWULHipVgUGqlAq4uW6UKW+rjzYPpegK4k/JGLy2fxvxYc07eaUG6YRwf6PS17GfgiIrZTO8r0YYxBNoAlAnQcQ3k0jI6SwLY5dXZPIeRMNWLVscRaZVgxnmZcqPlpJ/PIYSoTyOmL8V8THr10tY2iTu726z0VQrUn4U6kunUYumRRLUiCSAoD3GUPQ5t8AmAymmLYkQSEhKRGyQ84jeMyGTCGGeqJIaJPX+sGP48jMMW2aZBi6ENbj89PDw8Ph8OSc200DEbHDd+/evX//9t3beyvcnOc5huPj4+kP//gPX748fvrw+fB4SgkJvXejd9OyPqnYATmDvTWyHsZORWSxOR+CRGLxP7Thz0jWigFklJEHRzODUi1qFEkde2b2jpiyJ2h12QiACgq5gbZz/TTMvfc039zc3Lx+/frm1Y1hnbMjJIqnZ3aEDCjedUi0s9TDumxRs/703vfd4JgTOiIiR2baiJR0BiMAoKhKlBjTtpnXTMyGMFTPGghtQkKlsZYDW1qFr6moTFfwL9Okc67l4RqgZTzj7zuimqqLKV6p5yvpVpdk56hyQefVL0sFDraxO4iZgVhEzW1nZkSXIBnEGUCpskARFbsVqAdNCEhYoLOREamBBM+BHiIkQgZPBAGSCjkiz8SEfefW5chYoJK1eHrlwcS2SVUtpFpjoiAX/Wkv+RmK4EgN9CEWMEQqJSi/djxfFUNw6cGmBoLIPg5w9lTNkTOkKChAG87RMHR939/sespjhCz+J1a/AKBl2poAKJrWQzLUCYv7tjEUY4DcJ17gZJ1z8zwXCwVijClES82EdTMIHCK62e3MJ+r7/rvvvnv79vXd7a4fcih628KXL1/+8Ic/Pj09HZ8WEAYlQk/kmfrd7oaIMpiTYIyRlLz3r19PD/Qo6WnbkogQsPPsXAc5MQlIatVEpvP63tVzYYcIuVgzbFGYU8z4oL33zKxJtOs8d8yMgp78MAy3t7e73W7rh/1+f/vKmjUlpRRjABBFQRbyjpGsSFURgq7YDU4VIkJKQChmYliUyvsaUMMSVAJRsTbWEEGUkchyrM3ov9Y30cvoGLwQJa0lb/9uye+Sw6+dl3rbszqsmTjItgkRcVOj1IozaVA2WpFxyQAX/2rWc9E43y4Dz31klsRVyyJBLmPPpZt5DQlBGQEJNbcyZFMg3/7SwIdu8ICiQilZolyIgAgdYiR0DXOevRiAdo5BrqgzZP3U2IStHG2frd4npTTPs6WsMvj15Yb+2oWXoQ17qlYMWRKEiBqpcRF8UdWaLSIiG2I0juM8ZDFU+3E1R+5zHweggmZxbresSVxpKsSqpVp2KadvcyrHuZQSAXbjqKrbtll64nQ6GRam936apt/97nf39/fDMHjvp6nr+35Zlk+fPn38+NGmmQAAIotCSqKCzN51nR2EcUcu5e66YZjCGtclIEYVJMgZMStHcJ4cETIBRLH6c+cUIGlMYoMbSFBSTCQCKEkgpeTJ2whLNbAyRAZUBARwzEPf7+ZZb27HcRz6CRCTSEgRQIGhGztmAtKUEoJNcQzLsty9+p6QyOchqWjuvEaz7JxjjJpS4mxPCCmCqIp6JHZnpYVU6nkuL9PeVdO09NmKhkqHjBeJv6+9xpYga9yhkjE13fc55IEIpaADCyCgFGCkyj5XXFBeY/0AFp+i/YA9ZmVPQWriMBfgA5hdB6g/JyIx2bK5ev8WYy3Wek4tAdi4BhSJhnFlXKgSY4whrkhKqBlp3cQHVAHZNI8hZg5s7JRr5sdcGHfm/BprtIx3ysgCseqE/wcXFiOoXs65l+Fxu7RUc5lRYLn3cRwdbogIaPmaUscB4hwhAtrUVJVsEROMY2/bsm2rJaGNSna7XWuGWKTDew+g0zQ455Zl8ezmeT6dTp8/f9zCsm6ndTt54hg3AHn16vb3v/833S4njOd5nqbxePicpYz1mKHXRDHEGKN26ly3LEuZzEiIEmNEQee8KY2u64i8JIhbWtc1pRX8SAQ9eOYeEQCY8LJlURK7c5yognFoTABilpqqWrDIDJ8UZVvDumzrst18M3e9J8d5DjMBM3nPCimpSIiqqetdPw0DDN3afX74YnI268w8J+GcKYMSejQ6JiGT7szcFaCwUND06jy3SpOtrfqSSmvAsvIYuwbP5V9BmC/KxrL42LZQ/0mIRhUxxmE8R/1igWhv44BXqrcieuT1FxFZ8jzXqaWkSnyuKDOpIk2dJ6LNl8OyA9lWMApHRAABxbIPF8g+tmOoNqGGSAkBAgcsJOQ093aBIdPVb/Z9X6XAti0AQETD0GVBjlhXYV+h4hPW4JY1imhpPayd75ad7vsem+jmWSEU7YE5cFYMHJG0WfbADb40xQPGtFTrQPVsjg693+3GYRisPWyaOmbdtkcd8JzKFZIoCUAEUwLnfOdyRKAamb98+tB1HSKnqOzmm/1oKweAGDfR4LqIqM7jNPlpmoTW0/ap56m/nSVxRP94XP7bP358+Pz85QFubt4BpiXhm++++/Hv/jZguhu/kAIkdAJ7N3z69Pkv/+0P6/Oh2zqMGEIQgLvd4F93zBzp03KKqgTqVRXBEfotxtMaPn0+9f2o3H/69Mu2xv3+dn71Ksb4cHgGAVmjYpp4cs5pwm1bJSEi9G4mTyGsh9MBAUY/hKCqjgB9N+/38+1+H0J4+Pyp89p1fFyW5XBQ1afD0zD2/8u/+7fHPkSnAjGlBAi+88ycVGMUBma2sbgSHy3U192/7lvqrMYzABAzIDvfWZN6TALAR0PuJQSAVMr2ACHKxYj1802UERAFVRWtD8lozPrYgcBG8BppgYquRmtFS2efqIYbVVUkqUYjRYesGTZZQAEBvaPOsydHRMzKuAEAkwInJo2gEkO1O+yZoRgjqtr7zigqD/S1acGqMcSkyuwBQVCQUFAAIHWKzlOiGGMUIYmqUBv8HQMhilhjo3kjCoCi6JAVdOggpRTiqqrEzFbOx5TigkwAkFTYgXPOWqIdTkBRKOPORYDAvDleO7dI0zB6dbWOCXzNm7gS7a1FV3cfAA6Hg2mzYstgRcSASz1gLzxnmLlWCuZ9LwK4tUjbd8AcDWfNhd60me9yEKv8dKrVNablxnE0X6OqCCtINwUyDEPXdcxeBYjI6rLURhxvmhLYXDh24BwrJGtp67oBgVLUx8fHLw+fAWBdV+cIUFMKu93Nmzf3w9ApJO9977wlkk+n0+FwsLgGlyl2FsbOlkLSqmRUVZKIQH3fdrjvewS2pi+RcwZNRJZlcY68s9azCxA9ZjYFx4io0A/9NE1Dl6v++r4fxzGldDqdTutyM+/evXv37bffSlP4e0U2VTrUMzJHkktr2ZWBUE25qkiyfisjHeopVx+2PffWKK4WQftmJciWSu0nWsJuCfirN6/kmkd85pYO7boMKxUv81/VUs5brRfeVk3Hnq9LFmv3qnnzYvE1mMrMjtleQOkhxMu2r1Su/CtUY52MTKqKopXTiCguW4wxxYiIhK5jp11PCid3Upd+VXy029duYitNWj6/wumoy11L5iWVAVRYigj18mopyRbf3jBL7eIZ1qvJIiMROU9d1xmot3PsO4tl5sI+51yQ83S7egZ2k+phtecxz2PXdd73cE5IsWpi5iQOMfnO+46IIB8NpHHYOefCpmGJP//84S9/+RBC2LbFeVZNnvGbb999++37ceooJ328zZR/enp6eHgIIWBBaQOApJlKYoxBEoL1ZUtKSQXNUlUFK9VB1HmeO2/Yn6tVfxqZWXu+czSN4zB0lRmwVDEhIoB48qrKgL1nVV2WBRF38ywih8Nh2RZkmva73/z4w9u3b60z4IpvjeH5sj+9SjEufR9V7lfl0Sr8egdXimhryMnu00qBljKp/NaVpLiSDnXNOaekqnqhAtvwfHUciDBqyJ9BaG6o1UNvI6NYvJgqQXJStHK7c0zZ1K0C8eUi2//CGW41P2qVIHbrvNRSz1Lr2a4Y/Ep8AwABCgIVCAIiokt3jhiIcrQ095XCr1wvf699tlZ22DsW12jJxRZRas8uwE3hUsS2OipuoZUdrYQyNrA0uVoLNEqxMoyoyKo5nCPry7CoBzMa6BMRoGIbCjWdvCxLNZFMygylww1RLYBC5EQkRUkpikhMIaVgQg0yvIgwIVPnvU8JttN2PC4fPnz46aefOtcriCoQ0O3d7ocfvnt1v4tpG0YX48F2SUSen5+tkTelZDuAiNZRnorIIDlD15jUYGZEQKAYI7Pr+zF04flJ13Ulyg31kttGkiqHnB8lsCkzICmlEIJjdK53zIaxt54WY2vXO2T6+OnTsiy73Xx/f//q1atxN/vRH9YDFfVg3N73fd/3NVJWj7WeMhT2rvqjctdLgrZTLmmFc1Cg4aWL2IHtSEuBleSq9dF+FwAqXoyFy6HkWxCoJF5MyhgpNnfA8reGX9pHyGL76ncbcZY3DanKnWsGaU2PKm1LkjFLUjj3mkDTgNdxYW05bxrZ+DvK8zGIiH0W8QmS3VxVNSUFTKyq2vdTtTAQUaHmjBIAXMMFvbzavW4J4koKmPdVBOIZ78QVLYqNtsFGmVxRDAABXP8iXIqbdiUWHzZBTmwqCxB1GAYFy87YaSVVAWBzZExu1p4laeb1Ght0XWc4Ltt2bCFkYgrmFIhEZvSdIR7ElILz1HW964aum45Px9PpdDgcD4fDelqg165zIax9P/7mN9989/1b32E6hZv9LePB1iNJTqeTSeEQAkAZwdtsuIhoKqpGiQitXqPgYiEiWiHcuq6WUSHAlJJGkyM5VbRtWwja9b7rejNMFBJR13WdI/K+R8QUIjJ1nVPRz58/f/nyxQ/dN99/9zd/8zdAGCAet9UNfSwNIIho6S0DvzFQv3rc9ZRTkzRVbbu8tFYetsdd2Qwv+9CupEz7ulW2VS1/VR0CgJFhpazqF7TOUb2lNkkTa/kp0OqpghXWurIrI6IwYXmuwndSMjJXD3V1nVfSPAoWy7EqaS0dZ2c1f+kuqSoXJmI2hCQCgCTJtj57L9l+AQJFLYM1rF4+JftfituvYovCpZhvjY6ro2rPTErSuFUI1buGZsJ2atpeqmeoqgR8tYB60OU9Sy+B5Z+LbLYeZEabH8/YDx0iFrcla0LR6B0DaIwZZlpVvWciv20bAAJkHByRGMJq6auUEsBG5FJKIaxmaDjHvuO+985zjAogfd9N0zT0OyJ3gmVdwpcvj2HbvGcA6HtPEN68vfvxd7+5uZ0QArs07zpP+7Hru647Ph+en5+XZVHVbdvOvQIEmnsYM+NJ6dMzbwCyxYpEyUwJeyjEgYg8cYxRQkwpAACSEiCAtAlv5xxgN/TDOI6sMAwDES3bhojk8Onw/OnTp93t/vXbN7/98Ydvf/huXdfH56dN026/O6RQC7TPpZZEVCo4ro5SGripC6seQDVVLqtcIlIRFUiavAleFhyfX8jZ1qjOyBVbXggUpes7AEDubwdD6FMRc22gWMWt9WH3MdwTZqbL/GC9U2WIwi8gCWIQzNCZaJjkrfGiDZfV16IViASgdABzwesFVevHw+qzyAXntgEvzbAgCgBM6IjATLwkVaVb8CvGYBlYVc3QuSIi8qvOSyuxoJEU1ZKp1Gx/qqHvVi6oKhZJwc14HqtJq2RRz1tfJM8QMcNVNHRQbBwkQudz8kdEmNG5ru99P3TmswCASQpiYIM6kBz0NtlBBcVXm3a4WvQlIl2XM0rOZSQIduqcn6bB2tmJgMgp4DAMXeedcxbIXJblw8+/nE6nYRhSSr3nvht++PG7779741gA0zR756V3vXeeiKzi4/Hx0c676mQgYGapEHXVSM6SVFRRJAEQEsSQYjxUekLEoMTMQrxtum2bSvLsvHfEmFJaliMzE4OVq3Rd1wGBQkqJUQV1XWMIAR39m9//7btvv7l5fZtUXN+NuAMAN/RdQOv4rFanRcGsmk4uuxxUlQChoHWCKioQ5D4jAgRRhYLu1+AzaIPF3zJ/K0GMNqz3pP3wFRm3xAwAiGd1BQByLvqsAREz7tTeKUyd7ZRWcZZlFD7PkvHXOCyP+EW4iDPWpbZcZsst8kBVz49QPTs7dJvq4L2XELOlpheFKrX2yn4ld5qr2qiwXEklmqDwozjMIFvKBJKQFEjFITks6A8vryvx0b5fH1Wbq4Y24DJO7orLKqWH0rY1FYTkqliyzI5f2W88F/Bd7DIidl1nuDUAikjO0TgN1qLedV1KYd1CksSuI0IRrSCj7SlWAcdNh24mOLBxxGSNncTCzF3v5t0U46aaEE2EsXWLWt+0KoZt+/z5s4je3vYgiiTjOLx7e39zO4tuSDROPXI0UrCkxpcvXw6Hw9gPzJxqsbNtJpaAFgBmhJhsi1pszqKwSWKMkcn1PXnvVHXdxJqgVHULi4jwAMwdOzqdDtsWnKdpmpzL2sszPz8/hxDIcVQ5LYui3t3d/fDDD2++fZtEPj0+7G72024OEsBjh52B/ULJypvUqAZ5FRxZOmMFxzwHCyrNVEaq8ZR6Rq3sqGLlihjqh6FJ6lHBl2llR33tfVdft7KpeQHZWVQAwGo+Q7EHJLc71ae4uJteDrhvH9zYgV7wV2Wxi2U04qPKOACwAov2DnnroPhf6WK+YrstIoKU6/xjCFdlmfbJoR/xIjqZjQNmzKHTdV13u51z7uHhgYimabKypdZeqMdTAQUsNZDKRJxLiZ51OCKu61pDlVVSVKVUQ5g1XerIV+5VVdWcrzFbAzG3qBjqPDOu68kindM0jOPY9ab/A6J7enpIEojIgD+NspftUImy67ph6AFgXZe7uzsspnMhAnvk7CVmaPIUYlrZTQ8PH4exG8fRe2+WgIWiezczc9p+eXp6Ohyepml3u9s5T7/88tPf/pvf39/fdD3d3t07jl1P4+DTElTVUrbJhr+KkmbwFFVNFtcoRn7nR8uh1NikBT64ZOxEBAkUZN2WdV0fntdpmuZhHMdRIa3rKiLLekrHZOlt31lrX4+Ah8NBXaeq3dCLyMOnz8u2/O73f/sf/4///fb+NsYohMM0okPyNPCYUur7AUrkq3rgWGqlayDDGg4RMerZKmmxFDp/DRxBDJZHs8iuhZwqKf5aJD6lVCHdzQKqwHFVb7XanvnMV5XqsInNadPFCwBUbOHc5JqdLM1t1qU1rAqpqFzZDwBKk1wOSZBV5TdtLKV3tjBrHabJJeENQA0yfue7KqxNGOV9XrfMnukcnDLpYGUmBYw+m/8soEm2tIKlYERTjCKypGPmXCRJkkJUiQjgmBNHV3mm/kbWciU3lkqZdqUGeGGbXIn/CyIoXSqtDLryY+2HinZyCBcSuVVHmAebG5wPIKqVCFv9KDvDiVWR+Px8NMYgQhEpo0P17u7OSLnCWwPAPM/2W+1iigAV+zo7AARmFNEk67y78T7DwAAIETtHXeccESLd3Nz8+ONvHx4elsMS4iqK09i/eXv/9t39OPaEyXfMTkM4gdDz6dlgkGOMXdd5dhrTsmxluxARDdE7paR07q2AYtVDqa9BRADjW4sawN3dnffeE4dochxz+Tlj13Vj77uuG8e+7/tM0EjH5bQ+r0rYDd3929c//PDDu3dvIioSCVpPNwGZp6A1wUzNUBttrNFKIfYnFPDsgEFVJUlMYt+SmNptR0QQjVtAOodXqwrFS43dShAqNTK/RrT1n/U+VZT82otWvRfZIVrSICY+qrsEjRJFRNKLbtJzkPZr7XkvpeHVk758alPnxVHS6iy5YtFnaVWu07ooAhFJmTfYsq3F2mNSSUlFUowhnWwnu67ru8GzixAkhhRiCjGHTqv1jo2dWZfY+HUXWegr8dH+qUpfLEZdJY4qifWyj9AO2zx2RFRoAdpsTIkJEQWwyj0lAivXIUZ2BomGACgCCom5c86AbbeUUtd1/eDZOdNI8zxrDlLCNJ2zU3WpZhwpAICoQkrJOWK2CkgdBl+MJ7XsqVkfmhIR9UO3mwZSORyepml4++bN/f0Pf/d3f/vNN+9ifAaI7IAZk4Sb+f7zaTHIUtsNEdnWtYYMrS4gFQwBaSa5wzkSFp0j713XDVXZZluGJ1XVFCBmDldJKSUiMKuty8kjFUmiKYietvV4OvTj8P7dN7/93Y8//O63425ew4ZEwpogJ6cUxU5EixPemhutM3tFM7XKJjUNRFe8gSWnIKWx4Ep24NcsfGw6UKrfVJVipcmWvVsnqGXdKzY+S5DzXa6tnvz25Trt+M7sUB/wa7IAG6sHsgFc3JmvfV5VKxpeFmpFjnA/tA/bvriShnnlSQAQKQOAQBIbTLjFaBZr9nDZl81MIuIsU2iazZWKwKrcsLHnjfhiM3UtP9hlUqaKBrv4Uta0ZHQla18Il/MTIhrgVV1UicYzEiOzs5i/3ZIInKdhvFXr74mbiHS9m+dxHMfnw8EAry18W4OmdWBKFeT5p0m995BH4wixMpLzRAzEwo6ImIic44rV6DtMIXz58vmXDz+p4g+//f4//Id//+13777//r13sG3iHTCzZ7EiTxsmlEofR23xKFxqDfXknAMl2S7IvW6dzUm1WhVbxrZtiHraYkophSAiNisgRTAL1lqQEa2rINjt1rgq6jhPt3d33/32N7/54ftpvzsuJ9916JCZCLTITVcP9OVV32/Jo4oVKenGlrrM6ZDL1KyB9NZ7tlRU37yQIHV6aYHLxBJl0Bem7tUiX764EiJ107/6yFdX5QhorOyq8LH5WCsHW6lUS62hSUVdnb5ejqSQImrr84KcF4zFxc6+hUiqkZEyOZwRUzqP4yIFSDGFFGjdugV7hZTjpp7QUSkTlBq8bCSFFkzHWlQqlzmz9knaI6nnVCVCE335iiysf21Fkl12A5MdZ+uD0VLWmMsNBuvrTSkQGaq1Ox6Py3IEgGkeTHamFLreDcPObJaU0o4mcxuRfHYpERQ0xaiikEqIyDNiCnFTVd/ROPbM6BxV1IwKQexIGSCloBC++eb9b3/7w//n//X//vHHH3zHoNvDwyO7tNvPY0+iGzv48OHDly9f6qhXJHLEDmldrXwOYkqGzGMf2NIGjXSum1yxmlNKIa42hCnGeFpZRFDVe7aMrKQYwrrb7Yah65wLwcBo1ZlRIDKM4zzP92/f3L95Pc8zIoZt870zoEJLmedkSrrO4r+8rtiJOZfbEJH3DstIdkR2rmem02m13bAnasjqguFbQnopwrQxdfUyRXhFuiKxfqV9cbXy+t+rQQPlp5HOFvc5zaGqgmAWibk1BZbVnHqsVoi1a6liFR9mcVS20saoMVGSI6BwTjxjsU+xsbZaeaeqNpjCPiwlTECGWyFiXaQiEUQdMTpQZ121q4icTiczkGtu3pkFa5FLKSPIx3Ecx9GQb7kpy69q4VpkNv+80gz4wvq4Or/2ya/+iojmF1gTZ4l3oLnv9gjM2HXOcD1j3FQBSZ1z27aFsIpIP/hpmoZhiHE7nU7zfmcN8hVGaF3XZVlsxLmxX+2MBAARNBNDFRCBmcax3+2mrnPe+77vrCPGek8kSQpbjHFdl/fv33737W/+13/3H77//vvTclhPxxCPosvdPN/u9oDhcDyJysPDw+FwsMWY1gA+A+GYKt62LUpCRHTctm60oURVNWQjRNy27XQ6WYgnpV5VPbNBBHjvVCSlPIY+pbCuawibc84U03yzH8dxf3vz6v6+n3olJMeD66H4xgyiZMMAgEoCQotxUa8LC66NpypAEo0JHXpiZt5Ek4K9n5Ksx9NyOjnnGKy2x1dBcH7yvyqk4AWclRbMC73IsJ6p8ddExssXci4Ct/7M8sdmYTWuBwCCZ2mCiPCicqo+UV4MNm++8DXa6+rZWz665L4L9jT+x1IXlyNNDkKopftqQycssJ2E+r6HAs4sIjXRpqoulVaUlBIz202HYbi/v48x2tAwLpBW0FgfVxc2dpqtL5viAHAZ+2iP7aVwkVRq79D2gm2QgvdW1WIVO4bIyMxcR4RSSRURkapYUKPv+743JZbMTlFVK+60agXz66hBkayyo8QXzmbU4IdhdLvdNE0DYIbJwBy7SSHEGCOLbNsJkL7//rs39+++//57Efnw4UPncb+fhnE3TwQA27Ydj8eY1gqZnUqLt80xqXtFKQenVBUkgZg87Wr1TmZshymdc5aI2Pd913VAu5QSqtomVQpLKaiSplBR8g2mZLzdGxSQoYclFQ9gCsaKXAweRURQUUSIPXxN/7cxhUt2TXjGfCy1WGW6xbquh8PBaJSacUpVD0m5tLEpLn8ZsUTxytHIlcncvrAQW/4nXH/A6DDzHpwPoooPzI2tchYZclEsV8VZudsLb6hcmSOoSWOr1l57vZQ79StVHOR3XqLwlRd5hXCGKwcAg6a2UjfMIeEis5JYeNxqc8jmyChrkqTRDCfXdpdWJpym6e7u7unp6cuXLxWkozUFr+R0le7tGWZJ0YSFsbQJ0WX0uxUr5zobzXkWM3+s/JzIIDmgio/qyBlyn32lxorZIeYa8Dxu43A6Hg4Hm+rsvTeI/d1uV6sVLPFGBW/OGlsAgB0Ow7C/GXe7qe/9ui1YIDNUJYSwbTGEcDP1GLTvu7vb+3keT6eTzX/bv7t///79bt+ty5fT6fm0PB+Pxy2cTqd4PB5zvtaAf7qeAQ+Hk+2JE2BmjCgikpKlnpiZiGvxmzYThmwzu67rOj+OYze8DiGE9VQq9IOKiESrhS0n0u12u3mavOfh9mYYhv3d7e3tDXsnuQ/I1SpXscK7UlaE7jrdhl8xIRv1IMIF1ENKcQGVuSfrum7bVocqhRBaPqu6/So+VX/IWK6stIW/upA7req6ioBeMfbL91NtbLsUHymEvAy9yDO0vGB/zgv4lVjmxU83Zn7zjBdWv1y09mVhoaoW1LAVtmqeek9IdStiBEQ8YyZVDy+WbBc4m0wODVzzGR8gaAJHMUjQ1PejBIgi4KibBvQsBODIDbmmkL0fEqaUFDY1FFtVAEL0iFwsuaaymCAaLAPmoEVSTSFQrgIAotJQkgdSgEK23C3k4Zwz+8J7ZxHTPBuhBD5cL35QoG0J0Tk3DzMzxhiBErLrBm+uCgDEuD0fn8b93e7uldnMYQu+H4Hcuq6ndUlbCCEAinUzmPvnlEkAIzI7p0QJISQlWA/Pd3d3XZfxezz5fvSpY+nkdjd3Xad4eFifcOWh6779Ybq/G0N6/PLApMB807vx81H+/Mfn50//ZOWMRLSf567rQgin46pMa4oAwJ7HeVKE0+kkMQLGEGNMiyvjrMx4+fzpqYaZmH3fTcwcNtjiESSmFCRtmoKkTWJQSCQ87HfjtFNH5LphnLthACIcabgd/b5bMQ7O7fe39hOeGQhrSgrqLALO444A1BC6VVVEa2vmlfjYNFq9NwKC8R4BAERIERL3bsJZVde0UcfTzbytAUAARJIWdIIkIliaG6iWjapZYa6QHyISWZG3GeQqKKIiJHkACiImSlUqtaxu1pAhjJh+tsdxns1LrQLClkScRS1Ahq0EgJhSCqGWt4hAAkFCQlqWzSq+TktMSSzEu23b2DHkOQtFZIjF1Mh2jAGSJEyqIWlKDrrS42dCxGaV4RpXbJy+swpPUYkYHXZdSpJEdQMiACTUXIUCCVSEVJloSymspxACs1+W5bSufd/f3d1Hiaf1lJN2V3l1EXl4eLDRUvAihqyqAFZuQOVLqZYMQRkRYZLybHF9zYMzEXv1DuWpVKYYbU61KVWsgUw7EiIinwcg2Mxquwkzj+PIDutUWgBQPTfd1PSwFe0Q0bZtKWRHholrIrbrHaAQYdeTTYfynong/v4+pWT97H3fp2hmJM3DDAAiQISdH4ZhmIbBIqwgKhIlybrq8fnw+PhoMRdtiqxz5yWKuTNEZL0GliEyra+S4w6ImHJBWY6WVSu90fYRJMYYYtgkLgjKiM75eR53u91uv6e+R/bO98iUFF69ut3tdhW9ombWf824AJAM8giAaMY2IKrNmjWCxtIvCnAuJG31M5RiavNGtSRoUtM1U3S2tkYHNfF4u66N+fL1C+tYpVIdNZOJoHgZV6b05RrO5kzDDmcvzH69GvJM56NJ6SLyUpMjImKBKmiCA1di134IG3fMfrdWD9b/ti/q4uvKbWAIE1jljloANXujICrnYpDL4HR9KLusKs9lKVs8Ovvcuq6//PLL4XDQUnLX8raqQu4IkJdLL2mpFybc+R6q+ZzOdHBOaKHlF9mUq5WWmgBFRCJ23lBFuYgPrNZvFbTmyQNKTX8CZAGvZchLlilJkgSO6BlBcuGmz5lgdo7meVQVRO0HP4591znnERHGcTgen1XB+y7GeNpOiDhNPaLl+cG5bprGeZ7HvnfEIYSwbjFGSLIsy5fPnx+fvojGaehVwQ5DJKZ0hkFQVYO/R0RC9q4DAIlXCW/N6DA5l+HPj6ZJRINGFBvpHBCg69w0DcPY3d3dDePohx7ZKSL5jtkLws3NjXXcxzIXkkvHyhWj2tVGH1qWq77wFQPU+MvVrdZ1pdKqU28VY9QSmrXdqN6HNmUd1FSFVqMdSiqh5R97nxogiwTX1gdcOlZXujMUJ0VL41llJ6zhKjPsDRBDcdu2dV1DCG04iNmXOtpcEFiUxDkcXjcKS6QTSryj7kO77Es2PO8bNNaHHSt4ZqiTgAkBY4g2JQ2bzgAoNmY9F1fowZt6xXP56hk4wDx2iwu04iOVeS4qaOOtmNkM2mb19uT2GA1oWCvJvhZss23qOivHInZowQ4TH8zIjpxH58g5YLaBCcjObduGmOHFYtzQYD4G37BZnroOZll6n0WJRIEEAA5pmqZtW1JKjnI8hXMZODB758l7IgaDzCCi0+mU68QUj8fjFpbOD8z8/HSweQvzOA/D4NCFLW2yHo/H9bRoCgBwOp2enj6HsPQ928xgZgLQlEyT57ALIouISm0xM1NZy3Zm97kYxuK93+12u92EiHaC27ZFYEZlB13Xd8zzbry72c+7cXezU9UtppBCQup95wdvlbgt3VS182viI0lQzY2O52kAAArJPFEsdTxGzG1+HhqtWK2GqgOKmDjzamljO4uCK/FRAyuVYbBw+LospWkbioGcXY/WIsASz2rXAI0Or25//YodljapYmhDwuRqn5cqtttrxqaNBEylBQy1enYIYL3ygAgqLTyKihmhSi17vrya7dKvPA4iAqlqBE1RFQVze36mNkSseWiTcSmEDWBZlgwXhAopREZynhlJVEB0OZ5sLzrn7WEIUJMkkb4nIkpRza60E9dSGFv3tCqNM8Hl17Y7jbwsqsho1Mq3iNQOm4icI+e57w3Rj723uXAWWleDVzCj1wQNIloDaKVMgCoLuBsM1AIkxZLviGZ+IyIhWAErEREjoIrGzlHfO3YoEkNQwITkwhbGsVfVZTmJyDiOAPDw8HAKenc39P04DjOiHg7HZTnFsMYtbNsCEhFxW5d1WwDVdwRG3+fWSasBr56gnTQV/FtO8TwByGjBdFUp+bMioRTTFtMmGtmT937wrh+6aehvdtN+P4/TgIhbiiAJkTvmfvDTNEzTzpDBa3SjpjCuxEdzstK2YKia84IiWpwaOQcMVVXIZEpWMGpwWAbPg5LOgb7C4WfSr93lWIsxL5cEDaR4Zs6mOO28aXJOuATJzQG+4OtokpSEiDSJNYxAEStfZU4pLZfaAAXU/J1jsdBjKsN0KFfBniO+Z0+HmeT6/vV3bRNa0wPanM7ldc4QvZAdSQBSQiTIcyaKZ4VKCCiiKhkuXDVuIYUYY0ys67oej0cisqhFWDeHCKpifoDkQBHEGF2e65ttE0RS1RC2vve2vhijCBCa6jsbpdCIaq3gTQX2wEI7lMH4zrHrKj6YNYdUidiR977vnfd+nkdig0jjIsJFVWt0o8yLIwAgrpH2WIVaDpF47/L0s2TF7CiKBOu2xC0AiPksvcvDK4mUWA0/FRFFkyqmlLz3Kenp9LRtGQr0+fn585eP8/49Amui02ndtuX49LycDjGGzrOFIVRSCKvIxoiaMKbN/EFDgkPEmMtEQwhJBZxjRLXxTgCA6Ktnk1IEACRA5HHsQliPx2NMGwCEsCHCNI3DfnbOjZ0fx3Gc+mnou65DR+u2qWo3Dvtx6LvBdd4Pfec75PM49HqgrQHSyo5ycK3JUPSHwQYSgFU5gUoeRHRB7pW4ualAtTevGENVW6uBa3NDk8EVkRBiNUa0+Bd2+qpnDoxpyyFYdx7EgY3P0qgfrc+rqrUyu67KII5znkiVCyCT2RdmfZw7Ysruacmg2UzsWn+AZVxTKzvqAgpVn0vIWsetfdGuv3ouqiqKYCUCoibOanUpEqiixSVEkUC1VD+rKhGHKppDDJJCCM65c+lH7aalEkCCEsvBYukR9YgoFYup7KSU6gmAxnVXyQ2yDbWhjbWqzTzZTi5SWRMTm+Dwnq1ww3nyHVsBiA15Q8oZbiJwLg9qtTWIxm1L3nvro6MCmFzTTrZekz4EahiPjhAcEdE49je7ue9LzBUDMwJEIt/1naoXSSnKMPht22wemogcDod1CUz+1e1rAPj08csWlu10DGFViYiwm3tHoCoxrDFujgARYlwxBspZPWIGULRymxBCSgpqHeKcj79M77bwJJFDtEZBGsf+eIQQV1WLBPEwDLvdbrrdm402DcM0DX3fA6iIuL5DxGEa9/t91/cAmCx1wu5Kq+ML56VVxfIC+EtLpXLLA60WvbqVvdnaCNIGCV5c9hVXcDav2OPh4dGK98uulvhrw4otU7kcq9L2QbCp2mzfV1UqzpE9o5SwK5UQbP1wtkFAbLVYwBzKcxgxcwylyMCaD7+Wja6yoxVnVd5Bo7DrOs88WK76RVWNooxiQh7MAoCEioBKqpIAVQBVG/gbIudjzkJYMs6Eqas3NeQic2rqsqTEqLD0LCCisFGVqXRu6QTxgmig8V/OVkYOboPIOdJrZBrjiaizBghLWXS9AQuYGSxIhGQR/myS2ZIMHc95soSIc+eiI+vENem+xajKuVGFUIBUEyPM8xhjJIabedrvJytjZeaQnkREIRF7699d1/V0OkkCBB76CQAM4piZb29vb/Z3D4+fP3789Pj58xYWR9gP3Hm3eeTeg2pKATU57xFxC0FKL7LtsYha+UOmhtLQabSogpoKrCuRFb90vTfxoZB8JBN8Cmkcx/1+P+xHY4BhHMZ57jovIlsM+25W1a7vh3G0kbSYsuKtyqAqt9bVrzRqV4wbgDNPsxYli2DBoTh3u2n2O7or8VS5kZqy4/YrL2VHsSaMPS7Ex9PT0zRNzGxxnGKYJ0mplhTgBfZdloZVTNTHbEWevuDqGkGzsHeVVvYg9rtEBHpuEVzXUDFNTXzU5zViizGeZ0VeilfbTDib8+b9XYRU2/+24rV9FtsTVUBkZCJ0hCoiYRMrkEugeHYdIAYL6gszppQ0iUDpgQ7RSQoIYr39nWciYoLOexEBEACdxt72OoZIqIadZQUZ6xqW0wqgznUVo9w6QSyho5KlKRFRnuWdKSOEkDtZcpVH1j9dP5mrYvOlChBWnzGB0E4FSi5d2Q2mq821WRbDPgjrunrvDf4DEWtkTkTiuoFznkmd27bFEfejJxbn5rHrxsnGxFGut0GOUUPYYgyqMs+z953h1y3LmlM8gOu6zfP86tX9uq5Pj4dPv3z48uUzMdzsZu+nvnf7ed62ZV0OMW6MuiwJUEDUM6sqs3fObWt8enrets05h8DMmqLEuJmJZlGh7SSGrEkE/dDZUlXTup2I0DkSjcTu5ub21atX8zz7qbejUdUtbgrgnOuH0foG/dA75wDR57FzmiSjpbehdDNTqzsNcGa5K/Zu/1o/3PpBxWDWJnpTYZMRDGkiqWoVKOfkguq5qZKJDfckxuuMCZamjFKQAsa9RmoWFBHNw0NFQm56Kt+q+lpVCSADEpvRXqSMyxAzEyIuy2JxdOt7hDJQGRG7roshR2FTg1mhBY4bAMLW9gcGiBXghvDSATEfR5t+YiICCO3OtwLuysTLfpmN6raUrYhCzip47yVsKUUE9UzsOxstTERgxWllbq5lrSygkwfZtr9XH6++aR0xqjrPczqjhGGMZrNBFefNk2RrAhufGRGhBIvrj5oMYZcLme9e7Ww3Y4wKiRIViSsW5O97PwzzOI5EoKpR0rIeT6eTjWuB0gTFzIBaBKdZXKiKDilJ1CgOHBF4JgAQjdM0eoPP8cwIhCoq5nwRAyva2OEYEyKq4BYiodvW+PnTT09PTwC0m2/6bvzv/+0PNqvF+67zNAzD2A/D6LPkFtGUNomUp/Dibt6pKgLHEE+n07IsItB1znvHDAFD2c+KgoFFnZt8j+y8c12Mgdn5buw613XdOA2+c0h5xBezqRpm78AxoGPfg3OArEDQdHnVNO2Vwm/1WEugXTc03q6r6DtntFCoX/lKTvGvaPh2AVhKIeqbNaDQmgwAcH9/bwXvuRUgBDxDBITcjgDZeNm2DfGib6gVke1S608zn+cqWAjMfk4KXL6VcdfoCZNrPy8lE8QFJ6VWuNhP04W5cc681piLlNrocjRfyWC2X7wyqartA6SgJKSETDagiJgRHYIjRBXVIEBQ5It5JMZi3sI0iGek9VZ2AIDVsdi8guPxaPVRNzc3poi8dwAUgnl6qqXOBwDaQlsiokuxkkF/MogTMrMzP8KTWYPVbyIiM1Us0z6OvZQUQ+7mgDyh+nA4WP0VFGRTM+mr2UwERD6Lc8gHiaieHXkvGhFhP49mAXlHhUJiSok7cM53XScJnPMIDEpEsK4pJfn8+eGXX35R1Tdv3qSkf/nLz3/4wx+IiBl38+Q9j8PgPQ++E92MaCSa1LeMACI4AE0pLct6PJ62LebgMFk1JxFLSoIopS8hOMfOdYZgwEzOcdfxMHLf99M0DMPgO2sLEADZttB1ne+dcx0gKTI5ZvbcD0SESKooCtnvJXL+Kz0srQS5MvK5AItj09YgBYyyfqz6vzUL3Xry0IwNa1nXiARK/MXYHHICNRXxcRHTvb29VZuJY6XWjXwxLYiI7LN82bbNe6oWjcivZjRaGWd0ZWk7YxAAWJbFLI50CdHed7nKO8aYCvAXlY52LCmzXI5RxtyVx6n/U+bcaGuJlzPEccNfdRO+KlDsRbLjM7xszDW7Yq18GVUHCUBiyg0cTWLb/ihQjgHAcSu9FCBJ9a5E1Y3TfppJ4enLg4h44jWcEBH8GcfJNtRS36pqsOZFYJ/lUSU781css3MWHy4bzE9PB++9sQEAxLRhgQJkZnbntrd1XbdtCUkMD7HrOtVkSOU2Y6Fky8C64+yczAkiKhtI6pA9o/eMiExwfiaNSaIEyMNrHQHksUxhU1B6enz65edPj4+HeZ5ikD/98edPnz4h0jRN4zgPfU8EXAZxe3aO0BEugKggEg0iZF2D5VmWZTFrjpnN0rHNNJ0JAEKRiGJanB/Gsj+i0TnqOnr16lXX+zqbJqWUEqiqld523cDOJSVFwybpyHlEVECxpm+ymfbsijj4quyoXHF+U8C4onKCikopryQiQLA6HiOYsOVuc6sg11oziJR/Uy0BAKDn/H75uYuQbXkfq1oWEWZXNXlrSVlDebVETAiklBwDEjkrtCv6prJHq8BVFRocs5fWhNXsmfbS8klTfs1qz2aXlZB0fgAAM5O994xfB2G0+1RJ3UqN9nTqt6r4w+bKfzWPALj1DMonQUQ2FbXEX4oYEyQBVeESRSqiU0Ucu4vUV13BOI7ruoa4JgnssOudqvaDPz0dTCwRXeeWy1JypV/RGGUX8ossboZhMOuDz/4smvC2qW7OOdtTK8sRAQujEtG2xePx2cqibDDnNE3TNORCWueGsYeS0CklITlUJjExgXfecNhVtXd+GDtVG+UOqgSoCgKSQNIaN2b2vkekFCElWZewbQGADofTcoqIHIL8/PMvx+PxdDp99923w9BP49h1DkAI1SqCyXsAYOxUE4JBbAsqbqtsW1iWxcw973pQWJZlGAbRKBoVkkKCXCERfYfOg/PQDYiIIm4YhnmeX7+5x9LNGZtBedM4dX7wXQdIKgDE7HrnPYJDyFN/FJmRbDRfDSVeSZD6z9b0QERVA1tVxFyqb5EabjIUiARAAKQlKqdNR3+9Yav5G/NHrxbQsqKtCIoOs6h5ZTAiwlKCsW0bEeaMjEJs4MgqC7Uv2h3QS7+psmLNkTXCi6tjosUIojPsc3aOUkpEyZqYwV/Egwno6nftv9WaK4R9ztfWpcrXUjPtcwEAUIEBJzK0Knvbe4+GLiDJwG7q6WSt32yyEVhK6exQtbIDSoT2cDjY0i0SCaVabl1XQ9Wun28cUfu9rySi6zFj6YgjoosCIMTd7sYMgRDStm0i2nXUdb2qMHPnByS7Q+4EWcPGjH1vaGM4TZPvMoIJIpqBUx7Q8rjAuZ+FRCOpzbV027Zg7kZXsngAKZIOXR43p0KaW7YkhLScTqdjQGRQ9/jwfDwe+8Hf37/pB+8YLTHk2DEjU2ZpBkVCz516UdW4SQwREqcoYYsxJt85RA5hXZbF+Tx0khmZXa2LGQcHAOwE0SDIaLcbXr266bpcxRhCqj34zDwOMzMTswIyO0Vm58h5QAZEAEYVzA0BjghF09V5tQRag6CVqlQQgclaNgUVkNAZ5MpZsQiIgjTl5C1VFGKg6kdX8aF6rhuqxJPZA7j9QKt4sYk7phi3bTNtaccOAGnLLaTee0Oob3+6lZuVheqjtGrf7myrMm139WGRbOmXfTunhOuDXMH3VfyUK360/WyiyPn+7V5VIdu+uLqssRCBtTygzRBynlGJUQScoggKEQF1HjOEBZZ6CwBwZZC4qw9zNtsQEbECYVi5/rZlQHArj7E5RiVoSlRq/i/kXLnyu6W1+byzgFQbbs8NOZqSrmvwnr3viWDoB+dcCFuMYlkJbudaHx/MmgohGCwQEti4aQPUq7LDfsVCJJALij0DeJ8RB0tHLzFazTWr6ry/dc4hUoiSkoYtxSjbGp+eDqfTcjot67qeTosIdH6Yxp0ryMzOUd855wjV5tFGh8AOmci7XmLaJCzL0tGMyEQOQFIU5lyabblbRM2NtS6r03GglJL3PE45I+Y7dp5M60ouPcjQ8GbE5f3ljtkBeWCHyMieAQEFhEBSSbdTklTZr7JQVWh0ae6q5vQeNWA8tdCoFUP1v218Ia+rmUGplzEUVTWhX1mpMl7tOm9lkP1/W5i5hGnbTFV67w00O6UUt000lZ6UWDatkYkN315d2ujLlneu6lCaB6T2ntr0s9SEbn2KlFKu2nqxS1TmfmpjhUmT+ar3rMu74L7L00yoaCWnqiIKokmiJwZGNpdbkiqBWYzXHEoG6J3jlFoCzli8OJMaNrrZWNG6b9d13d3uMjQmEJwHElMocyLKQlVVW8uC2/I4PTfstrExZj4cHlS16zrvd/M8G5AvMRyPMca4bYv3vusdFk97miYLnS7Lcnd3t9vtkkQb3dyGxKx0ipk734UQrHXFO+eJzIspaWAgAkLSjFeeZw5ua1iWdV1S2PR4XE/HsG3hdDo9PjxvYfHe73ZT1w2n02maRhHrjAsAVmInYd2cJyIkJWJGxMiG4SxEYtZoJoiUC/DXdS35aVfiyvY4yTkex3G/n51z27YByLZty7IQEUIOMRQ81xLPBkIi53plFuCk2FktkBJQUhVVkWS5vPOcQLw0QFouhaKxUzI3G3MVD4IZSnUyQ0tURHQ6HV6qltaJ+CtsXCWUlhS+qgKU6p4MapVDlVYMKiFAyaSKRFMzGlPp4SZJ53KVmt2oj/xSfFQTA882RZ6PYQ9YxUqWjCUtLXm9Z24s9RDnyQxiHdVn/Xq2AbG07V5JhJcC9CyJLmV3u4daApGWDNQkIW6D72jouAFnrsJRyurrynPPi6cREcGBpZZEomhSjKDxeDghBMcT6DIM4pxzLhwP2+m0resKQH3fO+dE0rZtzjFAAhCiHGiIMa5LcOyY2ffO5tbEGNmhdx5VHTGmuCynaRrm/StiOB6flu10c3MzjqNA2uLaj05Rng6HpCkG+125vb3d38xrWD9//uwcmXsJAL5zw9g/P4eHh4cQ1v1+b1DA67qmJN77YRh6ip4kpeQJe2bvCQAkJmZvGt6azVMCUUWiD8ePoCSRYkBQF5RC1GWV58d0fNb1JCkKa3ST3IxunidV6Lyb+m50bmQcO0pMG8CyPLtpmIfZObdsa5C0pRhV1mD9VIg2WZbROxqHAY4Hh9R1rh/82BtKAKnqzatBRIBJiCMwdaNzPfiewQMAErNzfT/WvtugMo6jQTGqBm+qRQS1poQBXYaSRVQGr6oCoHCePZ9ScsQIhm+QMvy1KgKMlIPDiCguT4qAGBgVDL4lZ5xV1UJmVsSde+ScI+fY4p3miiOiKlpUTURTqu0qpCKghJDbC0s8TaTp7o0py451XWIIquqLt79tcTsdVbXv+857RIxbEkiAaPnBJJIaLyYreVUprEjMCNYjwwBaSwSIXC7HEkAmJie5zE/SeVAW1hkuRJRSMEgKAFjXEGOyyCsE24GcgmmYX5mJ+ZzYEhFbg4kOBMQ6wU/UE6gKiEAyiBOxaYmnbTUZYB0ZnLuxE4WgskbtwDkUTSklG0AjaY0hhOBVTKUisogiEqlzTcFcG5oyQxpF5Onpadti11Pf9yml4/GIiMMwWJdta3pVmV3Ftt2ZOKf+KyytSXFi6J11ak2IuG3ruq7DONjJ2c5avUlK6fXr18tyPJ0OIsIOTd/GGIdhsuTZbj+LiOWYbbiUiKQUbNi1Cc4QQted8zjY+JDOW4RPrIrRopWIyORBAAiJUABDCE9PT58+Pj5+fjg8PZ+Wo2Pt+2me9zYdeo2raX7O6HvJuhhMIT8/PzNzlBSbaXv2gASKiAQoBADQ933HzsRH77sS18RxHEREEJzrEBGBfW8TORMCkeOcZzF+UHV6Htlzob1fXPZmxfLMDFkMQ2oSme3duEn0Ip4Vna8ZnCY9pza8vSlRt2OqCqDq1Xa1X/3ddj2tmt22raAf5DyLIybCVKBDrgwcbIKyV1vx8uaIqHIOMeQdE0As1eiai0cKX1DT5nvx01QGSmiZDQ4AMUYH/moN2gQ1Xq6qWkyEZ68HmjF02Fht1dsCAHMzHZ0nE3MBLYUk7XZV0Wy94IjnlnRXd9lsTgVUJQCxkk3v+XA4qEbHnSFrres6jqOJj2wfilATwq2WWKGP/JxV0ACANcullNB3+W45IIpD1ztiQzpnAhq6YRwQJ8+kvnOMzhEiHo/HbTmlsHX+Zr/f39zceO8lpmM4hLA6Ytf1CLotKyr0fe86LmeQQUzPuRi1VG5n4JL2DuRqEUrIwASKCVQSrMv2/HR8eHj8+aefUoiA2u+GYRh242Sh5ZIo7ZjAvBhUUYieOMbtsK6qKqAxZgWS3UYVUSUCVQNGh3EevfdT3/mOGckmwjnnlEghg1MSOkRk9s51jhHImsdzvCMKgAhZDKw6vV/josquACAFC9P+aUV9iEh4voleuvcNb1yQdSbW5qdFxHKybcDPlmT5+JaBU7nqT2hjS/sitq5kTRnpvAGAMxsbc5VkauailnteOAhXTPuS5wEAkWs5Qv2KPSlTntRRWJSssrHep3UuuBTUY0kSmdRjPoec4V9x1d4iaGQENO28BtVcDRYs4SfbCktrMjM2ASPjiCw4Qo6CE5EViTB7q4TwfsuAdxYyREQkg5yjvvfD2E/TdDw+//LLTyklFSR0fZ+nwFz0GhRcjyKPszHpnGsc+6iq7Erw1hn4IFhluiVxrORzHPuU0tPzQ0z97e3NPM8i8ePHj0g6z+N+vxeJy3I0sW0uyTAMiLhtS5apjiwSHkJIEhTS7OZc+pHWLE1JrXMb0dr8c7cOoBASojI7Zn46HhAwRjkcwvOX05fPh4eHp+VwfHx8Hvtut593u8kGIKSUUor97JkzSqvdB0AlCZVZtjHGkAz/KwIAKQBCHs6DysREQAiuHBIzQ64ZI+dc2AIieu+865m9IjjnCJmYFCkHDpGRiFHLiZ9Tj5UuW43acmAGoSqfP9sdcqEMq/K/4PmGrCsXySXnm4dCbSCs4cBWptRa+8q6rfhIZSxO+3kREYkpBS1otc5K+o0rJCoVHiYVEcUL2fHyia6uVgSUPbzYh2JDWZN0RcOp3gfXzc/CGe27VhKGAGRWTCtBLn/uIpDRnmkbpYAmyEJ6sW9155m5c95w8FwplAQAjalGrcCyG8xkNgGRY2L2zuC8vKuJiczyXe9MeXad67v+7u7u1atbEfnpp59OpxMz7/d7uUwQtgdw9WxEpIpVBiMZT5ImUUjeub7vfcequizLspxU1Y8w714DwGk5AOgwDMz49HR4ePzcda7vfUpBRAB1nIaZpq5ziGooQURkKGSIuCwLkjpvbqeIJERwjomsXKqMDiUw2ENVAVRim74BhnTBTGETRDwdw8efPv/80+eHz8/HwxaWqKrzvH/35vVuP0xD7X1S5/KwFSTqOnKM0QBGNSJi731KKW5hDRtYA4ir+FTgyNDVmOAMRMDMCmDISEAsMTjH3vfjuHPOSW5v7YBQRFQwCkBKRMTsEVHxXANyaSlUdXqRKavkhRdWK0oZI2Rfq3ewdKw9vpSaESjDEysV1/vzi9m0VRVXKqpqsIXpxsbTrB/GYrGnApGPxpRl5VQkS0olq2qlttVwyJNXysRrALCQ5MWuKELuUWsjx0UKAACkKFSCm60orBtSxbH9s8IOSTMWFxFjiK0ddHVMWMpAqoyL8TxKXRtfr95EL1sK68n6bJllb2tdV1XNM9abQSVjU5dFpYAFSxzX5j9pNWZEXSGXGEIo1Y1kN/Ue+8mbe5lSDlar5tRxedQLCSKSTIdZdb1NBooSQ5DdbtrtJ+/96XRc12VZlpSSGwAR9/udSHLO3d3dIKloVE3ODWTAHDECwM3NbhxHM2Fi3Iio7/thGIghpbQ9Ld67eZ7MNmOHgJIk9N4nCSoAIFbx7ZxjhyEEymYIlwPAlNI03m1b3I7Lly/Pv/zy8fnhJIKkNA3j7e3+7u6uH5hLCQbnsviYkhKSqrfgY0opxK0dZJdSInTesZKvvgkzm7wj0K7rnGewig/0ZUAnojku6Ik9sTO0IQXy7K0bBpAtE1xcmDI9zEbJXgICX+kxRITille7Qy8v47FKTymey5larW1hSwDABuuwlQIte+DlEEltwHeLEroo3Gr5ShvLPKVU6xXJasZEWisGAAAkKbUghle3rS/aD1TyxnPZB9WnkJRBAFPKcDCpzBtVxXbPW96GBtZIziHVdLWYKyl/JZVq6WY9JygJ0SwsGvEBAGK2hYUpICUBlai5LslkkyIqFXwWkQuph6VeLrfMAYHl7lVVJWEEXFeBxDYd+mdl5oeHL0jOed5C0GUpMfMcs0kpSUn4G5HU3UFE1YSYq56YyXsPICkiog5D13VdCNvpdAKAeR6JiDDFdaX9dLufiShPGNhWRt1Nw81uBoBVUjcO0zSNU18UUWLmoXND58zs7Z3ru37MPakmZRNAhti22GrXed9lJFQAQXRXCkFEhuHVdvzy9HT68vnp+LTGKKQsIPv9fhpHIpAQE2zEDrUHAIkRmAgQJcUgmlDCliSkECUmRQjbllIiyFKcEZnztDrfsXOOy8Qyo79kqXhiUEpRx2FGa4hENnPX6oDsbsDurB+0Vvpm3VD97VY0XDGkXtYpVh/ENz55VWIiYu5S+cqZvlurpN4NmgItvPwh5+pQiAvhUl+3LFRZurKfEXRKCZJ56UClrtwK/ZCsYip/MeahJxeJz/YFvKhSgRxKt9rZM3IP5qilibzWQLDu4Vh/omp7VbWqpdq/X9nyLJwa2NSy1dexXm0GdLTrrLJSSoihnoLWgWRGCYCCCACWn8qkggR5Fj2msLW3VVVVqXA/rn0kVQWDlgjivY9RDA08hDDPMxEty7IdDuZSMns4Qzxc21rt7wEAUsakYkZVQlTvues6RDidTstyHIbh1atX4zie1i8K6XQ6Ieq2bR8+/MVq5xGh6/x+PwOA7xARLW1snpHhj3rvECGltIVlt58o11iopS0AjAGSdeUwk+/Y++r1iZWNISIApaRhkxhjh/L8tH76+PDl08PptKoCA0hMb+5fO8cxxjWcFCLTsDFQInSqysQeFEIIQQVS1JTVY4wxSlI9B/DIItjMnefOd5x9L7SYNAAAMKIQUZAEAK/v3pksMFtGVK3ZAgCUkIzsiAwVV1WN66EgD1bSpKafQJuSsHRd5Zl1u2H52V5hg+LlXd+Kj5dKEi6Vp7UsV3ukrqFGsltZ1rLK1VUFTQ4nhQKlkSz45bQGXyW3PgBKTQOZFgEEbZIUdVWtkLp6gZKFRRZ2AgCp7CeWnXR1hSnmPWRmUOvKVREZ+i6GZVujqhpMb5KUYuTm2anUy1SRVDenLunsTBVeU1WEizKzKqHgqhVQNHc6Qc5MiYhBE1ZpFSUBgDV0EIKA5my0Y3Il81IEUjbAbAYaYAV68zZ2tOv6KBl22ULEUCRcq6xMLHVdNwzDp8/Hw/G57/v9NBPBuq4KaRg6Kw/953/+58fHL/M8L+vx51/Wt2/fEmsIK/OOCJ+eTsTQ9e7Dx59evbodhm6c+m3bXKJ5nsdxFBHm3DppvgkkIYZx7InQOau8tChGIQsF79nMENW0bcl2HgDGcZ6m6XRaHx8eTqfTOM73r17/5cPpP/+f//f//X//F1QCwMPj4zBM33/73Q+//f7Ll4/Pj8fdfhiHCSACyH6/v3nVqUiMW5I4dN3QD3Fbjs/BRsmmpIpAwEA89P0wjpqsG7qCzZyH8SDls49RiGCap3EcvetFBBRU0PVdb/NEVGKMBkCfVEJYU8p1BOYDVn8VGqXa8kkVMaIXOD0MiAWGWkqFITdo9WE750fQnfNZpUWOsMENUVV7UmyyjFnLpQwNdyXOoOhY44dYhnhJyT6GECzbUnmJEME4IW4h1fBcsblQk0ZIxYPjOv8NBaxVT1tKrnqxivtyKDHFuo1k8KhUGknqJ5fTBsX0q3GflNLj46NNw7L0ZS1abXeg5akrR7JGf2Idhd2sVpvyXG0eBwCIwWZQMoLFPTRJBPDePz09VZBjBSVFx66bJi1leGAZD+CU5HQ69X3vogrZHFnHKGepZvWzCGiVKFVgVSurbZdDxCYUdEaFhxwqE+esCTiu20k1EQy7/bzb7cJySjK+fv3q+fn54eHzbje9e38bY5ymYX8zJwmqcnNz8/r1HTPvb2ZzZp2zMQ6ECKIRUNhh3SWTq2Z6OOeIQSHFEgoymFWyIQ1JtBQv73Y7VXh+WmJMhJ2k8Jc/f/qH05//6z98/OMf/rQc167rHdI8z3c3t/f3d8ty6j3zOExjRySA4BkdCaGiI89eEzFB3JbleDoenwHAez9Nfdd1gBxtphGy7zwiFtB8EUGLFwKASs4reu+HMV9ovglTLZ0QFIOJEjHonJwXVE1BgF/gQfz1q7G9FfHcgnFlxr/8Vqu3ryzQlu6vsE7rVe2Oyp/wgofP/kL5rZe8XTPNVk/FeShhrfW8qNoQEeKvRBagwfVoeLJ5fEXzWSCncvOyYxTVc8UzoTN4reoD2iIsd1mb1LkMSxSRtG51H6rn0sqLdkMu/tl8BvXCyrj4GF5aN+V5zaE2TeMpO7nQKJJ6TCoZLUFEXE2Gm+le2b6hhjNZQKnzsfrUenJtbKwes9UCMSORd84haVxjCKtzznm+vb3d7aZtGX3H79+/tf7U+/v7H3/49s9//rNKPB0OH3/5ZZz6v/v9v7m5+R0zi8Rt25hyhgVBQBNIcoSevaqr+WrH3kZYmztTnWpERIfWsy4CIhEJ2FHnO+/743FZTqskp+K2Ff/0zx//+Mc//df/8ZdC2Rv57ubm5u3bt3e3N0/Pn3fTMM09U4xpdeRsyAGAMDsCTqoxbhK3EFYA6Kz6dhiGYQDklDSBMrne+fMJiSbImrzrOrMbnXPjOO12u3mefW+wQOdBn1FjHjKGmDRmz59AEFVFJTL5ltOuuLo92Sv+ubpqMOjqYy+opbgtje3QXhfG8yVdVvqhJsJq2pUK/F/FxZCma17bSnAQmzIbpf5JsTj+ObFNudUYEUy+vBQfVYBeyU1JFwBF5rBAtukyiBEAMFniLPX9kAsIUkrJWnLzVLPyUHnAmBWCJtiujkB//Wr/Cs071QFtP5xtzzLbnIhc8WHNZwEAi79ZxaNtdVRBREFQQ3FWTSIhxS3FLUaHeeBxNPOnCfN0XyUskxoXglgVQOtsBChQTkZwXU9YxiAw4ziOu918/+oVM3769GFdV+fI+tN/+OG3b9688d6JpMPhWUQeHj8P43ubhwYgpyUR4+h655w5togZz8J+MQQyneOcM+yhfEIaFYTYYrdmthgssMdStPPw8CQJVTgGfXw4/fSXT7/8/Pjl86KC5i+kLarTeZyGsQ9h9Z7Hqes7ikkZdRj8OA3sQESSRABMEkJYJUYi2o1Tpvgk27YhMBB3rnN9Z+Hus71mZdllw4mo7/tpN0+7uet7LJPMbUtFUlQxU6sbfEohpZAyBi8CsIhg6WdviRIvYwotP5RKBL065RS/DsPVZgqgEVJX8kVrq9uvjCWpK2wlEZTEJJasRO1wrb9ehVoVMVLyuFGbeBZpnuBFCJC7sYjqXIQqTOsyCqwoF/yRvKDzOssWKQB43yMmREQ4Yy8DgHPXO1Y1LhTz6uz9Na2DdcegMc2+KkGgEXb6IrMOL4SRrZzLPqsqSD5Hbqgl72eSKtNzsy7ktaWUnHWg1pNQNfxuah/jan2ac/XtuOwMSSAiFsmrAoyItcAleT85x69evXrz+tWnT59++umn3TSM4/7Tp4+3t7fv3n0LAF++fAHrInX9jz/++Lvf/XB/f3c6nX758LOqdp2b59k5CiEBADsEsCIxM7cQgGo6FlBShhbLiVWLhohISkqMVb6s6/rly8M83TF1z0/P/+2//tM//I8/Pj4eVXgYJgCI2wJEwzD0Q7eup6fHD+/e3KcUTssphNPQ0TBO4+gJ8bgdB+1c57z3mmKUiEreMZNhhSIQGfUSkXNOQ7DYmoEin7UoMwI554ZptKYV4yWbZZP9RBQSMOC5vvdbkBCs5DAaupqqtbZ8hbErRf7a1Wo1eNHBWdnD6J4u8zhXIuCl3PkrP1rXdvVDWjC7GtGm7SehSeKWHnOBkhgy60YJCYv9bqHipnbpaqOgYcKzNLwoos9tLADkfcZeZzqjn9d6ipePX+Vg69cws8EMVy6DYsvTZedBvWoXTA1RayvsLp8CAEAjqhpWFoAAIKooiEi0ArMa2yaEOp8H8bxjRn72vnOdt+cElZK1IWJOF6gEzQpKjK3mve3KAESqNkK5Ig86pzFGQHHOTdPU9928G/u+v7u7iXF7+/rVPM8fPvxyf3//7t2758PjbjdN8wAAztF3333z448/7vfzui0mO6Zp6nsvIgpJNGrCrjsPBIAcrUFEVEiSzNZNdjDnYIEmEUHK027WNaxLVMEY5LAc/umf/vj3f/9f/vCPPxP5m/1d0JBSIoXdfvfq9s57H8NyOh1E9su6ISTG5PzkPXtHmicMat91nePg8PAkIW6q2g+dChgkclIMSUCxNDxqPnIyDBcmA8VFsOia4w7NGxIYuo6Z0SEgOHAFSQjYkVMXNaII5uFMQJTTcpUxEK9I65rI4GqAe4GNkReJw5bKs7LC833Omq3c/IpLr6421lDDqFiS0PU+reyon2ld5nN9Fxv2KgORzT4CKMIEUeFiVplegmVcPe+F+Ch+ipaRd1Ci0YhI6IDPDr7xRb1DFXmIWFO2VDJilUqxBLnrwvDSWvzq2QGeDQd8MSaqPbgqtlJK3JRZlPBNRKscuURsvtp8OylXtUqWKHJehP2uyMW6c+XNZXEbFC1UiwtSyiHJfoBlPRo/jONgPeafP3+epuF3f/PD1A8hbG/fvt3v90h6e3u7nwkVHh4+ex5ev7rvPD8+PGzL+u7N667r2GGMMcWNkVzXA4CzWntQUDH3kZmZwCDDUIXJZuLmYlNRc82onvG2bdsWh2F6ejz84Z9+/r/+/n/88Z//cjhs4+BjVGBA0X4Y7u/v9/s9YPLev3nzxnvPnJzjsefdfnSeUooKaTcO5jswszrXdV3n2Dk3dD0AsuuYOQrAGmJBvqynkmdzkwOmfhyMqZg8ACTIaIC+g1SqbIiByJvPk1IAEHPrAEAhWeiEYWwJsVKbvnBn6sca2SFYxEfLWvVjVXAU0ZxVC7W5Rr2w9n/tMrIpc/8q2C12XddyQjWka+M8FXSvy9CM1jnnilYxKBZXBWttKuKv3ZOrFy+ft1D+udsNM8wSZXFzEWkGy9BfbWwb/aleTH2cWHYeLqtRWl5rl6cvLrDjr4OpiorKNFaaEswkp+IpO6Sa/YEy/ETLi+yaiKVNpKZ78oDYSsT14cu9Sia5JtLOMy8TNLLZIsnW5FLzxs65rqcQ84BIy8YfD4e4Befo7/7t33758uWXX35+/fo1MSzr8f3793/84x8Ph8Ph8PTdd9/tdrtt2/785z9t2/ab33xn0dN1PaWUhmEYho6ItrC2p2LGVa711lSbYmz+Swi5wdHyuLksQAQAuq57ePjwP/77P/7TP/3zsmzjME/TTNjNs1vX0zzP+/3ee79uYZ66d+9fp3ByDOPEu6nvOgJNW1gA4PXtrd12E9WUnOfBj/M8h3UzDZhSClFijKLW+HMWHxWPBZkzrBGdNU/WS3B2/jMMNaqKxmgNHQDA2lg1jv4a036VKC9osVLk175VCSNTWyM+rr5TOeHXfCbO80cuphCYGWtRDy3zuu2sU2mlq4a0+SyuygXA6uJZPI6IgFCbJAWSOvJ1hdDIi5oNuGbRnBFq+5KZmbdtU8EK9Fs3z/ioMnP9FUNFhTJEwvwyUznNnc8hZLoEcLo6LLlM3Lbiw6pO22/VlYj5PGVJ1TzXMpzANryu30BtY0znKvsfXr/6ivQqyXZL5FhZDiL2fb/EZ+ecc52IjahQCzIDwOPjIzPfv74joqenR+fpzZs3y9PH0+n0/v37v/mbH//7f/+v79+/n3fTx4+/jGMPKM/Pj//rf/j3x+Px55//8p/+039yzv3xH/5JRO5e3fzww/f3r+/W9fTl4cOynF7d3zJnIL9hmF69eoWIz8/PWzrVZdfsepkUm+mybhARQZgBxHu24rRtW5+enn/6yy//5b/8j5/+/OXnnz7HwONwNw63Ki4G6cfH29vb33z/nff89Px5P4/3r26W5XkaeRx93zGCiAbveR77YRj8QGaaGn7Pfn87z7NzThWsQiGEIOl8lpZrpRIDV4RxHKdpmua5xN6cH3oL1APAMZxybX6JFFbrvaYhKj8jIum5Ef6rnE9NisT4poYPVBWr36tnDWyDDozaYu9L6WBO+xHk1D42IoQhLzLS2eYnonrb3D8FAE2pq6qyRyuKO51Op8Mxxmi6e1tWRCSFHGJDNPz9v3z5VFWdPX956pTrlVz2dGzZtZOg3YTz8hrHIW+XwtPTk8FWdF2nJdsyTbuihs/xQURMx1ifxd6p+tyWYcxlgsY5hym06697VW9St7SJVGK9VTVb6jutjgSAALECStiv5FNr8OKkjJVQVZ82EUnR3tQUbGSvnI7L08PzxcDOelXLs72owAEUU83KYEQ0hqAiYlUJx+ORCMdx7AcfY3x6etrv90Twj//4jwDwyy+/KLx+9/+n7M+aZEmSNTFMFzPzJZZczlLVVdV9+94ZzgWEAAjhO0X43yF4gAgJioACcjBzl+ru6lrOmpkR4YstqnxQdwvPPKfvDF1KTkVGRnqYm5mq6fLpp2/f/vrrz5fhZM0Qvv3227dvX3dd9/79+/fv3//h73747rtvnXO//vprSmPT+levXqU8W4qh67q2bXD1NlcbjEQkxmjnjM2IrGWXRkoeY5znGbNl1HxK8PR4fv/+/a+/vvvpp59/+ssvwyVPY0FoDSSDYI7OclCsCBFG1H7XdQ0TSSkFQcyjtgFwCDZRteatDmy7unWz4satRcS168CzN18szYt3tqdTlYSqU7Y5vPrbKg9fXf0Xe+DFm7Am/+yiTTVEfShd3ZYX49yqsK/eGb7g6YNVcuqJV9ZQYiklp2xivPQtXgMNXxkzPteS9Tj5L10vzlSLLC4wX1URtQHIWrRBK2jiOg+bWVrtS9quAq+VuCLiNou4nYEXigw26/hikNt3tpJr7xe99tzcRmHqVOhzlOp2L6mqLmH75ax6WchQb/FiWNvNUUpBLMY+pwpWcKCqd3d3gPLp0ydmOt7s27a9XC5xSvtvdl3TPj09/eN/83/69OmjZ7q/vQMtHz5g1zXB+ca7w+EuTuPj509N61+/vn/9+tUwns/nJ4W029/3u/bDh6dSyJCsTdOolpwX72k1kUopV+e57/sQgnPBOWdxSWbfNIzUAUCc5eHh9Oc//frjjz/+9a8///WnjymBd9y1B+capsCM3jvH/njTvHn7mhHmOHZdQ0QxxuPNzjkQiarKTM6z0Tsvx7UqIzrjRGAHRVJKiGSOKIORXC8HS8HryQawVjutO+PLU6hamNuVeqHr63Z5Ia76tTDEV5XR9Vdf/ZMNFKgGI768Ff6NgN/1TdEa8KMvajfWuz0r3oc1BdOGxoDqS7s85ypj4/Yr8Dq31w1ch/dVJf7iRR0PrQQ/uFaKLvYRs1V4vHjGJbi4Nl6oS1OvNVN5pa1S1Xp+fDmTL97f7pOvzO3mY7SpOcRyJQSoL2T1VupNvrztGs1ZzBMjMHUv1uzFiKu39uJ9y0ESunWZ1TnXNI1CMX5NRBTJMU43N7v9vu/7/tXru3/8x3/8/PnTr7/+/PnhY9c1b968+uH33+ecP3z44NwCG/v7v/vh5uY4x7GUdDjs2IEPPM9jKUkEvbVLQXPAEiI0TbuaYVf2KlUUga5r27ZNKQ2XCRH7vt/1rczNp0+fP3z48NNPP//zP/3rb799eHocxgGYsN0ddrsDKKVUFBI713bhm2/f/O533zw9PE7z0LYBVYZhON7sUkrM0DRN33nnGUAIrtUWsHKxbHbJNY5tAITV+FyW1rYUEG69rRqKr/PvnvNx1mX6cgWXXQvPNAhshLxux7oLt7dYflU/uVUZa8gLNhAv2MgbrKrny/GAgNEYgl65RepgBKBW+q1foSIiuWhZvDzdJFxoRfcoQMp5jhEb/0KlvnDQvjwOX+zw7ZtfFY3tTTbaoK7FghV48eEv5WuZzDXzkpe2RF+3B/ELg/TFbbfj1OeG3vZXJWUQJUBeWSSXL5BNdmbzn9km1XnJyVS5zPM8TZN7cbjV8a0eynK5lZ7MsxMByUVACXWFlXLbtqCFEI/7g2hO85Qjgujbt2+bpmm78Ic//GGaxt1u1zTN49Pn33775XjcH4/Hp6eHx8dJtXRdd39//+b18fPnzx8+vGvbcDj2xBDjNE2TdU5znpFAQVSL5Z+ZrlWkTdN431QOtJI1J1Gxkg0nApfL+Pjh6U9/+tOP//rTX//68/t3n1NUoq5vwzxHhFbFxThP0+Q9Ny0psLWAMMaAEIKWmJMwY5pT07SHw+F46BRkmgbUYjrULKDtGle1spqFXP3Y6mQtmoKXeFPdWMyMG2vCTqcvt9dWg+jmcuherCysSvZLs2L7sa36gBdKR7+ig+q5hM/TNC91yvP9/aXKA4DtW6RQYbVE5IjEFJao2R2IRm2/Et99oR9XJbLqOHgphC9GuxVCeK7diAiYbX2X1aElymAI9FKK8cjpGvvcHs/bx4dNb5PtyW+y+OXM/K2BbX988Sz1zZq6ghVvQtaDnrl+tTzDs6jW4229rTlksl6LWqh+11a32SOVK559sZ0qVnqJPAG4FfTZNN468fS7VkSmaVAtbds4T4ASQmCmH3/88dWru7v7m7v7w//+v/+/mzY0TbPf7+d59N4j6Thd5tmP42mOgw9QhGNKIpkdLdxbC7YV2JEDh4ix5BUYZgcRILARo+UsiLlpmsPhVlXfvXv3888///if3v/pT3/59Zf3l3Oa5+xdH3zLCI48QYfgiXLbht2+Od50bevH8XI6PY7jBUB8MC7g3DQNQbaubk3T5LLQDtPC6H0twba+B957c4nXM+S6rXkl8l0iZ1V9rLgy5xzwVX0QoPWGQwQEIFyK3FAURS1QSAooSwoRXnYjeyZUXz14t9KF65tXhYJI+lIRbO9zlZOvWh/P3YR/Q8UsH2AlRAXKBSmDwYUReR4ny8ebIT3PYy55ZRe+SjteSzzqr551cvnywbc/bjXRospFtw4IrFW2FiCrQV+oXsOmM0m92zYIup0BIoJN7ubFB16c8VWu1w8U1WKZIXPaVMUqoVZsm024rsXlwIzOXSEz23uu/12tY5vD+ghN08QmXTsSfvXE0E3GyG5gK243tV6EtvWXwCFT2wVTMuz8/rAjhdaH4243ni9pHj99SN99993t7e2//4d/6LoWSgbJqKWkuW8P0zR+fnhPDPv9DkmH4WxCSwTOUd+33vsYc87ZAs5izdIVDQBmMOVSCiIvAH/AFOWUL5fL5Z//+V/++Z//+ad//fz+3adxTAgBpMmRoXBKxfsdc2PFMm2Pt3e7rmdVKZLG6SKSjfnVMyG0iLrbdYAa0zRNaFvEMYcQzCxEWtIKIoJEjlkFUEHFLHNFBQIEXNpY2lFW1YdZ47ZfnXPGbrMVg+tuex68rBuOiF5stfp6K5/rmn7lk1V9bI9fqCGE9frSbf5bwdhFWagscHBVRAIE43kTFZsPBABd2hUAgCcmIgYslGa9chdaCJDXGtZUiqwBFHzuU6wPtUyfQlXi1/ji31Jk9UVdoJRLTdaoqsj1JF/ffBbshM0MbzWL5UQrSOwLAX5mSuAGcrYVUvlaGnz7XVVP2R2IqHENrRnVmgMqa8/tL3fLdjCyuewdV7kVt/upPmGd3Dojq6XtVbMUMW2HiEsAFTBn7xw5v3ZsJj0c9sfj8dPnD/v9/t27X5lxjpf9fkcEnx8+nk6nx8fPXdf+8MP3d3e3Hz795Xg8hsYNw3meY2g8szWmJQNxmI1qzVlSShb6ZmYp1jIDVJGIh2H0rgWl0/ny4cOH33777S9/+evPP/88nSil4rhxvJtF00wlSc4qJYdQvOc2QNuGrvPO6TSPu/aOGU13OEfWBDeXuOt243S+XCJo9p4R1fvQNA3AtenpNvxe7b7tnrAjUjdtk3Gtc5dNQKSiOV+K4tdcD3weaf/qVb+8/vjVA/nF569/+Hyb6tfCB1+9reoSK71eoriyVS1/xaQiNaFbQwO0FnfVaIvAVVetc1lrWF4aHdtRLd/8XwHbr0+91UYme6oaY1QVUx+bzA7CiqKEjSrfylG9Oa0Z91raw+vxUNVHHcz2z+G5kL/4DKwGxfZcse+qPZJM4YEaYD3LttkdAKgaX2tZadxKKVbdZy/neZ7n2ekXC6yrj4RrBKRymqaUGh/sRo0Ph13LzCpQcgFUx9wEH6d5hvz999+/fn1/vjyxyr//9/9+nC53d3en0+Pt7fEf/t0fifB0evz8+enm9nB3d3Nzs//7v//7+1e3f/7zn5H0MpyGUYnAB4NvonPN0jE7L5017HWK+fF0Dr5t29Z7b7wk4zjNU3LOnU6XUp7evfvwy8+/vX///sOHDw8Pjxo7Zg/qpQBZdpW7EFrVQmxg2XA8Hm5uuyJjFmzbRiG3bXCOYppC13VdM47jq7ujyy6nMUb0vuu6rmsa56jC6pi5aZpSFh+y1gFZQn0bWqsuYSmFaVU9OfOK/S8r+zkRVVZX1CXMWJcNYMFra1krIACKPKtVgS9Orbq3tifM9tR98SPAUvdhYlw27CGmx7WIPZQWqcem1viFAi42BhRYdSqsRyuhne1zSoDoQ2DS4DmjEqp3hORMbu/ubkop0zSklLIk9oQCqhLnYvMGS5Z0eUBZ54H4Og+lFItZfCl+uMKoSilWMmuMKjkly/2Z2ZU42zzM80wrjMKeZZ7nUooXV2d1HdKCptW1nrjKNgBIWYuUnotkDRrARleWUox6AgAIgQE1L31bnHOACihGJ4YAZgmlNHvvVzJnAQBrxjjPo3PGtrWImC7EQOK9Z3LDMABA13VEdD4PC1kh0ddT33/rOCqlVIRbDcmYitrtOufofBlKyeN4eTrROI6/+8N3ojnnjKjn89Nf//rX+1e33333u2maTufHYXz64x//7ocffgCUX375BZeMuqGKF7NiZYX3K4MrmueSU4kxMvllTytaQKZkLaWczwPiZRrj09PTPEdm57hBcOfLGGdw7Pe7rm1bKc5xa4Ty/a7fH9zhxjetd45a37cdQ2Fmx0jEQIRIyuiQli5w+/2+axvveSU9U14x1LjmRBbxU6yvEa/pFVmPNdxcsEmplFJMzLbn/4tl+rdtB/jCctm+v7Ud6gC2JtK6k64kPZVbpR7Iz055RAAw2Nj1PtXkhlIDsgQgIIiKoERoJCbMlKSQABH5wIEppTSOo3X8gVWXVQKBeq0wsFAhbbgmbgDgGjp9npepmvTFqV5hoLYnqyatKFKApUZON0yd2xW3mWHkGmiEDQUhr220qzZflNdKTPNimbbLt9Vx1fyvt4WNMtruFnttZ1VVRnXAdca299cV226EufjF9TfVR3leiF0vWQlpDPm/PZr6vhfJqrLbdf2ubdvQ9+1xv3v8/OnDhw9tF4bLpeSIqru+JdQ4jTln79yr+9tff/313btfv/32W9fSyqEgpjusDwMAXC6XeU7GqZVTSamkVIwYTgRSSjmXOBtvnZSi8zSez5cYY9fuuvZAGErR4fGzasrZiIKoABILUun6cLxpb+92TSeIEmNkT03ToISm8d65nJNIzjlycN77aRp2u+54PB4Pe0TNOTJqCAFyVOtxqQBFLKIJoFKyqoI1Dl3x1IiYNoVJ25hcsFDIF+mJFxK+FYavrtd292w/KZtmlC826PYbq8VRUt6otutIdPN53aCnc87b/O717qLW1kOfKRzEhauMlZBAmZmYnfcschmn4XROUqqJxCuMfVHThCJQQAW0C6HOJKzHtRmDq7C+rP3ZTu+XloiRtlUdihvNwrwUUuecmd36dVoHxswgX9HR9f76RUABN+pjuzS6uaoHh4iyuXNV5brB/teHso85Yia2ADyIylqdTIhkLYlkbVSnaoZkKWVVH1dan6XPy1f33L9xGfrYjiVc+O0RiZrGO4Jxng/97g9/98M337zquu5w3HeMj4+PcxxTnr3nf/fv/uH7778PIez3+/1+3/Xtd999CwDn85NZYoiMaOEDcN6q3RrnnFk9IoLIoGhtIhBZlglPugDYjASX2qYHnXPS4Pv9fu990zQdAHXu1eUynk+TCgFq0zIi5DLe3h4Px3Z/aJwvuQxzjEhelQ/9rutbz26aZJymGJMRGwMAM7dtYwzPMU4g2Tk3x2kr3l/do1VH4KZBdD097N+mbYlqZv6KDSkl1e2yPTn/i+pjKyF1F2539otdvh0qIoJsg+iqa0w9PQ/4ydpk5G99KW6qqBSBAMy2FhEDIi6BnjW8N14uwzDEGHktvkDEEMI0z1V31PmsJyRUjQbPTnJVhSu1xxLgg+cK2q7ahqpKoH1Fnq89t51zzvnroy3r+OxW9f71K+QLIrVnwcjnA35xWmwn075ONx0ltt9S/+qF2qrzA5vwqmwyQbKBI+nKQbsu99WoWXrT/RcDSF+9iMhiLrCCGtq2tR50b7959cMP3+12XcoRAJqmubk9pPz24eGTKv7ud7+7f3V7uZxyjofj/r/9b//bP/7xjz///JOIvHn7iplLmY1k0DnyoRIya0oFgLxvCDlnSamIAJMvpdYUQMkKQM4FQpjn6F3T9wwAfb8PvsmpzFN8dezHcXz324f37z8h6PGmc85N09T15AOw09A4D42CcXRykWzthZbWMOZSOfQUnK+qXWwXmENYxawqbPu7L/corHnxrfowsTEj0+5DG9Ahb3fS+mIbKcXNv2DC+TUfR78Iin85PNxc/+ZOuIqB6hLzJKKKNKsioqoebVRgusTsF60akImMsoWZmQXh9PgwzzMiMBMAJCnMTISiRVULqIKdmCIga7nJlRnUNvx2/C8m4cX+r5/cBqSmaTKdZZ3GajWaiGRdSN6ZoWKjcMkJWhuwr6fGy8bKeCbz8BVpx407+WK0q9d8dUOqgwxg0Q1drUWbbdElxaUAgLS8lCKihYiQAAFttpFAEohIWRMCtYP3EmH56p7+N656ZK0kawtgIcY4x8k53u/3zDzH6fHx84cP7957MnBECOHx8WEcx6enp8vl9Pj4uNv3r1/fI+rnz5+RdLfbxRiVMlFARGZvjRGNSMQqgx17Vcy5lKwIDJv8mYhFxwzMQ+M4IbL3XhVB0SImIbTTuTZAB2ZoO+66tu1YNaacc4Ge+9B0gB5RmSnnmJIjtNIGFxy1bROCC7z4vTFGkTzPs+RIRKxSQ272LV+e6s/EcuOzLHla5yoGyT4jm2g8rRlN3VgN/4Z4b48aeH6swcbiqJv4xTat79c0HMACKtG1qFKeIxpwTTPDtffIErNQVeuTQqpFFRSMBQ8U2C20+LCwQEGWXKZ5GkdEdGtkwSHBKpymPkpZkD+yyXNtnwJXZ62+eVVqzzf/dhqrWrG4KazB1DYEWN2EnLNKNsSa91c5l03JWYPhy5vXd+qpcN0hm+L6ugT1A9UFu+4iqCJQ8yMLlL5Ovn1wcRrg2fputyJt/GgL8SBiLs8q8WQ9JKyC7P9v52WdfbLaJXMAQ3CfPn0Kjbu5uWHmz58/7vZ927an0+mXv/46TdMf//iH+/t7Qpin4fPHT87R7c3N69ev4jT/6ccfz6cTM6Y5pji57llISZMiFUSMMXoXANHqhe15F0RtKfamClo8i9AF36pijDmnLGVKqYzjPM/p/bvHp6eny+XiHLWdV0hI4ea2m6bRB24a7vqmaUKRWUQQlRgteu8ced+1wQXnkCx14hGxlDLP0zAMjqBpGgJ0ZG1WihRBIkDQIkhY84ym8RmXzEVdPFpxYs65uFZ/EZHSVQCQnimC6gP/rWOgikp9Z/uH23d0c20W+ho+uN5ks7Ov5/yX0ZON+qDrTn2mpxRgSb2v3UzseCuq0zQNwxDW89yUqfc+qxjvv6pu0+E2gApCeaGv7Xx+8VxfNb3tt6Yy4DkJaykF/FI3sMZrl6roumNzLrVrBG76s7yYnBeK+6q+NwjR7ZCqY/tyLdYbvnizWjf1Dst22vjL23V/sT2qh1ULjlbv8Lo9qFb7fnn9re24PsZCu2BJMuuevT/cHo9HEXl4eLi9u/nmmzdPT0/vJP/TP/1Tzvn3v//9m/n1p08fco5tu//HP/7j7e3N588ff/rrTwASQjdNUwgOFt/PUCcL+AoRSxYmQcSUshRgdoiSYkmSSikxppzEIiNEhVDapjd62nEcVZGIzufh8fFxGIbPnz+L5rdv3+52u5Rm1bzb3/Q77z0fb/bH44EIxhFSngGg74O3zIqFcj0TgGhOMbZdqDtbRMi5tm11nrYiXXcVwDN9X2MK5Ys3qxtf34f1FJW1bOnF3vq31UcVrS/3E3wtMlc/ABvNUo8mAAC9Jm7rA9bLEi6IuKawl/DYuoHL9rZLKAIAFhYNyAvRsVwul6enp++7HdHS5NAUq5QcYyQrrZLr0Wr3rDVH6/e+3M8vlmY7IbBROjWlavH7BctnRAQbfjNciHX9PCdde2vW9pq0NlvZSlm9LXwRfVBV1q+whAFAWK2eqrm+utZ1KrYwsO1ac22g8YLHZI2FlZVJwCah5GwP5Jxjvs5h27Zpzk43JTrboI+sqSkGdGvIBBQ8h5KLYm4ad9j33nPbhrbzb94c/vEf/+Fw3A3D0DQ3bfDjZWCk/c3xf/i//g93d3fK8HB6+vz0+P0P34TeN7uQIWaI3CAAoQcOwIHKykvKjAoiWhiQiLu+BUVVDt4VhHlO0wgpYipOlRkb8osuL1mlSIyxlKJakCTFmKY0zbPofBke+p0/HG+/+ebNbrcrJWkR0PT2zatd13d9q6rjeIGYnRIxpIylZGbsO9+3IQRmyCqYGQLGOHzMCpDLwXHfNr13p1OOqVjhbCAWQABA59Qokc0+JVUGZUAmRVRCJUTH5B07Ryti/Sr8AohISM6RlGT26rIhFLSIbjeoGavrpikxr3tldSAIEdGzU7zKktWqKQADW7EUATGuSEpQQVniESKpJFU1fqr5cllEwuoUDRSkWkEuJmBamT2IAaEoJFmom4hJRLxrVBWKkOA0zZfLZZ4mV3AqS78rYB9F4zgDQGj6bP22MkhWVKSVZ45XAxuX6uRlVir+RXOxbU4KRFypv+GF+i0Z1giCgOaytJKdqCEi733b9F2/F5FxHIdxZg5xkbUswOQaEUllYSGWlTuCmdFQIXHmaxMG1WVQmItZKwiAqoK4hkihABKgIBGhAJqyBeVAgMjKuaSUoOTl2YHEEL4ISqTOkbPUbIGluw2qACI6JAIFImPDNvJUS5MzsxTNqZgtRpSNLgFARAugPI99bF42TWPzRfrMvJnnGVYdn1KKcZqmwQ/uD3/4g/c+pWQm1ufPn+2Tf/zDd6KZmQ1dOsfROdd13TRNKaFFNHhViSEEa5ljoVMFWUMtCGCmKpSsKco4puEyxRjHOJvOrSBcO8XzSvDvrvRNCQC+++67Iqlt2/1+37ahFAe6YIdSSjAqgKSURARJEXkap92+3+16xzrP0zylNriu9U3TBO+9Z1JQWsRs9ao2vTQArejV7DX7jUGXFBFUrZ1S9Vlok26sh0k9PQBAvp5PB9iELfS5K6GbKAnAtYXCMwOkWigrOZWsMCe7Q0Un16PPDkznr5wPdkN7v9JzADzLENkUVXuYmWGNrdgekJyu9W9E1u6julqy4jvqm7j6LHZtz+3tEV1dMMCrbQLPXbOt2cJrLVj9XrvI+cWeT2LZGaugG8exujNbw0H0mtS47onnwaYXhka9THnZ3zDT135rHpyqqqlLVLjyAIAiwkK7xkyG7NA16QtXetTtV28Hg2ulTwW5KyDz1VX8m7GPas/UZqW0oOUaXWqErEEkISoR/fDDDznHIqltG+/9x4/vrY/WNA9GVzkMQ0qpCsnDw4O1tvbeN02om3LDsexEMsCyC5mciOacU5RpjMMQL5dxnucpxfUBF9IkhIU5pgaBbCJSKiGE3eEmxliNNyJyzE3jASCXVKasajFCsdoqq15hJCItxfDFGqMe9q3pPIdkpNE1RH/l7CAkIKnkw4SEiEzGjglLA4EFjL+1kGUTP5PnAI1/Y73qC9z41fA8km9pzmV4VbS2uwe+Ekm1H7c5ziq3igBYmxos20RVQYr9aBNitfkImOcIKxS6Royr9lFVycV6sNveLSvOeKsaqoFdJwrWHHN5Tu1ZmXqvMF94hhOr7INbMYZNDOXFJSuF1wRxo+7BGNVlsQmgTlG98zLI1cp5NsMbQtkXa1xj6s5VINyz6FURND5rMisPr16Vrcy2LxQiWprbFI3gWkFTV3ONWNW1VCIzJGk15GxI9vpvWh92eqsq6dJR1cAzkss0TUWSaDAoNxET4S+//OI9+8CIkFI6n8/DMHR9cz6fb29vEQHRHY9H6y16Pp/nONrk97u2bdtpGu28ss61VgInIrIGgNTM70WAa1fkXI/oup9ArzVRW/W5PLh4ESklpTQjagguBN80TSkZAYyWnQgIDE2Yu75DlZimFlwIAQNpidM0HPbtIue0tLS2XdX6UB0HWxlCBICYsmWFlsVbyQSB2dRHxSbpBoZYw291ezn+t5TI9trqkeUdWpwaoms+8UWRiDiwPBYAlOUvACz7Y8cVIhrwmxn4Ct/aCgmsuAndQBWXb1kjI0TkgvdNsN1Zo3TzPGsRz2vemq6hR1xtJYsp1AtXh387gBfH6VVWn1sfLwZfdWvZUIhv30/FTIxiqmI9h9DcOgBQlW3YEjexqkoAq2t6GwBgEyGCTcZ9fVJcsxOhSjhtSE8Ysch18Iuw2P+s8/TzNJNbDQktotUI3YZR17TacsZspk7Wiv06vX/T+qjrwYDb4zFBZGYkbZpmt+uZsUguJf3yyy/ff/+7Q7uTpVpfu77p+77v+xD8MAwiYpTFzJxSbNvWIhVG34yIIYS26ZvW4yKNNeJoWhykgIia9W5tHc25tVzndQPpFQBuVLDmFjkXmqZJozBjSvaHFBrXtm3ThJQQQcwJQlLr5yQCqALAKCqaVZBAkYg2XHWKVAN0z6xlhKVcHEARzP9/cYCoqg9rLOv5r/g5Q3c9aR37v7VkVWPq10yVDbwIKonQM4FbrWX9gsqojrbmkutQRZ+d2/VXXPXj88vEjDKXlYsfVqfGcoG2VcxmLKX4FXq7lWdEnFfYWBXsL7WMvfdMOBFfBDm2vyK6usALRn7rI2zokZ1ztSeB6lVJbld2Wce1KecL3QEbp3I7e9ux1SEtZA4bUHw9NRnJFBDCNRRqEyighGgRrrrBnGO3xPuXAxpX5vrl9N1wOG3ns6qP7QM+y7y8WGr7RNn8Qc4ZtLDDxnW7XRdCyDnGGFOaj8f9ze3h9vb2dHqaZ23b1vm+73vvXUrp/fv3RPD27dum3bdtu9/v2KFqGccxpUQMzK5pQt/3dtiKWteYZbuAcs65FMlJZC20tLUuILy2a15WEpjW6gzjbsGF0BCZuWENwc3zLCLOk5UJiWZicGRUuggAkpJIESklzV2z7/tWJY3jgJoO++6wPwZmRDA8yLLSzH6ze15Mp28bMFPfDvw1n8crS221OGxnVLmqv1p+rHfFZ2umqvbavI9l64AaUrAiRwBAQHH99rLNsxACXr9xKxYvtEO1XUWE3DOhpTVBU0/mF+JR3UZYVWQpxRSHhSHHcTT5BICcc9ME3XhzL8ZQFdxG/z7b92tk4OtpKQAwRO96Bi+iSmsPoKoYy9pwjCkgABPrBuJhNBGLipelNMFm3m5dGVJscms6xpTZ8kTmAOJ18FcdsepifOaW2m5RI+9QKSLmrRVicJ4EVOyoYEJGXopdrsGsGGNOySERccWMLMNeH62OYasc65b4L+A+TFNWV5OIcprtYcZxPJ+fYowK4j1bv/vT6enp6WGeZ3bofMvMBVRUYomNaziwACQpwTdZkveBS05TKorOsSBOZgOs4bE6CoCSk6xui6RUYilJStYF6VxrqEWEcBtB2GbXQVXZoQdWcDlnIgTQIkkiOkdIzG7tnsfgPCF555quDd5RzkQqhOS977rOkZ0hAqJZjLGU2LHmBGb2q4phtAnrRgcEQbBgltXm4xqZq3DVKn5bMdhK3X/lZQ8uCIhAVROB0mqRlSpX5tQowBoypOdcc/jch9+eP4hck6+mgyxEV5LYa1jarS+fUNOhhKTLVrZk5zXqLCpStAiS9Xf6CplmVVXbH+uQ6odFBNai3qpWXsDYr/t8Ex/FDR/69kgXEdCyGhpXB0plGacs7ag2oXMpCgoIVvwKqtbmHXHNfCCQmqSbcXS9qlo0k237mNcThddjxpRXEVxr/Cx/A3jdP7iibqrKLjkrMXm8hro3rkopZQVUr+dNznam2Jt/0/qopYS0mgB27frWex+CyzlfLhEJbo639/e39/e3zDxNk4i0XfDe931/c3PwAUIIMb7t+/bVq1fjdHl6eopxVii3t7fOOe8b7x2hSyk9PDx0XVvXwB6jZF05FDTnkpOklJcrSQgL5xqtOXZbbFoy5Fetb0TKgT0uCGg2wiWbCpOF7WHFjER8f3ejWrRkkNx3XQjcNV6hEDkEEFm4LUHQ+stUcd1uTSUspagdjabvwhpLUoRN/L+eM3nDv/BcbP4tDaJfc1vqO7UuHhGvYoGL4rCPueCBUBFwk3kBABBc9YUFh65x+68e79UR0DWxYs9SfRBkQiZazzoA8OwwQPJxmzXLeUF8vtBcW+1W31kX8TqYiquogvm31Md2nC+eq+p0VZUiVZ+WladD5cqWrmtwB1ez9HqTFUknIoy0QGFE5fkqfzmTiChS6vdWTxYAFBDkOidQa3NyVgRRBUJYapHszxUQDWgfY5RSyIEshJ8LxdZ2TmpNHQCoouRS1YeqPqNKNoCWDddSqqbCtqZL0yxFYimlN29e3b+6G8fLzz//9HT69MMP37969co5ugwnAOi6JoTgAwDA4bAzwdjtdsMwjOPoAz88PITgjOVtKRAgOp8vC1CHQ4xxGGYAaJqOySMIKJc8LwtGnlvvHFeupyWej1dG7LplRYTINU1DCiLJqFKdN9bllFI63hxUS4wToKgqg9Eye4dwGaZxGoLH43G/37WIGsdJvfOrNSgigGg+FPqluW8R8d6TIyayEg+Lj3uisPZtMeFdOXLJ3lxtyOv+eyY26/6ATeQCEWsXtfrUK0iRFsUhgrKIAdTqMn6W6KG1/ZKxUWzFbNsDYfvCDkbZeLj2+aZppmm6XC6mE+vxY3APBfXEqjrGaRwGO3V0bbvniCTnsiYF6sn/XC9cOVC2R2v9wPr5xZQoJa3ydu2ZpKreBdGVn1WRTKshs+OUkuWOAKBAKVlAEUSLFOecFh0vAzO3bWt4FyZyzFKeUcMzonEXNE1DHqvuWFTVVfgWFROaK+khr+UzKSV2aBliWA62teIeBFAVjKmwrGF7RVTzo6QoKDJ5AkSkaZqZqGkabdvxfEFEQy3IBrkLG5YgyAudWilFFdkTIuMKlrva+bBGKWH1WeyOZeu2qarEcWysan4c6fNnAJDdbtf1TQhhGM6XyyXlmQiGYSilND1O03Q+n0MIruHdbkeOtGhMxakiEVBe96KqAi/FxFTswYEASJQQQJRERRSLQFEpai2aYZ7nUhbKPCKSNXWHiLBpxCuSERGliIhCyTmnDM5RE3zb7fu+JUBAscStJ/aBvfdSMoJ6y5ojqCrjkpBYD2+ANaihqkuAgojWpA8wMUBM2SbdKq+YWa1jn1y3Tt3029hYXdQqG3W9ttffPL4IEZE27oYAkDlTK3UlGuWG/ff8WK635S/A4HXA9XXVa7AQwclWku1q29akK+YsKRthdzZ7EklEcowAYIkGO72qdFWlufWk6gDWVdbttcksrcp2SSU9CyLUT1T4ia4N4mDtv7VI7Ibgh1fb1bbf1kS63lzEurPlvDTx1Lq4aqaSKKwRrSqJ6+pvw0zb225NG92SyOgze2e1vlQJnffOWrKvaIAQAqh677VcwQEv5qQ+FyJu0zpLQrMuvKpuHa+u6xb8ydrgz7RRCE5EpmlIicdpeHjE3W53OOzu7+8RIaUZSY2hQ0ROp5NSAAAf2AcupczzbE5+fUJCZ+mY1W4vluAEIAQlciJasqrY6mopKgLbHsU5Z3uwhYTyGWJ3ceOr96uaAQFRDV4cgt/v+uNxz2wZVlFlAPFLuJtLGrwj7xpv7AFLg3uvklVpbQFLhs8BgCICa2UBe8fMusY+0HEIIVhmmtBOKEOpbO07m+f6TrUmtupje1Bs91OdVVwP7RdLXGpDKSbLN6v5x+vNy4Z+ZvvC8derLawWExDJsHOIQCQAuRRgYvJL+MDkdi3YUtWU0jRNaZqrv2BBkGLIQ6M9VaCV8xE38Yiy4Wr78t9Vj8hz9XHVI/XRoEIkFi1wZUivHvELjQC+qrOrhJs5sP3e+hW0WQtdIwuwAkBM6Kw5/VXmVyIi772R+wBAkbTZDFA/aeqhlLLIKWDdP8xkmBArKrQJVOdkTXV772UT1nyxsnV31WMMAKxdRn2c540a5LoMsJqmjfNGBWhf4501WxzneVaQrmtCcF3fpJSYyTl30940jXfOzfM4TVGB7+7u2vatyfDT06OIWIZlnSDnnW9ab19RygxAiCwFiACxlJyTRKLlWDYqoDrXtsbOLS3dAAD4Cg3YkBuBfSOjqmpKykylIDFYBKSUoqjW/AGJEECkpCSSMzM2zvng1iQDMJF1BdpKMiLqCidnZsMI17YF3nvyzvwsWA80S0zSmkS4uiQbdbBVE4gIdA2U0PN4+JfLr6shQ0TW6NXZffjauVL1ZX+j+ro6BbChGn3xGfsAr1xVdbSwavPqOdvTzfOMuNjsVzQ3WbQ1aylKZC1I7BuZF+1vEkXPEXRfPvh2ugCqtG539bNPlvKywdoqe9ceKLQWFuecDVqtqkQLIpGZEaFWb8q6OW2otE5j8N5ussQT8eXA6qhoLSXz3hunr6rxT+JqYm/MxrK2m7X5AawtL9k7RlCAPC2eiBp/x5KSBxGZ51koV+tjqytfjMrWFonWQGTJObvNtG57D4JRG5KRXJdSMZ0pjd4zUceOQghv3ry6uTmww9Ppqeua3W5nTOs2UKvzsWxYKcWoE20LWhH/0vheFZSs86soGJImJ0lJUizTFOc5eRfqAovIYn0jIqL3vmlaXKNZCLxqoiUXtfK7OO99G1wpBRFEGueN5FZjmnLOjtB7T4yIpFJyLiLicyYKVbZLisqom3JVxNXfhKsWYGbc4EcVwLeeaCk2V1ycfO8XUgKs67OK2dZZ2P4WGC05BQBAK+BHAdYSNTSzrZbLl3KdqUXWl9AamM+12SeCAPL14Cuu5k+NQdRz6frIzy0ge3+NXC53yCoe2XQ0AGQVyKIkFVCnqp6dcy6wExFkKqVc4XabWZLndEdVGrfX9n14HshcRWWJr9vMAaC9Uyt4YEmuO9UUY0YGyTmE0Hd9CY1trThHVZVSpBQwoCAuXLRLGHhzhlstxtXe32wk0meHN672kTyPE5sltcw2mFlt9RCAuFB4FMlsHoYjAC2lxDRPM7NAyZmIQBYDUKzOai3hA32m0bZ+4qoisAr1laxhe3Toyt/rnPO84FVsx+cc+/54c3ODBF3XHQ47ALkMJ+dc0zRd33jvS0ki2Vrba4hzjuPjxMz7/f7VrhcR8//btmXGlJKoZpVSNOdslfIplhilZCkFpykOw9i29WBZPBFCsl6bVWUuPioiUSXIvFZqMHsicg5VlR02rQfwtiFTSua2KAgAW52SqhZJOxea4NomOGcxWVharcC1g+wiQMgAlqxk5Ge0kS8EUit3A6LmZ7Y0rIfVdTmfn6i4nhIv/qqK7nYRRURAGJH1mQJZxAyhRl6+TBi9uLbn0vZbtkbH1hZYAmelWPVKLZJCx6akTNfHGEtMqNA1rQmY6Q5zZ9EALJsoQ42h1h9hdUBsPBUtvY7k692wNlJ6taqWZVwJUHF1siypbJnOJFNKqWma3W4HAJfL5XQ6jeNoNWJ1TmAtmc9pXnPSuhQVL81VGRZ4uyICr4OUFWe8omkXHIPz14rnbRwEnuf1Zd0wKSUkIlg8Mou/xhg9UDTQE12LerZzuw02VSW7vrZNparadV2O2VXML8C19TEiWl945xzDMwB413U2d/2uI4IY4+VyGqfL7e0NL8zgVAqYjui6DtuFYdx7fzwerZmwGSNmm1zhbkbNkucUyzBM0xRBmdmb5ZuTpQ1sWxiHEqqC6NJBljYlqjnn8/k8jmMp6r2v3gEzz/EiK0naSlRsj+ZwSaplIkeIxMDAwVeY76I+dGHwMvf1illa7Ij1HUTMKgQLl54Frtg55IXMtdSwqwE0NjGzmvLUjS+tawBBNy5JlZOt47MVEt7kYlRVQLEsX6drmK1sLJDnp9xVzLa+Ma5nKa7pUEsVbD+vAMUUhBVrWmeDlHKcTQDSNM9LVbSqLKTnwfvKiljVUBV+M5hrAkLWizbG4HYGbJhfqrbrIFUJuWwqYt2mGWDdn8MwVD3ikUwOrahKn8P81olZcn82vAqpKKW4tZWqrquPlsmoawQb/a4LD9aLZa3yghtzFYz9T1VVmdkqzgWhBnRsGwf2o+U0fCBL9sG17/1WfdjNt6n3JcpSlsgrETn5oiJrq9cRUUo1/r2qdm1TFkprX0o6nU7DcHaehmEIwe1Lz7wIsM1pt3OHw8F8ftMdtvWX6jIAgxtWlVmkmOEwDBOh7zvPzN6DWEWzGGngoj4AAcgOHDA2dkSUAiJiBJkA9EJ9XM7TRjxUVVdXgywMVYpBG65niH28ZoStReau7XSthly0xwrSqSVzhARAbMvWNBaMVQSr2Uk5A4Anv930tJF2eH7m1wWS59kFe4e/KPGy31bnor5Zz7cKT67HA8Azc0Y3IZitfoHNibeS172MQdRzsuYybNiPj4/L58saZQhs5EkhhDaEtSR8tV9gAWiaHK50ttcjuk5OHdj2EcyQRMScVy0Mz/SIcaNVdVzHiYiW/blcLvM8W8W6iDR9Z9DY0+lkp6CdqaY+TPxW7aw1X2NRYUSkBYDurviXjS5GRM+u7lXaMKdu11pXJKeJwLJdZMF92E816bvsAaamadq23YX2fDrN82xWHqiWmGKMJpv6hfPCfG2oqmsXThOTUooby9Cyd6EDhZgLFCV0nhvEZhzmc7k4MpSQEqbC6elSEHFK5/P4YBFHYClaPGHW+XR5aHLTtOH17WtrCnc4HBBRJKc0n4ZH1cLMJY3j5aJlJqIUi6raJokxFnWq7Ag9O+d823YAlPMwjsN+v2/bNpdoVACIjhBduwSZACCXoqkAChISw27fmQtWYhIRyZgjDVMspTSeD4eDc5TTXFJk8h45piQlkSPPjUOnklNOodsTIYHIlbJNEXEeIzM7R4QImqAsuy+zV0RRYCLyzvvAFj13XgGiKCIDEXoizDlnXQvwLXOxxG4BpKRlx6guSEdABARFJkBHupVk72IWVVTkgqyCqKCKCtw1DAALZsg2WZGUMyIaCTgiulpyqWIMUldjeEUAV0gePj/n266VDTcf6IoEBUhz8t7vb/fzPD98eiiltG37OhzO5/PpdCqlhMatIclE3uc4jWXJL4i18inRr15XKaWkBCmxCAOUeUZVt1G7tFA3X/szWWzA9J8D1iVNgQBA1SoRRQVr+mfkKTmleZ4dsRYJIcRpHi+DqrZtq0gE866j4H1JQ9cdgnfv3j0wc/BtmsbL+dw37fFwHMcxxvHo3KWwZk1TEpbGNRYCSykBSoXYCEqWREjBh+DNORWFJFoQUEEB1QgfVjAhe7+cFoRLIlZQlx6lCICAntixJ4JZ4pTTlHSeSzPc//AdlpinCwfXtc3jOI6XMyHOU0ZyhifIKqIgpaRcJkmqGtg516qmOKWcMwHHywCluH3f2UYhxC40iGStr0WzPVtwTCyosvCeN2TVRDFOIpJL6rrm5ub2/v7WmjOwI+alszQzW6TdivpDCDFOwzDENN3c3JRSLpdLnLP3TdexiI7j+HSegm/NVbOCWu8bIur6xnkSXagl10MGrfNBPWBTyvM8GTNVdSAN9GKoVgFxZP2WMioRUQi+aYNDYGpL4eCoaYJzDsE3TePQ8fpd675URLQC6ur4IxETExFuGLpXBhtmZiOA142psrj05ZlPXs+iayXmc5dBv4hiiEiBNRazCjZcrd+rlVv/ijYtsl+c2Ns7fPWdqkGqCVCNF1zdYxu9kUyZr9r3/el0enh4CIDm2CKpWYsxxvVubhvxMTlhQls7+17nnG2Aak/Vh6p65MVxbZdsSoq2tpKoLvCctX20HddmYpiZ0HWdHc7DMGTvnHNv3rwJIZSi0xwtOQJSzKuY53lshpSj0Y6JsnOu67o67bDGsGpUola0bI1Q2FiduIlBvLjYLU2Fqkdjf7hBQlzLwUXk/fv3ANA17TzP58en4TymlHjJ2pApJF2TsLAaobpiPaypMOqifF3b9imlnAQYODjvGrCsxzwjItHC17TtDIWoTdN0XacgKc37/f7+/vb7H35nKsOoyWnlkj2fzwDAjE3rmyZ436SUIMF+v5+maRoXUiPvQ4yxZD2fhq5TZjYkkYi07dIH0BbYnDpzSYhwO9EWuLbdRrDsy0O/a7pWVcZxnKax6xvrJJRzBOG2CyEET4yo6IgXU8GaUToAcKWy8lV7XomIvSNAi5ss9RuOnXPCru4AW7xVfWRbhLonaInDX4FtWyF/nnG8ekmlfnKVeVUtUrxbSfOf64Lttnsu55uM2+bFi226/ZOtrNbXL4xwU2P1AVOO4ziGEJqmGcfxcrk8jhdbzTa0bh1zVXM1q13vwEQWs8S1xZGIxBibpnkxnmWXf+H0bZUFbpLQNuy6lwyUZM6Ic86aMAKAbXVDS0/T1HnnXLi9O3Zd9+63DyUn7zjnYsctSJ7S7EbSIsZaAuhh7WtZv5eIAKXKfNVfqza5VlHqSglaVcOLy7BoqooVB7WGKpacsaojchYZVH18fDwej83+cD6fTw+PMUaqpIpK4ECXBsNLapk2TPrX+EPWNfNSCDJpLiIlozAWImKH81QQlVEiJuvcLYUQ2yS567qmDaHxIbjd7u3hsOt37WJuONIM1pCllFTWvpgxllxiKcXINZxzCBx823XWvUVTSlKAmW8OB0LOOTMgEpNCmmYROR6PoAJFSKFxvm3aruuY2YVV6kQVgB02TcNIp9MppcQAquIcIy78+sY8oKolZWAxV3OhWVUhUJGS41LFgIjBwIHXDhdX3xIAYGnQSoTL/jA8eAEVXJrbP1MNG1GB5zi9zdK/lF7Y5EHn2qRyw7uNq6+raojXKzqT2a/3XTbYirgze4pq5O7LL92Opuqv6ibYNaVrLAmBzQXXNeaSUnr8/GA+rJRccnr37p2F3uuxVoEhsAbqygrbhxqx26RCZJN3+HLkq5Th+sg26xXrWamSqlCIJW7rtCy5b+Qlwr0iFe39PMcSk+aE2Mc0iWTnDGFUGBVArAYdVtxATEuzUdMR1tFeVVf9fw0kvVAfsuKPbSbrFL24YkzbJ6l7aBgGy2/CCsCxTTLPIxE1TQNF5t1OsoKq977SHQEhAZR1xR07RDRufVwq17mk1DQNIro8JwBgCgCQUyLgpqXGBz6AaEEpSyExQmh8aL3z7vb2pmmaUkrbhm++ebM/9CnNT09P1kcaAIxV2L6+bZtSSs4RFGKMIsXilJfLhZlFYBynYRiCb7tu55x78/pmGIbz+VxBZTHGYZgAhIgBMARHRNZn1DmHPhtGwPwRSgCi6IGZmyZ4WiAnCgVBmuCICKTYZmp8aBqPKnOa24YJCBAIwDIsYrWzvDCJIKLqlfb2uvZLTSECMpIDJgTgSkWxsUFMEkDE/BVbaVrPjCoGurnWL9oymKyQ5w1HztKWzX7cqA87MUz86j23qM36LC/UHHxhhpTnQNjqLS7jgVV5bVKqjtii+uM4TtOU5jhehiW+EFOcZsOYSLb6WkYlEAQFtYZxUABgLlKKErlSyjwnC9oxe1N/qxKsFdXXmjd4bpt8+aNdpCApay6q6pAWmFYuKBrYIaIUmS6DQ3LMd8ebefi1lDLNw066vgmBaUBN80wgBdSQkwBSigooOXa6TCYtmR2y/BE/18V1Mr+qI/6N6wUlMnyRbaVNYsTGMI4jiLY+HPb7eYzzND3zZBWWaoYNVwCsYNO6Nyyu7DSTc479dZM54rYNTbuf51FyRBTnySiRu64Tnb/55s3hcFAobdsej4eU5ofHz6WUJvumWcHd3hNDKTSNCQCYPREgKeJim+QcQwgp5WEYHj4/NU0iCs4F7xuiaE9akymqWqll1ulYDx/RwM46907TFOfRnJeua43oiBhSntMcwcqIS86CRNQE17bBM6tiY0SBIATEDh2x+bE1ImhZ3u0JDJtDA1GBSQkFF/N7GRuvARFcUOFifBAASquluYLN1jsvy3MNrQNUHw2+SM0sHtCKzUdEWL+xqg+AZ0dtNZi396m/rarnhdRV5vH6+SWYCgRiyey6a4UI4jSBFCLomjANlw8Pn6dpstbWVRerLv1u60xesZu1/j3F+o2WssW1DbVuCsm3VzVMYKPltzGR7YTAeubT2iC25nfsPvbayHGbpnn/66eUUkpRpNwc9yKSU2ISVEEQdthgQKRhOM8pdV13aDubKDu3EVfzs0At9TR3uGoZWNMr//VqpS5lfaK+701k5NqYSSzqFKd5lNHaRXrnIiIpGBB2qQkGUFgaXC1DUrBUi5ZnWWSHyIzOiqdFxDlyjpxnZnQECaVpfd+3fd92fds0DXHeH/r9oQ/Bqeo8j9M8IqJztOIjlst4CWF1ZZ0jozbMOZl1Z1unbfrjkZi9ClzOA2pIsSAwgMxzMpjw4bgnQnYWHF3SYCEIIsaYiRIillLGyzCM55wzIkARdI4dMpJAqiyEjhlAQnBt2zqinJNj3O06AgFRJPLsmsYjYklzjIIL2/U1A7og+ZiAqHIOLgET4qvm3gSuRESylCVpbu/iyhx4VUlEhCsplchWW127InzZPFE3vr1Wn2Tjsn7NnFnuvFUftr1o00emjr+OEDc4yFX7oYCirv1QVphWznmaJoOfM+rl9BhjNPY5CwrIWlRqS2NuizkyNaaYc8ayVFRWnVIHvD0Pv1QTVa1szaitFbaVvfp0Nc2kK2B06U+2hj/z3d04jnGaHz593u/3jAiS+ibkLFGLIwbmlPLpMsYY+35vFjSsMNn61LlEa5+mqtWqtWHo88I5/BvNYuzaNhI2xlkzw6w9EYhaUsnKbQEAFUIIKDoMQ5znUkqo0TrbBgYOArLSyiTJOUfrgVGL8g354mjtUoWmSBw5QlKJ0zCOZ9HsAzpHTRuaxnvPb97eD8Pw8PCJiGKaU0rH4/F3v/vmdDrVCp86UzHFm5tXl8tpGAYDgBLDPM/jODIzAHrXHA43u91NyXK5jI+PD1A8ETnyUsp4GQDkeHPY9cd5HoEJgKTkHBMjoYIjPscoIuN4mcfpcrkUSV3X7bvu49PH0DimnoNzzoXGIWIIzhEDQNf4tvGl5DhP2DTHXX8+PaqKY1SPjjwRSkZVoQ1lCxGxI+cc8EI2aYiRKo6AWDYlmwAgWnWoSilaRPQqt4hYUzBL6GQt4a5Or6mPKjM++EVyVtmokr81Gar8PHfpTbPZkK1zEwNcxewLsoyruVG7zFeFuAQ4rUX5CpE34bVNNQ5nVW19KKWUlB3x3e2xSMolxhSdhKoKTTvrAiuwJJXRu4jHKzwM4KpGqzpYpOhaN/QMR1P/XZ04o2i5HuZ18le1aLAoIHJWVJlzaZrG+8a5UEq5vT0ywThd5vGiJTVNU1Jsm3DOA0gGEOYwpTRN05xyUbHeAzWzA2vj93iZaG0DkPMzZqZqVW2tyL+lPrb6cbsTLPnIayVBDX+cz0+73U5zefj8+XI6M/vArmblV+yfKC77YtmHKzbXtBUzT5chpeRe39+eTqc0z23bes85z6fzOEfXtk3buZQKsd7cHl+/vrf9/fDwEGM0Q8CC6iEEA4nZY9pXmp0pIn/5y1+8Ny6fnHMOjbM4/DRG75pxnC+XsWt775uSFZROpyEEz4wpp3meU5rHafj06cPxePz06VOM0fvmcDhY3ffj4+MwXEw9D8N5GAZAKTFpzqFxN4dj24YiiZS69iiSp2miUA3CEpxvgoOSnx4/N00ALaolzfNjmtnq3BEJQaVkENHinENxSQojEJEBK1EBePE9lBabg9aoB+PiyxjgBVb+RCkFAWhTymyhbOJrqU6Vk62lENeCLl1UgxKR52eQ0OpeVeExe21r0ahewZ0102E5iBf6iFYcNy01bEv5iR2qGdRsybZpVHW8nGKMjCQltW07D+Ovv/78+PCgUAL74XS2zdf60DRN14ZxnC0K1rjGmUFWwOp0zKKOKb+wnkxzrmHj6u2bQnzG0rbVIDUpWxXiYq2AUXjkhbxvZWnKOYFoSZkQ+7ZDhdPjU0qpb7IBr/umlZzOT48gmuMMKlqEFHLOl/OoSG23Iw62srpCyJqmMUXW972IjONYtSdZDRS5F+NfH/CLcoSFYH0TjF/XumwoY2RtvYxrEvDp88P5fB4ulzRHXBWXqnrfeO+BSEFFCoqo4xgzERWFcZxFpPEBVn9CRNyH978xo2MueQZAIhGVyzD0u1f7/b5pb81BO5+ffNscj8f5NIlI63cWvLRtZASC1jqw6zqjOC1lsqbZMSIzdl13PO7bto0xnk6nm5sb58I8l3GYpjHt+oNzYb+/Hc/zMIw5p5yjaKyxgJyjavHed13Tti0zW8HPHGdVtSLgUopnVJVSShMcgCGkMqooIRIY3SMjERhSSFAVUJXQMZZiwKEsCgjs6VnsE3llFbAgJQACCiIZAokIajB9FVFEXJJqcj0fcLWxq81JG0ZikbUcRhf4Vt0TdodyZc0C1QXqbgSIy01WWPSyz/LGUlgHVt2QbV6jnlT1uKufxBVTX/dufT3MM8AVJb30Z0RtQyMppjSXnEuMOcbAHLwrIswE8MyQqQO2uJiIAKABSrbG/PZ6kYm4jhyuU72VwC9lcmvE1ZtsNcsCYjY7OsaKpJCiaZqHVKSkeZokZUQuaeG7KgYzF3SNd6HlNXZTp67qgnpBbeXxRU3z9sWL+yyfX83bqgVskAZyrZ+vqjNNMcZo2RZHrFljjHGamVmdoXJtCRSJnCyTj/Dsq2t4yKHmXbcLIWSNTRvu72+73ueckOF4PPZ9a+7Z4/k0naKFbW1X7XY74zdV1WEYTqcTgLX/ZLMiU0oisObntcZE7Ow6nS4A46ePnx8enhwH7zpVfHo89X4X5zyOg2gKgbqubRrHDj2j5aNRFEUl5zjO8ziGPiwthQAa70NwTdMwQT1IQYr5fcwOANy1C0sRkcVusAYsqEWKaOGCAArkEXExQ4iQ1y5hRowoKlZjtsiZQ4sMEyARMts9bZWLCGiVTCATdQUQNXoBXGMKoFJ9pbqPKzRbVWGFG/5N9bFpMigiMeXt9kIkBIIlbWG7YdFZVqi7QjNla9VvN/ELW2Cc575tmTnnnGJUVUdsIIiU0jxNJcYY4+X8hCD7XVcE1giiKbXl0dagg6aUZK36LaUwvfxGu6pCqWKjKwzsq+IHAAuCd6Mw8Bm+Zkk16IKbEOec9yHnnHMZhhEAvfdQ5pwTiJBNVkkEyEwlJgIGdnNKKRkzVxOaHUh5NrxVfdhJti59RWyo9Xn/W7rvy1VwqwI08lxAYEBBsf4qiFhAGVB0Cdsb4Y6qdk3rnJMkl9M5xyQiqMDMC8O4iA3OBJYAv4zCioi7f7UPITjHzoW7+5vf/e7t7atbH/hPf/pX9uw87fada0LBcj4NMcZl8ykas1sRyTkPw/j508PhcOjaXgUeH55Uteu6Xb9vuwYRS0nTND0+LrWJu93hL3/5iypOUyR0TdM1Tff0ePrzn3/64/d/H2MuxfCZzjnXtq0P3LbhcrmM4zjNAyJ7H0pRAGjbXlVLTOQaH7hpvGNCVCuQtdJ3YmRGh0BMIOhoRdYVAS2OCQlKmm2lHZAliQmVCVbbwnIoCxvIAkBdk1vkPK1HN9F6aDOjLDAxEUFdmbvLs31QYxwmQoYmqpt7u5PqfZY3n4c5tp0rtztsKbWoQZSaMN7QMm9tHOJnaT9cS0uqMfxiEzvnXAiO2Zyj4D0jlRzn4TIOQ4yzqkpJ4zgiyGHf+9AiiAqmGAlIizASE6cYS7ayNPuuRW15/7IUcDUQqD44LsyrhID/tvi90EGqal28EJco40Leoyq5ZMsrlyIiYxEt4r1HeNRcQIWRPKMjJEsDiTA7AM55nqdcMgI6xCUcVkOh9RG25ufzJf4vWE8vfrW9ZzWdcGVLhud5qK3eQcTGeWUsKaeU5nk2T0JV0yY93zjvnHNoQJiloxWtmUd3PPQiuW35/tXd4WYPmM+nDy4E0QQiokQEITgj+Om7fXBgtYZluawl+IK0sYoJREaEpul2u0NoWESmKS9gUCLnlAju718zuVL03W+fhmGKc7Kz9OPHT8zEbum1aaH4gLTb9WbjGexVV6zUPIw5LjVUq3WDC7WU6NKplZEUBHKREtAvOw9EpKCSEpLiHGdHGJxpCSZee9Bbg9lrVeS6nExLKHKFpstmqRZrYoPvWDiOikA1f0QR4QoVXHb2wtJag2dEi6lvy6YVJrA4/AgASki4UrcQr46A6HMj+cWOpGtd1lKQVoxAaXOkr6t8TQ3ImgXQFcisqrWtJMAS/f38+fM4XKCIdxRCYAJVlZSbQ2PBspwl5VgfM6UU5xxjXOWnIlOelQK+EJKqAasUbR2r7cO+kJ/6ThXXrXCauVdbvdhTW+IZYSQFAnVMBBwwQIGSEygSuqKQk6QiigxKMQOviaStz4ir/7IdpC6eC8F/hdbYTsiLF1U71CNn+8I5J6XEUqYyScqoFGNE1YUxQDc9TNeQs/1oCy1atqN1uz6Qa+/ubt6+fU0M7z/+9vDrp1jyt9++7Xa9gdDX4vdCRLvdYRxHAEqprLRL5Jw77G+8C1IgBL/ftZZzTrHMcTCkOaIej8eu63LOl8vl7u5V1/Yp6i8/v//nf/7n25tXr169ORxuhtOw2/V96EODSAURDBIOAE3TELG1kctZY8qllPPFonHoF3omx44Qldf6AisLFcxL91YGRHSMYE0ArFMfORC16Iblu0x8yCryCZHUhmE95WARf0UgIsvgejLzgUDRkBDGFHsl+K0KgmHBgb3YB7y2MF9yz1es51WE8hpmA0SAtWCfkHBBoMLz3MSmkPwq85vBPCMoLaUAfoVfY3uHepPqpQ/DkGPMOXl2Oec5R8uCqRTHQOiC567rGseW3V8L4ec1xpdLwZVVzIa0wDoQuMLAcINiqtGireLYqoYXT/rikZ9J4BcCXFb+9Fpobqxi9iu/ND4ABmR0iKgiKRZnWrhozoLA3gd0PiegVRktmbXr7C2Tv51PItpGY14ol+0j1DmB51d9tLz2JK4Jb12iGItjOE3TkLIWUEvL1e2hG+K7FfpUdNHj68/FKnocohz2/c2xJ5YYZ0Lt+qZVd//qlslPcX56ekAOVmN+Op0az+Y+WaQagZumUQUrK2qabil+zdlimVkuRGTcH1a5PwyDKj48PMSulKyfPn16/+5D8N233/q+7/MgITRd17WdQ8rsJATvnLtcLnWvpJSmKc1TyjlfhnPXdW3bd13nGBENWkdt2+QcRVNtx2hahogcL+wMklWN8oPBew7OMAqLy4HL2Y4EG+N/MUlWYTLaUIuGWL589VbgOe2K7TrdiMGy3utD2f1FFy7PmgJfdcXyFEVLfWtrfdRdV6WoJnRe7LDtzqvaYbvtKpxJNvDz+rd282vM1blhGOI0NU0IIYDkYRiG84WZXfAEMl7OKSWGBcB2uZxgKeRPqkvfYhFg9rJiIiw3YQCZnOcXJsb2DK8PVSXkb4nTl0pkeaINf5rdxyhF9FreetWbiAha/VcgIu8bySWjIDpQyimXIoZ+DL4tG/bP1UUtphDZXQevemVjA/i6+qsPqJvou66xEtuosDRYJERYzAQru0YCYiAtCtM8EVEbGhCdUi6leGYfAgAEttAeeVXEhUnbdhGKWmPmsgLqltDp6fzY9X4Yhs+PH1OeD4fd99//ru97QRjH8ePHjymVu1dvDofDOI7zFKchzvPsvfeuMb9aF3KEtm37m5sbEXl8fHx4eEipICK5+Xg8Hg6Hrmtw4fWCtm3/8uefmubE5FMq+/3+22+/ffPmTYplcNM1NeiJeGFMWKEiEGMZh3kcY8kKAPM8WwKIiFQlpWyMYW17E6OkbLivZcmJHAusEUFBZdFlf4QQPBMRaLFyI6sqfIbsqooD8KXhYO/C6r+o1t6Na5dNeoa/omoj8FIxuYiNWpop07Nrg0R+Gfl7lvO3Ixs2x45b2whVeau6QNco+poE1ao+1r2+DNhc4vondi33b5pSSirlEELXdWkeSynzPB53e8dU5ukpJeslyMwpxqdhFBEil3N2DlVMMK4nZDUu7MFq7KZqtPqBrY6oGhPWp/vy+tI8wS8cuvqAlkLiTSUbmAGfVZVUARAJ2bMDdgCQshpOFqzNe9P70OpzPBsiWgkYAOBqUdZjfzueOqStXtuOvyrQIgU2JuT2KNrOJ60+79Mpdl3Xdq1zjhQS5zaEtm2naTI7ixwDEXMx0uxoNvvqdL/Qwu72d7fi4OPwOcbYdV17vN3fvmma5v3798713333B5tE7xnEpXm4jGMIoZTy6tX+5uYGANo2TNNEREhyGT/FGGOOodW2N8ZXbFs6HPh4bEXk6ekpxosI/MM//O6vf/35xx//Wkr5x3/8fd/Djz/+fz5++PzN62+Zsej5acjEuts3XXvsj20L7cfPn/p+r1F++vSx7frb4/3PP/+627umBXbCPnsm5sY7ajzP4xOhNkwOCUlRFQpAyZK1lIJ+ycIRAKBI1qIFwDuyzkUeANA5YIfOWyZFHQOzIgOiIgQXshREJG8xmqgIzpETp5sqyZQNs89ZMhGiZ0RUomIc+iqsiz5KJU5lOaaaXU+OASAbkbEsUVpEdK41paa27SxRkjXG6L1nv7SGlVKQ2LEj42TBhfcl54yCTdPUMzznPM3RxuyDs1qGFPNqnmhOaZ6iUefLBlFusfPzh4+upAOzTsOQJimZS+4Yh8fPcUp903po4lmmkW66Gyd7zeN4xrb13nWSJeesxRWRT5fP3vu2aWwAwrCgFRQR0LNv26VC11D/jp2I1KYcVRQnuYZp7C37lbneCppLhk1pr5diU4eI0zRoLlpKnM/G8dH3PSaJsxhYSUpyJTAwqoJSinwGUC1zkpilYB5TVFf61jc9FjkP89SKxwxE1BYiVUi69BsC58gpLvrROYfKaUrMKeZZSV1wwFAUyDVN2P/TP/34//pf/zcU/e//u//zN29vmwDeFS1J2hsRmWPUufSH7nC4AdXL6TILTMPYUGidny8z5LJr940PeGgeHx8fzvP3v//uP/w337z/9P6X336ZEIdM2hAxBfItBQCdxzjP88fpkx3PMUUqRs5OwzRNrNKw++XnX7///vu3b76x4NDp6ZxTWXjVi9penKdYytlCGH23t5YLTdPUer5SihXmKyw5v/1+33VN0zSIcyklxng+ny20u9/vEXkcZmZ+9epV2+69C+M4q+LuD4c0paZp2s4pFdHEvDTUu72///Tp08ePH0F5v98fj7e7/phSwumhaRofODhfyzhEhGhlu1MFFVp7QnviqoyvB44qWSM4EMPwGGOyiCztYAmXohtyiKgIRqi9vYn+7UwbPLe06ztbQwA2EFUAkNVHhecM5jUSsZLdLbcyqXvmVqwJGl3zLPRFtH87jMWl0mchN/sMEa11BnCdNBFVTSl5Jh88oEzTOI3DPM9a8nrYLuG6EGBdlyWsazZwje9aBWcpC3poa6jr6ojBCveg55B82J7Va2B6O9TtDfV5ArVksR4gDEhKBRQRSBmU1rAIWmOQpY5cBFAIjH8YS7EqvhIaXwCzKOVi6UgFFJExzsTE3qMjUWOn0VLKXGLQsAY7EAgVRFGKStu2gpIll6zAFKfp4fPlz3/66dOnh7vjTd/3u3YX49M0Twop8B4RCHVK83BanitNCREck3fMhEXmcRjTNBIRBpym6eH0AKTsCRC6thVVIxGbpyljZGDMoAUMIIsLnOTKxlKn103TVIxmMgTv/cIcHaOqjuNoy2xkbd5bRZwnpAJLUUCMcZ55GM6GB2FHdquu67qu897P82RRFiLY7/eWwUHkp6c/AcDNzc3d3as4l4eHpxjz7e0tCva79nDYkYciUTSyw3ULhsfTGUF3fa+qp9Ojcw6Ya2CRmb1bEBzmPaBoAUFYOeQQyT3j/lx2GIIV5lrQwaC05uYLKOFqHFaYpsiLlAkAfK36/qpi6tfVb3+hTbY7GwB0BYDg3/hMBVya8WImYVpp+68Du1INLPFz2JjKW7t6sXgXwPiVBNB+WymanqldEUayg6SkeUhpGIaUEqMaw7ZNadu2TAWZYXPsb70VUx8WdKhchDUrpCvlMq1N8Kov8xXFuva1eaFW6rVVi6UUTKJFkQmYTXUQAJGzBnxYeFEcWYVVBDUnAAUwl1NTNkEo3X4nSKkITnPJCjEDMSilMnSh840DVFBlTwIay0xMVo5iyAAly4gKKbvQCpZxiEDQhgZBUzp55td3929evb093Hsfnh7zNJwJpcdz27bBswoDFgJpm7bzbhimQkAoALRwzqIEcHGWYRg+fPgwTJemC3evX4UQTLrjOCUp6DwKlFhAkJmbpllS8o0z/QAAbu0u4t68eYOIT09Pu92uindK6ePHj8aYomvDx67r7u7ugu9jjPEpjsOcUjqdTiIyDOebmxvvPZOzOnoROZ/PqjpNnxCxbVvLfa4x12ydbpvAIlIkq5ac4zzPXd9a7YxvHbMHbIEUSc/nc9M0t8cbH9q23X3+9Hi5jMfjsfE7Zra2u2uCsIAuVocqqAqCbDf9VeAREcmCmk3XzvNcSmbv2rbtug5Acs5TXNB7RVVLEVlEtG06fX6B5dxWZbY9GL9UWFWnPAujPI9r4JqgxTXMqarO+SoGW/Whm6hEPeFrJqU+/gvTY6tEdInML5aIfFGmVZ+o/qGZmcZua593zkGxeGgupcRSJJXQNt4BMxdYWrfVz+PGM8eN9bRVDbqB1Zdyra+rSqSO8EUYuH7R9ldb06yUoklExDklWIgCENkhO2RBMZZO4/a3/xDKirmDIoqFRFHkGmRVxZKSIrEnUsLgMLhCy7p476GUOc9d6ICkGMUCMFSCePQxl5xjztl5z+gw8M0e/v6P//C7t79vfKtZ3//68eOHd5fzo0rsH59ub2/bXZ9yLqWkGHPXOedOT4/TZRg5OMXz6SQpB7/j4C+nyA6JaJ7naRxBilEWkIK1KWqcJ+ApTbkkAHCeY5lVlZE8O8mFkRofGh9ExN3c3DGzFVZZxFhVUypEjtk3zXK2MHPf94fDoQnd58+fP336dD6fiWichhCC981ut4ix6YhaVQla2i5UhRJjvFwuwzDkLEQkmi+XE6K/vb0NYUopua5XLWOc0UPTNKFpgFQ0Pzw8WHOXXd/f392roCre3Bx3rgUAXkpeAUS1SC6ZcSmTJ0REByDWtcz2X6U4tP1rO9I5B6DMzN654BEVmeYi1jYN15adi/+/Zli26mMrXfX6W0KIm9wsrHm7Ks+09oXVTYpERLhZiKdEN1+NaIzT1taAVhCabmrw5XkxCG6ihnUAAMAr1yltCGxEpJI/1tPbPtO37ThepmFIaWairutmhWnOwzBogXmeoahzgTzbfmjaUHXHNopcSYOq0bFqvev0wqbVtjyvCbrOfHnZ9UpXcqblUbKxrqhNESRRVcmlAOYsqIWYEdmRL5oQERQrGaoqEAsxAylIUUVVZ1n4nLOSLgVNok6JgJUgNB0wzyWXUkIIwTtAEMKCkErWvASIoaKXoRmHKUNi9gBwOp2kkIpjdK/ubuZh/suffn78/Nv59HA+f0zz0O7867dvbm5uspR5noEWGXTODcPQON+EMI8TigJILtH55vb2VhFF836/Ny0gkh1RIiopxxgd+XV/SsW8Xc9IIjSKVhE3TZNlRna7XUrp3bt3lpcFAItT7Pd7o+cSkXEcx2H+8OHDhw8f9vu9/dXr168t/GHWfpyTHXoGGEVYAHDzPBt/pz1b2wbHIecyDjNACU3IOZ/PT3BzI0uj2StARVVVy3AZHx8fY8zBNypZJQ+XkwtKROqJgUENMEqITnJhq0kzjEWtfFVFUEYQhKUkDhWJkpQCCkyKmEVSKc4TeRdCWLoxIQACLhwi11TFS/VRW3XoFfJhxpAlGEyp4do6aCvA1z202gu6ZnBk5b/Y2t5bfbTE85+3krzaOKs/UlUJ87M2H/X0Jry+uX1AM1xfBFaIKM9xGobT6SSS22ZBOprDy+wN8X3wDRKlOZei7abioyopEdmiY+tzwXOT58Vo9WuX1YZ9OT822hr9vX7YprRw0VKSUXAb/RIqLP2yBS1tB6gAHpkBUYuqqKASE7LDnLOC5Jw1m1nkCR2gcnCllFhEFUhhzgUA2Yey0Ikurers0ZxzKF6lMAIzTnF8ejpPY2Jonx7H2/2r89Pl55/+fDmf4ny6nJ5iGm5y2ze7lltBkKyAZU4iIiG48XIp3sNqf9mJfn+/a5omBJdVbg7H4HyMk2dHiEwwxzidh8DBe2+N2fI8kgIRSc4JQEVQFQQ8sSK5aYxtk1UwJ7EApwXJuq7b9bvD4eCcK7nEGK3+bZqWzzRNczweYYWjTdPknENU82CZuW183/cqWEoZhsEeqe97I49MKbVtV7KWUuYpGVy66zpmbJqm69um8cQaYxTNAsWgRCIynJ7eE6eU52EucfYHF0JACqiiBndl8uzmkojYMTI7IkJdBK8eXy82mZGPEzMQppIpReTgvW/7TmtFhgoCExF/0dFPv7A+6q+qIqjX9qvreF4ohWoslOfv2+ogoj4b/iLMuEYr7W7MLFq2TkFFQOFzMca1KM7+sKwV3C9kGDdulJ0xU0wxTZILgM7zjGvgzDnXNG1JWRVcCLQysJfnxXu4AcVXYwS2GWItFlUii3VYdz1GQFXDXq3YimV95aVOrI8gIpaqlsVwUJGCqqiGw4QYRyJy7AGVWJ0isRALiThizygIygxMCiBmtkixjLuqGp8LADjy3jeEPEuKGUtBAY+EqWC8ROec980cIyo459g1ZryIqGaFHAEgzul8eXx6epqmqWTA4vNMH8dPj58enx4uJeVxmMchdm1/29/u2psuHJhZEYiwgFr3pdPjoEV2u+i8sfMREhs4OMYJUVOKMbqSMytIKQwIonEcxeU23BGRRS0NB2RhB1uvvDy7OEScpunz589G2EVEVs/atu3xeOz7fpoma3VhjLWq6Jy7vb3/5pvfHY/7jx8//vbr+9P50Yro27Z9JpmKzrm0RtT6vrVArt3NueBd03WdCgJQ1+3v7u6madrt+5ubg/c8x3EYT8aSgAp924XXXgSMRbXftV3X3eydgU1VNaa55CyCynmhELTuOAtfqUDJStdyj0UwUFVtYzA5IgYBzVIUgb0L7HPOMs8GwINrFmPBa7w4Hv+N66saRza1JNsWJJWEzrRIVXkWwmRm4GfoqUXw1mil6kJmu+1pXCMj2wFsnYhiHHur46PPC/a3GqR+y/x0co689yI5pinPS8vrtm37ficiiFPbtiIATIjX1El9almzKl9OV52rrUUGG65jraRn61U2cZMXdkpdrK1CAcwKC4VWkRksAIVALCoZkRCFuBATcQHUQoqoIlKgrJzC1xgWCiIYjzYDOtIyRlRlT4HZxTTN89w03Db9NE4AEAI6ZgAYR0NmI2TwgZ+ePv3lpx9PD49N03TNTrK/PbyeLvH0eI5jZoThnOZZb4+74+HNrjl67IuoSFHEmOdxjA+fT7/8/H4Yp67zu13/+vXr4Pu+by+Xi0gex5EZfXAgOcdUJMUYHbrgaCJyZG1eNcaoRVzDTDyvQBgRSTFbqaUzyNI8J+fC/f0NM1vm7Obm7nIZP316sGWowRFm/vbbb5nZQhhN41X1fBoeH07f//C729tb732Mk8FaP336lPOpbj6LiTSNN7Iv7x2AhuDbtm1Cp4rzPLdtaBpPBIDiHLdti7iYDM5Rzn6aplKga8N+v9/1B5QLIeSSYoyk4L1ngpwzITpiRCwpi1G8AmbFpSm3d4gYUyqSQnBN11r87/bVfduGh4cH59zd61ehaYJrhmFQRDs0l5IEgDHO1vWaFEpKJtIEgI5VpZrQSoiO0bGUrISrGy4qxfwpyxDbLsdVNnCtvCaivDZAWwyE9dwW3MAlEW16a9MmXIkefHCyYe4wsQcAq0C31l8V4KyqsEnobC9ZsyH2MRGx42Qex4UsayEftPGAqp7PZ0Tsd7ucs2EIU4rzPBvVg9GRiYgVG5jpbgUNlgqEtZ92JezCNT9do6FbYOgysJydc37lZM/X7jxL6dpCTS6CAMG5HMdu3zmkeZ67PoTgACBOc5HoGqeaLsOJmZuGlYpjBPRzjJILIgnKPEdE50KP6kqZSykIkHO+XIYmdF23exzTOI67XXvc38Hp/P63v7Ytvbnfexd//PFfcoyvX7/uum6ahoeHh4dPn73DXCJpjml8+Pzx6fF8d7z/4ft/eH3/6t38QEDOBZTifTPP89Np2u9e392+Op1OP/74Lyml0AVj85rmYZgyAOxbf3f79u72PvgOwRGVjx8/j+PlzevXbWi6pk2gl8t8enhsQ8PkurZNMX/+/NF6yHnvSs5W0GgHlIiWtMyqG8d5tzvs98e+74lcSlkVQwjOBdVpGCZzVRCx7/vdbhdCeHp6MvEIIUyTqurt7W0IQQp8+vSp7/tSyuPj4zQNzHw8hrZtmqZBUu+5aZqm8ba0zK6UYpQcqqqChmctArmQwlKiyktr7pkUHELjvFsq5EHLzKTGquEsNoEKgAzIjtkhMxtfnqeFqZgdl1LKtLTgJW4FSs653e1tq2UpQOib4Nqm7XsGdjkhk8BLKES1wK1Q0N63EKYJPKzEmV8GHeupXrvMIiLSMyD5csiL1ECjiFidBawmyXK6rmf1NueyOFyysG/V0Vq2wnJvvKDnrrwb2xKy+ldmMOpaQWfHwDiO8zx7BbVwshaRDNZTYk11iUhOycLopRQkakOgNf+Km2Zops7qI9TxMGMIzjRLSrEU3A646so6b13XG0Z2GIZ5nm0h7BstdlNND/txHzTnKERZ8zhdzuey2+0Ox8PD45zSnHMWyR5cLl7UsfMlK5Pj4FSk5JxL1mFOBR0HBUZgUHXomMLlMv7yy2+/fp6dc4fDdHqaJcVxyNPw9B+nf/7w7tdxHLuue/p8+cuPP3/48CHFSVVBRmJ4/ermsN+fHz4PT9ry0Det1fve3d0dDzhOl8fzCTg03eHDx8sc6enp4ZdfH2KaWu9Ey5xLyXzctcfbw/2r2/3NoWl2XbfbHw9Pn3/OOU/jeLmcL6dHR+CZDrv9eLqo6jxOcZ4BFlpnERnTvJirq1VnU7qERwGg67pF/lcwTwjh8fHRsOcWMbZWFwbl+O238ziOt7dH0xTOOYOffvjw4fEhmrTHGOc5dZ2z02O/31un7RCC98740420HtH4+QQQkZQ8IKOafSipSk6e0fh4Q3AIbpW9DPRMcixMigRLCFCBmBrnzegqpTh0zjlAXVIbjAhg2Q3nvW9C07fkHTMLaMxp37duXupPClmhA6FCKWs6kK4SWH2EantvdcF2r1fTuooBEVlu20SU/VI2VlOVuHFVVK/+kqqK6kqK55ivXtU2Zq6bOmte0zrV0rlaHxvHYatHaujUdo+s/QQsoy1iHIDWuhytkkgVDAY2z0kEvPdN2zpmk2RYu7Rv9V2V9i3xVw2IbEEfZVNKt71DS6SqT09Pv/322zzPNzc3t7e3zGzqz848e5bL5RJjnFekFnuXznI5X9Dxq7dv2qmf44gqzjVMPMec8hMzd/0REUvO05RyTIhcoMxpdE5C0yESIgNiSun9b+/+9U9/fjzjfr9/6h8BgJGcY8l5HP8yDaNIvjkex9Plw2/vPn3+6L3vui6w7nft3fF42Ldluk/TvGsOKOXDu3eSfRc6bTjGOM7xfBl8CL9++PR4uUyXYZhmyZJTZNSmbVofbu5vvv327eF2T2QhO1qNzWj1ztM0MULjQ9d1OcYlYSrgfeOIl+LysqT4EBeUNhIJLUzGrmv74BtCzqnM83y5DIjYhPa33347n88557u7uzdv3jRNM03T0+OpaYOVMCCy9w1Rmud5ntM0DdM0mZSavtjtdrvdjmiytkwhuEppWc1p733bFhEIvrWlBRLvnfcOVCWiVUMYK7SIwFLgu8iwiFg2hwBgIRkWFLAQgKoqCimIQZhSTnN0jev7PjQ+lxJjhKxtF/q+FxUEGOMsrABQVE6Xc0ih8e2cUyzZUjNu0cBoLVpLKVYOYM6FqjrvjEW2egS8ELJl2lRqaE1ersXyiMiwqDkRkZS2KmOjNRYhr2wApRRRjTE656xo2GiNDAjnPFcbvt7nmRp6XpGF+DLxYT/WA6dGScz3yZcJUJmIwSmhLPQ/pjeXfvemFELTeN9Yw9BtbMXUkIGXYIWcmIox5VJW4mJcK4Pqg+AmumGvx8sgIh/ff/jtl18R8bDbMxKIpjk650ITvPOgEKf5cjqfz+cYqO97JFCQOUnKOk7l4fEyjDFnJXJt0zqkGOM8JQDp9k1JeRjyNEYi6prA7FIqKphSQXAOaZjih0+f/+VffvzLX/7quzcqcj5pmmZE3O96Zswx7fbd0+fz48fYtk3r3Hdvvun6xnvfdXp3d9O1Ps2n+9ubt/ev5qk8PT42HtvmBhnPw3QexpRlLvJ4ufjQzTmp5P6wbxpPKoR63O+856bl0DhG64EhpaR5HCyhaXBSRprHaTydL0xPD58RmYg8101YzDioVrOsrA62egDg9vs9EV0uF9vxk3kjqmupi7cWMqfT6fHx8XK5NG0w19QYj1XLw8PDw8MDEfV92/e9lKWMrW3bEIIqIGLO2bo9MLNFngBrc61WFb33CMycLtOTRyYGw1svp7cCM4MWUQUQAnbECgKIZAAIE2owz3wtDC1SUDNgzrn2BVoCgWvIzXvP3hNRlqKE4zRlSd7MZWH2fpjGKc4xp8UdQOCCAKACRiSjVCwgYtvaOgoJXGmtELSoFIs1gfEJgiWDEZFWlKdphCquwzBYxFs3addSCju36JeN+shrjbnxILlNuS4SVLtjqzjkeYgRaxU8PNNx9d9pmqZpqkrQgt9LNIENhggA1k89my6yhlHkuPGB0Nk2iPO8tctU1Uoqqrlkmq6GWmp3wWp6WEyn6uKqQewyHcTMxg7x6tUrqwerJoylAk6nk+15728U/DDmcRznGUJzQ655eJo/fz55MrgjCjNQ0+12IQQVnlNKSZnarmt6C/zrzOzHcRItgP7x8fGf/umffvzzT8OQ7kKMkzjnHAOAljz1YXf/+na/67nMKaXjrt31/W7XGW6YKQbv8jRO07jvm7vbu3nOZYZX96+cv/nw4em39+8+PTwi+/3hRklnTBZwudnvXt3fekeB4Obm0Hg8nZ7m6QI439zd9LuWHIsu3px5AIwkJc/jMJTCZl2wI+KScoKEQOTYs0uSSllwI7LQGC+M/876fRl03TnnvZ+maRxHe9+SN+/fvx+GgYh2u900j33fW4e3skCwdJ7n29vbu7u7vu+HYUipNMelLaj319DdSv2sSMqCoXGELi8ARTIoc0rJhlGNaks7GwU+AJAVg6A6IGASXfqPMFtTIkEERibDk5pBIqKkzN74BFJKwzQg4v54OBx2SdLpcs6a7+/vb+5ubu9v9vv9lOI0DW3bQrYemr40hbP1xBPNBfR67tl2d8454iln3XSlWeIpq0jUHY81o7H2E5FV4Zs8WPqTmWXl7DDJCbwUgAguWrKsuqOUojGaXVClReEaINjGa+D5Vc/zkp/5O1WV1D8kIsvN1/jFSrAGANb46SrPiwYjp4IxxpSK5mvivOoLRKxw9ZpyMu3pnIXAlqYwIotD1LatbgJJqgogiMpM3vu2e/Pm7au2bS11GNMUGkdECiWmKaYJUPaH3jnXd9+olvP5/Pg4Oedujvdt2+ScG1/aLiDiw9OQpqe2be/ubtq2f/fbh2maUEvXdSI0jcvKes8pllQEsFg33xLT4dDv+6Zpmpvjfr/fE2jOede1r+5upKTWf+MID7ueiLwjS47GiHG6FJkPXdc2rsQ5kP+7P/wwjjqOl19++eXHH388jZMLHgN5HygYTSG4npqeuyb0wd/d7huPKZ/nNANq08BuH4BINE8D9V0HKghSSmGiEEJJybjHS9Y5pZhSVmhCG9oGVh651SZORkJqe9KVojHmUoTZ9f0+pWTUHtO04Avs+G+abrfbHQ6HGKcQAjuqFkrXdd98881KBRTNhQkhBN8WSc6Zw+m7rnXOEqjgvbPPlLzE8InyGullM1JqyGCxVxVMPhGVGB3S4pvpQsNlRRbWkMIxARCBtUw0oSXn0Fp1VJvZNuh5PD88PGTNt/d3h8PhzZs3h9ubh4eHeR6zFCgqC4qhES8lmfYV1aWgyBM7F2xszjleGzXY/NZzntcucyaTNYYnMelKclHgyglsVfMiktej2BzXbexjGz2xzxgTomzx5isMrKI5619V9bcV+DrC+sI+s/T0q0W602SIgOA9gIBoliKSRWu0V2hpWEUikMuiOi2uWefE7mbWRA1wPHt8w+OsTRsrdG0bBDXjZQm65WKukD2s2cg5Z+Pc3WocMydjmj5//vzhw4cY43G3TxFDCFLK/f1t3x/meX73619/+uknZn79+vXhcHj/61/MT7y7ObShQZC+729vb0uGaZpSEev79erVq5vj3fF4G9q+37V3x5uu60qO8zx64q71KhRIQuMaHyRFRGCnrEreQfZFchs8I07TUAo6Kv/5P//0eC5/+fnj4+lckKYxcfFH713Lt7e3N7t+17WHrmUV55BdUab9sXHhhjwi5WF8QEQlTSn3fd96zwQi2bNrQyhIqJBjmuaUVUQNUvmM3qEGzhBx4T8FcI+Pj5YM6/u+Ot7zPH/+/NkSLofD4Xg82meGYbi/v805WwNxi3W1bXt7e2sm4sPDp3Ecb25uTN5KcezAOdf3XdsFkTzPswXnDV0iMluKl5m9Z0Q0kKtzLqW18hrJOVdSJiJmQERe7HZDEKDqNaEAmzAkLVwwIrkIi+3IKY1d1/Wht018uVwul8s0TQXKMAzvPrxPJR7Pp/P5fLo8HQ6HeJkXPPVGlkQEgewZG+eNScXUR980dpBWLIPF6mTloanStRgFWao/D3rFCHddZ6Z42rRH4k2dGOIzu92MDlwthWpBYO0jtCqOqia21kfVJtuKW9lkmoyqz0TOTteUUtu23/QHkVxKyTllSWvso+ScfTDXA3MWRHXOkSdeyJDXAhmAeZ6naTocDmaumvvM15b3qeqCOqVVkVVrrsaJLuMEq69nNeL2XWVlkM45G5HNx48fT6dTCH/461//+unTU9Pw8Xhs/MJm9j/+j/8XwjBN019//vB//B+/lAJ3d792Xff0cJon8B7ujuAdMdIPP/zQNn2KJWfJUhSoabo//PD70HS73UEk73a7pmlymicBz6glXc7j4bCbJA3nsXiHqI0PqF4kE1LXNdMYT6cTY0Hkjx8e//rzp99+e3o8w5Rhf7wL/e7T02OW4tvGN/Tmzd33v/td3zasMp2fSpyLFiip79vDsU2SLpfHz49nEXGNg9Tv+r7Z7aQkI/e1Fj2n02mappTFNcGHdiExSanv+nV/XhsqW5QEAJxknUt88+abkuU//u//dHNz9/bt75+enrow//nPP6aU3tzvd93x6elhmqa+bx9dJiIR4ylgZo5zmsbZh1FVnQvff39//+pWJH9+fNd1HZLw0psJ+n5/PN7GOF0ulzgLM0oB51wIDhF9UOdcf7hzRACCGLVrfEAGZKbEyTra07L5RYsoCCg6IFakLFgEUnLMHbOKquaiwg4EtMCYywQADIwqwXsA+PTw8XQ+39zc/A//3X//z//6L13TpzmdHi/et5eny9Pp0oadEypJsagV/mTKRvWOiP2+77pu0SaM5BkIG3HMUIBKKZY+oKDOBUBWyTkLFjGtFuc5xrjb+VJQzP4gQpJ5aZWUV0q0DADqvYXFp16YmQMDwLzWFhUpBcU3xpCwHBpm48DzBgtrLAkRlq7LzKyKVq/NzFkzESEhIC3BC13+PE6zSWOao3WB1VzUTVJKlpQgGdcRIhJ5T15V5zmWcv1eVcVyf3vsnk4fH58+7A8tM+QyOsfe+6fHEcEB+K7rJJfHp4+3t8eUf1bdqYQcIUUNvvHOKeVxOu32QbXEGAWDCoNy03SM5AhLWqzgw67PWZ5OlzhHBJ+ipticHrt//af5X/75Y5wzNn89HG6cbx6fhsfHFMcTIr99+/rTh3Ye88dPn/+P//zhl9/gsIc+uaJ66Ls4jsMFSoY2yPff33zz3fd3b14RwbtffxPJzD6w3Nzf3d/f55zHiRhynqbp/DiNA+rctb7rnafUH+Xjx/fDEG9vbzPoNOabmxuenhQcqJ5G/flJf/s8/vI+v//Ec7xtu773zZTj9Hi5Ce03r25fv7r99n76/avDoQPRCzcOunZOkKRM0xwLSAJJmocA054EODddm46Na9t2njUlQ8+Wscyzps+XU0rldfP29vaeiC+Xy3SZs5tFlJvWeUopqQiBMmvMFy1goYd8Op0cXwsWcs6//PKLlbR478dxdM4dDjtmzjlZce35PFjnGCIQLcxN37dd193eHm/v9jHGx6eHnGPbupzzMAyGtjbkiJ1mKc0rDSoaZ4eZRKuvq0REazNYWMKEoktVAoIjREYBsV5NS0+VxZ32ngEYgZYGaGsK0JPn4M1/TrGYvH369On777//+3//7/p9l3MuKk9Pj13X3d/f+6yWaTLr2kZrkWN8jmKE1derFrJlKOzZiUg3EUEz64P3PkApJa0GPDN7RubGon01DGwuXoxRPVdjZBvRMPOwDo9WhFiaRzsram4IAJBWfMZasndt0rYyudfAk6wGXVVAhGgWQdd1MZ5tw6hqPZQAUGRN6F79R/sujXEGgMPh0HZuGC6qsN8dvGun8enD+98eHh5ev7n/9//+371+/RpA0O2GKROyd7vWOe86QLlcHu9efTPN5zkmAFeUmZwqP52nJQOFXC2sEMJuB6UAqJun04ePHz+8e5ym6f7+drc7KHWfPj2keTzueu+bR3gYx/F8evrLX35sPJ/ODyWOb1/B9z98+7vffdO2IZ4+3t9eQnC3d8cQ/G7X3d3fgJTLZSxLWQD2/b4NTUmSU0FE781JB1UNvkHEaYzOtW3TNH2XzqUUZU8i8vDwcCQGdufT8OHT6eNT+vhp/vjxPE7a9UcteciTh3Lo/NvXN7//7u3rV3e/e1W++eZtzPNvHz6yp5u7Y9c1XPI0DUVKnHOJJWdBhNA0TRO61m2a+6GIzvN8uVwQ8ebmBoC885fLxUo9uq675ExG6KnAgKRgJighqoKzYhZm3zad7XXEzxaUvru7cY4+fHyvqt9++/bu7lZEPjz8dDjunOu853kGAKGlRhOMIqhIenx8tBr8EILZsWXlehERy6eklESy2cPee+s+t3q5S5bReSIOUIoWYWYQi1waoBNp7SGLuBACAiEzEyqQKq5EOCsmGlHJIXMg5GmaHp+eSindrhWRz58fL+OwvznelhsiQiar6Hn79u3lw8eUKKUFERNjjHEupSxko7pksSynrArGp65gJIVSJJ3P5xyTiTQzB+ctM4KIjhYxQ9DnPsYKkWRXOZl0pb0wH5NW7LlJrCU+TX0sLcqJcs4guijWIkoCbGUhuAwTbKCgRRAsiFGuugNAadHJw2UYxmGaJuvIpirO+RD8fM4ppZwsOnMFtq4e0LN6GQQGLOM0Aea+bwFlnqMK7/rjcMl/+fPPP//8Lue42+2ICDCfzqfdvpc8+qbzvJ+n7Mg1TTNznkZNGZtwnOf5w/vHtun2+9s4yTTHrtuF4FMK8zwPw+ScK1kUGLQM4/nXX3/+9PEJlb//7pvvvvsBuP+f/qf/+eOH891hxr4niI1Xh+nP//qfEBUht4G++fbbv//7v/vmm7dN69PlME3Tfr97ff+KndEF5cvlcj6fh2G4nIa+73//+9um6YZhGC4j+TDIBVQAwLGXkgW1bdo4i/dK6EvRaU57v/eBYowpd5Ld+w8ffvrp09NY3n+eHh4zelKJwVHfhbd3+2/fHN/eHQ6dDy4654k0penp6RN5dAGdp8s45pxSiilnBHaelMExsFPzo2tbtVpTu9/vD4cbZv/0eD6dLs753W4XmibmBMZllIuUhABuTZOBgpvnOWdJKRFyzjml8ziO85x2uy6lNAznYRx2u86inrnEENw4jgDA7I/HvQhUXEPft13fnE6P58sIIE3jm6Z3ju08NNAqM1pmB+AKgkZa8jJERLzwaBEgeU8KKcUsyTmnBRixgKiqaJEMAOBXDlEAIAJqnCNyxCklcszgx44eAAD5P0lEQVTAigissEIGrDh4nqIsDoNXUmbe7/fTNH18n9i7vu9EZRiGn/705wZ1GIxhIOfVWVDVw+FgzsF68GopCCCIXlDKcvbmUlKcxvP57Jidc43z2RIKxAs+ChcARQgBic3KMLsMEZmL4rWdAiI+TRMag+GGvtiCPgRgCVtnwRiA4pyGsEa+FkCqnckm5IgoyrCpx02mzsy6MfWsCqKGMU3zEv643kEJBFUEEEFVi5ZULHOvxtMkutDGIiJiymORjKRz0pxzyuBdEPUPj0//6T//6d27999++40LzRTnXIYsybnb/WHH1H76eP7Ln3/uu+Pd3c3p/Pjbu5/+8Hff/f733/31r//yv/wv/+uuP/7hD38cxzmlj+UP8vabN0RuTfhqKQUUiUIpmRlv746H/c2bN29f3b/5l3/+K8n8h+/6f/jjv2vb9uHh4d27dx/ePd7eemba9f3bb159/8M3b9686jqHpK/2r8/nc3AcPAJKyXmexsfHR4v3PD4+znP6/nsg5DinlErjdBxnAj3s2oJwehzE42G/m6ZhHJIUQvIxlsswhxDa5iDT7jxMv70bf/7lMaOPcwGAvmkO+7DfNb97c/fD7+6/fXXoGyjxHOfL4wk5aMw5NA5Iz5fHKcUYp/1+ryCG2WV0krWUHFNpfFdEU0rTNIqIcwsjR9d1r1+/ReRpjKpns51FJCCrqpSsqlBKQ468Z+eGYRQQF2MMoTXH3jlnvZeco+PxOM9j13XffPu26xqRfDo/AsB3P/zu44dP5/PT/f3r3W4f55xzbhq/23X9rg3BAe732tmxLJp3u4Odh33ft22o2T7LeojIHMdq3DKzXC1kRXSmtkUzFDVEIzODqLUCFJHAnjaVVI7R3ISieXFYHDkIiEiOzc8fx3lO0XtPjnPOrgnHY/f27VvyDkDIsXPOM6WULpeL65qtb4Kb9KeuIG4TPMs7huBV1Br6ai6IwI4cUymZVJOIlOyJ1TmSgMwJi9kOpiPS2o+2lDLP8/JczltavcYLZQMntcFUHJc5UIadr1zWIlkEVNmym4ihaoHVKyxryBmuSRc11N6STvbsIGjOmQFVlQElXfH4iChFLVOnS0fuJcy2ITZBpUQEquV0ucSYveuc331+uPyn//TnX379/OlT8uFxnCdFccG5pvXhgKi//vLp//n/+N/+9V/+fHf7Zrfvfnv388PDh/+7+78djvf/3//4r//z//z+9vb9u3fn9+8/7vc5pRJCu9/3wTdmouZUcs5EcNj3f/eH7/vusNsdLIIcMP2Hv//+cLj57rvvmHkcx4/v7//0p3/99ttvHONu39zcHI43u8Y7QAFQj+Qgl5SmcfHOSpolR1DqQnPY7XKSp8+PWEgS9E2P7O7vWwJN81SK9t3OMQxjPD9dFKTp2sP+1ThNl/M0N9j3vkzh3fuHX9+dn57Ad9C2feio3bXffHu/7/39bdt1BelCjP2B+KYt81L5cbjZI+P5fBbJ+/2+bVuRQQxg5RRBSxEtOSXXtL7rOu/ZOACNWw8A2rbNubp7uxDCNMY4WXdOBEAmVlxwhcaB4nKWw6Hx3oNi27YhtJZau7u7KyU5z13XxDidL4P37ubm5njsHx8fp3lMaVbtFUrKs2j+D//hPxiErEi+uTmE0Ma0FEQtGbI4rVlICcGRMS+hEMNSawiAiDnlYp3oSUspKFJSLqWUFInIERAgMgIyAyoSWxODpdxQFRfOQWCyxlXsfWA2PJWAPj49WVFWCEFzKqU0Kk3jP3z41Pdtt+/MkgoUdl0PAETZeWrUBzUQJ63QDAHrIgdFQRVIFKUAFy9SiuZSkoL6wLtdxwhpniUXKEVyLs45BLWGVgymKUz+yxI3leAoy+rurQ1HTHUiwtLgUpf8qk2da9kqj3NM1UxghAoMYeamaQiQkUAKWEO2Aqoq/z+u/qtJsixJE8RU9bDLjDoJmlm0u2ekZyA9uxDBOwQv+NuALAQrwGJ2umWme5pUZWVmMCfmZnbpYap4OGaeOesPJZWR4ZEW5nbPUf3oRXVGoMtpLDmWivKYc4ZSFwasir8dGUBYUkySQ8qpWD0hU1bKEGljiquNrlE+AkLMAiCkMgCUQjnOWHddTurnn779P/8f/+8YszUwTQuC2m6383Lsh76n5fgy/H/+v//7/+t/+fvg4e1biNF/+jQoDU+H0+evT18fDqhgva2B7KlPbQvMUFIBiLS6hD0WLQzWtWuaZr1eg9DxeJym+f5mfX+zNsYgZpFwu3X79fv723q7XimFpBgRQAJBKJfGPM05eW0IAUWYEKxWlXXH47lu2lW3GYbp4dvT+TQZ45ytB99///33AvL58xej8a9+/ztF8OOPf/nnf/mzQP7w4cPH779r0CVWhBSj+vZ0/vHnx1MflFZIuuu6pmtJi5LojGkrdDoDJ8mgK9s1FXa7p6en46mvatt0NWnTaHVzextCmGe/zFPEwK7RJeJX60KVrlYrRCn4I11dCIVqefUTlO14OBzbtrZdqzUJKebsYwghsHBm0eVh8Evw3nfderVaOefKVLNe71jyy8vjvIxd197c3LRtfT4/lRMrprAskzGuuCeZOQQ/TkNKQSQaq6w16/W6nFsAF/Av54wolyoABSKXPEWtlVIkwsBCgKgR4KI5EbgyuAUMQ0BGkiL1xJxjaYTKSUQpVApBEmcqeufS/WQsi8QQQgjLHEFIQBbvAQB1iSNZKhCl0NY2xjgvkzZGGwoh3O83BWi4Qk2/oIB0bX6DXxm9lriUa02QidA5V1nT1G7qhzDOpdY8BpRoczBRqVQ7AEjBk/5F6ZAyl86UgjsCAAQPnEVrUeZ14rjiC79Am/8HHBfx8s6/qrx++V7I/KoSYY4pXnbAqyct5eDDHBZfzp0ULrLXGCOnjIgEFwX99T9ERVxeJo6UEkBGUOU3vtLVysUQkghqrYy2xrjTy/jnP/30/BTevdsDMKpUAPvDcfRhQlz6vv/8+fMwwO2NKz1BqxXs9tV+v69c/e7du6Zuf/e7vzK62mz2b27h48eP2+0WAGL0zATAMUZrLQkoEELOYV6Wxc+TQohx2e12pfhOkU7Jz9MZ8uR0Yx0BsF/mlILWBAqYOSwCIposicQQMkhB2LTWyzTnjASUIy+SDs/9w8PDFIcvX75wji/Pj+/fvv3w9p1CeH4+fPp0EAFr2vX61tZN3WyEse/7n74cfvr6lZE2+13Kueuauzc3MS3n0xOBbqp111aGIsjivSdI04yfvzw8PDx06/bj99+7qk05+4VD4HlK4+gNKY1ZWU2CLFD0O0SkFFprXxO8XjuhrwAo1XXNLAhMiCQAmaFsAplLvIuwXBLoltkPw1D8+CWh4+vXr999/xGAj8cjIH/33ceua46nw2k41HW9XlfllOq6Rikzz/PXr5+7rttutwAcwtL3fUkZKOrAV3zE+xmKjBIv4T0AYMwFN805K12qaQlZRLi4rzShGIOSJSNzJoF8SRXDGEK+kgKIDgAEkQkRKbEIZ8WcmUVwiWmaF+va5uKY6gG4bltjVIl1jDHGxZeQtKZpADgs1+v3f9RoiUh5wfg/BiAzc0peKSUkpEAhWqsJ0RolKXLwKYV5HlEkXiRwSLItg5gWyaTKJBJjTKm6PHJAr6IpKbmYSMBCii4jpICUvsvM5cHWVNa0QtwmFEmlNxggR581lao6ybFMHMycS824Qp/FGau15pQ55ZyzRjKk5hyAJadUzNrGGHP5mVqFnCCllDjlkpaIiJwEsXzuoETHceacM5g4TaNSpnKdVjUAnc/Dly/ffvvbd+v19nB4ShxE5Hw+ns/H7a61pl7Wy3rTvn13uL+7z0mmCW9ub3/3++//+Fe/227XAinn/Ob+PTN1Xbvb8na7tdr0wykl1hqUUoaUVZolI0FOfkp+miYA2O12rls3rjqeXqb+bK1OKUmad+tqmg4EtVLIeQZJRAazxGUSsQAArHweh3ESEaNdjrzb7T5/+jZPsXJtt14ZXT09vvyX//LgOvjhz/+2LNA4UPjwL//8bwL5y6dvWkHMMM3x6TC0K1ivNzHL4/P58eXppe+329Vm1w1D7yrarqp5SZBM64xVClk4M7MohiD4z//0l6fD48vLy23CDx9tVW3O5/PDtxMR9L33CytnESyCZU4xcpHGj+N4SQLn9MrclWAEZh7H0fuw2WysqdZ1a40l4eRTBiatjEJx2oeEJLppmtd6gGEYDodD27bLMg3D8A//8A9a0/5mfX9/pxQ+Hx6H4WxrW2CV16KGAvg/PT189913SpMxquu6cerHcVRKVVVV/BEhLK8IBZKkVFbH/Lp7lyT3lDIAQOYsiVkyx/J8Ss4CDBcOiUWwUIIAV18WagaJOSlltHExxrpuQdHkwxJyXdd11SCQU11pxNnsbnyYlaKu64zVl/4WVAqwqiqtiRnW6/X5/PKatnRpHkEsf68iui1sbpmhQgjCGREra502OabkAxA1TWNIpRjrulbFfzXPSaJzDpg3m01d1wVRlisjq9WF900poZQcNWTmWmlhySGCulTAo8VCCSlAQ+qyAflQ/ihnbQrRalNi6fy8cMq4asppzpzLnQPCisRoLSgphTLTVkZLit774GetdUjBey8pExEKlcD5ZVkQFQCWODhEVMoopWIcQZDzhU3POYeQcs4h9EqpGOPnT3/6j//hf3K2+c//+T8fj8f/2//1/66U+1//1//l05fH58Mjy9u7u1sB33b2Lz++fPn6FyT42//w187Wnz592u66P/7V71yFAv7jd3eIpFXFTMbcVTYy8zhPIlLC63LODHA+n+vKKYQMOeesidu2vbvZKM8AUC3oLQgEolQ5sJYxcoiDA901jlkty5JjUgRV06SURHL0McegjC0o8jzPt7e3//avP8Y0/fGv/vbh2/MPP/zc1HD3RjnnlMLaurvbvVJqGOZ5CR8+/vaHH34g7fa7u5j58DItwX/+8vx8fFQWbt/s7+727giuUl1r7+7ecNo2zloNz4+PEpe/+uPvqsr+y3//7//l7/+xXa/+9j/+n//qr/+amb98fR6GcwhBcp6mIFmputaqITSkmDCJCIiUvwIAKHXtSMy5NCusVqu27ft+OB6PbbPa24ZTRqOqqpr8nHNUSkFmkBxmr52tigC0rmulDCIOwzCOPaAohYVwWZaJFBPBarVS9qIaLOb9aVoKJv/v//3fHg5P/+0f/ytz+u1vvzdWEeHxeAQpoQmXYUFESIHJJYTitbKkfMIiAMNloM7MRc2YU/DMrFCAARCpUJwAJcaOQCFgvqJ0gEoABMk1LSMRkjZVjPE8jMYY56qHb4eU0n6/Xa/WcpZ+OGmtb9r9PE8ph2EYhkF3U9u2delS4gwJmHMRLObC1xBqQg3CnCFnkeKzAYWgrFVa68o5pVSiQtNcSluapsEbiT6M48jMKYQsDCkQcDmIL8AQwKvOUsC+qjxe6d7X/33docrXa6yOXPtZAYBzFBFjjEj2XmKMgJyzQ4QYQ85XtTgykQJkSZyvemJmDt7P0xRjdM4hiwIErRUSCuSYOGWRS6k9XPoNMOecYhaGzOmKgBTMJ8UYs5IYw2q1ef++Yeb/+l//4aeff+za/e//8Ns//+kv8zLe3q5/85vv6ro6973S8vnLn30YPn73pnKrP/zxY9usv/vN/e3tvm7UNPfzXKJnlDGuqVc3d9358MDlo8NM5c0RAIC6cogS4pKDV5q0M9YQIROmnHPK3och5aCQtCZAxRINYs4yz7HgxwClXDkty4KglFJV1SBppXRiVbnWB66bTil3OJ2+PDzaqv6rv3nzH//uN6vVymmTckABZDbGhBC0NtvtzX53f3v/bgnp50+fP396/PbwnIHXu6burHXq7bu7m/36ZrdJIZznnpy22q3qNduGuToe/JcvwzTDb3777rvv/lC5zaevX56fhmJurKoqRYVCnIywBlDCIEmllJS+spxERBeYYxgG52pj3Ha7nWefUi5jQSBTjhjUpFKBG8iizSBKJb1er9XVMV1cJ/M8Lsuy228RhRTHGE6nU8rLdrvuupaRi5y8cnXbrorDbb1ebzabh4evh+cXAX73Lq5WK20IAEt2Gb2mWnJUUEbrX/zjiALAAIqZ8VoNK5lTDinEGKPkDJoIAQREWKQMxAIAmlQJfgJFF2ktESDpqgo+pQTMue/H06mvrdvtdjlJySK5vDshxJwuoFGOKYUQIHNKKZQZ5PoYvvo4qGTQp8QxvqobpMB1MWbEi9frSnkwCKSUAKGqa2NtTom0mv0SUgycmytQKfkCTzjnOmP6cSp2Z7lqQC57Zf6l7TWnxIWR0bpyrhwoKaUYQroKw+NcwjUNA0jOnAIoRyIcU44+paQ1KWMIgYSRc8qpFN9rUVdoJUtKuqoYLxW+fIFbGRE1mpQvilVDShhe+z34muUHAMyQQ84xq8bGuDhTtZtuHJd/+ed/mif4u//4/d3t5qcfeb2q3r778P7dPec4T8N603z/m7ebbXdzs1PUbDddCEHp7MO5Xa0zT4CxaW2JufJhICUhLnK1xigkRF2iFRgEURRg3XWrrhXJKYfFD5VoVNK0dvF2GAIgG3tRNihrkcX7yMzWlLskn05D3/fW2u1272ojjPnikdAxzu16o8h9e3j6y48/kzbvPnwsvORtUaCOo59ma+16vTkez/vb+5u7eyA9L/Onzw8//fzVR9nu13c3N9pQCNP7d2/e3O39Mh1fnobzubFG160Ins7zOPzU9+MPf/nKAKhsf/Y/f/7nP//5z4lz13WS6WXqOQWjqHEh+mRAC0CZFos+89W/+jr+p5Scq9fr9Tz74/FUvMuRo3a1EAICKijlL7auEogO4dKfUEb9q99k1TRNTME5VdWVUgDIzDxNU+bUdK3RVkSKWkQr61a1Uur/97/97yEuu92OFHrvv3z5UiwM3393Xy7GgsblcKEbX+0bpbb6l3+ki6pSoDijYkqJUyCwoFABSlGRXjcurRyBSNEWKIVKAykGyEyJxS9xmubj8difzgB0OPbv7t9p4+ZlGT6NPsxt21SuKf3bhi4Pfgn4m8dJIFvX/sqeWhJ9FAB5H0NIV/gDmSElDiGBiFImaUbEFBlQkVbGupQSCBIpIWWbtupWPuYQQnE6Ft+N914ZVxRiRYRqrTVax2s3sFIq5svEUS5z+JW2ssBYF3HqFW9aYigMekrFcATF75Ry2W4uM+YVTBXgrAlR6UKrS9YoldSurZuSMJZSRAHSWmlNhKDUhQAWBEERDiGM41zSOrS+QFqv0kGnW1YkCTlJWGZn1V/9cfsf/vavvD/d363/09/97XbXVc4sy0CAlTVGZ6vhdr82uo0hcfIKeZnOR5wze6Oocmi0DgrnKZxeJk6/qF1LtKqknGLUWpVkN61UVVnhNI5L9MEvp7Ztm64OqZuWIaUkqEPyMScHTkjF7JnBWUNoYvafP/9lGIb1ett228bWUYQzZ5Z+nMd5Udpxhk+fv/7484M12jaf//TDz7/5zW++//DRGFOgtLJXxpzf3d0Z7f70pz//9PPXf/vTD9Pi7+/fmo6Usi9PL5U1379/5+flpx/+9PTwbdW0ebud5/np6fDDn3/0PoTEfR8y4NeHJx/z6dw/Pz+v1+umbhHp8fHZamrrap79YEbgZJRGlBAC4OXgYOaruAfrui5uZmVMOVlKfJHRSlmTIMclimQhRI2rVRtT8t7rvu9fXl6WZdlu91VVdV1XPkxfv30yximlmsZpA8wpRD8fJ+uqpulEZBqXaVzq+uL3//z5636/ff/+Y87xdD5O07Dfbwn1KztA6peCRaJLewMRvM7el+MDVInn+EVQcNVZE5FCAFDCiflSfK+1LYysIKFWgipjqTIVARXS3A9TDGJdG7x/fn6JS/748WPTdM/Pjyml/X6/2+1ejs/O6TK+KI1EyJyylGxYZpRfXiQQZ8nAOTEIam0KSKlIEyoESjnkmKKOiMgIJfekcm5ZFi+z90lETF1tbvZo9DLPxQlavCRKKQKe53me53h51BUA8NVVqLVGJiJQgEgKlQCA0cYozfHi2eeYkEUrVbnKOVcbvSzLOPbzPOcYFJIuySkpo7BWaI3R6gIkyTUBTGutiUIIWam6rjVdWh0I0KjLZ+t6awlnyYmFLsXryxLK/Ny2q6JDvcpSyWitxHaVlQTDaVCI/+6vf/+77/PdbTf2T+/e7u/v1iHMkIMzCrsGmM/H4+FwQnBtQ8K6skZp6z0oAueqnP1wPmltm3rlLPklACm6iBOYrntcCKGuNyhJcgohjMOQUgjLpDW9vDyHHDebjU/+NPTASRtCxGleFBmldMoogjEVtoO/fnmMUYytmYWBAAQQgTAHBlJAaujn0zCigozw9dvj2zuUFOd5TFFfNIdRmHm/32/3N88vp7//h//28PgyLd5WtTYOMh6e+8PT88e3d0bZ8+H4w5/+PPXLh797k1P88vnnv/zlp6eXswhoY7t1O0xLCEsW3u23RJQ4z/OsNOWc0SgiyDnO80AQm9pprcx1RAUoeXGX5UUplXOKMSKochuJSNu2RpMxZhj6cR6cc84YbU3TtcM0Kmt0QQHLas0Xv2POnN6+fev9PE3jsoxt57qu2bZbpZCUqesahPwSr2BYOhwOm83G2opQC4k1bvVm9dvffv/b3/52mh4yR0lZySVi0xhdEmLKVAuvDgtkAMwZckwx+RBCAfnxGhRilVYKQSRnISKFJeJKZRQQYVUcLiSCZduIWXwUZnB1U7tqWYLw4eeff765uSkaIe/n3W6/2awzx5wDobzOcnhVqabE12MOSpyyCOdc7nblXEWX6C2jtXaO4xJKBsJlXLEWUWUGUoYpZEEgZaxbV7Wpm3meYR4REdC8WmzH2V9Um/lihMk5pxg4F9TYlHP2um9eptBXD86v0RAiatuWmfu+uAS4IKbTNOVLhxgxp5Qo50ssmFEWAEr4ShkZUECQpmmKPqSUigLQKDVN0zxNyZeeoaJkx7ISAkDBehFRGMueWg4dSaqqq5x9zqHt3O67j8uyBD+kxFqtFeE8LX6RdmWFdX867t/cOmNTRE4ZAZEUp8w5AavKVpnBL0sKUVwukWK2sYQaylnHkFJclmkcR6fNZrPerDqtMGU/nI7n/qg1kVIhxtlPS/BLmOu6rpomxiwUswiBNtaIEKARQSSHSleG2maDyqXELCglMlZzRc5HScz7m5u7+3dV0+Us++647rq6rlK4pGYoUqj17c29iHz79vD160PKsFptkPQ0Lbub+3mIGptVd0NgXp6Op8OCAOt1NwzDjz/+5elpqlvddltBIm1WzFVVvX1za62NOXz79o0lbteb3X7ltDKaADNLANQiKXPSuinNhVey8vJZWpYlZwGgkoBRgD9jjLJKCKbo5+Db9crVlbbWOGecs9Zra+1+vy8J3uX4YE4xhT/+8ffH4+HlOIW4GItKd6tVW1XVskAMOYQ5JS6tdABUQlnO5/MwDEWZc3d3t9/fAoCxKkZ+FTWqi7OULvDGFRdEuqwzefYxxsVP3ntOEQCMQiLzqmUoandgQSVESpKIvLrlgBGSZAZIjMMw9f2YWGpjiLQ1uN5svffPLy/m55/323VVVfM8G0PGGCJQJCXhHUCYU4kLTwlz5ms4AL1iTsYAERVBtPeeGYpYXGtLpAsxRETMMC6eeQaAGFMWICIgpZVygEBKJJe3hZRh5oIaaK3rug4h4K86k3LOOcWU5LoXXF5JYdD5Gj5aYJFCEk3T1DZVsfwVngVQeMnznAGYFJiscjblzSttIMy59IRdIO2cMnPOkXP0YY4xIgmKy5mXZToeDxq35WUwQ3EDKaXadlVVmYhyEuZYqPrypdgRIzPWtnZaEWSrMfqldm4ezznnHD0hhpmZk0Y6n89wDUxSyogAomrqdpyO2qA24JzjDDGmZQ4pJYyiFF9kLZGX2Z9Pp/58VoCb9arrOkI5vUzDMCzLsmqb3d1NjJ60dnW9u7253e13u5vD4RB8BtJA2lQGswFBAF3r+ruPv3PObW/21tpxmlLKpG0WCJEZ9DSF2Yeqbder7Xq9N9bm4Z+IaJ7nko2IqFZNa00bQjg8PH/79o2Znautq7W2ZHTt9rESTbq2q+E4n89D19ibfcc5c44CuVvh7ds3VdP5mJS2zlgi5SoVYpjn3vvZOaM1rdZ7DkvwMzMb2zaNNZpiDK/P0SW292onUEqVXS/4cZ5/mXwzZBQMKaKi1WbddY1cK81tMbCUPIJ8LQdpmgoJxnEEgPV6beymbeu6tsVct92+PRwOh8MxpVTXrYiAoNE26bQsqJRar9e7/Wa32zDzly/f3rx1JaEIrxnNRcuslCrMStloSF2GKD+HmHzheoGLUpuM0iH6DIKoS0qS5EtlATPwJR9QATFjqakERj6fz+dzr5XVEGNMBGiM+Zu/+Zu///u///z58x/++Lv7m/25P57P3W6/6rrGGjJGIUnOKYQlxEVSFlFFK3W5nK+bYeEm5Fq+V/6CAFAkT3gNmCiPd8E1LnMBiGQk4SycQdq6hkte9KUMoW3bTpkioI75l+bKctQWhe41GPki7sg5t237Kk7JxU8cIzMvo4vRh8VzyixZuNhVIpIQASeVQiwZ1A1WKFDiMIrHurKOruGAzrlCsUHmQg9P0zRNU1utCpzMfIl9s9ZWVVNe6jKHi+DdmCK6d7bO7JnBOQeQhmEwRjVNZU09TUvKXDdOJM/z7Jy6vb3/+vytqTvCKifilIvJu2msAuWnOZAU8CcuSVitmtVpedE6o1DOEn0ax6nkbN5sdymlcRiG4fz47fPh8LRetff393ZVj6MU4bY2dHt727jm+HImrTIDJjYaBTCzIIDT9vvvv7d1Vdf1OI7TNM8+GpMyw7xEQXM6j8fjwKDO/dy89Ov1eutCznFZlpfnQ9+P5U3Y2urLly9fH55LJQgDhBCaptvd3OWIhM5oDoGfn1848ocPH/74h++Op8eqsm/e3AWW7f4mCaEPbbPyyyKSfPQxJqWx6xprdYjLrlrNcQ5hEQVar5rWKYKUfYxRQ4Eaf2kyFJGu62LMwzANwzBNC/OljTimREQsoozu1u2q7aZpYpCCx2uQ+uWwLMuz0vL+w5sP3+2tVeN0mpZvxuq2tXVdVVX96vg8vDxN03I6nVKU9equqXZPT89fv37b7bZv7j9qDUoDczqdDykvSlHb31hr26YqbU/WOK11isV3e6lqfB1JEFErn5Nw9jl5IkJSjOA5gVIRdUhSSoiMNYIqsth1/fT16zzP+9vdZrWa/OL7c8yl5mmsq9Stu9Vq1ffDMPTONB7z/fe74aS+fPv5cHj4/W9/+92Hj51r0uh1bXNmgQgqWU2kdAhMUXNKIaVXM2tJM1qWZbvdolKI2K5WdV0DYghBBQOIbdcAwDzPWqu2qp1W3NRKYUppmgfJUWunMOfoyXUi4mNQWpmqSvMcMnddl0JUda1ZUNDnhTJgBiK56arT6ZQ4112nUE7jeRxHZMlLbY1qXOW0UT7w+RiGkZknsa/EuTFKa80oyKI0KkM66xLABMB5jOfxCNlZJKe6nDj5xAwMhFgdDlMIRLBVqompHqcwLx2gjgtabRXaLICiCbJkiH4JIYS4pBSLDM85UEqIhMxLfzrFHCk0jas0KQLVVvVqtRr68zxN00SJYb3duWZ9Ovt0sn7BuiarMCZvIKASDXI+v9ze3Vhrz+fjtMzOOa0lpdBUdUo8jEP0KcZ4fD72fV9VLuT4cjr825+fnh6/bTbru7v7tm2ZzOR/Xu9WOU/B8+5mIwB/+fnLSz9ncZvNflnSaZybRovC8/kgIqq5pZnC6TyPPYu1Tc0pzX5KMeY4pr4fnx7PR0aAtlVHW938X/7T+XwmarWi56ej94tfqv5EIhIWTAs8PaS6Tv/hbz9+/PhxWZbnw5+//Nu/aa3X6jdRqrbZ7m53c6hOg1OGULuP9zfLMkMKH97cffr0U0dGG7f0I8e8Mu48P5+Gfvf997uuyePZCK+sXRmtUtAEW6uiRA3WIChAyIxCmoxBg4lq7ZLK53RSwutuVWI9s4hfpt16tdvtVvWqc02tq+B9WqIsoRQpKIAKMIUQ+r5frZrSghmin2evtb25adfrdX8eHh8fp8UHn+q6Xt1t69odDoe+79frNSKeTqeUlqpWLJ026Cq12axf5aTMXNKwLvw/X6JuS1KmXL9ed4RXefjl7s2ASooRq0wBpYNzWZb9fn86n3/66adPn+D2zX1VVbzMSsG+2jMDaVvXNeJlQdCK37x5s12tv3z6PPZjaQOxWlmtco45C+pktVKKvM/LsgBVr7wLX3IGGBHL/VwGv3LbX0yAptT5sdaktbbGGlu0GJmILtUhkrTWzKR1TjFJsaUw11obZyFmAFBGMzMIK7r4cYtrTkRQEYEQka2rjUKl1LIspGBZFj/N1ijJPA3Dy8vLMk5Kd6hKaweJGADQzhhjyvRBRCJwCQ1QpK5xc5cfBeKFdWM+n89EpF0FAMHPIWYi6ro2DNOvtidkphCWcYwsqYBWdV1XVWXMJQpkCTMW9921/6Gu665trbVVVc3zgqSbqnHGTuM8DMOXz5+Lg2u1WnVdUzSN59PAzDEkIgIgESzYs4gsMTjnqqpJoQ8hxRhz4kT5dDr1x9PxdADOqc39eWzb9sOH7wLQNC7n0yknVJgI1bKkeYpGV95nrUzTKO/jPM/MUlWVdm4Yhm+fPz8fHmtX3d/fGqUk8ziOJcqgqip7K3XVdnVrjDmfzyGEpmmKrHNZcqE5cs7GuPV6/fbtwsxNW/uwDMPwlx/+vN2s15sNIDOn1WqnkQ6HAxEB51JAWZ4LjkkEh35SJqSUBIiIqqrSnLTWIYS6do172zW2bVxRTcBVEwy/KhLJ13jNAnVpra21q9UGEcdx1Mw555J90zSNjzGHqJQax7GfRm0MWduR4pRC5vD8/Bzjslq3b97cLMsyLxMRaWWMtjnL8Xjux8Gaqq7bYhM498fj8VQAlGWZU/ZV3RaLXlVVu92OiMvwDwAl/PJi5dL/x8aAsj0xCBAaW0FpLb+UBipUgooQCBgLbAqEAOCXuNp0xphxHMexR61ub2/Kn1lcp9u6bpqqQHoiXiSllBSotm1BZBiGn376cdW2H9+/s46MpVLSERkQVV3Xs78cZ1c68NLhmnM+nU6vh0hVVXd3d7e3t8s0wLWRpDQV5JyneSwod3kZOZfeh7wsS20qay0qxTkLknMWVASiMi4ziCLUxmhnMURUBITW2sgJNVlrjDNZUow+i8x+iX6ptDFKFwVLP/WbdQ3MIaQQgBRWVbXWa3OVDgMViYSIiFVKk4rXejpEUloDYErJ+5hylAgF4imDflYKAMSYsr69KtAKeewLDFldElLLD11EWNjaqnCoMUZT1ZVzpWawqeqn/AwMm7oGoMenx/P5/MMPf9ntdpedqKkbra2tQkhAiKhAUJBESkS0EJH3ybm6ck2qsl+SNTWtTNe0p9PJKHS2bmp3d3urFYLQPPlutz88fjm9BARNkIW9n0FRM09pmYfd9gZEPXz7Os/+9vZWq5pjGk7HTz///PDwcn+/eXN3o5BijP3pLIKQoanarl3vdvvGVQD06eGT914YrbU3NzfOjW3d1JUtWHvTNCny8/PzNE3T0I/jCMDv37/dbFbDMGijBNLic0y+rt08+8VP2pAxWkT6vp/6AZaotQZC6+rKVdvtJuZkrPJ+7ppmu+naSufk/TQyR60UKQVE+VdlKYIpg5QKxMhZO9u27Xq1TSn5GHXKRLTdbje7LUEZEdKmWxUhuQ5xqRuzXq8yp/P5EMISggFoEVVVVQUSm6YFgIZhWpbw8vJye3MfYzy8PFeurarKmOl4PLrKVJVdVc163azWrdZQ1VZrHfx4QTeuQE3RdxurXknc1409X8P1lFKIFWLx/5VvvFQK5SQiEmOKMaWUcgzL42PO+f7+fvJdSul0OnXrVUrp6fEhZd5u99vtNmfp+14pzRx//OGHpmn+w7//j0brTz/8+PL8fHp5Xq/qW7dfrVZZwul8mMe5rl27amafr6a+iz/oNeR1GIa+75umKdTVMAxVVfl5ZuaUuISbXJq9s4CwKERU1jbM5boOiCoLKuMcqmmZYynhLnlrIElYWFgDKSKlssqMQApdUzkAVFQoJgDIwiBZSLTWpFGAQYGr7QY2N/t9iZOa57kU5VmryVDTNAAgGVLk0iApGgktUbHGMaIgkYikEOZ5auumH8ZpmpRSbdsWaGaefPF9h7B470u9uTGGFCBJ09TlnYnRv06XtnLWWpDsp9GHqEmlyDFkoxkAg0+CTELjsjw9Hfq+R8T1en1zc6u07s+D976cIyEoRBUyp8QpSvENaK1B1DwFRNTKNc06zEkp9eHd+4eHh7Z2wzCg8P39+3XXjlP/6dPXtjePj/0yIQC8PD8Gn51rK9cs84lzqp30ff+v//JjXbe3N2/nKZ6m5+eHx+Pzy9QD3LDVRimVY6qqRlJmBc5UxS8vjMvih2EYhnEcp7u7u5ub21W7KgM4IuaQxRqFkKMfT0cR0Yh//KvfbnctALtKK6UOhycAuL+/NZUbhvM0Lkqp7X6ntTqfz30/msxa66pp67qu69o5twRPBMxMVplKA1HKOeSgEK7Syutn7CLquygjiz64rOev6B5p1VRtt14x8zBN4zwpJJ+idtY6p+flXDc6Jg3A2pCrupubm9vbfaEVipgyhESYgk+FgStcekpMqJQyrjIraYfhvN2+32w7pUVEtDYFcC59hQVuvPytCuOofkGAX3FBEYFfxXCX5/ASHiEojBeMn+UXfVSM4zg6Z+7f3Ve1PZ1O3i8FU7y5ucksxhhN8O7NXTFWTsNRoew2+//5f/q7VdP+02b9r//9n0+nl8PhyTm93jVV5eq2TZIS52UJiBeCo+jKC51ZxvWCHZafR3GFKqVyyDnn7Xb74eO729vb3W5njFHKlN+pFCKQIptzKXlH0spWTmW95JhzLpOA1ppIIRAWWl5AKZWVIkQgKeBLFs6lyUeStipHaZpKAQrzMk6znzJkV1utqYjLiECTIroMZZf5KEOpsFFKldcTLz79hEQsFxIn52zMpcwZEZNfMqplWXxYSmqR1pQzAQCSWKeJbNPUpc0jhOD9tdb7+iWMzJAjhxCXxSPSsvh59koZpUzOfD4Nh8NhHOePH76/2d9ZV3vvx3GAAaqmds4SUYqcJC1zyEkUOVIKkJxzQz+llFbtWpGJgVmhVu433/9+GvpvXx85xxgSM8xTHIbz5y8LANR115+nf/7nPw/9/PbNx/v7t9++vmhlQNxPP/30r//y/Ic/aEXV0J8//fTj8Xg8HSEGABFgARZN9PbuPoQUliiMItCf53kcT8f+MLyUS74kSxOR9x5Z/DRzzikGay1HT8h1UzdN064rIinEhSZbZjpXGeY0TdMwDER0c3frnAvhOWde+lFbY1yllDKVc03twjxOPSpIKQ3DgJBjnBFYaY1WlZ/Cr7GC10fPGFem7MLZFcaDDJUU6+P5dD6fCdDWNgtba03l9GpVW0sx+hAXpWizWW02G+fc3d1diU4iBEJdzhEAur+/R1Ai4JyLMT4+PqbE2+02Z2q7pqqsD3MIoaouHcXWXEL0tdbFjF6Qi2KNQ0T1q6Z4RFRal+2ASJfgm7KyiWSRC4GH16ZCIvLC2llbO+fczc3+9vb21J+GYVBKvX37lpmfng/Pz883N3c3u41z7i/9y/v37/fbHaKwpI8f31tFX75++vGHHwQSY/zw4e16vW66epoH7711+lVMgb+KCKrr2od5modx6udlTNeo4bn38zxP0+Scq6t21W2sRa1tCGci1vpy/DODMCHopm61dZizq1LOOeYkzMoYESGtyhsHIqSJmBQRFChTkUHlk48xCqGtLVitiAjQz2N4Wfq+DyEYrTk95CyA0na1tZaUYoYSL5LlgmsAIGmVUvY+FI6pHO1lqUkpE8AwDNbaUio2DMM8z4W9m5fROVfV1jp9VdYXFPySqVkYmcLaAkBi8XMQySWrARhDCBppmhafYte0xlXLsjw/P0/D7IPX1h2Op5fTsXQSa2tS4hCGqqrk0oMpxri6bRBxWRYhxzylJMySE8yzDz59a5/v728fvj0/Pb20dX08Dp9//vLt4Ytzbre9q+u6Mqtv/fHTj89+gcoMcfn2D//wz9ttd3s7/vjjjy8DKNSVdV7Z/nw+HefhDETAPoZlUVVrTVWeDkKdgYNnkTBMfpjnU+/fv7+/3e2NMTHkeZ4hs62bFIPPiVMmJ01lUVprrdUqxlIhbrz3RPD23X25C798+fLw8DCOi4j45S2C6s9zijCM0YTYrdblh9Y0jastS2JOIfk0TMzZaqgri1bz9TN8HTd+Cet/lQsVIcI8+SK3A2WySAjhfD7P87xer11dSWYo58Jm21lrQwjMuWlcuaLPp2Gz3vkl5iQiOI5zSkMIoWlaUxUl+CQiWltjTM5LjP7N2/uqsuUicu5i+tBaE/2SZEXXZjBmLk0x8KtSknIK2solziklEGbBlCWEGHM22mFiQEFEpVErrYzW1tSVIyLnTFkijLXFM7parTabVblO52k5n48hLF23HvtzzvkIIpzWbbdZre/u96Qkhjkk3/enpxeLGm1ltK0ElTWr13P69fgoM9R2u00plQe1jPRd10mkx8fHAvQUMVXwKYasyIhIDJLVa1slGeNA6Xn2S7EFaoOcE7NiLoW9hIRacYqp2AuJSFFKKUO+2J1TijkopG674ZhS9FprW1eurmKMPnqdUCllq6IYdIiYmbXWISTOKXEJl1MKtWTwOWa5iEquG2LJAVE5elXXdV0B4DRNMSzGGKPrKKIRbaFVroU1AJByAC79FYTGFIVbjNEovSyL5GiMUVoJcw4xIIUQOOe66Rjw048/ffn0KaXUVPXpdDqfz4j4/v373f5WKdUPp2maZh9XDIg4L9Faq5UJIbwcjnM8ISKhjiF7H2PIx+M5xx+enp5yiAiKWb58/vbt6+dpGt69e7de7QBgHJZv356HHjYbo5T6/Plz30PbRhGpqmpbT3XtSEFV28poZCCB2oKrTBFZKaVeXk4IRgRSBBHOiX1ILMp7aNvVZrPz3sewAJBSqLW2RgMLICOLtVpRDQApBbIokKzVKYWYw67aVlVzPB4/fflyPC6IsIQ4DMuypMPhqJSyValMqlArRKqa2lrNkg6HRxHIwkiorDZ1RUblEuBREMZyZCgqDK5xlkgBQGaOKcV46QlgjIfD4QLPE11GSEJBEASdUlAKRbJSZcm8Yebn5+f/9t/+KV+CBal0fKxWq/v7+4fnn8v1xew/fPjw/v370+n0/PzYdY1IjilWtWnblugSn1mwxgJnGHNpVxcRa90V5L90TZeJ2piaiERebbgcQ04Ibq0RVWFe4PIpVcaYertNKbnKbLdrV7nFzyGEEq16OBwQ8f7+noi+fP469kNT1fv9/suXL8eXF6fUqq4zJ0PYrar/9D//3fPz4/H4Mk3Tpy/eVJfg+PV6/Sqfv76kzMzfvn2rquo3v/nNPM8vLy/jOBaHW2aIMQ7DUE7xvh9KZIHWOsZfap9fz3sg8t6P82Scbtt2iaFINuq6BpEiXSsbk+RMRNZZ731OmYjyJfPWK6XetO0yTil6Zcx6vUYWQpimqVK2vDBCxZyItDVGG1dsKSoxKCruhPLXVMYW/CLGGMKULqV5ZK1VKJBZKdVWFeQMgCRQN05rYrm0Z5NSSiMishS651r9q3X5W1jnlmXhDKbSRpP3PsaMmEqELyIu4/zpp5+/ffu23d+u1+swzUV14qqqaE/683geB8QSY0DDMNR1bW3V9/3PP399Po5v3rxZrVacZFlCjHmapv50fnqy3314V9ft4fnR+5lzur29/8Mf/uAqezqeHx6efv7552WB77/fVFV1eOl/+9vVu3fv7t/cdqvKVZ+sU8syivCqbo7mVDvYbmC32VbWESCBQlSElBOklOZpCYHH2S/L4j2kxPPsp2kwShtjJGXvvdFqWRYMgizGXHDGZVlUpZZlUUoLwjxNx+O5Xck4e+8jEFRVpZXLSUKK0xJXq2q9v0PEqltZVyttq6pq29qH+enpm9JKa6M0ucpZVwFyzuH/QHG+jtXWWuFrM7TIK8wXc47eFzqmqqoC3ND1SyPJZrva7/c55+BTCekg0g8PX6uqVkoVQ93d3d16vS5cAwgNw7Df77uuUQr3+7VzSmvyYbZWV1WbUlj8ZK2tKrdedSXIqKqqsniX07q0ARFRyQoqREn5Wq1WXYc5SUqZMxIu1pZ0ItbaVpU1RhW0P4TQn85EWMAqY5QxZr3uUqqMVYAGhGL0RHq3324ZlFKK6r/64x/atm1ctczj8+MXpdR2u27buqrer7brp6eHx+en4elRGe2c22/Oq9Vqu90Wsq3USnnvtSaRYnmNSmFVlbBSWGJ0zk3TdDgcjsfjDz/8UGjX0u1QyMtympQ88efjS1277X5XVU3OkvNFwjQMA4oYpbGprTFd14V5iTE+Pz/XdY2izqchcVyWRSu7v9lWVTWe+2UJRSJORJWrrXEmX/U/IRGRMoqIUojFuqJqbYwJmcuuWwCz8jMSkfJZyjmnNAFQXdfaEBEaqzpotdbOuXE+l6OwWKUQJedY/nEce2PM/f39/f3blNJf/vKX5+dnZYa2qtf7jULKKRhSQEgEVVXXde19/Md//Edm/ru/+zvOsL+7/dO//Kux9v7Nmzdv3my32/P5/Ke//CAif/jDH2a/FEYPAM7j8Pj89Hx86Xu/3W7btn15efr69SHMi3POdSul1Ldv31JKCGyMfvfxw5s3d8x8fjkoouPh8S9/5iygiVdt9e//5jsA+M33b4lotPjv/vr39/e3WsPil/fv37Zt/e50UkptuhUAjOP4/HI0umaWyBIzj3McphlBN+06hclPs2y2TdMt0ygilTXGuJyCtgZKMzvQvIRlmVJK2Qszl0pgrStB1Y/L88uxbtbtxqzX6/VqG2N8fnxSuprmmJk/fvy42d29efeOFByOpyRct22z6opjfprG1XY1zJO1VlCVttmi4iswh9ZFbcx8zf2uqqqu1TzP4zhqxcXr0LZt0zQFkShPn7VWW6vL4ZdzBgnW2rZdWVsBYLlUnXO73a4EkT89PSWZV6tVVVVXOZBLOVRsBaJzxlj9mr/qnH0V1eOlQ/DSD6aUyhxf7/PX1YCuqnYRFGaEQhNWTd0VHer5NIwj1rUzRgkwAKCibtU1TZNSGse5bi5JGfM8K6WMIeG0LD7n3LarzWZd7vYc/cJZJNe1I0IQPp0P5TXcvbnf3O5fTseHh4fD4fDTD59ubm4+fPjw5s2btm1LykmMsSz/r7BIviYVtw6qyllrnp+f53kutqArHhkvHvwLsqOI1DRN5fK02jHkhgi1Kn1sKQdNyjlXGZuULgBq3/dax8JjaTCIMeccljiOc3m3OXCKsbSOi4hNCFhulZSzUIgRY4psjBMRoWs4SImYlUsrVNmtiiTHGFPUqJoumbLRhyKijdGTKj/iy1V22aWFEDGxhMUfDy+cMgBEv9TOMoBATiEyAedYSrA45+1m0w/TTz/95Xg8rLe7D+/eAqllWR6fvimllEZtiJmXGC6KW6PjklJKikzM4of5+HI+HXtUKuWC4GStybR1163buvFhJmDv5+DnENI8j8PgENEoKKLv3/wWrIEPH+/3+7W1ZZCSGJeq1s5plhhTMIZu339YtV3pVCyQPypd121Il3oOVJqslSksPow+3W7XTd0q0gKMqJhzzAI+AkixA0AgARIRQQNEMXkia1yltRbGJck0DQ+PJyCstBKxIUo/+mFcUgZrbbvZmLobfPz2dHCVVsTDOI3DyfuAyKRgWXzwKWdkgyXmWH7F2r4ieiICcCkYKwNEUWagxMLoKSRgSZzKEVP+nIsTofg+OYMIEqm6btq2LcWfXVcezvj8/Pzly+e3H242m02pHZ7mIeWQUsg5V7VrWqe1zjkiYV03VeV+jevKparpgtAUVJ9/VWJ6QewUgSLJkAEiS2QJiXXOgnry/fF4ZM5t59brzjqNiAaVc5W1dvGTjwup1jkjkMsKo5AQkSWJQIx+nsfTy0vR2+YYOAUAMZpSwrqtUkpJGAkrU21xC4h10/3z6b9P0/Tw8FDU/XVdFwnQarUq03ghZeQSU466tbd3+7v7m4dvTy8vL2VbyTmHEK8FF4r54micpmlZprpu/OzLn6aMrmuHrImIMnLKyYcl5uTDsiwp+hjCZUXQ2tqKGbyfY8hP356MIk1m4RjnmGNihhxz9lEYmTkLX1RnUjyXoYTjAmGKF2EOgmJUVyjtcpqXUMVy9l21Sxkki0BOAJcfqEKEMguXcYA5A3KK+XQ6lRaiorgzzgJwjJ4u5bsCLCwQgp/G/tOnTzHGVdttNpuma3/66VPZmuu6ziKn4TQMZ0RpurashIhIRhcWbBzHlNLdzb6uK6XRWLVatUaprl03dR2C9c4ibRSiQF61TdvVzOwMxJjv3+zatrLWbbd7BJVzRUTT3A/DoDUp5RY/AEDXdYXaLKNo5EwhKGObrjt/ewpRUpIQaYm8pDzOMef8m7f3VNrFAMoHPGdhzkphzJgzAl/uQSYFpApDIGAzqJCSxDj0oZ88IgFaG7PP08vL+eU0KqWMdd3ujpX5+nT4+vC46qr9drXqqqenZ6NBaSCGEFKMha+olFKYU845CaOw0QYBACmLADMACSEAolZKG4PgQFRSBRFXSJxySLEcHwqJQXRhAZVSCArRx5jGceQMz08vMeRrP2tmTkph01S73e729rbEGp5OL8YYQCGitquIwFqNpIrW0LlfmM4CmzFjYVUKQ8uXouP/oUH6ehYSERlDhDqEKcXB2ir4dGlp4gjAbVcbY1jxME8lax1RluCLpURryjEsORXLvKQ8jv3h6elwOLx79+7+9oZFlslnjlRXVWVLy3KOMs/zEhMQrtfb29v7bbcpjQ0vLy+lKnm32202mw8fPhQfWtnF6LWETdJ2u7+5udntdn3fi4gwltHjdDoXcSQzK2WWZTmdTuM4Tf30rB7HZV6WpW7r3W5T1/X+ZpsjS4pTCJJy8D6EBVgIVQrJZ1819bqqydUcE0de5qXebuq6wwRpjpwzgeSccrrQK0SkyRBpADAAIaWi5Ep8edu11too0OY6glwuIq2upVYX5piMMSSAKEqpJS+/7lEuKr8r1GWuHO1FbhdCqNsqX5EkU2KsCEXk6enhfB58mO5v96tV68O0Uiut6eZmt16vq7ZafLFjTHXblMK3ZXGMUNd1+U8YZ2/ubr/7/p2zNREpbKvKaVRKKeGoFALm1ar77W++a5qqZEoyp+F86PveOdN1nVY2hDhOY/AJgPq+7/u+WEBJXUCol+MBEbVW1to5+NkvkJKAPp57H8WH7AMuS5x9Aq1d1Ritc0rTOF6mMyouHRFAFsokCRRwYUPKW1iHlNIcc16CT6gVi7LVapwWn2jxWYTHJUUmZSvlajHuNPqfvj2EcWxbc3+7+/79G61NyaxWgAiK0Fqrm6rVWiP+4ocqH10ELLq+X/dp/CIPiZcyU2ThnHJKIKKIyFDOWbdtq7UNIfglns+91kYYC/hXDloAIYLVetWtGusumb1VVXVdY62taudcabfkGGNV265bGWNEWEScc8IBrtpYESgEp4gU2djry33logunKKyMruq6alsehyXGjKiqqulSWvTEEr2PiGhdMsa8vLww591u44yKaVlycpXRWjNcXcmci7PK+7mqKme0sQoZc22BVd04V5nnw6M1lbJGO2uIQoze+yWGt+/eAMA8z3VTff78+XQ6PT49DGOvNJWzo0iqnXNEKAApBOakVFVVFrHTWiOqGOM0Llpr7z3AJV3yfD5P0xQWH314fjw8Pj+dx/Nq1c3jfdc1bVOllDgG4ZxDjGEBFq211dWyLOM4xZiNsiKyTEtKSSsFQDmyn/zYT8CiEBVqW108L+VTkSKzJBFRREKUUsgxMIi11jljrU36Amkj/0I2CWRCEckxemRBznjNQAFmAWEByBd7QVEf1XXJlEplOPlF8QHMOaWUCEWTJiRShAzPp5fDy8ko+vjdu93NXoBzCoiw2W+7rjNGL8s8TSOSrNfd3d0NACqralUXAYEyervdWmtXq5qZmVNVa2NaEpimaZrHnPPh5YEUW6s32/U8DikH6+ynH19eXo4xxrbZaB2HfiwiSRAiQKuNZOAklasAAIUSJ+dcay0olQbpx3k4DfMSjuezDzL7HCKkjMpUm/Vus9ltV9mnmHPmDEoRMzBz5IyIscQsESTOPl1tmWiLuyoLhxCcc85WyrbomcHMQURYQFV1V9etde15jmM/nIaAnGMfQwhdU7+92wU/aVRak0atUVuqrGm01lZdcmGuK+ovSYDFy/r6k7pcHmBi6Ycs+D2ztdbWVUopSNBFFtmfx6enw/F42qx3sKWUeLPZjOOYOXrvjUWiuvhQn18OhbzZ7/eb7bppmq5rvJ/HcQRkRLTWaK3L8cbM6qqxh/9RrCLXTA2tL3LS8ovn85lQA5CzsapKrmpZqci5GgCUxsWPKcVpSj5gU3cppdWqq6rKavJhCimQAq2dc06As09TnBDROXO7v+m6jpnHcdSlWFcDEZXiy8hRmKyrXd34kE5DPw1Tnv12u93tdrvd7v7+/tu3b8fjcVmW18WkiKMKPqq1RiMiMs/j1SZf2rDAWNU0TVkSAS4tWfM8QxRDxiefY+KYwuz7vhfJh8fDPI/BzyRCiMCZAIioqXbLvJxOPZz6eVwS53HsUUBr3R9P0YfDw+Nw7pvKFdcTxMvoUbgVKY53jcYYBUAKSuS9c8ZarQ2AurqNMl+Pg6Lck5QS8mVmBGFEzERl/gUWwZT5EvMBQinEeZwKwV9VTYlNQ4AcQy7FMMBZSc6XVg6l0Ie5WzU3Nzfr7bastsJJa6JL00PUWrertsBMPkUiKj0DmbmMxnXdTvNLzplQ11WltUNG5hTCQkSIknPohyNSCn4GkFL7EEKIIQsPADSN3vsSmYNdu3YWl2WZpplIGWMIr03jCEqRc24JKedpmOclxNmz9yCAxnXdaru/f7Pf3a7wqKZpnn3RiceclpCKoTNnEUSVRARnf6kfz4mYua5rrXXKiheOHGNMMZH4HHMQkZQElE6APvNwnvwShMi5laRlnMZTP2xWraQM1hBpRAJAAIQsLBk1vkIer9d2+f+/xkHkte6DhQRyZk4pxyiEWqnGVUMcUko6F0kFKu993/fWVG278t43TdP3vfcekedZco45xxA9EfV9v1qtik0u51j4FG2o67qmuTTOF9wupUTmlxeE+Is65bJsX7/4GrQnAILgvR8nD9IPvR/HWWsLSJlTCIsPc4wpc2BOIpkF97tNeSx9KgmmnnNs21qAU0opBQCwxikiRq7r+nQ6RT9XtdHG5SwxekRompoBBSGlxClnBmcro60fBu99AT5ub2/Ltw/D8GrDZ+aipC6grzUmpiAiAkxEKQXvJedc123dOELtvS/od13Xt7e3DhwQ5pw3m433niFba4xVy7Icnp7Px4Mi7JrWaooxRh8IegYp7A8jlKbSpmly9AQYFz/2g3Dardaa9KqhtCREJKeL+kiEtdFVVSmNSmEGa60tTyZRsVW95h5f5XxQUCphZsjMkuUq1RER84sbqPyIGVEh8rJICD5di4Hl2kSDhKQuK46IMCcURKKqtuu22d/dG6Pmedpudz4kRHGVIQUlWtFWxoKZpiVET0oTQc4S8yWoLaW0LNO0DIhobSWSfViSD9M0hLgw5/V6td2tp2kYp5PV2lh17kPOXFWVVpwSxJBEEIRiSpyhcgxAzNCf5xhktVrV+1WWFGOMPjMIKtWuupAhAT0fh5RBEKqm22xvu/Wu7dao1NxP/dDPsy99MIllCSELAGFILAgQUhb23sfEZVkgooaMdTXLklKKywV3ZyIhKkg8ZSKlyQePKrPEjISZGJQynOV0OrWVASCFpZ8GJUNKLJIlzTEnICSlSCsBYJAy7ZfFlpkFIQtj6fgNpeaTS140CgKAIgoh+GnWCGq1WlVV8/JyPJ/GoixKKZ3P5/P5jCRtW6WUlmWoandzc6N06UCoq6rqh3MIi3PmeDrc39+v16umaYol7NUGkhBe4UMAfD3VyoRWpo9XkjmEcPdmL4Ln8/Aynoe+Px2HGKVrV8vsQ/TezzlHUgKYSoOsUub+7qYwR/Myeu9jDMFnojfBL/M8k0DbtrWrp2l6eXnRyi5+0kjWWhSYl1kk13U1TVPVtM65OcT+PIWYq6btuu7d7e0wDEW8VGwFu91utVqJSN/3ZRIpRwkiGmNy8DlLcUOpSi2z937wPpYTRLsSRj0zy2q12u12nekAQFtjrU7CyzL56AEghuV4eA4haEUFmPDzMo7j4enJOZc4T9O0LMswT1rT3f4mxkgoyGKNqUy7Xm3Wbde2LVSAiMZZpVSMPoRQ9nYksVaDIqUwJV2qknOMSdnrRUQXXQASAKRyCxEjo7pYEAgRSb92WqYypNAlAr40EpVSK/UK+BuLJIaRRDLhZVoun4Ttdvvddx+GcX5+PlRVlUWUUuWtFpHM0ehKa70sIaVUWaeUCiFl5oK+FVqddNbaGaMQ0ft56qdhHKIPz8/Pv//t921bz8s4jsNm3dlsD4enaVicrYm0SAQgazWhWeawxJBSqQdQKaVpWtp21XVrRbafxnAeM2fjjK3qzBQu0dEgBFVTr7e7ttsC0DRNy7dvwzD4mLS11loGjDkzEYDOwjExUM4MMXESJtTWNkRkbWNM5WPilC99JKSNds66kGJMLIDFms4ALDAt8xiXyuLNqi5vUePsle68dptmzjlPfno1hZQDXbg4oS6ysdcntPyfFOMvwwiL0CU1PIawLIuu6/annz4BgNbm7du38zwrhX/3d/+nf/zHf9xsNm/e3oXg/+t//YfNdvX27fvn5+fNFu7vtlrrw+FzMXdohd9//FhskSn6UlDil0lEEHgYzwVJtZZijDH5Ql627f2XL19SWpo3nTXu2+Hb8XhUSk2jpJjnMSePCtXd7V6jFpFhGO7e3J6PL//9n//p5mb3+9///nx6maZpt2r65we/3/z+u78h2vt5LClY0/FcEjdzkvk8a1WShPHl8Wdrre06yGkYl34YjDGElrSNS05+BoDWmEZrQpapn+ZIABvXIiIK8hSEkACqqk464Gpr9qV0akxLrE2ljBmm0/RyLEqb8jjZ2mqtUcvkh9N49HmGnBxT0zbH5+dVu8459KdIQpK4QWrbFav1bGa9rZumIW3G2XtvpgXPk5FRrFZKqqV/Hp9PXVur2sQ52ErnGKzVv/3+d99//zHGeDqdzktylakZFYmu7HrTakKBjIiktUZtKhdCDCEBs0JR6pcKO075shwTFVsdoBbkyCxATdVUVRX4ZR5mvwRj6sIExcAi6Fw1zQMIbrYbpdT5fC6yxbaZETFjyjkCMhBNMYUxdKvNbtWchm/MtF1X8/SSk5Akbuccoo+MBplTXLAxBH4ep0EYMSXJKeYUUhKJRnGndmHyja5rU395+nI8HL57/90f/9Mf1+v1w8PTl0+fHx5OKSXyq9rScrR89PVtGzPDjERqGJc55s3+7Zvv9o8Pz5+fHosKxhgDFcPXfledrLXbXQOkGMh7zMlHbzXehmVIjOZ21zTrlOfP3356fPwaabXb3Guk8+nEx7hpm8Y2HGMchlrTSgGGkJNXwE6Tddo0++IM6Ptjns4mhZAThYAKWo4WbILkcBGETqfOSjMccs5apoXBgVJL/vLzc9PWD4/9X/91G4FfRn/+y8+//e07nOXl+HyzNWX2ZM6CbCsdvR/H0bitZFWSa42uLaII+phiDfM0szADBwhWW49hfvk2pwmN6NdY/bqmsnEw8/l87rouJl+OpQ8fPqzW7Wq1SilUlSpi+Jyzc640y9V1dcE7JF0/b1TwdX2NUH0Vofolch6KiC3nXLT00zQhorXWL5GZY8jnc388HjmD084Yc3t7670fx9kv4fHxGQDWq/bf/bt/p3Q6Hg9FiFFeRoFmijOlgOQiUhqYlLoE/BZopigICgyRf1X1mEvy4QVuTK8L1+W5AoCr9s4aQ0qJSOFEvfd+HEqgOV1zxlJK6tVsllJ5K+Z5PhwOMcZvP37WpObZS+bb3e1mtSZShozR7ng8Rs7eKz+Mp0IDjBNedlkRYGNU01bGqBi9UkgCQtR13bs3d3d3dy8vLy8vLz7MpMBpbUiVfMPEKYalpKhq1MJYIt8QihnnMhFcMI5f1XG+glYFSSkI3DAOMSREJSLLsoSQY8ileMU5JyLjOIoIADdNpZTqz09tV7dt5/3y8PB1HMf9fv/x4/dV0/bnYRgmBGVthaCWeRrHOWCQzMCAohKzYgIWBEFWDIKoiEAJGqNIDHOSnJTGAm+JyM3NzXq9jjE+PDw8PjyM42itdc6VRlSlVCyVwCmFkFAbImqa7oqFFwNITCkRLeVjM7nj9mZ/e3vbrVaC5nicSvBCzrlyRptaazWO/bwM09ALJ5Q0j70ztnEWtM45DsOCKdaGmJNPkSQhsNVga1s7YyqNkEJMix/m6RxSUIqMpdVqhYpSXGa/AMCqa1ebxjlD0kzT7CqVOE9TRpxRz6fzeb9fD+OZMM7LqEj6vjfqYhlLKQESIlyYinhhD1HKMMK/GgkpzuE1YQQRrTYFKEg+kIAuMzAilkjwQqAWaaNSahyHqrK3d/uua+q6NuY+8+K9j8kXIWlVVc7ZpmmGYfDepxzK3K71NSNH2VcXlrXWmqrMut77Eg58Op3m2QOQ1iZn+fz52zAM/ekcQ67rtl3VOeS+HxHVPI85pd3uhgj6fuSUtbJKg9Za6Su2J6no2fyylJXYGBPmUEoJ25ZekZdyoJirFyPLBV9ERLk6AhAx/EpnUYa6DPK6fJUDVxGV0rmcc1w8MButFaD3fhknZi7veBGPIaKzlplPx9Pz8/Pp+aCU6U/neZz64+l2f6eUQgYivczBVC6ldO6HY3/23vslVs0KWJBTzqly0NitIVQEbdV2q9Zavd2tN5sNSg5xSTmUJQMUKKW0UYgSoy9xhBdiDxUIEalSUVqioeXqDHw9Pl5BtVdWrzw287SU6ApEWnya5zlFJtLTNJTej0JvF6+gQE7RauNc1SitSdnEg6ubt+8+IsB4nsOSrbFG2RTBz3EapqgToiKhlAUuDBLQ1fOVRRgQQCGQIgZSHEOpXi8qm/1+v92tWdLT0/OXL1+899vNvpT+5ZyVIoWUQkwp5ZRBlNbatV3XrgBUEogxL97zpeln8CEt1ZGM3d/cGe0iS0EMz6dTWCZru27VGU3D8eXl/DjPA2lQBHEexS91VZFAWEaJuTJobZd8TDlogLqi9bpdr9qqssZ1MXmZk9KJVCSGuqHNdv3uw4ec83k8DQNVld3f3Rap5OIASZpVK4DjOJNWyrhhOLvKnM+n8/ExxXm9qVOKJe6PUaUckIy1hghiisz8GuakURMKETAySWEVOF870gmwzNQkEJxDRD2OvUgpy73QqDHGaZrKty3LnHNcrdsiuN5sVqj0sugmX1SniFg8F8wMJeH8Eh2cCiBaEES6VJa41xc0DEMIqfApBbgtuQgh0DzFFKGuVzf727Zt52FOUUKIIeTKuvV67Zx5fPw2jeO3b4+rDQBA27Z1XcXoy/S+2Wwe/VK8Ws65HHLKAUFprUtg3wV/IiqPgffeOPuKF74OGkSUOAIIETLnwkYzcxIu/mt1bTmpK5eSWpbFGn3lOzmniCBd22y3W0Scpmme5wKaiohWpAjvdvv1ej2P07cvDznGIvpWoKZpyDnrTN5LiLMCcM4S4XrtJOVpDMlPzqpNu7Ja5Rhudtt3799sNisASHH5+efn4/EoKW23G6VRKSryC0TJOcccABgAGZX6hTtnZkwcXnEKvmaviIgxNqUkwlR8vxdYOpWA6OsZRMYYBAagcjpXlUVEJGHBoqa/ubvTWmvrlDUfP35/d/dmtVoxg5/DNAW/JK0ge5mneRmX7EWR1UglOTFH0JiVIgEKIV1SrREEgRFZiIkx59eaLpYkOZbT3xoVQpimab1eW00IVEw6zhjIAowKkEUUak2GmYe+H/ppnnxKoPVFG8VMMXFMHGMc5mWc5m/fvn379u1wGEJIrQOnFaQ49f106gXAGaic9pBj9MvgkUWBdG21bmqrVRSKQJXB7aa72+/Wm84ZLcqEINaJq6CuZfbLet3d39+/eXcnIuep7vveObe/3RHRMAyL7UTyere/2d/FzHXTgqJPnz59+vTzuT9M/di21LX7tr30dQJgYlYozhltSAVkTiX8DRGRQClNaEAg5BRj1KQUEiOXy0YBkoBkVkgKSQ/DUNJ9c07TNHGGEEIRX1in67omgpTSOPbj2CuFu5umOPqNMTln75dpmlJK3apBsmVin+dxmi5iKqRcfjMIlUmemUUwZyke8KbpcpaXl4eHhwfvvbVbZ+tq0yxL+OmnTyGk0hL2+9//vm1WnHPfn/wSjanXK1O5dr93ZZAxxjAnlAviUNTx1jrnXHLJWqvIVFWlFJfPVimLKAM2X/3L1ydHrpwlKKVfNxe5WomEGTJjeSZiQkSkC5SILFhGagSnDVpZNe12tQaA8u6LiFVaKeVu7/abrXb2drdPKT1+exz6fhmXaRg5MjMHnwAwCbdcrVatUmoO/mazmqYJ8pR81grbxlRWRw/dqlp3bdc2Pobz+fhyeJqWuaqqtnPMnFL0IWXWTitSYK3VVPYpBQAKlDCWE6O0hb+y7ESkFCmlnLNKUVnZtFYAkFJOKWpTiUjRWRGpumqzyeUGOp+PSLLZrOvaFcbdOVc1q5K9JJnbZqW1TiEcDsdpmOdpUaCQcZrm87Gfh0UYaqpAiLPPS0yJSWsSEoCcQIQZQRAEgEsEAgLlFGNwzlprh9P56empaZr7+7e3t7dfv3713nNMMUatBUkAmQBzziSoUKeUGYLM8xzz8+F4eDlPi8+JSRvShsrMJRBSnpYoajgeT4+Pz4fDy3iGunG1MQqFU5DsFQIgGIFaQdvVMahpmhBkvWpvtrumdsIxGsmRnFX73Wq1aytrSAGzt4YrZ1dru9roGGPb1vvbnbVCBKisIkMEViWtSVrs2h2R7Pfbuzc3iYWUGcc5JT+Mxxx8t7Lv3t6+fftm1dZITMoh5UKT27rqmirnXCJFhvMoIkTaGaMVxZhD8MuykIACJCRFSiFpKsZJlpwlZx1CWK/XBbnwPpRJFxFj8qt12zS1SF78FEKI0R8OB2VSOT6UUimV+H8umChdGmhCIWWLYtUZ5Zxzti6E5bIspbtwt9tN01Ie23ny374+Hg4vdV17Tpwi59yfx/P5HEJSgIj400+f7u/vgfnr1wdj1Hfffby73X/8+P3v/rj5/PlzWQ2UUpVttKZ5mZxzBXlRSjlnNptN8dSDjOVGbdtWa01KFVDmFS8UkcivwkjZrW7wWij7a1y6HE/l9xRJZc45h7hc5wvnHAKUFTN4n3OOIZSsoeC9Uqqu6/VqpZzWThur3r57k29v+uPp6eFpGZe6rpclxBhnH6vK1W2jSPd9v986o1OYdQqkCVCCsAikFMPz4encvyilgNBanbPWmgCzQE45xOhTUlg7o1RVVTFGKGV+QCCEwJwk5yxX4lbgQrKSAqVRaRRAwEsmkJReHuQcLwmMAFhVlXM1iEQRv0zLPLVts9uu9/vtskzj1Oc096M0zX3b1qGoqTPP83x8OUcfmUEplZOkMBc0AQEMaBZQESEKMWqtFVBIDIxQCAUWQRZAQCGBwhOnlDRiznmapr7vb3b7qqpubm4kZWaY57mu6zJo6yzJB1EWAUOIOQgGmUJ+Pp2nEIUBVKndACIEwMwUUvYx6GhSKqlLYAy8ub3VqibSIXNjNbVaICkNteHKOd25uKo0qdVq1TY1CWtV+VrnaK1RbVdpjVF8WpKUcOnaWa2drQAqW1tnMedZBBCT0ZJziKHXql43tu621qExJqZpGH0/jg8PD3/6tx+GYdpum+++f/fh/Zu2sSBMBG1Th9iXFF5jVNU0mqignyGEGCORplZrZQAg5RDigolTiFprq43WurLWKMWlLj5EXXrtjVGvPnHnLLPOOZfbNOUYo7fWGqNY8jRNTdOEcNE7FE5RIBfs81LCckkbxAJZl52lTEeFGAYga6tx8H6JRkcR0NpobQAQRDMDgmmarq47AOCYQgg//fjZmsoaNY3L/mb79u3bu9vbYloVyDFCjFFrAqXK81yOj3IcGGM2m02x9vh5lmvlglKqKLeJKF/dfa8Xb/n2yEWxi+Wj+TqqFBy0hCWwSAwhXUuVSgKVQiJjOWVOeR4vyyABalIxxhCTURpclSWlHEo/Jqc4z/O8TFffataaKiEGvWobIPRh4jyDeGdh3VXCnDkuS5TM55fD1J+VUu26LZIcgZxTSBwFBBVTLsybMLJCRURZMl+0YQxAUJIchOB/FPiVr1fwu2Bvcu2RXea51CkDQCnxZOYQlpSStaZpq6rSTWvrRivN4ziGOEf2qFvFcO7HsR+WJaSQhAE4hZAkBxHUhEZDjJl9FMGcErAYZawxLFCwKgBghQJQmhYBAQCcsUUyKwhFNY8C8zzPs181rXrz5uXlNM9zeRhSiCpzjFkBg9KQQEAip74fQkiGtGod41VNi4hEdVUrMjlLAYnqur7Z7dct3N7cCFOKrFM21EqnAANgdsYKs9NqtbsplArnnFJo66qymJI2GlxlSUnKOXHM0ZPClELJ0HDOWU2cPBCKsNXo1k1KKecIEo02Ar6uyYdlOI79MJ7Pw/l8rmrVrXa7/eZ2v6sqy5xyDkqZ4jNQShV7tFLKWFvudR/SPM2l7F1rA3RZaa9Zc8ZqXQYCRJR8qa/XrjLFPgsAROica9u2QJtlZ5mXMYRlve422zUzG3PhMopIrmka6/RFuZQvHpBykRddRk5VgU5zzkoZ57QxjohK8tI8LyJgTXWzv5sn3/f9OD7d39/vt5uc8+nYD8NQqhlubm6qqkrRi8hqtbq/f9O1TUrpx58+H4/H3W4LwDFFTlLVjqhMmpgzMGdF1DRWa0tEKahCuxSYZp4vbawlQKXsKeXsK3RJCMvr3EG/SmcCflXNaiLIMUtOKLJq65SSQkHJhKgJsghw0kSalKp+iSZQKASMyrqqqpwL8/L42H/6/FN/Ou/WuxJLV+qEFUkxtoLkcXjxPirkpjYcOYVc3HHJhyuZJWXJn6ZJG1ND0lppbQMBFKcFqyi5HO4pC1ww45KLqFKcRQRAyijGnJixVCu/QqeXN4BZROZ5Ke9kSWYqKFgIwVojkMfx9MNfpn443t3vqlqTqj0PKU8xOURiiX1/9j5YZUEwpTjNY47sbF1VNaCE2GcfCtCCwEqhMSrEnDkmzgwAUkRqpXcAgbC2dbp0XIFzrmvaqqpizP3xsN1ut9v9PPtpGIt0NcZYoZYMYIjwGr4LyBmUUq6qta0YxKdL05VSarPZWXuxuouIc26/NYROkeGMWrJGUxnWxiiTAFiLOh6PAmnd3u13a+/9OAZNaIwqrKDSYIwq/WTMmT0Rlez4ZIyq6wuJaUgDYF25kvt9Or3kECP5w/DZGLP4OI0+pIzEu/3qw8d3VWWZWTj256PVaAwWx5myoAyhKu4TBKCQuMQ7zkvIMTlXdV1WSqEC0ogiCrEUoF3SWzJfTLcservdAvL5fH55eQagrusKVPbddx//6Z/+aZqGunHGmLu7uw8f30/T5MO5IKbjOA7juRqr8i3lPS0NDwUBeTVi9X0/jmOM0dqqrmtEH0NeluV87p8eD3/6tx+cK5m6SgTv794cng9+9stcPFbhy6dPxhhjFBHud5s//OEP7z/cT9MoHJn507e/DyG8f/9ut9vc3d8g58XP8zw2VV3YOwBcr9dENAxTjLFMHyV8reu69WZTNHLK6FeyFvCa2wwgnArarF4rKplRoOR9ccph8QXcKfEYr/2br1hJgRi7rkspxRjP57N6XR8AUKsQQk5pGadlmaq20qQUYAiLMxa1yZI5Z4XQbVbWmfNhMeOSjM0xn1/Op9PJane7uz2dTiEkxqCXBQgR0Zb1zaiS5WG0LaUZcskEMyCkiEs8Qlg8Sy4fkQJv+yvjAFcWnK+R1/maCaK1blxVGuc3m83lZFyWZR67rtHa1M1GJPl5XEZz8/F9Vd1QFeZ5nsZzzhyWiSXkuCwxaTKn4bRqVillo4zW6tvjV6VUCEvTdDZnpapuvV58nOOy3W7OQ59BUAEpJZB9jCyJiIZF7u/vvfelLuzYn/f728rYJx+XJVQWnbFV1cyz9z46V1diUsZ+nAMv2tZa28Cy3+2eT+f7+/tm1b0cj/PDQ4wRnCNrAWCz2XSrZp7n6IM1CkWFKQEkP0fJApiRuG1c17Q+jPO43N/trLUgsT8ftLK1sznnnALnGMKSl2ScLsERpHRVNVoZpRRqAQDvM6JyzgGwtdXpeD4cDut1h6hiXIwxOU6ITjhrg81qrU2lta2bbrVaffr5x5eXsandatWAZABGyWWtZoYsoIxGVMsSJh9iyE3TIiIQFlCyYOdd15XxvBzKTdOU9IYym+iHhwcAqOv6/v4egGKM3i/39/fDMLx//1ZE+uGUUihwFwAX7Lqu627VZI5w6UNIZTAzRhXE9PWjduFHjUEsvw5ySRWzhDpnmaYlBC57b9us1+t1+Qie+1PXru/u7lDkeDzsdtsSGMvCz89PAun+9ma32+33e++Xtm0LB0TCBddAuXh+QkjeL8ZYY5Rzbrt2JWGw7/t5numqniwTB13i2K4K6zLWX+kYuqoeUMAY4+clxmi1Hvv+y5cvJVSpIEHlhCoCuWvwXyz0Uzl8y5ijtY45LyKGFBm92WxApD/2cVr6vue6uSrNJecMmRUgZyidjJxEKVPXq+TTy2kYhrmqKosqJknjTApMZdqqCskL8pW1xeIWp8RaI5Cy+pKpnXTy3oclamcRSURizDHGutZ13Zb0hlfkGBGcqy+LXhLrTAFTi7saCaqq2u/3SLmunTaIKJvNqqjj5+H8+Ph4OvWE2hirkYgohnQBetcrjvl8Go6nUxZ2tvJzUkq169Xio/c+JUaikLypDOQkAEqjCBrGEJhzXq9uUGiZfAhhnn3OkkP2Pnbt2mqHqKytrFlSzARotDG2rjLGDNmHGHOKcxQKLHd3d13bgMgyT9M4AEDXVl1b7XcWJI/9kHPUBEgqJB+WKFqhoLOGWWLKcfFRC6dcOW2MVgoRBDijYkQUBfO8FHKc4dVyooiYbKUuubAMyEggqBiJYypBfTHmefYppRhzjHm3X1WuyYBIpmo6YTXNIef8cnhalgVEikPRaCrm43n2VdW0beVsjaCmeRn6cRp9XdeGLkO30qZ0rQIQ+ETl6ZBLH2uB/IqOXhMBwGUyKRhYiSY8n8+73cZYBZgQG6XpdDoNQ48kpC4GsHyx2EtJ2S5t3eXuLbga4MW4TZfcdkZUnEEpLYxdJzc3SWubE5c4cmfheHpBgqpyzKv7+7uPHz/WzvzpT7zZrpjTvMSuqwUyQNKG1ptWV2/meV6tWqUxRq8Jm6oypo4+lI1svHqli0C+srq87KJHuErLLpl6vyJfLiqyVxwg51z+dZGFaFJaa05pWZbTy/HLp88pJQKs24YuXZzwmu9WQqtL2O/rXFa0/IkFUmJkq03ddjnyeB7LsBZ1LIBWSeurKisim80e8sv5NI/9JAkQtACNg4+hBNB4E3JV67prtHFKW+8nZgaglC/iZ0KlC0qkFDP7aSl7KAAhSoGEyvtQ9IHlXSosdQhhGIYiJrzw39kbo4gUS2bJmYsLWW+365i8Mco6pRRW9aV6cphelnFKPnAOE88pglaubVdGZRA8PJ+UMkkgMXXrLSLa2jKQ1ZaXeDidBUi7KizeGONDYk5WysMGBZyGFc2zn6YlxsiZDKplDsJYu1oYYk45gSZjtWNmYRznJaWLbLxflsCMZNHo3XplnZ2WOS1jCpMxqnFqu6org0SFh6n87F8Op7B4RMzRa1VdC3fHFGNKAFCU+xqRripEVEqBYNENASApRagJLSIgGlIWSQEiIDIjZ8bIzCHExbFhFgDiDMWi2TTN3duVtS4kFlFV3YUES/DTND8+Piql6tqh8DSM1ulVUxtjAibj6qppNaoQct+P0xyFFaElbfQv2kgipazDFEv8tX6VSmmtY04+huiD3u/36/WaGV5eXnKS7XbfNE1RgqYUjFX7/fb+/hYJ5nmsqqpum6IWLVq0IgcqypPyJSKZfwFB2rYrN/nFMEWUkxDln3/6XK6CzVp5Hwt+E2P+8vWhaRpnLHM8nY6IME89KRDJ43TWRG/f7bquub276braVcpUG611XTuttVJktLpQ9Bq1ucrARHJOMaZlWfq8lPG7hAapq+OrSE0vwzlf3NOIaCtbBiq4eFMvijIf5q5uFEp/Oo5jbxUhY398mdNS8ilc42xtlVU55xxz1VaIKCRCQooAIPsccshZM3MS4JQVYghhnudjf16tVs5YIiq/MgxD0zSI+PbN25zU40N/Ps0pQesaQgeIPsRxmmI+msq8eX+33teo7LQE1r4QtJxFKXamcq52rupPZyIDgDGzXwIAKE0AmJOAiDASakUGQfklgpRINIugBplSZGtIkQGhIJNSKJIAtLU6RlqWRSlbwHLmzPxLZZf3HqJQVpCJE8QgwWc2YkjVdTfP8cvXL85WVVUhmd3dm5TS4OeH5xcAyoLH8wRELsG8LJHzPM8ied21XdcRQo4SfH56PCilchZCUxlARO9DSqLJIvKyhOHcA0BVNd774/E4fx1B6cw8+zDNC5OqOlvXNSlIKQQ/CgejuHaurlTbGA7jZrd98+aN0vjzT5+/TJ9SyG2zD140KoLy3CmtQWsrcqnOKgVphAoVASpgKP79klQMoHLmnCGl7MHrK3LHnAVyCIDEzIkIrDVVW9e165qi2bTb+4qITsfhPCwsEDOmEFmS93633VaVncdhmWaFQl2rtS7HeYxpCl6SDMO0LAlIxciIArq0CkIZOABIEJRW2prEudy4VVXJVTCpRcRaW5Rjrqs/fnwPQF++fLlkAkQuK3oJjzfGxDwUueGyLMxJKVvW+xKzXnTr5YF8xSDLGBlj1LqoTiX4FEIiAkKltS3EGKKyVn73u9/EGMdhQJJxOp37g1XaGJzmc0rRNbZu7OLHlJbMVUqLMviKdzpnS11BCIswhxD64fTycqqsdbYu+TgpjHDJ5tSv8d8xRkO2vObX6aPwR2Wlx9fIkpSLaj14n1LKMRFRVzeQeZ5nUzKFnaubpqprJLr0thhjnfPez8uyeF/aycu/jQEREUQWjoohJVZknKu7urLaKCJFZLR2zqWUvPcnt0oRjV1X9eTnhFBllpToy5dngRxyME6pyq73N6auGJVI1toqZRCI0AhQSpmzDzETZqWU0bU0CJmZEzMviy9zR0rZWle8kQWtp2LvZxEBkeLBFUIhRczsrF6tVoQS/Mw5jsNZRGxXOWNzjtFHTjnFaKid+uPhsdfKtN3eVmqc4+NwrmrhDDEZY11kl3OO0TCrn798+td//dfEcvfmnXFWmJYhDuNyPB7nZSLAsGcSW9UW2ZBwf55K8SVBSZAiv2RnlfdRKzv209PToW3b9Wq/zOnb1+d8jkpbVBRSFgRtTdu2q82KCEKY5vEcllEB1wZap1qnFJqmdquuAgAEjsGDYGWNRkyRcs4CbIypa+2ciZGLvVUjISpBEsYkKSXOAggIQpC5VBqwpBhj4Kw0aq2NUsUVTYhIYo02Tq82q8oqV5n1et22NQAoikprpSjnGBMzKEA2Su+265I2CACr1Wq/XTdNBSKAFGOap7AsgRmWwc9T4NLDwjFrQRLDipAvRkdCUERGY1JZmDNbcNbaXNeolC4I/3q9vr+/d7ZOKQ3DsCxT0zRd1wHy8Xjs+9OHj++32/U0Tf34VPZ5ralt2+tw7i+LAInOFztmmQJijCUxIYRgTMpWmMUvcb1ez7OfpyUlBiBrqlXnnHMZltOpR+D9fm+MeX5+ztGHEPr+uNlu2sYhys+ffjBWrIW60dZhCEsBbsu5cEH+jSlem3EcJWdnS/oZYq0LlolXdSldK2PKtqK1ZoTyK6+cFJeYl2J+ZCnb4PF4jD40rqqM9cuSjdnv93rdvq5C+dr5VFVVgT8KsFgWuvIbgoAzlpBEMoC4utrtdlop9tEY46yu63q1WmmtF+8Ph8Onn16ccyi6bXYEISy578e+H798G9tWoZbRR/r2vL3ZrzebpmtH3ytralsTGhBipmUOyzK8e/fh5eXlfHwSkbp2VW0rUxlSwzwVXjBnUUppbQtTJoLDMJ1Op2UJSmlElRIvi1eYjKlFqGmq7XbNzKfTCREPh4O1uuRXMifvFylSXVEYjaEWWPlJWFhB09budJ4enw+HQ3/3pv6wu0HEn78cfv75529/fvjLT4sgKDe/+7hH0sfj8Xj2T4chzKwVVMav22y1VkIGNWsPWUioCBGsrYCTUTaGzCr5JfolWpNz5uTjPEyNWyEQI6ASRe5ypzutCPwy//+p+q8lybIlSxBT1U0ONebuwTKSXVJkqru6Bj0QweOI4A/wnXgFvgDSIjNAU+nq6uq6NPNmcCdGDttEVfGwj3lm+1NIiIeF2bFNVJcucnp6HC6TQXAGKguVhV3fO4Tz6YmZl3m0ZBQhp+RclxOvW8A4750xFCOGFBWK9RIjmGI7m2IOSxS3QmyASpTWFUKzZevVE3lnfVX7yhtrqXLGeWoa5yuLqMaCsbAsy/R46toNS0JSi7ZkzjPn7XY7jvMyjs65Fy9evXpxq5zPlyOAudr7OQRkiDmLMKgwAKmyMcZ4QiQVVC0BbeuwMatkzlnFGZc4Z+FVYFb6qHkKT09PKSXv/eFwUOASSzEv0zRN3tvHx/txPm42m/1+6329ziMQieByuaSUipTzGb1PKYEyAJRxcRFWFRg/hHQ6nc+nkZmt9Yacc877+jx9BkVj6OuvvzocDh8/fpyGy+Pj/WZb73YbBLYOQpjrxhmjw3Cu8po+FWNUZfHOuZX6UeIa6noqjXqBYAjM8xxBVYtSrrzh60jCWITS7xWoYn3POaeUSvVBWK5rkWvSXyGwtm3bHPbjOIYUfV1ZZ2OMWdgh5JWsqlk4pKgI4zyxitsdVi9iFgS0xmDbCXPQSVU5qwqWlnAchk8fP376uFS+aaoGwKaZp2keL9Myx6b2dVtFTsu8jMMcY1Yi7+sxgKomFkdijXfWgyZmtNZ+/PDpz3/6U9s23333XaluMuRSbF4H+fQz/yWljx8/fv782Rhze3uLiNM0HY/H3QYKbu2c8b5AaeKcL4f4MofiBhZjQlIRRa223Z01m9Nx/PLlHCLf3b19ffdmHD/++MM/v//w5XSJh7u3t7c3H/75T//tv/2xoW639zHxHITZOVfFbOZZcjIxiwjEBWPA6MEiAVtHOaTErEXqZgynkL1PIqA8z/NijEWkeRhDSE3TNVWfcw4ps67RR6W4DmE5Hh9P56NkaFpoaussqERrWpU8j2lZljCNBGV6PRqqVRVK8DIwC8TEIcUkojnFLIWcCErAmhKHkERgdZ9FNbbwEslVloiMUfJgK1M3rq69s2gMgkSGmDMrMGuNWKc8hzx770WUiHzlEPxlDCGEnCdmtdY3TV1ucYNQV200stb7TJFTTiIMRCalDAKq6j0AWDAEgMz5meWwxDAtc6GQAUCZitqu6wr8EWN+Oj6M47zb7V69euW9/+ndj97bN2/eIMF221dVNU3DHKgMFABgmibmn33rtFS1JXd3zUNhQlf2ITPnLMLrciwFHBF5XxtjUuTLZUzpiC7s9/uuafeH3W6/FWV6+eL29nC+HJvGT+PJV3a/33377bddUz88fkGqiaB4Ixd7baKuTHyKjeB2t6BggSpVNcfpStagUhkV9LSy5pnXgL8woZBf4KnPBQ4RTePUdV00djxfOOeqqqqqKsqisgMLr3TdRctSarFyjBZAdBxHEXn18q1zTjhBABFhhZxzDMk5N8/zPE4FNSADp9Pp6elpGOF8GplVEnKUFBnEGGPefvOtavry9IUZ0Bjra2NMzKmQ31OcLNqute1m0zSbrsnv333405/+9O6nn77//vsij7y/v386PlhriyN0uRtKJUVE4zh+/vz53bt32+22mDMUr9bae9WtMR5wnVIXSkXf9zEuBW9jTgDqnSOiF+2bp6fTcLmfxjCNIWWY5zhNUYUu5+l0ghC/vHz9DtBdLrMx/rB7sdltz+fhMo7LksnWLCiCgBYhgUIZRqQoiqAiShJCKFqEMp+e87IsSwgxLiHn7FxFZKdpyTlvt1tgn1jK9UN2LZaTpGWZn44PcQZroOtc19YWkWMcR23bppz4ZdIkWbPmnDNowTK05O+ISgiBHIkIZ44xM2vJqZIkIkCkpVcmMoRrA05tgVexGBCjRSIAUlGOaTEB2BKhIqqtyCym9a33niVba5uqRqqcG1X148eP+/3Ny9u7unLTNM3jZdt3h8MhpFlVmSWEMI7LMAwxxrpuchaADBGMMQCEYMoODjESoqoWxVbJGCmEAxRjjZUQh6a9u7ndhTB6T99//+3XX3/9/v37aToPI9/ebTebniVchomMdl13OBxU9XS61HVd5Jt1XZfsrKbuS1hhUanXdVOCGUKI4zjFmAl9MQ3a7/fe16XCHIYhpKFuq1e7w26bm6Y57G/7NnD6XLmgCm++6vT9qa5N39+JyP/+v//fD4dDTmJNQro477fbvmmrcRwRKyI7jpfK+ZxkngIA9H1bGGJN08S4WO8URVWRsG58TEXjJ9Z662s0zqLp2p31zlfdcTpba9HaYmtfzpCUmfqu2e5MjCPn8XzOnJ1z1tvLT5/7vu82PYiZp2RcU7mameeUE0NOWld9GV1v272qwsIoZroMj0/3iGAtcUoCSclVjY/jcvz0mMdcG8+X3F2ah8cvWSRmmKIMswQGW3Vt3+y6w5f7D4/Tsj34X333zatdj8sljjHbzDlv+lvrNpcRM6Bz8Ph4+j///X94/PJpe7d78ebOetfUW+/Cx7/8cZHzbrf7/vtvv/rqq7rxzllmPp/PArluq37b9ZtN3XRL4HnmptlxNsKb25ev5uny+//xxyUMngB4qXy16XvjDaCAswoAzpF3kzvbfT/f59+9ex8z//XffjOH5f/5//5/efv6//J/+3+0//KP/+kf//N//+G/PIUvlwUPr/7q+1/9r8Nw+v0//X8Q0v5lhGXcblpOewmaJ/XGV/Vdzn5JUjcEhtJCDNWSIKv1zhjnfO1YsyR23m63B0k8DiOIxpgfHx/vXrxytfPQZGvVeK3rQSmOKSVQv+/uoiWu2srYmpVSyo+fZ7rzze2haRrjI2MMFI01I2Y2ArBY48GYeVFUMuYuL0cAUAVmzJlFcpEFKOqSZyHvvWdEZvHGV1XVYGPJIChFQY6QwG6x61rR3FUHMhaJFOHzfRymse13vqsfxiVGRvRPwzKN52GYja1ubl9ZcpcxhJDaumnaHtDeP5ydc8scWTHM8vhwOT6NZJ3HikG0mNbm3AgAEHNeliVN0LZNDjqeY1rAiEd2DhsEqOvOisjt7W3f9/Mc2ra9u7vruu7Lly8icjgcANdIp+PpcRzHlGK/aYvE9toOQOFKAYi5cijgFy6EzCoSC4e1GGHmzCGk83mo63q/3zIzgCDq7e3h66+/vjngzyNPJVg9+IdnnlXTdNba4g8gmsutXkoDs8bHSumbSolR8NFyK4YQ7l6+KNBgkQUaY+p6zV7JcjVqVkU0Tde2bQueCtsqLKs4EETBrLlz+TmogddGprDjVTUzOyIt9pbLUvj1zlhgyTlzzmKsiKByTNM4XUJYqsqByLIMYZo37cYDsUROMcbFOnSGtn27W3b3T0/DkJJCVVWOfGQchuGnn35imXebzYu7zW63I6IQAqcludm5xnvft31w+vD09MMPP/75z3/6/OX+q9e7f/X3//q7b75FwfNwYuYXr18dL1xVjkwRtkiZwu52m6enh82mt9YS2pRCjLmq/eFmz3mZ5/kPf/jDcDk7o7e3B2eRJa38OjaKmpUB0VoPQB8/fIqxe3paVLVtW7Lmcn95//5ce/ibv83ffPf1T5/+qzHgvWUO03z6p3/6r4AZkG9udttdKznFmFGz90SogGwteG8QWUSLZqI0rUuYwjznnCTHzWajZLBM0EOYpsGSs9aXCMHnShOsdc4BWeNszlGvEPtzoQre3u0PrPDl4TFmUcFus8mXyzAFQFdCRMtKk8zGFCOHpsi7RVbbivKCAEJEzzTL0kF7740BhMLeIiIt44hpmpw3okoIBKbUWdM0scq+NmGZnh4v47wII6hVJWFo23aew3SZmsqVcpKZ5znM80xkFc28xMLdIIWyPQ0gwXVwe2VIlk4fERHIGoekREYVKu8R0da1r2tfaNTb3aZtuhiXcZwPh93d3d35cgohbDZdYbJbu9lsu91uV/abcy6lcNUy/wxGwi/I3c75lBKCsdYjmhKvTcTH47G4/tW1F9k2rbu7u729O9weKKWEiMVft+3qy8VP40JE0zQWGpxIPp1Oy7J4729uuzKILTu5NCnMzCn/DH+SKUGZIlK0OTnnQlc3xmDJLnCuqBhKz48Gn1+tgCal4YpLUFUDyMwpxHkcQwjKUl4NEStXhxAkLMbapu8a19D1EEREEC3jG72uWtAY5jBeHpdp9LYn6wwKaoYcyPnKU+UNG0CMxmFdu9u7Q8j5MjzmCAhgQAkURJ6eHvqu2hx2dzc3bduWpkk5N31tjF/GgTOJ2I/vf/rv//yP797Nt7fw6qtXX719XdXm+HCexqWu27/+27/68uhVtemaLDkv0eY1gqzflmiVdLmM87SM8ywiaOD+4+e+rUOYl3na77dv3vj9bjPP0zBdhAFzMc4sZoLoEofMp+Pp06fz49Npt2+ZmVUB4Mv9+eOn97cvdt5b5+Hly7vLcP9w//Th4XNVOTJ8e7fbburLJWmMdWPPZ1aIoqIcAb11Fok5h9rVxY+mLAmWlMPinHHWgihc8xZA1TlXVS4mjmVooUAgxc84pZRyVM6Vo6apKm8K81bVoK0z8zCP47RkUQFQNImzTQkAiAxAypFzzpV1pCB2pRp6X+kaVFxcl9haqmtfN77ceUTkHFXWKWcAMMjWWTJFW5QVPBIZUEeoCIl5ZepIU1bjNEwxqaHKWgfotrutyDmlpGiKrYGAZuY4BbLWGFdI1WioqMYARQSZ4JkqHUu4NGtKXLBza72BlSQVUiJAu9vtpmkahqnrOu/7L1++nM/n/X5/e3ubc/70+eM4Xvq+3W72JTClbn7WyJSnUPrMX3jx//yjqtZ4YbBWRYizimq5H/q+JQLm5Hz16vWdqlpHKS8pXWNpjJYQvBIB+fgo9eRTSoigKqpChCXgEhHLGVne1SqxyXlZlqqqrDXFmLfUJo+Pj0XdX3p7uQI2cww5SYFpfF0BUIzxeDwep3NhbZXqI4VIRN7YuIQQQpjnslGLeXJd1yHMrCUs1oKBkh/GnIrTBwDkmEDEkjHGEKBKlLRoDgTJGai8IfWelJdsybW161vP0wScQYAot217d3eLZB9P83mKS4xobN/WkWPljCUEkBSXhYxz4sgiJFSZ52GZ2VUb5mRADwf47V99+/btGwY+nk+C6urKGFs3zeHFTfGVOQ0nkbzZdsi4LMvhxcEYw8eLjkremEzDcTiP50/vPv3617/ebvd1XRvC0+lijFnmURUCJy2HuDGsGuIsMvZdK7yEmJmVVQjtfr//9vvDP/+3p3/+5//+4riLKXx9uPvVr78N0d5/vkyUQ4i7XbXpnfNqTXKG223z8f1snQKn0/mLq/J+f+cr9/R0RluN02UJIyIaAiKIaTlfjk1VG6Sus01TpdTEZT1iEGvmzJzIutp5RZyn6TRclmVxRru627RdU1tNgUiI6DjMVVWB8XMaz8OFFUv+VhZWFtVIQOWGiMIIAgzWWu9t1TbGkojkHHOOMUUCsgTeGCLKHBHVoHpvc1SWVC5ja1fOQAjBWEvOqmrKOeZsjHPOzdNkiA67Hak5D0vKoECgmnN2vmo7AJU5LA9HUdWYYphnVzXOIfNKTShFDhlTeuoirSDUlDIzi0BKrJpTYgBCawktKIkIEtpiYw1KxphlmT58fH8+XYwxxWa9HNXjOM7zXLwL2+5QCGMFzmXO5VYvjsdwVVI9Y40lplsEUkrLHHNmInK2evHihbHYts12u2m7GlFLWl3mlWEtyiFOKpBSzDlaC9ttn1KyDpyzL17eloKzbe1zofU8MfXeR9FSxSC5GFPpSooKBq/ue3nVcZCqglnjcATKVanFkishl8vq+XMV178IYWWXimZKIkJQ9BR1IdiwyrIs5SiZY6jr2gCWmTGIWG8K+T0uI4F2ja+92bYVEYqKQ4hhiSJxivN0WeaLUbLoiIRTamtvXr7cbPPDcXw4jTExWnK+As1hHseLqb068hYRPJ0eT9vNTe3bpt217SFFuVwuwzyU/GcADTlvd9uw8OOX4zgHV4dr9xecM03T9H1fBJAikjkag33fFreXeVpev/7qzZu31pJyupyf7u8fU0rLPL58ecfMmhU9GWtVIYU4zlPOchljzmJd5V1tK79v7bfffv3x4/LhwxeG8atvb371629fvb7NyZwfZ5jj0/HSNqapDAEjZOGIzjY1ObMZx+kyhKp6dN+/bFr35X4ZBgxhqWpHRKRYosuqyjlnOGeRbCvvvc0xMOecc900GJGIfF33mzaKnocU5jHF6Nq6OBs6R5lTiTQe89woIqKQyWAyZylC+hxTYhD1zjljChmphCKUmSMRWePAKhEgasqBCIxZ0QzRtRotrMuUghIaCwCOiBCh2ICWOmWe5zkkYxwRnZ+OTdO1dePuarLD03FMGdC4p/NZBcu/EtXEkVOel1FmaVitq3IueVEZUDKzcy7GiCDWYIwJEVVE0bAwh5xzKuRaZ42ALSbSgMaO43B7e9d1HWc9Ho8pJevMMAz/8T/+x0Kybts9AJ7PZ+uoXM4xxtKniYgqFyjhGYAok4pn7CPGrFcWI0Aq8pvCB22aervrm9YRCaA4Tx5NDE9N3RFoscBl5pQ4xRiWmRCsQZVMaPu+L76HJTilnHREVAqNpmlQ4XK5AAAZiNdEhRhjGeKq6hJCcWn0viZnnXPCoPjslrZGeCKAruVsKq525hrg6K1VZsmMiN66Atk8E0kQyFxxGUSsqoq0KFOVrgYiKSWNk7W2tg6ssYrTZXx6fMpzSCGMWcbj8PD5Ic6hq7uuIW8pDVEAna3a28N2f7s5Xj5/eTxfRlCJcZ6F0sajtKqaM4OKcd6Sbaq2cp23/ubm7ptv4sPxYbc73L149fT09PjxyzLLcJmP9+fb27vOQUrsve03O+sIyRvrt7vb8/moqgpkfWXIsUDTdnXT7r66MZYevnzebbqu69MSiKwhN01L8UAQINEkIkvIKcio86ePTz/8+HA+zaKHeb473GxevLy92X/8+GFuWve//V//4c3bjWh4+fLmm29f//gvfxCGyllDynkBiSmMIHJ3d5MTEOA4nMvMHlEB9HR+8t7v99sQ5rgE5/3d3e2LFy9A9eHLfeYYEykkMkUS5WLOIpkM1t4ag5qS5CSSraWurdumBhCOXMbuOc8L2DEORKhITdsvaZnnOXImBSIw1lTe1cYRgCFnjakaz8wieRUZOjQGybhC9/EVOYeAyoIiWQFCmHNKOeciigUQIgOIpPZK5JUyz3LOhRAgc1yCs01bd0sLx+MSc3JE0xxCTsyp8a5qKuvdHE/DOFZaMytgXlJK5XNBGZJKOT4q5xlURECRyOa0FIp5zuwsiWiMKajM42iMsTlnY6jruqenp6enB+/ty5cvrbU//PlHMvjy5cu6rp+eno7H426/UdVhGJZl2e/3JfSouCSWUdNVT7VCL2WaywnLULqumzVrh8h7L8JkAEByjqJKBOUp5RxFnYIrCJIlKpGUKQVdc5tJVVKKBdhroCnNS2ZJKRWCjrVdUWQ8E1Kfc2dubl4Uqxg3TaWdqdquJB6TKSNpx8xJ2HnX9f3pcpSVWJLkOXtNwRijACBaII9CDCvjzBL76OuqhJKHFGkgSZlVOeVSJVlryxcGyjnyPM+Sk7f2crk83j9wiAYtL3E4XabLaMAQICmxKBkQFhE2BM5Vu15CCAg6LwtnMISOjDVIKiLCoPvdwYCXRAuHeUbjXOXbZf5ExjvbnE/v/vs//Y4ZpjGS+n77Qsd4Oh8Ph8P+5mUI8w9/eb/f796+fWtcd7lcnk6jKrSNy4IC1lhjjPn86fOf//Snv/u7v31xe1iWpWgOTqcn6533jjPmFFgBkNqmN5Ubpw/v3x3HEfaHWZWJkAjquqobqCv61fffoJu+fP7w6u43hjQuS1rAoHJKMwfJjAAEuNsfzufJGFN7MARhjpW33rkJl6apmqaKcUHS7XZze9i9fv2aAOMyPzw8RV0A0DlTYk3yLN57ssY5m1OY5jHFxRpsmuaw23Zdp5JCDgbBGMMM909n5uTqarvtrbUcoPTa3pK3rpC8OGeNYi01VVXaDWYVUZZstMhKoOta66CuvXWGOSkklqhAoqAiRGiLTSARESEhEbFmETHGOueMicy8zOHQd/McwrxUzda7Zonpy/2T0rmqWxEFsII2i2ZRUELrrDhjHREBpKLWK1mMLMqSLBk0hXgmOWfJXDJGUsrlNhWBZYkhzMMwOEPWVzbEuST6zPPctv2rV68KOPrx48cY4+l0+umnnz5//ng4HOZ59pXJOb99+7Z0Td7bqw9wwP/5p1CwlhW5pcJMM8YUyWbb1UQQ44JkG1c5b0RyjLOvnHXGGCzPruzJzNF5k1JCgIKGhDAvixLZtlu5rSw5hFC8Asu/eha2kMIzebSQ4sophojPpuqi2rbdZrNxzl2mkceVNhLSUlWVJSMViwgpeO+9dXFZSnOkqt66ruuY2RKtJj3M3tva27rxolmVQwgIwJINqrfGe8s5zygkdpqmp/uneZ6dsWkJ42XGLJaAIytTbfvK+da3KhRCqKrGZBbFGGaWkAO33tW3+6enJ4vJWPDOFEtEECVrOCInQCQkk5id+mkIP/7w7uXrV+MQHx9Pf/nxYwgwDuAsvHlzET1+/vzp66/15Yu3l3P83f/48fbu5rB/SeSfHod3P32u67Z6vTVUIzBnfZqPn758fjodnXN933/+BDmJggJQ5eq6aVRwCguo9m3X932QbIwzBrYbeP369YvbW4V8Pj1aowYhzBcDPC/D48On291X43DMS84KkCHNQTQTgbdV3268rXK8cGLvrLNuWVLdZO+atmVrKecc4uysOdzsDvtD01RNVdd1jaiIYAwplpscmqZBIucqNHQZ5xwWAGkq3zV1v+nays9TZOaqrrz3nOOnLz8S0e5AnUKOYRgG0dy3TVv7rmm7tiXW4XSeOBgCS7AsgTmhgrXGW+csAggLN21trDprDAJrkpw4J0F0xhOhdaZy1hch18q8gZyUOfm6auousRpjVdUbe4oXBdczANBlXH786WOI/O33v2rbtmkqBL4My4gjqhjrIRdADjlrqakAIIsUZ3myxlqLYHLmeS4WZGX6UhLgjSjGkKdp2Ww2xhjbdc3t7WGah2kav3r7ehzmjx/fHw6Hf/iHf/j+++8/fvx4Oj29efOm6xoRaequ7d1ms/nw4UOM8Te/+U3x2jHGMFPpmb3xpY8qY862vilHRon58N4jAjNXVWUtWEfWogLHmBDBWHTGMfM4DdbapmkMWSIggvP56FxVVWZ1ygNQ1Zzjsix93282m8zJGGMtMfPxeJTMd3d31loRLg1LAS9jDABQVZUgCEIMEdFY51Q1hEDONghEVLDVop4oBCFjTFc3qlpUCMaYaRgBoGva4sjUNU3f95fLqbKuUP69dZJyzhkBDFHf9+P58vB0QtG6qjSzATRgh9N0fLjEZcmRc0yVdX27c2TEMEm1pAnBcKac8zguZmud8zHw+XQMSepms+1bUDyfnqyBuvKbtm2aBjSqMgLFgNvdRsUD2P3uZpjndz99/vz58d1PH7/66u1wCcsMVVW7rT2f5t//7geieRjPKna7uTVWU8T7L6ff/cuPzpk///nHv/zl3V/91V99/fbXp9Ppz3/6kHN2Gv7whz/+9V/95ubm5vHxMYSwjONut/vqq68eHx8fvjxutttXdy+B7DAM9/eP5N3N/obgz76q9vu9Mdj13d3N/ukQEeDtV29UkkP59u1X03CZx0sO8GYH3nhJap31zm67OicNU1qGMF0WEaj6Os38EJ9SDl1X5ZznZfTeb7qOmed5/Oqr17eHGyS11rZ1O00zIdZ1OwyDc6Zum+1mj4Zi/hTDFJfZe185Wsah9Waz6XK0yrIsy3C5WGvLRbssTVXZAtt1be2Nadq6rSpl0bYxgMCSY0qcQpyNMV2/a5qKJYiw9zbnuD8cuq6Z5iFEbdq6Nw0AGOxTXIwxm77zlZWcAcR7W1TO5he0w6qqN5vNw8OHT5/uuy3/L3//+vv9i//xpw8h/n6zvWn7fdd1zCmGWHmDCClEUa7JhxBYtejfQopF/1aYjeXTlVgCuYrOYxRV4MzL8VhcBwHAucoYtDlHkVzXXradNX6/u6mqxlp68+bNu3fvfv/736vy7e3tfr8vnjcvXx+stZ8/fz6fzx8/fmyaqqTGlizIcsmX9May5Z4J7AAFk2PvvfOGqDSfZIraWxFQVLl2vmQsG2MskrNGnWdf3ez2T0+nZZwOh0O3bZg5BCnNTIFsi+uipFyIJJzy1R0HVsDF2rZtP91fjHdgCK92ys5XZbz/PD1a6aFEooq6iuUkZbma1uMvGKjrydI0McaHhwcjMsSgqpLyyt0UkJQdmTQtnPJuu+2blpd4Pp8lZWZn0LVVlyaeh4kjm8apM6dpMkiSFNhkhkUFFYl8CDOEEJKoZEsGNAFnMgY5WVBPaAgQipMUESALCVPMfDzdTz98PA+XT5/v26Z3roohT+NyOkHbLHe3bxxtLFUfPr6bF930SljlFD9/eprnURjfvHnz+dPT50+n/e7xp798+Pz58w9/fue9T+EeLRpHxlHdtbvdDkWmefjTnx7rut5stlVVz/Mcs+ScCczpePz04eNwgRcv0Rpc5smY2NSuMvT2VXO331gCBAxLOD/Nw/HJI1TGVa7umtY5CyhxTufTfD6Pp+OYEzRN41yjiirkbG1tMa1YV0Vhgpe9V/lm/cadK7pHESkK9ZiWZQjj5SSa68rUtdv0LRERASnA1Zju6XgEcPv9vm5sjsFZfXl323YVKp+eHqfxRJJ27dY0bV4CM/jKLksgQmOACMhImXFYC6vqWpIxuNn21hYsLMRFEJUIjEUiFBTmFIJ0XRdSLO15gdJE5Hg8LudLFgW1IekGq7sXb1+8/DoKnM9LjIDEzrrK16A5Y4asCggACqBIaMiqVcTSShcQM5qERamnRGhl1Xut4AgAIDpRHYaBCGzb1UQkojlna/zrNy/bpo8x/7t/9+9+/PHHT58+AYhzbrvdltu4OHft9/vT6TSOoyqraoyRaLU2KKdXIWVUVUUGip5NgVNKxSukuKIbC84559EYVJXMUaQw0NaepTR+BaNFxMtlLKkrhTJv7apGe2bdENG0LJfLxVry1pVqiIVz5sJYfz5Q5dnvxLtVj2MNKBYMCQ0Zawvpo23bYoMiCiKCCjFHybnwxAqPwxkjqufz+fPnzxrmQn+el5FQ94dDVrEIMSzTNHFM+92u8vYyjRJDVVU1tlVV1a62WDmqOURgXaY4XZbKFm1iJZJFFBGs95flmFLijKWaTGHOMRpyKtkSVt661dR4fXpCLomch+lPP/7lx7+8fzwPm13z9tuvX9zeXS6XaZo2G2h821Q1WkvkHTm1sa3a2tXjmKbLcrmE8+Pw9jVxZANQuzpM4cvHL6fH0+FweHi43N315Rtxzmx2m03Xv/vLD8fHp77v67oWlnGeVVHRiEhawuV0kgx91TTOLtOYM6PW43B8+eJ2v9uEacwynE6Xj++H4Xg+7HdVZQ6bft9vgGSe52kY7j8/HM9jTlRX7X57aGrHHBGxrrxIVlXQZ4eXn2PD7MoDL85P5nqycEoxxnA6X8bx0nhXVb1zrm9qETGAgGupG2Oe5+iMb2vfth5A68Z2je+7ilDHgeI4R0TTb23trLWc2AAiZGvUO2ONEioaIgLnjTGAIDkmAHXWOmsKNh9TAlFj0Dlb1169VV17cEXIy5JzJrJVVTPzMAyta5vakK0uw2yqQcEDVU+PT58fBmeocvbF3X7X9haVk+SQtUElhGf5hbXGIhKCoIokBoyRwKCtEAkRihGHqkKhpQIU6z9jkQDs4XBg5vP58vDwtN3uv/nmW+fcp09f/st/+U8lbuvx8XGe52+//bbv2xDC09PTdrt98eLFGlZiqbAe+r5V1ZRSymEcR+a1ZQDIqgYRrSUiZ6333hpDOa/eQs4ZawlADWOpEsq1UK56Q/ba8uB+v782Skpk69raaxDktcqKJb+6bevNbf/MYSsHXPmp67qE2sQYE+e6LT6JGDkXQ6Ms7K0xZp2MNJsOAICFAVWVkZQ5XL2Cc854tT78/PHT/f39/PSAxnRdR4Ac0/39fd/3VV0rM2TOKS3jZBXTHAiwq+q+2ebMpMApb5o2R374+OXdx/e180lT8dQHwpxX/xHmlFJSxdq1ADAO8zgvAFA5R9Z3dV17awmTIBEaY2xtBGRJyxym02UYRnjx2v3q12+/+/7tTz/9pa7sv/n7vybx45BzgLbpfvub3+Sc7+5uOOV5mmrv/E23321OT8dpuHhLfdtxjufT0zgMbVPdvdz85tffd13nvFFmInjx4lY5Seau64qxmwq0/QaUxmU2BN7a2z3sd1tvTZrPnz58iEEfPn35/tu/3ffddD7P4fHp6TQe46Zpb746WGsO+413NC3zPA3zOKQ49U0Djdn0h+1hp5rGaUbA2vvzOBKR92iMcc5b48vO//LlIaWEaHjlB4MxznsfmFcl9DxV3m02NyXaSoWhyE0VinOdc66uKwSrOVS23d9syGgM41nGrm2a2pFkAxrjUpH31jHGEAISWwLrgIwiFrMmdM7UdWVWTkfhN8QQwrLEcQrOWOtwWRbmRFic+rRoYYloWYJoNt4XgHGz36fTSY2f5jR+uv/x/cdP90/3D5dliapceWuQXuxvWofIhGrQWEOUJQMUMy/FqyuylK1ShLYAICAKoMqqvB43YCzWbVN7ZywCqGXOIYR5GUWytVZVHh6//P73/1Lu58vlcjqd+r4tg6KU0jiPxpjCbS9+LfM822tkVIxxmsdCGC/lQOYIKIQWEerae1+KnVXGmnO2DNYSERlYb4ky3F5NEbRYFpP3dd/3McZlidaG0jGN41i1qzuWXt1rvfebzaa4VBR+CukKmk7T1PRNqWusdw598RxIwo7KkHEFfdGYlf6whDJIU1VUeIZdiCiFmHNuqmqapuPj0zAMVVXZrldVS6QsYZwlM8fUdd1ms/H9JhiXQhzyhVPSzMs0IxhlCGFZlkmjkKCCqLJ1hSidfO0BZMlTQWqFM6FWVb3Z9KCrL3FKqWs2xruurSvnjUEAMYSIqCSiwTf05utbqvA8XN68efX6q9ub2+4y1gIHhz4HeHqc86LO1WCaIl86nh6Ox4fNtmsa12+a0+lIRl+9vnvz1V3Xdbt9/+r1/u725u33+2+//ZpTbrpmPJ+GYVjC1DTVFeGO8zyDYlU1ihBCUOHbw87/dn9393LTNcP8+OOfP777C+x6uNlvN00zjadxPM7n0aj/6sUrwx2A1I2VvAyXx2WevNf9ftM2OwXrfeM9zlHIiHOuqo1PtbVU101KAQBiTPMwIhgEGMdZFYrNHwEQaVN3KglEAaSu/Xa7vbu7yzk/Pj4WEvNz5QIAdV1v97tp1rapNo1vvVVIxR89zlo5dF0jUZZ5BKt17YHlchnQg7W0StOJiUqogKlqV6ysmA1LViXvlYg224OzxntvEUQzKhb2zTiOZJ1zDkOMIRqApmk2m06JQpS+qdp+93hJnz4/PT6NITKS00wx8DKkMOfGVs7UpORchaiSVWENPwDQsungKgc11hMZZWHWtCzzPIuuqW+IWNd+v9tM0wgg9nK5FO59XbWvXr1g5nfv3r1///54PKsiM+/3e2PMDz/8cHNz8/bt27Z3hQleBi7FS77ve2Ow8NVW7nZVXcUmiTkrSclbcqvjZqGccYxaXPatpSKly7EwZJUTZ82g6l2NqFVVGbScZJnnpqotuSUu5+Ol6avVnZjVGFMyCm5u9ss0l2/dWCyEi/JzuVwEtKAS5YALefVQIlIgLAWOIZeFYeWArJQevD5fbx1frYPN1Sukruu+723fn8/nyLmvm5u7W1/XxS5hvAx931syWZVEkUzkNJzO0zJ661JK83IOQ3Rg6tp++93bOC/jyCJirCoBJkHD1lrIruv8ZrPd9AcAquu2rS/zPNdVSxabypEBApSyGlTndLbWtRu/ufnqzbevz+ezrWzXW8Xl5audt3x6utjKf/fti7TQ5TzFHOras6ThMoDEw65tmoogNxV+9fruq6/efPP2FRH9+vuvvnp9c3NzZzew3+9SjCI5xDgM5x9//LNF+nL/6eZw521lrZ2n5XI5WesBRYVv9ofXdzddu9luvGKtDGmB17+62W96EB0v52WZQdUZ39YdsWER0BDTkONgkJttu9tVxrTMwELMCTXUjWlbax1st9tS0jJzDJn5PJzO5/O58h4L3UsRlBQUlJxzDdmUkmdumubFixc3t/vxMgwXg+vWKiZgGRGt823ToSwvb2+avlrGs1De7XtraRwvKurIJNScWC1XVYeC87ygA+9tVTvroGjTrTXOm5yzrlcjEBqg1WTbekeAAIKiSOqtadu2aZqcMxAC1ayAZJWobfp+u5nnIED9Znf76qshfr6M4XyZYobd7oBWc5iGYTk/XVpjUMmAKcs1C6sqg9oSGndlbGthJSEiIsvVIlszIlprhLCu6+12e3t3q1+yAhfNSxtCJLR1XZ9Op/v7+zJxsNb2/fbFixd17ed5PhwOv/rVr1inL1++FMfUQtAq9/wwnAsAWd5HMR9HRCIo/WZBN1hsQbBECyWWU0rGIqJFBFDKOT4PWUWEszJxaViKDNxai2gKOFyAmPW4Yanr2m/sM2Z2rfb5OYikqqqM/Dy+LS2MIpf2p0y81woO1ipDmMstREUVoArOEWABd6Q41gOUWN+maSprhTnlvOs3u83WepdFROR0OoFojjHHVCY4yzwvy6I+O+M1a8ozSzboKl+3TXeSmNmoUt34JMkksOj67QbYbDa7vt9Y4zlBZStn7DDV5St/XgSIqCo5STIzSEUGnDFt7cE2xqLzEuK5rgxSimncNG7XNxcJF42c5xgySyLkrnNV5chozsE7apt209fzdFqWhTC/uDvc3OykVuccoc7TrMD9pp2mySJdwyjIEhaytohYMlnYEHRNQ6gpREvmqzftixv6/u1fb9puHI5hmivvOt+HqZKYrOWkUYUR2HsAtG1bAzlQZLbLEkOcyWjX1rYyLIuzByIC0JRSEjbGrELHrm/q2pBTUu8tKiEaAGKOxdKibryvrEFaFXfLklJKMWbmnHO5bKy1bVNV3pCKcCKEyhrnDHuXUsopqUqxbihfR1VVyc117evaPSN0BftTXQ1jAFZTcVAkohBCXEKMiyXous73awNYVdW0zDFm51xvXCqUPBEgS8Zb3xjjQtKYmDPGkMOSa29F6HIenh5Ph67tqpJEaRT1ebCCiICoILDGCKwUspLaVwYapR733itw01R93+4Pu5QXBLHF2uP+/nGe4jRN9/dP8zzf3d39zd+8GIZhmpbnVqVpmrZtY+ZxbS89AKg2cI1cKwBPASPKIVdInwVXy1lSiim5qqqqqi0OHTk/s9uLL/HPMW4AAPoc7E6FMPry5csY8/F4PJ/P2+327du3C4/e+xgjS3EqMvM8n06nw25fXiNzTBLKd9m2rWt9SYT7eTRlTbEjeY7GyTkbWLN49UqEA/3ZQvl5ceTieCxaEFwRqZzfbDblQCntkiJ47/u2XZblfDwV7lmK8fHxMS6BOmFWSAqCHi2AmefxEhlEFARJlVhyFIm+rrqu7pub7XbfNG1c0jQu5ZkbnK33qlyuV72+WVVVkgyR5zTNs3NOEHrXWgeiaZ7nebp4C5u+EY7ny1OOs2gep6mQ+ryzZFSVAWS37713TevH6Xw8nowxTXtTN9b0deVMjjSeT1VVHb7++vR0BJbdbmcNFv2R996QJbLlNpvGEficM48z18308vbm67e/aavXy4TH40dC3G23bbM9P8HlpACKmhCEjFSVQ0PWQszZuxoJMKgqO4917cjIuCyGIhEBSjm86BpvXsALzqrkrLUgRQsu4zSGEFSyr+xz7VzSpwu4nplLmVBg17aulmkiB3XlrKd5HmMiInDOxCWAlqi9Ki2cUjLGqDXO2XKVimZj15eq66aAcc/rnZk16O5md9FjSRfy3pe5QfGaOJ/P4xyarvfVGkIyh8VVpaNfjqfLeRgQTd21GeI8B29swX3ikgCw8r6QCRF/Nq8BKvlXWBhMWYSKYwuaZ/JUIWqpKlwTs4wxVVURqv3TH/7wv/7Dv/3u7ffv338eLuH0MMURbza7NNOPf/zU9+3f/c23iPLH3//LdttvOj/GpyWc37//8dWrN19//XVKLAyc4zxxjFEB+m5f0I1SESG1gIQAiMkYQ4Sac9DzPE3MDMLOOSPOCJGgiIqRBIyIapEh58xBYqH3p8jW2qpqfNvMKUWRKALGJlFFEqUlxKaqq6Y1wbZtb61F0ctwmsKYIzdNs+l6NUhslrRIFnTovTdqeMmu8o4sACwhxiV4n6y1pBpLtlVVqbIySzYaQlzmCLnu63GIcZoItKusB3HGKOfGtSmly3RJJy40M3GcUiLAxtaqSGINQA76/t3nu25fRlqqEGKceCS0xuKyLClFY9CodZXtqTPGgHLdhM2WqyqnNEa5LDlOeTiFMyXyVdPVHTbGGJNFYuKccysvcoreUdvWiJByMDnPjydEHMc5B+RsPn76XNctNTwPl8Y3r/YvY8zv378fLmm73QLQ09NQV4fKdZI9Gez6PYDElMZp6pz4Zr9r27aqU4iIpm4O8zBu96/e/+WnaRhtUYzkmPMSY5xPSZgjvuu6TljHi7548Zub229SSuPpE5vQ7V4C+dOQoka30SUxWh9iXBZUaGtXo3WOwFgrIRqT25pEJFwmIrLg5nguBWlrvYhwiJWrUdUYcxkviFrVlXGcUgrLMizJRD3UDm1trTiIjddsYRpnb/WSl2VJRNbZ2tvamqpywHhsmsZY5BRZsK1ba41klizO2GWZl+noLagBdbFqLI5kmSowZI2IQQJHaC3N82iMCWEmohcvXhhjQgh927Z91zV1jMtpOG5pI07HaUjARNa0rrGW0C1LmsbISlXlh2Gq3H4a5b//4+/+8OPHL5/vwzR764lIODqjVeeRUgwDbHxVm7qemXmanniZ6rYnNWOQxBVijaRkWBVjRmsMICtKzq5tb6f5nJidxSlM43z8cq/C0Ri0tzcvQoje2bCkf/zHf/zxh/d9t9tsdn/60w+Hw+G3v/1+t9t9+fLxfD7nHJ6enpqt2W63CKZpqoLbCUPOeVkWESmHq7UEYKwj59y8LNZauur3C8BZPC9EBHWdsOSccZ2MCkBcCxL5OWzJex+WFEIoDq6lzHt8fLx9tQcAWbMXpOQnGGPmee66TjOP41gql4Kop7gOca21ZTD6zFJ9Jsv+gjIApRb13hdHAr0aGtZ1bRQKwKwpc8o5JmeM5LSWXUREKqlQjCIRLdMcYzTGocKyLAVqff6/VmVBEufA2rrv+3EcUgrM3DRt0zQpx2VZUmrneU7p53y8pmk2mUtZ+1z0PcNgOWckbHzVti0iLKFEOppyx9YNDsN0Op7HcQQgi6vOOOeVSlNEOs65YRhub2+rqskc2ra1loqMuN83KSUDaIyp+t6SG4ZhHsa1MCYEANE1Rbiwb0oZ6L0v7H5Vnef556+pqsrbXo3LbKO/sIBb20xcYT97NcpHea5h7VopUMGVJYSQcylJtMS70jXEh4isK+OH1eGCOaXMxfE35+ycIXKgyszOq/cebFPoCBmUzGpMUcqKNKbMqbVtYWEhadvVYTiVxVCqdYFCdFistSlHQHXeIq1T9mlZTO3O5+PxfBLlQjaJIVtrD4eDNdU4hhSFc1piKr40SVCUo2DW8enpKV5zY51zmhIhdF2z22/bri5Cs8LJKuADAQKAISSyolyI4qRFmFciyKWYHjCztZUxkHKcpqmuPQIjqiV0D/enw8G2bWfIWevqul2WaK391a++e/HixTBcROSrr15vt5vbu4Op1BgTluJ9QjlzTvLcfVhbdCOmtC1EtIK61x21Pm5ZY+4LmrUOTVhEhDRdlwiadYgLIll4RUOuG5jGcVqWpd835fgoMnNUqOvakSmFaA4r+bW49YR5WXIs7+SZFCDXmOtCACtrlK+52XXdXPfkFVMqUy4RyVzWvcSUY4pLMIhtvfa9zJpz5pRERBW9dcuypMTGSFzC8XgsysPnMrIgMilywWt8VRGZnCXG6Nxus+nGaXh4mBExJY5hKamRzrmWDCtcLqO1FnH1iM+cnz+XIVRFzVyaXiLrjGWVrt0450Dw8eEphFVMmDPP48SslkwJDC71PCiVZxiXvNn1TVNN02QMOufivEyXAdF0TettNc/zNI8lYleLvWsuYg1j1batKXiZImCM5dC8v7+/XC7MbApNmLlEzxCR8Q5FRcBaKV9KzrKG9ULx0fDr95WZWYs7iRZgEPTZXtcYQ+ZnO58rYG8dFJhQVDmlEEKIOYUQpnkQAes9EYWFQ5jtiuWVHzDGkIHCUisvRQaIoKp93bicIwBtNl2aN4UPRUSIilA4zNC09TSP1lLb1kSABNaZcRxppPP5LCJd361CKkLr3ThOJdosBk5RU2JEJwyZJaYUpzAu/PCwLirnbWXtsFwApGm2+/22aTyRIHEOeZynkJN1FSKWNBoiAAGDBGtSsIigFA8dA4UmezjsrdHz5Skxq4qrnEGwzBhDDMsXVXz9+itn22laLpdL13UvXrxA0h9++EEh3d7um7YCkMtlqKqq2lUx5BDSqkwR9N4j6XruEyhwGZLp9afQEJxzjozoav8Lws8HSjE2cnaNdr8SftaLaJ5nACgJ2yu5CxEATqeTMabYMSLqlfdlSzUYprks3HK9lwOofP/lnz9PZAr5X1UV1kO3/JpJqZx0JcH3+UVijMhSMJRym4UQJOe+bUSgnF2SCrBKBFimQswalzCPU85lT+Vd3yFi6UMNOTGwvjgiIjrnCAnRlF4sxYxoUixUhWLvmTNLKUOIVhYsM+dip4laGSNciHxTseTt+5bIphCoRms9kZGsnDI675yDjHTN9CIqci9OKe33e1U9Ho/DdNluN84JIt7c3Bng0zgXlUDbtm3T5CQ55zLVXh+yihY7BUcN1nXb0OoIS8bQEvPxPKwGsc7GWGLL2TjXNE1iUlJyWmlVMM6Us5bvVJGe4wHRJk2g2Xv/M+nZIiIWY5fb21vrDDOP4yWEQLQCdpC5FB2IWAggiXMhMSAoGVDRzFFVbZwRESWUugyBSiwHoiJY59xut0mVb1tf154Ics5VbV+9eiUixe4AQMgAIBgQABGJbdt2XbNaWgCI5KfjkQW2+8Nut2nangzUnK21IcRpWo5PZxG0vm2aDtQiYlrmGGVY4vESxnG01nTGWeeJind/rhvXds5XZB1WNSE1wzRWVdW0vSBKYFQEMlEYSYskhBSEU84550ikgFJV/u7uhoykPJUcibZticCqUFW17376cLmMfb9R1S9fvqgWxVpJmRzPl8fL8Fh9dD/91NV9td8fNpuNCjLreiBcJ+SqKpJVuRxixV5JSlJQqZSMMWToKrHHX2ClpXEgFKS1+iqeSMwsDElT+Y/GcRzHMedcrCiOw6Nzrm2aqqqsJWes9947DyrDMIRpttY6s24D732G9fgAgJxXsxJmJtDyKZDwl7h02cnlc/HVn718UkIsOkBkAdGLnkMIfPWCNoBkbcGvQdQ517Y9p/xx+phSquvWOY4xVs4DoGQmMHVVWXI55xQyCLZdXTmfc0ohxyU55w+7mxjHjJIS55xFjXBcYprnua5bsx64621fcPO1uAtJlcmA8z4ljnOcxkkFU5RlmuUacCPMylxXlYhM46Ko3ntmHi6XcnYcj4+suZi/lF1UhNEEKCULitmRcc6kIL7xNXhOOYQ5Ma98UFjD1QuB2HovIkVwUTqdckbDdQ0M07Re75UvZa9wElUSWAfpiKCkukoKliXGuPrFG3XGkrUkIk3TbLdb68zx+Hg6nZhZlXPOK/m0fHzNLIlo1U8vS2RFFikU8uJTJczMYoxYg2VQgKig7L3dbG8lZWapG9tv6hCCcPa+TswggCpkEFELG4vTTCDOGyRdwpQiu8oD6eU4NE3d1LWqzjHs99tDf6uq8xyO5ymrpAS+Ms5VYUnTNJ/HhVmnJY7jAix904JdE5esIW9tXRnn0Tqsatxs22nO1VC5itqun2NkISQrosxMgKSgIKUEUeGc4lXCTm1XW4vHyhljwFBR29vPnx5vbu6McYWitywxhHB3d/f3f/+vqtoty7jd9f2m8hUtyzSM52bzMucUYyS0qsicrkV+TUSlqrz2KVD20orvrswJEBGWtZogWFvQtWohQiz5Uq7QT8v8heg5RjOfTqfj8Vi4YZvN5unyUP67EtDxDLYvc5jnOYXQdrVzbt3Sdp17lx/5uZfG5/Oi5M6VnqsMU54HLr886Z6hHCIiKDc2hxDmYSxtkasqRMxZwrzElJi1yK5Op8s8h75pq64PIRizziMAiNBaW7ZwFglVVVlHKeXHh2POebPZGINIBpGsJVDDCipY3qdzxjpvrU2litO1WwQWFLRIZKyxiAbDHMIclhBiSLlLMWZLjqwowzLPaVqxG2ZGAXKe0BCaEML5NOQsTdcC4DJHQBmG6fZms+m0ZD6GZRrHMS2hIPPe+8q5ZVnmeY4xxpyYuXjzlCdsrVUkVbDWucqvx3qZRwIYMpzXQqwYKYghY34uDFcojRUkF2FBSikHAQCyzloqXrwiApCGaby5u725OVR1bb0rvuFLTBaRDCA4uLr1OOe6bm1XY5biY+Oc9yXeFN0zW7q8K4VECYylzaZD0WVZ6toVS4ohDMMYjTG+st6XW0xyqXUlW0vAOYQ5xmWcl0qqtm3JegYIiZcYXQzb7bZtexH59Onh+HR+eHjMCThT0/A0huPTOaEBNGFJMUZE23UdWhtiHC5HS9LWzlpkDpnZ+L7qzDj9XC+nJahAqdO9tQBaYt7BEGHJtE0lzdRX5BxZR76uyi3uqqrrG/v588P5PPbd9u1X38SYjTHffffd3/7tX//rv/+7x8eHy3B69eru7sW+aapxupxOx6bvEJHIWGtVsFyDZWtdnZMZSYlsGRziVXrgfTmqMacc4lKWiF5NlkQErTPGMDMoZRDOCa61SWGgGeNSWlNjykCrZFyVXqPs8MxZVRkT51wOHbm6kJQBGIM8vyW9+iqr6hyW507kGX0kIn1O/VR4fj/l1NC8Ort5MmXD5LouPtIAYIyz1hgsJ6m5nM7TME7TMk0T8PpkqqoCLlCLcs4AWRVV1RqXOS1LxKDzMsfijLikpmlevNyVz0IoMXGWjFc734JbC/6MMSFisSlRZbQWjNMs0zzN80zWEpi27mpXb7queMGFaVbWeZzWfhBgnmdm8d7P42ytrWrvbFUI0QD66eOXGEYu+SvOIZgYY5wXa8l0nXOuaSpENK5k0GpKLMuyqhkMhZzCkIjIene9V6R8nGvDyOWLBiUVFOGQU0oJAFUzlAKrAM/CK/gNeL1s1hYVUY0xwzCJSFXVOWfv6uRSEYCpKoK19meHbed9Sb2pKmcc5Fxa1CILY3LwS2SaiERXorCIOIN146vaMeeYpszLtGDlrbG1cx4AAAVRyYD33lnDKiEuZcGknH3VfP3ty+PxqMrOVtahAqUsOef7h6fLZYwhqxpVJbTOSVVVwkrGmbSSRyrvAWmRJYS5rf3h0LedNyhEWtW275vTyVnvjXGquiwLGmdF52kqmthiHkgWiZBAQLKukWkompkRUQEx5jRMo/feOlv98Oe/vHz58nC4vVwuOedf//r7f/MP//r+/sunTx+M1ddvXvd9w5Kq2t7YPRoTQlKVcgITMWLUNfJXC8UDsXh0SUqrJ3sZXxQ6TQ6xpM+rqvLPHQEVlwpUpVxAsrJLnausdWW/WWu7rivdbM75y5cvtqaUUiBalgVAlIWZSaFt6rqumUyIc9RYAvumYfRtXVaVtRauMUgichkHay0zF9O0gq2UN/CM+ZffLG+4qiqG+AybtW273+9r78OwiECMWXXxtoBt1lt4eHgomfWkYLwXkRAiERklVRSRwjAoJP11OiCQOOcEKkYEc+ac+bko41WskZYYYkpliKOGSwFYjiEAIJVCuk8muuwRcR6X8zDs93sDpna18U5Z5jmkkDnn2lY5BrTeVrUwzPPMqpVzj8dj1dRVVS3LknLw3qPF8cuXdz9OANBv2pubvTFGkhQ4c55nRHymMCqQKIsCA6J1rq6NyOVymefZOtd1XWZOnAsxv23btm3RWkDp+qbwdPQa0xdiJC33Z1nMxdTaGEdorAMPKy1KRQrxnIxxKQe9+iDHGDmvFxuHaExx8OYUhSj6K2HaOWeAELPqlFIscTAOymSHmMsT/pmjGMKM3pYmelmmZZlEsjE1IGbhEGdMYknIiCPqmiqLXMZBBFxVuRBFsaqql1//OsmfOKftrjUGjavmmJZx2mw26QUjORCz295s+kPOPO7nd18ekGwWNMMsikTAIhyjJdpsuhd3Nzf7vq21af1m0+323TjucxJEXGIyhqwlbwmFLYKoaE6ISEC21B/KS0rkKPA8zIMjUwz6kGAYhhCS/fLly3a7HcfxP/7Hf7/ZbN6+ffP6zUsi/Kd/+sclDF1fd713/gCgmRMRxBiNIWsrYwwolKOdmQtNmIvpBhKAimRjjD6DC8Weh7msj7JJUGW5BiBYMt774+lYakLvfRGclnnkc2lgrS08mTI9neLQNE0xEIsxFh8wi0REpQkudXKBWqqq+tlGEZFWKSEAwOvXr6/A/pr5VFg9fdevnJ9rm2CtJVAUfTydVfX169d93Xz59HlybvvyZfu2+fj+w7t375Zlqeu677d92xXX/M+fPy/j1Latcz6EEOZQVRVHFZGcSgqZIpIIppzK7Hkcx8zRWuONhUzA8Iff/7DdbruuW+ORihm26jxPddt0XTcty+Uylt1rrd21XTlmWLVmsNZacl3TW3Ko9OnTFxHp+76ybiFz2O4IaBzHHJMxzttK61pEyZrXr1/nnC+XwXpbVS7maRiGy3AyrNbalKL39uuvXt/d3RjrytQp5xyWxCIIJoSYUmrb3rqmgB2lJSlPX0RiTnp1qEvC4zJTJEQMcSqN4bIs87xI5uLMEKagKqJKYC2tiwQRP92frkeGQbSCwiyak7X0/uPnzX7nm2aOIaRoXRXy46vdYZ7n8/kMAG1bN/UakcXMiCYkLnVlDGMIA5ENaZnn+fvvv2lqf39/3zRfffX2zYf3WSRfLpfozGazeb54Yoxom2sFRL7ylkQkCadCn2vqdk7pp5/e7/Y3v/r+t6r6xz+9u78/dn3z6fPjt99+/XR6Ov35SUS6riM08zw39abb9Pv91prq06dP1WUehlFE7g43YOvMegkzITpDlooargSYaAjz0+kx5WycTSmBaNs0YYnzOFXeG6JN31uDx+Nxns5d11WVO+x3cx6Y0zhenp4emqap2qbbbKZpGsfx8XiyJduFDAzDYK1tWl9VFolfv7n7cp+XZXp4/ESGi8KnpGTjCneDgqz78GoLBoBkgGi9EBCRRcruJcICxRev9/VW1/VEgOsy2m53bpUEG7jO9suAs1gQFYKAMaaqXF377c1rY4xdZyvFWC0ZQGtonaiA4rUBAUBy9rnfoWu7q6p1XZe0i+eqp/wTvjoePrc5zMw5a+a2bZd5fHx8XHyFiE3TSM6np6Oq9n1f4K4UHlGhrtvNZmMAHx4exnECgf12BwDzPFuLOQliKgALAgABEeYsqkhkjaoxpEoxZlVMGodhDCHmnEKKIiX4Uuq6Ln7cz04rxhhrPKcMopaMASRFYJXEnHTiZZmWkKJzzqCpKg+iBsmgccZyTjkmUDKIaEiVVDFniTkkzqqaNT89ne7vP/em/eabt91NsyzT4+NxGIaur3e7zcu7FyWsJyVGa0PieU6KodKVVoOIAlpMd1nBGLf+vTXP376IPONWK/pU5ooMWYQArPHGmOKuUKpCc/1ZiZJXuoD3fhzHh4eH3W7HLGW1E1oig0igpnSL4zgDYUplcgzGWucqVQhLUiTn3Hk4EcE4jjkFZi6/2TTN+XxMiZXZuUhkS3IzkSVyiCVQDklFS3nMLDktyzLOwdjq7vb1ze1LQncexz/86cv79z9ZS7U38xLqxh0fT/My/s1f/XW/2/ZPp2EYv3z5ZMnc3r6o66owONq2BfSJkXMwgJV1yXlnLABI5hiZQIcBjdUPH47LshBZZ7y1ljzGGJecurpiZouwaZumPWy3PYMOw8BTIKqLlZz3vsQ1iEz3D085Z3u42XZ9PY5jSsvt7evvvn+73fbn89Nu3w+ji0lyTizJGN80VV3XQP5axpepZ+lYYS1R4TmhPj9vNhGh6y597snX3cjF3Wf9mwIcGAI1JYh85Xd575lXl9DisVoI2iEEdBhjvNpbQIFOQTQWi3fmEqtxpZkA2pXLAAB09f54nuaWJZuvzs+lRzDX+Cu6WhP9cl3mnBdRKMbuP6dYWgBSFi3UJOccmRwikSFYD0QREAFhQETnKiLhrMxFiCzGGFUsdFtjDCillJlFiJknVc05KoJzluzKo2PmZZmnaQ4hCKghh4hpCZpLzA9K1iwppHUwEUKY47zb7ZQlx7Qsy7IsrauNMYQ5p6CqvmoQMcesuGpVDaiIY9F5nk8nuHvT3d6+3G43Hz++//zlPUvsxzql9PrlmxLbjkiglLPMcwAgX3cioAgIwCzMKqrEYK1DEEFw1nnniShxFlWyViTFzOtXRgRoyvlujPPG2vXs0FLgPNPGVLXg+tahtb5t2/v7z18+PxBRsaRZvwUmUAIgzhI0IU5Z2PsAANZab721rvJN20YM8flSGYZBmqrfNEQ0z7M1rjB0IguW7B0AYUJwZAlAlK7ZaVq8ClMIRhlCijU2u/3eUPXp89Pnz/f/8i/vxmmwlm5vtonx7371V7/L+rvf/e5wOLx59fqrb74eTkNOEnMYx8v5clRVtMajFTXlKRmkvu28NX3vurqEjSbVFHIKISXhrFITNU3TdRtgGc5DWJbhdFRVIDzsd69evdgeNvM8P1iKuhSsoHSLZFxVt3XDdd3HGO04Xjbbpm4sYPfmqxfffPNVTMtPP328vT2IvjrcbDfbbr/fen8l81nHWWOMzJl5deIREe99Gc2qSs652AgpcEpqjPHel5pQRDRzgW1UFYSfgSjOXLbxFapcM99K6mXTNAXXQUSRzLzyQS6XS5mh1nXdtnXlK0QEFs6pANyEVxmyMaggV8L/MwhazovyfowxqisLFq5WZs8A8ArxAqAKkAzjVCp/ZPny6fM8TrvN5rC/ifHzPM+cctd1fb/dbDYWaU7h4eHxcjqXxr5gqKqqEay1zlaVM8waljQnSTGhRxAgIEA0aAgQhVQFyZWwblGuGt80jfWOgQHl+ewLIbCKlnF5XK0GVnJvksTCLEQkDI5cW9WVdVNYLqfzsixmCwjkCDMAABiizLIsS4mPLghW29ZKEEKY5tBWO2A3nsN4mVFt7Q2qGc7Dx0+frbWbzaaqGlEDaAGtgrHeIdPzw+frcUxEgkDP0DWhZmVmNHZVcosgoiFHRIpQVU1pPwlJBHIuAXLB16tbnYjkzKpCZo0BM8YVPVRKCXElnoaQmJHIWutFJMWsAEUeYTsvopfLBZQ2m53z6XK5FPuceZ6twe32pfd+HGbvjAowK8eMGBBtOc0RbJYEyqDIxgAaxPUDLtPsrEes0HjO+P7jwx/++OO7Dx//+H4oKX85591h320OaO27D0Nd/8Fa+/Lu1eFwiHMcLtM4ncfx5BsfY84pp5ynKcYlGWNrX4OyASMCOYsBUQNh4YmWYtNDSADgCIl8tA4Vjg+Pbdvubw9fvXn16s3LpmnmMNW1b29aQ26eZxEdp8lav93u66r59rvvc852nE673a9fvny5hGmz2Sgkkeg8Hm623cYjatM0xmABAlgyiRFluabXPcdPlC8DScshAlD+bIxRe/0pPQ4SPfuVll29dhMx5ZyrqimOPs/cMEJLRG3bTtNY5m2qawNsrQULpbqpqqppKmdsodmWL0lJV4IgERGhgqIWYN9aSz+HXek8zwXysKBrKjWRc25J+ZnrsR4iULwQw/WYE/jFgMmSQQUCLKlaxT/xfD5P0zwNY4EqmDWlJCkDADOAkkokMsKU85rJHUNey6K1hzOIVxI4ECI665qm2Ww21rtSqRX3cKKSXJVBA6KpygcUVQZhEAFSILKKWHmv6oxxIaR5GJdpKnQv5zwRNb4i6w3ZlEPOGY2t66Zp26rxddc6Z7yrfFV9+t2Dc95aMy+hrtu286KJOX38+LlpGhHoOhDRum45l7r3Z82htVavT7V4Vq/bXhie1eIxlocGAGicLQQMAIJ1+ivF5XIlPdvMDIiilDnFnACU2BjhkGLV1Ih6vowpB+MsIibmaQxEaE1NaFlSMXbLmVXBGBtDfnx8aprum29esUiMGW3OOZ3PJ9C19h7HcSFgVmEUxhR5gnitWE1KCZTVgHcOAI0xIAbEBeHimYvgONPlvLz76fPv/3jGrmIxISw55z/8/od//x/+88cP7/Y7P0zj4+Pjtt+8evUi1/lyOc0hADKASSktc2IhSVwCRRBxGsbolbPnaCuvZFMMFEJlvR+HQbMO5lK7uq27GAOwWENd29zd7IttwjyPZPD25nBT3wnD4+PTMEzTnOY5jMOSODd1rw3af/Wv//blqztrQeYY4zTNZ0ToN80SBgAwpthbSUyhoADKwMw5lWmWFh5FKfILZHWlRBCS/mIGCs8gX4lZWsFts2oQmDnZmFKytn4+aMp4qZxNZcxW/KCL81KpqXzry/FhrXVuldULYnFPEMqAPzcmz+BrgVfK5KUcE1nWI6ms4+J45L0PmWGlh/xMGAOAnHPf92GZ7h8/GYXtdqtdD0WYD7DdbguvdDxfTjkXv9XCMVuWiDI0TWM7mqaJCJk5hMiswuVoIENumqaVMsPPti6ICCQqhU8PVFp3Y0xp64wxJWb1+fMyM4EVhPW3AQgMX4svZ6rIKS5hMpRTupKgkDkXjJjWSPDVP6nw9KrGN33XtnXTtb6ufvyvn2OQqqr6fm8tiMQQIiDPMxjj5jnkBCFkZ6u2NaowXEa4jt5x9YRE40tmIqpqYs7Lc4dYTLcYAIxxxhgod4Bi4qxcMgu5HK5FeXge48oM1p9nIiIyjnNde0RdliVzLjdWSgkieu+tt8YYSM9fNBYiaOGhOdfUdW2sP50uSXSeZyRdlmkYhqryOUvIUVfOBDJjCAmBi1knYFSQMggjIoOARAzgyExTEHDNhoyp2mbbdHuVY+U6Ee76pt9U1uP/7//7n0Icfvvb3zaVff3q9vbF3atXL4fTJed4f//xchqyeTFNc05qbG2MQdWwBEkCAJI1JU4RrQEk4Iw5c0jjPM+adVHIPte27ttWbw6n08l7T4DjOD4+3c9xabr6cDg46JY5juMISFXVpDgO4zzP4TMfK1/b77//2hgahiFzJFOLJgS1lqZpUFVjKSZXkMt1dHIlUBXVQCk0SqNojCEDZeaiJfpRtfjMW/tzyI0AiqwE9to7c82XekYoi6gBYC0TjMFSLhaqGBEVwz65/vyiBmaDVGqWpmlSShmjApdS7bow1hRbuLpIlf+lRA2qqoIW3K78TqE/GWOYr6osVVX13rsrs94heec5rQqXdaagmNISQliWRRVyTN4Xs7VM8AvevVJp9ETK8EUKWMBcLubCpbtauSgoq4hwlhL+EIIXkKy5uBakxGWoUWbkqpqKyyEQoSFrBBFyTiyI5L01bJTEWlvVG2tNzlkzT2HJmY31zrFiEkXvPdA6TjbGNU2z2+2bHADgsN03vjFUIWWAPI1LTKGqreYsItO4LMspRbXWC2DKPF/jdax3Bv+nQGYAUAReNSmrsH3lj5o1WOP5QcHKDL5+myVM6fpqz6D7M64fQmjbuogAASBzzGsosilPWDQza4oMpMYgkqbIilhVDRFN4+Jrdc4r26LnyDEQkTHWez+EeZ5nULJEwpoTI4oxFaLxjdfMpFzAN7gOIhEp5+DrzrsmJ6189/Xb74/H+S8PAbFETFVff/36y/37Cqvvvvvu26/fHPZ9VXkimuZxnIZxGo6nB9tuQggqREZ1zSFDRKzrhlAqi9Yaa9FaNoYQkRCqpkYlzOLI1XW97Xtv3XQZUBlEEICZx3EMaQEADNOXzw/n8+Xm9gWRB6BxHI/Hy7sPH/p+az98+HB7dzjc7Or6pfNmnucQQlW5vu8zJ1idUd1z+WCtY2aVQg1UESm2Ek3TEBGSFkyEma9GI2voQV1XBRzlzBp/Nkcr2/jZqaxcgMYYa93aDlgyxpwvR3uNsI1x4auNe5npyhoEJwYJAEhXkxFgEQWCq1hTRK46FxEp7XRpoFxpfVNi0OezI+dc100ZNj0TasuEqeu6+TIAwO3trVE4H0/D5VJ7v9lsmPlyuRSGW+nCUsohhHme+357OBw08/39fTFeLVvFe+8c5iQx5hhTToLXOIgyhiIi0awrzb/EYmUTaJ6tgDCwcy6EMI7zOC+Ixjpb5EIhRAAoRZ4FqyjCkGPydVX5BknB4G7XO2+ut4jkEC/TZI13VQJy1lVV3YrB6/MD733f9zFXy7I0TRdCnJeRHFQ1leRUa9wSlxQ5huF4vKTI3WbvfV3G58/b+3omKsq6tZ5VnnAFQbLwmgf8TNJhLUQ1sCBXTdV1Ha7xfaU3QlPuPHhWEtqS/mHMZShS5sZYa4yDK48mpYSm4AIu52y8a9sWlI7Ho6uqUj63bVs3nlPcbLuiY76czsscrbXGekBlFgAqyYq+Ro4lBLYQiPRKHUJj3Ha79U33+WHIavf7m2+++XbSIxlRyMMwvPnq62+/e2Mp//2//rvbm945fHy4/9Of//Dux7+cz8emaW5ubs5hZUWnlEIoqL/ruk44qWrOnLOmBKIiLMym3VQFwtSYMYMCo4IBLJ1737d3L+8S76rHOsbFWiLnpml6eHio6r7vnYhMc3o8Ht+//9RvR9s128P25eonPrGhtmvauq6nOKmSMaRgQ4aUgogimpbQW8/ICdf08AJZkWQQUABUsGrddWRgfTZGLWXIAgIORW3JYUCDgKjWoXUGCBKHnGfM2bqmqr33VkQ5p5wREa2prbGqzCDGOO/r0o7YJWtKlXNd16UUjsd1bsohckqEWPmaiMrKWAmGV/oJrIwjBIAiuzDGpBTLKq/ruq7r/ebF4/FpGE+bTbfd7o+n+8t47Np6iBcxmYk/PX2ex8lb5xo/5WzmSGq8qZZ5yllEraJPWcl1kDhHswxsgRrcGg24oKFiXAScRRWNsQiSUjDOb/r+/v7z/vam3jRfvnzx3nVdtz1srHMAcB7Pp9Npehj6HrbbbQwuLSCz2GAsWZddSilNOWisqspWFpWX+agqbde+en1gZrJZNIcQHr7clzvYWQifCOamCg7JaXZAhr2P4nzt57PENNoyEDRRYaEqpg4+ffjgrf36q7cp5Z9+fDCAv/r2Lg/KYr33veLCi5xmdtkTmf0hxpgULGtlrUUjIiCwntGiSUwSo6pWrRPTolFRusYJKZqkKQkgKwgiAF1VV1oyBWC0lkIIIrltGu8NIla1I4K2dQB5SovF/OKwybkZhgH7qNYqwHl+nNK4vz1st90Ulu22Hadh028g5mlaFNlr1W43N/2+qipUPp1Onx4+vL//cdf3Ny83xuXHL/fHKe23h23XiUjjZNuaRGqcYYaYlYARcR7z5bIAwOHuRcb86dMfmrb/u7/525Q56bvf/+53t7f+17/+/tvvfv3ilbz9+nXXtdN0TnGZBr2cxvfvj395Nzw9WRXj3Jb0bEmmOU7TZKjebhpAlzkcDjuFpBKyLmNIlQpaZ0jbdvvw8JDmeOi3u91W4vzlfFHVbV+/evWy323JOGOJDUldv/nNr9/9+LGp99uN/uf/8E+vXr159fKrr998k2b73hx1cbbc/CUtHgDIGufWjPtn6mfhd5TjoJR8pWsAgMJel6uqVa98zee2E1YctdTh5e/L/bDiZ6Wrp2dXKFhLzdIMc5kbqKqqtRZAYlpESulBpVMqMGepcpumKddjviYzMK8ijhVpA32G7uQqjcs5kzXPF2M5y8tjebwfmRmM1rWPSwjzEpdgCAqjNKV0Pp+XYdptNmRxmiYcgq/rw+HQdN08h2mamNnYGGNxGHmOkkGyRjKjAYR1ClCs4mJalhgqhBiXclOpalX5tm27rjOFMkPati1ZFBFfOedtjJEM+sYTomYQFGNM01RLCuXehrX9pPK2C2IiKkRUVTUaXJdBxvKUABjFCKJTVZD7p8fNrt3c3vR9a51Di33T+9r9239L/8f/MX35/Jk17w/b8XIzns7jPKUcQrDF3bOqKmMRC5HnmrzBzDFGg1iufSJqmqat1yiWX3JwfvmNQMmvXz0pShewdr6qKlxG8jbnLJpTKgtYWErnmEvfVICzUueGaQ4hAEjXdTc3h9sXd13XTGFZlpiZm6ZBjCEkIvLe921DFJmZU2DmqqrIVFe1FzRNU1V113W1q0XEGruykIicQWPQWATRYmRRVHlEtN9vra9CmDNr33e/+c3Lu7ubv/nbv/ruu6+7Tdu0roBuMcacoAiIyh5kgRBCCEkEiMprq0h21llvVdkQoDOiFjSLQE5CRPf3j23bbdtNnuPlctl1fbfpU3h2sUDryPtqs+mfLuenh4fHx8fL5VSSWEqmQiH+laBvexVkQxklWHIKACieTEIAECIAMogreyKnkvYE1xK0pNqsradKucxZVUsYzfM5cl0Jz2Y25rl/QSR7jVwgLc6GWUQQSQWL6GAdmqKmlJiLKTwRkV71PzFGa6kYvpeaqKAqIfyMBTAzgj7Xt/rsVITo66p0angtSUqDE+bgnPPWlkiXtSdHGsfRAkjKqFA5VzlPihxTjNw0Tds2xZi+MMtzzkjqrDVEIjkDkrNOJHDCa9kOCgZQlZ7hHmZW0pxjCEt5wkqCiIACZOrG+9qx5MQcUsopVr621oqRECOqODKu8klWN3ZEtI7QWBEpRq1A14GRc4BauLysDkiVVJSVI4AlMBasSM6QVZmcbdqq73tbUc7u+982P/z4x2E8ZQ7n4ThOl5CDYv7tX/+mcGFCCJBzMRMop0DZw+WAqL0vU/MCvbdta421V6PA4nX4fPTrNeS4DOMAynAql3/7fMqISEqsuvazzDklb3brpVgmcSV7KGeTCFYY2DsRKfJcUliWKadVR7+e+JaqqprGS1lg1tp6t6ucUdUUy2lSW2vrqvbGl6l5jDFqqKrKOW9Arwa+osDGYvEQ6TYbUbgMT0i239T/9n/7N03TfPPN1y9f3QnwNA3jOFwuA1kfo3z58nT/5WEaFyILhmKIYSkhCkWipKqMxM6SSiTnfOVEgJOIJhHgDJmEyHjrgckKkHHee29dTIuixBhhmSqsjUHl9Onzh9PTU0q577u3X78h9IjKnHzlvLcAZBVYgZEsERhTOJkIoEhgEImc84XQiVLsSNdhJ1+hxFIaMIABMGSKM+EaK18mALhyyUrz/HM9IlcUtuAjqrUxhmMpQUs9YlWQORVeiS12OGpV5friZK+Aa4wRYD2DlmUR5eswYjVoLMtrRWMLs4j5eV1quPbhdp3plIW7bdsQwjQNInlvdk1VGwJv6PT4lFUN0su7FyRqAKdhRgUkzRzHUcZxfnh6PJ8uy7IUKzBriYBSjIRY2XIhg5KWKCJj0BhylTfOuspxFgb13qnKkmYiWuKcOFpvDBhjgJAQIXMOcYkxVlVV8vBSDjEFUkPWA0DhoZUSTKmu3bqHs7D33ntrrDOGVv4fs6tbMMQh5ZSzsEVAA2hgf7tZOD4eH7p9LfjKVU6Bp2W2vtrsu6o290+fDSBD2t9sDje7/+Vf/e3x8enTp0/jPMQcC+YKgNN8qesaAIpUrOQNlqT0EOZ59s65LIk1J47MbAwBrMEdzExkvffWkaEihixiaH5eigV+ZlZEFAYWTimqqrX7shJKkeu8nabpMpxR4Ntvv/nmu29jXH766aclTAqcOTtnUkqEUFQhwHkZh7P3YZ68d965pqrr2ntLyzRPaYgx1q6yZJg5azbkACDEJFQm+8rCmWNxbQSQrFkVyYgxqqIKWtV121W1d/M8L2E4Hok1z/NUlMSObAx5GIbz+TzPua42IlDcoPWqCDdIhhA1aindfW2xBmujOM0FPnd975c5qaN9v/WEElLIadM2vna+ckgSwpx4YWXAPM+XnGPfti9evKJvvpnGEAIb8tbazbbPiW1Oi0oidN47a21JfxHNkgURyZWoJxHJkpMwQCGqExhLKlBIXiLlvCiAH6F7Jl+SteY6RyzOY/CLegSeKRXGGOcqIlpyuXBWdUmpPq69DxmDLIaZnmE8LGkZK711/fucM+Dzy7qyaK7dFj0fPXS92fRagyGipfW/Xk+3LB8+fPjhhz81TfXbv/rN4bABEAXY95tlmqCqWlvlEE9Px8vpHMYJIqYURGSclnmeFbKx5NQUTYZwYkkKqNYRoTFk7dW3VhQNuIIVOzodL5xy3XggJIKuawCk1CNKCqCskqQQIsRaattWM88xxrgwZzCQlYs4vGyzrNleZz2swkEKKF7UrsxMaLyrjG1MjBnywqyKYJAcgFG0JoclTPl4aZ6eHtqNp3J/er89tFTB05dj17jvvv72xd1dZV2SNC3jebiM81SQyCIRWO08igvMNTpECauqKpDz89heV6Mzd+1Q16+vzN0JV5vC0o48N84xEGipag0AFSKviBpyJb3QWtt2jXNmHC/jeGnrbrvfvXx5dzqdmrZqO99t+pTSsiyPx3PftyLFkjKttnWtJ1iLU2UuVgKNb05wQixSg6BGK2/KLMT72pIR1hxTSlElqyo5iwiusa52SEwATd/tdr0CxTDPyyXEi2qq27qqqqZpU+KYZZ6mnCQljjGBLiIUY3SuTSmJFO8lNFYVUkwLZDFWnF+1hQBWxQg7FfKu6ft+u90S6wKjI6yqyjrTdU3VVkHiHCZUdhYJ2PkSxuC7bsMsRJbQNY25u9svS7QphZwjQG0Ince1aM9JUYgImFSL2jqnFEXEwlrbG2PIkTFGWAs0WWZguGrb113qHF3/EhF/1jswM6JRRWEV82xybgDS81JgZrj6VoQQyhn0fNYCCBHxFYj55dDOGFP8NQvY/lzmlNHs8+vLs1f9ldV+XbKYcy6n/uPH8z/90z/98Y+/f/nqbtN3KhFAKmdev3w1OTeeL8tlWsZpPJ2n82WeprxkIipWAL6ynnwR4DIzqCBqIacoiqKSu87bVBQFgRhYAIpSIeTQ9FtjTF37V29eEmGMsWobZk4chQVQfO3q1iGic1VcAi6qBMaRJQKVxAxARR1fRnqqCAQIpCCIBs3PFBtXVzWCBCJBJQBSInQ1EUnWMByfwEDbN2Dg8fgERvY3u75vgeTb3359Hh+H4XE8pcijr1+1Tft0ejgN5yUtaLEoUxRQEBpfFQdwceuxVdZJ1VQppZBTEnbOISFag7ICUs9nx1XPgoBSZO/wizF8zrloZBBKE03MWuxjY0yFx1hIP6WfMBYR9XR6evf+L/M85xy3223XtcuyxBgJBFGryndtgwpxCaBc17U3llNOKQBLU9Vt2zpjx8uFmTmxMCCwk3V2VvsGUVMKBbshA9aRUSfARE4hZ1ZArP3WeYoxxjQDMhmLtHoXMMuyLB8/Px6fxoeHp3kOIWTO4UrPb4UXJUAU59DYMtaZEVDF5GQILWfhDGoRFC7n8P233715/ZJAJITtpqusQeB5GbPmvuoIcJwv8zwsyzRPgzGtgpzPxxjj0/3R1bWzjTXV4WY3DrMFzIBZIREZQw6pbH4xSECABKjybKsDUNAQMsbCNSGJiXnVaOHzcF5XgsUqJCWyAFciA9pnfKHomtZBqq6OmKqas6SUmAWhSD/MOI7WWmP8FW39nzx7ELHorJ7nc5n1l1aJa/NvrV69HJ8vwLIcXeVXQASgBCwcj8dxHE8fL/f398Wtp+97Zl7GIXqz6zbeWLbuNC9pCW3dwE5JdJmPiGgIGQ0QEtksAmBDYM1C1rjKGjA5pswZSRUEEIxBQUJAJJCcE0fjCKK4yhKRr/3t7Y3zJoRQdf35fHx6Wpa0WO8avxLwinmX8c5VPmNGIBAVVinaDbBBAjPHzETliVFmjiGrKlmL1ljxOcuUlpgja1YC68h6FJQlhmE6HW4PN3eH/WFrDC1xZm6rqlJDb79+wek3Hz/85Z//6cfTcIx5uWsPOQmQkiWH3hp/PdnJty1eHacZfo68KKgTMwMhFd6NGgsO0jWFZ2WCrM1XOTKKcZ4xBpQKsdB7LFVkSSxOiUNIxphhGFRbAFsgQDJrYJrk/OHjuxDnuvY558twzpxYZFnmlBKIkAKKoqgj9FXlaDUi4SRUY1VVTVUvOG02m+EyxWUEpXJNqhZdFZWuJcYEIMYaY23JO40cXQqVrY21LGGZzuM8hxCcw7atjDEhhHlexnG+/3J89+HzcFku56VYCy/LYq2vqwbUWOsNAVI2xGSUSL013nuyzhpQKaQ1yAmERSGfzmPXTbuu63f7vvacl2k4pZwv49l6VAOn89P5fFxiGIZz11UieRgvMcbLcLr1PqUQY6y8WazaUhyU8WX5g9qrHcZzqa9qcHUntVh4Vqs64fkmL0eJuQoln/dt6VeN0VJhIhglJSJDHnD1vC0VeDlBat8AwNVYVAjVGPdcQRAR4HM/gng1Ri/HR7GWeoZdSt1OtBI9Ct6u11iL5/ZqvdOsXcsiUFUNIQzDcDqdDLlt1/d9+zd/8zfffvvteHmahwuIvn///s2LF0SkIs7Ylze3aZ8t0lMIxhhRmMKSQgI0ck38FhRLtmlqAzRyksQAFDkacmjQGUI0gJQFIULV+CXOzjkRFgRbWee9kh4OuznOSXgOS0MKVAOhIoQUSyCutSQZQYRVVVn+/129WbMkR3YmdhbfYsnMu1WhUGhQw6HGSJvh6P+b6UH/QCbKRDNxeobqbqIBVNVdconNt3P04JkX4OCpYHUrb2ZGhPvxbxUl4rbSplwxRmNMKWIc51yWZbHiuw4NGlCqRZdtrrWmmgCrMc4YTlpSXq01rnO73XB/f288MWPTBHc7V1NVkt1h+P7zeBgP4653wYlsgg3XFCIidm3bh7i1+c4YW6ElqlJTx1hvLdh2RxWV1gEPt8C69y1HpNR6W/StbedTEWHBKtdh87pDFGhSupzrsmzWWuu4+bYVbAuXSNuWUhrH/vHxPpd0uVxESgttzSl1nUckkZJyzDk7V6QocAUBY0zfdUPXE5EW9a6bcRWRplFMtaIURG7OrJRKKYVIEQ0ACELXh3WbFSWEVtNRt20pKc7L1Pd9u8OXZc1Zpst2fLukKKW0amcrNTVZgGHLpJYNWkQABSEUx0psx7FDZFFKGU1FJbxq6iv99z/+5eXb8R//y98/PT0h5PNlvlxOIZi4LdN8EZTL6TjNk6qCFARhAhA1lq3lrvdxK9O6IrLUYu4fDvuxD86/nylqKcbZq+u0ypKXBoAbY6xzqFBKSSkS0TUIoypeuUBLpO2Tv6eQAVxFOyKigszaHuxaKxu01gIgqjajTFtxjTFEdZqmGNPQ73a7AzOHELZtEynjrm9/vmL4v2snaMK25hNft3o7aWe4SUsR0dgGuZd2270j9qq3rFMEEem67nA4WGv/5tN//PzjH759+9I2+cb2icjYDzFGi/Tx8Wk5X05vx/PxEpd1v9/XWpdlqSmXWtgQWwTlUjbvvTceAIpKm8JjjOPQz8uSc7XWeWdrlZRz6xD89MNnZj6fT3Wp0zT98ONniphqeXp6ss59+frLvE4ppebmbG++Vk21xJwMGRXdUtRC67qyNcY5kipVs2ZASqmICDB5onaKbJd4POxijDZ4IMxFpu1cqrLhbui05pfnr2zg4/cfW27rzz//6mZybPoh/P0//B0TvH55+fry1Rm7G/bEgIaddUymlFIKGGOaqHRZFiJ6eHgw3jUaUhHO57PrgnPudDwi4uFwENVlPTUKpu1n76nCTaKOaFrAXa0l55hS9OFgLBNRs0cxmd3OMXMXhr4fDRNAiTFeLqeUt6bHe3x8NMa8vLwQY3N7eu/P5+l0OiEQs5VSg/M55m1dp9PUdd39/eHh8YkNfvn5CxG0osWSc051HDvvfYwp5coMX375cn9/h4g5VWOxiKgoAqSSQ9d9/PjRB/f29maMeXh42I+7VEuTVl8u8+l8yUnjJgAmZ8lJpSISOxecu5KGBdbOOya11jDKspxRyt3h7unpYVvTsmUVBGsUINUW5b/95U//utsNu92u8/bjh7v93UE0xW3ud+N4GETK/f0jEZ2ni5SrF6wf+pzK/d2eCIxh1IpEpSTTmGRm9t4HZ2LO21ZijHcP91c88kZP5FQWXe8O++sjVzVuqSGOLbUBoJYiqs2J25hXLDfUnYikwrZtIoqI4ziULCLROeO9ZUOtTHRZFmbOub7PtI1obONDW5tqFb6FTcZ1xZtd7Z3QeR9uiUhv6Ek7Nv/+/Cy38wsRyS1boPlUvff7/b71njJzs36v60pM4ziqlFLKWuuSy3KaXr9+O76+SaxE5G84HxEZNC3+qYi8I4JbijVXqGKsdd6XvN3GcgZCFSUismZd107VOdePw1UkIlJrHUIPIH0p3dAXqey4LeIvl8sQBu+6LpQ4p3WJxphx2J/TIookCFc3oyoQghp2ApJznqa51uq7YH0I/bA9P7entIUbI2o/BN91vgsxb21L6Lrhbn+IOeXL6e3tZex6b0MI4XA4aJKhG7rON9FKCG6/v7PWn47naZrWdXZwbatvvwWYmNl6Fy+JbIvqMmxMrbV1CDgXar3xte8F5rccllprraU1nDKTc9YYusYUErQdhYiM5ZwrKHkfkKTWWIqs65qzCX13uL8jwMvl1Pf9x4/37Sbctg0UDdladJ23nMs6LyIAVbTUzlk43DnvV8hNqA23GRyRW/Jwg3VSjuu61docpyBYjCXfWSIzDOM4jsMwWONijNsar4ujUq06T8v5tEhlVa4F+m5f0pxTLOmaNc3Mzltng7NU8hrXhSlbwnEc7g97JmUCRjCMzlpjaF3Pb8e3duulKH/5y0/ema5zDw8jsqkqMad14Spl21Ipwmj6MPhx7PsekdeyIJrgtSVgPH/9dVo283ugGwD4Bh+23D+pSsSdc4pNLZ5AERRVIOecc238fK3qvVdFxNJy+m+PZdOkK6JY40FrzqVNDTHanFNrzTRm57x9Vxa3FwwhGGOt8fWGYlhrjTGlFJFq7ZUq2ub5HSK9gmoApRQ2V3z3vUO0LRx6Q++hrXa35YNu8UItK/Tqd2q7RN+N+935fDxPl/u7seu6eTq/Ho8GgBXyFtd1XeeFgXe7nW6rqqoAARokQMpVUkrGOETNWqWUnLKqds5b69dtAmLDaIxtKxowOXIxxmtwiDGIWFQqYAsrIWJkYrKKmIsAZiLKRZZts2SRiawpa4RC1kIpV17zepVJQBQR0TAASdUEWQHg5t+5guJE1I6E1bKzPjjjDKInw1plnebJWEEA4f3dfuxGb50lu02bBRPYDcOwLZEIg3P3+4Nzrh0Ga62h65tBqdkU9NZJXlSstWwMN6diTi2XaHD+t2t0s18SUUotgCoTtYxLQVI2iFSZLDOK2JTa3SK1YK11XSMxIEqVPE/LFotz8HA/SoV5m+Z5tdammC/T+fn5+YdPP5RQ9vv9uZVIVDVolPQyb9M0qepuHK1hraIVRGtKqXVut9N0vcJuSAp5i/maMk+lCBowxgBi6DsyVhVDCNuWTm8nEfFDZ61PsU7Tdj4vhjvDVqpJseSsOdVUaqsBacog6vIwjoRcC3pWQkFIteSkQoDeGiYSogpKJAo5JzOOd4z1l1+/qda7uzF0RgAUKG5RRLSWeVpiLAymdwMiBeuYbdxyq8+uOU/TpTVhm/24G7reGNNUgKDkjQ0hiChq89u4q2UOGJVUsa0aKaVSpFbJuZYshp0w1KINttCrSFSraMvpcFbfYU5jzDzPOSfRUmtmRrrF3rfUr2uWKnNbpNqrte8rpq39rYjEGBvhd6Vt+ArcNiXIO937Lv5BRFF5R/vx5qeqtVpzZV7gShhdpdA//eXbfr/vxmFNq6o67wHk7fhyOp088xi61jmetqipbQhdzrmUFneCtxwj04iPq2CNCSqkKmVbW9KSNY6skwqq0rIW+2HHbFMta0yqssxbszOIAgIyW+MDW1dKaeD0OO6XaY51C8bv9ncqnLdcirTVB4AalkBokFRQUyrXLHJGAIoxAkCKGapKqYLgnRvHUQFiySmlAmncjf0wKMDPf/7p669fn56e7h8eDnd77z2jgay73Y6VHNmhGwnYEqcaS01GDEo1hOjcMHTruoqSAtaaGRhI2z0AgAq1iLpgkaGo1NJ6i9+x9t/qu/DG1qe8lfpbsZ5hYaMA1A4mjZFRRefMusZ1XQGLMViqMJmuG7zvTqfLNJ37vg+h37ZtnhbHLZeXteg2b9u8MltVBEBGWrZ8eju+7kfv3buAdbp8YeaWRNvI6fY22yZUa2Ui6z0atYZdCN67vhtVcF42Qsyx1Kp9P7h+BOVpmo9v0+W8dcEZLutSjm9TjLlWQKDboK0AgpSsF28N6dB7A5Ivp5fT86tzrh/HLoyp6JpKzkkhWScp2WHoRNP5+PLLL1/+3//2R6Ryd+jYubxEjUVKTVHyVtE5a7vjdN7v77ouHEaqAIRmWY6vLy+Xy+Xp6cm0Z8m0RhJBAPU++L5LKTE1i3STLeaU2lOBVy12aR5ZYxik5oZtiWBKpWHgKRVVBcxXLWAFAHx/dNsuCgI518tlBoDdfuy6dm6M7eHPeZuntVZtVvdaa0pbTKsxXGuNUVJK39/fv2sT33FTRCyl/rZb/Y45ekdeGn3X/reRatdd7upSu/ZXWu/6ceh3nUAlBBt8CzQnwwpQpJqbZHZJ6zzP426viqBRBKqoNeytM05b0EfJVRWZLBBI0ZJFAJgYDRORVAEAJLLWlyKCN39trfO6nC+ztZZtD0BAHEIY+t0Sl/a5rEcTC6GE0IvRtFWoqzGGeqeqVa9lYkSkpAZxWWciqiogjSkjgFj0Kv9vE+LTbt8N/bwsr6fjsq2OjXfuMk3Pz69kuHPdx8ePx9dT13Wd60Sg973ZGQNo2V7yueS8Let8mbSKqjp3TSQtpUip73y5tbZZJVsfnQIY78ga3TZVlSLvoyUAiDT/fov1JyRtCejXenBE54woEhpisJadt8wWr63Xad0WZt3tO2s6wGLYxy21dbnrunHYixZEJmi9fCoWrHG7Yc9sY4wiwD1ILgq1plxi5p4br9eYLyIqpW2upemqiaGC1pTRXNUoiiAVxv2h3+0NUowRFQz73chP9w9v23o+L19+fXl5Pm5RtCYVmS5bTFKKigAQGSbvvXPGOYMmA8ZUVlZFPyCBlLquGwDamKyvXeiA82WdpuXl7TiR9jEWImTr1u34x//2PwzLP/7Xv//4cKgpSy2IhMK1ILCxNsT40oyRxhiLlArkXFPMquq9N8/Pz95754K1hplLu4MFQdvwb4moIoAlBDZcj8dj+3YAgKgFTLAxCNBCn9K2psaStnFm3P+GetwoDofIDYNUlVxiSmmewVwLNLhhB8651lOXc7XWNvgj5wgoxlwJ2hs0+15QegUdfj99/H7tUFVz1ZK3CAlu7hhEnNelLaPXLJAbqvrp8/dd1zVgfFnmnDOBAtE4jpJSimmNi6Zire06qKlNqU1L0pz4V/ew97AuW2mGnVbyTlpr1StMQ6Ak0MwcTGSqIhR1znb9WGoqpb6+vorINKcmt6laapXWaNeUcqjgfUdk1rhsWxQE77tUcs5ZMjThKbOQNQBq2MqNz2ZG451hx2yZZGPetq3EpKr9zXC8/bqt8xJjXLZUUnZktiW+Pr/Ffr4/iNlZQyaEzijFNS3Lcnx9W9c157xtizEGQQwzAuScW4xza29oy0eqhYisNVWkXn30CIRkGMpv4dbvdF5bPlqJXEuHaIAaIqa0Xa0xBQDEWsvUrgXmXOOWQmcJnUKOWxVZUtrGcbQGp2l5Nce+D3HL8zT1fR+XyOQ638uIpci2JRQNIeTc4jutc6734TKdXt7e2iDcBuQUWxxkTSlVg1dgVUpKyaAhY4uCc0GqoiVjbEnVGGfJqnJOenybXp6PMVYVUzLmVOJWBLAUSCkJVGt5dF3fh77vp/gLmxC87a3f90OcFhGBKo5dSsVucbe/82M4zuctTucLHHY0zath6PqOqZyn6eX1aIx1odPzudSEAiqkFUFNsP047kVgmTdmQ2RqUWa+u7vz3j88PJhtSzHm0hyNZKrklJLI4mwQgVKKc8E5Y60zJuecj8dTex7wai250vIplubiz9fyQdOiLomo6zoEbjOCtZbZlFLwWkdCCrXRNC3o1DIty1Kr7na7ruu3NYmsqvr6+lprJYJx1ze8xjkzDEObdN6XjHeNgLzX6N4WkXepSBt/4HcR8O9haG35aHNHezUfxlIKorrgl23ZUiRUEdnfHUqM08vbeT5pKp113vusEGMEZG98NLkK5JwVCLgwGRG4rhTNw4aECMaYtnZUbQE31BCQqxHRGm9CKRYApmleluXb28U513XedwENtr23GfMtNdwOSq3E3LJOG1r0m6bWO1MrM4YQcjtmgghcMaNaKwEF17Vz3TYvJ3siwwjg2LSOXgG11gfn05a//PL18L/0tbSOMiJAACo5L8uSUrLELeF1w0VVWxsPsdZaQwjG2ra+XNc+xN57UZ23FRGL1Fr/ne1AbgF3bdFp/kMiapXHTX5qjMklVUm1QC2oykQEiqrY0ptq1ZZQX2ratq1Wi2hTKm0N2ratlHI6vl4ul7SmeZ4Z2bB7eztNp2melxDC/d1ORdq4EUJ4fHystf70009V1fuuqbzahJVziTnZPgzDYJyZ1ilDIqLWEE5Ep9PFWsuAcU1ahYGny/NUS4v2AmVjfClSMhgT4rrVIrVqkatLEAAU6v7Q3R2Gu3HXh56qrpezFvU2oEIb8XywFcEZeHzcD7t4fh2Pp+ctbqHb+W6Y5mnbYk41xTLPa1xnEliWbVtL8GDYPz4+NuOSMWIMlCzOuaenJ+/9sNsbfxvgSymGr5xrznU3HmLJpQhiBqT25c7zPE3TOI5d1xGZGGPOUVUJTYyt+YlEwFrTdV27cRs535aP2w9Ik5AaIw2tYOamzkgpLSm+vb0h8sPDQ4vqmec1pXQ6nVS170N7yBuVu9vtjr/+eksV4lsz6xWjB4D/ae1oM9GNkdGUmhvCXNe4dsC+ZZq2m7VSjDGG0LrffQusQab9uJOc65Zevjwv8yy+YMV5nh+ob1O6c25NOaW0xVy1UT+2DTciokVLybVW76yICGg7RDRkEAC6brgqwZhFmoOtpJQKNM7b9CP70Hlf2JiUEiKVLCkWy9R1feeHtMWUSnN2tqNZK3a1trl26Sr1JSVjiPAKjRvnve+6LpW4bVt6KcwsoM45zAhAgOycM9Y3RmwoPsY0T4sjJmCs0vxs3nddl3MqOWeRidlKramW0PlG85HhWmvro00pkWFjTAgh1fIOHxhjDDvVKyXxDnzwLX3SGAIgZlat1+9WbUolbqU5jKUaQWzxQu2fNDlZ2126rhvH0HagDx8eHx/u53n2rus/jsE5BPLeg1LOeZ7nnMthf996ReZ5bg/Ow8NDMxwt23ZjBiG7KgKpLKUUy+bu7m7YDeZoLttkA+92u/v7e+fC6+vrukaDtC3RsjFIx+N5qvnt9TTPK1MAgLjlktGwFwFmduANsnPU4Mic89/83Xed7x1xLWU+zcfXN1W9v78/nycyHLx3xp63RbX+4cfP33/+/H/872+nMy/zunR23FkRmNfl7XTcDWGapuUyMeA0LTnm/VABaOyH82VOJd0GQGQyw2AfHz8ws9nve2uxJXiu66pgmHwpVQRVjLP2fD5WPVtrvn792rphvvt42O8Op9Plco4qQGRzrsZ0JZNzrguYcz6+Xay1Dw9Pby/PNW7jOA7dIec8nWcRsZZLqVp5yREAdrudYaMZlFzRsr//YNkscz6//kLAj+NdjPH7uw/zfAnOj9ZjFawlONN5mwbfMnubz83Ypmi+lrOqagh9rXVd15yrcwhALU8ppywS2y3rg72cTs65+/t7wzRNUzv811rXVIxziNb14cF/WObLuq77hw+ObayXq0EWMU+r5iJxe4G82+2sC9Lyfsh6Y5GpC0OqJaWyxVyv+fSqqjaxtaHWkqUgYpUtFxn84XAY5lXnZVvWGEupRb3vdocfQOI0TdN57vtx2AVRtYaRApv+dDptcWPnw92IovE1zsuUQ+ifuhxgel6lVNwyLmiY+75HRIJwOU/rOu3uDnd3d1VhA16XTFi9s5akblssm0I1xsynC/v+8cMnF8atwNfn11++fH3a+r/9D/9h8gsDfnr6EIwjiLvQj9/15vsf//Q//vWnn362ZLdLWtf16ekpg9x9eBSRaZ5tF2zwa4rItNvt3o7Hw8O9TXaaplxLe0Q3Pa9pzaka4wwZNJxiWePah4AYDFtqjXOKqIRKZLwBq1idBUQSgVq05pbfE1OEtK7nnH2wIQxQrMkBxQKAzFQ93nWPTrvz+ZhWKQlV7NCP//Uff9i29M///M+XZel6A8b2+0M37IbdfSr45dvR+QNSn6LktOI19j1KqX3oxh9CeDRFMpA+HB6C86yIS0HaHoewpjgviwAtWZd5O57yNs1vL2mKAEYVMrJjpHWeDWjZogUdd8F6myWv21zV39nd3/zhb3766afnb1+MMWYMIOk1XRIn73y1+su3n3/++edxHP+3f/gvf/jDH45/+VO9fDXZmZzmtw0LpBm//PXSm31J9v7u0+n4PK8rgbxdnk3A//XDf/qH//if/+9//n9yzhbt19efx3Fka4irgpplWVrmFZGoEKAaY53zy7zFkruuax1ol8v05cuX0+l0ODzEGC+XVlPewioZrhaDpuq5tRwDNA2YiKzrGiOVUnKJN9lFm0ivyndEbJDE4Wnctg0EtQqzDc4H56y1d/vD8zNvaXXOff+Hz8w4r9Mvv/wCObYh5V0z1n7jPM+q2hCWdt5u40bXDzfQ/pZFTIR0TVQtpTR17FWIAdCGDusMALRi9/0wGsbnX75IrYe7O4/4Yn99/vUrEz083GvlcRyJ23FjKqUwG+9cowlKKarXF9dcWqzW+2SutwaJtpS3rolam2pWr+Ac5FJKLfl0OikhIC7LMq/L4XBoL7uuKxENoWtTVc55VYgxWmuND1LqOs8xXqdCZ68RhO0EUUVKQWfIOmstQonvJgC5xbhs27ZsZUnSokzWNdai3Fst9Xg8sqIhejo8ogIjN15sWRaVlmXdGaoxZ1Xtuy5bm3MWkqHl63Rd70NTlPW2axfU3ugza623vpSrMqBd0BZPmUuqNV+d+INvZ2cmVoVb++fVpsDM5H5Tjlw/zrLknC8XO88XH1o6XGxcpLX2u+++e3z8cLnMf/rTn97e3vrBXln/qsfjmci0wvY2wjd8GkAAxHvb9/3j4yMiimrf90TGsLGOG5bnOmOMYbbLui3rNl3i5bJMb5cYk3OBfUhZU6lSaimlpGIJnG08mlhrORjrDSK+E51tpm4n8WEYSymn07mU4px/evoQY/ynf/qnlLwxZC2L1s7ZrrO5bD/99NP9YWC6SpbGcWTUtMXz+fzjjz/udrsQQusbaTSTC74hUKY1kouAVFUVYmuMdTacpss8r7UqgChiC1uw1vkQthS3FEWA0JBhRDZw9a2VWlsjQDvJbzFa61S1iDKCIiAZBawibagGrMhk3LW8spTs1lirkHKKOa1RqzJQLeI7H0KfSmayd4f7lONff/l5ni+HPgzD0MI1Siktu6U9ePCeryDSAIJaq7Huf8Lhaq2lXPndlJIq11s1VCnFGWuZUbSUvMZNtXbOh+C896mWfhw/3j2Mvispb5fZ931nh8Ph0PLvLpfLGvNVQXSDhBG5iaZUoZbSjvGqglLfuaG2pBpjvEfDiKWULC0rGLUi4rosy7aepsswDDGlyzyJiDGmBbosywIPj029kpq8Auput9uPu7TFI2LNcjgcQghdGJZtfX19hWuU3jXJZr8bnIUaOaIwudC5lJKxHm0g46cllVKNMeM4Bm9rhXXZUJQqxGXRUiHrftz1oW8ysBizMca7zjlHLK0dvTsMrta3tzeo0nWdiPTj4KxtuiyyNjhfSmm4FBOGELz1Oeecaq3V3BArRlJo7ofaLrRzwXtv0ZZSty3JNRwQGo3amoCq5HeerqX+PTzcdZ1ft+V0OrW1chiGcRxDCKWUZoDatq2WXqpaa0uuz8/PbQFtK2wpBUCIbPPFDcPw8ePHH374dHw9AeowDDnXWqqnVlqoCARQY4zn8/l8ycuclzXGmFTQkCU0tcSUMsuVQNzv9+PQAVRk8HvvBg8E7QiZc2Y2IlJKNcb2/VWZfTyeT6fLOI59P4rA16/PX76SaOm7EHPqOr9/2K/rgqhvb28fnh5UNafadX3n3Vt5VcF5Xtc1ns9TO5o1knEcR7IOAFrQI9UihhGQiRiBK6D33fm0TJelaos2ys6Fvh9d36VUYowAZJi0FgQFICBUwFqlRXqgYUCsoEYAkayxPrj3EQNA+n5MKcUYQW/pL0q16K+/fO37vg/9Mq/PX56tMR8eHp1zL99enTcAlFK6XC7H09vr62sI4Zpp+l4EdTPdvteUNhy067oGxLw/nI2Quf0Mt5Nkzrn54vG9yEpqyaCtwL1EAFhKjdsShj5uW8x5DN39x6dPl8tf/vTnr68vf/fDoZ3tx3EcD/tp2WJMdZZxuA41CPxOJ/NvRiErCCJStbRP4b1na9nUnBSYrYH2vPzw6fM0z79++3q5XIJ1j4+P1rllW9sYlXx0zvG1BGh4fHxUhRzTtm29D0M3Xk5nArhOdiF0vQfCZVnqlcswBfD2TUL7IM5i13siQjJgfJHf4GdjDKj99vUNRJ8e7j7+4TvP/pe//tu/vv1/d4fD08OjiPR9T5SY2RpXSkGilkfLcG0dB1XJpeu6VrLRAtFqygytwRabPd85h7dQ7hCCv9aYMkETDfHNgS1tYGTlxsS1jaMhSs3hRkRbXBrk0UiDcRwfHh6MoeZtiTGO4ziO+67rpmn605/+8uc//9uyLHd3dzG+Nw3LdJm9C+8rPqICKpI2/evd3eHz5+/v7nfH1zdE8t6v6zmumw8WwOx2OyBdl22apumyrGvJWWvV4MciS861lm1ZYhEw1rIhrbrf7+8OQ8qrYhkOo+lMTCnHfDld0pZQoeZSUg0hDN3YdV0fBsl4ej3P5+X4cvrw4cOnD9//+b//mUit5S3lmCRGp1qdt8/Pz3f3ey60LBsNHTgkNuO4/+Mf/ygiX758GYahHTuYbeiHLjAAmOC7RgpUAWMYgXOueVvaprGluG1Le8zWNQ6D8V0AylUlxRJzgpwRGICadRoIQREBiZtIUGtWACVSqciMhIxMSMBsVXOMV0+kMaZWLUWWJVoT1GNK8u3bi5Tq2H3+/Pl0+vVw2ClCjPnt7XQ6nWrRvhvHsW9YbHsDjfrBm1znXUb5ng3HN5y1nZ7aFm1uqQJ0K6l6/3PdkhpWVdFijQHElNJlmYLzbXE5L/Ng/f2Hj8fj8Xg8isiyLNuW1hTbi+dcaivZJWTmllTcYm7agENEqlfElwu327fV+VwVN6WAUsOncs6E2DmffGrGnHG3SyW3M0I0tu/7Wkqqxaa02+2c89Fs7Vh0Or29Pr+d3t4McYy5rXG5lGma0LD33lgbY5rneVtn79CiGFIE4oTzPMdUhFIRnKYtVkxFztO8nAuhGuJgu93uzuwPp7e3l/PXn3/+OW3RXql6ImJAiTGysrcOANIWc84WCBQu5zMTtRXwsNtbNqfLWRHNzQ/JzKqacooxIlIIocnCVStqK0tVY1puZutMqHrjpG5T5tVX2VgPhWu34W435pynafrrXzOiLuvcDontupRSciqvr6+n06l9219+/VZyUs9KGGMuRRBIbuA0oIhU1eo8DaPf7bvbTXirGRBptNc49jFvKoCIzjlFp5LWrQBQ3Opao7IpomQcEekN+WYmyAIgTe0Y01yKWdfYTB5NW2TYGXZyLRFw3neXy+Wnn34G4M+fP3/48DjPp7f5nOKmYObLKeY81E5LXtc1OMfGieKWRAR86GPMKSUVXJd4Ol5OlzMA9eNgvAMAA8QCWKpSkabJjDltW1qW5XS+ENEWIwBY5xRJkcgaC5RrjbmmVECx1pxSGcexaSXkVnYLAApaUlXVlMq2pSZb8t6H4OKWlnmdLjOget9575dla6TvtiVDKW55XWNc07pkBB6GnSqKSuMmrfV9P7SNaF3Xdz6lXUX+XcXk7+Wn+O/++3eO27b6IOI1gdmYBm6XUllREZmt6wIZnpbLtuI0Tbt+cP0gOSnT7v7u+x//JletoKfpklJpqwARtRjEuCVjjDI2bEhEWkxsXlv4uADTu2m9ZTXDLaSvlNLW6Frrv/zLv1hrRbWqlFLmeRbVInW326mqgLZD++VyuVwuy7J4H0B0Xde8Ra0yL5eUEhgrUposvorEuLL6Ruio6ha3kqOzMHjTeWPYNNJdr1FMzVvQWiDr88tp6ENwbp7iPMUhNNqtm87lcrkYpKawbqSPaKmSW6Bks4ogooqu04yi/W4MITwcHnsf3rNmUevvvwcRYWJjTLwSeYIKSNAomHbFr/W0yu0A21afpjDA32lY2/TU+5CQYoyX4wlJEcESC6iWmrd4fjuG0HljvbFMvM2L931KldkiaLvKcG20SwoVAWrNgBKC6zrPDI3fzblWycaQHcdhGHa7XQv0RMQQAmKImaReLtO2zHFZ1qjqeuusZ+dIMZat8xZvFlAb2HmDDk1qRnO6RiLIymSt9SKQcxLRGJNzvgt6OU//9pe/Mtl+8FWKlHh3P37/w+fdbpi3NQR3fjsyc9f1nz59AtUcU6LEbPs+NHKj2VOcc+39t0fMLPNGaKypiKUWECwpSkr5rz//AkDj2KsAMjX3mnehipBhMlxVAJGYY47nywUQm9G4XrMngZlVRbZbSOqNdRNFZFq2OC/rtMwA0PVLLnVdtwZPTJdTGqsh3o13ko/Lsr69nYwxMa7GsTWuvWAIoVZpcGm7t9oi0ibSGwn6ntJ89fVYuoa7NT6Xbrmn7/dZi2593/EI1DkHhLXl3Fn21jWEpRsHz6ZuySIZ0OGw3z/cb1+O67rGmK9AKcIVwkytREhUr603zE2npwCQcyEma22AICJAV2LSKRYPgqiCTbNbUsMRXCAi5mVZ0rUJhWsrr7BXbC/FmKXWZe58cM4aJGfsfrfb5kUrNODTGFeb7MIwM7YAHq0ZtDJfc/2cc95bIvJFCvAaS65o0FoPAjiJGfqupPj6cvq3f/vr0/2+1up9p4Ms8yVVaaLP20lQsUrla9o2thRgVSk1x2T2VEqJ2yaqljh0rqbsgss5qyAR284656T+5lpCVFQgxuaUY2aWq1Ydrpo0qEVz/Q0IazdJQ8eY+eXl5epSqdkH23WhlDLPsQ168zyP466lBzV0o+sfmLZWV7IucdtS13nHuCybdZZIRQsjj+PQD54Yqtb9YTyflvm8eO/7rmuxu9u2xRybGrvNxNZaa11hZfIGxVrPxrK1WISI9/s9MeQSFar3YbcbTGfYwn68IyLDayllntcQeu8bcyqEhsl2YWc4tP37fJ7G4fHHP3z627/98em7jz/++OO4H6ZpYme//frlfDky8+7hUatczudti6notsaciveBiFUh9N133313OByACQDMNE3GuK4rhLZClgqlSKlSqzrHxrg1Jsm59XeIXIUV7+os59y2pRa9256KUkvOuT2EACpRG2DbdsVSSkqp6WpijKU0j1xtUum2dUzTxMifvvvu06fPIJhS+vbteez7lOMhjNbalFIpGenag9sGn7e3t23bmsLvPY/3HQ7EW8PQO+7wvr23H2u//fqepRmIgYisQ+etIrTaEkULAGT40B0YKZeCCMBUcl23tGxx29Zccou1ElXKVaQCQJN7iKghbl8IISNihYbYK1kTQuAWxU43RSaQtZpFWmijiPhmTyaqInFelmUhZ40xr8e3JnxwznU+DMNARPM0bVs01/Kuiujao7IuSyPUVCsR21Y56T1bU1Scc0xgjVp7TQZsdzwbKMCprO0LbKPf0+OeCZ6XL8/Px29fX8YuMBvyXko+nwpUaTVLpQgoqQqp1pQrEwEyUiu8at9JH7p5XY4vr0VFVbsQAKDv+3Vdc6rOOW+9qsbtqnJso2LDPqip1hAbV4jIrAyAADnFK5nVcJA2L7TpxhhDIg0+E8GmpCSi8zk0g988z6XUeVob6zyOY0wEQAgskluc8243WOe2bXLOMmOpykzD2HWdJwJg6vphnmKM0e+61gTQdvJW/TPPcxUG7AiN997uQyqw1kzGKYIKGrYNzVHVbVsVMhF478LgkWU/7IiIiWKMzthinWW7ppXIDN3IaCZYDOWhG2utnR8+ffr4/fffff78ediNxjlFOB6PzPx4d/9//dP/2crY6BraLjHGHLOq7u/vQrDMdtwP3vsU8/7+DlD/f4ns7GB2eroSAAAAAElFTkSuQmCC\n", + "text/plain": [ + "" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "SADNESS:\tThe man looks tired since his face is so wrinkled\n", + "SOMETHING ELSE:\tEgo and entitlement stand out in this image.\n", + "AMUSEMENT:\tThis man looks like a body double for Stalin!\n", + "AMUSEMENT:\tThis man looks like when he stands up that he is really overweight\n", + "DISGUST:\tThe horrible look on his face is making this painting more disgusting.\n" + ] + } + ], + "source": [ + "# Show captions for a random portait.\n", + "sb = df_with_genre[df_with_genre.genre == 'portrait']\n", + "show_random_captions(sb, wikiart_img_dir)" + ] + }, + { + "cell_type": "code", + "execution_count": 9, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "[
,
]" + ] + }, + "execution_count": 9, + "metadata": {}, + "output_type": "execute_result" + }, + { + "data": { + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAA08AAAEUCAYAAADz6A0HAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjMuNCwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8QVMy6AAAACXBIWXMAAAsTAAALEwEAmpwYAACGP0lEQVR4nOzdd3xN9//A8de92YOQUITYxKYxgxhBrRYtDYqYNWLEVlvtESN2jJqxW61V1VJbiVFKzVhBjIRE9vz8/vDL/SZGXW2Sm/F+Ph7fx1fPfJ9P7rn3vM85n/dHo5RSCCGEEEIIIYT4R1pDByCEEEIIIYQQmYEkT0IIIYQQQgihB0mehBBCCCGEEEIPkjwJIYQQQgghhB4keRJCCCGEEEIIPUjyJIQQQgghhBB6kORJCCGEEEIIIfRgbOgAMroXLyJITMz4Q2HZ2VkTHBxu6DCyDGnP1CdtmvqkTVOftGnqkvZMfdKmqU/aNHVllvbUajXkzm31wetJ8vQeiYkqUyRPQKaJM7OQ9kx90qapT9o09Umbpi5pz9QnbZr6pE1TV1ZuT3ltTwghhBBCCCH0IMmTEEIIIYQQQuhBkichhBBCCCGE0IMkT0IIIYQQQgihBykYIYR4g5kZaDSpu82wsDDMzVN3m0pBTEzqblMIIYQQ4l30Tp7Cw8M5ePAgd+/eJeYtVysjR45M1cCEEIaT2olTWskscQohhBAia9Arebp//z4dO3YkKiqKqKgobG1tCQ0NJT4+HhsbG6ytrSV5EkIIIYQQQmRpevV5mj59OhUqVODkyZMopVixYgUXL15kzpw5WFpaMn/+/LSOUwghhBBCCCEMSq/k6a+//qJDhw6YmpoCEBcXh5GREZ999hndu3dn+vTpaRqkEEIIIYQQQhiaXslTTEwM1tbWaLVabGxsePr0qW5eqVKluHbtWpoFKIQQQgghhBAZgV7JU9GiRXn48CEA5cqVY8uWLcTExBAXF8eOHTv46KOP0jRIIYQQQgghhDA0vQpGtGzZUvd0ydPTk549e1K1alU0Gg0JCQnMmDEjTYMUQgghhBBCCEPTK3nq3r277t9VqlRhz549HDt2jOjoaGrVqkXp0qXTLEAhhBBCCCGEyAj0Sp78/PwoV64cVlZWABQoUAA3NzcAIiIi8PPzo3r16nrtMDAwkBkzZnDixAmUUtSuXZsxY8Zgb2//j+v99ddfbNu2DT8/PwIDA8mdOzdVq1Zl8ODBODg4pFjW1dVV95phckuWLKFx48Z6xSmEEEIIIYQQyemVPLm7u7N161YqVar0xrw7d+7g7u7O1atX37udqKgounbtiqmpKbNmzQLA29sbd3d3du3ahaWl5TvX3bdvHzdv3qRLly6UKlWKJ0+esHTpUtq1a8ePP/5IgQIFUixft25dBg4cmGJasWLF9DlcIYQQQgghhHiDXsmTUuqd8yIjIzE3N9drZ9u2bSMgIID9+/dTpEgRABwdHWnatClbt25N8Xrg677++mtsbW1TTHNycqJRo0Zs27YNT0/PFPNy585NlSpV9IpLCCGEEEIIId7nncmTn58fp0+f1v339u3bOXr0aIplYmNjOXz4MI6Ojnrt7NChQ1SuXFmXOAE4ODjg5OTEwYMH/zF5ej1xAihYsCC2trY8efJEr/0LIYQQQgghxL/1zuTp4sWLbNy4EQCNRsP+/fsxMjJKsYyJiQnFixdn5MiReu3s1q1bNGrU6I3pJUuWZP/+/R8SNwD+/v4EBwdTokSJN+b9/vvvVK5cmYSEBMqVK0fv3r2lv5MQQgghhBDiX3tn8tSrVy969eoFvCrAsHTpUsqUKfOfdhYaGkrOnDnfmG5jY8PLly8/aFvx8fFMnDgRW1tb2rVrl2Jew4YNqVixIoUKFSIoKAhfX1/69+/P7Nmzad269X86BiGEEEIIIUT2pFefp0OHDqXaDjUaTapsZ/LkyVy4cAEfHx9sbGxSzBs/fnyK/27SpAlubm7Mmzfvg5MnOzvr/xxresmbN4ehQ8hSsnN7hoWFGToEvWXnvxPI8acFadPUJe2Z+qRNU5+0aerKyu2pV/IEr4pGnDt3jrt37xITE/PG/E6dOr13Gzlz5iQ0NPSN6e96IvUuc+fOZdu2bcycOZO6deu+d3kjIyOaNWuGl5cXT58+5aOPPtJ7X8HB4SQmvrtgRkaRN28Onj3LPBe8GV12b089a8BkCNn575TdP6dpQdo0dUl7pj5p09QnbZq6Mkt7arWaf/WQRK/kKSgoiK5du+Lv749Go9FV30v+FEmf5KlkyZLcvHnzjen+/v6ULFlSr4CXLVvGihUrGDduHG3atNFrHeCtMQshhBBCCCGEvrT6LDRz5kxy5MjBkSNHUEqxbds2Dh06hKenJ0WKFOGXX37Ra2eurq5cvHiRgIAA3bQHDx5w/vx5XF1d37v++vXrWbBgAUOGDKFLly567RNe9Y/av38/9vb25M2bV+/1hBBCCCGEECKJXk+e/Pz8GDt2bIrEw97enr59+5KYmMi3337L6tWr37sdNzc3fH198fDwwNPTE41Gg7e3N/nz56d9+/a65R4+fEiTJk3w8PBgwIABAOzdu5fp06fj4uJCrVq1+PPPP3XLW1tb655c7dmzh4MHD1K/fn3y589PcHAwvr6+XLlyhXnz5unVKEIIIYQQQgjxOr2Sp5cvX2Jra4tWq8Xa2prg4GDdvI8//piVK1fqtTNLS0vWrVvHjBkzGDlyJEopnJ2dGTNmDFZWVrrllFIkJCSkGJz32LFjKKU4duwYx44dS7HdGjVqsGHDBgAKFSpEcHAws2fPJjQ0FHNzcypWrMiqVatwcXHRK04hhBBCCCGEeJ1eyVOhQoV4+vQp8Krf0u7du2nYsCHwajylXLly6b1De3t7Fi1a9N79Xb9+PcW0mTNnMnPmzPduv0qVKqxfv17veIQQQgghhBBCH3r1eWrQoAEnTpwAoF+/fhw4cIB69erh6urKhg0b6Ny5c5oGKYQQQgghhBCGpteTp2HDhun+Xb9+fTZv3sxvv/1GdHQ0tWvXpn79+mkWoBBCCCGEEEJkBHqP85RcxYoVqVixYmrHIoQQQgghhBAZ1juTp0ePHn3Qhuzt7f9zMEIIIYQQQgiRUb0zeXJ1df2gAWWvXr2aKgEJIYQQQgghREb0zuRp+fLlun+Hh4czZ84cSpQoQZMmTbCzsyM4OJgDBw5w+/ZtRo4cmS7BCiGEEEIIIYShvDN5atCgge7f33zzDQ0aNODbb79NsUzHjh2ZMGEChw8fpmXLlmkWpBBCCCGEEEIYml6lyg8cOMAnn3zy1nlNmzbl0KFDqRqUEEIIIYQQQmQ0eiVP5ubmnDt37q3zzp49i5mZWaoGJYQQQgghhBAZjV6lyjt27MjSpUsJCQnB1dVV1+fp4MGDbN26lb59+6Z1nEIIIYQQQghhUHolTwMHDiRnzpysWrWKTZs2odFoUEqRJ08eRo4cSbdu3dI4TCGEEEIIIYQwLL0Hye3atStdunQhMDCQoKAg8uTJQ4ECBdBq9XrzTwghhBBCCCEyNb2TJwCtVkvBggUpWLBgWsUjhBBCCCGEEBmSPDYSQgghhBBCCD2ke/IUGBjIoEGDqFq1Kk5OTgwYMIBHjx69d72//vqL8ePH06xZMypXrkyDBg0YNmwYAQEBbyybmJiIj48Prq6uVKxYkVatWvHLL7+kxeEIIYQQQgghsol0TZ6ioqLo2rUrt2/fZtasWcyePZt79+7h7u5OZGTkP667b98+bt68SZcuXVi5ciXDhg3j77//pl27dgQGBqZY1tvbm0WLFtGpUydWrlxJlSpV8PT05MiRI2l5eEIIIYQQQogs7J19nn788Ufq169P7ty5U21n27ZtIyAggP3791OkSBEAHB0dadq0KVu3bqV79+7vXPfrr7/G1tY2xTQnJycaNWrEtm3b8PT0BCA4OJjVq1fTu3dvevbsCUCtWrW4d+8eXl5e1K9fP9WORwghhBBCCJF9vPPJ0+jRo3WvxJUtW5ZLly79550dOnSIypUr6xInAAcHB5ycnDh48OA/rvt64gRQsGBBbG1tefLkiW7asWPHiIuLo1WrVimWbdWqFTdu3Hjra35CCCGEEEII8T7vTJ5y5szJ06dPAVBKpcrObt26RenSpd+YXrJkSW7duvXB2/P39yc4OJgSJUqk2IepqWmKBA2gVKlSunWEEEIIIYQQ4kO987W92rVrM2LECIoVK4ZGo2H06NFYWFi8c0M7dux4785CQ0PJmTPnG9NtbGx4+fKlniG/Eh8fz8SJE7G1taVdu3Zv7EOj0byxD4CQkJAP2o+dnfUHLW9IefPmMHQIWUp2bs+wsDBDh6C37Px3Ajn+tCBtmrqkPVOftGnqkzZNXVm5Pd+ZPE2fPp3Nmzdz+/Zt/v77bwoVKvTWV+c+1OtJzb81efJkLly4gI+Pjy4xgldPyd62j3/79Cw4OJzExNR58paW8ubNwbNnmeeCN6PL7u1pbm7oCPSXnf9O2f1zmhakTVOXtGfqkzZNfdKmqSuztKdWq/lXD0nemTxZWFjQo0cPAE6ePMmQIUMoU6bMv4+QV68ChoaGvjH9XU+k3mXu3Lls27aNmTNnUrdu3RTzbGxsCA0NfSOJSnqylStXrn8XvBBCCCGEECJbe2fylNyhQ4dSZWclS5bk5s2bb0z39/enZMmSem1j2bJlrFixgnHjxtGmTZs35pcqVYrY2Fju37+fot9TUp+q5P2jhBBCCCGEEEJfeo/zFBAQwMSJE/nss89wcXHhs88+Y9KkSR9Uvc7V1ZWLFy+mWOfBgwecP38eV1fX966/fv16FixYwJAhQ+jSpctbl3FxccHExITdu3enmL5r1y5Kly6Ng4OD3vEKIYQQQgghRBK9njxdvnwZd3d3zMzMaNCgAXny5CEoKIgDBw6we/du1q9fT/ny5d+7HTc3N3x9ffHw8MDT0xONRoO3tzf58+enffv2uuUePnxIkyZN8PDwYMCAAQDs3buX6dOn4+LiQq1atfjzzz91y1tbW+ueXNnZ2dGtWzd8fHywsrKiXLly7Nu3jz/++IOlS5d+SNsIIYQQQgghhI5eydOsWbMoV64cK1euTFFxLyoqit69ezNr1izWr1//3u1YWlqybt06ZsyYwciRI1FK4ezszJgxY7CystItp5QiISEhRZGHY8eOoZTi2LFjHDt2LMV2a9SowYYNG3T/PWTIECwtLVm/fj3Pnj2jWLFiLFiwQK+nW0IIIYQQQgjxNhqlRxm6KlWqsGDBAho0aPDGvN9//50hQ4akeBKUlUi1vewpu7dnZqq2Fx1t6AgMJ7t/TtOCtGnqkvZMfdKmqU/aNHVllvb8t9X29OrzZGZm9s7xkUJDQzEzM/vgHQshhBBCCCFEZqJX8tSgQQO8vLw4e/Zsiulnz55l7ty5NGzYME2CE0IIIYQQQoiMQq8+T9988w0eHh506dIFW1tb7OzseP78OcHBwXz88ceMGjUqreMUQgghhBBCCIPSK3nKnTs3mzdv5ujRo/z11188e/aMvHnzUrly5TcGqRVCCCGEEEKIrEiv5ClJvXr1qFevXlrFIoQQQgghhBAZlt6D5AohhBBCCCFEdibJkxBCCCGEEELoQZInIYQQQgghhNCDJE9CCCGEEEIIoQdJnoQQQgghhBBCD3onT9euXWPw4ME0btyYChUqcOXKFQDmz5/PkSNH0ixAIYQQQgghhMgI9Eqejhw5Qtu2bQkKCqJNmzbEx8fr5pmYmLBx48Y0C1AIIYQQQgghMgK9kqd58+bx+eefs3HjRvr27ZtiXtmyZbl69WqaBCeEEEIIIYQQGYVeg+Tevn2bUaNGAaDRaFLMs7a2JjQ0NPUjE0JPtiEH0KrYVN2megF5UnWLkKgx5XmuT1J5q0IIIYQQIr3o9eTJzs6OgICAt867desW9vb2eu8wMDCQQYMGUbVqVZycnBgwYACPHj3Sa9158+bRo0cPatasiaOjIz/88MNbl3N1dcXR0fGN//322296xykyj9ROnNJKZolTCCGEEEK8nV5Pnlq0aMHChQspUaIEH3/8MfDqCdSdO3dYuXIl7dq102tnUVFRdO3aFVNTU2bNmgWAt7c37u7u7Nq1C0tLy39cf8OGDZQtW5YGDRrw448//uOydevWZeDAgSmmFStWTK84hRBCCCGEEOJ1eiVPgwcPxt/fny5dupAnz6uXmTw8PAgKCqJOnTr06dNHr51t27aNgIAA9u/fT5EiRQBwdHSkadOmbN26le7du//j+ufOnUOr1XLv3r33Jk+5c+emSpUqesUlhBBCCCGEEO+jV/JkamqKj48Pp06d4tSpU7x48QIbGxucnZ2pU6eO3js7dOgQlStX1iVOAA4ODjg5OXHw4MH3Jk9arQxLJYQQQgghhDAMvZKnJM7Ozjg7O//rnd26dYtGjRq9Mb1kyZLs37//X2/3bX7//XcqV65MQkIC5cqVo3fv3jRu3DhV9yGEEEIIIYTIPvRKnv6poINWq8Xa2hpra+v3bic0NJScOXO+Md3GxoaXL1/qE4peGjZsSMWKFSlUqBBBQUH4+vrSv39/Zs+eTevWrT9oW3Z27z+ujCJv3hyGDsEg1AtDR6C/zPI3CgsLM3QIesssbZpWsvvxpwVp09Ql7Zn6pE1Tn7Rp6srK7alX8uTq6vpGifLXFShQAHd3d7p16/aPy71vO6lh/PjxKf67SZMmuLm5MW/evA9OnoKDw0lMVKkZXprImzcHz55lngve1JTaJcXTUmb5G5mbGzoC/WWWNk0L2fm8TyvSpqlL2jP1SZumPmnT1JVZ2lOr1fyrhyR6JU9z587Fy8uLUqVK4erqiq2tLc+fP+fgwYPcvHmTPn36cPnyZebMmQPwzgQqZ86cbx0T6l1PpFKLkZERzZo1w8vLi6dPn/LRRx+l2b6EEEIIIYQQWZNeydPJkydxdXV944lOhw4dmDJlChcuXGD27NlYWlqyefPmdyZPJUuW5ObNm29M9/f3p2TJkh8e/QdQ6tXTo/R48iWEEEIIIYTIevQqX7d///63FnqAV6/0HTx4EIB69er9Y/8oV1dXLl68mGLA3QcPHnD+/HlcXV0/JO4PEh8fz/79+7G3tydv3rxpth8hhBBCCCFE1qXXkyczMzPOnz9P7dq135h3/vx5zMzMgFdPd/5poFs3Nzd8fX3x8PDA09MTjUaDt7c3+fPnp3379rrlHj58SJMmTfDw8GDAgAG66WfOnOH58+cEBQUBcPnyZd3+mjVrBsCePXs4ePAg9evXJ3/+/AQHB+Pr68uVK1eYN2+ePocrhBBCCCGEEG/QK3lyc3Nj6dKlhISE0LBhwxR9nrZs2ULfvn0BuHDhAo6Oju/cjqWlJevWrWPGjBmMHDkSpRTOzs6MGTMGKysr3XJKKRISEnSv2iVZtGgRZ86c0f23r68vvr6+AFy/fh2AQoUKERwczOzZswkNDcXc3JyKFSuyatUqXFxc9GwWIYQQQgghhEhJo17PUN5h7dq1rFq1iqCgIDQaDUop8uTJQ69evXR9nG7evImFhQWFChVKy5jTlVTby/jyvNhj6BD0FpT7U0OHoJfMVG0vOtrQERhOdj7v04q0aeqS9kx90qapT9o0dWWW9kzTanvwqoKeu7s7gYGBBAUFkSdPHgoUKIBW+79uU6VKlfrgAIQQQgghhBAiM9A7eYJXA+IWLFiQggULplU8QgghhBBCCJEh6Z08hYeHc/DgQe7evUtMTMwb80eOHJmqgQkhhBBCCCFERqJX8nT//n06duxIVFQUUVFR2NraEhoaSnx8PDY2NlhbW0vyJIQQQgghhMjS9Brnafr06VSoUIGTJ0+ilGLFihVcvHiROXPmYGlpyfz589M6TiGEEEIIIYQwKL2Sp7/++osOHTpgamoKQFxcHEZGRnz22Wd0796d6dOnp2mQQgghhBBCCGFoeiVPMTExWFtbo9VqsbGx4enTp7p5pUqV4tq1a2kWoBBCCCGEEEJkBHolT0WLFuXhw4cAlCtXji1bthATE0NcXBw7duzgo48+StMghRBCCCGEEMLQ9CoY0bJlS93TJU9PT3r27EnVqlXRaDQkJCQwY8aMNA1SCCGEEEIIIQxNr+Spe/fuun9XqVKFPXv2cOzYMaKjo6lVqxalS5dOswCFEEIIIYQQIiPQK3ny8/OjXLlyWFlZAVCgQAHc3NwAiIiIwM/Pj+rVq6ddlEIIIYQQQohUFR4QBokqdbd572Wqbk9Hq8HaIUfabPtDwtBnIXd3d/z9/d86786dO7i7u6dqUEIIIYQQQog0lsqJU5rKILHqlTwp9e5gIyMjMTc3T7WAhBBCCCGEECIjeudre35+fpw+fVr339u3b+fo0aMplomNjeXw4cM4OjrqvcPAwEBmzJjBiRMnUEpRu3ZtxowZg729/XvXnTdvHpcvX+bKlSuEhIQwY8YMvvjiizeWS0xMZOXKlWzdupVnz55RrFgx+vfvT9OmTfWOUwghhBBCCCGSe2fydPHiRTZu3AiARqNh//79GBkZpVjGxMSE4sWLM3LkSL12FhUVRdeuXTE1NWXWrFkAeHt74+7uzq5du7C0tPzH9Tds2EDZsmVp0KABP/744zuX8/b2ZvXq1QwZMoTy5cuzb98+PD098fHxoX79+nrFKoQQQgghMpZM00cng/TPEanvnclTr1696NWrFwCurq4sXbqUMmXK/Kedbdu2jYCAAPbv30+RIkUAcHR0pGnTpmzdujVFVb+3OXfuHFqtlnv37r0zeQoODmb16tX07t2bnj17AlCrVi3u3buHl5eXJE9CCCGEEJlVBun38l6ZJU7xwfTq83To0KH/nDglbady5cq6xAnAwcEBJycnDh48+N71tdr3h3vs2DHi4uJo1apViumtWrXixo0bBAQEfHjgQgghhBBCiGxPr1LlADExMfj5+fH48WNiYmJSzNNoNHz11Vfv3catW7do1KjRG9NLlizJ/v379Q3lvfswNTVNkaABlCpVCgB/f38cHBxSZV9CCCGEEEKI7EOv5Ons2bMMHDiQFy9evHW+vslTaGgoOXPmfGO6jY0NL1+mzvumSfvQaDRv7AMgJCQkVfYjhBBCCCGEyF70Sp6mTZtG4cKFWbNmDSVKlMDExORf7/D1pCa1KaXeuo9/Krf+T+zsrP9rSClcDPYjXsWl6jYB7gcBqdy0xhoTKttl/MGP1dtz+gwpb97M0Xk0LCzM0CHoLbO0aVrJ7sefFqRNU5e0Z+rLzm2aZgOwpoHM8HfKTO0JGaNN9Uqe7ty5w6JFi/5zv6ecOXMSGhr6xvR3PZH6N2xsbAgNDX0jiUp6spUrV64P2l5wcDiJqdjpL16T+olTWolXcTx7lvEvovMYOoAPkBnaEyAzDd2WWdo0LeTNmyNbH39akDZNXdKeqU/aNPOQv1PqS8021Wo1/+ohiV4FIxwdHQkKCvrgjb+uZMmS3Lx5843p/v7+lCxZ8j9vH171bYqNjeX+/fsppt+6dQuAEiVKpMp+hBBCCCGEENmLXsnTpEmTWLt2LWfOnPlPO3N1deXixYspKt49ePCA8+fP4+rq+p+2ncTFxQUTExN2796dYvquXbsoXbq0FIsQQgghhBBC/Ct6vbbXvXt3oqOj6dq1K8bGxlhbv/mI69SpU+/djpubG76+vnh4eODp6YlGo8Hb25v8+fPTvn173XIPHz6kSZMmeHh4MGDAAN30M2fO8Pz5c91TsMuXL+sG1m3WrBkAdnZ2dOvWDR8fH6ysrChXrhz79u3jjz/+YOnSpfocrhBCCCHEf/aAqyRq4lN1m2nRx1mrjClE2dTdqBBZlF7JU6dOnVKl0IOlpSXr1q1jxowZjBw5EqUUzs7OjBkzBisrK91ySikSEhLeKPKwaNGiFE+/fH198fX1BeD69eu66UOGDMHS0pL169fz7NkzihUrxoIFC1Lt6ZYQQgghxPukduKUVhI18SBjugqhF436t2XosonULhhxX/NXqm0rPRRWFQ0dwnvlebHH0CHoLSj3p4YOQS+ZqWBEdLShIzAc6Tie+qRNU1d2b8/M9JufGX7vIXNVh7MukjrF0NJSZmpPSN02TdOCEUlCQ0M5e/Ysu3fv1lXNi4mJITEx8YN3LIQQQgghhBCZiV6v7cXHxzNv3jw2bdpEdHQ0Go2GHTt2YGNjw8CBA6lQoQKDBg1K61iFEEIIIYQQwmD0Sp7mz5/P9u3bGT9+PDVr1qRx48a6eY0aNWLLli2SPAkhxD+QjuNCCCFE5qdX8vTTTz8xbNgw2rZtS0JCQop5hQsXTlF6XAghxJuk47gQQgiR+enV5+nly5cULlz4rfNiY2PfSKiEEEIIIYQQIqvRK3kqVaoUBw8efOu8Y8eOUb58+VQNSgghhBBCCCEyGr1e2+vXrx+DBg0iOjqaZs2aodFouHr1Kr/++itbtmxh2bJlaR2nEEIIIYQQQhiUXslT48aN8fLywsvLi++//x6AcePGkS9fPmbPno2Li0uaBimEEEIIIYQQhqZX8gTQokULWrRowZ07d3jx4gU2NjYUL14cjSaVSz0JIYQQQgghRAakd/KUpFixYhQrViwtYhFCCCGEEEKIDEuvghGjR49m8ODBb503dOhQxo4dm5oxCSGEEEIIIUSGo1fydPLkSZo2bfrWeZ988gknTpxI1aCEEEIIIYQQIqPRK3l6/vw5uXLleus8GxsbgoODUzMmIYQQQgghhMhw9Eqe7O3t8fPze+s8Pz8/8ufPn6pBCSGEEEIIIURGo1fy9MUXX7By5Up8fX2JiIgAICIiAl9fX1atWsWXX36p9w4DAwMZNGgQVatWxcnJiQEDBvDo0SO91o2JiWHWrFnUrVuXSpUq0b59+7cmda6urjg6Or7xv99++03vOIUQQgghhBAiOb2q7X399dfcv3+fKVOmMHXqVCwsLIiKikIphZubG19//bVeO4uKiqJr166Ympoya9YsALy9vXF3d2fXrl1YWlr+4/pjxozhyJEjjBw5EgcHB3x9fenZsydbt26lbNmyKZatW7cuAwcOTDFNqgQKIYQQQggh/i29kietVsu0adPo2bMnp0+fJiQkhFy5clGrVq0PSki2bdtGQEAA+/fvp0iRIgA4OjrStGlTtm7dSvfu3d+57rVr19izZw/Tp0+nbdu2AFSvXp2WLVvi7e3N8uXLUyyfO3duqlSpondsQgghhBBCCPFP3ps8xcTEULVqVRYsWEDjxo0pXrz4v97ZoUOHqFy5si5xAnBwcMDJyYmDBw/+Y/J08OBBTExMaNGixf+CNzamZcuWrFixgtjYWExNTf91bEIIIYQQQgjxT97b58nMzAw7OzuMjIz+885u3bpF6dKl35hesmRJbt269d51CxYsiIWFxRvrxsXFce/evRTTf//9dypXrkyFChVwc3OT/k5CCCGEEEKI/0Sv1/bat2/Phg0bqFu3LiYmJv96Z6GhoeTMmfON6TY2Nrx8+fK969rY2LwxPamEemhoqG5aw4YNqVixIoUKFSIoKAhfX1/69+/P7Nmzad269QfFbGdn/UHLv8/9oFTdXJrLmzeHoUN4L/XC0BHoLzO0J0BYWJihQ9BbZmnTzHTuZ5Y2TSvZ/fhTW3ZuTznvU1/4vX++XsxIMkObZqb2hIzRpnolT2FhYdy4cQNXV1ecnZ2xs7NDo9Ho5ms0GkaMGKHXDpOv9yGUUm9dVyn1xrTx48en+O8mTZrg5ubGvHnzPjh5Cg4OJzHxzX38a//u8A3m2bOMfxGdx9ABfIDM0J4A5uaGjkB/maVNM9O5n2naNA3kzZsj2x7/+YcviUvN37s0YqLV4FTwzRuxGZKc99matGnqS8021Wo1/+ohiV7J0y+//KLrT3T27Nk35uubPOXMmTPFE6Ik73oilZyNjc1bS5onbe9tT6WSGBkZ0axZM7y8vHj69CkfffTRe2MVQgghspPMkDhB5olTCJE16ZU8HTp0KFV2VrJkSW7evPnGdH9/f0qWLPnedX/77TeioqJS9Hvy9/fHxMQkRRGKt0l6QvVvn3wJIYQQQgghsje9BslNLa6urly8eJGAgADdtAcPHnD+/HlcXV3/cd1GjRoRFxfH/v37ddPi4+PZt28fdevW/cdKe/Hx8ezfvx97e3vy5s373w9ECCGEEEIIke3o9eQJXo2ztHz5ci5fvszjx4/ZunUr5cuXZ/78+Tg5OVG/fv33bsPNzQ1fX188PDzw9PREo9Hg7e1N/vz5ad++vW65hw8f0qRJEzw8PBgwYAAAZcuWpUWLFkyfPp34+HgKFSrE5s2befDgAV5eXrp19+zZw8GDB6lfvz758+cnODgYX19frly5wrx58z6kbYQQQgghhBBCR68nT0eOHKFt27YEBQXRpk0b4uPjdfNMTEzYuHGjXjuztLRk3bp1FC1alJEjRzJ8+HAKFSrEunXrsLKy0i2nlCIhIeGNYhAzZszgiy++YMGCBfTu3ZvAwEBWrVpF+fLldcsUKlSI4OBgZs+eTc+ePZkwYQKmpqasWrWKli1b6hWnEEIIIYQQQrxOo95Wru41rVu3pmLFikydOpX4+HgqVKjA999/T/ny5Tl48CATJ07k+PHj6RFvukvtanv3NX+l2rbSQ2FV0dAhvFeeF3sMHYLegnJ/augQ9JKZqu1FRxs6Av1kpnM/M5z3aSU7V9s7HfBmQaeMqqbDu4tEZSRy3qe+zFRa27pIxq8KmZnaE1K3Tf9ttT29njzdvn2bFi1aAG8WXLC2tn5rBT0hhBBCCCGEyEr0Sp7s7OxSFHlI7tatW9jb26dqUEIIIYQQQgiR0eiVPLVo0YKFCxemGONJo9Fw584dVq5cyWeffZZmAQohhBBCCCFERqBXtb3Bgwfj7+9P586ddaW+PTw8CAoKok6dOvTp0ydNgxRCCCGEEEIIQ9MreTI1NcXHx4dTp05x6tQpXrx4gY2NDc7OztSpUyetYxRCCCGEEEIIg/vH5Ck6OpojR47w8OFD8ubNi7OzM87OzukVmxBCCCGEEEJkGO9MngICAujWrRsPHz7UTbO2tmbBggXUrVs3XYITQgghhBBCiIzinQUj5syZg1arxdfXl4sXL7J3717Kli3LhAkT0jM+IYQQQgghhMgQ3pk8XbhwgcGDB1O1alXMzMwoUaIEkydPJjAwkKdPn6ZnjEIIIYQQQghhcO9Mnp49e4aDg0OKaYULF0YpRVBQUJoHJoQQQgghhBAZiV7jPAkhhBBCCCFEdveP1fZ69eqFkZHRG9O7dev2xvRTp06lbmRCCCHEO9icP4o2PjbVtxsP5E7lbSYamxLqVC+VtyqEEMIQ3pk8DRgwID3jEEIIIfSWFolTWslMsQohhPhn6Z48BQYGMmPGDE6cOIFSitq1azNmzBjs7e3fu25MTAwLFixg9+7dvHz5krJlyzJ8+HCqV6+eYrnExERWrlzJ1q1befbsGcWKFaN///40bdo0TY5JCCGEEEIIkfWla5+nqKgounbtyu3bt5k1axazZ8/m3r17uLu7ExkZ+d71x4wZw/bt2xk0aBA+Pj7kzZuXnj17cvXq1RTLeXt7s2jRIjp16sTKlSupUqUKnp6eHDlyJK0OTQghhBBCCJHF/WOfp9S2bds2AgIC2L9/P0WKFAHA0dGRpk2bsnXrVrp37/7Oda9du8aePXuYPn06bdu2BaB69eq0bNkSb29vli9fDkBwcDCrV6+md+/e9OzZE4BatWpx7949vLy8qF+/fhofpRBCCCGEECIrStcnT4cOHaJy5cq6xAnAwcEBJycnDh48+I/rHjx4EBMTE1q0aKGbZmxsTMuWLTl+/Dixsa/eKT927BhxcXG0atUqxfqtWrXixo0bBAQEpOIRCSGEEEIIIbKLdE2ebt26RenSpd+YXrJkSW7duvXedQsWLIiFhcUb68bFxXHv3j3dcqampikSNIBSpUoB4O/v/18OQQghhBBCCJFNpetre6GhoeTMmfON6TY2Nrx8+fK969rY2LwxPVeuXLr5yfeh0Wje2AdASEjIB8Ws1Wrev9AHMNWYper20ppWpe7xpwljK0NHoLfU/jylFU3mCBMAbSYZrS4znfuZ4ry3sDR0BB8kM5z7FqZvDk2SUWWG9gQ579OCsXxOU1Vmak9I3Tb9t9tK1+QJeCOp0ZdS6q3rKqX+1XL6yp07dS/M7aiaqtsTgF2r9y+TQdgZOoAsyNra0BHoR879VOaauaqnZoZzv5FdJjmZMhE571OfnXxOU5W054dL13u2OXPm1D0hSu5dT6SSs7GxeetTo6TtJT1ZsrGxITQ09I1kKenJVtKTKiGEEEIIIYT4EOmaPJUsWZKbN2++Md3f35+SJUu+d92HDx8SFRX1xromJia6Pk6lSpUiNjaW+/fvp1guqU9ViRIl/sshCCGEEEIIIbKpdE2eXF1duXjxYoqKdw8ePOD8+fO4urr+47qNGjUiLi6O/fv366bFx8ezb98+6tati6mpKQAuLi6YmJiwe/fuFOvv2rWL0qVL4+DgkIpHJIQQQgghhMgu0rXPk5ubG76+vnh4eODp6YlGo8Hb25v8+fPTvn173XIPHz6kSZMmeHh4MGDAAADKli1LixYtmD59OvHx8RQqVIjNmzfz4MEDvLy8dOva2dnRrVs3fHx8sLKyoly5cuzbt48//viDpUuXpufhCiGEEEIIIbKQdE2eLC0tWbduHTNmzGDkyJEopXB2dmbMmDFYWf2vMINSioSEhDf6Lc2YMYP58+ezYMECXr58SZkyZVi1ahXly5dPsdyQIUOwtLRk/fr1PHv2jGLFirFgwYL3Pt0SQgghhBBCiHfRqH9bhk4IIYQQQgghspFMMkKKEEIIIYQQQhiWJE9CCCGEEEIIoQdJnoQQQgghhBBCD5I8CSGEEEIIIYQeJHkSQgghhBBCCD1I8iQ+mBRoFJlNYmKi7t/y+f0wsbGxhg5BZFPJz1vxbgkJCYYOIduTz2r2IsmT0NvFixf5+++/0Wg0AMyePZtDhw4ZOCoh3k+r/d9XXdLnV7xbYmIiBw8e5Pbt25iamgIwdOhQjhw5YuDIMpbnz5+zbt06Q4eRpcTExOhucGi1WmJjY3n+/LmBo8q4lFIYGRkB0LNnT77//nsDR5T9JCQk6H5jAgICDByNeF1a3FyQ5Eno5fnz50ydOpXp06dz7do1+vXrx86dOylSpIihQxPirX7//XfWrl2r++8OHTowevRowwWUiTx8+JCffvqJXr16ERAQwODBgzlz5gwfffSRoUPLMGJiYujRowfff/89jx8/NnQ4WUJ4eDg7duxg06ZNAMTHx9OhQwf27t0rT4zfIiEhQXczaPXq1dy4cQM7Ozt5CpKOEhISdMnr9OnTmTZtGr/99puBoxJJ4uPjMTIyIjIyEm9vb0aOHMmoUaP47bffCAsL+9fbNU7FGEUWZmtry5AhQ+jRowe9evUCYM2aNZQoUcLAkaWvP/74g8ePH/PRRx+RP39+ihcvbuiQxFvExMRw+/Zt5syZw4sXL7h79y5PnjxhxIgRhg4tU3BwcKBx48bcunWLNm3aYGFhwdatW7G3tzd0aBmCUopTp05ha2vL2LFjJalMJSYmJpw+fZozZ87w4sULfvjhBwoWLMgnn3wiT4zfIumi/dq1a9y6dYtu3bpRp06dFE/aRdpJ/tTP09OTK1eu0KdPHxwdHQ0cmYBXfx9jY2PCw8Np164dJiYm2Nra8uTJE06dOoWTkxPjx4/Hzs7ug7ctyZPQS2JiIrVr16ZIkSLcv3+f8uXLExUVpZuvlMryP25DhgzBz8+P6Oho4uLiyJ8/P/369aNNmzaGDk28xszMjFatWhEUFISPjw85cuTghx9+wMHBwdChZXhJ53KrVq3Yvn07t2/fJmfOnERERKDRaFLcac2OYmJi6Nu3Lzly5MDGxkZ3Ayk7fAemJaUUZmZmeHt707FjR3x8fLC3t2f27Nnky5dP2vcdFi1axJIlS7C3t6dZs2aYmJhIW6WTpDaeM2cOf/31FwsWLMDR0REzMzNiY2OJj4/H0tLSwFFmXxqNhvj4eEaMGEHu3LmZNWsWDg4OaDQaOnfuzJEjR2jbti0uLi4fvG25PSH0kvQl0bhxY4YNG8bly5dZsGAB58+f183Pyq9VfPvtt1y8eJFp06Zx4MABNm3aRJ48efjmm2+4dOmSocMTb5E3b17gVSIVFhbG5s2bdfOkg/W7JSVIL1++xMnJiUGDBmFubs7AgQO5du0aRkZG2br9QkJCiIqK4sCBAzx+/JiXL18C0pfuv9JoNMTFxaHRaAgLC8PExISIiAj27NlDYmIiGo1GXkd7Czc3N2rWrMmjR484dOgQ4eHh8llMR5GRkVy7do2WLVtSqVIlzMzM8Pf3Z/jw4XTt2pX+/fvz6NEjQ4eZbQUHB/PgwQNat25N4cKF0Wg0/Pbbb5w9e5aBAwfi4uJCbGzsBxdGkuRJvFPyC6SkL+MRI0bQq1cvfHx8OH36NAsWLODcuXO6ZWJiYrh8+XKWSqSePHnC2bNn6datGzVq1MDW1hY7Oztu3LhBq1atKFmypKFDFP8v6XOX9P/16tVj5cqVdOnShe+++45Zs2YBr153ef1CLLtfmCU/342MjMiZMydDhgzBw8OD3r17o9Vq8fT01CVQiYmJxMbG8vfffxsw6vSXL18+Zs6cySeffMKlS5f4/fffiYuLM3RYmVrSZy/piaaXlxdbt26lSJEibNiwgVWrVuk65b9+jmcnrx+zUop8+fLh5eVFtWrV2L9/P0ePHpUKmWno9d8JjUbDgwcPePjwIXfu3MHHx4fPP/+cp0+fUrJkSc6dO8fcuXMNFK0ICwvj7t27WFtbA7B3714GDBig64YSGRnJqlWrPvgmuCRP4q2Sv5qzc+dOfH19+eGHH3Tz69evz7Jlyzhz5gyLFi3izJkzREREMG3aNGbPnv2fOuJlNE+fPuXmzZuUK1cOCwsL/P39adWqFbVr1+bbb7/F0tKSLVu2cOPGDUOHmq0l7zyd9Eqps7MzNWrUwN3dnc6dO7NmzRpdAqXVaomJidF1Ts/O/QSSn+979uxhxYoVHDlyhMDAQAA+//xzevXqlSKBiomJYdq0afTu3ZuwsLAsfTGbdGxJF6VFihRhxIgR1KxZk2nTpnH48GHi4+MNGWKmlbxD94wZM/D19SVfvnyUKlWKJUuW4ODgwMaNG1m9ejXw6mL16dOnrFu3LltV4Uv+/aaUIj4+Xve5zJs3L/Pnz8fBwYEZM2Zw6NAhSaDSQPKqen///TdPnz7FwsICDw8Pfv31V9q2bcvOnTvp378/W7ZsYfLkyTRo0IAnT55k+5tz6SHpJkzy3yJzc3MsLS25d+8eu3btYtiwYQwZMoSvv/4aeFVF+ujRo7o3CPQlfZ7EWyXvBPnHH3+QmJhIWFgYhw4dYvTo0RQoUICGDRuybNkyBg4cyNChQ7G1tSUgIIANGzaQM2dOAx/Bf5f03ridnR25c+fG398fW1tbOnbsSO3atZk6dSoWFhacP3+eI0eOYG9vT+nSpQ0ddraUmJio+8wuXryYK1euYGVlRYMGDWjevDkODg507doVrVbLmjVriI+Pp23btmzatIlt27bh4uKSrftDJbXd4MGDOXbsGBqNhvDwcBo1akS3bt2oXr06bdu2RaPRsGrVKtq1a4ejoyP37t1j3bp15MiRw8BHkHYiIyNZtmwZ9+7dA+CTTz6hadOmODg4MGXKFMaPH8/YsWOZPn06DRo0wNhYflb1lZCQoOvQ3alTJ8zNzXF0dMTa2prExERy5crFokWLGDBgAJs2bSIsLAxXV1dmzpyJRqPB3d3d0IeQLpLf3FiyZAk3btzgyZMnODs789VXX5E3b17y5s3LsmXL8PDwYOrUqWg0Gho0aICZmZmBo88akv8NJkyYwL179/j0009p27YtzZs3p1KlSjx9+hQ7Ozvd2ygREREEBQVRvHjxLH1zKSOIj4/H2NiYqKgoNm3aRNGiRWnQoAGFChXiq6++YsmSJSQmJjJ06FB69+4NwJ07d1i4cCG5cuWiQYMGH7Q/jZK/qEgm+RfEjz/+yOrVq5k4cSLW1tb8/fffzJo1i3LlyjFx4kQKFy6MVqvl9OnT7NmzB41GQ9euXbNEBb7Ro0dToUIFOnXqRHh4ON26deP58+eEh4dTq1YtvL29AQgNDWXWrFm6k1CqbqW/5J2jBw8ezB9//EHFihW5evUqAJ999hnDhg3D2NiYgIAAtmzZwpo1a8iVKxfGxsb4+PhQtmxZQx6CwSQ/3w8ePMjcuXMZP348jo6OHD58mFmzZlG2bFn69OmDs7MzAEeOHMHPz4/g4GB69eqVJc73dwkPD6dt27ZYWVlhY2NDYmIip0+fpnXr1vTu3ZsSJUoQEBDApEmT+Pvvvxk7dizNmzfP1gU1PlRMTAwdO3YkZ86cjB8/nsKFC2NiYgL874IoODiYESNGcOHCBYyMjChatCibN2/GxMSExMTELP3UOPnxDRkyhD///JPGjRsTGRnJoUOHKFGiBF5eXuTPnx+AZ8+eMXDgQF2/5MaNGxsy/Cwh+W/MoEGDuHr1Kv369aNOnTrky5fvrevcvXuXlStX8vvvv7Nx40apzJuGkn7HwsPDcXd3x8TEhHbt2tG6dWtMTU158OABK1asYPv27fTt25dKlSoRGBjIjh07SExMZMeOHRgbG3/Yd4kS4i2OHTum5s6dq2bOnKliY2OVUkrFxsaq33//XdWoUUN169ZN3b17VyUmJiqllIqLi1Px8fGGDDnVxMTEqKFDh6q6deuqGzduKKWUunXrlqpfv74qX7682rlzp0pMTFTnzp1T33zzjapWrZq6fv26gaPOnhISEnT/fvr0qerYsaM6d+6cUkqpyMhINXjwYOXi4qKmTJmi4uLilFJKBQUFqbNnz6otW7aogIAAg8Sd0Wzbtk0tWLBAzZw5U9dOSim1e/du5ezsrNzd3dXJkydTrJN8uawoLi5ODRo0SHXu3Fndvn1bN33YsGGqTJky6o8//tBNu3//vvr8889Vz549DRFqpnbgwAHVvHlzdePGDd3vyR9//KHmzZunxo4dq/vchYaGqsOHD6tffvlF91uT1T+Dyc2cOVM1adJEXbhwQSml1Jo1a1T58uVVzZo1Vdu2bdXjx491yz5+/Fh17dpV3blzxzDBZlErV65UDRo0UOfPn1cxMTFKKaXCwsJUcHCwevjwoW65VatWqa+++ko1bNhQXb161VDhZllJ3xPJRUZGqk8//VR1795dXblyRff3SRIUFKTmzJmjnJ2dlZOTk/ryyy/ViBEjdN8hH/pdIsmTeMPPP/+sHB0dVbVq1dSqVatSzEtISNAlUD169FD+/v4GijJtHTt2TLVs2VLNmTNHhYWFKaWUunbtmmrcuLGqW7euqlKlimrevLlq1aqVfDlmAJMnT1bffPON+vrrr9XLly9101+8eKGGDx/+RgIl/uenn35SFSpUUHXq1FHr1q1TSqkUPzxJCVSPHj3UsWPHDBVmugsNDVXNmjVTq1at0iXpu3fvVuXKlVM+Pj5KqZTt9Pjx4xTJvHi71y98du/erSpUqKBu3LihHj16pObNm6fKlSunPv30U1WvXj3l5OSkLl++/MZ2ssrNOn3cunVL9enTR/38889KKaV8fHxUuXLl1J49e5SPj49ydHRUHTp0SJFAZaf2SS9Dhw5VgwYNUkq9+hz//fffqmPHjuqTTz5RNWvWVL/88otSSqm1a9eqmTNnqrt37xoy3CwrPDxcKfXqejTp+2Tjxo2qVatW6u7du7rP/sWLF9W2bdvUd999pyIjI5VSSgUEBKg7d+6okJCQFDf/P5QkT+Ktli1bphwdHVXnzp3V/fv3U8xLSEhQhw8fVo6OjsrDw0P3ZCqz+/nnn9WVK1d0/z1lyhRVtWpV3dMnpZQKCQlRp06dUlu2bFEXL15Uz549M0SoIhl/f3/VunVrVaNGDdWrVy/d9KQL25CQEDV8+HDVsGFDNXr0aLmoeE1cXJyaMmWKqlChgmrdurV68eKFUkqlOK/37t2rypYtq/r166eioqIMFGn6SUhIUDdu3FDly5dXv//+u1JKqZ07dypHR0dd4hQREaGGDh2qe9KZfF3xdkltk/yzdeHCBdWhQwdVrVo19emnn6q6deuqnTt3qpiYGHX48GFVpUoVdfDgQUOFnCHExcWpNWvWqODgYHX48GHl7OysfvjhB938jh07qnLlyqkmTZqowMBAA0aaNSVdZE+cOFE1a9ZM7dixQ82dO1eVL19e9enTRy1atEh17dpVNWnSRL18+VJFRUW98eRDpI5bt24pJycn3RPppO+UBQsWqPr16yullAoODlY+Pj6qSpUqql69eqps2bKqbdu2Kjo6+o3tve0plj6kZ2s29653PPv27UtcXBxLlixhy5YtuLu7697t1Wq11K1bl1WrVlGwYEHd++mZmY+PD/Pnz+fjjz+mYcOG9O7dm3HjxnHx4kUmTpyoq8hmY2NDrVq1qFWrloEjFkmKFy/OqFGjWLFiBceOHePHH3+kTZs2mJqaEhcXh42NDePGjeObb77h4sWLvHjxgjx58hg6bIN42/lubGzMN998g5GRETt37mTy5MlMnDgRGxsb4uLiMDExoUWLFhgZGVG6dGnMzc0NFH3aU//ft0Gr1VKsWDEcHBzYs2cPsbGxjB49Gk9PT11n42vXrhEQEMDDhw9xcnLSbSMr97/5r7RaLbGxsbRt25aaNWsybtw4qlSpgoeHB1evXiVHjhxUr15d1+HeysqKjz76SFdmODt41znatWtXNBoNZ86coUiRIikG9rSwsKBixYokJiZK2fxU8PpA4En9nRo1asTdu3eZOnUqZcuWZcSIEXTt2hWABQsWEBwcjImJSZb+jjS0Fy9eYG9vj4eHBytXrqRatWokJiZSqlQpzM3N+fTTT8mVKxfXrl1j5MiR1K1bl4MHD7Jo0SJu3bpF+fLlU2zv346JJslTNpb8C+LPP/8kOjoarVZLjRo1ABg4cCCxsbGsXLkSIEUCZWRkRN26dQ0TeBqws7PDwsKCvHnzsmnTJo4dO4aHhwdffvklGzZs4LvvvqNHjx6GDjPbe/1HLYmzs7NukM1p06ZhZGTEZ599homJiS6BmjVrFlFRUdk2cUredpcvXyY4OBh7e3ty5MhB/vz5GT58OPHx8fzyyy98++23ugQqNjYWU1NTmjZtauAjSFvR0dGMHDmSgQMHUqpUKRISEmjZsiVr165lz549DB8+nF69eqGU4s6dO8yePZtcuXLRokULQ4eeqbx48YIyZcqwceNGLC0tGTp0KC4uLri4uOiS19jYWO7du4eXlxf29vZUq1bN0GGni+Tn6OPHj4mIiKBAgQJYWFjoBq/29/cnNDRU9z32/PlzzM3N6dq1Kx9//HGWrnyZHpL/DX777TdevHhBTEwMn3zyCS4uLlSqVImgoCDMzMwoVKgQ8Grg7ICAAAoXLiwlydNYtWrVmDhxInPnzqVbt26sWbOG6tWrU6dOHUJCQvjzzz8pWLAgo0eP1iVKH330UarfhJFqe9lU8rtbI0aM4Pz58wQHBxMfH0+9evXo1KkTderUAWD+/Pn4+PjQu3dvvvrqK11Vn6zGw8ODJ0+esHLlSkaPHk1sbCxGRkY8efKEYsWKMWbMmCx77JnB62OPPXjwAI1GQ+nSpfnkk08AOHnyJMuXL+f69euMHz+eTz/9FED3BCW7Sn6+Dxs2DD8/P90YOdWrV6dz5840atSI+Ph4Zs6cyf79+3F2dmbs2LHkypXLgJGnj8TERH7++WddFdH58+dTpEgRAgMDmTFjBn5+ftSsWRN3d3fOnj3Lr7/+SmxsLN9//z3GxsbvTOrF2z18+JDvvvsOX19f+vTpw5AhQ3TzQkJC2LlzJ/v27SMxMZEtW7Zk+ap6rw8SPGHCBM6cOUNgYCA2NjZ06tSJJk2aULx4cX799VcGDx5M69atqVKlCn/88QenT5/m+++/l9+n/yj5Z8zT05M///yThIQEwsLCyJs3Lx07dqRDhw5YWVnp1rl06RJbtmzh119/ZdOmTZQqVcpQ4Wd5KlnVQz8/P+bNm8dff/3F6tWrqVmzpu53PumGX1xcHAEBAYwZMwY7OzsWLVqUet8h/+plP5FljB49WtWvX1/9+uuv6syZM+rcuXOqcuXK6vPPP1d///23brkFCxYoR0dHtXDhwizTZ2TixInqp59+0r0jHhgYqBo1aqQ2bNigEhIS1Pfff6+GDh2qHB0dlaOjo1q7dq2BI86+kr+XPHDgQFW7dm3VqlUrVbNmTVWnTh01YMAA3fzTp0+rLl26qNq1a6sdO3YYItwMa8yYMaphw4bql19+Uffv31e//vqratasmapUqZKu8ElcXJyaNm2aKl++vBo7dmyW78MTFhamxo4dq/r06aPq16+vHB0dVatWrdTNmzeVUko9evRILVq0SDVv3lw5OTmpL774Qo0bN+5fV2nKTpJ+K5I+Q8nP44CAADV58mTl6OioFixYoJv+ww8/qL59+6rx48dn+TaOiIhQwcHBKaYNHTpUNWjQQPn6+qr9+/erWbNmqTJlyqg+ffqooKAgFRwcrJYuXaqqVq2qatSooZo1ayZFi1LZ5MmTVf369dWpU6d0fb5bt26tqlWrpg4dOqRbbvny5apr167yN0hHyb9D/vjjD9WhQwdVvnx5debMGaXU/75rQkJC1LZt25Sbm5tq06aNrp9lav2eSfKUjV2+fFm1aNFC7dmzR9e5MTg4WFWuXFmNGzfujc51S5Ys0V1QZHaBgYHq66+/Vo6OjmrgwIG6KkaLFy9WvXr10n1hRkZGqlWrVqlGjRqlKBwhDMPLy0s1bNhQ+fn56T6zkyZNUo6Ojmrbtm265f744w/Vpk0b1ahRIxUWFvavO4VmJf7+/qp58+Zq+/btuqIPT548UZUrV1Zjx45VkZGRKTr0z5kzJ8uXOk5e3nbv3r3q3r17aubMmcrFxUV9+umnuu+7mJgYFR8fr+7cuaOioqL+U5Wm7CY6Olp16tRJ18H79QRq7NixKQpxKKVSDIORVW7WvS4sLEzVrFlTjR49WnfeHT16VDVp0kQdOnRId7EXGhqqHB0d1YwZM1L8Jj9+/Fhdu3ZNPX/+3CDxZ1WPHz9Wbdu2VWvXrtX9xjx//lxVr15djR49OkXBnL1796rVq1fLkBdp7J++A06dOqVLoPz8/JRSr76XlyxZorp06aKGDh2aJjdhJHnKxo4dO6YqVaqk+8DduXNHVa9eXXl6eurKOv7++++6f2dFu3fvVh07dlROTk5qzpw56uTJk6phw4Zq8eLFKZZLKo0pDCcmJka5u7urGTNmqIiICKXUqx+66tWrq2+++UY3LYmfn5968OCBIULNkE6ePKkcHR11d0hv3bqlatSooQYNGqQ7x/fs2ZOtyuvu3r1bVa9eXZ09ezbFD/SmTZtU3bp1daVvkyS/aykJuX6uX7+uWrRooWrVqqX7rUnedjdu3FBVq1ZVjo6OasqUKSnWzaptHBcXp3r27Knat2+f4vf1p59+UjVr1tRdjCedowMHDtRdtF+8ePGN7zqRem7duqUqVaqkdu7cqZR6dV1UrVq1FN+TP/zwg+57QW6gpK2k9o2IiFCLFy9WQ4cOVdOnT09RbfL06dNvJFDPnz9Xly5d0n1np/ZNmKz5ArHQS1xcHImJieTPn5/nz5/j5uZG7dq1mTp1KhYWFpw6dYrly5dz8+ZNQ4eaqsLDw3X//vTTT5kyZQqDBg3C19eXFStWYGdnx9KlS/Hz89Mtl/wdZ2EYISEhXLx4kfz582NpacmdO3f47LPPcHZ2ZsKECVhaWuLr68u+ffuAVx1LCxYsaOCoMw4rKyssLCx48eIFd+7coWPHjjg7OzN9+nQsLCw4efIk+/btIyQkxNChpptnz54RGRlJpUqVMDIyIjY2FoCOHTvSvHlzrl+/jqenJ3fu3AFSVmb6t1Wasrqk/jtJHedLly7NjBkzKFGiBB4eHpw9e1ZX/ACgVKlSODo64uTkxJUrV1DJumFn1TZ+9uwZgYGBNGzYEAsLC0aPHs2qVat48uQJRkZGFCpUiLt379KxY0dq167NjBkzMDc3Z9euXaxZs4awsDBDH0KWZmxsjFKKJ0+e4ObmRp06dZg2bRoWFhb89ddfbN++XXddZGwsddfSSmJiIsbGxoSHh/PFF1+wb98+Hj9+zMmTJ5k0aRKjR48mMTGRGjVqMHToUCpVqkTPnj05fvw4uXPnpmLFimi1WhITE1O9T6okT9lA0o/U66pVq0axYsXo2bMnTZs2xdXVlalTp2Jtbc3z58/ZvXs3pqamuooymd2SJUvo3bs3bdu2ZdasWTx48ACAEiVK0LVrV37++WfMzc2Ji4sjISGBbdu26S6mhOHlzJmT0qVLc/36dS5evEj79u2pXbu27kft2rVrHD9+nIiIiHd+5rODdx17sWLFyJkzJ/Pnz6dDhw7UqlULLy8vLC0tCQkJYffu3bx8+TLLnO//JOkCvVy5cgDs2rULAFNTU9057+bmRr58+YiJiWHKlCkEBwdn2Yv51GRkZKSrXHj48GEAKlWqxIgRIyhVqhQeHh6cPn06ReVHGxsbRowYwaZNm9BoNCkSqKwob9682Nrasm3bNrp27crvv/9Os2bNcHFxITg4mIkTJ9KhQwecnZ2ZNm0aVlZWBAcHc+LECWJjY7GwsDD0IWR67/qeLFGiBE2aNGHy5Mm666KZM2fqros2b95MbGwsFStWTOeIsx+tVkt8fDyjRo0ib968LFy4EF9fX3bv3o2Liws7d+7U3eSuXr06gwcPxt7enuXLlwP/+55Pi0IzkjJnccmrQB0/fhwzMzNy585NyZIlsbS05KuvvmLVqlVoNBr69++PtbU1169fZ/Xq1Rw5coSNGzdia2tr4KP47wYNGsS1a9dwcXGhTp06zJgxg6dPn9K1a1cqVaoEQP78+Zk3bx7Hjx/n559/pk+fPpiamho48uznXZXLzM3NcXJyYu3atfz888+4uLiwYMEC4NVTqfXr1/Pw4UPq1KmTbSufJW+7M2fOEB4eTrVq1TAzMyNHjhxMnjyZb775BoDOnTtjbGzM33//zYYNGzh06BAbN27Ezs7OkIeQLpKSoAIFClCyZEl27NhBoUKFqFmzJqampiQkJPD3339TtmxZKlSowLp167h582a2aJt/Kz4+XnfH/ujRoxw7doyAgACsrKyoXr06lStXZuTIkcydOxcPDw+6d++OpaUlBw4cwNzcnCpVqqDRaLJ0VT14dUFnbGzM9OnTadWqFc+ePWPixInY29uj1Wrp3r07W7Zswd7entmzZ2NmZsb9+/dZtmwZx48fZ/369eTMmdPQh5GpJf+e/Pnnn4mJiSFXrlw0aNAAePXk+enTp5w+fZr69esTERHB5cuX2bx5M8eOHWPDhg26YVtE2goPD+f27dt07NgRBwcHAPbv38/hw4cZMWIENWvWJDIyEktLS2rUqMG8efMoXbo0kLZPrqVUeTYxdOhQjh49SmxsLCYmJowbN47PP/+cmJgYfH192bRpEy9fviRfvnwYGRkRFRWFt7c3ZcqUMXTo/9mcOXP47bffmDVrFlWqVGHt2rXMnDkTExMTqlatyvDhw6lQoUKKdZIuBET6Sv6j5uvry/3793F0dKRy5cqUKFECeFVqe+/evXTv3p02bdoQEBDAzz//rEv2s8Jn9r8aOnQoR44cISIigrx589KnTx/d4IEHDhxg3LhxWFtbExsbS968eYmKimLBggVZuu2io6PZt28fUVFRVKxYkVKlSmFhYcGJEyfw8PCgbNmytG3blk8//ZRLly4xf/58KleuzKhRo6hYsSIDBw6kb9++hj6MDCnpvA0PD2fChAkAnDp1Sjem0zfffKMbWNzf3581a9awc+dO7OzsKFmyJD4+Plm+HPnr5s+fz/fff4+5uTlGRkbMmTOHSpUqcefOHTZu3Iivry/Ozs4kJCSglOL+/fv4+Phk6XM0vQ0ePJhTp04RExNDdHQ0HTp0YNiwYeTIkYNTp06xbt06Dh8+jJ2dHTly5MDS0pLp06fL3yAdXbt2jTZt2rBmzRqcnZ3ZtWsXI0eOZMiQIfTp04fo6Ghmz56Nq6trirFH03r4CEmesoFNmzaxadMmhg0bRlhYGL/99hsHDhxg5MiR9OjRg/j4eB49esShQ4cICwujZMmSODk5ZYk7Kw8fPmTmzJm4uLjg5ubGd999x7x585g/fz5GRkZ4enri4uJC3759dU+ghOElXfznypWLhw8fUr16dbp3746rqysAo0eP5vTp0zx+/BgHBwc++ugjxo8fr7vjlJ1t2rSJzZs3M2jQIHLmzMn69es5fPgw/fr1o1OnTuTOnZvHjx9z4sQJnj59SoUKFShdunSWON/fJTw8nI4dO/LixQuCgoKws7OjefPmujY6ceIEc+fO5fr16yQmJmJpaUmxYsXYtGkTAQEBdO3alTFjxsiAuP8gOjqaL7/8Ejs7O7p160aRIkX49ddfWbduHfnz52fEiBG6BArg9u3bWFhYkC9fPt3rOdnphtXDhw+JiYkhIiKCMWPGEB0djZeXF5UrVyYsLIw///yTvXv3kpiYSIUKFWjYsKHuzrv4d5JfUG/bto21a9cyfvx4TE1N+fPPP/H29qZRo0ZMmDCB3LlzA6/GDgwJCaFgwYI4ODhkiTdxMpPw8HDatm2Li4sLZcqUYdy4cQwePFh3I+vkyZP4+PjQpUsXGjdunH6BpWr5CZEhvF5VZNWqVWr27Nm6ykX37t1T48ePV46Ojuq7774zRIjpJiYmRv36668qODhYnTx5UtWsWVNt375dxcfHq4iICNW9e3fl6OiovvrqKxmnIYM4d+6cateunfLz81PR0dHq8OHDqk6dOuqLL75QBw4c0C13584ddeHCBfX48WP18uVLA0ZsWK+f7z4+Pm9Uixw8eLBydHRUixYtUk+fPk3P8DKE8ePHq+7du6s///xTPX78WA0bNkzVr19fjRw5UoWEhCillLp//746d+6cWrdunTp06JCuStPw4cNVw4YN1aNHjwx5CBnevn37VK1atdTp06dTVCXcuXOncnZ2Vq1bt9ZVwlIqZeXCrD6W2PtcvHhRtWzZUjVu3Fj9+eefut/q7N4uqSl55cZz586pWbNmKW9vb101t6ioKPXDDz+oihUrqiFDhqgnT54YKlTxmrFjx6ry5curcuXKqYULFyqllG7oiPbt26s+ffqk+7mSPZ6PZyPJ76ycOHGCAwcO6O4uJ73/WbhwYXr37o2bmxuzZs1i/fr1KbahstDDSFNTUxo0aICtrS3Hjx+nWLFiNG3aFCMjIywtLcmXLx9169YlMDCQHDlyGDrcbOn1jrthYWHY29tTqVIlzMzMqF+/PjNnziQoKIjly5dz4MABAIoWLUqVKlXIly9ftv3bJT/ff/vtN44cOcL169fJmzcv8OppALx6Rah58+YsXryY7du3ExwcbLCY01NkZCT79u3DysqKDh06ULlyZfLly8fUqVNp2LAhp06dYvr06bx8+RIHBwecnJxwd3enYcOGHDx4kGHDhnH06FGWLFlCgQIFDH04GVpISAgvXrzA0dERrVarK7zRpk0b3N3duXbtGrNmzeLMmTNAyk7c2eVVvXepWLEi06dPx8zMjJEjR3Lp0qUUrzBmpd/k9BQVFcWff/6ZYtr27dv56quv2LVrFwUKFNA97TQ3N6dly5ZMmjSJgwcP4uXlxePHjw0QtUiSVLFz6tSpVK9eHaUUz58/5/z582zYsIGRI0cSFRXF4sWLdVX10kv2eUaeTSRdSA0ePJjDhw8THx9PfHw8169fp1q1arqLqkKFCtG7d2+0Wi3Tp0/HxMSEjh07AlmvPGzSl+PLly95/vw50dHR5MiRgydPnhAcHEyXLl2oU6dOtnplJKNIXkJ0xYoVBAUF8eLFC0xNTTE1NSUuLg5jY2Pq1q3LtGnTGDNmDKtXryYhIYHmzZsbOHrDS2q7QYMGcfLkSV0Z/rCwMNzc3DA3NycmJgYzMzPdq6oLFy7ExMSEnj17ZumLVqUU8+fPZ8OGDeTIkYPPPvsMgJiYGMzNzRk9ejQAhw4dYsaMGYwePTpFR/zLly8TEhLCxo0bKVWqlEGOIaN6W3+CokWLYmFhwd69e3Fzc9NVLky6gZVUYnv16tXY29tni6qO+tJoNLoEasKECfTu3ZtVq1bpKrpltd/k9JCYmMjEiRPZt28fK1asoHbt2gC0bt2a69evs3HjRo4cOUL9+vX56KOPgFc3Wz/77DO0Wi3ffPMNpqamfPvtt9m2AFF6UEq98/Od/HXeNWvWMHbsWM6fP8+WLVsoX748JUuWZOrUqRgbG6f7a79ytZhFJP8x27FjB1evXmXWrFnY2Niwfft29u7dy9atW/nqq6907+wWKlSIHj16YGpqSvXq1Q0Zfrr46quv+PHHH5k9e7au5PW1a9coXry4JE4GknTx7unpyR9//IG1tTUvX74kKiqKDh06ULVq1RQJ1MyZM+nXrx+bN2+mXr162Xb8reTn++bNm7l9+zazZ8/GysqKTZs28dtvvzFhwgQmT56MmZmZLoHy8vLC1NQUV1fXLJ04wasLzubNm/PkyRMOHDjAr7/+Srly5TAzM9Nd1I8ePRojIyM2bdpE4cKF6devn+6O/5AhQ3j58qVUNntN0kVKUgGOqlWrUqRIESpUqEChQoXYvHkzJUqUoGrVqpiampKYmMiDBw+oW7cuFStWxMvLizt37kjy9JqkBGrixIm6327x72m1Who2bMj9+/cZM2YMU6ZMwcXFBVNTU0aOHEl8fDzbtm2jSpUqtG3bVtfHycTEhBYtWmBsbEzZsmUlcUpDSd+1sbGxhIWFvbWaafLEaNq0aURGRvLo0SMKFiyIubk5Go3GIP0lpWBEFrNnzx5evHhBVFQUvXv31k0fMmQIP//8MwMGDEiRQEH2qix35swZhg4dSlxcHPny5WP27NlSOccAkl/8nz59moULFzJ06FDKlCnDsWPHWLZsGQ8ePGDjxo2ULVtWl0BpNBr++OMP8ufPT9GiRQ17EBnAqVOnuHDhAomJifTr1w8jIyMeP36Mj48Pe/bsoXnz5kyePBl49Qqfubm5gSNOH8k/X1euXGHhwoUcP36cUaNG4e7uDqBLoGJjY/H19cXd3V23Tnaq+vYhklfV6969O2ZmZjRu3JhOnTphYmKiG9g1T548tG/fnmbNmnH9+nUWLlxIiRIlmD59OtWqVaNjx44MGzbM0IeTYSXd7BD/TvKnGYcPH2b16tXcv3+fmTNn4uzsDEBcXBwTJ05k165dDB48OEUCJdJe0ndsXFwcX3zxBU5OTvTp0wd7e/t/XP51//TkKi1ljyvmbOLHH3/km2++wdzcnDFjxgD/u2CaP38+gO7d0Pbt2+uy/OySOAHUqFGD3bt3Ex4ejpWVlVTOMZCki9QlS5YQGRlJnjx5qFixIqampjRr1gwrKyvmzp1L586d30igklfsys4OHDjAoEGDMDY2ZsiQIRgZGaGUIn/+/PTt2xelFLt370ar1TJp0qRskTglJCSQkJDAixcvdNUDy5cvz8CBA9FoNCxcuBAAd3f3FK+Vde/eXbe+kZGRJE7vYGRkRGRkpC5BGjJkCGXKlMHExASlFEWLFmXz5s14enoyd+5cpk6dSs6cOSlSpAjffvstd+/exdzcXDfsgHg7SZz+m+Svg9vZ2VGsWDFu3LjByJEj8fLyombNmpiYmPDtt98CsGDBArRaLW3atJFrgnSQdMM+NjaWmJgYYmJiOHjwIDly5KBz587kz5//jXXe9Z1sqFdas89VczZQo0YNOnTowE8//cShQ4eyfZ+Hd8mdO7fcYTKQ5ANpPn/+nLVr1xIWFkadOnVSDEjs4uICwNy5c+nWrVuK9//FK7Vq1WLo0KEsXLgQPz8/WrVqpevTmC9fPvr164exsTEbN27E1NRUd0Mlq4qIiODbb7/l5s2bBAYG0rx5c9zd3SlWrBgVKlTAw8ODpUuXsmjRIrRaLZ07d35jEGx5RSelpOQyOR8fH7RaLZMnT9aVzvb39ycoKAgjIyOqVauGr68v165d486dO+TPn586deqg1WpZsmQJJiYm2eI1cWEYSindeTxgwAACAwMxNTWlcuXKHD16lBEjRjBjxgzq1KmjS6CMjIyYPXs2JiYmdOrUKVteF6WXxMREjI2NCQ8Pp3PnzhQoUABbW1u0Wi3fffcdiYmJdO3aNeMPnZGutf1EqnlXWcbAwEA1adIkVa5cOTV+/Hjd9OjoaN2/R48erW7dupXmMQqR5PVS4idPnlRKvSqb365dO1W+fHn1888/q9jY2BTLHT9+XDVs2FA1aNBAxcTEpCg3m52863x/8eKFWrRokSpTpoyaN2+eCg0NTTE/MDBQzZw5U/n7+6dHmAYTHh6umjVrpjp37qzWrVunfvjhB+Xo6KgGDRqkLl68qFvu0qVLysPDQzk6Oqqff/7ZgBFnfOfOnVP9+/dP8ZmKj49Xnp6eauDAgUoppUJDQ9XGjRtVzZo1VY0aNZSjo6Py8fF5Y1u7d+9Wnp6eqkaNGurvv/9Ot2MQ2dfixYtVjRo11IULF1R4eLhSSqmffvpJtWnTRrm4uOh+g5RSKjY2Vk2ZMkWui9JJTEyM6ty5s2rfvr26fv26CgsLU0+fPlXjxo1Tjo6OatasWSowMNDQYf4jefKUCSV/n//WrVsEBQVhb29Prly5yJ8/P19//TVKKfbu3Qug6zSe9Arf9OnTDRm+yGbOnj3LggULGDduHGXKlKFHjx789ddfHDhwgMKFCzN37lz69OnDvHnzsLCwSFH5sE6dOkybNo1ChQq9cQc8u0h+vl+6dImoqCiUUtSqVYtcuXLRq1cv4uLiWLFiBUopevXqpStykD9/foYPH56ln6jExsYycuRIChQogJeXF7a2tgwZMoScOXNy5MgRQkNDGTp0KJUqVaJixYr07NmTokWLpu+AipnQ48ePKViwYIqCGUZGRhQrVoyVK1cyadIk7t69y9mzZxk4cCCVK1dm//79LF++nM8//5w8efLoXqkJDg4mJCQEX19fSpYsaahDEtmEUorbt29TunRpKlSooHuS1KpVK0xMTBg7diwjRoxg7ty5ulf4xo0bZ+Cos4+AgADu3LlD//79dQPbW1tbM2XKFADWrl2LRqOhU6dO7+wDZWiSPGUyyd/lHTlyJOfOnePhw4fY2tpSqlQpJk2aRLFixejTpw9AtuvzIDKepEf07du3p2LFijx58oSVK1fqXp0sXLgwPj4+9O7dm2nTpjF27NgUCVRSB9/sKPn5PmLECC5evEhgYCBGRkZUr16dAQMGULFiRfr27YtWq2X58uVotVq6d++uq9aVlRMngHv37qHVaunZsye2trYMHjyYCxcu6KoQDhkyhJUrV9KrVy8qV66Mk5MTTk5OQPYqlqOv27dvEx8fT4sWLWjRogWRkZF4e3vTuXNnHBwccHNzIywsjLNnz1KpUiU8PT35+OOPATh37hwlS5bE2to6RV+Erl270rZtW6ytrQ11WCIb0Wg0REVF8fz5c935HRcXh4mJCc2bN+fs2bNs2bKF3r17s2zZMl0Zc5E+tFotMTExurHg4H83CQcMGMAff/zB999/j4mJSYrfsoxEXuzMZJLuoIwePZqzZ8/i6enJTz/9xODBg7lz5w5ffPEFwcHBFChQgH79+tGmTRu2bNkiT5uEwVSpUoUJEyag1Wo5f/48Hh4eVKlSBaWUbvDHwoULs3LlSoyMjJg5c6ZujLLsLvn57ufnx/Dhw1m5ciXLli3j0qVLuk74FhYW9OzZk/79+7N8+XI2btyYbQbWLFy4MB06dKBWrVr4+vpy6dIl5s6dS4kSJahZsyalS5fm119/ZcqUKfj7+6dYVxKnlJ4/f86AAQMYNWoUV69eBV4lROvWrWPWrFk8efKEAgUKMG7cOHx9fRk7diwff/wx8fHx3Lt3j+PHj1O8ePEUN+qSPoeSOIn0kDRQas2aNXn69Cnbt28HXpUgT/pNUUpRtmxZateunWGfbGQVb/sdsrW1xdbWlqNHj+rGJky6yWdubo6dnR0FCxZk5cqVukGO03MAXH1I8pQJXbt2DT8/P4YOHconn3yCo6Mj1atXJzw8HFdXVywtLVFKkS9fPnr06EH37t3p0KGDocMW2VDSF15QUBBFihTRVd26dOkSGo2GxMRE3Zerg4MDK1asICQkhKVLl6a4K5WdXblyhQsXLjBq1CgaNGhArVq1KFSoELGxsTg6Oup+/K2trXF3d2fIkCE0a9Ys2wysaWZmRu3atTEyMsLPzw9HR0eqVq0KQM6cOcmXLx9ubm7kzp1bytu/h62tLW3btiUyMpLp06dz7do1XFxcmDdvHidPnmTixIk8evQIACsrK8zMzHj58iUHDhzgm2++ISoqiqlTp6LRaHTndXb5HIr0l5CQ8Ma0pBtOTZs2JX/+/Hz33Xfs3r0beHWzJDQ0lNDQUNq3b4+Xl5d8J6Sh+Pj4FN8FSWxsbBgxYgSnT59mwYIFhIWF6eY9ePAAKysrFi1aRMWKFVm9ejXw7mp7hiK33TKhwMBAHj9+TOXKlTE3N8ff35+vvvqKevXqMXXqVCwsLNi9ezcuLi4ULFgwy/d5EBlP0pgMSV94NWvWpFq1aly9epX58+fj7u7OunXrqFy5MomJiWg0GuLi4nBwcGD79u0kJiZiaWlp4KMwjNfHs3jx4gWBgYEULFgQU1NT7t69i5ubGw0aNGDChAmYm5vzyy+/0LRpU3LmzEnv3r2z3QWrRqMhISGB6OhoQkJCCAkJIXfu3Fy7do0XL17Qr18/KlWqBKTsQyb+J+lz17NnT8zNzVm/fj3Tpk1j3LhxtGjRAqUU48aNY+rUqYwfP54CBQoQHx/Phg0b+PXXXylQoAAbNmzA2NhY2likueSfsXXr1nH//n0CAwNp27YtlStXJn/+/CxYsIC+ffsyZ84c9u/fT/Hixfnrr7+4dOkSAwcOzLaDrKeHhIQEjI2NiYiIYOrUqTx79gxra2s8PDwoXrw49evXZ8CAASxevJhbt25Rt25dTE1N+eGHH7CysiJfvnzY2dkREhJi6EN5q4yVyok3vO1RZc6cOdFoNLx48YKHDx/SsWNHnJ2dmTZtGhYWFpw4cYIDBw5w//59IOv3eRAZS0JCgu7i/+7duzx8+BAzMzNsbW2pU6cOgwcPpkSJEnTt2pW//voLrVZLdHQ0EyZM4Mcff6RQoUIULlzYwEeRvpLfmUtqu6RpiYmJxMTEkDt3bl6+fImbmxu1a9fW3Sg5ffo0y5Yt48KFC0D2vdNvZGSEh4cHly9fZsyYMcyYMUNXnr18+fIplhNvSvqtSUhIoFKlSuTPn5/r168zZcoUbt26RcuWLZk6dSqnTp1iypQpPH78GGNjYxo1asSIESNYsmQJxsbGxMfHSxuLNJW8L+jQoUNZt24dT5484eXLl4wbNw4fHx8ePXpEiRIlWLNmDU2aNOH+/fvs27ePhIQENm/eLE+c0pD6/3LxUVFRtGvXjsuXLxMXF8eff/7J119/zcGDB9FqtfTq1Qtvb2+ePn3KypUrWbFiBR999BFr1qwhLi6OoKAgihYtSkJCQoZ7DV2jMlpEQuf1Kltly5bFxMSEO3fu0KlTJ8qWLcvly5dxdnbWjVEQEhLCjBkzePbsGXPnzpUB30S6UslG+x43bhx+fn48ffoUV1dXWrVqRf369QE4fvw4CxYs4NatW/Tu3Rt/f3/27t3L9u3bs914Tkopdu3axcOHD/Hw8ACgQ4cO5M2bl0WLFhEUFETv3r2Ji4sjMDAQV1dXJkyYgLW1NcHBwXh5efHo0SPmz58v5zuvqjuOGzeOxMRESpUqxYIFCzAxMZGnIf8g6bwNDw+nXbt2FCpUiMjISMzMzDh16hTVqlVj/PjxODo6snfvXsaPH0+tWrV0T6CSvP7UVIi0NGXKFI4cOYKXlxdVqlTB19eXKVOmYGNjQ8uWLenTpw/58uXTvT4WFhaGmZkZFhYWhg49y0oqwpOYmMgvv/zCjz/+yOTJk7GxseH58+eMGDECf39/JkyYgKurK+bm5rpXKbVaLYUKFSI8PJypU6fy+++/s3nzZooXL27ow3qDvLaXQSX/oZ8wYQL+/v588skndOnShWLFijF8+HDGjBlDvnz5dIM9Xrt2jfXr13PkyBF8fX3lQkqkq+QXTuPHj+fkyZO4ubkRERHBTz/9hL+/P5GRkTRv3py6detibGzMunXr2LhxI3ny5OHHH3+kTJkyBj6K9BcVFUV4eDgLFy7k6dOnPH/+nKdPnzJ8+HAA8uTJQ6tWrVi1ahXm5ub06NEDa2trrl+/zpo1azh8+DAbNmyQ8/3/VatWje+//57Y2Fhy5cqFRqORqnrvkfTa4/DhwzE3N2fixInkz58fExMTVqxYwYYNG5gyZQqTJk2iZcuWaDQahg4dSvHixXWfU8h4/RJE1nXhwgX++usvxo0bR5UqVfDx8WHhwoUsXLiQX3/9lU2bNgHoEiiAXLlyGTDirE8phbGxMZGRkcydO5eQkBDs7e117W9vb8+SJUsYMGCArix5gwYNsLGx0VXUO3nyJMuXL+fevXusXbs2QyZOIE+eMqTkd+89PT25fPkyQ4cO5eOPP05RGWbr1q1MmTKFggULAmBhYUFUVBTe3t7Z8iJUGE7yz2x4eDje3t7UrVsXFxcXtFothw8fxtvbm7i4OPr370/z5s11ywYFBZEzZ85sd/GfVBDD1NSUkJAQNm7cyOLFi7GysmLHjh0UK1YsxU2U5cuXs2vXLp48eULhwoWJj48nNjZWzvf3kKch+nn+/DmdO3emYcOGjBgxIkW7+fj4MH/+fKpXr864ceNwdHTk1KlTVK9eXZJSkS5ef3IcHR3NmjVr6NixI3/88QcTJkxgzJgxtGnThri4OFq3bk10dDTVq1dn+PDh5M2b14DRZ11+fn7s3r2byZMn66ZdunQJNzc3ALp3786oUaOA/30Xh4SEMHDgQO7cucPQoUP59NNPMTU1JTExkVu3bnH48GGaNGlCsWLFDHJM+pBvvQwo6SLUx8eHixcvsnDhQt0re0l3qS0sLGjfvj2lS5fm5s2b3LlzBycnJypUqJDiNQoh0kPSZ3bGjBns2rULCwsLvvzyS93FV4MGDdBqtcybN48lS5ag1Wpp2rQp1tbW2bKEcVRUFO7u7nTq1InWrVuTK1cuYmNjsbCwICIigtWrVzN16lSMjIyIjY3F1NSUvn37Uq9ePc6fP8+zZ89wdHTEycmJ/PnzG/pwMjRJnPRjZmZGfHw8z58/B161W9ITuz59+nDixAlu3brFsGHDWLJkiW78NXmqJ9Ja8sRpzZo1FChQgGbNmvH1119jbGzM77//jrOzs27ga6WUrhLk+fPnDRl6lhYXF8epU6feeB26UqVKbN68GXd3d3bu3EndunWpU6cOWq2WxMREcuXKxaJFi+jUqRO//PILX3zxBfDqO6d06dKUKFEiw79iLd94GVRCQgK3b9+mevXquipRf//9N9OmTSMoKIioqChmzZqFs7OzboBCIQxJKYW1tTV2dnY8efJEd9GadPFfr149ABYuXMjUqVMxMTHB1dXVkCEbjFIKJycnGjdurCvl2rJlS+rXr8/Ro0fx8fEBYOrUqZiamuoGeCxXrhzlypUzcPQiKzIxMaFs2bKcPn2as2fPUq1aNV3fhdjYWGJiYihatCgFChSgUKFCuvUkcRJpKXlxiGHDhnH58mUqVapErVq1yJUrF/Hx8dy5cwczMzPdjbhnz57h4ODAwoULsbKyynZvNaQXExMT3WvkkZGRrFmzhv79+wPw8ccfs2bNGrp168aiRYswMTGhRo0aKRKorVu3vrX/WUZPnECq7WUYr49XYGRkRHR0NBcuXODEiRPMmjULNzc3LCwsaN26NYUKFWLSpEkyFo4wmNff+NVoNPTr14+2bdsCMGTIEF68eKG7+AeoV68e/fr1o0iRIpQqVSrdY84IEhISsLS0ZPTo0VhbWzN9+nQWLFhAsWLFqFq1Kl999RV9+vRhx44djB07Fnj1IxUdHc3q1asz3GCBImswNTVl4MCBvHjxgiVLlnD27Fng1d3gwMBArKysGDduHF5eXhgZGb11jB0hUlvSTbhvvvmGCxcuMG3aNMaMGUOuXLlITEzE2NgYFxcX7t69y4IFCzh27Bje3t5cunQJCwsLSZzSWFLCunPnThYtWsSECRN086pVq8Z3333H5cuXmTdvHmfOnAFe/U2TbrZm1u8S6fOUwfz+++9Ur14da2tr/vrrL8aOHcu9e/dwdHSkRYsWdOvWDYDFixfzyy+/sG3bNqkcI9Jd8tco4uPjdU9GkkoVr1+/njVr1lCwYEGWLl2Kra2tbhmAyMjIbDuOU/L+YTExMbRv357g4GA6depE9+7dMTMz4/Hjx2zevBkfHx8+//xzOnbsyI4dO9i2bRv79++XMrsizRw/fpyBAweSK1cunJycsLW15cSJE5iamvL9999jZGSU4jMsRFrz8/Nj1KhRTJgwgQYNGgCv+ugdOnQIU1NTjIyM2L9/PydPnkSr1ZIjRw6WLl0qfUHT0ZMnT9i6dStLly6lXbt2TJ06VTfvzJkz9OjRg0qVKuHh4UHdunUNGGnqkOftGci+ffsYOnQonp6e9OzZk4oVK7Jt2zYCAgLIkSOHrm/Dy5cvuXXrFoULF5YfMJHukidOXl5e3Lx5k9u3b1OrVi0aN25M/fr16dKlC0op1q1bh4eHxxsJVHZNnJK3XXh4ONbW1mzcuBFPT098fX1RStGjRw/y589Px44dMTExYeXKlfz++++YmZmxc+dOSZxEmqpbty47duxg6dKl/P3335iYmFCqVCnmzp2ru0ucGV6rEVnHy5cviYyMpFChQoSGhuLn58ekSZPQarU8ffqUWrVqMXDgQHr16kVISAhlypTRVXgTqe9t3wH58uWjffv2JCYmsnz5cgBdAlWjRg3WrFlDly5dOHDgQJZInuTJUwYSGhqKj48P69evx8PDg65du74xAvbVq1fZuHEjv/32G76+vpQsWdJA0YrsbtCgQfz55580btyY6Ohobt68yeXLl5k+fTqff/45CQkJulLk5ubm+Pr6kjt3bkOHbTDJf3BWrFhBVFQULVq0oFSpUkRERDBw4EBu3rzJV199RY8ePTAzMyM0NJSAgABu3bpFjRo1UlTbFCItxcXFER8fT3R0tJR8FwZ19+5dWrVqRdmyZdFqtdy8eZNWrVrh7u5OZGQkX3zxBV5eXnz66aeGDjXLS+rDHBMTwx9//EFkZCTVq1fHxsYGExMTnjx5wpYtW1i2bBlffPEF06dP16179epVSpUqlSW+QzL/EWRSb8vcbWxs6NevHwCLFi1Cq9Xi7u6uu0u/fv16du/eTVhYGOvWrZPESRjM1q1buXTpEt7e3pQvXx5TU1Pdk9Pz58/TsmVLTE1NcXd3Jyoqin379hEREZFtk6ekEdfh1fADV65coV27drpz28rKikWLFjFw4EDd+CQ9evTQjX9RoUIFg8UusicTExNMTEx0r4UnjeEiRHorWrQoq1evZvny5ZQpU4Zu3brRtGlTAG7evEmRIkV04wSJ1Hfjxg3u3r3LJ598gqmpKS9fvqRLly48fvyY0NBQHBwc6Ny5M+3btydfvnx06NABpRTLly/HyMhIN6ZT2bJlgaxRoTNzR5+JJV1I/f3335QsWRJTU1MAcuTIoUugvL290Wq1fPXVV5ibm5M/f36aN2/OJ598kqLakRDp7fbt29jb2+Po6IipqSn379/n22+/pXXr1owePRpTU1Pu3btHkSJF6Nu3L506dcrWAxQmvV47a9YsLl68iJeXFxUrVsTMzAx4dTMleQK1fft2oqOj6d+/v+67QQhDklfEhSFVr14dJyenFDednz59yoYNG3QlrkXqCw8PZ9y4cTx8+BClFE2bNmXSpEnkyZOHUaNGYWtry7fffsuqVasIDw+nR48e5MuXj44dO6LValm6dCkODg707t1bt83MnjiBVNszqMWLF/Pll19y9OjRFFXzcuTIwddff02LFi3w9vZmx44dJCYm8sknn9C1a1dJnES6io+Pf2NaYGAgUVFRWFpa8uDBA9q1a4ezszMTJ07E0tKSH3/8kc2bNxMaGoqRkVG2TpyShIaGcvbsWVq0aEGlSpV0iRP8r/pQUgJlZ2fHr7/+SkREhAEjFkKIjCN54rRz507mzp3LL7/8wvz586WPUxqxtramb9++5M+fn/nz57Nr1y7MzMzo0aMHzs7OlClThtWrV+Po6MjmzZv57rvviIqKIl++fHz55ZdMmTKFHj16GPowUp0kTwb05ZdfUrZsWaZNm5YigVJKkTt3bpo1a4ZSipkzZ7JhwwYgc9S/F1nD5cuXuXnzpu4u0Zw5czh69CgAjo6OBAcHs337dr744gvq1KnDlClTsLS05NGjRxw8eJD4+HjMzc0NeQgG9Xp30ufPn3P58mVKlCiBqalpivkajQaNRkNAQABWVlasW7eOVatWZdvXHIUQ4l0uXLjAhg0bePToERs3bpSqemkkMTERpRSurq4MHjwYMzMzlixZwvHjx3F0dESj0RATE4OlpSWLFi2iTJkybN26lTVr1hAZGUmBAgX48ssvdVV4sxJJntLJ2+rY58uXj2XLlmFnZ8fkyZM5evQo0dHRutcj4uLiaNGiBcOGDaN+/frpHbLIxgICApgzZw5z5szhzp07eHh4sHfvXgoWLAjAF198QXx8POPHj6dixYrMnj2bHDly8OzZMxYvXsyVK1fo3Llziqcr2UliYmKK8xjAzMwMW1tbLl68SEREhG5w3CRHjhxh48aNBAUFYWlpKcUhhBDiLSpXroyXlxfe3t7ZdrzAtBQfH49SCq1WqysU4+LiwqhRo7CwsODZs2f89ttvwKvftdjYWCwsLHQJ1MKFC9m/f3+KbWaFV/WSk2p76SB5cYjLly9jbm5Onjx5dK8yPXv2jL59+xIUFMSIESOoX78+8fHxzJkzBxMTE8aNG6cbH0eI9LJhwwa8vb2xsLBAKcX69espXry47vN86dIl+vbtS44cOWjUqBEmJiZcuXKFy5cvs3btWrkbCAwbNowiRYowaNAg3X8fP36c2bNnU7NmTd2TuRcvXjBt2jSioqKYNWuWbuBBIYQQIr28fPmSX375hcKFC1OzZk2io6Pp2bMn/fr1o27dupw6dYrp06cTERHBiBEjaN68OfC/KnyRkZEsXLiQESNGZOk3pSR5SkcjR47kyJEjxMXF8dFHHzF//nxd9ZHg4GD69+/PlStXKFKkCBYWFty7d49NmzZJVT2RrpIPgNm8eXPu379PlSpVGDt2LOXKlQP+d0Pg7t27zJs3jwcPHqDRaKhQoQJdu3alePHihjyEDCEsLIwvvviC1q1bM2DAAODVQIKDBg3i4cOHdOnSBVdXV+7fv8++ffs4fvw4GzdulDupQgghDCIkJAQPDw+ePXvGqFGjmDlzJnny5GHhwoV89NFHwKuBtL28vIiJiWHQoEFvJFBJsvKYcJI8pRMfHx927txJ3759efr0Kfv37+f+/fvMnz8fFxcX3XLz58/n8ePHGBsb07NnT7kIFQaRkJBAQkICEyZMIGfOnOzcuZOqVasycOBAypcvD/yv3GhCQgIajUb3RanVZs+3gZMnnUkGDRpEREQEq1ev1rVPQEAA06ZN48iRIyilyJMnD7lz52bOnDnytE4IIYRBBQUF4ebmxosXLyhatChLly6lQIECJCYm6n7fjx07xty5c4mJicHT05NmzZoZOOr0JclTGnk94541axZ2dnb06tULgEuXLjFv3jzdWDnJE6i3rS9EWvunz9zatWtZsmQJVatWZcCAAbpxh6Kjo7lz547uCWp2lfxHJSoqSjc2zrx589i/fz8HDhx4Y7mzZ88SGhrKRx99RMGCBbG1tTVM8EIIIUQytWvX5vnz5xQpUoQJEybg7OyMVqtNcZ1w7Ngx5s+fT0BAAIsWLaJWrVoGjjr9SPKUBl7v4xQVFcVvv/1GkyZNqFatmm65K1euMGfOHC5dusSiRYuoU6eObt7b7mILkVaSf2Z//vlnwsPDsbe3p2bNmrqOnmvWrGHZsmVUq1aNvn37Uq5cOaZOncrt27dZsmQJOXLkMOQhZAjDhw8nMDCQwoULU6RIESIiIti2bRvLly/n448/NnR4QgghxFslv+48ePAgOXLkYPTo0ZiZmTFmzBicnZ0xMjJKcRPwyJEj/Pzzz0ybNi1b3fCX5CkNDRs2jGPHjvHy5UvgVWnysWPHpijffOXKFebNm8eJEydYs2YNzs7OhgpXCAYPHszx48eJj48nOjqaDh060LVrV4oVKwa8SqBWrFiBmZkZ+fLl49q1a2zevFnXFyq7Sf5j8/z5c5YuXUpMTAwXL14kOjqa+/fvA1CqVCmUUhQqVIiPP/4YrVZL8+bNZcw2IYQQBvVPb534+/vz9ddfY25uzpgxY6hbty7wqv/utWvXUlSCzk5vTEnylIqSf3CWL1/O999/r/vQrV27loCAAL755hs+++yzFJ3qLl26xPLlyxk+fLj0cRLpKvln9scff2TFihVMmDABKysrLl68yIwZM/jkk0/w8PDQFTL48ccfOXPmDDExMfTr1y/bFjR5/Yfi9c6yAAcOHGD48OG0atUKMzMz7t+/j7+/P1FRUWzbtg0HB4f0DlsIIYQA/td3OTIykkWLFvHw4UMiIyNp164dH3/8Mfny5cPf35/evXtjYWFB//79KVq0KGPHjiV37tysWrUqW74lJclTGvDz8+PKlStYWVnx5ZdfAhAeHk6HDh0IDg5m2LBhtGrVKsWF1tsuvIRIL8ePH+fYsWOYmpri6empe1Vv9+7dfPPNN3zyySf0799flyglJiaSmJiY5cZu0FfyxGnBggXcvHmT+/fvU6tWLZo2bap7PTckJIQvv/ySHj160LFjR+DVEypjY2Ny5sxpsPiFEEJkb0lvTkRERPDFF19gZWWFra2t7u2JBg0a4OHhQZkyZfD396dfv37cv38fW1tb8uXLx7Zt2zAxMcmW3Uyy55VPGlq/fj3Tp0/H0tKS2bNnAxATE4O1tTXbt2/nyy+/ZO7cuRgZGdGyZUtdwiSJkzCUzZs38+2332Jvb8+AAQMwNjbWDd762WefodFoGDVqFFqtlt69e+Po6IhWq822VfUAXeI0aNAgLly4QL169TAyMuLMmTNs2bKFxYsXU79+fSwtLTE2NubatWu6daUwhBBCCENLqpI7ZswYbG1tmT17Nvny5cPU1JS+ffty4sQJ2rVrR5kyZShRogQ//PADO3bswMrKii+++AIjIyPdk6vsJvte/aSRihUr0rhxY13mDilHYN6+fTv58uVjzJgxb4zALIQhdOzYkbZt2/Lo0SP27NnDkydP0Gg0ujtJn376KXPmzGHv3r2sXbuWuLg4A0ecMfj6+uqKvUycOJGFCxfSvXt34uLiOHz4MHFxcZiamuLo6MjDhw8NHa4QQgiRQmhoKLdv36Zp06Y4ODhgamrKzz//zJEjR+jbty/16tUjNjaWly9fYm1tTbdu3fjyyy8xMjIiISEhWyZOIMnTf5L8jceEhAQAPv74Y91IzKtWrWL9+vXAqydLSQnUpk2bqFy5MhUrVjRI3CL7SkxMfOv0adOm8fnnn3Py5Em2bt3K8+fPU8xv0aIF3t7e9OrVCxMTk/QINcO7desWxYoVo3Tp0piamhIQEMD06dNp3bo1I0aMwMTEhISEBOzt7bl//z6xsbHIW9JCCCEyipcvX/L48WNdtdzdu3czZMgQBg8ezNdff63rC3Xjxo031s0uxSHeJnumjKng9c7iUVFRWFtbA1C+fHkGDhyIRqNh0aJFALi7u2NqakpMTAyWlpZs2bLFIHGL7Cv5Z9bf35+IiAhy5sxJvnz5sLCwYMaMGcTExLB06VIAOnfujK2tre595qZNmxoy/Azn/v37uvM5ICCAtm3bUrt2bSZOnIilpSXbt2/n/v37lCxZknbt2smruUIIITKU3LlzY2lpyZUrV8iZMycjRoxg8ODB9O7dG4CrV6/yxx9/ZPuxHF8nydO/kPwidMmSJVy8eJF79+7h6upKp06dKFSoEBUqVMDDw4OlS5fi7e2NkZERnTp1wszMDJBxnET6SkxM1H1mx44dy+nTp3nw4AHm5uY0b96cVq1a4ezszLx589BoNCxduhStVkuHDh3IkyePgaPPmMqWLcv+/fv56aefmDZtGnXq1GHy5MlYWlry8OFDDh8+TMmSJfn0008lcRJCCGEwSX2TXr/2tLGxoVevXsyaNYtNmzYxZswY3N3dgVc3WefMmUOuXLnk5ulrJHn6QEqpFJ3Fr127houLC3Xq1GHGjBk8ffqUrl27UqlSJSpVqoSHhwcrVqxgypQpGBsb0759ewBJnES6SiruMGLECM6cOUP//v3JmTMnd+/eZdGiRdy5c4e4uDjq1avH3LlzMTY2ZvHixZiamtKrV69sXRziXdq0aYOvry+jRo3CxcWFuXPnotVqCQ4OZsmSJVy7do0RI0ZI4iSEEMJgkvomRUREMHXqVMLDw8mVKxdDhgzB1taWRo0acffuXbZt28bNmzf57bffuH//Pnv27CExMZGNGzfq+jhl51f1kpPk6QMlJT1z5szh+vXrzJ49mypVqrB27Vrg1bguwcHBDB06VJdA9ezZEzMzM6pXr27AyEV25+fnx7lz5xg5ciQtWrTQfZZLly7NsGHD2Lp1K2XLliVv3rzMmjULMzMzXF1dJXF6h5IlS7JkyRL69+/P06dPWbZsGVqtlj///JM///yTdevWUbRoUUOHKYQQIhszMjLSDXoPYGlpyZkzZ/Dz82PGjBl8/PHH9OjRg6JFi7J69Wp+//137O3tKVeuHJMmTcLY2DjbVtV7Fxnn6V94+PAhM2fOxMXFBTc3N7777jvmzZvH/PnzMTIywtPTExcXF/r06UPlypWBV+XKk17ZEyI9JCYmpkh8fv75Z12SVLFiRRISEtBqtWg0GrZu3cqkSZNYv369JPkf6PLlyyxcuJAHDx5gampKuXLl6NmzJyVKlDB0aEIIIbKp5K/oHT16lA0bNjB9+nQsLCy4ceMG3377LWFhYcyePVs3NmFoaChhYWHkypVL149fEqc3SWv8C3nz5qV169Y4OTlx6tQpVqxYwaRJk3B1dSUmJobq1atz6NAhQkNDGTt2LOXKlZPESaSr5I/Xr1+/jqOjI5aWlsCrQgcVKlRI8Ri+du3amJqacuXKFapXry598j5AhQoVWLx4cYpBg+WHRgghhKEkJTxJN1FjY2OxtLQkb968AFSpUoVZs2YxatQoRo0axaxZs6hSpQo2NjbY2NjotqOUkt+zt5D3cf4FU1NTGjRogK2tLcePH6dYsWI0bdoUIyMjLC0tyZcvH3Xr1iUwMDDFh1CI9JA8cZo0aRJTp07F19cXZ2dnihQpwvr163n27Bnwv1KjISEh2NjYULBgQUD65H0oU1NTzM3NMTY2lh8aIYQQBpO8j9PYsWPp0aMHq1at0j1Jglf9oMuUKcPMmTPJkSMHY8eOxc/P743hNORa4O0kefqXki6QXr58yfPnz4mOjgbgyZMnBAcH06VLFw4cOKC7GBUivSQlRJ6enhw9epT27dvj4uKCqakpI0eO5N69ewwdOhQ/Pz/Cw8O5e/cumzZtwsTERMYeE0IIITIxIyMjoqKi6NChA2fPnkWj0XDlyhW+//57vv/++xTLli1blpkzZxIZGcmWLVskWdKT9Hn6j65evYqbmxvNmjWjdOnSXL9+nTNnzuDr64uDg4OhwxPZ1JYtW1i6dCleXl5Uq1ZN1/cpKiqKI0eOMHv2bIKCgsiRIwe5cuUiNDSUlStXylgOQgghRCaU9NaJUopbt24xZ84cxo8fj4ODAzdu3GDAgAEYGxvTu3dv2rRpk2Lde/fuUahQIammpydJnlLBmTNnGDp0KHFxceTLl4/Zs2dTpkwZQ4clsrFvv/2Wy5cvs379eiwsLN6Y//LlS3744QceP36Mvb09DRs2lGRfCCGEyMRiYmLo2LEj9vb25MqVi6lTp+rmXb16lcGDB6PVaunTp88bCRQg5cj1JC/np4IaNWqwe/duwsPDsbKywtbW1tAhiWxMKcX9+/cBdInT6wUgLl68SLdu3QwRnhBCCCHSwJ07dzAyMuLw4cO0bNkSeFU8QqPRULZsWRYsWMDQoUNZvXo1UVFRdOzYMcX6kjjpR/o8pZLcuXPj4OAgiZMwOI1GQ6lSpbhz5w4nTpzQTUty48YN1q1bx9GjRwHe6CAqhBBCiMynTJkyjBgxgtq1a7Nr1y4OHjyo66OfkJBA2bJlmTdvHo8fP+bs2bPy+/8vyZMnIbKgdu3asXXrVlauXImFhQVOTk4ABAUFsW7dOgIDA3F0dASkmo4QQgiR2bzrFbsaNWqg0WiIjo5mwIABLF++nPr165OQkKBLoLZv346DgwMajUaGJvkXpM+TEFnUkSNHGDRoEHZ2dtSuXRsrKyuuXr3KtWvXWL9+vfTLE0IIITKhpHGcIiMj8fX15fbt2+TIkQNHR0fatm0LwLlz5/D29sbPzw8fHx/q1atHQkICGo1GV0RK+jj9O5I8CZGFXblyhYULF3Lr1i3MzMwoU6YM/fv3p0SJEoYOTQghhBAfKGng2/DwcNzc3HQD4D579owXL17QunVrZs6ciUajwc/Pj8WLF3Pu3DkWLFhA48aNDR1+liDJkxBZXGxsLPHx8Wi1WoyMjDAxMTF0SEIIIYT4l+Lj4+nfvz8RERFMmjSJkiVL8ujRI3766SeWLFnCp59+ysyZM4FXT6AmTZpEjhw52LRpk4Ejzxqkz5MQWZypqSmmpqaGDkMIIYQQqSA0NJSbN2/y1VdfUbx4cQDs7e3p2LEjSikWLlxIrVq1aNOmDVWrVmXu3Lnyxkkqkmp7QgghhBBCZAJKKYKDg3n06BH58+dHq9USFxcHQK5cuWjdujW5cuXi5s2bunVKly6NkZERCQkJhgo7S5HkSQghhBBCiAwoKeFJTEwEXlXILVy4MGXKlGHDhg0EBQVhYmKiS6AKFiyInZ0d4eHhb2xLikOkDkmehBBCCCGEyGDi4+MxMjIiMjKSKVOmsG/fPgDMzc1p0qQJd+/eZfHixTx79gwTExMSEhK4du0aUVFRutf5ROqTPk9CCCHE/7V3xyiNbmEch/8ZQlAUDYKgFgEb4wKsrC10A2niDqztdQMiVqJgO2BhYaGNjSLY2SkWIiGVIJLGIhgTp7qB26WYq5k7z7OC853ux/vxHoAh0u12UywW8/b2lnq9ntHR0YyNjWVlZSWlUikbGxtpNps5Pz/P/f196vV6np+fc3FxkcnJydTr9e/+hP8t2/YAAGDItNvtrK+vZ3x8PFtbW5mbm0upVMr7+3t/EdTh4WE/oCqVSqrVanZ2dvqTKL/q/X7iCQAAhszZ2Vl2d3ezt7fXf9j+9vY2Nzc36XQ6WV1dzeLiYrrdbhqNRqamplIul1MoFPoP6fL7uVUAABgyLy8vabfbmZiYSLPZzOnpafb391OpVPL09JTLy8scHBxkenr6X6vIe72ecPoPmTwBAMCQeXh4SK1Wy+zsbIrFYl5fX7O5uZm1tbU8Pj6mVqvl6Ogoy8vL333Uv4osBQCAIfPPOvKTk5MsLCxkaWkp1Wo13W43rVYr8/PzKZfL333Mv47JEwAA/AE6nU4ajUa2t7czMjKSg4OD/Pjh5aGvJJ4AAGDItVqt/Pz5M9fX12m32zk+Pk6xWEyv1xNQX8hNAwDAkLu7u8vV1VUqlUo/nD4+PoTTFzN5AgCAIff5+Znn5+fMzMykUCh4x+mbiCcAAPiD+FXv+4gnAACAAUhWAACAAYgnAACAAYgnAACAAYgnAACAAYgnAACAAYgnAACAAYgnAACAAfwCpx5pwCPzUX0AAAAASUVORK5CYII=\n", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAjQAAAEUCAYAAAA8z6yoAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjMuNCwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8QVMy6AAAACXBIWXMAAAsTAAALEwEAmpwYAAAxFklEQVR4nO3de1yUZf7/8ddwGBUQ8IAiilJNkq6rhbUeKkus3K+tHTYD7QCaqYUknkIjy8wUsVIRTcvyGyme2nXTTZetsG2t9qsZ5WErV9AMEE+Yg8jIYZjfH/6Y1VAHVJxueT8fjx6PvLivuT93XTLvue7rusfkcDgciIiIiBiYh7sLEBEREblUCjQiIiJieAo0IiIiYngKNCIiImJ4CjQiIiJieAo0IiIiYngKNCIiImJ4Xu4uoC5+/vkkVVV6bM7l1KKFH0VFJe4uQ6RWNF7FKDRWLz8PDxPNmvme9+eGCjRVVQ4Fmnqg/6ZiJBqvYhQaq1eWbjmJiIiI4SnQiIiIiOEp0IiIiIjhKdCIiIiI4SnQiIiIiOEp0IiIiIjh1WrbdmFhIcnJyXzxxRc4HA569+5NUlISISEhtTpJbm4uqampbNmyBZvNRps2bXjkkUeIjY29pOJ/rQICGmE2m91dRq0FBTV1dwm1Ul5ejtVa5u4yRETkV8hloLHZbMTGxmI2m0lJSQEgNTWVmJgY1q9fj4+PzwX779y5k9jYWH73u98xY8YM/Pz82L9/P6WlpZfnCn6FzGYz06ZNc3cZV52pU6cCCjQiIlKTy0CzZs0a8vLyyMzMpEOHDgCEh4fTv39/Vq9ezbBhw87bt6qqismTJ9OrVy8WLlzobO/Zs+dlKF1ERETkNJdraDZt2kS3bt2cYQYgNDSUiIgIsrKyLth3y5Yt5OTkXDD0iIiIiFwql4EmJyeHjh071mi3WCzk5ORcsO/XX38NQFlZGVFRUfzmN7+hV69evPLKK5w6deoiSxYRERE5m8tAY7Va8ff3r9EeEBBAcXHxBfsePnwYgHHjxnHrrbeydOlSnnzySd5//30mTJhwkSWLiIiInK1Wu5xMJtNFvbjDcfqLue677z4SEhIA6NGjB3a7nddff52cnBwsFkutX69FC7+LqkOuHkbZkSX1R2NAjEJj9cpyGWj8/f2xWq012s83c3OmwMBAAHr37n1W+2233cbrr7/O999/X6dAU1RUYohvL9Ugrj9HjpxwdwniRkFBTTUGxBA0Vi8/Dw/TBSc2XN5yslgs7Nmzp0Z7bm6uyzBS/fNfzvBUz9x4eOi5fiIiInLpXCaKyMhItm/fTl5enrMtPz+f7OxsIiMjL9i3T58+mM1mNm/efFb7559/DkCXLl0upmYRERGRs7gMNFFRUbRt25a4uDg++eQTsrKyiIuLIzg4mOjoaOdxBQUFdO7cmQULFjjbmjVrxqhRo1i1ahVz5szhyy+/5K233mLhwoU8+OCDZ20FFxEREblYLtfQ+Pj4kJ6eTnJyMomJiTgcDnr16kVSUhK+vr7O4xwOB3a73Xk7qdro0aPx9fVlxYoVLF26lKCgIIYPH05cXNzlvxoRERFpkGq1yykkJIS0tLQLHtOuXTt2795do91kMjFs2DA9XE9ERETqjVblioiIiOEp0IiIiIjhKdCIiIiI4SnQiIiIiOEp0IiIiIjhKdCIiIiI4SnQiIiIiOEp0IiIiIjhKdCIiIiI4SnQiIiIiOEp0IiIiIjhKdCIiIiI4SnQiIiIiOEp0IiIiIjhKdCIiIiI4SnQiIiIiOEp0IiIiIjhedXmoMLCQpKTk/niiy9wOBz07t2bpKQkQkJCXPYNDw8/Z/sHH3xAp06d6latiIiIyDm4DDQ2m43Y2FjMZjMpKSkApKamEhMTw/r16/Hx8XF5kj/+8Y9ER0ef1RYWFnZxFYuIiIj8gstAs2bNGvLy8sjMzKRDhw7A6VmX/v37s3r1aoYNG+byJK1ateLGG2+85GJFREREzsXlGppNmzbRrVs3Z5gBCA0NJSIigqysrHotTkRERKQ2XAaanJwcOnbsWKPdYrGQk5NTq5OsWrWKLl260K1bN2JiYti2bVvdKxURERE5D5e3nKxWK/7+/jXaAwICKC4udnmC++67j759+9KqVSsKCgp45513iI2NZenSpfTo0aNOxbZo4Ven4+XqExTU1N0liJtpDIhRaKxeWbXa5WQymS76BK+++qrz32+++Wb69evHwIEDmTdvHitXrqzTaxUVlVBV5bjoWq4UDeL6c+TICXeXIG4UFNRUY0AMQWP18vPwMF1wYsPlLSd/f3+sVmuN9vPN3Lji5+fHHXfcwc6dO+vcV0RERORcXAYai8XCnj17arTn5uZisVgu6qQOh+OSZn1EREREzuQy0ERGRrJ9+3by8vKcbfn5+WRnZxMZGVnnE5aUlPDZZ5/RrVu3OvcVEREROReXa2iioqLIyMggLi6OhIQETCYTqampBAcHn/WwvIKCAu6++27i4uKIj48H4J133mHfvn306NGDVq1aceDAAZYuXcrRo0d57bXX6u+qREREpEFxGWh8fHxIT08nOTmZxMREHA4HvXr1IikpCV9fX+dxDocDu92Ow/HfRbvXXHMNH3/8MR9//DElJSX4+flx0003MWPGDLp27Vo/VyQiIiINTq12OYWEhJCWlnbBY9q1a8fu3bvPaouMjLyo21IiIiIidaFv2xYRERHDU6ARERERw1OgEREREcNToBERERHDU6ARERERw1OgEREREcNToBERERHDU6ARERERw1OgEREREcNToBERERHDU6ARERERw1OgEREREcNToBERERHDU6ARERERw1OgEREREcNToBERERHDq1WgKSwsZMyYMXTv3p2IiAji4+M5cOBAnU/25ptvEh4ezpAhQ+rcV0REROR8XAYam81GbGwse/fuJSUlhdmzZ7N//35iYmIoLS2t9Yny8vJYvHgxLVq0uKSCRURERH7Jy9UBa9asIS8vj8zMTDp06ABAeHg4/fv3Z/Xq1QwbNqxWJ3rppZcYOHAg+/bto7Ky8tKqFhERETmDyxmaTZs20a1bN2eYAQgNDSUiIoKsrKxaneSvf/0r//73vxk/fvzFVyoiIiJyHi4DTU5ODh07dqzRbrFYyMnJcXkCq9VKcnIyzz77LIGBgRdVpIiIiMiFuAw0VqsVf3//Gu0BAQEUFxe7PMHs2bMJCwvjj3/848VVKCIiIuKCyzU0ACaT6aJefNu2baxbt461a9de9GucqUULv0t+DTG2oKCm7i5B3ExjQIxCY/XKchlo/P39sVqtNdrPN3NzphdffJGHHnqI4OBg52xOZWUlVVVVFBcX07hxY8xmc62LLSoqoarKUevj3UWDuP4cOXLC3SWIGwUFNdUYEEPQWL38PDxMF5zYcBloLBYLe/bsqdGem5uLxWK5YN/c3Fxyc3NZtWpVjZ/dcsstPPfccwwdOtRVCSIiIiIX5DLQREZGMnv2bPLy8ggNDQUgPz+f7OxsJkyYcMG+7733Xo22mTNnUlVVxZQpU87aOSUiIiJysVwGmqioKDIyMoiLiyMhIQGTyURqairBwcFER0c7jysoKODuu+8mLi6O+Ph4AHr06FHj9fz9/amsrDznz0REREQuhstdTj4+PqSnpxMWFkZiYiITJ06kXbt2pKen4+vr6zzO4XBgt9txOH79a1xERETk6lKrXU4hISGkpaVd8Jh27dqxe/dul6+1bNmy2lUmIiIiUkv6tm0RERExPAUaERERMTwFGhERETE8BRoRERExPAUaERERMTwFGhERETE8BRoRERExPAUaERERMTwFGhERETE8BRoRERExPAUaERERMTwFGhERETE8BRoRERExPAUaERERMTwFGhERETE8BRoRERExPAUaERERMbxaBZrCwkLGjBlD9+7diYiIID4+ngMHDrjsV1BQwNNPP03fvn3p2rUrPXr04PHHH+ezzz675MJFREREqrkMNDabjdjYWPbu3UtKSgqzZ89m//79xMTEUFpaesG+paWlNGvWjISEBN566y1mzJiBj48PI0eO5KOPPrpsFyEiIiINm5erA9asWUNeXh6ZmZl06NABgPDwcPr378/q1asZNmzYeftef/31zJw586y2O++8k379+rF27VruueeeSyxfREREpBYzNJs2baJbt27OMAMQGhpKREQEWVlZdT6hl5cXTZs2xcvLZZYSERERqRWXgSYnJ4eOHTvWaLdYLOTk5NTqJFVVVVRWVnLkyBEWLlzIjz/+yKOPPlr3akVERETOweU0idVqxd/fv0Z7QEAAxcXFtTrJq6++ytKlSwHw8fFhzpw59OrVq46lQosWfnXuI1eXoKCm7i5B3ExjQIxCY/XKqtV9H5PJdEkniY2NZcCAARw9epQPPviACRMmMH/+fPr27Vun1ykqKqGqynFJtVwJGsT158iRE+4uQdwoKKipxoAYgsbq5efhYbrgxIbLQOPv74/Vaq3Rfr6Zm3MJDg4mODgYgL59+/L444+TkpJS50AjIiIici4u19BYLBb27NlToz03NxeLxXJRJ+3SpQs//fTTRfUVERER+SWXgSYyMpLt27eTl5fnbMvPzyc7O5vIyMg6n7Cqqoqvv/6a0NDQOvcVEREROReXt5yioqLIyMggLi6OhIQETCYTqampBAcHEx0d7TyuoKCAu+++m7i4OOLj4wFIS0vDarUSERFBy5YtOXr0KH/605/YsWMHr7/+ev1dlYiIiDQoLgONj48P6enpJCcnk5iYiMPhoFevXiQlJeHr6+s8zuFwYLfbcTj+u2i3c+fOpKens2HDBk6cOEFQUBDh4eFkZGTQvXv3+rkiERERaXBqtcspJCSEtLS0Cx7Trl07du/efVZbv3796Nev38VXJyIiIlIL+rZtERERMTwFGhERETE8BRoRERExPH1DpEgDFxDQCLPZ7O4yas0oT+IuLy/Hai1zdxkiDYYCjUgDZzabmTZtmrvLuOpMnToVUKARuVJ0y0lEREQMT4FGREREDE+BRkRERAxPgUZEREQMT4FGREREDE+BRkRERAxPgUZEREQMT4FGREREDE+BRkRERAxPgUZEREQMT4FGREREDK9W3+VUWFhIcnIyX3zxBQ6Hg969e5OUlERISMgF++3cuZM1a9bw1VdfUVhYSLNmzejevTtjx44lNDT0slyAiIiIiMsZGpvNRmxsLHv37iUlJYXZs2ezf/9+YmJiKC0tvWDfjRs3smfPHh5//HGWLFnChAkT+O677xg0aBCFhYWX7SJERESkYXM5Q7NmzRry8vLIzMykQ4cOAISHh9O/f39Wr17NsGHDztt3xIgRNG/e/Ky2iIgI+vXrx5o1a0hISLjE8kVERERqMUOzadMmunXr5gwzAKGhoURERJCVlXXBvr8MMwBt27alefPmHDp06CLKFREREanJZaDJycmhY8eONdotFgs5OTl1PmFubi5FRUVcd911de4rIiIici4uA43VasXf379Ge0BAAMXFxXU6WWVlJVOnTqV58+YMGjSoTn1FREREzqdWu5xMJtNlOdnLL7/MN998w5tvvklAQECd+7do4XdZ6hDjCgpq6u4SRGpN47Vh0///K8tloPH398dqtdZoP9/Mzfm8/vrrrFmzhlmzZnHbbbfVrcr/r6iohKoqx0X1vZI0iOvPkSMn3F3CVUfjtf5ovDZcQUFN9f//MvPwMF1wYsPlLSeLxcKePXtqtOfm5mKxWGpVxKJFi3jrrbd4/vnneeCBB2rVR0RERKS2XAaayMhItm/fTl5enrMtPz+f7OxsIiMjXZ7gvffeY968eYwbN47HH3/80qoVEREROQeXgSYqKoq2bdsSFxfHJ598QlZWFnFxcQQHBxMdHe08rqCggM6dO7NgwQJn24YNG5g5cya33347PXv25Ntvv3X+czE7pERERETOxeUaGh8fH9LT00lOTiYxMRGHw0GvXr1ISkrC19fXeZzD4cBut+Nw/HeNy+bNm3E4HGzevJnNmzef9bq/+93vWLZs2WW8FBEREWmoarXLKSQkhLS0tAse065dO3bv3n1W26xZs5g1a9bFVyciIiJSC/q2bRERETE8BRoRERExPAUaERERMTwFGhERETE8BRoRERExPAUaERERMTwFGhERETE8BRoRERExPAUaERERMTwFGhERETE8BRoRERExPAUaERERMTwFGhERETE8BRoRERExPAUaERERMTwFGhERETE8BRoRERExvFoFmsLCQsaMGUP37t2JiIggPj6eAwcO1OoEc+bM4YknnqBHjx6Eh4ezdu3aSypYRERE5Je8XB1gs9mIjY3FbDaTkpICQGpqKjExMaxfvx4fH58L9l+2bBmdOnXizjvv5IMPPrgsRYuISMMTENAIs9ns7jJqLSioqbtLqJXy8nKs1jJ3l3HJXAaaNWvWkJeXR2ZmJh06dAAgPDyc/v37s3r1aoYNG3bB/l9//TUeHh7s379fgUZERC6a2Wxm2rRp7i7jqjN16lTA+IHG5S2nTZs20a1bN2eYAQgNDSUiIoKsrCzXJ/DQMh0RERGpXy7TRk5ODh07dqzRbrFYyMnJqZeiREREROrC5S0nq9WKv79/jfaAgACKi4vrpajzadHC74qeT359jHJPWgQ0XsU4roax6jLQAJhMpvquo1aKikqoqnK4uwyXroaB8Wt15MgJd5dw1dF4rT8ar5eXxmr9McJY9fAwXXBiw+UtJ39/f6xWa432883ciIiIiFxpLgONxWJhz549Ndpzc3OxWCz1UpSIiIhIXbgMNJGRkWzfvp28vDxnW35+PtnZ2URGRtZrcSIiIiK14TLQREVF0bZtW+Li4vjkk0/IysoiLi6O4OBgoqOjnccVFBTQuXNnFixYcFb/rVu3kpmZyebNmwHYtWsXmZmZZGZmXuZLERERkYbK5aJgHx8f0tPTSU5OJjExEYfDQa9evUhKSsLX19d5nMPhwG6343CcvWg3LS2NrVu3Ov+ckZFBRkYGALt3775c1yEiIiINWK12OYWEhJCWlnbBY9q1a3fOgLJs2bKLq0xERESklvQYXxERETE8BRoRERExPAUaERERMTwFGhERETE8BRoRERExPAUaERERMTwFGhERETE8BRoRERExPAUaERERMTwFGhERETE8BRoRERExPAUaERERMTwFGhERETE8BRoRERExPAUaERERMTwFGhERETG8WgWawsJCxowZQ/fu3YmIiCA+Pp4DBw7U6gRlZWWkpKRw22230bVrV6Kjo/nqq68uqWgRERGRM7kMNDabjdjYWPbu3UtKSgqzZ89m//79xMTEUFpa6vIESUlJvP/++4wZM4Y333yToKAghg8fzvfff39ZLkBERETEy9UBa9asIS8vj8zMTDp06ABAeHg4/fv3Z/Xq1QwbNuy8fX/44Qc+/PBDZs6cyUMPPQTALbfcwr333ktqaiqLFy++TJchIiIiDZnLGZpNmzbRrVs3Z5gBCA0NJSIigqysrAv2zcrKwtvbmwEDBjjbvLy8uPfee/n8888pLy+/hNJFRERETnMZaHJycujYsWONdovFQk5Ojsu+bdu2pUmTJjX6VlRUsH///jqWKyIiIlKTy1tOVqsVf3//Gu0BAQEUFxe77BsQEFCjPTAw0PnzuvDwMNXpeHc613XLpTPSGDASjdf6ofF6+Wms1g8jjFVXNboMNAAm08VdqMPhOGdfh8NxUa/XrJnvRfVzh7Fjx7q7hKtSixZ+7i7hqqTxWj80Xi8/jdX6cTWMVZe3nPz9/c85k3K+mZszBQQEcPz48XP2rf65iIiIyKVyGWgsFgt79uyp0Z6bm4vFYnHZt6CgAJvNVqOvt7f3WQuNRURERC6Wy0ATGRnJ9u3bycvLc7bl5+eTnZ1NZGTkBfv269ePiooKMjMznW2VlZVs3LiR2267DbPZfAmli4iIiJxmcrhY0FJaWsr9999P48aNSUhIwGQykZqaysmTJ1m/fj2+vqfXtRQUFHD33XcTFxdHfHy8s/+4ceP4/PPPSUxMpF27dqxcuZJPP/2UVatW8Zvf/KZ+r05EREQaBJeLgn18fEhPTyc5OZnExEQcDge9evUiKSnJGWbg9EJfu91eY8FvcnIyc+fOZd68eRQXF3PDDTfw9ttvK8yIiIjIZeNyhkZERETk107fti0iIiKGp0AjIiIihqdAIyIiIoanQCMiIiKGp0AjIiIihqdAIyIiIoanQCMiIlLPqqqqarTpqSmXlwKNXDT9ZRQjstvt7i5BGhi73Y6Hx+m324KCAvbs2cOJEyfcXNXVx+WTgkXOpbKyEi8vL+x2O6WlpZSXl+Pn50ejRo3cXZrIeVWP27KyMrKzsykuLqZVq1bcdNNN7i5NrlJVVVV4enoCMGXKFL766isKCwtp2rQpQ4YM4fe//73LL3qW2lGgkTqz2+14eXlRUlLCxIkTOXDgAAUFBdx888388Y9/pH///u4uUaSGM8ft0KFDOXbsGD///DNlZWXcd999DBo0iJtvvtndZcpVpnpmZuLEiXz99dc89dRTtGjRgu+++46FCxeyfft2pk+fTnBwsJsrNT4FGqkzT09PSktLefjhhwkMDOTBBx+koqKCLVu2kJCQQHJyMg8++KC7yxQ5i6enJ2VlZcTExODr60tKSgr+/v4cPHiQUaNGUVxcTGhoKK1bt3Z3qXKV+de//sXOnTt54YUXuP322/H29qZnz5688cYbXHvttTRr1szdJV4VFGjkorz55puYzWZSUlJo3749cHpq9YsvvuD48ePuLU7kPLKysigrK2Pq1Kl07doVk8nEoUOHAOjVq5fCjNSL/Px8jh8/zvXXX4+3tze5ubk88sgj3HPPPYwbN45GjRqxfft2OnbsSJMmTdxdrmFpUbBclD179tC+fXtnmNm4cSPz5s3j2WefZdiwYZw4cYLdu3e7uUpp6H65cD0/Px+r1Urbtm0xmUx8+OGHjBw5knHjxvH4449jtVrZtGnTOXekiNTGucZOaWkpHh4ehISEsH//foYMGULv3r1JTk6mcePGbNiwgXfeeYeff/7ZDRVfPRRoxKXKysoabTabjdLSUgD+9re/MX78eMaPH8/w4cOpqKhg5cqVbNy4EZvNdqXLFQFOr5kxmUw1xm9FRQUtW7bkk08+YeLEiYwfP55Ro0bhcDjYuHEjy5cv5+DBg26qWozszN1M+fn5zt+Rt912G1arlSlTphAdHU3v3r2ZMWMGvr6+FBUVsXnzZioqKvD19XVn+YanQCMueXl5UVpayqJFi6isrMRut2OxWNi7dy+vv/4648aNY/z48Tz55JPA6dmbTz/9lCZNmmj6VNzG09OT8vJynnjiCdatWwdA//798fDw4L777iM+Pp7JkyczcuRIAPbu3cvGjRtp27Ytbdq0cWfpYkB2u925m2n69OmkpKSwdetWKioqCAsLY8SIEXz00UcEBASQnJyMj48P+/fv57XXXuOf//wnEydOJCAgwM1XYWxaQyO18vHHH5OamkrPnj256aabePLJJ/n73//OkiVLiIqKcr4p/Oc//2HatGl4eXkxYsQIN1ctDV1eXh7fffcdXbp0ASAoKIhHH32U1atXExYWxuDBg7FarezevZvZs2cDMHXqVEwmEw6HA5PJ5M7yxSAcDoczzIwZM4YffviBxx57jE6dOuHt7Q3A/fffz6lTp0hPT3d++DOZTOTn57N06VKuu+46t9V/tTA59HQ0qYW8vDzi4uLo0qULzz//PH5+fnz//feMGjUKLy8vunbtisPh4Mcff8TLy4tVq1bh7e191qcWEXd44403WLRoEX/6058IDw/n2LFjZGRksGrVKjw8PPDy8qJp06YEBASwdOlSjVupk6qqKudtpnnz5rF+/XrmzJlDp06daNSoEaWlpXh5nZ47MJvN/Otf/2LDhg3Y7Xa6dOlCnz59CA0NdeclXDUUaKSGMz+ZnvmXddasWfzlL39h7dq1tG3bFoBDhw7xzjvv8OOPPxIQEEB4eDhDhw7Fy8vL+RAzkSvhlyGkeuz+8MMPPPPMM/Tt25cJEybQqFEjysrKOHToEJs2bcLb25v27dtz66234uHhoXErLtlsNj799FMGDBgAnB57lZWVPPXUU3Ts2JHnnnsOgNzcXF599VWOHDlCkyZNSExMdH740+zf5adAI07Vj4T39PQ8682h+hf80aNHiY6O5pZbbmHWrFkuX0ufcKW+lZeXYzabz/pzeXk5TZo0OWv8TZo0iS1btvDhhx/i5+d33tc7M8CLnIvD4WDmzJksW7aMF154gUcffRQ4HXLi4+Np1KgRQ4YM4fvvvyctLY3u3bvTqlUrdu7cyTXXXMPs2bOd41PB5vLS31whOzubnJwcPD098fT0xGaz8cwzz/Diiy/y888/O4OOr68vffr0Ydu2bezfvx849xZFQGFG6t3WrVuZOXOmc6trZWUlQ4cO5fe//z3z5s2jsLDQeeyYMWMoKSlh4cKFzrZzfZZTmBFXTCYT9957L3fddRfz588nIyMDgCZNmnDrrbeSl5dHQkICGzZs4JlnnuHdd99l9uzZdO7cmeLiYvz8/Jy/HxVmLi/NqzZwVquV6dOn07NnTyZNmgScvo1UVlbGpk2byMrK4q677uLhhx+mS5cuPPnkk6xdu5Z169YxZswYvQGI23z99ddUVVU5n7Lq5eVFYmIi7777Lhs3bmTlypU89thj9O7dm9/97nf06dOH7Oxs8vPzadeund5M5KLdeOONPPXUU9jtdubPn4/dbicmJoYnnniCbt264eXlhY+PD9dffz0Ax48fp6ysjPbt21NeXo63t7fGXz3QLSchNzeX6667DpvNxqFDhwgLC6O0tBSbzcaCBQv46quv2LdvHw899BCRkZF8++23ZGZmkpqaSnh4uLvLlwautLSUd999lwEDBhAWFgbArl27+Nvf/sYHH3xAWVkZgwcPxt/fn7lz5zJ9+nQGDRrk3qLFkH55i2jHjh288cYbZGdnM3r0aGJjY2v0+c9//kN6ejqffPIJK1as0G6meqRA04Cduc7F4XCQkJDARx99xF//+lfnJws4/XyOf/7znyxfvpxTp05RWlpKaWkpc+fO5X/+53/cVb40YBUVFc7tsKtXr2bq1KkMGTKEmJgYrrnmGudxu3btYtu2bSxZsgQfHx/y8vK48847Wbx4sdYvSJ2c+fvSbrdjt9sxm83s27ePWbNmkZ2dTUJCAo899pizT1paGjt27GDfvn0sWLCAG264wV3lNwgKNA3QmW8GZ/75s88+Y968eeTn57NixYqzQg2cnsnZuXMnS5YswWQysW7dOq2VkSumtLSUxo0bO5/5YbPZKCsrIzAwkEWLFpGamkpUVBRPPvmk8ys5qh07dow//elPHD58mMmTJ2sXk9TJmWFm3rx55OTksH//fnr27MngwYMJCAjg+eef55tvviEhIcG5UHjRokWcOHGCwYMH1xiTcvkp0DQwxcXFZGVl0bx5c+644w5sNhsjR45k+PDh3Hnnnfzzn//ktdde48CBA6xatQqLxVIjAFUvBPbw8NBuJrkiysrKWLZsGUVFRUyaNImTJ09y2223ERUV5dwiu3DhQtLS0oiKimLEiBHOZ3tU79I71849kboYM2YM33zzDX369OHEiRPs27ePH3/8kXfffZeWLVuSnJzMN998wzPPPOOcqfnlTjypP/ob3cAUFxezatUqbDYbxcXFzJ07l7Zt29KpUycA+vTpA8Brr73G4MGDnaHmXG8KVVVVCjNyRZhMJnx9fXnttdcoKiri66+/5sYbb2TYsGHOrdajR48GTk/zA85Q4+XlddaTXAGFGamzjIwMduzYQVpaGp07d8ZsNvPBBx8wefJkPvzwQ6ZOnUp8fDyLFi3ilVdewdvbm+joaIWZK0gzNA3EmZ8SduzYwTPPPMPx48cJCwtj2bJl+Pv7nxVWqmdqDh48yIoVK7BYLHpGh7hVeXk5b7/9NvPnz6d169asWLHC+YDHM2dcqmdqBg8eTGxs7FlrakQu1rRp0/jxxx9ZuHChcz3WQw89RN++fXnhhRfw8/Pj5MmTFBYWsmjRIkaPHs21117r7rIbFL07NQDVU6DHjh2jqqqKrl27UlFRAZyeZdm6dStw+tkx1d9M3KdPHyZOnEjbtm35wx/+QH5+vsKMuJXZbKaoqIiQkBCOHj3KwoULneO1+snUAKNHjyYhIYFVq1aRlZXlzpLlKvLTTz9RVlZ2Vpjp3bs3U6dOxc/Pj/fff5/FixdjsVhITk5WmHEDzbs2AMeOHePaa6+lefPmzoeJJSYm4u3tzauvvsobb7yBw+Hg7rvvPusrC6pvP61fv57g4GB3XoIIAI8//jhDhw7l448/Zs6cOTgcDl5++WW8vb3x8vJyziI+/fTTtGrVivvvv9/dJctVolOnTmRmZrJu3TpmzJjBrbfeyssvv4yPjw8FBQV89tlntGvXTmtm3Ei3nBqA6u2pNpuN5ORknn76adq0aQPAv/71L5577jmaN2/O008/zd133w3A4cOH2bFjB3fddZfzdbSQUq6kCy04P3bsGH/5y1+YO3cuAwcOZObMmZhMJg4fPszixYtJSEggICAA0LiVyyMnJ4eHH34Ym83G7bffzptvvomHhwdFRUW8/vrrbNmyhaVLl9KhQwd3l9pgKdA0IFu2bCE2NpY77riDKVOmOJ+W+uWXX5KUlETLli157LHH6N69OxMnTsTPz4+3335bz+qQK646hJSWlrJ48WL27t2Lr68vt956KwMHDsRkMlFUVMS6deuYO3cuffv2pW/fvqxevZqffvqJzZs3a8G6XHZffvklo0ePpn379txzzz14eHjw7bff8u2335Kenq7nzLiZAs1V7JefcMvLy9m8eTNJSUn89re/ZerUqWeFmmnTpnH48GGaNGlCy5Yt+fOf/4y3t7ceQCZXVPVto5KSEh599FFMJhNdu3Zl9+7dHDp0iHvvvZeJEyc6Q83f//535syZQ+PGjbnmmmtYunQp3t7eeqSA1Itdu3Yxf/588vPzMZvNdO7cmeHDh+sJwL8CCjRXqepPuKdOnWL9+vUMHDiQJk2aYLfb+fTTT0lKSqJr165nhZpdu3axa9cuysvLeeSRR85aTyNyJZWVlTFixAjg9CMEWrVqxejRo/nyyy/x9fVl4MCBJCYmYjKZqKys5MiRI+Tn59O9e3c8PDw0bqVelZeXU1VV5RxjGmu/Dgo0V6HqT6YlJSU8+eSTWK1WoqOjGTp0KHA67PzjH//gueeeo1u3bmeFmnO9jsiVtmHDBlatWsX06dMJCwtj9OjR7Nq1i5SUFBYvXszWrVsZPnw448eP17gVEUDbtq9Knp6elJaWMnjwYBo3bsxrr71GdHS08+deXl7069eP5ORkduzYwSuvvMJPP/10ztcRuRKqnz5d7eabb6ZXr16EhYUxd+5cfvjhB9LS0ujZsycvvfQSvr6+bNiwgeeff77Ga2ncijRMmie7Si1cuBCz2UxycrJzR1Nubi75+fkEBgZy3XXXcdddd2EymRg9ejTXXHMNkydPdnPV0hBVr5k5c7tr69atefrpp7Hb7WzdupUBAwY4F1w2atQIs9lMkyZNOHHihB74KCKAAs1V6/Dhw4SEhBAUFERpaSl//vOfeeONN6iqqqK4uJixY8cyatQo+vTpw/Lly7npppvcXbI0QNVhpKKigpEjR9KqVStmz54NnH7cQFFREf/5z3/o3r07ZrMZh8PB4cOHueWWWxg3bhyhoaF4eHgo1IiIAs3VysfHh82bNzN9+nTy8vLYtm0bTz31FHfddRdLlizhvffeIzo6msDAQG6++WZAz+uQK6t6vFVUVPDNN99QWlpKZmYmrVu3ZsKECXh4eBAYGMiAAQNYvnw5rVq1IjAwkBUrVtC4cWPat2+PyWRSmBERQIHG8M63AHLatGlYrVb+/e9/c/311/Pee+9x4403AqefeHmuNTMKM3KlVO8QKSkpYejQobRo0QKbzYanpydLlizBZrMxZcoUzGYzf/jDHzh27BgzZ86kZcuWhIWFsWTJEkwmEw6HQ2FGRADtcjK0Mx8+lpGRwd69e2natCnh4eE89NBDwH+3FzZu3JjKykoKCgpITEwkLCyMlJQUN1+BNGTl5eXExMTg5eXF1KlTue666/jpp59ITU1l8+bNPPDAA0yZMgU4fQv16NGj2Gw2brrpJm3NFpEa9NvAoM78hBsVFUV5eTk+Pj4cOXKE9957jy1btjBjxgznIsvjx4+zbds23n77bcrLy5kxYwaAHponblNQUEB+fj5jxozhuuuuw8PDg7CwMBITE3E4HCxfvhxvb28mTZpEq1ataNWqlbPvmc8AEREBBRrDqv6EOmHCBJo3b85LL72ExWLhwIEDrFu3joULF+Lp6UlycjIA7777Lh9++CEdO3Zk/vz5eHl56Xkd4lbl5eUcPXqUgIAAPDw8sNvtmEwm2rRpw9ixY/nss89YtmwZVVVVPPfcc8B/A7huM4nILynQGJjVamXPnj088sgjzq+qDwkJYciQITgcDubPn0/v3r0ZOHAgjzzyCN27d+fWW2/VdL24VXUoadOmDTfccANr1qzht7/9LSEhIdjtduD0OG7Tpg1t2rTh448/pkuXLs7vcBIRORd9zDGY6iVPDoeDo0ePcuDAAYKDg51bXwECAwO5//77CQwM5PvvvwegVatW3H777c4trgozcqVUh5TqsVtZWQmAv78/99xzD9nZ2axYsYIDBw7g6elJVVUVubm5tGnThuHDhwPw1Vdfuad4ETEMvasZRPXtoepPqCaTifDwcK6//nqWLVtGjx49CAoKoqKiAm9vb9q2bUuLFi04efJkjdfSdL1cKdXj9uTJk6SmppKbm4u3tzddunQhPj6euLg4Dhw4wMqVK9m1axeDBg3i+PHjrF27Fh8fH3r37s21117Lvn37NKsoIhekdzYDqKysxNPTE5vNRkZGBm+99RYrV67k5MmTDBw4kPz8fBYsWMCRI0ec3zL8ww8/YLPZnLeiRK40h8PhDDMPPfQQ27Zto2nTpgAsXbqUmJgYCgsLeeWVVxg5ciQnTpxg4sSJLFq0iICAAP73f/+XkpISDh06RKdOnbTeS0QuSNu2DaJ6N1NJSQknT56koqKCsLAwJk6cyJ///Ge2bdtG27ZtefTRRzl48CCffPIJlZWVvP/++/pUK25jt9uZPHkyBw8edH7RJMD06dPJyMhg0aJF9O3bFzg9xg8ePEjTpk1p3bo15eXlvPDCC/zjH/9g1apVXHPNNW68EhH5tVOg+RU7c4r92Wef5eDBg0yaNInWrVuTk5PD/PnzOXToENOmTWP37t1s2LCB77//nvbt2xMeHs6cOXOcMzb6dCvuUFFRwaBBg4iMjCQuLg5vb282btzIs88+y9ixYxkxYgQlJSX4+fmd1W/t2rVs3LiR3bt389Zbb9GpUyc3XYGIGIUCza/cyZMn2bJlC9u2baNz58784Q9/cP6sqKiI0aNHY7PZWLlyJT4+PuTm5tK8eXMCAwMxmUxadyBuY7fbKSws5Pe//z2vvPIKDzzwAOvWrWPSpEmMHz+ekSNHUlZWxosvvsgdd9zBgAEDnH1/+OEH1q5dy5AhQzQzIyK1ojU0v2IOh4MFCxYQFxdHeno6jRs3Bv67a6RFixbEx8ezb98+Nm7cCMC1115Ls2bNnN9xozAjV0r1uKzm6elJu3bt6NKlC3/9619ZtWoVkyZNYuzYsYwcORKAXbt2ceDAAU6dOuXs53A4uOGGG0hMTFSYEZFaU6D5FTOZTAwdOpQHH3wQgG3btgE4t7YCWCwWPD09KSkpcfappt1McqVUL1w/deoUK1euZPny5WzevBmA+++/n+zsbKZNm8aoUaN46qmnsNvt7N27l1dffZVGjRpx//33O1+regwrjItIXeg3xq9c69atGT9+PKdOneLdd9+lffv2PPLII86wcvDgQXx9ffHx8XFzpdKQVX8Nx5AhQzhx4gSHDx8mICCAe++9lylTppCXl8fKlSvZuXMnH3/8Md999x2ff/455eXlLF++HE9PT631EpFLokBjAEFBQTz//PPY7XZefvll9u3bx0033UR5eTkrV64kKCjI+WWUIlfSmWu0Zs2aRcuWLUlOTiYgIIAlS5bw4YcfUlpaysyZMwkNDWXDhg1MmjSJG264gd/+9rckJSXh5eWltV4icsm0KNhAjh49yowZM/j73/+Ow+FgxIgRFBUVMXXqVMxmsz7hilucPHmSbdu2sWPHDjp27Ej//v2B01+I+s4777B69WoiIyOZNWsWAPn5+bRr187ZX+NWRC4HLbIwkJYtW5KUlMR9992Hw+Hg2muvdX6jdnl5ud4U5IqrXrg+atQoli5dSvPmzYHT27UDAwMZOXIk0dHR/OMf/2DcuHE4HI6zwkz1w/dERC6V5ngNJigoiAkTJlBaWsrkyZOpqKjg4Ycfxmw2u7s0aYCqF64fP36cdevW8X//93/ccssteHt7U1lZSdOmTRk5ciQeHh68+eabdOjQgbFjx57VX0TkclCgMaCgoCBefPFFvLy8eOGFF/D29uaBBx5wd1nSQFUvXLfZbCxcuJDg4GAefvhh59qYpk2b8sQTTxAcHExUVJS7yxWRq5QCjUG1bNmSyZMnYzab6dKli7vLkQYuKCiIKVOmUFVVxQsvvADgDDUVFRUEBAQwZMgQQGtmRKR+aFGwwenNQX5Njh49yssvv8xHH33EK6+8wqBBg9xdkog0EJqhMTiFGfk1admyJS+++CIeHh5MmTKF5s2bExkZ6e6yRKQB0AyNiFx2hw8fJiMjg2eeeUbPlxGRK0KBRkTqlR6aJyJXggKNiIiIGJ4erCciIiKGp0AjIiIihqdAIyIiIoanQCMiIiKGp0AjIiIihqdAIyIiIoanQCMiIiKG9/8AWV8A0RyOwuwAAAAASUVORK5CYII=\n", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "##\n", + "## make a histogram of the emotions\n", + "##\n", + "df_to_emotion_histogram(df)" + ] + }, + { + "cell_type": "code", + "execution_count": 10, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "pne\n", + "0 0.620284\n", + "1 0.263236\n", + "2 0.116481\n", + "Name: emotion, dtype: float64" + ] + }, + "execution_count": 10, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "df.groupby('pne')['emotion'].count() / len(df)" + ] + }, + { + "cell_type": "code", + "execution_count": 11, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Percent of artworks annotated with emotions that are POS _and_ NEG 0.61\n", + "Percent of artworks annotated with emotions that are ELSE&NEG or ELSE&POS or NEG&POS 0.79\n" + ] + } + ], + "source": [ + "## Quick analysis on emotions and subjectivity. (this can take up to a minute!)\n", + "has_pos_feels = grouped_artwork.apply(lambda group: 0 in group.pne.unique())\n", + "has_neg_feels = grouped_artwork.apply(lambda group: 1 in group.pne.unique())\n", + "has_else_feels = grouped_artwork.apply(lambda group: 2 in group.pne.unique())\n", + "\n", + "c1 = (has_pos_feels & has_neg_feels)\n", + "c2 = (has_pos_feels & has_else_feels)\n", + "c3 = (has_neg_feels & has_else_feels)\n", + "\n", + "stat1 = (c1).mean().round(2)\n", + "stat2 = (c1|c2|c3).mean().round(2)\n", + "\n", + "print('Percent of artworks annotated with emotions that are POS _and_ NEG', stat1)\n", + "print('Percent of artworks annotated with emotions that are ELSE&NEG or ELSE&POS or NEG&POS', stat2)" + ] + }, + { + "cell_type": "code", + "execution_count": 12, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "(0.45649810698354387, 36534)" + ] + }, + "execution_count": 12, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "#\n", + "# Majority-dominance in emotions (this can take up to a minute!)\n", + "#\n", + "\n", + "# Find artworks where one emotion was indicated by\n", + "# at least half the annotators of that artwork.\n", + "emo_domi = grouped_artwork.apply(has_emotion_max_dominance)\n", + "emo_domi.mean(), emo_domi.sum()" + ] + }, + { + "cell_type": "code", + "execution_count": 13, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAjQAAAGkCAYAAAAmBb/dAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjMuNCwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8QVMy6AAAACXBIWXMAAAsTAAALEwEAmpwYAACQZUlEQVR4nOzdeWBN1/r/8ffJyYAMipKkhgolhtQcMTVItcbIYJ6Vyy3aELMYaooxikQVKXUNMWaSoL1U0dsMipruF1VDRFWEEImQ5JyT3x/5ZV+RmUQGz+svZ+991l57n97rsdba+6NKS0tLQwghhBCiFNMr7g4IIYQQQrwuKWiEEEIIUepJQSOEEEKIUk8KGiGEEEKUelLQCCGEEKLUk4JGCCGEEKWeFDRCCCGEKPX0i7sDQpRkjx49RaeTVzUJIURx09NTUamScY77paARIhc6XZoUNEIIUQpIQVOKOTg4sGHDBurXr1/cXcnVxYsX2bp1K6tWrXrlNn766SdOnz7NjBkzCrFneatSxeSNnk8IIcoqbaqGuMfPiqx9lUQflF5FWdBoNBr09aXe1Rz7EZ4lFXc3hBCi1NPv6UJsbMIrf19PT5XrPzLlb6wyYNiwYTRu3JgLFy7w119/MXz4cMzNzdmxYwf3799n2rRpdO/eHQBra2u++OILfv31Vx49esTkyZPp2rWrsm/atGmcOHGCli1b8o9//IOlS5dy9epVkpOTsbOzY9asWajVatatW0doaChGRkaoVCq2bduGgYEBM2bM4M8//0RfXx8rKyvWrl1LZGQky5cvJyAgAICgoCA2b94MQK1atVi4cCFVqlQhICCA0NBQzMzMuHbtGqampvj4+FC1alUCAgI4fvw43t7e3Lhxg1mzZvHs2TN0Oh0uLi6MHj0aHx8fbty4QWJiIrdu3aJx48aMHTuWZcuWcffuXT755JM3PsIjhBDizZCCpoy4d+8eO3bsIDY2lk8//ZSRI0eye/duLly4wBdffKEUNAAqlYrdu3dz48YNBg0aRKtWrahSpQoAOp2O7du3AzB79mxsbW3x9PREp9MxdepU/P396dq1K5s3byY8PJxy5cqRmJhIuXLl+Pnnn3ny5AmHDh0CID4+Pks///jjD7y8vAgICKBatWqsWbOGRYsWsWbNGiB9eurAgQNYWloyZ84cduzYgbu7e6Y2/Pz8sLe3Z8KECVnO89///hd/f38qVKiAi4sLq1at4rvvvkOj0fDxxx8zYMAAateuXWj3XQghRMkgBU0Z0a1bN/T09DA3N+edd96hS5cuADRu3JiYmBiSk5MxMjICoF+/fgDUqVOHRo0ace7cOT7++GMAXFxclDaPHTvGhQsX+P777wF4/vw55ubmmJiYYGVlxbRp0/joo4/o1KkTJiYmNGjQgBs3brBgwQJat25Np06dsvQzMjKSjh07Uq1aNQAGDhyIk5OTsr9FixZYWloC0LRpU8LCwrK0YWtry/Lly0lNTcXOzo42bdoo+zp06ICpqSmQPuLUoEEDDA0NMTQ0xMrKitu3b0tBI4QQxaRqVdMia1sKmjIio1gBUKvVyme1Wg2kr4l58ZgMaWlpqFQq5XOFChUy7Vu/fj01a9bM8r29e/dy9uxZIiIicHV15bvvvqNBgwYcOnSIiIgITp48yerVqwkJCcn1fHldh1arzXJM165dadasGb/++iu+vr74+/vj5eWV633IrT0hhBBvRlGuoZEX672F/P39Abh16xaXL1+madOm2R7n4ODApk2blCIgLi6O6OhoEhMTiYuLo3Xr1ri5uVG/fn2uXbvGvXv3UKvVdOnShVmzZhEXF8fjx48ztdm2bVtOnDhBbGwskF4YtWvXrkD9j4qKomrVqri6ujJhwgQuXrxYwDsghBCirJERmreQoaEhAwcO5NGjR8qC3Ox4eHiwcuVKnJycUKlUGBgY4OHhgYGBAV9++SXPnz8nLS2NRo0a8emnnxIREaE8mq3T6Rg7dizm5ubcunVLabNevXpMmTKFUaNGAVCzZk0WLlxYoP4fPnyYkJAQDAwMUKlUeHh4vNqNyAd9h65F1rYQQrxNtKmaIm1fHtt+y1hbW3P27FmMjXN+26L4n4cPE+XFekIIUQLIlJMQQgghyjwZoREiFzJCI4QQJYOM0AghhBCizJOCRgghhBClnhQ0QgghhCj1pKARQgghRKkn76ER2XJwcFAiA3Q6HePGjaNnz545Hu/k5MSePXsoV65cru1u3boVR0dH5d03u3btIjk5mZEjR2YKoHwx0DImJoapU6cqGVNvUm4L0IQQQuSfNlVD3ONnRda+FDQiR97e3tSvX5//+7//Y+DAgbRt25bKlStne2xwcHC+2ty2bRvt2rVTCppBgwbl+R1zc/NiKWYANMd+hGdJxXJuIYQoS/R7uuR90Ou0X6StizKhUaNGGBsbc+fOHdzd3YmLi0NfXx93d3fs7e2BzC/sc3BwwMnJibCwMGJjYxk1ahRDhw7l22+/5f79+7i5uWFkZMSqVas4fPgwSUlJzJgxI8fz37lzhz59+hAZGcmzZ8+YMWMGf/75J/r6+lhZWbF27VoiIyPx9PSkSZMmnD9/Hn19fVasWMG6deu4du0alpaW+Pj4ZMqqEkIIUXZIQSPyFBERQXJyMtOmTeMf//gH/fr1488//2TIkCEcPnw421Gb58+fs2fPHu7cuYOjoyMuLi6MGzeOffv2KSM/r+I///kPT5484dChQwDEx8cr+65fv87y5ctZvHgxCxYsYPTo0ezduxcLCwvGjBnDwYMHlaRxIYQQb56kbYtikTGSYmJigpeXF25ubvTp0weADz74gIYNG3Lu3DkcHByyfLdHjx4A1KhRAzMzM+7du0fdunVfu08NGjTgxo0bLFiwgNatW9OpUydln5WVFQ0bNgTSR5Xu3r2LhYUFAI0bNyYqKuq1zy+EEOLVFWXathQ0IkcvjqQkJiZme4xKpcp2u5GRkfJntVqtJHa/rpo1a3Lo0CEiIiI4efIkq1evJiQkBEgP3XzxnC/3ITk5uVD6IIQQouSRx7ZFvpiYmNCwYUMCAwOB9OmdK1eu0LRp0wK1Y2xsTELCq1fo9+7dQ61W06VLF2bNmkVcXByPHz9+5faEEEKUDTJCI/LNy8uLefPmsXXrVmXRbU5PPeVk+PDheHh4UK5cOVatWlXgPly9elX5nk6nY+zYsZibm3Pr1q0Ct5Uf+g5di6RdIYR422hTNUXavoRTCpELCacUQoiSQcIphRBCCFHmSUEjhBBCiFJPChohhBBClHpS0AghhBCi1JOCRgghhBClnjy2LUQuJG1bCPG2SdVoefyo9IXySkFTSBwcHDA0NMTQ0BCdTse4cePo2bNngdq4c+cOv/76KwMGDMj1uMjISJYvX05AQMDrdPmNWbt2LfXq1VPiEF7F7NmzcXFxoVWrVoXYs7z9dOlvnqUUzluOhRCiNOjVokZxd+GVSEFTiDKiAv7v//6PgQMH0rZt2wK9eO6vv/5iz549eRY0b4JWq0WtVhdKWxMnTnztNjw9PQuhJ0IIIcoqKWiKQKNGjTA2NubOnTu4u7sTFxeHvr4+7u7u2Nvb8+zZM2bMmMGff/6Jvr4+VlZWrF27loULF3Lnzh2cnJx4//338fb2zvNcd+7coU+fPvTv359ffvmF58+f4+Xlxe7duzl//jzlypVj/fr1VK1alYCAAEJCQjAxMSEqKop33nmHlStXYm5uTkBAAAcPHqRy5cpcv34dT09PUlJS8PLy4unTp0B6WGWnTp14+PAhU6ZM4eHDhwC0bdsWDw8Pzp49y6JFi9DpdGg0GsaNG0evXr2YOXMmNjY2DB06lKdPn7J48WIuXrwIQO/evRk7diwAw4YNw8bGhnPnznH//n26d+/O1KlTlX2jRo2ic+fO7Nmzh61btyqjYWvWrKFu3bo4ODjg6OhIREQEMTExSh9DQ0OJj49n6dKlb3yERwghxJshBU0RiIiIIDk5mWnTpvGPf/yDfv368eeffzJkyBAOHz7MmTNnePLkCYcOHQIgPj4egHnz5r3SVNLjx49p2bIlU6ZM4bvvvmPkyJFs376dxYsXM3/+fHbs2IG7uzsAZ86cISgoiDp16rBu3To8PT2Vwuns2bMEBwdTq1Ytnjx5wvDhw9m0aRPVqlXj/v379O3bl9DQUEJCQnjvvffYunVrpv77+voyYsQInJ2dSUtLyzazaf369eh0OkJCQnj69CkDBgzA2tqajh07AvD333+zc+dOnj59SpcuXejbty+1a9fO1MaKFSsIDQ3F0tKSlJSUTMGXKSkp7NmzhwsXLjB8+HCmTZvG/v37OXToEKtWrWLXrl0FurdCCPE2qlrVtLi7UGBS0BQiNzc3jIyMMDExwcvLCzc3N/r06QPABx98QMOGDTl37hwNGjTgxo0bLFiwgNatW9OpU6fXOm+FChWUNho3boyFhQUNGzZUPoeFhSnHtmzZkjp16gDQr18/HB0dlX0tWrSgVq1aAPz+++/cuXOHMWPGKPtVKhVRUVE0bdqU77//nuXLl9O6dWs6dOgAgJ2dHZs2beLu3bu0b98+2+DK8PBwPDw8UKlUmJiY0LNnT8LDw5WCplu3bujp6WFqakrdunW5fft2loKmTZs2zJo1i48//phOnTpRs2ZNZV/GOp3GjRvz7NkzunfvDoCNjQ23b98u+M0VQoi3UGzsq4cIF5W8og+koClEGWtoABITE7M9RqVSUbNmTQ4dOkRERAQnT55k9erVhISEvPJ5DQ0NlT/r6ell+qxWqzONYLwoLS0NlUqlfDY2Ns60z9ramp07d2b73aCgIMLCwggODmbTpk3s2rWLkSNH4uDgQFhYGIsWLaJ9+/bKyFBO5wQyfTYyMsqz7+vWrePixYtEREQwfPhw5s+frxREGd/PWP+T8VlPTw+NpmiD0YQQQhQfKWiKiImJCQ0bNiQwMJA+ffpw/fp1rly5QtOmTbl37x4VK1akS5cutG/fno8++ojHjx9jYmKSYyFUWM6ePcutW7eoXbs2AQEB2NnZZXtc8+bNiYqKIiIigjZt2gBw4cIFPvzwQ+7cuYOFhQU9e/akVatWfPLJJ+h0OqKiorCysqJWrVpUqFCBoKCgLO22a9eO/fv306JFC54+fcqhQ4eYPn16vvuv0Wi4e/cuTZo0oUmTJty+fZvLly8rBU1h+9jGskjaFUKIkipVUzqf7JSCpgh5eXkxb948tm7dir6+PitWrKBy5cqcOHGCVatWAaDT6Rg7dizm5uZUqVIFKysrevXqRZ06dfK1KLigbG1t8fHx4dq1a8qi4OxUrFiR9evXs3LlSpYsWUJqaio1a9Zkw4YNnDp1iu+//x61Wo1Op2PBggXo6emxfft2IiMjMTAwwNDQkDlz5mRpd/z48SxatEiZ6urduzf29vb57r9Op2PmzJkkJCSgUqmwtLRkypQpr3Yz8kHStoUQonRQpaWlyf9bvyUCAgI4fvx4kRRKZZUUNEIIUTLktYZGog+EEEIIUerJCE0J5urqmmVRbNOmTVm4cGEx9ejtIyM0QghRMuQ1QiMFjRC5kIJGCCFKBplyEkIIIUSZJ085CcXhw4fZuHEjaWlpJCcn07hxY+VprNf1YnRBQVhbW3P27FmMjY0ZM2YMc+fOVV7+9yZI2rYQorQrrenZBSUFjQDg/v37LFiwgMDAQCwtLUlLS+PKlSvF3a1MfH193/g5JW1bCFHaldb07IKSgkYA8ODBA/T19XnnnXeA9Lf3NmzYEF9fX/7++2/mzZunHNe7d29++uknvvvuO27cuEFiYiK3bt2icePGjB07lmXLlnH37l0++eQTZsyYoZwjLCyMLVu2cO/ePbp3787kyZMBiIqKYt68eVlCPF/m4ODAhg0bqF+/PuvWrSM0NBQjIyNUKhXbtm3DzMwMa2trJk2axNGjR3n8+DGLFy8mLCyMX375BY1Gw9q1a6lbt27R31AhhBBvlKyhEQA0aNCAJk2a0KlTJ9zc3Ni6dSuPHj2if//+/Pjjj0ri9p49e+jVqxfly5cH4L///S9ff/01P/zwAzdu3GDVqlV89913HDhwgKCgIG7duqWc4/r163z//fcEBQXx888/8/PPPwMwdepUevXqRUhICCtXrmTatGnExcXl2Nf4+Hg2b95MUFAQwcHB7NixgwoVKij7zczM8Pf3Z+rUqYwfP56WLVsSFBSEk5MT3377bRHcPSGEEMVNRmgEkJ51tH79ev744w9+++03jh49yubNmwkJCcHBwYHg4GD69+/Pvn37+P7775XvdejQAVPT9FRWa2trGjRogKGhIYaGhlhZWWUKl3R2dkZfXx99fX169OhBREQEtra2XL58OdsQTwcHh2z7amJigpWVFdOmTeOjjz6iU6dOmJj8b61LRiBl48aNAZTgThsbG44cOVKo900IIUqD0pieXVBS0IhM6tevT/369RkyZAg9evTg1KlTDBs2jClTplClShXq1q2LlZWVcvzLYZL5CZeE7EMqX5TbPrVazd69ezl79iwRERG4urry3Xff0aBBg0x9ejmoUwIqhRBvq5KYnl1Q8ti2yJeYmBh+//135fO9e/eIi4ujRo0a1K9fn3feeYclS5YwePDgVz5HcHAwGo2GpKQkfvjhB+zs7DKFeAKZQjxzkpiYSFxcHK1bt8bNzY369etz7dq1V+6XEEKI0k9GaASQnmLt4+PDX3/9Rbly5dDpdEyaNIlGjRoB0K9fP1avXq1M37yKxo0b89lnnxETE0O3bt2UR7hzCvHMSWJiIl9++SXPnz8nLS2NRo0a8emnn75yv3IjadtCiNKutKZnF5S8KVjky+zZs7GysuIf//hHcXfljZI3BQshRMkgU07itcTExNC1a1eioqIYMmRIcXdHCCGEyJaM0AiRCxmhEUKIkkFGaIQQQghR5klBI4QQQohSTwoaIYQQQpR6UtAIIYQQotST99CIQuPg4KDEHqSmpjJq1Cj69ev3Sm1FRkayfPlyAgICiImJYerUqWzfvr2Qe5y33BagCSFESZKq0fL4UVJxd6PYSEEjCpW3tzf169fnjz/+wNXVFXt7e8zNzV+rTXNz82IpZgB+uvQ3z1LejpdSCSFKt14tahR3F4qVFDSiSNSvXx8zMzNiYmJ4+vQpS5Ys4dGjR6SmpjJixAgljHLKlCncvHmT1NRUatWqxZIlS6hYsWKmtu7cuUOfPn2IjIzk2bNnzJgxgz///BN9fX2srKxYu3YtkZGReHp60qRJE86fP6+8cXjdunVcu3YNS0tLfHx8MqVyCyGEKDukoBFF4syZM1SqVIkGDRowcOBAVq5cSd26dUlMTKRPnz40a9aMunXrMnv2bCXmYPXq1fj6+jJ16tQc2/3Pf/7DkydPOHToEADx8fHKvuvXr7N8+XIWL17MggULGD16NHv37sXCwoIxY8Zw8ODBV54CE0KI0uBtSNXOiRQ0olC5ubmRlpZGdHQ069at4/bt21y/fp3Jkycrx6SmpnLjxg3q1q1LcHAwISEhpKamkpSURO3atXNtv0GDBty4cYMFCxbQunXrTNlSVlZWNGzYEIBGjRpx9+5dLCwsgPQcqaioqEK/XiGEKEnKQqp2TvJ6sZ4UNKJQZayhOXz4MNOmTePbb7+lUqVKBAcHZzn29OnT7Nq1i927d1O5cmVCQkLYu3dvru3XrFmTQ4cOERERwcmTJ1m9ejUhISEAGBoaKsep1WqMjIwyfU5OTi6kqxRCCFHSyGPbokh0796d9u3bc/ToUcqVK0dQUJCy7/r16yQmJvLkyRNMTEx45513SElJwd/fP8927927h1qtpkuXLsyaNYu4uDgeP35cdBcihBCiVJARGlFkpkyZgqurKxs3bmTTpk1s3rwZnU5HlSpVWLNmDfb29hw4cIDu3btjbm6OjY0NFy9ezLXNq1evsmrVKgB0Oh1jx47F3NycW7duFck1fGxjWSTtCiFEYUvVvN1PZEo4pRC5kHBKIYQoGSScUgghhBBlnhQ0QgghhCj1pKARQgghRKknBY0QQgghSj0paIQQQghR6slj20LkQtK2hRAl3duesp3hrS5oUlNTWb9+PYcOHUJfXx+dTkfHjh2ZMmUKBgYGBW7v6NGjVKtWjSZNmhRBb0u+YcOGcffuXUxMTHj+/DlOTk6MHz/+ldt7MZQSwMnJiT179lCuXLnC6nKeJG1bCFHSve0p2xne6oJm1qxZJCcn4+/vj4mJCampqQQEBJCSkvLKBY2NjU2JLGg0Gg36+vn7uXU6HSqVCpVKVeDzzJkzh86dO3P//n169OhB+/btadq0aYHbyU528QlCCCEEvMUFza1btzh69CgnTpzAxCR9WsHAwIABAwag1WpZvnw5v/zyCwAfffQRU6dORa1WM3PmTAwNDbl16xb37t2jWbNmLF++nP/85z8cO3aMsLAw9u3bx2effYazszOBgYH4+fmh1WoxMTFh/vz51KlTh4CAAEJDQzE1NeXq1auYm5szd+5cVqxYQVRUFDY2Nnh5eaFSqZg5cyb6+vrcuXOHv//+G1tbW+bNm4ehoSEPHjzgq6++4vbt2wCMHj0aZ2dnABwcHOjTpw8RERHUrFkTd3d3Jk+ezNOnT0lOTqZjx45Mnz4dAB8fH6KiokhKSiI6Oppx48YRHBzMxo0bAUhJScHBwYF9+/ZhaZn323OrVauGlZUVd+/epWnTpty/f5/Fixdz9+5dkpOT6dmzJ59//jkAy5cv59SpU6SmplKpUiWWLFlC9erVs7RpbW3N2bNnKV++PAsXLiQiIgJDQ0MqVKjA7t27lRGd/v3788svv/D8+XO8vLzYvXs358+fp1y5cqxfv56qVau+3n88QghRwrzNKdsZ3tqC5v/+7/94//33qVixYpZ9e/bs4fLlywQEBAAwZswY9uzZw+DBgwG4du0aW7duRaVS4eLiQlhYGB999BEODg7Y2NgwdOhQID188fDhw+zcuRNDQ0NOnDiBh4cHu3fvBuDixYuEhIRgYWHBP//5T6ZMmcKOHTsoX748Li4uhIeH065dOwDOnz/P7t27MTIyYuzYsezdu5ehQ4eyePFi6tWrxzfffMP9+/dxdXWlUaNG1K9fH4DY2Fi2b98OQHJyMhs2bMDY2JjU1FRGjx7NyZMnsbe3V/obEBBA5cqV0Wg0rFy5kujoaCUQsmnTpvkqZgBu3rzJ48ePsbOzA2DGjBmMHz8eW1tbUlJSGDlyJB9++CHt27dnzJgxzJgxA4B9+/bh5eXF6tWrc2z7ypUrhIeHc/jwYfT09IiPj1f2PX78mJYtWzJlyhS+++47Ro4cyfbt21m8eDHz589nx44duLu75+sahBCitCjLKdsZJG37FYSHh+Pi4qKkN7u6unL06FGloOnSpYuS5NyoUSNu375N+/bts7Rz7Ngxrly5Qr9+/QBIS0vjyZMnyv4WLVpgYWEBQMOGDalevTqmpulVdoMGDYiKilIKmh49emBsbAyAs7Mz//73vxk6dCjh4eHMnDkTSB8V6dixI5GRkUpBkzFaA6DValmxYgW///47aWlpPHjwgCtXrigFjb29PZUrVwZAX1+fAQMGsHv3bqZNm4afnx+TJk3K894tXrwYLy8vbty4wZw5c6hcuTJJSUmcOnWKuLg45binT59y/fp12rdvz8mTJ/Hz8yMpKQmNRpPnOWrWrIlWq2X27NnY2dnRuXNnZV+FChXo1KkTAI0bN8bCwoKGDRsqn8PCwvJsXwghROnz1hY0jRo1Iioqivj4+CyjNGlpaVnWj7z4OaOYAVCr1Wi12S8aTUtLo0+fPkycODHb/S+3U5B2X+xPbn2tUKGC8ufvv/+eJ0+esG/fPoyMjJg7dy7JycnK/oyCKUP//v1xcXHBwcGBJ0+e0LZt22z786KMNTRnzpxh1KhRtGrViurVq6NSqdi/f3+WtUl//fUXS5cuZf/+/dSsWZOzZ88yderUXM9hamrKwYMHiYyMJDw8HC8vLwIDAwGUIhRAT08v0+fc7qkQQojS7a0taGrXro2DgwPz5s3D09MTExMTtFotO3bswM7OjsDAQLp37w5AUFAQn376aZ5tmpiYkJDwv2E/BwcHZsyYwYABA7CwsECr1XL58mVsbGwK3N8ffviBESNGYGhoyIEDB5RRibZt27Jnzx7c3NyIjY3lxIkTjBw5Mts2EhISqFq1KkZGRsTExPDTTz8xaNCgHM9ZuXJl2rVrx+TJkxk9enSBFgm3bNmSwYMH4+3tzTfffEPLli3ZtGkTEyZMAODvv/9GX1+fxMREDAwMqFq1KjqdTpmOy01cXBxqtRp7e3vat2/P8ePHiY6Oplq1avnuX35J2rYQoqR721O2M7y1BQ3AsmXL+Oabb+jTpw8GBgbKY9vu7u789ddfuLi4ANChQwf69++fZ3u9e/dm1qxZ/PDDD8qi4EmTJjFu3Di0Wi2pqal069btlQoaW1tbJkyYwN27d7G1tVX6M2fOHObNm4ejoyMAU6dOpV69etm2MWzYMCZOnIizszMWFhb5GnHp27cvP/zwg3IvCmLcuHF88sknXL58GS8vL5YuXar009jYGE9PT6ytrenWrRs9e/bkvffew9bWltOnT+fa7t9//83cuXPRaDRotVrs7e1p1qwZd+/eLXAf8yJp20IIUTqo0tLS5P+tS7iZM2dmWmz8Jq1fv57Y2Fi++uqrN37ukkAKGiGEKBlkUbB4ZT179kStVrN58+bi7ooQQgiRKxmhEQWyb98+duzYkWX7smXLlKeJyhIZoRFCiJIhrxEaKWiEyIUUNEIIUTLkVdBI2rYQQgghSj1ZQ1OGOTg4YGhoiKGhIampqYwaNUp5yV9xeTnA8+LFi2zdupVVq1bl+r3iCKYESdsWQpRskrT9PzLlVIY5ODiwYcMG6tevzx9//IGrqys//fQT5ubmxdan4nxi61VI2rYQoiTr1aLGWxF7APKUk/j/6tevj5mZGTExMcTExODp6UlSUhIVKlRg9uzZNGnSpEDhjlevXmXBggU8e/aM5ORk+vfvr7zQryABnpaWlixfvlzJzfr555/x8fFBo9Ggp6fHsmXLaNCggQRTCiGEyJWsoXlLnDlzhkqVKtGgQQPc3NyYOHEiISEhTJo0CTc3N1JSUoD/hTsGBQXRt29fRo4cyZAhQwgJCaFx48bKE07Vq1dn69atBAYGsm/fPvbu3cv169eV8127dg1fX19CQ0P573//mynAc+zYsQQHB2fKmYL0QMs5c+bw9ddfc+DAAfbu3UuNGjUyHZMRTHno0CEOHDigpIEXpO9CCCHKHhmhKePc3NxIS0sjOjqadevWcfPmTQwMDJTQy7Zt22JgYMDNmzcxNjbOd7jj8+fPmT9/PlevXkWlUnH//n2uXLlC3bp1gfwHeL4oLCwMe3t7ateuDaCs/3mRBFMKIURmVauaFncXSgQpaMo4b29v6tevz+HDh5k2bRrffvtttplMGdvyG+749ddfU7VqVZYtW4a+vj6jRo3KFHSZ36DNF+VnOZcEUwohRGayhub/73+DfRHFqHv37rRv356jR4+SkpJCREQEABEREWg0GmVUJL8SEhKwsLBAX1+fP/74I8/8pQwvB3i+qEOHDpw8eZJbt24BkJKSQmJiYqZj4uLieP78Ofb29kydOhVTU1Oio6ML1HchhBBlj4zQvEWmTJmCq6srGzduZOXKlcqi4LVr12aZ2snLuHHjmD59OgcOHKBWrVrY2trm63svB3haWv4vzbp27dosWrQId3d3tFotarWaZcuWYW1trRzzJoMpQdK2hRAlmyRt/488ti1ELuRNwUIIUTLIlJMQQgghyjwpaIQQQghR6klBI4QQQohSTwoaIYQQQpR6UtAIIYQQotSTgkYIIYQQpZ68h0YUGQcHByW+IDU1lVGjRtGvX7/i7laB5PaIoBBCFCWNVsOjuGfF3Y1SQwoaUaQyohf++OMPXF1dsbe3x9zcvLi7lW8X486QokvO+0AhhChkLd9tV9xdKFWkoBFvRP369TEzMyMmJoaYmBg8PT2VNxXPnj2bJk2aAPDzzz/j4+ODRqNBT0+PZcuW0aBBA06ePMnXX3+NVqulcuXKLFy4kPfffx+A/fv3s23bNgAMDAzYuHEj7777LkFBQWzevBmAWrVqsXDhQqpUqVI8N0AIIUSRkoJGvBFnzpyhUqVKNGjQgE8//ZQlS5bQrl07wsPDcXNz49///jd//fUXc+bMYefOndSuXZuUlBRSUlJ4+PAh06dPZ8eOHXzwwQfs27ePqVOnsm/fPiIjI9m4cSN+fn5UrVqVp0+fKvlSXl5eBAQEUK1aNdasWcOiRYtYs2ZNcd8KIYTIN0nSzj8paESRcnNzIy0tjejoaNatW8fNmzcxMDCgXbv0odS2bdtiYGDAzZs3OX36NPb29kpQZsb6m1OnTtGgQQM++OADAPr06cOCBQtITEzk+PHjODk5UbVqVQCMjY0BiIyMpGPHjlSrVg2AgQMH4uTk9IavXgghXs/bkqSdHxJ9IIqVt7c3P/74I6tWrWLatGnEx8ejUqmyHKdSqcgpViwtLS3b7+TmVb4jhBCi9JKCRrwR3bt3p3379hw9epSUlBQiIiIAiIiIQKPRULt2bTp06MDJkye5desWACkpKSQmJtK8eXMuX77M9evXAQgMDKRRo0aYmJjQuXNngoODefDgAQBPnz4lJSWFtm3bcuLECWJjYwHYu3evMiokhBCi7JG0bVFkHBwc2LBhA/Xr1wcgKioKV1dXNm7cyMqVK7NdFHzs2DF8fHzQarWo1WqWLVuGtbU1J0+eZPXq1Wg0miyLgvft28e2bdtQqVQYGhqyYcOGLIuCa9asycKFC3n33XeL52YIIUQByWPbmeU15SQFjRC5ePgwEZ1O/icihBDFTdbQCCGEEKLMk4JGCCGEEKWeFDRCCCGEKPWkoBFCCCFEqScFjRBCCCFKPXlTsBC5kLRtIcSbII9ovz4paHLg4OBAhQoVOHDgAHp6esq2F9+rkh0nJyf27NlDuXLlCr1P8fHxdOjQgYEDBzJ79uxcj926dSuOjo55hjE6ODgoEQM6nY5x48bRs2fPbI99lWuLiYlh6tSpbN++HQAfHx/++c9/YmhoCMDatWupV68ePXr0yLWdoryvuZG0bSHEmyDJ2q9PppxykZSURHBwcIG+ExwcXGR/6YaEhNCsWTMOHjxISkpKtsfodDrS0tLYtm0bDx8+zFe73t7eHDhwgBUrVjBr1izi4uIy7ddoNMCrXZu5ublSzACsW7eO1NRU5fPEiRPzLGZe9dxCCCHeHjJCk4svvvgCHx8fevbsqYwoAGzZsoWDBw+i1WoxMjJi/vz5NGzYEABra2vOnj3LkSNHOHLkCN988w2QXhR06tSJ3bt3U6NGDXx9ffnxxx/RarWYm5uzaNEiJWAxJ/7+/kyfPp2NGzdy7NgxunXrBqSPekRFRZGUlER0dDQ9evTg/v37uLm5YWRkxKpVq5Rgx9w0atQIY2Nj7ty5w4oVKzA2NubWrVs8evSIgIAA5dqMjY1xcHDA0dGRiIgIYmJimDJlCg8fPiQ0NJT4+HiWLl1Kq1atuHPnDn369CEyMpIFCxYA6UGRenp6bN++nSVLlmBjY0OfPn3o1KkThw8fpnLlygAsW7YMExMTvvjiC+Xc5cuXZ+HChURERGBoaEiFChXYvXu3cp7+/fvzyy+/8Pz5c7y8vNi9ezfnz5+nXLlyrF+/Ps97LIQQxUWStV+PFDS5sLGxwcbGhl27djFixAhlu7OzM6NGjQIgLCyMr776ir1792b6bteuXVm6dClxcXFUrlyZkydPUqdOHWrUqEFwcDC3b99m79696Onp4efnx7Jly1i1alWOfbly5Qrx8fG0adOG2NhY/P39lYIG4PTp0wQEBCjFwL59+/D29s51euxlERERJCcnK2nXv//+Ozt27KBChQrZHp+SksKePXu4cOECw4cPZ9q0aezfv59Dhw6xatUqdu3alen4r776Cj8/P3bv3q2kYmcoX748H3/8MaGhoQwfPhyNRkNoaCi7d+/Och/Cw8M5fPgwenp6xMfHK/seP35My5YtmTJlCt999x0jR45k+/btLF68mPnz57Njxw7c3d3zfT+EEOJNkmTt3OX1pmApaPIwadIkhg8fTt++fZVtly5dYuPGjUpydEaY4ote/gs6MDAQV1dXID2v6NKlS7i4uACg1WoxMcl98en+/ftxcnJCpVLx6aefsnjxYmJiYjA3NwfA3t5eKWYKKmMkx8TEBB8fH8zMzADo1q1bjsUMoEwVNW7cmGfPntG9e3cgvRC8fft2gfvh6uqKp6cnw4cP5+TJk9StW5caNWpkOqZmzZpotVpmz56NnZ0dnTt3VvZVqFCBTp06KX2ysLBQRs4aN25MWFhYgfskhBCidJCCJg916tShY8eOfP/990D6GpWJEyeyY8cOGjduTExMDPb29tl+19XVlSVLluDo6MipU6dYsWIFAGlpaYwbNy5TkZSblJQUQkJCMDIyUtb0pKamEhgYyOeffw6QZcSjIHIaycmtmAEwMjICQK1WZ/qsp6enrLspiFatWvH06VOuXr1KYGCgUvC9yNTUlIMHDxIZGUl4eDheXl4EBgYCZJoW1NPTy/RZrVaj1WoL3CchhBClgxQ0+fDll1/i6uqq/IWo0WiwtLQEwM/PL8fvtWrVisTERL7++mu6dOlC+fLlgfQni7Zt28Ynn3xCxYoVSUlJ4caNGzRo0CDbdo4ePUqdOnUyTeH8/vvvzJgxQyloXmZsbExCQskbvjQ2NiYxMTHHAszJyYnvv/+e3377TSkAXxQXF4darcbe3p727dtz/PhxoqOjqVatWpH098PKLYukXSGEeJFGW/B/BIrMpKDJBwsLC5ycnNiyZQt6enq4ubnRt29fLC0tcxydyeDs7MzatWvZuXNnpm2PHz9m6NChQPqIzaBBg3IsaAICAnB0dMy0rXnz5uh0On777bdsvzN8+HA8PDwoV65cvhcFvwmjRo1i+PDhlCtXLtPTTxlcXFz4+OOPcXV1VQrAF/3999/MnTsXjUaDVqvF3t6eZs2acffu3SLpr6RtCyFE6aBKS0uT/7cWIgdS0AghRMmQ16JgeQ+NEEIIIUo9mXIqQdatW8eRI0eybN+yZUueb/wtjnaFEEKIkkKmnITIhUw5CSFEySBTTkIIIYQo82TKSby2jIBLIyMjkpOTadWqFV999RUGBgbF3bXXJmnbQoiiIgnbhUsKGlEoMl7Op9VqGTJkCEeOHMlX6CSkv9dHX79k/qcoadtCiKIiCduFq2T+LSJKreTkZJKTkzEzMyM8PJw1a9aQnJyMVqvl888/p2fPngAMGzaM5s2bc/78eYyMjPj222/x8vLil19+AeCjjz5i6tSpqNVqYmJimD59Oo8ePaJGjRpotVo++ugjhg4dyrBhwxg1apQSgfDi5/v377N48WLu3r1LcnIyPXv2zPFFhEIIIUo3KWhEocjIg7p9+zYdOnSgQ4cOxMfH4+fnh1qt5sGDB7i6utKhQwcqVqwIwB9//MHmzZvR19fHz8+Py5cvExAQAMCYMWPYs2cPgwcPZvHixdja2vLFF18QHR1N7969+eijj/Ls04wZMxg/fjy2trakpKQwcuRIPvzwQ9q3b1+k90IIIcSbJwWNKBQZU07Jycl8+eWXbN26lY4dO+Lh4UFUVBRqtZr4+Hhu3rxJs2bNAHB0dFSmmsLDw3FxcVHyl1xdXTl69CiDBw8mMjKSOXPmAOnhlG3bts2zP0lJSZw6dYq4uDhl29OnT7l+/boUNEKIEqNqVdPi7kKZIQWNKFRGRkZ06tSJ48eP8/PPP+Pg4MC6detQqVR07dqV5OT/rUd5MfwyLS0NlUqVqa2XP2dHrVaj0+mUzxnt63Q6VCoV+/fvLxOLk4UQZVNsbMnL3Cup5LFt8UZl5EvVrl2bhIQEqlevjkql4tdffyUqKirH77Vr147AwEBSU1NJTU0lKChIGYlp06YN/v7+AERHRxMeHq58r1atWly8eBGAP//8k8uXLwNgYmJCy5Yt2bRpk3Ls33//TWxsbKFfsxBCiOInIzSiUGSsoUlNTaVevXpMmDCBS5cusWDBAnx9fbG2tsba2jrH7w8YMIDbt2/j4uICQIcOHejfvz8As2fPZvr06fzwww9YWVllmjIaM2YMEydO5OTJk1hbW9OoUSNln5eXF0uXLlWCPY2NjfH09KRq1ar5vi5J2xZCFBVJ2C5c8qZgUerMnDkTGxsbJa28KMmbgoUQomSQKSchhBBClHkyQiNELmSERgghSgYZoRFCCCFEmScFjRBCCCFKPSlohBBCCFHqyWPbQuRC0raFEEVF0rYLlxQ0ZZSDgwMVKlTgwIED6OnpKds2bNhA/fr1C/18kZGRjB07ltq1a6PVannnnXdYsGABdevWfeU2X3w8e9euXSQnJzNy5MjC63Q+SNq2EKKoSNp24ZIppzIsKSmJ4ODgN3a+unXrEhwcTGhoKE2bNmXp0qWF1vagQYPeeDEjhBCi9JCCpgz74osv8PHxISUlJdP2+/fv4+bmRt++fXF0dGTDhg0A/PLLL4wdOxaAhw8fYm1tzeHDhwHw9fXl66+/zve5W7duzd9//618DgwMpF+/fri6ujJ8+HBu3LgBwNWrVxk8eDAuLi706NGDrVu3Ztuej48Py5cvB+Ds2bO4uLjg5OREz549CQ0NBdJHdObNm8fw4cPp3LkzS5YsITw8nMGDB+Pg4MC//vWvfPdfCCFE6SJTTmWYjY0NNjY27Nq1ixEjRijbZ8yYwfjx47G1tSUlJYWRI0fy4Ycf0qpVK6ZOnUpqairh4eE0b96c8PBwunfvTkREBP/4xz/ydV6dTsdPP/1Ejx49ADh9+jSHDx9m586dGBoacuLECTw8PNi9ezfVq1dn69atGBoa8vTpU/r168dHH32U61SVr68vI0aMwNnZmbS0NBIS/hfudu3aNf71r3+h1WpxcHAgISGBHTt2EBsbS7du3ejbty/GxsaveEeFEKJwSdp24ZGCpoybNGkSw4cPp2/fvkB6sXHq1Cni4uKUY54+fcr169dp3749H3zwAefPnycsLIzx48ezcuVKUlJSuHTpEi1atMj1XNevX8fJyYmYmBjeeecddu/eDcCxY8e4cuUK/fr1A9KTtZ88eQLA8+fPmT9/PlevXkWlUnH//n2uXLmSa0FjZ2fHpk2buHv3Lu3bt6dp06bKvi5dumBoaAiAlZUVHTt2RE9PD3Nzc8zMzLh3795rresRQojCJGnb+ZfXi/WkoCnj6tSpQ8eOHfn+++8BUKlUqFQq9u/fj4GBQZbj27ZtS0REBOfPn2f+/PlUqVKF0NBQrK2tMTIyyvVcdevWJSAggJSUFCZPnsz8+fNZs2YNaWlp9OnTh4kTJ2b5ztdff03VqlVZtmwZ+vr6jBo1iuTk3Bfhjhw5EgcHB8LCwli0aBHt27fH3d0dIFMf1Wp1ls9arTbXtoUQQpROsobmLfDll1/i5+fH06dPUalUtGzZkk2bNin7//77b2JjYwFo06YNAQEBWFhYYGhoSNu2bVm3bh1t27bN9/kMDQ2ZP38+J0+e5PLlyzg4OBAcHMy9e/cA0Gq1XLp0CYCEhAQsLCzQ19fnjz/+4PTp03m2f/PmTWrVqsXAgQMZPnw4Fy9eLMjtEEIIUQbJCM1bwMLCAicnJ7Zs2QKAl5cXS5cuxdHREQBjY2M8PT2pWrUqTZs25dGjRwwePBhIH7H5+uuvadOmTYHO+e677zJq1CjWrVvHN998w6RJkxg3bhxarZbU1FS6deuGjY0N48aNY/r06Rw4cIBatWpha2ubZ9vbt28nMjISAwMDDA0NmTNnTgHvSP59WLllkbUthHi7abSa4u5CmSLhlELkQsIphRCiZJBwSiGEEEKUeTLlJArE1dU1y8Lapk2bsnDhwmLqkRBCCCFTTkLkSqachBCiZJApJyGEEEKUeVLQCCGEEKLUkzU0QuQit+FNIYTIL41Gy6NHScXdjTJNCpp8io+Pp0OHDgwcOJDZs2fneNzWrVtxdHSkSpUqubbn4OBAhQoVOHDgAHp6esq2DRs2UL9+/ULt+5vk4+PDunXr2LhxI506dQLSoxU6dOiAlZUVAQEBBWovICCA48eP4+3tXQS9zVv0hXtoUuTtwkKI12PVqnpxd6HMkymnfAoJCaFZs2YcPHgwS3o1pGckpaWlsW3bNh4+fJivNpOSkggODi7srha7Ro0aERgYqHz+4YcfsLKyemPnz/gthBBCvD1khCaf/P39mT59Ohs3buTYsWN069YNHx8foqKiSEpKIjo6mh49enD//n3c3NwwMjJi1apVfPDBBzm2+cUXX+Dj40PPnj2VQMUMUVFRzJs3j7i4OPT19XF3d8fe3p47d+7Qp08fIiMjATJ99vDwwNraWknW/uOPPxg3bhxHjx7l6dOnLF26lKtXr5KcnIydnR2zZs1CrVazZcsWDh48iFarxcjIiPnz59OwYcNcz5UbOzs7jh8/Tnx8PBUrViQoKAhXV9dMozNBQUFs3rwZgFq1arFw4UKqVKlCSkoKixcvJjIyEnNzc+rUqZOpbV9fX3788Ue0Wi3m5uYsWrSIqlWrZvktli9fzmeffcbAgQM5ceIEz549w9PTk1atWuXzFxdCiMIlydpFSwqafLhy5Qrx8fG0adOG2NhY/P396datGwCnT58mICCAypUrA7Bv3z68vb3zNW1kY2ODjY0Nu3btUoqQDFOnTqV///7069ePP//8kyFDhnD48OFc23N1dcXT01NpKyAgABcXF1QqFUuXLsXW1hZPT090Oh1Tp07F39+f/v374+zszKhRowAICwvjq6++Yu/evQW+TxlUKhXdu3fn4MGDfPTRRzx79ox69eop+//44w+8vLwICAigWrVqrFmzhkWLFrFmzRr27NnDnTt3CA0NRaPRMGTIEGrUqAFAcHAwt2/fZu/evejp6eHn58eyZctYtWoVkPm3uHPnDo8fP6ZZs2a4u7tz4MABvLy8lARwIYR40yRZ+/VI2nYh2L9/P05OTqhUKj799FMWL15MTEwMAPb29kox8yomTZrE8OHD6du3r7ItMTGRy5cv06dPHwA++OADGjZsyLlz53ItlFq1asXTp0+5cuUKH3zwAaGhoezZsweAY8eOceHCBSV1+/nz55ibmwNw6dIlNm7cSHx8PCqVilu3br3y9WRwdXVl6tSpPHjwAGdn50z7IiMj6dixI9WqVQNg4MCBODk5KfucnZ0xMDDAwMCA3r17c/bsWeUaLl26hIuLC5Aecmli8r//uF/+LSpUqEDnzp0BaNasGcuXL3/t6xJCCFEySUGTh5SUFEJCQjAyMlLWu6SmpiprRIyNjV+r/Tp16tCxY0el0MiNSqVCX18/0/qQ5OTkTMc4OTkRFBRE69atqVu3LtWrpy9ES0tLY/369dSsWTPL9U2cOJEdO3bQuHFjYmJisLe3B8jzXLmpWbMmBgYG7N27l5CQEP744w9lX1paGiqVKtvv5bb2JS0tjXHjxmUq/l708m/x4jSenp4eGo0EwQkhRFklBU0ejh49Sp06ddi1a5ey7ffff2fGjBlKWvWLjI2NSUgo2LDil19+mSlSwMTEhIYNGxIYGEifPn24fv06V65coWnTppiZmZGamkpUVBTvv/8+oaGhmdpycXGhf//+REVF4erqqmx3cHBg06ZNzJ8/H7VaTVxcHE+fPqVSpUpoNBosLS0B8PPzU77z7rvv5nquvEyZMoXbt29TqVKlTNvbtm2Lr68vsbGxVK1alb1799KuXTtlX3BwMD169ECj0RAaGsp7772nXMO2bdv45JNPqFixIikpKdy4cYMGDRoUqF8FUbOJRZG1LYR4e2g08rRkUZOCJg8BAQFZCpfmzZuj0+n47bffaNy4caZ9w4cPx8PDg3LlyuW5KDiDhYUFTk5ObNmyRdnm5eXFvHnz2Lp1K/r6+qxYsUKZTpk9ezafffYZ1atXx87OLlNb7733Hh988AGnTp3i66+/VrZ7eHiwcuVKZerMwMAADw8PatasiZubG3379sXS0lIZnYH0EZrczpWX5s2b07x58yzb69Wrx5QpU5R1OzVr1lSyoPr378/Vq1fp2bMnFhYW2Nra8tdffwHg7OzM48ePGTp0KJA+YjNo0KAiLWgk+kAIIUqHAmU5Xb9+nR9++IEHDx7w1Vdfcf36dVJTU4v0LxQhipMUNEIIUTIUWpbT4cOHGTp0KDExMcpakqSkJJYtW/b6vRRCCCGEeA35nnLy9vZmy5YtNGzYUHl8uEGDBly5cqXIOlfarVu3jiNHjmTZvmXLljzfJFySXb58mZkzZ2bZPnToUPr161cMPRJCCPG2y/eUk52dHREREahUKlq3bs2pU6fQaDR89NFHhIeHF3U/hSgWMuUkhBAlQ6FNOTVu3DjLa/oPHjxIkyZNXr13QgghhBCFIN8jNNevX2f06NHUqFGDc+fOYWdnx82bN9myZQu1a9cu4m6Kks7BwQFDQ0OMjIyA9BE9Dw+PQmt/165dJCcnM3LkyEJrUwghioIkaxeNvEZoCvSU07Nnz/j555+5e/culpaWdOrU6bVfLCfKhrKQFJ4dSdsWQhSUVavqEnNQBAo1+qB8+fL06NHjtTslyr6QkBC2bdtGamoqADNmzKBt27YAWFtbc/bsWaUYzvi8detW4uPjlZGdR48e0a1bN37++Wc2b95MUlISM2bM4OzZsyxatAidTodGo2HcuHH06tWLmTNnYmhoyK1bt4iOjuaTTz6hc+fO+Pj4cO/ePUaMGJElM0sIIUTZkGtBM3jw4BxfUf+inTt3FlqHROmVkTIO8M9//pO9e/eiUqm4ceMGI0eO5OTJk7l+P+Mtx9OnT0dfX5/Q0FAcHByoUKFCpuN8fX0ZMWIEzs7OpKWlZXoz87Vr1/jXv/6FVqvFwcGBhIQEduzYQWxsLN26daNv374yqiiEEGVQrgWNPIIrCuLFlPELFy4wevRoYmJi0NfX58GDB0rUQU7ee+896taty4kTJ/j4448JDAzMdh2OnZ0dmzZt4u7du7Rv356mTZsq+7p06aJkOFlZWdGxY0f09PQwNzfHzMyMe/fuUbdu3UK+ciGEyKxqVdPi7sJbJ9eCJiPVGNKTjdVqdZF3SJQNkydPZubMmXTp0gWdTkfTpk2VcEu1Wq2EUL4ceOni4kJQUBA1a9YkISGBVq1aZWl75MiRODg4EBYWxqJFi2jfvj3u7u4AyghRxnle/pyRlyWEEEVJ1tAUvkJ7bLtDhw54enpy6dKlQumYKNsSEhKoUaMGAPv37yclJUXZV7NmTS5evAikr7V5UdeuXfntt9/YsmVLpoL6RTdv3qRWrVoMHDiQ4cOHK20JIYR4e+V7UbCvry8hISF8/vnnmJqa4uTkRO/evZUkZCFeNGvWLMaPH4+5uTmtW7fmnXfeUfZ5eHgwb948qlatSqdOnTJ9r3z58nz88ccEBATw008/Zdv29u3biYyMxMDAAENDQ+bMmVNk1yFp20KIgpJk7eJRoMe2AXQ6Hf/5z384cOAAP//8M40aNcLJyYkePXpkWbwpRGknbwoWQoiSodCmnP7XoB516tShTp06VK5cmfv37xMSEkKnTp0ICgp6nb4KIYQQQrySfI/QxMfHc/jwYYKDg7lx4wbdunXDycmJFi1aAP97quW3334r0g4L8SbJCI0QQpQMhfZivY4dO2JnZ8ewYcMyPRqboUmTJnz88cev3lMhhBBCiFeU7xGa+/fvU61atSzb83q3iBClmYzQCCFEyVBoa2i6deuW7faePXsWvFdCCCGEEIUo31NO2Q3kJCYm5isaQYjSKrd/DQghRAZJ2C5+eRY0HTt2RKVSkZycnOWdIY8fP5YRmjw4ODhgaGiY6Y2133zzjfLSufyYOXMmNjY2DB06tMDnDwgIYMmSJVSvXp3U1FRq1KiBp6dnkU0Tzp49GxcXl2zf8FsaSdq2ECI/rFpVL+4uvPXyLGhWrlxJWloaY8eOZcWKFcp2lUpFlSpVqFOnTpF2sCx4MeOooArjVf3t2rXD29ubtLQ0Jk+ezLp161iwYMFrt5sdT0/PImlXCCGEyE2eBU3r1q0BiIiIoHz58kXeobfFlClTuHnzJqmpqdSqVYslS5ZQsWJFIiMjWbJkCa1ateLixYuMGzdO+c7z58/p0qULAQEBygLtxYsX8+677/L555/neU6VSoWtrS3Hjx9Xtvn6+vLjjz+i1WoxNzdn0aJFVK1aFR8fH27evElCQgLR0dHUqlWLtWvXUr58ecLDw1mzZg3JyclotVo+//xzZaRu2LBhjBo1is6dO7Nnzx62bt2KoaEhOp2ONWvWYGVlxcKFC4mIiMDQ0JAKFSqwe/duNBoN//znP3n06BHJyck0adKEBQsWYGhoSEBAAKGhoZiZmXHt2jVMTU3x8fFRRpk2btxIaGgoKpWKChUq4Ofnh56eHoGBgfj5+aHVajExMWH+/PlSgAshRBmV7zU0u3fvpk2bNjRs2JBz584xadIk1Go1K1euVN5FI7Ln5uamTDmp1WoCAgKYPXs2lStXBmD16tX4+voydepUAP744w/mz5/P3LlzAfjxxx8BKFeuHM7Ozuzdu5cvvviCpKQkDh48SGhoaL76kZKSwsmTJ+nRowcAwcHB3L59m71796Knp4efnx/Lli1j1apVAFy6dIn9+/djamrK6NGjCQkJoX///jRq1Ag/Pz/UajUPHjzA1dWVDh06ULFixUznW7FiBaGhoVhaWpKSkoJWq+XKlSuEh4dz+PBh9PT0iI+PV+6Ll5cXlSpVIi0tjRkzZuDv78+gQYMAuHjxIgcOHMDS0pI5c+awY8cO3N3dCQwM5NixY+zatQsTExMePXqEnp4ep0+f5vDhw+zcuRNDQ0NOnDiBh4cHu3fvfuXfUQghciMJ28Ur3wXN1q1b6du3LwCrVq1i5MiRGBsbs3TpUvbt21dkHSwLsptyCg4OJiQkhNTUVJKSkqhdu7ay7/3336d58+bZtjVkyBAGDx7M559/TnBwMO3bt6dKlSq5nj8sLAwnJyfu3LlDgwYN6N69OwDHjh3j0qVLSghkxkhGhg4dOmBmZgakv2fo9u3bAMTFxeHh4UFUVBRqtZr4+Hhu3rxJs2bNMp23TZs2zJo1i48//phOnTpRs2ZNatasiVarZfbs2djZ2dG5c2cgPVJjy5YtnDx5Ep1OR3x8POXKlVPaatGiBZaWlgA0bdqUsLAwAH7++WcGDRqk9LtSpUrKtV25coV+/foB6Yvanzx5kut9EkKI1yEJ20Wr0F6sl5CQgKmpKYmJiVy9epWtW7eiVqtZvnx5oXT0bXL69Gl27drF7t27qVy5MiEhIezdu1fZn1smlqWlJR9++CE//fQTfn5+LFy4MM/zZayhSUxMZPTo0Xh7ezNt2jTS0tIYN26cUqi+7MWFzGq1muTkZADmz5+Pg4MD69atQ6VS0bVrV2Xfi9atW8fFixeJiIhg+PDhzJ8/n44dO3Lw4EEiIyMJDw/Hy8uLwMBAfv31V86cOcPOnTsxMTFhw4YN3Lp1K8e+5LW2KC0tjT59+jBx4sQ8748QQojSL9/vobG0tOTs2bMcOnSIVq1aoVarSUxMRK1WF2X/yqQnT55gYmLCO++8Q0pKCv7+/gX6/tChQ1myZAn6+vo5juRkx8TEhAULFuDn50dsbCwODg74+fkp0z4pKSlcuXIlz3YSEhKoXr06KpWKX3/9laioqCzHaDQaoqOjadKkCWPHjqV9+/ZcvnyZuLg4nj9/jr29PVOnTsXU1JTo6GgSEhKoVKkSJiYmJCQk5HsarXPnzuzatYvExEQAHj16BKQ/XRYcHMy9e/eA9NGnS5cu5atNIYQQpU++R2imT5+Om5sbhoaGeHt7A+nD/R9++GGRda6seHENDaQv5K1Vqxbdu3fH3NwcGxsbLl68mO/2WrdujZGREYMHDy5wXxo0aEC3bt3w9fXFw8ODx48fK4+Dp6WlMWjQIBo0aJBrG1OmTGHBggX4+vpibW2NtbV1lmN0Oh0zZ84kISEBlUqFpaUlU6ZM4e7du8ydOxeNRoNWq8Xe3p5mzZpRr149fvrpJ3r27Im5uTktW7bMdtTnZc7OzsTExDBgwADUajXGxsbs3LkTW1tbJk2axLhx49BqtaSmptKtWzdsbGwKdL9qNrEo0PFCiLeTRiOvdyhu+Y4+yE5qaioABgYGAISGhtKrV6/C6ZnIUXR0NIMGDeLIkSPy5FkRk+gDIYQoGQot+iA7BgYGSjEDMG/evNdpTuTD2rVrGTJkCDNnzpRiRgghhPj/XmuE5mXNmzfn999/L6zmRD49fPiQUaNGZdn+ySef8MUXXxRDj8oOGaERQoiSodCecsoPyXUqHlWqVCE4OLi4uyGEEEIUm9eachJCCCGEKAmkoBFCCCFEqVeoU07vvfdeYTYnRLHLbb5WCCEg/ZHtR4+Sirsbb718Lwpu3bo1p06dyrK9bdu2hIeHF3rHROnl4OCAoaGhEko5btw4JbyyMK1YsYJt27Zx8uRJJRcrO5cvX+bmzZtKhlVBRF+4hyZF3i8hhMiZVavqEnvwBhTaY9sZ75x5eZtOp3u1nokyzdvbmwMHDrBixQpmzZpFXFxcobav0Wg4cOAALVq0yHVBtEaj4fLly/zwww+Fen4hhBAlS55TToMHD0alUpGSksKQIUMy7bt3716BXr0v3j6NGjXC2NiYO3fu4O7uTlxcHPr6+ri7u2Nvbw+AtbU1X3zxBb/++iuPHj1i8uTJdO3aNdd2T5w4Qa1atXBzc2P+/Pl89tlnyj5ra2umTZvGiRMnqF+/Pj/99BOJiYk4OTlha2vLnDlzivSahRBvH0naLn55FjT9+vUjLS2NixcvZgoxVKlUVKlShTZt2hRpB0XpFhERQXJyMtOmTeMf//gH/fr1488//2TIkCEcPnxYmSpSqVTs3r2bGzduMGjQIFq1apVriri/vz+urq60atWK1NRULly4QJMmTZT9Op2O7du3A9C4cWOOHz+uRHYIIURhkymnovfa76FxcXFBq9Vy/PhxevbsiaGhYaF2UJRNGflVJiYmeHl54ebmRp8+fQD44IMPaNiwIefOncPBwQFIL5wB6tSpQ6NGjTh37hwff/xxtm0/fPiQU6dOsWLFCiA9z2n//v2ZChoXF5eivDwhhBAlTL6eclKr1URGRqKvX6gPRYkyzNvbm/r16wMoSdgvy+lFjGlpabm+pDEoKAitVkvv3r2B9HUyz549w8PDg3LlygFQoUKF1+m+EEKIUibfFYqzszO7du3Kso5GiLyYmJjQsGFDAgMD6dOnD9evX+fKlSs0bdpUOcbf35/x48dz69YtLl++nGnfywICAvjmm29o166dsm306NH8+OOPODk5ZXv+hIRXGw6WtG0hRF4kabtkyHdBc+HCBXbs2MHmzZuxsLDI9C/onTt3FknnRNnh5eXFvHnz2Lp1K/r6+qxYsSLTo9aGhoYMHDiQR48esXDhwhzXz5w/f574+Pgsa7ccHR3x9/fPtqBp27YtW7ZsoXfv3rRu3bpAi4Ily0kIIUqHfL+HJjAwMMd9sl5BvA5ra2vOnj2LsbFxcXclCylohBCiZCi0cEoXFxcePHjAhQsXePToEYUY0i2EEEII8VryXdAcPXqUadOm8f777/Pnn3/ywQcfcO3aNVq0aJHpcW4hCurq1atZtj18+JBRo0Zl2f7JJ5/wxRdfvIluCSGEKEXyPeXUq1cvJkyYQPfu3bG1teW3337D39+fP//8kxkzZhR1P4UoFjLlJIQQJUOhRR/cvXuX7t27Z9rm4uJCUFDQK3dOCCGEEKIw5HvKqUqVKjx48IB3332X6tWr8/vvv1OpUiXJchJlmqRtCyFeJunaJVO+C5p+/fpx5swZunbtysiRIxk+fDh6enqZMnRE7hwcHNiwYYPywjkAV1dXZsyYQUREBPXq1cszEdrHx4ekpKQCTfO9mH6dmprKqFGjlDfzFraLFy+ydetWVq1aVSTtv2mSti2EeJlVq+rF3QWRjXwXNGPHjlX+7OzsTOvWrXn27Bl169Ytko69bSZOnFik7We8ufePP/7A1dUVe3t7zM3NC/08H374YZkpZoQQQpQer5xl8N577xVmP956M2fOxMbGhqFDh5KQkICHhwfXrl3D3Nwcc3NzqlSpoozKxMTEMGbMGKKjo6lVqxZr166lfPny+TpP/fr1MTMzIyYmBnNzc27cuMGSJUt49OgRqampjBgxQslcsra2xt3dnSNHjvD48WOmT5+upGBPmTKFmzdvkpqaSq1atViyZAkVK1YkMjKS5cuXExAQwMOHD5kyZQoPHz4E0l9w5+HhwdmzZ1m0aBE6nQ6NRsO4cePo1asXISEhbNu2jdTUVABmzJhB27ZtgfRRJicnJ8LCwoiNjWXUqFEMHToUgOvXr+Pp6UlsbCwAo0aNwsXFhfv377N48WLu3r1LcnIyPXv25PPPPy+kX0wIIURJIuFMb1hGaGOGW7duZTnmm2++wczMjB9++IHHjx/j6uqqFBIAly5dYv/+/ZiamjJ69GhCQkLo379/vs5/5swZKlWqRIMGDdBoNEydOpWVK1dSt25dEhMT6dOnD82aNVNG3kxMTPD39+fMmTNMmjRJ6cfs2bOVN/2uXr0aX19fpk6dmulcISEhvPfee2zduhWA+Ph4AHx9fRkxYgTOzs6kpaUpsQQdOnSgV69eqFQqbty4wciRIzl58qTS3vPnz9mzZw937tzB0dERFxcXjIyMGD9+PJMmTVIWrT969AhIL4jGjx+Pra0tKSkpjBw5kg8//JD27dvn614JIUROqlY1Le4uiJdIQfOGvRjaCOlraF4WGRmpvJ7/nXfeoUuXLpn2d+jQATMzMwCaNGnC7du38zyvm5sbaWlpREdHs27dOgwNDfnzzz+5fv06kydPVo5LTU3lxo0bSkGTsaanWbNm3L9/n+TkZIyMjAgODiYkJITU1FSSkpKoXbt2lnM2bdqU77//nuXLl9O6dWs6dOgAgJ2dHZs2beLu3bu0b99eyW2Kjo5mypQpxMTEoK+vz4MHD4iNjaVq1aqZ+lKjRg3MzMy4d++eMsrz4hN4lSpVIikpiVOnThEXF6dsf/r0KdevX5eCRgjx2mJjXy0fTry6QntTsHhz8kqbfnGER61Wk5ycnGebGYXU4cOHmTZtGj/++CNpaWlUqlSJ4ODgPM+lVquB9GTrixcvsmvXLnbv3k3lypUJCQlh7969Wb7bvHlzgoKCCAsLIzg4mE2bNrFr1y5GjhyJg4MDYWFhLFq0iPbt2+Pu7s7kyZOZOXMmXbp0QafT0bRp00zX9vJ1a7U5L9bV6XSoVCr279+PgYFBnvdHCCFE6SYFTQlkZ2dHUFAQLVq0ID4+np9++olPP/20UNru3r07hw8fZtOmTUyfPp1y5coRFBSEs7MzkL4exdzcHBOTnKvgJ0+eYGJiwjvvvENKSgr+/v7ZHhcdHY2FhQU9e/akVatWfPLJJ+h0OqKiorCysqJWrVpUqFBBeZdRQkICNWrUAGD//v2kpKTkeT116tRBX1+fw4cPZ5pyqlSpEi1btmTTpk1MmDABgL///ht9fX1lxCc/JG1bCPEySdcumaSgKYEmTJjArFmz6NmzJ9WrV6dFixa5FhgFNWXKFFxdXRkzZgwbNmxgyZIlbN68GZ1OR5UqVVizZk2u37e3t+fAgQN0794dc3NzbGxsuHjxYpbjTp06xffff49arUan07FgwQL09PTYvn07kZGRGBgYYGhoqEyvzZo1i/Hjx2Nubk7r1q1555138rwWfX191q9fz8KFC1m/fj0qlYpRo0bh7OyMl5cXS5cuxdHREQBjY2M8PT0LVNDIm4KFEKJ0yHf0gXhzUlNT0el0GBkZkZiYyKBBg5g1axbt2rUr7q69daSgEUKIkkHW0JRCT548YcyYMWi1WpKTk+nVq5cUM0IIIUQuZISmjFi3bh1HjhzJsn3Lli1UqVKlGHpUNsgIjRBClAx5jdBIQSNELqSgEUKIkqHQ0raFEEIIIUoqWUMjRC4kbVsIkUFStku2N1LQODg4kJKSwokTJ5QXtPn7++Ph4cHcuXOVTJ7i8qYSoq2trTl79izGxsb5Ov7OnTv8+uuvDBgw4JXPGRAQwJIlS6hevTqpqanUqFGjwI8uF8Ts2bNxcXGhVatWRdL+myZp20KIDJKyXbK9sSmnqlWr8p///Ef5HBQUROPGjd/U6XOk0WhKbEL0X3/9xZ49e167nXbt2hEcHMzBgwcxNjZm3bp1hdC77Hl6epaZYkYIIUTp8camnFxcXAgICKBjx45ER0fz7NkzJdMoPDycNWvWkJycjFar5fPPP6dnz54ADBs2DBsbG86dO8f9+/fp3r27EoKY277ckpYdHBzo06cPERER1KxZEycnpzwTogMCAggNDcXU1JSrV69ibm7O3LlzWbFiBVFRUdjY2ODl5ZVrZEFOckquXrhwIXfu3MHJyYn3338fb2/vXNOx86JSqbC1teX48ePKNl9fX3788Ue0Wi3m5uYsWrSIqlWr4uPjw82bN0lISMiS6p3X7zVq1Cg6d+7Mnj172Lp1K4aGhuh0OtasWYOVlRULFy4kIiICQ0NDKlSowO7du9FoNPzzn//k0aNHJCcn06RJExYsWIChoaFy783MzLh27Rqmpqb4+Pgoo0wbN24kNDQUlUpFhQoV8PPzQ09Pj8DAQPz8/NBqtZiYmDB//nzq1KlT4N9HCCFEyffGCho7Ozv8/PyIj48nMDAQZ2dnLl26BECjRo3w8/NDrVbz4MEDXF1d6dChAxUrVgTSX1m/c+dOnj59SpcuXejbt68ShpjTvrySlmNjY9m+fTuQHgaZIaeEaEifmgoJCcHCwoJ//vOfTJkyhR07dlC+fHlcXFwIDw9/pffF5JRcPW/ePKXQAvKVjp2blJQUTp48qYQ8BgcHc/v2bfbu3Yuenh5+fn4sW7ZMGa3KKdU7r98rw4oVKwgNDcXS0pKUlBS0Wi1XrlwhPDycw4cPo6enp9xftVqNl5cXlSpVIi0tjRkzZuDv78+gQYOUe3/gwAEsLS2ZM2cOO3bswN3dncDAQI4dO8auXbswMTHh0aNH6Onpcfr0aQ4fPszOnTsxNDTkxIkTeHh4sHv37gL/PkIIkUFStkuuN1bQqFQqunfvzsGDBzl06BC7du1SCpq4uDg8PDyIiopCrVYTHx/PzZs3adasGQDdunVDT08PU1NT6taty+3bt5WCJrt91apVyzNpOSO76GU5JUQDtGjRAguL9Gyfhg0bUr16dUxN0//jbtCgAVFRUa9U0OQnuRrg1q1beaZjZycsLAwnJyfu3LlDgwYNlMyjY8eOcenSJVxcXACUkYwMOaV65/V7ZWjTpg2zZs3i448/plOnTtSsWZOaNWui1WqZPXs2dnZ2dO7cGUgPk9yyZQsnT55Ep9MRHx9PuXLllLZatGiBpaUlkP4bhYWFAfDzzz8zaNAgpd+VKlVSru3KlSv069cPSA/8fPLkSY73SAgh8kNStotPiXpTsKurK/369aN169bKXzwA8+fPx8HBgXXr1qFSqejatWu+U5az25efpOUKFSpkuz2nhOjszlWQ9OecnD59Ol/J1UC+0rGz065dO7y9vUlMTGT06NF4e3szbdo00tLSGDduHH379s32ezmleuf1e2VYt24dFy9eJCIiguHDhzN//nw6duzIwYMHiYyMJDw8HC8vLwIDA/n11185c+YMO3fuxMTEhA0bNnDr1q0c+5LXvU5LS6NPnz5MnDixILdKCCFEKfVG30NTs2ZN3N3dGT9+fKbtCQkJVK9eHZVKxa+//kpUVNRrncfExERJWs7w999/Exsbm+d3o6OjMTExoWfPnsyaNYv//ve/6HS61+pPbnJLrjYxMSExMVH5bGVlpaRjZ7h+/XqmY3JjYmLCggUL8PPzIzY2FgcHB2UaENKnpK5cuZJnO/n5vTQaDdHR0TRp0oSxY8fSvn17Ll++TFxcHM+fP8fe3p6pU6diampKdHQ0CQkJVKpUCRMTExISEggNDc3XNXXu3Jldu3Yp9+DRo0dA+jqp4OBg7t27B6SPPmWMCAohhCh73vh7aLJ7BHnKlCksWLAAX19frK2tsba2fu3zvGrSck4J0YWlW7duysLh8uXLc/DgwRyTq62trbGysqJXr17UqVMHb2/vV0rHflGDBg3o1q0bvr6+eHh48PjxY+Wx+bS0NAYNGkSDBg1ybSM/v5dOp2PmzJkkJCSgUqmwtLRkypQp3L17l7lz56LRaNBqtdjb29OsWTPq1avHTz/9RM+ePTE3N6dly5bZjvq8zNnZmZiYGAYMGIBarcbY2JidO3dia2vLpEmTGDduHFqtltTUVLp164aNjU2+7xVAzSYWBTpeCFF2aTTyCoeSTKIPhMiFRB8IIUTJINEHQgghhCjzJPqgkM2bN4/z589n2qZWq5VHr4vCw4cPGTVqVJbtn3zyCV988UWRnVcIIYQoKWTKSYhcyJSTEEKUDDLlJIQQQogyTwoaIYQQQpR6sobmLZdXEnrGC/VGjhyZazs//fQTp0+fZsaMGYXWtxdzodauXUu9evWU2IY3JbfhTSHE20Wj0fLoUVJxd0PkQAoaoSShd+zYEcichJ6RpZSXjz/+mI8//rjI+lhcb/yNvnAPTYq8e0IIAVatqhd3F0QupKARuSah+/j4kJSUxIwZM3JNvQ4ICOD48eN4e3sTGRmJp6cnTZo04fz58+jr67NixQrWrVvHtWvXsLS0xMfHhwoVKuSa3P2imTNnYmNjw9ChQzl69Chr165FT08PrVbL3LlzsbOzY9iwYTRu3JgLFy7w119/MXz4cMzNzdmxYwf3799n2rRpSo6VEEKIskUKGpFrEvrLckq9ftn169dZvnw5ixcvZsGCBYwePZq9e/diYWHBmDFjOHjwIP369ct3cveLvL29+eqrr2jVqhVarZZnz54p++7du8eOHTuIjY3l008/ZeTIkezevZsLFy7wxRdfSEEjhHgtkrZdcklBI3JNQn9ZTqnXL7OysqJhw4YANGrUiLt37ypJ5Y0bN1byn/Kb3P2iNm3asGzZMrp164a9vb0ymgT/S183NzfnnXfeoUuXLso5Y2JiSE5OzhR0KYQQBSFp28VHHtsW+eLq6oq3tzf169fPlIT+svymXhsaGmY6LqfvzZ8/n9atWxMSEkJwcDAWFhZ5Zjh5eHjg6emJgYEBEydOzJROnlMiesaCZ41Gk2vbQgghSicZoRHA/5LQmzZt+kbP+ypJ6zdu3FBCMZOSkrh48SL9+/d/A70VQghRUklBIxTZJaEXtVdJWl+1apUyRWVmZoanp2eR9U/StoUQGSRtu2ST6AMhciHRB0IIUTLIGhohhBBClHlS0AghhBCi1JOCRgghhBClnhQ0QgghhCj1pKARQgghRKknj20LkQtJ2xZCSMp26SAFjShU1tbWnD17FmNjY2WbnZ0d/v7+1KhRAwcHBzZs2JAprgBg165dJCcnM3LkyDfc49xJ2rYQQlK2SwcpaESJMGjQoOLughBCiFJM1tCIYrNlyxZGjBhBQkICPj4+LF++HIBevXpx4cIF5bjvv/+euXPnAnDhwgUGDBiAo6MjAwYMyHRcdhITE5k9ezZ9+/bF0dGRxYsX55g/JYQQovSSERrxxul0OhYvXsyjR4/w9fXNFGQJMGTIEHbt2kWTJk1IS0tj165deHt7k5KSgpubG0uWLKFdu3aEh4fj5ubGv//97yxtZFi6dCm2trZ4enqi0+mYOnUq/v7+kv0khCiQqlVNi7sLIg9S0Ig3QqVSKX/28PCgefPmeHl5ZdqewdnZmW+++YbHjx9z4cIFqlSpQoMGDbh69SoGBga0a9cOgLZt22JgYMDNmzdzzIA6duwYFy5c4Pvvvwfg+fPnmJubF8EVCiHKstjYhOLuwlsvr+gDKWhEoapcuTKPHz9WFgVrNBoSExOpXLmycoytrS2nTp0iLi6OKlWqZGmjfPnyODo6EhAQwKlTpxgyZAgAaWlp2RZA2W3LkJaWxvr166lZs+brXpoQQogSTAoaUajatWvHnj17mDx5MgB79uyhadOmlC9fXjmmT58+NG7cmJEjR/Ldd99lO2IyePBghg4dilarxdvbG4A6deqQkpJCREQEbdq0ISIiAo1GQ+3atXPsj4ODA5s2bWL+/Pmo1Wri4uJ4+vRpvgscSdsWQkjKdukgBY0oVLNnz8bT0xNHR0f09PSwtLRkxYoVWY7r3bs3RkZGjBw5El9f3yz7a9asSZ06dWjSpImyPsbQ0BBvb288PT1JSkqiQoUKrF27Nsf1M5A+vbVy5UqcnJxQqVQYGBjg4eGR74JG0raFEKJ0UKWlpcn/W4sSJzExkW7durF//34sLIpvlEQKGiGEKBnyWkMjj22LEmfXrl306NGDUaNGFWsxI4QQovSQERpR6l2+fJmZM2dm2T506FD69ev3Wm3LCI0QQpQMeY3QSEEjRC6koBFCiJJBppyEEEIIUebJU06lmIODA4aGhhgZGSnbvvnmG2rUqFGMvcpq9uzZuLi40KpVq1duY8yYMcydO5datWoVYs/yJmnbQpRtOk0qDx89L+5uiEIgU06lWE7J1a9Lp9OhUqlyfWHd2yLtxgHQPC3ubgghioiq/iB5C3ApIW8Kfstcv36dUaNG4efnR/Xq1fHx8eHGjRusXr0aHx8f/vzzT5KSkrh79y516tRhyZIlmJqa4uPjQ1RUFElJSURHR7Njxw7OnTvHt99+S0pKCgYGBsyaNYtmzZpx48YNZs2axbNnz9DpdLi4uDB69GiOHj3K2rVr0dPTQ6vVMnfuXOzs7Bg2bBijRo2ic+fOPHjwgK+++orbt28DMHr0aJydnYH0As3JyYmwsDBiY2MZNWoUQ4cOVfZlFG/r1q0jNDQUIyMjVCoV27Ztw8zMDGtrayZNmsTRo0d5/PgxixcvJiwsjF9++QWNRsPatWupW7ducf00QgghipAUNKWcm5ubMuWkVqsJCAjA3d0dd3d33NzcCA0Nxd/fXzn+zJkzBAUF8e677zJr1izWr1/PjBkzADh9+jQBAQFUrlyZ27dvs379ejZv3oyJiQnXrl1jzJgxHD9+HD8/P+zt7ZkwYQIA8fHxAHh7e/PVV1/RqlUrtFotz549y9LfxYsXU69ePb755hvu37+Pq6srjRo1UkaZnj9/zp49e7hz5w6Ojo64uLgoMQoZ59q8eTPh4eGUK1eOxMREypUrp+w3MzPD39+fw4cPM378eFavXs2UKVPw9fXl22+/xcvLq5B/ASGEECWBFDSlnLe3d5YpJ2dnZyIiIpgwYQI7d+7ExOR/Q3SdOnXi3XffBaBv374sXrxY2Wdvb69kLv3yyy/cvn1byVGC9FymBw8eYGtry/Lly0lNTcXOzo42bdoA0KZNG5YtW0a3bt2wt7fPdiosPDxcecS6WrVqdOzYkcjISOXYHj16AFCjRg3MzMy4d+9eplEVExMTrKysmDZtGh999BGdOnXKdH3du3cHoHHjxsr1AtjY2HDkyJF831chxNtDkrTLBiloyqCUlBSuXbuGqakpDx8+zPG4l8MeXxwJAfjoo4+yjS3o2rUrzZo149dff8XX1xd/f3+8vLzw8PDg6tWrREREMHHiRD777DP69++f5fsvr8158fOLC5zVajVabeYMFbVazd69ezl79iwRERG4urry3Xff0aBBg0zf19PTyxSJoKenh0ajyfFeCCHeXrKGpnSQx7bfQitWrKBx48Z8//33fPXVV9y7d0/Zd/z4ceLi4gAIDAzEzs4u2zbat2/PL7/8wrVr15RtFy5cACAqKoqqVavi6urKhAkTuHjxIgA3btzA2tqaESNG0Lt3b2X7i9q2bcuePXsAiI2N5cSJEzn2ITuJiYnExcXRunVr3NzcqF+/fqY+CiGEeDvJCE0p9+IaGkgPfTx16hT79u3DyMiICRMmMHnyZLZt2wakFxQeHh5ER0djZWWV7Rt2AWrXrs3KlSuZPXs2z58/JzU1lRYtWtCkSRMOHz5MSEgIBgYGqFQqPDw8AFi1ahVRUVGo1WrMzMzw9PTM0u6cOXOYN28ejo6OAEydOpV69erl+3oTExP58ssvef78OWlpaTRq1IhPP/00398vKFWd3kXWthCi+Ok0qcXdBVFI5LHtt4iPjw9JSUnKImCRN3lTsBBClAwy5SSEEEKIMk9GaITIhYzQCCFEySAjNEIIIYQo86SgEUIIIUSpJwWNEEIIIUo9KWiEEEIIUerJe2iEyEVuC9CEEKWDTpPKw0fPi7sboohJQfMCBwcHKlSowIEDB9DT01O2ZaQ859fly5e5efOmkksEYG1tzdmzZ7PECxS1O3fu8Omnn1KvXj10Oh0GBgbMmTOHFi1aFMn5du3aRXJyMiNHjiyS9t+0tBsHQPO0uLshhHgNevUHAVLQlHUy5fSSpKQkgoODX/n7Go2Gy5cv88MPPxRir/7X9qswNTUlODiYkJAQ+vbty+zZswu5Z/8zaNCgMlPMCCGEKD1khOYlX3zxBT4+PvTs2TNTuGFUVBTz5s0jLi4OfX193N3dsbe3B9JHX6ZNm8aJEyeoX78+P/30E4mJiTg5OWFra8ucOXMA2L59O0eOHOHx48dMnz6drl27AnD+/Hm8vLx4+jR9JMDNzY1OnTpx584d+vTpw9ChQwkLC6N3794cOnQIGxsbzp07x/379+nevTtTp07N9/XZ2dllCpw8ceIE3377LSkpKRgYGDBr1iyaNWtGZGQkS5YsoWnTpvz++++oVCpWr15N3bp1iY2NZfLkyTx9+pTk5GQ6duzI9OnTgcxvIz579iyLFi1Cp9Oh0WgYN24cvXr1Ys+ePWzduhVDQ0N0Oh1r1qyhbt26LF++nFOnTpGamkqlSpVYsmQJ1atXV+7DwIEDOXHiBM+ePcPT05NWrVoB8PPPP+Pj44NGo0FPT49ly5bRoEGDHO+rEOLtI4naZZ8UNC+xsbHBxsaGXbt2MWLECGX71KlT6d+/P/369ePPP/9kyJAhHD58mMqVKwOg0+nYvn07AI0bN+b48eN4e3tnatvExAR/f3/OnDnDpEmT6Nq1K0+ePOGrr75i06ZNVKtWjfv379O3b19CQ0MBePz4MXXr1uXLL78E4NChQ/z999/s3LmTp0+f0qVLF/r27Uvt2rXzdX1HjhxRpsJu377N+vXr2bx5MyYmJly7do0xY8Zw/PhxAP7880+WLl3KwoUL+fbbb1m/fj2rVq3CzMyMDRs2YGxsTGpqKqNHj+bkyZNKgZfB19eXESNG4OzsTFpaGgkJ6Ym2K1asIDQ0FEtLS1JSUpRE7TFjxiixDPv27cPLy4vVq1cr96FZs2a4u7tz4MABvLy82L17Nzdv3mTOnDns3LmT2rVrk5KSQkpKSq731czMLF/3SghRdkiidumX14v1pKDJxqRJkxg+fDh9+/YFIC0tjcuXL9OnTx8APvjgAxo2bMi5c+dwcHAAwMXFJc92MwqJZs2acf/+fZKTk/n999+5c+cOY8aMUY5TqVRERUVRqVIljIyM6N69e6Z2unXrhp6eHqamptStW5fbt2/nWtAkJCTg5OREXFwcWq1WSbv+5ZdfuH37NkOGDFGO1Wg0PHjwAAArKysaNWqk9Pnnn38GQKvVsmLFCn7//XfS0tJ48OABV65cyVLQ2NnZsWnTJu7evUv79u1p2rQpAG3atGHWrFl8/PHHdOrUiZo1awJw8uRJ/Pz8SEpKyjK9VqFCBTp37qz0Zfny5QCEhYVhb2+vXL+hoSGGhoacOHEix/v64Ycf5nivhBBClE5S0GSjTp06dOzYke+//x5IL2iyo1KplD9XqFAhz3YzUrHVajWQXjykpaVhbW3Nzp07sxx/584dypcvn+k8L7aT0VbGCEdOMtbQaLVali5dyuTJk9m3bx8AH330UaYpqAzXr1/PNOWmp6enFBnff/89T548URK9586dS3JycpY2Ro4ciYODA2FhYSxatIj27dvj7u7OunXruHjxIhEREQwfPpz58+fzwQcfsHTpUvbv30/NmjU5e/Zspqm0nPqS02+T230VQghR9khBk4Mvv/wSV1dXtFotenp6NGzYkMDAQPr06cP169e5cuWKMuLwMhMTE2V6JS/NmzcnKiqKiIgI2rRpA8CFCxeKZBRBrVYzbdo0unbtytGjR2nfvj3r1q3j2rVr1KtXTzl3kyZNcm0nISGBqlWrYmRkRExMDD/99BODBg3KctzNmzexsrKiVq1aVKhQgaCgIDQaDXfv3qVJkyY0adKE27dvc/nyZSwsLDAwMKBq1arodDp2796dr2vq0KED3377Lbdu3co05ZTbfX25QMyNqk7vfB8rhCiZdJrU4u6CeAOkoMmBhYUFTk5ObNmyBQAvLy/mzZvH1q1b0dfXZ8WKFcr6mZe1bduWLVu20Lt3b1q3bq0sCs5OxYoVWb9+PStXrmTJkiWkpqZSs2ZNNmzYUCTXZWRkxKRJk/jmm28IDAxk5cqVzJ49m+fPn5OamkqLFi3yLGiGDRvGxIkTcXZ2xsLCgrZt22Z73Pbt24mMjMTAwABDQ0PmzJmDTqdj5syZJCQkoFKpsLS0ZMqUKVSqVIlu3brRs2dP3nvvPWxtbTl9+nSe11O7dm0WLVqEu7s7Wq0WtVrNsmXLsLa2zvG+FqSgkXBKIYQoHSRtW4hcSEEjhBAlg6RtCyGEEKLMkymnMuLzzz/n77//zrTN0tKyyKauhBBCiJJEppyEyIVMOQkhRMkgU05CCCGEKPNkykmIXEjathBFS6fT8vBhUnF3Q5QBUtAUgtTUVNavX8+hQ4fQ19dHp9PRsWNHpkyZgoGBQbbfmTlzJjY2NgwdOrRQ+uDj44Ofnx/VqlVTtu3cuZMhQ4awZ88eypUrl+v3c0sDzytxPDIykrFjx1K7dm20Wi1Vq1Zl0aJF1KhRI8fz5TeVO7vkcicnp3xdU+G4CKS8gfMI8XbS02tZ3F0QZYQUNIVg1qxZJCcn4+/vj4mJCampqQQEBCiBj4VFo9Ggr5/zT+bs7KxkIWV4neTwgqhbty4BAQEALF26lGXLlrFu3bocj8/uRXzZuXz5MsePH89U0LypaxJCCFF6SEHzmm7dusXRo0c5ceIEJibp0xMGBgYMGDAArVbL8uXL+eWXX4D0mIGpU6cq0QcZnj59yuLFi7l48SIAvXv3ZuzYsUD6S+yaN2/O+fPnMTIyYtOmTQXq34sjLzdu3GDJkiU8evSI1NRURowYoeRTvej06dMsWLAAIyMjmjVrlmO8QE7atWvHihUr8p3KHRAQoIRGXrt2DVNTU3x8fNDX18fb2ztLcvmL1+Tg4ICTkxNhYWHExsYyatQoZdQr4zogPVfqp59+YuPGjTmONAkhhCi9pKB5Tf/3f//H+++/T8WKFbPs27NnD5cvX1ZGLsaMGcOePXsYPHhwpuPWr1+PTqcjJCSEp0+fMmDAAKytrenYsSMAf/zxB5s3b851dAYgKCiIsLAwAFq0aMFXX32l7NNoNEydOpWVK1dSt25dEhMT6dOnD82aNaNu3brKcSkpKbi7u+Pl5YWdnR2HDh1SUsTzQ6fT8eOPP9KwYcN8p3IDXLx4kQMHDmBpacmcOXPYsWMH7u7uuLm5ZZtc/qLnz5+zZ88e7ty5g6OjIy4uLhgYGDB58mS+/vprWrVqxZEjRwp0HUKIN6dqVdPi7oIoA6SgKULh4eG4uLgowYqurq4cPXo0S0ETHh6Oh4cHKpUKExMTevbsSXh4uFLQODo65lnMQPZTThlu3brF9evXmTx5srItNTWVGzduZCpobty4Qfny5bGzswPSE8LnzZuX57mvX7+Ok5OTEgo5a9asfKdyQ3oBZmlpCUDTpk2Vwiw/MqajatSogZmZGffu3SM1NZVy5crRqlUrAD755BPMzMzy3aYQ4s2Jjc1f9p14u+X12LYUNK+pUaNGREVFER8fn2WUJi0tLUtuUHY5Qnkdl58k77ykpaVRqVKlIlt/8uIamgzffPNNvlK5oeAJ4vn5bkEym4QQQpRuUtC8ptq1a+Pg4MC8efPw9PTExMQErVbLjh07sLOzIzAwkO7duwPpU0KffvppljbatWvH/v37adGiBU+fPuXQoUPKWpPCYmVlRbly5QgKCsLZ2RlIH1UxNzdX1v4A1KlTh+fPn/Pbb79ha2vLDz/8kO/k8JflN5U7NwVJLn9RnTp1SEpK4syZM7Rs2ZKjR4/y5MmTArcDhZ96LoT4H50u//94ESI3UtAUgmXLlvHNN9/Qp08fDAwMlMe23d3d+euvv3BxcQGgQ4cO9O/fP8v3x48fz6JFi3B0dATSFwVnNy3zOvT19dmwYQNLlixh8+bN6HQ6qlSpwpo1azIdZ2hoyNdff60sCm7Tpg3vvffeK50zv6ncuSlIcvmLDA0NWbVqFfPnz6dcuXK0adOGd999F1PTgs3Vy5uChRCidJDoA1FmJSYmKqNPERERzJw5k2PHjqGnl/8XZEtBI4QQJYOsoRFvrX//+99s3bqVtLQ0ZcSmIMWMEEKI0kNGaEqRy5cvM3PmzCzbhw4dSr9+/Yr8/K6urlkW6zZt2pSFCxcW+bmLi4zQCCFEyZDXCI0UNELkQgoaIYQoGSRtWwghhBBlnqyhEUXiVQI7X4xDeFl+wywLm6RtC1G4JF1bFBUpaESRKOzAzoK+v6bwSNq2EIVJ0rVFUZGCRhS63AI7Xx6Fefnz3bt3GTNmDHfv3qVOnTosWbJECavMOO7s2bMsWrQInU6HRqNh3Lhx9OrVi5kzZ2JoaMitW7eIjo7mk08+oXPnzvj4+HDv3j1GjBjBiBEjiu2+CCGEKDpS0IhCl1tgZ17OnDlDUFAQ7777LrNmzWL9+vVZpqB8fX0ZMWIEzs7OpKWlZXqT8LVr1/jXv/6FVqvFwcGBhIQEduzYQWxsLN26daNv374YGxu/9jUKIYQoWaSgESVKp06dePfddwHo27cvixcvznKMnZ0dmzZt4u7du7Rv356mTZsq+7p06aKEgVpZWdGxY0f09PQwNzdXgitfDOMUQrx5kq4tioIUNKLQ5RbYqVar0el0yuecwioh+9BOgJEjR+Lg4EBYWBiLFi2iffv2uLu7A1mDKl8n9FIIUTQkXVu8CnlsW7xxLwZ2JiYmAqDVavnXv/7Fe++9x3//+190Oh2JiYkcP34803ePHz9OXFwcAIGBgdjZ2WVp/+bNm9SqVYuBAwcyfPhwLl68WOTXJIQQomSTERpRJHIK7Bw0aBBHjhyhZ8+evP/++zRu3DjT99q2bYuHhwfR0dFYWVll+2bk7du3ExkZiYGBAYaGhvkOrHw1krYtRGGSdG1RVORNwULkQt4ULIQQJYNMOQkhhBCizJOCRgghhBClnhQ0QgghhCj1pKARQgghRKknBY0QQgghSj0paIQQQghR6sl7aITIRW6PCArxttFqNMQ9elbc3RAiW29dQRMfH0+HDh0YOHAgs2fPBrImPudHQEAAzZs3x8rKqlD7t3XrVhwdHalSpUquxzk4OGBoaJjp1f7ffPMNNWrUKNT+FIbZs2fj4uJCq1atXrmNMWPGMHfuXGrVqlWIPctbzPUwtJrnb/ScQpRU71k7FHcXhMjRW1fQhISE0KxZMw4ePMi0adOUIMOCCgwMpFKlSjkWNFqtFrVaXeB2t23bRrt27fIsaAC8vb2pX79+gc+RF51Oh0qlyjZH6VV4enq+dhu+vr6F0BMhhBBl1VtX0Pj7+zN9+nQ2btzIsWPH6NatGwB3795lzJgx3L17lzp16rBkyRJMTU05evQoa9euRU9PD61Wy9y5c7lz5w6XLl1i8eLFrFmzhhkzZnDv3j0OHjxI5cqVuX79Op6enoSHh3Pw4EG0Wi1GRkbMnz+fhg0bAvD777+zYsUKnj59CsD06dO5ePEi9+/fx83NDSMjI1atWsUHH3xQoOu7fv06o0aNws/Pj+rVq+Pj48ONGzdYvXo1Pj4+/PnnnyQlJWW5Th8fH6KiokhKSiI6OpodO3Zw7tw5vv32W1JSUjAwMGDWrFk0a9aMGzduMGvWLJ49e4ZOp8PFxYXRo0dne6/s7OwYNmwYo0aNonPnzjx48ICvvvqK27dvAzB69GicnZ2B9FEnJycnwsLCiI2NZdSoUQwdOlTZt2HDBurXr8+6desIDQ3FyMgIlUrFtm3bMDMzw9ramkmTJnH06FEeP37M4sWLCQsL45dffkGj0bB27VpJ2hbiNUlStiip3qqC5sqVK8THx9OmTRtiY2Px9/dXCpozZ84QFBTEu+++y6xZs1i/fj0zZszA29ubr776ilatWqHVann27Bl2dnYEBQUpf0lD+hTU2bNnCQ4OVqZFzM3NGTVqFABhYWF89dVX7N27l8ePH/PFF1/g4+NDixYt0Gq1JCYm0qFDB/bt25fvkZeMwgfSk6QDAgKoW7cu7u7uuLu74+bmRmhoKP7+/sp3crpOgNOnTxMQEEDlypW5ffs269evZ/PmzZiYmHDt2jXGjBnD8ePH8fPzw97engkTJgDp03hAtvfqZYsXL6ZevXp888033L9/H1dXVxo1aqRc7/Pnz9mzZw937tzB0dERFxcXjI2Nle/Hx8ezefNmwsPDKVeuHImJiZQrV07Zb2Zmhr+/P4cPH2b8+PGsXr2aKVOm4Ovry7fffouXl1d+/lMRQuRAkrJFcckr+uCtKmj279+Pk5MTKpWKTz/9lMWLFxMTEwNAp06dePfddwHo27cvixcvBqBNmzYsW7aMbt26YW9vn2uh0aJFi0xrPC5dusTGjRuJj49HpVJx69YtAM6dO0fdunVp0aIFkF6MVKxYscDXk1Ph4+zsTEREBBMmTGDnzp2YmPzvP4CcrhPA3t6eypUrA/DLL79w+/ZthgwZouzXaDQ8ePAAW1tbli9fTmpqKnZ2drRp0wbI370KDw9XAierVatGx44diYyMVI7t0aMHADVq1MDMzIx79+5lGlUxMTHBysqKadOm8dFHH9GpU6dM19e9e3cAJfSyU6dOANjY2HDkyJF83VchhBClz1tT0KSkpBASEoKRkRHBwcEApKamEhgYmOXYtLQ0Zf2Ih4cHV69eJSIigokTJ/LZZ5/Rv3//bM/x4khCSkoKEydOZMeOHTRu3JiYmBjs7e2V9otSSkoK165dw9TUlIcPH+Z43IvXCZn7D/DRRx+xYsWKLN/r2rUrzZo149dff8XX1xd/f3+8vLzyfa9eXpvz4ucXFzmr1Wq02szJvGq1mr1793L27FkiIiJwdXXlu+++o0GDBpm+r6enl2l9lJ6eHhqNJsd7IYQQonR7awqao0ePUqdOHXbt2qVs+/3335kxYwaOjo4cP36cuLg4KleuTGBgIHZ2dgDcuHEDa2trrK2tSUpK4uLFi/Tv3x9jY2MSEnIeek1JSUGj0WBpaQmAn5+fsq958+bMmTOH33//nebNmytTThUrVsyz3fxYsWIFjRs3ZtmyZYwZM4bdu3djYWEBkON1vqx9+/asW7eOa9euUa9ePQAuXLhAkyZNiIqKombNmri6uvL+++/j4eGR6716Udu2bdmzZw9ubm7ExsZy4sQJRo4cme9rS0xMJCkpidatW9O6dWvOnTvHtWvXlIKmsJnXbVck7QpRGmnlHwWiBHtrCpqAgAAcHR0zbWvevDk6nY7ffvuNtm3b4uHhQXR0NFZWVsq0yKpVq4iKikKtVmNmZqY8sTNgwACWL1/Oli1bmD59epbzmZiY4ObmRt++fbG0tFRGZwDeeecdfHx8WLZsGUlJSejp6TFjxgzatWvH8OHD8fDwoFy5cnkuCn5xDQ2gTKGdOnWKffv2YWRkxIQJE5g8eTLbtm0DyPE6X1a7dm1WrlzJ7Nmzef78OampqbRo0YImTZpw+PBhQkJCMDAwQKVSKQVNTvfqRXPmzGHevHnKbzF16lSlYMqPxMREvvzyS54/f05aWhqNGjXi008/zff3C+rhw0R0uqIdURNCCPH6VGlFPf8hSoxXed/O204KGiGEKBnyWhQs0QdCCCGEKPVkhKYEW7duXbZP5mzZsiVfL94Tr09GaIQQomTIa4RGChohciEFjRBClAwy5SSEEEKIMu+tecpJiFchadviTdBqdcTFPS3ubghRqklB8wZll/T9ql7MR8rJkydP2LNnD2PGjFG2vW7ydX7Om5iYyOrVqzl58qTyWHmvXr34/PPPc2175syZ2NjYKPlNL1q7di316tVT3iT8piQmJhb5ixCFMDWVfCQhXpdMOb1BLyZ9p6SkFPn5njx5wnfffZdpm6en5ysXM/mRlpbGP//5T9LS0jh48CChoaHs378/y1uIC2rixIlvvJgRQghRekhB8wb5+/szfvx46tevz7Fjx4D0d8NMnjyZMWPG0K1bN8aOHauEOoaHhzNgwACcnZ1xdHTk4MGDWdqMiYmhQ4cOJCcnK9s+//xzQkJCWLhwIQkJCTg5OTFw4EAgfYTl559/BiAhIYFZs2bh6OhI7969WbhwYb7Pm5Pw8HD++usvZs2apUQPlCtXjmHDhgHpozA7duxQjn/585UrVxg5ciRdu3Zlzpw5SuH34nFHjx7F0dERJycnevXqRWRkpHJty5YtY/DgwXTs2JHNmzcTGhrKwIEDcXBw4PDhw/m+DiGEEKWLTDm9IbklfV+6dIn9+/djamrK6NGjCQkJoX///jRq1Ag/Pz/UajUPHjzA1dWVDh06ZAqyNDc3x9bWlkOHDuHi4sJff/3FpUuX8Pb2pnnz5vTp00fJrnrZkiVLqFChAsHBwejp6REXFweQr/Pm5L///S+NGjXCwMDgle7T+fPn2b17N0ZGRowdO5a9e/dmmYLKLdX73r177Nixg9jYWD799FNGjhzJ7t27uXDhAl988YUSXilESVO1qkw7CfE6pKB5Q3JL+u7QoQNmZmYANGnShNu3bwMQFxeHh4eHEicQHx/PzZs3adasWaa2hw0bxtKlS3FxcWHXrl306dMnUzBjTn7++WcCAgLQ00sfqMtI2s7vebPzuutNevTooUxPOTs78+9//ztLQZNbqne3bt3Q09PD3Nycd955hy5dugAoAaHJycmZ4iKEKCliY18vw02Isk4e2y4BMpK+/f39cXBwoEePHpmSvnNKmJ4/fz6tW7cmJCSE4OBgLCwsMk0tZWjRogVarZYzZ84QFBSkTC+9qvyeNzs2Njb83//9X47J1mq1Gp1Op3zOrd2X08AzeHh44OnpiYGBARMnTmTv3r3KvpfvZcZntVoNIInbQghRRskIzRuQV9J3ThISEqhevToqlYpff/2VqKioHI8dNmwYkydPplmzZkrCt4mJCc+fP0ej0aCvn/Wn7ty5M5s3b2bOnDmoVColhbsg531Z27ZtsbCwYNmyZUyfPh1DQ0OSk5P517/+xdixY6lVqxYXL14E4P79+0RGRtKyZUvl+z/88AMjRozA0NCQAwcOZPs0VX5SvQuLiYk8ti2Knlary/sgIUSupKB5A/JK+m7cuHG235syZQoLFizA19dX+Qs8Jz179mThwoUMHjxY2fbOO+/g6OiIo6MjFStWZPfu3Zm+M2vWLJYsWUKvXr1Qq9W0bt2aOXPmFOi8L1OpVHz33XesWrWKHj16UL58eQDl+vv374+bmxu9e/emdu3aNGnSJNP3bW1tmTBhAnfv3sXW1jbbQiU/qd6FRd4ULIQQpYNEH5QRp0+fZv78+YSEhGQ7TSNejRQ0QghRMuS1hkZGaMoADw8PwsLCWL58uRQzQggh3koyQiNeybx58zh//nymbWq1moCAgGLqUdGQERohhCgZJG1biNcgBY0QQpQM8ti2EEIIIco8WUMjRC4kbVu8CZK2LcTrk4KmlChIUvfRo0epVq2a8kj0xYsX2bp1K6tWrXoTXc1TTEwMU6dOZfv27Xke6+Pjwz//+U/lzcdvOnVb0rbFmyBp20K8PllDU0rs2LGDH3/8kevXr3P8+PFcow1mzpyJjY1NlsiA0sja2pqzZ8++dlr3q5KCRrwJpqamEn0gRB7kse0ywt/fn+nTp7Nx40aOHTtGt27diImJYfHixdy6dQuAXr160ahRI44dO0ZYWBj79u3js88+w9LSkuXLlytPIAUFBbF582YAatWqxcKFC6lSpQoBAQGEhoZiZmbGtWvXMDU1xcfHh6pVq+bYLwcHB3r27MnZs2e5f/8+I0aMUAqp5cuXc+rUKVJTU6lUqRJLliyhevXq3Llzhz59+igp2dbW1ri7u3PkyBEeP37M9OnT6fr/2rv3oKjqNoDjX5aLGsj4aopQotgIIoqIkpk6kJGYLOBYgmYgoWCT5RUjvOCgaWgQAmkXbKIkB8ULeCmbEUfxkjAWI+alGNTQVblIJoQaLOf9w3HfeBFcRBZXn89fe3Z/5+zz7NkZHn7nt+fx8SE2NhaAyZMno1Kp2LhxI6tWrdIVaykpKZw/f56qqiouXryIvb09SUlJdOrUiaqqKhYtWkRRURE2NjbY2NjQrVs3oqKi2uoUCSGEaEdS0BiBpjp1R0ZG4unpSUpKCoCudcGYMWMazNDcLRwAfv/9d+Lj49m+fTs9evRg7dq1rFixgrVr1wJ3Lk/t3LkTW1tblixZQnp6OvPmzWs2voqKCr777jsqKiqYMGECw4YNo3///oSHh+sKiMzMTOLj40lMTLznMaysrNi2bRs///wzc+fOxcfHh2XLlrFp0yYyMjKanKFpqlP5unXrsLa2Zu/evVy/fp2JEyfi4+PTos9dCEOSbttCtI4UNEbgXp26NRoNBQUFfP3117pxd7tlNycvLw9PT0969OgB3Jn9CAgI0L3u7u6u6wU1ePBgjh49et9jvv766wA8/fTTeHl5kZ+fT//+/cnNzWXTpk3U1NTctynk3TUxbm5ulJWV6d0Vu6lO5Xl5eSxZsgSgQddtIR5VcslJiObJJScjd7dTd4cOHcjOzgZo0Km7pZrqYH1XU52/W3p8jUbDRx99xNatW+nVqxe//PILkZGR933ff3fF1qeg+f9473bvvl+eQgghHi9S0DzimuvUPWTIENLS0pgxYwbwv0tOVlZWVFXd+7+9ESNGkJqaSnl5Od27d2fLli28+OKLrYpxx44dDB06lMrKSnJzcwkJCaG6uhpzc3O6d+9OfX19o8aY+rK0tKS6urrFi4KHDx9OVlYW7u7u/PXXX+Tk5DB27NgWv7902xaGIN22hWg9KWgecc116n7vvfdIS0tDrVajUqlQq9VERETg7+9PdHQ0e/fu1S0Kvqtfv34sWLCAsLAwAHr16sXy5ctbFaOtrS1vvPEG5eXlzJw5U9ede9y4cfj6+mJnZ4eHhwfHjx9v8bHDwsIICQmhY8eOev3M+65Zs2YRHR2Nr68vzzzzDO7u7g9UnMidgoUQwjjIz7ZFq4wZM4bPP/8cR0fH9g6lgdraWurr6+nQoQPV1dVMmTKF6OjoFs9GSUEjhBCPBllDI55IN27cIDw8HK1Wy+3bt1Gr1a2+tCaEEOLRJTM04r4yMzNJT09v9HxcXBzOzs7tEJHhyAyNEEI8GqTbthCtIAWNEEI8GqTbthBCCCEee1LQCCGEEMLoyaJgIZrR3PSmEPrQauuprPy7vcMQ4rEnBU07+OGHH/jiiy9QFIXbt2/j4uJCQkLCAx0rLy+P2tpaRo0aBdCo8aO+Ll26xJEjRwgKCtI9Fx4eztKlS7G3t29xXNXV1SQmJpKbm6u7m69arebtt99udr/mOoUnJSXRr18/XZsEQ5Bu26K1OneWHk1CGIIUNAZWVlZGbGwsO3bswNbWFkVROHv27AMfLz8/n5qaGl1B86A0Gg2bN29uUNCkpqY+0LEURdHdYG/Pnj1YWFhw69YtMjMzWxXjnDlzWrW/EEKIx5cUNAZWUVGBmZkZXbp0AcDExARnZ2dSU1O5cuUKMTExunH+/v7k5OSwYcMGzp8/T1VVFRcvXsTe3p6kpCRKSkrIyMigvr6eo0eP4uvrq5u9SExM5ODBg9y8eZOVK1cybNgwAA4ePMhnn33GP//8g7m5OdHR0bi5ubF8+XIuXbpEQEAAvXv3Jjk5ucFN80pLS/nwww+5cOECcGe2ZebMmffM8aeffkKj0ZCWloa5uTkAHTt2JDg4GGg8C/P/22fPniU0NJQrV67g4eFBTEwMFhYWDcbt27ePpKQkVCoVWq2WpUuXMnz4cIKDg3FxcaGwsBCNRkNISAg2Njakp6dTVlbGwoULefXVVx/+iRWiGdJJW4i2JwWNgfXv3x9XV1e8vLwYPnw47u7uBAQEEBgYyPjx41mwYAGWlpZs3rwZtVpNp06dAPj111/ZunUrnTt3Zvr06ezatYvAwEAmT55MTU0NUVFRwJ1LR9evX8fNzY158+axc+dO4uPjycjIoKSkhPXr1/PVV19hZWVFUVER4eHhHDhwgJiYGFavXs327dvvGXdkZCSenp6kpKQAd/pGNeXUqVMMGDBAV8y01IkTJ8jIyKBDhw5ERESwZcuWRpegkpOTWbZsGcOGDUOr1XLz5k3da1evXiU9PZ3y8nLGjh1LaGgoGRkZFBYW8u6770pBIwxOOmkL0Xrys+1HjEqlYv369WzcuJHhw4dz8OBB/P39URSFMWPGkJ2dTV1dHZmZmUyZMkW336hRo7C2tsbExARXV1dKSkqafI+nnnqKl156CQA3NzcuXrwIwKFDhygpKWHq1KkEBAQQGRlJXV0dFRUVzcb8999/U1BQQGhoqO65rl27Njm+tWtOxo8fj6WlJWZmZkyYMIFjx441GvPCCy8QFxfHhg0bKC4ubtCnady4cahUKmxsbOjSpQve3t4AuLi4UFpaquvILYQQ4vEhMzTtxNHREUdHR6ZOncr48ePJz88nODiYBQsW0K1bN5577jkcHBx04+8urAUwNTVt9o+yhYWF7rFKpaKurk63PXr0aNasWdNon+Li4tampDNw4EA2bdpEXV0dZmaNv2KmpqbU1/+vu3BzuSiKgomJSaPnFy1axG+//caxY8eYM2cOb731FoGBgUDjz+rutqmpKQB1dXUNxgghhDB+UtAYWGlpKZcvX2bIkCHAncsjlZWVPPvsszg6OtKlSxdWrVqlW0tzP1ZWVpSWluo1duTIkXz66acUFRXRr18/AAoLC3F1dcXKyorq6up77mdpacmQIUNIS0tjxowZwJ1LTk3N0owYMYKePXsSFxfH+++/j4WFBbdv3+abb74hIiICe3t7Tp48CdxZJJ2Xl8fQoUN1++/du5dp06ZhYWHBzp07dbNN/3bu3DmcnJxwcnKipqaGkydP6gqah+lBOnQL8W9abf39BwkhWk0KGgOrq6sjJSUFjUZDx44dqa+vZ+7cuQwYMACASZMmkZiYiJeXl17H8/b2Jjs7m4CAgAaLgu+lT58+fPzxxyxevJhbt25RW1uLu7s7rq6uODk54eDggFqtpm/fviQnJzfYNz4+ntjYWNRqNSqVCrVaTURExD3fx8TEhA0bNpCQkMD48eN164D8/PwACAwMZPbs2fj7+9OnTx9cXV0b7O/h4cGsWbO4fPkyHh4e9yxUEhIS+OOPPzA1NcXa2pqVK1fq9Xm1lLQ+EEII4yC9nB4xixcvxsHBQTcTItrXn3/+LQWNEEI8AlQqE/7zH8smX5eC5hFRWlpKSEgI3bt3JzU1VTerIYQQQoj7k4JGPLCYmBhOnDjR4DlTU9Mmf/othBBCtBUpaIQQQghh9OQ+NEIIIYQwelLQCCGEEMLoSUEjhBBCCKMnBY0QQgghjJ4UNEIIIYQwelLQCCGEEMLoSUEjhBBCCKMnBY14op0/f56goCB8fHwICgriwoULjcZotVpiY2Px9vbmlVdeITMz0/CBtgF9cj98+DATJ05k4MCBrF692vBBthF9cl+3bh2+vr74+/szceJEDh06ZPhA24A+uW/btg0/Pz8CAgLw8/Pj22+/NXygbUCf3O86d+4cgwcPfmy+9/rknpKSwogRIwgICCAgIIDY2FjDB9oaihBPsODgYCUrK0tRFEXJyspSgoODG43ZsWOHEhYWpmi1WuXatWvK6NGjlYsXLxo61IdOn9wvXLignDp1Svnkk0+UuLg4Q4fYZvTJPTc3V6mpqVEURVHOnDmjDB06VLl586ZB42wL+uReVVWl1NfX6x57eXkpZ86cMWicbUGf3BVFUerq6pQ333xTmT9//mPzvdcn9+TkZKPOV2ZoxBPr2rVrnD59GrVaDYBareb06dNUVlY2GPf9998zadIkVCoVXbt2xdvbm71797ZHyA+Nvrn37t2bAQMGYGZm1h5htgl9cx89erSup5qTkxOKonD9+nVDh/tQ6Zu7lZUVJiYmANy6dYva2lrdtrHSN3eAL7/8Ei8vL/r06WPgKNtGS3I3ZlLQiCfWlStXsLGxwdTUFLjTh6pHjx5cuXKl0Tg7Ozvdtq2tLVevXjVorA+bvrk/jh4k96ysLOzt7enZs6ehwmwTLck9JycHX19fXnrpJWbMmIGTk5Ohw32o9M397NmzHD58mNDQ0HaIsm205Lzv2bMHPz8/wsLCKCgoMHSorSIFjRBCNCM/P5+kpCQSEhLaOxSDevnll9mzZw8//vgj2dnZnDt3rr1DanO1tbUsXbqU2NhY3R//J8nkyZPJyclh165dTJ8+nXfeeYc///yzvcPS2+MzjyxEC9na2lJaWopWq8XU1BStVktZWRm2traNxl2+fBlXV1eg8YyNMdI398dRS3IvKChg4cKFrF+/nr59+7ZDtA/Xg5x3Ozs7Bg0axIEDB4z6M9An9/LyckpKSoiIiADgxo0bKIpCdXU1K1asaK/QW03f8969e3fd45EjR2Jra0tRURHPP/+8oUN+IDJDI55Y3bp1w9nZmd27dwOwe/dunJ2d6dq1a4Nx48aNIzMzk/r6eiorK9m3bx8+Pj7tEfJDo2/ujyN9cy8sLGTevHkkJyfj4uLSHqE+dPrmXlxcrHtcWVlJXl4ejo6OBo31YdMndzs7O/Ly8ti/fz/79+9n2rRpBAYGGnUxA/qf99LSUt3jM2fOoNFocHBwMGisrWGiKIrS3kEI0V6Ki4v54IMPuHHjBtbW1qxevZq+ffsSHh7O7NmzGTRoEFqtluXLl3PkyBEAwsPDCQoKaufIW0+f3I8fP878+fOprq5GURQ6d+7MypUrGT16dHuH3yr65P7aa6+h0WiwsbHR7bdmzRqjX0uiT+6rVq3iyJEjmJmZoSgKkyZNIjg4uL1DbzV9cv+3lJQUampqiIqKaqeIHx59co+KiuLUqVOoVCrMzc2ZPXs2np6e7R263qSgEUIIIYTRk0tOQgghhDB6UtAIIYQQwuhJQSOEEEIIoycFjRBCCCGMnhQ0QgghhDB6UtAIIYQQwuhJQSOEEEIIoycFjRBCCCGM3n8BzMZl0igWAboAAAAASUVORK5CYII=\n", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "# Plot majority-dominance of emotions per art-style.\n", + "s = emo_domi.groupby('art_style').mean().sort_values()\n", + "norm = plt.Normalize(s.min(), s.max())\n", + "colors = plt.cm.Pastel1_r(norm(s.values))\n", + "fig = plt.figure(figsize=(8, 6))\n", + "ax = s.plot.barh(color=colors, )\n", + "ax.xaxis.grid() # horizontal lines\n", + "plt.tight_layout()\n", + "if save_figs:\n", + " fig.savefig('emotional_majority_aggreement_per_art_style.jpg')" + ] + }, + { + "cell_type": "code", + "execution_count": 14, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAXgAAAFiCAYAAAD80MNbAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjMuNCwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8QVMy6AAAACXBIWXMAAAsTAAALEwEAmpwYAABjBklEQVR4nO3dd2DN1//H8WdyIyGCSGSZIYgUUbNGjRa1gtikSilq1WqVamu0xletGqUtvipGEcSIWXuPIAliZUnIlCBD5s3n94ffvZXqt0Zyb67b9+OvNve6533X657P+ZzPOSaKoigIIYQwOqaFXYAQQgjdkIAXQggjJQEvhBBGSgJeCCGMlAS8EEIYKQl4IYQwUhLwQghhpMwKu4BnPXyYRm6uTMsXQoiXYWpqQunSxf/n7QYV8Lm5igS8EEIUEBmiEUIIIyUBL4QQRkoCXgghjJQEvBBCGKmXCvjw8HD69OlDu3bt6NOnDxEREX97v71799K5c2c8PDzo3LkzDx48KMhahRBCvAKTl1kueMCAAfTo0YOuXbuyc+dOtm3bhre3d577XL16lUmTJrF27Vrs7OxISUnB3NwcCwuLly4mMTFVZtEIIcRLMjU1wdbW6n/f/qIHSExMJDg4GA8PDwA8PDwIDg4mKSkpz/1+++03Bg8ejJ2dHQAlSpR4pXAXQghRsF44Dz4mJgYHBwdUKhUAKpUKe3t7YmJisLGx0d4vNDSU8uXL8+GHH/LkyRPatm3LiBEjMDExeeli/umXSAgh3jSKWo3J/2dnYTxGgV3opFaruXXrFmvWrCErK4shQ4ZQtmxZPD09X/oxZIhGCGFM7OxKkLPHN1+PYdapGwkJKX97W76HaJycnIiLi0OtVgNPgzw+Ph4nJ6c89ytbtizt27fH3NwcKysrWrduTVBQ0Ks8DyGEEAXohQFva2uLm5sbfn5+APj5+eHm5pZneAaejs2fOnUKRVHIzs7m3Llz1KhRQzdVCyGEeKGXmiY5ffp01q9fT7t27Vi/fj0zZswAYOjQoVy9ehWATp06YWtrS8eOHfH09KRq1ar07NlTd5ULIYT4Ry81TVJfZAxeCGFMDH4MXgghxJtJAl4IIYyUBLwQQhgpCXghhDBSEvBCCGGkJOCFEMJIScALIYSRkoAXQggjJQEvhBBGSgJeCCGMlAS8EEIYKQl4IYQwUhLwQghhpCTghRDCSEnACyGEkZKAF0IIIyUBL4QQRkoCXgghjJQEvBBCGCkJeCGEMFIS8EIIYaQk4IUQwkiZFXYBQghR0ErbFMNMlb94y1Hn8DApvYAqKhwS8EIIo2OmMuPSgzP5eoz6ZZoWUDWFR4ZohBDCSL1UDz48PJzJkyfz6NEjrK2tmTt3Ls7Oznnus3TpUjZu3Ii9vT0A9erVY9q0aQVesBBCiJfzUgE/bdo0vLy86Nq1Kzt37mTq1Kl4e3s/dz9PT08mTZpU4EUKIYR4dS8coklMTCQ4OBgPDw8APDw8CA4OJikpSefFCSGEeH0vDPiYmBgcHBxQqVQAqFQq7O3tiYmJee6+e/bsoXPnzgwePJgrV64UfLVCCCFeWoHNounbty/Dhw+nSJEinD59mpEjR7J3715Kly790o9ha2tVUOUIIUS+2dmVKOwSgNev44UB7+TkRFxcHGq1GpVKhVqtJj4+Hicnp78UYKf972bNmuHk5MSdO3do1KjRSxeTmJhKbq7yCuULIcTzCiqYExJSDLoOU1OTf+wYv3CIxtbWFjc3N/z8/ADw8/PDzc0NGxubPPeLi4vT/veNGze4f/8+lStXfqnihRBCFLyXGqKZPn06kydPZvny5ZQsWZK5c+cCMHToUMaMGUPt2rVZuHAh169fx9TUlCJFivDDDz/k6dULIYTQLxNFUQxmTESGaIQQBcHOrkSBXMlaEEM0OXt88/UYZp266W6IRgghxJtJAl4IIYyUBLwQQhgpWU1SCFGgbEsXxdSsSL4eIzcnm8SHGQVU0b+XBLwQokCZmhVBuf17/h6jej9AAj6/ZIhGCCGMlAS8EEIYKQl4IYQwUjIGL4SRkJOb4q8k4IUoAIYQrnJyU/yVBLx4oxlCsIKEqzBMEvDijSbBKsT/JidZhRDCSEnACyGEkZKAF0IIIyUBL4QQRkoCXgghjJQEvBBCGCkJeCGEMFIS8EIIYaQk4IUQwkhJwAshhJGSgBdCCCMlAS+EEEZKAl4IIYyUBLwQQhiplwr48PBw+vTpQ7t27ejTpw8RERH/875hYWHUqVOHuXPnFlSNQgghXsNLBfy0adPw8vLiwIEDeHl5MXXq1L+9n1qtZtq0abRp06ZAixRCCPHqXhjwiYmJBAcH4+HhAYCHhwfBwcEkJSU9d99ff/2VVq1a4ezsXOCFCiGEeDUv3NEpJiYGBwcHVCoVACqVCnt7e2JiYrCxsdHe7+bNm5w6dQpvb2+WL1/+WsXY2lq91r8ThUPJVWNiqir0xygIdnYlCrsEwDDqMIQawDDqMIQa4PXrKJAt+7Kzs/n222+ZM2eO9ofgdSQmppKbqxRESUIP7OxKEH3rSL4eo6zr+yQkpOSrhoKQnxoMpQ5DqMFQ6jCEGvRRh6mpyT92jF8Y8E5OTsTFxaFWq1GpVKjVauLj43Fycnqm8QQiIyMZNmwYAMnJySiKQmpqKt9///2rPhchhBAF4IUBb2tri5ubG35+fnTt2hU/Pz/c3NzyDM+ULVuW8+fPa/9/6dKlPHnyhEmTJummaiGEEC/0UrNopk+fzvr162nXrh3r169nxowZAAwdOpSrV6/qtEAhhBCv56XG4F1cXPDx8Xnu7ytXrvzb+3/22Wf5q0oIIUS+yZWsQghhpCTghRDCSEnACyGEkZKAF0III1UgFzoJ/bIpXRyVWf5+m9U5uSQ9TCugioQQhkgC/g2kMjMl905i/h6jmm0BVSOEMFQyRCOEEEZKAl4IIYyUBLwQQhgpCXghhDBSEvBCCGGkJOCFEMJIScALIYSRkoAXQggjJQEvhBBGSq5kfUU2NsVRqfK5TIA6l6QkWSZACKFbEvCvSKUyJSUlfxvxlihhGDu1CyGMmwzRCCGEkZKAF0IIIyUBL4QQRkoCXgghjJQEvBBCGKk3ZhaNTE8UQohX88YEvExPFEKIVyNDNEIIYaReqgcfHh7O5MmTefToEdbW1sydOxdnZ+c899m2bRu//fYbpqam5Obm0qtXLwYMGKCLmoUQQryElwr4adOm4eXlRdeuXdm5cydTp07F29s7z33atWtH9+7dMTExITU1lc6dO9OoUSNq1Kihk8KFEEL8sxcO0SQmJhIcHIyHhwcAHh4eBAcHk5SUlOd+VlZWmJiYAJCRkUF2drb2/4UQQujfCwM+JiYGBwcHVCoVACqVCnt7e2JiYp677+HDh+nUqRPvvfceQ4YMwdXVteArFkII8VIKdBZN69atad26NdHR0YwaNYoWLVpQpUqVl/73trZWBVnO37KzM4yZNIZQhyHUAIZRhyHUAIZRhyHUAIZRhyHUAK9fxwsD3snJibi4ONRqNSqVCrVaTXx8PE5OTv/z35QtW5batWtz7NixVwr4xMRUcnOVv72toF7ohIT8TbU0hDoMoQZDqcMQajCUOgyhBkOpwxBq0EcdpqYm/9gxfuEQja2tLW5ubvj5+QHg5+eHm5sbNjY2ee4XGhqq/e+kpCTOnz9P9erVX6p4IYQQBe+lhmimT5/O5MmTWb58OSVLlmTu3LkADB06lDFjxlC7dm02b97M6dOnMTMzQ1EU+vfvz7vvvqvT4oUQQvxvLxXwLi4u+Pj4PPf3lStXav97ypQpBVeVEEKIfJMrWYUQwkhJwAshhJGSgBdCCCMlAS+EEEZKAl4IIYyUBLwQQhgpCXghhDBSEvBCCGGkJOCFEMJIScALIYSRkoAXQggjJQEvhBBGSgJeCCGMlAS8EEIYKQl4IYQwUhLwQghhpCTghRDCSEnACyGEkZKAF0IIIyUBL4QQRkoCXgghjJQEvBBCGCkJeCGEMFIS8EIIYaQk4IUQwkhJwAshhJEye5k7hYeHM3nyZB49eoS1tTVz587F2dk5z31++ukn9u7di0qlwszMjPHjx9O8eXNd1CyEEOIlvFTAT5s2DS8vL7p27crOnTuZOnUq3t7eee7j7u7O4MGDKVasGDdv3qR///6cOnWKokWL6qRwIYQQ/+yFQzSJiYkEBwfj4eEBgIeHB8HBwSQlJeW5X/PmzSlWrBgArq6uKIrCo0ePCr5iIYQQL+WFPfiYmBgcHBxQqVQAqFQq7O3tiYmJwcbG5m//zY4dO6hYsSKOjo6vVIytrdUr3f912NmV0HkbL8MQ6jCEGsAw6jCEGsAw6jCEGsAw6jCEGuD163ipIZpXceHCBRYvXsx///vfV/63iYmp5OYqf3tbQb3QCQkp+fr3hlCHIdRgKHUYQg2GUoch1GAodRhCDfqow9TU5B87xi8conFyciIuLg61Wg2AWq0mPj4eJyen5+575coVJk6cyE8//USVKlVetnYhhBA68MKAt7W1xc3NDT8/PwD8/Pxwc3N7bngmKCiI8ePHs2TJEmrWrKmbaoUQQry0l5oHP336dNavX0+7du1Yv349M2bMAGDo0KFcvXoVgBkzZpCRkcHUqVPp2rUrXbt25datW7qrXAghxD96qTF4FxcXfHx8nvv7ypUrtf+9bdu2gqtKCCFEvsmVrEIIYaQk4IUQwkhJwAshhJGSgBdCCCMlAS+EEEZKAl4IIYyUBLwQQhgpCXghhDBSEvBCCGGkJOCFEMJIScALIYSRkoAXQggjJQEvhBBGSgJeCCGMlAS8EEIYKQl4IYQwUhLwQghhpCTghRDCSEnACyGEkZKAF0IIIyUBL4QQRkoCXgghjJQEvBBCGCkJeCGEMFIS8EIIYaReKuDDw8Pp06cP7dq1o0+fPkRERDx3n1OnTtG9e3dq1arF3LlzC7pOIYQQr+ilAn7atGl4eXlx4MABvLy8mDp16nP3qVChAjNnzuSTTz4p8CKFEEK8uhcGfGJiIsHBwXh4eADg4eFBcHAwSUlJee5XqVIl3nrrLczMzHRTqRBCiFfywoCPiYnBwcEBlUoFgEqlwt7enpiYGJ0XJ4QQ4vUZVHfb1tZK523Y2ZXQeRsvwxDqMIQawDDqMIQawDDqMIQawDDqMIQa4PXreGHAOzk5ERcXh1qtRqVSoVariY+Px8nJ6bUa/CeJiank5ip/e1tBvdAJCSn5+veGUIch1GAodRhCDYZShyHUYCh1GEIN+qjD1NTkHzvGLxyisbW1xc3NDT8/PwD8/Pxwc3PDxsbmNUsVQgihDy81i2b69OmsX7+edu3asX79embMmAHA0KFDuXr1KgD+/v60aNGCNWvWsGnTJlq0aMHJkyd1V7kQQoh/9FJj8C4uLvj4+Dz395UrV2r/u0GDBpw4caLgKhNCCJEvciWrEEIYKQl4IYQwUhLwQghhpCTghRDCSEnACyGEkZKAF0IIIyUBL4QQRkoCXgghjJQEvBBCGCkJeCGEMFIS8EIIYaQk4IUQwkhJwAshhJGSgBdCCCMlAS+EEEZKAl4IIYyUBLwQQhgpCXghhDBSEvBCCGGkJOCFEMJIScALIYSRkoAXQggjJQEvhBBGSgJeCCGMlAS8EEIYKQl4IYQwUi8V8OHh4fTp04d27drRp08fIiIinruPWq1mxowZtGnThrZt2+Lj41PQtQohhHgFLxXw06ZNw8vLiwMHDuDl5cXUqVOfu8/u3buJjIzk4MGDbN68maVLl3Lv3r0CL1gIIcTLMXvRHRITEwkODmbNmjUAeHh48P3335OUlISNjY32fnv37qVXr16YmppiY2NDmzZt2L9/P0OGDHnpYkxNTf7xdhOTf769INp4GQZRh1n+R9cK4rVQmRUt/DrMihd+DYZShyHUYCB1mJtaFHoNABSz1FkdL6rvhQEfExODg4MDKpUKAJVKhb29PTExMXkCPiYmhrJly2r/38nJidjY2JcqXqN06X/+UFhZWb3S4/0dW9v8P4Yh1GFauXSh1wDg4NK00OswqdKl0GswlDoMoQZDqaO2Tf1CrwHA7P12hVaHnGQVQggj9cKAd3JyIi4uDrVaDTw9mRofH4+Tk9Nz94uOjtb+f0xMDI6OjgVcrhBCiJf1woC3tbXFzc0NPz8/APz8/HBzc8szPAPQvn17fHx8yM3NJSkpiUOHDtGuXf4PTYQQQrweE0VRlBfdKTQ0lMmTJ5OcnEzJkiWZO3cuVapUYejQoYwZM4batWujVqv57rvvOH36NABDhw6lT58+On8CQggh/t5LBbwQQog3j5xkFUIIIyUBL4QQRkoCXgghjJQEvBBCGCkJeCGEMFIS8OI5MrFKFKbC/vwVdvsFSQLewBTGh0vTZmpqKlAwi6n9neTkZLKzs3Xy2MZGURSjCppXofn85ebmFsproKvPf2H41wV8RkYGUVFRhV3Gc+Lj44E/P1z6/IJr2ty0aRODBw8mLS2tQB8/JycHgOXLl5OcnAwYbi9JsyRHYSx1rWk7ISEBExMTnQddSEgIBw8eZMeOHaSkpBT447+s3NxcANLS0jh27BibN2/m8ePHmJqa6iVsNa+tWq0mIiKCTZs28fjxY523+yKJiYn5fox/zYVOubm5mJqacvz4cRYvXsw777yDu7s7TZs2pVSpUoVSk6IomJiYEBoaytdff80777xD7dq1ady4cYGsWPmqkpOTWbRoEVlZWYwZMwYHBwft6/a6kpKSCAsL4969e6xevZrdu3fnuT00NJTKlSvnqw1d6NixI9nZ2XTo0IFu3bpRuXJlvbSbk5ODu7s7VatWxdPTk+7du2Ntba29XfOZeV2a9/PmzZssXryYjIwMUlJS2Lp1K0lJSQDPLUOia2q1GpVKxTfffENiYiL37t0jJCSEt99+m+7du9OjRw+dfj407S9dupSMjAy2b9+Oh4cHX3/9NTExMc+tu6Urmvc2OTkZX19fbt++TWZmJnPmzEFRFMzNzV/5MQ3rW6VDmg+Iv78/xYsXJy4ujsOHDzNx4kSWLVtGcHAwoN+epaatCxcuYGZmxtWrV9m3bx8TJ07k119/1XtNJUuWZNCgQeTm5rJixQqSkpLy/cVKTU1l7969zJkzBwsLC44fP659XhcvXmTVqlUGE+6anmRoaCgtW7bkrbfeIjQ0FC8vL/r374+Pjw/p6ek6aVvTe799+zaDBg2iatWq7N69myZNmjBkyBCOHz8O5H/4QPMct23bhoeHBx999BHVqlUD4Ny5c/z888/5evzXoVKpUBSF4OBgZs+eze7duzl//jzvvfce3333Hb6+vjpvH+DEiRMMGDCAOnXq0LZtWwD++9//4u/vr9P2NTTvzebNm4mMjKRo0aIoikKRIkW4evUqly5deuXHNIxvlo5pAvLGjRtcvHiRdevW8dVXX9G7d2/S09OJjIxk/fr1JCUl6XX8zdTUlOzsbDZu3MjSpUuZPXs2H374IVlZWQQEBLBu3ToiIyN1WpPmQ5WUlERWVhYVK1bkww8/JCkpicmTJxMQEJDnfq+qYsWKTJ06lW7dulG/fn28vb1ZsGABixYtYsmSJTg7OwN/Blxh0nxOFi1ahIuLC4sXL+ann35izpw5mJiY4OPjw7Jly3TStuY9njVrFvXr12fhwoX4+vqydOlS7Xsxb968fLdjZvZ0C4g7d+7wzjvv4OPjQ/v27QE4ffq0dgVYfb0fmnZu3rxJ69atKVKkCPC0szFs2DCuXr1Kjx49dF7HlStXqFixIg4ODjx48IBGjRoBcOrUKb0dvWl+aI4ePcqkSZNQFIUWLVoAcPDgQS5evAi8WofvXxHwGhcvXqRSpUoA2NnZ0ahRI0aPHo2lpSUmJiZs2LBBb7Vo3qRz585hbW1N6dKlcXR0pF69enz//fdYWVlhbm6Ot7c3WVlZOqvD1NSUrKwslixZQteuXRk6dCi///47V69e5eHDh2zatInExMTX6mXv37+fs2fPkpWVxbBhw/jqq6/45ZdfGDBgADk5OfTt25eBAwdq6yhsKpWK3Nxc0tLSqFevnvbvrVq1olatWgwaNIi7d+9y5cqVAm/b1NSUJ0+ekJubS8OGDbV/b9OmDS1atGDhwoVERkYSGhr62m3Ex8drx5Y9PT1Zs2YNKSkptGzZkri4OK5evUrXrl219eiDJtR+/fVXli5dyueff56v5/i6ypQpg7W1NZ988gkNGjQAnn5+nZ2dsbW1fe0OzqtKSkqiUqVKBAUFcfnyZe37ceXKFVq3bv3Kj1f43yo90PSO3nnnHWJjY/Hx8eHevXukpqaya9cumjZtSuPGjQvkpMar1uTs7IyFhQW//fYbsbGx5OTkcOrUKWxtbRk0aBAhISGvNfb2MsLCwgAwNzenefPm/PbbbwwaNIjhw4ezb98+5s2bR7FixZg1axaZmZmv/PglS5akSpUqLFu2jJEjR7J582YSExNp2bIlEydOpFOnThQt+nTLP0OZuWBiYsK7777LiBEj2L17N+Hh4SQmJnLgwAE6dOhAdHQ0ZcqU0UnbxYoVo379+vTs2ZO9e/eSmJjIrVu3OHDgAE2aNCE8PBwHB4fXfvwlS5agVqtJS0ujevXqBAUF4e/vz4gRI5g5cyYtW7bUhpm+349FixaxceNGihcvjqenJ23atOGHH37QaefmWRUqVOCdd94hOTmZrKwshg4dys6dO7VHD/oYJlUUBRsbG1q2bMn8+fOpWrUqkZGRrFy5EgsLC+1Q2qu8N/+ak6wau3fvZteuXZQqVYqEhASKFCnCjz/+yGeffcbYsWN5++239V7ToUOH2Lp1K7a2tiQkJJCcnMzMmTPZsmULlSpV4sMPP9RJu4MHDyYoKIhevXrRo0cPqlat+tx9rl27xrRp09i2bdtrt5OQkMDWrVs5cuQIjx494u2336ZVq1Z88MEH2kNyQ7NhwwZu3LjBzZs3AejVqxdvv/02M2fOZN26dTpt+7fffuPq1aucP3+eatWq0bt3b6ytrfH29mbFihWv9ZhRUVF8+OGHbN68mUmTJuHt7Q3A9evXOX36NM2aNcPNzQ1TU9N8n8h9HVlZWXk6Mr6+vuzcuZPffvtNL+3n5ORgZmbG5cuXCQgIwNzcnKZNm1KlShW9tP+s5ORktm/fzrZt27C3t6dKlSp4eHhQp04d7Qnhl2X0Af/shzU+Ph5ra2vS09O5fv06JUuWxNnZmbS0NKZNm6a3E0zP1pSamkrRokVJTk7G398fc3NzatSoQcmSJRkxYgQ//fSTTmfUnD17lvnz53Pnzh2cnJxo3749/fr1047FxsbGkpKSou09vIq/C4pbt26xdetWzp8/z44dOwxiaOZZSUlJZGZm4uTkRHx8PLm5ueTm5uLo6Mi2bduwsrKiQ4cOBdae5jVSFIXY2FhsbGywsLDg4cOHqNVqsrOzcXBw4Pfff8fV1VU7fPCqEhISWLVqFbdu3SIxMZF58+bh4OBA6dL539v3dWme+549e/jvf/9LsWLFqFevnt5mLWnaP3nyJHv37iU8PJyuXbvSrVs37ZGlPmhmNmVlZWmHymrWrEnFihWJj4/P11Gb0Qc8QHZ2NlOnTiUjIwO1Wk316tVp0aIFNWrU0Nnwx8tYunQpsbGxPHnyBDc3N1q0aEH16tX1EnqaHsvu3bsJCQmhUqVKWFlZsXbtWgIDA2nSpAkrV6587cfXfHlu3LjBxo0bcXR0pHXr1tSoUSPP/fI7DbMgaHpFO3bs4MSJEwQFBWFjY0PXrl3p1KlTgU5T/F9tb9iwgWPHjnHmzBnq1atH37596dixo7atV+25/Z2wsDDGjRuHg4MDTk5OFClSBBcXF9zc3KhTp45e34dnpwiPGzeOefPmERkZyalTpzh48CArV66kdu3aOq8jLi4OLy8vxowZQ2ZmJps2bSItLY1Vq1ZRoUIFnbcPf34H5s+fT3BwMFZWVkRFRVG5cmU+//xzypUr99qPbdQBr3nhdu7ciY+PD0OGDCElJYXg4GDu3r2LhYUFCxYsyHNRia5pPti3b99m9OjRDB8+HEVRuHnzJjExMWRnZzNnzhydz0XW1NG5c2eWLFmi7THdvn2bjRs30qRJE9q1a/dawaJ57OjoaEaPHk337t2ZOXMmFhYWVKlShQ4dOvDxxx8X6o/r3/H09GTAgAE0adKEU6dO4efnx/nz5/n22291Nkym8d5777FgwQIqVarEpk2b2LFjB1FRUSxbtow2bdrk67HT0tIoWrQoKpWKgwcP4u7uzvXr17lx4wbx8fE8fPiQL7/8Um+BBn9+N5ctW0ZaWhqTJk3S3ubt7U1aWhojRozQefu7du3i7t27fPbZZ9rbFi1ahKWlJZ9++qnO2v+rzMxMevfuzbJlyyhVqhRpaWksW7aMSpUqMWzYsNd+XLMCrNHgaEL75s2bfPnll7i7u5OdnU2jRo20Z+pNTU31elJJE34XLlxg6NChdO/enaysLO1JtKSkJL1caGJiYkJ6ejpVq1YlMDBQG/DVq1cnOjpa23t6nV5jbm4uKpWKnTt30r59e2rXrk2PHj2YNm0aH330Efv378/Xh7Ygab7oDx48oEWLFnTv3h14Oubeq1cvwsLCtD34gj7a0Dze/fv36datm3bmzqhRoxg1apR22Azyd+Tw888/07RpU+zt7alUqRKOjo44Ojry3nvvERoaSlhYmF7DHf6cpePo6MitW7fy3BYTE0OxYsX00v7x48efGwLJzc3VTrjQ9RGm5vEvX77MW2+9pX0fSpYsSb9+/Zg6dSqffPLJax+9GX3Ap6amEhAQwP379xk7diwuLi44ODjg4OCgPTOuz0NTzZf00qVLZGRk0LBhQ5ydnSlbtixly5bV2/zj3NxcihUrRtu2bVm1ahWRkZFYWlqSm5vLgwcPKFu27Gs/tubDGBISwhdffMHy5cupXbs25ubmtG/fXnviqiCGHfJL8wXbuHEjGzZswMHBIU9v/dmTbAX9OVGr1ZiamrJw4ULOnTuHs7MzXbp00d5erVo17Wc0Px2Q0aNHY2pqytSpUzl69Ch169albdu2NG/enGrVqr3W+ZWC0qpVK9avX0/79u3p2bMnJUqU4OzZs699MvlVaJZn+P333wkMDKRt27aUK1eO1NRUxo8fD+h+9ozmM3X9+nWOHz/Of/7zHzw9PalRowaRkZHUqlULlUpFdnb2a01IMOohGoDo6Gh8fHwIDAzEwsICOzs76tWrR4sWLfR+SbbGo0ePWLt2LefPn8fKyopy5crRsGFDmjRpUignva5cucLRo0e5e/cuNjY29O7dGzc3t3wFsOaHtW7duqxdu5ZixYrh5eVFly5dWL58OS4uLgX8LPLn5s2bbNy4kWPHjmFmZkabNm3o3r07NWrU0PmsEn9/fzZs2MDhw4cpU6YMPXv2pGfPntjb2+f7sR88eJBnWmd0dDTbt2/n8OHDPHnyhBo1ajBnzhwsLS3z3dbL2r59Ox07dkSlUmlDa8uWLezZs4fKlSvj6empl9lsOTk5ZGZmEh0dzYkTJ/jjjz+4desWtWrVYuDAgbRo0UIvw4hqtZoDBw4QFhZGREQEubm5BAUF4erqSp8+fbQXO70Oow14X19fPD09yc7OxtzcnMTERIKCgggODuby5ct06NCBnj176rWm/fv307JlS8zNzVGpVDx48ICAgACCg4O5evUqb731lrbnoGuXL19m2LBh9O/fn379+uXrTP2zND8K27Ztw9XVlVq1anHlyhWGDRtG+fLlqVu3LlOnTi2UqXh/deTIESwtLalfv36e3tGRI0fYuXMnp0+f5o8//tDJj66Pjw/u7u5Ur149z+uwY8cOvL29uX37NgEBAdorT1/X2LFjOXDgAL1796Zfv364ublpbwsICODs2bM6Hev+q6ysLO0FTR9//DFNmzalXbt22gsQ9S0yMpLy5ctjamqKWq3mypUrXL58mb1799KxY0e9DyVGRUVx7do1Ll++TGZmJjk5OZQtW5aRI0e+1hGkUQa85mrDNm3aMGvWLN5++23q1atH1apVURRFe8GIlZWV3oImJSUFHx8fBg8ezOzZs6lWrRr169enSpUqqNVqQkJCsLS0pEKFCnqZWZKZmcnBgwc5cOAAly9fxsXFhfbt29OjRw8sLCzy/ZoMHz6c6dOna6dbwtP3xcnJCXNzc4MI+BMnTuDq6sru3bs5cuQIPXv2pG3btpQoUQJ4enKyePHiOql17969NGvWjO+//5579+4xZMiQPCdTMzIyKFq0aIEMY124cAFvb2+OHTtGmTJl6N69O15eXjq7YOtl+fj4sGfPHiIjI6lRowZt27alWbNmBXLk8r9ovlvXrl1j//79REREkJWVRa1atejQoQPVqlXTTlcsXbq0Xhb9CwoKIioqChMTE5ydnbUz6YKDgzl//jylSpV67c6oUQY8PJ0aee/ePXx8fEhLSyMjI4MyZcpQvXp1GjduXGA91leRmppKVlYWv/zyC+np6WRlZWFnZ0fNmjWpW7duodQET+dIz5w5k8OHDzN//nzt2iSvShOEQUFBLFmyhK+++srghmKepTm5HhQUxIULF7h06RLx8fHUqFGD5s2b06FDB53+EKnVakJDQ9m1axeHDh3iyZMntGjRAk9PTxo0aJDvcP+72v38/Fi3bh2BgYFUrVqV7du3F8psphUrVjBw4EAsLS2Jjo7G19cXX19fmjVrxowZM3TWribgx48fT4MGDbh06RImJiakpaURHBxMt27d9HIU/eyqnnPnzsXc3JzQ0FBq1aqFtbU1NWvWpFevXgCvPf4ORhzw8PRQu1mzZty7d4/r168THh7OnTt36NOnD82bN9drLZov2/nz56lRowZxcXFcv36diIgIwsLCaNasGX379tVpDZrAuHfvHuXLl89zW0hICIcOHWLYsGH5Pno4fvw43333HZmZmXh4eNC+fftCuUL4n2hei8DAQB4+fEiLFi1ISEggLCyMM2fOEBwczC+//JLvIZK/o/ksHDlyhGLFitGkSROysrK4dOkS27ZtIzQ0tEBXUNRcrPXsc0lNTeXEiRN07NhRbye7NSFaokQJpkyZwvbt25+7j+bIRZcyMjLw8vJi+/bteHl5MXXqVFJTU9m0aRNDhw7F1dVV56+J5vFnzZpF3bp1MTc3Z/fu3bRq1YoFCxbQu3dvxowZk/+GFCPz6NEjJTMzUzl69KjSp0+fPLc9efJEuXjxopKRkaHXmjIyMpT09HQlNjZWadOmzXM1nTlzRomNjVUURVFyc3N1Xs/UqVOVWrVqKRMnTlQuXryoKIqibNy4Ufniiy/yXUNOTo4SEBCg3L9/Xzl48KAyY8YMxcvLS+nUqZNy586dAqm/INy5c0cJCwtT+vfvrxw7dizPbZGRkUpUVJSiKLp5PwICApSrV68qvXv31r4mmnYePnyopKSkKIqiKGq1usDbzsnJUXJycp77mz7ExsYqS5cuVRo1aqR88MEHyrFjx5THjx8riqIoKSkpyqhRo/RSx/nz55WZM2cq9+7dUz788EPt3728vHTymv+Tbt26KYmJicqIESOUoKAgRVEUZebMmcrBgwcVRcn/Z8DopklevXqVFStWEBkZqR3T1PQKrl69SnR09Gtf7v26QkJC+Pnnn4mIiNAOWWjW3khPTycqKoomTZoAul90Kz09nZEjR+Lp6cnu3buZNGkSDx8+pHbt2owaNQp4vTnXqampWFlZceDAAaKiovj000+xt7enSZMmREdHc/v2bYMZrklPTycgIIDDhw8TEhLC48ePuXHjBmXLlqVUqVJs3bpVOx++oN+P1NRU7t69y86dO7l//z5XrlzRXslcpEgRFi5cyOjRo7GystLJeRhNr/TZ93jixIn88MMPOjlaeZa9vT2ffPIJ586do3z58mzcuJFly5bh5uZGenq63oYoGzVqxFtvvUV2djZWVlZ89tlnWFpaUq5cOe11MfqYOp2VlcXYsWOxtLSkWLFiBAYGUrJkSa5cuaI98Z3fOoxyiOb27dt8+eWXZGVloVKpaNSoER4eHsyZM4eePXvSu3dvvV8if/fuXcaOHUtKSgolS5akUaNGdOvWTbvo0+zZs3VaU3p6OsWKFcPX15dHjx4xaNAg4Onhe0hICPb29nkuyX9VZ8+eJSwsjC1bttCnTx+8vLy0t127dg2VSpVnBkdhy8rKYsWKFVy4cIGKFSuSm5tL5cqVURSFLVu2cPToUZ21nZyczLJlywgNDcXFxYVHjx5hZ2en/eH5u6GL/Pi7H2zNZ02z78CCBQsKtM1/omn78ePHBAQEcPr0aVJTUxk+fDgVK1bUSZua1yA1NZWIiAiqV6+Oubk5V69exc/PD3Nzczw9PXFxcdF5Nvzd+3Hy5Em8vb2xsLDQXmFfEHUYXcBrXjzNVlsXLlxg+/bthIWF0bBhQyZMmFBoF9cEBwfz1ltvcerUKXx9fbl58ybu7u6MHDlS57NnDh06xNWrVzl06BDffPON9ogBnp7Ft7Oze+2tyTTzdtevX8/+/fvp2bMnzs7OVK5cmdq1azNu3Di++OIL3N3dC+rpFIjs7GwURSEtLY3Tp09rd/uqWbOmzsemc3NzycnJISUlBX9/f4KDg8nNzaVevXq89957+Wr78ePHJCYmUrFixTy98meDRfP43333Hd27d6dWrVoF8rz+F81nOykpibt37xIZGUn9+vWfOxekK5rn+9NPP/Hw4UO++eYb7W36unr8WRkZGYwbN465c+dSqlQpMjMzuXDhAuXLl8fBwUF70aEE/DM0H+Do6Ghu3LiBm5ub9opMRVHIysrCwsJCrzVp3qTk5GQiIiKoUKGCdl51dnY26enplCxZUqc1ZGdnExISwn//+1/27dtH69atqVy5Mu+++y4NGjRg8ODBfPPNN/leGvXWrVvcvn2btLQ0AgICtMNQmp69IdB8RpKTk7lx4wbJycnY29tTvXp1nV8er/ksxMfHExoaSkxMDGXLlqVWrVoFOh1v48aNXLlyhTp16uDi4kKVKlX+5/BHjx498PHx0dvR7KeffkrFihU5ceIEpUuXxtnZmTp16tClSxftxju61LdvX7755htq1apFZmYmFhYW7Ny5k2rVqvHWW2/ptG3484fG19eXY8eOsXjxYu3nQrNWf0HmgdGMwWu+uHFxcYwfP57k5GTS0tKoVq0abdq0oXnz5nrrLTxL88X58ssvCQ8PJzk5Wbvn47vvvquXccciRYrg5ubGRx99RM2aNSlXrhznzp1j1apVzJs3D5VKla9w17z2P/zwA3PnztXOtQ4ICECtVmvH3g1h5UjNOjmrVq3i5MmTWFpa4uTkhI2NDc7OztStW1fnQ0mLFi0iJCSEChUqYGFhwb59+3B0dNTuA5tf9evXJz09XXvBjL29PS4uLlSvXp0KFSpoe6tHjx6lRYsWOn9PNO/7+fPnUalUDBgwgHPnzjFixAjmzZvH3bt3adeuHcWLF9dpHQkJCVhaWlKzZk0AbWdv1apVLFq0SKdta2iOyg4dOqQdxszJycHc3Jyff/6ZxMREpk6dWmDtGU3Aa+zZswc3NzemT59OYmIiu3btYvPmzWzfvh0fHx+91qIJvjNnzvDo0SMOHDhATEwMvr6+bNiwgWXLlrF79269XEwBT0/wDRw4EEVRaNy4Mffv3+fJkyfaL/zrDAs8u2BW5cqVtRfPmJuba/e11CjscIc/v2CnT59m48aNFCtWjNOnT3P58mWOHDlCuXLldBbwmjW/Q0ND8fHx4eHDhwQHB3P79m2uX7+uHTZ7nZPcGklJSZQtW5ZPPvlEu7fvuXPnOHv2LBcvXsTW1pZRo0ZhZWVFdna2zlfJhD9PVO/ZswdPT0/8/f1p1KgRLVu25N69e6jVar0Mkdja2lKuXDkGDBjAuHHjqFatGkFBQZQoUeJvN7vRFbVajZubG3v37qVGjRra5+7v78/w4cOBgusMGU3Aaz5EFhYW2j0tNdveDRo0iAcPHgD6XeBK80VNSUmhU6dOADg5OTFy5EhGjhxJeHg4VlZWOu3Zah77zJkzbNiwgaZNm5KRkcH+/ftp0KBBnvXZX+d10dR97NgxNm3ahFqtZsSIETq9GvF1aV6Lu3fvUrFiRVJSUihWrBjNmjWjWbNmJCQkUKpUKZ20rfncXbt2DQcHB3JycihdurS27aioKO1KgvkZpli5ciXh4eE0b96cunXrUrduXRo1asSjR484c+YM0dHR2g7FBx98UCDP7UU0z6dRo0bUrl0bX19fbahdu3aN+vXr66UOU1NTvvzyS1atWqXddKZOnTra5Qj0kQ2KoqBSqejatSsLFixg27ZtmJubc/v2beDptqKaWguCUY3BR0RE0L17dypWrMgXX3xBnTp1KF68eKH2HLOzs+nUqRPm5uZ8/vnnvPPOOxQrVkz7oc9Pb+1laD60n3/+Oe3bt9euO37s2DHMzc1ZtmxZgSwVe/v2bU6dOsXp06d5+PAhFStWpEmTJvTo0QOVSlXoyxI8y9vbm99//51q1arRpUsXnJ2dtcMlun4/fvvtNzZs2EC1atX44IMPqF27tnYIqyDavnfvHocOHeL8+fOkpqZSqVIlGjRoQL169fLMUNHXcJmmnatXr1K6dGnKly/P9evX+eqrr7C0tCQzM1N7JKXL9m/cuEFqaioNGzYkPj6e2NhYrK2tsbKy0vsJ1tjYWBwdHTl37hx//PGHdgZXixYtcHZ2LtD3xqgCHuDcuXMcOHCAU6dOYWNjQ+PGjenatWuh7K2ocfz4cQ4dOsSZM2ewt7enZcuWtG3bVm/zwnNycujduzcTJkzg8uXLKIrC2LFj+fzzz+nSpQstW7YssLYURSEoKIjTp09z4cIFli5dql3bpTBlZ2eTmZmJlZUVcXFxBAYGcu7cOZKSkrC2tqZMmTL07t1bJ0ceqampqNVqSpUqRXR0NHfu3OHy5cvEx8djampK8eLFGT58eL6DJi4uLs85nevXr/PHH38QGBgIPF1+eOLEiXrdB1fzozVkyBB69uxJ+/btURSF4OBgHj16hIODg06HRzRhOW7cONzd3Rk8eDBnz57l7t27NG/ePF+7Jb1OHbdv32bNmjXMnj0bExMTnjx5otuVPPN1mZQBSE5OVkaPHq0oiqK9AlBRnl4ZuGfPHqVXr17Kli1btH/Tl88//1zJzMxUsrKytH/LzMxUfH19le7duyvfffed3mpRFEXZtm2bMmzYMKVPnz5Kenq6kpKSonh6eiqZmZmv/Ziaq+yCg4OV+fPnK4MGDVI2b96svTIyMTFRURT9vu7/i6+vr3LhwgUlMTFRiYyM1P79zp07ire3tzJlyhSdXdHp4+Oj3LhxQ4mMjFSCg4OVrKwsJScnRwkJCVE2b96sLF68uEDamTBhgnLv3j3ljz/+UK5fv679e25urnLkyBHF29tb+//6lJ6erkyZMkUJCQnRa7vPtt+xY0dFURTl3Llzyocffqh06dJFmTx5spKcnKyXGjSfrenTpyv//e9/FUVRFG9vb8Xd3V35+OOPlUePHumkXaPowQcEBGBjY8MHH3xAgwYN6Nevn3bMuzAoisKhQ4do2bIl7u7uNG7cmP79++dZLVAzhVBfh8pJSUnExsZStmxZrK2t2bBhAwEBAcybNy9fY48ZGRn069ePzp07k5OTw44dO8jNzWX16tV66x29jOvXr+Ps7Mwvv/zCxYsXadq0KfXr16dmzZqUKlVK+z4oOhii8ff3p27duixatIjIyEiqVauGm5sbNWvWxMnJSbuYVH7b1jyHMWPGEBQUhIuLC23atOH9998vtIXs4OmqnZpt8AYNGoSLiwvly5fX25GEv78/S5YsYezYsWzbto1OnTrRrFkzunfvztatW/U6hOvp6ckvv/zCtWvXOHbsGB9//DErVqzAy8tLu6NXQTKKgNeIiYlh48aNbNu2jYyMDOrVq8fEiRNxdXUttJoiIiLYsGEDu3btIicnh5YtWzJ06NBCvarzyZMnBAQEUKFChdcef9eEyebNm7l48SLz58/X3vbjjz9ibW3Nxx9/XEAVF5wnT55w7NgxTp48yd27d7G3t6datWoMHDhQ57OZ7t27R2BgIFeuXCE+Pp4SJUrg5OTEJ598ku8xaM37obk6NjExkd27d7N//37i4uKoV6+eXq9WhT+HZxISEjh9+jQBAQEkJydjY2ODnZ0dbdu21dvQ6dy5c/H19WXYsGEMHjyYDRs2cO3aNebMmaO3iRfJycksWLCAhw8fEh4ezrx586hRowZdunRhzZo12NraFnyjOjkuKATZ2dl5/v/q1avKJ598ouzZs0dRFMMYJrh48aLSv39/Ze7cuYqi6Lemf2orKSnptR93/fr1ypIlS/L8beXKlcq0adMURdHNglmv6n899/j4eGX9+vXK5MmT9d52ZGSksm7dOuXHH38skHY0h/gjR45Uzp07l+e20NBQ5ciRI4qi6G9hsWfbnj9/vvb/AwMDlVWrVimjRo3SLuimS0lJScqaNWuUrKwsJTs7W8nJyVFyc3OVjz/+WDlz5oyiKLr/jGraUZSn7/vvv/+unDhxQlEURdm5c6fyySef6KyON7oHr/nlDQ0N5dy5c9qrNLt27Vpo2/Ep/99refz4Mf7+/mzdupWWLVvi4eHxXA9R0fGMjX96fM1rd/DgQYKCgvjiiy9eq427d+/Sv39/mjZtSps2bahatSpfffUV48aNo3HjxgZxcZPGwYMH2bJlCw4ODjRr1ozGjRvn+Zzo8v3w8fHh5MmT2NvbU6tWLRo1apRn39v8tJ2amsratWs5d+4c9+/fZ+fOnXlObPv4+ODh4aHzK3WfdfnyZXJycjhx4gRFihRh7NixedY11yxOp2uhoaHMnj07zw5uDx8+JDY2Vi9H0Y8fP6Zbt27ao/ePP/5YO7kiJyeHTZs24eLiQpMmTXRyJPFGB7zmSzF48GA8PDz4/fffiYuLIykpCWdnZ6ZNm6adE68vmjdp5syZFC9enFu3bnHu3DlycnKoVasWI0aMKNBZK3/nr2Hxd+GhCd6JEyfy2Wef5WuRp3v37rFnzx4uXbrEvXv3GDRokHazgsKmee7Xr1/n+++/Z8CAAXz11VdUqFCBlJQUOnTowNixY3USfprX+MiRI2zZsoVGjRrxyy+/4OrqSlxcHB06dGDkyJH53nAjKyuLx48fM3nyZO7du4e1tTUVK1bEw8ODcuXK8fnnn7Nz584CelYvx9/fnylTphAZGUnjxo357LPPtPPdp0yZgru7u873P4Cn7//hw4dZtWoVrVq10l5IpG979+5lyZIlxMbGYm9vT6dOnejbt6/Oz40YRtfqNZmYmBAbG0tqaqp2edejR48yfvx4ihQpou055ubm6q0mzS/w5cuXGTp0KCqVis2bNzNz5kzi4+OJjIzUeU2HDx/m6NGj3L9/H+C5sFcUBVNTU9LS0rQX/byO+Ph49u3bR2xsLHXr1mX58uX4+voaTLjDn6/zjh076NmzJ5aWlvTt2xc/Pz/q1KlDQkKCznu2e/fuZcCAAZQoUYKBAweyevVqypYti6Io2u0L88Pc3Bw7OztKly7N119/zddff021atVYv349I0eOxMPDA3ja+dCXBg0asG3bNrp06UL16tX59NNPadiwIVOnTuX69et623DHxMSENm3aMHv2bK5evcqyZct4+PAhoJ9c0LRx6dIlBgwYwC+//MKkSZM4fPgwLVu2ZPny5Tpt/42/ktXf3582bdpw/fp1LC0tUalUtGzZkuTkZG2PQd9DBJod0U1MTIiMjMTV1RVnZ2du3bqlDT9dDQVkZ2fzxx9/kJWVRbly5ahUqVKeNUiebVdz6fir0PRKg4ODWbhwIbGxsTg4OGBjY8PDhw9p165dAT+j/NH84D5+/JjWrVsza9YsbbhoZrOAbi78MTU1JScnh8zMTOrWrcuaNWsYOnQoRYoUwcXFRbuUQ36GZ57dYzQ1NZUWLVqQmprKjh076Ny5M++99552zRV9fQ80NeXk5DBnzhxUKhVTpkzh4sWLHDt2jDFjxuh0hpXmKPrOnTuEhYVx9+5datWqhaIoLFu2DIDRo0fr5fUwNTUlNjaWY8eO8e2332r/bmlpyenTp7U/vroaynzjA97NzQ13d3fS09OxsLAgODiY3bt3k56eDhTOAlfW1tb069ePx48fU7FiRW7evElERARBQUEULVpUp2O9RYoU0c4Y8PHx4ffff6d58+baVQsrVKhArVq1MDEx4dSpU0yfPv2VHl9T944dO2jQoAHDhw/n8ePHbN++neXLl1OjRg0qVaqkg2f2+nJychgxYgRFixalZs2a3Lhxg3LlyrF161a2bdsG6Db8pkyZgomJCe7u7hw9epT4+HiOHTvG5MmT8922pve/ZcsW2rRpg1qtZuXKldy8eZPLly/j6Oio/SHR19XEmpURP/roI1auXImTkxN3796lQoUKTJw4Uefta37Up0+fTo0aNUhJSeH27du0a9cOd3d3Dhw4QGJiIpMmTdL59oDwtNNVvnx5jh07RsuWLTExMcHNzY1Vq1Zpj5519fl74wP+2QX6q1evzocffkjr1q0ZN25codVUsWJF7RtXq1YtPD09adasWZ6FhHQ1LUtzIuvGjRv06dOHhg0bEhwczO+//862bdsYM2YMtWvXRq1W06dPn1c+Ga0JCScnJ2rXrg1AqVKlGDRoEJcuXeLKlStUqlRJ5yeQX5aiKJiZmVGhQgXMzMzo2rUrY8aM4e7du3z88ceUKVNGp50AMzMzHBwcMDU1pWfPnnzzzTekpKQwaNAgzMzM8n1iTfNv4+PjyczMZP78+RQvXpyNGzcye/ZsIiIiaNSokd7eD83z0Syk5eTkxKFDh/j666+pW7cu48aNy7P+ka7aj4qK4osvvqBmzZrPneMYPnw4nTp10i7MpmsVKlSgVatWeHt7ExgYSEZGBrGxsVSrVi1PzbrwRp5k1Xwhb926xYULF0hJScHS0pLu3btTokQJ0tLS9LZC419rio+P58qVKyQkJADg4eGBpaUljx8/xs7OTi+1ZGVl0aVLF9atW5enzc8//xwvL698L+7k7+9P//79qVmzJgsWLMDZ2ZmoqCi+/fZb5s2bh52dncEEvFqt5o8//sDf35/Y2Fg6depEhw4dSE5O1q67XdC1ah5Ps7H1/v37ycjIYPDgwTRu3Ji0tLQCXxrX39+f1atX8/DhQ9asWYNKpaJ3797897//xcbGRm/vh6adiRMn0qNHDywtLdm1axft27fnxIkTqFQqxo4dq7P279+/j7W1NRMmTOCDDz6gR48e5OTkYGZmRkpKCkWLFiUpKYnFixcze/ZsndXxd06ePElgYCBRUVHUr1+fDh06UKJECZ2+N29kwGv06dMHJycnypUrh1qt5tGjR3zxxReUKVNG7wGjCfjx48fz6NEjHB0dsba25uHDh4waNapAFvR6WWlpafznP/+hRo0a2uVgHz16xMiRI/H29sbMzCzfvdakpCR27drF4sWLKVasGOXKlWPw4MF06NChoJ5Gvmie386dO9mwYQNt2rShVKlSHDx4kJo1azJhwgSdta3pka1cuZITJ07QvXt3oqOj2b17N+3bt9fJ0aXy/ztTmZubY25uzt69e9m/fz9LliwplGHKrVu3smDBAqysrPjmm29o2bIlY8aMwdPTk/fff18nbWZlZbF582aOHz9OcHAws2bNombNmhQvXpzixYuzYsUK2rZtS9WqVXn8+LHOVg6FPz8DYWFhnDx5kidPntC9e3e9X1H8xgW8JrjPnz/Pb7/9xooVK1Cr1URERLB48WIqV67M2LFjC2Xu9YMHDxg6dCi+vr4oikJYWBg///wzxYoV46uvvtLrPORjx47x/fffU6ZMGRo2bEhYWBhlypThu+++K/Av/N27d/H29mbr1q24uLgwf/78Ql3cDf78nHz++ecMHDgQd3d3srOzuXHjBosWLWLo0KE0bdpUpzWMGTOGCRMm4OzsDDxdcXPevHnaYTJdUavVxMfHA0+H0vQV8JrXXDNMGBQURHJyMu+++y6BgYFMmjSJ/fv367yOJUuWcPToUaytrbG2tqZBgwaUKlWK2bNnc+rUKb1mwwcffECrVq24d+8eAQEBVKxYkebNmzN06FDMzMx0XssbNwav+RAlJCRQrlw5UlNTsbS0xMXFhR49erBp0ya97owOf/5aR0REUKtWLe1FHC4uLkyaNIlhw4bpNdwBWrVqRdOmTdm9ezc3btxg4MCBOhv7rFSpEt9++612poRmS8LCpBkiSUtLIzo6Gnd3d4oUKaINes2Yp66GZ+7fv09iYiIPHjzQBnz16tWJi4vTntjT1VGmSqXKs7+uvr4Hmufyyy+/4OjoyDvvvIOrq6t2q8wxY8botP2zZ8/SpEkT+vbtq93wZM+ePdqVZcePH6+d3fPsXrUFTfO+BgYG4urqypQpU4Cn50kOHTrEzp076d+/v06PIDTeuIA3NTUlOzubDRs2aDcvaNGiBSkpKRw6dIiuXbvqvSZNWPz++++cP3+eokWL4unpSVZWFufOnePdd98FdDujR/Mj4+/vz7FjxyhSpAjVqlWjRYsWdO/ePU+Q6KoGlUpF48aNdfLYr+PmzZukpKRot8hzdHTE0tKSkiVLajdWKOiA1TxeZGQk6enpfPHFF3To0AFXV1fMzMx4++23tSfXDOEcRUHLysoiJSWFy5cva0+0NmjQgCpVquh0+E6zDn7dunVZuXIl77//Pu+88w79+/enf//+pKamas976DLc4c9JFBcvXqROnTrav9vb2+Pl5aXdqk8fw8hv3BCNRnR0tHbB/IcPH5KQkECHDh3w8PCgfPnyej/JCk+HKs6fP8/hw4d58uQJsbGxvPvuu3Tt2pW33npLL4dkffr0oXr16uTm5pKRkYG5uTmlS5ema9euhbroWmFIT08nJCSEGzduEBISwpUrV1Cr1bz77rvaZRV0tRZ3cnIycXFx2u34Dh8+jLm5OY0bN6ZHjx7a98IYQx6ehtzp06fx8fHhyJEjDBw4UC9TJG/dusX333/PgwcPKF68OK1atdK+1/pcB1+tVtO/f3+uXLnC+++/z6BBg/R+VT28wQH/rNu3b3Ps2DHOnz9PWloanTt31stek//k2rVrnDx5kgsXLgBPr+wbNWqUTtrS9ATCwsKYNWsWq1evBiAqKooLFy5w4cIFJkyYUKhLxha2pKQkwsPDuXLlCrGxsdy/f58vvvhCL5uuJCYmEhsby/Xr17lz5w63bt1i1qxZej3xri/R0dGUKlUqzyyh//znP9SuXVunS3hrhl1mzZrFuHHjsLS05MCBA+zYsYNz587x7bff0qNHD521/3cURSEgIIDt27dz5swZcnJy6NSpE19++aXeanhjA15RlOfmk+fm5nLy5EksLCwKZajg2WUANLKzszl+/DjJycna5RQKmmbo59ChQ/j6+jJixAhcXV312mMxVH93GHz//n1u3LiRZ31+fcjKyiIpKYnIyMjnNiQ3Bjdu3GDhwoW0bNlSu9a9lZUVo0ePZsGCBbpZDpe8V/N+++23+Pr65rn96NGj1KlTR6/TRYE8U3Fzc3PZt28fiYmJDBgwQG9LFL9xY/AaJiYm2hcoNzdXu5lty5Yt2bBhA++8847eD39NTEy0bWrWoChSpAht2rRhz549eVbTK0iaH5Rz584RExPDmjVraNSoEc7OzlSsWBEnJyeDmZeub3+3Dk+5cuWIiIjg8uXLOtlk4X8xNzfH0dGRkydPUrp0ae1Y/Jvu8ePHWFpaUqFCBZo1a8bFixc5cOAA5cqVIyUlBXNzc52FO/z5Hh88eJBWrVoBaLfCO3PmDLt37+a9997Lc19d0HzHHj16hJ+fH2fPnkWlUtGkSRM6d+6c5whGH+EOb/hiYxqmpqbaN27v3r3ExsYWepg9W1N4eDibNm3SeY960qRJzJw5E1dXVy5evMiWLVtYu3YtWVlZhf56GIJnf4BXrlxJ5cqVC6WObdu25Wv1TkOSlJTEf/7zH/bu3UtSUhIff/wxixcvZtq0abi7uzNw4EDmzJmj0xo072mTJk0IDQ0lOjpae25l7969uLu7A7pfbE3Tqdu4caN245Xo6Gh27tzJBx98wNSpU3Xa/t95I3vw/zQb5fDhw3pdpiA3N5fs7Gztgk5/vU2lUnHgwAEGDRqk0zqys7MxNTWlRo0avPXWWzx58oQLFy6QkJCgXbHw3x7ymtfg3r17mJmZ6XU6p+YzGxgYSOXKlf/28/Imys3NxcrKit27d+Pr60uNGjVo2LAhb7/9tna2iL5oFhT79ttvsbW1pXjx4kRERPD5558Duu81ax7/xIkTrFy5ku+//55hw4ZRrlw5VqxYoR021tfwDLyBAf93l3lrXrCUlBTu37+vl5NXmuEWf39/EhMT6dChw3MhqnkTT548qdPt67Kzs1m2bBlnzpyhTJky1K1bl0aNGlG/fn3txg//lnDPyckhPDycqlWr/u0a+CqVCj8/P52FT05ODjExMZibm+c5qa051bV792769eunk7YLQ5kyZfj6668BOH36NIcPH2bNmjWULFkSFxcXOnfuTPXq1fVSS4kSJVi4cCEnT54kJCSE9PR0Fi9eTOnSpfXWwYmMjKR8+fKYmZkREhLCDz/8ADzNKM0sGn2FO7xhQzTr16/no48+onPnziQlJWn/rnnBduzYQZcuXfRSS0hICEFBQSxatEi7mJHmAxQbG8vjx48BtCv66WLVOs0h5/bt20lKSmLgwIHcunVLuxb98uXL873W+JtC81r4+vqyYMECTExMiIuL4+TJkwQFBQF/fk727NlToFexato+fPgw06ZNY8yYMRw8eBB4unPRs22fPXuWWrVqFVjbhenOnTv06tWLjRs3EhsbS7NmzZg6dSo///wznTp14vbt22RkZOi1piJFivD+++8zbNgwxo4dqx3711cHx9HRkREjRpCTk0PlypWZNm0amzZtIi4uTm9rUT3L4ANeM6517Ngxzp07x7Rp01AUBRsbG4KCgvDx8dF+wXJycrTrK+tSZmYmt27dYsmSJdy5c4e4uDj8/f2Ji4sDYMWKFTx48AB4+os+dOhQndShGaY6ePAg/fr1IywsjNGjR/Pzzz/TokUL7OzsMDEx0euGJ4VF81rs3buXIUOG8PjxYxYtWsTUqVP5/ffftYu/JSUl0blz5wL9wdWE908//cTAgQMxMzPTXkm6Z88eQkNDgaefhX79+hnMFob5oSgKZcuWpVWrVuzZs4f+/fszbtw47VIEnTp14pdfftGOfxuz5ORkJkyYQFBQEObm5ri4uFCiRAm8vLyIiIjg9OnTjB8/HtDvpivwBgzRaH55d+7cyYABAwgKCqJFixYAhIWFcebMGXr16oWiKPTs2TPPXpS6YmFhgaenJ9nZ2VhaWnLz5k0uXbqk3aXn5MmTzJgxA4AWLVrobKzXxMSEJ0+eULlyZapVq8YPP/xAkyZNtLcVxoUVhcXExISUlBSePHmCu7s7ixYtokaNGsyZM4cBAwYQHx+PnZ0dNjY2DBs2rMDa1Rz637x5kzJlylC9enXUarV21sa6deu070PFihXp379/gbVdmExMTChevDijRo1i1KhR3Lp1C19fX5YuXcry5ctxdXVl9OjRBrc3gC5YWlrSpEkTvvzyS1JSUujWrRt9+/alfv36rF27Ns999Tk8A29ADx6efomqVKmCqakpBw8e1I5nHzp0iNatW2vvo49w17QFUL58eebPn8+UKVPo1KmTtgbNJhpqtfq5XZQKmqWlJaNGjUKlUvH+++/j6+vLL7/8wtWrV7ULWhlDj/FlWFhY4O7uTp06dbh37x59+/YlLi6OtLQ0atasqZM2Ne+toig0btyY3377jaZNm6JSqQgKCqJ06dJUqVIFRVH03nvTpbNnzzJ16lRSU1O5e/curq6uTJ48mT179vDVV1+RlpZGTk5OYZepF2ZmZvTq1Yv9+/eze/duSpQoQefOnenatSurVq0iMzOz0I6i35gLnfz9/Zk6dSpqtZqJEyeSnp7O6tWr2bZtm15/FTWzIW7evMmqVauYMWNGga/t/bpCQkL4+eefqVixIg0aNKBp06bk5OSgUqn+FSdZNYu8xcTEULRoUUqXLs306dOxsLDgq6++0tnsBUVRiI+P58cff8TX15ePPvqId999l3Xr1vH+++/j5eWl15kT+pKdnU1wcDAff/wx5cuXp0ePHvTu3Vtnyz+8acLCwvjxxx/p1KlToW1ladABv3LlSjp06ED58uUBCAgIYNeuXURFRVG8eHE++eQTateuXSgrR86cORM7Ozs+/fRTsrKyMDc3JygoiMePH+ttQ+EX1fhvEhkZybx582jevDl169alTJkyWFhYcOfOHcqVK6eTPQI0n7uzZ89y6dIlRo8ezd69e/ntt9+wsrJi4MCBNGnS5LkdhYxRWFgYq1evZs+ePZQvX54lS5YU+pLRwoAD/uHDh4wZM4bw8HAqVapEz5496dixo8HMH/7kk08YPnw4DRs21PYcp02bRq1atbTnBPTda/7rD116ejp+fn7ajb6N2YMHD/D29tbO3KhQoQINGjSgXr16Ops2q3mPN23apF1BVEPzXvzbrj9Qq9VcvHgRV1dXg1g2+t/OYAdnS5cuzbp165gzZw5qtZp58+bRqlUrxo0bx7Fjxwq7PN5//312794NgJWVFQkJCVy+fFlnu9W8DE24a8Z6d+3aVWi16FuZMmWYMGECP//8M2PGjCEuLo7vvvuOiIgInbVpYmJCVlYWW7Zs4dq1a8/dlpub+68Kd/hzyWgJd8NgsAGvsWHDBj799FM2b97M+vXrSUpKYvjw4fz888+FWlejRo24efMm7u7uDBo0iNmzZ9OkSRNsbW319sX+Xwdfz06f1PeCWvqkOXGVlJREaGiods55vXr1+PXXX/nggw+oW7euTmtITU2latWq7Nmzh1atWrFw4UKioqIwMTH515zcFobLoKdJ3r59m/v372unnAFMmTKFw4cP07dvX0C3m2j8k2rVqrFlyxZu3rzJ2bNnadSokd7XW/+7HxHNkIAmZIy5J6V539etW8eVK1do1qwZdevWpWzZspw8eZKsrCysrKx0OkxiY2PDDz/8QHZ2NgcPHmTv3r20bduWESNG6HRzaSFehkEHfPHixSlZsiS//fYbnp6eWFtbY2pqyoULF7Rrq+sr3DU/JPfu3ePAgQNERETQtGlTGjZsyKBBg/KEiK5rUqvV7N+/n3PnztGyZUvq1q2rvWJPczn+jh07jGbO9Yt89NFHVK1alZMnT3L8+HFKly5NUlISAwYMAHhuWen80rzXarWau3fvcuvWLVq2bEmnTp3o1KkT8fHx2qOrwuqACAEGfJJVY//+/ezduxc7OzsiIiJQFIX33nuPjz76SK+zRTRf6oEDB9K+fXt++uknzM3NUalUNGjQgEGDBul8zQ1NWGzatAk/Pz/Kly9PcHAwiqJQv359OnbsqF1nfNiwYSxZskQnSyQYgmd/UHNycoiNjcXe3p60tDSCg4OpWbMm1tbWOmlb87lbvXo1Z86cIS0tjaioKGrVqkW3bt1o3769TtoV4lUZXA9e8+W5f/8+pUqVon379ri4uBAQEEC5cuVwc3PT+6I9mjCJiYkhIyODfv36sXPnTlatWsXatWvx8fHR9hZ16cmTJ1hZWXHlyhU+++wz7b6i/v7+rF27liNHjmgD/tdff9V5PYZg7dq1nDx5kiJFipCVlUXHjh11vnOP5nN36NAhRo0aRdOmTQkPD8fPz49p06YRHh7OiBEjdFqDEC/D4AJe8+XZsmULv/zyC23atKFv376FOtVP01P09/enVatWXL9+HXNzc6ysrOjUqRMPHz7Ezc1NpzUEBwczduxYOnbsSJkyZUhMTNRuU9agQQMaNGigva+uNhYxFJof3OjoaLZt28a0adMwNzcnNjaW9evXU6FCBZ3tmKQ5ioqOjqZRo0baDdVdXFwYO3YsI0aM0J78leEZUdgMLuA1xo8fT5cuXdi1axezZs0iOzsbd3d3pk6dqrND7xepXLky9evX58GDBzg5OXHnzh28vb3zbMuliy+0oii89dZbjB07liNHjhAQEKDdbPzdd9/Fyckpz8U0xhzuzzp27BgNGjSgfv36ANSuXZv4+Hh2796ts4DXvL+7du3il19+4e7du0yaNEm7uNiz74OEuyhsBv0JdHFxYfz48axfv5769euTlJSkDVN90ZyiCAkJ4cyZM5QtW5YaNWqgVquZMGECGRkZ9OnTR6c1aI4gPDw8WLhwIX5+fgwZMoS9e/cybNgwhg4dyo0bN3RagyHRvB729vaEhoZy6dIl0tLSgKf7BWguldfl2i8DBgxg0aJFZGVl0aNHD3r16sXy5cvJysr61yzRLAyfQZ1k1Rx6r1+/niZNmuTZ8X7r1q0UKVKErl276vXqQE1bmzdv5smTJ3l2ZoqKisLOzk7nJzI1Rwbh4eH4+/vTrVs3zMyeHnzdu3ePLVu20Lt3b8qXL2/0V05qloXQmD9/PgkJCbi6unLz5k2io6P57rvvtAt86eq1eHYYLCEhgT/++IPt27ezevVqSpUqpZM2hXhVBtWDNzExITMzk+PHjzNgwAC6devGb7/9RlRUFN7e3tjb2xdKTfB0Q+u//hZWqFBBL7NUNO16e3sTFxeHmZkZ2dnZ2nXxJ0yYoF2vx5jDHZ5ubhIXF0dUVBSpqamMHj2ad955h/j4eGrWrMmXX36pXQOloF8Lzdj6oUOH+OKLL+jUqRNXrlzBzs4OLy8vtm7dSqlSpaQHLwyGwY3BW1hYsHLlSpKSkti3bx+7du1i3bp1dOvWLc9a5/qUmJhIfHw8Cxcu5OjRo/Tr14+OHTvqrX3NieeAgACWL18OPB1+KFKkCCtWrKBZs2ba/R6NmVqtplixYjg4ODBjxgzUajV169alSZMmdO/eXeftm5qakp6ezsKFC/n555/x8vKiTJkypKSksG/fPjp27IiVlZXR/8iKN4dB9eAB4uLiOHv2LNbW1nz44Yds3ryZAwcOaDdpKIzeUUxMDCtXrmT37t00bNiQlStXUqtWLb0ul/Dw4UOcnZ21W6BpjhwOHz6stz0vC5tKpaJr164ANG/enHLlynHhwgUWLFjADz/8wPbt23W27rbmcf38/LQbzlSuXJkKFSqQmprK2rVrZZlcYXAMogevGWMODg5m3rx53L9/n/v379O4cWP69euXZz0VffWOcnJyyMzMpGjRoixdupQVK1ZQuXJlxowZw+jRo7ly5Yp2HXh9XHBVunRpXFxcGDJkCP3796dq1arcvHmTSpUqYWNj86+Ykqd5nQMCAnj77bd5//33iYuLIzAwkAsXLpCUlKSzFRyffW3r1avH5s2b6datG/B0yKZOnTqYmpr+K5dqFobLIAJe82Xcvn07tWrVYs2aNURHR7Nu3TrGjRvHW2+9xZYtW/RaU0xMDEePHuXMmTM8efIkzxdcc+Vkp06dAN1fcJWVlcXJkycZPXo0VatW5cKFC/z+++907tyZiRMnAoVzZKNvKpWKnJwcNmzYwMOHD6lfvz5169alZcuWtG7dmqysLJ3X0L17dz788EOuXr3K9OnTCQoKYs+ePXz++eeA8Z8DEW8Wg5pF4+3tTcOGDZ+7aCghIQE7OzvthT36EB8fz5kzZ5g9ezaurq7UrFkTBwcHmjdvzrFjx4iLi+Prr7/W6UyNBw8eULp0aQ4cOMClS5f49ttvSU9PJysr6183U0PTMz506BBbt24Fnm6ZeO/ePYoXL06zZs344IMPsLKy0lnbmzZtIiMjg8aNGxMYGIi/vz8hISEMGzaMDh06FHi7QuSXQfTg4elVorNnz6Zhw4bMnj07zyYNdnZ2AHoLd3g6x9rT05MSJUpQtGhRrl+/TlhYGFevXuX27dtMmzYNQKcBf+fOHXbt2sW5c+e0Y8/FihWjWLFiHDp0CMColwN+luYIasOGDXzxxRfUrFmTBw8esG/fPg4cOMDRo0dJTExk6NChBd625ggtNDSUdevWYWZmRsWKFRk2bBizZs36V+zYJN5MBjNo26BBA86cOcP7779Ply5d6Nq1K6tXryYzM1PvtWgukDl79iy2trY0a9aMYcOG8eWXXzJs2DBWr16tXQ9Hl+Perq6u1KlTh8TERCIiIhg9ejQLFizg8uXLeHt7a6/oNaCDMJ0xMTEhOTmZ5ORk7VBMmTJl+OijjyhTpgzt2rXjwoULhIaGFmi7mpOrwcHBZGVlsXnzZg4fPkz79u356quvePfdd1m4cKFehoeEeFUGNUTzLEPYsLZv375MmTIFd3d3duzYwZ07dxgwYAAODg56qyErK4s7d+5QtmxZjhw5wu3btwkLCwOe7ln7b+Pt7U1gYCAjRoygaNGiBAcHs3r1ajZv3ky7du3YsWMHxYoVK7D2NEdo06ZNo0yZMnz22Wfa23x8fIiNjSU0NJQhQ4ZQq1atAmtXiIJgMEM0f1WlShWWLFmi93Y1s1GuXbtGkSJFcHd3Z9++fWzbtg0nJyd27drFkCFD9HYyLSMjg2vXrmkviU9ISKB48eLa4ap/w+yZ69evU7NmTeDpcg3h4eGMHTsWR0dHLCwsGDJkCPv27cPV1bVAwx3+PGlat25dTpw4oT0fBBAYGEjHjh3JyMjgyJEjEvDC4BhsD76wbdy4kcDAQGrXrs3t27fx9PTE1NSU+fPns379ep22rQntGzdu8NNPP1GsWDFOnDjB+fPntVMBC2vBNX0LDAzkxo0beHh4sHv3bho3bkzlypVJSUkhPDwcNzc3zMzM8PX1pVy5ctollAtaUlISU6ZMQa1WY2dnh7W1NcePH8fPz4+BAwfy5ZdfSsALg2OwPfjC1qlTJ4KDgzlw4ACDBg2iXr16TJ8+nbZt2wK6nfuu+c3dtm0brVq1QqVSaefcnz17ltDQUMaMGaOTtg1NjRo1qFatGkFBQRw4cICAgADKli1LnTp1qFKlinb/W11fyWpjY8OSJUs4ceIEISEhPHjwgGXLlhEeHk6xYsUk3IVBkh78P8jIyMDExAQLCwvu3r3LN998w+LFi7GxsdFL+wMHDmTt2rWMGTOG/v3706hRIyZPnoyrqyuDBg0y+uGZrKwswsLCcHBwoHTp0sTHx+Pv78+lS5dISkpCrVbz6aefaodvCkN0dDSPHz/W+X4AQrwOCfhnaAIzMDCQ/fv3ExoaynvvvUfv3r3JyckhMDCQRo0a6WXFxtzcXNatW0dAQAChoaHs2rULgM6dO+Pt7U3p0qWNfuXII0eO8OOPP9KkSRPq1KlDnTp1KFeuHADh4eGcOXOGbt26yRIBQvwPEvB/kZqaSrdu3fjwww/Jyspi165dZGVl4e3tjaOjo87b14R2amoqaWlpzJ8/n5SUFEqUKMGDBw9wdXVl8uTJRt9717h48SJHjx7VnvSuWbMmjRo14q233tLbkZQQbyoJ+P8XGxuLo6MjFy9eZN++fUydOlV729KlS1GpVIwcOVIvtWRmZjJz5kymT59OVFQUR48epWTJkri6ulKjRg3MzMyMvvf+Vzk5Ofj7+7N7926ioqJQFIUZM2ZolwYWQjxPTrL+v+nTp5OSkoKNjQ3Ozs55bitatCghISGAbrflMzExQVEUkpKSePDgAdHR0Tg7OzNo0CDUajVnz57VTo809nDXvM6atd9v3bpF8+bNmTVrFg8fPuT48eNUrly5sMsUwqBJwPM0TMaOHcu1a9e4fPkya9euJSAggC5dulCpUiUSEhL46KOPdFqDiYkJ9+7do3z58jg5OVG5cmVOnTpF165dOXToEAcOHKBKlSq8++67/4reu+b5LVq0CAsLC06ePImtrS0VK1YkPT0dT0/Pwi1QiDeADNH8RVRUFPHx8dy5c4fDhw9z8uRJWrRowa+//qrTdiMiIhgyZAjVqlWjVatWNGzYkFmzZlGmTBmePHmCp6cn9evXx9ra2ujH3zU/YDExMYwZMwYfHx86d+7MunXrsLa2ZsKECYwfPz7PekVCiOdJD54/A2XTpk3ExMQQEhJCxYoV6d+/PwMGDNBeVKTLue92dnbMnz+fW7ducfbsWdatW0dISAgdO3Zk6dKl2jpBt+vfGAJN7/3kyZO0bNmSCxcuULZsWaytrQkJCSEsLEzCXYiXYNxJ8RI0F8oEBQWxc+dOHB0dCQkJIS0tjXnz5vHrr79qp+bpct334sWL8/bbb5Oens7IkSP59ttvmTp1Krm5ubRt25aDBw8a/bDMX7Vo0QJzc3OWLl2q3ex8+/btNGvWDPhzUTghxN/71we8ple8a9cuBg4ciJ2dHfXq1WPcuHE4OzvTunVrnU/H06xYeO3aNe0WfDVr1uT27dvUrFmTiRMn0qBBgzz1GivN84uKiuLOnTukpaVx/fp11qxZw9ixY4mKiqJfv36A8R/JCJFf//pviKZXfu/ePd5++2327duHp6cnNjY2ODo6aleO1GWwah7bx8cHT09PcnJyWLlyJXfu3GH//v1YWVlpf2T+Lb34LVu2kJiYyPjx49m7dy+NGjWiTZs2zJ07l/LlywP/ntdCiNclY/D/b8aMGZQuXRpXV1eWL19OTEwMp06d0s5912WYaH5k4uLiyMjIYMGCBRQvXpwNGzYwa9Ys7t+/D+h2cxFDoXl+jo6O2nF2R0dHPvnkE+19/g2vgxAF4V/fg9dwcHDA3Nycnj17Ur16dY4fP06PHj20G1rrw5AhQzh16hRXrlzhk08+ISsri4sXL9K6dWu9tG8o/P39+f7775k3bx5379597nYJdyFejkyT/BvZ2dkUKVJE+//66jEqikJaWhrm5uaYm5uzd+9e9u/fz5IlS4x+auRfJSUlsXPnTpYsWULFihXp0qUL/fv3x9zcXAJeiJckAW+g1Go18fHxADg5Of3rAv5ZhrC7lxBvIgl4IYQwUv/OLqEQQvwLSMALIYSRkoAXQggjJQEvhBBGSgJeCCGMlAS8EAUkJyensEsQIg8JePGvcP36dTw9Palbty5jxoxh3LhxLFq0CICjR4/StWtXGjRoQN++fbl586b2373//vusXr2azp07U79+fcaNG0dmZiYA58+f1+4V0KxZM7766ityc3P59ddfadOmDe+88w5jx47l0aNHhfGUhZCAF8YvKyuL0aNH061bNy5cuICHhweHDh0Cngb/lClT+O677zh//jx9+vRh5MiRZGVlaf/9vn37WLVqFYcPH+bWrVts375de9uDBw94/PgxR48e5fvvv8fb25tDhw6xfv16Tp48SalSpfjuu+/0/pyFAAl48S8QGBhITk4OAwYMoEiRInzwwQfUrl0beLpqZZ8+fahTpw4qlYpu3bpRpEgRAgICtP/+o48+wsHBAWtra9577z1u3Lihvc3U1JQxY8Zgbm5O0aJF2bx5M+PHj8fR0RFzc3NGjx7NgQMHZPhGFApZTVIYvfj4eBwcHPKsYePk5ARAdHQ0O3bsYP369drbsrOztctEwNPdtjSKFSuW57bSpUtjYWGh/f/o6GhGjRqVZ1kJU1NTEhMTtUtPC6EvEvDC6NnZ2REXF5dn0biYmBgqVKiAk5MTw4cPZ8SIEa/12H9d+MzR0ZHZs2dTv379fNctRH7JEI0wem+//TYqlYr169eTk5PDoUOHuHr1KgC9evVi06ZNBAYGoigKT5484dixY6Smpr5WW/369ePHH3/UruGflJSkHe8XQt+kBy+MnmZf12+++YaFCxfSvHlzWrVqhbm5ObVr1+b777/nu+++4+7duxQtWpR69eppt0h8VQMGDEBRFAYPHkx8fDy2trZ07NiRNm3aFPCzEuLFZDVJ8a/Uq1cv+vbtS48ePQq7FCF0RoZoxL/ChQsXSEhIICcnB19fX27dukXz5s0LuywhdEqGaMS/Qnh4OOPGjePJkydUqFCBJUuWYG9vX9hlCaFTMkQjhBBGSoZohBDCSEnACyGEkZKAF0IIIyUBL4QQRkoCXgghjJQEvBBCGKn/A2dF1K4NJYsSAAAAAElFTkSuQmCC\n", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "##\n", + "## Plot majority-dominance in emotions, per genre.\n", + "## \n", + "# (recall - not all artworks have \"genre\" labels. working here with those that do.)\n", + "\n", + "emo_domi.name = 'majority-aggreement'\n", + "temp = pd.merge(emo_domi, genre_info, on=['art_style', 'painting'])\n", + "s = temp.groupby('genre').mean().sort_values('majority-aggreement')\n", + "s = s['majority-aggreement']\n", + "norm = plt.Normalize(s.min(), s.max())\n", + "colors = plt.cm.Pastel1_r(norm(s.values))\n", + "fig = plt.figure()\n", + "ax = s.plot.bar(color=colors, grid=True, rot=70)\n", + "ax.xaxis.grid() # horizontal lines\n", + "\n", + "if save_figs:\n", + " fig.savefig('emotional_majority_aggreement_per_genre.jpg')" + ] + }, + { + "cell_type": "code", + "execution_count": 15, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Majority-Dominance per genre (fractions).\n", + "genre\n", + "nude_painting 0.320275\n", + "abstract_painting 0.339271\n", + "sketch_and_study 0.370615\n", + "portrait 0.400872\n", + "religious_painting 0.455667\n", + "genre_painting 0.459510\n", + "still_life 0.463092\n", + "illustration 0.474801\n", + "cityscape 0.518519\n", + "landscape 0.600874\n", + "Name: majority-aggreement, dtype: float64\n" + ] + } + ], + "source": [ + "print('Majority-Dominance per genre (fractions).')\n", + "print(s)" + ] + }, + { + "cell_type": "code", + "execution_count": 16, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "amusement 2861 0.0631\n", + "awe 5292 0.0726\n", + "contentment 17050 0.1352\n", + "excitement 1325 0.0352\n", + "anger 50 0.0075\n", + "disgust 636 0.0284\n", + "fear 3329 0.0801\n", + "sadness 3845 0.0784\n", + "something else 2146 0.0405\n" + ] + } + ], + "source": [ + "# also now note the emotion that is the dominant (so we can count it per 1 of 9 \"emotion\" choices)\n", + "foo = partial(has_emotion_max_dominance, return_max=True)\n", + "emo_domi = grouped_artwork.apply(foo)\n", + "has_emo_domi = pd.Series([x[1] for x in emo_domi.values if x[0] == True]) # keeps only paintings where emo-dominance exists\n", + "\n", + "# print the percentages (unormalized and normalized per emotion)\n", + "raw_emo_cnt = df.emotion.value_counts().to_dict()\n", + "emo_domi_cnt = has_emo_domi.value_counts().to_dict()\n", + "for emo in ARTEMIS_EMOTIONS:\n", + " print(\"{:15}{:8}{:15.4f}\".format(emo, emo_domi_cnt[emo], emo_domi_cnt[emo] / raw_emo_cnt[emo]))" + ] + }, + { + "cell_type": "code", + "execution_count": 17, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Percent of annotations making a simile (approximate) 0.2090770733080557\n", + "\n", + "Samples:\n", + "The curves on the naked women are irresistable, even as the weather looks like it's about to destroy something\n", + "This looks like the people of this city are enjoying a great parade.\n", + "Jesus wearing a crown of thorns always makes me sad. Reminds me of His death.\n", + "It looks like a giant tidal wave is about to demolish something.\n", + "The water is the most lovely shade of blue, and it reminds me of the summer\n" + ] + } + ], + "source": [ + "is_met = df.utterance_spelled.apply(lambda x: sum([i in x for i in metaphorical_substrings]) >= 1)\n", + "print('Percent of annotations making a simile (approximate)', is_met.mean())\n", + "\n", + "print('\\nSamples:')\n", + "ds = df[is_met].sample(5)\n", + "for u in ds.utterance:\n", + " print(u)" + ] + }, + { + "cell_type": "code", + "execution_count": 18, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Token Length per genre/art_style\n", + "\n", + "genre\n", + "abstract_painting 15.338144\n", + "still_life 15.486418\n", + "sketch_and_study 15.584676\n", + "landscape 15.657401\n", + "nude_painting 15.662590\n", + "portrait 15.850017\n", + "cityscape 15.962521\n", + "religious_painting 16.249924\n", + "illustration 16.377809\n", + "genre_painting 16.460087\n", + "Name: tokens_len, dtype: float64\n", + "art_style\n", + "Pointillism 13.734843\n", + "Analytical_Cubism 13.856911\n", + "Synthetic_Cubism 14.105140\n", + "Action_painting 14.219880\n", + "Fauvism 14.466237\n", + "Contemporary_Realism 14.673891\n", + "Minimalism 15.006980\n", + "Color_Field_Painting 15.066897\n", + "Ukiyo_e 15.081784\n", + "New_Realism 15.208874\n", + "Mannerism_Late_Renaissance 15.452249\n", + "Early_Renaissance 15.459722\n", + "High_Renaissance 15.538284\n", + "Pop_Art 15.658450\n", + "Abstract_Expressionism 15.671851\n", + "Rococo 15.772513\n", + "Realism 15.780684\n", + "Post_Impressionism 15.898142\n", + "Cubism 15.906474\n", + "Northern_Renaissance 16.066455\n", + "Symbolism 16.075302\n", + "Impressionism 16.145783\n", + "Art_Nouveau_Modern 16.188985\n", + "Naive_Art_Primitivism 16.221780\n", + "Romanticism 16.268039\n", + "Expressionism 16.275745\n", + "Baroque 16.312923\n", + "Name: tokens_len, dtype: float64\n" + ] + }, + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAZAAAAEOCAYAAACn00H/AAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjMuNCwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8QVMy6AAAACXBIWXMAAAsTAAALEwEAmpwYAAAbS0lEQVR4nO3db2yb5cHv8Z/j/GtCTeKQpCmt6EPFKjPpwHNSDekIaSNMZEJOy6t586jQEQNNqKxjD2cNCJKOMg3DJIrWZq0mtBcTT19UmzpwJ9IXRXpWJFjLn4kuFa3aBIrqxo0TSOu0Sexc50WISdMktS/b8e34+3nl+rJv/3z1dn+1738uY4wRAAAZKit0AABAcaJAAABWKBAAgBUKBABghQIBAFihQAAAVkq2QPr7+xUIBNTe3q5AIKCBgYFCR3KMtrY2/eAHP9DmzZu1efNm/eMf/5DEnIVCIbW1tWnDhg06depU6v7F5qUU52yheVpovZJKc55GRkb02GOPqb29XR0dHdq6dauGh4clFdE6ZUrUli1bzMGDB40xxhw8eNBs2bKlwImc47777jOffvrpdfeX+pwdO3bMnD9//rr5WWxeSnHOFpqnhdYrY0pznkZGRsx7772X+vNLL71knnnmGWNM8axTJVkgQ0NDprW11SQSCWOMMYlEwrS2tppYLFbgZM4w3wedOfvG7PlZbF5Kfc7SLZBSn6cZb7/9tnnkkUeKap0qL9x3n8KJRCJqbm6W2+2WJLndbjU1NSkSicjr9RY4nTM8/fTTMsaotbVVv/zlL5mzBSw2L8YY5myOueuVx+Nh3ZI0NTWl/fv3q62trajWqZLdBoKFvfHGG3rzzTf1l7/8RcYYvfDCC4WOhGWA9WphO3fuVE1NjR5++OFCR8lISRZIS0uLBgcHlUwmJUnJZFLRaFQtLS0FTuYMM/NQWVmpYDCoDz/8kDlbwGLzwpxda771aub+Up6nUCikzz77TLt27VJZWVlRrVMlWSANDQ3y+XwKh8OSpHA4LJ/PVzJflxczNjamS5cuSZKMMfr73/8un8/HnC1gsXlhzr6x0Hollfbn8dVXX9WJEye0Z88eVVZWSiqudcplTGmejffMmTPq7OzU6OioPB6PQqGQbr/99kLHKrhz587pySefVDKZ1NTUlNavX6/nnntOTU1NJT9nL774og4fPqyhoSHV19errq5Ohw4dWnReSnHO5punvXv3LrheSaU5T6dPn5bf79e6detUXV0tSVqzZo327NlTNOtUyRYIACA7JfkTFgAgexQIAMAKBQIAsEKBAACslHSBjI6O6ve//71GR0cLHcXRmKf0ME/pY67S4/R5KvkC2b17t2P/cpyCeUoP85Q+5io9Tp+nki4QAIA9CgQAYIUCAQBYKekCcbvduvXWW1OnRsb8mKf0ME/pY67S4/R54lQmAAAry/KCUqOjV5RMTqX12Pr6WknSyEg8n5Fyrr6+dkkz5+r1ljp3LmSS2Snvzyk5FjNfxmLIPVe+M+dr+bOX63aXyeNZkfEylmWBJJNTSiTSK5AZmT7eCZY6c65eb7nPtVPen1NyLGa+jMWQe658Z87X8rNd7g23gYRCIbW1tWnDhg06depU6v7+/n4FAgG1t7crEAhoYGAgr2MAAGe5YYHcf//9euONN3Trrbdec393d7eCwaB6e3sVDAbV1dWV1zEAgLPcsEA2btx43eUSY7GY+vr65Pf7JUl+v199fX0aHh7OyxgAwHmstoFEIhE1Nzendi1zu91qampSJBKRMSbnY5lernFmw3gmGhtXZvycQlvqzLl6veU+1055f07JsZj5MhZD7rnynTlfy892uctyI/rISDztjUMzE3jx4qV8Rsq5xsaVS5o5V6+31LlzIZPMTnl/TsmxmPkyFkPuufKdOV/Ln73c8vIyq/94WxVIS0uLBgcHlUwm5Xa7lUwmFY1G1dLSImNMzscAAM5jdSR6Q0ODfD6fwuGwJCkcDsvn88nr9eZlDADgPDc8Ev3FF1/U4cOHNTQ0pPr6etXV1enQoUM6c+aMOjs7NTo6Ko/Ho1AopNtvv12S8jKWiaX6CeuqiSs+OX0gTm1FrapdmX8FtMVPWEuHn7Dyg5+wCrv8XPyEtSxPZbJUBRKbiOr4+Q8kSRtXt6qhsinjZdiiQJYOBZIfFEhhl5+LAinpkykCAOxRIAAAKxQIAMAKBQIAsEKBAACsUCAAACsUCADACgUCALBCgQAArCzLs/EWwpQrodhEVNLSn9YEAAqBAsmRK5NjOhk9LWn6tCbVlRQIgOWNn7AAAFYoEACAFQoEAGCFAgEAWKFAAABWKBAAgBUKBABghQIBAFihQAAAVigQAIAVCgQAYIUCAQBYoUAAAFYoEACAFQoEAGCFAgEAWKFAAABWKBAAgBUKBABghQIBAFihQAAAVigQAICVrAvknXfe0UMPPaTNmzero6NDhw8fliT19/crEAiovb1dgUBAAwMDqefYjgEAnCOrAjHG6Fe/+pVefvll/e1vf9Mrr7yi7du3a2pqSt3d3QoGg+rt7VUwGFRXV1fqebZjAADnyPobSFlZmS5duiRJunTpkpqamjQyMqK+vj75/X5Jkt/vV19fn4aHhxWLxazGAADOUp7Nk10ul3bt2qUnnnhCNTU1isfj2rdvnyKRiJqbm+V2uyVJbrdbTU1NikQiMsZYjXm93izfKgAgl7IqkEQioX379qmnp0etra364IMP9NRTT+nll1/OVT4r9fW1GT+nsXFlxs8ZH/1KN3tWSJKqqitSt29aWaVGT+bLy5RNZie83lLnzoVMMjvl/Tklx2Lmy1gMuefKd+Z8LT/b5WZVICdPnlQ0GlVra6skqbW1VStWrFBVVZUGBweVTCbldruVTCYVjUbV0tIiY4zVWCZGRuJKJKbSeuzMBF68eCmzNy/p8sS4vhq9Ikkar55M3b5807gujme+vEw0Nq60ylzo11vq3LmQSWanvD+n5FjMfBmLIfdc+c6cr+XPXm55eZnVf7yz2gayatUqXbhwQWfPnpUknTlzRkNDQ7rtttvk8/kUDoclSeFwWD6fT16vVw0NDVZjAABnyeobSGNjo3bs2KFt27bJ5XJJkn7729+qrq5OO3bsUGdnp3p6euTxeBQKhVLPsx0DADhHVgUiSZs2bdKmTZuuu3/9+vU6cODAvM+xHQMAOAdHogMArFAgAAArFAgAwAoFAgCwQoEAAKxQIAAAKxQIAMAKBQIAsJL1gYSl5qqJKz4ZlyRNmvECpwGAwqFAMhSfjOv4+Q8kSb6mOwqcBgAKhwLJgylXQrGJqCSptqJW1a7Mz3IJAE5HgeTBlckxnYyeliRtXN2q6koKBMDyw0Z0AIAVCgQAYIUCAQBYoUAAAFYoEACAFQoEAGCFAgEAWKFAAABWKBAAgBUKBABghQIBAFihQAAAVigQAIAVCgQAYIUCAQBYoUAAAFYoEACAFQoEAGCFAgEAWKFAAABWKBAAgBUKBABgJesCGR8fV3d3tx544AF1dHTo+eeflyT19/crEAiovb1dgUBAAwMDqefYjgEAnCPrAnnllVdUVVWl3t5evfXWW9q2bZskqbu7W8FgUL29vQoGg+rq6ko9x3YMAOAcWRVIPB7XwYMHtW3bNrlcLknSLbfcolgspr6+Pvn9fkmS3+9XX1+fhoeHrccAAM5Sns2Tz507p7q6Ou3evVvvv/++amtrtW3bNlVXV6u5uVlut1uS5Ha71dTUpEgkImOM1ZjX6007V319bcbvpbFxZVqPGx/9Sjd7VkiSqqorbnj7ppVVavSkt+xMpZvZaa+31LlzIZPMTnl/TsmxmPkyFkPuufKdOV/Lz3a5WRVIIpHQuXPndOedd2r79u3617/+pZ/97Gd67bXXsgqVrZGRuBKJqbQeOzOBFy9eSuvxlyfG9dXoFUnSePXkDW9fvmlcF8fTW3YmGhtXpp3ZSa+31LlzIZPMTnl/TsmxmPkyFkPuufKdOV/Ln73c8vIyq/94Z1Ugq1evVnl5eeonp7vuukv19fWqrq7W4OCgksmk3G63ksmkotGoWlpaZIyxGgMAOEtW20C8Xq/uuecevfvuu5Km96CKxWJat26dfD6fwuGwJCkcDsvn88nr9aqhocFqDADgLFl9A5GkX//613r22WcVCoVUXl6ul19+WR6PRzt27FBnZ6d6enrk8XgUCoVSz7EdAwA4R9YFsnbtWv35z3++7v7169frwIED8z7HdgwA4BwciQ4AsEKBAACsZP0TFhY35UooNhGVJNVW1KralfmucgDgRBRInl2ZHNPJ6GlJ0sbVraqupEAALA/8hAUAsEKBAACsUCAAACsUCADACgUCALBCgQAArFAgAAArFAgAwAoFAgCwQoEAAKxQIAAAKxQIAMAKBQIAsEKBAACsUCAAACsUCADACgUCALBCgQAArFAgAAArFAgAwAoFAgCwQoEAAKxQIAAAKxQIAMAKBQIAsEKBAACsUCAAACvlhQ5QSmqrXGq8ZaUkaWpsTLF4ssCJAMAeBbKEJt3SFz/pkCR5Xn9DkquwgQAgCzn7CWv37t3asGGDTp06JUnq7+9XIBBQe3u7AoGABgYGUo+1HSt2YxNj+uh4WB8dD2t0YrTQcQAgKzkpkH//+9/6+OOPtXr16tR93d3dCgaD6u3tVTAYVFdXV9ZjAADnyLpAJiYm9MILL6i7u1su1/RPMrFYTH19ffL7/ZIkv9+vvr4+DQ8PW48BAJwl620gr732mjZt2qS1a9em7otEImpubpbb7ZYkud1uNTU1KRKJyBhjNeb1etPOVF9fm/H7aGxcmdbjxke/0s2eFZKkquqKjG7bvma2mXMlV6+31LlzIZPMTnl/TsmxmPkyFkPuufKdOV/Lz3a5WRXIRx99pE8++URPP/10ViFybWQkrkRiKq3HzkzgxYuX0nr85YlxfTV6RZI0Xj2Z0W3VXbusdF9zodzZPL9Qr7fUuXMhk8xOeX9OybGY+TIWQ+658p05X8ufvdzy8jKr/3hnVSDHjh3T2bNndf/990uSLly4oEcffVTPPPOMBgcHlUwm5Xa7lUwmFY1G1dLSImOM1RgAwFmy2gby+OOP6+jRozpy5IiOHDmiVatW6fXXX9eDDz4on8+ncDgsSQqHw/L5fPJ6vWpoaLAaAwA4S96OA9mxY4c6OzvV09Mjj8ejUCiU9RgAwDlyWiBHjhxJ3V6/fr0OHDgw7+NsxwAAzsG5sAAAVigQAIAVCgQAYIUCAQBYoUAAAFYoEACAFQoEAGCFAgEAWKFAAABWKBAAgBWuiZ4jlRWu1HU/Kiu41jmA5Y8CyRGXu1zatGn69v98UuA0AJB/FEiBTCQndHkiKkmqrahVtSvzi7kAQCFRIAUyNjGmj8/3SZI2rm5VdSUFAqC4UCBpuGriik/GJUmTZrzAaQDAGSiQNMQn4zp+/gNJkq/pjgKnAQBnYDdeAIAVCgQAYIUCAQBYYRuIwzTUulVWUyNJmhobUyyeLHAiAJgf30AcpqymRnK5JJcrVSQA4EQUCADACgUCALBCgQAArFAgAAArFAgAwAoFAgCwQoEAAKxQIAAAKxyJ7gBTroRiX19cquqqkafAeQAgHRSIA1yZHNPJ6GlJ0vdW/h8KBEBRoEDyrLLCpZs9KwodAwByjgLJh2QyVRoud7m0adP0/f/zSQFDAUBuZbURfWRkRI899pja29vV0dGhrVu3anh4WJLU39+vQCCg9vZ2BQIBDQwMpJ5nO1Y03O7p0pgpDgBYhrIqEJfLpZ/+9Kfq7e3VW2+9pbVr1+p3v/udJKm7u1vBYFC9vb0KBoPq6upKPc92DADgHFkVSF1dne65557Un++++26dP39esVhMfX198vv9kiS/36++vj4NDw9bjwEAnCVn20Cmpqa0f/9+tbW1KRKJqLm5WW63W5LkdrvV1NSkSCQiY4zVmNfrTTtLfX1txvkbG1cuODY++lVqm0ZVdcW8t22ks5zFci02lg+5er2lzp0LmWR2yvtzSo7FzJexGHLPle/M+Vp+tsvNWYHs3LlTNTU1evjhh9XX15erxVoZGYkrkZhK67EzE3jx4qUFH3N5YlxfjV6RJI1XT857W3WZ55x3OS3XPmahXI2NKxfNnGu5er2lzp0LmWR2yvtzSo7FzJexGHLPle/M+Vr+7OWWl5dZ/cc7JwUSCoX02Wefae/evSorK1NLS4sGBweVTCbldruVTCYVjUbV0tIiY4zV2LIza0+tygpXgcMAQOayPpXJq6++qhMnTmjPnj2qrKyUJDU0NMjn8ykcDkuSwuGwfD6fvF6v9diyM2tPLZebvakBFJ+s/uU6ffq09u7dq3Xr1ulHP/qRJGnNmjXas2ePduzYoc7OTvX09Mjj8SgUCqWeZzsGAHCOrArkjjvu0Keffjrv2Pr163XgwIGcjgEAnIPfThxmIjmhL4LTuzF7ro5KYvsIAGeiQJxg1gb1sYkx/fv49Dag/5wYVZVuLmQyAFgQBeIEMxvUpfTPl3X1amoX5KmxMcXiyTyFA4D5cUGpYlVdLblcksulspqaQqcBUIIoEACAFQoEAGCFAgEAWKFAAABWKBAAgBUKBABgheNAHGwiOaHLE1FJUm1FrapdmZ9uGQDyhQJxsLGJMX18fvraKhtXt6q6kgIB4Bz8hAUAsMI3ECebdY6s2iqXZAqcBwBmoUCcbNY5slzHzknjBc4DALPwExYAwArfQIrF5GTq7LsA4AQUSJGYKDP64icdqT97Xn9DngLmAQAKJAuVFa7URu58m32hKWn6YlMUCIBCokCy4HKXZ34hqCXUUOtOXSuEi04ByDUKZAFXTVzxybgkadIU5+5PZTU10xedklRmjBS/VOBEAJYTCmQB8cm4jp//QJLka7qjwGmuN5Gc0BdBvyTJc3VUkquwgQCUHAqkSM3eJvKfE6Oq0s0FTgSg1FAgy8GsXXzZ1gFgqVAgaZi9t1VVRdmS7XmVtooKtnUAWHIUSBqu29vKwXte6epVDjgEsCQokGXgmg3qmpDH9fU3JMPZFwHkDwWyDMzeoP7tK0ManbV31o0ONuRYEQC2KJBlZu7eWTcqEI4VAWCLs/ECAKzwDWSW5XD0+WzXbBu5NKTGxlsk8VMVgNygQGZx+tHnmbpm20hiVKM/+b+SJM/eP6XKJB0NtW5JUmPjSsoHQAoFUiIWKpPyvX9U4ganRJnZyC6Xi+0kAFIcWSD9/f3q7OzUl19+qbq6OoVCIa1bt67QsZaN2WXyH2ND6p/Z6B6PaU3jf0iSzJUrcq1I/4BJ9uYCSo8jN6J3d3crGAyqt7dXwWBQXV1dS55h5uhzxx11nkczF6364icduuSanN47yzXnG8nXByo2Nq7ULTeVp26n9uZyub75xjLH7J/CZm4DKF6O+wYSi8XU19enP/3pT5Ikv9+vnTt3anh4WF6vN61luN2Z92J5eZk87kqt+vo1KitWaMVzOyRJFT3/rRX/639P3y6rKPjtfC13MjGpsxPnJUnfGv9S8a7/mp6byxeVMAmp679UnrikRPdz0/f/v+1KdD//ze2vH39TfFiNjdPzaMbH5aqq+mai771XklR29KjKx+PX/T3cvMKtsupqSdLU1av66oozvsmUl6e/TmXy2HxySo7FzJexGHLPle/M+Vr+zHJt/s2UJJcxzjpc+cSJE9q+fbsOHTqUuu/BBx/UK6+8om9/+9sFTAYAmK34qj7HotGofvzjHysajRY6StqKMbNUnLnJvHSKMXcxZpZyl9txBdLS0qLBwUElk9M/XSSTSUWjUbW0tOTl9SYmJvThhx9qYmIiL8vPh2LMLBVnbjIvnWLMXYyZpdzldlyBNDQ0yOfzKRye3jMoHA7L5/Olvf0DALA0HLcRXZJ27Nihzs5O9fT0yOPxKBQKFToSAGAORxbI+vXrdeDAgULHAAAswnE/YS01j8ejrVu3yuO50XlrnaMYM0vFmZvMS6cYcxdjZil3uR23Gy8AoDiU/DcQAIAdCgQAYIUCAQBYKekC6e/vVyAQUHt7uwKBgAYGBgod6TojIyN67LHH1N7ero6ODm3dulXDw8OSiiP/7t27tWHDBp06dUqS8zOPj4+ru7tbDzzwgDo6OvT889Pn+nJy7nfeeUcPPfSQNm/erI6ODh0+fFiSszKHQiG1tbVdsy7cKKMT8s+Xe7HPpBNyLzTXM+Z+JqUsMpsStmXLFnPw4EFjjDEHDx40W7ZsKXCi642MjJj33nsv9eeXXnrJPPPMM8YY5+c/ceKEefTRR833vvc98+mnnxpjnJ95586d5je/+Y2Zmpoyxhhz8eJFY4xzc09NTZmNGzem5vfkyZPm7rvvNslk0lGZjx07Zs6fP2/uu+++VFZjFp9XJ+SfL/din0ljCp97obk2Zv7PZDaZS7ZAhoaGTGtrq0kkEsYYYxKJhGltbTWxWKzAyRb39ttvm0ceecTx+cfHx80Pf/hD8/nnn6dWZKdnvnz5smltbTWXL1++5n4n556amjLf+c53zPHjx40xxvzzn/80DzzwgGMzz/5HbbGMTss/3z/GM2Y+k8Y4a12Zm3m+z2S2mR15IOFSiEQiam5ults9fV0Kt9utpqYmRSIRx542ZWpqSvv371dbW5vj87/22mvatGmT1q5dm7rP6ZnPnTunuro67d69W++//75qa2u1bds2VVdXOza3y+XSrl279MQTT6impkbxeFz79u1z/FxLi68PxhjH55eu/UxKzl7H5/tMStllLultIMVm586dqqmp0cMPP1zoKIv66KOP9MknnygYDBY6SkYSiYTOnTunO++8U3/961/19NNP68knn9TY2Fihoy0okUho37596unp0TvvvKM//OEPeuqppxydeTkp9c9kyRbIUp/1N1uhUEifffaZdu3apbKyMkfnP3bsmM6ePav7779fbW1tunDhgh599FF9/vnnjs0sSatXr1Z5ebn8/ulrxN91112qr69XdXW1Y3OfPHlS0WhUra2tkqTW1latWLFCVVVVjs08Y7F12Mnr94y5n0nJuf+uLPSZPHr0aFaZS7ZAiumsv6+++qpOnDihPXv2qLKyUpKz8z/++OM6evSojhw5oiNHjmjVqlV6/fXX9eCDDzo2syR5vV7dc889evfddyVN75kSi8W0bt06x+ZetWqVLly4oLNnz0qSzpw5o6GhId12222OzTxjsXXYyeu3NP9nUnLu53Khz+S9996bVeaSPpXJmTNn1NnZqdHR0dRZf2+//fZCx7rG6dOn5ff7tW7dOlV/fanXNWvWaM+ePUWRX5La2tq0d+9efetb33J85nPnzunZZ5/Vl19+qfLycv3iF7/Qd7/7XUfnfvPNN/XHP/5Rrq+vX//zn/9c3//+9x2V+cUXX9Thw4c1NDSk+vp61dXV6dChQ4tmdEL++XLv2rVrwc+kE3IvNNezzf5MZpO5pAsEAGCvZH/CAgBkhwIBAFihQAAAVigQAIAVCgQAYIUCAQBYoUAAAFb+P8eR9DLOxl07AAAAAElFTkSuQmCC\n", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "pedantic = True\n", + "\n", + "if pedantic:\n", + " print('Token Length per genre/art_style\\n')\n", + " print(df_with_genre.groupby('genre')['tokens_len'].mean().sort_values())\n", + " print(df.groupby('art_style')['tokens_len'].mean().sort_values())\n", + " \n", + " fig, ax = plt.subplots()\n", + " ax2 = ax.twiny()\n", + " df_with_genre[df_with_genre['genre'] == 'abstract_painting']['tokens_len'].hist(bins=100, ax=ax, color='red')\n", + " df_with_genre[df_with_genre['genre'] == 'genre_painting']['tokens_len'].hist(bins=100, ax=ax2, color='green', alpha=0.3)" + ] + }, + { + "cell_type": "code", + "execution_count": 19, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Number of tokens per utterance (punctuations removed), for utterances with at most 50 tokens (99.34% of all utterances).\n" + ] + }, + { + "data": { + "text/plain": [ + "Text(0, 0.5, 'Number of utterances')" + ] + }, + "execution_count": 19, + "metadata": {}, + "output_type": "execute_result" + }, + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAZoAAAEMCAYAAAD9OXA9AAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjMuNCwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8QVMy6AAAACXBIWXMAAAsTAAALEwEAmpwYAAA3sklEQVR4nO3deVxU9f748dfMwCAoi+zjkiRqTlbXDZfSX4qZ5UXR1DTSytTK/atRUi4YLjVlmpZmud00siuakGhp5W253exaWWa4R2qIIJuK7DPn9weXSRTwsAzL8H4+HjwezOdzlveHOcx7zuec8/loFEVREEIIIWxEW9cBCCGEsG+SaIQQQtiUJBohhBA2JYlGCCGETUmiEUIIYVOSaIQQQtiUJBohhBA25VDXAdRXmZlXsVjKf8TIy6sZ6enZtRhR/SDtblyk3Y1Lddqt1Wpo3rxpmXWSaMphsSgVJpqSZRojaXfjIu1uXGzRbuk6E0IIYVNyRiNEI+DooMVBZ0arqdy3VUthDk2bWGwUVf1VX9utKBqKLFqKzA3rjEsSjRB2roleg8acieVqNkXmIkD9B5RDkZ6CqwW2C66eqq/t1mh0aPVONHHyIq/QocEkG+k6E8KOOTho0ZovUZSTicVcSGWSjKh/FMWMOT8Hc04qesf6d8ZVHkk0QtgxB60Fc8HVug5D1DBLUT46itBo6joSdSTRCGHHNBoFxVJU12EIG1AshWgaSKaRRCOEXVOkt8xeNaCpxORmAGEzrm7ONHEqPsTy8ou4cjm3jiMSQtQFSTTCZpo4OTDk2TgAdr0eypU6jkcIUTek60wIIYRNyRmNEMKmDh1OIHrbxxw78TsX0zOY/9xUQh7oX2qZde/9k/WbY0qVeTb34JPt68vd7s3WuZqTyzubPuSrf39PZtZlOrQLYPbUJ7m9Y7saaplQSxKNqDa5FiMqkpObR9uA1jw48F5eMr1Z7nJtWrfg7eUvWV9rtTfvcKlonaWvv82p38+wYM40fH28+PTzr5n2fBQfbliBr49XFVsjqkK6zkS1lVyLGfJsnDXhiPrv19+O0+u+UeTk/vXF4PKVbHoOGMmJ03/U2H7u6dmVKRMfZcC9vdFqyv/I0el0eHk2t/4093C/6bbLWycvP59/fX2AKRMfpVvnO2jd0sCkx0fTqoU/H+3aV2NtE+rIp4IQjdSJ03/QuqUBF2fnv8pOJeLo6EDbNq1KLfuP6B3844OdFW5vxcsv0uWu26scT1JyCiEPP4WDowOdOrZjyoRHadnCr0rrmM0WzBYLTnp9qeWdnPT8cuRolWMUVSOJRohG6sSpP7it/a2lyo6fTOTWNq1wcCj90TB8yP0M6Hd3hdvz8fasciydOrZnwfPTaNO6BZlZl9kUvZ2JM+by4YYVuLu7VmmdO2/vwMb3t9M2oDVenh7s2/8tRxJO0KqFf5XjFFUjiUaIRurk6UT69+1Vquz4qd9pH3jrDcu6u7ni7lb2B35NuLtn11Kv77i9PQ+NncrufV8SNmpIldZZ+MIMFr+2hiFjnkan1XJb+7bc3/8ejp1MtFk7RNkk0QjRCFksFk7/cY5nngwrVX70+O+MGDrohuVro+vsWi7OztzapjXnkpKrvE6rFv6sXRFFbm4eV3Ny8fZqztxFy2lh8K2RGIV6kmiEaITOnDtPXl4+3l7NrWWnfj/D2T/P06FdwA3L27rr7Hr5BQWcOZdEt853VHsdZ+cmODs34fKVbA4c/JlpT42rsTiFOpJohGiESu4q2x73KWNGhJB8IZUVazYBUFBYeMPy1ek6y8nN5c+kCwBYFAsXUtM4cSoRN9dm+Pv5ALBy7Xv07d0df19vMrIusXHLdnLz8vn7oH7W7cTEfkJM7Cds+8cqVescOPgzFouFgFtaci7pAm++u4U2rVsw5LpneITt1VqimTJlCn/++SdarRYXFxfmz5+P0WgkODgYvV6Pk5MTAOHh4fTt2xeAxMREIiIiyMrKwsPDA5PJREBAQLXqRN2T527q3slTifTodhepF9MJmziLW1q1YPKEMBa/toaYnZ/Qq3vnGtvX0eOnmfLsQuvrde/9k3Xv/ZO/39+PBXOmAZB6MZ35S94g69IVmru70en29mx4cymG/yUigKxLlzlz7rz19c3Wyb6aw5r10aSmpePm2oz+fXsx+clHbrjRQdieRlFqZwjQK1eu4Opa/I3o888/Z/Xq1ezcuZPg4GDWrl1Lhw4dbljnscceY8SIEYSGhhIXF8eOHTvYvHlzterUSk/PrnD2Oh8fVy5ebHyjd5XVbh8f11JjmpXUV7a8Pmuo77ezkwXzlSQUxVyqfMacRdzWvi1TJz5a4fouTfXk1MOZJm2tIbTbsakPeZZmNTrLZnWOc61Wg5dXs7LrqhNUZZQkGYDs7OybzqOQnp5OQkICISEhAISEhJCQkEBGRkaV64QQxU6ePkO7tm3qOgzRSNTqOeTcuXP59ttvURSF9ev/GsMoPDwcRVHo1q0bs2fPxs3NjeTkZPz8/NDpdEDxE8C+vr4kJyejKEqV6jw91V+sLC8zX8vHx3a3e9ZnN2t3efWVLa9vGkqc17IU5VFkcQRFZy1LS88kIzOLOzu1w6WpvoK1i6lZxh7V93brmjjS1Pnmn1OVZYvjvFYTzZIlSwCIjY3l1VdfZd26dURHR2MwGCgoKGDJkiVERUWxbNmy2gyrTNJ1Vrbyus6udW0XWWXK67OG+n47O1kwXy0s1XXm0qQp33+xHeCm3UMNoQvJFhpCux0pJC+n4s+pymrwXWfXGjZsGN9//z2ZmZkYDAYA9Ho9YWFh/PTTTwAYDAZSUlIwm4v/QcxmM6mpqRgMhirXCSGEqH21kmiuXr1KcvJfD17t378fd3d3nJycuHKlOHsqisKePXswGo0AeHl5YTQaiY+PByA+Ph6j0Yinp2eV64QQQtS+Wuk6y83NZebMmeTm5qLVanF3d2ft2rWkp6czffp0zGYzFouFwMBAIiMjrestXLiQiIgI1qxZg5ubGyaTqdp1QgghaletJBpvb2+2bdtWZl1sbGy56wUGBhITE1OjdUIIIWqXzEcjhLC52S8uJcr0lvV1lOktZr+4tA4jErVJHpEVqrm6Fc9b4uPjKk/0i2qZPXU8tfKkeCWVTDt9/NTvpF4se9rpa/0jegdvb9zKyNAHeG7GxAq3vT3uU97f9jHp6ZncGtCaWVOeuGEQUjXLNERyRiNUk5k0RU1p1qwprs2a1nUYNyiZdnrOrEk4OVX8HM2vCSeI3fOFqgdfP/vXtyxfvYknwoaz+Z3XuKvTbcx6YSkXUi5WapmGSj4thGikJs9eQMAtrWji5ET83n+h1WoZ/+gIHhpyP2+8/Q/2fvENzZq58PT4Rxg88F6g+O7Q9/8Zx874z0hLz6RVS3/GjR7GgwP/n3W7eXn5vLpyHfu/PkCTJk6MeWjwDfuOMr1F1qXLLF/6IgDf/fcQm6J38Psf59BoNBhvC2TWlPHc+r+ZPifPXsCtbVrTrKkLsbs/R6vV8ODAe5n+1Di02pr7vnxPz67c07MrLk31zItaWe5y2dlXiVy6knnhk9mw5ebXg7du30XIoH4M+/tAAMKnT+C7g4fYsWufdRggNcs0VJJohGjEPv3iG8JGhrDhrZf55j8HWbFmEwcOHqJXUBf+8baJff/6hqWvv01Qlzvx8fZk7cat7P/6AM/NmEib1i34NeEES5evxdW1KX16dQNg1Tub+e+Ph3llYTg+3p6s37yNQ78epX+fnuXGkZuXz5gRIbRr24b8/Hw2Re8gfN4rfLhxBY6OjtZYRw8fzPpVSzhx+g8WLHmDjh0CGRTc54bt2Xr+nJdXvEPw/+tF9y533jTRFBYWcuzE7zz68NBS5T27/Y1ffzuuepmGTBKNEI1Y2zatmfT4aADCRg1h84exODg4MGbE3wF4ZsIYNm75iMO/HefuHl3Yuj2elaZ51g/oFgY/fjt2iu1xn9KnVzdycnP5+JMvmBc+hV5BnQGY//xUhox+usI4gv9f6Zk+5z83leChj/HbsVN0vrP42bpbb2nF0+PHAHBL6xbE7f6cH376tcxEY8v5c2J3f8a5pAssjJiuavmsS1cwWyx4NvcoVe7Z3IODP/2qepmGTBKNEI3YtdcXNBoNzT3cCLz1FmuZo4MDrs2akpl1icQzf5JfUMD/vbAEDX8NiltkLsLgVzxr5Z/nUygsLOLO22+z1rs4O5faZln+PH+BdzZ9yG9HT5J56TKKRcFisZCSmlZmrADeXs3JzLpU5vZsNfX0mXNJvL1hK++8sch6plV1CjcZW1jlMvWfJBohGjEHB12p1xqNpswyRVGwKBYAXl8cgZ+v93Xb+d9HSRVnHXl27iv4ensSMetpfLw90el0jHny/ygsLKowVovFUub2bNV19utvJ8i6dJmwCbOsZWaLhUOHj7Jz1z6+3B2NXl86AXm4u6LTasnIzCpVnpF5yXoGo2aZhkwSjRBClVvbtEbv6EhyykW6d7mzzGVatfTHwcGBI0dP0LKFHwC5uXn8/sc5WrXwL3OdS5eu8MfZP3luxkS6dymehvnYid+t4xVWha26zu7t0wPjbYGlyha9tprWLQ08EfYQjo43fqQ6OjrSsUNbvv/xMAPu/Sum//54mP7/6zJUs0xDJolG1Bsy82b91tTFmUcfHsqqtZtRFIUud91Obm4eR46eQKPRMjxkIC7Ozgx9MJi31r2Ph7sbPt6ebNgSg7mcMw8AV9emeLi7Ebfnc/x8vbiYlsGb72yxTvVRFVXtOiuZdrqJs2OZ0067lnFbtnMTJ9xcm5XqHrx+2ulHRg5h4Stv0um2dtx1R0c+2rWPtPRMHhpyv3UdNcs0VJJoRL1R8pwOFM+82fAG5bd/T48fg2dzd6K37eLVleto6uJCh8AAxo4OtS4z4+nHyM3LY07kazRpomfUsAfJzc0rd5tarZYl82fx+lsbCZswm1Yt/Zn5zONELKz96ULUTDutxvXTTg/sfw+XLl9hU/QO0jIyaRtwCytefrHUVNVqlmmoam0q54ZG5qO5UU1N2dwQp3huqO93eVM5q9UQ5mWxhYbQbpnKWQghhPgfVYnmwIEDnDt3DoDU1FTmzJnDCy+8wMWLDX9oBCGEELalKtG89NJL1gtzJpOJoqIiNBoN8+fPt2lwQgghGj5VNwOkpKTQokULioqK+Pe//83+/ftxdHSkb9++to5PCCFEA6cq0TRr1oy0tDROnjxJYGAgTZs2paCggKKiopuvLIQQolFTlWjGjh3LyJEjKSws5MUXi0db/emnn2jbtq1NgxNCCNHwqUo0Tz31FAMHDkSn03HLLcUPJfn5+bF48WLVO5oyZQp//vknWq0WFxcX5s+fj9FoJDExkYiICLKysvDw8MBkMhEQEABgkzohRO1LS89k9br3+c9/D5GTk0sLgx9z/m8SXf/Wqczlr+bk8s6mD/nq39+TmXWZDu0CmD31SW7v2M66zLr3/sn6zaVHTvZs7sEn29fbtC2i8lQ/sNmqVSt++eUXjhw5wuDBg/Hz86vUjkwmE66uxU/qfv7557z44ovs3LmTyMhIwsLCCA0NJS4ujgULFrB582YAm9QJIWrXleyrTJo5l7/d0ZHlS1+gubsbSckpNPdwL3edpa+/zanfz7BgzjR8fbz49POvmfZ8FB9uWIGvj5d1uTatW/D28pesr2tybhpRc1S9K8ePH2fQoEHMmzePuXPnAnDw4EFrN5oaJUkGIDs7G41GQ3p6OgkJCYSEhAAQEhJCQkICGRkZNqkTQpT227GTTH8uikEPPUnPASNL/fx5/kKN7GPLh7F4ezZnYcQMOnVsTwuDH0Fd77JOana9vPx8/vX1AaZMfJRune+gdUsDkx4fTasW/ny0a1+pZXU6HV6eza0/FSUvUXdUndEsXLiQGTNmMGzYMIKCggAICgpi3rx5ldrZ3Llz+fbbb1EUhfXr15OcnIyfn5/11mmdToevry/JyckoilLjdZ6eVZt/Qgh7dDrxLJNnRxI6eACzpo4nI/MSC5a+gb+vNw8PH0xLw1+9FtUZDfmrbw/SO6gzcxct58efj+Dt5Uno4AGMDH0ATRlj4JvNFswWC0760lMpOznp+eXI0VJlSckphDz8FA6ODnTq2I4pEx61DuYp6g9ViebUqVOEhhaPZVRyYLi4uJCfn1+pnS1ZsgSA2NhYXn31VWbOnFmp9WtTeUMpXMvHp+bnu2hIymu/rcvrSn2LRw1LUR5FFkdQbhygcuXaf9C3dzfmz5lsLRsWMoDP9v+Hh0Lvs5a5NNXz6OgQQh68t8J9+fp40aSJ/oby8xdS2LFrL+PGDOWp8aM4djKRl19/F0e9jrBRITcs79JUz9/u7Mh7Wz+i0+2BeHt5sGff1xxJOMEtrQy4NC3eR9fOt3Nbh1u5tU1LMjIv8e6mbUyaOZfYrW/h4e6m+m9UnpL91Fe6Jo40db7551Rl2eI4V5VoWrZsyZEjR7jzzr+GBj98+LD1xoDKGjZsGAsWLMDf35+UlBTMZjM6nQ6z2UxqaioGgwFFUWq8rjJkrLMbXX8AXjtGmS3L64OG+n47O1kwXy28YayzrEuX+eGnI6w0zSs1ppeDzhFFwVpWMuaXo4MT3p5OFe7LYqbM8cEsFgVjh7Y89fgjALRp1ZrTp8+xNWY3wwaXPTLxguensfi1Ndw3dDw6rZbb2rfl/v73cOxkonUf3f721+dR6xYteW3RHB4aO5XtOz8jbNQQFX+d8jWIsc4oJC+n4s+pyrLVWGeqEs3MmTN5+umnGTNmDIWFhbzzzjt8+OGHLFq0SFUAV69e5fLly9YP+/379+Pu7o6XlxdGo5H4+HhCQ0OJj4/HaDRau7hsUSeE+N98LxYL7QMDSpUfPX6a2zsG3rB8dbrOvD09uLVN61JlAW1a8c+de8rdVqsW/qxdEUVubh5Xc3Lx9mrO3EXLaWHwLXcdF2dnbm3TmnNJyRXGKWqfqkTTv39/1q1bR0xMDEFBQSQlJfHmm29yxx13qNpJbm4uM2fOJDc3F61Wi7u7O2vXrkWj0bBw4UIiIiJYs2YNbm5umEwm63q2qBNCYJ0fJj//r2/t55KS+f6HXzC99NwNy1dnIrG77ujImXNJpcrO/nkef9+bD3/v7NwEZ+cmXL6SzYGDPzPtqXHlLptfUMCZc0l066zuc0nUHtW3N3fq1IlOncq+5/1mvL292bZtW5l1gYGBxMTE1FqdEALu6NieJk2cePPdLUwYN4qU1DRef2sj9/W/h949utywfFUnEgN4ZEQIE2fMZVP0Du7rdzcnTiWybecnTH6yuCvt+knCAA4c/BmLxULALS05l3SBN9/dQpvWLRjyQH/rMivXvkff3t3x9/UmI+sSG7dsJzcvn78P6lelOIXtqEo006ZN44knnqB79+7Wsh9++IHNmzezatWqCtYUQtRH7u6uLF3wLCvf/gdjnwrHx9uToQ8G89gjw2t8X7d3bMerUc/z9oYP2LhlO36+3jz9xGhGhj4A3DhJGED21RzWrI8mNS0dN9dm9O/bi8lPPoKDw18fWakX05m/5A2yLl2hubsbnW5vz4Y3l9rFRGH2RlWiOXjwICtXrixV1rlzZ6ZOnWqToIS4lkzxbBv39OzKPT271sq++vTqRp9e3cqsm/T4aCY9PrpU2X397ua+m3TVLZk/u8biE7al6oFNvV5Pbm7pf+6cnJxS3y6EsJWSKZ6HPBtnTThCiIZDVaLp06cPCxYsIDs7Gyh+sj8qKkqmCRCi3tPAjc9ECntQxsOu9ZWqRBMREUF2djY9evSgd+/e9OjRg+zs7EoNQSOEqH2KokGjvfFhTdHwabQOKErNPUNjS6r6Idzd3Xn33Xe5ePEiycnJGAwGfHzkgpsQ9V2RWYujvimWovr98KGoHK2DHgvFD9c2BJUa6lSr1dK8eXPy8vI4d+4c586ds1VcQogaUGS2gIMHDs7uaLRyfavB02jQOTbBwcWX/MKGM1K1qiPv66+/Zu7cuVy8eLFUuUaj4ejRo+WsJYSoD3LzFRwdvHBo5oFWY6nUug5NHNE7FNoosvqr/rZbQ5FFR24hNTr0jK2pSjRRUVFMmTKF4cOH06RJE1vHJISoYYVFFgqLNEDlrte4uDblalbDG+Otuup3uxtOgimhKtFcvnyZMWPGlDmktxBCCFERVZ18I0aMYMeOHbaORQghhB1SdUbzyy+/sGXLFtatW4e3t3epuujoaJsEJoQQwj6oSjSjRo1i1KhRto5FCCGEHVKVaIYPr/mB9kT9JWOLCSFqkuob69PS0jh8+DCZmZmlnkYdOXKkTQITdadkbDGAXa+HUl/vvRFCNAyqEs3nn3/Oc889R5s2bTh16hTt2rXj5MmTdO3aVRKNEEKICqlKNG+88QZLly7lwQcfJCgoiNjYWHbs2MGpU6dsHZ8QQogGTtXtzefPn+fBBx8sVTZ8+HBiY2NtEZMQQgg7oirReHl5kZaWBkDLli05dOgQZ8+exWKp3HAWQgghGh/Vtzf/+OOPDBo0iCeeeILHHnsMrVbL+PHjVe0kMzOT559/nrNnz6LX62nTpg1RUVF4enoSHByMXq/HyckJgPDwcOs8N4mJiURERJCVlYWHhwcmk4mAgIBq1QkhhKhdqhLNxIkT0WqLT36GDRtGjx49yM3NJTAwUNVONBoNEydOpGfPngCYTCaWLVvG0qVLAVi1ahUdOnS4Yb3IyEjCwsIIDQ0lLi6OBQsWsHnz5mrVCfsht2EL0TDctOvMbDbTuXNnCgr+ms+iRYsWqpMMgIeHhzXJAHTu3Jnz589XuE56ejoJCQmEhIQAEBISQkJCAhkZGVWuE/ZFpngWomG46X+nTqcjICCAzMxM/Pz8qr1Di8XC1q1bCQ4OtpaFh4ejKArdunVj9uzZuLm5kZycjJ+fHzqdzhqHr68vycnJKIpSpTpPT0/VcXp5NbvpMj4+rpVpeoNVXjsbSnlNaSzv9/Wk3Y2LLdqt6mvgkCFDeOaZZ3jsscfw9/cvVde7d+9K7XDRokW4uLgwduxYoHisNIPBQEFBAUuWLCEqKoply5ZVapu2kJ6eXeF8Dz4+rly8aJ+PMl5/oJW0s6GU24I9v98VkXY3LtVpt1arKfcLuqpEs3XrVgDefPPNUuUajYYvvvhCdSAmk4kzZ86wdu1a6zUfg8EAgF6vJywsjMmTJ1vLU1JSMJvN6HQ6zGYzqampGAwGFEWpUp0QQojapyrR7N+/v9o7WrFiBUeOHOHdd99Fr9cDkJOTg9lsxtXVFUVR2LNnD0ajESi+pdpoNBIfH09oaCjx8fEYjUZr91dV64QQQtQu1VdQCwsL+eWXX0hNTWXw4MHk5OQA4OLictN1T548ydq1awkICGDMmDEAtGrVioiICKZPn47ZbMZisRAYGEhkZKR1vYULFxIREcGaNWtwc3PDZDJVu04IIUTtUpVojh8/zuTJk9Hr9aSkpDB48GAOHjzIzp07eeONN266fvv27Tl+/HiZdRWNLhAYGEhMTEyN1gkhhKhdqkYGWLhwITNmzODTTz/FwaE4NwUFBfHjjz/aNDghhBANn6pEc+rUKUJDQ4HiGwCguMssPz/fdpEJIYSwC6oSTcuWLTly5EipssOHD3PLLbfYJCghhBD2Q9U1mpkzZ/L0008zZswYCgsLeeedd/jwww9ZtGiRreMTQgjRwKk6o+nfvz/r1q0jIyODoKAgkpKSePPNN+nTp4+t4xNCCNHAqTqj+eSTT3jwwQfp1KlTqfJPP/2UBx54wCaBCSGEsA+qzmjmzp1bZvmCBQtqNBghhBD2p8IzmnPnzgGgKIr192vrSp7wF0IIIcpTYaIZOHAgGo0GRVEYOHBgqTpvb2+mTZtm0+CEEEI0fBUmmmPHjgEwduxY3n///VoJSAghhH1RdY2mY8eOZZYvWbKkRoMRQghhf1Qlmo8++qjM8o8//rhGgxGiJri6OePj44qPjyuubs51HY4QjV6FXWfbt28HiqdzLvm9xLlz5/Dw8LBZYEJUVckUzwC7Xg+l8U1fJUT9UmGiiYsr/mctLCy0/g7F4515e3vL8PtCCCFuqsJEs2XLFqB40rJZs2bVSkBCCCHsi+qxziwWS5l1JVMyCyGEEGVRlWhuv/126/QA1zt69GiNBiSEEMK+qEo0X3zxRanXFy9e5N1336V///42CUoIIYT9UD0fzbU/nTt3xmQysX79elU7yczMZNKkSQwaNIghQ4Ywbdo0MjIyAEhMTGT06NEMGjSI0aNH88cff1jXs0WdEEKI2lXlCyzZ2dnWZHEzGo2GiRMnsnfvXnbt2kXr1q1ZtmwZAJGRkYSFhbF3717CwsJKDdRpizohhBC1S1XX2XPPPVfqGk1eXh4HDx5k6NChqnbi4eFBz549ra87d+7M1q1bSU9PJyEhgU2bNgEQEhLCokWLyMjIQFGUGq/z9PRUFa8QQoiaoyrRtGnTptRrZ2dnxowZw913313pHVosFrZu3UpwcDDJycn4+fmh0+kA0Ol0+Pr6kpycjKIoNV4niUYIIWqfqkRTk6M0L1q0CBcXF8aOHUtCQkKNbbemeXk1u+kyPj6utRBJ3SuvnQ29vLIay/t9PWl342KLdqtKNDXFZDJx5swZ1q5di1arxWAwkJKSgtlsRqfTYTabSU1NxWAwoChKjddVRnp6NhaLUm69j48rFy/a5+Am1x9oJe1s6OXVYc/vd0Wk3Y1Lddqt1WrK/YJea09brlixgiNHjrB69WrrhGleXl4YjUbi4+MBiI+Px2g04unpaZM6IYQQta9WzmhOnjzJ2rVrCQgIYMyYMQC0atWK1atXs3DhQiIiIlizZg1ubm6lxk+zRZ0QQojaVW6iefjhh9m2bRsAb731VrWu07Rv357jx4+XWRcYGEhMTEyt1QkhhKhd5Xad/fHHH+Tn5wOwcePGWgtICFuReWqEqBvlntEMGDCAQYMG0bJlS/Lz83n00UfLXC46OtpmwQlRk2SeGiHqRrmJ5uWXX+aHH34gKSmJX3/9lZEjR9ZmXEIIIexEhTcDdO/ene7du1NYWMjw4cNrKyYhhBB2RNVdZyNHjuTAgQPExcWRmpqKr68vQ4cOpXfv3raOTwghRAOn6jmamJgYZs2ahY+PDwMHDsTX15fw8HDrXWlCCCFEeVSd0axfv55NmzbRsWNHa9mDDz7IjBkzePjhh20WnBBCiIZP1RlNVlYWgYGBpcratm3LpUuXbBKUEEII+6Eq0XTt2pVXXnmF3NxcAHJycnj11Vfp0qWLTYMTtiXPlQghaoOqrrOXXnqJ2bNn0717d9zd3bl06RJdunTh9ddft3V8wobkuRIhRG1QlWh8fX15//33uXDhgvWuM39/f1vHJoQQwg5UalBNf39/STBCCCEqpdamCRBCCNE4SaIRQghhUzdNNBaLhe+++46CgoLaiEeIWnft3XdyB54QNe+m12i0Wi1Tpkzh0KFDtRGPELXu2rvvQO7AE6Kmqeo6CwoK4ueff7ZxKEIIIeyRqrvOWrRowaRJkxgwYAD+/v5oNBpr3cyZM20WnBBCiIZPVaLJz8/nvvvuAyAlJaXSOzGZTOzdu5ekpCR27dpFhw4dAAgODkav1+Pk5ARAeHg4ffv2BSAxMZGIiAiysrLw8PDAZDIREBBQrTohhBC1T1Wiefnll6u1kwEDBvDYY4+VOUvnqlWrrInnWpGRkYSFhREaGkpcXBwLFixg8+bN1aoTQghR+1Tf3nz69GlWr15NVFQUAL///jvHjh1TtW737t0xGAyqg0pPTychIYGQkBAAQkJCSEhIICMjo8p1Qggh6oaqRPPJJ5/w6KOPkpKSQmxsLABXr17llVdeqXYA4eHhDBkyhIULF3L58mUAkpOT8fPzQ6fTAaDT6fD19SU5ObnKdUIIIeqGqq6zVatWsWnTJoxGI5988gkAHTt2VH1GU57o6GgMBgMFBQUsWbKEqKgoli1bVq1t1hQvr2Y3XcbHx7UWIqk95bWnsZWXV2dv77da0u7GxRbtVpVoMjIyrJOeldxxptFoSt19VhUl3Wl6vZ6wsDAmT55sLU9JScFsNqPT6TCbzaSmpmIwGFAUpUp1lZWeno3FopRb7+PjysWLDftpi+sPqJL2NPbya+tK2MP7XRXS7salOu3WajXlfkFX1XXWqVMn4uLiSpXt3r2bu+66q0oBQfGcNleuFDdIURT27NmD0WgEwMvLC6PRSHx8PADx8fEYjUY8PT2rXCeEEKJuqDqjmTt3LhMmTGD79u3k5OQwYcIEEhMT2bhxo6qdLF68mH379pGWlsb48ePx8PBg7dq1TJ8+HbPZjMViITAwkMjISOs6CxcuJCIigjVr1uDm5obJZKp2nRBCiNqnKtEEBgbyySef8K9//Yt+/fphMBjo168fTZs2VbWTefPmMW/evBvKS24sKG+fMTExNVonhBCi9qmej8bZ2Zlu3brRqlUr/Pz8VCcZIRoyVzdnmjg5WH+/cjm3jiMSouFRlWjOnz9PeHg4v/zyC25ubly+fJm77rqLZcuW0bJlS1vHKESdkemuhag+VTcDzJkzh06dOnHw4EG+++47/vvf/3LnnXcSERFh6/iEEEI0cKrOaH777Tc2btyIo6MjAE2bNiU8PJyePXvaNDghhBANn6ozms6dO3P48OFSZUeOHKFLly42CUoIIYT9KPeMZuXKldbfW7duzVNPPUW/fv3w9/fnwoULfPXVV9YxxYQQQojylJtoLly4UOr1/fffDxSPEqDX6xk4cCD5+fm2jU4IIUSDV26iqe7UAEIIIQRU4jma3Nxczpw5Q05OTqnyrl271nhQQggh7IeqRBMbG0tUVBSOjo40adLEWq7RaPjyyy9tFZsQQgg7oCrRvPbaa7z55pvcc889to5HCCGEnVF1e7OjoyM9evSwdSxCCCHskKpEM3PmTF555RWZElmI/3F1c8bHxxUfH1dc3ZzrOhwh6jVVXWcBAQGsWrWKDz74wFqmKAoajYajR4/aLDgh6isZA00I9VQlmueff57Q0FAGDx5c6mYAIYQQ4mZUJZqsrCxmzpxZ7ambhRBCND6qrtE89NBDN0zlLIQQQqih6ozm8OHDREdH8/bbb+Pt7V2qLjo62iaBCSGEsA+qEs3DDz/Mww8/bOtYhBBC2CFViWb48OHV2onJZGLv3r0kJSWxa9cuOnToAEBiYiIRERFkZWXh4eGByWQiICDAZnVCCCFqn6prNNu3by/3R40BAwYQHR19w7TPkZGRhIWFsXfvXsLCwliwYIFN64QQQtQ+VWc0198IkJaWxrlz5+jSpQsjR4686frdu3e/oSw9PZ2EhAQ2bdoEQEhICIsWLSIjIwNFUWq8ztPTU01ThRBC1DBViWbLli03lG3fvp3Tp09XecfJycn4+fmh0+kA0Ol0+Pr6kpycjKIoNV5X2UTj5dXspsv4+LhWapv1XXntaWzl1dlWQaEZvaPuht8bMns7ztWSdtcc1dMEXO+hhx6iV69ezJkzpybjqTfS07OxWJRy6318XLl4sWE/D379AVXSnsZeXt1tXTtigD0cIw29DVUh7a48rVZT7hd0VYnGYrGUep2bm8vHH3+Mq2vVM5/BYCAlJQWz2YxOp8NsNpOamorBYEBRlBqvE0IIUTdUJZrbb7/9hlEB/Pz8WLRoUZV37OXlhdFoJD4+ntDQUOLj4zEajdYuLlvUCSGEqH2qEs0XX3xR6rWzs3OlPrwXL17Mvn37SEtLY/z48Xh4eLB7924WLlxIREQEa9aswc3NDZPJZF3HFnVCCCFqn6pEc/1tyZU1b9485s2bd0N5YGAgMTExZa5ji7rGyNXNmSZOxW9zXn4RVy7n1nFEQojGpsJEM27cuAoH0tRoNLz33ns1HpSoOTKcvRCirlWYaIYOHVpmeUpKClu2bCEvL88mQQkhhLAfFSaaUaNGlXqdmZnJu+++y7Zt2xg8eDBTp061aXBC2AvpwhSNmaprNNnZ2axfv57o6Gj69evHzp07ueWWW2wdmxB2Q7owRWNWYaLJy8vjvffeY+PGjfTs2ZMPPviA9u3b11ZsQggh7ECFiWbAgAGYzWYmTpzIHXfcQVpaGmlpaaWW6d27t00DFEII0bBVmGicnJwA2Lp1a5n1Go3mhmdshBBCiGtVmGj2799fW3EIIYSwU1UeVFMIUX1yN5poDCTRCFGH5G400RiommFTCCGEqCpJNEIIIWxKEo0QQgibkkQjhBDCpiTRCCGEsCm560yIekhuexb2RBKNEPWQ3PYs7Il0nQkhhLCpenFGExwcjF6vt46tFh4eTt++fUlMTCQiIoKsrCw8PDwwmUwEBAQAVLlOCCFE7ao3ZzSrVq0iLi6OuLg4+vbtC0BkZCRhYWHs3buXsLAwFixYYF2+qnX2ytXNGR8fV3x8XHF1c67rcEQtkPdcNBT1JtFcLz09nYSEBEJCQgAICQkhISGBjIyMKtfZs5I+/SHPxlkvIgv7Ju+5aCjqzdEZHh6Ooih069aN2bNnk5ycjJ+fHzqdDgCdToevry/JyckoilKlOk9PzzprnxBCNFb1ItFER0djMBgoKChgyZIlREVF8cQTT9RpTF5ezW66jI+Pay1EUjXlxVZRzJVdx17L62NMao41Wx2P9fk4tyVpd82pF4nGYDAAoNfrCQsLY/LkybzwwgukpKRgNpvR6XSYzWZSU1MxGAwoilKluspIT8/GYlHKrffxceXixfpz0+n1B0dJbOWVV2WdxlJeH2Mq61hTs0x11bfjvLZIuytPq9WU+wW9zq/R5OTkcOVKccMURWHPnj0YjUa8vLwwGo3Ex8cDEB8fj9FoxNPTs8p1QjQGcpOAqG/q/IwmPT2d6dOnYzabsVgsBAYGEhkZCcDChQuJiIhgzZo1uLm5YTKZrOtVtU4IeycPe4r6ps4TTevWrYmNjS2zLjAwkJiYmBqtE0IIUbvqvOtMCCGEfavzMxohRO2QgTpFXZFEI0QjIdduRF2RrjMhhBA2JWc0DYx0f4iaJseUsDVJNA2MdH+ImibHlLA16ToTQghhU3JGI4QoU8moAiVD3Ui3mqgqSTRCiDJd26UGpbvV5LqOqAxJNEKISpPrOqIy5BqNEEIIm5IzGiFEjZEuNVEWSTT1lPzDioaovC41OZ4bN0k09ZT0gQt7IgmocZNEI4SoM5KAGgdJNEKIekcSkH2RRCOEaDAkATVMkmiEEA1eZROQJKbaJYmmjskBL4TtlJeA1CQmVzdn+X+sIXabaBITE4mIiCArKwsPDw9MJhMBAQF1HdYN5O4yIeqPqnTNyVnTzdltoomMjCQsLIzQ0FDi4uJYsGABmzdvruuwhBANUEVfCKtz1qQmMdlDIrPLRJOenk5CQgKbNm0CICQkhEWLFpGRkYGnp6eqbWi1mhpZpkSzZk1w+t9BkZ9fRHZ2nrXOt7lzmdu0dXld7rs+l9fHmMo71uTvUvfllV2niZMDExbvA2DDvPu5WsPl5X3WqCkvKDRX6nPtWhWtp1EURanSVuuxI0eOMGfOHHbv3m0tGzx4MK+99hqdOnWqw8iEEKLxkUE1hRBC2JRdJhqDwUBKSgpmsxkAs9lMamoqBoOhjiMTQojGxy4TjZeXF0ajkfj4eADi4+MxGo2qr88IIYSoOXZ5jQbg9OnTREREcPnyZdzc3DCZTLRt27auwxJCiEbHbhONEEKI+sEuu86EEELUH5JohBBC2JQkGiGEEDYliUYIIYRNSaKppMTEREaPHs2gQYMYPXo0f/zxR12HZBMmk4ng4GBuu+02Tpw4YS239/ZnZmYyadIkBg0axJAhQ5g2bRoZGRmA/bd9ypQpDB06lGHDhhEWFsbRo0cB+293ibfeeqvU8W7v7Q4ODuaBBx4gNDSU0NBQvvnmG8BG7VZEpYwbN06JjY1VFEVRYmNjlXHjxtVxRLZx8OBB5fz580r//v2V48ePW8vtvf2ZmZnKgQMHrK9feeUV5YUXXlAUxf7bfvnyZevvn332mTJs2DBFUey/3YqiKEeOHFEmTJig9OvXz3q823u7r//fLmGLdssZTSWUDNYZEhICFA/WmZCQYP3Ga0+6d+9+w0gKjaH9Hh4e9OzZ0/q6c+fOnD9/vlG03dXV1fp7dnY2Go2mUbS7oKCAqKgoIiMj0WiKB4ZsDO0ui63abZejN9tKcnIyfn5+6HQ6AHQ6Hb6+viQnJzeKUQcaW/stFgtbt24lODi40bR97ty5fPvttyiKwvr16xtFu1euXMnQoUNp3bq1tawxtBsgPDwcRVHo1q0bs2fPtlm75YxGiHIsWrQIFxcXxo4dW9eh1JolS5bw5ZdfMmvWLF599dW6DsfmDh06xK+//kpYWFhdh1LroqOj+fjjj9mxYweKohAVFWWzfUmiqYTGPlhnY2q/yWTizJkzvPHGG2i12kbVdoBhw4bx/fff4+/vb9ftPnjwIL///jsDBgwgODiYCxcuMGHCBM6ePWvX7QasbdHr9YSFhfHTTz/Z7DiXRFMJjX2wzsbS/hUrVnDkyBFWr16NXq8H7L/tV69eJTk52fp6//79uLu72327n3rqKf7973+zf/9+9u/fj7+/Pxs2bGDw4MF23e6cnByuXCme81NRFPbs2YPRaLTZ+y1jnVVSYxmsc/Hixezbt4+0tDSaN2+Oh4cHu3fvtvv2nzx5kpCQEAICAmjSpAkArVq1YvXq1Xbd9rS0NKZMmUJubi5arRZ3d3fmzJlDp06d7Lrd1wsODmbt2rV06NDBrtt97tw5pk+fjtlsxmKxEBgYyLx58/D19bVJuyXRCCGEsCnpOhNCCGFTkmiEEELYlCQaIYQQNiWJRgghhE1JohFCCGFTkmiEqCERERGsWLGiTvatKAovvPACQUFBjBw5strb++ijj3jkkUdqIDIhJNEIOxYcHMzdd99NTk6OtSwmJoZx48bVYVS28eOPP/Ltt9/y1VdfsX379hvqJXGIuiSJRtg1s9nM5s2b6zqMSisZAkStpKQkWrZsiYuLi40iEqLqJNEIuzZhwgQ2btzI5cuXb6j7888/ue222ygqKrKWjRs3jpiYGKD4LGDMmDEsXbqU7t27M2DAAH766Sc++ugj7r33Xnr37s3OnTtLbTMzM5Px48fTpUsXxo4dS1JSkrXu9OnTjB8/nh49ejBo0CD27NljrYuIiCAyMpJJkybRuXNnvv/++xviTUlJ4ZlnnqFHjx4MHDiQbdu2AcVnafPmzePnn3+mS5curFq1qtR6p0+fJjIy0lrfvXt3AK5cucLzzz9Pr1696N+/P2vWrMFisZT5dzSZTDzyyCNcuXKFK1eu8OKLL9KnTx/69u3LihUrrImx5MzJZDIRFBREcHAwX331lXU7H330EQMGDKBLly4EBwfz8ccfl7k/YV8k0Qi7dscdd9CjRw82bNhQpfUPHz7Mbbfdxvfff09ISAizZ8/m119/5bPPPuO1114jKiqKq1evWpfftWsXU6ZM4fvvv6djx46Eh4cDxWNLPfnkk4SEhPCf//yH5cuX89JLL3Hy5EnruvHx8TzzzDP89NNPdOvW7YZYnn32Wfz9/fnmm29YtWoVy5cv57vvvmPUqFG89NJLdO7cmUOHDjFjxoxS6wUGBpaq/+GHH4Di0amvXLnC559/zpYtW4iLi2PHjh2l1rVYLMybN48TJ06wceNGXF1dmTNnDg4ODuzbt4/Y2Fi+/fZba3Iu+ZvdeuutHDhwgIkTJzJ37lwURSEnJ4fFixezbt06Dh06xIcffojRaKzS+yIaFkk0wu7NmDGD999/v0qTN7Vq1YoRI0ag0+kYPHgwycnJTJ06Fb1eT58+fdDr9Zw9e9a6fL9+/QgKCkKv1zNr1ix+/vlnkpOT+fLLL2nZsiUjRozAwcGBTp06MWjQIPbu3Wtdd8CAAXTr1g2tVouTk1OpOJKTk/nxxx8JDw/HyckJo9HIqFGjiIuLq9LfxGw2s2fPHp599lmaNWtGq1atGD9+fKkzjKKiImbPns2lS5d4++23cXZ2Ji0tja+//poXX3wRFxcXvLy8eOKJJ9i9e7d1vRYtWvDwww+j0+kYPnw4Fy9eJC0tDQCtVsvJkyfJy8vD19eX9u3bVyl+0bDIxGfC7nXo0IF+/frx7rvvEhgYWKl1vby8rL+XDLLp7e1tLXNycip1RuPv72/9vWnTpri7u5OamkpSUhKHDx+2dltB8Yf90KFDra8rGoo9NTUVd3d3mjVrZi1r0aIFR44cqVR7SmRmZlJYWEiLFi1KbS8lJcX6+uzZsxw7doyYmBjrKNbnz5+nqKiIPn36WJezWCylYr/27+Ps7AwUn9H5+PiwYsUKNm7cyNy5c+natStz5syp9HsiGh5JNKJRmDFjBsOHD+fJJ5+0lpVcOM/Ly7N+gF+8eLFa+7lw4YL196tXr3Lp0iV8fX0xGAwEBQWxadOmKm3X19eXS5cukZ2dbY21ZDZENUqmKC7RvHlzHB0dOX/+PO3atStze23btuXRRx9l0qRJvPfee7Rt2xZ/f3/0ej0HDhzAwaHyHx99+/alb9++5OXl8cYbbzB//nw++OCDSm9HNCzSdSYahTZt2jB48GC2bNliLfP09MTPz4+4uDjMZjPbt2/n3Llz1drPV199xQ8//EBBQQErV67kb3/7GwaDgX79+vHHH38QGxtLYWEhhYWFHD58mNOnT6varsFgoEuXLixfvpz8/HyOHTvG9u3bGTJkiKr1vby8SElJoaCgACieoveBBx5gxYoVZGdnk5SUxKZNm0qdYQHW61Ljx4/n7Nmz+Pr6cs899/DKK6+QnZ2NxWLh7Nmz/Pe//71pDGlpaXzxxRfk5OSg1+txcXGxThks7JskGtFoTJ06tdQzNVB8QXzDhg307NmTU6dO0aVLl2rtIyQkhNWrV9OzZ09+++03XnvtNQCaNWvGhg0b2LNnD3379qVPnz4sW7bM+sGvxvLly0lKSqJv375MmzaN6dOnc88996hat1evXrRr144+ffrQs2dPAObPn4+zszP33XcfYWFhhISEMGLEiBvWHT58OFOnTuXxxx/nzz//5NVXX6WwsJDBgwcTFBTEjBkzVJ0JWiwWNm3aRN++fenRowcHDx4kMjJSdftFwyXz0QghhLApOaMRQghhU5JohBBC2JQkGiGEEDYliUYIIYRNSaIRQghhU5JohBBC2JQkGiGEEDYliUYIIYRNSaIRQghhU/8f7/QeLTf7mKgAAAAASUVORK5CYII=\n", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "tokens_len = df.tokens_len[df.tokens_len <= 50]\n", + "print(\"Number of tokens per utterance (punctuations removed), for utterances with at most 50 tokens ({:.2f}% of all utterances).\".format((df.tokens_len <= 50).mean() * 100))\n", + "\n", + "mu = tokens_len.mean()\n", + "median = tokens_len.median()\n", + "sigma = tokens_len.std()\n", + "textstr = '\\n'.join((\n", + " r'$\\mu=%.2f$' % (mu, ),\n", + " r'$\\mathrm{median}=%.2f$' % (median, ),\n", + " r'$\\sigma=%.2f$' % (sigma, )))\n", + "\n", + "ax = tokens_len.hist(bins=100)\n", + "\n", + "# these are matplotlib.patch.Patch properties\n", + "props = dict(boxstyle='round', facecolor='wheat', alpha=0.5)\n", + "\n", + "# place a text box in upper left in axes coords\n", + "ax.text(0.55, 0.95, textstr, transform=ax.transAxes, fontsize=14,\n", + " verticalalignment='top', bbox=props)\n", + "\n", + "plt.xlabel('Number of tokens', fontsize=12)\n", + "plt.ylabel('Number of utterances', fontsize=12)" + ] + }, + { + "cell_type": "code", + "execution_count": 20, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "annotations with something-else choice: 52962\n" + ] + } + ], + "source": [ + "def rough_fine_grained_emotion_analysis_of_something_else(tokens):\n", + " found_counter = 0\n", + " fine_grained_emotion_category = None\n", + " for t in tokens: \n", + " for f in LARGER_EMOTION_VOCAB:\n", + " if t in f:\n", + " found_counter += 1\n", + " fine_grained_emotion_category = f[0]\n", + " \n", + " if found_counter == 1: # found_exactly_one\n", + " return fine_grained_emotion_category\n", + " else:\n", + " return 'unclassified'\n", + "\n", + "n_se = (df.emotion == 'something else').sum()\n", + "print('annotations with something-else choice:', n_se)" + ] + }, + { + "cell_type": "code", + "execution_count": 21, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "These emotion-words or synnonyms are found exactly once in these many SE annotations:\n" + ] + }, + { + "data": { + "text/plain": [ + "unclassified 36836\n", + "confused 5333\n", + "bored 3904\n", + "curious 3889\n", + "happy 690\n", + "uncomfortable 371\n", + "anxiety 310\n", + "nostalgia 309\n", + "hope 295\n", + "neutral 285\n", + "creepy 277\n", + "depressing 136\n", + "overwhelmed 76\n", + "bothered 56\n", + "anticipation 49\n", + "shock 36\n", + "disappointment 31\n", + "shame 17\n", + "shy 15\n", + "surprised 12\n", + "alerted 11\n", + "rage 6\n", + "grief 4\n", + "empowerment 4\n", + "thrilled 4\n", + "exhilarating 3\n", + "insult 3\n", + "Name: tokens, dtype: int64" + ] + }, + "execution_count": 21, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "se = df[df.emotion == 'something else']\n", + "fg_se_emo = se['tokens'].apply(rough_fine_grained_emotion_analysis_of_something_else)\n", + "print('These emotion-words or synnonyms are found exactly once in these many SE annotations:')\n", + "fg_se_emo.value_counts()" + ] + }, + { + "cell_type": "code", + "execution_count": 24, + "metadata": {}, + "outputs": [], + "source": [ + "def pne(group):\n", + " \"return number of positive:0, negative:1, and som-else:2 in a group\"\n", + " p = sum(group == 0)\n", + " n = sum(group == 1)\n", + " e = sum(group == 2) \n", + " return p, n, e\n", + "\n", + "def pne_distribution_plot(pne_of_stim, grouping_col):\n", + " new_stats = []\n", + " for n, g in pne_of_stim.groupby(grouping_col):\n", + " tc = sum([np.array(x) for x in g.values])\n", + " tc = [i /sum(tc) for i in tc]\n", + " new_stats.append([n, tc])\n", + "\n", + " ns = pd.DataFrame.from_dict(dict(new_stats)).T\n", + " ns = ns.rename(columns={0:'pos', 1:'neg', 2:'else'})\n", + " ns = ns.sort_values(by='pos')\n", + "\n", + " title = 'Positive vs Negative vs. Else \\n Emotion Distribution'\n", + "\n", + " kw = {'figsize': (6, 6), \n", + " 'fontsize': 12,\n", + " 'grid': True,\n", + " 'title': title}\n", + "\n", + " \n", + " ns['pos'].plot(kind='barh', color='#2f9c3b', **kw)\n", + " ns['neg'].plot(kind='barh', left=ns['pos'], color='#FE2020')\n", + " ns['else'].plot(kind='barh', left=ns['pos']+ns['neg'], color='#6b8abd')\n", + " \n", + " if save_figs:\n", + " plt.savefig('pos_neg_else_distribution_per_{}.jpg'.format(grouping_col))\n", + " \n", + " return plt.tight_layout()" + ] + }, + { + "cell_type": "code", + "execution_count": 26, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAaQAAAGkCAYAAAB+TFE1AAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjMuNCwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8QVMy6AAAACXBIWXMAAAsTAAALEwEAmpwYAACwOElEQVR4nOzdeVxU9f7H8RcwDKsrAoILt8zQNHRkAGUVXJBNXNNuYgmpEIh7mpq7lrlLKuKWlm2asokbpkJpKobivWm55QaCC5qCyPr7w5/nOrLLIKDf5+PB48HMWb6fOdZ8Oed8z/urUVRUVIQgCIIg1DDNmi5AEARBEEB0SIIgCEItITokQRAEoVYQHZIgCIJQK4gOSRAEQagVRIckCIIg1AqiQxKEOio8PJypU6eWujw6Ohp/f/8XWFHdlZqaikKhoKCgoKZLqTI/Pz+2bt1a02U8F9EhCcIL4ubmhpWVFQqFAnt7ez755BOysrKee3+BgYHMmzcPgGvXrmFpaUl+fr60vHfv3mzYsKHKdVeHo0ePYmlpyaxZs1Tef/fdd9m+fXu1t+/m5sbhw4el1+bm5iQnJ6OlpVXtbVfV0aNHadOmDQqFQuUnOTm5pkurMtEhCcILFB4eTnJyMjt27OD06dOsXr26pkuqMfr6+kRGRnLt2rWaLqXOMTExITk5WeVHoVDUdFlVJjokQagBpqamODk5ce7cOQD279+Pl5cXSqUSPz8/Lly4IK0bERGBk5MTCoUCd3d3jhw5AkBYWBgTJkwAYMiQIQDY2NhIfy1v376dd999F4Dp06ezYMEClRqCgoLYuHEjAOnp6YwaNYrOnTvj5ubG5s2bS6z75MmTODg4qFza2rdvHz4+PgCkpKTQr18/OnXqhL29PZ999lmpx6BevXr069ePlStXlrrOtm3b8PDwwMbGhoCAAK5fvy4t++WXX3B3d8fa2pqZM2cyZMgQ6VLVlStXGDp0KHZ2dtjZ2TF+/Hj++ecfACZOnEhqaiqBgYEoFArWrl2rcoa5c+dO+vXrp1LHV199RWBgIAC5ubksWLCArl27Ym9vz/Tp08nJySlWe25uLkqlkr/++kt6786dO1hZWXH79m3u3LnDyJEjUSqV2Nra8u9//5vCwsJSj8XzuHz5MkOGDMHa2ho7OzvGjBkjLbtw4QLDhg3D1tYWd3d34uLi1Nr28xAdkiDUgLS0NBISEmjbti2XLl1i/PjxTJkyhSNHjuDs7ExgYCC5ublcvHiRLVu2sG3bNpKTk1m/fj3NmjUrtr9vvvkGgOPHj5f417KPjw9xcXE8SQq7d+8ev/76K56enhQWFhIUFISlpSUJCQls2rSJTZs2kZiYWKydjh07oqenx2+//Sa9FxMTI3VI8+bNY+jQofz+++/s27cPDw+PMo9DYGAge/bs4eLFi8WWxcfHs2bNGr788kuOHDmCtbU148ePBx5/sYeGhjJ+/HiOHj3Ka6+9pnLJqqioiJEjR5KYmMiuXbu4ceMGYWFhACxcuBBzc3PpbHX48OEq7bq5uXHp0iX+/vvvEj/jwoULuXTpEpGRkezdu5eMjIwSO1W5XE6PHj3YuXOn9N6uXbuwsbHByMiIjRs3YmpqypEjR/j1118ZN24cGhoaZR6vylq+fDkODg4cP36chIQE6Q+X7Oxs/P398fb25vDhwyxZsoRZs2ZJfyDVFNEhCcILFBwcjFKp5N///jc2NjYEBgYSFxeHi4sLDg4OaGtrExAQQE5OjnRPIzc3lwsXLpCXl0fz5s1p2bJlpdtVKpVoaGiQlJQEwJ49e+jYsSOmpqacPn2aO3fuEBISglwup0WLFrzzzjul/sXs5eVFbGwsAA8ePCAhIQEvLy8AZDIZV65c4c6dOxgYGNCxY8cy6zI2Nmbw4MGsWLGi2LLvv/+eESNG0KpVK2QyGYGBgZw5c4br16+TkJBA69at6dmzJzKZjKFDh9KkSRNpWwsLCxwcHJDL5TRu3Jhhw4Zx/PjxCh0rPT09unXrJn3Gv//+m4sXL+Lm5kZRURFbt25lypQpNGzYEENDQ0aOHKnS6TzNx8dH2g+odmwymYybN2+SmpqKtra29G9UERkZGSiVSpWf7OzsYuvJZDJSU1PJyMhAR0cHpVIJwMGDB2nWrBn9+/dHJpPRrl073N3d2bNnT4Xary6yGm1dEF4xK1euxN7eXuW9jIwMzM3NpdeampqYmZmRnp6OnZ0dU6ZMISwsjPPnz+Po6MjkyZMxNTWtVLsaGhp4enoSGxuLjY0NMTEx9O7dG4Dr169LX3BPFBQUqLx+mo+PD4MHD2bWrFns27ePt956SzprmzdvHitWrMDDw4PmzZsTEhKCq6trmbUNHz6cHj16cPbsWZX3U1NTmT9/vsqlxqKiItLT08nIyKBp06Yqn+/p17dv32bu3LkkJSWRlZVFUVER9evXr+DRevwZP//8c0JCQoiNjaV79+7o6elx+/ZtHj58qHJJr6ioqNRLbZ07d+bRo0ecOnWKJk2acPbsWbp37w5AQEAAX375pTQSctCgQYwYMaJC9ZmYmJCQkFDuehMnTmT58uUMGDCABg0aMGzYMAYMGMD169dJSUkp9m/+5L+JmiI6JEGoYSYmJir3GYqKikhLS5M6HR8fH3x8fHjw4AHTp09n0aJFLFy4UGUfFfnL2tvbG39/f0aMGEFKSop0mcnMzIzmzZuzd+/eCtX7xhtvYG5uTkJCArGxsXh7e0vL/vWvf7FkyRIKCwvZu3cvoaGhHD16FH19/VL316hRI95//32WLVum8r6ZmRmBgYElfklevnyZ9PR06XVRURE3btyQXi9evBgNDQ2io6Np1KgR8fHxzJ49u0KfD8DBwYHMzEzOnDlDbGwsn3zyiVSrrq4uO3furNAfBZqamvTq1YvY2FiaNGlC165dMTQ0BMDQ0JDJkyczefJkzp07x9ChQ3n77bfp0qVLhessj7GxMXPnzgUgKSmJYcOGYWNjg5mZGTY2NtI9xNpCXLIThBrm4eHBoUOHOHLkCHl5eWzYsAG5XI5CoeDixYscOXKE3Nxc5HI5Ojo6JQ5Nbty4MZqamly9erXUdt566y0aN27MtGnTcHR0lM4YrKysMDQ0JCIigpycHAoKCvjrr79ISUkpdV/e3t5s3ryZ48eP06tXL+n9qKgo7ty5g6amprT/igylHjZsGMnJySr3kgYPHkxERIR0X+P+/fvs2rULABcXF/7880/i4+PJz89ny5Yt3Lp1S9o2KysLfX196tevT3p6OuvWrVNpr0mTJmUeK5lMhru7O1988QX37t3DwcEBeNzBDBw4kPnz53P79m3g8YCQku63PeHj48OuXbuIiYlR6bwPHDjA5cuXKSoqwtDQEC0tLTQ11fuV/OT+GUCDBg3Q0NBAU1OTrl278vfffxMZGUleXh55eXmkpKSoDKapCaJDEoQa9vrrr7Nw4ULmzJlD586dOXDgAOHh4cjlcnJzc1m8eDF2dnY4Ojpy584dxo4dW2wfenp6BAYG8u6776JUKjl58mSJbXl5eXH48GGVL0YtLS1Wr17N2bNn6datG507d2batGk8ePCg1Jq9vb05duwYnTt3pnHjxtL7iYmJeHl5oVAomDdvHkuXLkVHR6fcY2BoaMiHH37I3bt3pfd69OjBhx9+yLhx4+jUqRPe3t7SZarGjRuzfPlyFi5ciJ2dHefPn6d9+/Zoa2sDEBISwh9//IFSqWTEiBH07NlTpb0RI0awevVqlEol69evL7EmHx8fDh8+TK9evZDJ/ncxaeLEiVhYWPDOO+/QqVMnPvjgAy5dulTqZ+vQoQN6enpkZGTg7OwsvX/58mWGDRuGQqFg0KBBvPvuu9jZ2QHw4YcfEh4eXuo+MzIyij2HVNL9n9OnTzNw4EAUCgVBQUFMnTqVFi1aYGhoyPr164mLi8PJyQlHR0cWLVpEbm5uqW2+CBpigj5BEOq6wsJCnJ2dWbRoEZ07d67pcoTnJM6QBEGokxITE/nnn3/Izc2VzibKG9Un1G5iUIMgCHXSyZMnmTBhArm5ubzxxhusXLkSXV3dmi5LqAJxyU4QBEGoFcQlO0EQBKFWEB2SIAhq9eGHH7Jjx44aaVvdU254eXlx9OhRQDU7UB3Kmz7kVSQu2QnCS8jS0hI9PT2VB2Y/+uijYrltVRUWFsbly5dZtGiRWvdbksmTJxMbGysN7W7WrBmurq6MGDGCevXqVXpfpqamJQ6hL01VPuvRo0eZOHFihdIVXmViUIMgvKSioqKwsLCo6TLUKiAggLFjx/Lo0SP+/PNPFi5cyLvvvsuPP/5YZhpEZeXn56s8eyS8GOKSnSC8YsLCwggNDWXChAkoFAp8fHy4dOkSa9asoUuXLri4uPDLL79I66enpxMYGIitrS09evTgxx9/BCAhIYE1a9awa9cuFAqFFPHz9IylhYWFrFq1CldXV7p06cLHH3/M/fv3gf9NKrhjxw66du2KnZ1dheeH0tHRwcrKitWrV3P37l1pUr+np9woKipi/vz5dOnSBWtra3x8fPjrr7/44YcfiImJYf369SgUCmlaCTc3NyIiIvDx8aFjx47k5+cXm8gvNzeXMWPGoFAo6Nu3r0r+nqWlJZcvX5ZeT548maVLl5Kdnc3w4cNVHmZNT08vdgmwrClI3NzcWL9+PT4+PlhbWzNmzBgePXpUoWNVl4gOSRBeQQcOHMDX15fjx4/Ttm1bAgICKCwsJCEhgeDgYKZPny6tO378eJo2bUpiYiIrVqxgyZIl0jQZI0eOxMPDg+TkZKKjo4u1s337dnbs2MHmzZuJj48nOzu7WKbciRMn2L17N5s2bWLlypWViq8xNDTE3t5eSjF/2i+//EJSUhJ79uwhKSmJZcuW0bBhQwYNGoSPjw8BAQEkJyerJCLs3LmTiIgIkpKSSjxD2r9/P7169eLYsWN4e3vz0UcfkZeXV2aN+vr6rF27VmVSvWdz8MqaguSJXbt2sW7dOvbv38+ff/75QmbWfdFEhyQIL6m+ffuqTE/wdN6aUqnEyckJmUxGr169yMzMZMSIEWhra+Pp6cn169f5559/SEtL48SJE0yYMAEdHR3atm3LwIEDiYqKqlANMTExfPDBB7Ro0QIDAwPGjRtHXFycylTrISEh6Orq0qZNG9q0aVMs9bs8JiYm3Lt3r9j7MpmMrKwsLl68SFFREa1atcLExKTMffn5+WFmZlbq80zt2rWjV69eaGtrM2zYMHJzczl16lSl6i1JWVOQPF2bqakpDRs2xNXVlTNnzlS53dpGXCQVhJfUjh07Sr2HZGRkJP2uq6tLo0aNpBDUJ1/G2dnZZGRk0KBBAymhGsDc3Jz//Oc/FaohIyNDZULBZs2akZ+fLwWTAirzGOnp6ZU4r09Z0tPTadCgQbH3u3Tpwnvvvcfs2bNJTU2lR48eTJo0SeWzPMvMzKzMtp6e4kJTUxNTU1MyMjIqVW9JypqC5AljY2Pp9yfZeC8bcYYkCEKpnpx9PB20+vTUGOVNe2FiYqIy7XhqaioymUylQ6yKrKwsjhw5UurcTUOHDmX79u3s3LmTv//+W0r9Lq3u8j7P01NcFBYWkp6eLp116enp8fDhQ2n5zZs3K7xfExMTUlNTpdfPTkHyqhAdkiAIpTIzM0OhULBkyRIePXrE2bNn2bZtmzTrqZGREdevXy91gjpvb282bdrE1atXycrKYunSpXh4eFR5BFtubi7/+c9/CA4Opn79+ioT5j2RkpLCqVOnyMvLQ09PD7lcLp0FGhkZce3atUq3+9///pe9e/eSn5/Ppk2bkMvldOjQAYA2bdoQGxtLQUEBCQkJKjPUGhkZcffuXWlAx7PKmoLkVSI6JEF4Sfn6+qpMTzBv3rzn2s+SJUu4fv06Tk5OhISEMGrUKGl+oCdzIdnZ2dG3b99i2/bv35/evXszZMgQunXrhlwu59NPP33uz/RkZJytrS2TJk2iXbt2fP/99yUO+c7KymLatGnY2tri6upKw4YNpYdmBwwYwPnz51EqlXz00UcVbr9bt27ExcVhY2NDVFQUYWFh0nNRU6dO5cCBAyiVSmJiYqSZYQFatWqFl5cX3bt3R6lUqlyKg7KnIHmViAdjBUEQhFpBnCEJgiAItYLokARBEIRaQXRIgiAIQq0gOiRBEAShVhAdkiAIglAriA5JEARBqBVEdJAglCAzM4vCwtr7RISRkSG3bz8of8UaVhfqFDWqR0Vq1NTUoFEjg9KXq7so4eX29AyalZWamopCoaCgoABQnabg6WkDABQKBVevXq16wc+psLCoVv/UhRrrSp2ixhdbY1nEGdIrzM3NjVu3bqGlpYWenh4uLi5MmzYNA4PS/4LZuXNnpfY/d+5c7O3tgcehnE+nF5eloutVFyOj0gM4awtj48rNklpT6kKdtanGopwcNEpIG6+uGvPyCtDW1qr6fvILqrwP0SG94sLDw7G3tyc9PZ2AgABWr16tMmnYq8rzhwGkPrhR/oqCoGYnA36h6LXXXlh72pcuEbLw5yrv58uJblXeh7hkJwBgamqKk5MT586dK3fmyiczaIaFhTF69Gg+/vhjFAoFXl5enD59GoCJEyeSmppKYGAgCoWCtWvXSjOEPj0XTmmenn3z0KFDeHp6olAocHJyYv369QAcPXoUZ2dn1q5dS5cuXXB0dCQ+Pp5Dhw7h7u6Ora2tyuRrgiDUbqJDEoDHUwokJCRgYGBQ7syVT/v555/x8vIiKSkJNzc35syZA8DChQsxNzcnPDyc5ORkhg8f/ty1TZ06ldmzZ5OcnExsbCydO3eWlt26dYtHjx6RkJBAaGgo06ZNIzo6mp9++oktW7awcuXKGr0XJQivEmPjemX+lHcpXHRIr7jg4GCUSiX//ve/sbGxoVWrVuXOXPk0a2trXFxc0NLSwtfXt9KzfVaETCbj/PnzPHjwgAYNGtCuXTuVZUFBQdJMp5mZmQwdOhRDQ0Nat25N69at+fPPP9VekyAIxd28eb/Mn3JH4b2gOoVaauXKlSQlJXHgwAFmzpxZoZkrn/b0bJ+6uro8evSoQpfkKmPFihUcOnQIV1dXhgwZotI5NmzYsNhMp09P/qajo0NWVpZa6xEEoXqIDklQURtnrrSysmL16tUcPnyY7t27M2bMmBqrRRCE6iNG2QkqPDw8WLt2rTQt9ObNm5975somTZpU+f5Nbm4uu3fvxtXVlXr16mFgYCCdEVWnuEHbqr0NQShJUU4OGpcuvbD28vIK1DJCTgz7FtTu6Zkr09PTadu27XPPXDlixAjmzp3LwoULCQoKwt3d/blqioqKYs6cORQUFPDaa6/xxRdfPNd+KuP27QflPsRXk4yN63HzZsnTYdcmdaHOWlnj/TyVl7Wyxmeo4zkpMWOsIJRAdEjqURfqFDWqR0Vq1NTUKHOknbiHJAiCINQKokMSBEEQagXRIQlq82x4alVUJcRVEIS6SdxDqoWeDSUVBOHlUFpwak1TR8BqXn4BdzOzy1ynvHtIYpTdKyo/Px+ZTPzzl0aEqwrV4UUHp1aUOgJWRbjqS2779u0MHjyY+fPno1Qq6datG7///jvbt2/HxcWFLl26sGPHDmn9yZMnM336dIYNG4ZCoWDIkCFcv35dWm5pacmWLVvo2bMnPXv2BODAgQP4+vqiVCoZPHiwSvRPREQETk5OKBQK3N3dOXLkCAApKSn069ePTp06YW9vz2effQZQLDw1PT2dwMBAbG1t6dGjBz/++KO077KCWUE1xLW89n766SdcXFywsbHhu+++IyUlBR8fH5RKJbNnz1brv4kgCNVH/Ilcy6WkpDBw4ECOHj3KihUrGDduHK6uruzbt49jx44xatQoevbsKc1hFBMTQ0REBB06dOCLL75gwoQJfPfdd9L+4uPj+fHHH9HV1eW///0vU6ZMITw8nPbt2xMdHc1HH33E7t27uXbtGlu2bGHbtm2Ymppy7do1CgsLAZg3bx5Dhw6lT58+ZGVlce7cuRJrHz9+PG+88QaJiYlcvHiRYcOG0aJFC7p06QI8Dmb98ssv+eyzz1i2bBlz5sxR6bSeKK+9U6dOsXfvXo4fP05QUBBOTk589dVX5Ofn06dPH3r16oWtra1a/j0EQShdVZ9FEmdItVzz5s3p378/WlpaeHp6kpaWRnBwMHK5HEdHR+RyOVeuXJHW79q1KzY2NsjlcsaOHcvJkydJS0uTlo8YMYKGDRuiq6vLjz/+yKBBg+jQoQNaWlr07dsXbW1tTp48iZaWFrm5uVy4cIG8vDyaN29Oy5YtgceBpleuXOHOnTsYGBjQsWPHYnWnpaVx4sQJJkyYgI6ODm3btmXgwIFERUVJ61Q0mLW89oKDg9HR0cHR0RF9fX28vb0xMjLC1NQUpVLJH3/8UYV/AUEQKkqEq77kng4KfRIe+nSg6bPhoU2bNpV+NzAwoEGDBmRkZEjvmZmZSb+npqayceNGlEql9HPjxg0yMjKwsLBgypQphIWFYW9vz9ixY6WA1Xnz5vH333/j4eFB//79OXDgQLG6MzIyaNCgAYaG/7uBaW5urhLSWtFg1vLaezZM9dnX2dll32gVBKF2EJfsXjI3bvzvRnxWVhb37t3DxMREek9DQ0P63czMjMDAQIKCgkrcl4+PDz4+Pjx48IDp06ezaNEiFi5cyL/+9S+WLFlCYWEhe/fuJTQ0tNgQbRMTE+7du8eDBw+kTul5Q1or0p4gCHWf6JBeMocOHSIpKQkrKyuWL19Ohw4dVM6KnjZw4EBCQkKwt7fHysqKhw8fcuzYMZRKJRkZGaSnp2NtbY1cLkdHR4cnTwhERUXh5ORE48aNqV+/PkCxwFMzMzMUCgVLlixh0qRJXLp0iW3btrFw4cJKf6aKtKduIlxVqA4vOji1otQRsCrCVYVivL29WblyJSdPnuStt94qswN4++23mTNnDrNnz+by5cvo6urSqVMnlEolubm5LF68mAsXLqCtrY1CoZBGrCUmJvL555+Tk5ODubk5S5cuRUdHp9j+lyxZwowZM3BycqJ+/fqMGjUKBweHSn+miranTiLLTj3qQp0vvMZnglMroq4cx6oSD8a+RCZPnoypqSljx46t6VLqPNEhqUddqFPUqB4iXFUQBEF4aYgOSRAEQagVxD2kl8jnn39e0yWojUKhIDo6mhYtWtR0KYIgvCDiHpJQYW5ubty6dUtlhNvu3bufayi3ILyKaku4qjrCVIvtU4SrCi9aeHj4K5FCLsJVhepQW8JV1RGm+iwRrirUqHv37jFy5Eg6d+6MjY0NI0eOVHkw9+mAVHgcqDphwgQAAgIC+Oabb1T217t3b/bu3Qs8DoK9fPky8PjZKk9PTxQKBU5OTqxfvx6Ao0eP4uzszNq1a+nSpQuOjo7Ex8dz6NAh3N3dsbW1JTw8vFqPgSAI6iM6JOG5FRYW0q9fPw4cOMCBAwfQ0dGpcLq2j48PsbGx0uvz58+TmppK165di607depUZs+eTXJyMrGxsXTu3FladuvWLR49ekRCQgKhoaFMmzaN6OhofvrpJ7Zs2cLKlSu5evVqlT+rIAjlMzauV+ZPWZfrQHRIQiUFBwdLuXdTp07F3d0dPT09DA0NCQoK4vjx4xXaT/fu3Tl79qw0PUZMTAw9evRALpcXW1cmk3H+/HkePHhAgwYNaNeuncqyoKAgtLW18fT0JDMzk6FDh2JoaEjr1q1p3bo1f/75p3o+vCAIZRLhqsILtXLlSpKSkkhKSmLx4sVMnz4dV1dXOnXqxHvvvcc///xToSnMDQ0NcXFxYefOnQDs3LmT3r17l7juihUrOHToEK6urgwZMoTk5GRpWcOGDaVBFk/CZ58NV306fFYQhNpLdEjCc9uwYQOXLl3ixx9/5Pfff2fLli0AUuadnp4eDx8+lNa/efOmyvbe3t7s3LmT5ORkcnJysLOzK7EdKysrVq9ezeHDh+nevTtjxoypng8kCEKNEqPshOeWlZWFjo4O9evX5+7du3z55Zcqy9u0aUNcXBzOzs6cPXuWPXv24OTkJC13cXFhypQprFixAk9PTzQ1i/99lJuby+7du3F1daVevXoYGBhUe7AqiHBVoXrUlnBVdYSpFtunCFcVatL777/PhAkT6Ny5MyYmJgwbNoz4+Hhp+ZgxYxg3bhy2trbY2Njg4+PD3bt3peVyuZwePXrw008/lZm/FxUVxZw5cygoKOC1117jiy++qM6PBYgsO3WpC3WKcFX1EOGqglBNRIekHnWhTlGjeohwVUEQBOGlITokQRAEoVYQHZIgCIJQK4h7SIJaPB28qq+vj5OTE59++ikGBgY1XZogvFC1JUC1LCJcVXjpPQlevXnzJgEBAURERNTZ2WtFuKrwvGpLgGpZRLiq8MowNjbG0dGRM2fOALB//368vLxQKpX4+flx4cIFad20tDRCQkLo3LkzdnZ2UhZeYWEhq1atwtXVlS5duvDxxx9z//7/RvAkJSUxePBglEolLi4ubN++HYD79+/z8ccf07lzZ1xdXVm1ahWFhYUv8NMLgvC8RIckqN2NGzdITEykZcuWXLp0ifHjxzNlyhSOHDmCs7MzgYGB5ObmUlBQwMiRIzE3N+fnn38mISEBT09PALZv386OHTvYvHkz8fHxZGdnS51Vamoqw4cPZ8iQIRw5coTIyEjatm0LwJw5c7h//z7x8fF8/fXXREVF8dNPP9XYsRCEV0lVw1XFJTtBbYKDgwHIzs6mc+fOhIaG8vXXX+Pi4oKDgwPweNqJzZs3k5ycjFwuJyMjg48//hiZ7PF/ikqlEngctvrBBx9IM8aOGzcOHx8fPvvsM2JiYrC3t8fb2xuARo0a0ahRIwoKCoiLiyMyMhJDQ0MMDQ0ZNmwY0dHRDBw48EUfDkF45YjnkIRaY+XKlSQnJ/P1119z8eJFMjMzycjIwNzcXFpHU1MTMzMz0tPTSUtLw9zcXOqMnpaRkUGzZs2k182aNSM/P5/bt2+TlpZGy5Yti22TmZlJXl6eSnvm5uakp6er+ZMKglAdRIckqJ2trS39+vVjwYIFmJiYkJqaKi0rKioiLS0NU1NTzMzMSEtLIz8/v9g+TExMpKkp4PFlOplMhpGREWZmZly5cqXYNo0aNUJbW1ulvSdtCYJQ+4lLdkK1eP/993Fzc2PkyJGsXbuWI0eOoFQq2bx5M3K5HIVCgZaWFsbGxixevJhRo0ahpaXFf/7zH6ytrfH29mbt2rU4OzvTuHFjli5dioeHBzKZDB8fH8LDw4mLi6Nnz57cv3+fGzdu0LZtW3r16sXSpUtZsGAB9+7dY+PGjQQEBFS6fhGuKjyv2hKgWhYRriq8Uho3boyvry/r1q1j4cKFzJkzh/T0dNq2bUt4eLg0EV94eDhz587F1dUVeDyTrLW1Nf379yc9PZ0hQ4bw6NEjHB0d+fTTT4HHl+HWrl3LggULmDZtGvXq1WPMmDG0bduWTz/9lDlz5tC9e3d0dHQYOHAg/fv3r3T9IstOPepCndVS43MEqJalrhzHqhIPxgpCCUSHpB51oU5Ro3qIcFVBEAThpSE6JEEQBKFWEB2SoFYKhYKrV69WeT8ffvghO3bsUENFgiDUFeIeUimeDgvV09PDxcWFadOmPVdYaFhYGJcvX2bRokXlruvn50fv3r3Fg5yCUMfUhVBVqJ5gVRDhqtXuSVhoeno6AQEBrF69mgkTJtR0WWqRn59f4gOpwmMiXFWorLoQqgrVE6wKIlz1hTE1NcXJyYlz586VGRQaERGBk5MTCoUCd3d3jhw5QkJCAmvWrGHXrl0oFAp69+5d4XaPHj2Ks7Mza9eupUuXLjg6OhIfH8+hQ4dwd3fH1taW8PBwaf2wsDBCQ0MZM2YMCoWCvn37cvbsWWm5m5sbERER+Pj40LFjR/Lz8zl58qQUUtq7d2+OHj0qrb99+3a6deuGQqHAzc2N6OhoAC5fvsyQIUOwtrbGzs6OMWPGSNtYWlpy+fJloOyg0+3bt/Puu++yYMECbGxscHNz49ChQ9J+/Pz82Lp1a4Xa27JlCz179kShULBs2TKuXLnCoEGD6NSpE6NHjyY3N7fCx1wQhJoj/kSugLS0NBISErC0tGT8+PGsXLkSW1tbvvrqKwIDA9m5cyfXrl1jy5YtbNu2DVNTU65du0ZhYSEtW7Zk5MiRFb5k96xbt27x6NEjEhIS2LFjB9OmTcPBwYGffvqJtLQ0+vXrh5eXl5T5tn//fhYvXszChQvZvHkzH330EXv27EFbWxuAnTt3EhERQaNGjbh9+zYjR47kiy++wMnJiSNHjhAaGsquXbvQ1dVl7ty5bNu2jddff52MjAzu3bsHwPLly3FwcGDz5s3k5eVx+vTpEmt/Ouj07t27BAQEYGxsLF2OTElJoW/fvvz222/88MMPTJ06lcTERDQ0NFT2U157iYmJbN++nbS0NPr27UtycjKLFi2iYcOGDBo0iJ07d9K3b99KH3tBECqnqs8iiTOkMgQHB6NUKvn3v/+NjY0NrVq1koJCtbW1CQgIICcnh+TkZLS0tMjNzeXChQvk5eXRvHnzEvPWKksmkxEUFIS2tjaenp5kZmYydOhQDA0Nad26Na1bt+bPP/+U1m/Xrh29evVCW1ubYcOGkZuby6lTp6Tlfn5+mJmZoaurS1RUFM7Ozri4uKCpqYmDgwPt27eXzlQ0NTU5d+4cOTk5mJiY0Lp1a6mm1NRUMjIy0NHRkQJRn/Yk6HT8+PEYGhrSvHlzKej0CXNzc9555x20tLTo27cvN2/e5NatWyUeg7LaGz58uHQ83nzzTRwcHGjRogX16tXD2dmZP/74o2r/CIIgVMjNm/fL/Ll9+0GZ24sOqQwrV64kKSmJAwcOMHPmzDKDQi0sLJgyZQphYWHY29szduxYtYR6NmzYEC2txzcgdf//hqmRkZG0XEdHh6ysLOl106ZNVeozNTUlIyNDes/MzEz6PTU1ld27d6NUKqWfEydOcPPmTfT19Vm6dCnff/89jo6OjBgxQro8OXHiRIqKihgwYABeXl5s21Y8ZqciQadNmjSRftfT0wMeJ4U/q7z2nt6Pjo5Osdcl7VMQhNpHXLKrBBMTE/766y/p9dNBofA49sbHx4cHDx4wffp0Fi1axMKFC4tdgqpON27870Z8YWEh6enpmJiYSO89XYuZmRm+vr7MnTu3xH05OTnh5ORETk4Oy5Yt49NPP+Xbb7/F2NhY2iYpKYlhw4ZhY2ODhYWFtO3TQadvvPEG8PxBpxVpTxCEuk90SJXg4eFRalDoxYsXSU9Px9raGrlcjo6ODk9G1BsZGfHrr79SWFiIpmb1npT+97//Ze/evbi5ufH1118jl8vp0KFDiev27t2bAQMGkJiYiL29vTTIwcLCAplMxqlTp+jSpQu6urro6+tLZ2pPBmg0bdqUBg0aoKGhUexzaWlpqS3otCLtqZsIVxUqqy6EqkL1BKuCCFd94V5//fVSg0Jzc3NZvHgxFy5cQFtbG4VCIc1w2qtXL6Kjo7Gzs6N58+bV+sBnt27diIuLY9KkSVhYWBAWFiYNaHiWmZkZq1atYuHChYwfPx5NTU2srKyYOXMmhYWFbNy4kY8//hgNDQ3atm3LjBkzADh9+jTz58/nwYMHGBkZMXXqVGlQxdPUFXRa0fbUSWTZqUddqFOtNao5VPWJunIcq0o8GPsSqcwDuELZRIekHnWhTlGjeohwVUEQBOGlIS7Z1QCFQlHi+2vXri1xCLUgCMKrQHRINSA5Obla9jtq1Khq2a8gCMKLIO4hCbWOCJgVarO6EqL6rOoKVZX2L8JVq8bPz4+zZ8/y66+/SlNql2Ty5MmYmpoyduzYcvfp5uZGTk4O8fHx6OvrA7B161aio6P5+uuv1VZ7bRAWFsaXX37J1KlTGTp0qPT+V199xWeffUZISEidPWsT4apCaepKiOqzqitU9QkRrloF165dIykpCQ0NDfbv31/qegUFlR9bX1BQwObNm6tSXp3xr3/9i8jISJX3oqKi+Ne//vXCa8nPz3/hbQqCoD6vbIcUGRlJhw4d6Nu3r8oX6uTJk5kxYwbDhw+nY8eObNu2jZiYGNavX49CoSAwMLDcfQcEBLBhwwb++eefEpf//vvv9O/fH2tra/r378/vv/8uLXNzc+Pw4cPS67CwMGnKi4CAAL755huVffXu3Zu9e/cCcOHCBYYNG4atrS3u7u7ExcVJ6x08eJA+ffrQqVMnXFxcCAsLk5Y9SRV/2rN1lObtt9/m4cOHnDt3DkDKvnv77bdV1vvxxx/p0aMHtra2BAYGqkQI/frrr/Tq1Qtra2tmz57Ns1eRt23bhoeHBzY2NgQEBHD9+nVp2dNp3z179pQ+y4YNG6SE9J9++qnczyEIQs17ZTukqKgoKernl19+UQn1jI2NJTAwkN9//50+ffrg4+NDQEAAycnJKtM9lKZ9+/bY2tqyfv36Ysvu3r3LyJEj8fPz4+jRowwbNoyRI0eSmZlZ7n59fHyIjY2VXp8/f57U1FS6du1KdnY2/v7+eHt7c/jwYZYsWcKsWbOkjkJPT48FCxaQlJTEmjVr+O6774iPj6/IoSqXr6+v1Knv2LGDPn36qCw/cuQIixcvZtmyZfzyyy80a9aMcePGAXDnzh1GjRrFmDFj+O2332jZsqVKBx0fH8+aNWv48ssvOXLkCNbW1owfP15l//Hx8fz4449SB3zr1i3u379PQkIC8+bNY/bs2VJSuSAI1cfYuF6ZP2XdP4JXtENKSkoiNTUVDw8P2rdvT4sWLVS+6Lt164a1tTWampro6Og8VxuhoaF888033LlzR+X9gwcPYmFhQZ8+fZDJZHh7e/P6669z4MCBcvfZvXt3zp49K50hxMTE0KNHD+RyOQcPHqRZs2b0798fmUxGu3btcHd3Z8+ePQDY2dlhaWmJpqYmbdq0wcvLi2PHjj3XZ3tW79692blzJ3l5ecTFxRWb8ykmJob+/fvTrl075HI548aN4+TJk1y7do2EhATeeOMNKaH8/fffVwlH/f777xkxYgStWrVCJpMRGBjImTNnVM6SRowYQcOGDaXwWZlMRnBwMNra2ri4uKCvr8+lOhDpIgh1nUj7fg6RkZE4ODjQuHFjALy9vVXifJ5OxH5eb775Jl27diUiIkLl/WcTw6F4CnZpDA0NcXFxYefOncDjuY2efPlfv36dlJQUleTumJgYbt68CcCpU6fw8/Ojc+fOWFtb8/3331forKwizM3NadmyJUuWLMHCwqLY8cvIyKBZs2bSawMDAxo2bEh6ejoZGRkqCeUaGhrFEsnnz58vfSZbW1uKiopUjtez7TVs2FBlNlw9PT2R+C0IdcArN8ouJyeHXbt2UVhYiIODAwC5ubn8888/KrOrPu1507pDQ0Pp27cv/v7+0nsmJiakpqaqrJeWloaTkxPw+Mvz4cOH0rInHcoT3t7efPnll9jY2JCTk4OdnR3w+EvZxsaGjRs3lljL+PHjGTJkCOvWrUNHR4d58+ZJHZKenh45OTnSugUFBcXO7MrTp08fpkyZwmeffVZsmYmJicoZTXZ2Nnfv3sXU1BRjY2OVhPInCepPmJmZERgYWOZMu9WRpi7CVYXS1JUQ1WdVV6iqtH8Rrlp58fHxaGlpERMToxI6OmbMmGKjxZ4wMjLi2rVrlW7LwsICT09Pvv76a958800AXFxcmDt3LjExMXh4eLB3717Onz9P165dAWjTpg1xcXE4Oztz9uxZ9uzZI3VWT7afMmUKK1aswNPTU0q97tq1K4sXLyYyMhIvLy8Azpw5g4GBAa1atSIrK4sGDRqgo6NDSkoKsbGxUof82muv8ejRIw4ePIiDgwNr1qyp9LTfnp6eNG3alE6dOhVb5uPjw9ixY/Hx8aFVq1YsWbIEKysrmjdvjr6+PrNnz5YSyrds2aJyP2/w4MEsX76ctm3b0rp1a+7fv88vv/yCh4dHpeqrLJFlpx51oc7nqrGaQlRLU1eOY1W9cpfsduzYQb9+/TA3N8fY2Fj6ee+994iJiSlx6PCAAQM4f/48SqWSjz76qFLtBQcHq1wuatSoEeHh4WzcuBE7OzvWrVtHeHi4dPlwzJgxXLlyBVtbW8LCwvDx8VHZn1wup0ePHhw+fBhvb2/pfUNDQ9avX09cXBxOTk44OjqyaNEiqWOZMWMGK1asQKFQsHLlSpUv9Hr16jFjxgymTZuGs7Mzenp6KpfRKkJXVxd7e3vpPs7TunTpwujRoxk1ahSOjo5cvXqVpUuXAtC4cWOWL1/O4sWLsbOz4/LlyyqdWo8ePfjwww8ZN24cnTp1wtvbm4SEhErVJghC3SCSGgShBOIMST3qQp2iRvUQad+CIAjCS+OVu4dUVampqdI9mmft3Lmz2Ai6uu7DDz/kxIkTxd4fOXJkhR4SroynI5qSkpKYOnWqNGxdEISX30tzyS4mJoaNGzdy6dIlDAwMaNOmDYGBgVWazqEyGXaviqNHj/L++++jp6cHPB5BN2LEiOeaCfZZ4ngLtV1dDVZ9WnWFrIpw1f+3ceNGIiIimDVrFo6Ojmhra5OYmMj+/ftfifmF8vPzVZ67qa5tnjAxMSEhIYGioiISEhIICgpCoVDw+uuvP9f+aiMRriqUpK4Gqz6tukJWRbgqcP/+fVasWMH06dPp2bMn+vr6aGtr4+bmxqRJk8jNzWXevHk4Ojri6OjIvHnzpJFnZeWe/fDDDyVm2KWnpzNq1Cg6d+6Mm5ubSohqWFgYoaGhTJgwAYVCgY+PD5cuXWLNmjV06dIFFxcXfvnlF2l9Pz8/Fi9ezIABA7C2tiYoKIi7d+9Ky/fv34+XlxdKpRI/Pz8uXLggLXNzcyMiIgIfHx86duxIfn4+ERERdO/eHYVCgaenJ/v27ZPW3759O4MHD2b+/PnY2tqyfPlybG1t+fPPP6V1bt++jZWVVYWfQdLQ0MDFxYUGDRpI+yksLJTqsLOzY/To0SqfKTQ0FAcHB6ytrXnvvfekaKNnPZuvFxERgZOTEwqFAnd3d44cOfJcx1wQhNqrzndIycnJPHr0iB49epS4fPXq1Zw6dYqoqCiio6M5ffo0q1atkpaXlns2aNCgYhl2hYWFBAUFYWlpSUJCAps2bWLTpk0kJiZK+ztw4AC+vr4cP36ctm3bEhAQQGFhIQkJCQQHBzN9+nSV+iIjI5k/fz6JiYnIZDLmzp0LwKVLlxg/fjxTpkzhyJEjODs7ExgYqPJ80M6dO4mIiCApKQmZTEaLFi3YsmULJ06cICQkhIkTJ5KRkSGtn5KSQosWLTh8+DDBwcF4enoSHR0tLY+NjcXe3l4agl6ewsJC9u/fT2ZmJhYWFgBs3ryZ+Ph4vvnmGxITE2nQoAGzZ8+WtnF2dmbPnj0cOXKEt956SwqOLcvFixfZsmUL27ZtIzk5mfXr16skP1T2mAuCUDvV+Q7p7t27NGrUqNTLTzExMQQHB2NkZETjxo0JDg5W+RKuTO7Z6dOnuXPnDiEhIcjlclq0aME777yjkqqtVCpxcnJCJpPRq1cvMjMzGTFiBNra2nh6enL9+nWVFHBfX1/efPNN9PX1GT16NLt376agoIC4uDhcXFxwcHBAW1ubgIAAcnJyVGab9fPzw8zMTHr2x8PDA1NTUzQ1NfH09MTCwoKUlBRpfRMTE/z8/JDJZOjq6tK3b19iY2MpLCwEHgfOlpWI8ERGRgZKpRIrKytCQkKYPHkyb731FvD4zHLs2LE0bdoUuVxOSEgIe/bskZ7vGjBgAIaGhsjlckaNGsXZs2e5f7/soaJaWlrk5uZy4cIF8vLyaN68OS1btnzuYy4IQvWoarhqnb+H1LBhQzIzM0u9J/Jsdpy5ubnKWUNlcs+uX78ufRk/UVBQoPLayMhI+l1XV5dGjRqhpaUlvYbH0Tn169cHVHPYzM3NycvLIzMzs1jdmpqamJmZlZnhFhkZycaNG6WYnuzsbJW8umcfdu3QoQN6enocO3YMY2Njrly5Qrdu3Ur87E97cg8pNzeXRYsW8dtvv/HBBx8Aj0chBgcHSwkST2q/ffs2TZo0YenSpezevZs7d+5I62RmZlKvXulPeVtYWDBlyhTCwsI4f/48jo6O0gAIqPwxFwShelT1OaQ63yEpFAp0dHSIj4+nV69exZY/yY5r3bo18Dg3zsTEpEL7fjYjzczMjObNm0vzD6nD07ltaWlpaGtr06hRI0xMTPjrr7+kZU8y3p58CT9b3/Xr15k2bRpfffUVCoUCLS0tfH19y/w8AH379iU6OhpjY2Pc3d0rlW4ul8uZMGECvXr1Ij4+nu7du9O0aVPmz5+PtbV1sfUjIyPZv38/GzdupHnz5ty/fx8bG5ti8x+V5MlUIQ8ePGD69OksWrSIhQsXVrhWQRBqvzrfIdWrV4/Q0FBmz56NTCbDwcEBmUzG4cOHOXr0KF5eXqxevVqaMG7lypXF4nhK82yGnZWVFYaGhkRERDB06FC0tbW5cOECOTk5WFlZPVf90dHR9OnTh2bNmrF8+XLc3d3R0tLCw8ODtWvXcuTIEZRKJZs3b0Yul6NQKErcz8OHD9HQ0JDu//z000+lDhh4mq+vL71798bAwIAvvvii0vXL5XL8/f1ZuXIl3bt3591332XZsmV8/vnnNGvWjDt37vD777/TvXt3srKykMvlNGrUiIcPH7JkyZIKtXHx4kXS09OxtrZGLpejo6NToU6sKkS4qlCSuhqs+rTqClkV4ar/b9iwYRgZGbFq1SomTJiAgYEB7dq1IzAwkHbt2pGVlSXdG+nVq1eF8+gGDBjA6NGjpWkPVq1axerVq1mwYAHdunUjNzeX1157jTFjxjx37b6+vkyePJmLFy9ia2vLzJkzAXj99ddZuHAhc+bMIT09nbZt2xIeHo5cLi9xP2+88Qb+/v4MHjwYDQ0NaXbY8jRt2pS33nqLK1euPPcQ+f79+xMWFsbPP//M0KFDKSoqwt/fn4yMDIyMjPD09KR79+706dOHX375BScnJxo2bMjo0aP57rvvyt1/bm4uixcv5sKFC2hra6NQKFQGSlQHER2kHnWhzkrX+IKDVaHuHMeqemkejK2L/Pz86N27NwMHDqzROj755BNMTEzEA6lPER2SetSFOkWN6qGOLLuX4gxJeH7Xrl1j3759KhMUCoIg1ATRIb3Cli1bxqZNmxgxYgQtWrSQ3g8PD2fNmjXF1re2tmbdunUvskRBEF4h4pKdUC2OHj3KxIkTS5y7qC4Ep4pLdupRF+oUNaqHuGQn1BhLS0v27t0rJTTA4xify5cvs2jRojK3VSqVtbozAsp9gK82UMdN5BehLtRZVo21JVBVHcexuoJVQYyyE4RqI8JVhSdehkDVJ6orWBVEuKpQh2zevBlPT09u3LihEpy6bt06Ro0apbLunDlzmDdvHvA4zDYwMBBbW1t69OjBjz/+WG5b5QW8CoJQO4kOSah2K1euZMeOHXzzzTfF4ot69+5NYmKilDWXn59PXFyclDIxfvx4mjZtSmJiIitWrGDJkiVS0ndpygt4FQShdhKX7IRqU1RUxGeffUZKSgqbN28uMa/OxMQEpVLJ7t27eeedd0hMTKRRo0a0b9+etLQ0Tpw4QXh4ODo6OrRt25aBAwcSFRVFly5dSm33hx9+YPr06VLnFxISgqura5XmgBIEoXxVvc8l/u8UnouWlpaU4P1Efn4+2tra0uv79+/z448/snTp0jLDU/v27ct3333HO++8Q3R0tHR2lJGRQYMGDTA0/N8AA3Nzc/7zn/+UWVtZAa9PZwEKgqBeVR1lJy7ZCc/FzMxMJecPHj9k+3RCef369QkPD+eTTz7hxIkTpe6re/fu/Pnnn/z1118cPHhQyho0MTHh3r17PHjwQFr32YDZkjRt2pS1a9eSlJQk/Zw+fVp0RoJQy4kzJOG5eHp6snr1aiwtLTExMeG3337j559/5ocfflBZz87OjkWLFhESEkJ4eDgdOnQoti8dHR3c3d0ZP348b7/9ttSpmZmZoVAoWLJkCZMmTeLSpUts27at3JTvsgJeK0qEqwpPvAyBqk9UV7AqiGHfQg0KDg5m+fLl/Pvf/+bevXu0bNmSRYsW8eabbxZb18HBgc8++4ygoCAiIiJK3F+fPn3YunUr8+fPV3l/yZIlzJgxAycnJ+rXr8+oUaNwcHAos7ayAl4rSjwYqx51oc4K1VgDgapPqyvHsapEUoNQK6SmpuLh4cGvv/6qcs+opogOST3qQp2iRvVQR1KDuIck1LjCwkI2btyIp6dnreiMBEGoGeKSnVCjsrOzcXBwwNzcvFLBrR9++GGJAyVGjhxJYGCgOksUBOEFER2SUKP09fVJTk6u9HYidVwQXj7iHlI5wsPDuXr1qhRl87L78MMP8fLyom/fvpXedvr06ZiamhIcHFzi8socS4VCQXR0tMq0GILwotWWYFV1qe5w1buZ2WWuU949pFeiQ3JzcyMnJ4f4+Hj09fUB2Lp1K9HR0Xz99dc1XN1jYWFhfPnll2zduhUrK6sy192+fTtbt26t0PTfkydPJjY2Fm1tbbS1tWnXrh3Tpk2jVatW6iq9RGVNP1EXiHBVAV6uYFUAjWoOVxWDGiqooKCAzZs313QZJSoqKiIqKoqGDRuWO3Prs+kIFREQEEBycjKHDh2icePGfPLJJyXWUFhYWOl9C4IgqMsr0yEFBASwYcMGKcTzaXPnzsXFxYVOnTrRr18/kpKSpGVhYWFMmDBB2sc333yjsm3v3r3Zu3cvABcuXGDYsGHY2tri7u5OXFxchWpLSkoiIyODKVOmEBcXR25urrRs+/btDB48mPnz52Nra8vYsWOZMWMGJ0+eRKFQoFQqK3wM9PT08PHx4dy5cwD4+fmxdOlSBg8eTIcOHbh69Sp+fn5s3bq1WNtKpZJu3brx+++/s337dlxcXOjSpYtKBzp58mSWLl1KdnY2w4cPJyMjA4VCgUKhID09vVLH0tLSksuXLwNw6NAhPD09USgUODk5sX79egApNXzt2rV06dIFR0dH4uPjOXToEO7u7tja2hIeHl7h4yMIQs16ZTqk9u3bY2trK32ZPe3tt98mMjKSY8eO4e3tzejRo3n06FGx9Xx8fIiNjZVenz9/ntTUVLp27Up2djb+/v54e3tz+PBhlixZwqxZs6Qv/7Ls2LEDV1dXPD09ATh48KDK8pSUFFq0aMHhw4dZuHAhs2bNomPHjiQnJ6t0nuXJysoiJiaGtm3bSu9FRUUxZ84cfv/9d5XYn6fbtrS05OjRo3h7ezNu3DhOnz7Nvn37WLhwIbNnzyYrK0tlG319fdauXYuJiQnJyckkJycXi+0p61g+a+rUqcyePZvk5GRiY2Pp3LmztOzWrVs8evSIhIQEQkNDmTZtGtHR0fz0009s2bKFlStXcvXq1QofI0EQnp+xcb0yf8qb+PKV6ZAAQkND+eabb7hz547K+76+vjRq1AiZTIa/vz+5ublcKiEqpHv37pw9e5br168DEBMTQ48ePZDL5Rw8eJBmzZrRv39/ZDIZ7dq1w93dvdyZUR8+fMju3bvx8fFBW1sbd3f3YpftTExM8PPzQyaTofscN1g3bNiAUqmkZ8+eZGVl8fnnn0vL+vbtS+vWrZHJZCrBqE80b96c/v37o6WlhaenJ2lpaQQHByOXy3F0dEQul3PlypVK11TWsXyWTCbj/PnzPHjwgAYNGtCuXTuVZUFBQWhra+Pp6UlmZiZDhw7F0NCQ1q1b07p1a/78889K1ycIQuXdvHm/zJ/btx+Uuf0r1SG9+eabdO3atVh8zYYNG/Dw8MDa2hqlUsn9+/fJzMwstr2hoSEuLi7s3LkTgJ07d9K7d28Arl+/TkpKCkqlUvqJiYnh5s2bZda0b98+ZDKZNGGdj48PiYmJKp3ms3MIVZa/vz9JSUn8+uuvhIeH07JlS2mZmZlZmdsaGRlJvz/pDJs0aSK9p6OjU+wMqSLKOpbPWrFiBYcOHcLV1ZUhQ4aoDBNv2LAhWlpaKvU9XfPz1icIwov3yj2HFBoaSt++ffH39wce379Zu3YtX331Fa1bt0ZTUxMbGxtKG3zo7e3Nl19+iY2NDTk5OdjZ2QGPv9htbGzYuHFjpeqJjIwkOzsbV1dX4PHggry8PGJjYxk6dCgAGhoaKts8+7oq1Lmvyu63tGP5LCsrK1avXk1eXh5btmxhzJgxHDp0SN0lqxDhqgK8XMGqIMJVax0LCws8PT35+uuvefPNN8nKykJLS4vGjRuTn59PRESEynQHz3JxcWHKlCmsWLECT09Pac6drl27snjxYiIjI/Hy8gLgzJkzGBgYlDrEOj09nSNHjrB27VosLS2l9zdt2kRkZKTUIT3LyMiI9PR0cnNzS7zEVRsYGRlx9+5d7t+/X+pcSKUdy6fl5uaye/duXF1dqVevHgYGBtIZUXUSWXbqURfqLLfGGg5WhbpzHKvqlbpk90RwcDDZ2Y8f4HJ0dMTZ2Rl3d3fc3NzQ0dEp8zKWXC6nR48eHD58GG9vb+l9Q0ND1q9fT1xcHE5OTjg6OrJo0SKVEXPPioqKom3btjg6OmJsbCz9+Pn5SfMDlaRz58688cYbODo6lnpWUdNatWqFl5cX3bt3R6lUkp6eXmyd0o7ls6KionBzc6NTp058//33fPHFF9VZuiAINeSVeDBWECpLnCGpR12oU9SoHiLtWxAEQXhpvHL3kGqCl5cXqampxd6fNWtWqSPLatP+BUEQXgTRIb0AT4Y219X9l8bNzY1bt26hpaWFnp4eLi4uTJs2DQMDg2pp7+rVq/To0YPBgwczc+bMcte3tLRk7969WFhYVEs9giCol+iQhCoJDw/H3t6e9PR0AgICWL16tRQPpG5RUVE0aNCAuLg4pkyZUuoIw/z8fGSyqv2nXd4T5bWBOkY1vQh1oc6SaqxtSd9lHcfqTPGuKDHsW6g1TE1NcXJy4ty5c+zfv58lS5aQnp5O27ZtmTlzpjT03c3NjUGDBhEVFcXNmzfp3r07M2fOREdHp9w2IiMjGT16NF9++SU///wzvXr1kpZZWloyffp0Nm3aRH5+vjRS0tfXFw0NDebNmydFM1WESPsW6lLSt3Y1pnhXlDqebxKDGgS1SEtLIyEhAQMDA8aPH8+UKVM4cuQIzs7OBAYGqgx/j4mJYf369ezbt49Lly6xatWqcveflJTEjRs38PLywsPDg8jIyGLrxMfH8+OPPxIXF8eWLVuAx2dVycnJleqMBEGoGeIMSaiS4OBgtLS0qFevHi4uLhgbG1NQUICDgwPwONV78+bNJCcnS89Mvffee9IZTFBQEHPmzGHs2LFltrNjxw6cnZ1p0KAB3t7eDBkyhNu3b6vEBI0YMYKGDRtWzwcVBKFcVb08KzokoUpWrlyJvb299HrGjBkqqeGampqYmZmpPBj79IPH5ubmZGRklNlGTk4Ou3fvZu7cucDj2WTNzMyIiYnhgw8+KHG/giC8eOI5JKFWMTExURmCXlRURFpamsr0E2lpadLvqampmJiYlLnPffv28eDBA2bNmoWDgwMODg6kp6cTFRWlsl515fIJgvBiiDMkQa08PDxYu3YtR44cQalUsnnzZuRyOQqFQlrn22+/xdXVFV1dXdasWVPu/Z3IyEj69++vclkvPT2dAQMG8Oeff6rkAD6tSZMmXL169bmGfYtwVaEuBatWZ2hqhWsQo+yE2ub1119n4cKFzJkzRxplFx4erjJE29vbG39/fzIyMujWrRtBQUGl7u9JAO2OHTswNjaW3jc2NsbJyYnIyEgmTZpU4rYhISFMnjyZnJwcZs+eXamBDSI6SD3qQp1l1lgLglWh7hzHqhJZdsIL5ebmxty5c1XuO9VGokNSj7pQp6hRPUSWnSAIgvDSEJfshFohPDycNWvWFHvf2tqadevW1UBFgiC8aOKSnSCUQFyyU4+6UKeoUT3EJTvhpXHt2jUsLS3Jz88H4MMPP2THjh01XJUgCC+SOEOqg9zc3MjJySE+Ph59fX0Atm7dSnR0NF9//XW1tu3n58fJkyeRyWTI5XJsbGyYPn16uc8SlefatWt069aN//73v1UORhUEdaht4arqUJ0hrHn5BdzNzC5znfLOkMT/+XVUQUEBmzdvJjAw8IW3PX36dAYOHMg///zDmDFjWLBgAYsXL37hdVQnEa4q1KVw1YqqzhBWEa76CgsICGDDhg38888/xZZduHCBYcOGYWtri7u7O3FxccDj+YSUSiWFhYUATJ06lS5dukjbTZgwga+++qrCNdSvX59u3bpx9uzZctsGOHjwIH369KFTp064uLgQFhZW6r79/PzYunUrAJcvX2bIkCFYW1tjZ2fHmDFjpPUsLS3ZsmULPXv2RKFQsGzZMq5cucKgQYPo1KkTo0ePVgl2FQSh9hJnSHVU+/btsbW1Zf369SoJBtnZ2fj7+xMaGsratWv5888/8ff3p3Xr1rRu3RpDQ0P++OMP2rdvT1JSEvr6+ly4cIFWrVqRlJSEv79/hWvIzMxk3759tGzZskJt6+npsWDBAlq3bs1ff/2Fv78/bdu2pXv37mW2s3z5chwcHNi8eTN5eXmcPn1aZXliYiLbt28nLS2Nvn37kpyczKJFi2jYsCGDBg1i586d9O3btxJHVxCE51HVh2PFGVIdFhoayjfffMOdO3ek9w4ePEizZs3o378/MpmMdu3a4e7uzp49ewCwsbHh+PHj3Lx5EwB3d3eOHTvG1atXefDgAW3atCm33blz52JtbU3nzp3JzMzk008/rVDbdnZ2WFpaoqmpSZs2bfDy8uLYsWPltieTyUhNTSUjIwMdHR2USqXK8uHDh2NoaEjr1q158803cXBwoEWLFtSrVw9nZ2f++OOPih1QQRCq5ObN+2X+3L79oMztxRlSHfbmm2/StWtXIiIipAnwrl+/TkpKisqXdkFBAb179wbA1taW/fv3Y2pqio2NDXZ2dkRFRUlf9Jqa5f+NMm3aNAYOHMiff/5JYGAgN27cwNzcvNy2T506xaJFizh37hx5eXnk5uaqTLJXmokTJ7J8+XIGDBhAgwYNGDZsGAMGDJCWN2nSRPpdR0en2Otbt26V24YgCDVPdEh1XGhoKH379pUutZmZmWFjY8PGjRtLXN/GxoYvvviCpk2bYmNjg7W1NTNmzEBHRwcbG5tKtW1paUlQUBCzZ89mx44d5bY9fvx4hgwZwrp169DR0WHevHlkZmaW246xsbE09URSUhLDhg3DxsbmuUJTK0qEqwp1KVy1oqozhFWEqwpYWFjg6enJ119/LZ0xLV68mMjISLy8vAA4c+YMBgYGtGrVin/961/o6OgQHR3NiBEjMDQ0xMjIiD179vDuu+9Wuv0+ffoQFhbG/v37y207KyuLBg0aoKOjQ0pKCrGxsdJEfmXZtWsXCoWCpk2b0qBBAzQ0NCp0JlcV4sFY9agLdYpwVfVQR7iquIf0EggODiY7+/H4f0NDQ9avX09cXBxOTk44OjqyaNEilZFmtra2NGzYUJpIz9bWlqKiIt56661Kty2Xy/Hz82PVqlXltj1jxgxWrFiBQqFg5cqVeHh4VKiN06dPM3DgQBQKBUFBQUydOpUWLVpUulZBEGo38WCsIJRAnCGpR12oU9SoHiI6SBAEQXhpiA5JKEahUJT4k5SUVG1tHj16FGdnZ+m1l5cXR48erbb2BEGofcSgBqGY5OTkMpe7ublx69YttLS00NfXx8nJiU8//RQDAwO11bBz50617UsQhLpBdEjCcwkPD8fe3p6bN28SEBBARESESmJEXVfWde7aQh2jml6EulDn0zXW1lBVdR3H6gpYFcO+hRpnbGyMo6MjZ86cAeDkyZN8/vnnnD9/HnNzc6ZOnYqdnR0AP/30E+vWrePGjRs0btyY4cOHM3jw4BL3+/RU5ykpKcycOZO///4bXV1dfHx8+OSTT6SE8Pnz57NixQqys7MZN24c7dq1Y+rUqaSlpdG7d2+mT59e6c8lwlVfXS9jqOrTqitgVR3PN4kOSaiSGzdukJiYiJ2dHenp6YwcOZIvvvgCJycnjhw5QmhoKLt27aJx48YYGRmxZs0aWrRowfHjxxk+fDhvv/027dq1K7ONefPmMXToUPr06UNWVhbnzp1TWX7q1Cn27t3L8ePHCQoKwsnJia+++or8/Hz69OlDr169sLW1rc7DIAiCGogOSXguwcHBwONA1c6dOxMaGsr333+Ps7MzLi4uADg4ONC+fXsOHTpE37596dq1q7S9ra0tDg4OJCUlldshyWQyrly5wp07d2jcuDEdO3YsVouOjg6Ojo7o6+vj7e2NkZERAEqlkj/++EN0SILwAlT1sqLokITnsnLlSuzt7Tl27Bjjx48nMzOT1NRUdu/ezYEDB6T18vPzpUt2hw4dYuXKlfz9998UFhaSk5PDm2++WW5b8+bNY8WKFXh4eNC8eXNCQkJwdXWVlj/pfOBxdt2zr588NCwIQvWq6nNIokMSqsTW1pZ+/fqxYMECOnTogK+vr5Q797Tc3FxCQ0NZsGAB3bp1Q1tbm48++oiKPJf9r3/9iyVLllBYWMjevXsJDQ0VQ8IF4SUkOiShyt5//33c3Nzw9/dn8+bNJCYmYm9vT35+PidPnsTCwgJDQ0Nyc3Np3LgxMpmMQ4cO8euvv9K6dety9x8VFYWTkxONGzemfv36AGhpVc80zE+IcNVX18sYqvq06gpYFaPshFqhcePG+Pr6smnTJlatWsXChQsZP348mpqaWFlZMXPmTAwNDZk2bRpjxowhNzcXV1dX3Nwq9j9FYmIin3/+OTk5OZibm7N06VJ0dHSq9TOJ6CD1qAt1llhjLQlVfaKuHMeqEll2glAC0SGpR12oU9SoHiLLThAEQXhpiA5JEARBqBVEhyTUGDc3Nw4fPlzisqSkJNzd3V9wRYIg1CQxqEGospiYGDZu3MilS5cwMDCgTZs2BAYGolQqn3ufSqWSPXv2qLFKQRBqO9EhCVWyceNGIiIimDVrFo6Ojmhra5OYmMj+/fur1CHVNBGuqj51oc4nNdbWYFUo/ThWV1hqZalj2LcYZSc8t/v37+Ps7Mz8+fNLnI588uTJmJqaSingR48eZeLEiSQkJACPL9kNGjSIqKgobt68Sffu3Zk5cyY6OjrF1o2IiODrr7/mwYMHmJiYMHPmTLp06UJYWBjnzp1DLpezf/9+mjdvzooVK9i7dy9fffUVcrmcefPm4ejoWKnPJsJVX011MVhVo5rCUivry4luYpSdUHOSk5N59OgRPXr0eO59xMTEsH79evbt28elS5dYtWpVsXUuXrzIli1b2LZtG8nJyaxfv55mzZpJyw8cOICvry/Hjx+nbdu2BAQEUFhYSEJCAsHBwc+V9i0IwosnOiThud29e5dGjRohkz3/ld/33nsPMzMzGjZsSFBQUIkT82lpaZGbm8uFCxfIy8ujefPmtGzZUlquVCpxcnJCJpPRq1cvMjMzGTFiBNra2nh6enL9+nX++eef565REISKMTauV+ZPeZfCxT0k4bk1bNiQzMxM8vPzn7tTMjMzk343NzcnIyOj2DoWFhZMmTKFsLAwzp8/j6Ojo3Q5EFTDVXV1dWnUqJEULaT7//cDsrOzpdghQRCqh7hkJ9QYhUKBjo4O8fHxJS7X09MjJydHen3r1q1i66SlpUm/p6amYmJiUuK+fHx8+O677zhw4AAaGhosWrSoitULglDbiDMk4bnVq1eP0NBQZs+ejUwmw8HBAZlMxuHDhzl69Cht27Zlw4YNBAUFkZeXx6ZNm4rt49tvv8XV1RVdXV3WrFmDp6dnsXUuXrxIeno61tbWyOVydHR0KpQSXhUiXPXVVBeDVasrLLXSdYhwVaGmDRs2DCMjI1atWsWECRMwMDCgXbt2BAYG0q5dOw4fPoybmxvNmjWjf//+bNiwQWV7b29v/P39ycjIoFu3bgQFBRVrIzc3l8WLF3PhwgW0tbVRKBTMnj27Wj+XyLJTj7pQZ7Eaa1mwKtSd41hVYti3IJRAdEjqURfqFDWqhwhXFQRBEF4aokMSBEEQagXRIQkvVEVDU6Ojo/H3938BFQmCUFuIe0h1mJubG7du3UJLSwt9fX2cnJz49NNPMTAwqOnSJJaWluzduxcLC4uaLqVSxD0k9agLdYoa1UMd95DEKLs6Ljw8HHt7e27evElAQAARERFSdpzw/ES4qvrUhTqNjevV6mBVqL7jqK5wVjHsW5AYGxvj6OjImTNnANi/fz9LliwhPT2dtm3bMnPmTFq1agU8PrP697//TVRUFFevXsXT05Nx48YxefJkTpw4QYcOHVi+fDkNGjQAIDQ0lBMnTpCTk0ObNm2YOXMmrVu3Bh4HqOrp6XH9+nWOHz/OG2+8weLFi2nZsiXvvfceAL6+vmhoaDBv3jyMjIxUQlPT0tKYN28eSUlJFBUV4eXlxfTp09m+fTtbt27lu+++o6ioiM8++4yYmBhyc3MxNzdn8eLFvPnmm0yePBldXV2uXbvGiRMnsLS0JCwsjIiICCIjIzEyMmLJkiW89dZblTqeIlz11VMXg1XVQVtN4azqeBZK3EN6Sdy4cYPExERatmzJpUuXGD9+PFOmTOHIkSM4OzsTGBhIbm6utP7evXvZuHEje/bs4cCBAwwfPpxx48Zx9OhRCgsL+frrr6V1nZ2d2bNnD0eOHOGtt95iwoQJKm3v3LmTkJAQjh8/TsuWLVm6dCkAW7ZsASAqKork5ORiD70WFBQwcuRIzM3N+fnnn0lISCjxwdhffvmFpKQk9uzZQ1JSEsuWLaNhw4bS8l27djFmzBh+++035HI5gwYNol27dvz222+4u7vz2WefVfn4CoJQ/USHVMcFBwejUChwcXGhcePGhIaGEhcXh4uLCw4ODmhraxMQEEBOTg7JycnSdkOGDKFJkyaYmpqiVCqxsrLirbfeQi6X06NHD/744w9p3QEDBmBoaIhcLmfUqFGcPXuW+/f/d624R48eWFlZIZPJ6N27t3SWVp6UlBQyMjL4+OOP0dfXR0dHp8Q5lGQyGVlZWVy8eJGioiJatWqlEjHUo0cP2rdvj46ODj169EBHR4c+ffqgpaWFp6dnhesRBKFqRLjqK27lypXY29tz7Ngxxo8fT2ZmJhkZGZibm0vraGpqYmZmRnp6uvRekyZNpN91dHRUXuvq6pKdnQ08PotZunQpu3fv5s6dO2hqPv4bJjMzk3r16hXb19PblictLQ1zc/Nyg1m7dOnCe++9x+zZs0lNTaVHjx5MmjQJQ8PH/3E/G676vPUIglA14sFYAQBbW1v69evHggULMDExITU1VVpWVFREWlqalI5dGTExMezfv5+NGzdy4sQJfv75Z2mfVWVmZkZaWhr5+fnlrjt06FC2b9/Ozp07+fvvv1m3bl2V2xcEoXYRZ0gvkffffx83NzdGjhzJ2rVrOXLkCEqlks2bNyOXy1EoFJXeZ1ZWFnK5nEaNGvHw4UOWLFlSqe2bNGnC1atXSxz2bWVlhbGxMYsXL2bUqFFoaWnxn//8B2tra5X1UlJSKCoq4q233kJPTw+5XC5NL1FdRLjqq6cuBquqg7rCWcUoO0FF48aN8fX1Zd26dSxcuJA5c+ZIo+zCw8ORy+WV3mefPn345ZdfcHJyomHDhowePZrvvvuuwtuHhIQwefJkcnJymD17tsrlNS0tLcLDw5k7dy6urq7A42kmnu2QsrKymD9/PteuXUMul+Po6FjtD82K55DUoy7UqVJjLQxWhbpzHKtKPBgrCCUQHZJ61IU6RY3qIcJVBUEQhJeG6JAEQRCEWkF0SIIgCEKtIDokQRAEoVYQgxqECnk6WVwmk6FQKJg1axZmZmY1XZogVEltD1WtDuoKVFXZZ34BdzPLfghdpH0LavMkWfzRo0fMnDmTOXPmsGrVqkrtIz8/v9xkhtpAhKu+Ol7FUFV1Bao+TYSrCjVCR0eHXr16ceHCBQAOHjxInz596NSpEy4uLoSFhUnrXrt2DUtLS7Zu3UrXrl15//33KSwsZNWqVbi6utKlSxc+/vhjlWy8yMhIXF1dsbOzY/Xq1bi5uXH48GHgcbr4k/BWgKNHj+Ls7Cy9Tk9PZ9SoUXTu3Bk3Nzc2b95c3YdDEAQ1ER2SUGkPHz4kLi6ODh06AKCnp8eCBQtISkpizZo1fPfdd8THx6tsc/z4ceLi4li/fj3bt29nx44dbN68mfj4eLKzs5k9ezYA58+fZ9asWXzxxRckJiZy9+5dbtyo2JlKYWEhQUFBWFpakpCQwKZNm9i0aROJiYnqPQCCIJSoquGqokMSKiw4OBilUom1tTW//vorAQEBANjZ2WFpaYmmpiZt2rTBy8uLY8eOqWw7atQo9PX10dXVJSYmhg8++IAWLVpgYGDAuHHjiIuLIz8/n927d9O1a1dsbGyQy+WMHj1aCnQtz+nTp7lz5w4hISHI5XJatGjBO++8Q1xcnNqPhSAIxd28eb/Mn9u3H5S5fe2/mC/UGk+SxQsKCti/fz9+fn7s3LmT1NRUFi1axLlz58jLyyM3N5devXqpbNu0aVPp94yMDJo1aya9btasGfn5+dy+fZuMjAyVdfX19VXmPirL9evXycjIUJnCoqCgoMQpLQRBqH1EhyRUmpaWFj179mT69OmcOHGCRYsWMWTIENatW4eOjg7z5s0jMzNTZRsNDQ3pdxMTE65fvy69Tk1NRSaTYWRkhImJiXRvCh5fHrx79670Wk9Pj5ycHOn1rVu3pN/NzMxo3rw5e/furfJnFOGqr45XMVRVXYGqKvsU4apCTSgqKmL//v38888/tGrViqysLBo0aICOjg4pKSnExsbi4OBQ6vbe3t6sXbsWZ2dnGjduzNKlS/Hw8EAmk+Hu7s4777xDUlISVlZWrFixgsLCQmnbtm3bsmHDBoKCgsjLy2PTpk3SMisrKwwNDYmIiGDo0KFoa2tz4cIFcnJysLKyqtRnFFl26lEX6hQ1qoc6wlVFhyRUWGBgoDTtQ7Nmzfj8889p3bo1M2bMYMGCBcyePRtbW1s8PDz4559/St1P//79SU9PZ8iQITx69AhHR0c+/fRTAFq3bs306dOZMGECDx8+5IMPPlC5hOfr68vhw4dxc3OjWbNm9O/fnw0bNgCPz9xWr17NggUL6NatG7m5ubz22muMGTOm+g6KIAhqIx6MFWo9Nzc35s6di729/QtrU5whqUddqFPUqB4i7VsQBEF4aYgOSRAEQagVRIckqFVYWBgTJkx4rm2fTmFISkrC3d0dgJ9//vmFXq4TBKFmiEENr5CkpCTpeSEtLS1ef/11pkyZUukRaC+CUqlkz549NdZ+eU+U1wbqGNX0ItTmOov+/xGC2lzjE+qqsTqCVUEM+xYq4cGDBwQGBjJz5kw8PDzIy8sjKSkJuVxe06XVSiJc9dUgglXVR4SrChV26f8f/PP29kZLSwtdXV0cHR15/fXXsbW15c8//5TWvX37NlZWVty5c0cKL127di1dunTB0dGR+Ph4Dh06hLu7O7a2toSHh6u0lZuby5gxY1AoFPTt25ezZ89Kyy5cuICfnx9KpRIvLy/2799fYr3PhqZGRETg5OSEQqHA3d2dI0eOAI8vEYaGhjJhwgQUCgU+Pj5cunSJNWvW0KVLF1xcXPjll1/UdhwFQag+okN6Rbz22mtoaWkxadIkDh06xL179wCQy+V4enoSHR0trRsbG4u9vT2NGzcGHqchPHr0iISEBEJDQ5k2bRrR0dH89NNPbNmyhZUrV3L16lVp+/3799OrVy+OHTuGt7c3H330EXl5eeTl5REYGIiDgwOHDx9m2rRpTJgwgYsXL5ZZ+8WLF9myZQvbtm0jOTmZ9evXq0QPHThwAF9fX44fP07btm0JCAigsLCQhIQEgoODmT59ujoPpSAIpRDhqkKFGBoa8u2336KhocGnn35Kly5dCAwM5NatW/Tt25fY2FgpESEqKorevXtL28pkMoKCgtDW1sbT05PMzEyGDh2KoaEhrVu3pnXr1ipnWO3ataNXr15oa2szbNgwcnNzOXXqFKdOnSI7O5sRI0Ygl8vp0qULrq6u7Ny5s8zatbS0yM3N5cKFC+Tl5dG8eXNatmwpLVcqlTg5OSGTyejVqxeZmZmMGDFCqvf69etlPqgrCIJ6VDVcVXRIr5BWrVrx+eefk5CQQExMDBkZGcyfP58OHTqgp6fHsWPHuHDhAleuXKFbt27Sdg0bNpQSGnT/f2ZNIyMjabmOjg5ZWVnS66eTFTQ1NTE1NSUjI0MKTn06vdvc3Jz09PQy67awsGDKlCmEhYVhb2/P2LFjVbZ5uhZdXV0aNWpUrN7s7LJnshQEoeaJQQ2vqFatWtGvXz9++OEHAPr27Ut0dDTGxsa4u7ujo6Pz3Pt+ev6iwsJC0tPTMTExkZYVFhZKnVJaWhr/+te/yt2nj48PPj4+PHjwgOnTp7No0SIWLlz43DWWR4SrvhpEsKoa9ytG2QkVdeHCBQ4dOoSnpydNmzYlLS2N2NhYaZI9X19fevfujYGBAV988UWV2vrvf//L3r17cXNz4+uvv0Yul9OhQweKiorQ09Nj3bp1DBs2jN9//52ff/6ZbdvK/vK/ePEi6enpWFtbI5fL0dHRoboTr0R0kHrUhTqNdXVrf4114TiKcFWhogwNDTl16hQbN27k/v371KtXD1dXVz7++GPg8WW2t956iytXrlR5/qBu3boRFxfHpEmTsLCwICwsDG1tbQBWr17NrFmzWLNmDaampnzxxRe0atWqzP3l5uayePFiLly4gLa2NgqFQpphVhCEl4cIVxUkn3zyCSYmJowdO7amS6lx4gxJPepCnaJG9VBHuKo4QxIAuHbtGvv27WPHjh01XYogCK8oMcpOYNmyZfj4+BAQEECLFi1quhxBEF5R4pKdIJRAXLJTj7pQp6hRPdRxyU50SFVgaWnJ3r17sbCwqOlSXrjo6GgiIyOl2VoFobYqyslB4/+fRxMeq46A1bz8Au5mlv283yt7D8nNzY2cnBzi4+PR19cHYOvWrURHR/P1119Xen9+fn707t2bgQMHqrvUKpk8eTKxsbFoa2ujra1Nu3btmDZtWrkj16qqd+/eKmkOLxsRrvryeBUDVMtTHQGrIly1HAUFBWzevLlK+ygqKpIidapLfn5+lbYPCAggOTmZhIQETE1NmTp1qpoqEwRBeHFe6g4pICCADRs2lJhj9vvvv9O/f3+sra3p378/v//+u7TMz8+PpUuXMnjwYDp06MDEiRNJSkpi9uzZxZ6BOXz4MD179sTGxoZZs2apPLC5bds2PDw8sLGxISAggOvXr0vLLC0t2bJlCz179qRnz55SuvWGDRukVO2ffvqpUp9XV1cXDw8PlXTt9PR0Ro0aRefOnXFzc1PpoMPCwhg9ejQff/wxCoUCLy8vTp8+LS2PiIige/fuKBQKPD092bdvn7Rs+/btvPvuu8DjTnv+/Pl06dIFa2trfHx8+OuvvwCkh3EVCgVOTk6sX78egHv37jFy5Eg6d+6MjY0NI0eOVEl48PPzY9myZQwePBiFQoG/vz937tyRliclJTF48GCUSiUuLi5s374dePzM0oIFC+jatSv29vZMnz6dnP+f80YQhOolwlXL0L59e2xtbaUvwSfu3r3LyJEj8fPz4+jRowwbNoyRI0eSmZkprRMVFcWcOXP4/fff+fzzz1EqlUyfPp3k5GSV9OiDBw+ybds2oqKi2LVrF4mJiQDEx8ezZs0avvzyS44cOYK1tTXjx49XqSM+Pp4ff/yRuLg44HGq9v3790lISGDevHnMnj1bSuWuiOzsbGJjY6Xg0cLCQoKCgrC0tCQhIYFNmzaxadMmqUZ4PBurl5cXSUlJuLm5MWfOHGlZixYt2LJlCydOnCAkJISJEyeSkZFRrN1ffvmFpKQk9uzZQ1JSEsuWLaNhw4YATJ06ldmzZ5OcnExsbCydO3eWauvXrx8HDhzgwIED6OjoFHvYNTY2ls8++4wjR46Ql5cn3a9KTU1l+PDhDBkyhCNHjhAZGUnbtm0BWLhwIZcuXSIyMpK9e/eSkZHBypUrK3wMBUF4fiJctRyhoaF88803Kn9dHzx4EAsLC/r06YNMJsPb25vXX3+dAwcOSOv07duX1q1bI5PJpJSBkgwfPpz69etjbm6OnZ2ddHby/fffM2LECFq1aoVMJiMwMJAzZ86onCWNGDGChg0bSgGgMpmM4OBgtLW1cXFxQV9fX5rHqCwbNmxAqVTSqVMnTpw4IUX/nD59mjt37hASEoJcLqdFixa88847UgcIYG1tjYuLC1paWvj6+qqcXXl4eGBqaoqmpiaenp5YWFiQkpJSrH2ZTEZWVhYXL16kqKiIVq1aSdl1MpmM8+fP8+DBAxo0aEC7du0AaNSoEe7u7ujp6WFoaEhQUBDHjx9X2W+/fv147bXX0NXVpVevXpw5cwaAmJgY7O3t8fb2Rltbm0aNGtG2bVuKiorYunUrU6ZMoWHDhhgaGjJy5Mhy08QFQagdXtpBDU+8+eabdO3alYiICOlGf0ZGBubm5irrPZs6bWZmVqH9GxsbS7/r6elJqdepqanMnz+fBQsWSMuLiopIT0+X5vJ5to2GDRsik8lU9leRlGp/f3/Gjh1LamoqH374IZcuXaJNmzZcv36djIwMlSiggoIClddNmjSRftfV1eXRo0fk5+cjk8mIjIxk48aNUieanZ2tchb5RJcuXXjvvfeYPXs2qamp9OjRg0mTJmFoaMiKFStYvXo1ixcvxtLSkvHjx6NQKHj48CGfffYZiYmJ0llgVlYWBQUFUlL3s8f2ybFIS0tTmX7iiTt37vDw4UP69esnvfe89wBFuOrL41UMUC1PdQSsinDVCgoNDaVv3774+/sDYGJiQmpqqso6aWlpODk5Sa81NDSq1KaZmRmBgYFljkSrahvPMjc3Z+rUqUyaNAlXV1fMzMxo3rw5e/furfS+rl+/zrRp0/jqq69QKBTSGVRphg4dytChQ7l9+zZjxoxh3bp1jBkzBisrK1avXk1eXh5btmxhzJgxHDp0iA0bNnDp0iV+/PFHjI2NOXPmDH369KlQaKqZmVmJZ2qNGjVCV1eXnTt3YmpqWunP/DTxHJJ61Jo67+eVuqjW1FiGulJjVb30l+zg8Xw6np6e0nBvFxcX/v77b2JiYsjPzycuLo7z58/TtWvXUvfRpEkTlVlRyzN48GAiIiI4d+4cAPfv32fXrl1V+hwV4eDggImJCT/88ANWVlYYGhoSERFBTk4OBQUF/PXXXyV+mT/r4cOHaGhoSLPG/vTTT9JneVZKSgqnTp0iLy8PPT095HK5NKledHQ09+/fR1tbGwMDA+nsJysrCx0dHerXr8/du3f58ssvK/wZfXx8OHz4MHFxceTn55OZmcmZM2fQ1NRk4MCBzJ8/n9u3bwOPB3U8fc9MEITa65XokACCg4OlSz6NGjUiPDycjRs3Ymdnx7p16wgPD5e+fEsydOhQ9uzZg42NDXPnzi23vR49evDhhx8ybtw4OnXqhLe3NwkJCWr7PGX58MMPWbduHQUFBaxevZqzZ8/SrVs3OnfuzLRp03jwoOwbiwBvvPEG/v7+DB48GHt7e/766y86depU4rpZWVlMmzYNW1tbXF1dadiwoXQ2GhUVhZubG506deL777+X7m+9//77PHr0iM6dOzNo0CCVs9PymJubs3btWjZu3IitrS19+vSR7n1NnDgRCwsL3nnnHTp16sQHH3xQoftwgiDUPJHUIAglEJfs1KMu1ClqVA91RAe9MmdIgiAIQu0mOqQa5ubmxuHDh8tcx8vLC4VCUewnOjr6BVVZXGpqKgqFgoKCqo+sEQRBgFdklJ26ubm5cevWLekGPTx+bunpB2bVqaznaLZv387UqVPR1dVFQ0OD5s2bM3bsWFxdXaullifMzc1JTk6u1jZqUnlPlNcG6hjV9CLUdJ0VCVet6Roroio1VkeYarE2xLDvmhMeHo69vf1zb//kWR916NixI9999x2FhYX8+OOPjBs3jkOHDlG/fn217P9VJMJVXx4iXLV6wlSfJcJVa5krV64wdOhQ7OzssLOzY/z48So5em5ubkRERODj40PHjh1VQlVv3rxJhw4dVB48/c9//kPnzp3Jyyv9GYqnaWpq4uvrS3Z2Nn///TdQdrZbefl5Bw8epE+fPnTq1AkXFxfCwsKkZdeuXcPS0lL6DNu3b6dbt24oFArc3Nyky4mXL19myJAhWFtbY2dnx5gxY6R9zJ07FxcXFzp16kS/fv1ISkqSlpWXs5eWlkZISAidO3fGzs5OJXaorAxBQRBqL9EhqVFRUREjR44kMTGRXbt2cePGDZUvcXh8+S0iIoKkpCSVMyRjY2NsbW1VnlWKjo7Gy8urzOiipxUUFLB9+3a0tbWlNIjyst3Kys/T09NjwYIFJCUlsWbNGr777jvi4+OLtZudnc3cuXNZu3YtycnJfP/991K23PLly3FwcOD48eMkJCQwZMgQabu3336byMhIjh07hre3N6NHj+bRo0fS8tJy9goKChg5ciTm5ub8/PPPJCQk4OnpCVQsQ1AQhOohwlVrSHBwMEqlUvr58ccfsbCwwMHBAblcTuPGjRk2bFixfDY/Pz/MzMyk/Lqn9e3bVzqzKCgoYOfOnWWmIzxx6tQplEolVlZWLFiwgC+++AIjI6MKZbuVlZ9nZ2eHpaUlmpqatGnTBi8vL44dO1ZiDZqampw7d46cnBxMTExo3bq1tP/U1FQyMjLQ0dFRiS3y9fWlUaNGyGQy/P39yc3NVXlmqLScvZSUFDIyMvj444/R19dX2W9FMgQFQageVQ1XFfeQntPKlSuL3UO6ffs2c+fOJSkpiaysLIqKiordxykrI69bt27MmDGDq1evcunSJQwNDbGysiq3lg4dOvDdd9+RlZXF1KlTOXHiBJ6enhXKdisrP+/UqVMsWrSIc+fOkZeXR25uLr169SrWvr6+PkuXLmXDhg1MnTqVTp06MWnSJFq1asXEiRNZvnw5AwYMoEGDBgwbNowBAwYAj0Nht27dSkZGBhoaGjx48EDlkmVpOXtpaWmYm5uXeA+uIhmCgiDUTqJDUqPFixejoaFBdHQ0jRo1Ij4+vtiUCmXl1+no6ODh4UF0dDQXL16s0NnR0wwMDJgxYwY9evSgf//+tGnTpkrZbuPHj2fIkCGsW7cOHR0d5s2bV2K4KoCTkxNOTk7k5OSwbNkyPv30U7799luMjY2lZIukpCSGDRuGjY0NN2/eZO3atXz11Ve0bt0aTU1NbGxsKpxll5aWVuLAkIpkCAqCUDuJDkmNsrKyqFevHvXr1yc9PZ1169ZVeh++vr5MmjSJ27dvM3bs2Epv36hRIwYOHMjKlStZuXKllO02ffp0jIyMSE9P56+//qpQVE9WVhYNGjRAR0eHlJQUYmNjcXBwKLberVu3OHXqFF26dEFXVxd9fX1pSPyuXbtQKBQ0bdqUBg0aoKGhgaamJllZWWhpadG4cWPy8/OJiIioUKQRgJWVFcbGxixevJhRo0ahpaXFf/7zH6ytrRk8eDDLly+nbdu2tG7dmvv37/PLL7/g4eFRqeMo0r5fHiLtu3rSvYu1IYZ915zAwECV55Ds7e0ZM2YMkyZNQqlU0rJlS3x9ffnqq68qtV9ra2s0NTVp164dzZs3f67a3n//fbp3787Zs2eZOHEiK1eu5J133iEzMxNTU1PefffdCnVIM2bMYMGCBcyePRtbW1s8PDxKnH23sLCQjRs38vHHH6OhoUHbtm2ZMWMG8HhOpvnz5/PgwQOMjIyYOnUqLVq0wNzcHGdnZ9zd3dHX1+f999+v8JQfWlpahIeHM3fuXOl5Kx8fH6ytrenRowdZWVmMGzeO69evU69ePezt7SvdIYnoIPWoNXWKtO9qp45nuUSWXS00dOhQfHx8GDhwYE2X8soSHZJ61IU6RY3qIbLsXkIpKSn88ccflf6LXhAEoa4Tl+xqkUmTJhEfH8/UqVMxNPzfXxHTp08nJiam2Po+Pj7FBk0IgiDUVeKSXTXz8vJi+vTp2NnZlbuum5sbc+fOrVIk0Yv0JOC1RYsWNV2K2olLdupRF+oUNaqHOi7ZiTOkKiqpE9m+fTtbt27lu+++KzMYVR2OHj3K+++/j56eHvB4evYRI0bQv3//am0XEOGqNawuBIJCzdZZkWBVqBvHUoSrCnWCiYkJCQkJFBUVkZCQQFBQEAqFgtdff72mS6uzRLjqy0EEqz4mwlUFQHW+o5ycHCZNmoSNjQ0eHh6sXbsWZ2dnlfXPnDkjDWEeM2aMSrZbeTQ0NHBxcaFBgwb8+eefwOMh2REREXTv3h07OztGjx7N3bt3gf8FpO7YsYOuXbtiZ2fH6tWrpf2lpKQwaNAglEoljo6OzJ49m9zcXGm5paUlly9fBuDQoUN4enqiUChwcnJi/fr1ANy5c4eRI0eiVCqxtbXl3//+t5QU8aQuhUKBp6cn+/btk/a9fft23n33XRYsWICNjQ1ubm4cOnRIWn737l0++eQTHB0dsbGx4aOPPpKWHThwAF9fX5RKJYMHD5YihwRBqN3EGdIL9OWXX3L9+nXi4+N5+PAhw4cPL7bOrl27pGSEd999V/pirojCwkIOHDhAZmYmFhYWAGzevJn4+Hi++eYbGjduzNy5c5k9ezZLliyRtjtx4gS7d+/m77//ZsCAAfTs2ZNWrVqhqanJJ598Qvv27blx4wbDhw/n22+/5YMPPijW9tSpU1m2bBlKpZJ79+5x7do1ADZu3IipqSlHjhwBHscRPUmraNGiBVu2bMHY2Jjdu3czceJE9u7di4mJCfC4Q+zbty+//fYbP/zwA1OnTiUxMRENDQ0px27nzp3o6+tLlw//+9//MmXKFMLDw2nfvj3R0dF89NFH7N69G7lcXsF/KUEQnkdVL32KDkkNgoODVR6SzcvL46233iq23q5du5g5cyYNGjSgQYMGDB06tFgauJ+fnxTz4+rqypkzZ8ptPyMjA6VSSU5ODgUFBUyePFlq/4cffmD69Ok0bdoUgJCQEFxdXVWmvggJCUFXV5c2bdrQpk0bzp49S6tWrWjfvr20TvPmzRk0aBDHjx8vsUOSyWScP3+eNm3aSJ/vyfs3b94kNTUVCwsLlXDVp4e2e3p6smbNGlJSUujevTvweBLAd955B3gcPDtr1ixu3bolXZo8evSo1I6trS0AP/74I4MGDaJDhw7SduHh4Zw8eVJaRxCE6iEGNdQCzwatPhnU8KyMjAyVNIInncTTjI2Npd/19PTIyMgot/0n95Byc3NZtGgRv/32m9RppKamEhwcjKbm/67Oampqcvv2ben10yGmT4erXrp0ic8//5z//Oc/PHz4kIKCAtq1a1diDStWrGD16tUsXrwYS0tLxo8fj0KhICAggC+//BJ/f38ABg0axIgRIwCIjIxk48aNUhJ3dnZ2qeGqTwZtZGdnc+/ePZVO72mpqalERkbyzTffSO/l5eVV6DgKglCzRIf0AhkbG3Pjxg3eeOMNAG7cUO9Nc7lczoQJE+jVqxfx8fF0796dpk2bMn/+fKytrYut/+SyWmlmzpzJW2+9xeLFizE0NOSrr75iz549Ja5rZWXF6tWrycvLY8uWLYwZM4ZDhw5haGjI5MmTmTx5MufOnWPo0KG8/fbbtGzZkmnTpvHVV1+hUCikKSYqomnTpty7d49//vmnxDT1wMBAgoKCKrQvQRBqD9EhvUAeHh6sWbOGt99+m5ycHJW/4tVFLpfj7+/PypUr6d69O++++y7Lli3j888/p1mzZty5c4fff/9duixWlqysLAwMDDAwMODChQt89913NG7cuNh6ubm57N69G1dXV+rVq4eBgYF0CfPAgQO8/vrrtGzZEkNDQ7S0tNDU1OThw4doaGhI+/vpp584d+5chT6jiYkJzs7OzJo1i+nTp6Ovr8/JkyexsbFh4MCBhISEYG9vj5WVFQ8fPuTYsWMolUqVh43LI8JVXw4iWPUxEa4qFBMcHMyMGTPo1q0bxsbG+Pj4sH37drW3079/f8LCwvj5558ZOnQoRUVF+Pv7k5GRgZGREZ6enhXqkCZNmsSnn37K+vXradu2LZ6envz2228lrhsVFcWcOXMoKCjgtdde44svvgAeT2E+Z84c7ty5Q/369Xn33Xelh4T9/f0ZPHgwGhoa0lTpFfXFF1/w2Wef4eHhQV5eHnZ2dtjY2PD2228zZ84cZs+ezeXLl9HV1aVTp04q964qQjwYqx61os4yglWhltRYjrpSY1WJpIYa9O233xIXF1ctZ0pC1YgOST3qQp2iRvUQ4ap1TEZGBidOnKCwsJCLFy+ycePGCp2pCIIgvArEJbsXKC8vjxkzZnDt2jXq1auHl5cX//73v8vdLjw8nDVr1hR739ra+rkmARQEQaiNxCW7OkadAaypqal4eXmRlJSk8hzVi3L06FEmTpxIQkJCicunT5+OqakpwcHBL7gycclOXepCnaJG9RDhqrVIUlISixYt4ty5c2hpafH6668zZcoUrKysnnufkydPxtTU9LmmMi/Js52Zubl5lQNSHzx4wPLly9m3bx/37t2jSZMmdO3alaCgoBJH5FVGTU6tIcJV1edF1lnRMNVnvehj+Txhp7X931uMsqslHjx4QGBgIDNnzpRGfSUlJb30UTW5ubm8//771K9fn3Xr1vH666+TmZnJ999/z+nTp3FxcanpEp+bCFetm+pKmOqLCDt90US4ai1x6f+fc/D29kZLSwtdXV0cHR15/fXXsbW1lYJOAW7fvo2VlRV37tzh6NGjODs7s2HDBrp06YKjoyM//fQT8DjyJyYmhvXr16NQKAgMDJT2UVYAa2nBohMnTiQ1NZXAwEAUCgVr166VwlWfxAiVFVhakqioKNLS0vjyyy9544030NTUxMjIiODgYKkzejqAFR6f9S1dulRlP+Hh4djZ2eHm5kZ0dHSJ65YV0urm5sa6devw8fGhY8eOTJkyhVu3bvHhhx+iUCj44IMPuHfvXkX+KQVBqEHiDEkNXnvtNbS0tJg0aRKenp507NiRBg0aIJfL8fT0JDo6mokTJwIQGxuLvb29dDnr1q1b3L9/n4SEBA4fPkxoaCjdu3dn0KBBJCcnl3jJrrQA1rKCRRcuXMiJEydULtk9m9RQWmBpaQ4fPoyTkxMGBgbPfexu3bpFZmYmiYmJnDx5khEjRtC+fftiU2eUFdIKsHfvXjZu3EhBQQF9+vThzJkzzJs3jzfeeIMPP/yQr7/+mpCQkOeuUxCE8lX1sqI4Q1IDQ0NDvv32WzQ0NPj000/p0qULgYGB3Lp1i759+xIbGyv9NR8VFUXv3r2lbWUyGcHBwWhra+Pi4oK+vr50xlWaJwGsDRs2VAlgfTpYVEtLi759+6Ktrc3JkyfL/QwZGRkkJCQwa9YsGjRogLa2drlhpHfv3lXJ3nteo0ePRi6XY2tri4uLC7t27Sq2ztMhrdra2iiVSpUOaciQITRp0gRTU1OUSiVWVla89dZbyOVyevTowR9//FHlOgVBKNvNm/fL/Ll9+0GZ24sOSU1atWrF559/TkJCAjExMWRkZDB//nw6dOiAnp4ex44d48KFC1y5coVu3bpJ2zVs2BCZ7H8nqk+Hm5bm2QDWJ+unpqayceNGlEql9HPjxo0KBYveuHGj1MDS0jRs2JCbN29WeP2S1K9fH319fem1ubl5ifUGBARgYWGBv78/3bp1IyIiQmX500GsOjo6Kq91dXXLPaaCINQ8ccmuGrRq1Yp+/frxww8/AI+nQIiOjsbY2Bh3d3d0dHQqtJ+nzwAqoirBomUFlpbG3t6eZcuWkZ2drdKpPE1PT4+HDx9Kr2/evClNrwHwzz//qGyflpZG69ati+2ntJDWLl26VOZjCoJQi4kOSQ0uXLggzZjatGlT0tLSiI2Nlebk8fX1pXfv3hgYGEgZbxVhZGRUbiL308oLFm3SpAlXr14tcduyAktL4+vry/fff8+oUaOYMmUKr732Gvfu3eOHH36gbdu2uLi40KZNG2JjY2ndujW//vorx48fV5lnCSAsLIyxY8eSkpLCwYMHGTVqVLG2SgtprS4iXLVuqithqi8i7PRFE8O+awlDQ0NOnTrFxo0buX//PvXq1cPV1ZWPP/4YeHz28dZbb3HlypVKhXwOGDCA0aNHSyPLVq1aVeb65QWLjhgxgrlz57Jw4UKCgoJwd3dX2b60wNLSyOVyvvrqK1asWIG/vz///PMPRkZGdOvWTXr+aurUqUyePJktW7bQvXv3YlFJTZo0oX79+jg5OaGnp8fMmTNp1apVsbbKCmmtDuLBWPWokTrLCVN9Vl04lnWlxqoSSQ0vyCeffIKJiYnaHnIVqpfokNSjLtQpalQPkdRQR1y7do19+/axY8eOmi5FEASh1hIdUjVbtmwZmzZtYsSIEbRo0aKmy6k0EewqCMKLIi7ZCUIJxCU79agLdYoa1UMdl+xeug4pPDycq1evMm/evJou5aUmjrNQGzxvmOqr7HmCXSu03/wC7maW/bxflTskNzc36Sn+p9ObfX19OXv2LPv376d58+aVLP3lYWlpyd69e7GwsKjUduqaRsLPz4+TJ08ik8mQy+XY2Ngwffp0TExMqrTfV50IV60b6kqYam2iUU3Brl9OdHsxM8Y2a9aMnTt3Sq///PNPcnJyKljmi/MkJPRVM336dJKTk9m3bx/Z2dksWLCgpksSBEGotAp1SL6+vkRGRkqvIyMj6dOnj/T64MGD9OnTh06dOuHi4kJYWJi07Emi9I4dO+jatSt2dnasXr1aWh4WFsbo0aP5+OOPUSgUeHl5cfr0aWl5eno6o0aNonPnzri5ubF582aVbUNDQ5kwYQKdOnVix44dhIWFMWHCBAAePXrEhAkTsLOzQ6lU0r9/f27dugU8PrNYunQpgwcPltK0MzMzGT9+PJ06daJ///6Veij1WVeuXGHo0KHY2dlhZ2fH+PHj+eeff4CSk7cBTp48yeDBg1EqlfTu3ZujR49Wqs369evTrVs3KeEbHj+0O2zYMGxtbXF3dycuLk5aNnnyZGbNmsWIESNQKBQMHDiQK1euSMvnzp2Li4sLnTp1ol+/fiQlJUnLKnqct2/fTrdu3VAoFCpp3mUdH3h8Brl+/fpSU83j4+Px9fWlU6dOdO/eXZrk7/79+0yZMgVHR0ecnJxYunQpBQVVf2BPEITyGRvXK/OnvHnGKtQhdezYkQcPHnDhwgUKCgqIi4tTCQjV09NjwYIFJCUlsWbNGr777jvi4+NV9nHixAl2797Npk2bWLlyJRcuXJCW/fzzz9LMpW5ubsyZMweAwsJCgoKCsLS0JCEhgU2bNrFp0yYSExOlbffv30+vXr1ISkrCx8dHpc0dO3bw4MEDDh48yNGjR5k1axa6T11vjouL44svviAhIYErV64wePBg+vfvz7Fjx2jVqhUrV66syOEpUVFRESNHjiQxMZFdu3Zx48YNqaNeuHAh5ubmhIeHk5yczPDhw0lPT2fkyJEEBQVx7NgxJk2aRGhoKHfu3Klwm5mZmezbt4+WLVsCkJ2djb+/P97e3hw+fJglS5Ywa9Yszp07J22zc+dOQkJCOH78OC1btlSZGuLtt98mMjKSY8eO4e3tzejRo1U6hSdKO87Z2dnMnTuXtWvXkpyczPfff0/btm3LPT5PPEk1379/P3/++Sfbt28HICUlhUmTJvHxxx+TlJTEli1baNasGQCTJk1CJpOxd+9eIiMj+fXXX9m6dWuFj6EgCM/vhYWrPjlL+vXXX3n99ddV8sjs7OywtLREU1OTNm3a4OXlxbFjx1S2DwkJQVdXlzZt2tCmTRuVv+Ktra1xcXFBS0tLujcFcPr0ae7cuUNISAhyuZwWLVrwzjvvqPyV37FjR7p3746mpqZKZwOPE6Lv3r3L5cuX0dLSon379hga/q+H7tevHy1btqRevXo4OzvTokUL7O3tkclk9OrVq0oJ0RYWFjg4OCCXy2ncuDHDhg3j+PHjpa4fFRWFs7MzLi4uaGpq4uDgQPv27Tl06FC5bc2dOxdra2s6d+5MZmYmn376KfD4zLVZs2b0798fmUxGu3btcHd3Z8+ePdK2PXr0wMrKCplMRu/evaXkcHj8b96oUSNkMhn+/v7k5uaWmERe1nHW1NTk3Llz5OTkYGJiIuXUVeT4lJZqvm3bNvr374+DgwOampqYmprSqlUrbt26RUJCAlOmTEFfXx8jIyM++OADlcvNgiDUXhV+DsnX15chQ4Zw7do1fH19VZadOnVKmr47Ly+P3NxcevXqpbLO0+nLzyZaP5vM/OjRI/Lz87l+/ToZGRkqcTsFBQUqr5s2bVpmzTdu3GDcuHH8888/9O7dm7Fjx6KtrV2sXXUnRN++fZu5c+eSlJREVlYWRUVFZYaWpqamsnv3bg4cOCC9l5+fX6F4nGnTpjFw4ED+/PNPAgMDuXHjBubm5ly/fp2UlJRix+/ps9uyPvOGDRvYunUrGRkZaGho8ODBAzIzM4u1X9px1tfXZ+nSpWzYsIGpU6fSqVMnJk2aRKtWrSp0fJ5NNX+SAp6WllbibLSpqank5+fj6OgovVdYWIiZmVm5x1AQhJpX4Q6pWbNmNG/enEOHDhUb6jt+/HiGDBkiTRo3b968Er+4KsvMzIzmzZuzd+/eUtcpKxFbW1ubkJAQQkJCuHbtGiNGjOC1115j4MCBVa6tPIsXL0ZDQ4Po6GgaNWpEfHw8s2fPLnV9MzMzfH19mTt37nO3aWlpSVBQELNnz2bHjh2YmZlhY2PDxo0bK72vpKQk1q5dy1dffUXr1q3R1NTExsaGkgZllnWcnZyccHJyIicnh2XLlvHpp5/y7bffVvr4PM3MzEzlXtcTTZs2RS6X89tvv6lM6fE8RLhq3VBXwlRrk+oKdn3h4arz5s3j3r176Ovrq4xoy8rKokGDBujo6JCSkkJsbCwODg5VLs7KygpDQ0MiIiIYOnQo2traXLhwgZycHCm8syy//fYbjRo14o033sDQ0BCZTIaWVjWMv8/LU7m3IpPJyMrKol69etSvX5/09PRiqQbPJm/37t2bAQMGkJiYiL29Pfn5+Zw8eRILC4syzwKf1adPH8LCwti/fz9du3Zl8eLFREZG4uXlBTye/tzAwKDEANOnZWVloaWlRePGjcnPzyciIoIHD0q+/lvacb516xanTp2iS5cu6Orqoq+vLx3/8o5PWQYMGIC/vz+urq7Y2dlx8+ZNHjx4QKtWrXBwcODzzz9nzJgx6Ovrc+3aNW7cuFHuZIPPEg/GqscLqbOSYarPqgvHsq7UWFWVyu9v2bIlb7/9drH3Z8yYwYoVK1AoFKxcuRIPD48qFwagpaXF6tWrOXv2LN26daNz585Mmzat1C/GZ926dYvQ0FCsra3x9PTE1tZW5XKVunh5eWFlZSX9bN++nZCQEP744w+USiUjRoygZ8+eKtuMGDGC1atXo1QqWb9+PWZmZqxatYo1a9bQpUsXXFxcWL9+vTTTbEXJ5XL8/PxYtWoVhoaGrF+/nri4OJycnHB0dGTRokXk5uaWux9HR0ecnZ1xd3fHzc0NHR2dUi99lXacCwsL2bhxI05OTtja2nL8+HFmzJgBUO7xKYuVlRWfffYZ8+fPx9ramiFDhpCamgo8TizPy8vD09MTGxsbQkNDqzyJoCAIL8ZLl9QgCOogzpDUoy7UKWpUD3VEB4kpzAVBEIRaQXRI5UhKSkKhUJT4U5KjR4/i7Oys1hpKaz8pKYkPP/ywwtNaWFpacvny5RKXbd++nXfffVedZavw8vKq9IO+T6SmpqJQKMQDroLwkhPTT5QhJiZGGqFmYGBAmzZtCAwMrNSsr+qQnJzM5MmTiY2NlYasA2RkZLzwKSAsLS3R09NDQ0MDQ0NDPD09+fjjj8sdLFKZZ4GezfkzNzcnOTm5SnVXVnlPlNcG6riJ/CJUV53qDFZ9kcfyecNNa/u/t5jCvBpt3LiRiIgIZs2ahaOjI9ra2iQmJrJ///5q65AKCgrK/GIPCAioFTPORkVFYWFhwYULFxg6dCj/+te/qvXsqiaIcNXar64Gq2pXU7hpTVPHUHJxya4E9+/fZ8WKFUyfPp2ePXuir6+PtrY2bm5uTJo0idzcXObNm4ejoyOOjo7Mmzev1JFrFy5cwM/PD6VSiZeXF/v375eWTZ48mRkzZjB8+HA6duz4XJe0/Pz8VKJxtm3bhoeHBzY2NgQEBHD9+vUSt8vMzCQwMJBOnToxYMCAEp/rKU+rVq2wtrbm3LlzFcqmO3z4MFB2fmFJOX9P8hCfPGrg5+fHsmXLpBxCf39/lYilyMhIaUj4ypUrVdoWBKH2Eh1SCZKTk3n06BE9evQocfnq1as5deoUUVFRREdHc/r0aVatWlVsvby8PAIDA/m/9u48rsb8///4ozqKkiEqIsbOMOlUJElTGEJSzDCDZqxZElmbzxAZe0O27B/bfMwYH1S2aMpQtka2xnzGMowlpSbKEpXqfP/o5/p1dKij7cT7frt1uznnus71fl2X2+nddV3v6/m2t7fn1KlTzJw5k6lTp3Lz5k1pnQMHDjBmzBjOnz+PtbV1ieqOjIxk/fr1rF69mtOnT2Ntbc2UKVNUrjt37lz09PQ4ceIECxYsYM+ePWq399dff3Hu3Dlat25drGy6gl6XX6gq50+VAwcOsHDhQk6fPs2LFy/YvHmzVFNAQACBgYHExMTw9OlTkpOT1d43QRDUVy7hqu+b9PR0KcNNlf379zN+/Hhq166NkZER48ePl1KsC7p06RLPnj1j9OjR6OrqYmdnh5OTk9L9lK5du2JtbY22tjZ6enpvrGvz5s3Y2NhgY2OjMlJo586djB49mqZNmyKTyRgzZgx//vlnobOk3NxcIiIi8PHxQV9fnxYtWuDu7l6cQwOAu7s77du3Z8yYMQwYMID+/furnd33uvzC4vLw8KBx48ZUrVqVnj17Sjl3hw8fxsnJCRsbG3R1dfHx8XljmocgCKWnpOGq4h6SCjVr1iQtLY2cnByVnVJKSgpmZmbSazMzMyln7dX16tati7a2ttK6Bf9iVydnbfjw4W+8h5SYmMiCBQuU5kNSKBQkJydLadgADx8+JCcnR6ntgvtTlJCQkEITEqqb3fe6/MLiRv68mnP3MoPv5TEvuKxmzZrF2qYgCBVLnCGpIJfL0dPTKzSFxksmJiZSMgDkh32qmqHVxMSE+/fvK6UtJCUlKSWll6Z69eoREBBAXFyc9BMfH4+VlZXSekZGRshkMpKSkpTqKomC2XTnz58nMDBQZe5dWTMxMVHq8DMzM0lPTy/3OgRBUJ84Q1LB0NAQHx8f5s6di0wmw97eHplMxqlTp4iNjaV3796sXbtWilEKDg4uNBcT5EfcVKtWjU2bNjFs2DDOnz/P0aNH2b27bII7Bw0axIoVK2jdujXNmzfnyZMnnDhxolCUk46ODt27d2f16tUsWLCAe/fuERISonQWpa6SZNO96tWcP3X06NGDzz//nPPnz9O2bVtWrlz5Vh2jCFfVfJU1WLWswk0rmhj2XYaGDRtG7dq1WbNmDVOnTsXAwIA2bdowZswY2rRpQ0ZGhpSL17NnT8aNG1doG7q6uqxdu5aAgADWr1+PqakpS5YsKTLY9G11796djIwMJk+ezL179zA0NKRTp04qswX9/f355ptvsLe3p0mTJnh4eLz1g6uQn003Y8YMbGxsaNiwIW5ubmzduvWttjV69GjmzZtHYGAgY8eOpUePHsX+bPPmzZk1axaTJ0/m+fPneHp6YmRkhK6urlo1iOig0lHmdZYwWBUqx7GsLDWWlMiyE95pGRkZtG/fniNHjmBubl7sz4kOqXRUhjpFjaVDZNkJggpHjx7l+fPnPHv2jMWLF9OiRQsaNGhQ0WUJglAEcclOg/Tu3VtpsMRLAQEBZTJthipxcXGvffanvON73lZUVBTTp09HoVDQtm1bli1bJoZ+C0IlIC7ZCaVq5MiR9O7dW63nmlRZt24dd+/eLTQ7cXkRl+xKR2WoU9RYOkrjkp3okDSUs7MzqampStl27u7u+Pv7V2BVglBxSjNM9X3ytmGuareTk0t62rM3rlNUhyQu2WmwdevWSYnXZaGoMNf3mQhX1TyVNUy1opVXmKsIV30PzZ49Gx8fH+l1YGAgX331FQqFQpqLad26ddja2uLs7KwUaaQqzDU5OZkJEybQsWNHnJ2d2b59u7R+fHw8Hh4eWFlZ0alTJxYuXAhAVlYWU6dOxdbWFhsbG/r3709qaiqgHPaal5fHmjVrcHJyws7OjunTp/PkSf4p/cvA1JCQED755BNsbW1Zu3at1PaqVauYOnVqsdoLCgqSglbHjBlDWloaU6ZMwcrKiv79+5OQkFAW/xWCIJQy0SFVMn5+fly9epW9e/cSFxfH7t27Wbx4sXTTPjU1lbS0NGJiYli0aBH+/v6vDXOVy+WMHTuWli1bEh0dzbZt29i2bRsxMTEAzJ8/H09PT86fP88vv/wiPc8UEhLC06dPOXbsGLGxsQQEBFBVxaWUvXv3EhISwvbt24mMjOTZs2fMnTtXaZ1z585x+PBhtm3bRnBwMDdu3Ci0naLaO3ToEEuWLCE6Opo7d+4waNAg+vfvz2+//UbTpk0JDg4u+YEXBKHMiQ5Jg40fP14KU7WxsWHXrl1Uq1aNwMBAFi1axLRp05g1a5ZSdhvAxIkT0dXVpUOHDjg6OhIeHi4tKxjmeu3aNR4+fIi3tze6urqYm5vz+eefc+jQIQBkMhl37tzh4cOHGBgYYGlpKb2fnp7O7du30dHRoW3btlSvXvi68P79+/n6668xNzfHwMCAyZMnc+jQIWkaCch/oLZq1aq0atWKVq1aqQxZLao9Dw8PGjZsiKGhIV26dMHc3JxOnTohk8no2bMn//vf/0r0/yAIQvGUNO1b3EPSYMHBwSrvIVlYWNCgQQMePnxYKIWhRo0a6OvrS69fDX4tGKh67949UlJSlCYczM3NlV7Pnz+flStX4uLiQoMGDfD29sbJyQk3Nzfu37/P5MmTefz4MX379sXX11dpNlvIDzotGEdUv359cnJyePDggfRewZDVgiGpBRXVXsFt6OnpFQpuVbVNQRBKX0lH2YkOqRLasWMHL168wMTEhE2bNuHl5SUte/z4Mc+ePZM6paSkJJo3b65yO/Xq1aNBgwZERESoXP7hhx+ybNky8vLypOkqYmNj0dfXx9vbG29vbxISEhg9ejSNGzfms88+U/q8iYmJ0tQXiYmJyGQyateuzf37xR8wUKVKlWK1JwhC5SY6pErm77//Zvny5fzwww9UrVqVzz77jC5dutC6dWtpnVWrVuHr60t8fDzHjh1jwoQJKrdlYWFB9erV2bBhA56enlSpUoUbN26QmZmJhYUFYWFhODg4YGRkJE0loaOjw5kzZ6hVqxbNmjWjevXqyGQylaP1+vTpw8aNG+nSpQtGRkYEBQXh4uJS7CkmXipue6VJhKtqnsoaplrRyivMVYSrvuPGjBmj9Iu3U6dOJCcnM2rUKFq1agWAr68v06dPl2Z8rVOnDjVq1MDBwYFq1aoxZ86c14a56ujosHbtWhYvXkzXrl3Jzs6mcePGTJo0CUAaGJGZmYmZmRlBQUHo6emRmprK7NmzSU5ORl9fn169eqlMkujfvz/JyckMGTKErKwsOnfuzKxZs9Q+DsVtrzSJB2NLR6nXWQphqq+qDMeystRYUuLB2HdIbGws06ZNIzo6uqJLqfREh1Q6KkOdosbSIcJVBUEQhHeG6JAEQRAEjfDOdUh+fn4EBQVVdBkVwtbWtsIv18nl8ree7bWgkSNHEhISUgoVCYJQWVTqQQ1Dhw7lypUrnDx5Uu0ZQV/l5+eHqakpvr6+pVSdMmdnZ+bNm1dkNl1CQgJdu3ZVepYI8p8J6tWrV5nUVppKa4qKkkyBXhqKeoBPE5TGTeTy8LZ1lmeYqiYfyxcv8kevaXKN8J6PsktISCAuLg5DQ0OioqJUTtNdmnJyctQerlwSZ8+eLdP2ynt/KhsRrlrxRJhqvvIKRy2p9zpcNTQ0lHbt2uHu7k5oaKjSsrS0NIYNG4ZcLmfIkCHSw5kKhYIFCxZgZ2eHtbU1rq6uXLt2jZ9//pn9+/fz73//WwrohPyzmg0bNuDq6oqlpSU5OTls2LCBbt26IZfL6dWrF7/88otS27t27cLFxUVa/scffzBt2jQSExMZM2YMcrmcjRs3vtU+Z2dn4+bmxg8//ADkpyoMGjSI1atXA/nPH/n4+DBp0iTkcjnu7u5KUTyq9ufixYsMGjQIGxsb+vbtS2xsrLT+3r176dq1K3K5XCmo9fbt2wwZMgRra2tsbW2lYeIALVu25Pbt2wA8efKE6dOn07FjR5ycnFizZg15eXnStr/44gsWL15M+/btcXZ25vjx49J2Coa0FtXejh07+PTTT5HL5Sxfvpw7d+4wcOBArKysmDhxItnZ2W91vAVBKF+V9k/ksLAwvv76a9q1a8fAgQNJTU2VImP279/Phg0baNeuHUuWLGHq1Kn89NNPnDhxgri4OI4cOYKhoSE3b97E0NCQgQMHcuHCBZWX7A4ePMiGDRuoVasWMpkMc3NzduzYgbGxMYcPH2batGlERERgYmJCeHg4q1atIjg4mI8//pg7d+4gk8kIDAzk3Llzxbpk9ya6uroEBgYyePBgOnXqREREBHl5eYwdO1ZaJyoqiqVLlxIYGMj27dsZN24cR44ckWJ2Cu7PgwcP8PLyYsmSJTg4OHD69Gl8fHwIDw+natWqzJs3j927d9OkSRNSUlJ49OgRACtWrMDe3p7t27fz4sULfv/9d5X1fvfddzx58oTIyEjS09MZMWIExsbGUsJCfHw87u7unDlzhp9//plvv/2WmJiYQrO7FtVeTEwMe/fuJSkpCXd3dy5cuMD3339PzZo1GThwIAcPHizxhIGCIJS9SnmGFBcXR2JiIi4uLrRt2xZzc3MOHDggLf/kk09o3749urq6+Pr6cvHiRZKSkpDJZGRkZHDz5k0UCgVNmzbFxMTkjW0NHTqUevXqSenSLi4umJqaoq2tTa9evWjUqBHx8fEA7N69m5EjR2JhYYGWlhaNGjVSynJTR8eOHZWCVV+mYLdo0YKxY8cyfvx4Nm/ezJIlS5Qenm3Tpg09e/akSpUqDBs2jOzsbC5duqRyf8LCwujSpQuOjo5oa2tjb29P27ZtpTMVbW1trl+/TmZmJiYmJlIEkUwmIzExkZSUFPT09JSy8F7Kzc3l0KFDTJkyherVq9OgQQOGDRumNB2GmZkZn3/+OTo6Ori7u/PPP/9I00oUVFR7o0aNonr16jRv3pwWLVpgb2+Pubm5FLYqwlUFoXyUNFy1UnZIoaGh2NvbY2RkBORH1BQckVUw/drAwIAPPviAlJQU7OzsGDx4MHPnzqVTp07MmjWLp0+fvrGtgmGkL9t2c3OTOorr16+TlpYG5OfGNWzYsFT28cyZM8TFxUk/BdMW+vXrx7179+jSpQsffvih0ucK7ru2tjampqavDVdNTEzk8OHDSh3fuXPn+Oeff9DX1ycoKIidO3fSuXNnRo8eLXWK06ZNQ6FQMGDAAHr37s3u3YVjdtLS0njx4gVmZmbSe2ZmZiQnJ0uvXw1WBVQGoRbV3pvCVfX09ES4qiCUk3/+efLGnwcP3vz7ttJdssvMzCQ8PJy8vDzs7e2B/Hsrjx8/lu6XFAzuzMjI4NGjR9KZkKenJ56enjx48IBJkyaxadMmJk2aVOgy0UsF37937x4zZ85k69atyOVydHR0cHNzk5bXq1ePO3fulPo+vyogIAAnJyfpEmTBM4aC+56Xl0dycrLSWWDB/alXrx5ubm7MmzdPZTsODg44ODiQmZnJ8uXLmTVrFj/++CPGxsbSZ+Li4hg2bBjt27enUaNG0mdr1apFlSpVSExMpFmzZkB+h21qaqr2/hanPUEQKr9K1yFFRkaio6PD/v37laY7mDRpkjS44fjx48TFxWFhYcGKFSto164d9erVIz4+HoVCwUcffUS1atXQ1dWVLnfVrl27yJlFnz9/jpaWlnRmtmfPHq5fvy4tHzBgAIsWLcLa2po2bdpI95Dq169PnTp1SuX5nNDQUP744w/CwsI4evQofn5+hIWFYWBgAMAff/xBREQEzs7O/PDDD+jq6tKuXTuV2+rbty8DBgwgJiaGTp06SYMcGjVqhEwm49KlS9jZ2VG1alX09fWlYxUeHo5cLqdu3bp88MEHaGlpoa2tfLKto6NDz549CQoKYvHixTx69IgtW7YwYsQItfe5OO2VNhGuWvFEmGq+8gpHLan3cth3SEgIHh4eSpeCAAYPHsz8+fOxs7OjT58+BAcHc/HiRT766CMCAwOB/LOlBQsWkJCQgK6uLp07d2b48OFAfmcyceJEbGxs6NChA2vWrCnUdrNmzRg+fDiDBg1CS0uLfv36YWVlJS13cXEhPT2dKVOmSHMBLVmyhPr16zN69GjmzZtHYGAgY8eOLfIXc/v27ZVe+/j40KNHDxYuXMiaNWswMDDA1dWVqKgoFi5cKJ1BdO3alUOHDjFjxgwaNWrEqlWrCs1T9FK9evVYs2YNgYGBTJkyBW1tbSwsLJgzZw55eXls2bKF6dOno6WlRevWrZk9ezYAv//+OwsWLODp06fUrl2bb7/9FnNz80LbnzVrFt999x3dunVDT0+Pzz77jP79+79xv1UpbnulSWTZlY4S11kGYaqvqgzHsrLUWFIiXPUdsmrVKm7fvs33339f0aVUeqJDKh2VoU5RY+kQ4aqCIAjCO6PSXbJ7F+zbt0+6/FWQmZkZBw8erICKBEEQKp44Q6oAffv25cKFC4V+Dh48yKpVq5g6depbbdfOzu61D6mqw9nZmVOnTpV4O29S1H727t1bKTVCEIR3nzhDKqHSDHhVV8uWLYmIiJCGP9vY2HDkyJFya//vv/8mKCiI2NhYcnJyMDMzw8PDA09PzxJPMV7RZ4oiXLX0vK7O8gxPLYomHcsXL3KpUqXw90eTalTlvRxlp0nKO+BVk9y5c4fPP/8cDw8P9u/fj4mJCTdv3iQ4OJiMjAxq1KhR0SWWiAhXLXsiPFW1yhKm+qr3OlxVE7wu4NXPz4+AgABGjx6NXC7ns88+U3pgdt68eTg6OmJlZYWHhwdxcXEqtz969GgpSPUlV1dXIiMjGTx4MABubm7I5XIOHTpEbGwsXbp0kdZNSkrC29ubjh07Ymtry9y5c4H8zsTT0xNbW1tsbW2ZMmUKjx8/VmvfV65ciVwu55tvvpEevG3SpAlLly6lRo0ahWqBwpcCs7Oz3xgE+3Ld+Ph4PDw8sLKyolOnTixcuBDI/4OgZcuW7NmzB0dHR9q3b89PP/1EfHw8rq6u2NjYSPssCILmEx1SCYSFheHq6oqrqysnTpxQymE7ePAg3t7enD17loYNGypNGvjxxx8TGhrKb7/9Rp8+fZg4cSJZWVmFtt+vXz+l7LcrV66QkpJCly5d2LFjh1TDhQsXCs2VlJubi5eXF2ZmZhw9epTo6GhpHYVCgZeXFzExMYSHh3P//n1WrVql1r6fPn2aHj16qPWZV0VFRdGzZ0/pOIwbN44XLwo/dzJ//nw8PT05f/48v/zyS6Ez0UuXLhEREUFQUBALFixg3bp1bN26lYMHDxIeHs5vv/1WojoFQSgfokN6S0UFvHbv3h0LCwtkMhl9+/blzz//lJa5ublJ6eHDhw8nOzubv1U8kd6tWzdu377NrVu3gPzOx8XFpVj3quLj40lJSWH69Ono6+srhZI2atQIe3t7dHV1MTIyYtiwYZw9e1at/U9PT8fY2Fitz7yqqCDYl2QyGXfu3OHhw4cYGBhgaWmptHz8+PHo6enRuXNn9PX16dOnD7Vr18bU1BQbGxsRrioI5eS9DFfVBEUFvBYM+KxatapSwOfmzZtxcXHB2toaGxsbnjx5IgW0FqSrq0vPnj3Zt28feXl5HDhwQCk7702SkpIwMzNTOQnfgwcP8PX1xcHBASsrK6ZNm6ay/TepWbMm//zzj1qfeVVRQbAvzZ8/n1u3buHi4kL//v359ddflZbXrl1b+reenl6h1yJcVRDKx3sXrqoJihPw+jpxcXFs3LiRrVu30rx5c7S1tWnfvj2vC8xwd3dn+vTpWFtbU61aNeRyebFqrFevHklJSSpnhl26dClaWlrs27ePWrVqERkZqfa9Fjs7OyIiIl4bBVStWjUyMzOl17m5uTx8+FBpnaKCYF/68MMPWbZsGXl5eURERODj4yOGhAvCO0h0SG+hOAGvr5ORkYGOjg5GRkbSDLRvmgJDLpejra3NokWL6Nu3r9Kyl4GtqlKvLSwsMDY2ZunSpUyYMAEdHR0uX76MtbU1GRkZGBoaUqNGDZKTk9m0aZN6B4D8bL0BAwawePFihg8fjrGxMbdv32bVqlX4+/vTuHFjsrKyOHbsGPb29qxfv77QzK3FDYINCwvDwcEBIyMjafReSYeVF0WEq5Y9EZ6qWmUJU32VGPZdQYoT8Po6nTt3pkuXLvTo0QN9fX2++uqrQnMuvcrNzY0VK1YUCnz19vbGz8+PzMxM5s6dq3SpSkdHh3Xr1jFv3jycnJyA/BF61tbWeHt7M2PGDGxsbGjYsCFubm5s3bpVrWPQsGFDdu7cyfLly+nTpw85OTnUr18fDw8PDAwM0NHRYfbs2cycOZPc3FxGjhypdIkOih8EGxMTw6JFi8jMzMTMzIygoCD09PTUqlddIsuudBRZZzmEpxalMhzLylJjSYlw1UogNDSUn3/+mZ9++qmiS3lviA6pdFSGOkWNpUOEq74Hnj9/zo8//sjAgQMruhRBEIQyJS7ZabCYmBgmTJggzfFU3kaOHMm5c+cKve/l5cWYMWPKvR5BEN5tokPSYA4ODly8eLHM2/H398fU1JTx48crva9qsIO/vz+5uSW/ealKwWy+19UkCMK7S9xDesc5OzuTkpJCdHS09MwU5A+UuHLlClFRUTRo0KACK/z/Xg2LFd5dmhSsWhKvC0J9H73IySU97c3P/BV1D0mcIb0H6tevz8GDBxk6dCgAV69eVXpGSChMhKuWrXclWLWyBqGWBRGuKhSLm5ub0vNRoaGh9OvXT3rt5+cnZe29DEXdvHkzdnZ2dO7cmT179rxx3Y0bN0rrRkZGcvz4cXr06EGHDh1Yt26d9Nn4+HgGDhyIjY0NnTt3Zu7cuYWeTVLVzsOHD/Hy8sLGxoYOHTrw5ZdfkpeXB+SfAW7atAlXV1csLS3517/+RWpqKiNHjkQul/P111/z6NGjUjmOgiCULdEhvQcsLS15+vQpN27cIDc3l0OHDhV6yLag1NRUnjx5QnR0NPPnz2fu3Lmv/aWemppKVlYW0dHR+Pj4MHPmTPbt28eePXvYsWMHwcHB3L17F8iPB/rmm284c+YMO3fu5PTp0/z4449F1r9lyxZMTU05ffo0J0+eZPLkyWhpaUnLIyIi2LJlC0eOHOHXX39l1KhRTJ48mdjYWPLy8golpguCoJlEh/SeeHmWdPLkSZo0aYKpqelr15XJZIwfP54qVarg6OiIvr6+yvDXl+uOHTuWKlWq0KtXL9LS0vD09KR69eo0b96c5s2bc/XqVQDatm2LpaUlMpmMBg0aMHDgwGKFuspkMv755x8SExOpUqUKNjY2Sh3SkCFDqFOnjhSmamFhwUcffYSuri7du3cX4aqCUE5KGq4q7iG9J9zc3BgyZAgJCQlFBrTWrFlTKf+uWrVqrw0orVmzphTjU/X/3aR+Ndw0IyMDyJ9hdtGiRVy+fJnnz5+Tm5tLmzZtiqx9xIgRrF69muHDhwMwcOBARo8eLS0vGGSrp6f3xmBbQRDKjngwViiW+vXr06BBA44fP86nn35aITXMmTOHJk2acOTIEc6fP4+vr+9rQ2ULql69On5+fkRFRbFu3Tq2bNnC6dOny6FiQRDKkzhDeo/Mnz+fR48eoa+vT05OTrm3n5GRgYGBAQYGBty4cYOffvpJaSj66/z66680adKEhg0bUr16dXR0dNDWLtu/pUS4atl6V4JVK2sQalkQ4aqCWho2bFih7c+YMYNZs2bx73//m9atW9OrVy/OnDlT5Odu377Nd999x8OHD6lRowZffPEFtra2ZVqryLIrHW+sUwOCVaFyHMvKUmNJiQdjBUEF0SGVjspQp6ixdIhwVUEQBOGdITokQRAEQSOIDukd4e/vT3BwcEWXoVJcXBw9evR468+vW7eOb7/9thQrEgRBE4l7SBpi6NChXLlyhZMnT6Krq/vGdffu3ct///vfd3LCvtjYWKZNm0Z0dHSF1iHuIZWOylCnqLF0lMY9JDHKTgMkJCQQFxeHoaEhUVFRuLi4VHRJ772inijXBKUxqqk0vS7BW9PqVEWTanxdgrgm1ahKaQz7FmdIGmD16tWcOHGCdu3acevWLdavXw9AUlIS8+fPJy4uDoVCQe/evRk8eDD9+vUjJyeHqlWroqOjQ1xcHH5+fpiamuLr6wvArl272LhxI48ePcLKyoqAgAApLqhly5bMmTOHLVu2kJaWRp8+ffD391eK43nV3r172bVrF23atCE0NBRjY2Nmz56NnZ0dAHv27GHTpk3cv38fIyMjRo0axaBBg4DCZz3Ozs4MHjyY0NBQEhMTcXBwYPHixeTm5tKxY0eys7OpVq0aAIcPH2bXrl3cvn2b77//noSEBLp27cqiRYtYsWIFz58/5+uvv2bs2LEAZGZmMnv2bI4ePUqdOnXw8PDghx9+UPuMS6R9q+9dSfCuaFqVNEF89TRnMcruXRAWFoarqyuurq6cOHGC1NRUcnNz8fLywszMjKNHjxIdHU2vXr1o2rQpAQEBWFpacuHCBeLi4gpt7/Tp0yxdupTly5dz4sQJ6tevz+TJk5XWOXbsGLt37yYsLIzw8HBiYmKKrDM+Ph5zc3POnDmDj48P3t7epKenA/lxQevXr+f8+fMsXLiQhQsX8scff7x2W+Hh4WzatImoqCiuXr3K3r170dfXZ+PGjZiYmHDhwgUuXLjw2sy9c+fOcfjwYbZt20ZwcDA3btwA8jv3e/fuERkZyZYtW9i3b1+R+yUIgmYQHVIFi4uLIzExERcXF9q2bYu5uTkHDhwgPj6elJQUpk+fjr6+Pnp6etjY2BRrm/v376d///60adMGXV1dJk+ezMWLF0lISJDWGTVqFDVq1MDMzAxbW1uuXLlS5HaNjIz46quvpCDVxo0bc+zYMQA++eQTGjZsiJaWFh06dMDe3l5lZ/nS0KFDMTU1pWbNmjg5OfHnn38Wa99e8vb2pmrVqrRq1YpWrVpJ9YeHh+Pl5cUHH3xA3bp18fT0VGu7giC8PRGuWsmFhoZib28vRej06dOHkJAQTExMMDMzUwo5La6UlBSl0FIDAwNq1qxJcnKyNDussbGxtLxatWpSAOqbmJqaKl3WMzMzIyUlBYDjx48THBzMrVu3yMvLIzMzkxYtWrx2W6+2/3I7xVUwQLVg+GtKSgr16tWTltWtW1et7QqC8PbEoIZKLDMzk/DwcPLy8rC3twcgOzubx48fU6dOHZKSksjJySnUKb3pXg+AiYkJ9+7dk14/e/aM9PT0N045URzJyckoFAqp/aSkJJydncnOzsbHx4fFixfTtWtXqlSpwrhx44oVnPqqovatKMbGxty/f59mzZoBcP++uA8kCJWF6JAqUGRkJDo6Ouzfv58qVapI70+aNInIyEiMjY1ZunQpEyZMQEdHh8uXL2NtbU3t2rVJTk4mOztb5RBxV1dXfH19cXV1pWnTpixbtgwLCwvp7OhtPXz4kO3bt/Pll18SGRnJjRs3cHR0JDs7m+zsbIyMjJDJZBw/fpyTJ0/SvHlztduoXbs26enpPHnyBEND9UcVubi4sH79ej7++GMyMzP5z3/+o/Y2QISrvo13JTC1olXWwFYRrlrJhYSE4OHhgZmZmdL7gwcPZv78+fz3v/9l3rx5ODk5AfkdjbW1NR07dqRZs2Z07twZLS0tYmNjlT5vZ2fHxIkTmTBhAo8fP0Yul0vTgZeEhYUFt2/fpmPHjtSpU4eVK1dSq1YtAGbOnMmkSZPIzs7GyckJZ+e3+0I1bdqU3r17061bN3Jzczl48KBanx8/fjyzZ8+ma9euGBsb4+rqyt69e9WuQzyH9JZeCUzV2DoLEDWWDhGuKpSbyvow7o8//sihQ4fUPlNKS8vQ6A6pdu3qPHjwtKLLKFJlqFPUWDqKU6O2tha1ahm8drk4QxLeKSkpKdy9exe5XM6tW7fYsmULgwcPVns7b/rSaIrK8PAuVI46RY2lo6Q1ig5JkPj7+7N///5C77u6umJpaVn+Bb2FFy9eMHv2bBISEjA0NKR37958+eWXFV2WIAjFIC7ZCYIgCBpBPBgrCIIgaATRIQmCIAgaQXRIgiAIgkYQHZIgCIKgEUSHJAiCIGgE0SEJgiAIGkF0SIIgCIJGEB2SIAiCoBFEhyS8d9LT0xk/fjyWlpY4OTmpTKd4aevWrdjb22Ntbc0333xDdna2xtX5MqTXysqKLl26sGTJEnJycjSqxoI8PT1p2bKlRtZ49+5dvLy8kMvl2NrasmTJEo2qUaFQEBQUhIODA9bW1gwdOpTr16+XS43/+c9/8PDwoG3btvj5+b1x3bf+3igE4T3j6+urmDhxouLp06eKs2fPKqysrBTXrl0rtF50dLTCzs5Oce3aNUV6erpiyJAhisDAQI2rc8eOHYqzZ88qsrKyFPfv31e4u7sr1q9fr1E1vhQWFqb48ssvFS1atFC8ePFCo2rMyspSdO3aVbF582ZFRkaGIjMzU/Hnn39qVI0HDx5U2NvbK+7cuaPIyclRfP/994p+/fqVS41HjhxR/PLLLwp/f3/FjBkzXrteSb43okMS3isZGRmKNm3aKG7evCm9N3XqVJVfmMmTJyuWLl0qvT516pSiU6dOGlfnqzZv3qzw8vIqy/IUCoX6NT5+/Fjx6aefKi5cuFBuHZI6Ne7cuVPxxRdflHlNr1KnxvXr1yt8fHyk19euXVO0bdu2XOp8admyZW/skEryvRGX7IT3yq1bt9DW1qZx48bSe61ateKvv/4qtO7169dp1aqV9Lply5akpqaSlpamUXW+6uzZs9KMuWVJ3RqXLVvGF198oTT9fFlTp8aLFy9Sv359Ro4cia2tLUOHDuXq1asaVWPv3r25c+cOf//9Ny9evCAkJAQHB4cyr1EdJfneiA5JeK88e/as0Ey0hoaGZGRkqFy3evXqSusBKtctberUWdCePXu4fPkyw4cPL8vyAPVq/P333zl//jxDhgwp87oKUqfG5ORkDh06xNChQ4mJicHR0ZFx48aV+X1DdWo0NjbG2tqanj170q5dOw4fPsw333xTpvWpqyTfG9EhCe8VfX19nj5VnkTs6dOnGBgUnv/o1XVf/lvVuqVNnTpfioyMZOnSpWzcuBEjI6OyLrHYNebl5REQEMC3336LTFa+M96ocxz19PSwsrLC0dERXV1dRowYQXp6Ojdv3tSYGoODg7l8+TLHjx8nPj4eb29vvvrqK54/f16mNaqjJN8b0SEJ75UPP/yQ3Nxcbt26Jb135coVlZe4mjdvrnTJ5sqVK9SpU0eatl1T6gSIjo5m5syZrFu3jpYtW5Z5ferU+PTpUy5fvoyvry/29vYMGDAAAEdHR+Li4jSiRsi/tKSlpVWm9aiiTo1XrlzBxcWFunXrIpPJ8PDw4PHjx8W6lFteSvK9ER2S8F7R19ene/furFy5kmfPnnHu3DmioqJwc3MrtK6bmxu7d+/mr7/+4tGjR6xduxZ3d3eNq/P06dNMmzaNVatWYWFhUS71qVOjoaEhMTExhIaGEhoayoYNGwDYu3dvmderznHs27cvly5d4tSpU+Tm5rJt2zZq1apFkyZNNKbGjz/+mMOHD5OamkpeXh6hoaHk5OTQqFGjMq0RICcnh6ysLPLy8sjNzSUrK0vl0P0SfW9KPORCECqZtLQ0xdixYxXt2rVTODo6Kvbt26dQKBSKe/fuKSwtLRX37t2T1t28ebPCzs5OIZfLFX5+foqsrCyNq3PIkCGK1q1bKywtLaWfESNGaFSNBd29e7dch32rU+ORI0cU3bp1U8jlcsWQIUPeOIS9ImrMzMxUzJkzR2Fvb6+Qy+WKfv36KY4fP14uNa5cuVLRokULpZ+VK1eW6vdGzBgrCIIgaARxyU4QBEHQCKJDEgRBEDSC6JAEQRAEjSA6JEEQBEEjiA5JEARB0AiiQxIEQRA0guiQBEEQBI0gOiRBEARBI4gOSRAEQdAI/weZzFRMEtVMdAAAAABJRU5ErkJggg==\n", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "## Plot pos-vs-neg-vs-else as mass per art_style\n", + "grouping_col = 'art_style'\n", + "stimuli = df.groupby([grouping_col])\n", + "pne_of_stim = stimuli.pne.apply(pne)\n", + "pne_distribution_plot(pne_of_stim, grouping_col)" + ] + }, + { + "cell_type": "code", + "execution_count": 28, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAaQAAAGkCAYAAAB+TFE1AAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjMuNCwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8QVMy6AAAACXBIWXMAAAsTAAALEwEAmpwYAABTzUlEQVR4nO3de3zP9f//8dvOxuS4zUi+Kp+pJG/bbNiBOY9tjuGTScjIEiGTUqQ+n0LKqCiUbz4V5WwowvSlsZqmPshhThub07CZHd+/P/y8s5w2Zntt7tfLZZfL3u/X6/V8PZ5vLu/7Xs/36/18WpnNZjMiIiKlzLq0CxAREQEFkoiIGIQCSUREDEGBJCIihqBAEhERQ1AgiYiIISiQRArhk08+YcKECTfdvnLlSgYOHFiCFZVdycnJmEwm8vLySruUuxYWFsaSJUtKu4xyQ4Ek5VJgYCCNGzfGZDLRokULxo8fT0ZGxh23N3ToUN5++20Ajh8/jru7O7m5uZbtISEhzJ8//67rvhdiY2Nxd3dn0qRJBZ7v27cvS5cuvefnDwwMZNu2bZbHtWvXJj4+Hhsbm3t+7rsVGxtLw4YNMZlMBX7i4+NLu7RySYEk5dYnn3xCfHw8y5YtY/fu3Xz88celXVKpqVixIsuXL+f48eOlXUqZ4+LiQnx8fIEfk8lU2mWVSwokKfdcXV3x8/Nj//79AGzcuJHOnTvj6elJWFgYBw8etOw7d+5c/Pz8MJlMdOjQge3btwMQFRXFmDFjAOjXrx8AXl5elr+Wly5dSt++fQGYOHEi7777boEahg0bxoIFCwBISUnhxRdfxMfHh8DAQBYuXHjDunft2kXLli0LDG398MMPBAcHA5CQkED37t1p2rQpLVq04F//+tdNX4PKlSvTvXt3Zs+efdN9vv32Wzp16oSXlxeDBg0iKSnJsu2nn36iQ4cOeHh48Oabb9KvXz/LUNXRo0fp378/3t7eeHt7M3r0aC5cuADA2LFjSU5OZujQoZhMJj799NMCV5hr1qyhe/fuBer4/PPPGTp0KADZ2dm8++67tGrVihYtWjBx4kQuX758Xe3Z2dl4enry559/Wp47e/YsjRs35syZM5w9e5bw8HA8PT1p1qwZ//znP8nPz7/pa3Enjhw5Qr9+/fDw8MDb25uRI0dath08eJDnnnuOZs2a0aFDB6Kjo4v13OWFAknKvRMnThATE8Njjz1GYmIio0eP5tVXX2X79u34+/szdOhQsrOzOXToEIsWLeLbb78lPj6eefPmUadOneva+/LLLwHYuXPnDf9aDg4OJjo6mquzcp0/f57/+7//IygoiPz8fIYNG4a7uzsxMTF88cUXfPHFF2zduvW68zRp0gRHR0d+/vlny3OrVq2yBNLbb79N//79+fXXX/nhhx/o1KnTLV+HoUOHsn79eg4dOnTdtg0bNjBnzhxmzZrF9u3b8fDwYPTo0cCVN/YRI0YwevRoYmNjqV+/foEhK7PZTHh4OFu3bmXt2rWcPHmSqKgoAKZOnUrt2rUtV6vPP/98gfMGBgaSmJjI4cOHb9jHqVOnkpiYyPLly/n+++9JTU29Yaja29vTrl071qxZY3lu7dq1eHl5UaNGDRYsWICrqyvbt2/n//7v/3j55ZexsrK65etVVB9++CEtW7Zk586dxMTEWP5wuXTpEgMHDqRLly5s27aN999/n0mTJln+QJK/KJCk3Bo+fDienp7885//xMvLi6FDhxIdHU1AQAAtW7bEzs6OQYMGcfnyZctnGtnZ2Rw8eJCcnBwefPBBHnrooSKf19PTEysrK+Li4gBYv349TZo0wdXVld27d3P27FkiIiKwt7enbt26PP300zf9i7lz586sXr0agPT0dGJiYujcuTMAtra2HD16lLNnz1KpUiWaNGlyy7qcnZ3p06cPM2fOvG7b119/zZAhQ3jkkUewtbVl6NCh7Nmzh6SkJGJiYmjQoAHt27fH1taW/v37U7NmTcux9erVo2XLltjb21O9enWee+45du7cWajXytHRkTZt2lj6ePjwYQ4dOkRgYCBms5klS5bw6quvUrVqVZycnAgPDy8QOtcKDg62tAMFg83W1pZTp06RnJyMnZ2d5d+oMFJTU/H09Czwc+nSpev2s7W1JTk5mdTUVBwcHPD09ARg8+bN1KlThx49emBra8sTTzxBhw4dWL9+faHOfz+xLe0CRO6V2bNn06JFiwLPpaamUrt2bctja2tr3NzcSElJwdvbm1dffZWoqCgOHDiAr68vkZGRuLq6Fum8VlZWBAUFsXr1ary8vFi1ahUhISEAJCUlWd7grsrLyyvw+FrBwcH06dOHSZMm8cMPP/D4449brtrefvttZs6cSadOnXjwwQeJiIigdevWt6zt+eefp127duzdu7fA88nJybzzzjsFhhrNZjMpKSmkpqZSq1atAv279vGZM2eYMmUKcXFxZGRkYDabeeCBBwr5al3p47///W8iIiJYvXo1bdu2xdHRkTNnzpCZmVlgSM9sNt90qM3Hx4esrCx+++03atasyd69e2nbti0AgwYNYtasWZY7IXv37s2QIUMKVZ+LiwsxMTG33W/s2LF8+OGH9OzZkypVqvDcc8/Rs2dPkpKSSEhIuO7f/Or/CfmLAknuKy4uLgU+ZzCbzZw4ccISOsHBwQQHB5Oens7EiROZNm0aU6dOLdBGYf6y7tKlCwMHDmTIkCEkJCRYhpnc3Nx48MEH+f777wtV76OPPkrt2rWJiYlh9erVdOnSxbLtf/7nf3j//ffJz8/n+++/Z8SIEcTGxlKxYsWbtletWjWeffZZPvjggwLPu7m5MXTo0Bu+SR45coSUlBTLY7PZzMmTJy2Pp0+fjpWVFStXrqRatWps2LCByZMnF6p/AC1btuTcuXPs2bOH1atXM378eEutFSpUYM2aNYX6o8Da2pqOHTuyevVqatasSatWrXBycgLAycmJyMhIIiMj2b9/P/379+fJJ5+kefPmha7zdpydnZkyZQoAcXFxPPfcc3h5eeHm5oaXl5flM0S5OQ3ZyX2lU6dObNmyhe3bt5OTk8P8+fOxt7fHZDJx6NAhtm/fTnZ2Nvb29jg4ONzw1uTq1atjbW3NsWPHbnqexx9/nOrVq/Paa6/h6+truWJo3LgxTk5OzJ07l8uXL5OXl8eff/5JQkLCTdvq0qULCxcuZOfOnXTs2NHy/IoVKzh79izW1taW9gtzK/Vzzz1HfHx8gc+S+vTpw9y5cy2fa1y8eJG1a9cCEBAQwL59+9iwYQO5ubksWrSI06dPW47NyMigYsWKPPDAA6SkpPDZZ58VOF/NmjVv+VrZ2trSoUMH3nvvPc6fP0/Lli2BKwHTq1cv3nnnHc6cOQNcuSHkRp+3XRUcHMzatWtZtWpVgfDetGkTR44cwWw24+TkhI2NDdbWxfv2d/XzM4AqVapgZWWFtbU1rVq14vDhwyxfvpycnBxycnJISEgocDONXKFAkvvKww8/zNSpU3nrrbfw8fFh06ZNfPLJJ9jb25Odnc306dPx9vbG19eXs2fPMmrUqOvacHR0ZOjQofTt2xdPT0927dp1w3N17tyZbdu2FXhjtLGx4eOPP2bv3r20adMGHx8fXnvtNdLT029ac5cuXdixYwc+Pj5Ur17d8vzWrVvp3LkzJpOJt99+mxkzZuDg4HDb18DJyYnBgweTlpZmea5du3YMHjyYl19+maZNm9KlSxfLMFX16tX58MMPmTp1Kt7e3hw4cIBGjRphZ2cHQEREBP/973/x9PRkyJAhtG/fvsD5hgwZwscff4ynpyfz5s27YU3BwcFs27aNjh07Ymv718DN2LFjqVevHk8//TRNmzZlwIABJCYm3rRvTz31FI6OjqSmpuLv7295/siRIzz33HOYTCZ69+5N37598fb2BmDw4MF88sknN20zNTX1uu8h3ejzn927d9OrVy9MJhPDhg1jwoQJ1K1bFycnJ+bNm0d0dDR+fn74+voybdo0srOzb3rO+5WVFugTkaLIz8/H39+fadOm4ePjU9rlSDmiKyQRua2tW7dy4cIFsrOzLVcTt7urT6SodFODiNzWrl27GDNmDNnZ2Tz66KPMnj2bChUqlHZZUs5oyE5ERAxBQ3YiImIICiSRMm7w4MEsW7asVM5d3MtudO7cmdjYWKDg/IHF4XZLiEjp05CdSDFwd3fH0dGxwJdmX3jhhevmbrtbUVFRHDlyhGnTphVruzcSGRnJ6tWrLbd316lTh9atWzNkyBAqV65c5LZcXV1veBv9zdxNX2NjYxk7dmyhZlgQ49BNDSLFZMWKFdSrV6+0yyhWgwYNYtSoUWRlZbFv3z6mTp1K3759Wbx48S1nhCiq3NzcAt8/kvuThuxE7rGoqChGjBjBmDFjMJlMBAcHk5iYyJw5c2jevDkBAQH89NNPlv1TUlIYOnQozZo1o127dixevBiAmJgY5syZw9q1azGZTJZpfq5dtTQ/P5+PPvqI1q1b07x5c1555RUuXrwI/LWw4LJly2jVqhXe3t6FXiPKwcGBxo0b8/HHH5OWlmZZ2O/aZTfMZjPvvPMOzZs3x8PDg+DgYP7880+++eYbVq1axbx58zCZTJalJQIDA5k7dy7BwcE0adKE3Nzc6xbzy87OZuTIkZhMJrp161ZgDj53d3eOHDlieRwZGcmMGTO4dOkSzz//fIEvtKakpFw3BHirZUgCAwOZN28ewcHBeHh4MHLkSLKysgr1WsmdUyCJlIBNmzYRGhrKzp07eeyxxxg0aBD5+fnExMQwfPhwJk6caNl39OjR1KpVi61btzJz5kzef/99y1IZ4eHhdOrUifj4eFauXHndeZYuXcqyZctYuHAhGzZs4NKlS9fNK/fLL7+wbt06vvjiC2bPnl2kKWycnJxo0aKFZSbza/3000/ExcWxfv164uLi+OCDD6hatSq9e/cmODiYQYMGER8fX2BWhDVr1jB37lzi4uJueIW0ceNGOnbsyI4dO+jSpQsvvPACOTk5t6yxYsWKfPrppwUW1vv7XHi3WobkqrVr1/LZZ5+xceNG9u3bVyKr697vFEgixaRbt24Flii4ds41T09P/Pz8sLW1pWPHjpw7d44hQ4ZgZ2dHUFAQSUlJXLhwgRMnTvDLL78wZswYHBwceOyxx+jVqxcrVqwoVA2rVq1iwIAB1K1bl0qVKvHyyy8THR1dYLn1iIgIKlSoQMOGDWnYsOF1M3/fjouLC+fPn7/ueVtbWzIyMjh06BBms5lHHnkEFxeXW7YVFhaGm5vbTb/T9MQTT9CxY0fs7Ox47rnnyM7O5rfffitSvTdyq2VIrq3N1dWVqlWr0rp1a/bs2XPX55Vb06CtSDFZtmzZTT9DqlGjhuX3ChUqUK1aNctEqFffjC9dukRqaipVqlSxzFINULt2bX7//fdC1ZCamlpgUcE6deqQm5trmZwUKLCWkaOj4w3X9rmVlJQUqlSpct3zzZs355lnnmHy5MkkJyfTrl07xo0bV6Avf+fm5nbLc127zIW1tTWurq6kpqYWqd4budUyJFc5Oztbfr86P57cW7pCEjGQq1cf1062eu3yGLdb+sLFxaXA0uPJycnY2toWCMS7kZGRwfbt22+6flP//v1ZunQpa9as4fDhw5aZv29W9+36c+0yF/n5+aSkpFiuuhwdHcnMzLRsP3XqVKHbdXFxITk52fL478uQSOlQIIkYiJubGyaTiffff5+srCz27t3Lt99+a1n5tEaNGiQlJd10kbouXbrwxRdfcOzYMTIyMpgxYwadOnW66zvYsrOz+f333xk+fDgPPPBAgUXzrkpISOC3334jJycHR0dH7O3tLVeBNWrU4Pjx40U+7x9//MH3339Pbm4uX3zxBfb29jz11FMANGzYkNWrV5OXl0dMTEyBVWpr1KhBWlqa5YaOv7vVMiRSehRIIsUkNDS0wBIFb7/99h218/7775OUlISfnx8RERG8+OKLljWCrq6H5O3tTbdu3a47tkePHoSEhNCvXz/atGmDvb09r7/++h336eqdcc2aNWPcuHE88cQTfP311ze85TsjI4PXXnuNZs2a0bp1a6pWrWr50mzPnj05cOAAnp6evPDCC4U+f5s2bYiOjsbLy4sVK1YQFRVl+V7UhAkT2LRpE56enqxatcqyOizAI488QufOnWnbti2enp4FhuLg1suQSOnRF2NFRMQQdIUkIiKGoEASERFDUCCJiIghKJBERMQQFEgiImIICiQRETEETR10Hzp3LoP8/PJ3t3+NGk6cOZN++x3LIPWtbCrPfYOi98/a2opq1SrddLsC6T6Un28ul4EElNt+gfpWVpXnvkHx9k9DdiIiYggKJBERMQQFkoiIGIICSUREDEGBJCIihqBAEhERQ9DyEyIihWC+fBmr/7/cfFmSk5OHnZ3NvWk7N4+0c5cKvb+1tRU1atx8SXt9D+k+FPRNT5LTT95+RxGx2DXoJ8z165d2GUVml5hIxNQf70nbs8YGFmt7GrITERFDUCCJiIghlNtACgwMZNu2bcXa5vHjx3F3dyc3N7dY2xURkXIcSCIiUrYokERExBDKfSAlJCTQu3dvPD098fX1ZfLkyWRnZ1u2u7u789VXX9G+fXu8vLyYNGkSV++Ez8vL491338Xb25s2bdqwZcuWAm0vXbqUNm3aYDKZCAwMZOXKlZZtixcvplOnTphMJoKCgvjjjz8AmDt3Lm3btrU8/8MPPxRor0+fPrz11lt4eHjQsWNHtm/fbtl+8eJFXn31VXx9ffHz82PGjBnk5eXdk9dNRKSklfvbvq2trRk/fjyNGjXi5MmTPP/88/znP/9hwIABln02b97Mt99+S3p6Ot27d6d169b4+/uzePFiNm3axPLly3F0dOTFF1+0HHPp0iWmTJnCt99+y8MPP0xqairnz58HYO3atURFRTF79myefPJJjh49iq3tlZe6bt26LFq0CGdnZ9atW8fYsWP5/vvvcXFxAa4EaMeOHfn555/54YcfiIiIYOPGjVStWpVx48ZRs2ZNvv/+ezIzMwkPD8fNzY0+ffqU3AsqInINZ+fKxdZWub9CatSoEU2aNMHW1pYHH3yQ3r17s3PnzgL7PP/88zzwwAPUrl0bb29v9u7dC1wJlmeffRY3NzeqVq1KeHh4geOsra3Zv38/ly9fxsXFhQYNGgDw7bffMnjwYBo3boyVlRX16tWjTp06AHTq1AlXV1esra0JCgqiXr16JCQkWNqsXr06zz77LHZ2dgQFBVG/fn02b97M6dOniYmJ4dVXX6VixYrUqFGDAQMGsGbNmnv58omI3NKpUxcL/XO7xfzK/RVSYmIi//73v/n999/JzMwkLy+PJ554osA+zs7Olt8dHR3JyMgAIDU1FTc3N8u22rVrW36vWLEiM2bMYP78+UyYMIGmTZsybtw4HnnkEU6cOMFDDz10w3qWL1/OggULSEpKAq5caZ07d86y3dXVFSsrqwLnTE1NJTk5mdzcXHx9fS3b8vPzC9QnIlKWlftAevPNN3n88ceZPn06Tk5OfP7556xfv75Qxzo7O3PixAnL42t/B/Dz88PPz4/Lly/zwQcf8Prrr/Of//wHNzc3jh49el17SUlJvPbaa3z++eeYTCZsbGwIDQ0tsE9KSgpms9kSSidOnCAwMJBatWphb2/Pzz//bBn+ExEpT8r9kF1GRgaVKlWiUqVKHDx4kK+++qrQx3bq1In//d//5eTJk5w/f565c+datp0+fZqNGzdy6dIl7O3tqVixIjY2V+aL6tmzJ/Pnz+f333/HbDZz5MgRkpKSyMzMxMrKiurVqwPw3XffsX///gLnPHv2LAsXLiQnJ4e1a9dy8OBBAgICcHFxoWXLlvz73/8mPT2d/Px8jh49yo4dO4rhVRIRKX3l/k/tcePG8frrrzNv3jwee+wxgoKC+Pnnnwt17NNPP83hw4cJDQ2lUqVKDBo0yHJsfn4+CxYs4JVXXsHKyorHHnuMN954A7gSZGlpaYwePZrU1FTq1KnDe++9x+OPP87AgQPp06cPVlZWdO3alaZNmxY4Z+PGjTly5Ag+Pj7UrFmTmTNnUq1aNQDee+89pk2bRlBQEBkZGdStW5fnn3++GF8tEZHSo9m+DWTp0qUsWbKkSFdxd0KTq4oUXVmdXNXqHk+ueurUxULvf7vZvsv9kJ2IiJQNCiQRETEEDdmJiBSCFui7QdtaoE/u1pkz6eTnl7+/Q5ydKxdpPLssUd8M4mJOkXYvU327A8U5SwNoyE5ERAxCgSQiIoagQBIREUNQIImIiCEokERExBAUSCIiYggKJBERMQQFkoiIGIICSUREDEGBJCIihqBAEhERQ1AgiYiIISiQRETEEBRIIiJiCAokERExBAWSiIgYglaMFRG5ibK6SuxV93K1WNCKsVIMgr7pSXL6ydIuQ8Twdg36CXP9+qVdxh2zS0wkYuqP96z9WWMDi7U9DdmJiIghKJBERMQQ7vtAWrlyJQMHDiztMkRE7nv3fSCFhIQwf/58y2N3d3eOHDlSihWJiNyf7vtAEhERY7ivAunEiRNERETg4+ODt7c3kydPZunSpfTt2xeAZ555BoDQ0FBMJhPR0dF06dKFH3/86y6VnJwcvL292bNnD1lZWYwZMwZvb288PT3p0aMHp0+fBiAtLY3x48fj6+uLl5cXL7zwAgDnz58nPDwcHx8fvLy8CA8P5+TJv+54CwsLY/r06fTs2RMPDw+GDRtGWlqaZfuuXbvo06cPnp6ehISEEBsbe69fNhGREnHfBFJeXh7h4eHUrl2bH3/8kZiYGIKCggrss2jRIgBWrFhBfHw8QUFBhIaGsnLlSss+W7ZswcXFhccee4xly5aRnp7O5s2biY2NZdKkSVT4/99ZeOWVV8jMzGTNmjVs27aNAQMGAJCfn0/37t3ZtGkTmzZtwsHBgcmTJxeoY/ny5bzzzjts3boVW1tbpkyZAkBKSgrh4eEMGzaMHTt2MG7cOEaMGMHZs2fv1csmIlJi7ptASkhIIDU1lVdeeYWKFSvi4OCAp6fnbY8LCQlhy5YtpKenA1dugggJCQHA1taWtLQ0jhw5go2NDY0aNcLJyYnU1FRiYmKYNGkSVapUwc7OjmbNmgFQrVo1OnTogKOjI05OTgwbNoydO3cWOGdoaCj/+Mc/qFixIi+99BLr1q0jLy+PFStW4O/vT0BAANbW1rRs2ZJGjRqxZcuWYn61REQKx9m5cqF/bvWlWLiPvhh74sQJateuja1t0brs6upK06ZNWb9+Pe3atSMmJoYJEyYAV4Lj5MmTvPzyy1y4cIGQkBBGjRrFyZMnqVKlClWqVLmuvczMTP71r3+xdetWzp8/D0BGRgZ5eXnY2Fz5RrWbm5tl/9q1a5OTk8O5c+dITk5m3bp1bNq0ybI9NzcXb2/vIr8eIiLF4dSpi4XeVzM1/H9ubm6cOHGC3NzcIodSt27dWLJkCXl5eTRp0gRXV1cA7OzsiIiIICIiguPHjzNkyBDq169PQEAA58+f58KFCzzwwAMF2po/fz6JiYksXrwYZ2dn9uzZQ9euXbl2BqcTJ04U+N3Ozo5q1arh5uZGaGioZQhPRKQ8uW+G7Bo3boyzszPTp0/n0qVLZGVl8csvv1y3X82aNTl27FiB59q2bct///tfFi5cSNeuXS3P//zzz+zbt4+8vDycnJywtbXFxsYGFxcX/P39mTRpEufPnycnJ8cyLJeRkYGDgwMPPPAAaWlpzJo167oaVq5cyYEDB8jMzOTDDz+kQ4cO2NjYEBISwqZNm9i6dSt5eXlkZWURGxtb4KYIEZGy6r4JJBsbGz755BOOHDlC69at8ff3Z+3atdftFxERQWRkJJ6enkRHRwNQoUIF2rdvz/Hjx2nXrp1l39OnTzNixAg8PDwICgqiWbNmls+X3nvvPWxtbenUqRMtWrTgiy++AODZZ58lKysLHx8fevfujZ+f33U1hIaGEhkZScuWLcnOzrYMEbq5ufHRRx8xZ84cmjdvTkBAAPPmzSM/P7/YXy8RkZKm2b4LadasWRw+fJhp06bd0/OEhYUREhJCr1697tk5NLmqSOGU9clVrUpgctXi/AzpvrlCuhtpaWl899139O7du7RLEREptxRIt7F48WJatWqFn58fXl5epV2OiEi5pSE7EZGb0AJ9t2lfC/TJ3TpzJp38/PL3d4izc+UijWeXJepbKbqYc8eHGr5vd8nZuXKxtqchOxERMQQFkoiIGIICSUREDEGBJCIihqBAEhERQ1AgiYiIISiQRETEEBRIIiJiCAokERExBAWSiIgYggJJREQMQYEkIiKGoEASERFDUCCJiIghKJBERMQQFEgiImIIWjFWRMq8sr6y69/d65Vei4tWjJW7FvRNT5LTT5Z2GSLFZtegnzDXr1/aZRQbu8REIqb+WNpl3NassYHF2p6G7ERExBAUSCIiYggKJBERMQQFUjEYPHgwy5YtA2Dp0qX07dvXss3d3Z0jR47c8vjIyEhmzJgBQFxcHB06dLBsO3ToEF27dsVkMrFw4cJ7UL2IiDHopoYiioqK4siRI0ybNs3y3GeffVZs7Xt6erJ+/foCbTdr1ozly5cX2zlERIxIV0gGl5ycTIMGDUq7DBGRe06BdAtz587Fz88Pk8lEhw4d2Lx5M3PmzGHt2rWYTCZCQkIACAsLY8mSJcVyztjYWPz9/QHo378/sbGxTJ48GZPJRGJiItnZ2bz77ru0atWKFi1aMHHiRC5fvlws5xYRKU0asruJQ4cOsWjRIr799ltcXV05fvw4+fn5hIeHXzdkd68sXLiQsLAwQkJC6NWrFwBvv/02x44dY/ny5dja2jJmzBhmz57N6NGj73k9IiJ/5+xcudjaUiDdhI2NDdnZ2Rw8eJDq1avz4IMPlnZJmM1mlixZwsqVK6latSoA4eHhjB49WoEkIqXi1KmLhd5XMzXcoXr16vHqq68SFRXFgQMH8PX1JTIyslRrOnv2LJmZmXTv3t3ynNlsJj8/vxSrEhEpHgqkWwgODiY4OJj09HQmTpzItGnTqFevXqnVU61aNSpUqMCaNWtwdXUttTpERO4F3dRwE4cOHWL79u1kZ2djb2+Pg4MDNjY21KhRg6SkpFK5KrG2tqZXr1688847nDlzBoCUlBS2bt1a4rWIiBQ3BdJNZGdnM336dLy9vfH19eXs2bOMGjWKjh07AuDt7U23bt1KvK6xY8dSr149nn76aZo2bcqAAQNITEws8TpERIqblp+4D2m2bylvytts31ZlaLbv4rypQVdIIiJiCLqpoYR07tyZ5OTk656fNGmS5Qu2IiL3Mw3ZiUiZpxVjS4dWjJW7duZMOvn55e/vEGfnykUazy5L1LdCuJhz920Us/L87wbFO0sD6DMkERExCAWSiIgYggJJREQMQYEkIiKGoEASERFDUCCJiIghKJBERMQQFEgiImIICiQRETEEBZKIiBiCAklERAxBgSQiIoagQBIREUNQIImIiCEokERExBC0QJ+IlDnlbUG+4lSSi/tpgT65a0Hf9CQ5/WRplyFyx3YN+glz/fqlXYYh2SUmEjH1xxI516yxgcXanobsRETEEBRIIiJiCAokERExBAVSMTCZTBw7duyOjo2Li6NDhw7FXJGISNmjQCoG8fHx1K1bt1D7uru7c+TIEctjT09P1q9ff69KExEpM8pVIOXm5pZ2CSIicodKLJD++OMPunbtislkYsSIEYwcOZIZM2YAsGnTJkJDQ/H09KRPnz7s3bvXclxgYCDz5s0jODgYDw8PRo4cSVZWFgCxsbH4+/szd+5cWrZsyfjx48nPz2fu3Lm0bdsWb29vXnrpJdLS0m5Z2/Hjx3F3d+ebb77B19cXX19f5s+fb9mekJBA79698fT0xNfXl8mTJ5OdnW3Zfu1VT2RkJJMmTWLIkCGYTCZ69erF0aNHAXjmmWcACA0NxWQyER0dbelDYfoL8Omnn1pqXLJkyXVXXCIiZVWJBFJ2djYRERF069aNHTt20KVLFzZs2ABcCapXX32VyZMnExsbS+/evXnhhRcKvOGvXbuWzz77jI0bN7Jv3z6WLl1q2Xb69GnOnz/Ppk2beOutt1i4cCEbNmzgyy+/ZOvWrVSpUoXJkycXqs7Y2Fi+//575s2bx9y5c9m2bRsA1tbWjB8/np9//pmvv/6a7du385///Oem7axZs4aIiAh27tzJQw89ZAneRYsWAbBixQri4+MJCgq64fE3629MTAyff/45CxYs4IcffmDHjh2F6peIyL3i7Fy50D+3+lIslFAg/fbbb+Tm5tK/f3/s7Oxo3749Tz75JACLFy+md+/ePPXUU9jY2NCtWzfs7OzYtWuX5fiwsDBcXV2pWrUqrVu3Zs+ePX91wNqaESNGYG9vT4UKFfjmm28YNWoUtWrVwt7enoiICNavX1+o4bzhw4dTsWJF3N3d6d69O6tXrwagUaNGNGnSBFtbWx588EF69+7Nzp07b9pOu3btaNy4Mba2toSEhBSotzBu1t+1a9fSvXt3GjRogKOjIxEREUVqV0SkuJ06dbHQP2fOpN+yrRKZqSE1NRVXV1esrKwsz7m5uQGQnJzM8uXL+fLLLy3bcnJySE1NtTx2dna2/O7o6FhgW7Vq1XBwcLA8Tk5OZvjw4Vhb/5W11tbWnDlzBldX11vWebUmgDp16vDnn38CkJiYyL///W9+//13MjMzycvL44knnrhpOzVr1rT8XqFCBS5dKvzUGnDz/qamptKoUaMb1isiUtaVSCA5OzuTkpKC2Wy2hNKJEyeoW7cubm5uDB06lGHDht1R29eGHECtWrV455138PDwKHJbJ06c4JFHHgGuBJuLiwsAb775Jo8//jjTp0/HycmJzz//vFTujHNxcSElJaVAvSIi5UWJDNk1adIEGxsbvvzyS3Jzc9mwYQO7d+8GoFevXnz99df89ttvmM1mLl26xObNm0lPv/Wl3c307duXDz74gKSkJADOnj1r+bzqdj766CMyMzPZv38/S5cutXzGk5GRQaVKlahUqRIHDx7kq6++uqPa4MrV051+Z6ljx44sXbqUgwcPkpmZyezZs++4DhERoymRQLK3tycqKopvv/0WLy8vVq5cSatWrbC3t+fJJ5/krbfeYvLkyXh5edG+ffsCNy0UVf/+/QkMDGTgwIGYTCaefvppEhISCnVss2bNaNeuHQMGDGDgwIH4+voCMG7cOFavXk3Tpk15/fXXb3ozQmFEREQQGRmJp6cn0dHRRTo2ICCAsLAw+vfvT7t27WjSpAlw5fUVESnrSm35iV69etGnTx969OhRGqcv4Pjx47Rp04Y//vgDW9uyMwH6wYMH6dKlC7t37y5S3ZrtW8o6zfZ9c1YlPNv3qVMXC73/7ZafKLHvIe3YsYNTp06Rm5vLsmXL2LdvH35+fiV1+nLjhx9+IDs7m/PnzzN16lRat25dpkJURORmSuydLDExkZEjR3Lp0iXq1q3LzJkzLTcNlISVK1fyxhtvXPd87dq1mTNnTonVcbe+/vprIiMjsbGxwcvL64Z9EhEpi7RirIiUOVox9ua0YqyUKWfOpJOfX/7+DnF2rlyk8eyyRH27gYs5xV9MMSvP/25wpX/FqVxNrioiImWXAklERAxBgSQiIoagQBIREUNQIImIiCEokERExBAUSCIiYggKJBERMQQFkoiIGIICSUREDEGBJCIihqBAEhERQ1AgiYiIISiQRETEEBRIIiJiCAokERExBK0YKyKlTivA3pmSXB32hufXirFyt4K+6Uly+snSLkPEYtegnzDXr1/aZZQ5domJREz9sdTOP2tsYLG2pyE7ERExBAWSiIgYggKpDBk8eDDLli0r7TJERO4JBVIJcXd358iRI3fVxmeffUa3bt0AWLp0KX379i2O0kREDEGBdI/l5uYW634iIuWVAukWAgMDmTNnDkFBQXh5eTF+/HiysrIAWLx4Me3ataNZs2YMHTqUlJQUy3Hu7u4sWrSI9u3b0759e5555hkAQkNDMZlMREdHExsbi7+/P3PnzqVly5aMHz+e8+fPEx4ejo+PD15eXoSHh3Py5F93w4WFhbFkyRIOHjzIG2+8wa5duzCZTHh6epbsCyMicg/otu/bWLVqFfPmzcPR0ZGhQ4fy0Ucf4ePjw/Tp05k/fz4NGjTg3Xff5eWXX2bRokWW4zZs2MDixYupUKECFSpUwN3dnRUrVlCvXj0AYmNjOX36NOfPn2fTpk3k5+eTmZlJ9+7d+eCDD8jLy+PVV19l8uTJfPTRRwVqeuSRR5g0aRJLlizhq6++KtHXQ0TkWs7OlYutLQXSbTzzzDO4ubkBMGzYMN566y1OnTpFjx49eOKJJwB4+eWXadasGcePH+fBBx8EYMiQIVStWvWWbVtbWzNixAjs7e0BqFChAh06dLBsHzZsGP37978HvRIRKR6nTl0s9L76YuxduhpGALVr1yY1NZXU1FRLGAFUqlSJqlWrkpKSYgmka4+7mWrVquHg4GB5nJmZyb/+9S+2bt3K+fPnAcjIyCAvLw8bm9L7NraISEnQZ0i3ceLECcvvycnJuLi44OLiQlJSkuX5S5cukZaWhqurq+U5Kyur27b9933mz59PYmIiixcv5tdff7UMAd5odqfCtC8iUpYokG7jP//5DydPniQtLc1yg0NwcDBLly5lz549ZGdn8/7779O4cWPL1dGN1KxZk2PHjt3yXBkZGTg4OPDAAw+QlpbGrFmzbrpvjRo1SElJITs7+477JiJiJAqk2+jSpQsDBw6kbdu21K1bl2HDhtG8eXNeeuklXnzxRXx9fTl27BgzZsy4ZTsRERFERkbi6elJdHT0Dfd59tlnycrKwsfHh969e+Pn53fT9nx8fHj00Ufx9fXF29v7rvooImIEmu37FgIDA5kyZQotWrQo7VKKlSZXFaPR5Kp3xsoAk6sW500NukISERFDUCCJiIghaMhOREqdFui7M1qgT8q8M2fSyc8vf3+HODtXLtJ4dllS3vt2+mIOXMwp7VKKXXn+d4PinaUBNGQnIiIGoUASERFDUCCJiIghKJBERMQQFEgiImIICiQRETEEBZKIiBiCAklERAxBgSQiIoagQBIREUNQIImIiCEokERExBAUSCIiYggKJBERMQQFkoiIGIICSUREDEErxorIPaXVYItfaa8Ua6lDK8bK3Qr6pifJ6SdLuwy5T+wa9BPm+vVLu4xyxS4xkYipP5Z2GcwaG1is7WnITkREDEGBJCIihlDmA2np0qX07du31M7/ySefMGHChDs+fvDgwSxbtqwYKxIRKZv0GdJdGjp0aKH3jYqK4siRI0ybNs3y3GeffXYvyhIRKXPK/BWSiIiUD6UWSIGBgcybN4/g4GA8PDwYOXIkWVlZNxyCc3d358iRIwCcO3eOoUOH0rRpU3r27MnRo0cL7Hvw4EGee+45mjVrRocOHYiOjr5tLZGRkUycOJHnnnsOk8lEv379SEpKsmyfMmUKAQEBNG3alO7duxMXF2fZFhUVxZgxYwA4fvw47u7uLFu2jFatWuHt7c3HH38MQExMDHPmzGHt2rWYTCZCQkIACAsLY8mSJcBfw4/vvvsuXl5eBAYGsmXLFsu5jh07xjPPPIPJZGLAgAFMmjTJcm4RkbKuVK+Q1q5dy2effcbGjRvZt28fS5cuve0xkydPxsHBgZ9++ol33nmH7777zrLt0qVLDBw4kC5durBt2zbef/99Jk2axP79+2/b7qpVq3jhhReIjY2lYcOGBd7on3zySZYvX86OHTvo0qULL730EllZWTdt65dffmHdunV88cUXzJ49m4MHD+Lv7094eDidOnUiPj6elStX3vDYhIQE6tevz88//8zgwYOZMGECV78qNmbMGBo3bkxsbCwRERGsWLHitv0SESkrSjWQwsLCcHV1pWrVqrRu3Zo9e/bccv+8vDy+//57RowYQcWKFfnHP/5Bt27dLNs3b95MnTp16NGjB7a2tjzxxBN06NCB9evX37aWVq1a4eXlhb29PaNGjWLXrl2cOHECgNDQUKpVq4atrS0DBw4kOzubxMTEm7YVERFBhQoVaNiwIQ0bNmTv3r2FfEWgdu3aPP3009jY2NCtWzdOnTrF6dOnSU5OZvfu3YwYMQJ7e3s8PT0JDCze7wCIiBSVs3PlQv/c6kuxUMo3NTg7O1t+d3R0JDU19Zb7nz17ltzcXNzc3CzP1a5d2/J7UlISCQkJeHp6Wp7Ly8uzDI/dSq1atSy/V6pUiSpVqpCamoqbmxvz589nyZIlpKamYmVlRXp6OufOnbtpWzVr1izQr0uXCv9N5r8fC1eu/M6dO0eVKlUszwG4ublZQlNEpDScOnWx0PuWuZkaHB0duXz5suXxqVOnLL9Xr14dW1tbTpw4wSOPPAJQ4A3Zzc0NLy8vFixYUOTznjz518wFGRkZnD9/HhcXF+Li4vj000/5/PPPadCgAdbW1nh5eXEnMy5ZWVkV+ZirnJ2dOX/+PJmZmZZQUhiJSHliuLvsGjZsyP79+9mzZw9ZWVlERUVZttnY2NCuXTtmzZpFZmYmBw4cKPAdnlatWnH48GGWL19OTk4OOTk5JCQkcPDgwdued8uWLcTFxZGdnc2HH37IU089hZubGxkZGdjY2FC9enVyc3OZNWsW6enpd9S3GjVqkJSURH5+fpGPrVOnDo0aNSIqKors7Gzi4+PZtGnTHdUhImJEhguk+vXrM3z4cAYMGED79u3x8PAosH3ixIlcunSJli1bEhkZSffu3S3bnJycmDdvHtHR0fj5+eHr68u0adPIzs6+7Xm7dOnC7Nmz8fb25o8//mDq1KkA+Pr64u/vT4cOHQgMDMTBwaHAkGFRdOzYEQBvb+8Cn30V1rRp09i1axfe3t588MEHBAUFYW9vf0e1iIgYjWb75spt366urowaNaq0SymSkSNH8vDDDzNixIgiHafJVaUkaXLV4mdloMlVi/MzJMNdIcnNJSQkcPToUfLz84mJiWHjxo20bdu2tMsSESkWhrup4V7p3LkzycnJ1z0/adKkUqjmzpw+fZoXX3yRtLQ0atWqxZtvvsnjjz9e2mWJiBQLDdmJyD2lBfqKnxbok3LjzJl08vPL398hzs6VizSeXZaU+b5dzLnppjLft1soz32DK/0rTvoMSUREDEGBJCIihqBAEhERQ1AgiYiIISiQRETEEBRIIiJiCAokERExBAWSiIgYggJJREQMQYEkIiKGoEASERFDUCCJiIghKJBERMQQFEgiImIICiQRETEEBZKIiBiCVowVkTuilWCNqSRXk9WKsXLXgr7pSXL6ydIuQ8q4XYN+wly/fmmXIX9jl5hIxNQfS+Rcs8YGFmt7GrITERFDUCCJiIghFHsghYWFsWTJEgBWrlzJwIEDC3VcUfY1kokTJzJ79uw7Pr5z587ExsYWY0UiImXTPf0MKSQkhJCQkGLf10gmT55c6H0jIyNxdXVl1KhRlufWrFlzL8oSESlzinyFlJubey/qEBGR+1yhAikwMJC5c+cSHBxMkyZNiIuLo0+fPnh6ehISEnLTIaelS5fSt29fy+OffvqJDh064OHhwZtvvkm/fv0sw3t/3/fXX3+lR48eeHh40KNHD3799dcC9Wzbts3yOCoqijFjxgCQlZXFmDFj8Pb2xtPTkx49enD69Olb9i8sLIzp06fTs2dPPDw8GDZsGGlpaZbtI0aMoGXLlnh4ePDMM8+wf/9+y7bIyEhmzJgBQGxsLP7+/syfP5/mzZvj6+vLd999B8A333zDqlWrmDdvHiaTiaFDh17Xl6ioKF566SVeeeUVTCYTnTt3Zvfu3ZZz/fHHH3Tt2hWTycSIESMYOXKk5dwiImVdoa+Q1qxZw9y5c9m4cSPDhw9n2LBh7Nixg3HjxjFixAjOnj17y+PPnj3LiBEjGD16NLGxsdSvX5/4+Pgb7puWlkZ4eDhhYWHExsby3HPPER4ezrlz525b57Jly0hPT2fz5s3ExsYyadIkKhTiuxLLly/nnXfeYevWrdja2jJlyhTLNn9/f9avX8/27dt5/PHHLeF3I6dPn+bixYvExMTw9ttvM3nyZM6fP0/v3r0JDg5m0KBBxMfH88knn9zw+B9//JHOnTsTFxdHYGAgb731FgDZ2dlERETQrVs3duzYQZcuXdiwYcNt+yUiUlYUOpDCwsJwc3NjxYoV+Pv7ExAQgLW1NS1btqRRo0Zs2bLllsfHxMTQoEED2rdvj62tLf3796dmzZo33Hfz5s3Uq1ePrl27YmtrS5cuXXj44YfZtGnTbeu0tbUlLS2NI0eOYGNjQ6NGjXByuvkXsa4KDQ3lH//4BxUrVuSll15i3bp15OXlAdCzZ0+cnJywt7fnxRdfZO/evVy8ePGm5x8+fDh2dnYEBARQsWJFEhMTb3v+qzw8PAgICMDGxobQ0FD27t0LwG+//UZubi79+/fHzs6O9u3b8+STTxa6XRGRe8HZuXKhf271pVgowk0Nbm5uACQnJ7Nu3boC4ZCbm4u3t/ctj09NTaVWrVqWx1ZWVgUe/33f2rVrF3iudu3apKSk3LbO0NBQTp48ycsvv8yFCxcICQlh1KhR2NnZ3fK4q/27eq6cnBzOnTtHtWrVmDFjBuvWrePs2bNYW1/J8HPnzlG5cuXr2qlatSq2tn+9rI6Ojly6VPhvMl8b0hUqVCArK4vc3FxSU1NxdXXFysrqhjWLiJSGU6du/Mf5jRTbTA1X3wjd3NwIDQ0tMKRVGM7OzgUCxWw2c/LkjWcLcHFxITk5ucBzJ06cwM/PD7jyJp+ZmWnZdurUKcvvdnZ2REREEBERwfHjxxkyZAj169enV69et6zvxIkTBX63s7OjWrVqrFq1io0bN7JgwQIefPBBLl68iJeXF3cy49K1YVJUV18/s9lsaefEiRPUrVv3jtsUETGSIt9lFxISwqZNm9i6dSt5eXlkZWURGxt703C5KiAggH379rFhwwZyc3NZtGjRTW82CAgI4PDhw6xatYrc3Fyio6M5cOAArVq1AqBhw4ZER0eTk5PD7t27Wb9+veXYn3/+mX379pGXl4eTkxO2trbY2Nx+XqeVK1dy4MABMjMz+fDDD+nQoQM2NjZkZGRgb29PtWrVyMzM5P333y/8i/U3NWrU4Pjx43d0bJMmTbCxseHLL78kNzeXDRs2FLjhQUSkrCtyILm5ufHRRx8xZ84cmjdvTkBAAPPmzSM/P/+Wx1WvXp0PP/yQqVOn4u3tzYEDB2jUqNENh9KqVavGJ598woIFC/D29uazzz7jk08+oXr16gCMHDmSo0eP0qxZM6KioggODrYce/r0aUaMGIGHhwdBQUE0a9asUN9vCg0NJTIykpYtW5Kdnc2ECRMA6Nq1K7Vr18bPz4/OnTvTpEmTIrxaBfXs2ZMDBw7g6enJCy+8UKRj7e3tiYqK4ttvv8XLy4uVK1fSqlUr7O3t77geEREjKbXZvvPz8/H392fatGn4+PiURgkWYWFhhISE3HZYz2h69epFnz596NGjR5GO0+SqUhw0uaoxWZXw5KrF+RlSic5lt3XrVi5cuEB2drbltue7ueK43+zYsYNTp06Rm5vLsmXL2Ldvn+VzNRGRsq5El5/YtWsXY8aMITs7m0cffZTZs2cX6jtCxcFkMt3w+U8//bREzl8cEhMTGTlyJJcuXaJu3brMnDkTFxeX0i5LRKRYaIG++5CG7KQ4aMjOmMrykJ0CSUTuiFaMNSatGCtlypkz6eTnl7+/Q5ydKxfpr7WyxLB9u5hz100Ytm/FoDz3Da70rzhpgT4RETEEBZKIiBiCAklERAxBgSQiIoagQBIREUNQIImIiCEokERExBAUSCIiYggKJBERMQQFkoiIGIICSUREDEGBJCIihqBAEhERQ1AgiYiIISiQRETEELRAn4jckBbgKzkluahecdICfXLXtIS5FIaWKC85diW47HhxmjU2sFjb05CdiIgYggJJREQMQYEkIiKGcMeBFBUVxZgxY4qzluvExsbi7+9/T89RFmoIDAxk27ZtpVqDiMi9VuJXSCURZEZyv/VXROROachOREQMoVCBNHfuXPz8/DCZTHTo0IHt27cX2J6Tk8PLL7/Miy++SHZ2NikpKbz44ov4+PgQGBjIwoULAYiJiWHOnDmsXbsWk8lESEgIAGlpaYwfPx5fX1+8vLx44YUXCrQ/f/58mjdvjq+vL999991t6928eTNdu3aladOmBAQEEBUVZdl2/Phx3N3dWbZsGa1atcLb25uPP/7Ysv3y5ctERkbi5eVFUFAQu3fvLsxLdMPX6Gb9/fsQ3N+vopYvX07r1q2vq+3UqVM89dRTnDt3zvLc77//jo+PDzk5OYWqU0TEqG77PaRDhw6xaNEivv32W1xdXTl+/Dj5+fnExcUBV97AR4wYQfXq1Zk6dSpWVlYMGzaMwMBApk+fTkpKCgMGDKB+/fr4+/sTHh7OkSNHmDZtmuUcr7zyChUrVmTNmjVUrFiR+Ph4y7bTp09z8eJFYmJi2LZtGyNGjKBt27ZUqVLlpjU7Ojry7rvv0qBBA/78808GDhzIY489Rtu2bS37/PLLL6xbt47Dhw/Ts2dP2rdvzyOPPMKsWbM4evQoP/zwA5mZmTz//PO3fRFv9ho99NBDN+zvrRw4cIBJkyYxd+5cnnrqKaZPn87Jk1e+M+Ts7EyzZs1Yu3Yt//znPwFYuXIlnTt3xs7OrlDti4gUJ2fnysXW1m2vkGxsbMjOzubgwYPk5OTw4IMP8tBDDwGQnp7O4MGDeeihh/jXv/6FjY0Nu3fv5uzZs0RERGBvb0/dunV5+umniY6OvmH7qampxMTEMGnSJKpUqYKdnR3NmjWzbLe1tWX48OHY2dkREBBAxYoVSUxMvGXN3t7euLu7Y21tTcOGDencuTM7duwosE9ERAQVKlSgYcOGNGzYkL179wKwdu1ahg4dStWqVXFzcyMsLOx2L9EtX6OiWrduHa1atcLLywt7e3teeuklrK3/+mfq1q0bK1euBCAvL481a9YQGhp6R+cSEblbp05dLPTPmTPpt2zrtldI9erV49VXXyUqKooDBw7g6+tLZGQkAL/99hu5ublMnz4dKysrAJKSkkhNTcXT09PSRl5eXoHH1zp58iRVqlS56RVP1apVsbX9q0xHR0cuXbr1VBW//fYb06ZNY//+/eTk5JCdnU3Hjh0L7FOzZs0btpmamoqbm5tlW+3atW95Lrj5a+Tq6nrbY/8uNTWVWrVqWR5XrFiRqlWrWh63adOGN954g2PHjpGYmIiTkxONGzcu8nlERIymUJ8hBQcH89VXX7Fp0yasrKwsw08tW7ZkyJAhDBgwgNOnTwPg5ubGgw8+SFxcnOUnPj6eTz/9FMASXFfVqlWL8+fPc+HChWLr1OjRo2nTpg1btmzhl19+oU+fPhR2yj5nZ2dOnDhheXzt77dys9fo7/2FKwGYmZlpeXzq1CnL7y4uLpYhOoDMzEzS0tIsjx0cHOjUqRMrV65kxYoVujoSkXLjtoF06NAhtm/fTnZ2Nvb29jg4OGBj89ckgM8//zxdunRhwIABnD17lsaNG+Pk5MTcuXO5fPkyeXl5/PnnnyQkJABQo0YNkpKSyM/PB668Afv7+zNp0iTOnz9PTk4OO3fuvKtOZWRkUKVKFRwcHEhISGD16tWFPrZTp07MnTuX8+fPc/LkSf73f//3tsfc6jX6e38BGjZsSHR0NDk5OezevZv169dbtnXo0IHNmzcTFxdHdnY2M2fOLHAsQGhoKMuWLePHH3+03CghIlLW3TaQsrOzmT59Ot7e3vj6+nL27FlGjRpVYJ/hw4fTpk0bnnvuOS5evMjHH3/M3r17adOmDT4+Prz22mukp18ZO7w6dObt7U23bt0AeO+997C1taVTp060aNGCL7744q469cYbbzBz5kxMJhOzZ8+mU6dOhT42IiKC2rVr06ZNGwYOHFioK5BbvUY36u/IkSM5evQozZo1IyoqiuDgYEtbDRo0YOLEiYwZMwY/Pz8eeOCBAkN4AB4eHlhbW/PEE0/w4IMPFrpvIiJGpuUnyqj+/fsTHBxMr169inysZvuWwtBs3yXHqgzP9n3q1MVC73+75Sf0xdgyKCEhgf/+979FuvITETG6MrseUufOnUlOTr7u+UmTJt2Tz1WSk5Pp3LnzDbetWbOmUHfjFYdx48axYcMGJkyYgJPTzf/SEBEpazRkJyI3pBVjS45WjL2izF4hyZ07cyad/Pzy93eIs3PlIo1nlyWl1reL935KKv27lV3FOUsD6DMkERExCAWSiIgYggJJREQMQYEkIiKGoEASERFDUCCJiIghKJBERMQQFEgiImIICiQRETEEBZKIiBiCAklERAxBgSQiIoagQBIREUNQIImIiCEokERExBAUSCIiYghaMVZEbkgrxpYdpbXirFaMlbsW9E1PktNPlnYZYnC7Bv2EuX790i5DCsEuMZGIqT+W+HlnjQ0s1vY0ZCciIoagQBIREUMoV4HUuXNnYmNjiYqKYsyYMQAcP34cd3d3cnNzS7m6Gxs8eDDLli0r7TJEREpduQqkNWvW4O3tfU/aDgsLY8mSJXfVxrVBedVnn31Gt27d7qpdEZHyoFwFUmky6hWYiEhZUa4CKTAwkG3bthVpn2uvWrKyshgzZgze3t54enrSo0cPTp8+zYwZM4iLi2Py5MmYTCYmT54MgLu7O4sWLaJ9+/a0b98egClTphAQEEDTpk3p3r07cXFxAMTExDBnzhzWrl2LyWQiJCQEKHjllZ+fz0cffUTr1q1p3rw5r7zyChcvXgT+GnpctmwZrVq1wtvbm48//rgYXz0RkdKl276vsWzZMtLT09m8eTP29vbs2bOHChUqMGrUKH799VdCQkLo1atXgWM2bNjA4sWLqfD/v6/x5JNPMnz4cCpXrszChQt56aWX+PHHH/H39yc8PJwjR44wbdq0G55/6dKlLFu2jIULF1K9enXGjRvH5MmTmTp1qmWfX375hXXr1nH48GF69uxJ+/bteeSRR+7diyIicgvOzpWLra1ydYV0t2xtbUlLS+PIkSPY2NjQqFEjnJxu/iUugCFDhlC1alVLIIWGhlKtWjVsbW0ZOHAg2dnZJCYmFur8q1atYsCAAdStW5dKlSrx8ssvEx0dXWA4MCIiggoVKtCwYUMaNmzI3r1777zDIiJ36dSpi4X+OXMm/ZZt6QrpGqGhoZw8eZKXX36ZCxcuEBISwqhRo7Czs7vpMW5ubgUez58/nyVLlpCamoqVlRXp6emcO3euUOdPTU2lTp06lsd16tQhNzeXM2fOWJ6rWbOm5XdHR0cuXSr8t6RFRIzsvrtCcnR0JDMz0/L41KlTlt/t7OyIiIggOjqar7/+ms2bN7N8+fJbtmdlZWX5PS4ujk8//ZQPPviAnTt3EhcXR+XKlbk6O9O1+96Ii4sLSUlJlsfJycnY2tpSo0aNonRRRKRMuu8CqWHDhkRHR5OTk8Pu3btZv369ZdvPP//Mvn37yMvLw8nJCVtbW2xsrswPVbNmTY4dO3bLtjMyMrCxsaF69erk5uYya9Ys0tP/ukStUaMGSUlJ5Ofn3/D4Ll268MUXX3Ds2DEyMjKYMWMGnTp1wtZWF7IiUv7dd4E0cuRIjh49SrNmzYiKiiI4ONiy7fTp04wYMQIPDw+CgoJo1qyZ5W64/v37s379ery8vJgyZcoN2/b19cXf358OHToQGBiIg4NDgSG9jh07AuDt7X3D7x716NGDkJAQ+vXrR5s2bbC3t+f1118vzu6LiBiWZvu+D2lyVSkMTa5adliV4uSqp05dLPT+t5vt+767QhIREWNSIImIiCFoyE5EbkgL9JUdWqBPyqwzZ9LJzy9/f4c4O1cu0nh2WVJqfbuYc89PoX+3sqs4Z2kADdmJiIhBKJBERMQQFEgiImIICiQRETEEBZKIiBiCAklERAxBgSQiIoagQBIREUNQIImIiCEokERExBAUSCIiYggKJBERMQQFkoiIGIICSUREDEGBJCIihqBAEhERQ9CKsSL3Ma0KWzSltTKrUWnFWLlrQd/0JDn9ZGmXIQawa9BPmOvXL+0yygy7xEQipv5Y2mUYxqyxgcXanobsRETEEBRIIiJiCMUSSEuXLqVv377F0VSZNHjwYJYtW3bHx5tMJo4dO1aMFYmIlD2leoV0r4MsMjKSGTNm3LP2r/rss8/o1q1bofYNCwtjyZIlBZ6Lj4+nbt2696I0EZEyw/BDdnl5eaVdgoiIlIAiBdLcuXNp27YtJpOJoKAgfvjhB8s2s9nMW2+9hYeHBx07dmT79u2WbUuXLqVNmzaYTCYCAwNZuXIlBw8e5I033mDXrl2YTCY8PT2BK1c1b7zxBs8//zxNmjQhNjaWzZs307VrV5o2bUpAQABRUVEF6oqLi6NPnz54enoSEBDA0qVL+eabb1i1ahXz5s3DZDIxdOjQW/YtMDCQOXPmEBQUhJeXF+PHjycrKwuA8+fPEx4ejo+PD15eXoSHh3Py5F93qV171XP1qu/dd9/Fy8uLwMBAtmzZAsCMGTOIi4tj8uTJmEwmJk+eDIC7uztHjhyx9H/SpEkMGTIEk8lEr169OHr0qOVcP/30Ex06dMDDw4M333yTfv36XXfFJSJSFhUpkOrWrcuiRYv45ZdfiIiIYOzYsaSmpgKQkJBA3bp1+fnnnxkxYgQRERGkpaVx6dIlpkyZwqeffkp8fDxff/01jz32GI888giTJk2iSZMmxMfHExcXZznP6tWrGTp0KL/++iseHh44Ojry7rvvEhcXx5w5c/jqq6/YsGEDAMnJyTz//PP069eP7du3s3z5ch577DF69+5NcHAwgwYNIj4+nk8++eS2/bsaYD/88AOJiYl89NFHAOTn59O9e3c2bdrEpk2bcHBwsITJjSQkJFC/fn1+/vlnBg8ezIQJEzCbzYwaNQpPT08mTpxIfHw8EydOvOHxa9asISIigp07d/LQQw9Zhh3Pnj3LiBEjGD16NLGxsdSvX5/4+PjC/eOJiBhckQKpU6dOuLq6Ym1tTVBQEPXq1SMhIQGA6tWr8+yzz2JnZ0dQUBD169dn8+bNV05ibc3+/fu5fPkyLi4uNGjQ4JbnadOmDR4eHlhbW+Pg4IC3tzfu7u5YW1vTsGFDOnfuzI4dO4ArIdKiRQu6dOmCnZ0d1apV47HHHruDlwKeeeYZ3NzcqFq1KsOGDWPNmjUAVKtWjQ4dOuDo6IiTkxPDhg1j586dN22ndu3aPP3009jY2NCtWzdOnTrF6dOnC11Hu3btaNy4Mba2toSEhLBnzx4AYmJiaNCgAe3bt8fW1pb+/ftTs2bNO+qriEhxcHauXOifW30pFor4xdjly5ezYMECkpKSALh06RLnzp3DxsYGV1dXrKysLPvWrl2b1NRUKlasyIwZM5g/fz4TJkygadOmjBs3jkceeeSm53Fzcyvw+LfffmPatGns37+fnJwcsrOz6dixIwAnTpzgoYceKko3CnXeq/UDZGZm8q9//YutW7dy/vx5ADIyMsjLy8PG5vpvbV8bEo6OjsCV16qwrj2+QoUKlmNTU1OpVauWZZuVlVWBxyIiJe3UqYuF3vd2MzUU+gopKSmJ1157jddff53Y2Fji4uIKXOmkpKRw7SxEJ06cwMXFBQA/Pz8WLFjATz/9xMMPP8zrr78OUCDAbmX06NG0adOGLVu28Msvv9CnTx/Ludzc3Ap8xnKtwrZ/bc1XJScnW+qfP38+iYmJLF68mF9//ZVFixYBUNKzLjk7O5OSkmJ5bDabC3yWJSJSlhU6kDIzM7GysqJ69eoAfPfdd+zfv9+y/ezZsyxcuJCcnBzWrl3LwYMHCQgI4PTp02zcuJFLly5hb29PxYoVLVcVNWrUICUlhezs7FueOyMjgypVquDg4EBCQgKrV6+2bAsODmbbtm1ER0eTm5vLuXPnLENcNWrU4Pjx44V+Mf7zn/9w8uRJ0tLSLDc4XD2/g4MDDzzwAGlpacyaNavQbf5dzZo17/g7RwEBAezbt48NGzaQm5vLokWLijQUKCJiZIUOpEcffZSBAwfSp08fWrRowZ9//knTpk0t2xs3bsyRI0fw8fHhgw8+YObMmVSrVo38/HwWLFiAn58fzZo1Y+fOnbzxxhsA+Pj48Oijj+Lr64u3t/dNz/3GG28wc+ZMTCYTs2fPplOnTpZttWvX5tNPP2XBggU0a9aMrl27snfvXgB69uzJgQMH8PT05IUXXrhtH7t06cLAgQNp27YtdevWZdiwYQA8++yzZGVl4ePjQ+/evfHz8yvsy3ad/v37s379ery8vJgyZUqRjq1evToffvghU6dOxdvbmwMHDtCoUSPs7OzuuB4REaPQbN//X2BgIFOmTKFFixalXUqh5efn4+/vz7Rp0/Dx8Sn0cZpcVa7S5KpFY6XJVQuYNTawdD5DEmPYunUrFy5cIDs723Ire5MmTUq3KBGRYnDfLD+RnJxM586db7jt6u3dZcGuXbsYM2YM2dnZPProo8yePZsKWs9GRMoBDdmJ3Me0QF/RaIG+grRAn9y1M2fSyc8vf3+HODtXLtJ4dllyT/t2MefetFtI+ncru5ydKxdre/oMSUREDEGBJCIihqBAEhERQ1AgiYiIISiQRETEEBRIIiJiCLrt+z5kbV20WdDLEvWtbFLfyq6i9O92++qLsSIiYggashMREUNQIImIiCEokERExBAUSCIiYggKJBERMQQFkoiIGIICSUREDEGBJCIihqBAEhERQ1AgiYiIISiQypm0tDSGDx9OkyZNaN26NatWrbrpvp9//jktW7bEw8OD8ePHk52dXYKV3pnC9m/ZsmV0796dpk2b4u/vz3vvvUdubm4JV1s0Rfm3u6p///64u7uXq74dO3aM8PBwTCYT3t7evPfeeyVYadEVtm9ms5kZM2bg5+eHh4cHYWFh7N+/v4SrLbwvv/yS7t2706hRIyIjI2+5b7G9l5ilXBk1apT5pZdeMqenp5t37txpbtq0qfnPP/+8br+YmBhz8+bNzX/++ac5LS3N3K9fP/PUqVNLoeKiKWz/Fi1aZN65c6c5KyvLfPLkSXO3bt3Mc+bMKYWKC6+wfbtqxYoV5n/+85/mf/zjH+acnJwSrLToCtu3rKwsc5s2bczz5883Z2RkmC9fvmzes2dPKVRceIXt25o1a8wtW7Y0Hz161Jybm2ueNm2auWvXrqVQceGsX7/e/MMPP5gnTpxoHjdu3E33K873EgVSOZKRkWF+4oknzIcOHbI8N2bMmBv+53j55ZfN06dPtzzetm2buUWLFiVS550qSv/+bv78+ebw8PB7Wd5dKWrfLly4YG7fvr05Pj7e8IFUlL59/fXX5r59+5ZkeXelKH2bM2eOecSIEZbHf/75p7lRo0YlUufdeP/9928ZSMX5XqIhu3Lk8OHDWFtbU79+fctzDRs25MCBA9ftu3//fho2bGh57O7uzunTpzl37lyJ1HonitK/v9u5cyePPvrovSzvrhS1b++//z59+/alZs2aJVXiHStK33bt2kWdOnUYPHgw3t7ehIWFsW/fvpIst0iK0rfOnTtz9OhREhMTycnJYdmyZfj5+ZVkufdEcb6XKJDKkUuXLlG5cuUCz1WuXJmMjIwb7uvk5FRgP+CG+xpFUfp3re+++47ff/+dgQMH3svy7kpR+rZ7925+/fVX+vXrV1Ll3ZWi9C0lJYXo6GjCwsLYunUrAQEBvPDCC4b9fLMofXN2dsbDw4OOHTvy1FNPsW7dOsaPH19Spd4zxfleokAqRypWrEh6enqB59LT06lUqdJt9736+432NYqi9O+qDRs2MH36dD799FOqV69+r0u8Y4XtW35+PpMmTWLChAnY2paN9TWL8u/m4OBA06ZNCQgIwN7enkGDBpGWlsahQ4dKqtwiKUrfZs+eze+//86WLVtISEggIiKCZ599lszMzJIq954ozvcSBVI58j//8z/k5eVx+PBhy3N79+694VBVgwYNCgyF7N27l5o1a1KtWrWSKPWOFKV/ADExMbz22mt88sknuLu7l1CVd6awfUtPT+f3339n1KhRtGzZkp49ewIQEBBAXFxcSZZcaEX5d3N3d8fKquyssFqUvu3du5dOnTpRq1YtbG1t6d69OxcuXCjUkLORFed7iQKpHKlYsSLt2rVj5syZXLp0iV9++YWNGzcSGhp63b6hoaF8++23HDhwgPPnz/Pxxx/TrVu3Uqi68IrSv+3btzN27FiioqJo3LhxKVRbNIXtW+XKldm6dSvLly9n+fLlzJ07F4ClS5catp9F+XcLCQnht99+Y9u2beTl5fHFF19QrVo1Hn744VKo/PaK0rcnn3ySdevWcfr0afLz81m+fDm5ubnUq1evFCq/vdzcXLKyssjPzycvL4+srKwbfr2gWN9L7uhWCDGsc+fOmYcNG2Z+6qmnzAEBAeaVK1eazWazOSkpydykSRNzUlKSZd/58+ebmzdvbjaZTObIyEhzVlZWaZVdaIXtX79+/cyPPfaYuUmTJpafQYMGlWbpt1WUf7urjh07Zvi77MzmovVt/fr15rZt25pNJpO5X79+t7z13QgK27fLly+b33zzTXPLli3NJpPJ3LVrV/OWLVtKs/Rbmjlzpvkf//hHgZ+ZM2fe0/cSK7PZbL7LIBUREblrGrITERFDUCCJiIghKJBERMQQFEgiImIICiQRETEEBZKIiBiCAklERAxBgSQiIoagQBIREUP4f3gU1BX8XB/sAAAAAElFTkSuQmCC\n", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "## Plot pos-vs-neg-vs-else as mass per genre\n", + "grouping_col = 'genre'\n", + "stimuli = df_with_genre.groupby([grouping_col])\n", + "pne_of_stim = stimuli.pne.apply(pne)\n", + "pne_distribution_plot(pne_of_stim, grouping_col)" + ] + }, + { + "cell_type": "code", + "execution_count": 31, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "" + ] + }, + "execution_count": 31, + "metadata": {}, + "output_type": "execute_result" + }, + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAUwAAAHECAYAAABSjRPqAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjMuNCwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8QVMy6AAAACXBIWXMAAAsTAAALEwEAmpwYAABDGklEQVR4nO3deVhUZf8G8HsYQBAQBdk0UtMUKg2VNMst00zDEDcUdy23NOV9XcgNFJcQk0oztHJJzSUFVNLwTcrUzKXe3NFUVFQEZBEGkW3O7w9/My+ToEfmmcPi/bkur0vOged7cORmznOeRSVJkgQiInoss4q+ACKiqoKBSUQkEwOTiEgmBiYRkUwMTCIimcwr+gIqq/R0DbRaDiAgeto4OdmVeY7vMImIZGJgEhHJxMAkIpKJgUlEJBMDk4hIJj4lJyKjFBcXITMzDUVFBRV9KbKZm1uiTh0nqNVPFoEMTCIySmZmGqysasLGxhUqlaqiL+exJElCbm42MjPTULeu2xN9LW/JicgoRUUFsLGpVSXCEgBUKhVsbGqV6x0xA5OIjFZVwlKnvNfLwCQikomBSUQkEwOTiEgmBiYRkUwMTCJSXL9+vbBhw1oMGdIfb7/9BhYtmof8/Hz8+ecJ+Pn1xObNG+Hj0w2+vt3xww+79F9XUFCAFSs+RZ8+76BXr7cQHr4I+fn3FbtuBmYlYGtvAScnu1L/2NpbVPTlEZnEvn178ckny7FtWwySkq5h/fpvAAAZGenIzdUgJmYvgoLmYNmyMGRnZwMAvvxyOZKSrmHduu+wdWs00tLSsHbt14pdMweuVwLWllboGNG91HO/BsZBg0KFr4jI9Pr2HQAXF1cAwLBhoxAREQ5v7zZQq80xYsR7MDc3R7t27WFtXRPXr1/Diy++hN27o7F+/RbUqmX//183EvPmzca4cRMVuWYGJhFVCGdnV/3fXVzccOfOHQCAvb09zM3/F01WVlbIy7uHrKxM3L9/H6NHD9GfkyQJWq1WsWtmYBJRhUhNva3/e0rKbdStW/eRn29vXxs1atTAhg3b4OTkbOrLKxX7MImoQkRFfY/U1BRkZ9/Fhg1r8eabbz3y883MzNCrlx8+/3wZMjMzAABpaak4evSIEpf74BoUq0REVEK3bm/jX/+aiAEDfFGvXn0MHz76sV8zfvwkPPOMO8aMGYm33uqEKVMm4Pr1awpc7QO8JSeiCuHh8QKGDh1pcKxVK29ER+8xOLZ9+27932vUqIGxYz/A2LEfKHKN/8R3mEREMjEwiYhk4i05ESmu5G12VcJ3mEREMjEwiYhkYmASEcnEwCQikokPfYhIKFt7C1hbWglvN6/gPjR3K3YhGgYmEQn1qNW3jPEkK3ddv34NCxeG4O7du7C3t8fs2fPg7v6s0dfAW3IiqnaWLl2MPn36Y8uWKPTp0x/h4YuEtMvAJKJqJTMzAxcvJqBr1wfvcrt27Y6LFxOQmZlpdNsMTCKqVlJSUlC3rjPUajUAQK1Wo25dJ6SmphjdNgOTiEgmBiYRVSsuLi64cycVxcXFAIDi4mLcuZMGZ2cXo9tmYBJRtVKnjgOaNGmKn36KAwD89FMcnn++GerUqWN02xxWRERC5RXcx6+BcSZpV65p02ZiwYJgrF37Nezs7DBnzjwh18DAJCKhNHcLK3yn0wYNGuKrr9YLb5e35EREMjEwiYhkYmASEcnEwCQikomBSUQkE5+SE5FQDrYWUFuLX96tOO8+MjRPyfJuXbp0gaWlJWrUqAEAmDp1Kjp06IDExEQEBQUhKysLtWvXRlhYGBo2bAgAJjlHRKaltrZCUocOwtt1P3gQkBGYK1Z8igMH4pGcfAvffrsFzz3XRNg1KHpL/vnnn2Pnzp3YuXMnOvz/P2hwcDACAgIQFxeHgIAAzJ07V//5pjhHRNVbhw6dsWLFari6uglvu0L7MNPT03Hu3Dn4+PgAAHx8fHDu3DlkZGSY5BwRVX8vv+wFFxdXk7StaB/m1KlTIUkSWrdujX/9619ITk6Gi4uLwTJMzs7OSE5OhiRJws85ODjIvlZHR1vB3335OTnZVfQlEJUpNdUM5ubKvPd60jpqddnXZmZm9sQ/W4oF5qZNm+Dm5oaCggIsXLgQ8+fPx4gRI5Qq/8TS0zXQaiVFaj3uRUtLy1HkOojKQ6vVoqhIq0itJ61TXFz2tWm12lJ/th7186jYLbmb24P+BEtLSwQEBODPP/+Em5sbUlJSDJZhSk1NhZubm0nOEREZQ5HAvHfvHnJyHiS5JEnYs2cPPD094ejoCE9PT8TGxgIAYmNj4enpCQcHB5OcIyIyhkqSJJPfdyYlJWHSpEkoLi6GVqtF48aNMXv2bDg7O+Py5csICgpCdnY2atWqhbCwMDz33HMAYJJzcil9S17WLnu/Bsbxlpwqtdu3r8HVtYH+44oeh/npp+E4cOBnZGSkw96+NmrVssfGjdse+rx/XrfOo27JFQnMqoiBSSRPWcFT2ZUnMDk1kohIJgYmEZFMDEwiIpkYmEREMjEwiYhkYmASEcnE9TCJSKha9taoYSk+WvILipB9N094u0+CgUlEQtWwNMf0ZbHC213yLx9Zn3f3bhZCQ+fi5s0bsLS0RP367pg2bSbq1Klj9DXwlpyIqhWVSoWAgGHYvDkK69dvQf36zyAycrmQthmYRFSt1Kplj1atvPUfv/jiS7h9+7aQthmYRFRtabVaREfvQPv2HYW0x8AkomorIiIcNWtao2/fAULa40MfIqqWVqz4FDduXEdYWATMzMS8N2RgPoKtvQWsLUtfpiqv4D40dyt2y08iKt2qVV/gwoXzCA//DJaWlsLaZWA+grWl1SOXXdOAgUn0T/kFRbKHAD1pu3JcuXIZGzashbv7sxg3bhQAwM2tHhYvXmr0NTAwiUioih5c/txzjXHo0AmTtM2HPkREMjEwiYhkYmASkdGq2k435b1eBiYRGcXc3BK5udlVJjQlSUJubjbMzZ/86Tkf+hCRUerUcUJmZho0mqyKvhTZzM0tUaeO05N/nQmuhYieImq1OerWdavoy1AEb8mJiGRiYBIRycTAJCKSiYFJRCQTA5OISCYGJhGRTAxMIiKZGJhERDIxMImIZGJgEhHJxMAkIpKJgUlEJBMDk4hIJgYmEZFMDEwiIpkYmEREMjEwiYhkYmASEcnEwCQikomBSUQkEwOTiEgmBiYRkUyKB+aKFSvQrFkzXLx4EQCQmJgIf39/dO/eHf7+/rh69ar+c01xjoiovBQNzLNnz+Kvv/5CvXr19MeCg4MREBCAuLg4BAQEYO7cuSY9R0RUXooFZkFBAebPn4/g4GCoVCoAQHp6Os6dOwcfHx8AgI+PD86dO4eMjAyTnCMiMoa5UoU+++wzvPvuu3B3d9cfS05OhouLC9RqNQBArVbD2dkZycnJkCRJ+DkHBwfZ1+voaPvYz3FyspPdnjGUqkNEj6ZIYP73v//F6dOnMXXqVCXKCZGernlsaKal5Qip9bhAFFWHiB7vUT+PigTm8ePHceXKFbz55psAgNu3b2P06NH46KOPkJKSguLiYqjVahQXFyM1NRVubm6QJEn4OSIiYyjShzlmzBgcOnQI8fHxiI+Ph6urK7755hv07NkTnp6eiI2NBQDExsbC09MTDg4OcHR0FH6OiMgYivVhliUkJARBQUFYuXIlatWqhbCwMJOeIyIqL5UkSVJFX0RlpOvD7BjRvdTzvwbGCe3DVKIOPRlbewtYW1qVei6v4D40dwsVviJSQoX3YRJVRdaWVo/8RaYBA/Npw6mRREQyMTCJiGRiYBIRycTAJCKSiYFJRCQTA5OISCYGJhGRTAxMIiKZGJhERDIxMImIZGJgEhHJxMAkIpKJgUlEJBMDk4hIJgYmEZFMDEwiIpkYmEREMjEwiYhkYmASEcnEwCQikomBSUQkEwOTiEgmBiYRkUwMTCIimRiYREQyMTCJiGRiYBIRycTAJCKSiYFJRCQTA5OISCYGJhGRTAxMIiKZGJhERDIxMImIZGJgEhHJJDswv/nmm1KPr127VtjFEBFVZrID84svvij1+JdffinsYoiIKjPzx33CkSNHAABarRa///47JEnSn7tx4wZsbGxMd3VERJXIYwNz1qxZAID8/HzMnDlTf1ylUsHJyQmzZ8823dUREVUijw3M+Ph4AMD06dOxZMkSk18QEVFl9djA1CkZllqt1uCcmRkfthNR9Sc7MM+ePYv58+fjwoULyM/PBwBIkgSVSoXz58+b7AKJiCoL2YEZFBSEN954A4sWLYKVlZUpr4mIqFKSHZg3b95EYGAgVCpVuQpNmDABN27cgJmZGWrWrIk5c+bA09MTiYmJCAoKQlZWFmrXro2wsDA0bNgQAExyjoiovGR3Pnbr1g2HDh0qd6GwsDDs2rULMTExGDVqlP6Je3BwMAICAhAXF4eAgADMnTtX/zWmOEdEVF6y32Hm5+dj4sSJaN26NerWrWtwTs7Tczs7O/3fNRoNVCoV0tPTce7cOf1sIR8fH4SGhiIjIwOSJAk/5+DgIPfbJSJ6iOzAbNKkCZo0aWJUsVmzZuHw4cOQJAlff/01kpOT4eLiArVaDQBQq9VwdnZGcnIyJEkSfu5JAtPR0faxn+PkZPfYzxFBqTr0ZPi6PH1kB+bEiRONLrZw4UIAQExMDJYsWYLJkycb3aappKdrHhuaaWk5Qmo97gdPVB16Mnxdnk6Pet1lB6ZuimRp2rVr90QX1Lt3b8ydOxeurq5ISUlBcXEx1Go1iouLkZqaCjc3N0iSJPwcEZExZAemboqkTmZmJgoLC+Hi4oL9+/c/8mtzc3ORnZ2tD634+HjY29vD0dERnp6eiI2Nha+vL2JjY+Hp6am/dTbFOSKi8pIdmLopkjrFxcX48ssvZS2+kZeXh8mTJyMvLw9mZmawt7dHZGQkVCoVQkJCEBQUhJUrV6JWrVoICwvTf50pzhERlZdKKrn80BMqKipCp06dcPjwYZHXVCno+jA7RnQv9fyvgXFC+zCVqENPhq/L0+lRfZhGTQI/fPhwuQeyExFVNbJvyTt16mQQjnl5eSgoKEBwcLBJLoyIqLKRHZjh4eEGH1tbW6NRo0awtX38eEUioupAdmC2adMGwIOl3e7cuYO6detyWTcieqrITjyNRoPp06ejRYsW6NixI1q0aIEZM2YgJ4cd30T0dJAdmAsWLEBeXh52796NU6dOYffu3cjLy8OCBQtMeX1ERJWG7FvygwcP4qeffoK1tTUAoFGjRli8eDG6detmsosjIqpMZL/DrFGjBjIyMgyOZWZmwtLSUvhFERFVRrLfYfbr1w+jRo3CiBEjUK9ePdy6dQvr1q1D//79TXl9RESVhuzAHD9+PFxcXLB7926kpqbC2dkZ7733HgOTiJ4asm/JFy5ciEaNGmHdunXYs2cP1q1bh8aNG+uXbCMiqu5kB2ZsbCxeeuklg2MvvfQSYmNjhV8UEVFlJDswVSrVQ/uRFxcXP3SMiKi6kh2Y3t7e+Oyzz/QBqdVqsXz5cnh7e5vs4oiIKpMnWkB47NixaN++PerVq4fk5GQ4OTkhMjLSlNdHRFRpyA5MV1dXREdH49SpU0hOToabmxtatGjB+eRE9NSQHZgAYGZmBi8vL3h5eZnocoiIKi++PSQikomBSUQkEwOTiEgmBiYRkUwMTCIimRiYREQyMTCJiGRiYBIRycTAJCKSiYFJRCQTA5OISCYGJhGRTAxMIiKZGJhERDIxMImIZGJgEhHJxMAkIpKJgUlEJBMDk4hIJgYmEZFMT7QJGv2PlJ8PJye7Us8V591HhqZQ4SsiIlNjYJaTqkYNJHXoUOo594MHAQYmUbXDW3IiIpkYmEREMjEwiYhkYmASEcnEwCQikkmRwMzMzMT777+P7t27o1evXpg4cSIyMjIAAImJifD390f37t3h7++Pq1ev6r/OFOeIiMpLkcBUqVR47733EBcXh927d8Pd3R1Lly4FAAQHByMgIABxcXEICAjA3Llz9V9ninNEROWlSGDWrl0bbdu21X/s5eWFW7duIT09HefOnYOPjw8AwMfHB+fOnUNGRoZJzhERGUPxgetarRabN29Gly5dkJycDBcXF6jVagCAWq2Gs7MzkpOTIUmS8HMODg5Kf7tEVI0oHpihoaGoWbMmhgwZgnPnzildXjZHR1ujvr6saZMV3RaJw9fl6aNoYIaFheHatWuIjIyEmZkZ3NzckJKSguLiYqjVahQXFyM1NRVubm6QJEn4uSeRnq4xKjTT0nJkf+7jfvCepC0Sh6/L0+lRr7tiw4oiIiJw5swZfPHFF7C0tAQAODo6wtPTE7GxsQCA2NhYeHp6wsHBwSTniIiMocg7zL///huRkZFo2LAhBg4cCAB45pln8MUXXyAkJARBQUFYuXIlatWqhbCwMP3XmeIcEVF5KRKYzz//PC5cuFDqucaNG+P7779X7ByZlq29BawtrUo9l1dwH5q7XMWpopT12vB1kY/Lu5FQ1pZW6BjRvdRzvwbGQQP+YFaUsl4bvi7ycWokEZFMDEwiIpkYmEREMjEwiYhkYmASEcnEwCQikomBSUQkEwOTiEgmBiYRkUwMTCIimRiYREQyMTCJiGRiYBIRycTAJCKSiYFJRCQTA5OISCYGJhGRTFxxnagcpPz8MncXLM67jwwNVzCvjhiYROWgqlEDSR06lHrO/eBBgIFZLfGWnIhIJgYmEZFMDEwiIpkYmEREMjEwiYhkYmASEcnEwCQikomBSUQkEweuE1GVY2tvAWtLq1LP5RXch+auaSYOMDCJqMqxtrRCx4jupZ77NTAOGjAwqYrj/Guq6hiYpBjOv6aqjg99iIhkYmASEcnEW/JKjv1+RJUHA7OSY78fUeXBW3IiIpkYmEREMjEwiYhkYmASEcnEwCQikomBSUQkEwOTiEgmjsOkKqmilveipxsDk6qkilrei55uitySh4WFoUuXLmjWrBkuXryoP56YmAh/f390794d/v7+uHr1qknPEREZQ5HAfPPNN7Fp0ybUr1/f4HhwcDACAgIQFxeHgIAAzJ0716TniIiMoUhgent7w83NzeBYeno6zp07Bx8fHwCAj48Pzp07h4yMDJOcowf9fk5Odg/9sbW3qOhLI6oSKqwPMzk5GS4uLlCr1QAAtVoNZ2dnJCcnQ5Ik4eccHBye6PocHW2N+v7KWmFItCetU1q/36+BcbB2Kv0BipJE/psp9e9fWes/qap2vY9jqu+HD33KkJ6uMSo009JyZH+uMS+uqDpP0k55azyOyH8zEd+PUt+LUpR4/ZViytf/UW1XWGC6ubkhJSUFxcXFUKvVKC4uRmpqKtzc3CBJkvBzRETGqrCB646OjvD09ERsbCwAIDY2Fp6ennBwcDDJOSIiYynyDnPBggXYt28f7ty5g5EjR6J27dr44YcfEBISgqCgIKxcuRK1atVCWFiY/mtMcY6IyBiKBObs2bMxe/bsh443btwY33//falfY4pzRETG4EMfEygsKi6z4zi/oAjZd/MUviIiEoGBaQIW5mpMXxZb6rkl//JR+GqISBSuVkREJBMDk4hIJgYmEZFM7MMkompFys8v9aFrcd59ZGiMW/aPgUlE1YqqRg0kdejw0HH3gwcBIwOTt+RERDIxMImIZOItOVU7puzDoqpLxIQSBiZVO6bsw6KqS8SEEt6SExHJxMAkIpKJgUlEJBP7MIlIGFt7C1hblr4/VF7BfWjuVu0+ZAZmFVbWUz8uIUcVxdrSqtSN9oAHm+1pwMCkClLWUz8uIVexuB5q9cXAJBKM66FWXwxMogpW3fv9qhMGJlEFq+79ftUJhxUREcnEwCQikomBSUQkEwOTiEgmPvQhesqVtRwewCXx/omBSVSJKRFmZS2HB3BJvH9iYBJVYgyzyoV9mEREMvEdJlUKSsy/5hxvMhYDkyoFJeZfc453xaoOD5cYmESkiOrQH8vApGrxm59ICQxMqha/+YmUwKfkREQyMTCJiGTiLTk9EofiPN34+htiYNIjcSjO042vvyHekhMRycTAJCKSiYFJRCQT+zCJqMJVlYdLDEyiKqqskKlMASNXVXm4xMAkqqLKCpnKFDDVDfswiYhkqraBmZiYCH9/f3Tv3h3+/v64evVqRV8SEVVx1TYwg4ODERAQgLi4OAQEBGDu3LkVfUlEVMVVyz7M9PR0nDt3DmvXrgUA+Pj4IDQ0FBkZGXBwcJDVhpmZCgDgWsulzM9Ru7qWea5OLevHtl2S6Dql1XhUncr8vYisU52+l0fV4esv5vX/J5UkSdJjP6uKOXPmDGbMmIEffvhBf6xnz54IDw/Hiy++WIFXRkRVWbW9JSciEq1aBqabmxtSUlJQXFwMACguLkZqairc3Nwq+MqIqCqrloHp6OgIT09PxMY+GKMWGxsLT09P2f2XRESlqZZ9mABw+fJlBAUFITs7G7Vq1UJYWBiee+65ir4sIqrCqm1gEhGJVi1vyYmITIGBSUQkEwOTiEgmBiYRkUwMTCIimRiYREQyMTCNcOTIEVnHqoojR45g48aNAIA7d+4gMTGxgq+ocsvLy3voj6kUFBQoUocejeMwjeDn54fo6GiDY3369EFUVJSwGnl5eYiMjMSNGzfwySef4PLly0hMTETXrl2F1QCA1atX48CBA0hLS8O+fftw+/ZtBAYGYvPmzULrvPrqq1CpDFeFsbOzg5eXF6ZNmwYnJyeja7z99tsYMmQIevfuDVtbW6PbK4uHh8dD34u5uTlatGiB0NBQIRMl/vOf/yA0NBRpaWkAAEmSoFKpcP78eaPb1rl69So++ugjpKSkID4+HmfPnkV8fDwmTZokrIbOhx9+WObr36dPH5iZGf8ezpQ1quXybqZ27do1XL16FRqNBgcOHNAfz8nJEf7bPyQkBE5OTkhISAAAuLq64t///rfwwIyNjcWOHTvQv39/fR2NRiO0BgAMHjwYOTk56NOnDwAgJiZGH2pz5sxBZGSk0TWWLVuGTZs2YeXKlejWrRsCAgLQrFkzo9v9p8DAQNSoUQP9+vWDJEmIiopCfn4+6tati+DgYGzYsMHoGkuWLMGnn34KLy8vIWFSmpCQEIwfPx6ffPIJAMDT0xPTp083SWA6OTnhzJkzeOeddwAAe/bsgZOTE/bu3YuEhATMnj27cteQ6IlFRUVJQ4YMkby8vKQhQ4bo/4wbN076+eefhdbq3bu3JEmS5Ovrqz/Wq1cvoTUkSZL69++vSJ1+/fo9dGzw4MGSJElSz549hda6e/eutGbNGqljx45SQECAFBcXJ7R9Pz+/h44NGjRIkiRJ8vHxEVKjb9++Qtp5lD59+kiSZPjal/y7SAEBAVJ+fr7+4/v370sjR46U8vPzpR49elT6GnyHWQ5+fn7w8/NDVFSU/p2SqVhYWBh8nJ+fD8kEvSiurq44ceIEVCoVtFotIiMj8fzzzwuvk52djaysLNSuXRsAkJmZqb/d/Of3aqyTJ0/i6NGjsLKyQocOHbBlyxbs2bMHn376qZD28/LykJSUBHd3dwBAUlISMjMzAQBqtVpIjW7duuG7775Dz549UaNGDf1xa+uyF8J9Umq1GoWFhfrb2JSUFJO9m71z547B62xubo7k5GRYWlrC0tKy0tdgYJaD7oekRYsWuHTp0kPnmzRpIqyWt7c3IiMjUVBQgKNHj2Lt2rXo0qWLsPZ15syZgxkzZuDvv//Gyy+/DG9vbyxdulR4naFDh8LX1xedOnUCAPz666947733kJubi1atWgmpsWbNGmzZsgXu7u4YOnQoOnXqBJVKhXHjxqFbt25CagDAlClT0K9fP7z00ksAgLNnz2LevHnIzc3F22+/LaRGREQEAGD+/Pn6Y6L7MAMCAjBx4kRkZmZi+fLliImJQWBgoLD2S2rTpg3GjBkDX19fqFQq7Nq1C61bt0Zubq6wwDRlDT70KYexY8di1apVpQaXSqXC/v37hdUqLCzE119/jfj4eEiShC5dumDMmDEwNxfzuy42NhY+Pj76XwJ5eXnQarWwsbER0n5pEhIScPz4cUiShDZt2sDDw0No+/PmzcOQIUPQuHHjh86dOXNGH3AipKen4+TJk5AkCV5eXnB0dBTWtpJOnDiBn3/+Wf9/zNvb2yR1CgsLsWXLFhw7dgySJKFt27YYOHCg0LsLU9ZgYD7ldE/1S3viT/IUFBToF6sGxN4uAw+6LU6ePAmVSoWXX35Z350hWm5uLgCY9JdlVcdbcgHS09ORn5+v/7hevXrC2tZoNFi5ciV+//13qFQqtG3bFhMmTBA2XEaSJISGhiI1NRVLlix56Pz06dOF1NH5888/ER4ejqSkJBQXF+uHyYgYv1rakKWSRI+R3bdvHxYsWGDSIT8HDx7EtGnT4OnpCQC4cOECwsPD8frrrwurcfnyZUyfPh1///03AKBp06YICwsr9R26sdLT07FhwwYkJSWhqKhIf/yzzz6rEjUYmEY4cuQIgoKCkJ6eDjMzMxQWFqJ27dpCfzBnzpwJW1tbzJ49G5IkITo6GjNnzsTnn38upP1PP/0U+/btg0qlQs2aNYW0+SizZs3ChAkTTDJMZseOHQCA7du3IysrC/7+/pAkCTt27ICLS9k7DJZXeHi4yYf8REREYNOmTfrwunz5MqZNmyY0MD/66CN93zIA7Nq1Cx999BG2bdsmrIbOpEmT0LhxY7Rr107YgzFFaxj1jP0p5+fnJ125ckXy9fWVtFqttHXrVikiIkJojXfeeUfWMWPt2rVLeJul0Q2TMiXdMKXHHTOWEkN+ShvaJXq4V2nDo0o7JoIp/u8qWYNTI43UqFEjFBUVQaVSYcCAATh+/LjQ9uvVq4eMjAz9x5mZmXjmmWeEtZ+UlATgwWDlS5cuPfRHtI4dOxoM9jeF1NRUg3+zjIwM/W2zSLohP1lZWSabtujg4GAwcyw6Olr43lTNmjXDiRMn9B//8ccf8PLyElpD5/nnn0dKSopJ2laiBh/6GGHAgAHYtm0bRo8ejcGDB6N+/fqYMGGC0KfkU6ZMwR9//IE33ngDAPDLL7+gXbt2+qexxvYxKvnEH3jQz5iVlQUbGxtYWloK7cPU2bRpE1atWoXOnTsDAA4cOICxY8ciICBAWA0ABk/3VSqVSfowr1+/jqlTp+L8+fNQqVTw9PREeHg4nn32WWE1fH19cfHiRX2b169fh6enp76bYfv27cJqjR49GmfOnEHLli0NxpWK7MM0ZQ0GphFiY2PRoUMHXLt2Df/+97+Rk5ODmTNn4t133xVWY8WKFY88P3HiRGG1lHDz5s1Sj9evX19onZJDl9q2bWuSqZFKys3NhSRJJpkbf+zYsUeeb9OmjbBaZY3E8PPzqxI1GJjlpNVqcfDgQf0A7KrqcbeQoofIkDy6cbFldYuInBxB8jEwjTBw4EBs2bLF5HUOHTqE8+fPGwxdEvXOUrfiTmn/DUTeXk6bNg3h4eHo27dvqUN/RN72lTW8SNRt//Dhw7F+/fqH6ojsXlCyqyQnJwdfffXVQ//Hvv32W2E11q9fj+HDh5c6dA0QM3xNiRocVmSEl156CadOnUKLFi1MVmPp0qU4ffo0Ll26hDfffBP79+9Hu3bthLWvWwXpcTIyMox62DB8+HAAwIwZM8rdhly64UXAg7n3u3fvFjYzCngwnOifdURbtWoVACA+Pt5kNXRmzpyJxo0b4+rVq5g8eTJ27NiBF198UWgNXV+iKYeuKVGDw4qM4OvrK73wwgtSjx49pL59++r/iOTj4yMVFhbqh5Lcvn1bGj9+vNAacogaDhQTEyPrmGhDhw4V3ubq1atlHTPGhx9+KOuYMXT/t3QrLOXn50vDhw8XWkPn0qVLso5V1hocVmSEmTNnYu3atQgJCcH06dP1f0SytLSEubk5VCoVCgsL4eLigtu3bwutIYckqOdm3bp1so6JlJSUVObDJmPs2bNH1jFjXL9+/aFjV65cEVpDtyCFhYUFsrKyYGFhYbL/Y1OnTpV1rLLW4C25EZKTk/WzI3R27twptIaNjQ3y8vLQsmVLBAUFwcnJyWQzJB7lUVMO5Th9+jROnTqFzMxMbNq0SX9co9GgsLDQ2MszULJvUavVoqioCDNnzhTW/uHDh3Ho0KGHppOKXHB527Zt2Lp1K65evYp+/frpj+fk5KBRo0bC6gBAw4YNkZWVhV69esHf3x92dnb6qZiiZGRkICMjA/n5+bh8+bL+F3BOTg7u3btXZWowMI2wbt26hwKztGPGWLZsGdRqNWbMmIG1a9ciJydH6Jg1paSkpODMmTPIy8vDmTNn9MdtbGywePFiobVK9i2am5ujbt26Qn/JWFhYwMbG5qHppM7OzhgzZoyQGq+//joaNGiA0NBQg7sWW1tb4UOkdMv4jRw5Es2bN0dOTg46duwotMbu3buxfv16pKam4v3339cft7Ozw3vvvVdlarAPsxxOnTolbdy4UerUqZO0ceNG/Z/IyEhFpn5VBFErcB88eFBIO4+yYMECWceMdeHCBeFtVoQLFy5Iubm5+o81Go108eJFk9T68ssvTdKuUjX4DrMclHy3NGjQIERGRsLe3h4AkJWVhQ8++MDgtlYJohbebd++PY4cOYLr168brCQzePBgIe0DMJjmpyN6yioANGjQAN9///1Dq+KI7MdWYshPUFAQtm7dqv/YwsICM2bMELqZn864ceOQl5eH27dvGyyJJ3JcqSlrMDDLoWvXrujSpQt+/vlnvPnmmyatde/ePX1YAkDt2rWF9pU9Lnh1QfbBBx8IqRcUFIQzZ87ghRdeEN4Xu3fvXuzduxc3b97E5MmT9cc1Gg2srKyE1gKAyZMno7CwEC1atBC2Wvg/KTHkp7i42GBxXUtLS4OgEWnTpk1YunQp7O3t9VMvRY8rNWUNBmY5mZmZ4auvvjJ5YGq1Wty7d0/fV5abmyv0P3PJd8hK+O9//4vY2Fjh+/cADxZC6dy5M06fPq2fRw486PcTOXZV59q1a9i7d6/wdv9ZY/ny5di/fz98fHzw1ltvCesn1TE3NzfYm+j69esme7C4Zs0axMbGCp8Kq1QNBqYRlBi47uPjg1GjRmHQoEEAgM2bNwudqy66C+FxXF1dTda2h4cHPDw80KVLF5OtSl6Su7s7NBqNSfc+/+eQH3t7e+FDfiZOnIhBgwbpp/keOHAACxYsEFpDx8nJyaRhaeoaDEwjnDhxAps3b0aDBg0MnpaKnOY3duxYODs76/f0GThwIHr37i2s/ccttSZ6rnzDhg0xYsQIdO3a1eA2VmQfZmRkJD744ANYW1tj2LBhOHfuHObNmyd09ALw4Olr37590aFDB4PvRWQfphJDft544w1s3LgRhw8fBgCMGTMGDRo0EFpD57XXXsOSJUvwzjvvGKwkJLIP05Q1OJfcCGWt8iJydRdTGzp0aJnnVCqV0IcLwIPVvUsj8p3uu+++i127duGXX37Bzp07ERQUhDFjxggfI1vWSlKmWkHqxIkT+iE/prplTk9PR1JSksnWw1RibrxJa5js+ftTJDc312BYhkiLFy+WsrOzpcLCQmnQoEHSyy+/rMhUwqpMN9VvyZIl0g8//CBJkrhhUUoqKiqS+vTpY/I6gwYNkrKzs6W7d+9K7du3l3r27Cl9/PHHJq9bFfGW3AhJSUn497//rV/c9YUXXkB4eLi+81yE3377DUFBQfjll1/g4uKCiIgI/Z7LIii1jNgff/yB1q1bl9kFIPLW39HREbNnz8bhw4cxZswYFBUVCX1QtnfvXvTo0aPMEQaiuhfUajXq1KmD/Px8g1tL0e7duwc7Ozvs3LkTvXr1wtSpU+Hr6yt0oZSCggJYWlqWuZygiGUElajBwDTC3LlzMWDAAPTt2xcAEBUVhblz52Lt2rXCax0/fhzdunWDi4uL0dMUS1qwYAFWrVpV6pNXkbdK0dHRaN26Nb7++utS64gMzE8++QS7du1Cv379YG9vjxs3bmDkyJHC2v/777/Ro0cPRUYYNGzYEIMHD0b37t0N+slF9vkWFBQAAI4ePYqePXvCzMxM+C2/v78/oqOj0bJly4eWExS1jKASNdiHaQRfX9+H+sVKO2aMkSNHon79+jh8+DBiYmJgY2MDPz8/7N69W1iNp02/fv2EPpgzJSX6fENCQnDkyBFIkoTY2Fjcv38fI0aMMMnA9aqO7zCNYGZmhitXruC5554DACQmJgr/zWzqd0s6kydPfmiOemnHRMjJyUFiYqLBzJVXXnlFeJ2ylJyVY6wrV64gISFB/y4NgNBRDLNmzXpo2JLIiQsAEBwcjISEBLi7u8PS0hIajcZkw4qqOgamEQIDAzF48GD9MI+EhIQyV3suLwcHB4wYMUL/8TPPPCN010gdJZYRAx4sfxYWFobs7Gw4Ozvj+vXr8PDwKHMfFlMQ1aXx7bffYuvWrUhLS0Pz5s1x4sQJvPLKK0IDc+jQoQ/925R2zBjBwcEYMmSIPpgdHByE70ypk5CQoA/okr9kRG4cZ8oaDEwjdOzYET/88ANOnjwJSZLg5eUl7D9aWdss6IjabkHJZcSAB2Mko6KiMHr0aMTExODw4cPYt2+f8DpK2LZtG77//nsMGjQI33zzDS5evKhfKd1YRUVFKCwshFarxf379w2WKhO9lW+jRo0wadIk1K1bF4MHD8Zbb70ldIX6kkJCQjBlyhQsXrwYX3/9NTZt2gQbG5sqU4OBKYhuzqoouiXKtm/fjqysLPj7+0OSJOzYsQMuLi7C6pS2jFh+fj7s7OzQvHlzYXV0zM3N4ejoqH9q/frrr2P58uXC6zyKqG57S0tL1KxZE1qtFpIkoWnTpqW+Uy+PyMhIrFixAiqVymBMpK2trfAumZEjR2LkyJH49ddf8d133+Hjjz9Gv3794O/vL/T/GvDgAVO7du0gSRKcnZ0RGBiIoUOHCp3uacoaDEwj7Nu3D3PmzMFLL70ErVaLhIQEhIaGomvXrka3rZvadfz4cWzcuFF/fPbs2RgyZIjBen/G1qlfvz6aNGkCT09PWFhYwNfXF5mZmRg7dixGjx4tpI6Obi/yBg0aYMOGDahfvz4yMzOF1nicl19+WUg71tbWKCwshIeHB8LDw+Hm5ob79+8LaXvixImYOHEi5s+fj7lz5wpp83G8vLxw+fJlJCQk4K+//sL27dsxatQogy4hY+n6+O3t7ZGQkAAXFxfhq+GbtEaFjP6sJt5++23pypUr+o8TExOlt99+W2iNbt26Senp6fqP09PTpbfeektoDUn638DuvXv3SnPmzJHu3bun3+NFpN9++03Kzs6WEhMTpeHDh0t9+vSRDh8+LKTtkmuTlvZHNN06knfu3JFmzpwpTZo0STp37pzQGjk5OVJxcbG+XmxsrJSfny+0xunTp6WgoCCpQ4cOUlhYmJSUlKSv3alTJ6G11qxZI2VkZEgHDhyQvLy8pBYtWkhff/11lanBd5hGsLe3N+jna9iwofBFH4YPH47evXvrV985cOAAxo4dK7QG8L8nx8ePH0enTp1gbW0tvJsBgH7VIDs7O+F7+ejGRWZmZuLYsWP6WkeOHEH79u2Fjl0EgKZNmwJ4sEvhwoULhbatM2zYMGzcuBG5ubkYPXo0mjZtioMHD+Ljjz8WVuOjjz7CkCFDEBwcbLAMnq2tLcaNGyesDgB9d0LHjh1x7Ngx5OfnC1+8xJQ1OA7TCCtWrIBarUa/fv0gSRKioqJgaWmpX1lIxMwC4MFTv+PHj0OSJLRt21b4FgXAgyFEOTk5uHLlCvbs2QMzMzP4+/sLn3+t0WiwcuVK/P7771CpVHj11Vcxfvx4oT80H3zwAYKCgvQzrpKSkrBs2TJEREQIqwEAqampWLBgAY4ePQqVSoW2bdti1qxZcHZ2FlbDz88P0dHR+P7773H79m1MmjQJvXr1EjoO98iRIw8tf1faMVEOHDiA33//HcCDh5uiF3gxZQ0GphE8PDzKPCdqZoFS7t+/j0OHDqFZs2Zwd3dHSkoKLly4IHxvlw8//BC2trb6XzLR0dHIzs7G559/LqxG7969ERMT89hjxhoxYgS8vb3Rv39/AA8e1B07dkzoO+eePXsiJiYGU6dOxbBhw+Dt7S18coQulEvq06ePSQauR0REID4+Hu+88w4kScKPP/6IN954A1OmTKkSNXhLboSEhAST1/jzzz8RHh6OpKQkFBcXQ5IkqFQqYcOKdKysrAweVrm4uAh/Qgo8GNsZGxur/7h169bw8fERWqN27dr44osvDILMFOtjZmZmGqxMNGHCBMTFxQmt0bNnT7z66qt47rnn0KpVK6SlpQmbV37t2jVcvXoVGo3GYI6/KYYu6fz444+Ijo7WT/McPnw4/Pz8hAamKWswMCu5WbNmYcKECfDy8jJJn6LS6tWrh4yMDP141czMTOED8cPCwrBw4UL06tULwINbsrCwMKE1gAd7+ly7dk2/duT169fx/PPPC60xceJEDBs2DLa2tjAzM0PNmjWFDcP6888/ERUVhTt37hjM8be1tRW68EZJzs7OBl1VNWrUENqFYeoavCWv5Eq7XarKpkyZgj/++ANvvPEGAOCXX35Bu3bt4OjoCEDs4rumNmrUKPz5559o3bo1gAcB9Morr+h/WEVMK1VidaeoqCj06dNHWHuPsmjRIly+fBl+fn4AgJ07d+KFF15Aq1atAIj5vkxZg4FZyUVERKBVq1Ym6RivCGUtuqsjavFdU+9MCeCxv8h0P7DGKLnAc0FBAc6fP48XXngBW7ZsMbptpZb2K0mJBatNWYOBWcm9+uqryMrKgo2NjX7Qtyn6MCuLlStXYsKECUa1UdbOlErvXxQSEoKQkBChbV66dAlr164VMoxp7NixWLVqFbp06VLqcmgiV0GX69dffxX+oFFkDfZhVnK6KZJPi//85z9GB6Ypd6Z8EidPnhTeZpMmTXDhwgUhbenmvYeGhqJ58+aoVasWACA7Oxtnz54VUuNJRUREmDwwjanBwKzkTL3DXmUj4obHlDtTKq1kH6ZWq8Xp06eh1WqF1ggPDzfoXrC1tcWSJUsqpO9ciRteY2owMCu55ORkhIeHIyEhwWD9yIq4XVKCiKXXlNiZUikln16bm5vD3d1d+Bqlum4eHTMzM6FbejwJkbsJmKIGA7OSmzlzJnr27Inz589j6dKl2Lx5M5599tmKvqxKraCgAM8++ywuXrxY0ZditA0bNpi8ho2NDU6ePKlflOTkyZMG22HQ/zAwK7nMzEz0798f3377LVq2bImXX35Z6OoxlY2IWzKlH+6UxZhxs0ruFz9t2jR88MEH+qfily5deuxoBlPhLTkZRffgombNmrh16xbq1q2LW7duVfBVlZ9Go0HNmjVhZmaGixcv4u+//0a3bt30t85r1qwRUsfUW0foHDlyBJcvX8aQIUNw584dg4WXjXlgV9pmcTqiN41r2bIlfvjhB/z111+QJAktW7aEvb29sPZLU3LyQkmBgYFGt71z586HdlUtecyoGkLWPCKT+fjjj6XMzEwpOjpaatu2rdShQwdp4cKFFX1Z5ebn5yfl5uZKqampUvv27aVRo0ZJM2bMEFpj/fr1Us+ePaVXXnlFGjVqlNSiRQtp9OjRQmtIkiStWrVKCggIkLp16yZJkiQlJydLAwcOFF6nOvnrr7+kzp07Sx07dpQkSZJOnTolzZ49W2iN3r17yzpWHnyHWcnppqj17t0bbdq0gUaj0S8rVhVJkoSaNWvihx9+wIABA/Sr74hkyq0jSoqNjcWOHTv0c9ZdXV2FbVBW1mByHVMMKlfC4sWL8dVXX2Hq1KkAgObNmyMoKEhI26dPn8apU6eQmZlpsGe8RqNBYWGhkBoMzEqqtMUP6tSpgzp16iAvL0/Y0nFKy8/PR0FBAQ4ePIhhw4YBEL+9hym3jijJysrqobGeop7yPmo7hYoaVC5CYWHhQ2EvarxsSkoKzpw5g7y8PIM9421sbIT1azMwK6myNqOX/n8ISFVaOq4kU66+o2PKrSNKcnV1xYkTJ6BSqaDVahEZGSls8Y34+Hgh7VQ2lpaWyM3N1f9iuXTpkrDXv2vXrujatSsOHTqE9u3bC2nznzg1khSXnZ2tX30nNzcXGo1G6FJyFy9exDPPPIO8vDwsW7YMOTk5GD9+vH47ZFHS0tIwY8YMHDt2DCqVCt7e3li6dKl+IRFjFBQUwNLSssxl1qrqHcaBAwfw5ZdfIikpCR06dMDBgwcRHh6O1157TViN1atXY8CAAfol/TIzM7Fjxw689957RrfNwCRFKbH6zuOImONdXFyM7du3w9/fH3l5edBqtUK3i9WtUuXh4VHqnUZVvcMAHiz6cfDgQUiShPbt2+uXxxOltAWWRS0gzVtyUlTJ4TIlV99RMjBFzPFWq9XYuXMn/P39TfJuTzctUYlFqpXm7u6OgIAAk7Vf2ntAUTOXGJikqH/OXNGtvlMVvfbaa/jxxx/x9ttvV/SlVHqvvvrqIx+IiVx9q2HDhli7di1GjBgBSZKwbt06YbPjGJhUoUSuvqO0jRs3IisrC1ZWVrC2tq72S+8ZQzeIf/v27cjKyoK/vz8kScKOHTuEb4Uya9YsTJs2DcuWLYNKpULLli2xZMkSIW0zMElRSqy+o5Snbek9Y+hW3Tp+/Dg2btyoPz579mwMGTIE77//vrBaLi4u+Pbbb3Hv3j0AEDovnoFJilJi9Z3HETXu82lbek+E1NRUg2mRGRkZSEtLE14nJycHiYmJBit8vfLKK0a3y6fkVC3l5eXh9u3bBp39omfHKLWjZ3WyadMmrFq1Cp07dwbw4I5j7NixQh8C7dmzB2FhYcjOzoazszOuX78ODw8PIet7MjBJUZIkYevWrfjtt9+gUqnw+uuvo3///kLXQdy0aROWLl2K2rVr69s1xeyYHj16lLqjJ995PlpCQgKOHz8OSZLQtm1bNGvWTGj77777LtauXYvRo0cjJiYGhw8fxr59+zBv3jyj2+YtOSlqyZIlOH/+vH6XwpiYGFy9elXobpFr1qxBbGysyYPLyspK+Dz4p4GHhwc8PDxM1r65uTkcHR31dxevv/66sK2JGZikqEOHDiE6Ohrm5g/+6/Xo0QN9+vQRGphOTk6KvMvr2LEjDhw4UG129FRCWcOLRHZj6DYLbNCgATZs2ID69esjMzNTSNsMTFJcyR8YkbfiuhV+XnvtNSxZsgTvvPOOwTxl0X2YW7duxapVq56aHT1FKDmyID8/H7t379b/8hRl8uTJ0Gg0mDp1KkJCQpCTk4Pg4GAhbbMPkxQVFhaGCxcuwM/PDyqVCtHR0WjatKl+GTtjdOnSpcxzpujDvHnzZqnH2Yf5ZIYNGyZkP3LAcMqqKTAwSVFarRZbtmzB77//DkmS8Nprr8Hf31/4Em9K0Wg0uHbtGl588cWKvpQqKSkpCSNGjBD6yywgIADfffedsPZKYmBStfPbb7+hefPmsLOzA/C/fbbbtWsntM6BAwcwd+5cqNVqxMfH4/Tp0/jiiy8QGRkptE51UrIPU6vVoqioCLNmzdI/BBRhxYoVaNKkiUmmrDIwSRHr16/H8OHDERYWVmq/pciHPr1790Z0dLTBD2bfvn2F77Pdt29fREZG4v3339evhNOzZ0/s2bNHaJ3qpGQ3hrm5OerWrQu1Wi20xquvvmqyKat86EOK0D18EbkEWlkkBffZdnJyMvi45D7o9DBd/25BQQGKi4v1m9SJXPHJlFNWGZikiIEDBwIAJk6caPJaSu2zbWNjgzt37ujD+ejRo/puACrdvn37sGDBAv10SFPsILBnz56H5qZ/9dVXQuar85acFFXaqjF2dnbw8vIS1sf43//+F5MmTXpon20vLy8h7eucPHkSISEhuHHjBjw8PHD16lWsXLkSzZs3F1qnOunWrRvCwsIemh0lkm7x5ccdKw++wyRFpaen48SJE+jatSsAYP/+/WjdujX27t2LHj16YPz48UbXUGqf7aZNmyIyMhJnz54FALz44ovClyqrbuzt7dGqVSuTtH348GEcOnQIqampBr+YRe3kCTAwSWGpqamIiorSB9iECRMwY8YMfPfddxgwYICQwFy4cCFmzZplMANHd0ykf25Up1KpYG5ujhYtWiA0NBTPPfec0HrVQbdu3fDdd9+hZ8+eBpMKRPRhWlhYwMbGBiqVyqALxtnZ+ZG7cD4JBiYpKiUlxeDdnr29PW7evAlbW1thD0xOnDjx0LHjx48LabukwMBA1KhRA/369YMkSYiKikJ+fj7q1q2L4ODgh1aXJyAiIgIAMH/+fOG7oLZp0wZt2rTBW2+9haZNmxrdXmkYmKSoJk2aYM6cOejTpw9UKhWioqLQsGFDFBQUGN2ntXfvXuzduxc3b97E5MmT9cc1Gg2srKyMvfSHxMXFISoqSv/x8OHD9YOmq+q2G6amxB5Fhw8fhpubG+zs7DBt2jScPn0as2fPFrL1LgOTFLVo0SJ88cUXCA0N1S/vNW3aNJiZmRksLlwejRo1QufOnXH69Gn9eosAYGtrK3zQOvBgzc2kpCS4u7sDeDBrRbfIg+ixhSRfVFQURo4cid9//x0ZGRlYtGgRFixYwMCkqsfW1rbMeeO6VbjLS7dsWJcuXfR7UpvSlClT0K9fP7z00ksAgLNnz2LevHnIzc3lxmgVSPfL6ujRo+jVqxdatWpV6k6S5cHAJEXonoJv2rSp1PODBw8WVisrKwvjx49HSkoK4uPjcfbsWcTHx2PSpEnCagBA9+7d8corr+ifxnt5ecHR0REAMG7cOKG1SD4rKyt8+eWX2L17NzZv3gxJklBYWCik7aq54gFVOX///TcA4MyZM6X+ESkkJATjx4/XDyL39PTEjz/+KLSGjoODA7p06YI333xTH5ZUsRYvXoyMjAxMnz4dTk5OSEpKErbQMweuU7XTt29f7NixA71799bP8S75d3o65ObmAhA7HZe35KSIktvrlkbkquVqtRqFhYX6KYspKSlVdvk4enKXL1/G9OnTcfHiRahUKjRt2hRLliwRMi6W7zBJEUOHDi3znEqlEraALPBgn6C9e/fiwoUL6Nu3L2JiYhAYGAgfHx9hNajyGjBgAAICAuDr6wsA2LVrFzZt2oRt27YZ3TYDk6qlEydO4Oeff4YkSejSpQu8vb0r+pJIIX369DEYH1vWsfLgfQopSpIkfP/991i6dCkA4MaNG/jzzz+F1vj222/h7e2NadOmYfr06fD29sbcuXOF1qDKq1mzZgazvf744w9hC6+wD5MUtXjxYqSnp+Ps2bOYOnUqbGxssGjRImzfvl1Yjf3798PNzQ3dunUD8GCwvMgFGKhy6tu3L1QqFQoLCxEdHY0GDRoAAK5du4YXXnhBSA0GJinq6NGjiImJgZ+fHwCgTp06yM/PF1pj+fLlGDFiBBwdHXHgwAHcunULn332mdAaVPk8aiM9UbuTMjBJUTVq1DD4z6vVaoXXqFWrFlasWIHhw4ejUaNGWLlyJacqPgXatGkDAMjJycHq1auRkJBg8MtYxINFBiYpqmnTpti1axckScKNGzewevVqtG7dWkjbulsynfz8fCQnJ+tXexd520+V18yZM9G4cWNcvXoVkydPxo4dO4Tt6smn5KQojUaDjz/+GPHx8QAe7CU+c+ZMIVtIHDt27KFj+fn5yM7OhpOTk/4dCFVv7777Lnbt2oVevXph9+7dKCgowJgxY7Bu3Tqj2+Y7TFJMcXEx1qxZgwULFpikfV0gBgYGYv78+bCwsICvry8yMzMxduxYBuZTQreuqoWFBbKysmBvb4/bt28LaZvDikgxarXaJAv5/lNiYiLs7Ozwyy+/oG3btvj11185LfIp0rBhQ2RlZaFXr17w9/dH//794enpKaRtvsMkRXXu3BnffPMNevfubXAbLnKb1aKiIgAPVlnv1KkTrKysODXyKaIb4zty5Eg0b94cOTk56Nixo5C22YdJivLw8ND/XfQWBTqTJ09GTk4Orly5gj179sDMzAz+/v7YuXOnsBr0dGJgUrVz//59HDp0CM2aNYO7uztSUlJw4cIFYe8y6OnFwCQikokdO0REMjEwiYhkYmASEcnEwCQikomBSVQOurGe9HRhYFK1c/bsWfTu3RstW7bEhx9+iClTpiAiIgIA8PPPP8PX1xfe3t4YOHAgEhIS9F/XpUsXfPPNN+jVqxdat26NKVOm6Fe7OXr0KDp27IjVq1fj9ddfx0cffQStVovVq1eja9euaNu2LSZPnoysrKyK+JZJIQxMqlYKCgowceJE+Pn54dixY/Dx8cFPP/0E4EGQzpw5E/Pnz8fRo0fh7++PCRMmoKCgQP/1e/fuxddff439+/fjwoULBtsa3LlzB3fv3sXPP/+M0NBQfPvtt/jpp5+wceNGHDx4EPb29pg/f77i3zMph4FJ1crJkydRVFSEYcOGwcLCAm+99RaaN28OANi2bRv8/f3x8ssvQ61Ww8/PDxYWFvjrr7/0Xz906FC4uLigdu3aeOONNwxmIJmZmeHDDz+EpaUlrKyssHXrVgQGBsLV1RWWlpaYOHEi4uLieLtejXEuOVUrqampcHFxMVgX083NDQBw69YtxMTEYOPGjfpzhYWFSE1N1X/s5OSk/7u1tbXBuTp16qBGjRr6j2/duoUPPvjAYJ66mZkZ0tPT4eLiIvYbo0qBgUnVipOTE1JSUvRz1AEgOTkZ7u7ucHNzw7hx4zB+/Phytf3PbQ5cXV2xaNEiYQsgU+XHW3KqVry8vKBWq7Fx40YUFRXhp59+wunTpwEA/fv3x5YtW3Dy5ElIkoR79+7hl19+KfcGaYMGDcKnn36KmzdvAgAyMjL0/aVUPfEdJlUrlpaWWL58OWbPno1ly5ahQ4cO6Ny5MywtLdG8eXOEhoZi/vz5uHbtGqysrNCqVaty71k+bNgwSJKEUaNGITU1FY6OjujZsye6du0q+LuiyoKLb1C1179/fwwcOBB9+/at6EuhKo635FTtHDt2DGlpaSgqKkJ0dDQuXLiADh06VPRlUTXAW3KqdhITEzFlyhTcu3cP7u7u+Pzzz+Hs7FzRl0XVAG/JiYhk4i05EZFMDEwiIpkYmEREMjEwiYhkYmASEcn0f1vKDm9NpvRcAAAAAElFTkSuQmCC\n", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "#\n", + "# plot pos-neg-else histogram per genre. \n", + "# Note. Abstract paintings get most \"2\" (somethin-else) per proportion of their size.\n", + "# Landscapes the most positive emotions \"0\".\n", + "\n", + "c = sns.catplot(x=\"genre\", \n", + " hue=\"pne\", \n", + " data=df_with_genre, \n", + " kind=\"count\", \n", + " palette={1: \"#FE2020\", \n", + " 0: \"#2f9c3b\", \n", + " 2: \"#6b8abd\"}, \n", + " legend_out=False)\n", + "\n", + "c.set_xticklabels(rotation=90)" + ] + }, + { + "cell_type": "code", + "execution_count": 33, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "genre pne\n", + "abstract_painting 0 47.776194\n", + " 1 27.638488\n", + " 2 24.585318\n", + "cityscape 0 74.203958\n", + " 1 17.110532\n", + " 2 8.685510\n", + "genre_painting 0 64.751085\n", + " 1 25.674870\n", + " 2 9.574045\n", + "illustration 0 50.324401\n", + " 1 38.975082\n", + " 2 10.700517\n", + "landscape 0 74.976635\n", + " 1 16.898983\n", + " 2 8.124382\n", + "nude_painting 0 56.832812\n", + " 1 30.991356\n", + " 2 12.175832\n", + "portrait 0 60.047404\n", + " 1 28.534238\n", + " 2 11.418358\n", + "religious_painting 0 53.482359\n", + " 1 36.819863\n", + " 2 9.697779\n", + "sketch_and_study 0 50.446634\n", + " 1 33.193664\n", + " 2 16.359702\n", + "still_life 0 66.064466\n", + " 1 18.917338\n", + " 2 15.018196\n", + "Name: pne, dtype: float64" + ] + }, + "execution_count": 33, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "## see the normalized statistics of the above plot.\n", + "x, y = 'genre', 'pne'\n", + "df1 = df_with_genre.groupby(x)[y].value_counts(normalize=True)\n", + "df1 = df1.mul(100)\n", + "df1" + ] + }, + { + "cell_type": "code", + "execution_count": 54, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAtEAAAI7CAYAAAAqFsfjAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjMuNCwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8QVMy6AAAACXBIWXMAAAsTAAALEwEAmpwYAACyHElEQVR4nOzdeVxU9f7H8dcMiCCbqKi451JpapmW1bXco8UtTS2XcikUQkwz9bpv6c+l3MU1NXPJNJe0NDXTXHJfUlRwxQUEAZVN1vP7g8vcSLs5CQzo+/l4+HjAOd8zfL7jMPPmnO/3fE2GYRiIiIiIiMh9M9u6ABERERGR/EYhWkRERETESgrRIiIiIiJWUogWEREREbGSQrSIiIiIiJUUokVERERErJQrIXr8+PE0atSIJ554guDgYMv2Cxcu0L59e7y9vWnfvj0XL168r30iIiIiIraUKyG6cePGLF26lNKlS2fZPnz4cDp06MDmzZvp0KEDw4YNu699IiIiIiK2lCshuk6dOnh5eWXZFhUVRVBQEM2aNQOgWbNmBAUFER0d/T/3iYiIiIjYmr2tfnBYWBglSpTAzs4OADs7O4oXL05YWBiGYfzlviJFitiqZBERERERwIYhOrfExMSTnq6VzUVERETkbmazCQ8PZ6uPs1mI9vLy4vr166SlpWFnZ0daWhoRERF4eXlhGMZf7rNWerqhEC0iIiIi2cpmt7grWrQoVatWZcOGDQBs2LCBqlWrUqRIkf+5T0RERETE1kyGYeT4adoxY8bw008/cePGDTw8PChcuDAbN27k3LlzDBw4kNu3b+Pm5sb48eOpWLEiwP/cZ42oqDidiRYRERGRezKbTRQt6mL1cbkSom1JIVpERERE/so/DdEP/cRCEREREck+hmEQF3eLxMQ40tPTbF3OfbO3d8DDwxM7u+yJvwrRIiIiInLfYmIiMZlMFClSAjs7e0wmk61L+luGYRAff5uYmEiKFbP+RhX3YrOJhSIiIiKS/yQn36Fw4aLY2xfIFwEawGQy4ezsRmpqcrY9pkK0iIiIiFjBwGTKfxEyuwN//nsGRERERERsTCFaRERERMRKCtEiIiIiIlZSiBYRERERsZJCtIiIiIjkuLffbs6SJQvp1Kktr73WkLFjR5KUlMThwwd56603WL78a5o1a0rLlt5s3LjeclxycjIzZkyhdes3ad78VSZOHEtS0h0b9iSDQrSIiIiI5IqffvqRzz+fzsqVa7l8+RKLFy8AIDo6ivj4ONau/ZGBA4fyxRfjuX37NgCBgdO5fPkSixYt45tv1hAZGcnChfNt2Q1AIVpEREREckmbNu0oUaIkbm7uvPdeN7Zu3QyAnZ09Xbp8gL29PS++WA8np0KEhl7CMAy+/34NAQGf4ObmTqFCzrz3Xle2bfvJxj3RioUiIiIikkuKFy9p+bpECS9u3LgBgLu7O/b2/42ljo6OJCYmcPNmDHfu3KF7906WfYZhkJ6enntF/wWFaBERERHJFRER4Zavr18Pp1ixYv+zvbt7YQoWLMiSJSvx9Cye0+VZRcM5RERERCRXfPfdt0REXOf27VssWbKQxo1f/Z/tzWYzzZu/xbRpXxATEw1AZGQE+/btzY1y/yeFaBERERHJFU2bvkbfvv60a9eSUqVK8/773f/2GF/fXpQpUxYfn668+mp9Pv7Yj9DQS7lQ7f9mMgzDsHUROSkqKo709Ie6iyIiIiK5Jjz8EiVLlrf6uLffbs6AAUN47rm6OVDV/blX7WaziaJFXax+LJ2JFhERERGxkkK0iIiIiIiVdHcOEREREclxq1Z9b+sSspXORIuIiIiIWEkhWkRERETESgrRIiIiIiJWUogWEREREbGSJhaKiIiIyANxdXPEsWCBbH/cO0kpxN6+k+2Pmx0UokVERETkgTgWLECH/kuz/XGXTehILH8fokNDL/HZZyO4desW7u7uDBkykrJly2V7PX+k4RwiIiIikq9NmjSO1q3bsmLFd7Ru3ZaJE8fm+M9UiBYRERGRfCsmJprg4NM0aeINQJMm3gQHnyYmJiZHf65CtIiIiIjkW9evX6dYseLY2dkBYGdnR7FinkREXM/Rn6sQLSIiIiJiJYVoEREREcm3SpQowY0bEaSlpQGQlpbGjRuRFC9eIkd/rkK0iIiIiORbHh5FqFz5cbZu3QzA1q2bqVLlCTw8PHL055oMwzBy9CfYWFRUHOnpD3UXRURERHJNePglSpYsn2Wbre8TfenSRcaMGU5sbCyurq4MHTqScuUq3NXuXrWbzSaKFnWxujaFaBERERG5b/cKovlFdoZoDecQEREREbGSQrSIiIiIiJUUokVERERErKQQLSIiIiJiJYVoERERERErKUSLiIiIiFjJ3tYFiIiIiEj+5uHugL1DwWx/3NTkJGJuJf9tuxkzprBjx8+EhV3jq69WULFi5Wyv5c8UokVERETkgdg7FOTQhA+y/XFr958P/H2IfvnlBrRt+w4fffRhttfwVxSiRURERCRfe/rpZ3L9Z2pMtIiIiIiIlRSiRURERESspBAtIiIiImIlhWgRERERESuZDMMwbF1EToqKiiM9/aHuooiIiEiuCQ+/RMmS5bNss/Ut7qZMmciOHduJjo7C3b0wbm7ufP31yrva3at2s9lE0aIuVtemEC0iIiIi9+1eQTS/yM4QreEcIiIiIiJWUogWEREREbGSQrSIiIiIiJUUokVERERErKQQLSIiIiJiJYVoEREREREr2du6ABERERHJ39zcC1LQwSHbHzcpOZnbt5Ky/XGzg0K0iIiIiDyQgg4OdFnYO9sfd1HXqcD/DtG3bt1k9OhhXL16BQcHB0qXLsunnw7Cw8Mj2+v5Iw3nEBEREZF8y2Qy0aHDeyxf/h2LF6+gdOkyzJ49Pcd/rkK0iIiIiORbbm7uPPtsHcv3Tz1VnfDw8Bz/uQrRIiIiIvJQSE9PZ82a1dSr90qO/yyFaBERERF5KEyePJFChZxo06Zdjv8sTSwUERERkXxvxowpXLkSyvjxkzGbc/48sUK0iIiIiORrc+bM5MyZU0ycOBWHHLjV3r2YDMMwcuUn2UhUVBzp6Q91F0VERERyTXj4JUqWLJ9lmy3vE33+/Dnee689ZcuWo2BBRwC8vEoxbtyku9req3az2UTRoi5W16Yz0SIiIiLyQDKCrm0WRalYsRK7dh3M9Z+riYUiIiIiIlZSiBYRERERsZJCtIiIiIhYwYRhpNu6CKtl9zRAhWgRERERuW8ODo7cvHmD1NSUbA+mOcUwDOLjb2Nvn32THzWxUERERETum4eHJ3Fxt4iOvk56epqty7lv9vYOeHh4Zt/jZdsjiYiIiMhDz2Qy4epaGFfXwrYuxaY0nENERERExEoK0SIiIiIiVlKIFhERERGxkkK0iIiIiIiVFKJFRERERKykEC0iIiIiYiWFaBERERERKylEi4iIiIhYSSFaRERERMRKCtEiIiIiIlZSiBYRERERsVKeCNHbt2+nVatWtGzZkubNm/PTTz8BcOHCBdq3b4+3tzft27fn4sWLti1URERERAQwGYZh2LIAwzB4/vnnWbp0KY8//jinT5/m3Xff5dChQ3Tp0oU2bdrQsmVL1q1bx+rVq/nqq6+sevyoqDjS023aRRERERHJo8xmE0WLulh/XA7UYjWz2UxsbCwAsbGxFC9enJiYGIKCgmjWrBkAzZo1IygoiOjoaFuWKiIiIiKCva0LMJlMTJkyBT8/PwoVKkR8fDxz5swhLCyMEiVKYGdnB4CdnR3FixcnLCyMIkWK3Pfj/5O/LERERERE/hebh+jU1FTmzJnDrFmzqF27NocOHaJPnz5MmDAhWx5fwzlERERE5K/k2+Ecp06dIiIigtq1awNQu3ZtnJycKFiwINevXyctLQ2AtLQ0IiIi8PLysmW5IiIiIiK2D9ElS5YkPDyc8+fPA3Du3Dlu3LhB+fLlqVq1Khs2bABgw4YNVK1a1aqhHCIiIiIiOcHmd+cAWL9+PfPmzcNkMgEQEBBAkyZNOHfuHAMHDuT27du4ubkxfvx4KlasaNVjaziHiIiIiPyVfzqcI0+E6JykEC0iIiIifyXfjokWEREREclvFKJFRERERKykEC0iIiIiYiWFaBERERERKylEi4iIiIhYSSFaRERERMRKCtEiIiIiIlZSiBYRERERsZJCtIiIiIiIlRSiRURERESspBAtIiIiImIlhWgREeC33/bg7++Dv78PLVt6s3PnLwD88ss2Wrd+86724eHhBAT05KOPPmTbti0AREXdsDzG2LEj/9MuDF/f7gwc2Jf09HRSUlIYN25UrvVLRERyhr2tCxARyQteeOElXnjhJQA+/PB96tR5HoDt27dRvHiJu9ovXboYHx8/qlZ9in79AqhfvyFbtmzizTdb8PrrzRg/fgwhIcEcPLgfP78Ajhw5RHDwGYKCTtC8eavc7JqIiOQAnYkWEfmDq1evUKRIEQoVKsSePbt47rm6mEymu9pdu3aVSpWqYGdnR5EiRbh69Qrly1cgISEBgISEeFxdXXF0dCQ5OZnExETMZhMhIcFUr14zt7slIiLZTCH6EWbt5ev169fg49MFH58u/PTTJgBSU1MZPXoovr7dWbJkEaDL15K/7dixnVdeaQjAjz9uwNv7jXu2K1euPEePHuLOnTucPHmC2NjbPPlkNTZuXE/Hjm9jb1+AkiW9aNLEm02bNmIymThy5BBNm3ozZcpEFi2an5vdEhGRbKYQ/Qh74YWXmDFjLjNmzKV48ZJ/e/n6uefqMnfuImbNms+KFV8DsHv3TsqXf4zAwAX8/vtRoqJusH37Nvz8AqhWrTrBwWf4/vu1unwt+caePb9Sr94rHDp0gBo1alKgQIF7tuvcuQvr169h6NABlCtXAQ+PIixf/jWdOnVh6dJVuLi4cPToYVxdXRk8eASdOnXh8uVQQkMv0qBBYwzDIDT0Yu52TkREso1CtNz35Wsvr1IA2NnZYWeX8dI5ceJ3S/iuVasOp04F6fK15FtRUTewt7fH3b0w58+fY9eunfTt24sLF84zd+6sLG2LFCnKuHGfM2bMeBwcClCqVGnAwM3NDQA3N3fi4uIs7VevXknr1u1ITLyDyWTGZDKRkJCYm90TEZFspBAt9335OtPatat5+eUGAMTFxeLs7AKAi4sLsbG3dfla8h1XN0c8PV05enQfr7/ujaenK35+H7J8+VKWLFnE449XYfDgAXh6ujJ79hQ8PV05efIQffv6MWTIp/Tq9RHFi7vRqXMnFi2aj7+/D+fOnaVu3RcBiIuLIzLyOhUrVqJBg0YEBk4jKOgkVao8buOei4jIP2UyDMOwdRE5KSoqjvT0h7qLD8zf34fPPpvA2bMhnDsXQrt2HfD17U5g4IK72p48eYLFixcwbtwk7OzsmDlzKg0bNqZateqsWPE1ZcqUpV69+gAkJCQwa9ZUKleuQoUKFTly5BCNGzelXLkKudxDkf/N09OVDv2XPvDjLJvQkcjI2GyoSEREcovZbKJoURfrj8uBWiQfsebydWRkBDNmTGbIkBHY2dkBUL16DQ4dOgDA4cOHePLJpyztdflaREREHlYK0Y8wVzdHqy5fr1ixmNu3bzJixL/p29cPV9cCeL/WlPPnz+Hr253q1WtQrFgxQJevRURE5OGm4RyPsOy4hK3L1/Iw0HAOEZFHl4ZziIiIiIjkEoVoERERERErKUSLiIiIiFhJIVpERERExEoK0SIiIiIiVlKIFhERERGxkkK0iIiIiIiVFKJFRERERKykEC0iIiIiYiWFaBERERERKylEi4iIiIhYSSFaRERERMRKCtEiIiIiIlZSiBYRERERsZJCtIiIiIiIlRSiRURERESspBAtIiIiImIlhWgRERERESspRIuIiIiIWEkhWkRERETESgrRIiIiIiJWUogWEREREbGSQrSIiIiIiJUUokVERERErKQQLSIiIiJiJYVoERERERErKUSLiIiIiFhJIVpERERExEoK0SIiIiIiVlKIFhEREZF7+vHHDfTu7Yu/vw+RkREcOPAbAQE98ff34fTpU1naJiTE079/H3x9u/Hjjxss27/+ehG9e/vh7+9Deno64eFh+Pp2Z+DAvqSnp5OSksK4caNyu2sPzN7WBYiIiIhI3hMZGcHRo4eZOjUQgKSkO6xb9x2TJ8/Ezs7urvbr16+hSRNvGjduSkBAT5o08ebs2WASExOZOnWWpd327dvw8wvgyJFDBAefISjoBM2bt8qtbmUbnYkWERERkbvs27eX9PR0evf2ZfLkCfz++3FMJjP9+gUwevRQEhMTs7Q/ceJ3nnvueezs7KhcuQqhoZfYvftXbt26Ra9ePVi4cB4Ajo6OJCcnk5iYiNlsIiQkmOrVa9qiiw9EIVpERERE7hITE01KSgpTpwZSsKAj0dFRREXdYNKkaVSv/jTr1q3O0j4uLpZChZwBcHZ2ITb2NtHRUbi6ujJ9+hwuXjzPmTOnadLEm02bNmIymThy5BBNm3ozZcpEFi2ab4tu/mMK0SIiIiJyF2dnF5555lkAatd+jrCwa9Ss+Qx2dnbUrl2HS5cuZmnv4uJKQkI8kDE+2sXFFReX/z5GrVp1uHTpAq6urgwePIJOnbpw+XIooaEXadCgMYZhEBqa9THzMoVoEREREblLjRo1OXfuLAAhIWcoXrwEly5d+M/3wXh5lcrSvnr1Ghw8uJ+0tDRCQoIpV6481as/zblzIQCcPZv1mNWrV9K6dTsSE+9gMpkxmUwkJGQdIpKXKUTLI+/PM48BfvllG61bv3lX2yVLFuHv74O/vw9NmtTj9u1bHD58kDZtmuHv78Po0cMAHpqZxyIi8uh6tvbTeHi40revHxcuhPDOO22oV+8lPv64J1u2/ED37u/j6enK7NlT8PR0pWvXzuzYsZWPP+7JO++0o3Tponi/1oSLFy9Y7sxRo8bTAMTFxREZeZ2KFSvRoEEjAgOnERR0kipVHrdxr++fyTAMw9ZF5KSoqDjS0x/qLv5jnp6udOi/9IEeY9mEjkRGxmZTRbkvMjKC+fNn8+9/D8uyffjwQVy/Hs7s2V/e87ibN28yZEh/ZsyYy+HDBzl4cD8+Pn6W/cuXf0316jU4cuQQzz//IkFBJ3j88Sfy5cSJR0F2/C5A/v99EBH5o0clJ5jNJooWdbH+uByoRSTf+PPM47S0NPbs2cVzz9XFZDL95XG7du2gXr1XLN9v3boZP78P2LJlE/DwzDwWERGRe1OIlkfan2ce79q1gx9/3IC39xv/87idO3/hlVcaAvDkk9VYtmw1n38+nVWrviEmJuahmXksIiIi96YQLY+0P888vnjxAjVq1KRAgQJ/eUxCQgK3bt2kVKnSABQqVAh7e3ucnJx4+ulaXLkS+tDMPBYREZF7U4iWR9qfZx6np6eza9dO+vbtxYUL55k7d9Zdx+zdu5sXXnjJ8n18fBwAaWlpnD4d9FDNPBYREZF707Lf8kh7tvbT/PrrNvr29cPDw4NJkybh4OAAwLvvvsvgwQMAGD16NEOHDgVg//5d9OzZE09PVwC2bNnAypUrMZnMNGniTbFinkDWmcdOTk6MHDkENzd3OnfuaoOeioiISHZSiJZHmmPBAhyLKgNeZbgBdBnyrWWfqWyzP8xKrvjfr+1rM2L+AeAAkDHzuGnTZnc9touLC337ZoRwL69Sf3mnDxEREcl/NJxDRERERMRKCtEiIiIiIlZSiBYRERERsZJCtIiIiIiIlRSiRURERESspBAtIiIiImIlhWgRERERESspRIuIiIiIWEkhWkRERETESgrRIiIiIiJWUogWEREREbGSQrSIiIiIiJUUokVERERErKQQLSIi8gc//riB3r198ff3ITIygmXLvsLXtzsjRw4hNTU1S9uEhHj69++Dr283fvxxAwCHDx+kTZtm+Pv7MHr0MADCw8Pw9e3OwIF9SU9PJyUlhXHjRuV630Qk+9jbugAREZG8IjIygqNHDzN1aiAAMTExHD58kMDABXz99SJ27vyFRo2aWNqvX7+GJk28ady4KQEBPWnSxBsAb+838PHxs7Tbvn0bfn4BHDlyiODgMwQFnaB581a52jcRyV46Ey0iIvIf+/btJT09nd69fZk8eQKnTp2kVq3aANSpU5eTJ3/P0v7Eid957rnnsbOzo3LlKoSGXgJg69bN+Pl9wJYtmwBwdHQkOTmZxMREzGYTISHBVK9eM3c7JyLZKk+E6KSkJIYPH86rr75K8+bNGTp0KAAXLlygffv2eHt70759ey5evGjbQkVE5KEWExNNSkoKU6cGUrCgI3FxsTg7OwPg4uJCbOztLO3j4mIpVChjv7Nzxv4nn6zGsmWr+fzz6axa9Q0xMTE0aeLNpk0bMZlMHDlyiKZNvZkyZSKLFs3P9T6KSPbIEyF64sSJFCxYkM2bN/P999/Tu3dvAIYPH06HDh3YvHkzHTp0YNiwYTauVEREHmbOzi4888yzANSu/RxhYdeIj48HID4+HldX1yztXVxcSUjI2J+QEI+LiyuFChXC3t4eJycnnn66FleuhOLq6srgwSPo1KkLly+HEhp6kQYNGmMYBqGhF3O1jyKSPWweouPj41m7di29e/fGZDIBUKxYMaKioggKCqJZs2YANGvWjKCgIKKjo21ZroiIPMRq1KjJuXNnAQgJOUPx4iU4evQwAAcP7qNatRpZ2levXoODB/eTlpZGSEgw5cqVJz4+DoC0tDROnw7Cy6uUpf3q1Stp3bodiYl3MJnMmEwmEhISc6l3IpKdbD6x8PLlyxQuXJgZM2awb98+nJ2d6d27N46OjpQoUQI7OzsA7OzsKF68OGFhYRQpUuS+H79oUZecKl3+w9PT9e8bPeT0HEgmvRbyN/fCtfj112307euHh4cHH33Ugzt3YgkI8KFUqVL4+fng4ODA6NGjGTp0KF27duaTTz5h/frVvPNOO0qXLsry5d+wevW3mM1m3nzzTapWrQhAbGwscXEx1K37DKVLF6Nfv34ULlyYvn0DLJ91Ig+jh/V90eYhOjU1lcuXL1OtWjUGDBjAsWPH6NmzJ1OnTs2Wx4+KiiM93ciWx3rYZNeLOjIyNlsexxb0HAhk7xu8Xgv5m6enK8eiyoBXGW4AXYZ8CzhjKtuMMMv3ABXp0H9pxpfur2B2h1W/JbLqt6Usm9CRJk3esDzmH18Tvr59iIyMpWBBd6ZPnwdAdHRCrvRNxFqPymek2Wz6RyddbT6co1SpUtjb21uGbTz99NN4eHjg6OjI9evXSUtLAzIui0VERODl5WXLckVEREREbB+iixQpQt26ddm9ezeQcUeOqKgoKlSoQNWqVdmwIePm9Rs2bKBq1apWDeUQEREREckJNh/OATBy5EgGDRrE+PHjsbe3Z8KECbi5uTFixAgGDhzIrFmzcHNzY/z48bYuVUREREQkb4TosmXLsmTJkru2V6pUiW+//fYeR4iIiIiI2I7Nh3OIiIiIiOQ3CtEiIiIiIlZSiBYREQDCwq7RvPmr+Pv70KfPRwAcOPAbAQE98ff34fTpU1naX7hwHl/fbvj6dmPevEAA9u//DV/f7vTo0ZU5c2YCEB4ehq9vdwYO7Et6ejopKSmMGzcqdzsnIpLN8sSYaBERyRuee64uw4aNBiAp6Q7r1n3H5Mkz77kYyLp1q+nRw59nnnmWjz/2IzY2lmefrcPzz78AQK9ePYiJiWH79m34+QVw5MghgoPPEBR0gubNW+Vmt0REsp3ORIuIiMXhwwfx8/uAb75ZyokTv2MymenXL4DRo4eSmJh1eeoKFSoSFxdnuZ+/g0MB7O0zzs2kpaVRpEhRnJ2dcXR0JDk5mcTERMxmEyEhwVSvXjPX+yYikp0UokVEBICiRYuxfPl3TJs2m4MH93Ps2BGiom4wadI0qld/mnXrVmdpX7v2c8ycOYUOHdpQvXpNChZ0BGDduu/o0KEN7u7uODg40KSJN5s2bcRkMnHkyCGaNvVmypSJLFo03xbdFBHJFgrRIiICgIODA05OTtjb2/PSSy9Tpkw5atZ8Bjs7O2rXrsOlSxeztJ83L5Bhw0azfPl3nDt3lrCwawC0bNmaZctWExkZQXDwaVxdXRk8eASdOnXh8uVQQkMv0qBBYwzDIDT04t2FiIjkAwrRIiICQEJCvOXr338/RunSZbh06QIAISHBeHmVytLeMAzc3Nwxm824uLiQkJBAcnIyAHZ2djg6OlnOTgOsXr2S1q3bkZh4B5PJjMlkIiEh6xAREZH8QhMLRUQEgGPHjjBv3mwcHByoWfNpnnqqOs888ywfffQhBQs6MmLEGAAmT55Anz796djxfUaPHobZbKZ8+ceoVKkya9euYuvWn0hLS+PZZ+tQvnwFAOLi4oiMvE7FipVwcnJi5MghuLm507lzVxv2WETkn1OIFhERAF71bkKLFq9n2ebv3xN//55Zto0dm3H3Dk/P53n55ayrynZ+rxOtWr1912O7uLjQt+8AALy8SjF79pfZWbqISK5TiBYREQAcCxagQ/+lD/QYyyZ0JJY72VSRiEjepTHRIiIiIiJWUogWEREREbGSQrSIiIiIiJUUokVERERErKQQLSIiIiJiJYVoERERERErKUSLiIhIFmFh12je/FX8/X3o0+cjbt68Sc+e3fD392HAgD4kJd37NoYDBvRh7txZAERF3cDf3wd/fx/Gjh0JQHh4GL6+3Rk4sC/p6emkpKQwbtyoXOuXSHbSfaJFRETkLs89V5dhwzIW1klLS2PWrPmYzWa+/HIuu3fvolGjJlnah4QEW5Z9B9iyZRNvvtmC119vxvjxYwgJCebgwf34+QVw5MghgoPPEBR0gubNW+Vmt0Syjc5Ei4iIyF0OHz6In98HfPPNUuzs7DCbMyJDeno6ZcuWvav9qlUreOuttpbvy5evQEJCAgAJCfG4urri6OhIcnIyiYmJmM0mQkKCqV69Zu50SCSb3XeI9vX1ved2f3//bCtGREREbK9o0WIsX/4d06bN5uDB/Zw9G0JQ0Am6d+/MoUMH8PIqnaX9pUsX8fAogouLi2Xbk09WY+PG9XTs+Db29gUoWdKLJk282bRpIyaTiSNHDtG0qTdTpkxk0aL5ud1FkQd23yF6375999y+f//+bCtGREREbM/BwQEnJyfs7e156aWXOX/+HNWqVWfBgiW88kpDNm5cl6X9ihVLadv2nSzbli//mk6durB06SpcXFw4evQwrq6uDB48gk6dunD5ciihoRdp0KAxhmEQGnoxF3so8uD+dkz01KlTAUhJSbF8neny5cuUKlUqZyoTERERm0hIiKdQIWcAfv/9GG3atLfsc3Z2Jj09LUv769fD+OyzkcTG3uLWrVs891xdwMDNzQ0ANzd34uLiLO1Xr15J69bt2LdvLyaTGZPJREJCYs53TCQb/W2IDg8PB8AwDMvXmby8vOjVq1fOVCYiIiI2cezYEebNm42DgwM1az6NyQT+/j6YTCbc3NwYOjRjwuHkyRPo06c/X3wxA8gYR33w4H5q1apNyZJefPbZCBYtmo+bmzvvvdcNgLi4OCIjr1OxYiWcnJwYOXIIbm7udO7c1Wb9Ffkn/jZEjxs3DoBatWrRrl27HC9IREREbMfVzZEWLV6nRYvXs2yvX//Fu9qOHTs6y/fe3g3x9m74n8epyIwZc+86xsXFhb59BwDg5VWK2bO/zK7SRXLVfd/irl27dsTGxnLhwgXi4+Oz7Hvxxbt/sURERCT/cSxYgA79lz7w4yyb0JFY7n0/aZGHwX2H6O+++45Ro0ZRqFAhHB0dLdtNJhPbtm3LkeJERERERPKi+w7RkydPZurUqdSvXz8n6xERERERyfPu+xZ3aWlp1KtXLydrERERERHJF+47RH/44YcEBgaSnp6ek/WIiIiIiOR59z2cY9GiRdy4cYP58+dTuHDhLPt++eWXbC5LRERERCTvuu8QPXHixJysQ0RsKCzsGj4+XShfvgIFChRg8uSZLFv2Fb/+uoOSJb0YPHgE9vb/fbv48ccNbNiwjuTkJF5/vTmtW7dl166dfPXVl5hMJho0aMy773YiPDyMkSOH4O7uztixk0hLS2PSpHH8+9/DbNhbEZG/Z+37YqYBA/pQqVIVfHz8OHz4IJ99NgIvr1KUKFGSoUNH6X3xIXLfIfr555/PyTpExMaee64uw4Zl3PM1JiaGw4cPEhi4gK+/XsTOnb/QqFETS9umTV/j9debkZaWRrdunWjdui2VKz9OYOACzGYzvXr1oHnzVmzfvg0/vwCOHDlEcPAZgoJO0Lx5Kxv1UETEOta8LwKEhASTnJycZZu39xv4+PhZvtf74sPjvsdEJycnM3nyZBo3bkzt2rUB2LVrF19//XWOFSciuefw4YP4+X3AN98s5dSpk9SqlfF7XqdOXU6e/D1L28yzL6mpKVSoUAGAkiVLYmdnh8lkwmw2YzabcHR0JDk5mcTERMxmEyEhwVSvXjNX+yUi8k9Z874IsGrVCt56q22WbVu3bsbP7wO2bNkEoPfFh8h9h+ixY8cSHBzMpEmTMJlMAFSpUoXly5fnWHEikjuKFi3G8uXfMW3abA4e3M/p00E4OzsDGauLxcbevuuYhQvn8c47rXniiapZtu/du5vSpctSqJAzTZp4s2nTRkwmE0eOHKJpU2+mTJnIokXzc6VfIiL/lLXvi5cuXcTDowguLi6WbU8+WY1ly1bz+efTWbXqG2JiYvS++BC57xC9detWPv/8c2rVqoXZnHFYiRIluH79eo4VJyK5w8HBAScnJ+zt7XnppZcpU6asZWXS+Ph4XF1d7zqma9cP+eabtWzfvpVbt24CcPXqFZYt+4qAgL4AuLq6MnjwCDp16sLly6GEhl6kQYPGGIZBaOjF3OqeiIjVrH1fXLFiKW3bvpNlW6FChbC3t8fJyYmnn67FlSuhel98iNx3iC5QoABpaWlZtkVHR991pw4RyX8SEuItX//++zFKly7L0aOHATh4cB/VqtXI0j5zzF+BAgUoWNCRAgUcSEiIZ+zYkQwcOBQnJ6cs7VevXknr1u1ITLyDyWTGZDKRkJCYw70SEfnnrH1fvH49jM8+G0lg4DS2bt3MkSOHiI+PAzLW2jh9Oggvr1KW9npfzP/ue2Lha6+9xoABA/j3v/8NQEREBGPHjuXNN9/MseJEJHccO3aEefNm4+DgQM2aT/PUU9V5+ula+Pp2p0SJkrRr1wGAyZMn0KdPf5YsWciRI4dITU3F2/sNChUqxJIlCwkLu8a4caMAGDRoOKVKlSYuLo7IyOtUrFgJJycnRo4cgpubO507d7Vll0VE/qfgkJMEzpqJg4MDzz77LA0avEhw8O8EBPhQqlQp/Px8cHBwYPTo0QwdOpQlSxYDsG/fPvbs2cOrrzZg2bLlrFy5EpPJTJMm3hQr5gmg98WHhMkwDON+GiYnJzNx4kRWrVpFYmIiTk5OtG3bln79+uHg4JDTdf5jUVFxpKffVxcfOZ6ernTov/SBHmPZhI5ERsZmU0W5T88BuLo54liwwAM9xp2kFGJv38mminJfdrwOIP+/FvT7oOcA9PuQSa+FR+c5MJtNFC3q8vcN/+S+z0Q7ODgwePBgBg8eTHR0NB4eHpYJhiKSfzkWLJAtb5Kx5N8QLSIiYq37HhO9du1aTp8+DUCRIkUwmUycPn2atWvX5lRtIiIiIiJ50n2H6KlTp+Ll5ZVlW8mSJZk6dWq2FyUiIiIikpfdd4iOi4vLcu9DyLh91e3bd98/VkRERETkYXbfIbpSpUps3rw5y7YtW7ZQqVKlbC8qN61Y8TW+vt0JCTmDv78P/v4+tG3bgpUrl2Vpt2TJIsv+Jk3qcfv2LaKibli2jR07EoDw8DB8fbszcGBf0tPTSUlJsdytQEREREQeDvc9sbBfv374+Pjw448/UrZsWUJDQ9m7dy9z587NyfpyVHJyMmfPhgBQpcoTzJiR0ZeBA/vy0ksvZ2nbuXMXOnfuws2bNxkypD9ubu6sWPE1b77Zgtdfb8b48WMICQnm4MH9+PkFcOTIIYKDzxAUdILmzVvldtdEREREJAfd95noZ599lo0bN1KjRg0SExOpWbMmGzZsoHbt2jlZX476/vu1vP56syzbEhMTiYqKokyZsvc8ZteuHdSr9woA5ctXICEhAci4KburqyuOjo4kJyeTmJiI2WwiJCSY6tVr5mxHRERERCRX3VeITktL45lnnqFo0aL4+PgwfPhwfHx87ppomJ+kpqZy9Ohhatd+Lsv2337bzQsvvPSXx+3c+QuvvNIQgCefrMbGjevp2PFt7O0LULKkF02aeLNp00ZMJhNHjhyiaVNvpkyZyKJF83O0PyIiIiKSe+4rRNvZ2VGhQgViYmJyup5cs2nTRpo2fe2u7X8MyX+WkJDArVs3KVWqNADLl39Np05dWLp0FS4uLhw9ehhXV1cGDx5Bp05duHw5lNDQizRo0BjDMAgNvZiTXRIRERGRXHLfY6KbN29Oz549ee+99yhZsmSWfS+++GK2F5bTQkMvcfZsMGvXrubChfOsWrWCVq3e5tKlC1Sp8vg9j9m7989nqQ3c3NwAcHNzJy4uzrJn9eqVtG7djn379mIymTGZTCQkJOZkl0REREQkl9x3iF6+fDkA06dPz7LdZDKxbdu27K0qh7m6OTJ8+GDL9++++y6+vh/y66+/Uq/ev/D0dLXsGz16NEOHDgVg//5d9OzZ07K/U+dODPr3v1m0aD5ubu689143ION2gJGR16lYsRJOTk6MHDkENzd3Onfumou9FBEREZGcct8h+ueff87JOnLVn5c5NpVt9ofvy/xpCeSK//3evjYj5h8ADgAZSx1n3tHjj1xcXOjbdwAAXl6lmD37yxzohYiIiIjYyn3fnQMgJSWFgwcP8sMPPwAZY4Qz704hIiIiIvKouO8z0WfOnMHX1xcHBweuX7/OG2+8wYEDB1izZg1TpkzJwRJFRERERPKW+z4TPWLECAICAti0aRP29hnZ+7nnnuPQoUM5VpyIiIiISF503yH67NmztGzZEsiYTAhQqFAhkpKScqYyEREREZE86r5DdOnSpTlx4kSWbcePH6dcuXLZXpSIiIiISF5232Oie/fuTY8ePXjnnXdITk5mzpw5LF++nDFjxuRkfSIiIiIiec59n4lu2LAh8+fPJzo6mrp163Lt2jVmzJhBvXr1crI+EREREZE8577PRCcnJ7NlyxZ2795NREQEJUqUwMPDgypVqlCwYMGcrFFEREREJE+57xA9YsQILly4wJAhQyhdujTXrl1jzpw5XL9+nXHjxuVkjSIiIiIiecp9h+ht27axZcsW3NzcAKhcuTI1a9bk1VdfzbHiRERERETyovseE12sWDESExOzbEtKSsLT0zPbixIRERERycvu+0x0y5Yt+eCDD+jcuTMlSpQgPDycpUuX0rJlS/bu3Wtp9+KLL+ZIoSIiIiIiecV9h+gVK1YAMHv27Lu2Z+4zmUxs27YtG8sTEREREcl77jtE//zzzzlZh4iIiIhIvnHfY6JFRERERCSDQrSIiIiIiJUUokVERERErKQQLSIiIiJiJYVoERERERErKUSLiIiIiFhJIVpERERExEoK0SIiIiIiVlKIFhERERGxkkK0iIiIiIiVFKJFRERERKykEC0iIiIiYiWFaBERERERKylEi4iIiIhYSSFaRERERMRKCtEiIiIiIlbKUyF6xowZPPHEEwQHBwNw4cIF2rdvj7e3N+3bt+fixYu2LVBEREREhDwUok+ePMnRo0cpVaqUZdvw4cPp0KEDmzdvpkOHDgwbNsyGFYrI/3L+/Fl69uyGn98HjB07krS0NEaNGoq/vw+9e/tx8+bNLO3Dw8MJCOjJRx99yLZtWwCIirqBv78P/v4+jB078j/twvD17c7AgX1JT08nJSWFceNG5Xb3REREssgTITo5OZlRo0YxfPhwTCYTAFFRUQQFBdGsWTMAmjVrRlBQENHR0bYsVUT+QrlyFZg9+0tmzZoPwOnTp7C3t2fGjLm8+WZzfvrpxyztly5djI+PH9OmzWbDhrWkpqayZcsm3nyzBTNmzMXOzo6QkGC2b9+Gn18A1apVJzj4DN9/v5bmzVvZoIciIiL/ZW/rAgCmTp1KixYtKFu2rGVbWFgYJUqUwM7ODgA7OzuKFy9OWFgYRYoUue/HLlrUJdvr/SNPT9ccffz8QM+BngMALy8Py9euroWoUqUcTk4O/3luUihTpkSW5+nGjXDq1q1FoUKF8PIqQUJCNDVrVuPKlSt4erqSlpZM+fIluXjRHScnO8zmdIoWdeHKlQv06NHNBj28P3ot6DkAPQeZ9DzoOYCH9zmweYg+cuQIv//+O/369cuRx4+KiiM93ciyLTv/MyMjY7PtsXJbdj0Peg70HEDGc7Br1w7mzJlJ2bLlAUdiYxN49VVvzGYz8+Z9leV5KlmyDFu37qBWrTocPnyE0NBwSpeuwKRJX7B48Vc8+WQ1HBzceOGFBkyb9jmensX5+eed1KvXiMGDh1G4sAddunyQLbXrPSGDfh/0HIB+HzLptfDoPAdms+kfnXS1+XCOAwcOcP78eRo3bkyjRo0IDw+ne/fuhIaGcv36ddLS0gBIS0sjIiICLy8vG1csIn+lXr36LFmyEk9PT3bs+BlnZxeWLl1Ft24+LF++JEvbzp27sH79GoYOHUC5chXw8CjC8uVf06lTF5YuXYWLiwtHjx7G1dWVwYNH0KlTFy5fDiU09CINGjTGMAxCQy/apqMiIvLIs3mI9vHxYdeuXfz888/8/PPPlCxZkgULFvDGG29QtWpVNmzYAMCGDRuoWrWqVUM5RCT3JCcnW74uVMgZFxcX3NzcAHB3L0xcXFyW9kWKFGXcuM8ZM2Y8Dg4FKFWqNGBYjnFzc89yzOrVK2nduh2JiXcwmcyYTCYSEhJzvmMiIiL3YPPhHP/LiBEjGDhwILNmzcLNzY3x48fbuiQR+Qv79u3hm2+WAVCmTFnq1KnLxo3r8ff3wTAMBg0aDsDkyRPo06c/e/bsYvnyJZjNdvj69sJkMvHWW2357LMRLFo0Hzc3d957L2Psc1xcHJGR16lYsRJOTk6MHDkENzd3OnfuarP+iojIoy3Pheiff/7Z8nWlSpX49ttvbViNiNyP9NQUWrduTuvWzbNsnzMn8K62Y8eOBqBly9dp2fL1LPs83CswY8bcu45xcXGhb98BAHh5lWL27C+zq3QREZF/JM+FaBHJf8z2BTg04cEn+dXuPx9I/tt2IiIitmbzMdEiIiIiIvmNQrSIiIhku+Dg4CyrmBqGwYEDvxEQ0BN/fx9Onz6Vpf2FC+fx9e2Gr2835s3LGAq2a9dOfHy60KNHV5Yv/xrQKqaSd2g4h4iIiGS7xx57zDJ/YezYkRw/fpR1675j8uSZloXU/mjdutX06OHPM888y8cf+xEbG0vlyo8TGLgAs9lMr149aN68lWUV0yNHDhEcfIagoBNaxVRsQmeiRUREJNsVKFAgy9fXr1/HZDLTr18Ao0cPJTEx6y0qK1SoSFxcnGV9CAeHApQsWRI7OztMJhNmsxmz2YSjoyPJyckkJiZiNpsICQmmevWaudo3EVCIFhERkRyya9cOOnduR0xMDOnpaURF3WDSpGlUr/4069atztK2du3nmDlzCh06tKF69ZoULOho2bd3725Kly5LoULONGnizaZNGzGZTBw5coimTb2ZMmUiixbNz+3uySNOIVpERERyxB9XMTWbzdSs+Qx2dnbUrl2HS5cuZmk7b14gw4aNZvny7zh37ixhYdcAuHr1CsuWfUVAQF8ArWIqeYZCtIiIiGS7P69imp6ezqVLFwAICQnGy6tUlvaGYeDm5o7ZbMbFxYWEhAQSEuIZO3YkAwcOxcnJKUt7rWIqtqaJhSIiIpLtdu7cybx5C4CMVUw//NCXW7du8tFHH1KwoCMjRowB/ruKaceO7zN69DDMZjPlyz9GpUqVWbJkIWFh1yx33xg0aDilSpXWKqaSJyhEi4iISLZr1KA+TZo0ybLN378n/v49s2zLXMXU0/N5Xn456yrFAf497hmMtYqp5AUK0SIiIpLtsmMlU61iKnmZxkSLiIiIiFhJIVpERERExEoK0SIiIiIiVlKIFhERERGxkkK0iIiIiIiVFKJFRERERKykEC0iIiIiYiWFaBEREZEccv78WXr27Iaf3weMHTuSmJgYevbshr+/DwMG9CEp6U6W9nv37qZDhzb4+na3bIuLi6N//4/x9/dh5cplAISHh+Hr252BA/uSnp5OSkqKZWVHyR0K0SIiIiI5pFy5Csye/SWzZs0H4Nq1q8yaNZ8ZM+byxBNV2b17V5b2Tz1Vg0WLlmfZtn79dzRt+hozZszl6NEj3Lx5k+3bt+HnF0C1atUJDj7D99+vpXnzVrnVLUEhWkRERCTH2Nv/d3HoAgUKULJkSczmjPiVnp5O2bJls7R3c3PDwcEhy7Zr165SqVIVAB57rCKnTwfh6OhIcnIyiYmJmM0mQkKCqV69Zg73Rv5IIVpEREQkB+3atYPOndsRExODu3thgoJO0L17Zw4dOoCXV+m/Pb5cufIcPXqYtLQ0jh07QmzsbZo08WbTpo2YTCaOHDlE06beTJkykUWL5udCjwQUokVERERyVL169VmyZCWenp7s3v0r1apVZ8GCJbzySkM2blz3t8c3b/4WJ04cp1+/AIoWLUaRIkVxdXVl8OARdOrUhcuXQwkNvUiDBo0xDIPQ0Is53ylRiBYRERHJKcnJyZavCxVyxs7uv9HL2dmZggUL/u1jODk5MWzYaCZNmoZhGDz1VA3LvtWrV9K6dTsSE+9gMpkxmUwkJCRmbyfknuz/vomIiIiI/BP79u3hm28y7qhRpkxZihQpir+/DyaTCTc3N4YOHQ3A5MkT6NOnP6dPBxEYOIMLF87Ru7cfEyZM5sKF88ycOQWTyUSHDu/h6OgIZNy1IzLyOhUrVsLJyYmRI4fg5uZO585dbdbfR4lCtIiIiEgOSE9NoXXr5rRu3TzL9vr1X7yr7dixGWHa07MuL79c17I9NTmJggWrMn36nLuOcXFxoW/fAQB4eZVi9uwvs7N8+RsK0SIiIiI5wGxfgEMTPnigx6jdfz6Q/LftJPdpTLSIiIiIiJUUokVEJFv9eYU2wzBYtuwrfH27M3LkEFJTU7O0Dw8PJyCgJx999CHbtm0BtEKbiOR9CtEiIpKt/rxC2+nTQRw+fJDAwAVUqlSZnTt/ydJ+6dLF+Pj4MW3abDZsWEtqaqpWaBORPE8hWkREstWfV2i7fDmUWrVqA1CnTl1Onvw9S/vM1djs7OwoUqQIV69e0QptIpLnKUSLiEi2++MKbWlpaTg7OwMZdxOIjb2dpW3GamyHuHPnDidPniA29rZWaBORPE8hWkREst0fV2izs7MjPj4egPj4eFxdXbO07dy5C+vXr2Ho0AGUK1cBD48iWqFNRPI8hWgREclWf16hLS0tjaNHDwNw8OA+qlWrkaV9kSJFGTfuc8aMGY+DQwFKlSqtFdpEJM/TfaJFRCRb/XmFtg8/9CUq6ga+vt0pUaIk7dp1AP67QtuePbtYvnwJZrMdvr69MJlMnD59Siu0iUiephAtIiLZ5q9WaOvTpxd9+vTKsi1zhbaWLV+nZcvXLdtTk5N48kmt0CYieZtCtIiIZBut0CYijwqNiRYRERERsZJCtIiIiIiIlTScQ0REJJudPHmC6dO/wGw28+STVfH378OYMcOJiLiOnZ09I0eOpXDhwpb2P/zwPUuWLKRo0WJUq/YUfn692b//NxYunEd6ejrPPluHHj0+Ijw8jJEjh+Du7s7YsZNIS0tj0qRx/Pvfw2zXWZFHlEK0iIhINitZsiRTpwZSsGBBRo4cwrFjR7C3t2fGjLn89NOP/PTTj7Rr926WYzp0eC/LMubPPluH559/AYBevXoQExNjWfr8yJFDBAefISjohJY+F7ERDecQERHJZkWLFqNgwYIA2NnZAWAymQCIjY3F3d39rmNWrlzGRx99yMGD+4H/Lp+elpZGkSJFcXZ21tLnInmIQrSIiEgOOXs2hFu3blKz5jOkpKTQsePbrF27ivr1G2Vp9/LLDVi8eAVjxkxg5swppKWlAbBu3Xd06NAGd3d3HBwctPS5SB6iEP0Ajh07Rs+e3fDz+4Bp0z4nJOQM/v4++Pv70LZtC1auXJalfXp6OjNmTKF3b1+GDBmQZd+UKRMZNWooAOHhYfj6dmfgwL6kp6eTkpLCuHGjcq1fIiLy4G7fvsXkyRMYOHAo+/f/hrOzC0uXrqJbNx+WL1+Spa2rqytmsxkPDw/Kli1PTEw0AC1btmbZstVERkYQHHxaS5+L5CEaE/0ASpUqlWXMm9lsx4wZcwEYOLAvL730cpb227dvo0KFCvj7f5xle3R0FGFh13B2drG005g3EZH8KzU1lVGjhuLn15uiRYsBp3FzcwPA3b0wcXFxWdrHx8fh7OxCUtIdrlwJpXBhD5KTk3FwcMDOzg5HRycKFnS0tM9c+nzfvr1a+lzERhSiH4CnpyeRkbFAxpg3sznjxH5iYiJRUVGUKVM2S/s9e36lcGEP/P19ePXV12nR4i0AvvlmGW+/3Z4ff9wIcM8xb61bt83FnomIyIPYvn0rp08HERg4DYAPP/Tl0qUL+Pv7YBgGgwYNB/679Pk33yxj3769pKen07FjF+zt7Vm7dhVbt/5EWloazz5bh/LlKwBa+lwkr1CIzgaZY94ee6wiAL/9tpsXXnjprnYxMdHUrPkMvr69+PhjP+rVewV7e3tu3oyhTJlylnZNmngzbdrneHoWzzLmrXBhD7p0ebCVwEREJGelp6bQoUNbOnTIevKjSZNX7mqbufT5gAGf3LWv6/sdaNXq7bu2a+lzkbxBIfoBZY55GzVqnGXbzp2/0KHDe3e1dXZ2oVatZ7G3t6d69ZpcuXKZAwf20aZNuyztMse8JSQkMGvWVAoWLEiDBo05cuQQoaEXKVeuQk53S0RE/qHsWPoctPy5SF6niYUP4O4xbxnbLl26QJUqj9/VvkaNmpw9exaAc+dCKFnSi2vXrjJ79kw++2wEhw4dYNu2LZb2mWPeEhPvaMybiIiISB6iM9EPYNOmTVnGvPXs6U98fDzPPvtclnaZY96aNWvJmDEj+PbbZTz//IsUL16CoUMz7roRFnaNefMCady4KaAxbyIiIiJ5mUL0A3jjNW+aNWt21/ZmzV7N8n3mmDdwZd682Vn2pSYnEXMrGS+vUgwbNtqyXWPeRERERPIuhegHkB3j3jTmTURERCT/UYgWyQYnT55g+vQvMJvNPPlkVQICPsHbuz5VqjwBwNixE3Fz++8yv+np6cyaNY2QkDO4uroxZsx4fvjhe3744Xsg444v06fPxtXVjZEjh+Du7s7YsZNIS0tj0qRx/Pvfw2zSTxEREcmgEC2SDUqWLJll4Z1z585SsWJly+I7f3avhXfeeKM5b7zRnNTUVD744D0qV36cFSuWauEdERGRPEh35xDJBkWLFqNgwYLAfxfeuXTpIn5+HxAYOB3DMLK037PnVy5cyFh4Yf36NVn2HTt2hGeeqYXJZLrnwjvVq9fMtX6JiIjIvSlEi2SjPy68s2LFd8ycOY/Y2Nvs3r0zS7uYmGjKlSvPlCmz+OmnH4mOjrLs27HjZ155pSGQsfDOpk0bMZlMWRbeWbRofq72S0RERLJSiBbJJpkL7wwcOBQANzd3TCYTL7/cgPPnz2Vpe6+FdwAMw+D48WM8/XQt4L8L73Tq1IXLl0MJDb1IgwaNMQyD0NCLudo/ERER+S+F6Dzg5MkT9OzZDT+/D5g27XPL9l9+2Ubr1m/e1f6HH77n3Xdb4+/vw6xZU4GM+0r37/8x/v4+rFy5DIDw8DB8fbszcGBf0tPTSUlJYdy4UbnTqUfMnxfeSUxMJC0tDYDffz9G6dJlsrS/18I7AKdOneTxx5/Azs4uS3stvCMiIpK3KETnAZmT0mbNmk9MTAznzmWEq+3bt1G8eIl7HtOhw3vMmDEXP7/eAKxf/x1Nm77GjBlzOXr0CDdv3mT79m34+QVQrVp1goPP8P33azUpLYds377VsvCOv78P586F8OGH7+Hn9wEREddp0KAxkLHwDkCzZi3ZunUzvr7dqFatuuX/eefOX6hfv1GWx/7jwjsNGjQiMHAaQUEn77kqpoiIiOQO3Z0jD8hcMhz+Oyltz55dPPdcXTZuXH/PY1auXMamTRvp2vVD6tR5nmvXrvLCC/8C4LHHKnL6dNA9J6W1bt02V/r0KElPTaFDh7Z06JD1uW3Y8O7/u79beKdnT/+7jtHCOyIiInmPQnQe8sdJaV9+OZdhw0bfM0S//HIDXnvtTW7dukXfvh8xf/4SypUrz9GjhylfvgLHjh2hQoXHaNLEm2nTPsfTs3iWSWmFC3vQpcuDLRIj/5Udi+6AFt4RERHJTzScI4/446S0Q4cOUKNGTQoUKHDPtq6urpjNZjw8PChbtjwxMdE0b/4WJ04cp1+/AIoWLUaRIkU1KU1EREQkhyhE5wF/npR2/vw5du3aSd++vbhw4Txz587K0j4+Pg6ApKQ7XLkSSuHCHjg5OTFs2GgmTZqGYRg89VQNS3tNShMRERHJXhrOkQf8cVIaQM+e/rRt+w4Avr7d8fHxAzImpfXp059vvlnGvn17SU9Pp2PHLtjb23P69ClmzpyCyWSiQ4f3cHR0BLJOSnNycmLkyCG4ubnTuXNX23RWRERE5CGgEG1jyX8xKS3TqlUrLV9nTkobMOCTLG2SkpN58smqTJ8+567jNSlNREREJPspRNuYg30Buizs/UCPsajrVCApewoSERERkb+lMdEiIiIiIlZSiBYRERERsZJCtIiIiIiIlRSiRURERESspBAtIiIiImIlhWgRERERESspRIuIiIiIWEkhWkRERETESgrRIiIiIiJWUogWEREREbGSQrSIiIiIiJUUokVERERErKQQLSIiIiJiJYVoERERERErKUSLiIiIiFjJ3tYFxMTE0L9/f0JDQ3FwcKB8+fKMGjWKIkWKcOHCBQYOHMjNmzcpXLgw48ePp0KFCrYuWUREREQecTY/E20ymfjggw/YvHkz33//PWXLlmXSpEkADB8+nA4dOrB582Y6dOjAsGHDbFytiIiIiEgeCNGFCxembt26lu+feeYZrl27RlRUFEFBQTRr1gyAZs2aERQURHR0tK1KFREREREr3bgRSbduHWnU6CVSU1NJT09n1Kih+Pv70Lu3Hzdv3szSPjw8nICAnnz00Yds27YFgF27duLj04UePbqyfPnX/2kXhq9vdwYO7Et6ejopKSmMGzcq1/pl8+Ecf5Sens7y5ctp1KgRYWFhlChRAjs7OwDs7OwoXrw4YWFhFClS5L4fs2hRl5wqN0/x9HR9JH/2w0bPZf5/DvJ7/XmFnscMeh70HED+fw4qVizN118vwd/fH09PV86cOYOLixPTpy9n/fr17NnzM++//76l/axZX9C/fz9q1qzJhx9+yNtvt6Bu3Vq0aLESs9lM586d6dq1EwcO7GLQoIHs37+fyMjLHDt2jM6dO+Ta85WnQvTo0aMpVKgQnTp1IigoKFseMyoqjvR0I8u2/P5ivJfIyFirj8mu5+Gf/Oy8Iq+9FmzxXOo5yN7nQL8P2cNWz2Neeg4g//8+ZAe9FvL/c3D7djJgJjk5lcjIWOztnUlKyvj62rVIXFxcsvTx3LmLFC1amujoBFxc3Dh69BTly1cgOjoBgLQ0g+joeFJTTURE3OTGjZvcupXIkSO/8+qrLax+vsxm0z866Wrz4RyZxo8fz6VLl5gyZQpmsxkvLy+uX79OWloaAGlpaURERODl5WXjSkVERETkn3J3L0xKSgodO77N2rWrqF+/UZb95cqV5+jRQ9y5c4eTJ08QG3vbsm/v3t2ULl2WQoWcadLEm02bNmIymThy5BBNm3ozZcpEFi2anyv9yBMhevLkyZw4cYKZM2fi4OAAQNGiRalatSobNmwAYMOGDVStWtWqoRwiIiIikrfs3/8bzs4uLF26im7dfFi+fEmW/Z07d2H9+jUMHTqAcuUq4OGRkf2uXr3CsmVfERDQFwBXV1cGDx5Bp05duHw5lNDQizRo0BjDMAgNvZjj/bD5cI6QkBBmz55NhQoVeOeddwAoU6YMM2fOZMSIEQwcOJBZs2bh5ubG+PHjbVytiIiIiDwYAzc3NyDjrHRcXFyWvUWKFGXcuM9JSrrD6NHDKFWqNAkJ8YwdO5JBg4bj5OSUpf3q1Stp3bod+/btxWQyYzKZSEhIzPFe2DxEV6lShTNnztxzX6VKlfj2229zuSIRERERyQ7pqSkULuzIhx9+yPnzZxk48GP69u3L1q0/0revH+np6YwbNw5PT1dGjx7N0KFD+eWXX1iwYAF2dnb069eP4sXdCJy1hLCwa5a7bwwaNJxSpUoTFxdHZOR1KlashJOTEyNHDsHNzZ3OnbvmeN9sHqJFRERE5OFkti/AkQkf0KuaPVR7GoDUzdN5vwxQpiAAkStGEQm8URAOTfgAV+DjGhn7kn6YwqEfwLf/fN5u+95dj+/i4kLfvgMA8PIqxezZX+ZGt4A8MiZa8rc/3/8xJOQM/v4++Pv70LZtC1auXJal/d69u+nQoQ2+vt0t24KDT/Pee+15++3mlm22vv+jiIiIyF9RiJYH5urqxpQpgVSrVh2AKlWeYMaMucyYMZdKlSrz0ksvZ2n/1FM1WLRoeZZtZcqUZc6cRXh6Frds2759G35+AVSrVp3g4DN8//1amjdvleP9EXkQf/6jEuDAgd8ICOiJv78Pp0+fytL+XosKpKamMnr0UHx9u7NkyaL/tNMflSIieYlCtDywggULWiYI/FFiYiJRUVGUKVM2y3Y3NzfLXVgyFSrkfNdEAUdHR5KTk0lMTMRsNhESEkz16jWzvwMi2ejPf1QmJd1h3brvmDx5JjNmzOXJJ6tmab906WJ8fPyYNm02GzasJTU1ld27d1K+/GMEBi7g99+PEhV1Q39UiojkMQrRkmN++203L7zw0j8+3tb3fxT5J/78R+WJE79jMpnp1y+A0aOHkpiYdcb4tWtXqVSpCnZ2dhQpUoSrV69w4sTv1KnzPAC1atXh1Kkg/VEp8giz9grXjz9u4KOPPuTDD9/ju+/+e4OGr79eRO/efvj7+5Cenq4rXA9IIVpyzM6dv/DKKw3/8fG2vv+jSHaIjo4iKuoGkyZNo3r1p1m3bnWW/fdaVCAuLhZn54zVs1xcXIiNva0/KkUeYdZe4Wra9DVmzpzH7NkLWbfuOwBOnTpJYmIiU6fOYsaMuZjNZl3hekAK0ZIjUlNTuXTpAlWqPP7Aj5V5/8fExDu5ev9Hkezg4uJCzZrPYGdnR+3adbh06WKW/fdaVMDFxZX4+Iz7psbHx+Hq6qo/KkUeYdZe4bK3z7j5WmpqChUqVABg9+5fuXXrFr169WDhwnmAhk0+KIVoeSCZ93/89NNelvs/Xrt2nrNnT1Cv3r/w9HS1/Js9ewqenq6Eh1/k0097cfHieT79tBeFHA2uXw+nd28/Llw4R+/efoSFXQPIcv/HBg0aERg4jaCgk9kSzkVyw5NPPsWlSxcACAkJxsurVJb9mYsKjBkzHgeHApQqVZrq1Wtw6NABAA4fPsSTTz5laa8/KkXk765wASxcOI933mnNE09UtRzj6urK9OlzuHjxPGfOnNYVrgek+0TLA/mr+z8WApqYMu73mCnz/o/Af9o/A4CzqxslSpiYOnXWXY9vy/s/iljrrxYVqFfvJT7+uCeOjo58/vnnFC7814sKFClckH/96xV++WUEvr7defHFf1GsWDEAmy4qICJ5x5+vcC1f/vVdbbp2/ZCOHd/no48+4M03W+Di4sIzzzwLZMy1uHTpAk888SSDB48gISGBWbOmUrBgQRo0aMyRI4cIDb2Ip2eN3O5avqIQLSKSTf7qj8oaQI2nM+4+c25uP+CvFxWwrz4fe/tkhg8fc9fj649KEYGMK1zr168B7n2FKzk5GQcHBwoUKEDBgo4UKOBA9epPc+5cCHXrvsjZs8F4e79haW+rZbPzOw3nEBEREcmjku8xbDIxMcZyhWvLlh/o3v39LMMmv/tuGX37+hEQ4EPLls0pX74Er73emIsXL1juzFGjRsYf+vll2OT169fvukOJt3d9y+Jut2/fytI+ISGe/v374OvbjR9/3ADArl078fHpQo8eXS1n78PDw+jZsxu+vr6kp6eTnJzMoEGD7qsmnYkWERERyaMc7AvQZWFvqO/OU/Uzbhs7+XDGVagCTYqRBny8ZnhG4zJktHUBu0ZFsAN+StrHTwv3sajrVAYNGn7X4+eXK1yFCxdmypRABg3qZ9lWsWJlZsyYe8/269evoUkTbxo3bkpAQE+aNPGmcuXHCQxcgNlsplevHjRv3ort27fx0Ue9OX36d4KCgjh27Bht27a9r5p0JlpERERE8rR7Lex26dJF/Pw+IDBwOoZhZNl34sTvPPfc89jZ2VG5chVCQy9RsmRJ7OzsMJlMmM1mzGYTjo6OJCUl/ecOJWZOnz5NrVq17qsmhWgRERERyXdWrPiOmTPnERt7m927d2bZFxcXS6FCzgA4O2fcbz/T3r27KV26LIUKOVvuUAKwf/9+3nzzTcaMGcOsWXff7ODPFKJFREREJN9xc3PHZDLx8ssNOH/+XJZ9Li6uJCTEAxnjo11cXAG4evUKy5Z9RUBAXyBjYbchQ0bi4+PDhQsXuHDhAt7e3qSnp3P+/Pn/+fMVokVEREQkX0lMTCQtLQ2A338/RunSZbLsr169BgcP7ictLY2QkGDKlStPQkI8Y8eOZODAoTg5OWVpv3TpUjp16kRiYqJluEdCQsL/rEEhWkRERETytJSUFHr39uPs2RA++aQX58+f48MP38PP7wMiIq7ToEFjACZPngBA8+at2LJlEx999CFvvtkCBwcHVq9eSVjYNcaNG4W/vw/Xrl0FMoZ+hIeHU6VKFV599VUmTZrE8ePHqVq16l/WA7o7h4iIiIjkcYYJli1bkmVbgwbr72o3duxoADw9XVm4cEGWfR/597zn4lQuLq4MGzYMgDJlyrBixYr7qkkhWkRERETyNMut/h7Aoq5TgaTsKQgN5xARERERsZpCtIiIiIiIlRSiRURERESspBAtIiIiImIlhWgREclzbtyIpFu3jjRq9BKpqalcu3YVP78P+OijDxkxYrDl/rCZ9u7dTYcObfD17W7ZFhV1A39/H/z9fRg7diQA4eFh+Pp2Z+DAvqSnp5OSksK4caNytW8i8nBQiBYRkTzH1dWNKVMCqVatOpBxC6rx4yczc+Y8vLxKsXfv7iztn3qqBosWLc+ybcuWTbz5ZgtmzJiLnZ0dISHBbN++DT+/AKpVq05w8Bm+/34tzZu3yq1uichDRCFaRETynIIFC+Lm5mb53s3NDVfXjGV77e3tsbPL+vHl5uaGg4NDlm3ly1ewrDiWkBCPq6srjo6OJCcnk5iYiNlsIiQkmOrVa+Zwb0TkYaQQLSIi+caNG5EcPLiP55574W/bPvlkNTZuXE/Hjm9jb1+AkiW9aNLEm02bNmIymThy5BBNm3ozZcpEFi2anwvVW+/Pw1pSU1Pp0aMrTZu+zJUrl//yuAED+jB37iwAdu3aiY9PF3r06Mry5V8DGtYikh0UokVEJF9ITk5mzJjh9O8/BHv7v18rbPnyr+nUqQtLl67CxcWFo0cP4+rqyuDBI+jUqQuXL4cSGnqRBg0aYxgGoaEXc74TVvrzsBY7OzvGjZtkWeL4XkJCgklOTrZ8X7ny4wQGLmD27C/ZvXsncXFxGtYikg0UokVEJF+YMOEz3nqrLY89VvE+jzAsQ0Lc3NyJi4uz7Fm9eiWtW7cjMfEOJpMZk8lEQkJiDlT9YP48rMVkMlGkSNH/ecyqVSt46622lu9LliyJnZ0dJpMJs9mM2WzSsBaRbKAQLSIieUpyagqFCzvy6ae9OH/+LAMHfsyFC6fYuXM769Z9S9++fhw9+huenq7Mnj0FT09XwsMv8umnvbh48TyfftoLNzcHOr/XkUWL5uPv78O5c2epW/dFAOLi4oiMvE7FipVo0KARgYHTCAo6SZUqj9u45w/u0qWLeHgUwcXF5a59e/fupnTpshQq5JzvhrWI5EV/fz1MRCQX3bgRSf/+H3Px4gV++mkn9vb2LFv2Fb/+uoOSJb0YPHhElkv5S5YsYt++PQCcPh3Ed99tpFAhZ8aNG8m1a9d46aWX6dy5C+HhYYwcOQR3d3fGjp1EWloakyaN49//HmarrspfcLAvQJeFvaG+O0/VfwmAWSeX8nTAK5Y2S69sYOnCDVCGjLYA9d2pXv9fAPRY1p9FXacyY8bcux7fxcWFvn0HAODlVYrZs7/M4R7lnhUrlvLBBz24dOlilu1Xr15h2bKvmDBhCoBlWEtCQgKzZk2lYMGCNGjQmCNHDnH+/PncL1wkH9KZaBHJU/48BjQmJobDhw8SGLiASpUqs3PnL1nad+7chRkz5jJmzASefLIabm7u7N69k/LlHyMwcAG//36UqKgbGgMqj4Tr18P47LORBAZOY+vWzRw5coiEhHjGjh3JwIFDcXJyytL+3sNaEmxUvUj+ohAtInnKn8eAnjp1klq1agNQp05dTp78/Z7H7dq1g3r1Ms5UnjjxO3XqPA9ArVp1OHUqSGNAJV9KTU2ld28/zp4N4ZNPenHy5AmGDh3I/v2/8dlnw/n1118AmDx5AgBffDGDL76Yjq9vAE2aeFOrVm1Wr15JWNg1xo0bhb+/D9euXQX+elhL1apVbdNZkXxGwzlEJE+Li4vF2dkZyLgMHxt7+57tdu78hY8/7veHY1yyHNOkiTfTpn2Op2fxLGNACxf24NNP++ROZ0SskJyagpeXB8uWLcmyvUGDF+9qO3bs6Czfe3s3xNu7IUnJyXTu3JXOnbvedcxfDWuxs7PLri6IPNQUokUkT3NxcSUyMgKA+Ph4y4Ibf5SQkMCtWzcpVaq05Zj4+Lj/HBNHmTJlNQZU8h3L2PAHsKjrVCApewqykdTUVEaPHkp0dDRVq1bDz++/z8nUqZ8TEnIGgLNnQ9i0aTsJCfGMGDGE2NhbtGjRmtdfb8bp00F88cUEKlasxMCBQ7l16yaLFy8gIOATW3VLHgIaziGSR6SmpjJ8+L/p1asHs2ZNzbJvwYI5vP/+u/j7+7BiRcZiCUuWLMLf3wd/fx+aNKnH7du3OH06CB+fLvzf/2Wclbp16ybTpn2e633JTlWrVuPo0cMAHDy4j2rVatzVZu/e3bzwwkuW76tXr8GhQwcAOHz4EE8++ZRln8aAiuQvO3f+QuXKjzN9+hySkpIICQm27Ovd+xNmzJhLQEBfXnqpHgDr16+hSRNvZsyYx4YN60hJSeHHHzcwduxETCYzt27d5JtvltGuXQdbdUkeEgrRInnEli1b/vKDAsDf/2NmzJjLO+90Au49oS6/f1Dc69ZmiYk3eemlFwgI8OHy5Qu0bt0sy63NPD1d2b9/F61aZWx3cy/Iv/71CufPn8PXtzvVq9egWLFigMaAiuRH165doVKlKgBUqfI4J08ev6vNzp2/UL9+QyBjTsRzzz2PnZ0dlStXITT0EgULOpKUlERKSjKxsbGkpqZQsqRXrvZDHj4aziGSR1y+fPmuD4o/3rc2MHA6X3+9GH//3lSp8oRl+x8n1OX3D4p73dps8uEvoQAUfLU4UaTis/TTjMZ/vLVZDRi7eybszrh8bW+fxPDhY+56fI0BFcl/ypWrwNGjh3jppXocPnzonovt7Nu3h06dugAZcyIKFcqYR+HsnDEnonXrtsyePYNq1aqzfv13NGjQmEmT/o+KFSvRunXbux5P5H7oTLRIHlGxYkWOHj0EZAxBiI2Ntexr2/Ydvvzya/r1G8jkyROzHLdz5y+88krGGZjWrdsyb14gjz/+ZJYPiu+++zb3OiIiko3+9a+XSUpKondvXwoUKICHR5Es+y9fDqVYseI4OjoCGXMiEhLiAUhIiMfFxZWSJb0YMeIz6tdviJ2dPTt2bKdTpy6EhARrOJf8YwrRkifcuXOHTz/tjb+/DwMH9iU5OdmyLykpiXHjRhEQ0NNyG6fw8HACAnry0Ucfsm3bFoB8Px64YcOGf/lB4ebmDkDZsuWyHPPnCXX6oBCRh42dnR19+vRn6tRAzGY7nn/+hSz7d+7cziuvNLB8X716DQ4e3E9aWhohIcGUK1fesm/lyowhbnfuZNzq0jDSSUlJRuSfUIiWPGHfvj1Uq1adGTPmUrXqU5YV6ABWrVpB06avMW3abPr06Q/A0qWL8fHxY9q02WzYsJbU1NR8Px74f31QZN5p4ubNm6SlpVm2/3lCXSZ9UIjIwyA5NYX09AT69vXjk08+4qWXnueppypnmRNx4MBeWrZ8w/J9166d2bFjKx9/3JN33mlHMc+MO/pcvXqFQoWc8fDw4LXX3mTw4P6kp6fj7l7Ytp2UfEtjoiVPKFWqDKdPnwIyJn+5uRW27Dty5BCRkZEsWjSfd97pSL169bl27SqVKlXBzs6OIkWKcPXqlXw/Hvjy1SsMGvhvTCYTrVq14qmnKjN69GiGDh3K9OkTCQ4OxjAMBg7sj+d/PhT2799Fz549Ld8nJSdzKujcXR8Ujz1WUR8U+cidO3cYOnQAiYmJuLi4MGrU/+Hg4ADAhg3rWLx4ATVqPM2wYRlXXdavX8OGDesAePvtd3j11dd0Sy95KDjYF2DAD2Oxa5RxZW79rR2sX7gjy5yIAk2K0fu7YVkPfMERRxxZf2sHrR1aA0mULl2G7t17AFC16lPMm7c4N7siDyGFaMkTypYtR1DQSTp1aoeHhwe+vr0s+65evUK7dh3o0eMjevXqwQsv/Ity5cpz9OghatWqw8mTJx6KiSNlS5f56w+Kx8DxsRIAzDq5lFknl2Yc9IcJdZAxqU4fFPlf5pWZrl0/ZPHiBezbt4eXX24AQL169XnmmWf58su5lvbPPVeXFi3eIjU1FR+fLrz66muWKzMLFszNl1dmRETyOg3nkDzhxx83ULfuC3z99UpefLEemzf/YNnn4uLCM888i5OTE6VLlyEmJprOnbuwfv0ahg4dQLlyFfDwKKLxwPLQKFWqjGVewJ+vzBQuXPiuu4l4eZUCMoYE2dllvK3n9yszIiJ5nUK05AmGYeDm5gZkhITMMcAA1as/zblzIaSlpREeHkbhwh4UKVKUceM+Z8yY8Tg4FLBMrAONB5b8749XZk6fDqJGjZr3ddzatastZ6x1pxYRkZylEC02l5yawrvvvs2uXb/Qt68fv/yyhXffbWuZOBIQ4MeiRXMJCPDh3XfbU6pUEU6ePETfvn4MGfIpvXp9RPHibri5F9TEEXko/K8rM3/l5MkT7N27m44d3wd0pxYRkZymMdFicw72BfBZ3Q/quWAHGMDHa4ZnXUzjZVcK4crGuF1sXLgLwDJ+eNKBeXBA44Hl4fG/rszcS2RkBDNmTGb8+C/uGuqxcuUyOnXqyqJF8/50ZaZQTpUvIvJI0JloEZE8pmnT1/j55634+/vw008/8uqrr1vukb5796+MGjWUQ4f2M3hwxuqNCxfOIyYmmkGDPsXf34ekpDuAbuklIpKTdCZaRCQPSU5NoWLFUixZkvUqytixGbeza9XqDVq1eiPLvokT/++ux0lKTgZ0ZUZEJKcoRIuI5CEO9gX+O4zpASzqOhVIevCCRETknjScQ0RERETESgrRIiIiIiJWUogWEREREbGSQrSIiIiIiJUUokVERERErKQQLSIiIiJiJYVoERERERErKUSLiIiIiFhJIVpERERExEoK0SIiIiIiVlKIFhERERGxkkK0iIiIiIiVFKJFRERERKykEC0iIiIiYiWFaBERERERKylEi4iIiIhYSSFaRERERMRKCtEiIiIiIlZSiBYRERERsZJCtIiIiIiIlRSiRURERESspBAtIiIiImIlhWgRERERESspRIuIiIiIWEkhWkRERETESgrRIiIiIiJWUogWEREREbGSQrSIiIiIiJUUokVERERErKQQLSIiIiJiJYVoEREREREr5fkQfeHCBdq3b4+3tzft27fn4sWLti5JRERERB5xeT5EDx8+nA4dOrB582Y6dOjAsGHDbF2SiIiIiDzi7G1dwP8SFRVFUFAQCxcuBKBZs2aMHj2a6OhoihQpcl+PYTab7rm9mIdzttTo4Fb0gR+jmMv99eV/+at+/u3PzobnIa88B/DPnoe88hyA7V4Leg4evvcEyN+vBT0HGfT7oM9I0O9Dppx6LfzT14fJMAzjQQvKKSdOnGDAgAFs3LjRsu2NN95g4sSJPPXUUzasTEREREQeZXl+OIeIiIiISF6Tp0O0l5cX169fJy0tDYC0tDQiIiLw8vKycWUiIiIi8ijL0yG6aNGiVK1alQ0bNgCwYcMGqlatet/joUVEREREckKeHhMNcO7cOQYOHMjt27dxc3Nj/PjxVKxY0dZliYiIiMgjLM+HaBERERGRvCZPD+cQEREREcmLFKJFRERERKykEC0iIiIiYiWFaBERERERKylEi4iIiIhYSSFaRERERMRKCtEPOd3BUEQkf0pPT7d8nZycbMNKHk76fJQHpRD9kLpw4QJpaWmYTKaH4o3iYehDTvrj8/PHD96Hwb3687D18e9k/v9evnyZW7duERERYeOKJKclJiZy7NgxDMNg7969/PDDD6SkpNi6rIdKTEyMrUuwmT9/pua3z9i8Uq9C9EMk80V14cIFJk6cyJQpU0hPT89XQTqzzgMHDvDTTz/x3XffAWAymWxZVp5nMpnYs2cPx48fx2w2P1Qh02zOeJvatm0b69atIyQk5KHr498xmUxs376dTz/9lOnTpzNkyBBCQkJsXVaederUKXbu3GnrMh5IQkICq1ev5uOPP2bYsGFUqFCBAgUK2LqsfC/zM+bcuXN4e3uzdetWG1dkGyaTiWPHjjF48GDL93lZ5v/bjRs3iI2NJTU11cYVZVCIfoiYTCZ+/vlnRo8eTVJSEvv27ePzzz/PV2ekM8PC2LFjSUhIYPTo0cydO9fWZeVZmf+nFy9eZN68ebRr147ff//9oQiZf6z/22+/ZeTIkRw8eJBWrVqxd+9ezGZzvnhNZ4cjR44wc+ZMpk+fjrOzMwkJCRQvXjzf/x9np8zXQlBQEEuXLmXWrFns27fPxlVZLzQ0lCNHjlC0aFHq1avHrl27qFOnDtWqVbN1aQ8Fk8nEL7/8wsqVK3nssccYPnw4mzdvtnVZNuHk5ERsbCxxcXG2LuV/yjwZuG3bNj799FP+/e9/M2XKFC5evGjr0hSiHybnz59n8uTJDBs2jAULFuDj40N4eDgzZszIN0E6LCyML7/8kgULFlCwYEGeeOIJWrZsmefrthWTycTWrVvp06cPb731Fq+99hodO3bk6NGj+T5IZ56B3rp1K1FRUXzzzTeMHj2aIUOG8MEHH7Bnz5588ZrODufOneP999/n1KlT7Nmzh3HjxuHu7s7Bgwe5ffu2rcvLEzLD0eDBgylRogTOzs4sWrSIHTt22Lo0qxw7doz09HTi4+N58sknmThxIjdu3CAwMJDLly8DGWfjbt68adtC86ng4GBGjRpF8+bNmTJlCv369WP48OFs27bN1qXluMzhQJmfC+7u7ly7do3t27fbsqy/FBcXR0pKCmazmb179zJ37lw+//xzihcvzvHjxylWrJjN3/8Voh8iqampuLu7U7hwYQD+9a9/4enpybZt25gzZw6GYeT5SzYpKSlUrFiRbdu2sWjRIsaPH0+JEiXYuHEje/bssXV5eU5ycjIbNmzg008/pUWLFkyZMgU/Pz+6detGUFBQvg7ShmGQmJjIJ598wnfffYezszPp6em8++67DBs2jG7durFv3748/5rODoUKFeKbb74hMDCQyZMnU7ZsWXbt2sXs2bNJSEiwdXk2ZxgGMTExfPnllwwaNIhevXoxdOhQnn76aRYvXpyvzkg3b96cxx57jLfeeovz58/TqFEjevfuzeHDh1m/fj0rV66kd+/exMbG2rrUfCk8PJzKlStTvXp1SpUqxVtvvUWjRo0YNGhQvvuD636Fh4cDUKBAAU6ePMmqVauIiIigRIkS+Pn5sWXLljw3PjwkJITPPvvMMv/j7NmzfPrppxw+fJjff/+dcePG4eLiQnBwMGlpaTarUyE6H/vzX2AeHh4ULlyYgwcPEhsbi5OTEy+88ALPPfccISEhXLt2zUaV/rU/96FkyZJcv36dBQsWMHbsWMqXL8/BgwcJDAzE2dnZRlXmbeHh4QQHBwOQlpZGu3bteOyxx+jatSuXLl2ynNHND/74ejCZTDg5OfHTTz+RlJTE1KlTLX1p3749n332GcWKFbNVqTnmj3Mbrl27xo0bN3jhhReIj4+nbt26JCYmcvDgQSZOnEjHjh0pWbKkjSu2PZPJhIeHB25uboSFhQFQoUIFnnnmGW7dusXKlSstvyP5QZEiRWjVqhUTJ05kx44dVK9enf79+xMeHs7WrVt5//33KVu2rK3LzBf+/BlTpUoVbty4wQ8//GDZ9vzzz+Pt7c2cOXO4fv16bpeYo9LT0xk3bhwtW7YE4PTp0xw6dIj33nuPr776inPnzuHg4EB8fDyQNybsJSQkMHToUJ599lnc3d25ffs20dHRfPHFFyxfvpwvvviCMmXKsH37diZMmMCtW7dsVqvJyAvPmPxje/fuJSgoiMcee4z69euzevVqtm/fToUKFShTpgwrVqxg5MiRBAYGEhAQQI0aNWxd8l1+++03QkNDSUpKonPnzqxdu5Zff/2VAgUKUKtWLZYsWcInn3xCw4YNbV2qzWVeTcg8+1ioUCE2bdrEqlWrePfdd2ncuDFHjx5l//79nDlzhsqVK+Pr62vjqu/PH6+U/Pzzz9y6dYtChQrh7e1NZGQkzZs3p1mzZgwZMsTGlea8HTt2MHHiREqWLElqaipdu3alQoUKTJkyhbi4OOzs7GjXrh2NGjXKF1eYckJmv5OTk3FwcABg8uTJJCcn06ZNGypXrsy5c+eYO3cusbGxtGnThsaNG9u46nvL7MvVq1dJTU2lfPnyACxcuJBly5YxZMgQ6tevz507d0hNTcXFxeWR/X//Jw4fPszNmzdxcXHh+eef58svvyQ4OBgvLy/q1q3L+PHj6devH2vWrGHQoEEUKVLE1iVnq7S0ND744ANcXV2ZNm0akDFM7vr162zYsIEjR47w1ltvMW7cOBtXmsEwDObMmUNISAgHDhxg48aN3Lx5k3fffZdmzZoxcOBA9u3bx9ixY+nduzeNGjWyWa32NvvJ8o9lvnkeOHCA0aNHU61aNY4dO8aBAwfo168fXl5eHDp0iOPHjzNu3DjS09OJiIigePHiti7dIrMPhw4dYsSIEbz66qvs2bOHzZs3M2/ePCpWrMiWLVuIjY1l8ODBvPjii/rQ4L9joJcvX05ycjJ+fn689tprREREMGrUKH788Uf27dvHggULMAzDppe5rJX5f7ts2TK++eYbmjRpwtq1awkKCiIgIIB169ZRv359ChYsyKeffmrjanPO6dOn+frrr5k8eTKurq4cO3aMzz//nNGjRzNhwgQMwyAhIYHChQs/0r8TJpOJHTt28NVXX1GjRg3+9a9/0bVrV0aMGMHkyZMpWLAgQUFBzJ07lxUrVnDlyhVbl/yXMsdzf/7551SqVInw8HACAwPp2rUrZrOZQYMGMXbsWOrXr5/lGPlrf/ycDAgIoHHjxuzZs4eAgAC6detmeR89f/48o0eP5s6dO1y8eDFPnInNLpnPwYkTJ6hduzYLFy7kww8/ZN68eTRp0gSAFi1asHnzZnbv3s3t27dxc3OzWb0RERE4Ozvj7OyMg4MDP//8M40aNaJAgQKULVuW2bNn88knnxAaGkpsbCx9+vShQYMGtn0fNCTfSEtLs3x96tQpw8/Pzzh37pxhGIaxe/duY+DAgcb//d//GfHx8Zb2mzdvNt58803j1KlTNqn5fzl69Kjx8ccfG8eOHbNse++994yePXvasKq8KfP/PjQ01OjUqZOxZcsWY9GiRUbVqlWNnTt3GoZhGGfOnDF27NhhhIaGGgcOHDCaN29unD171pZlW+3ChQtG69atjYsXLxqGkfE679atm7Fw4ULDMAwjPDzc8pp/GIWGhhp9+/Y1OnXqZNl2584dY8KECUZgYKBlW3p6ui3KyxMyfxeOHj1qdOjQwVi4cKExadIko2fPnsauXbuMO3fuGHv37jWWL19unD171ti/f7/x+uuvGxcuXLBt4f/Db7/9ZjRv3twIDQ01Vq9ebVStWtVo1qyZERkZaRiGYSxYsMD47bffbFxl/nPw4EFjypQpxvHjxw3DMIxffvnFePHFF41vv/3W0iYpKcnYsWOH0aJFizz5Ofmg9u7dazRs2NDYs2ePsXHjRqNr165Z3l8ytW7d2jhw4IANKsx4P0tPTzf69+9vnD592khLSzN+/vlnY8mSJcZnn31mTJgwwQgNDTUMwzBu3bpl3L592/K7Yev3QoXofOL69evGypUrjZSUFOPOnTvG9OnTjVq1ahmbN282DMMwUlJSjD179hh9+vQxhg4daqSkpBiGYRjHjh0zQkJCbFn6Pd25c8eYPHmy8cQTTxi7d++2bL9+/brRo0cPIzY21obV5R1xcXGWr/ft22e0atXKWLNmjWXb6tWrjRo1ahg//PCDZdvvv/9u+Pj45IsPhN9++8345ptvLN9fu3bN8PHxMZKSkizbNm3aZHTr1s1ISEiwRYm5KjIy0ggMDDRatGiR5YN+zpw5xrBhw2xYme398Xfh7NmzRpcuXYytW7cahmEYV65cMb7++mvDz8/P2LBhg6Xd0aNHjVdffdU4c+ZMrtf7dzI//KOiooxVq1YZZ8+eNbZt22a0bdvWiIuLM9q3b2+88cYbxvXr1+86Ru7t8uXLlvfC5ORk4/333zfq1Klj3Lhxw9Jmx44dxtNPP20sXrzYsm358uUP3R/naWlpRnp6ujFv3jzLH+Dp6elGVFSU8eqrrxpdu3a1tA0JCTEaNmxoXL582Sa13rp1yzCMjBxz4cIFY9CgQZZt27ZtMwYPHmx88cUXliCdl+SfGUePuDNnzvDss89y+/ZtUlJS6NChA+3bt2fNmjUcPHgQe3t7nn/+edq0aUPHjh2xt7fHMAxq1qxJ5cqVbV3+XQoWLEiXLl1o06YNkyZNsty66ezZs1y7dk1L3JJxe5+PPvqI6OhoACpXrsy1a9csC9AAtG7dmqFDh9KnTx+ioqIAqFixIuPGjePJJ5+0Sd3W8PT0pF69epw7d460tDQ8PT25du0aY8aMsbS5c+cOHh4elnGvDxPjP5eOr127RnR0NMWKFeP999+nefPm7N27lzFjxnDw4EE2bdqUZ8fz5obo6GgWLVpk+V24cuUKUVFRfPvtt6Snp1O6dGkaN25MnTp1WL9+vWVy2NNPP81XX33F448/bsvy78lkMrF7925Wr17NK6+8QsmSJVm7di39+/fH2dkZb29vUlNTLRMlM4+RezMMg8uXL1O6dGliYmIoUKAAX3zxBeXLl2fQoEGWdq+88gpTp07N8rn4zjvvULFiRVuUnaP+ODk7LCwMk8lEkSJFaNSoEeHh4Rw/fhyAokWLsnz5csqUKZOr9RmGwZ07d3jttddYuHAh9vb2FClShCNHjljWimjUqBFNmzbl2rVrLF++nKSkpFyt8e9oYmEeZ/xhrE9sbCxjx46lePHi+Pj4EB8fz4oVKzh79iwdOnTghRdesHG1fy2zH4cPHyYiIgIXFxfq1atHfHw8n3/+ORs3bqRjx45cunSJ119/3TJe61EXERHB7du3OX36NM2aNSM6Opo333yTxo0bZwma169fp0SJEqSnp+eru3FAxm36GjRowNtvv03fvn2JiIjgnXfeoVKlSlSoUIFDhw4xbtw4nnjiCVuXmq0yfye2bdvG/PnzKVy4MI8//jht2rShePHiLF++nBUrVlC9enXeffdd6tSpQ1paGnZ2drYuPdddv36d5ORkChQoQHBwMK+88gp79+7lm2++oUyZMvTp0wc7OzvCwsIsoTqvP1cnT55k2bJltG7dmtq1a3P79m26devGBx98gKenJ4sWLaJPnz4PZbjLSfHx8XTp0oXXX3+dbt26cfPmTXr06IGnpyczZszI0tZ4SOcUnD59mv79+7NixQoA/u///g9XV1fatGlDeno606ZNY8CAAZQuXdrGlWbYsWMHvXr14tNPP6Vz587cvn2bDz74gPLlyzNq1CicnJz4+eefKV26dJ77HMhfn7aPmPj4eMtt6Y4dO0ZERAR169YlKiqKxYsX4+zszLvvvkvZsmVZtGgRt27dyrOTIjInzowYMYIzZ84wc+ZMJk2aRKFChRgwYABNmzZl27ZttGjRgiZNmuSZJT1t4Y99L1SoEMHBwQwYMIBNmzZRpEgRvv/+e3bs2MEnn3xiaefp6QnkjzNV0dHR7Nq1C4B169Zx/vx5FixYwNatW5k2bRrFixfn+++/p2HDhlStWpUvvvgiz71xZofMiXGzZs1i5syZlCtXjh9++IGFCxcSHh5Ox44dadu2LS4uLpZJcXk5FOYEI2PIISVKlKBYsWKsWLGC7777jt27d/Piiy/Spk0bwsPDLROovby8LMEgLz9X0dHRjBkzhvDwcGrXrg2Am5sbb731FjNnzuSzzz6jWbNmCtD3ISkpyfL7ce7cOc6dO0fXrl356aefWLp0KYULF2bOnDmEhobi4+OT5dj88H5pjcw1AR577DHKlClD165dsbe3p3379iQkJODv78+AAQN4880380yATktLo379+syZM4dx48bx9ddf4+bmxvz587ly5QoDBgywnJHOk58DNhlEIvflxIkTxocffmjMnDnTaNiwoWWS2IYNG4yBAwcas2fPNmJjY43r16/n6UkzhmEYhw4dMt5++20jMjLSWL9+vdGiRQvDx8fHGDdunJGenm7cvn3b+OKLLyyTax5VSUlJxu7du41Tp04Z+/fvNyZMmGAkJycba9asMerWrWts3LjRMAzDiIiIMJ577jnj9OnTNq7YeteuXTP69etndOrUyWjfvr1lgkhQUJDx6quvGtOnT7dxhbln1qxZxvHjx40tW7YY7dq1M7Zs2WK0adPG6N27t3H69Gnj5s2bxrRp04wRI0YYt2/ftnW5uSohIcH49ddfDcPImBC2Zs0a49y5c8b06dONgQMHWvZt377dCAgIyNOTaO/cuWNcuXLFMAzDOHfunHH06FFjzZo1xosvvmgsX748S9vIyEgjKirKMAyNgb4f+/btM+bMmWNMnz7daNmypXH16lUjOTnZ2LRpk/H2228by5YtMwzDMKKjo41Dhw7ZuNqclfm6MYyM11yfPn2Mtm3bGnfu3DEMI2PickREhGEYeeu1lTlZePfu3UbVqlWNr776yjAMw7h586bRunXrPD2/RyE6jxs5cqRRrVo1y90JMm3cuNHo06ePMX36dCM1NdU2xVkhODjYOHz4sLFr1y6jVatWxvnz540lS5YYL774omXC1LVr14wpU6ZYPmweRbGxscaqVauMjh07Gg0bNrTMKjcMw1izZo3xr3/9y1i3bp1hGEaWyXf5zfjx442nnnrKGDp0aJbtJ0+eNOrWrWvMmTPHRpXlrMwPrsw/epOSkoyoqCjj/ffft0x+Gz16tNG7d2/LhODo6GgjOjraJvXaUlJSktGvXz/jnXfeMV577TXL3SlCQ0ONqVOnGoMHDzZ++eUXwzCyhoe86LfffjPmzZtnzJgxw3jrrbeMK1euGGlpacbGjRuNNm3aGCtXrrR1iflWUlKS0aNHD+OZZ54x5s2bZ9keHx9v/PTTT8abb75pLFq0yIYV5o4bN24Yzz//vPHTTz9ZtiUmJhrt2rUzWrVqlacmZt8rwGcG6T179hg1atQwFixYYBiGYblJQl6l4Rx5XL169ejUqRPffvstv/76q+W+vw0bNqRhw4Y0bdo0T162NP4zrOTAgQMcOnSIKlWqUKtWLfbu3UuHDh147LHHKFmyJC1btqRt27YAeHl54e/vn2cuM9mCi4sLFSpU4Pz581SqVCnLJIpWrVrRp08fRo8eTURERL4a+2z8aZhRixYtmDx5MlevXuX//u//LNsrVarE6tWree2113K7xFxhMpnYuXMnPXr04OzZszg4OODk5ISHhwdBQUEcOHCAixcv0r17dypXrkx6ejoeHh54eHjYuvRcZRgGDg4OdOzYkYsXL1KqVCnq1q1LWloaZcuWpXXr1hQuXJgffviB6OjoPL84xlNPPcXBgweZN28ezZo1o3Tp0pjNZurXr88HH3zA4sWLWbp0qa3LzJccHBxo3LgxDRs2JCIigh07dpCWlkahQoV45pln+Pjjj/PkImMP6s6dO5ZVOE+cOEFkZCSffPIJI0eO5JdffgHA0dGRpk2bAhAUFGSrUi3i4+NJSUnBZDLd9ZlgNptJT0/nxRdfZObMmUyYMIGrV6/m+SE3mliYxxj/mehw9uxZ4uLieOaZZwD48ssv+eabbxg7diyxsbFs3bqVgQMH4uLiYtuC/4edO3cyZswYPvvsM+rUqYPJZGLRokWsXLmSTp06sXz5coYPH06dOnXy5YS47GT8aYLLqVOn2LNnD2fPnqVx48Y0adLEcgcTJyenfLXc9R/7tnfvXtzd3XF0dKRixYocOHCA6dOnU716dWrUqMGyZcuYO3cuTk5ONq46Zxw5coQhQ4YwYsQInnvuOSDjw3DmzJlcu3aNY8eOMXTo0CyLajxqMl8vhmEQExNjGfNcokQJy2pycXFxXLlyBUdHRypUqGDrkv/WpUuXOH78OD///DMlS5bkxRdfpF69epjNZiIjIzl8+DCenp48++yzti41X8h8jVy4cAFHR0e8vLxITk5m0qRJJCQk0KpVK8xmM3v27KFTp04ULlzY1iVnu+DgYNasWUNycjLHjx/ns88+4/HHH+fbb7/liy++YPjw4ZQqVYpZs2YxaNAgypUrZ9N6Y2JimDp1Ks8++yyvvfYaDg4O95zYmTkhOCYmJl+cPFCIzoMyJ+B5enpy584dAgMDKVOmDAsWLGD79u3ExcXRo0cPXn/9dVuX+peuXbuGn58fw4YN49lnn7WE5NDQULZu3cqhQ4do167dIx0W/ixzxcbatWvz0ksvYWdnx1dffUVYWBjFihXj4MGDDBs2jGrVqtm61H9k8eLFbNy4kaeffpqQkBC6du1K/fr1OX78OFOnTiU+Pp5Ro0blyduRPajM1//ixYu5desWAQEBpKWlYRgG9vb2JCcnk5KSwo0bNyxLPj/K9u3bx/HjxylfvjyvvvoqcXFx+Pj4UK5cOV544QUCAwOZP38+ZcuWtXWpf+v06dOMGDGCadOm4eTkxOTJk0lNTeWtt94CMv6w7NixI+7u7jauNH/Zvn0748ePx87OjkaNGtGuXTs8PDyYNm0aUVFR7N27l7Fjx9KgQQNbl5ojEhISmDBhAqtWreL999/PsorrunXrmDNnDi4uLnTv3h1vb28bVprx/mcYBl988QXR0dHUr1+fRo0a/WWQTk1Nxd4+fyyorRCdR2T+9XXhwgWWLl3KW2+9xVNPPcWnn37KlStXmDBhAmXLluXy5cvY29vj5eWVJ2/Pk1lTSEgI48aN48svvwQybmPm4OBgWX488/u82IfclNn/AwcOMGbMGOrWrcvVq1fx8vKic+fOuLu7s3XrVnbt2kXLli1p2LChrUv+R7799lvLnSfGjBnD8ePHsbOzo0ePHpYPuVu3bj10QSLz/zfz9b569Wp27tzJiBEjLGdZtm3bxrVr1+jcubONq7WtzOfq4MGD9O3bl5YtW7JkyRJ8fHzw8/MjPj6eMWPGkJSUxOuvv265TJ2XBQcHM2zYMLp06WIZonTjxg0CAwO5desWu3fv5v/+7/90MsFK586dY+zYsQwdOpTY2FiWLl2Kh4cHHTt2pHjx4oSFhZGcnEyVKlVsXWq2y/w9SU1NZf/+/fz6669ERETw/PPP0759e0u7tLQ04uLicHd3t+nnbHh4OCtXrqRDhw4ULlyY2bNnExoaSqNGje4ZpDOz0K1bt9i6dStt2rSxSd3369G9fp5HXLp0ifj4eOzs7IiIiOC9997jwoULlChRAoCJEydSvnx5evXqxaVLlyhbtixeXl5A3ro9T+bfYpmLHJQsWZKEhATWrFkDZIxb27dvH0OHDrXcCB/yVh9yU0pKCpDR/3PnzrFkyRKGDx/OoEGD6Nq1KyaTiSVLlhAREcHbb7/NpEmTaNiwYZ69heGf/bHOzHG9I0eOZPHixZw9e5bJkydTrFgxRo8ezebNmwEe2gC9d+9eZs2aRXJyMuXKlSMpKYkdO3Zw+vRpgoKCmD59eq4vcpAXmUwmjh8/zm+//cb48eP55JNPWLx4MWvXriUwMBBnZ2c+++wzRo8eTdOmTfP074Lxn1vzJSYmEhMTwzfffGPZV6xYMT7++GN8fX1ZvHixAvR9iI6O5saNGwBcvHiRqf/f3n0GRHllfQD/Dx0Fu4AKSNQVNVbsXbAXVJSiLlEEsVAUrKBiAQuKFMGCBXsLYI9ioYqGCNgQKYoivTcpwgBz3g++86xkN7sxUWcY7u+TTEnOzDzlPPe595z9+yEvLw8tLS306dMHCxYsQGlpKU6dOoW3b9+ic+fOEp1AR0ZGwtnZGf3794eVlRWGDBmC8PBw3Lx5E8nJyXBwcOASaEC059nq6mpERkbi1KlT+PDhA5YvXw5NTU2EhoYiNDQUfD6fm74lTKDLy8thZWXVKNZHsSRaxAICApCcnAyBQAAVFRWsXr0aqampiI6O5mo+urq6omvXrly3LnEj3LEjIiJgaWmJtLQ0KCgoQF9fH7/99hs2b96M4OBg7Ny5E0ZGRmjdunWTTZ6BTxcaV65cQVVVFerq6hAcHIyEhASudvKgQYMwdepU8Pl8nD9/HuXl5dzi0cbwvX0+qnDixAls3rwZEyZMgJKSEqKjo+Hh4YFOnTqhS5cumDFjBnr37i3iiL++uro6bp/YuXMnhg4dCjk5OQwePBhGRkZ49OgRtm/fDldXV9jY2DSqC6Sv6e3bt7hw4QL396FDh3D27FlUVlaivr4e/fr1w759+3Du3DkcPHgQUlJSaN68OQDx3BeEv6Fw8VS/fv3g5eWFuro6bN++nXudsrIyunbtKpFTl742Pp8PLy8vfPz4EUSEjh074ocffkBZWRnu3buH2tpa9O3bF/PmzUNJSYlEdjYVEh5T9uzZgxkzZqBZs2ZQVlaGoaEhdHV1ERAQgOXLl2Pq1KkiH5RIS0tDVFQUtLS04OrqioSEBBw7dqxBIh0REYF79+5xibS0tDQ+fPgAW1tb2Nvbi3UDOc43qvrBfIGsrCwaPXo0lZSUEBGRv78/6enpUVBQUKMoX0dE9PDhQ5o+fTrFxsYS0adyNR8+fKDHjx/TunXryMPDgytHJU71KUUhLi6OXr9+TQUFBZSTk0OVlZXk5+dH69atoxs3bnCvi4mJ4cqcNUbPnz8nOzs7rjxbbW0tWVhY0ObNm+nKlStkbGxMubm5Io7y6xLWvCYiysjIoFmzZlF8fDwREUVERJCTkxNXz7ioqIh7fVPdJ9LT0ykqKoqrXUtEZGtrS8uWLWvw2LNnz7gSd+JK+BtGRkbSihUryNbWlry9vYmI6OXLl2RpaUkODg6iDLHRqqiooPT0dHJ3d6fi4mKqqakhDw8PcnBwoPv37xOfzyeiTyVCJVlpaSmZmJjQr7/+SkREd+7cISsrK7p69SoRfTqmvH79WoQR/sv9+/cpNjaWSktLiYgoJSWFzM3NydXVlYqKiqi2tpbc3d1p9erV3L5eXl5O8+fPp5iYGFGG/kXYnGgRos9G7JYsWYK0tDQEBgaiZcuWuHLlCtzc3ODk5IRp06aJONL/bcuWLejXrx9mzJiBa9eu4fTp09DR0YGjoyM3cgRIbpvVL1VVVYWNGzeiQ4cOWLRoEZSUlHDhwgW8f/8eAwcOFPt5YP/LmzdvsGvXLlRXV+Po0aNQVlaGQCBAVFQUbt68iZycHGzcuFE8O1D9RbW1tTAzM0Pbtm3h7e0NAHB0dMTHjx+5eYmVlZV4/fo1Ll68KNaVdb4H4WJLPp+PgQMHwsTEBJs3bwYAWFhYQEFBAU5OTlBTU+PeI+7Hj6ioKLi4uMDGxgYtWrSAg4MDJk+eDCcnJ8TFxcHLywuOjo4SOdXgW4uPj8e2bdswevRoLF68GAoKCjh8+DBSU1MxdepUTJ48Wey3j69hz549SEhIQNu2bdGuXTu0adMGV65cwdmzZ7lpoOKiqqoKU6dOxdq1a6Gvr4+3b99i586d6NmzJ8zNzdGyZUtkZmZCS0sLRITAwEB0794d/fr1E3Xof57o8vemSzhiUVpayl2lERHZ2NjQuHHjuMf8/f0pKipKJDH+WS9fvqTExES6du0a6ejo0KJFi8jPz4+ioqLop59+oujoaFGHKLYiIyNpzZo15OXlRbm5uVReXk4+Pj60du3aRjdCm5ubS3l5eUREdPfuXfrw4QNduHCBzMzMKDAwkOu2JyyoL6kjRrm5uaSvr09bt24lok+jz1u3bqXo6Giqr6+n1NRUWr58OVVUVIg2UDGTkJBAOjo6tG/fPu6xBQsW0JIlSxpVU6ETJ05QQEAA93dJSQmNGjWKIiMjuc6szJ8jPE9+/PiR67j36tUrWrhwIbm7u1NZWRlVV1fTvn37xLqj3dcWGxtLJ06coBcvXhARUVpaGv3zn/8Ui4ZDlZWV3J024Sj0zz//TJMmTaKgoCAi+tSxc968ebRr1y7uDoKQuDdW+U8aRw0RCUL/f6UcHh6Oo0ePolOnTlBWVsaWLVvg4+ODVatWYeLEibh//z7XhITE9Oqaz+cjKCgI6urqmD9/PlRUVKCurg4NDQ1kZWVJZLWFv0r4GyYlJSE3Nxe9evXCqFGj0KxZM5w9exb+/v4wNDSEmZkZSkpKxG5E4X9JS0uDo6Mjpk6ditDQUAwZMgTz589HTU0Nfv31V0hJSWH8+PFo0aIFAEjcKKzw9y0pKYGuri5OnDgBRUVFbNiwAWPGjAEAREdHY/fu3bCysmpwd6apEX5XycnJkJKSgpSUFHr27Inz58/DxMQEUlJSsLe3x/nz5xEXF9eo5rgWFhYiODgYhoaGAIBWrVph8uTJkJWVBY/Hg7KysogjbByE20hISAhu376N0tJSWFhYYMSIEXB0dISbmxsOHTqEFStWYPXq1WJ5fvwaPj/3C/89cOBADBw4EMCnUpC7du2Cra2tyBsOERFycnJw4MABtG/fnqs4ZWxsDB6PBzc3N0hJSWHSpEnYsWMHKisruQIDQo2lrF0DIkvfm7DIyEiaPXs2JSUlkZeXF2lra5OtrS33/IoVK7g5T+Lu0qVLNGPGDCorK+MeCwsLo2nTptH9+/dFGJn4CQsLoylTppCTkxNNmzaNm//87NkzWr58OXl4eDSqUTeihnN5raysqFevXhQWFtbgNSdPnqSlS5fSjRs3JHrub2RkJE2cOJFCQkLozJkzNGPGDG4O7Lt378jGxobbJyT5e/gzwsPDadq0aeTp6UmjR4+mJ0+eEBFRUlISaWtr0549e0Qc4f8m/A3z8vIoPT2diIjy8/PJwcGBdu3aRXV1dRQfH08zZszgRg2ZPy8sLIwMDAwoPT2dLC0tady4cdzc31evXpGpqSm9e/dOtEF+A4WFhQ3u4P7RseLdu3e0bds2CgkJ+a+v+952795N/fv3Jw8PDyL6191Hf39/Gjp0KN26dUuU4X11LIn+zsrKymjv3r2UkpJCISEhNH/+fEpISKAhQ4aQnZ1dg9eKy07xe5mZmQ2moTg4OHC3akpLS+ny5csUERFBROL7Gb63p0+fkr6+PmVnZ1NoaCiNHDmSFi9eTNeuXSMioidPntCrV69EHOWX+fy3rampoVu3btGePXuof//+9Pz5c+652tpaCgwMbHRTVL5EfX09ubu706VLl7jHUlNTadSoUbRt2zYiIu52a1PfJ2JjY2n27NmUnp5OV65coZEjR1KvXr3o8ePHRESUmJjIHT/EXUhICE2bNo1mz55N1tbW9Ouvv1JkZCQtXbqUjI2NycDAgIKDg0UdZqNTWlrKLcK9d+8emZqakq+vLw0fPpz8/f2JiCRySlRtbS3t2bOH1qxZ02Ag7Y+OGcJiBAKBgEtWRUEY37Nnz2jp0qXk7e1NJiYmdPny5QavCwoKEvspql+KJdEiUFRURHl5ebRw4ULuStrJyYl69+5NCQkJYneSraur46qEZGVlkb6+Pjk4OJCTkxOVlJSQs7Nzg5GjxlJR5HsRCAQUHx9PSUlJ9ODBA5ozZw6VlpaSq6srDRs27N8ONI3B59uon58f7dy5k5vf5uPjQ3379qU3b96Qv78/OTk5ifQA/714eHiQmZkZN9+7vr6eHB0daeTIkWKzYl6U6uvrSSAQ0M2bN+nVq1cUHh5Os2bNooqKCnJyciJtbe0GJ1hxOw7+XlpaGjk5OdGLFy+opqaGtm/fTps2beIuljIyMriqA+L+WcQNn8+nnJwcSk1Npblz53Ij/f/85z9p7ty5DSq3SArhNlJVVUVbt24lFxcXrtrV588L/y08porLPOL79++TgYEBV0Xn6tWrZGJiQrdu3aI3b96Qra0td6dVkvaHRjgBpXGh/5/HlJiYiMzMTHTt2hUqKirg8XjIzMxEy5Yt8ebNGwgEAty+fVvs2tgK57Rqa2sjISEBGRkZ8PDwgJSUFDw8PODt7Y2EhAQkJiZi3LhxGDJkCFfTuCmjz+ay8Xg8/PjjjxAIBPD394exsTFatmyJ4cOH4/Xr1/jxxx9FHO2X+7wOdEhICLZt2wZZWVnU1tbCxsYG8vLyWLVqFZSUlLB161ZISUlWSXrh75uXlwcejwcVFRUYGxsjPz8fZ8+ehZmZGbKzs0FE+PnnnxtF04Bv5ff7wvTp0yEQCHD+/Hk4OzujefPm6NOnD/Lz81FTU8O9T5znuRYXF2PSpEkwMDBA3759AQAbN26EqakpTp48iTVr1jRooCPOn0UcCLcR4blQVlYWXbp0wbt376Curo527drh6dOn6NKlCwwNDdG+fXtRh/zNvH79GgUFBYiLi0NmZib4fD6GDx/ONSTh8XgQCAQNaip7e3uLdP1RSkoK9u/fD19fX3Tq1AnJycnIycmBpaUlfHx88PHjR6xfv55b3yBJ+wNLor8xHo+HBw8ewMXFBZqamgCAHj16YOXKlRgxYgTmz58PAFizZg2XQJMYLSSUl5dHSkoKvL29UVFRga1bt6Jbt24AgAMHDuD9+/dITk7GuXPn8O7dOwwZMkTEEYsHHo+Hhw8f4tatW2jVqhV0dHQwceJESElJ4fXr1/D398fNmzdhb2/faMu8FRQUICIiAqdPn0ZeXh78/f3xyy+/YP78+bC0tMT48ePRunVrrr21JOHxeAgLC8OOHTvwj3/8A8rKynBzc8OUKVNw+fJlmJiYgIhga2vbpBNoAFzXxsjISHTo0AF9+/ZFv379kJaWhosXL4KIcPnyZbi6unKlrsTl+PdH2rRpgyNHjmDlypVYsWIFNDU1ISMjA0NDQ+Tn54s6vEZHeJ7cs2cPOnbsiNraWowYMQJmZmZ49+4dnJyc8Ntvv2H37t3cRYuk4fF4ePLkCZycnODt7Q0iwsmTJ3H79m3Iy8tDR0eHa/ctIyODDx8+wM7ODlZWViJfwC8jIwMVFRVuEWh+fj4ePHgAIyMjnDp1CkVFRejatWuj2Le/FKsT/Y29f/8eR48ehbm5Obp164bIyEiEhoaiT58+mDNnDl69egVlZWVoamqK1QaWkZGB4OBgLF68GFlZWVi+fDmUlZXh4uICdXV1yMvLA2jYhvTQoUPw8/NDs2bNRBy96D179gyurq6YPHky6urqcOzYMezYsQPdu3fHqVOnkJ2djXnz5mH8+PGiDvUv+fjxI2RlZWFsbAwA0NLSQo8ePZCfn4+SkhLs27dPbLblbyElJQVnzpzBhAkToKmpiU2bNqFdu3bYv38/ACA5ORlKSkro1KmTWO3XohAbG4tNmzZh7ty5ePbsGVq2bIlp06aha9euWLNmDRQVFWFiYoIpU6aIOtQvFh4eDkdHR6xevRqdOnXC1q1bsXnzZtbK+wslJyfD09MTGzZsQPv27ZGUlARXV1esWrUKP/74I96/fw95eflGedfuS9y5cwcPHjzArl27AHzqbrts2TK0bt0aFhYWGDlyJHg8HjcCbWtri0GDBok46k/nA39/fwQFBcHS0hJ6enp4/vw5AgMD4eLiInF3Ihv43vNHmgqBQECFhYVkbGxMM2bMoLi4OO65w4cPk7W1tQij+99yc3Pp+fPnlJ+fT7m5uZSbm0uurq5kbW3NrRzOyMjgOurdv3+fjIyMqLKyUpRhi4U3b96QmZkZRUZGco+Fh4fT5MmTKS8vj+rq6hr13LCQkBDavn07FRUVUVFRER0/fpybs/jgwQNatGiRRNfDTU9Pp0GDBpGrqyv3WFFREZmamtLChQtFGJn4SUhIoJ07d3LdSnNzc+n06dPk6OhIRJ8WpAor+zTGfYHo0zavra1NPj4+lJqaSkSN97OIQlZWFq1du5ZmzZrFfW81NTXk6+tLe/fuFXF039edO3fIxMSkQZWmM2fO0LJly7j1U5WVlWRubi6WPRiE62Kio6NJX1+fQkNDRRzRtyfBlweixePx0LZtWyxduhTNmzfHixcvuNt8AwYMQF1dHSoqKkBieCOgrq4Oqqqq0NDQgKmpKXx9faGqqooNGzZARUUFZ8+exeHDh2FmZsbNYayqqsKuXbua/Ch0XV0d4uPjkZKSgtu3b3OPDx8+HNra2qisrIS0tHSjmhv2+220U6dOePPmDfz8/EBEsLCwgIaGBk6dOgVPT084OjpKdD1cDQ0NzJ07Fz///DNSU1MBfLq97+XlhZqaGrx8+VLEEYqPCxcu4Pbt20hISEBNTQ1UVVWhq6uLxMREpKWlQU5Ojqsd3hj2hf9k9OjROHbsGC5evCjR2/230qZNGwwYMADy8vI4deoUamtrIScnByUlJeTk5KCurk4sz5N/l/AzJSQk4OHDh6ioqMDkyZPRqlUrmJubIzY2FiEhIQgPD4eVlRV++OEHAJ9qka9btw6DBw8WZfj/EY/HQ1xcHPbu3YtVq1ZBV1dXIn+7z7HpHN8IfXYL9+7duzhz5gxat26NQYMG4caNG7C2thbLW/nCuMPCwhAfH48hQ4Zg9+7dGDRoENeS99SpU8jLy8PQoUMxbtw4AP9q4csAlZWVCAsLw82bNzF48GAsWbIEycnJsLW1hY+PT6OdA52fn4+WLVty8+R3794NbW1t/POf/4ScnBw8PDxgZmbWaD/fHxHuE4WFhVBSUoKCggKAT+13g4KCcPz4cW6dQG1t7b81EGjK6uvr4erqioKCApiammLQoEFIS0vDqlWr4OPjI3YLqf+Oe/fuwd3dHbdu3WqcTSNEQLhv8fl8BAYG4tmzZ6ivr8esWbNw4MABWFtbc+cYSRQREYFdu3ZBUVERmpqaWLhwIQYNGoRt27ahvLwcWVlZWLZsGXR1dQGI13qpP1JVVYWioiJoaGg0inj/LpZEf0Ofb0BhYWHw8fGBjo4OpkyZIhbzmP5IZGQk9u3bhw0bNmDEiBHIzMzEihUrMHLkSGzYsKHB4gbh5iPpO8qXKi8vR2hoKA4dOoT27dtDVVUVhoaGGD58uKhD+9Pevn0LAOjatSuePn2KAwcOYMWKFejXrx/k5OTw+vVrmJubY+zYsbC2tkb79u0lLoEU7sMRERE4dOgQ+vTpg5qaGri4uAAAPDw8cPHiRVy8eJFLpJlP6uvrIS0tjfr6emzZsgWvXr1C165dUVlZCSMjI7EcRPi7Kisrm3Q3yr9CuI9VV1fj5s2buHDhArp06QJjY2MMHTqU244kTWpqKjw8PLB+/XpoaGhgz549KC4uhqGhITfKLOz62xSS0caKDR3+TQKBgPt3XV1dg+eEJWkAQFdXFytWrMCbN2+QmJiIkpKS7xrnlwgJCYGtrS1GjBiB6upqqKurw8fHB3fv3oWrqysEAgE30sLj8djO/R8oKytj4sSJsLa2hoqKCrS0tLgEujFct/L5fLi5ueHEiRPIyMiAjo4OOnfujLNnz+Lly5eoqalB9+7doa+vj7y8PCgqKkpcAi0QCMDj8fDo0SPs378fzs7OkJeXR3BwMJYuXQoAWL16NQwNDVFQUCDiaMWPMIGWlpaGs7MzBg0ahA8fPmD+/PkSmUADYAn0XyA8TyooKGDWrFkwNDSEsrIyEhMTUVtbK5EJdG5uLjw8PJCXl8fdwV2xYgXatWuHCxcuICQkBAC46UHsHCu+WBL9N1RXVyMhIQEAEBcXh3v37qG+vr7Baz5PpCdOnAhjY2M8fPhQbG/31dfX4/3798jOzgbwr172ioqKcHR0xIQJE9i0jd/5o6S4WbNmGDduHHR1dRETE4MLFy4AEP8DYm5uLuTk5LB9+3aUlZXh2LFjyMvLw9atW6GiooLTp08jJCQE58+fR35+PlxcXCSqjF16ejp3cisvL0dERARcXV2Rk5OD3377Db6+vigoKMCyZctARNiwYQOGDx/eKC6OvrfPE2lHR0d06NABFy5cwMuXL9n31YQIf+vS0tL/+LzwPCknJ4fZs2dDS0sL6enpKC8v/45Rfj9qamoYP348lJSUEBYWhvz8fLRo0QLLli2DiooKV2OcnWsbge+weFFipaamkoeHB23YsIEmTJhAycnJf/ha4apVIqKUlJTvEd5fduvWLTI3N+fajj558oT09PQoMTGRiNjKc+HnLy4uppqamv/ZjU/YEru4uPh7hPeX1dfXU2FhIY0dO5bOnj1LRJ+qKSxfvpycnJy4tt0+Pj60ceNGMjAwkMhOfJGRkdSjRw/Kzs4mok+VNwoKCsjc3JyysrKIiGjTpk00a9asBlV3miLhvsDn8xtUFPi9z7uYOjs7U2Fh4TePjREPwm0kLCyMjI2NqaCg4A9fKzxPlpSUcPuaJBB+B6mpqfTixQvu72vXrtGqVavo/Pnz3PGVdfxtXMRzOLSR0NLSQuvWreHn5wcjIyNu9Sz9bv5SfX09ZGVlUVpailWrVnHzKcXVmDFjkJ+fj/Xr12PUqFGIi4uDk5MTevToAUD8R1K/JeFvGxISgoCAADRr1gw9e/bEzJkzoaqq2uC1n8/lKy8vF/vR2traWrRt2xYODg7w8PCArKwsTExMsG3bNmzbtg0HDx6ElZUVbGxsAAAVFRVQUlIScdRf36hRo+Dr6wsDAwNcuXIFHTt2REZGBtLT01FWVgY+n4+SkhKJWxj3peizRcjXr1/nqgsYGRn91/dNnjwZbdu2/U5RMqImXFPg4eEBR0dHtGvXDtXV1dwCXSHhebKkpAQuLi5Ys2aNiCL++ng8HkJDQ+Hl5YVOnTqhrq4Oy5Ytw6xZsyAlJYVbt25BIBDA2NhY4qbFSTwRJ/GNkvAqMj09nWJiYujixYvk4OBAx44do4yMDCIiys/Pp4qKCu49ZWVlZGZmRo8fPxZJzH9FUlISxcXFcSPsTX0EWujRo0dkaGhIeXl5ZG9vTxYWFg1+a6J/jSaUlZWRqakpPX36VBSh/mmFhYVkamrKjQTduXOHdHV16dKlS0T0aUTaxsaG1q1bx9UrlXShoaE0bNgwbkRs3759NHXqVJo6dSrdvXtXxNGJlvDuS3h4OM2ZM4dSUlJow4YNZGBgQNXV1Q1e+/m+MHfu3CY/et/U1NTUkIODAz1+/JjKy8vp6tWrZGBgQN7e3v82+lpWVkYLFy5sVOfJP+PXX3+lmTNnUl5eHl29epWGDBlCtra2FBMTQ0REV69epVevXok4SuavYEn0FxImkqGhoWRpaclNcbh16xbZ2dnRqVOn6OrVq2RjY8Ml1KWlpWRmZsbtMEzjduTIEXr+/DmFhoaSoaEhZWZmEhHRu3fvSCAQcCeEDx8+0KJFixrN715ZWUmhoaFc45TfJ9I5OTm0evVqys/PF2WY35Uwkc7JySEiotevX3MXEU3xovLzJjp8Pp88PT0pPT2dwsLCyMTEhNsXhBcejXVfYL4OYSMdd3d30tHRIUtLSzp27BhdvHiRLC0t6e3btw1eu3jxYonbRgQCAYWFhVFiYiKFhoaSkZERvX//niwtLUlfX58ePnwo6hCZv4El0X9BTEwMzZw5k549e9bg8du3b5OzszPNnj2b7t+/T0SfrsLt7e0pKipKBJEyX1NMTAw9evSIXF1daenSpWRubk7v378nok8dG21tbbkko7S0lBYuXNjoTgh3796l/v37c8nQnTt3aOLEiXT69Gkiaprz9cLCwqhPnz7cd9JUVVZW0tSpU8nPz497zMXFhUxNTWnevHncHPLQ0FBav349lZeXE9Gn5GjBggWNbl9g/p6UlBRatmwZ97vfvn2bS5qzs7Np9uzZ3JqKmpoamjt3rsSNQAt9/PiRqquryd7enssNAgMDaeHChVzXX6ZxYkn0X3Dq1Cny8fEhok87f21tLfdcfX09FRUVcX+Xl5f/14UUjHj7fEGImZkZ5ebmUnx8PPXp04dLLJ88eUIzZ86kkJAQ7n3Hjh3jFmY2NuHh4TRkyBAuabxx4wbp6+tzo0pNUUhICBsxok+LLkePHs3dnfj1119p9uzZ3L4QHR1N06dP59p819fX0/HjxyU2OWL+O0dHR7KxsaGnT59yU4CCgoJIX1+fSyaFhHduJRWfzydHR0fy8/OjW7dukYWFxb8NxDGND2u28hd4e3sjMzMTe/fu5Tr1RUdH4+3btzAyMuLKwhErkC4R4uLisHXrVixatAizZ88GAAQHB8PFxQW9e/dGUVER11VKUn7zsLAwODk54eLFi9DQ0JDYRYRfSlJ+3y8l/Nypqak4ffo0rl+/ji1btsDAwACnTp3CzZs30apVKxQVFcHOzq5Bl7mqqio0a9ZMdMEz31VeXh5kZWXRpk0bAICLiwtycnKwZMkSdO/eHYGBgdDU1ISenl6Ta9Z16dIlPH36FCkpKWLbtZj5MiyJ/h+EJ4+KigoAgJKSEtLS0jBnzhxYWlpi/vz5ePPmDZycnLB161YMGzZMxBEzX1tGRgYWLVqETp064ezZs9zjubm5kJWVRU1NDTp27MhtK5KSaN27dw9ubm4ICgqClJQUq1naxIWHh8Pd3R0WFhaIj4/H7du3sXbtWsyZMwdFRUUoLCxE8+bNoa6uDvp0l5NtM02IQCBAQUEB7O3toa+vj8mTJ3OJ9JIlS5CXl4ctW7ZAR0cH0tLSEnOc/DM+/6zV1dXg8/lo0aJFk/oOJBVLov8L4QYeHByMgIAAVFRUwMDAAIaGhkhKSoK9vT26devGNV4Q9rdnGjfh715ZWQkpKSkoKioiMzMT5ubmGDhwIHbv3g0AEtuO9nOsjTEDfOpguW3bNkycOJE7zoWGhsLR0RH29vaYN2+eiCNkxMX169cRGBiIWbNmYdy4cWjXrh1CQ0Nx5MgRuLi4oHv37qIO8asTnjNqa2v/sESd8DVN4bzRlLAk+n8IDw+Ht7c3Dh48CB8fH4SEhGDJkiWwtLRERUUFiAhVVVVQVVVlV5USJDg4GH5+fmjfvj1GjRoFY2NjZGZmwtbWFlpaWvD09BR1iAzzTf3+eLZq1Sq0bNkSzs7OAICioiKsXbsWcXFxuHnzJtTU1NjIcxMj3Ebi4+Px+vVrdOjQATo6OoiOjsbRo0cxZswYKCkpISQkBCtXrkTfvn1FHfJX9Xm964iICDx48ADy8vJYt27df8wFhAl0RUUFkpKSMGjQoO8dMvOVsSPef1FaWoqXL19i7969iI+PR0ZGBhwdHeHn54cDBw6gtrYWysrKXJMNlkBLhnfv3iEgIAALFizApEmT4OPjg3PnzkFdXR3e3t5ISkpCUlKSqMNkmG+Kx+MhJiaGu2A0NTVFdXU1Ll++DAAoLi5Gjx49uIY0LIFuWuizZjsbNmzA48ePcfr0aaxbtw49e/aElZUVioqKcPfuXSxYsEDiEujS0lKYmZnh6dOnSEhIwI4dO9CzZ09ERETAzs4ORUVFDV4vTKA/fPgAGxubf2s2wzRObCT6D0RHRyM7OxtDhgwBj8eDvb09duzYgW7dusHOzg5v377F0aNH0aFDB1GHynxFCQkJsLOzg5WVFbeIMDIyEps3b4aZmRkWL16MmpoayMvLizZQhvkOXrx4AUtLS1hYWGDZsmW4cOECbt68CRkZGeTm5sLBwYFbHMXuxDUNn09ZKCwsxNq1a7Fhwwb07NkT7969w40bN1BXV4e1a9eCiMDn8yEvLy+R28fevXsRGRmJMWPGoH///pg4cSJqa2thaWmJ1q1bY/PmzWjbtm2DBHrlypWwtrbG4MGDRR0+8xWwoYP/4P379zh37hx69uyJjh07oq6uDu3bt4eysjJiY2PRvHlz7N69myXQEkhNTQ2Kioo4c+YM99jo0aOxbds2+Pr6Iisri7VlZZqMfv364fjx47h48SKOHTuGBQsW4MiRI7C2tsbhw4cxfvz4JldhoSkrKCjA+fPnUV1dDQBo1qwZeDweysrKAABdunRB9+7d8fbtWy5pFg44SNL2UVdXBwBYv349Zs+ejStXriA1NZVrXX7s2DFkZ2djy5Yt4PP5kJaWRllZGezs7GBjY8MSaAnCkujfefv2LUxNTdGnTx9oa2ujtrYW7du3R1FREXbu3Al7e3tMmjQJvXv3FnWozFcgTACKi4tRUFCANm3a4PTp05CTk8Py5cu51+nq6iIoKAidOnVit60Zifbq1SvMmzeP2zf69u2L/fv34+TJkzh48CBatGiBYcOGoVu3bgAkKzli/rvc3FyMHTsWHz58wJs3b9CsWTNoaGggKSkJOTk5AAB1dXXU19ejtLQUknijm4ggIyODJ0+e4MWLF7CwsIC5uTmuX7+OFy9egIggKyuL8+fPY+nSpZCTkwMRwdnZGZaWlmwetIRp8tM5+Hw+ampqoKysjPT0dDRv3hxbtmxBfHw8wsLCuITp48ePSE9Ph7S0NHfyYCRDaGgo/Pz8IC8vj7Zt22LTpk0QCASws7MDj8fD6dOnRR0iw3w3Hz9+xNKlSwEAZ86cAY/HA5/Px6ZNmxAWFobLly9DU1OTJc9NFJ/Ph4uLC3g8HmxsbJCbmwsfHx80b94campqiIiIwNq1ayW6BvKDBw+wY8cO7Nq1i0uKDxw4gHv37mHTpk3cNFDgX9Oc+Hw+5OTkRBk28w006SG1uro6PHnyBDdv3kRAQAB27dqFuro6eHp6olevXjA2NgafzwcAKCoqQltbmyXQEiYqKgoHDhyAm5sbRo4ciaSkJMjIyKBNmzbw8vLCx48f8fLlS1GHyTDfjHAcJS8vD5mZmVBUVMSpU6egqKiIBQsWAPi02LZFixYIDAxE586dWQLdRGVkZAAADAwMICUlhePHj0NDQwNbt27FpEmToKKigh07djSY5iNp0tLS4O7uziXQwqkdNjY20NPTw5YtW/Dhwwfu9cLeASyBlkxNfiT65cuX2LNnD1JTU7Fx40ZMnz4dwKfSNY6OjkhOTsa1a9fYDiBBPl/gEhgYiO7du6O4uBiHDh2Cu7s7NDQ0EBcXh759+6Kuro7rQMkwkio4OBhubm5o2bIlNDQ04O7ujvr6eixduhQFBQWoqqqCg4MDJkyYAIAtImxKhL/169ev4evrC21tbVhYWCAxMRH+/v5QUlKCiYkJtLS0RB3qd/H+/Xt4eXnBy8sLRITa2lrIyckhPz8fKioqSE9Ph6ampqjDZL6TJjsSLbx20NbWRpcuXfDjjz8iNTUV79+/BwAoKChgx44d6NWrF+Li4kQYKfO18Xg8REVF4d27d5CRkYG1tTV8fX3h6+sLDQ0NPHr0CC4uLsjLy2NF8RmJl56ejoiICDg7O+Pw4cN4/vw5bGxsIC0tDT8/P7i6uuLkyZOYMGECW0TYxAgT6IiICOzevRsFBQW4e/cuTpw4AW1tbRgbG6O4uBjnzp1DZWUlBAKBqEP+qqqrq/Hs2TMAnwbcwsPDoaioiLi4ONy+fRs8Hg9ycnKIjY3Fnj17UFZWxhLoJqZJjkQLDwwxMTHIzc3F5MmT8fz5c/zyyy9QUlKClZUVCgsLERsbi5kzZ7JRaAkh/N3T09Oxfv16pKSk4MiRI7h27Rqqqqrg7u6OR48eYe/evVi1ahX09PREHTLDfFPFxcUYNWoUfvrpJzg6OgL4NOd15syZ6NixI06cOCHiCBlR+PxOw9u3b2FrawsfHx907doVV65cQVRUFHr06AEzMzPEx8dDQUEB2traIo7660tLS8OVK1eQlpaGtLQ07N69Gz169EBAQADu3LmDvn37olevXjhw4ABsbW25OzVM09EkR6KFV9ZOTk5QUVGBnJwchgwZAn19fZSUlGDt2rUwNzeHuro6S6AliLCF+5o1a2BsbAwdHR1YWFigf//+UFBQgJGREXx9fWFvbw89PT2JndPHMEJt2rTB4cOHERAQgKysLACAnJwcrl+/jtTUVLx69UrEETLfW15eHkJCQlBfX889pq6ujjZt2gD4NB9aWVkZ165dw6VLl9C7d2+JTKABQENDAzIyMrh79y569OiBHj16AADGjh2LxYsXIzExEdHR0Vi9enWDOzVM09EkR6Lfvn0LGxsbeHl5QVtbGy9evMDLly9hYGCA8vJyPHv2DG3atMHQoUNFHSrzFdXU1GD16tX46aefMGzYMACAp6cnAgMD4e/vj06dOqG4uBht2rRhcz6ZJiUsLAybNm1CYGAgOnbsCIDNe26q7ty5gx9++AFqamogIlRXV2P9+vVYunQphgwZAjk5OURFRSEwMBAfP37Ejh07uARbUny+7SclJSEqKgpJSUlQU1PDqlWrICUl1aDl9+/fwzQdTTKJzszMxOHDh6Gmpobq6mq8f/8eHz58gIqKCtzc3FgdYAlVU1MDU1NTmJiYwNDQEAKBAAUFBVi8eDEqKysREBAAFRUVUYfJMCIREREBW1tb3Llzh0ukmaajoKAAHz9+hKamJsrLy7Fp0yYMGzYMCxYsgL+/Py5evIgJEyagefPmuHHjBnbu3AkPDw/Y2tpKVEtvYTL85MkTlJeXQyAQQE9PD6Ghofjll1/QpUsXjBw5En5+fti8eTPU1NREHTIjQk0iW6ytrQXwaZFAfX09VFVV0bFjRyQmJmLw4MHYs2cPrKys0Lx5c3Y7RoLJy8vD1NQU9+7dQ1RUFKSkpJCdnY05c+agd+/euHHjhqhDZBiRGTt2LLy8vLjF1UzTQUTw9PSEh4cH3rx5A2VlZejo6CA2NhaXL1+GsbExbGxsUFtbi4SEBOzYsQPV1dXIzc2VuCSSx+MhLCwMLi4uKCgowMqVKxEYGIhRo0Zh+vTpSElJwZo1a2BoaChxn535chI9Ep2fn4927dpBSkoKISEhOHPmDJo1a4YBAwZwzQQAIC4uDtu2bePqPDKSq6KiAgEBATh58iRGjx6NBw8ewM/PD/fv34eCggIsLCxEHSLDiBy7Nd30lJaWwtnZGfLy8li2bBm0tLRw4cIF/Pbbb9DV1cW0adMgLy8PIkJkZCR27dqF/fv3S9x86IyMDGzYsAEHDhzAb7/9htOnT2P//v1cwkxEyMzMhIaGhogjZcSBxCbRfD4fW7duRXl5OVasWAEPDw8YGhqiVatWWLduHfT09ODs7IzY2Fjs378fZmZmXIF4dvKQbESE+Ph45Ofno1u3bigsLMT27dvh6emJrl27ijo8hmGY70p43istLcX27dshJyeHFStWQEtLCz///DPCwsKgp6eHOXPmQEZGBomJiZCXl0eXLl1EHfpXl52djRMnTqBPnz44f/483Nzc0LlzZ9y8eRNqamoYPHiwqENkxIjEJtFEhKSkJJw4cQJv3rzB/PnzYWJiAgAoKSnBzJkzsXv3bvTp0wclJSXQ0tJiCXQTFBcXB29vb6xdu5Zbec0wDNMUCM957969g0AgQIcOHSAtLY1NmzZBTk4Oy5cvR+fOnXH+/HkMGDAAvXr1EnXI30xMTAyysrIwevRorF+/HllZWTh69Cg0NTURGxuL7du3Y+fOnRI1/5v5+yQyiRYIBNziwNevX8PNzQ3Z2dm4desW95odO3Zg9OjRGDt2rKjCZMTAhw8fUFtbi7Zt24o6FIZhmO8uNDQUvr6+6Nq1K/Lz87FmzRqoq6tj+/btEAgEWLlyJX744QdRh/nVZWVl4cWLF5g2bRoAYMuWLRgxYgSmTJkCPz8/JCcnQ0lJCX379oWfnx9X+pRhPidxCwuJCFJSUnj8+DECAgKQkpKCFStWoGfPnrC2tkZBQQGSkpIQFhYGJSUlUYfLiFiLFi1YAs0wTJP0/PlzHD16FMePH8c//vEPVFZWQlVVFS1atMC2bdtQX1+PmpoaUYf51RERXr58CQ8PD1y5cgXApzvUMjIyAABjY2PMnj0bMjIyyMzMhIODA+sdwPxHEjkSHR4eDg8PD8yYMQMPHjxAp06dYGBggLNnzyIqKgozZ87ElClTuFrBDMMwDNPUxMTEICcnBzIyMjhx4gQ8PT2hoaGBqKgoDB06FEQEaWlpUYf5zdy+fRunT5/GsmXL8PbtWwwdOhSdO3cG8GkRurKyMlq0aCHiKBlxJnFJ9MuXL+Hi4oIDBw7g+fPnOHjwILS1tVFfXw8jIyMEBwdj+vTpGDBggKhDZRiGYZjv7tGjR3jx4gVUVVVx7tw5tGjRAq6urujQoQMePXoEd3d3eHl5QVNTU9ShfnXC6Z4xMTFITU2FkpISjhw5guTkZIwcORJSUlKora0Fn8/Hpk2b8OOPP4o6ZEaMyYg6gK9NRUUFmzdvRmpqKg4fPgwfHx/ExcXBzc0NVVVV2LVrF1q3bi3qMBmGYRjmu8vMzMTdu3dhZmaGLl264Pr161BQUEBRURESEhLg5eUFe3t7iUygAXAlb318fLBu3TqMHDkSAHDu3DkMGDCAq4ddWFiIDh06iDhaRtxJ3JxoVVVV9O3bF8+ePcPEiROhqamJtm3bYsqUKbCzs2MJNMMwDNMkFRcXY/LkyZCRkeHK0x0/fhzNmzfHqVOncOPGDaxdu1ai5/+mpKTAy8sLBw8exMiRI5GUlIT379/D1NQUQUFBCAgIgKysLFRVVUUdKtMISNxItJC6ujo8PT1BRLh9+zY2b94scUXhGYZhGObPatOmDQ4dOgQ7OzssXrwYGhoakJOTg7u7O3g8HqqqqtCsWTMAkNhyrzIyMlBRUcHt27dRWlqK/Px8PHz4EGPHjoW1tTXXVEVY4Yth/huJmxMtVFVVhTt37iAmJgZTp07FmDFjRB0SwzAMw4hcWFgYNm3ahMuXL6NDhw6or6+HtLR0k+iV8PHjR/j7+yMoKAiWlpbQ09PD8+fPcf36dWzYsAGKioqiDpFpRCQ2iRYSLiJoCgcHhmEYhvkzIiIiYGtrizt37qBjx46iDue7q62thaysLGJiYuDs7IzVq1dDV1dX1GExjYzEJ9EseWYYhmGYfxcaGgoFBQWMGDFC1KF8d3V1dUhISICLiwuWL1+O8ePHizokphGS+CSaYRiGYZg/1lQHm6qqqlBUVAQNDY0m+x0wfw9LohmGYRiGYRjmC7HlpwzDMAzDMAzzhVgSzTAMwzAMwzBfiCXRDMMwDMMwDPOFWBLNMAzDMAzDMF+IJdEMwzAMwzAM84VYEs0wDMMwDMMwX4gl0QzDMEwDdXV1og6BYRhG7LEkmmEYphF59eoVZs+ejQEDBmDlypWws7ODp6cnACAsLAyzZs3CoEGDMG/ePCQlJXHv09PTg5+fH/T19TFw4EDY2dmhpqYGAPD48WOMGTMGR48exciRI+Ho6AiBQICjR49iwoQJGDp0KFatWoXS0lJRfGSGYRixxJJohmGYRoLP58PGxgYGBgaIjo7GjBkzEBwcDOBTcr1x40Y4Ozvj8ePHMDExgZWVFfh8Pvf+oKAgHD9+HCEhIUhOTsaVK1e45woLC1FWVoawsDC4uLjgzJkzCA4Oxrlz5xAZGYmWLVvC2dn5u39mhmEYccWSaIZhmEbixYsXqKurw8KFCyErK4tJkyahT58+AAB/f3+YmJigX79+kJaWhoGBAWRlZfH8+XPu/T/99BNUVVXRqlUr6OrqIjExkXtOSkoKK1euhJycHBQUFPDzzz/D3t4eampqkJOTg42NDe7evcumejAMw/w/GVEHwDAMw/w5+fn5UFVVBY/H4x7r0KEDACA7OxvXrl3DuXPnuOdqa2uRn5/P/d2+fXvu34qKig2ea926NeTl5bm/s7OzYW1tDSmpf421SElJoaioCKqqql/3gzEMwzRCLIlmGIZpJNq3b4+8vDwQEZdI5+TkQENDAx06dMDy5cuxYsWKv/Tf/jwxBwA1NTXs2rULAwcO/NtxMwzDSCI2nYNhGKaR6N+/P6SlpXHu3DnU1dUhODgYL1++BAAYGRnh0qVLePHiBYgIVVVVCA8PR0VFxV/6f82fPx9eXl7IysoCABQXF3PzrxmGYRg2Es0wDNNoyMnJwcfHB5s3b4aHhwdGjx6NcePGQU5ODn369IGLiwucnZ2RlpYGBQUF6OjoYNCgQX/p/7Vw4UIQEczNzZGfn4+2bdti2rRpmDBhwlf+VAzDMI0Tj4hI1EEwDMMwf42RkRHmzZuHuXPnijoUhmGYJoVN52AYhmlEoqOjUVBQgLq6Oly9ehXJyckYPXq0qMNiGIZpcth0DoZhmEYkNTUVdnZ2qKqqgoaGBry9vaGioiLqsBiGYZocNp2DYRiGYRiGYb4Qm87BMAzDMAzDMF+IJdEMwzAMwzAM84VYEs0wDMMwDMMwX4gl0QzDMAzDMAzzhVgSzTAMwzAMwzBf6P8AKU6fxc9+kg4AAAAASUVORK5CYII=\n", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "## plot them.\n", + "fig, ax = plt.subplots()\n", + "fig.set_size_inches(11.7, 8.27) # the size of A4 paper\n", + "# df1 = df1.rename('percent').reset_index()\n", + "g = sns.barplot(x=x, y='percent', hue=y, data=df1, ax=ax)\n", + "for item in g.get_xticklabels():\n", + " item.set_rotation(45)\n", + " \n", + "ax.set_ylim(0,100)\n", + "for p in ax.patches: \n", + " txt = '{:.2f}%'.format(p.get_height())\n", + " txt_x = p.get_x() \n", + " txt_y = p.get_height() + 0.02\n", + " ax.text(txt_x, txt_y, txt, fontsize=8)" + ] + }, + { + "cell_type": "code", + "execution_count": 30, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAaQAAAGkCAYAAAB+TFE1AAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjMuNCwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8QVMy6AAAACXBIWXMAAAsTAAALEwEAmpwYAACuzElEQVR4nOzdeVxO+f//8Ud1tSpLTaVsg2liEJeuSpu0WCpJ9pmhIVsG2Zexy74NI43INoxhrJV1ki0zDCKaBWPiw1BK9iKtvz/8nG+Xdkrhfb/dut26rrO9zpnPp7fzPu/zfKvk5ubmIgiCIAgVTLWiCxAEQRAEEA2SIAiCUEmIBkkQBEGoFESDJAiCIFQKokESBEEQKgXRIAmCIAiVgmiQBEF4pxw6dAgnJyfkcjl///13RZdT4YKCghg7dmxFl1EmRIMkCO8JFxcXLCwskMvl0k9gYGCJtu3Tpw/bt28v5wrLxoIFC5g6dSqxsbF89tln+Zabm5vTokUL5HI5jo6OzJs3j+zs7DI7/unTpzE3N2fmzJlK33/++efs2rWrzI6TV95zevkTGhpaLseqSLKKLkAQhLITEhKCnZ1dme83KysLmaxy/LlISEjAzMysyHXCw8OpV68e8fHx+Pr68vHHH/P555+XWQ06OjqEhYXRv39/ateuXWb7LcrLc3qfiTskQfgA7Nq1i88//5wFCxZgZWWFi4sLx48fB2Dp0qXExMQQGBiodFdlbm7O5s2badeuHe3atQNg27ZttG3bFmtra/z9/UlKSpKOYW5uzsaNG3F1dcXGxoYFCxaQk5NDRkYG1tbWXLlyRVr33r17WFhYcP/+/Xy15uTk8P333+Ps7IytrS3jx4/nyZMnZGRkIJfLyc7OxtvbGzc3t2LPu2HDhlhaWnL16tUi68/NzWXu3LnY2tpiaWmJl5cX//zzT6H71dPTo0uXLgQHBxe6zo4dO3B3d8fKyor+/ftz+/Ztadmvv/5K+/btsbS0ZMaMGfTu3btM7lCfP3/O2LFjsbGxQaFQ0LVrV1JSUgB48uQJkyZNwsHBAUdHR5YuXVqmd45lQTRIgvCBiIuLo379+vz+++8MGDCAyZMnk5uby6hRo1AoFEybNo3Y2FimTZsmbRMVFcW2bdvYv38/p06dYsmSJSxbtoxff/2VWrVqMXr0aKVjHDp0iJ07d7J7926OHDnCzp070dDQwMPDg4iICGm9vXv3Ymdnh76+fr46d+3axe7du9m4cSNRUVE8ffqUwMBANDQ0iI2NBV7cLURFRRV7zv/++y/nzp2jcePGRdb/66+/EhMTwy+//EJMTAzLli2jevXqRe7b39+fX375hWvXruVbFhUVxapVq1ixYgWnTp3C0tKSMWPGAHD//n0CAgIYM2YMp0+fpn79+tJ5vandu3eTmprKsWPHOH36NDNnzkRLSwuACRMmIJPJiIyMJCwsjN9++63SddOKBkkQ3iNDhw5FoVBIP9u2bZOWmZqa0qNHD9TU1PDx8eHu3bvSv54LM2jQIKpXr46WlhZ79uyha9euNGnSBA0NDUaPHs2FCxe4deuWtP7AgQOpXr06pqam+Pr6snfvXgB8fHzYu3cvOTk5wIsGpVOnTgUec8+ePfTt25c6depQpUoVRo8ezf79+8nKyirxdfDx8cHKygp/f3+6detG165di6xfJpORlpbGtWvXyM3NpWHDhhgZGRV5DENDQ3r16sXy5cvzLdu6dSuDBg2iYcOGyGQy/P39uXTpErdv3yY6OhozMzPatWuHTCbD19eXjz76qETnlPe/7YkTJ/KtI5PJePjwITdu3EBNTY2mTZuiq6tLSkoK0dHRTJo0CR0dHQwMDOjbty/79u0r8TV9GypHp7AgCGUiODi40GdIef/oaWtrA/D06dMi92diYiL9npycTJMmTaTPVapUoXr16iQlJUnPUfKuX6tWLZKTkwFo3rw52tranDlzBkNDQ27evImrq2uBx0xOTqZWrVpK+8nKyuLevXsYGxsXWe9Lu3fvzve8paj6bW1t+fLLLwkMDCQhIYG2bdsyYcIEHj9+jKenp7TNq3cyAwcOpG3btly+fFnp+4SEBObOncuCBQuk73Jzc0lKSiI5OZmaNWtK36uoqCh99vT0JCEhAYDQ0FAUCkWh5/Qqb29v7ty5w+jRo3n8+DGdOnVi1KhRJCQkkJWVhYODg7RuTk6O0n+vykA0SIIgFEpFRUX63cjISOk5yNOnT3n48KFSI5GYmCgNOEhISFC6y/Dx8SEiIgJDQ0Pat2+PpqZmgcd89TgJCQnIZDIMDAze6FyKq9/X1xdfX1/u3bvHyJEjWbNmDSNHjiyyO61GjRp89dVXLFu2TOl7ExMT/P39C7wLvHHjhtKzt9zcXO7cuSN9fpO7FnV1dYYNG8awYcO4desWgwYNon79+jg5OaGhocHvv/9eaQanFER02QmCwEcffcR///1X5DpeXl7s2rWLS5cukZGRwbfffouFhYXSKLO1a9fy6NEjEhMT2bhxIx4eHtIyb29voqKiiIiIoHPnzoUep2PHjvzwww/8999/pKWlsXTpUtzd3d/4D2lR9cfFxXHx4kUyMzPR1tZGQ0MDNTW1Eu23X79+xMbGKj1L6tWrF6tXr5YGUzx58oQDBw4A4OTkxJUrV4iKiiIrK4vNmzcX23VaUr///jtXrlwhOzsbXV1dZDIZampqGBkZYW9vz/z580lNTSUnJ4ebN29y5syZMjluWam8TaUgCKXm7++v9IfUzs6uyJFgL/n6+jJx4kS2bNmCt7c3U6ZMybeOra0tI0aMYPjw4Tx+/Bi5XM7SpUuV1nF1daVLly6kpqbi4+NDt27dpGU1a9bks88+4+bNm1I3VEG6du1KUlISvXv35vnz5zg4ODB16tSSnH6Riqo/LS2NuXPncuvWLTQ0NHBwcMDPz69E+9XV1WXAgAEsXrxY+q5t27akpaUxevRobt++jZ6eHnZ2dri7u6Ovr893333HnDlzmDBhAl5eXjRt2hR1dfUij+Pt7a10x9qtWzcmT56stE5KSgrTp08nKSkJHR0dPDw8pLu0hQsXsnjxYjw8PEhLS6NOnToMHDiwROf4tqiICfoEQSgL5ubmREZGFvmc45tvvsHIyIhRo0a9xcoqt5ycHFq3bs3ixYtp1apVRZdToUSXnSAIb8WtW7c4dOiQ0l3Th+rEiRM8fvyYjIwMQkJCAGjRokXFFlUJiC47QRDK3bJly/jhhx8YNGgQderUqehyKtyFCxcYO3YsGRkZfPLJJwQHB0vvC33IRJedIAiCUCmILjtBEAShUhANkiAIb92AAQPYvXt3hRw7IiKixCPoSsLT05PTp08DZT8VREhISL6RdO8z0WUnCB8oc3NztLW1lYYSf/3112U+FDgoKIgbN24oDYsuLxMnTmTv3r3SEOpatWrh7OzMoEGD0NPTK/W+jI2NSzUi8E3O9fTp04wbN47o6OhSb/u+EIMaBOED9j5OadC/f39GjRrF8+fPuXLlCosWLeLzzz9n27Zt6OjolNlxKtOUHO8L0WUnCEI+QUFBBAQEMHbsWORyOV5eXly/fp1Vq1Zha2uLk5MTv/76q7R+UlIS/v7+WFtb07ZtWynUNTo6mlWrVnHgwAHkcrn0kmbeCQELm24CXgwVNzc3Z/fu3bRp0wYbGxtWrlxZonPQ1NTEwsKClStX8vDhQ2nyvJdTcUDh0078/PPP7Nmzh7Vr1yKXy/H39wdeTIK4evVqvLy8aNGiBVlZWbi4uHDy5EnpuBkZGYwcORK5XI6Pj49Szp25uTk3btyQPk+cOJGlS5fy9OlTBg4cSHJysjQBX1JSUr4uwMOHD+Pp6YlCoaBPnz7Ex8dLy1xcXFi7di1eXl5YWloycuRInj9/XqJrVVmIBkkQhAIdPXoUb29vzp49S+PGjenfvz85OTlER0czdOhQpWkqxowZQ82aNTlx4gTLly/n22+/5dSpU7Ru3ZrBgwfj7u5ObGys0hQULxU23URe586d4+DBg/zwww8EBwcr/SEujq6uLnZ2dsTExORbVti0Ez179sTLy4v+/fsTGxsrvSsEL7LmVq9eTUxMTIF3SIcPH6ZDhw6cOXOGjh078vXXX5OZmVlkjTo6OoSGhmJkZERsbCyxsbH5gmSvX7/OmDFjmDRpknRt/f39ycjIkNY5cOAAa9as4fDhw1y5cqXcZrAtL6JBEoQPWFFTGigUChwdHZHJZHTo0IEHDx4waNAg1NXV8fDw4Pbt2zx+/JjExETOnTvH2LFj0dTUpHHjxnTv3p3w8PAS1VCS6SaGDRuGlpYWjRo1olGjRvnStYtjZGTEo0eP8n3/OtNO9OnTBxMTk0LfG2rSpAkdOnRAXV2dfv36kZGRwcWLF0tVb0H279+Pk5MT9vb2qKur079/f9LT05XCX/v06YOxsTHVq1fH2dmZS5cuvfFx3ybRASoIH7CipjTIm66tpaVFjRo1pJy8l3+Mnz59SnJyMtWqVUNXV1da39TUlD///LNENRQ13cRLr06dUdy0Ga9KSkqiWrVq+b4vbNqJvOfyquKmbMg7lYSqqirGxsbSNBxvIjk5GVNTU6V9m5iYKCWHGxoaSr9ra2uXyXHfJnGHJAjCG3l595Gamip9l5iYKHU55R3FV9j25THdxEtpaWmcOnWq0EBXX19fdu3axb59+/jf//7HmjVriqy7uPPJO5VETk4OSUlJ0l2XtrY2z549k5bfvXu3xPs1MjKS5kmCF8+/8l7n94FokARBeCMmJibI5XK+/fZbnj9/zuXLl9mxYwdeXl7Aizut27dvS7PFvqq8ppvIyMjgzz//ZOjQoVStWpUuXbrkW6eoaScMDAyUZsMtqb/++ovIyEiysrL44Ycf0NDQoHnz5gA0atSIvXv3kp2dTXR0NGfPnpW2MzAw4OHDh9KAjle5u7tz/PhxTp06RWZmJuvWrUNDQwO5XF7qGisr0SAJwgfM29tbGtUll8uZM2fOa+3n22+/5fbt2zg6OjJs2DCGDx+Ovb09AB06dADAxsYGHx+ffNt27dqVTp060bt3b1xdXdHQ0Hij6SZejoyztrZmwoQJNGnShK1btxY45DstLY0pU6ZgbW2Ns7Mz1atXl16a7datG//++y8KhYKvv/66xMd3dXVl//79WFlZER4eTlBQkPRe1OTJkzl69CgKhYI9e/bg5uYmbdewYUM8PT1xc3NDoVAodcUBNGjQgEWLFjFr1ixatWrF0aNHCQkJQUND43UuU6UkXowVBEEQKgVxhyQIgiBUCqJBEgRBECoF0SAJgiAIlYJokARBEIRKQTRIgiAIQqUgGiRBEAShUhDRQYJQTh48SCMnp3K8VWFgoMu9e6nFr/gWiFoKV5nqKY9aVFVVqFGjSqHLRYMklIlp06ZhbGzM0KFDy3Td0jI3NycyMpJ69eqV63FKIicnt9I0SICopRCVqRaoXPW87VrEi7FCsVxcXEhOTiY6Ohp9fX3pe29vby5fvszhw4epXbt2BVb4f/I2SIIgvF3PM7J4/OhZoctVVVUwMCg8uFbcIQklUqtWLfbt20efPn0AuHLlCunp6RVcVeU2bdVJ7j8W10j4cKwY5/JG24tBDUKJeHt7ExYWJn0OCwujc+fO0ueXM18CnD59mtatW7Nu3TpsbW1xcHBg586dRa4bGhoqrRsVFcXx48dp37491tbWSpOjxcXF0bNnTxQKBQ4ODgQGBipNUJZX3uPcv3+fwYMHo1AosLa25osvvpDCPl1cXFizZo00C+ikSZNISUlhwIAByOVy+vbtW+BcOoIglC3RIAkl0qJFC1JTU4mPjyc7O5v9+/dL01EXJCUlhSdPnhAdHc2cOXMIDAws9I96SkoKz58/Jzo6moCAAKZMmUJERAQ7d+5k8+bNBAcH899//wEv5oD55ptv+P3339m6dSunTp3ip59+Krb+9evXY2xszKlTp/jtt98YPXq0Utx/ZGQk69ev55dffuHo0aMMHDiQ0aNHc/r0aXJycti0aVMpr5ggfJgMDfUK/Smquw5EgySUwsu7pN9++40GDRoUOQ+LTCZj6NChqKur4+TkhI6ODtevXy903SFDhkgzkT548ABfX190dXUxMzPDzMyMK1euANC0aVNatGiBTCajdu3a9OzZUynCv6h67t69S0JCAurq6igUCqUGqXfv3nz00UcYGxujUCiwsLDgs88+Q0NDg7Zt2/L333+X8moJwofp7t0nhf4UN2pPPEMSSszb25vevXtz69YtvL29i1y3evXqSvPZFDXLZ/Xq1fPNRJp3cjZNTU3S0tIAuH79OvPnz+fPP//k2bNnZGdn06RJk2Jr79+/PytWrJCmFujZsyeDBg2SluedkVRTU1Pps5aWVqlnKBUEofTEHZJQYrVq1aJ27docP36cdu3aVUgNM2bMoEGDBvzyyy+cP3+eUaNGUZKBorq6ukycOJHDhw8TEhLC+vXrOXXq1FuoWBCEkhJ3SEKpzJkzh0ePHqGjo0NWVtZbP35aWhpVqlShSpUqxMfHs2XLFqWh6IU5evQoDRo0oG7duujq6qKmpoaqavn+eyxwsF257l8QKpvnGW/2N0E0SEKp1K1bt0KPP2HCBKZOncratWtp3LgxHh4e/P7778Vud+PGDWbNmsX9+/epWrUqn3/+OTY2NuVa6717qZXmJUdDQz3u3i14auy3TdRSuMpUT0XUIl6MFYRyIhqkgolaCleZ6imPWop7MVY8QxIEQRAqBdEgCYIgCJWCaJAEybRp0wgODq7oMgoUExND+/btX3v7kJAQJk+eXIYVCYJQ1sQzpPdInz59uHz5Mr/99hsaGhpFrrtr1y62b9/Oli1b3lJ1b8/p06cZN24c0dHRFV2KIHwwigtWBRGu+sG4desWMTEx6OnpcfjwYdzd3Su6pA+eCFcVPiRvGqwKosvuvREWFkbz5s3x8fFRCkFNTExk2LBhtGrVChsbGwIDA4mPj2f69OlcuHABuVyOQqEAlMNIAbZt20bbtm2xtrbG39+fpKQkaZm5uTlbtmyhXbt2WFlZMXPmzGJfUN21axe9evVi1qxZWFpa0qFDB6WXU3fu3Im7uztyuRxXV1e2bt0qLXsZwvqSi4sLa9euxcvLC0tLS0aOHMnz5895+vQpAwcOJDk5GblcjlwuJykpiaCgIMaOHQu8aLzNzc3ZvXs3bdq0wcbGhpUrV0r7Tk9PZ8KECVhZWeHu7k5oaKjSsQVBKB+iQXpPhIeH4+XlhZeXF7/++ispKSlkZ2czePBgTE1NOXLkCNHR0Xh4eNCwYUNmzpxJixYtiI2NJSYmJt/+Tp06xZIlS1i2bBm//vortWrVYvTo0UrrHDt2jB07dhAeHs6BAwc4ceJEsXXGxcVRp04dfv/9dwICAhg2bBgPHz4EXsQFrVq1ivPnzzNv3jzmzZvHX3/9Vei+Dhw4wJo1azh8+DBXrlxh165d6OjoEBoaipGREbGxscTGxhaauXfu3DkOHjzIDz/8QHBwMPHx8QCsWLGC27dvExUVxfr164mIiCj2vARBKDpYVYSrfiBiYmJISEjA3d2dpk2bUqdOHfbu3UtcXBzJycmMHz8eHR0dNDU1pbuh4uzZs4euXbvSpEkTNDQ0GD16NBcuXODWrVvSOgMHDqRq1aqYmppiY2PD5cuXi92vvr4+X331lRSkWr9+fY4dOwZAmzZtqFu3LioqKlhbW2Nvb19gY/lSnz59MDY2pnr16jg7O3Pp0qUSndtLw4YNQ0tLi0aNGtGoUSOp/gMHDjB48GCqVatGzZo18fX1LdV+BeFDVVSwqghX/UCEhYVhb28vReh07NiR3bt3Y2RkhKmpqVLIaUklJycrhZZWqVKF6tWrk5SUJM0Oa2hoKC3X1taWAlCLYmxsrJSybWpqSnJyMgDHjx8nODiY//3vf+Tk5JCens6nn35a6L5ePf7L/ZRU3gDVvOGvycnJmJiYSMtq1qxZqv0KgvB6RIP0jktPT+fAgQPk5ORgb28PQEZGBo8fP+ajjz4iMTGRrKysfI1S3kahIEZGRty+fVv6/PTpUx4+fFjklBMlkZSURG5urnT8xMREXFxcyMjIICAggAULFuDq6oq6ujpff/11iYJTX1XcuRXH0NCQO3fu8MknnwBw586dN9qfIAglIxqkd1xUVBRqamrs2bMHdXV16fuRI0cSFRWFoaEhS5YsYfjw4aipqfHnn39iaWmJgYEBSUlJZGRkFDhE3MvLi1GjRuHl5UXDhg359ttvsbCwkO6OXtf9+/fZuHEjX3zxBVFRUcTHx+Pk5ERGRgYZGRno6+sjk8k4fvw4v/32G2ZmZqU+hoGBAQ8fPuTJkyfo6emVent3d3dWrVpFs2bNSE9P58cffyz1PkCEqwofljcNVgXRIL3zdu/eTZcuXTA1NVX6/ssvv2TOnDls376d2bNn4+zsDCCNSmvVqhWffPIJDg4OqKiocPr0aaXtbW1tGTFiBMOHD+fx48fI5XKlEXivy8LCghs3btCqVSs++ugjli9fTo0aNQCYMmUKI0eOJCMjA2dnZ1xcXm8YacOGDfH09MTNzY3s7Gz27dtXqu2HDh3K9OnTcXV1xdDQEC8vL3bt2lXqOkSWXcFELYWrTPWIcFXhvfauvoz7008/sX///lLfKYkGqWCilsJVpnpEuKogVALJycmcO3eOnJwcrl27xvr163Fzc6vosgThvSe67IQyNW3aNPbs2ZPvey8vL1q0aPH2C3oNmZmZTJ8+nVu3bqGnp4enpydffPFFRZclCO890WX3HgoKCuLGjRssXry41NvGxMQwefJkfvnllzeqwcXFhdmzZ2NnV34P9os7T09PT6ZNm1buE/EVRnTZFUzUUrjKVE9FdNmJO6RKoDShqGXN3NycyMhI6tWrB4BCoXjjxqg0rl+/ztKlSzl9+jRZWVmYmprSpUsXfH19UVNTe6N9l3YwQ1kr7q30t83QsPQjDsuLqKVwlame0tRSknDV4ogGqYJ9yKGoN2/epEePHnTp0oU9e/ZgZGTEtWvXCA4OJi0tjapVq1Z0iW9EhKsKHxIRrvoeKCwUdeLEicycOZNBgwYhl8vp3r07N2/elJbPnj0bJycnWrZsSZcuXQqN2Bk0aBCbNm1S+s7Ly4uoqCi+/PJLALy9vZHL5ezfvz9fiGlB4azwojHx9fXFxsYGGxsbxowZw+PHj0t17suXL0cul/PNN99gZGQEQIMGDViyZAlVq1bNVwu86Ao8efKk9DkjI4ORI0cil8vx8fFRii/Ku25cXBxdunShZcuW2NnZMW/ePOD/glZ37tyJk5MTVlZWbNmyhbi4OLy8vFAoFNI5C4JQvkSDVMEKCkV9ad++fQwbNoyzZ89St25dpfeAmjVrRlhYGGfOnKFjx46MGDGC58+f59t/586dlcJBL1++THJyMq1bt2bz5s1SDbGxsXh4eChtW1g4K0Bubi6DBw/mxIkTHDhwgDt37hAUFFSqcz916tQbTboHcPjwYTp06CBdh6+//prMzMx8682ZMwdfX1/Onz/PoUOH8t2JXrx4kcjISJYuXcrcuXMJCQlhw4YN7Nu3jwMHDnDmzJk3qlMQPgQiXPUdVlgo6ktt27bFwsICmUxGp06dlMJDvb29qVGjBjKZDD8/PzIyMrh+/Xq+Y7i5uXHjxg3+97//AS8aH3d39xI9qyoqnLVevXrY29ujoaGBvr4+/fr14+zZs6U6/4cPHyrl0b2OJk2a0KFDB9TV1enXrx8ZGRlcvHgx33oymYybN29y//59qlSpkm/E39ChQ9HU1MTBwQEdHR06duyIgYEBxsbGKBQK/v777zeqUxA+BG8arioapApUWCjqS3nDP7W0tKTwT4B169bh7u6OpaUlCoWCJ0+e8ODBg3zH0NDQoEOHDkRERJCTk8PevXvx9vYuUX2JiYmFhrPeu3ePUaNG4ejoSMuWLRk3blyBxy9K9erVuXv3bqm2eVXe4FNVVVWMjY0LDFmdM2cO//vf/3B3d6dr164cPXpUabmBgYH0u6amZr7Pea+9IAjlQwxqqCBFhaIWN41DTEwMoaGhbNiwATMzM1RVVbGysio0iNTHx4fx48djaWmJtrY2crm8RDWamJgUGs66ZMkSVFRUiIiIoEaNGkRFRZX6WYutrS2RkZF07dq1wOXa2tqkp//foIDs7Gzu37+vtE7e4NOcnBySkpKk51F5ffzxx3z77bfk5OQQGRlJQEBAvrgkQRAqlmiQKkhRoah5BzcUJC0tDTU1NfT19cnKymL16tWkphZ+KyyXy1FVVWX+/Pl06tRJadlHH33Ef//9Jw37zsvCwqLQcNa0tDT09PSoWrUqSUlJrFmzpnQXAAgICKBbt24sWLAAPz8/DA0NuXHjBkFBQUybNo369evz/Plzjh07hr29PatWrSIjI0NpH3/99ReRkZG4uLiwadMmNDQ0aN68eb5jhYeH4+joiL6+vjR6702HlRdHhKsKHxIRrvoOKy4U1dbWttBtHRwcaN26Ne3bt0dHR4evvvpKaf6egnh7e/Pdd9/x/fffK30/bNgwJk6cSHp6OoGBgUpdVWpqaoSEhBQYzjps2DAmTJiAQqGgbt26eHt7s2HDhlJdg7p167J161aWLVtGx44dycrKolatWnTp0oUqVaqgpqbG9OnTmTJlCtnZ2QwYMCDf3ESurq7s37+fCRMmUK9ePYKCgpQa+JdOnDjB/PnzSU9Px9TUlKVLl6KpqVmqektLvBhbMFFL4SpTPSJcVSg3YWFh/Pzzz+9csOm7TDRIBRO1FK4y1SPCVYVy8ezZM3766Sd69uxZ0aUIgiAUSnTZvedOnDjB8OHDsbW1pWPHjm/9+AMGDODcuXP5vh88eDD+/v5vvR5BECov0SAVYOLEiRgbGzNq1KiKLuWNOTo6cuHChQo7/usMdpDL5URERFCnTp03OvaAAQPw9PTEx8fnjfYjCMLb8cE3SGUZbFreDVlJE7Rv3bqFq6srOjo6St/PmTMnXxpDZRQbG1sm+3mdxrAsiXDVwolaCleZ6imqlrIIU33VB90gve1g04Le5ylPZ8+eLdfjve3zedeIcFXhfVYWYaqv+qAHNRQWbArw4MED+vXrh1wup3fv3ty+fRt4keE2d+5cbG1tsbS0xMvLi3/++Yeff/6ZPXv2sHbtWuRyufR8xMXFhdWrV0sT1L18b8jNzQ25XI6HhweHDh1SOva2bdtwd3eXlv/111+MGzeOhIQE/P39kcvlhIaGvtY5Z2Rk4O3tLQWuZmdn06tXL1asWAG8mGMoICCgyMDSV8/nwoUL9OrVC4VCQadOnZReON21axeurq7I5XJcXFykXL0bN27Qu3dvLC0tsbGxYeTIkdI25ubm3LhxA4AnT54wfvx4WrVqhbOzM99//z05OTnSvj///HMWLFiAlZUVLi4uHD9+XNpPnz592L59e4mOt3nzZtq1a4dcLmfZsmXcvHmTnj170rJlS0aMGJHv/SdBEMreB/3P2/DwcPr27Uvz5s3p2bMnKSkpUlzPnj17WL16Nc2bN2fhwoWMHTuWLVu28OuvvxITE8Mvv/yCnp4e165dQ09Pj549exIbG1tgl92+fftYvXq1lD1Xp04dNm/ejKGhIQcPHmTcuHFERkZiZGTEgQMHCAoKIjg4mGbNmnHz5k1kMhmLFi3i3LlzbzzpnYaGBosWLeLLL7/Ezs6OyMhIcnJyGDJkiLTO4cOHWbJkCYsWLWLjxo18/fXX/PLLL9L7PXnP5969ewwePJiFCxfi6OjIqVOnCAgI4MCBA2hpaTF79mx27NhBgwYNSE5O5tGjRwB899132Nvbs3HjRjIzM/njjz8KrHfWrFk8efKEqKgoHj58SP/+/TE0NKR79+7Ai7w9Hx8ffv/9d37++WcmT57MiRMnUFFRUdpPccc7ceIEu3btIjExER8fH2JjY1m8eDHVq1enZ8+e7Nu3TzyLEoRXlHX34gd7h1RcsGmbNm2wsrJCQ0ODUaNGceHCBRITE5HJZKSlpXHt2jVyc3Np2LBhgVE1efXp0wcTExO0tLQAcHd3x9jYGFVVVTw8PKhXrx5xcXEA7NixgwEDBmBhYYGKigr16tWjVq1ar3WOrVq1QqFQSD/x8fEAfPrppwwZMoShQ4eybt06Fi5cqJRaUFxgad7zCQ8Pp3Xr1jg5OaGqqoq9vT1NmzaV7lRUVVW5evUq6enpGBkZYWZmBrwIO01ISCA5OVkptDWv7Oxs9u/fz5gxY9DV1aV27dr069dPKb3c1NSUHj16oKamho+PD3fv3lVKTH+puOMNHDgQXV1dzMzM+PTTT7G3t6dOnTro6enRunVrEa4qCAUoLkxVhKuWUHHBpnkTAapUqUK1atVITk7G1taWL7/8ksDAQOzs7Jg6dWqRsT1AvhSFsLAwvL29pYbi6tWrUjBpYmIidevWLZNz/P3334mJiZF+GjZsKC3r3Lkzt2/fpnXr1nz88cdK2xUXWJr3fBISEjh48KBSw3fu3Dnu3r2Ljo4OS5cuZevWrTg4ODBo0CCpURw3bhy5ubl069YNT09PduzYka/+Bw8ekJmZqZRmYWpqSlJSkvQ5bwCttrY2QIFBqMUdL+9+NDU1830W4aqCUP4+yC67kgSb5g3tTEtL49GjR9KdkK+vL76+vty7d4+RI0eyZs0aRo4cma+b6KW839++fZspU6awYcMG5HI5ampqSunbJiYmShPxlZeZM2fi7OwsdUHmvWMoLrA07/mYmJjg7e3N7NmzCzyOo6Mjjo6OpKens2zZMqZOncpPP/2EoaGhtE1MTAz9+vXDyspKKVOvRo0aqKurk5CQwCeffAK8aLCNjY1Lfb4lOZ4gCBXrg2yQShJsevz4cWJiYrCwsOC7776jefPmmJiYEBcXR25uLp999hna2tpoaGhI3V0GBgbcunWryGM/e/YMFRUV6c5s586dXL16VVrerVs35s+fj6WlJU2aNJGeIdWqVUsKQn1TYWFh/PXXX4SHh3PkyBEmTpxIeHg4VapUAUoeWArQqVMnunXrxokTJ7Czs5MGOdSrVw+ZTMbFixextbVFS0sLHR0d6VodOHAAuVxOzZo1qVatGioqKqiqKt+wq6mp0aFDB5YuXcqCBQt49OgR69evp3///qU+55Icr6yJcFXhfVYWYaqv+iAbpJIEm3bs2JHg4GAuXLjAZ599xqJFi4AXd0tz587l1q1baGho4ODggJ+fH/CiMRkxYgQKhQJra+t8QaYAn3zyCX5+fvTq1QsVFRU6d+5My5YtpeXu7u48fPiQMWPGkJycTK1atVi4cCG1atVi0KBBzJ49m0WLFjFkyJBi/zBbWVkpfQ4ICKB9+/bMmzeP77//nipVquDl5cXhw4eZN2+edAdR0sBSeHGH9P3337No0SLGjBmDqqoqFhYWzJgxg5ycHNavX8/48eNRUVGhcePGTJ8+HYA//viDuXPnkpqaioGBAZMnTy7wRdipU6cya9Ys3Nzc0NTUpHv37oVOV1GUkh6vLIksu4KJWgpXmeoR4apChQsKCuLGjRssXry4okt554kGqWCilsJVpnpEuKogCILwwfogu+zeBxEREVL3V16mpqbs27evAioSBEF4M+IOqRI6ffo0rVu3LnKdTp06ERsbm+/ndRqjAQMGSEPehw8fXmR3Xd4UhVe9TE4oL56enq897XhCQgJyuZzs7OwyrkoQhLIi7pDK2Z49e1i/fj3Xr1+nSpUqNGrUCH9//wJfBC1vEydOZO/evUoDFObMmfPWQ0jNzc3R1tZGRUUFXV1dPDw8GD9+fLFTipemsX01iNbU1LTMQltLSoSrFk7UUrjKVM+rtZRHoGpeokEqR+vXr2f16tXMnDkTBwcH1NXVOXHiBIcPHy63Bik7O7vIP+z9+/evFNNqhIeHU69ePeLj4/H19eXjjz8u17uriiDCVYX3TXkEquYluuzKyZMnT1i+fDnTpk2jXbt26OjooK6ujouLCxMmTCAjI4M5c+bg4OCAg4MDc+bMKTTAMz4+nj59+qBQKPD09OTw4cPSsokTJzJ9+nQGDhxIixYtXqtLK28IKbyIL3J3d8fKyor+/ftLwbKvevDgAf7+/rRs2ZJu3bq91gu9DRs2xNLSkqtXr3Lz5k18fX2xsbHBxsaGMWPG8PjxY2ldFxcXTp48CbwYDThixAjGjx+PXC7H09NTyqcrKIj21q1bmJubk5WVJZ3zsmXL6NWrF3K5HD8/P+7fvy8dKywsDGdnZ2xsbAgODlY6tiAI5UM0SOUkNjaW58+f07Zt2wKXr1y5kosXLxIeHk5ERAR//PFHge8tZWZm4u/vj729PSdPnmTKlCmMHTuWa9euSevs3bsXf39/zp8/j6Wl5RvVHRUVxapVq1ixYgWnTp3C0tKSMWPGFLhuYGAgmpqa/Prrr8ydO5edO3eW+nj//vsv586do3HjxuTm5jJ48GBOnDjBgQMHuHPnDkFBQYVue+TIETw9PYmJicHFxYVZs2YBsGjRIkxNTQkJCSE2NpaBAwcWuP3evXuZN28ep06dIjMzk3Xr1kk1zZw5k0WLFnHixAlSU1OV4ooE4UNmaKj32j/FdWOLBqmcPHz4UEr3LsiePXsYOnQoBgYG6OvrM3ToUKXQ0JcuXrzI06dPGTRoEBoaGtja2uLs7Kz0PMXV1RVLS0tUVVXR1NQssq5169ZJmXM2Njb5lm/dupVBgwbRsGFDZDIZ/v7+XLp0Kd9dUnZ2NpGRkQQEBKCjo8Onn35aqjRsHx8frKys8Pf3p1u3bnTt2pV69ephb2+PhoYG+vr69OvXj7Nnzxa6D0tLS5ycnKT4pbzTZJREly5dqF+/PlpaWnTo0IFLly4BcPDgQZydnVEoFGhoaBAQEFBoLJQgfGhKG6hamnBV8QypnFSvXp0HDx4UOoldcnJyvtDQvAGmederWbOmUszNqwGjr4a3FsXPz6/IZ0gJCQnMnTuXBQsWSN/l5uaSlJSklDp+//59srKylI79avJFUXbv3p0vR+7evXvMnj2bmJgY0tLSyM3NpWrVqoXuI28AqpaWFs+fPy/VpIGGhobS79ra2lKA6strnndZ9erVS7RPQRBen7hDKidyuRxNTU2ioqIKXG5kZERCQoL0OTExscBpLIyMjLhz5440Kd3LdV8nYLQkTExMmDlzplJKeFxcnFK8EYC+vj4ymYzExESlut7EkiVLUFFRISIigvPnz7No0SIqIkjEyMhIqcFPT0/n4cOHb70OQfjQiDukcqKnp0dAQACBgYHIZDLs7e2RyWScPHmS06dP4+npycqVK2nWrBkAwcHBeHl55duPhYUF2trarFmzhn79+nH+/HmOHDlS4HQNZaFXr1589913NG7cGDMzM548ecKvv/6ab3p3NTU12rZty4oVK5g7dy63b99m9+7drz13E7zICdTT06Nq1aokJSW90XD0Nwmibd++PT169OD8+fM0bdqU5cuXv1bDKMJVhfdNeQSq5iUapHLUr18/DAwM+P777xk7dixVqlShSZMm+Pv706RJE9LS0ujUqRMAHTp04Ouvv863Dw0NDVauXMnMmTNZtWoVxsbGLFy4UGluo7LUtm1b0tLSGD16NLdv30ZPTw87O7t8DRLAtGnT+Oabb7C3t6dBgwZ06dLltV9cBRg2bBgTJkxAoVBQt25dvL292bBhw2vt69Ug2vbt25d4WzMzM6ZOncro0aN59uwZvr6+6Ovro6GhUaoaRJZdwUQthatM9YhwVUGohNLS0rCysuKXX34pVUK4aJAKJmopXGWqR4SrCkIlceTIEZ49e8bTp09ZsGABn376KbVr167osgThvSa67N4znp6eSoMlXpo5c6bUPVjeYmJiCn33523H97yuw4cPM378eHJzc2natCnffvutGPotCOVMdNl9gF7NeXsTCQkJ0supxWXRlYfTp08zbtw4oqOjC1w+bdo0jI2NGTp06FuuTHTZFUbUUrjKVE9FdNmJO6RKJCYmhsWLF3P16lXU1NRo0KABkyZNwsLC4rX3OXHiRIyNjcssv648QktTU1P57rvvOHToEI8ePeKjjz6iTZs2DBkyRJrq/XUFBga+0fZvQoSrFk7UUrjKVE/VatrlGqb6KtEgVRKpqan4+/szY8YM3N3dyczMJCYmptQju941GRkZfPXVV1StWpU1a9bQoEEDHjx4wNatW/njjz9wcnKq6BJfmwhXFd515R2m+ioxqKGSuH79OgAdO3ZETU0NLS0tHBwcaNCgAdbW1ly5ckVa9969e1hYWHD//n1p7qR169Zha2uLg4ODlCn3888/s2fPHtauXYtcLsff31/ax6VLl/Dy8sLS0pKRI0fy/PlzadnRo0fx9vZGoVDQq1cvKZKnJKGlDx8+5JtvvsHBwQErK6sCh7LnFR4eTmJiIitWrOCTTz5BVVUVAwMDhg4dKjVGr87BNHHiRJYuXaq0n5CQEGxsbHBxcVGKYMq77v379xk8eDAKhQJra2u++OIL6YVjFxcX1qxZg5eXFy1atGDSpEmkpKQwYMAA5HI5ffv25dGjRyX5TykIwmsSd0iVRP369VFTU2PChAl4eHjQokULqlWrhoaGBh4eHkRERDBu3DjgRSionZ2d1J2VkpLCkydPiI6O5uTJkwQEBODm5kbPnj2JjY0tsMvuwIEDrFmzBk1NTT7//HNpcr2//vqLSZMmERISQtOmTYmIiODrr7/m4MGDLFq0iHPnzil12d26dUtpv+PHj0dHR4d9+/aho6NTbHfeyZMncXR0pEqVKq997VJSUnjw4AEnTpzgwoULDBo0iKZNm9KgQQOl9davX4+xsTGnTp0CXuQE5h2oEBkZyfr168nOzqZz585cunSJOXPm8MknnzBgwAA2bdrEsGHDXrtOQRCKJu6QKgldXV1++uknVFRUmDp1Kra2tvj7+5OSkoKPjw979+6V/jUfHh6uNGJOJpMxdOhQ1NXVcXJyQkdHR7rjKkyfPn0wNjamevXqODs7S8Gi27Zto2fPnjRv3hw1NTV8fHxQV1fnwoULxZ5DcnIy0dHRzJw5k2rVqqGuro61tXWR2zx8+FApU+51jRgxAg0NDaytrXFycuLAgQP51pHJZNy9e5eEhATU1dVRKBRKDVLv3r356KOPMDY2RqFQYGFhwWeffYaGhgZt27bl77//fuM6BeFd8ybp3qVN+xZ3SJVIw4YNmT9/PvBiDqRx48Yxd+5cvv32W7S1tTlz5gyGhobcvHkTV1dXabvq1asrBYrmDQotzKvBoi+DXRMSEggLC+PHH3+UlmdmZhYY/PqqO3fuUK1aNapVq1ayE/7/td+9e7fE6xekatWq6OjoSJ8LC6rt378/K1aswM/PD4CePXsyaNAgaXnesFZNTc184a3FXVNBeB+V5Ug7McruHdWwYUO6dOnCzz//DLyYriEiIgJDQ0Pat29f7DQTL5X23RkTExP8/f0ZMmRIqWuuWbMmjx494vHjx0WmdOdlZ2fHsmXLePr0qVKjkpe2tjbPnv3fSJ+7d+8qhcs+fvxYafvExETMzMzy7UdXV5eJEycyceJErl69iq+vL82aNcPW1rY0pykIQjkRDVIlER8fz/Hjx/Hw8KBmzZokJiayd+9emjdvDoC3tzedOnWiSpUqLFy4sMT7NTAwyPecpyjdu3dn2LBh2NnZYWFhwbNnzzhz5gwKhQJdXd0iQ0uNjIxo3bo1M2fOZNq0aejo6HDhwgWsrKwKPZ63tzdbt25l+PDhTJo0ifr16/Po0SN+/vlnGjdujJOTE40aNWLv3r2YmZnx22+/cfbsWZo2baq0n6CgIEaNGkVcXBzHjh1j+PDh+Y519OhRGjRoQN26ddHV1UVNTU1pWo+yJsJVhXddeYepvko0SJWErq4uFy9eZP369Tx58gQ9PT2cnZ0ZP3488OLu47PPPuPmzZsoFIoS77dbt26MGDFCGllW0Ky0eTVr1oxZs2YRGBjIjRs30NLSomXLltIxiwstXbhwIfPmzZOGrtvY2BTZIGloaLBhwwaWL1+On58fjx8/xsDAAFdXV+n9q8mTJzNx4kQ2b96Mm5sbbm5uSvv46KOPqFq1Ko6OjmhrazNjxowCw2dv3LjBrFmzuH//PlWrVuXzzz8vcJLCsiJejC2YqKVwlakeQ0O9t/oOEoikhnfKN998g5GRUZm95CqUL9EgFUzUUrjKVI9IahAKdevWLQ4dOsTu3bsruhRBEIRyIRqkd8CyZcv44YcfGDRoUKmmP6gsQkJCWLVqVb7vLS0t32gSPkEQ3i+iy06odAYMGICnpyc+Pj5vtJ+QkBD+++8/5syZU0aVlY7osiuYqKVwlameiuiyEw3Se8zFxYWUlBSlFG4fHx+mTZtWgVUJglAZPc/IUhrEIJ4hCWUuJCSkTKaZKEx2dnaFTDvxLhDhqsK75G0HqRZERAd9gKZPn05AQID0edGiRXz11Vfk5uZKYa1FhZVOnz6dgQMH0qJFC06fPk1SUhLDhw+nVatWuLi4sHHjRmn9uLg4unTpQsuWLbGzs2PevHkAPH/+nLFjx2JjY4NCoaBr166kpKQAL2KNtm/fDkBOTg7ff/89zs7O2NraMn78eJ48efGvtpfBrrt376ZNmzbY2NiwcuVK6dhBQUGMHTu2RMdbunQpvXr1kkJoHzx4wJgxY2jZsiVdu3Yt1btcgiC8HtEgfYAmTpzIlStX2LVrFzExMezYsYMFCxZIqQ55w0rnz5/PtGnTuHbtmrT93r178ff35/z588jlcoYMGYK5uTnR0dH88MMP/PDDD5w4cQKAOXPm4Ovry/nz5zl06BDu7u4A7N69m9TUVI4dO8bp06eZOXMmWlpa+WrdtWsXu3fvZuPGjURFRfH06dN8cxydO3eOgwcP8sMPPxAcHEx8fHy+/RR3vP3797Nw4UKio6O5efMmvXr1omvXrpw5c4aGDRsSHBz85hdeEIQiiS6799zQoUOVutTGjx9Pjx49WLRoEQMGDKBKlSpMnTqVmjVrKm1XUFjpy1lXXV1dsbS0BOCff/7h/v37Ugp2nTp16NGjB/v378fR0RGZTMbNmze5f/8++vr6tGjRAngRdPrw4UNu3LhBo0aN8iUvvLRnzx769u0rjS4cPXo0Xl5e0p0WwLBhw9DS0qJRo0Y0atSIy5cv53sxtrjjdenShbp16wLQunVr/v33X6mrs0OHDnz33Xclv+iC8I56dXLAtz1ZoGiQ3nPBwcEFPkOysLCgdu3a3L9/X7pream4sFITExPp99u3b5OcnKyUHpGdnS19njNnDsuXL8fd3Z3atWszbNgwnJ2d8fb25s6dO4wePZrHjx/TqVMnRo0ahbq6ulItycnJ1KpVS/pcq1YtsrKyuHfvnvRd3hDUwoJlizueCFYVBOUgVTGoQXhrNm/eTGZmJkZGRqxZs4bBgwdLy0oaVgovGqfatWsTGRlZ4PKPP/6Yb7/9lpycHCIjIwkICOD06dPo6OgwbNgwhg0bxq1btxg0aBD169ene/fuStsbGRlx+/Zt6XNCQgIymQwDAwPu3LlT4vNVV1cv0fEEQag4okH6AF2/fp1ly5axadMmtLS06N69O61bt6Zx48bSOiUJK4UXd1q6urqsXr0aX19f1NXViY+PJz09HQsLC8LDw3F0dERfX19KAFdTU+P333+nRo0afPLJJ+jq6iKTyQocrdexY0dCQ0Np3bo1+vr6LF26FHd3d6XpNkqipMcrSyJcVXiXvO0g1YKIBuk95+/vr/SH187OjqSkJAYOHEijRo0AGDVqFOPHj5emPi9pWCm8aFxWrlzJggULcHV1JSMjg/r16zNy5EgAaWBEeno6pqamLF26FE1NTVJSUpg+fTpJSUno6Ojg4eGhNOngS127diUpKYnevXvz/PlzHBwcmDp1aqmvQ0mPV5bEi7EFE7UUrrLV87aJF2MFJadPn2bcuHFER0dXdCnvPNEgFUzUUrjKVE9FPEMSw74FQRCESkE0SIIgCEKlIBokQYmNjY3orhMEoUKIZ0gFqOiU6A+FuM6CUDFeDVItyHub9u3i4kJycjLR0dHo6+tL33t7e3P58mUOHz5M7dq1y7uMSsvc3JzIyEjq1atXqu1cXFyYPXv2G4en9unThwsXLiCTydDQ0MDKyopp06ZhZGT0Rvv90IlwVaGyWjHOpdjG5r0e1FCrVi327dsnfb5y5Qrp6ZXv/6xZWRU/Fr8iTJs2jdjYWA4dOsTTp09ZsGBBRZckCMIH5q01SN7e3oSFhUmfw8LC6Ny5s/T52LFjdO7cmZYtW+Lk5ERQUJC0rCSpziNGjGD8+PHI5XI8PT35448/pOVFpVEHBQUREBDA2LFjadmyJbt37640KdE3b97E19cXGxsbbGxsGDNmDI8fPwZg3LhxJCQk4O/vj1wuJzQ0FIALFy7Qq1cvFAoFnTp14vTp06U6ZtWqVXF1deXy5cvSd/Hx8fTr1w9ra2vat2/P/v37pWUTJ05k5syZDBo0CLlcTvfu3bl586a0fPbs2Tg5OdGyZUu6dOlCTEyMtKyk13nXrl24uroil8uV0seLuj7w4g5y7dq1eHl5YWlpyciRI3n+/Lm0PCoqCm9vb1q2bImbm5v07OzJkydMmjQJBwcHHB0dWbp0KdnZ2aW6joIglN5ba5BatGhBamoq8fHxZGdns3//fqUXE7W1tVmwYAExMTGsWrWKLVu2EBUVpbSPolKdjxw5gqenJzExMbi4uDBr1izgxfQFRaVRAxw+fJgOHToQExODl5eX0jErMiU6NzeXwYMHc+LECQ4cOMCdO3ekhnrRokWYmpoSEhJCbGwsAwcOJCkpicGDBzNkyBDOnDnDhAkTCAgI4P79+yU+5oMHDzh06JAUNPr06VP8/Pzo2LEjJ0+e5Ntvv2XmzJlcvXpV2mbfvn0MGzaMs2fPUrduXZYuXSota9asGWFhYZw5c4aOHTsyYsQIpUbhpcKu89OnT5k9ezahoaHExsaydetWKVGiqOvz0oEDB1izZg2HDx+WEs7hxbQYEyZMYPz48cTExLB582YpM2/ChAnIZDIiIyMJCwvjt99+k6bDEIT3haGhXpE/JVmntD9FddfBWx5l9/Iu6bfffqNBgwYYGxtLy2xsbDA3N0dVVZVGjRrh6enJmTNnlLYvKNX5JUtLS5ycnFBTU5OeTQH88ccfUhq1hoaGUhr1Sy1atMDNzQ1VVdV8UyDkTYlWU1OjadOm6Or+30V9mRKtp6dH69atqVOnDnZ2dshkMjp06MDff//92terXr162Nvbo6Ghgb6+Pv369ePs2bOFrh8eHk7r1q1xcnJCVVUVe3t7mjZtyvHjx4s91uzZs7G0tKRVq1Y8ePBASkM4duwYtWrVomvXrshkMpo0aUL79u355ZdfpG3btm2LhYUFMpmMTp06cenSJWmZt7c3NWrUQCaT4efnR0ZGBtevX893/KKus6qqKlevXiU9PR0jIyMpV68k16dPnz4YGxtTvXp1nJ2dpdp27NhB165dsbe3R1VVFWNjYxo2bEhKSgrR0dFMmjQJHR0dDAwM6Nu3r1J3syC8D+7efVLkT0nWKe3PvXupRdb0VqODvL296d27N7du3cLb21tp2cWLF1m8eDFXr14lMzOTjIwMOnTooLROUanOr6YzP3/+nKysrGLTqIF8Uy+8WnNFpUTfu3eP2bNnExMTQ1paGrm5uVIeXEESEhI4ePAgR48elb7LysrCxsam2GNNmTKF7t27c+XKFfz9/blz5w6mpqbcvn2buLi4fNcv791tUee8bt06tm/fTnJyMioqKqSmpvLgwYN8xy/sOuvo6LB06VLWrVvH5MmTadmyJRMmTKBhw4Yluj6GhobS79ra2lJqeWJiIk5OTgVew6ysLBwcHKTvcnJylBLOBUEoH2+1QapVqxa1a9fm+PHj+Yb6jhkzht69e7NmzRo0NTWZM2dOgX+4Squ4NGpAmpiuIBWZEr1kyRJUVFSIiIigRo0aREVF5ZucLi8TExO8vb2ZPXv2ax/T3NycIUOGEBgYyO7duzExMcHKyor169eXel8xMTGEhoayYcMGzMzMUFVVxcrKioIGdhZ1nR0dHXF0dCQ9PZ1ly5YxdepUfvrpp1Jfn7xMTEyUnnW9VLNmTTQ0NPj9999LHeD6KhGuKlRWlSFItSBvPVx1zpw5PHr0CB0dHaURbWlpaVSrVg1NTU3i4uLYu3cv9vb2b3y84tKoi/O2UqIzMzOVnq3IZDLS0tLQ09OjatWqJCUlsWbNGqVtPvroI/777z/pc6dOnejWrRsnTpzAzs6OrKwsLly4QL169Yq8C3xV586dCQoK4vDhw7Rp04YlS5YQFhaGp6cnAJcuXaJKlSqFBq6+lJaWhpqaGvr6+mRlZbF69WpSUwu+ZS/sOqekpHDx4kVsbW3R0tJCR0dHuv7FXZ+idOvWDT8/P5ydnbGxseHu3bukpqbSsGFD7O3tmT9/PiNHjkRHR4dbt25x584drK2tS7x/EFl2hRG1FK6y1fO2vfWkhrp169KsWbN830+fPp3ly5cjl8sJDg7ON2nc63qZRn358mVcXV1p1aoVU6ZMKfQP46tSUlIICAjA0tISDw8PrK2tyyUl2tPTEwsLC+ln165dDBs2jL///huFQsGgQYNo166d0jaDBg1i5cqVKBQK1q5di4mJCd9//z2rVq3C1tYWJycn1q5dS05OTqlq0dDQoE+fPnz//ffo6uqydu1aaQZYBwcHFi9eTEZGRrH7cXBwoHXr1rRv3x4XFxc0NTUL7foq7Drn5OSwfv16HB0dsba25uzZs0yfPh2g2OtTFAsLC+bNm8fcuXOxtLSkd+/eJCQkALBw4UIyMzPx8PDAysqKgIAA7t69W+J9C4LwekRSgyCUE3GHVDBRS+EqUz3v9YuxgiAIglAU0SC9BTExMcjl8gJ/SsLT07PEL7i6uLhw8uTJfN8Xdvy8L6pWBLlcrvQcTBCED5fosqsECsqk27VrF9u3b2fLli1vvK/inD59mq+++gptbW0AjIyMGDRoEF27di3VsQVBqPxKEqwKFdNlJ6YwF4AXjVB0dDS5ublER0czZMgQ5HI5DRo0qOjS3lkiXFWojFaMc6noEgoluuzeAXm74dLT05kwYQJWVla4u7sTGhpK69atlda/dOlSofltxVFRUcHJyYlq1apx5coV4MWLoatXr8bNzQ0bGxtGjBjBw4cPgeJzBuPi4ujZsycKhQIHBwcCAwOVRuiZm5tz48YNAI4fP46HhwdyuRxHR0fWrl0LwP379xk8eDAKhQJra2u++OILaeTgy7rkcjkeHh4cOnRI2veuXbv4/PPPWbBgAVZWVri4uCilVjx8+JBvvvkGBwcHrKys+Prrr6VlR48exdvbG4VCQa9evZRSQQRBKB+iQXrHrFixgtu3bxMVFcX69euloNG8CstvK4mcnBwOHz7MgwcPpOkwNm7cSFRUFD/++CMnTpygWrVq+V5ALSxnUFVVlW+++Ybff/+drVu3curUKX766acCjz158mQCAwOJjY1l7969tGrVCoD169djbGzMqVOn+O233xg9erT0MnOdOnXYvHkz586dY9iwYYwbN05KY4AXDWL9+vX5/fffGTBgAJMnT5ZezB0/fjzPnj1j3759nDx5kr59+wLw119/MWnSJAIDAzl9+jQ9e/bk66+/LtFQd0EQXp/osqskhg4dqvTCbWZmJp999lm+9Q4cOMCMGTOoVq0a1apVw9fXN1+g6Mv8NkApv60oL+OV0tPTyc7OZuLEidLxf/75Z6ZNmya9XDts2DCcnZ2VXmwuKGewYcOGNG3aVFqndu3a9OzZk7Nnz0p//POSyWT8+++/NGrUSDq/l9/fvXuXhIQE6tWrpxRjlPd9NQ8PD1atWkVcXBxubm4AmJqa0qNHDwB8fHyYOXMmKSkpUtfk6dOnpeO8fPF127Zt9OzZk+bNm0vbhYSEcOHChVK/HCsIldHL8NSyWq+siAapkggODi5wUMOrkpOTlV4uLSiBobD8tqK8fIaUkZHB4sWL+f3336VGIyEhgaFDh6Kq+n831Kqqqty7d0/6XFjO4PXr15k/fz5//vknz549Izs7myZNmhRYw/Lly1m5ciVLlizB3NycMWPGIJfL6d+/PytWrMDPzw+Anj17MmjQIODFNCbr16/n9u3bwIt08ryRU6/W9XKdR48eKTV6eSUkJBAWFsaPP/4ofZeZmVmi6ygI74KSDFYQgxqEYhkaGnLnzh0++eQTAO7cuVOm+9fQ0GDs2LF06NCBqKgo3NzcqFmzppRo8Kri5nuaMWMGn332GUuWLEFXV5cNGzYoJYXnZWFhwcqVK8nMzGTz5s2MHDmS48ePo6ury8SJE5k4cSJXr17F19eXZs2aUbduXaZMmcKGDRuQy+VS0ntJ1KxZk0ePHvH48eN8gawmJib4+/szZMiQEu1LEISyIRqkd4y7uzurVq2iWbNmpKenK/0rvqxoaGjg5+dHcHAwbm5ufP755yxbtoz58+dTq1Yt7t+/z/nz56VusaKkpaVRpUoVqlSpQnx8PFu2bFGaxv6ljIwMDh48iLOzM3p6elSpUkXqwjx69CgNGjSgbt266OrqoqamhqqqKs+ePUNFRUXa386dO5XmaSqKkZERrVu3ZubMmUybNg0dHR0uXLiAlZUV3bt3Z9iwYdjZ2WFhYcGzZ884c+YMCoVCaeqR4ohwVaEyqqzBqiAapHfO0KFDmT59Oq6urhgaGuLl5VWqQQsl1bVrV4KCgjhy5Ai+vr7k5ubi5+dHcnIyBgYGeHh4lKhBmjBhAlOnTmXt2rU0btwYDw8Pfv/99wLXDQ8PZ9asWWRnZ1O/fn0WLlwIwI0bN5g1axb379+natWqfP7559KUGn5+fvTq1QsVFRVpxuGSWrhwIfPmzcPd3Z3MzExsbGywsrKiWbNmzJo1i8DAQG7cuIGWlhYtW7ZUenZVEiI6qGCilsJVtnreNvFi7Dvup59+Yv/+/eVypyS8GdEgFUzUUrjKVI/IshOKlZyczLlz58jJyeHatWusX7++RHcqgiAIlZ3osnvHZGZmMn36dG7duoWenh6enp588cUXxW4XEhLCqlWr8n1vaWlZqnmEBEEQyovosnsPvE5+XWWQkJCAp6cnMTEx5TLpYUUTXXYFE7UUrjLVI4Z9f0BcXFxISUlR+kPs4+PDtGnT3notu3btYvLkyWhpaaGiokLt2rUZNWoUzs7O5XpcU1NTYmNjy/UYgiC8O0SDVIFCQkLe6K4mKysLmaxs/hO2aNGCLVu2kJOTw7Zt2xg9ejTHjx/P946OUHJF/UuwIrztt+6LImopXHnXU9K074ogGqRK5ubNm0yZMkUKNnVwcGD69OlSw+Di4kKvXr3Ys2cP169f58KFC9K2d+/exc3NjWPHjlGjRg0A/vzzTwYMGMCJEydQV1cv9viqqqp4e3szffp0/ve//2FhYUFGRgZLly7lwIEDZGRk4ObmxqRJk9DS0uL06dOMGzeOvn37EhoaipqaGqNGjZKmrjh27BjLli3j5s2b6Onp0a1bN4YPHw68eKnW1dWVv/76C5lMxq5duwgODub+/fvUqFGDkSNH0qlTJ27cuMHkyZO5dOkSMpkMW1tbli1bBsDs2bM5dOgQT5484eOPP2bSpEnS8OygoCD+/fdfNDU1OXToEKampsyfP59mzZoBkJiYyJw5c4iJiSE3NxdPT0/pDnXHjh2sXbuWlJQULCwsCAwMpFatWqX6bynSvoXKSKR9CyWWm5vL4MGDOXHiBAcOHODOnTv5sur27dvH6tWriYmJUbpDMjQ0xNramgMHDkjfRURE4OnpWaLGCCA7O5tdu3ahrq4u/QFetGgR169fJywsjMjISJKTkwkODpa2SUlJ4cmTJ0RHRzNnzhwCAwN59OgR8CKuZ8GCBcTExLBq1Sq2bNlCVFRUvuM+ffqU2bNnExoaSmxsLFu3bqVx48YAfPfdd9jb23P27Fmio6Pp3bu3tF2zZs0ICwvjzJkzdOzYkREjRiilmx85ckR6TuXi4sKsWbOk8xw8eDCmpqYcOXKE6OhoPDw8AIiKimLVqlWsWLGCU6dOYWlpyZgxY0p0/QRBeH3iDqkCvRqoOn78eHr06CGlbOvr69OvXz9WrFihtF2fPn2U8uzy8vHxYePGjXzxxRdkZ2ezb98+pekgCnPx4kUUCgXPnj1DTU2NhQsXYmBgQG5uLtu3byciIoLq1asDMHjwYMaMGSP9kZbJZAwdOhSZTIaTkxM6Ojpcv36dFi1aSC+wAjRq1AhPT0/OnDlT4FB1VVVVrl69iqmpKUZGRhgZGUn7T0hIIDk5mZo1ayq9oJo3KsjPz4+VK1dy/fp1GjVqBLwYRejk5CSt+8MPPwAvUsCTk5MZP3681Ki/3O/WrVsZNGgQDRs2BMDf359Vq1Zx+/btUt8lCUJlJMJVhXxeDVQFuHfvHrNnzyYmJoa0tDRyc3MLzForjKurK9OnT+e///7j+vXr6OrqYmFhUWwtzZs3Z8uWLaSlpTF58mTOnTuHh4cH9+/f59mzZ3Tp0kVaNzc3V5qPCKB69epKd2p5w1UvXrzI4sWLuXr1KpmZmWRkZNChQ4d8x9fR0WHp0qWsW7eOyZMn07JlSyZMmEDDhg0ZN24c3333Hd26daNatWr069ePbt26AbBu3Tq2b99OcnIyKioqpKamFhquqqWlxfPnz8nKyiIxMRFTU9MCn8ElJCQwd+5cFixYoHTOSUlJokES3gsiXFUokSVLlqCiokJERAQ1atQgKioq39xDL+cCKoimpibu7u5ERERw7dq1EoeNvlSlShWmT59O27Zt6dq1K40aNUJLS4t9+/ZJU1qUxpgxY+jduzdr1qxBU1OTOXPmKDUYeTk6OuLo6Eh6ejrLli1j6tSp/PTTTxgaGjJ79mwAYmJi6NevH1ZWVty9e5fQ0FA2bNiAmZkZqqqqWFlZUZI3GUxMTEhMTCxwYMjLcNVOnTqV+nwFQXh9okGqZNLS0tDT06Nq1aokJSW91kur3t7eTJgwgXv37jFq1KhSb1+jRg26d+9OcHAwwcHBdO/enblz5zJt2jQMDAxISkrin3/+wdHRsUTnU61aNTQ1NYmLi2Pv3r3Y29vnWy8lJYWLFy9ia2uLlpYWOjo6UnfmgQMHkMvl1KxZk2rVqqGiooKqqippaWmoqamhr69PVlYWq1evJjU1tUTnaGFhgaGhIUuWLGH48OGoqanx559/YmlpSa9evfjuu+9o3LgxZmZmPHnyhF9//VVp7qWSEOGqQmUkwlWFAvn7+ys9Q7Kzs2PkyJFMmDABhUJB3bp18fb2ZsOGDaXar6WlJaqqqjRp0oTatWu/Vm1fffUVbm5uXL58mXHjxhEcHEyPHj148OABxsbGfP755yVqkKZPn86CBQsIDAzE2toad3d3Hj9+nG+9nJwc1q9fz/jx41FRUaFx48ZMnz4dgD/++IO5c+eSmpqKgYEBkydPpk6dOpiamtK6dWvat2+Pjo4OX331VZHdmXmpqakREhLC7NmzpfetXk773rZtW9LS0hg9ejS3b99GT08POzu7UjdI4sXYgolaClfZ6nnbRFLDe8rX1xcvLy+6d+9e0aV8sESDVDBRS+EqUz0iXFUoE3Fxcfz999+l/he9IAhCRRJddu+ZCRMmEBUVxeTJk5Umk5s2bRp79uzJt76Xl1e+QROCIAgVQXTZCe+0ooJlY2JimDx5cqFTppc30WVXMFFL4SpTPWLYt/DB2rNnD+vXr+f69etUqVKFRo0a4e/vX+pZWvNSKBQV1hgJglB6okESKtz69etZvXo1M2fOxMHBAXV1dU6cOMHhw4ffqEGqaCJctXCilsKVVz2VOVT1JdFlJ1SoJ0+e0Lp1a+bOnVvgIIyJEydibGwsvU/1Msw1OjoaeNFl17NnT8LDw6Vw2RkzZqCpqZlv3dWrV7Np0yZSU1MxMjJixowZ2NraEhQUxNWrV9HQ0ODw4cPUrl2b5cuXExkZyYYNG9DQ0GDOnDk4ODiU6txEuKpQmawY51KqLjgxyk744MTGxvL8+XPatm372vvYs2cPa9eu5dChQ1y/fp3vv/8+3zrXrl1j8+bN7Nixg9jYWNauXasUA3T06FG8vb05e/YsjRs3pn///uTk5BAdHc3QoUMrZJ4qQfjQiC47oUI9fPiQGjVqvNG8Tl9++aX0QuyQIUOYNWtWvoQKNTU1MjIyiI+PR19fP98LwwqFQnrRt0OHDhw6dIhBgwahpqaGh4cHU6dO5fHjx2J+KOGdVtruQBGuKnxQqlevzoMHD95ossG86QympqYkJyfnW6devXpMmjRJmiPJwcFB6g4EMDAwkNbV0tKiRo0aUoqGlpYW8GKKDNEgCe8y0WUnCEWQy+VoamoWOEcSvEgOT0//v+cwKSkp+dZJTEyUfk9ISJCmrXiVl5cXW7Zs4ejRo6ioqLB48eI3rF4QhLIk7pCECqWnp0dAQACBgYHIZDLs7e2RyWScPHmS06dP07hxY9atW8eQIUPIzMyU5jPK66effsLZ2RktLS1WrVolTbSX17Vr10hKSsLS0hINDQ00NTVLlAr+JkS4qlCZVOZQ1ZdEgyRUuH79+mFgYMD333/P2LFjqVKlCk2aNMHf358mTZpw8uRJXFxcqFWrFl27dmXdunVK23fs2BE/Pz+Sk5NxdXVlyJAh+Y6RkZHBkiVLiI+PR11dHblcXu4JFeLF2IKJWgpX2ep528Swb0EoJ6JBKpiopXCVqR7xDEkQBEH4YIkGSRAEQagURIMkCIIgVAqiQapg5ubm3Lhxo6LLqBARERH4+flVdBmCIFQSYlBDEVxcXEhPTycqKgodHR0Atm/fTkREBJs2bSr1/vr06UOnTp2UZnE1NzcnMjKSevXqlVndpTVx4kT27t2Luro66urqNGnShClTptCwYcMKq0kQhLLxuqGqYvqJSig7O5uNGzfi7+//2vvIzc0t93de3iTpAKB///6MGjWK9PR0ZsyYweTJk9m6dWsZVvjhEeGqQmWwYpxLRZdQYqLLrhj9+/dn3bp1PH78ON+y8+fP07VrVywtLenatSvnz5+XlvXp04elS5fSq1cvmjdvzrhx44iJiSEwMDDfOzAnT56kXbt2WFlZMXPmTKXGa8eOHbi7u2NlZUX//v25ffu2tMzc3JzNmzfTrl072rVrx+nTp2ndujXr1q3D1tYWBwcHdu7cWarz1dLSwt3dncuXL0vfJSUlMXz4cFq1aoWLiwsbN26UlgUFBTFixAjGjx+PXC7H09OTP/74Q1q+evVq3NzckMvleHh4cOjQIWnZrl27+Pzzz4EXjfbcuXOxtbXF0tISLy8v/vnnHwCOHz+Oh4cHcrkcR0dH1q5dC8CjR48YPHgwrVq1wsrKisGDB3Pnzh2l/wbLli2jV69eyOVy/Pz8uH//vrQ8JiaGXr16oVAocHJyYteuXcCLd5YWLFhAmzZtsLOzY9q0aUppEYIglA9xh1SMpk2bYm1tzdq1a5UCOx8+fMjgwYOZPHkyHTt25ODBgwwePJjIyEhq1KgBQHh4OKGhodSvX5/c3FySk5PzddkBHDt2jB07dpCamkqXLl1wdnamdevWREVFsWrVKkJCQqhXrx6rV69mzJgxSncuUVFRbNu2DS0tLS5evEhKSgpPnjwhOjqakydPEhAQgJubG9WqVSvR+T59+pS9e/dSt25dAHJychgyZAguLi4sWbKEpKQk+vbtS/369aUw0iNHjrBixQrmzZvHsmXLmDVrFtu2bQOgTp06bN68GUNDQw4ePMi4ceOIjIzMF+/z66+/EhMTwy+//IKenh7Xrl1DT+9FsOPkyZNZtmwZCoWCR48ecevWLam2Ll26sGzZMrKzs5k0aRKBgYFKad979+4lNDQUExMTBg4cyLp16xg7diwJCQkMHDiQWbNm0b59e1JTU6XGbNGiRfz333+EhYUhk8kYO3YswcHBjBkzpkTXUBAqm9cNSX3b4ariDqkEAgIC+PHHH5X+dX3s2DHq1atH586dkclkdOzYkQYNGnD06FFpHR8fH8zMzJDJZKirqxe6/4EDB1K1alVMTU2xsbGR7k62bt3KoEGDaNiwITKZDH9/fy5duqR0lzRo0CCqV68uBYDKZDKGDh2Kuro6Tk5O6OjocP369WLPcd26dSgUClq2bMm5c+dYuHAhAH/88Qf3799n2LBhaGhoUKdOHXr06MH+/fulbS0tLXFyckJNTQ1vb2+luyt3d3eMjY1RVVXFw8ODevXqERcXl+/4MpmMtLQ0rl27Rm5uLg0bNpQaLZlMxr///ktqairVqlWjSZMmANSoUYP27dujra2Nrq4uQ4YM4ezZs0r77dKlC/Xr10dLS4sOHTpw6dIl4MWUFXZ2dnTs2BF1dXVq1KhB48aNyc3NZfv27UyaNInq1aujq6vL4MGD2bdvX7HXUBAqq7t3n5T653W3K+rn3r3UIusUd0gl8Omnn9KmTRtWr14tPehPTk7G1NRUaT1TU1OSkpKkz3lTqItiaGgo/a6trU1aWhrwIih07ty5LFiwQFqem5tLUlKSNJfPq8eoXr260rMkbW1tnj59WmwNfn5+jBo1ioSEBAYMGMD169dp1KgRt2/fJjk5WWnm1uzsbKXPH330kfS7lpYWz58/l55phYWFsX79eqkRffr0KQ8ePMh3fFtbW7788ksCAwNJSEigbdu2TJgwAV1dXZYvX87KlStZsmQJ5ubmjBkzBrlczrNnz5g3bx4nTpzg0aNHAKSlpZGdnS0ldb96bV9ei8TEROkuMK/79+/z7NkzunTpIn2Xm5tLTk5OsddQEIQ3U6oGKT4+noMHD5KSksL06dOJj48nMzOTRo0alVd9lUZAQAA+Pj7SMGUjIyMSEhKU1klMTJS6sQBUVFTe6JgmJib4+/vTqVOnQtd502O8ytTUlMmTJzNhwgScnZ0xMTGhdu3aREZGlnpft2/fZsqUKWzYsAG5XC7dQRXG19cXX19f7t27x8iRI1mzZg0jR47EwsKClStXkpmZyebNmxk5ciTHjx9n3bp1XL9+nW3btmFoaMilS5fo3LlziQaQmJiYFHinVqNGDbS0tNi3b580NcXrEuGqQmXwLoSqvlTiBunAgQMEBgbStm1b9u7dy/Tp03n69ClLlixhw4YN5Vhi5VCvXj08PDzYtGkTn376KU5OTsyePZs9e/bg7u5OZGQk//77L23atCl0Hx999BH//fdfiY/Zq1cvvvvuOxo3boyZmRlPnjzh119/LXCq77Jkb2+PkZERP//8M71790ZXV5fVq1fj6+uLuro68fHxpKenY2FhUeR+nj17hoqKCvr6+gDs3LmTq1evFrhuXFwcubm5fPbZZ2hra6OhoSFNqnfw4EGcnZ3R09OjSpUq0t1PWloampqaVK1alYcPH7JixYoSn6OXlxchISHs37+fdu3a8eTJE+7cuUPjxo3p3r07c+fOZdq0aRgYGJCUlMQ///yj9I+NkhBZdgUTtRSustXztpX4GdLy5ctZt24dgYGB0h+ERo0aKT0veN8NHTpU6vKpUaMGISEhrF+/HhsbG9asWUNISIj0x7cgvr6+/PLLL1hZWTF79uxij9e2bVsGDBjA6NGjadmyJR07diQ6OrrMzqcoAwYMYM2aNWRnZ7Ny5UouX76Mq6srrVq1YsqUKaSmFt0XDPDJJ5/g5+dHr169sLOz459//qFly5YFrpuWlsaUKVOwtrbG2dmZ6tWrS3ej4eHhuLi40LJlS7Zu3So93/rqq694/vw5rVq1omfPnqVqMExNTQkNDWX9+vVYW1vTuXNn6X/L48aNo169evTo0YOWLVvSt2/fEj2HEwThzZT4xVgbGxt+//13VFRUsLa25syZM2RlZeHo6MipU6fKu05BeOeIO6SCiVoKV5nqqdRp302aNCE8PFzpu3379hXbbSMIgiAIJVHiZ0iTJ0+mf//+7Nixg6dPn9K/f3+uX7+eb7I0oXLy9PTMNwgDYObMmUUOmhAEQXhbStwgNWzYkAMHDnD06FHatGmDiYkJbdq0oUqVKuVZn1BGKut7NC4uLqSkpKCmpoa2tjZOTk5MmTKl3P539d9//9G2bVt69erFjBkzil2/MmQNCsKHolTDvrW1tfHw8CivWoQPVEhICHZ2diQlJdG/f39WrlzJ2LFjy+VY4eHhVKtWjf379zNp0iQ0NDQKXO9NswGBIvvKK8Lbfuu+KKKWwpVVPa8bqlqRivx/3BdffFGi91w2b95cZgUJHy5jY2McHR25evUqhw8f5ttvvyUpKYnGjRszY8YM6aVkFxcXevbsSXh4OHfv3sXNzY0ZM2agqalZ7DHCwsIYMWIEK1as4MiRI3To0EFaZm5uzrRp0/jhhx/IysqSXjr29vZGRUWFOXPmlOofZCJcVahI71Ko6ktFNkivZq4JQnlKTEwkOjpaSmMIDg7G2tqaDRs24O/vz759+6Q7mj179rB27Vq0tbXx9/fn+++/V8oaLEhMTAx37tzB09OT+Ph4wsLClBokUM4G1NLSwtzcnPDwcNFlJwhvQZENko+Pj/R73jgWQShLQ4cORU1NDT09PZycnDA0NCQ7Oxt7e3vgReL6xo0biY2NxcbGBoAvv/xSuoMZMmQIs2bNKrZB2r17N61bt6ZatWp07NiR3r17c+/ePQwMDKR1XmYDCsL74E27/952d2aJO8kdHBzo2LEj3t7eNG3atDxrEj4wwcHB2Nn9X8zO9OnTlXICVVVVMTExKTQn0NTUlOTk5CKPkZ6ezsGDB6UXkuVyOSYmJuzZs4e+ffsWuF9BeNe9yXtElfo9pNDQUFRVVfH398fd3Z2QkJAChxELwpt6NScwNzeXxMREpWy5xMRE6feEhIR801m86tChQ6SmpjJz5kzs7e2xt7cnKSkp37t1ZZ0NKAhCyZX4Dqlp06Y0bdqUCRMm8OuvvxIREYGXlxefffYZ3t7eeHh4SNN8C8KbcHd3JzQ0lFOnTqFQKNi4cSMaGhrI5XJpnZ9++glnZ2e0tLRYtWpVsYMNwsLC6Nq1q1K3XlJSEt26dePKlSuYm5sXuN3L/MHXeYYkwlWFivQuhaq+VOpxraqqqjRo0IAGDRpw8eJFkpOT2bNnDwsXLmTSpEl07ty5HMoUPiQNGjRg0aJFzJo1SxplFxISojREu2PHjvj5+ZGcnIyrqytDhgwpdH9JSUmcOnWK3bt3K01HYWhoiKOjI2FhYUyYMKHAbYcNG8bEiRNJT08nMDCwVKPsRHRQwUQthats9bxtJc6ye/ToEQcOHCA8PJxr167RoUMHvL29pbDMuLg4+vfvn2+CNEEoay4uLsyePVvpuVNlJBqkgolaCleZ6qmIZ0glvkNycnLCxsaGPn364Obmlu+FQgsLC1xdXV+/UkEQBOGDVuIGKTIyssAHx3fv3pW6QebPn192lQlCKYWEhLBq1ap831taWrJmzZoKqEgQhNIo8Si7V18gfMnT07PMihEEgKCgoCKjg44cOVJgd52/vz/t27fH19eX2NhYQkNDMTIyEo2RILwjStwgFfSoKTU1VQyT/cDExMTQq1cvLC0tsba2plevXgVOBV4ZKBQKfvnll4ouQxCEEiq2y87JyQkVFRWeP3+eb3ruhw8fijukD0hqair+/v7MmDEDd3d3MjMziYmJKTSg9EMnwlULJ2opnAhXLcKiRYvIzc1l0KBB0tTR8OIFQgMDAxo0aFCuBQqVx8tpvDt27AiAmpoaDg4OZGRkYG1tzaZNm6T3ee7du4ezszPHjh3j6tWrjBs3jj59+rBu3TrU1NSYMWMG6urqzJ07lwcPHuDn54e/v790rIyMDEaOHMnx48f5+OOPmTdvHo0aNQIgPj6eGTNmcOnSJYyNjRk9enSBA2pOnz7NuHHjpGnfV69ezaZNm0hNTcXIyIgZM2Zga2tLUFAQV69eRUNDg8OHD1O7dm2WL19OZGQkGzZsQENDgzlz5uDg4FCq6yXCVYWK9C6GqxbbZWdtbS1NX25tbS39WFlZicboA1O/fn3U1NSYMGECx48f59GjRwBoaGjg4eFBRESEtO7evXuxs7NDX18fgJSUFJ4/f050dDQBAQFMmTKFiIgIdu7cyebNmwkODua///6Ttj98+DAdOnTgzJkzdOzYka+//prMzEwyMzPx9/fH3t6ekydPMmXKFMaOHcu1a9eKrP3atWts3ryZHTt2EBsby9q1a6lVq5a0/OjRo3h7e3P27FkaN25M//79ycnJITo6mqFDhzJt2rSyvJSCIBSgxM+Qtm7dyqVLlwC4cOECbdq0wdXVlfPnz5dbcULloqury08//YSKigpTp07F1tYWf39/UlJS8PHxYe/eveTk5AAv5h3KOxOtTCZjyJAhqKur4+HhwYMHD/D19UVXVxczMzPMzMy4cuWKtH6TJk3o0KED6urq9OvXj4yMDC5evMjFixd5+vQpgwYNQkNDA1tbW5ydnYudgFBNTY2MjAzi4+PJzMykdu3a1K1bV1quUChwdHREJpPRoUMHHjx4wKBBg6R6b9++zePHj8v4igpC+TI01HvtnzfdvqCf4rqxSzzse8OGDXTr1g2AJUuW0LdvX6pUqcK8efPYvn37G1wy4V3SsGFDaXh/fHw848aNY+7cuXz77bdoa2tz5swZDA0NuXnzplI3WvXq1aW0eC0tLQCllG1NTU3S0tKkzzVr1pR+V1VVxdjYWApQrVmzJqqq//dvKVNTU6Xg1YLUq1ePSZMmERQUxL///ouDgwMTJ06U8vHy1qKlpUWNGjXy1fv06VOqVq1a0kslCBXuvQ1XffLkCXp6eqSmpnLlyhX69OlD9+7dpecKwoenYcOGdOnShatXrwIvpiuJiIggIiKC9u3bl2jCvMLcuXNH+j0nJ4ekpCSMjIwwMjLizp070p0YkC94tTBeXl5s2bKFo0ePoqKiwuLFi1+7PkEQyl6J75BMTEw4f/48//77LwqFAjU1NVJTU8UcSR+Q+Ph4jh8/joeHBzVr1iQxMZG9e/fSvHlz4MXMqp06daJKlSpKA2Bex19//UVkZCQuLi5s2rQJDQ0NmjdvTm5uLtra2qxZs4Z+/fpx/vx5jhw5wo4dO4rc37Vr10hKSsLS0hINDQ00NTULfJWhLIlwVaEivdfhquPHjycgIAANDQ2WL18OvHgQ3KxZs3IrTqhcdHV1uXjxIuvXr5fumJ2dnRk/fjzwoivts88+4+bNmygUijc6lqurK/v372fChAnUq1ePoKAg1NXVAVi5ciUzZ85k1apVGBsbs3DhQml688JkZGSwZMkS4uPjUVdXRy6XExgY+EY1Fkdk2RVM1FK4ylbP21bicNWCZGZmAkh/KPbu3SsNCRY+TN988w1GRkbFzt76IRANUsFELYWrTPVU6mdIBVFXV5caI0AMjf3A3bp1i0OHDkmDXwRBEErjjRqkV5V3n7xQeS1btgwvLy/69+9PnTp1KrocQRDeQaWeoK8oItfuwzVy5EhGjhxZ0WUIgvAOK9M7JEEQBEF4XWV6hyQIRXFxcSElJQU1NTVkMhlyuZyZM2diYmJS0aWVCxGuWjhRS+HKop53MVgVyrhBMjU1LcvdCe+hkJAQ7OzseP78OTNmzGDWrFl8//33pdpHVlYWMlnl/7eUCFcVKsq7GKwKpeiys7a2LvB7W1tb6fe9e/e+eUXCB0FTU5MOHToQHx8PwLFjx+jcuTMtW7bEycmJoKAgad1bt25hbm7O9u3badOmDV999RU5OTl8//33ODs7Y2try/jx43ny5P+GqIaFheHs7IyNjQ0rV67ExcWFkydPAjBx4kSWLl0qrXv69Glat24tfU5KSmL48OG0atUKFxcXNm7cWN6XQxAESnGH9PKdo1e/yxvhIggl9ezZM/bv3y+lPGhra7NgwQLMzMz4559/8PPzo3Hjxri5uUnbnD17lv3796OqqsquXbvYvXs3GzduRF9fnwkTJhAYGMiiRYv4999/mTlzJqtXr6Z58+YsWbJEKYqoKDk5OQwZMgQXFxeWLFlCUlISffv2pX79+jg6OpbLtRCE8lAWXX9vuzuz2Abpiy++QEVFhYyMDL788kulZXfu3EEul5dbccL7Z+jQoaipqfH06VP09fVZu3YtADY2NtI6jRo1wtPTkzNnzig1SMOHD0dHRweAPXv20LdvX2mI+ejRo/Hy8mLevHkcPHiQNm3aYGVlBcCIESPYvHlzier7448/uH//PsOGDQOgTp069OjRg/3794sGSXinvOlLrRXxYmyxDVL37t3Jzc3ljz/+UHrh8eUEfa1atSqbSoUPQnBwMHZ2dmRnZ3P48GH69OnDvn37SEhIYPHixVy9epXMzEwyMjLo0KGD0rZ5E8CTk5OV5jOqVasWWVlZ3Lt3j+TkZKV1dXR0qF69eonqu337NsnJyUrRR9nZ2W8chSQIQvGKbZB8fHzIzs7m2LFjeHp6iumqhTKhpqZGu3btmDZtGufOnWPx4sX07t2bNWvWoKmpyZw5c3jw4IHSNnnfczMyMuL27dvS54SEBGQyGQYGBhgZGUnPpuBF9+DDhw+lz9ra2qSn/99gg5SUFOl3ExMTateuTWRk5BufowhXFSrKuxisCiV8hqSmpsbp06ffiZFNwrshNzeXw4cP8/jxYxo2bEhaWhrVqlVDU1OTuLg49u7di729faHbd+zYkdDQUFq3bo2+vj5Lly7F3d0dmUxG+/bt6dGjBzExMVhYWLB8+XKlZ52NGzdm3bp1DBkyhMzMTH744QdpmYWFBbq6uqxevRpfX1/U1dWJj48nPT0dCwuLUp2jyLIrmKilcJWtnretxKPsOnfuzJYtW8qzFuED4O/vj1wup2XLlixbtoz58+djZmbG9OnTWb58OXK5nODgYNzd3YvcT9euXenUqRO9e/fG1dUVDQ0Npk6dCoCZmRnTpk1j7NixODo6UrVqVaUuPG9vbxo1aoSLiwt+fn54eHhIy9TU1Fi5ciWXL1/G1dWVVq1aMWXKFFJTU8vnggiCIClx2vfnn39OXFwcxsbG1KxZU6n7pKQPjAWhori4uDB79mzs7N5eN5q4QyqYqKVwlameSjmo4aUePXrQo0ePMilKEARBEF5V4gbJx8eHlJQU4uLiePDggUj2FgRBEMpUiRukqKgoxo0bR7169fj333/55JNPuHr1Ki1bthTz3wiVwunTpxk3bhzR0dEAeHp6Mm3aNGxsbDhy5EgFVycIQnFK3CAtW7aMuXPn4u7ujpWVFWFhYezcuZN///23POsT3lN5g1Z1dHRwdHRk6tSpVKlSpcyOsW/fvjLb1+sQ4aqFE7UU7k3qeVdDVV8qcYOUkJCQb+STj48P9vb2TJgwocwLE95/L4NW7969S//+/Vm9evV7NfW5CFcV3rZ3NVT1pRIP+zYwMJBeIKxVqxaxsbHcvHlTZNkJb8zQ0BAHBwcuXboEwIULF+jVqxcKhYJOnTpx+vRpad2dO3fi7u6OXC7H1dWVrVu3FrrfvIGqcXFxdOnShZYtW2JnZ8e8efOA/wtu3blzJ05OTlhZWbFlyxbi4uLw8vJCoVAQGBhYjmcvCMJLJb5D6t69O+fOnaN9+/b07dsXX19fVFVV6devX3nWJ3wA7ty5w4kTJ7CxsSEpKYnBgwezcOFCHB0dOXXqFAEBARw4cAB9fX0MDAxYtWoVderU4ezZswwcOJBmzZrRpEmTIo8xZ84cfH196dy5M2lpaVy9elVp+cWLF4mMjOTs2bMMGTIER0dHNmzYQFZWFp07d6ZDhw6FJt4LQmVSll2QlS5c9aVBgwZJv3fu3Blra2uePXtGw4YNy6Uw4f03dOhQAJ4+fUqrVq0ICAhg69attG7dGicnJwDs7e1p2rQpx48fx8fHhzZt2kjbW1tbY29vT0xMTLENkkwm4+bNm9y/fx99fX1atGiRrxZNTU0cHBzQ0dGhY8eOGBgYAKBQKPj7779FgyS8E8rq3aFK/R7Sq8RkfMKbehm0eubMGcaMGcODBw9ISEjg4MGDHD16VFovKytLSgM/fvw4wcHB/O9//yMnJ4f09HQ+/fTTYo81Z84cli9fjru7O7Vr12bYsGE4OztLy182PvBirqZXPz99+rQsTlkQhCKIcDqhwllbW9OlSxcWLFhA8+bN8fb2Zvbs2fnWy8jIICAggAULFuDq6oq6ujpff/11id6J+/jjj/n222/JyckhMjKSgIAApWdT5UGEqwpv27saqvqSaJCESuGrr76SsuU2btzIiRMnsLOzIysriwsXLlCvXj10dXXJyMhAX18fmUzG8ePH+e233zAzMyt2/+Hh4Tg6OqKvr0/VqlWBF7l15UlEBxVM1FK4ylbP2yYaJKFS0NfXx9vbmx9++IHvv/+eRYsWMWbMGFRVVbGwsGDGjBno6uoyZcoURo4cSUZGBs7Ozri4lGyY64kTJ5g/fz7p6emYmpqydOlSNDU1y/msBEEojRKHqwqCUDriDqlgopbCVaZ6KmJQQ4nfQxIEQRCE8iQaJEEQBKFSEA2SIAiCUCmIZ0jCe+PWrVu4urry119/IZPJGDBgAJ6envj4+FR0aYJQ7so6WPWdejFWeLe5uLiQnp5OVFQUOjo6AGzfvp2IiAg2bdpUrsfu06cPFy5cQCaToaGhgZWVFdOmTcPIyKhMj7NmzZoy3V9piXBV4W1614NVQXTZfdCys7PZuHFjhRx72rRpxMbGcujQIZ4+fcqCBQsqpA5BECoP0SB9wPr378+6det4/PhxvmXx8fH069cPa2tr2rdvz/79+wH477//UCgUUsr75MmTsbW1lbYbO3YsGzZsKHENVatWxdXVlcuXLxd7bIBjx47RuXNnWrZsiZOTE0FBQYXuu0+fPmzfvh2AGzdu0Lt3bywtLbGxsWHkyJHSeubm5mzevJl27dohl8tZtmwZN2/epGfPnrRs2ZIRI0aQkZFR4nMShIpiaKhXZj9lvT9DQ71i5wgTXXYfsKZNm2Jtbc3atWuV5iF6+vQpfn5+BAQEEBoaypUrV/Dz88PMzAwzMzN0dXX5+++/adq0KTExMejo6BAfH0/Dhg2JiYnBz8+vxDU8ePCAQ4cOUbdu3RIdW1tbmwULFmBmZsY///yDn58fjRs3xs3NrcjjfPfdd9jb27Nx40YyMzP5448/lJafOHGCXbt2kZiYiI+PD7GxsSxevJjq1avTs2dP9u3bJ55FCZVeWT7zEe8hCW9dQEAAP/74I/fv35e+O3bsGLVq1aJr167IZDKaNGlC+/bt+eWXXwCwsrLi7Nmz3L17F4D27dtz5swZ/vvvP1JTU2nUqFGxx509ezaWlpa0atWKBw8eMHXq1BId28bGBnNzc1RVVWnUqBGenp6cOXOm2OPJZDISEhJITk5GU1MThUKhtHzgwIHo6upiZmbGp59+ir29PXXq1EFPT4/WrVvz999/l+yCCoLw2sQd0gfu008/pU2bNqxevVqaSuT27dvExcUp/dHOzs6mU6dOwIsw1MOHD2NsbIyVlRU2NjaEh4dLf+hVVYv/d86UKVPo3r07V65cwd/fnzt37mBqalrssS9evMjixYu5evUqmZmZZGRk0KFDh2KPN27cOL777ju6detGtWrV6NevH926dZOWf/TRR9Lvmpqa+T6/nJyyNES4qvA2vevBqiAaJIEXd0k+Pj5SV5uJiQlWVlasX7++wPWtrKxYuHAhNWvWxMrKCktLS6ZPn46mpiZWVlalOra5uTlDhgwhMDCQ3bt3F3vsMWPG0Lt3b9asWYOmpiZz5szhwYMHxR7H0NBQShCPiYmhX79+WFlZUa9evVLVWxoiOqhgopbCVbZ63jbRZSdQr149PDw8pOHebdq04X//+x9hYWFkZmaSmZlJXFwc8fHxwIupHDQ1NYmIiMDKygpdXV0MDAz45ZdfSt0gwYsJH+/du8fhw4eLPXZaWhrVqlVDU1OTuLg49u7dW6JjHDhwgDt37gBQrVo1VFRUSnQnJwjC2yP+HykAL2ZMfTkJna6uLmvXrmX//v04Ojri4ODA4sWLlUaaWVtbU716dWmiRmtra3Jzc/nss89KfWwNDQ369OnD999/X+yxp0+fzvLly5HL5QQHB+Pu7l6iY/zxxx90794duVzOkCFDmDx5MnXq1Cl1rYIglB+R1CAI5UR02RVM1FK4ylSPGGUnCIIgfLDEoAahXMjl8gK/Dw0NzTfkWhAEAUSX3VsREhLCf//9x5w5cyq6lLfiTUJNp02bhrGxMUOHDi1weWmupVwuJyIiQjwrEt57ZR2sChXTZScapBKqyDDSkgoKCmLFihVs374dCwuLItfdtWsX27dvZ8uWLcXud+LEiezduxd1dXXU1dVp0qQJU6ZMkd5bKi+nT59m3LhxREdHl+txyosIVxXelhXjXMq88RDPkCq5igwjLU5ubi7h4eFUr16d3bt3F7luVlbpX6Dr378/sbGxHD9+HH19fb755psCa3iZcScIglBaokEqhaLCSGfPno2TkxMtW7akS5cuxMTESMuCgoIYO3astI8ff/xRadtOnToRGRkJFB0sWpSYmBiSk5OZNGkS+/fvVxqivWvXLnr16sXcuXOxtrZm1KhRTJ8+nQsXLiCXy0v1TEdbWxsvLy+uXr0KvAgwXbp0Kb169aJ58+b8999/SqGmeY+tUChwdXXl/Pnz7Nq1CycnJ2xtbZUa0IkTJ7J06VKePn3KwIEDSU5ORi6XI5fLSUpKKtW1NDc358aNGwAcP34cDw8P5HI5jo6OrF27FnhxF9a6dWtCQ0OxtbXFwcGBqKgojh8/Tvv27bG2tiYkJKTE10cQKkpZB6GWxz5FuGoZKiyMFKBZs2YMHToUPT09Nm7cyIgRIzhy5AiamppK63l5ebF161Z69+4NwL///ktCQgJt2rQpNli0KLt378bZ2RkPDw/mzp3LsWPHaNeunbQ8Li4OT09PTp48SVZWFvv37y9xl11eaWlp7Nmzh8aNG0vfhYeHExoaSv369SmoBzguLo7u3btz+vRpli9fzujRo3F2dubQoUOcOXOG4cOH065dO6pUqSJto6OjQ2hoaJFddkVdy1dNnjyZZcuWoVAoePToEbdu3ZKWpaSk8Pz5c6Kjo9m9ezdTpkzB3t6enTt3kpiYSJcuXfD09BTPooRKTXTZfYAKCiMF8Pb2pkaNGshkMvz8/MjIyOD69ev5tndzc+Py5cvcvn0bgD179tC2bVs0NDSKDRYtzLNnzzh48CBeXl6oq6vTvn37fN12RkZG9OnTB5lMhpaWVqnPe926dSgUCtq1a0daWhrz58+Xlvn4+GBmZoZMJkNdXT3ftrVr16Zr166oqanh4eFBYmIiQ4cORUNDAwcHBzQ0NLh582apayrqWr5KJpPx77//kpqaSrVq1WjSpInSsiFDhqCuro6HhwcPHjzA19dXCls1MzPjypUrpa5PEITSEQ1SKeUNI81r3bp1uLu7Y2lpiUKh4MmTJwVmrOnq6uLk5MS+ffsA2LdvnxQcmjdY9OXPnj17pFTtwhw6dAiZTEbr1q2BF3cOJ06cUGo0a9as+Ubn7efnR0xMDL/99hshISHSdBHwIvuuKAYGBtLvLxvDV8NL09LSSl1TUdfyVcuXL+f48eM4OzvTu3dvYmNjpWXVq1dHTU1Nqb68Nb9ufYIglI7osnsNr4aRxsTEEBoayoYNGzAzM0NVVRUrK6sCu68AOnbsyIoVK7CysiI9PR0bGxug+FDTwoSFhfH06VOcnZ2BF4MLMjMz2bt3L76+vgCoqKgobfPq5zdRlvsq7X4Lu5avsrCwYOXKlWRmZrJ582ZGjhzJ8ePHy7pkJSLtW3hb3oekbxAN0mvJG0b66aefkpaWhpqaGvr6+mRlZbF69WpSU1ML3d7JyYlJkyaxfPlyPDw8pJDPNm3asGTJEsLCwvD09ATg0qVLVKlSpdAh1klJSZw6dYrQ0FDMzc2l73/44QfCwsKkBulVBgYGJCUlkZGRUWAXV2VgYGDAw4cPefLkCXp6egWuU9i1zCsjI4ODBw/i7OyMnp4eVapUke6IypOIDiqYqKVwla2et0102b2mvGGkDg4OtG7dmvbt2+Pi4oKmpmaR3VgaGhq0bduWkydP0rFjR+n7koSavio8PJzGjRvj4OCAoaGh9NOnTx+uXLnCP//8U+B2rVq14pNPPsHBwaHQu4qK1rBhQzw9PXFzc0OhUJCUlJRvncKu5avCw8NxcXGhZcuWbN26lYULF5Zn6YIgvAbxYqwglBNxh1QwUUvhKlM9YpSdIAiC8MESDdI7wtPTU3pBNO9PRETEO7H/shQTE0P79u2LXS8iIkIaeCIIQuUnuuw+cC4uLqSkpKCmpoaOjg6Ojo5MnTpV6SXVimZubk5kZGS5TjcuCO+y9yVcVYyyEwgJCcHOzo67d+/Sv39/Vq9enS+JQig9Ea4qvC0rxrlUdAllQnTZCRJDQ0McHBy4dOkSAIcPH8bT0xOFQkGfPn2Ij4+X1nVxcWHNmjV4eXnRokULJk2aREpKCgMGDEAul9O3b18ePXokrR8QEIC9vT2WlpZ8+eWXUhYevMivmzlzJoMGDUIul9O9e3cpueHLL78EXiRhyOVy9u/fL+XPvZSYmMiwYcNo1aoVNjY2BAYGAi9y9D7//HPgxbtZc+fOxdbWFktLS7y8vKQRiBMnTmTGjBlS7b169eLu3bvMmTMHKysrOnTowN9//10el1wQhDzEHZIguXPnDidOnMDGxobr168zZswYgoODsba2ZsOGDfj7+7Nv3z7pvaXIyEjWr19PdnY2nTt35tKlS8yZM4dPPvmEAQMGsGnTJoYNGwZA69atmTt3LhoaGixatIixY8cSHh4uHXvfvn2sWbOGzz77jAkTJrB06VKWLl3K5s2bMTc3Jzw8XOqyO336tLRddnY2gwcPplWrVhw5cgQ1NTX++OOPfOf266+/EhMTwy+//IKenh7Xrl1TerfpwIEDrF27FjMzMwYOHEjPnj0JCAhg4sSJLF++nHnz5lWaaUYEoSAvA1Er+z6LIhokQZoM7+nTp7Rq1YqAgAA2bdqEk5MT9vb2wItk7Y0bNxIbGyu9t9S7d28pAkihUKCvr89nn30GQNu2bTl16pR0jG7dukm/Dx8+HCsrK6UXXtu2bSvN4dSpUyfmzZtXotrj4uJITk5m/PjxyGQyqZZXyWQy0tLSuHbtGhYWFvleNG7bti1NmzaVfv/pp5/o3LkzAB4eHmzevLlE9QhCRRHhqsJ7ITg4mNjYWDZt2sS1a9d48OABycnJmJqaSuuoqqpiYmKi9HLqq3l0eT9raWlJLw5nZ2ezePFi3NzcaNmyJS4uL/q782b9FbZtcRITEzE1NZUao8LY2try5ZdfEhgYiJ2dHVOnTlVK03g1b+916xEE4fWJBkmQWFtb06VLFxYsWICRkREJCQnSstzcXBITEzE2Ni71fvfs2cPhw4dZv349586d48iRI9I+35SJiQmJiYklmnTQ19eXXbt2sW/fPv73v/+xZs2aNz6+IAhlR3TZCUq++uorXFxcGDx4MKGhoZw6dQqFQsHGjRvR0NBALpeXep9paWloaGhQo0YNnj17xrfffluq7T/66CP++++/Aod9W1hYYGhoyJIlSxg+fDhqamr8+eefWFpaKq0XFxdHbm4un332Gdra2mhoaJR7np0IVxXeFhGuKryX9PX18fb2Zs2aNSxatIhZs2aRlJRE48aNCQkJea0g1s6dO/Prr7/i6OhI9erVGTFiRKkmBhw2bBgTJ04kPT2dwMBApe41NTU1QkJCmD17tpR27uXlla9BSktLY+7cudy6dUuah6m8X5oV0UEFE7UUrrLV87aJF2MFoZyIBqlgopbCVaZ6xKAGQRAE4YMlGiRBEAShUhANklBpvZrIkFdJA1YFQXh3iEENQoUpKDQ1KCiIGzdusHjx4iK3VSgU/PLLL+Vd4hspqq+8Irztt+6LImopXGnrKY9g1YoiGiRBKCciXFV4G96XYFUQXXbCO2Tjxo14eHhw584dpe68NWvWMHz4cKV1Z82axZw5cwBISkrC398fa2tr2rZty7Zt24o9Vk5ODqtXr8bNzQ0bGxtGjBjBw4cPy/ycBEH4P+IOSXgnBAcHExUVxY8//oi+vj43btyQlnXq1IkVK1bw+PFjqlatSlZWFvv37yc0NBSAMWPG8Mknn3DixAmuXbtGv379qFOnDra2toUeb+PGjUrHmz17NoGBgaV+qVcQ3oby6nYU4aqCkEdubi7z5s0jLi6OjRs3KiV0v2RkZIRCoeDgwYP06NGDEydOUKNGDZo2bUpiYiLnzp0jJCQETU1NGjduTPfu3QkPDy+yQfr555+ZNm0aNWvWBF68nOvs7ExWVlaxuXmC8LaVx7tLYoI+4YOipqaWL4MuKysLdXV16fOTJ0/Ytm0bS5cuLbAxesnHx4ctW7bQo0cPIiIi8Pb2BiA5OZlq1aqhq/t//ycwNTXlzz//LLK2hIQEhg4diqrq//Vqq6qqcu/evdfK8xMEoXjiGZJQYUxMTLh165bSd7du3VJKGa9atSohISF88803nDt3rtB9ubm5ceXKFf755x+OHTuGl5cX8OLu6dGjR0rJ3iUJia1ZsyahoaHExMRIP3/88YdojAShHIk7JKHCeHh4sHLlSszNzTEyMuL333/nyJEj/Pzzz0rr2djYsHjxYoYNG0ZISAjNmzfPty9NTU3at2/PmDFjaNasmdSomZiYIJfL+fbbb5kwYQLXr19nx44dLFq0qMjaPv/8c5YtW8b8+fOpVasW9+/f5/z587i5uZX4/ES4qvA2vC/BqiAaJKECDR06lO+++44vvviCR48eUbduXRYvXsynn36ab117e3vmzZvHkCFDWL16dYH769y5M9u3b2fu3LlK33/77bdMnz4dR0dHqlatyvDhw6WJBwvj6+tLbm4ufn5+JCcnY2BggIeHR6kaJJFlVzBRS+EqWz1vmwhXFd4bCQkJuLu789tvvyk9M6oookEqmKilcJWpHhGuKgivKScnh/Xr1+Ph4VEpGiNBEEpPdNkJ77ynT59ib2+PqalpqWaBHTBgQIEDJQYPHoy/v39ZligIQgmIBkl45+no6BAbG1vq7cQU5oJQuYhnSMJ7qU+fPnTq1Inu3btXdCmCUObeRqCqeDH2HdSnTx8uX77Mb7/9VuT03hMnTsTY2JhRo0YVu08XFxfS09OJiopCR0cHgO3btxMREcGmTZvKrPbKICgoiBUrVjB58mR8fX2l7zds2MC8efMYNmxYvpy6d4UIVxXKy/sUqJqXGNTwBm7dukVMTAwqKiocPny40PWys7NLve/s7Gw2btz4JuW9Mz7++GPCwsKUvgsPD+fjjz9+67W8mhwhCMLbIxqkNxAWFkbz5s3x8fFR+oM6ceJEpk+fzsCBA2nRogU7duxgz549rF27FrlcXqIH5v3792fdunU8fvy4wOXnz5+na9euWFpa0rVrV86fPy8tc3Fx4eTJk9LnoKAgxo4dK+33xx9/VNpXp06diIyMBCA+Pp5+/fphbW1N+/bt2b9/v7TesWPH6Ny5My1btsTJyYmgoCBpWUGT6b1aR2GaNWvGs2fPuHr1KgBXr14lPT2dZs2aKa23bds22rZti7W1Nf7+/iQlJUnLfvvtNzp06IClpSWBgYG82hO9Y8cO3N3dsbKyon///ty+fVtaZm5uzubNm2nXrh3t2rWTzmXdunXY2tri4ODAzp07iz0PQXibDA31yvWnPI5R3BxhosvuDYSHh9O3b1+aN29Oz549SUlJ4aOPPgJg7969rF69mlWrVpGZmUlsbGyJu+wAmjZtirW1NWvXrs23zcOHDxk8eDCTJ0+mY8eOHDx4kMGDBxMZGUmNGjWK3K+Xlxdbt26ld+/eAPz7778kJCTQpk0bnj59ip+fHwEBAYSGhnLlyhX8/PwwMzPDzMwMbW1tFixYgJmZGf/88w9+fn40bty4VC+LFsbb25uwsDDGjRvH7t276dy5s9RAAZw6dYolS5awbt06zMzMWLBgAaNHj2bz5s3cv3+f4cOHM3fuXFxdXdm8eTNbt26V8uyioqJYtWoVISEh1KtXj9WrVzNmzBi2bt0q7T8qKopt27ahpaXFxYsXSUlJ4cmTJ0RHR3Py5EkCAgJwc3OjWrVqb3yuglAWyvt9JfEe0jskJiZGehGzadOm1KlTh71790rLXV1dsbS0RFVVFU1Nzdc6RkBAAD/++CP3799X+v7YsWPUq1ePzp07I5PJ6NixIw0aNODo0aPF7tPNzY3Lly9Ldwh79uyhbdu2aGhocOzYMWrVqkXXrl2RyWQ0adKE9u3bSzOz2tjYYG5ujqqqKo0aNcLT0/P/tXfvYTnl+//Hn3Siw0SUCmNjSGMmbqXQ4SY5FEmYje+ITTOUnA/DOI/THlJG7RQGg+m7Z892yCHjkPFV89NmjIjZ42w7lRomhlCq+/dHV2t366DSaXg/rqtrd99r3Wu919r39LbW+qzX4uTJkxXathcNGDCA2NhYnj9/zv79+xkwYIDW9L179zJ48GDat2+Pvr4+06ZN48yZM9y+fZv4+Hjeeecd+vbti56eHqNGjVL+YQDwzTffMHbsWFq3bo2uri4BAQH88ssvWkdJY8eOpUGDBtSrVw8AXV1dgoKC0NPTQ61WY2hoyPXr1ytlW4UQxZOGVEExMTE4OztjZmYGQP/+/dm1a5cy3crK6pXX0bZtW7p3714kKic9PV0rgBTyE6wLn8IqibGxMWq1mtjYWABiY2OVP/537twhOTkZBwcH5Wfv3r38+uuvAJw9exY/Pz+6dOmCvb0933zzDRkZGa+8nQX1v/3224SGhtKiRYsi+y89PZ2mTZsqr42MjGjQoAFpaWmkp6crj4kAqFOnjtbnU1JSWL58ubJNjo6OaDQarf314voaNGig9ZiJ+vXr8+TJk0rZViFE8eSUXQU8e/aM7777jry8PCUTLTs7m99//50LFy4U+5k6depUaF2TJk3C19eXMWPGKO9ZWFiQkpKiNV9qaiqurq5A/h/Pp0//OyS0oKEU6N+/P3/729/o3Lkzz549w8nJCcj/o9y5c2c2b95cbC3Tp09nxIgRfPnllxgYGLBs2TKlIdWvX59nz/47oiw3N7fIkd3LDBw4kDlz5vDXv/61yDQLCwutI5onT57w4MEDmjRpgrm5OXfv3lWmaTQaUlNTlddWVlYEBAQUOeoqrKL//5RGwlVFVXmdAlULk4ZUAXFxcejo6LB3716tZ/dMmTKlyGixAo0aNSryqIWyaNGiBV5eXmzbtk0JHVWr1SxdupS9e/fi6enJoUOHuHLlCt27dwegXbt27N+/Hzc3Ny5cuMDBgweVZlXw+Tlz5hAWFoaXl5fyzJ/u3bsTEhJCTEwM/fr1A+CXX37ByMiI1q1bk5mZiampKQYGBiQnJ7Nv3z6lIbds2ZKsrCz+7//+D2dnZ9atW0d2dna5ttXLywtLS0s6depUZJq3tzdTp07F29ub1q1bExoaip2dHc2aNcPQ0JDFixdz6NAh3N3diY6O5t69e8pnhw0bxpo1a7C1taVNmzY8evSIH374AU9Pz3LVV16SZVc8qaVkta2e6ian7Cpg165dDBo0CGtra8zNzZWfDz/8kL179xY7dHjIkCFcuXIFBwcHxo8fX671BQUFaZ0uatiwIVFRUWzevBknJye+/PJLoqKilNOHU6ZM4ebNmzg6OhIeHq48G6iAvr4+vXr14vjx4/Tv319539jYmI0bN7J//35cXV1xcXFh1apVSmNZuHAhYWFhqFQqIiIitP6gm5iYsHDhQubNm4ebmxv169fXOo1WFvXq1aNbt27KdZzCunbtyuTJk5k4cSIuLi7cunWL1atXA2BmZsaaNWsICQnBycmJGzduaDW1Xr168dFHHzFt2jQ6depE//79iY+PL1dtQoiqJ0kNQlQROUIqntRSstpUj4yyE0II8caSa0g1ICUlRblG86LY2NgiI+j+6KozVbtwRNOpU6eYO3euMmxdCFG7ySm7Qvbu3cvmzZu5fv06RkZGtGvXjoCAABwcHCq8zPJk2L0pTpw4wahRo6hfvz6QP4Ju7NixDB48+JWXLftbvAkkXPU1t3nzZtavX89nn32Gi4sLenp6JCQkcOTIkVdqSH8UOTk5WvfdVNVnClhYWBAfH49GoyE+Pp7AwEBUKhWtWrWq0PJqIwlXFVVFwlVfY48ePSIsLIwFCxbQu3dvDA0N0dPTw93dnVmzZpGdnc2yZctwcXHBxcWFZcuWKSPPSss9+8c//lFshl1aWhoTJ06kS5cuuLu7a4WohoeHM2nSJGbMmIFKpcLb25vr16+zbt06unbtilqt5ocfflDm9/PzIyQkhCFDhmBvb09gYCAPHjxQph85coR+/frh4OCAn58fV69eVaa5u7uzfv16vL296dixIzk5Oaxfvx4PDw9UKhVeXl4cPnxYmX/nzp0MGzaM5cuX4+joyJo1a3B0dOTixYvKPPfv38fOzq7M9yDVqVMHtVqNqampspy8vDylDicnJyZPnqy1TZMmTcLZ2Rl7e3s+/PBDrYihwl7M11u/fj2urq6oVCr69OlDYmJihfa5EKJqSEMCkpKSyMrKolevXsVOj4yM5OzZs+zevZs9e/Zw7tw51q5dq0wvnHu2bNkyFi9ezMOHDxk6dCje3t74+/uTlJREVFQUeXl5BAYGYmNjQ3x8PFu2bGHLli0kJCQoyzt69Cg+Pj78+OOP2Nra4u/vT15eHvHx8QQFBbFgwQKt+mJiYli+fDkJCQno6uqydOlSAK5fv8706dOZM2cOiYmJuLm5ERAQoHV/UGxsLOvXr+fUqVPo6urSvHlzoqOj+emnn5gwYQIzZ84kPT1dmT85OZnmzZtz/PhxgoKC8PLyYs+ePcr0ffv20a1bN2UI+svk5eVx5MgRMjIyaNGiBQBbt24lLi6Or7/+moSEBExNTVm8eLHyGTc3Nw4ePEhiYiLvvvuuEhxbmmvXrhEdHc327dtJSkpi48aNWskP5d3nQtS01zFcVRoS+WGlDRs2LPH00969ewkKCqJRo0aYmZkRFBSk9Ue4PLln586d47fffmPChAno6+vTvHlz/vznP2ulajs4OODq6oquri59+/YlIyODsWPHoqenh5eXF3fu3NFKAffx8aFt27YYGhoyefJkDhw4QG5uLvv370etVuPs7Iyenh7+/v48e/ZM6+mqfn5+WFlZKff+eHp60qRJE+rWrYuXlxctWrQgOTlZmd/CwgI/Pz90dXWpV68evr6+7Nu3j7y8PCA/cLa0RIQC6enpODg4YGdnx4QJE5g9ezbvvvsukH9kOXXqVCwtLdHX12fChAkcPHhQub9ryJAhGBsbo6+vz8SJE7lw4QKPHpV+rltHR4fs7GyuXr3K8+fPadasGW+//XaF97kQNe3XXx9V6U9VrOP+/celbpNcQyI/tywjI6PEayIvZsdZW1trHTWUJ/fszp07yh/jArm5uVqvGzVqpPxer149GjZsiI6OjvIa8qNz3nrrLUA7h83a2prnz5+TkZFRpO66detiZWVVaoZbTEwMmzdvVmJ6njx5opVX9+LNrh06dKB+/fqcPHkSc3Nzbt68Sc+ePYvd9sIKriFlZ2ezatUq/vWvf/GXv/wFyB+FGBQUpCRIFNR+//59GjduzOrVqzlw4AC//fabMk9GRgYmJiYlrq9FixbMmTOH8PBwrly5gouLizIAAsq/z4UQlU8aEqBSqTAwMCAuLo6+ffsWmV6QHdemTRsgPzfOwsKiTMt+MSPNysqKZs2aKc8fqgyFc9tSU1PR09OjYcOGWFhYcOnSJWVaQcZbwR/hF+u7c+cO8+bN46uvvkKlUqGjo6M8wqGk7QHw9fVlz549mJub06dPn3Klm+vr6zNjxgz69u1LXFwcHh4eWFpasnz5cuzt7YvMHxMTw5EjR9i8eTPNmjXj0aNHdO7cucjzj4rj7e2Nt7c3jx8/ZsGCBaxatYrg4OAy1yqEqFrSkMiPvZk0aRKLFy9GV1cXZ2dndHV1OX78OCdOnKBfv35ERkYqD4yLiIgoEsdTkhcz7Ozs7DA2Nmb9+vWMHDkSPT09rl69yrNnz7Czs6tQ/Xv27GHgwIE0bdqUNWvW0KdPH3R0dPD09GTDhg0kJibi4ODA1q1b0dfXR6VSFbucp0+fUqdOHeX6z44dO0ocMFCYj48PAwYMwMjIiJUrV5a7fn19fcaMGUNERAQeHh4MHz6cL774gs8//5ymTZvy22+/cfr0aTw8PMjMzERfX5+GDRvy9OlTQkNDy7SOa9eukZaWhr29Pfr6+hgYGJSpib0KCVcVVUXCVV9zo0ePplGjRqxdu5YZM2ZgZGRE+/btCQgIoH379mRmZirXRvr27VvmPLohQ4YwefJk5bEHa9euJTIykhUrVtCzZ0+ys7Np2bIlU6ZMqXDtPj4+zJ49m2vXruHo6MiiRYsAaNWqFcHBwSxZsoS0tDRsbW2JiopCX1+/2OW88847jBkzhmHDhlGnTh3l6bAvY2lpybvvvsvNmzcrPER+8ODBhIeH8/333zNy5Eg0Gg1jxowhPT2dRo0a4eXlhYeHBwMHDuSHH37A1dWVBg0aMHnyZP7+97+/dPnZ2dmEhIRw9epV9PT0UKlUWgMlqoJEBxVPailZbaunusmNsX9wfn5+DBgwgA8++KBG6/j000+xsLCQG1ILkYZUPKmlZLWpHrkxVvwh3b59m8OHD2s9oFAIIcpLGpJ4JV988QVbtmxh7NixNG/eXHk/KiqKdevWFZnf3t6eL7/8sjpLFEL8QcgpO1HrqFQq9uzZo9XgKuKjjz6iX79++Pr6VlJl5SOn7IontZSsNtVTE6fspCFVIXd3d+7du4eOjg7169dHrVYzb948jIyMyr2s8PBwbty4wapVq146b225riSEqLjqCFAtjVxDeg1FRUXRrVs30tLS8Pf3JzIyskxRN38ErxKu+iaQcFXxKl7XANXSSHRQNWnSpAmurq5cvny51MDT4gJA4+PjWbduHd999x0qlapM0TwFCgJGN2zYoIS/xsXFcezYMfr06YOjoyNRUVHK/AVBo1OmTEGlUuHr68uFCxeU6cUFsp45c4Zhw4bh4ODAgAEDOHHihDL/zp076dmzJyqVCnd3dyVy6caNG4wYMQJ7e3ucnJy0hr3b2Nhw48YNID/49pNPPqFLly706NGDtWvXKjFFO3fuZPjw4axYsYLOnTvj7u7OsWPHlOX4+fnxz3/+s0zri46Opnfv3qhUKr744gtu3rzJ0KFD6dSpE5MnT9bK/xNCVA355201SU1NJT4+HhsbG6ZPn05ERASOjo589dVXBAQEEBsby+3bt5UA0CZNmnD79m3y8vJ4++23GTduXJlP2b3o3r17ZGVlER8fz65du5g3bx7Ozs7s2LGD1NRUBg0aRL9+/ZRrNkeOHCEkJITg4GC2bt3K+PHjOXjwIHp6esB/A1kbNmzI/fv3GTduHCtXrsTV1ZXExEQmTZrEd999R7169Vi6dCnbt2+nVatWpKen8/DhQwDWrFmDs7MzW7du5fnz55w7d67Y2pcsWcKjR4+Ii4vjwYMH+Pv7Y25urpyOTE5OxtfXl3/961/84x//YO7cuSQkJBRJlHjZ+hISEti5cyepqan4+vqSlJTEqlWraNCgAUOHDiU2NrbGrkUJ8aaQhlTFgoKC0NHRwcTEBLVajbm5Obm5uTg7OwPg7+/P1q1bSUpKwtLSUgkANTMzo1mzZpVSg66uLoGBgejo6ODl5cX8+fMZOXIkxsbGtGnThjZt2nDx4kWlIbVv316JUBo9ejSbN2/m7Nmzyk2vBYGskJ/M7ebmhlqtBsDZ2Zn33ntPOQKrW7culy9fxtraGgsLCyVySVdXl5SUFNLT07G0tCz2htqCgNiYmBiMjY0xNjZm9OjR7NmzR2lI1tbW/PnPfwbyI4w+++wz7t27h7m5eZF9UNr6Pv74Y2V/tG3bFmdnZ2V/uLm58e9//1sakqh2Banbb8r6pSFVsYiICLp1+2+EzMKFC0sMPHVycio1ALSiGjRoUCQotHCYqIGBAZmZmcrrwgGqdevWpUmTJlphsoUDWVNSUjhw4ABHjx5V3svJycHJyQlDQ0NWr17Npk2bmDt3Lp06dWLWrFm0bt2amTNnsmbNGoYMGYKpqSmjR49myJAhWnVnZGTw/PnzIsG2hcNhGzdurPxe8ATa4oJtX7a+wssxMDAo8vrevXtFlilEVavJEXcyqOEN8LLA05ICQIsLNa0qd+/eVX7Py8sjLS1NK0y2cC1WVlb4+Pgoz2B6kaurK66urjx79owvvviC+fPn87//+7+Ym5srnzl16hSjR4+mc+fOyjORABo2bIienh4pKSm88847AEXCYcuqLOsTQtQsaUjVrLTA09ICQBs1asT/+3//j7y8PK3HMlSFn3/+mUOHDuHu7s62bdvQ19enQ4cOxc47YMAAhgwZQkJCAt26dVMGObRo0QJdXV3Onj1L165dqVevHoaGhsqRWsEADUtLS0xNTalTp06R7dLR0aFv376sXr2aFStW8PDhQzZv3oy/v3+5t6ks66tsEq4qXsXrGqBaGmlI1ay0wNPSAkD79u3Lnj17cHJyolmzZlUa09OzZ0/279/PrFmzaNGiBeHh4cqAhhdZWVmxdu1agoODmT59OnXr1sXOzo5FixaRl5fH5s2b+eSTT6hTpw62trYsXLgQyH9Q4fLly3n8+DGNGjVi7ty5xd4IO3/+fJYsWYKHhwcGBgZ88MEHDB48uNzbVNb1VSa5MbZ4UkvJals91U1ujBVaynMDriidNKTiSS0lq0311MQ1JLkPSQghRK0gp+z+oEp6yN6GDRsq/EwiIYSoSdKQ/qCSkpKqZLkTJ06skuUKIcTLyDUkUWsUDqM1NDTE1dWV+fPnVyiMVog/ouc5uTzIKHofXU2Q+5DEG68gjPbXX3/F39+f9evX/2GfQivhqqK83sRA1cJkUIOolczNzXFxceGXX34BKDWQNjU1lQkTJtClSxecnJyUofJ5eXmsXbuWHj160LVrVz755BMePfrvv/hOnTqlhMKq1Wp27twJlB7oKoSoOtKQRK109+5dEhISePvtt7l+/TrTp09nzpw5JCYm4ubmRkBAANnZ2eTm5jJu3Disra35/vvviY+Px8vLC8hPA9+1axdbt24lLi6OJ0+eKM0qJSWFjz/+mBEjRpCYmEhMTAy2traAdqDrtm3b2L17Nzt27KixfSHEm0KuIYlaw93dnYyMDCA/j65Lly6Eh4ezbds2Ll26xJo1a4D8Ix+1Ws2qVavQ19cnMDCQH374ocizmUaNGkXv3r358MMPAbh27Rre3t6cPXuWjRs3kpycTEREhNZncnNz6dChAzExMUpc0TfffENsbCzbtm0r1/bIKTtRXm/6KTu5hiRqlYIw2pMnTzJ9+nQyMjJIT08vMZBWV1cXa2vrYh8UmJ6eTtOmTZXXTZs2JScnh/v375Oamsrbb79d5DNlCXQVoirJjbFC1DKOjo4MGjSIFStWYGFhQUpKijKtcCCtlZUVqamp5OQUzf2ysLDgzp07yuuUlBR0dXVp1KgRVlZW3Lx5s8hnCge6FqhooKsQonzkCEnUWqNGjcLd3Z1x48aVGEiro6ODubk5ISEhTJw4ER0dHc6fP4+9vT39+/dnw4YNuLm5YWZmxurVq/H09ERXVxdvb2+ioqLYv38/vXv35tGjR9y9exdbW9tKC3SVcFVRXs9zcmu6hBolDUnUWmZmZvj4+PDll1+WGEgL+UPFly5dSo8ePYD8R3jY29szePBg0tLSGDFiBFlZWbi4uDB//nwg/zTchg0bWLFiBfPmzcPExIQpU6Zga2tbaYGukmVXPKmlZDX9QL6aJoMahKgi0pCKJ7WUrDbVI9eQhBBCvLGkIQkhhKgVpCGJ15ZKpeLWrVs1XYYQoozkGpKoVoUDVAscOHBAhlWLN0ZWdg6/P3xa7LQ3/RqSjLIT1a4gQPV1J0kNojhvehpDaeSUnahRDx8+ZNy4cXTp0oXOnTszbtw47t69q0x3d3fn+PHjyuvw8HBmzJgBgL+/P19//bXW8gYMGMChQ4cAsLGx4caNGwAcO3YMLy8vVCoVrq6ubNy4EYATJ07g5ubGhg0b6Nq1Ky4uLsTFxXHs2DH69OmDo6MjUVFRVboPhBD5pCGJGpWXl8egQYM4evQoR48excDAQAlAfRlvb2/27dunvL5y5QopKSl07969yLxz585l8eLFJCUlsW/fPrp06aJMu3fvHllZWcTHxzNp0iTmzZvHnj172LFjB9HR0URERMi1KCGqgZyyE9UuKChIuYbk6OjI2rVrlWmBgYGMHDmyTMvx8PBg0aJF3Llzh6ZNm7J371569eql3DBbmK6uLleuXKFdu3aYmppiamqqNS0wMBAdHR28vLyYP38+I0eOxNjYmDZt2tCmTRsuXrxI8+bNX3HLhchX2g2wtenm2OquRRqSqHYFAaoAT58+ZcGCBSQkJPDw4UMAMjMzyc3N1Rr4UBxjY2PUajWxsbGMHTuW2NhYlixZUuy8YWFhREZGEhISgo2NDdOnT0elUgHQoEEDZV316tUDoFGjRspnDQwMyMzMfLWNFqKQkgYLvOmDGuSUnahRmzZt4vr163z77becPn2a6OhoID9AFaB+/fo8ffrfEUm//vqr1uf79+9PbGwsSUlJPHv2DCcnp2LXY2dnR2RkJMePH8fDw4MpU6ZUzQYJISpMjpBEjcrMzMTAwIC33nqLBw8e8Le//U1rert27di/fz9ubm5cuHCBgwcP4urqqkxXq9XMmTOHsLAwvLy8qFu36L+xsrOzOXDgAD169MDExAQjI6OXHn1VBglXFcXJyi6aTC/ySUMSNWrUqFHMmDGDLl26YGFhwejRo4mLi1OmT5kyhWnTpuHo6Ejnzp3x9vbmwYMHynR9fX169erFjh07mDp1aonr2b17N0uWLCE3N5eWLVuycuXKqtwsQLLsSiK1iJLIjbFCVBFpSMWTWkpWm+qRa0hCCCHeWNKQhBBC1ArSkEStkpKSgkqlIjf31Z+c2a9fP06cOFEJVQkhqoNcQ3pNubu7s3Tp0jciM06I2q60QNXC3vRrSDLKTlRYTk4OurryFSqJhKuKAhKoWjZyyu41t3PnToYNG8by5ctxcHCgZ8+enD59mp07d6JWq+natSu7du1S5p89ezYLFixg9OjRqFQqRowYwZ07d5TpNjY2REdH07t3b3r37g3A0aNH8fHxwcHBgWHDhnHhwgVl/vXr1+Pq6opKpaJPnz4kJiYCkJyczKBBg+jUqRPdunXjr3/9KwC3b9/GxsaGnJz8ezXS0tIICAjA0dGRXr168e233yrLDg8PZ/LkyXzyySeoVCr69evHuXPnlOmFg1lftr4dO3agVqvp3Lkzf//730lOTsbb2xsHB4cyZ+sJIV6NNKQ3QHJyMjY2Npw4cYL+/fszbdo0zp07x+HDhwkODmbx4sVa0Th79+5l/PjxnDhxgnbt2inp2gXi4uL49ttv2b9/Pz///DNz5sxh8eLFnDhxgqFDhzJ+/Hiys7O5du0a0dHRbN++naSkJDZu3EjTpk0BWLZsGSNHjuT06dMcPnwYT0/PYmufPn06lpaWJCQkEBYWRmhoqNLUAL7//nv69evHqVOncHd3LzE66GXrO3v2LIcOHWL16tUsX76cqKgovvrqK2JjY/nuu+84efJkhfa9EKLs5HzLG6BZs2YMHjwYAC8vL6KioggKCkJfXx8XFxf09fW5efMmtra2AHTv3p3OnTsDMHXqVBwcHEhNTcXKygqAsWPH0qBBAwC+/fZbhg4dSocOHQDw9fUlKiqKM2fO0KRJE7Kzs7l69SpmZmY0a9ZMqUlXV5ebN2/y22+/YWZmRseOHYvUnZqayk8//URUVBQGBgbY2trywQcfsHv3brp27QqAvb09arUaAB8fH7Zs2VLsPnjZ+oKCgjAwMMDFxQVDQ0P69++v5Nk5ODjw73//G0dHx/LueiEUZQ0qlXBV8VorHBRaEB7auHFj5b0Xw0MtLS2V342MjDA1NSU9PV1pSAX/C/mj4mJiYrSeS/T8+XPS09NxdHRkzpw5hIeHc+XKFVxcXJg9ezZNmjRh2bJlhIWF4enpSbNmzZgwYQI9evTQqjs9PR1TU1OMjf97EdTa2prz588rrwtvR7169cjKyir22tbL1vdimOqLr588eVJ0xwpRDmUZICCDGoR4QeEH5GVmZvLw4UMsLCyU9+rUqaP8bmVlRUBAAIGBgcUuy9vbG29vbx4/fsyCBQtYtWoVwcHB/OlPfyI0NJS8vDwOHTrEpEmTigzRtrCw4OHDhzx+/FhpSqmpqRV63HlZ1ieEqFnSkEQRx44d49SpU9jZ2bFmzRo6dOigdVRU2AcffMCECRPo1q0bdnZ2PH36lJMnT+Lg4EB6ejppaWnY29ujr6+PgYGBkuK9e/duXF1dMTMz46233gIoEnhqZWWFSqUiNDSUWbNmcf36dbZv305wcHC5t6ks66tsEq4qCkigatlIQxJF9O/fn4iICM6cOcO7775bagN4//33WbJkCYsXL+bGjRvUq1ePTp064eDgQHZ2NiEhIVy9ehU9PT1UKpUyYi0hIYHPP/+cZ8+eYW1tzerVqzEwMCiy/NDQUBYuXIirqytvvfUWEydOxNnZudzbVNb1VSbJsiue1CJKIjfGCi0F13hKS84WZSMNqXhSS8lqUz0SriqEEOKNJQ1JCCFErSANSWj5/PPPq/x03auEnr4Yvurn58c///lPID+VYvjw4cq8KpWKW7duvXrBQohqIYMaxCtxd3fn3r176OjoUL9+fdRqNfPmzcPIyKjEz8TGxpZr+YVDYq2trUlKSirTZ8s6nxCidpCGJF5ZVFQU3bp1Iy0tDX9/fyIjI4vEDb2JSrt4WxPe5ASA0lS0lrImeIuyk4YkKk2TJk1wdXXl8uXLHDlyhNDQUNLS0rC1tWXRokW0bt0a0D7qKUhxMDAw4PDhw1hbW/P555/z/vvvM3PmTFJSUggICEBHR4fx48fj6elJz549+fnnn1+aNG5jY8OhQ4do0aIFx44dY8WKFaSmpmJsbMxf/vIX/P39OXHiBDNnzsTPz49Nmzaho6PDokWL0NPTY/ny5WRkZDBmzBgCAgLKvT8k7fv1JgnelU+uIYlKk5qaSnx8PEZGRkyfPp05c+aQmJiIm5sbAQEBZGdnF/u5kgJSg4ODsba2JioqiqSkJD7++OMK1zZ37lwWL15MUlIS+/bto0uXLsq0e/fukZWVRXx8PJMmTWLevHns2bOHHTt2EB0dTUREhFyLEqIayBGSeGVBQUHo6OhgYmKCWq3G3Nyc3Nxc5QZWf39/tm7dSlJSEk5OTkU+X9aA1Fehq6vLlStXaNeuHaamppiammpNCwwMREdHBy8vL+bPn8/IkSMxNjamTZs2tGnThosXL9K8efNKr0v8sVXFqcfX4XRmRUlDEq8sIiJC68m0CxcuxNraWnldt25drKysSEtLK/bzZQ1IfRVhYWFERkYSEhKCjY0N06dPR6VSAdCgQQMlRqggfPbFcNXC4bNCFKjsG0flxlghKpmFhQUpKSnKa41GU+FQ1MpiZ2dHZGQkx48fx8PDgylTptRYLUKI4skRkqh0np6ebNiwgcTERBwcHNi6dSv6+vrKEUl5NG7c+JWv32RnZ3PgwAF69OiBiYkJRkZGVR6sChKu+rqTwNTKJw1JVLpWrVoRHBzMkiVLlFF2UVFR6Ovrl3tZY8eOZenSpQQHBxMYGEifPn0qVNPu3btZsmQJubm5tGzZkpUrV1ZoOeUhWXbFk1pESSRcVYgqkpGRWWsaUqNGxty//7imywCkltLUpnqqopa6devQsGHJN81LQxJCCFEryKAGIYQQtYI0JCGEELWCNCQhhBC1gjQkIYQQtYI0JCGEELWCNCQhhBC1gjQkIYQQtYI0JCGEELWCNCQhhBC1gjQkIYQQtYI0JCEq4MGDBwQFBdGxY0d69OjB3r17S5z3q6++wtnZGXt7ez799NMSn5xbHfXs2rWLQYMG0alTJ9zc3Fi5ciU5OZWbWl2efVNg5MiR2NjYVHot5a3n1q1bjBs3DpVKhZOTU6WH8Ja1Fo1Gw+rVq3F1dcXe3h4/Pz8uX75cqbV8/fXXDBo0iPfee4/Zs2eXOm91fIcB0Aghym3q1KmayZMnax4/fqz58ccfNZ06ddJcunSpyHzx8fGarl27ai5duqR58OCBZsSIEZrg4OAaqyc6Olrz448/arKysjR3797V+Pr6atatW1cjtRTYvXu35n/+5380bdu21Tx//rxSaylPPVlZWZqePXtqNm3apMnMzNQ8e/ZM88svv9RILbGxsRpnZ2fNzZs3NTk5OZpVq1ZpBg4cWKm1HDx4UHP48GHNggULNLNmzSpxvur6Dms0Go00JCHKKTMzU9O+fXvNtWvXlPdmzJhR7H+k06ZN04SEhCivjx8/runWrVuN1fOiTZs2acaNG1djtfz++++a3r17a5KSkqqkIZWnnm+++UYzfPjwSl1/RWtZt26dZtKkScrrS5cuad57770qqSs0NLTUhlQd3+ECcspOiHL6z3/+Q926dWnZsqXyXrt27bhy5UqReS9fvky7du2U1zY2Nty7d4+MjIwaqedFP/74I++8806N1RIaGsrw4cO1HmNfmcpTz5kzZ2jatCkfffQRTk5O+Pn5cfHixRqppV+/fty8eZPr16/z/Plzdu3ahaura6XVUh7V8R0uIA1JiHJ68uQJJiYmWu+ZmJiQmZlZ7LzGxsZa8wHFzlsd9RS2Y8cOzp8/z5gxY2qklnPnznH69GlGjBhRaet/lXrS0tLYv38/fn5+JCQkoFarGT9+fKVdLylPLebm5tjb29O3b186dOjAgQMH+PTTTyuljvKqju9wAWlIQpSToaEhjx9rP7js8ePHGBkVffDYi/MW/F7cvNVRT4G4uDhCQkLYsGEDZmZm1V5LXl4en332GXPnzkVXt+oeXF2efWNgYECnTp1Qq9Xo6+vj7+/PgwcPuHbtWrXXEhERwfnz5zl27BjJyclMmDCBUaNG8fTp00qppTyq4ztcQBqSEOX0pz/9idzcXP7zn/8o7124cKHYU19t2rTROu1z4cIFGjduTMOGDWukHoD4+HjmzZtHVFQUNjY2lVZHeWp5/Pgx58+fZ+rUqTg7OzNkyBAA1Go1p06dqvZ6IP9UVJ06dSpt3a9Sy4ULF/D09MTS0hJdXV0GDRrE77//XqbTsJWtOr7DBaQhCVFOhoaG9OrVi7CwMJ48ecJPP/3EkSNH8PHxKTKvj48P27dv58qVKzx8+JDIyEh8fX1rrJ7ExERmzpxJeHg4dnZ2lVpHeWoxMTEhISGBmJgYYmJiWL9+PQA7d+6s1LrKs28GDBjA2bNnOX78OLm5uWzZsoWGDRvSqlWraq/l/fff58CBA9y7d4+8vDxiYmLIycmhRYsWlVILQE5ODllZWeTl5ZGbm0tWVlaxw+6r4zusqJKhEkK85jIyMjSBgYGaDh06aNRqtWbPnj0ajUajuXPnjqZjx46aO3fuKPNu2rRJ07VrV41KpdLMnj1bk5WVVWP1jBgxQmNra6vp2LGj8uPv718jtRR269atKhv2XZ56Dh48qPHw8NCoVCrNiBEjSh2uXpW1PHv2TLNo0SKNs7OzRqVSaQYOHKg5duxYpdYSFhamadu2rdZPWFhYjX2HNRqNpo5Go9FUTasTQgghyk5O2QkhhKgVpCEJIYSoFaQhCSGEqBWkIQkhhKgVpCEJIYSoFaQhCSGEqBWkIQkhhKgVpCEJIYSoFaQhCSGEqBX+P5hNjL3SyQpFAAAAAElFTkSuQmCC\n", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "#\n", + "# plot the entropy of the pos-neg-else (ternary) distribution per art_style\n", + "#\n", + "grouping_col = 'art_style'\n", + "stimuli = df.groupby([grouping_col])\n", + "pne_of_stim = stimuli.pne.apply(pne)\n", + "\n", + "\n", + "pne_of_stim.apply(entropy).groupby(grouping_col).mean().sort_values().plot(kind='barh', \n", + " figsize=(6, 6), \n", + " fontsize=12,\n", + " grid=True,\n", + " title='Entropy of Pos-Neg-Else\\n Emotion Distribution',\n", + " color='#6b8abd')\n", + "plt.tight_layout()\n", + "if save_figs:\n", + " plt.savefig('pos_neg_else_distribution_entropy_per_art_style.jpg')" + ] + } + ], + "metadata": { + "kernelspec": { + "display_name": "artemis", + "language": "python", + "name": "artemis" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.6.12" + }, + "pycharm": { + "stem_cell": { + "cell_type": "raw", + "metadata": { + "collapsed": false + }, + "source": [] + } + } + }, + "nbformat": 4, + "nbformat_minor": 2 +} diff --git a/imageprocessing/artemis/artemis/notebooks/analysis/concreteness_subjectivity_sentiment_and_POS.ipynb b/imageprocessing/artemis/artemis/notebooks/analysis/concreteness_subjectivity_sentiment_and_POS.ipynb new file mode 100644 index 0000000000000000000000000000000000000000..4f45bc681127155cb0d1ec914446f1913f6110aa --- /dev/null +++ b/imageprocessing/artemis/artemis/notebooks/analysis/concreteness_subjectivity_sentiment_and_POS.ipynb @@ -0,0 +1,982 @@ +{ + "cells": [ + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Analyze some fancier properties of ArtEmis and compare it (optionally) with other common datasets.\n", + " - Concreteness, \n", + " - Subjectivity based on TextBlob \n", + " - Sentimenet-Analysis based on (nltk) Vader\n", + " - The above metrics on ArtEmis per art-gerne \n", + " - Parts-Of-Speech\n", + "\n", + "* Note. Please contact optas@stanford for the files corresponding to the other datasets if you do not have access to them. I will streamline this in April. " + ] + }, + { + "cell_type": "code", + "execution_count": 50, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "The autoreload extension is already loaded. To reload it, use:\n", + " %reload_ext autoreload\n" + ] + } + ], + "source": [ + "import json\n", + "import nltk\n", + "import pandas as pd\n", + "import seaborn as sns\n", + "import numpy as np\n", + "import matplotlib.pylab as plt\n", + "from collections import Counter\n", + "from functools import partial\n", + "from ast import literal_eval\n", + "from nltk.sentiment.vader import SentimentIntensityAnalyzer\n", + "\n", + "from artemis.utils.basic import df_parallel_column_apply\n", + "from artemis.analysis.utils import contains_word, contains_bigrams, concreteness_of_sentence, pos_analysis\n", + "from artemis.language.basics import tokenize_and_spell, ngrams\n", + "from artemis.language.part_of_speech import nltk_parallel_tagging_of_tokens\n", + "from artemis.utils.visualization import plot_overlayed_two_histograms\n", + "from artemis.utils.other_datasets.flickr30K_entities import load_all_linguistic_annotations\n", + "from artemis.utils.other_datasets.conceptual_captions import load_conceptual_captions\n", + "from artemis.utils.other_datasets.google_refexp import load_google_refexp_captions\n", + "\n", + "sns.set()\n", + "\n", + "%load_ext autoreload\n", + "%autoreload 2" + ] + }, + { + "cell_type": "code", + "execution_count": 4, + "metadata": {}, + "outputs": [], + "source": [ + "try:\n", + " from textblob import TextBlob \n", + "except:\n", + " print('For analyzing the subjectivity (bottom parts of notebook) you need to install textblob') \n", + " print('e.g., conda install -c conda-forge textblob')" + ] + }, + { + "cell_type": "code", + "execution_count": 5, + "metadata": {}, + "outputs": [], + "source": [ + "freq_file = '../../data/symspell_frequency_dictionary_en_82_765.txt'\n", + "glove_file = '../../data/glove.6B.100d.vocabulary.txt'\n", + "\n", + "## Use your path:\n", + "artemis_preprocessed_csv = '/home/optas/DATA/OUT/artemis/preprocessed_data/for_analysis/artemis_preprocessed.csv'" + ] + }, + { + "cell_type": "code", + "execution_count": 6, + "metadata": {}, + "outputs": [], + "source": [ + "##\n", + "## For the following files send to me an email (optas@stanford.edu) \n", + "## (or git-pull on April 7) P.s. they are available online\n", + "##\n", + "brm_file=\\\n", + "'/home/optas/DATA/Language/sentiment_psychology/abstractness_BRM/Concreteness_ratings_Brysbaert_et_al_BRM.xlsx'\n", + "\n", + "coco_file=\\\n", + "'/home/optas/DATA/OUT/ela/coco_related/coco2014_captions.csv'\n", + "\n", + "flickr_dir=\\\n", + "'/home/optas/DATA/Language/flickr30Kentities/annotations/Sentences/'\n", + "\n", + "conceptual_caps_train=\\\n", + "'/home/optas/DATA/Language/conceptual_captions/Train_GCC-training.tsv'\n", + "\n", + "conceptual_caps_val=\\\n", + "'/home/optas/DATA/Language/conceptual_captions/Validation_GCC-1.1.0-Validation.tsv'\n", + "\n", + "google_refexp_train=\\\n", + "'/home/optas/DATA/Language/google_refexp/google_refexp_train_201511.json'\n", + "\n", + "google_refexp_val=\\\n", + "'/home/optas/DATA/Language/google_refexp/google_refexp_val_201511.json'" + ] + }, + { + "cell_type": "code", + "execution_count": 7, + "metadata": {}, + "outputs": [], + "source": [ + "##\n", + "## Hyper-params for notebook \n", + "##\n", + "load_ela = True\n", + "load_coco = True\n", + "\n", + "load_flickr = False # if turn on, it will also load/contrast with this datatasets.\n", + "load_concept_caps = False\n", + "load_google_refexp = False\n", + "\n", + "brm_drop_articles = True # use or not the: \"the\", \"a\", \"an\", \"every\".\n", + "spell_check_non_artemis_data = False" + ] + }, + { + "cell_type": "code", + "execution_count": 9, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "SymSpell spell-checker loaded: True\n", + "Loading glove word embeddings.\n", + "Done. 400000 words loaded.\n", + "Updating Glove vocabulary with *valid* ArtEmis words that are missing from it.\n" + ] + } + ], + "source": [ + "### Load -datasets-\n", + "datasets = dict()\n", + "if load_ela:\n", + " df = pd.read_csv(artemis_preprocessed_csv)\n", + " df.tokens = df.tokens.apply(literal_eval)\n", + " datasets['ArtEmis'] = df\n", + " \n", + "\n", + "if load_coco: \n", + " df = pd.read_csv(coco_file)\n", + " coco_missed_tokens = tokenize_and_spell(df, glove_file, freq_file, \n", + " nltk.word_tokenize, spell_check=spell_check_non_artemis_data)\n", + " datasets['COCO'] = df\n", + " \n", + "\n", + "if load_flickr:\n", + " df = load_all_linguistic_annotations(flickr_dir) \n", + " coco_missed_tokens = tokenize_and_spell(df, glove_file, freq_file, \n", + " nltk.word_tokenize, spell_check=spell_check_non_artemis_data)\n", + " datasets['Flickr'] = df\n", + " \n", + " \n", + "if load_concept_caps: \n", + " ## Quick and Dirty\n", + " df = load_conceptual_captions(conceptual_caps_train, conceptual_caps_val, only_language=True)\n", + " cc_missed_tokens = tokenize_and_spell(df, glove_file, freq_file, \n", + " nltk.word_tokenize, spell_check=spell_check_non_artemis_data)\n", + " datasets['ConceptualCaptions'] = df\n", + " \n", + " \n", + "if load_google_refexp:\n", + " df = load_google_refexp_captions(google_refexp_train, google_refexp_val)\n", + " refexp_missed_tokens = tokenize_and_spell(df, glove_file, freq_file, \n", + " nltk.word_tokenize, spell_check=spell_check_non_artemis_data)\n", + " datasets['GoogleRefxp'] = df" + ] + }, + { + "cell_type": "code", + "execution_count": 10, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "ArtEmis N-sentences: 454684 Average Length: 15.9\n", + "COCO N-sentences: 616767 Average Length: 10.5\n" + ] + } + ], + "source": [ + "for k, v in datasets.items():\n", + " print(k, 'N-sentences:', len(v), 'Average Length:', v.tokens_len.mean().round(1))" + ] + }, + { + "cell_type": "code", + "execution_count": 10, + "metadata": {}, + "outputs": [], + "source": [ + "##\n", + "## Conreteness Analysis\n", + "##" + ] + }, + { + "cell_type": "code", + "execution_count": 11, + "metadata": {}, + "outputs": [], + "source": [ + "#\n", + "# Load \"concreteness and abstractness\" values\n", + "#\n", + "\n", + "## Note. If your pandas cannot read excel do:\n", + "## else: pip install xlrd==1.2.0\n", + "\n", + "brm_data = pd.read_excel(brm_file)\n", + "brm_data.Word = brm_data.Word.apply(lambda x: str(x).lower())\n", + "\n", + "if brm_drop_articles:\n", + " brm_data = brm_data[brm_data.Dom_Pos != 'Article']\n", + " \n", + "brm_data = brm_data[['Word', 'Conc.M']]\n", + "brm_data.columns = ['word', 'concreteness']\n", + "word_to_concreteness = dict(zip(brm_data.word, brm_data.concreteness))" + ] + }, + { + "cell_type": "code", + "execution_count": 26, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "ArtEmis concreteness 2.81 2.78\n", + "COCO concreteness 3.55 3.57\n" + ] + } + ], + "source": [ + "concreteness_scores = dict()\n", + "for dset_name in datasets: \n", + " concreteness_scores[dset_name] = datasets[dset_name].tokens.apply(lambda x: concreteness_of_sentence(x, word_to_concreteness)) \n", + " smean = concreteness_scores[dset_name].mean().round(2)\n", + " smedian = concreteness_scores[dset_name].median().round(2)\n", + " print(dset_name, 'concreteness', smean, smedian)" + ] + }, + { + "cell_type": "code", + "execution_count": 27, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAZAAAAEQCAYAAACeDyIUAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjMuNCwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8QVMy6AAAACXBIWXMAAAsTAAALEwEAmpwYAAAqPElEQVR4nO3dfVxUZd4/8M85Z3gQBXEIcBTTjdIm70wUNYsexEptUdzabtzJXm1ra6apra9K2hQQTB0tH/Jh0dZs61ZL18rAWsysNvd2/Vlpq+KWIirKAAooDyoPc67fH6xzi4AwZ84MM/p5v16+Ys51vtf5nitmvsx5uI4khBAgIiJyktzeCRARkW9iASEiIk1YQIiISBMWECIi0oQFhIiINGEBISIiTVotIFarFfHx8ejTpw9+/vnnJu0rVqxo0pafn4+kpCSMGDECSUlJOH78uFvbiIjI81otIMOHD8f69evRvXv3Jm2HDh3C/v370a1bt0bLU1NTYbFYkJOTA4vFgpSUFLe2ERGR57VaQGJjY2EymZosr62tRXp6OlJTUyFJkmN5aWkpcnNzkZCQAABISEhAbm4uysrK3NJGRETtw6A1cNmyZRgzZgx69OjRaLnNZkNkZCQURQEAKIqCiIgI2Gw2CCF0bzMajVp3gYiIXKDpJPq+fftw4MABWCwWvfMhIiIfoekbyN69e3Hs2DEMHz4cAFBUVIQJEyZg/vz5MJvNKC4uht1uh6IosNvtKCkpgclkghBC9zZnlZdXQ1X1n/4rLKwTSkurdO/XHXwlV+apL1/JE/CdXG+EPGVZQpcuHZtt01RAJk6ciIkTJzpex8fHIzMzE7179wYAmM1mZGdnIzExEdnZ2TCbzY5DTe5oc4aqCrcUkMt9+wpfyZV56stX8gR8J9cbOU+ptdl4586di+3bt+Ps2bPo0qULQkNDsW3btkbrXF1A8vLykJycjIqKCoSEhMBqteKWW25xW5szSkur3DKQ4eHBOHOmUvd+3cFXcmWe+vKVPAHfyfVGyFOWJYSFdWq2rdUCcr1hAfGdXJmnvnwlT8B3cr0R8rxWAdF8FRYRkTcQQqC8/Axqay8B8OzfwyUlMlRV9eg2tWg9Twn+/oHo0iW80W0ZrWEBISKfVlV1HpIkITIyCpLk2dmZDAYZ9fXeX0Bay1MIFefOnUVV1XkEB4e2uV/OhUVEPu3ixSoEB4d6vHhcTyRJRnBwF1y86NyVWhxxIvJpqmqHovBgiqsUxQBVtTsVwwJCRD7PmeP21DwtY8iyTXQD8Asw4HxVDZQAbW95GUBdTb2+SbmRX4AB7jgz0dZxqK+vx7vv/hk7dmyHwWCAECruvvtePP/8VJw8eRwrVizD6dMFUFWBPn36YOrUGYiM7OqI3779c2zc+D5qamogSRJuvfU2PP/8dHTt2hUVFRVYuXIpfvjheyiKgi5dQjFp0lTcdVeMG/b42lhAiG4AKoCMt3ejTuMJ3/TnhuqbkJupAFJW79a937aOw7x5c1BTcwnvvPM+goI6or6+Htu2fYrS0rN48cUpePHFlxEf/xAA4MMP12PGjBfwl798AIPBgKysT/Dhh+sxf/6b6NHjZgDADz98h7Kys+jatStmz05GdHQ0PvjgIyiKgn37vsdrr72MzMx1iIrqca20dMdDWEREOiooOIm///0rzJw5G0FBDVOAGAwGJCY+hs8+y0JMzABH8QCApKQn0bFjJ+zYkQMAWLfubUydOsNRPABgwIBY3HHHf2H//h9QUHACkydPd0wuGxMzEI8+Ogbvv7/Og3vZgAWEiEhHP//8E6KibkZISEiTtry8I+jb984my++4479w9OgRlJeXoaSkGHfc8V/N9p2XdwR9+twOg6HxwaO+fe/E0aNH9NkBJ7CAEBHpquWbGVub+MPVdk9jASEi0lHv3rfj1KmTqKioaNJ26629cejQgSbLc3MPIjr6VhiNYQgPj8Dhw4ea7fvWW3vjp5/+jfr6xifyDx06gOjoW/XZASewgBAR6ahHj5tx7733Y9GiebhwoRoAYLfbsWnTRowaNRo//PA9du7c4Vj/ww/Xo7KyAg8/PBIA8PTTE7B8+WKcPn3Ksc6ePbtx6NBB9O8/AFFRPbBq1TLY7Q33bOzf/wO2bduKp556xoN72YBXYRER6WzWrDl45501+N3vnoKfnwFCCNx997246aabsGTJSqxcuRSZmcshBHDbbb2xZMlKx3mNsWMfR0BAAGbNegU1NTWQZRnR0bdh8uRpAIC5c61YsWIpxo37FRTFgM6dOyMjw9ropLuncDZenfjKrJyA7+TKPPWjBBiQsXaPS5fx2j14H4gzY1pUdAJdu/ZstMxT94FcL3NhXdbcWHI2XiK6objrpkfnJvq4/vEcCBERacICQkREmrCAEBGRJiwgRESkCQsIERFpwgJCROQGFRUViI+/B8uWvXnN9TZt2oDy8jLH688+y8LIkQ/it7+1OP796U/Lnd7+ggUZ+PHHfU7HOYOX8RLRdSc4UEB2w50gKmRUXmrbg5e++OJz9O17J3bsyMHkydPg5+fXuC9VhSRJ2LRpI2JjB6NLF6OjLTZ2MObOXehSrsnJs12Kb4tWC4jVakVOTg5Onz6NrKws9O7dG+Xl5XjllVdw8uRJ+Pv7o2fPnkhPT4fR2DAA+fn5SE5Oxrlz5xAaGgqr1YpevXq5rY2I6EoyVBRuyNC9326W2QCUNq27bdunmDx5Ot5//13s2vUNhg17CGvXrsbp06dw8eIFnD59CsOHP4KzZ89g1qyZ8PcPQGrq3Gv2uXbtapw8eRzV1dUoKDiJPn3MGD/+aaxYsRRFRTY88EA8pkyZDgB44YWJ+M1vnsK9996HTz7Zgo0b18PPzx9CqEhPX4CePXu5OBptOIQ1fPhwrF+/Ht27d3cskyQJzz77LHJycpCVlYUePXrgjTfecLSnpqbCYrEgJycHFosFKSkpbm0jIvImR478jIqKCgwcOAi//OVobNv2qaNt//4fMHPmbLz33od4+ukJuOmmcMyda8W7727AL35xCwDgu+/+X6NDWFlZnzjif/rp30hLm4cNG7bgxInjyMxcgTfeeAt/+csH+PzzbBQUnGySz/Lly7B48Qq8++4GvP32e42efuiKVgtIbGwsTCZTo2WhoaEYMmSI43X//v1RWFgIACgtLUVubi4SEhIAAAkJCcjNzUVZWZlb2oiIvM22bVsxcuQvIUkSHnhgGA4dOogzZ0oAAEOH3ovQ0NBrxsfGDsa7725w/Bs9eqyjbfDgu9GpUycoioJbb70VsbFD4O/vjw4dOuDmm3s2moTx//obhHnz0vHXv36AM2dKEBgYqMt+unwORFVVbNy4EfHx8QAAm82GyMhIx9OyFEVBREQEbDYbhBC6t10+bEZE5A3q6urwxRd/g79/AP72t20AGp6R/vnn2QCADh2CXOrf3z/A8bMsKwgI8L/iteyYpfdKCxa8gQMHDuD777/DtGmT8NJLr2Lo0HtdygPQoYBkZGQgKCgI48ePdzkZT2hpUjA9hIcHu61vvflKrsxTH+eragAAfgZtF14qsgyjh/exrWNaUiLDcNV+SbBDatu5bqdIQJNtXf3666+/Qc+ev8CaNe84lh048CPmzEnBiBGjIMtSo5iOHTvi4sULjmWyLEGSpCb9Xm67Ml6Smr5WlIbXl38GVJw+bUO/fv3Qr18/2GynkZf3M+67775m+ped+l12qYBYrVacOHECmZmZkOWGHTCZTCguLobdboeiKLDb7SgpKYHJZIIQQvc2Z3E2Xt/JlXnqRwloeKtrnY3Xrqoe3UdnxlRV1SYzzQoD4I55xgXQaFvNzXKblfUpHn54ZKPlZvOdUFUV+/b9gN69b2/U9utfj0NGRhoCAwORmjoXqiqwd+8ejB8/zrHO7bebkZw8G6oqoKrCES9E09d2e8Pryz/X1tYjIyMVlZWVkCQZkZGReO65Kc3Ozqs28//ZLbPxLlmyBAcPHsSaNWvg7/9/X6HCwsJgNpuRnZ2NxMREZGdnw2w2Ow41uaONiOhKKuT/XDGlf7+tefPNt5pdvmnT1maXjx49ttE5jl/84hY8+ujoZtedMOG5Rq9fey2t0esVK9Y0+/Pq1e+4Zdr5Vp8HMnfuXGzfvh1nz55Fly5dEBoaiqVLlyIhIQG9evVynIyJiorCypUrAQB5eXlITk5GRUUFQkJCYLVaccstt7itzRn8BuI7uTJP/dxozwPxlBv9eSB8oJROfOFD5DJfyZV56ocFxD1u9ALCO9GJqFWyLAMB2j8urn6SH10fWECIqFVCFUhZvVtzfPpzQ3XMpikhBCR3XHZ1A9FyMIqTKRKRT5NlBXY7v924ym6vhyy3bZqWy1hAiMindejQCZWV5yCE95+L8FZCqKisLEeHDs7dJ8dDWETk0zp16ozy8jMoLj6Fhjs1PEeWZaiq9xeu1vOU4O8fiE6dOjvVLwsIEfk0SZJgNEa0y7Z94Qo8wH158hAWERFpwm8gRD7AL8Dg0uORJPAKJdIfCwiRD1ABly6jzXjuHv2SIfoPHsIiIiJNWECIiEgTFhAiItKEBYSIiDRhASEiIk1YQIiISBMWECIi0oQFhIiINGEBISIiTVhAiIhIExYQIiLShAWEiIg0YQEhIiJNWi0gVqsV8fHx6NOnD37++WfH8vz8fCQlJWHEiBFISkrC8ePH262NiIg8r9UCMnz4cKxfvx7du3dvtDw1NRUWiwU5OTmwWCxISUlptzYiIvK8VgtIbGwsTCZTo2WlpaXIzc1FQkICACAhIQG5ubkoKyvzeBsREbUPTQ+UstlsiIyMhKIoAABFURAREQGbzQYhhEfbjEajy4NARETOu+GeSBgW1sltfYeHB7utb735Sq565Wm/VA3Y67V3oBigBHZssdnd43m+qgZ+BheuefnPE2019yG5EAtAkWUYnRyjG+131N3ckaemAmIymVBcXAy73Q5FUWC321FSUgKTyQQhhEfbnFVaWgVVFVp2+5rCw4Nx5kyl7v26g6/kqmeenQPtKNyQoTm+m2U2yiqbz8UT46kEGFBX78JT0f/zK6+5D+FCLAC7qjo1Rjfi76g7uZKnLEst/uGt6U+KsLAwmM1mZGdnAwCys7NhNpthNBo93kZERO2j1W8gc+fOxfbt23H27Fk888wzCA0NxbZt25CWlobk5GSsWrUKISEhsFqtjhhPtxERkee1WkBmzZqFWbNmNVkeHR2NzZs3Nxvj6Ta6/gUHCsjQfghFlnRMhogA3IAn0ck3yVBdOocR9eRsHbMhIoBTmRARkUYsIEREpAkLCBERacICQkREmrCAEBGRJiwgRESkCQsIERFpwgJCRESasIAQEZEmLCBERKQJCwgREWnCAkJERJqwgBARkSYsIEREpAkLCBERacICQkREmrCAEBGRJiwgRESkCQsIERFpwgJCRESasIAQEZEmLheQr776CmPHjkViYiJGjx6N7du3AwDy8/ORlJSEESNGICkpCcePH3fEuKONiIg8y6UCIoTAK6+8goULF2Lr1q1YtGgRZs6cCVVVkZqaCovFgpycHFgsFqSkpDji3NFGRESe5fI3EFmWUVlZCQCorKxEREQEysvLkZubi4SEBABAQkICcnNzUVZWhtLSUt3biIjI8wyuBEuShKVLl2Ly5MkICgpCdXU1Vq9eDZvNhsjISCiKAgBQFAURERGw2WwQQujeZjQaXdkNIiLSwKUCUl9fj9WrV2PVqlUYOHAgvv/+e/zhD3/AwoUL9cpPd2FhndzWd3h4sNv61puv5Ho5T3v1eRgMikt9uRKvyNI1x8zd43m+qgZ+BhcOGEgN/9Hch+RCLABFlmF0cox87XfU27kjT5cKyOHDh1FSUoKBAwcCAAYOHIgOHTogICAAxcXFsNvtUBQFdrsdJSUlMJlMEELo3uaM0tIqqKpwZbebFR4ejDNnKnXv1x18Jdcr8+wcKFBfb3epP1fi7apAWQtj5onxVAIMqKtXtXfwn195zX0IF2IB2FXVqTHyxd9Rb+ZKnrIstfiHt0vnQLp27YqioiIcO3YMAJCXl4ezZ8+iZ8+eMJvNyM7OBgBkZ2fDbDbDaDQiLCxM9zYiIvI8l76BhIeHIy0tDdOnT4ckNXxHnj9/PkJDQ5GWlobk5GSsWrUKISEhsFqtjjh3tBERkWe5VEAAYMyYMRgzZkyT5dHR0di8eXOzMe5oIyIiz+Kd6EREpAkLCBERacICQkREmrCAEBGRJi6fRCe6EciyhM6Bzd9HYq8+j86B1763SIWMykuSO1IjajcsIERtIQQKN2Q022QwKK3epNjNMhuAa3fSE3kbHsIiIiJNWECIiEgTHsIi8gBJapjPSnM8eP6EvA8LCJEHCAApq3drjs947h79kiHSCQ9hERGRJiwgRESkCQsIERFpwgJCRESasIAQEZEmvAqLiNxOlmXAicuYz1fVNLrsWQZQV1PvhszIFSwgROR2QhVOXcbsZ5AbPYM9/bmh7kiLXMRDWEREpAkLCBERacICQkREmrCAEBGRJjyJTh4RHCggQ219xStc+aAmmXMJEnkdlwtITU0N5s2bh927dyMgIAD9+/dHRkYG8vPzkZycjHPnziE0NBRWqxW9evUCALe0kXeTobb4QKaWXPmgpqgnZ7sjLSJygcuHsBYtWoSAgADk5OQgKysL06dPBwCkpqbCYrEgJycHFosFKSkpjhh3tBERkWe5VECqq6vxySefYPr06ZCkhmMMN910E0pLS5Gbm4uEhAQAQEJCAnJzc1FWVuaWNiIi8jyXDmEVFBQgNDQUK1aswJ49e9CxY0dMnz4dgYGBiIyMhKI0PANaURRERETAZrNBCKF7m9FodGU3iIhIA5cKSH19PQoKCnDHHXdg5syZ+PHHHzFp0iQsW7ZMr/x0FxbWyW19h4cHu61vvXk6V3v1eRgMitNxV8ZoiW+pL73jW+tbggQ/gwtf+CW4HA+40IcO23c2/sr1FVmG0UvfX77yvndHni4VkG7dusFgMDgOK911113o0qULAgMDUVxcDLvdDkVRYLfbUVJSApPJBCGE7m3OKC2tgqoKV3a7WeHhwThzplL3ft2hPXLtHCgcJ8Tb6sqT6ACcjr+au+KvzrM5AqLR1BxOE3A5HnChDx2270z81VOZ2FXVK99fvvK+dyVPWZZa/MPbpXMgRqMRQ4YMwT/+8Q8ADVdJlZaWolevXjCbzcjOzgYAZGdnw2w2w2g0IiwsTPc2IiLyPJcv450zZw7++Mc/wmq1wmAwYOHChQgJCUFaWhqSk5OxatUqhISEwGq1OmLc0UZERJ7lcgHp0aMH3n///SbLo6OjsXnz5mZj3NFGRESexalMiIhIExYQIiLShAWEiIg0YQEhIiJNWECIiEgTFhAiItKEBYSIiDRhASEiIk1YQIiISBMWECIi0oQFhIiINGEBISIiTVhAiIhIExYQIiLShAWEiIg0YQEhIiJNWECIiEgTFhAiItKEBYSIiDRx+ZnoRNQ6WZKQOr6v5vggpU7HbIj0wQJC5AlC4Mi6VM3hg6ZZdUyGSB88hEVERJroVkBWrFiBPn364OeffwYA5OfnIykpCSNGjEBSUhKOHz/uWNcdbURE5Fm6FJBDhw5h//796Natm2NZamoqLBYLcnJyYLFYkJKS4tY2IiLyLJcLSG1tLdLT05GamgpJkgAApaWlyM3NRUJCAgAgISEBubm5KCsrc0sbERF5nssn0ZctW4YxY8agR48ejmU2mw2RkZFQFAUAoCgKIiIiYLPZIITQvc1oNLq6G0RE5CSXCsi+fftw4MABvPTSS3rl43ZhYZ3c1nd4eLDb+tabp3O1V5+HwaA4HXdljJb4lvrSO74tfV/+hq6Vn8GFAwaSi31Irm/f2fgr11dkGUYvfX/5yvveHXm6VED27t2LY8eOYfjw4QCAoqIiTJgwAa+++iqKi4tht9uhKArsdjtKSkpgMpkghNC9zRmlpVVQVeHKbjcrPDwYZ85U6t6vO7RHrp0DBerr7U7FGAxKoxhn46/mrvir82yJEK793tXVq9qDhYt9CNe370y8n0FutL5dVb3y/eUr73tX8pRlqcU/vF06BzJx4kTs2rULO3fuxM6dO9G1a1esXbsWjz76KMxmM7KzswEA2dnZMJvNMBqNCAsL072NyBMkWWr2n11VW2y7/I/oeuS2GwnT0tKQnJyMVatWISQkBFar1a1tRO52+kxVs8slSWr120V3dyRE1M50LSA7d+50/BwdHY3Nmzc3u5472oiIyLN4JzoREWnCAkJERJqwgBARkSYsIEREpAmncyciryfLMhCg/eNKBlBXU69fQgSABYSIfIBQBVJW79Ycn/7cUB2zoct4CIuIiDRhASEiIk1YQIiISBMWECIi0oQFhIiINGEBISIiTVhAiIhIExYQIiLShAWEiIg0YQEhIiJNWECIiEgTFhAiItKEkylSmwQHCshQNcfLko7JEJFXYAGhNpGhonBDhub4qCdn65gNEXkDHsIiIiJNWECIiEgTlw5hlZeX45VXXsHJkyfh7++Pnj17Ij09HUajEfn5+UhOTsa5c+cQGhoKq9WKXr16AYBb2oiuZ5IEpI7vqzk+SKnTMRuiBi4VEEmS8Oyzz2LIkCEAAKvVijfeeAPz5s1DamoqLBYLEhMTsXXrVqSkpOC9994DALe0EV3XhMCRdamawwdNs+qYDFEDlw5hhYaGOooHAPTv3x+FhYUoLS1Fbm4uEhISAAAJCQnIzc1FWVmZW9qIiMjzdLsKS1VVbNy4EfHx8bDZbIiMjISiKAAARVEQEREBm80GIYTubUajUa/dICKiNtKtgGRkZCAoKAjjx49Hbm6uXt3qLiysk9v6Dg8PdlvfenM2V3v1eRgMikvb1BJ/ZUx7bP9KktTyzSzXanNmHXfGA4CfQeNBB8mFWI3xjdZ3cfuKLMPopvenr7zv3ZGnLgXEarXixIkTyMzMhCzLMJlMKC4uht1uh6IosNvtKCkpgclkghBC9zZnlJZWQVWFHrvdSHh4MM6cqdS9X3fQkmvnQIH6ertL23U23mBQGsV4evtXE6L53xtJklpsa0u8q9t3Rl29xptBhQuxGuL9DHLj9V3cvl1V3fL+9JX3vSt5yrLU4h/eLl/Gu2TJEhw8eBArV66Ev78/ACAsLAxmsxnZ2dkAgOzsbJjNZhiNRre0ERGR57n0DeTIkSPIzMxEr169MG7cOABAVFQUVq5cibS0NCQnJ2PVqlUICQmB1fp/V4G4o42IiDzLpQJy22234aeffmq2LTo6Gps3b/ZYG1FrJE7IRaQrzoVFN4zTZ6o0x3bXMQ+i6wWnMiEiIk1YQIiISBMWECIi0oQFhIiINGEBISIiTVhAiIhIExYQIiLShAWEiIg04Y2ERHTdk2UZCND+cScDqKup1y+h6wQLCNENQJKAP/7mDkDjjL6+/khcoQqkrN6tOT79uaE6ZnP9YAEhuhEIgaPrUjVPCc9H4lJzeA6EiIg0YQEhIiJNWECIiEgTngMhn8HneRB5FxaQG0RwoICMhmdK26vPo3OgcydTveGzm8/zIPIuLCA3CBkqCjdkAAAMBgX19Xan4qOenO2OtIjIh/EcCBERacICQkREmvAQFhG1SpKA1PF9Ncf7+p3s1DwWECJqnRA4si5VczjvZL8++dwhrPz8fCQlJWHEiBFISkrC8ePH2zslaiNJlpz6Z1dVx89E5H187htIamoqLBYLEhMTsXXrVqSkpOC9995r77SoDZy9DFeSJMfcTbwMl8j7+FQBKS0tRW5uLtatWwcASEhIQEZGBsrKymA0Gts5O/e68j4OLfhHPLUnp8+hSFKjmYPb+xxKS9PBn6+qgdKGaeKv1+ngfaqA2Gw2REZGQlEUAICiKIiIiIDNZmtzAZHd+Enq1r4lgZKtKzTHdx07DYZOXQAAikEBnLwPBJIMQ4gLRVqSEdA5zLmQKz9DNMS7uv22xl/1Wefx7bc93qh1NnfXtw8JJz96q+1rXzWmdz0zE3OevlPz1oMM9TCGBGqOlwSwdOO+JssNBhn19a3/YTfDMsCtnw9toXX714qThNb5ndvBwYMHMXPmTGzbts2x7NFHH8WiRYvQt6/2K0SIiMh5PnUS3WQyobi4GHZ7w1/PdrsdJSUlMJlM7ZwZEdGNx6cKSFhYGMxmM7KzswEA2dnZMJvN1/35DyIib+RTh7AAIC8vD8nJyaioqEBISAisVituueWW9k6LiOiG43MFhIiIvINPHcIiIiLvwQJCRESasIAQEZEmLCBERKQJCwgREWniU1OZtDer1YqcnBycPn0aWVlZ6N27d5N1li9fjg0bNiAiIgIAMGDAAKSmap8GW4vy8nK88sorOHnyJPz9/dGzZ0+kp6c3uV/Gbrdj7ty5+PbbbyFJEiZOnIgnnnjC6/L0hjGdPHkyTp06BVmWERQUhNmzZ8NsNjdap73H05lcvWFML1uxYgWWL1/e7HvKW8a0tTy9YTzj4+Ph7++PgIAAAMBLL72E++67r9E6uo+noDbbu3evKCwsFMOGDRM//fRTs+u89dZbYsGCBR7OrLHy8nLxz3/+0/F6wYIF4tVXX22y3scffyx+97vfCbvdLkpLS8V9990nCgoKvC5PbxjTiooKx89ffPGFGDt2bJN12ns8L2tLrt4wpkIIcfDgQTFhwgTx4IMPNvue8pYxbS1PbxjPa30uXab3ePIQlhNiY2N9YtqU0NBQDBkyxPG6f//+KCwsbLLeZ599hieeeAKyLMNoNOKhhx7C3/72N6/L0xsEBwc7fq6qqoIkNZ1grr3H87K25OoNamtrkZ6ejtTU1BZz9IYxbUuevkLv8eQhLDfYtm0bdu3ahfDwcEydOhUxMTHtlouqqti4cSPi4+ObtNlsNnTr1s3x2mQyoaioyJPpOVwrT8A7xvS1117DP/7xDwgh8Oc//7lJuzeNZ2u5Au0/psuWLcOYMWPQo0ePFtfxhjFtS55A+48n0HDYSgiBgQMHYsaMGQgJCWnUrvd48huIzsaNG4cvv/wSWVlZmDBhAiZPnozy8vJ2yycjIwNBQUEYP358u+XQFtfK01vG9PXXX8fXX3+NP/zhD1i4cKHHt++M1nJt7zHdt28fDhw4AIvF4rFtatHWPNt7PAFg/fr1+PTTT7FlyxYIIZCenu72bbKA6Cw8PBx+fn4AgHvvvRcmkwlHjhxpl1ysVitOnDiBpUuXNjwQ5yomk6nRISObzYauXbt6MkUArefpTWMKAGPHjsWePXuafEB4y3heqaVc23tM9+7di2PHjmH48OGIj49HUVERJkyYgF27djVar73HtK15tvd4AnAcXvf394fFYsEPP/zQ7Dq6jqfmsyc3sGudrCoqKnL8nJubKwYPHixKSko8lZrD4sWLxfjx48WFCxdaXGfLli1NTqidPHnSg1m2Lc/2HtOqqipRWFjoeP3ll1+KuLg4oapqo/W8YTzbmmt7j+nVWnpPecOYXqmlPNt7PKurqx0XT6iqKhYvXiwmT57cZD29x5PnQJwwd+5cbN++HWfPnsUzzzyD0NBQbNu2Db///e8xbdo03HnnnVi8eDEOHToEWZbh5+eHhQsXIjw83KN5HjlyBJmZmejVqxfGjRsHAIiKisLKlSsb5ZqYmIgff/wRjzzyCABgypQprR7nbY8823tML168iOnTp+PixYuQZRmdO3dGZmYmJEnyqvF0Jtf2HtNr8bYxbYk3jWdpaSmmTp0Ku90OVVURHR3tuIzYnePJ2XiJiEgTngMhIiJNWECIiEgTFhAiItKEBYSIiDRhASEiIk1YQIiISBMWEPI6WVlZeOyxxxATE4O4uDg8++yz+O6779o7rUb69OmDEydOtHcabZaZmYn4+HjExMTg/vvvx4svvtjeKdF1gDcSkldZt24d1qxZgzlz5iAuLg5+fn749ttv8eWXXyI2NtYjOdTX18NguH7eGh9//DG2bt2Kd999FzfffDPOnDmDnTt36rqN623MqG34DYS8RmVlJd566y2kpKTgkUceQVBQEPz8/BAfH4+ZM2cCaJha+/XXX0dcXBzi4uLw+uuvo7a2FgCwZ88e3H///XjnnXcwdOhQxMXFYcuWLY7+L126hAULFmDYsGEYOHAgfvOb3+DSpUs4deoU+vTpg82bN+PBBx/E008/DQD461//ilGjRmHQoEGYMGECTp8+DQB48sknAQCJiYmIiYnBZ599BgD46quvkJiYiNjYWIwbNw7//ve/HduOj4/H2rVrMXr0aAwcOBAvvvgiampqHO3Xil2zZg3uu+8+xMTEYMSIEdi9ezcA4F//+hcee+wxDBgwAPfccw/mz5/f7LgeOHAAcXFxuPnmmwE0zNuUlJTkaD937hxeffVVxMXFYdCgQZg8ebKjbdOmTXj44YcxePBgTJo0CcXFxY62Pn36YP369XjkkUccdzZr2Q/yYZonQSHS2TfffCPMZrOoq6trcZ2lS5eKJ554Qpw9e1aUlpaKpKQksWTJEiGEEP/85z+F2WwWS5cuFbW1teLrr78W/fr1E+fOnRNCCJGWlibGjx8vioqKRH19vfj+++9FTU2NKCgoEL179xYvv/yyqK6uFhcvXhRffPGFeOihh8TRo0dFXV2dWLlypUhKSnLk0bt3b3H8+HHH64MHD4q7775b7N+/X9TX14uPPvpIDBs2TNTU1AghGuZQevzxx0VRUZEoLy8XI0eOFBs2bGg1Ni8vT9x///2OuZYKCgrEiRMnhBBC/Pd//7f4+OOPhRANc2Dt27ev2TH75JNPxKBBg8Tbb78t/vWvf4n6+vpG7b///e/F9OnTxblz50Rtba3Ys2ePEEKI//3f/xWDBw8WBw8eFDU1NSI9PV1YLJZGY/Db3/5WlJeXi4sXL2reD/Jd/AZCXuPcuXPo0qXLNQ+FZGVlYcqUKQgLC4PRaMSUKVPw6aefOtoNBgOmTJkCPz8/PPDAAwgKCkJ+fj5UVcWWLVvw2muvITIyEoqiYMCAAfD393fETp06FUFBQQgMDMQHH3yAiRMnIjo6GgaDAZMmTcLhw4cd30KutmnTJiQlJeGuu+6Coij41a9+BT8/P+zfv9+xzlNPPYXIyEiEhoZi2LBhOHz4cKuxiqKgtrYWeXl5qKurQ1RUlOObhMFgwMmTJ1FWVoaOHTuif//+zeaWmJiIWbNmYdeuXXjqqadwzz33YM2aNQCAkpIS/P3vf8ecOXPQuXNn+Pn5YfDgwY6xfvzxx9G3b1/4+/tjxowZ2L9/P06dOuXoe+LEiQgNDUVgYKDm/SDfxYOW5DVCQ0NRXl5+zePpJSUljR6I061bN5SUlDTq48rYDh064MKFCygvL0dNTc01J467clrrwsJCzJs3D1ar1bFMCIHi4mJ07969SWxhYSE++eQT/M///I9jWV1dXaPcrpxcr0OHDo62a8UOHjwYf/zjH7F8+XIcPXoUcXFxSE5ORmRkJF5//XW89dZbGDVqFKKiovDCCy9g2LBhze7bmDFjMGbMGNTV1WHHjh14+eWXYTab0blzZ8e/q5WUlKBv376O1x07dkRoaCiKi4sRFRUFAI2e0Kl1P8h3sYCQ14iJiUFAQAB27NiBkSNHNrtOREQECgsLcdtttwFoeJ5BREREq3136dIFAQEBKCgowO23397sOlc+rtRkMmHSpEkYM2ZMm3K/vP7zzz/fpvWdiR09ejRGjx6NqqoqpKSk4I033sCiRYvQq1cvLF68GKqqYvv27Zg2bRr27NmDoKCgFrfl5+eHUaNG4e2338aRI0eQkJCA8+fPo6KiosnT6yIiIhp947pw4QLOnTvX6EO/uTFzdj/Id/EQFnmN4OBgTJs2Denp6dixYwcuXryIuro6fPPNN46n6v3yl7/En/70J5SVlaGsrAwrV67E6NGjW+1blmU8/vjjmD9/PoqLi2G327Fv3z7HCfirjRs3DmvWrHE8FKiyshKff/65o/2mm25CQUGB4/UTTzyBDz74AD/++COEELhw4QK+/vprVFVVtZrbtWKPHTuG3bt3o7a2Fv7+/ggICICiKACArVu3oqysDLIsOz78L7dd6aOPPnL0p6oqvvnmGxw9ehT9+vVDREQE7r//fsyZMwfnz59HXV0d9u7dC6DhA/+jjz7C4cOHUVtbi8WLF6Nfv36Obx967Qf5Ln4DIa/yzDPPICwsDKtWrcJLL72Ejh07om/fvpg0aRIAYPLkyaiurnZ8Mxg5cmSjq4auZebMmXjzzTfx61//GhcuXMDtt9+OtWvXNrvuww8/jOrqasyYMQOnT59GcHAw7rnnHowaNQoA8MILLyA5ORmXLl1Ceno6Hn30UWRkZCA9PR0nTpxAYGAgBgwY0KZLj++8884WY2tra/Hmm28iLy8Pfn5+iImJcTyq9Ntvv8WCBQtw6dIldOvWDUuWLEFAQECT/jt16oTMzEzk5eXBbreje/fuSEtLc+S2cOFCzJ8/H6NGjUJdXR2GDBmCQYMGYejQoZg+fTqmTp2KiooKxMTEYMmSJbrvB/kuPg+EiIg04SEsIiLShAWEiIg0YQEhIiJNWECIiEgTFhAiItKEBYSIiDRhASEiIk1YQIiISBMWECIi0uT/AzuIGbuq9mH3AAAAAElFTkSuQmCC\n", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "x1 = concreteness_scores['ArtEmis'][~concreteness_scores['ArtEmis'].isna()]\n", + "x2 = concreteness_scores['COCO'][~concreteness_scores['COCO'].isna()]\n", + "\n", + "fig = plot_overlayed_two_histograms(x2, x1, min_val=1.4, max_val=5.0, \n", + " n_bins=20, alpha=0.8, labels=['COCO', 'ArtEmis']);\n", + "\n", + "fig.axes[0].set_xlabel('Concreteness Scores')\n", + "fig.savefig('ArtEmis_vs_COCO_concreteness.jpg')" + ] + }, + { + "cell_type": "code", + "execution_count": 28, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "(2.784166666666667, 3.5657142857142854)" + ] + }, + "execution_count": 28, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "x1.median(), x2.median()" + ] + }, + { + "cell_type": "code", + "execution_count": 55, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Percentile of most abstract: 1\n", + "Number of words/bigrams to be used as abstract: 424 4\n", + "0.31532448909572364\n", + "0.026355171401842188\n" + ] + } + ], + "source": [ + "# restrict to the most abstract words, bigrams (per percentile value). How many of those are precent in eaach dataset?\n", + "wc_vals = list(word_to_concreteness.values())\n", + "prc = 1\n", + "conc_threshold = np.percentile(wc_vals, prc)\n", + "abstract_unigrams = set()\n", + "abstract_bigrams = set()\n", + "for k, v in word_to_concreteness.items():\n", + " if v <= conc_threshold:\n", + " if ' ' in k:\n", + " abstract_bigrams.add(k)\n", + " else:\n", + " abstract_unigrams.add(k) \n", + "\n", + "print('Percentile of most abstract:', prc)\n", + "print('Number of words/bigrams to be used as abstract:', len(abstract_unigrams), len(abstract_bigrams))\n", + "\n", + "uses_abstract = contains_word(datasets['ArtEmis'].tokens, abstract_unigrams)\n", + "uses_abstract |= datasets['ArtEmis'].tokens.apply(partial(contains_bigrams, abstract_bigrams))\n", + "print(uses_abstract.mean())\n", + "\n", + "uses_abstract = contains_word(datasets['COCO'].tokens, abstract_unigrams)\n", + "uses_abstract |= datasets['COCO'].tokens.apply(partial(contains_bigrams, abstract_bigrams))\n", + "print(uses_abstract.mean())" + ] + }, + { + "cell_type": "code", + "execution_count": 29, + "metadata": {}, + "outputs": [], + "source": [ + "##\n", + "## Sentiment Analysis\n", + "##" + ] + }, + { + "cell_type": "code", + "execution_count": 35, + "metadata": {}, + "outputs": [], + "source": [ + "def vader_classify(score, threshold=0.05):\n", + " if abs(score) < threshold:\n", + " return 'neutral'\n", + "\n", + " if score > 0:\n", + " return 'positive'\n", + "\n", + " if score < 0:\n", + " return 'negative'\n", + " \n", + "def vader_score(sentence):\n", + " return vader.polarity_scores(sentence)['compound']" + ] + }, + { + "cell_type": "code", + "execution_count": 31, + "metadata": {}, + "outputs": [], + "source": [ + "sentiment_scores = dict()\n", + "vader = SentimentIntensityAnalyzer()" + ] + }, + { + "cell_type": "code", + "execution_count": 32, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "ArtEmis sentiment-score 0.44 0.46\n", + "COCO sentiment-score 0.07 0.0\n" + ] + } + ], + "source": [ + "for dset_name in datasets: \n", + " sentiment_scores[dset_name] = datasets[dset_name]['utterance_spelled'].apply(lambda x: vader.polarity_scores(x)['compound'])\n", + " scores = sentiment_scores[dset_name]\n", + " smean = scores.abs().mean().round(2)\n", + " smedian = scores.abs().median().round(2) \n", + " print(dset_name, 'sentiment-score', smean, smedian)" + ] + }, + { + "cell_type": "code", + "execution_count": 36, + "metadata": {}, + "outputs": [], + "source": [ + "sentiment_classes_list = [] # aggregate for all datasets to make a nice plot\n", + "dataset_names = []\n", + "sentiment_classes = dict()\n", + "threshold = 0.05\n", + "for name in sentiment_scores:\n", + " temp = sentiment_scores[name].apply(lambda x: vader_classify(x, threshold=threshold))\n", + " sentiment_classes[name] = temp \n", + " sentiment_classes_list.extend(temp.to_list())\n", + " dataset_names.extend(len(temp) * [name]) " + ] + }, + { + "cell_type": "code", + "execution_count": 37, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "ArtEmis 0.164558242647641\n", + "COCO 0.7744512919789808\n" + ] + } + ], + "source": [ + "for name in sentiment_classes:\n", + " print(name, (sentiment_classes[name] == 'neutral').mean())" + ] + }, + { + "cell_type": "code", + "execution_count": 38, + "metadata": {}, + "outputs": [], + "source": [ + "d1 = pd.DataFrame(dataset_names, columns=['dataset'])\n", + "d2 = pd.DataFrame(sentiment_classes_list, columns=['sentiment-class'])\n", + "aggregate_sentiment_stats = pd.concat([d1, d2], axis=1)" + ] + }, + { + "cell_type": "code", + "execution_count": 39, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAW0AAAFtCAYAAADMATsiAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjMuNCwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8QVMy6AAAACXBIWXMAAAsTAAALEwEAmpwYAAArtUlEQVR4nO3de0BUZf7H8fcwyN0bCARp3jXSTNPyEt5TSDHUMlx+mpdtLVttS00tTcu8hKbmrbRVI6vtYl5K0rSy0mp1dVu1pDUzDBUUBUVQBGbm/P5wm43FFBVmOPB5/cWc51y+58z48cwz5zzHYhiGgYiImIKHuwsQEZGSU2iLiJiIQltExEQU2iIiJqLQFhExEYW2iIiJuCy0u3XrRnR0NLGxscTGxrJ9+3YAUlJSiIuLIyoqiri4OA4fPuxcxtVtIiLlnuEiXbt2NQ4cOFBs+uDBg43169cbhmEY69evNwYPHuy2NhGR8s6toX3q1CmjdevWhs1mMwzDMGw2m9G6dWsjMzPT5W0iImbg6cqz+nHjxmEYBq1bt2bMmDGkp6cTGhqK1WoFwGq1EhISQnp6OoZhuLQtMDCwxPuRmZmLw6EbSUWkbAQHV/3dNpeF9ltvvUVYWBgFBQXMmDGDadOmMXToUFdtvlQFBQW4uwQRqaRcFtphYWEAeHl5ER8fz8iRI3nqqac4ceIEdrsdq9WK3W4nIyODsLAwDMNwadvV0Jm2iJSly51pu+TqkfPnz5OTkwOAYRhs3LiRiIgIgoKCiIiIICkpCYCkpCQiIiIIDAx0eZuIiBlYDKPsR/k7cuQIo0ePxm6343A4aNiwIZMnTyYkJIRDhw4xceJEzp49S7Vq1UhISKBBgwYALm8rKZ1pi0hZutyZtktCu6L539C2222cPn0Sm63AjVXJpXh4WPH1DSAgoDoWi8Xd5YiUSLn4IbIiO336JD4+fvj736BgKEcMw8But5GTc4bTp08SGBji7pJErptuYy8FNlsB/v7VFNjljMViwdOzCjVqBFFQcMHd5YiUCoV2KVFgl18WiwegXkCpGBTaIiImotA2ubFjH2PTpiR3l3HVIiPbcPToEXeXIWI6+iHSRFasWMaxY0eZMuV557S5cxe6pZYZM54lODiEESMedcv2RSornWmLiJiIQrsMvflmIn373kOPHp34wx/6s3v3P3A4HLzxRiIPPBBLr17deeaZiZw9mw1AenoakZFt2LQpif79e9O7d3def30FADt2fMMbb7zGZ59toUePjgwZ8gcARo0awYYN6wHYuHEDI0cOZ+HCuURHd2HAgFi++24vGzduoH//3sTE9CjSlVJQUMDixS/Rv39v+vTpyZw5M8nPv3iVxbff7qZfv168/fabxMT0IDY2io8++hCADz5Yy5Ytm/jb31bRo0dHxo9/4pL7b7fbWbVqJQ88EEuPHp0YPnwQJ04cLzbfN998xbBh8fTs2Zn+/XuzYsUyZ1t+fj7Tpj1Dr17diY7uwkMPPUhWVqZzfwcMuLjuAQPuZcuWTdfzdomYgrpHykhq6mHWrl3N8uWrqFUrmPT0NBwOB++//w7bt3/B4sWvUqNGTV56aQ5z5ybw3HMzncvu27eHt99eQ2pqKiNGDKFz5260a9eBwYOHFese+V/JyfuJienLRx99xooVy5g69WnuuqsT77yzjj17vmXSpPF07twNPz8/XnllEWlpR0lM/Buenp48++xkXnttOY88MgqArKxMzp3LZf36TezatYPJkyfQsWMXYmP78/33+67YPfLuu2/x6aebefHFBdSpU5effjqIj49Psfl8fHyYPHka9es34OefD/HEE3+mceOmdOrUhU2bksjNzWXt2o+oUqUKBw/+iLe3N3l5ebz00ossX/46N91Uj1OnTjn/8xOpyBTaZcTDw0pBQQEpKT9To0ZNwsLCgYtnqU88MZ6QkFAAhg9/mPvu643NZnMuO2zYn/D29qFx4yY0atSYn376kXr16pdou2Fh4fTufS8A3bv3ZNWqlQwb9hBeXl7ceWc7qlSpwrFjR2jUqAkbNqzj9dffoVq16gA8+OAwnntusjO0rVZPhg59CE9PT9q3j8TX14/U1F9o3vzWEtWyYcN6Hn30MW66qR4AjRs3ueR8t9/exvl3o0aNufvuKPbs+SedOnXB09OTs2ezOXr0CI0aNebmmyMAyMvLw8PDws8/HyI09AZq1apFrVq1SlSXXJ9q1X3x9ipf0ZFfYONsdp67y3CJ8nXkK5Datevw2GNjWbnyVVJSfqZt23aMHj2G48fTefrpJ/Hw+O913VarldOns5yvAwODnH97e/uQl1fyD2PNmv8d/Mrb2/sS6/Pm/Pk8zpw5zYULF/jjHwc52wzDwOFwOF9Xr14dT8//fkR8fHzIyzt/ye1u2bKJOXMuflto0aIVc+cuJCPjBDfeWPuKNe/f/z1Lly4iJeUQhYWFFBYW0rVrdwCio3uTkXGCZ599mpycHKKi7mHEiD/j6+vLc8/N4u233+CFF57n1ltvY9SoJ6hbt14JjpJcD28vT8bPK19XLM0eE+PuElxGoV2GevaMpmfPaM6dy2X27Jm88spCQkJCeeqpKbRo0bLY/OnpaZddX2newFO9eg28vb154433CA6++tu7/7eWnj3voWfPe4pMCwkJ5dixozRo0Oiy63ruuUncd98DvPjiQry9vVmwYC7Z2WcA8PT0ZPjwEQwfPoL09DSefPIv3HRTXWJi+tK2bXvatm1Pfv4FXn31FRISpvPyy8uvel9EzEQ/RJaR1NTD/POfuygoKMDLyxtvb288PKz07Xsfr776MsePpwNw+vRptm//okTrDAwMdPaNXy8PDw/69OnHwoXznGf5J09msHPn30u0fM2agaSlHbvsPH369GX58qUcOZKKYRj89NNBZxj/1vnz56lWrTre3t4kJ3/PJ5987Gz79tvdHDr0E3a7HX9/f6xWTzw8rGRlZfLVV1+Sl5dHlSpe+Pn54eGhj7NUfDrTLiMFBYUsXbqIw4cP4+npya23tmD8+EkEBgZhGAZPPPFnTp06Rc2aNenevScdO3a54jq7dr2bzZs30atXd8LDw1m58q3rqnHkyNEkJi5nxIhhZGefITg4mL5976dt2/ZXXDYmJpZnnplIdHQXWrVqzaxZc4vNExf3fxQUFDBmzCjOnDlD3br1mDlzTrH5xo6dwOLFLzFv3mxatbqdbt3uJjc3F4DMzFPMmTOTkycz8PX1o3v3HvTseQ9nzpzhnXfe4vnnp2CxWGjUqAljx068ruMhYgYamvUa/O/QrMeP/8INN9R1Y0VyJXqPSk9wcNVy2ad98mSOu8soNW5/co2IiJQOhbaIiIkotEVETEShLSJiIgptERETUWiLiJiIQltExER0c42bBFSvgq9X8RHvrldewQVyswtLfb0iUj4otN3E18uHTvOjSn29257YTC6uDe31698nPz+fuLj/4+DBA6SmptK9ew9n+9Ch8SxbthJv79L/T0qkslFoy3Xr2/d+598HD/7IN99sLxLaiYl/c0dZIhWSQruSioxsw7Bhf2LXrp1kZ5/h4Yf/TJcuF4dD3bHjG5YtW4zD4aBGjZo8+eTT1K5dh9TUw8yY8RwXLlzA4bBzzz19iI8fzIoVy8jLy2Pw4KEsX76U8+fPMXRoPC1btuLxx58kMrINW7ZsY9u2z/nyy8+ZNetFAGw2G/fdF8PSpSsJCwvnrbde54svPsNut1OrVggTJkwiKEhjZIv8lkK7EvPw8GDp0pWkph7mkUf+yG23tQJg+vQpLFr0KvXrNyApaT3PPTeZv/71ddaufZ/27e9i6NCHADh79myR9VWvXoOHHnqEb77ZzvTps4ttr0uX7ixaNI8zZ85Qo0YNduz4hrp16xEWFs7mzRs5evQoy5Yl4uHhwbp177N48UtMnTq97A+EiIkotCuxmJhYAG66qR5NmjRl//7vAAsNGzahfv0GAPTqdS9z5yZw/vw5WrZsxZIlCygsLOT229sUeeJMSfj4+BAZ2ZlPPvmYAQMGsmnTBnr16gPAV19t49///oHhwy8+lMFutxEQEFB6OytSQSi0BYCLYz1aAIPfe9ZCly7dad68Bf/4xw7efDORjz768LLPq7yUXr36sGDBXHr2jGbPnm955pnn/7N9gyFDhjv/IxGRS9N12pXYr09XP3IklZ9+OkCzZs1p1qwFP/30I7/8chiATZuSaNy4KX5+/hw9eoTAwCB69erDsGF/Ijl5f7F1+vv7O8fCvpTbbmvF+fPnWLp0CR07dnE+6DcyshPr1r3v7HIpKCjg4MEfS3mPRcxPZ9pukldwgW1PbC6T9ZaUl5cXI0cO58yZMzz55NPO50tOnjyN556bhN1up0aNms6z6a1bP2HLlo+pUsUTi8XCX/4yttg6W7e+k7fffpMhQ/5Aq1a38/jjTxabJzq6N8uXL2XJkuVFpmVnn2H06BEAOBwO+vUb8LsPAxaprPQQhGtQER6C8OsVHX5+fu4uxSXM+B6VV3oIQtnTQxBERCoIdY9UUl99tdvdJYjINdCZtoiIiSi0RURMRKEtImIiCm0RERPRD5FuUq26L95epX/48wtsnM3OK/X1Xkl6ehr/+McOYmP7X9Pyvw46NWrU46VbmEgFo9B2E28vzzK51nX2mJhSX2dJpKen8eGH6343tG02G56e+riJXC/9K6qkIiPbMGLEo2zb9gXZ2dn8+c+POYdm3b//e5YuXcS5c+cAeOihR+jQIZJvv93NkiULWLHiDYAir+fNm016+jGGDo2ndu3aTJ8+m/vv70NMTCz//OcuwsNvZMSIR3n22UmcO3eOgoICOnS4i0cf/YvbjoGIGSm0KzF/f3+WL1/Fvn17mDLlKbp06U5OTg4vvjiTOXMWUqtWLU6dOsWf/vQgq1a9e9l1jRkzvkig/+rUqVMsWrQMgPz8fBIS5uPn54fNZmPMmFHs2PEN7dp1KLN9FKloFNqVWPfuFx931qzZrZw6dZL8/Hy+/34v6elpjBv3mHM+i8XCsWNHrmkb0dG9nX87HA5efnkB3323DzDIzMzk4MEfFdoiV0GhXYl5eXkBYLVaAbDb7RgGNGzYmCVL/lps/r1792AYDufrgoKCK27Dz8/X+fe7775FTs5ZXn01EW9vbxISZlBQkH+9uyFSqeiSPymiefMWHD2ayrff/vc29x9+2I9hGISHh5OWdoyzZ89iGAaffvrfUQr9/QM4d+73h2QFyMnJISioFt7e3pw8mcFXX31ZZvshUlHpTFuKqFatGi+8MI8lSxawYMFcbLZCwsNvJCFhPsHBIQwcOIg//nEw4eHh3HzzLaSk/AxAw4aNuOmmugwe/AB169a75OPGBgwYyDPPTGDYsHhCQkJp3foOV++eiOlpaNZrUBpDs1a067TLOw3NWno0NGvZu9zQrDrTdhMFq4hcC/Vpi4iYiEJbRMREFNoiIiai0BYRMRGFtoiIibj86pHFixezaNEiNmzYQJMmTUhJSWHixImcOXOGGjVqkJCQQL169QBc3uZKgQFVsPr6lPp67XkXyMotLPX1ikj54NLQ3r9/P3v27CE8PNw5berUqcTHxxMbG8sHH3zAlClTWLVqlVvaXMnq68ORjh1Lfb11tm+HchbaBw8eIDU1le7dezinDR0az7JlK/H2Lv3/uEQqMpd1jxQUFDBt2jSmTp2KxWIBIDMzk+TkZGJiLo4BHRMTQ3JyMllZWS5vk7Jz8OCPfP75J0WmJSb+TYEtcg1cdqa9YMEC7r33XurUqeOclp6eTmhoqHPAIqvVSkhICOnp6RiG4dK2wMBAVx2KcuFaxtMGWLPmXVavfoeAgKq0b38Xa9e+x0cffYbNZmP8+MfJzs4mPz+fW25pxpNPPs358+dYvnwp58+fY+jQeFq2bMXjjz9JZGQbtmzZxrZtn/Pll58za9aLwMWHJdx3XwxLl64kLCyct956nS+++Ay73U6tWiFMmDCJoKBa7jloIuWAS0L7X//6F9999x3jxo1zxebKXFBQQJHXGRkeeHqWn990S1pL1aoBJCa+yd69e5g8eQJ3392DnJwc5s6dxbx5C6lVK5hTp04ybNhg/va31Rw/ns6bbyayatU71KxZk/nz5wAWPD09sFqr8PzzM6levQaGYTBt2hQ2bdpA//73M2LESL7+ejuzZs0pVufdd9/NokXzyc3NpkaNmvz973+nXr161KlTm02bPiIt7SgrVqzCw8ODNWtWs2TJAqZNm3HVx8TDw+OytwaL+VWW99clob1r1y5+/vlnune/eCZ3/Phx/vjHP/LUU09x4sQJ7HY7VqsVu91ORkYGYWFhGIbh0rar8b9jjzgcDmw2x2WWcK2S1tK1a09sNgc339yMkydPcu5cHnv2/Iu0tGM8/vho53wWi4VffvmF777bR7t2d1G1anVsNgfR0X34+OON2GwO7HY7b7yxih07vsHhsJOTk4OXlzc2mwOHw8AwjGJ12WwO/Pz8iIzsxKZNmxgwYCBJSR9yzz19sNkcbNv2Jf/+9w88+GA8AHa7jYCAgGs61g6Ho0KNTeFO5TUcK9L76/axR0aMGMGIESOcr7t168bSpUtp0qQJb7/9NklJScTGxpKUlERERISzqyIiIsKlbZXN1Y6nvW/fXsByyXV98snH7Nu3h5df/it+fv6sWrWSI0dSS1RHr159WLBgLj17RrNnz7c888zzABiGwZAhw4mJib2GvROpmNz+nf7ZZ5/lzTffJCoqijfffJPnnnvObW1y+fG0W7VqzY4dX3PmzBkAPv74vyO95ebmUL16Dfz8/MnNzeWTTz52tvn7X5z2e267rRXnz59j6dIldOzYBR+fiz9QRkZ2Yt269zl79ixw8cfsgwd/LM3dFTEdt4zyt3XrVuffDRs2ZPXq1Zecz9VtrmTPu3Dx8rwyWO/1uNx42o0bNyE+/kEeeWQYgYFBtGlzJ/7+F/v3o6Nj2L59G4MGPUBwcDC33daK/PyLT6Vp3fpO3n77TYYM+QOtWt3O448/WWy70dG9Wb58KUuWLC8yLTv7DKNHX/yW5nA46NdvAI0bN7mufRQxM42nfQ1KYzxtszp//hx+fv4ArFixjGPHjjJlyvNururKKtN7VNY0nnbZc3uftlQcr7yymO++2+s8Ax8/fpK7SxKpVBTaclXGjp3g7hJEKjW3/xBZUaiXqfzSeyMViUK7FHh4WLHbbe4uQ35HYWEBVqu+VErFoNAuBb6+AeTknMEwys8NNnLxDLugIJ8zZ04SEFDD3eWIlAqdfpSCgIDqnD59khMnjgL6Kl6eWK2eVK1aE19ff3eXIlIqFNqlwGKxEBgY4u4yRKQSUPeIiIiJKLRFRExEoS0iYiIKbRERE1Foi4iYiEJbRMREFNoiIiai0BYRMRGFtoiIiSi0RURMRKEtImIiCm0RERNRaIuImIhCW0TERBTaIiImotAWETERhbaIiIkotEVETEShLSJiIgptERETUWiLiJiIQltExEQU2iIiJqLQFhExEYW2iIiJKLRFRExEoS0iYiIKbRERE1Foi4iYiEJbRMREFNoiIiai0BYRMRGFtoiIiSi0RURMRKEtImIiCm0RERNRaIuImIhCW0TERBTaIiImotAWETERhbaIiIkotEVETEShLSJiIgptERETUWiLiJiIy0L70Ucf5d5776Vv377Ex8fzww8/AJCSkkJcXBxRUVHExcVx+PBh5zKubhMRKe9cFtoJCQl8+OGHrF+/nuHDh/P0008DMHXqVOLj49m8eTPx8fFMmTLFuYyr20REyjuXhXbVqlWdf+fm5mKxWMjMzCQ5OZmYmBgAYmJiSE5OJisry+VtIiJm4OnKjU2aNImvv/4awzBYvnw56enphIaGYrVaAbBarYSEhJCeno5hGC5tCwwMdOWhEBG5Ji4N7RkzZgCwfv16Zs+ezV/+8hdXbr7UBAUFuLsEEfkfwcFVrzxTBeDS0P5V3759mTJlCjfccAMnTpzAbrdjtVqx2+1kZGQQFhaGYRgubbsamZm5OBxGGR0dkfKtvIbjyZM57i6h1FzuGLukT/vcuXOkp6c7X2/dupXq1asTFBREREQESUlJACQlJREREUFgYKDL20REzMBiGEaZnzKeOnWKRx99lLy8PDw8PKhevToTJkygWbNmHDp0iIkTJ3L27FmqVatGQkICDRo0AHB5W0npTFsqs+Dgqoyfl+TuMoqYPSam0pxpuyS0KxqFtlRmCu2y5/buERERKR0KbRERE1Foi4iYiEJbRMREFNoiIiai0BYRMRGFtoiIiSi0RURMRKEtImIiCm0RERNRaIuImEiJQ3vFihWXnP7aa6+VWjEiInJ5JQ7tJUuWXHL6K6+8UmrFiIjI5V3xIQh///vfAXA4HOzYsYPfDgp49OhR/P39y646EREp4oqhPWnSJADy8/OdT1AHsFgsBAcHM3ny5LKrTkREirhiaG/duhWA8ePHM3v27DIvSEREfl+JnxH528B2OBxF2jw8dBGKiIgrlDi09+/fz7Rp0zhw4AD5+fkAGIaBxWLhhx9+KLMCRUTkv0oc2hMnTqRr167MnDkTHx+fsqypQgqoXgVfr/J33PIKLpCbXejuMkSkhEoc2seOHeOJJ57AYrGUZT0Vlq+XD53mR7m7jGK2PbGZXBTaImZR4s7oHj168NVXX5VlLSIicgUlPtPOz89n1KhRtG7dmlq1ahVp01UlIiKuUeLQbtSoEY0aNSrLWkRE5ApKHNqjRo0qyzpERKQEShzav97Ofint27cvlWJEROTyShzav97O/qvTp09TWFhIaGgon332WakXJiIixZU4tH+9nf1XdrudV155RQNGiYi40DXff261WnnkkUdYvnx5adYjIiKXcV2Dhnz99de62UZExIVK3D3SuXPnIgGdl5dHQUEBU6dOLZPCRESkuBKH9pw5c4q89vX1pX79+gQEBJR6USIicmklDu0777wTuDgs66lTp6hVq5aGZBURcbESp25ubi7jx4+nRYsWdOrUiRYtWjBhwgRycnLKsj4REfmNEof29OnTycvLY8OGDezbt48NGzaQl5fH9OnTy7I+ERH5jRJ3j2zfvp1PP/0UX19fAOrXr8+sWbPo0aNHmRUnIiJFlfhM29vbm6ysrCLTTp8+jZeXV6kXJSIil1biM+3777+f4cOHM3ToUMLDw0lLSyMxMZEBAwaUZX0iIvIbJQ7tkSNHEhoayoYNG8jIyCAkJISHHnpIoS0i4kIl7h6ZMWMG9evXJzExkY0bN5KYmEjDhg2ZMWNGWdYnIiK/UeLQTkpKonnz5kWmNW/enKSkpFIvSkRELq3EoW2xWHA4HEWm2e32YtNERKTslDi027Rpw4IFC5wh7XA4WLRoEW3atCmz4kREpKiregjCww8/TGRkJOHh4aSnpxMcHMzSpUvLsj4REfmNEof2DTfcwLp169i3bx/p6emEhYXRokULjT8iIuJCJQ5tAA8PD1q2bEnLli3LqBwREbkcnSaLiJiIQltExEQU2iIiJqLQFhExEYW2iIiJKLRFRExEoS0iYiIKbRERE1Foi4iYiEtC+/Tp0/zpT38iKiqKPn36MGrUKOejy1JSUoiLiyMqKoq4uDgOHz7sXM7VbSIi5Z1LQttisfDQQw+xefNmNmzYQJ06dXjxxRcBmDp1KvHx8WzevJn4+HimTJniXM7VbSIi5Z1LQrtGjRq0bdvW+bply5akpaWRmZlJcnIyMTExAMTExJCcnExWVpbL20REzOCqBowqDQ6Hg7fffptu3bqRnp5OaGgoVqsVAKvVSkhICOnp6RiG4dK2wMDAEu9DUFBAaR4StwsOruruEkSuW2X5HLs8tJ9//nn8/PwYNGgQycnJrt58qcjMzMXhMK5qmfL8gTp5MsfdJYiJlNfPckX6HF/uGLs0tBMSEvjll19YunQpHh4ehIWFceLECex2O1arFbvdTkZGBmFhYRiG4dI2EREzcNklf/Pnz+f7779nyZIleHl5ARAUFERERITz4cBJSUlEREQQGBjo8jYRETOwGIZxdd/zr8HBgweJiYmhXr16+Pj4AFC7dm2WLFnCoUOHmDhxImfPnqVatWokJCTQoEEDAJe3ldS1do90mh91Vcu4wrYnNleor5VS9oKDqzJ+XpK7yyhi9piYCvU5vlz3iEtCu6JRaEtlptAue5cLbd0RKSJiIgptERETUWiLiJiIQltExEQU2iIiJqLQFhExEYW2iIiJKLRFRExEoS0iYiIKbRERE1Foi4iYiEJbRMREFNoiIiai0BYRMRGFtoiIiSi0RURMRKEtImIiCm0RERNRaIuImIhCW0TERBTaIiImotAWETERhbaIiIkotEVETEShLSJiIgptERETUWiLiJiIQltExEQU2iIiJqLQFhExEYW2iIiJKLRFRExEoS0iYiIKbRERE1Foi4iYiEJbRMREFNoiIiai0BYRMRGFtoiIiSi0RURMRKEtImIiCm0RERNRaIuImIhCW0TERBTaIiIm4unuAkT+V2BAFay+Pu4uoxh73gWycgvdXYZUcgptKXesvj4c6djR3WUUU2f7dlBoi5upe0RExEQU2iIiJqLQFhExEYW2iIiJKLRFRExEoS0iYiIuCe2EhAS6detG06ZN+fHHH53TU1JSiIuLIyoqiri4OA4fPuy2NhERM3BJaHfv3p233nqLG2+8scj0qVOnEh8fz+bNm4mPj2fKlCluaxMRMQOXhHabNm0ICwsrMi0zM5Pk5GRiYmIAiImJITk5maysLJe3iYiYhdvuiExPTyc0NBSr1QqA1WolJCSE9PR0DMNwaVtgYOBV1R4UFFBah6FcCA6u6u4STEPHqvyqLO+NbmO/BpmZuTgcxlUtU54/UCdP5ri7hCJ0rMq38vr+VKT35nLH2G2hHRYWxokTJ7Db7VitVux2OxkZGYSFhWEYhkvbRETMwm2X/AUFBREREUFSUhIASUlJREREEBgY6PI2ERGzsBiGcXXf86/B9OnT2bJlC6dOnaJmzZrUqFGDjz76iEOHDjFx4kTOnj1LtWrVSEhIoEGDBgAub7sa19o90ml+1FVvq6xte2JzuftaGRxctdyO8lfejpU7BAdXZfy8JHeXUcTsMTEV6r25XPeIS0K7olFoly2Fdvmm0C57lwtt3REpImIiunpEpJwKqF4FX6/y9wQfcS+Ftkg55evlU2671MR91D0iImIiCm0RERNRaIuImIhCW0TERBTaIiImotAWETERhbaIiInoOu1KrtBmL7dDbYpIcQrtSq6Kp7VcjiMhIpem7hERERNRaIuImIhCW0TERBTaIiImotAWETERhbaIiIkotEVETEShLSJiIgptERETUWiLiJiIQltExEQU2iIiJqLQFhExEYW2iIiJaGhWETE9Iz+/XI4Lb8+7QFZuYamuU6EtIqZn8fbmSMeO7i6jmDrbt0Mph7a6R0RETEShLSJiIgptERETUWiLiJiIQltExEQU2iIiJqLQFhExEYW2iIiJKLRFRExEoS0iYiIKbRERE1Foi4iYiEJbRMREFNoiIiai0BYRMRGFtoiIiSi0RURMRKEtImIiCm0RERNRaIuImIhCW0TERBTaIiImotAWETERhbaIiIkotEVETKRShnZKSgpxcXFERUURFxfH4cOH3V2SiEiJVMrQnjp1KvHx8WzevJn4+HimTJni7pJERErE090FuFpmZibJycm89tprAMTExPD888+TlZVFYGBgidbh4WG5pm3fUC30mpYrazWr+bq7hGKsN9zg7hIu6Vrf+2ulz0zJVZbPjMUwDKNU11jOff/990yYMIGPPvrIOa1Xr17MmTOHZs2aubEyEZErq5TdIyIiZlXpQjssLIwTJ05gt9sBsNvtZGRkEBYW5ubKRESurNKFdlBQEBERESQlJQGQlJREREREifuzRUTcqdL1aQMcOnSIiRMncvbsWapVq0ZCQgINGjRwd1kiIldUKUNbRMSsKl33iIiImSm0RURMRKEtImIiCm0REROpdLexy39lZ2cTGRnJwIEDmTRp0u/Ol5iYSJ8+fQgKCgJg7dq1zJw5kxtvvNE5T8eOHRk3btxVbX/SpEn069ePNm3aXNsOSLlQWFjIyy+/zMaNG/H09MThcNC5c2fGjh1LSkoKCQkJpKam4nA4aNasGU899VSR+yI+/PBDVq5cyYULF7BYLNx88808+eSThIeHk52dTUJCAjt37sTT05OaNWsybty4yv2ZMaTSeuONN4xBgwYZ7du3N/Lz84u12+12w+FwGF27djUOHDjgnL5mzRpj9OjRrixVyrGxY8cao0aNMnJycgzDMIyCggLjnXfeMdLS0owOHToYGzdudM772muvGdHR0UZBQYFhGIbx3nvvGffcc4+RkpLinGfHjh3G3r17DcMwjCFDhhgzZswwbDabYRiGsXPnTqNt27bG4cOHXbR35Y8u+avE+vXrx/jx41m2bBkDBw4kOjqaRYsW8csvv3D+/HmOHDlCr169WLJkCbVr18bb25u5c+eyb98+vvjiCxYuXFhsnYsWLeLnn38mNzeXw4cP06xZM0aMGMELL7xAWloaPXr0YMKECQAMHjyY4cOH07VrV959910SExPx8vLC4XDw0ksv0bBhQ1cfErlKhw8fpm/fvnz55ZdUr169SNvixYs5dOgQ8+fPLzL9gQceID4+nr59+9K5c2emT59Ox44di617165djBs3jk8//ZQqVao4p8+ZM4fTp08zc+bMstmpck7dI5XUv//9b7Kzs2nXrh0nT55kzZo1REdHA7B7927Wrl3rvEt09erVLFy4kCZNmgCwb98+vvnmG2JjY53rGzRoEAMGDABg//79rFmzBj8/P/r168fcuXNZvnw5NpuN7t27ExcXR7169YrUM3v2bJKSkggLC6OgoMA5zICUb8nJydStW7dYYAP8+OOP3H777cWmt2jRggMHDpCZmcnx48e57bbbLrnuAwcO0KxZsyKBDdCyZUteeeWV0tkBE1JoV1Lvv/8+sbGxWCwWevbsyfTp0zlx4gQAnTp1uuJt/R06dLjkmTZAZGQkVatWBaBp06bcfPPNeHl54eXlRf369UlNTS0W2u3ateOpp56ie/fudOnShTp16lz/TopbXelL/PW2V1a6eqQSKigoYMOGDaxZs4Zu3brRq1cvCgsLWbduHQD+/v7XtX5vb2/n31artdjrS51FL168mDFjxpCXl8eDDz7Il19+eV01iGvccsst/PLLL2RnZxdra9q0KXv37i02fd++fTRt2pRatWoRGhrKvn37Lrnum2++mf3791NYWFhk+p49e2jatGnp7IAJKbQroU8//ZQGDRqwbds2tm7dytatW1m5ciVr16695Pz+/v7k5OSUWT02m40jR47QokULRowYwV133cUPP/xQZtuT0lOvXj26devGlClTyM3NBS6OnPn666/Tv39/du7cyaZNm5zzJyYmkp2dTe/evQF49NFHeeGFF0hNTXXOs337dvbu3csdd9xB3bp1mTNnjvM/+l27dvH+++/z8MMPu3Avyxd1j1RCa9eupU+fPkWmtWrVCofDwa5du4o9DOLBBx/k6aefxsfHh7lz5wIU69Nu3rw5M2bMuKZ6HA4HEydOJCcnB4vFQlhYGGPHjr2mdYnrvfDCCyxZsoT77ruPKlWqOC/5Cw4OZuXKlcyePZu5c+diGAYRERGsXLnS2U89cOBAfHx8eOyxx7hw4QIeHh7OS/4AFi5cSEJCAj169KBKlSrUqFGDhQsXFuteq0x09YiIiImoe0RExEQU2iIiJqLQFhExEYW2iIiJKLRFRExEoS1yGRMnTiw2doaIOym0RUrB4MGDWb16dYXZjpRfCm0RERNRaIv8RnJyMv369aNVq1Y8/vjj5OfnAxcfGPHwww/Trl077rjjDh5++GGOHz8OwPz589m9ezfTpk2jVatWTJs2DYDp06fTuXNnbr/9dvr378/u3bud29m3bx/9+/fn9ttvp0OHDsyaNcvZtmfPHgYOHEibNm2499572blz52W3I5WM+4byFilf8vPzjS5duhivvfaaUVBQYGzatMm45ZZbjHnz5hlZWVnGxx9/bJw/f97IyckxRo8ebYwcOdK57KBBg4z33nuvyPrWr19vZGVlGYWFhcaKFSuMDh06GBcuXDAMwzAeeOABY926dYZhGEZubq7xr3/9yzAMwzh+/Lhx5513Gl988YVht9uNr776yrjzzjuNzMzM392OVC460xb5j71791JYWMiQIUOoUqUK0dHR3HrrrQDUrFmTqKgofH19CQgIYOTIkezateuy64uNjaVmzZp4enoyfPhwCgoKSElJAcDT05PU1FSysrLw9/enZcuWAHzwwQd06tSJzp074+HhwV133UXz5s016qE4acAokf/IyMggNDQUi8XinBYeHg5AXl4es2bNYvv27c5hSM+dO4fdbsdqtV5yfStXrmT16tVkZGRgsVjIzc3l9OnTAMyYMYOFCxdyzz33ULt2bUaNGkXXrl1JS0vj448/5vPPP3eux2az0bZt27LabTEZhbbIfwQHB3PixAkMw3AGd1paGnXq1GHlypWkpKTw3nvvERwczA8//EDfvn1/d6D+3bt389e//pXExEQaN26Mh4cHd9xxh3P+evXqMW/ePBwOB1u2bOGxxx5j586dhIWFERsby/Tp012232Iu6h4R+Y+WLVvi6enJqlWrsNlsbNmyhe+++w64eFbt7e1NtWrVOHPmDIsXLy6ybK1atThy5Ijz9blz57BarQQGBmKz2Vi8eLFzvGm42A2SlZWFh4cH1apVAy4+IOLee+/l888/Z/v27djtdvLz89m5c6fzR8//3Y5UPgptkf/w8vJi0aJFrFu3jjvuuIONGzfSo0cPAIYMGUJ+fj7t2rUjLi6u2INoH3zwQTZv3swdd9zB9OnTiYyMpFOnTkRFRdGtWze8vb0JCwtzzr99+3Z69+5Nq1atmDFjBvPnz3fO8/LLL7Ns2TLat29P586dWbFiBQ6H45LbkcpH42mLiJiIzrRFRExEoS0iYiIKbRERE1Foi4iYiEJbRMREFNoiIiai0BYRMRGFtoiIiSi0RURM5P8BEQWsCauym/oAAAAASUVORK5CYII=\n", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "c = sns.catplot(x=\"dataset\", \n", + " hue=\"sentiment-class\", \n", + " data=aggregate_sentiment_stats, \n", + " kind=\"count\", \n", + " palette={\"negative\": \"#FE2020\", \n", + " \"positive\": \"#2f9c3b\", \n", + " \"neutral\": \"#6b8abd\"}, \n", + " legend_out=False,\n", + " )\n", + "c.savefig('ArtEmis_vs_COCO_sentiment_classes.jpg')" + ] + }, + { + "cell_type": "code", + "execution_count": 40, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAZAAAAENCAYAAAAhRzNRAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjMuNCwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8QVMy6AAAACXBIWXMAAAsTAAALEwEAmpwYAAAllElEQVR4nO3de1iUZd4H8O/MM4AHQB3iMHjIxNBJMw8kalIrkiihpmUYq+1m5qppppViKWxqrpRvlkYeMt03LzUPJSVimOuWbQc3UzPFFHkxFUZQ0AA1kJn7/YN1VgTmcM9J8Pu5Lq9L5n7ueX5zD/p9jvejEkIIEBER2Unt6QKIiKhhYoAQEZEUBggREUlhgBARkRQGCBERSWGAEBGRFJsCJDo6GoMHD8bw4cMxfPhwfP311wCAvLw8JCQkIDY2FgkJCTh16pS5j7vbiIjIzYQNBgwYII4fP17r9bFjx4r09HQhhBDp6eli7NixHmsjIiL3Uglh/UbC6OhorFixAuHh4ebXiouLERsbi3379kFRFBiNRkRGRmLXrl0QQri1TavV2hyYFy9ehslk/72TAQG+KC4ut7ufq7Eu+7Au+7Au+zTGutRqFVq1al5nm8bWN3nppZcghECvXr0wY8YMGAwGBAcHQ1EUAICiKAgKCoLBYIAQwq1t9gSIySSkAuR631sR67IP67IP67LP7VSXTQGyfv166HQ6VFZW4vXXX8e8efPw5z//2enFuENAgK9038BAPydW4jysyz6syz6syz63U102BYhOpwMAeHt7IzExEZMmTcLs2bNRWFgIo9FoPqRUVFQEnU4HIYRb2+xRXFwulcSBgX44f77M7n6uxrrsw7rsw7rs0xjrUqtV9W54Ww2QK1euwGg0ws/PD0IIZGZmQq/XIyAgAHq9HhkZGRg+fDgyMjKg1+vNh5Pc3UZEtychBC5ePI/Kyt8BePbwUVGRGiaTyaM11MV6XSp4ezdBq1aBUKlUNr+v1ZPoZ86cwdSpU2E0GmEymRAWFoY5c+YgKCgIubm5SEpKQmlpKfz9/ZGamooOHToAgNvbbMU9EPdgXfZhXfa5sa6yskuoqrqGli0DoFJ59tY2jUaNqqpbL0Cs1SWECZcuXYBG4w0/v5Y12iztgdh0FVZjwgBxD9ZlH9ZlnxvrKio6C602GBqNl4erargBAgBVVddQUlKIoKA2NV63FCC8E52IGjSTyQhFsfmCUqqHomhgMhnt6sMAIaIGz57j9lQ3mTFkbBO5gZePBpYOIPxWXgHFp/5/jmoA1yqqnF5XY2VtvGXZ+j1UVVXh739fjd27d0Gj0UAIE/r0eQCTJk3F6dOn8O677yA//wxMJoFOnTph6tQZCA4OMffftWsnNm5ch4qKCqhUKnTseDcmTZqGkJAQlJaWIi3tbRw48CMURUGrVi0xceJU3HdfDxd8YssYIERuYAKQvPK7etu9NGpcs3CMet5f+rqgqsbL2njLsvV7WLjwNVRU/I41a9ahWbPmqKqqwo4dn6G4+AJeeOE5vPDCy4iOjgEAbNq0HjNmTMH//u9H0Gg02L49HZs2rcff/vY/aNu2HQDgwIH9KCm5gJCQEMydm4SwsDB89NEnUBQFBw/+iFdffRkrVqxFmzZtnf6ZLeEhLCIiJzpz5jT27v0nZs2ai2bNqqcA0Wg0GD58JDIzt6NHj57m8ACAhIQ/onlzX+zenQUAWLv2fUydOsMcHgDQs2cE7rmnKw4dOoAzZ37F5MnTzLNy9OjRC3Fxw7Bu3Vo3fspqDBAiIic6ceI42rRpB39//1ptubk56NLl3lqv33NPV5w8mYOLF0tQVFSIe+7pWud75+bmoFOnztBoah486tLlXpw8meOcD2AHBggRkVPVf5uAtbsmHG13NwYIEZEThYd3xtmzp1FaWlqrrWPHcBw9+nOt17OzjyAsrCO02gAEBgbh2LGjdb53x47hOH78F1RV1TyRf/TozwgL6+icD2AHBggRkRO1bdsODzzwIN58cyGuXLkMADAajdi8eSOGDBmKAwd+xJ49u83Lb9q0HmVlpXj44cEAgD/96RksW/YW8vPPmpfZt+87HD16BN2790SbNm3x3nvvwGisvmfj0KED2LHjU4wd+7QbP2U1XoVFRORkc+a8hjVrVmHcuLHw8tJACIE+fR7AHXfcgSVL0pCW9jZWrFgGIYC77w7HkiVp5vMajz76GHx8fDBnzkxUVFRArVYjLOxuTJ78PABgwYJUvPvu2xg9egQURYMWLVpg/vzUGifd3YVTmdioIUzpcCthXTUpPhqHL+M1euA+kIbwPZ479ytCQu6s0e6p+0Aa8lQmQN1j6dBsvEREDY2rbrq0b6KPxo/nQIiISAoDhIiIpDBAiIhICgOEiIikMECIiEgKA4SIiKTwMl4ianT8mgioXXAniAlqlP1u24OXSktL8eijgzF8+GOYNu3FepfbvHkDHn54MFq10gIAMjO3Y+nS/0FISKh5mcjIvpg0aapdtS5aNB9DhsS79DkhDBAianTUMKFgw3ynv29o4lwAik3LfvHFTnTpci92787C5MnPw8ur5jPbTSYTVCoVNm/eiIiI3uYAAYCIiN5YsOANh2pNSprrUH9bMECIiFxgx47PMHnyNKxb93f8619fYcCAGHzwwUrk55/F1atXkJ9/FgMHDsKFC+cxZ84seHv7ICVlgcX3/OCDlTh9+hQuX76MM2dOo1MnPcaM+RPeffdtnDtnwEMPReO556YBAKZMmYAnnxyLBx6IQnr6x9i4cT28vLwhhAnz5i3CnXe2d/gzMkCIiJwsJ+cESktL0avX/SgpKcaOHZ9hwIDqh0gdOnQAa9asR8uWLQEA27enY8GCVHToUD2b7rFjR7F//7/x5z8nmt/vsceewNChjwIAjh//BatXr0PTpk0xbtwYrFjxLhYvXgqj0YhRo4Zh2LARtebFWrbsHXz44UcIDg5BZWUlTCbnHN5jgBAROdmOHZ9i8OBHoFKp8NBDA7BkyZs4f74IANC37wPm8KiPpUNYvXv3ga9v9dxUHTt2RFhYOLy9vQEA7drdifz8s7UCJCLifixcOA9RUQ+ib9/+aN26jYOfsBoDhIjIia5du4Yvvvgc3t4++PzzHQCAqqoq7NyZAQBo2rSZQ+/v7e1j/rtarcDHx/uGn9Xmad5vtGjRYvz888/48cf9eP75iXjppdno2/cBh+oAGCBERE61d++XaNeuPZYv/8D82pEjh7FgQYr5mR83at68OcrLy11WT1VVFc6dq35M7j33dEVBwVnk5BxngBAR1cUE9X+umHL++1qTmbkdgwYNqfFa167dYDKZ8NNPBxEe3rlG2+OPj8bChfPQpEkT80n0m8+BdO6sl76qymQyYf78FJSVlUGlUiM4OBgTJ06Req+b8XkgNmoIz0W4lbCumvg8EOey9jwQT7ndngfCO9GJiEgKA4SIiKQwQIiowbvNjsS7hMwYMkCIqEFTqxUYje4/P9TYGI1VUKttm6blOgYIETVoTZv6oqzsEoS49U5eNxRCmFBWdhFNm9Z9srw+vIyXiBo0X98WuHjxPAoLzwLw7KEstVrttGlCnMl6XSp4ezeBr28Lu96XAUJEDZpKpYJWG+TpMgA0jMuencmuQ1jvvvsuOnXqhBMnTgAA8vLykJCQgNjYWCQkJODUqVPmZd3dRkRE7mVzgBw9ehSHDh1CaOh/H3KSkpKCxMREZGVlITExEcnJyR5rIyIi97IpQCorKzFv3jykpKRApap+GldxcTGys7MRHx8PAIiPj0d2djZKSkrc3kZERO5n0zmQd955B8OGDUPbtm3NrxkMBgQHB0NRqi/7UhQFQUFBMBgMEEK4tU2r1YKIiNzLaoAcPHgQP//8M1566SV31ONy9c3pYovAQD8nVuI8rMs+nqjrt/IKeGks7/BbalfUamg9NJ78Hu1zO9VlNUB++OEH/N///R8GDhwIADh37hyeeeYZzJ49G4WFhTAajVAUBUajEUVFRdDpdBBCuLXNHpxM0T1YV02Kj8biZInWJlM0mkweqZvfo30aY10OTaY4YcIE/Otf/8KePXuwZ88ehISE4IMPPkBcXBz0ej0yMqofkpKRkQG9Xg+tVouAgAC3thERkfvZPZ17dHQ0VqxYgfDwcOTm5iIpKQmlpaXw9/dHamoqOnToAABub7MV90Dcg3XVxOncnYt12cdVeyB8HoiNGuMvhiuxrpoYIM7FuuzjsUNYREREdWGAEBGRFAYIERFJYYAQEZEUBggREUlhgBARkRQGCBERSWGAEBGRFAYIERFJYYAQEZEUBggREUlhgBARkRQGCBERSWGAEBGRFAYIERFJYYAQEZEUBggREUlhgBARkRQGCBERSWGAEBGRFAYIERFJYYAQEZEUBggREUlhgBARkRQGCBERSWGAEBGRFAYIERFJYYAQEZEUBggREUlhgBARkRQGCBERSWGAEBGRFAYIERFJYYAQEZEUmwJk8uTJGDZsGB599FEkJibi2LFjAIC8vDwkJCQgNjYWCQkJOHXqlLmPu9uIiMi9bAqQ1NRUfPbZZ0hPT8e4cePwyiuvAABSUlKQmJiIrKwsJCYmIjk52dzH3W1EROReNgWIn5+f+e/l5eVQqVQoLi5GdnY24uPjAQDx8fHIzs5GSUmJ29uIiMj9NLYu+Oqrr+Kbb76BEAKrV6+GwWBAcHAwFEUBACiKgqCgIBgMBggh3Nqm1WqdOihERGSdzQHy+uuvAwDS09PxxhtvYNq0aS4rypUCAnyl+wYG+llfyANYl308Uddv5RXw0lje4bfUrqjV0HpoPPk92ud2qsvmALnu0UcfRXJyMkJCQlBYWAij0QhFUWA0GlFUVASdTgchhFvb7FFcXA6TSdj7sREY6Ifz58vs7udqrMs+nqpL8dHgWpWp3nYvjdpiu9Fk8kjd/B7t0xjrUqtV9W54Wz0HcvnyZRgMBvPPe/bsQYsWLRAQEAC9Xo+MjAwAQEZGBvR6PbRardvbiIjI/VRCCIub4xcuXMDkyZNx9epVqNVqtGjRArNmzUKXLl2Qm5uLpKQklJaWwt/fH6mpqejQoQMAuL3NVtwDcQ/WVZPio0Hyyu/qbbe2BzLvL31hrKhyRWkW8Xu0T2Osy9IeiNUAaWwYIO7BumpigDgX67KPxw5hERER1YUBQkREUhggREQkhQFCRERSGCBERCSFAUJERFIYIEREJIUBQkREUhggREQkhQFCRERSGCBERCSFAUJERFIYIEREJIUBQkREUhggREQkhQFCRERSGCBERCSFAUJERFIYIEREJIUBQkREUhggREQkhQFCRERSGCBERCSFAUJERFIYIEREJIUBQkREUhggREQkhQFCRERSGCBERCSFAUJERFIYIEREJIUBQkREUhggREQkhQFCRERSrAbIxYsX8eyzzyI2NhZDhw7FlClTUFJSAgDIy8tDQkICYmNjkZCQgFOnTpn7ubuNiIjcy2qAqFQqjB8/HllZWdi+fTvatm2LxYsXAwBSUlKQmJiIrKwsJCYmIjk52dzP3W1EROReVgOkZcuWiIyMNP/cvXt3FBQUoLi4GNnZ2YiPjwcAxMfHIzs7GyUlJW5vIyIi99PYs7DJZMLGjRsRHR0Ng8GA4OBgKIoCAFAUBUFBQTAYDBBCuLVNq9U6bUCIiMg2dgXI/Pnz0axZM4wZMwbZ2dmuqsmlAgJ8pfsGBvo5sRLnYV328URdv5VXwEtjeYffUruiVkProfHk92if26kumwMkNTUVv/76K1asWAG1Wg2dTofCwkIYjUYoigKj0YiioiLodDoIIdzaZo/i4nKYTMLugQoM9MP582V293M11mUfT9Wl+GhwrcpUb7uXRm2x3WgyeaRufo/2aYx1qdWqeje8bbqMd8mSJThy5AjS0tLg7e0NAAgICIBer0dGRgYAICMjA3q9Hlqt1u1tRETkfiohhMXN8ZycHMTHx6N9+/Zo0qQJAKBNmzZIS0tDbm4ukpKSUFpaCn9/f6SmpqJDhw4A4PY2W3EPxD1YV02KjwbJK7+rt93aHsi8v/SFsaLKFaVZxO/RPo2xLkt7IFYDpLFhgLgH66qJAeJcrMs+Hj2ERUREdDMGCBERSWGAEBGRFAYIERFJYYAQEZEUBggREUlhgBARkRQGCBERSWGAEBGRFAYIERFJYYAQEZEUBggREUlhgBARkRQGCBERSWGAEBGRFAYIERFJYYAQEZEUBggREUlhgBARkRQGCBERSWGAEBGRFAYIERFJYYAQEZEUBggREUlhgBARkRQGCBERSWGAEBGRFAYIERFJYYAQEZEUBggREUlhgBARkRQGCBERSWGAEBGRFAYIERFJsRogqampiI6ORqdOnXDixAnz63l5eUhISEBsbCwSEhJw6tQpj7UREZH7WQ2QgQMHYv369WjdunWN11NSUpCYmIisrCwkJiYiOTnZY21EROR+VgMkIiICOp2uxmvFxcXIzs5GfHw8ACA+Ph7Z2dkoKSlxexsREXmGRqaTwWBAcHAwFEUBACiKgqCgIBgMBggh3Nqm1Wrtqj0gwFfmIwMAAgP9pPu6Euuyjyfq+q28Al4ay9trltoVtRpaD40nv0f73E51SQVIQ1ZcXA6TSdjdLzDQD+fPl7mgIsewLvt4qi7FR4NrVaZ62700aovtRpPJI3Xze7RPY6xLrVbVu+EtFSA6nQ6FhYUwGo1QFAVGoxFFRUXQ6XQQQri1jYiIPEPqMt6AgADo9XpkZGQAADIyMqDX66HVat3eRkREnqESQlg8nrNgwQLs2rULFy5cQKtWrdCyZUvs2LEDubm5SEpKQmlpKfz9/ZGamooOHToAgNvb7MFDWO7BumpSfDRIXvldve3WDmHN+0tfGCuqXFGaRfwe7dMY67J0CMtqgDQ2DBD3YF01MUCci3XZx1UBwjvRiYhICgOEiIikMECIiEgKA4SIiKTcdjcSEnlCc6UKKWO61L+ASgVYuJ6luVKFUhfUReQIBgiRG6iEETlrU+pvV6lg6YLIiOcXAVBcUBmRPB7CIiIiKQwQIiKSwgAhIiIpDBAiIpLCACEiIikMECIiksIAISIiKQwQIiKSwgAhIiIpDBAiIpLCACEiIimcC4uIrPJrIqBG/U9MtMYENcp+VzmxIroVMECIyCo1TCjYMF+6f2jiXHAyyMaHAUJEjR73oFyDAUJEjZ6je1BtxiSjRRPrAWS8/BtaNKk9LX9jDSAGCNFtwMtHI7X9/Vt5BRQfDVQqo9NralCEsCmANBoFVVW1x6qxHsJjgBDdBkwAkld+Z3c/L40a16pMeGtST+cXZYebD0HVt6VfH7WHN/7VahVaNJEP4Vt1D4YBQkS3vJsPQdW3pV+fNn+c64qybGfjHkx9btU9GAYIEbmco1vgnt6DoLoxQIjI9RzcAvf4HgTViXeiExGRFAYIERFJ4SEssom9N2LdfJWMo1eRyF6Gep0awLWKKgfegYhuxgAhm9h7I9bNV8k4ehVJU6UKpaVXpPs392+Ga9K9iaguDBBqEFTCiJy1KdL9I55fhFvxMkiihowBcptwdC4gRy+jdPgyTsdWT0QuwABpIOoLAFvvyFWrgLPrPXgZpYcv41SrqgPM3juYr7tV7wR2FxVUUDm4FeHM/kaTyeH3I8cxQBqI+s5B2HpH7m1/Hf1/AszeO5ivs3Uyvfo4ugd1PQCl+6sFUsZ0sb+jSgUIARUE8s+XS6+/NeDU/iqVCkLYviHQWnrNtwZH9+CNv192YjX/1eACJC8vD0lJSbh06RJatmyJ1NRUtG/f3tNlWeXpQ0hUvQUrveUqBAwfLZBed+sn50j3vb5+R/fgZM4hXf+Puvfzi6TXTU7g4PffdkwyXHEguMEFSEpKChITEzF8+HB8+umnSE5OxocffujpsqxyeDrpW2APwp7/eG/FQwz558vt3nK9zhlb0ESNTYMKkOLiYmRnZ2Pt2rUAgPj4eMyfPx8lJSXQarU2vYfagf/UHOkLlRoa31ZO769oFMCWQzJOWP+FSh/bF68+8mHWWqWGxt+276i+9fu0CHC4/811uXv99TZbq8tD42euy8Wf397+dn+PThg/W/791Pvv0UX//m3vr5L+/8tSP5WQ2RzzkCNHjmDWrFnYsWOH+bW4uDi8+eab6NJF4vguERFJ49WRREQkpUEFiE6nQ2FhIYzG6l1Eo9GIoqIi6HQ6D1dGRHT7aVABEhAQAL1ej4yMDABARkYG9Hq9zec/iIjIeRrUORAAyM3NRVJSEkpLS+Hv74/U1FR06NDB02UREd12GlyAEBHRraFBHcIiIqJbBwOEiIikMECIiEgKA4SIiKQ0qKlMXOnTTz/F6tWrkZubi1deeQVjxoypd9nNmzfj/fffhxACDz74IObMmQO1Wm21TcbVq1cxe/ZsHD16FIqiYNasWRgwYECt5T788EN8/PHH5p/PnDmDUaNGYfbs2di3bx8mTJhgnnTS29sbW7Zska7JnrqsrdtT47V792689957qKyshBACjz32GMaNG2dTzfawZfJPo9GIBQsW4Ouvv4ZKpcKECRMwatQoq22OsKWutLQ0ZGZmQlEUaDQaTJ8+HVFRUQCAZcuWYcOGDQgKCgIA9OzZEykp8g/8sqcuS+v25HjNnDkTx48fN/98/PhxpKWlYeDAgS4Zr9TUVGRlZSE/Px/bt29HeHh4rWVc/rslSAghxPHjx0VOTo54+eWXxbp16+pd7vTp0yIqKkoUFxcLo9Eoxo0bJ7Zt22a1TdayZcvEK6+8IoQQIi8vT/Tr10+Ul5db7FNZWSn69OkjDh8+LIQQ4vvvvxcjRoxwqA7Zuiyt25PjdejQIXHu3DkhhBClpaUiJiZG/PDDD1ZrttfYsWNFenq6EEKI9PR0MXbs2FrLbNu2TYwbN04YjUZRXFwsoqKixJkzZ6y2ubquvXv3iitXrgghhDh27Jjo1auXuHr1qhBCiKVLl4pFixY5XIdMXZbW7cnxutGxY8dE7969RUVFhdWaZf3www+ioKBADBgwQBw/frzOZVz9u8VDWP8RHh6Ojh07Wt36zcrKQkxMDLRaLdRqNUaNGoXMzEyrbbJ27tyJ0aNHAwDat2+Prl27Yu/evRb7/POf/8Qdd9yBe++916F1O7uum3lyvO677z4EBwcDAPz8/BAWFob8/HyH1n2z65N/xsfHA6ie/DM7OxslJSU1lsvMzMSoUaOgVquh1WoRExODzz//3Gqbq+uKiopC06ZNAQCdOnWCEAKXLl1yaN3OqMsST47XjbZu3YqhQ4fC29vboXVbEhERYXUWDlf/bjFA7GQwGBAaGmr+OTQ0FAaDwWqbrIKCArRu/d/JwHU6Hc6dO2exz8cff4zHHnusxmunTp3CiBEjMGrUKGzbts2hmuytq7513yrjlZubi0OHDqFPnz5Wa7aHwWBAcHAwFKX6WeyKoiAoKKjWZ7x5HG6s2VKbLFvrulF6ejratWuHkJAQ82s7duzA0KFDMW7cOBw8eNChmuytq7513wrjVVlZie3bt9f6N+js8bKFq3+3bptzICNGjEBBQUGdbd9++635l8PdrNVlr6KiInz//ff429/+Zn6tS5cu+Oqrr+Dn54czZ87g6aefRnBwMPr16+fyumTWbYkrxmvy5MlITk4275E4u+aG7t///jfeeecdrFmzxvza6NGjMXHiRHh5eeGbb77B5MmTkZmZiVatHJhy3EaeXLctdu/ejdDQUOj1evNrt3rNsm6bAHHGVjdQndI3/gdWUFBg3o201CZbV2hoKPLz883zfRkMBkRGRta7fHp6Oh566KEa84P5+vqa/962bVvExMTgwIEDFv9DdFZdltbt6fEqLi7G008/jfHjxyMuLs6mmu1x4+SfiqLUO/nn9XHo1q2buebrW4aW2mTZWhcAHDx4EC+//DLee++9GlMGBQYGmv/+wAMPQKfTIScnB71793Z5XZbW7enxAuo+AuCK8bK1dlf+bvEQlp1iY2Oxe/dulJSUwGQyYcuWLRgyZIjVNlmDBw/Gpk2bAFQfVvn555/NV8LU5ZNPPqn1y1tUVGR+Ct+lS5fwzTffoHPnzm6py9K6PTleFy9exNNPP40//vGPta48cdZ42Tr55+DBg7FlyxaYTCaUlJRg9+7diI2Ntdomy9a6Dh8+jOnTp2Pp0qW1nrdTWFho/vuxY8eQn5+Pu+66yy11WVq3J8cLAM6dO4cff/zRfL7ElppdyeW/Ww5dBtCIbN++XURFRYn77rtPREREiKioKJGTkyOEEOLtt98WGzZsMC+7ceNGMXDgQDFw4ECRnJwsqqqqbGqTcfnyZTF16lQRExMjBg0aJL744gtz28117d+/X/Tv37/WOtetWyfi4uLEsGHDxCOPPCJWrVrlUE321GVt3Z4ar0WLFol7771XDBs2zPxn69atNtVsj5MnT4rHH39cDBo0SDz++OMiNzdXCCHE+PHjzVfJVVVVieTkZPM4fPTRR+b+ltocYUtdI0eOFJGRkTXG6JdffhFCCDFz5kzxyCOPiKFDh4qRI0eKL7/80m11WVq3J8dLCCHee+898cILL9Tq74rxmj9/voiKihJ6vV7069dPxMXF1arJ1b9bnEyRiIik8BAWERFJYYAQEZEUBggREUlhgBARkRQGCBERSWGAEFmRnJyMtLQ0T5dBdMvhZbzUIO3fvx+LFy9GTk4OFEVBhw4d8Morr5jvqpX1ySefYMuWLdi4caOTKpW3bNky/Prrr1i8eHG9y7hqHIhscdtMZUKNR3l5OSZOnIi//vWvGDJkCK5du4b9+/e7dObTW5G7xuH6FB5EN+MhLGpw8vLyAFRPq60oCpo0aYL+/fvXmG5k69atGDJkCO6//34888wzNaZq79SpEzZu3IhBgwbh/vvvx2uvvQYhBHJzc5GSkoJDhw6hR48eiIiIAAAkJSVhyZIlAKofNvXggw/i/fffR9++fdG/f3/s3r0bX331FWJjY9G7d2+sWLHCvC6TyYRVq1YhJiYGkZGRmDZtmnlK9LNnz6JTp07Ytm0b/vCHPyAyMhLLly8HAOzduxcrV67Ezp070aNHDwwbNkxqHDZv3owhQ4agR48eiIuLw9GjRwFUz0A8duxYRERE4JFHHsE//vEPc5+kpCSkpKTg2WefRffu3bFv3z4UFhZi6tSp6NOnD6Kjo/Hhhx+alz98+DBGjhyJnj17ol+/fjUm8qRGzuH76YncrKysTPTu3VvMnDlTfPnll+LSpUs12r/44gsRExMjTp48Ka5duybS0tJEQkKCuT08PFxMmDBB/PbbbyI/P19ERkaKr776SgghxMcffyxGjx5d4/1mzZol3nrrLSFE9cOm9Hq9WLZsmaisrBSbNm0SkZGRYsaMGaKsrEycOHFCdO3aVZw+fVoIIcTatWvFqFGjhMFgEBUVFWLu3Lli+vTpQgghzpw5I8LDw8Wrr74qrl69Ko4dOya6dOkiTp48KYSofgjRiy++KD0OmZmZon///uKnn34SJpNJnDp1Spw9e1ZUVlaKmJgYsXz5clFRUSG+/fZb0b17d/P0HLNmzRI9e/YU+/fvF0ajUVy5ckWMGDFCLFu2TFRUVIjTp0+L6OhosXfvXiGEEE888YT5QWDl5eXi4MGDNn+X1LBxD4QaHF9fX2zYsAEqlQpz585F3759MXHiRFy4cAEA8NFHH2HChAkICwuDRqPBxIkTzRPYXffss8/C398foaGhiIyMxC+//GLz+jUaDSZNmgQvLy/ExcXh4sWLeOqpp+Dr64u7774bd999t/nRpps2bcL06dMREhICb29vTJkyBVlZWaiqqjK/35QpU9CkSRN07twZnTt3trkWa+OwdetWjB8/Ht26dYNKpcKdd96J1q1b46effsKVK1cwYcIEeHt7o2/fvhgwYAB27Nhhfu+BAweiV69eUKvVOHHiBEpKSjBlyhR4e3ujbdu2eOKJJ8wP/9JoNDh9+jRKSkrQvHlzdO/e3eaxpIaN50CoQQoLC8OiRYsAVB+Oefnll7Fw4UK89dZbKCgowMKFC5GammpeXgiBwsJC88Ombpxeu2nTprh8+bLN627ZsqX5nECTJk0AVM/Yep2Pj4/5/QoKCvDcc8/VeNKlWq1GcXGx+ec77rijRi1XrlyxuRZL42AwGNCuXbtafYqKihASElKjptDQ0Bozxt44VXl+fj6KiorMh/SA6vMi139+/fXXsXTpUgwZMgRt2rTBlClT6nwOPTU+DBBq8MLCwjBy5EjzNO46nQ4TJ06s87yBNSqVyqm1hYSEYOHChejVq1ettrNnzzq1lrrG4fTp07WWCwoKwrlz52AymcwhYjAY0L59+zrfV6fToU2bNti1a1ed7e3bt8dbb70Fk8mEXbt24fnnn8e+ffvQrFkzu+qnhoeHsKjByc3NxZo1a2o8mjMjIwP33XcfgOqnv61atQo5OTkAgLKyMuzcudOm9w4ICEBhYSEqKyudUuuTTz6Jt99+23z47PpzF2ytJT8/HyaTqc52a+Pw+OOPY82aNThy5AiEEPj111+Rn5+Pbt26oWnTpli9ejWuXbuGffv2Yc+ePTUeqnWjbt26wdfXF6tWrcLvv/8Oo9GIEydO4PDhwwCATz/9FCUlJVCr1fD39wcAXrV1m+AeCDU4vr6++Omnn7B27VqUlZXBz88PAwYMwMyZMwEADz/8MC5fvowZM2YgPz8ffn5+6Nevn00Pq+rTpw86duyI/v37Q6VSYd++fQ7V+tRTT0EIgXHjxqGoqAgBAQGIi4tDTEyM1b6DBw/GZ599hsjISLRp06bW0xitjcOQIUNw6dIlvPjiiygqKkLr1q3xxhtvoHXr1li+fDlee+01rFy5EsHBwXjjjTcQFhZWZx2KomD58uVITU3FwIEDUVlZibvuugsvvPACAODrr7/GokWL8PvvvyM0NBRLliyBj4+PQ+NGDQNvJCQiIik8hEVERFIYIEREJIUBQkREUhggREQkhQFCRERSGCBERCSFAUJERFIYIEREJIUBQkREUv4fqDfqHhs/sEQAAAAASUVORK5CYII=\n", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "fig= plot_overlayed_two_histograms(sentiment_scores['COCO'], \n", + " sentiment_scores['ArtEmis'], \n", + " min_val=-1, max_val=1, n_bins=20, labels=['COCO', 'ArtEmis']);\n", + "fig.axes[0].set_xlabel('Sentiment Scores')\n", + "fig.savefig('ArtEmis_vs_COCO_sentiment_scores.jpg')" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "##\n", + "## Subjectivity Analysis\n", + "##" + ] + }, + { + "cell_type": "code", + "execution_count": 12, + "metadata": {}, + "outputs": [], + "source": [ + "def subjectivity(utterance):\n", + " testimonial = TextBlob(utterance)\n", + " return testimonial.sentiment.subjectivity" + ] + }, + { + "cell_type": "code", + "execution_count": 13, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "0.0\n", + "1.0\n" + ] + } + ], + "source": [ + "print(TextBlob('The painting is red').sentiment.subjectivity)\n", + "print(TextBlob('The painting is nice').sentiment.subjectivity)" + ] + }, + { + "cell_type": "code", + "execution_count": 15, + "metadata": {}, + "outputs": [], + "source": [ + "subjectivity_scores = dict()\n", + "for dset_name in datasets: \n", + " subjectivity_scores[dset_name] = df_parallel_column_apply(datasets[dset_name], subjectivity, 'utterance_spelled')" + ] + }, + { + "cell_type": "code", + "execution_count": 16, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "0.19\n", + "0.02\n", + "0.47\n", + "0.5\n" + ] + } + ], + "source": [ + "print(subjectivity_scores['COCO'].mean().round(2))\n", + "print(subjectivity_scores['COCO'].median().round(2))\n", + "\n", + "print(subjectivity_scores['ArtEmis'].mean().round(2))\n", + "print(subjectivity_scores['ArtEmis'].median().round(2))" + ] + }, + { + "cell_type": "code", + "execution_count": 17, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAZAAAAEMCAYAAADqG+D0AAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjMuNCwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8QVMy6AAAACXBIWXMAAAsTAAALEwEAmpwYAAAoVElEQVR4nO3dfXxT9d3/8VeSEgq2pbTSEm4UqRMjXkNWBiJ2mwUtNy0oQ3Edbo6fN9wzGY4q0Cp3I+qG4irIFJyOOfXaJTctCpcPdKBONycTsQpYy21jCy3QVpC2yfn9wcwF0tL0JE0JeT8fDx4Pm+/5Jt9Pas87+Z5zvsdiGIaBiIhIM1lbewAiIhKeFCAiImKKAkRERExRgIiIiCkKEBERMUUBIiIipihARETElKjWHkCoHTnyFV5v8y99SUyMoaKipgVGdP5SzZEh0mqOtHohsJqtVgsdO17UYFvEBYjXa5gKkG/6RhrVHBkireZIqxdapmZNYYmIiCkKEBERMSXiprBE5MJiGAZHjhyitvZroOlpmvJyK16vt+UHdh5pumYLdns0HTt2wmKx+P28ChARCWs1NcewWCwkJ3fDYml6UiUqykp9fWQFSFM1G4aXo0cPU1NzjNjYeL+fV1NYIhLWTpyoITY23q/wkIZZLFZiYzty4kTzztTSOy4iYc3r9WCzaTIlUDZbFF6vp1l9FCAiEvaaM28vDTPzHiq2/fTViTpsbc2/XVag7mR98AYkIo1q0zaKxmf8Ldhs5j47+/t3XF9fz3PPPcMbb2wiKioKw/By7bWDmDhxKvv27eH3v3+Cgwf34/Ua9OrVi6lTZ5Cc3NnXf9Om13jxxRc4efIkFouFyy//DhMnTqdz585UVVWRn/84H374L2w2Gx07xjNhwlT69OlrqqZAKED8VO/xkvv03033n3fvwCCORkTOxQuN/r1aLGD2Pqz+/h0vWvQwJ09+zcqVL9C+/UXU19dTWLiOiorD/PKXk/nlL+8nPX0IAC+9tJoZM6bwxz/+haioKNavX8NLL63mN7/5Ld27XwLAhx9+QGXlYTp37szcuTmkpKTwl7/8DzabjW3b/sXs2fezfPkqunXrbq4wkzSFJSISRPv372PLljeZNWsu7dufWgIkKiqKUaNGs2HDevr2/Z4vPADGjv0pF10UwxtvbARg1ao/MHXqDF94AHzve/246qqr+fe/P2T//r1MmjQdm80GQN++qQwfPpIXXlgVwipPUYCIiATRrl076dbtEuLi4s5qKy7eTe/e/3XW41dddTWff76bI0cqKS8v46qrrm7wuYuLd9Or15VERZ05edS793/x+ee7g1NAMyhARESCqvH5MaOJubNA20NNASIiEkRXXHElBw7so6qq6qy2yy+/gk8++fisx4uKdpCScjkJCYl06pTEp59+0uBzX375Fezc+Rn19WceyP/kk49JSbk8OAU0gwJERCSIune/hEGDfsCjjy7i+PGvAPB4PLz88osMG5bFhx/+i82b3/Bt/9JLq6muruLGG4cC8POf/z+efPJ3HDx4wLfN++//nU8+2cE113yPbt2689RTT+DxnLpm49///pDCwrXccccvQljlKToLS0QkyObMeZiVK1cwfvwdtGkThWEYXHvtIC6++GKWLMknP/9xli9/EsOA73znCpYsyfcd17j55h/Ttm1b5sz5NSdPnsRqtZKS8h0mTZoGwIIFLn7/+8e5/fZbsNmi6NChA/Pnu8446B4qFuN8m1RrYRUVNabWxbe3szN72TumX3fevQPxhNl1IJ06xXLoUHVrDyOkVHP4+fLLvXTufOkZj53rOhALFgw/Fl1sSLhez+Xv+l8NvZdWq4XExJiGn9efF580aRIHDhzAarXSvn175s6di9PppKSkhJycHI4ePUp8fDwul4sePXoAhLxNROQb59rJR0VZ8ZhcTLF5C31c+Pw6BuJyuVi3bh1r1qxh/PjxPPjggwDk5eWRnZ3Nxo0byc7OJjc319cn1G0iIhJafgVIbGys779ramqwWCxUVFRQVFREZmYmAJmZmRQVFVFZWRnyNhERCT2/D6LPnj2bd955B8MweOaZZ3C73SQnJ/uuhrTZbCQlJeF2uzEMI6RtCQkJQX1TRESkaX4HyMKFCwFYs2YNjzzyCNOnT2+xQbWkxg4GNeVYzUnaRJk/69lmtZLQKbbpDc8zncJwzIFSzeGlvNxKVDP/Npu7/YXAn5qtVmuz/l9o9mm8N998M7m5uXTu3JmysjI8Hg82mw2Px0N5eTkOhwPDMELa1hyBnIVVF8BdzDxeb9id6RLuZ+eYoZrDj9frbdYdBnVHwsZ5G9hPnessrCYj6auvvsLtdvt+3rx5Mx06dCAxMRGn00lBQQEABQUFOJ1OEhISQt4mIiKh1+R1IIcPH2bSpEmcOHECq9VKhw4dmDVrFr1796a4uJicnByqqqqIi4vD5XLRs2dPgJC3+UvXgfgv3D+ZmqGaw09D1y7ERhtYG7kSxMK5Vqs6Ny9Wqr/278ZLVVVV3HzzUEaN+jHTp/+q0e1efvnP3HjjUDp2PPVheMOG9Sxd+ls6d+7i22bAgIFMnDi1WWNdvHg+w4Zl0qdP3xa7DkQXEvpJARIZVHP4aWin1yHaQ+mf5ze4fSD3A+mSPZdjX9v82vavf32Jt97azJ49JfzP/xTSpk2bM9q9Xi8Wi4Vbbx3JI48soWfPU2tZbdiwnnff3cqCBY+YG2QDWvVCQhERaZ7CwnVMmjSdF154jrff/hs33DCEZ599moMHD3DixHEOHjzA4ME3cfjwIebMmYXd3pa8vAXnfM5nn32affv28NVXX7F//z569XIybtzP+f3vH+fLL9388IfpTJ586gSnKVPu4Sc/uYNBg9JYs+avvPjiatq0sWMYXubNW8yll/YIuEYFiIhIkO3evYuqqipSU79PZWUFhYXruOGGUzeR+ve/P2TlytXEx8cDsH79GhYscPm+gXz66Sd88ME/uPPObN/z/fjHt5GVdTMAO3d+xjPPvEC7du0YP34cy5f/nsceW4rH4+HWW0cycuQtZ62L9eSTT/D8838hObkztbW1eL3BOYlAASIiEmSFhWsZOnQEFouFH/7wBpYseZRDh8oBGDhwkC88GtOvX/9Gp7D697+WmJhTU0qXX345KSlXYLfbAbjkkks5ePDAWQHSr9/3WbRoHmlpP2DgwOvp2rVbgBWeogAREQmiuro6/vd/X8dub8vrrxcCUF9fz2uvnTqDtF279gE9v93e1vffVquNtm3tp/1s9S3zfrrFix/j448/5l//+oBp0yYwc+YDDBw4KKBxgAJERCSotmx5i0su6cGyZc/6HtuxYzsLFuT57vlxuosuuoiampoWG099fT1ffnnqNrlXXXU1paUH2L17pwJERKQhXqx0yZ7bYFugp/E2ZcOG9dx007AzHrv66u/i9Xr56KNtXHHFlWe0jRlzO4sWzSM6Otp3EP3bx0CuvNJJTk7D9TQ5Zq+X+fPzqK6uxmKxkpyczIQJU0w917fpNF4/6TTeyKCaw09Dp56ei65Eb1xzT+ONvAVhREQkKBQgIiJiigJERMJehM3Etwgz76ECRETCmtVqw+MJr+OL5yOPpx6r1b9lWr6hABGRsNauXQzV1UcxjMg6MB5MhuGluvoI7do1735JOo1XRMJaTEwHjhw5RFnZAfw5QddqtQZtKY9w0XTNFuz2aGJiOjTreRUgIhLWLBYLCQlJfm8f7qctm9FSNWsKS0RETFGAiIiIKQoQERExRQEiIiKmKEBERMQUBYiIiJiiABEREVMUICIiYooCRERETGnySvQjR47w61//mn379mG327n00kuZN28eCQkJpKenY7fbadv21D16Z86cSVpaGgAlJSXk5ORw9OhR4uPjcblc9OjRo8XaREQktJr8BmKxWLjrrrvYuHEj69evp3v37jz22GO+9qVLl7J27VrWrl3rCw+AvLw8srOz2bhxI9nZ2eTm5rZom4iIhFaTARIfH8+AAQN8P19zzTWUlpaes09FRQVFRUVkZmYCkJmZSVFREZWVlS3SJiIiodesxRS9Xi8vvvgi6enpvsdmzpyJYRikpqYyY8YM4uLicLvdJCcnY7OdWlveZrORlJSE2+3GMIygtyUkJATlzRAREf81K0Dmz59P+/btGTduHACrV6/G4XBQW1vLwoULmTdv3hnTW+ejxm4O35RjNSdpE2X+nAOb1UpCp1jT/VtLpzAcc6BU84Uv0uqFlqnZ7wBxuVzs3buX5cuXY7We2pE6HA4A7HY72dnZTJw40fd4WVkZHo8Hm82Gx+OhvLwch8OBYRhBb2uOiooavN7m37rR3s5OXb35ewh4vN6wW0Jay15HhkirOdLqhcBqtlotjX7w9usj9ZIlS9ixYwf5+fnY7XYAjh8/TnX1qQEZhsGGDRtwOp0AJCYm4nQ6KSgoAKCgoACn00lCQkKLtImISOhZjCbupL57924yMzPp0aMH0dHRAHTr1o2cnBymTp2Kx+PB6/WSkpLCnDlzSEo6dWOX4uJicnJyqKqqIi4uDpfLRc+ePVuszV+BfAOZveydZvf7xrx7B+I5GV73bdYntcgQaTVHWr3Qct9AmgyQC40CxH/6Q4sMkVZzpNULrTyFJSIi8m0KEBERMUUBIiIipihARETEFAWIiIiYogARERFTFCAiImKKAkRERExRgIiIiCkKEBERMUUBIiIipihARETEFAWIiIiYogARERFTFCAiImKKAkRERExRgIiIiCkKEBERMUUBIiIipihARETEFAWIiIiYogARERFTFCAiImKKAkRERExpMkCOHDnC3XffTUZGBllZWUyZMoXKykoASkpKGDt2LBkZGYwdO5Y9e/b4+oW6TUREQqvJALFYLNx1111s3LiR9evX0717dx577DEA8vLyyM7OZuPGjWRnZ5Obm+vrF+o2EREJrSYDJD4+ngEDBvh+vuaaaygtLaWiooKioiIyMzMByMzMpKioiMrKypC3iYhI6EU1Z2Ov18uLL75Ieno6breb5ORkbDYbADabjaSkJNxuN4ZhhLQtISHB7xoSE2OaU7LPsZqTtIkyf8jIZrWS0CnWdP/W0ikMxxwo1Xzhi7R6oWVqblaAzJ8/n/bt2zNu3DiKioqCPphQqKiowes1mt3P3s5OXb3X9Ot6vF4OHao23b81dOoUG3ZjDpRqvvBFWr0QWM1Wq6XRD95+B4jL5WLv3r0sX74cq9WKw+GgrKwMj8eDzWbD4/FQXl6Ow+HAMIyQtomISOj5NSezZMkSduzYQX5+Pna7HYDExEScTicFBQUAFBQU4HQ6SUhICHmbiIiEnsUwjHPO5+zevZvMzEx69OhBdHQ0AN26dSM/P5/i4mJycnKoqqoiLi4Ol8tFz549AULe5q9AprBmL3un2f2+Me/egXhO1pvu3xr0VT8yRFrNkVYvtNwUVpMBcqFRgPhPf2iRIdJqjrR6oeUCRFeii4iIKQoQERExRQEiIiKmKEBERMQUBYiIiJiiABEREVMUICIiYooCRERETFGAiIiIKQoQERExRQEiIiKmKEBERMQUBYiIiJiiABEREVMUICIiYooCRERETFGAiIiIKQoQERExRQEiIiKmKEBERMQUBYiIiJiiABEREVMUICIiYkqTAeJyuUhPT6dXr17s2rXL93h6ejpDhw5l1KhRjBo1iq1bt/raSkpKGDt2LBkZGYwdO5Y9e/a0aJuIiIRekwEyePBgVq9eTdeuXc9qW7p0KWvXrmXt2rWkpaX5Hs/LyyM7O5uNGzeSnZ1Nbm5ui7aJiEjoNRkg/fr1w+Fw+P2EFRUVFBUVkZmZCUBmZiZFRUVUVla2SJuIiLSOqEA6z5w5E8MwSE1NZcaMGcTFxeF2u0lOTsZmswFgs9lISkrC7XZjGEbQ2xISEgIpQURETDIdIKtXr8bhcFBbW8vChQuZN28ejz32WDDH1iISE2NM9TtWc5I2UebPObBZrSR0ijXdv7V0CsMxB0o1X/girV5omZpNB8g301p2u53s7GwmTpzoe7ysrAyPx4PNZsPj8VBeXo7D4cAwjKC3NVdFRQ1er9HsfvZ2durqvc3u9w2P18uhQ9Wm+7eGTp1iw27MgVLNF75IqxcCq9lqtTT6wdvUR+rjx49TXX1qMIZhsGHDBpxOJwCJiYk4nU4KCgoAKCgowOl0kpCQ0CJtIiLSOiyGYZzz4/iCBQvYtGkThw8fpmPHjsTHx7N8+XKmTp2Kx+PB6/WSkpLCnDlzSEpKAqC4uJicnByqqqqIi4vD5XLRs2fPFmtrjkC+gcxe9k6z+31j3r0D8ZysN92/NeiTWmSItJojrV5ouW8gTQbIhUYB4j/9oUWGSKs50uqF82wKS0RERAEiIiKmKEBERMQUBYiIiJiiABEREVMUICIiYooCRERETFGAiIiIKQoQERExRQEiIiKmKEBERMQUBYiIiJiiABEREVMUICIiYooCRERETFGAiIiIKQoQERExRQEiIiKmKEBERMQUBYiIiJiiABEREVMUICIiYooCRERETFGAiIiIKU0GiMvlIj09nV69erFr1y7f4yUlJYwdO5aMjAzGjh3Lnj17Wq1NRERCr8kAGTx4MKtXr6Zr165nPJ6Xl0d2djYbN24kOzub3NzcVmsTEZHQazJA+vXrh8PhOOOxiooKioqKyMzMBCAzM5OioiIqKytD3iYiIq0jykwnt9tNcnIyNpsNAJvNRlJSEm63G8MwQtqWkJDQrLEnJsaYKZljNSdpE2X+kJHNaiWhU6zp/q2lUxiOOVCq+cIXafVCy9RsKkDCWUVFDV6v0ex+9nZ26uq9pl/X4/Vy6FC16f6toVOn2LAbc6BU84Uv0uqFwGq2Wi2NfvA2FSAOh4OysjI8Hg82mw2Px0N5eTkOhwPDMELaJiIircPUnExiYiJOp5OCggIACgoKcDqdJCQkhLxNRERah8UwjHPO5yxYsIBNmzZx+PBhOnbsSHx8PIWFhRQXF5OTk0NVVRVxcXG4XC569uwJEPK25ghkCmv2snea3e8b8+4diOdkven+rUFf9SNDpNUcafVCy01hNRkgFxoFiP/0hxYZIq3mSKsXWi5AdCW6iIiYogARERFTFCAiImKKAkREREyJuAsJzWpnqSVvXG/T/S+y1VMVxPGIiLQ2BYifLIaX3avyTPfvN20xYAvegEREWpmmsERExBQFiIiImKIAERERUxQgIiJiigJERERMUYCIiIgpChARETFFASIiIqYoQERExBQFiIiImKIAERERUxQgIiJiigJERERMUYCIiIgpChARETFFASIiIqbohlISEdq0jcLrx3bHak5ia3v2n4UVqDtZH/RxiYSzgAMkPT0du91O27ZtAZg5cyZpaWmUlJSQk5PD0aNHiY+Px+Vy0aNHD4AWaRM5Fy+Q+/Tfm9yuTZSVuvqzo2bevQNbYFQi4S0oU1hLly5l7dq1rF27lrS0NADy8vLIzs5m48aNZGdnk5ub69u+JdpERCS0WuQYSEVFBUVFRWRmZgKQmZlJUVERlZWVLdImIiKhF5RjIDNnzsQwDFJTU5kxYwZut5vk5GRsNhsANpuNpKQk3G43hmEEvS0hISEYZYiISDMEHCCrV6/G4XBQW1vLwoULmTdvHnfeeWcQhtYyEhNjTPWrqzmGxWIx/boWLHTqFGu6f2sJxzE35FjNSdpE+feFu6HtbFYrCRfIe9GQC+X37K9IqxdapuaAA8ThcABgt9vJzs5m4sSJPPDAA5SVleHxeLDZbHg8HsrLy3E4HBiGEfS25qioqMHrNZpdZ3w7MIzm9/uGgcGhQ9Wm+7eGTp1iw27MjbG1jWrw4Pi3NXYQ3eP1XjDvxbddSL9nf0RavRBYzVarpdEP3gEdAzl+/DjV1acGZRgGGzZswOl0kpiYiNPppKCgAICCggKcTicJCQkt0iYiciGLjTboEO0x/c/z9VctMq6AvoFUVFQwdepUPB4PXq+XlJQU8vLyAHjooYfIycnhqaeeIi4uDpfL5evXEm0iIhcqK15K/zzfdP/u43JpiXOmAgqQ7t27s2bNmgbbUlJSeOWVV0LWJiIioaWlTERExBQtZSISArHRBla/FlNpmBcr1V+bPwtQpCUoQERCINA57C7ZcwFb8AYkEgSawhIREVP0DURCwt/VcBsT7qvhWixgsQZwIapmr+Q8pACRkPB3NdzGhPtquAZw8FCN6f7Nu1xWJDQ0hSUiIqboG4hEhIts9eSN6930hhYLNLBkzUW2eqpaYFwi4UwBIhHBYnjYvSqv6e0slgbXPOs3bTE6C0rkTAoQkQhwrutQPF8do0P0uRcK1XUo0hAFiIgfLFgavFe6//0DOQctcOe6DiUqykZ9veec/XUdijREARIhzJxGe6zmpG+nabNa8XjN7wQthP+n10DOIlsyMTWg17ZaLHSIPvdO/tz9A3p5kQYpQCKEmdNoT783xvx7rwtoBzr/3utM9xXAMAK6kr3bT+cG9PJWa2ABZrFaMQL4AKIptPOTAkTEDxYL/p3F1Vh/zN+M7LwQhAA7qKVcLjgKEAmJ9ra6gHbArX4arWH4dRZXY/pPWxzEwUSeQL8B6RtMy1CASEhYDW9gO+DpribPFDrn65vuKeeFAL8B6RtMy1CAhEigZ/GE+1pQAWvlYwAicjYFSAhF8lpQInLhUYBECL+X8jjdact6tLfVtcComieQ1Wwlsp1+DMWfCye/TcdQGqYACRNWqxUCmQIzapt9DOL0ZT2+P81l+rWDJZDVbLsGcRwShk6bAvXnwslv0zGUhilAwoThNVr1QraIP41VRM6iABH/6DRWEdPOtRaZP87X2VsFSIgE+gn+fDgGIa0r3I8BhfP4A70OxWqBA6svvLMIFSChEuAn+PPhGIS0rkCPATW2A/d4vSHZuYf1MawgnEYe6HscSH9vC80gh12AlJSUkJOTw9GjR4mPj8flctGjR4/WHlaL0zEICVRjO/DG7oFyulbfgV8AAg3QQPp3Md3z3MIuQPLy8sjOzmbUqFGsXbuW3Nxcnn/++dYeVsvTMQhpZeE8BSUtI6wCpKKigqKiIlatWgVAZmYm8+fPp7KykoSEBL+ew2r2j8BioW2HRHN9ASzWsOt/xt1dw3D8Zvo3ckfbsBm/mf6N1vyt/odr25p++a5BGH9UnH9/4/70b/aOLwiv37q/f4vpfd+5+lmMpr67nkd27NjBrFmzKCws9D02fPhwHn30UXr3Nj+9IyIizac15kRExJSwChCHw0FZWRkez3+WJPB4KC8vx+FwtPLIREQiT1gFSGJiIk6nk4KCAgAKCgpwOp1+H/8QEZHgCatjIADFxcXk5ORQVVVFXFwcLpeLnj17tvawREQiTtgFiIiInB/CagpLRETOHwoQERExRQEiIiKmKEBERMQUBchpSkpKGDt2LBkZGYwdO5Y9e/actY3H4+Hhhx9myJAh3HjjjbzyyiuhH2gQ+VNzfn4+I0aMYOTIkYwePZqtW7eGfqBB5E/N3/jiiy/o06cPLld4r4bsb80bNmwgKyuLzMxMsrKyOHz4cGgHGiT+1FtRUcE999xDVlYWQ4cO5aGHHqK+vj70gw0Sl8tFeno6vXr1YteuXQ1uE/T9lyE+d9xxh7FmzRrDMAxjzZo1xh133HHWNq+++qoxfvx4w+PxGBUVFUZaWpqxf//+UA81aPypecuWLcbx48cNwzCMTz/91EhNTTVOnDgR0nEGkz81G4Zh1NfXG+PGjTNmzJhhLF68OJRDDDp/at6+fbsxbNgwo7y83DAMw6iqqjK+/vrrkI4zWPypd8GCBb7fa21trTFmzBijsLAwpOMMpn/+859GaWmpccMNNxg7d+5scJtg77/0DeQ/vlmoMTMzEzi1UGNRURGVlZVnbLdhwwZuvfVWrFYrCQkJDBkyhNdff701hhwwf2tOS0ujXbt2APTq1QvDMDh69GiohxsU/tYMsGLFCn70ox+F/e0C/K35ueeeY/z48XTq1AmA2NhY2rY1v4Bia/G3XovFwldffYXX66W2tpa6ujqSk5NbY8hB0a9fvyZX5Qj2/ksB8h9ut5vk5GRsNhsANpuNpKQk3G73Wdt16fJ/q+s7HA6+/PLLkI41WPyt+XRr1qzhkksuoXPnzqEaZlD5W/Nnn33G22+/zZ133tkKowwuf2suLi5m//79/PSnP+WWW27hqaeeavI+Iecjf+udNGkSJSUlXH/99b5/qamprTHkkAn2/ksBIn77xz/+wRNPPMFvf/vb1h5Ki6qrq2Pu3Lk8/PDDvp1QJPB4POzcuZNVq1bxwgsvsGXLFtauXdvaw2oxr7/+Or169eLtt99my5YtfPDBB2E7m9BaFCD/4e9CjQ6Hg9LSUt/Pbrc7bD+NN2dxym3btnH//feTn58f1kvH+FPzoUOH2LdvH/fccw/p6en88Y9/5OWXX2bu3PPzvtRN8ff33KVLF4YOHYrdbicmJobBgwezffv21hhyQPyt909/+hMjR47EarUSGxtLeno677//fmsMOWSCvf9SgPyHvws1Dh06lFdeeQWv10tlZSVvvPEGGRkZrTHkgPlb8/bt27nvvvtYunRp2N93xZ+au3Tpwvvvv8/mzZvZvHkzP//5z7ntttuYP9/8PbFbk7+/58zMTN5++20Mw6Curo733nuPK6+8sjWGHBB/6+3WrRtbtmwBoLa2lr///e985zvfCfl4Qyno+y/Th98vQJ9//rkxZswY46abbjLGjBljFBcXG4ZhGHfddZexfft2wzBOnZmTm5trDB482Bg8eLDxl7/8pTWHHDB/ah49erQxYMAAY+TIkb5/n332WWsOOyD+1Hy6pUuXhv1ZWP7U7PF4jEWLFhlDhw41hg8fbixatMjweDytOWzT/Kl37969xp133mlkZmYaw4YNMx566CGjrq6uNYcdkPnz5xtpaWmG0+k0rrvuOmP48OGGYbTs/kuLKYqIiCmawhIREVMUICIiYooCRERETFGAiIiIKQoQERExRQEiF7w77rij0VVHS0tL6du3r++is2BpzvPm5uaSn58f1NcXCQUFiISFDz74gNtvv53U1FT69+/P7bffHpSrpLt06cK2bdsCXrIkPT2dd99919Tzzps3j8mTJwPw/vvv84Mf/MD0OKqqqnjggQcYNGgQffv2JSMjgxUrVph+PpFziWrtAYg0paamhgkTJvDQQw8xbNgw6urq+OCDD7Db7a09tPPOb37zG44fP86GDRuIjY2lpKSE3bt3B/U16uvriYrSrkP0DUTCQElJCXBqqQ2bzUZ0dDTXX3+9b5mNJ598kpkzZ/q2P3DgAL169Trj5kD79u1jzJgxpKamMnHiRN9y9N/etrq6mgcffJDrr7+etLQ0lixZcsY01Msvv8ywYcPo27cvw4cP55NPPuH++++ntLSUCRMm0LdvX/7whz+c8byFhYWMHj36jJqee+45JkyYAEBOTg5Llizh+PHj3H333ZSXl9O3b1/69u1LWVkZffr04ciRI76+O3bs4Nprr6Wuru6s9+rjjz8mKyuLDh06YLVaSUlJYejQob723bt384tf/IL+/ftz3XXXsXz5cuDUUh4LFy70rUq7cOFCamtrgf/7VrRixQoGDRrEAw88gNfrZcWKFQwZMoQBAwYwffp033t68uRJZs6cyYABA+jXrx8//vGPw/bGVHJuChA571122WXYbDZmzZrF3/72N44dO9bs51izZg2LFi1i69atREVFsWDBgga3mzVrFlFRUWzatIk1a9bwzjvv+I6fvPbaazz55JO4XC4+/PBDli1bRnx8PI8++ihdunRh+fLlbNu2jbvvvvuM50xPT6ekpOSMu+KtX7+erKysM7Zr3749f/jDH0hKSmLbtm1s27aN5ORk+vfvz2uvvebbbt26dYwYMYI2bdqcNf4+ffqwZMkS/vrXv551F76amhp+8YtfkJaWxtatW9m0aRMDBw4EYNmyZXz00UesXbuWdevW8fHHH/PUU0/5+h4+fJhjx47x5ptvMn/+fJ5//nneeOMN/vSnP7F161Y6dOjAvHnzAHj11Vepqanhrbfe4v333+fhhx8mOjq6id+QhCMFiJz3YmJi+POf/4zFYmHu3LkMHDiQCRMmNOtT7ahRo7jiiito374906dP5/XXXz/rAPfhw4fZsmULDz74IO3btycxMZE777yTwsJCAP77v/+bu+66i+9+97tYLBYuvfRSunbt2uRrt2vXjsGDB/sW99uzZw9ffPEF6enpfo39lltuYd26dcCplWULCwsZNWpUg9vOnTuXrKwsVq9ezYgRI7jxxhv529/+BsBbb73FxRdfzPjx42nbti0xMTH06dMHOBVokydPJjExkYSEBCZPnux7TQCr1cq0adOw2+1ER0fz0ksvcd9999G5c2fsdjtTpkxh48aNvumto0ePsnfvXmw2G1dffTUxMTF+1SrhRROZEhZSUlJYvHgxcOrGR/fffz+LFi3id7/7nV/9T1/Ku0uXLtTV1Z0xLQSnzpyqr6/n+uuv9z3m9Xp9fd1uN5dccomp8WdlZbF48WKmTJlCQUEBQ4YM8d3lsSmDBw8mLy+P/fv3U1JSQkxMDN/97ncb3DY6OpoJEyYwYcIEampqWLFiBb/85S958803zzn+8vLyM2401KVLF8rLy30/d+zY8Yy7E5aWljJ58mSs1v/7DGq1WqmoqGDUqFF8+eWXzJgxg6qqKkaOHMl9993X4DcmCW8KEAk7KSkpjB49mpdeegk49Qn/66+/9rU39M3k9LvRud1u2rRpQ8eOHc94/JtP0++9916DB4kdDgf79u0zNeZBgwZx5MgRPv30UwoKCnjggQca3M5isZz1WNu2bRk2bBjr1q3jiy++aPTbx7fFxMRw77338vTTT3PgwAEcDofv29S3JSUlUVpa6lvO3O12k5SU1Oi4OnfuzKJFixq9g9+UKVOYMmUKBw4c4J577uGyyy7j1ltv9WvcEj40hSXnveLiYlauXOm79abb7aagoMA3/eJ0OvnnP/9JaWkp1dXVPP3002c9x7p16/j88885ceIETzzxBBkZGWedYpuUlMSgQYNYvHgxNTU1eL1e9u3bxz/+8Q8AxowZw8qVK9mxYweGYbB3714OHjwIwMUXX8z+/fsbrSEqKoqMjAweeeQRjh07xqBBgxrcLjExkaNHj1JdXX3G46NGjeLVV19l8+bNjBw5stHXyc/PZ/v27dTW1nLy5Emef/554uLiuOyyy/jRj37E4cOHee6556itraWmpoaPPvoIgBEjRrBs2TIqKyuprKwkPz//rGM0p/vJT37C448/7qv/m3tLALz33nvs3LkTj8dDTEwMUVFREXVnx0iiAJHzXkxMDB999BG33nor11xzDbfddhtXXHEFOTk5wKlP98OHD2fkyJGMHj2aG2644aznGDVqFDk5OQwaNIja2lpmz57d4Gs98sgj1NXVMXz4cL7//e8zbdo0Dh06BMCwYcOYMGECv/rVr/je977H5MmTfQf077nnHpYtW0a/fv149tlnG3zurKws3n33XYYOHdroabApKSmMGDGCIUOG0K9fP8rKygBITU3FarXSu3dvunXr1uh7ZbFYePDBB7n22mtJS0vj3Xff5emnn+aiiy4iJiaGlStX8uabbzJo0CAyMjJ8d+CbNGkSV199NSNHjmTkyJH07t2bSZMmNfo6P/vZz0hPT2f8+PH07duX2267zXddzuHDh5k2bRqpqakMHz6c/v37nzP0JHzpfiAS0fbv389NN91EUVFRg9NH55Of/exnZGVlaSpIzhv6BiIRbdeuXXTt2vW8D4/t27dTVFTEsGHDWnsoIj46iC4Ra9WqVTzzzDPMmTOntYdyTrNmzeKNN95g9uzZOh1WziuawhIREVM0hSUiIqYoQERExBQFiIiImKIAERERUxQgIiJiigJERERM+f8SrHjj3S6z7QAAAABJRU5ErkJggg==\n", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "fig = plot_overlayed_two_histograms(subjectivity_scores['COCO'], \n", + " subjectivity_scores['ArtEmis'], \n", + " min_val=0, max_val=1, n_bins=20, labels=['COCO', 'ArtEmis']);\n", + "fig.axes[0].set_xlabel('Subjectivity Scores')\n", + "fig.savefig('ArtEmis_vs_COCO_subjectivity_scores.jpg')" + ] + }, + { + "cell_type": "code", + "execution_count": 18, + "metadata": {}, + "outputs": [], + "source": [ + "##\n", + "## Analyze the above metric per art-genre\n", + "##" + ] + }, + { + "cell_type": "code", + "execution_count": 44, + "metadata": {}, + "outputs": [], + "source": [ + "name = 'ArtEmis'\n", + "datasets[name]['conreteness_scores'] = concreteness_scores[name] \n", + "datasets[name]['subjectivity_scores'] = subjectivity_scores[name]\n", + "datasets[name]['sentiment_abs_scores'] = sentiment_scores[name].abs()" + ] + }, + { + "cell_type": "code", + "execution_count": 45, + "metadata": {}, + "outputs": [], + "source": [ + "g = pd.read_csv('../../data/wiki_art_genre_class.csv')\n", + "m = pd.merge(datasets['ArtEmis'], g, on=['art_style', 'painting'])" + ] + }, + { + "cell_type": "code", + "execution_count": 46, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAaQAAAEUCAYAAABkhkJAAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjMuNCwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8QVMy6AAAACXBIWXMAAAsTAAALEwEAmpwYAABLLUlEQVR4nO3deXxN1/74/1dGRJQgicTQr6omWiVHEifIQBAkkhiq+BR1VQ2VBq1bQVHhaquUCm3F1OtSrSEiKqEEobeEaAztD0UJkkgESWWQcf/+8LCvVGRqhnN4Px+PPB7n7L3W2u+9Dnlnr73PWgaKoigIIYQQtcywtgMQQgghQBKSEEIIHSEJSQghhE6QhCSEEEInSEISQgihEyQhCSGE0AmSkIQQQugE49oOQOinu3ezKCrSr6+wNWlizu3bmbUdRoXoY8ygn3HrY8ygX3EbGhpgYVH/ifslIYlKKSpS9C4hARJzDdLHuPUxZtDfuP9KhuyEEELoBElIQgghdIIM2YlK8fbuyY0bN2o7DCFELbJt1ozIPYeqrD1JSM+YsWPH4uPjw8CBA/9WO//9OBhysqsoKiGEPnp+XECVtidDdnrEzs6OhISEv9XGmjVr1GQUFhbG8OHDqyI0IYT42yQh6YGCgoIqLSeEELpIElI18/T0ZNWqVXh7e+Ps7MyMGTPIzc0FYMuWLfTu3ZvOnTszYcIEUlJS1Hp2dnZs2rQJLy8vvLy8eOONNwDw9/dHo9EQGRlJbGws7u7uhIaG0q1bN2bMmEFGRgbjx4/HxcUFZ2dnxo8fz82bN9V2R44cydatW7l8+TJz587l1KlTaDQanJycarZjhBDiLyQh1YBdu3axdu1a9u3bx5UrV/jyyy85evQoS5YsYdmyZfz00080b96c9957r1i9/fv3s2XLFiIjI9m0aRMAO3fuJD4+Hm9vbwDS0tLIyMjg4MGDzJ8/n6KiIgYNGsTBgwc5ePAgderUITg4+LGY2rRpw7x583BwcCA+Pp64uLjq7wghhCiFPNRQA9544w1sbGwAmDhxIvPnz+fWrVsMHjyYV155BYD33nuPzp07c+PGDVq0aAHAuHHjaNSoUaltGxoaEhgYiKmpKQB169alT58+6v6JEycyatSoajgrIYQAS8sGVdaWJKQa8DAZAdja2pKamkpqaqqajADq169Po0aNSElJURPSo/WexMLCgjp16qjvc3Jy+Pjjjzly5AgZGRkAZGVlUVhYiJGRUVWdkhBCAHDr1r1ylzU0NKBJE/Mn76+KgETpkpOT1ddJSUlYWVlhZWVFYmKiuj07O5v09HSsra3VbQYGBmW2/dcy69at48qVK2zZsoVffvlFHepTlMenFilP+0IIUVMkIdWAb7/9lps3b5Kenq4+4ODr60tYWBjnzp0jLy+Pzz//nA4dOqhXRyVp2rQp169fL/VYWVlZ1KlTh+eee4709HRWrFjxxLJNmjQhJSWFvLy8Sp+bEEJUFUlINaB///6MGTOGXr160bJlSyZOnEiXLl2YPHky7777Lq6urly/fp2lS5eW2k5AQABBQUE4OTkRGRlZYpk333yT3NxcXFxcGDp0KG5ubk9sz8XFhRdffBFXV1e0Wu3fOkchhPi7DJSSxnJElfH09GTBggV07dq1tkOpUlqtVqYOEuIZV9Gpg8q6hyQPNYhKiYyM1rsp7y0tG1ToBqwu0MeYQT/j1seYQX/jLokM2QkhhNAJcoVUzQ4cOFDbIQghhF6QKyQhhBA6QRKSEEIInSAJSQghhE6QhCSEEEInSEISQgihEyQhCSGE0AmSkIQQQugESUhCCCF0gnwxVlSKt3dPmctOiGdcReeyK4skpFJUx8SoN27coGfPnvz2228YG+tv9//342DIya7tMIQQtej5cQFV2p4M2QkhhNAJkpCEEELoBElI5XDmzBmGDh2Kk5MTrq6uBAcHF1tl1c7Ojs2bN+Pl5YWzszPz5s1TlwwvLCzk008/RavV0rNnT2JiYoq1HRYWRs+ePdFoNHh6ehIREaHu27JlC/369UOj0eDt7c1vv/0GQGhoKL169VK379u3r1h7w4YNY/78+Tg6OtK3b1+OHj2q7r937x4zZ87E1dUVNzc3li5dSmFhYbX0mxBCVIT+3sSoQYaGhsyYMYP27dtz8+ZN3n77bb799ltGjx6tljl06BDbtm0jMzOTQYMG0aNHD9zd3dmyZQsHDx4kPDycevXq8e6776p1srOzWbBgAdu2beOFF14gNTWVjIwMAKKioggJCWHlypW8+uqrXLt2Tb3n1LJlSzZt2oSlpSV79uzhn//8Jz/++CNWVlbAgwTat29fjh07xr59+wgICCA6OppGjRoxffp0mjZtyo8//khOTg7jx4/HxsaGYcOG1VyHCiGeGpaWDaqsLblCKof27dvj4OCAsbExLVq0YOjQoZw4caJYmbfffpvnnnsOW1tbtFot58+fBx4kljfffBMbGxsaNWrE+PHji9UzNDTk4sWL3L9/HysrK9q2bQvAtm3bGDt2LB06dMDAwIDnn3+e5s2bA9CvXz+sra0xNDTE29ub559/njNnzqhtNm7cmDfffBMTExO8vb1p3bo1hw4dIi0tjcOHDzNz5kzMzMxo0qQJo0ePZvfu3dXZfUKIp9itW/fK/XP7dmapbckVUjlcuXKFTz75hF9//ZWcnBwKCwt55ZVXipWxtLRUX9erV4+srCwAUlNTsbGxUffZ2tqqr83MzFi6dCnr1q1j1qxZdOrUienTp9OmTRuSk5Np1apVifGEh4ezfv16EhMTgQdXWnfv3lX3W1tbY2BgUOyYqampJCUlUVBQgKurq7qvqKioWHxCCFFbJCGVw0cffcTLL7/MkiVLMDc355tvvmHv3r3lqmtpaUlycrL6/tHXAG5ubri5uXH//n2WLVvG7Nmz+fbbb7GxseHatWuPtZeYmMiHH37IN998g0ajwcjICH9//2JlUlJSUBRFTUrJycl4enrSrFkzTE1NOXbsmF4/ci6EeDrJkF05ZGVlUb9+ferXr8/ly5fZvHlzuev269eP//znP9y8eZOMjAxCQ0PVfWlpaURHR5OdnY2pqSlmZmYYGRkB8Nprr7Fu3Tp+/fVXFEUhISGBxMREcnJyMDAwoHHjxgBs376dixcvFjvmnTt32LBhA/n5+URFRXH58mU8PDywsrKiW7dufPLJJ2RmZlJUVMS1a9c4fvx4FfSSEEL8PfJncjlMnz6d2bNns3btWtq1a4e3tzfHjh0rV93XX3+dq1ev4u/vT/369XnrrbfUukVFRaxfv54PPvgAAwMD2rVrx9y5c4EHiSw9PZ3333+f1NRUmjdvzqJFi3j55ZcZM2YMw4YNw8DAgAEDBtCpU6dix+zQoQMJCQm4uLjQtGlTli9fjoWFBQCLFi1i8eLFeHt7k5WVRcuWLXn77bersLeEEKJyDJSHzyeLp0JYWBhbt26t0FVcZWi1Wpk6SIhnXEWnDjI0NKBJE/Mn7pcrJFEpkZHRFBXp198ylpYNuHXrXm2HUSH6GDPoZ9z6GDPob9wlkXtIQgghdIJcIT1lBg0axKBBg2o7DCGEqDC5QhJCCKETJCEJIYTQCZKQhBBC6ARJSEIIIXSCJCQhhBA6QRKSEEIInSAJSQghhE6Q7yGJSvH27ilTBwnxDGvWzJY9ew5UaZuSkKpAREQE4eHhrFu3rrZDqTEL14aTkydLnwvxrBrvq63yNmXIrgr4+fkVS0Z2dnYkJCTUYkRCCKF/JCEJIYTQCZKQKig5OZmAgABcXFzQarUEBwcTFhbG8OHDAXjjjTcA8Pf3R6PREBkZSf/+/Tlw4H9jrfn5+Wi1Ws6dO0dubi7Tpk1Dq9Xi5OTE4MGDSUtLAyA9PZ0ZM2bg6uqKs7Mz77zzDgAZGRmMHz8eFxcXnJ2dGT9+PDdv3lTbHzlyJEuWLOG1117D0dGRiRMnkp6eru4/deoUw4YNw8nJCT8/P2JjY6u724QQokxyD6kCCgsL1URw4MABjIyMOHv2bLGlxjdt2oSdnR07d+7k+eefBx4sOx4REYGnpycAMTExWFlZ0a5dO7777jsyMzM5dOgQpqamnDt3jrp16wLwwQcfYGZmxu7duzEzMyM+Ph54sLDfoEGDWLZsGYWFhcycOZPg4GC+/PJLNY7w8HDWrl1LixYtmD59OgsWLGDx4sWkpKQwfvx4Fi1ahJubG0ePHiUwMJCoqCh1FVohhCgPS8sGVdqeXCFVwJkzZ0hNTVUTRZ06dXByciqznp+fHzExMWRmZgIPHoLw8/MDwNjYmPT0dBISEjAyMqJ9+/aYm5uTmprK4cOHmTdvHg0bNsTExITOnTsDYGFhQZ8+fahXrx7m5uZMnDiREydOFDumv78/L730EmZmZkyePJk9e/ZQWFjIzp07cXd3x8PDA0NDQ7p160b79u2JiYmp4t4SQjztbt26V6Gf27czS21PrpAqIDk5GVtbW4yNK9Zt1tbWdOrUib1799K7d28OHz7MrFmzgAeJ4+bNm7z33nv8+eef+Pn5MXXqVG7evEnDhg1p2LDhY+3l5OTw8ccfc+TIETIyMgDIysqisLAQIyMjAGxsbNTytra25Ofnc/fuXZKSktizZw8HDx5U9xcUFKDVVv0TM0IIURGSkCrAxsaG5ORkCgoKKpyUBg4cyNatWyksLMTBwQFra2sATExMCAgIICAggBs3bjBu3Dhat26Nh4cHGRkZ/Pnnnzz33HPF2lq3bh1Xrlxhy5YtWFpacu7cOQYMGMCjq9EnJycXe21iYoKFhQU2Njb4+/uzYMGCv9ETQghR9WTIrgI6dOiApaUlS5YsITs7m9zcXE6ePPlYuaZNm3L9+vVi23r16sX/9//9f2zYsIEBAwao248dO8aFCxcoLCzE3NwcY2NjjIyMsLKywt3dnXnz5pGRkUF+fr46LJeVlUWdOnV47rnnSE9PZ8WKFY/FEBERwaVLl8jJyeGLL76gT58+GBkZ4efnx8GDBzly5AiFhYXk5uYSGxtb7KEIIYSoDZKQKsDIyIivv/6ahIQEevTogbu7O1FRUY+VCwgIICgoCCcnJyIjIwGoW7cuXl5e3Lhxg969e6tl09LSCAwMxNHREW9vbzp37qzeX1q0aBHGxsb069ePrl278u9//xuAN998k9zcXFxcXBg6dChubm6PxeDv709QUBDdunUjLy9PHSK0sbHhyy+/ZNWqVXTp0gUPDw/Wrl1LUVFRlfeXEEJUhIHy6DiPqFYrVqzg6tWrLF68uFqPM3LkSPz8/BgyZEi1HUOr1crUQUI8wyozdZChoQFNmpg/cb/cQ6oh6enpbN++nUWLFtV2KFUiMjKaoiL9+lvG0rIBt27dq+0wKkQfYwb9jFsfYwb9jbskMmRXA7Zs2UL37t1xc3PD2dm5tsMRQgidJEN2olJu386UK6QaoI8xg37GrY8xg37FXdaQnVwhCSGE0AmSkIQQQugESUhCCCF0giQkIYQQOkESkhBCCJ0gCUkIIYROkIQkhBBCJ8hMDaJSvL17ytRBQjzDKjN1UFkkIekIjUZDREQELVu2rHDduLg4Zs2axd69e6shspItXBtOTl5hjR1PCKFbxvtW/RpqMmSnI+Lj48udjOzs7EhISFDfOzk51WgyEkKI6iAJ6S8KCgpqOwQhhHgm6VVC+u233xgwYAAajYbAwECmTJnC0qVLATh48CD+/v44OTkxbNgwzp8/r9bz9PRk7dq1+Pr64ujoyJQpU8jNzQUgNjYWd3d3QkND6datGzNmzKCoqIjQ0FB69eqFVqtl8uTJpKenlxrbjRs3sLOz4/vvv8fV1RVXV1fWrVun7j9z5gxDhw7FyckJV1dXgoODycvLU/c/etUTFBTEvHnzGDduHBqNhiFDhnDt2jUA3njjDeDBekcajYbIyEj1HMpzvgCrV69WY9y6detjV1xCCFEb9CYh5eXlERAQwMCBAzl+/Dj9+/dn//79wINENXPmTIKDg4mNjWXo0KG88847xX7hR0VFsWbNGqKjo7lw4QJhYWHqvrS0NDIyMjh48CDz589nw4YN7N+/n40bN3LkyBEaNmxIcHBwueKMjY3lxx9/ZO3atYSGhvLzzz8DYGhoyIwZMzh27BjfffcdR48e5dtvv31iO7t37yYgIIATJ07QqlUrNfFu2rQJgJ07dxIfH4+3t3eJ9Z90vocPH+abb75h/fr17Nu3j+PHj5frvIQQorrpTUI6ffo0BQUFjBo1ChMTE7y8vHj11VeBB8s7DB06lI4dO2JkZMTAgQMxMTHh1KlTav2RI0dibW1No0aN6NGjB+fOnVP3GRoaEhgYiKmpKXXr1uX7779n6tSpNGvWDFNTUwICAti7d2+5hvMmTZqEmZkZdnZ2DBo0iB9++AGA9u3b4+DggLGxMS1atGDo0KHqkuQl6d27Nx06dMDY2Bg/P79i8ZbHk843KiqKQYMG0bZtW+rVq0dAQECF2hVCiIcsLRtU6Ke0mb5Bj56yS01NxdraGgMDA3WbjY0NAElJSYSHh7Nx40Z1X35+Pqmpqep7S0tL9XW9evWK7bOwsKBOnTrq+6SkJCZNmoSh4f/ytaGhIbdv38ba2rrUOB/GBNC8eXN+//13AK5cucInn3zCr7/+Sk5ODoWFhbzyyitPbKdp06bq67p165KdnV3qcf/qSeebmppK+/btS4xXCCEqoqLLXjw1K8ZaWlqSkpKCoihqUkpOTqZly5bY2NgwYcIEJk6cWKm2H01yAM2aNWPhwoU4OjpWuK3k5GTatGkDPEhsVlZWAHz00Ue8/PLLLFmyBHNzc7755ptaeTLOysqKlJSUYvEKIYQu0JshOwcHB4yMjNi4cSMFBQXs37+fs2fPAjBkyBC+++47Tp8+jaIoZGdnc+jQITIzMyt1rOHDh7Ns2TISExMBuHPnjnq/qixffvklOTk5XLx4kbCwMPUeT1ZWFvXr16d+/fpcvnyZzZs3Vyo2eHD1dP369UrV7du3L2FhYVy+fJmcnBxWrlxZ6TiEEKIq6U1CMjU1JSQkhG3btuHs7ExERATdu3fH1NSUV199lfnz5xMcHIyzszNeXl7FHlqoqFGjRuHp6cmYMWPQaDS8/vrrnDlzplx1O3fuTO/evRk9ejRjxozB1dUVgOnTp/PDDz/QqVMnZs+e/cSHEcojICCAoKAgnJyciIyMrFBdDw8PRo4cyahRo+jduzcODg7Ag/4VQojapNdLmA8ZMoRhw4YxePDg2g6FGzdu0LNnT3777TeMjfVmJJTLly/Tv39/zp49W6G4tVqtTB0kxDOsMlMHPTX3kACOHz9O69atsbCwYNeuXVy4cAE3N7faDkvv7Nu3Dw8PD3Jycvjss8/o0aNHhZNoZGQ0RUX69beMpWWDCt+ErW36GDPoZ9z6GDPob9wl0auEdOXKFaZMmUJ2djYtW7Zk+fLl6kMDNSEiIoK5c+c+tt3W1pZVq1bVWBx/13fffUdQUBBGRkY4OzuXeE5CCFHT9HrITtSe27cz5QqpBuhjzKCfcetjzKBfcZc1ZKc3DzUIIYR4uklCEkIIoRMkIQkhhNAJkpCEEELoBElIQgghdIIkJCGEEDpBEpIQQgidoFdfjBW6w9u7p0wdJMQzqpmNDXuiDlZ5u5KQgLCwMLZu3fq3ZuD+O77++muuX7/Ov/71r0rVHzt2LD4+PgwcOLCKI3uyNVFfkleUW3ZBIcRTx6/jkGppt8IJqaioiLS0tBqdsudpN2HChHKXDQkJISEhgcWLF6vb1qxZUx1hCSFEjSr3PaQ///yT999/nw4dOuDl5QVAdHQ0S5curbbghBBCPDvKnZDmzp2Lubk5Bw4cwMTEBACNRkNUVFS1BVcWT09P1q5di6+vL46OjkyZMoXc3FzCwsIYPnx4sbJ2dnYkJCQAcPfuXSZMmECnTp147bXXuHbtWrGyly9f5h//+AedO3emT58+5VpzKCgoiDlz5vCPf/wDjUbDiBEj1AX+ABYsWICHhwedOnVi0KBBxMXFqftCQkKYNm0a8GAZCzs7O3bs2EH37t3RarV89dVXABw+fJhVq1YRFRWFRqPBz88PgJEjR7J161YA9dw//fRTnJ2d8fT0JCYmRj3W9evXeeONN9BoNIwePZp58+apxxZCiNpU7oR09OhRPvzwQ6ysrNQlvxs3bszt27erLbjyiIqKYs2aNURHR3PhwoVyLcwXHBxMnTp1+Omnn1i4cCHbt29X92VnZzNmzBj69+/Pzz//zOeff868efO4ePFime3u2rWLd955h9jYWOzt7Yv9on/11VcJDw/n+PHj9O/fn8mTJ5Ob++R7MCdPnmTPnj38+9//ZuXKlVy+fBl3d3fGjx9Pv379iI+PJyIiosS6Z86coXXr1hw7doyxY8cya9YsHs6hO23aNDp06EBsbCwBAQHs3LmzzPMSQoiaUO6E1KBBA+7evVtsW1JSEpaWllUeVEWMHDkSa2trGjVqRI8ePTh37lyp5QsLC/nxxx8JDAzEzMyMl156qdjDAIcOHaJ58+YMHjwYY2NjXnnlFfr06cPevXvLjKV79+44OztjamrK1KlTOXXqFMnJyQD4+/tjYWGBsbExY8aMIS8vjytXrjyxrYCAAOrWrYu9vT329vacP3++nD3yYDmM119/HSMjIwYOHMitW7dIS0sjKSmJs2fPEhgYiKmpKU5OTnh6epa7XSGEeMjSskGFf0qb6Rsq8FDDkCFDCAwMZMqUKRQVFREfH8/nn3/OsGHD/vaJ/R2PJsR69eqRmppaavk7d+5QUFCAjY2Nus3W1lZ9nZiYyJkzZ3ByclK3FRYWqsNjpWnWrJn6un79+jRs2JDU1FRsbGxYt24dW7duJTU1FQMDAzIzMx9L8I9q2rRpsfPKzs4u8/hPqgsPrvzu3r1Lw4YN1W0ANjY2atIUQojyqsySF1W2Yuzbb7+NqakpwcHBFBQUMHPmTIYOHcqbb75Z4aCqW7169bh//776/tatW+rrxo0bY2xsTHJyMm3atAEo9gvZxsYGZ2dn1q9fX+Hj3rx5U32dlZVFRkYGVlZWxMXFsXr1ar755hvatm2LoaEhzs7OVGYpqofDpZVhaWlJRkYGOTk5alKSZCSE0BXlGrIrLCwkKCiI//u//yMyMpJTp04RFRXF6NGj/9YvyOpib2/PxYsXOXfuHLm5uYSEhKj7jIyM6N27NytWrCAnJ4dLly6xY8cOdX/37t25evUq4eHh5Ofnk5+fz5kzZ7h8+XKZx42JiSEuLo68vDy++OILOnbsiI2NDVlZWRgZGdG4cWMKCgpYsWIFmZmZlTq3Jk2akJiYSFFRUYXrNm/enPbt2xMSEkJeXh7x8fEcPFj1X24TQojKKFdCMjIy4r///a9OJp+StG7dmkmTJjF69Gi8vLxwdHQstn/OnDlkZ2fTrVs3goKCGDRokLrP3NyctWvXEhkZiZubG66urixevJi8vLwyj9u/f39WrlyJVqvlt99+47PPPgPA1dUVd3d3+vTpg6enJ3Xq1Ck2ZFgRffv2BUCr1Vbqi7CLFy/m1KlTaLVali1bhre3N6amppWKRQghqlK5lzBfvXo19+7dIyAgQH6BlSAoKAhra2umTp1a26FUyJQpU3jhhRcIDAysUD2tVitTBwnxjKrs1EFVdg9p48aNpKWlsX79eho3blzsaunQoUMVDkzUjjNnztCoUSNatGjBTz/9RHR0NOPGjatwO5GR0RQVVfweWG2ytGxQqRuxtUkfYwb9jFsfYwb9jbsk5U5ID4efnmU+Pj4kJSU9tn3evHm1EE3lpKWl8e6775Kenk6zZs346KOPePnll2s7LCGEKP+QnRCPun07U66QaoA+xgz6Gbc+xgz6FXeVDdnl5eWxY8cOzp0799h3YhYtWlT5CIUQQggqkJCCgoI4f/48PXr0KPbFSyGEEKIqlDshHTlyhOjoaJ577rnqjEcIIcQzqtxz2dnY2JTruzhCCCFEZZT7CmnAgAG88847jBo1iiZNmhTb16VLlyoPTAghxLOlQt9DAvj888+LbTcwMCA6OrpqoxJCCPHMKXdCOnDgQHXGIYQQ4hlX7ntIAPn5+cTFxakrqGZnZ1doWQQhhBDiScr9xdgLFy4wceJETE1NSUlJIT4+npiYGHbs2MGyZcuqOUyha2QuOyGePbY2zYiMOlTp+mV9MbbcCWn48OEMHTqUAQMG4OzszIkTJ8jOzqZPnz4cOXKk0gEK/aT8EQEFWbUdhhCiBrXoMY1Tp8q/evVflZWQyj1kd+nSJfz9/YH/LRJnZmZGbm5upYMT/zN27Fh1XaawsDCGDx+u7rOzsyMhIaHU+kFBQSxduhSAuLg4+vTpo+77448/GDBgABqNhg0bNlRD9EII8feV+6GG5s2b8+uvv/Lqq6+q286cOUOrVq2qJbCnWUhICAkJCSxevFjdtmbNmipr38nJib179xZru3PnzoSHh1fZMYQQoqqV+wpp8uTJjB8/nuXLl5OXl8eqVasIDAxkypQp1RieqApJSUm0bdu2tsMQQohSlTsh9ejRgzVr1nDnzh06d+5MUlISK1aswNXVtTrj03uhoaG4ubmh0Wjo06cPhw4dYtWqVURFRaHRaPDz8wNg5MiRbN26tUqOGRsbi7u7OwCjRo0iNjaW4OBgNBoNV65cIS8vj08//ZTu3bvTtWtX5syZw/3796vk2EKIp5ulZYNK/5R2/wgqMGT3xRdfAGBhYYGFhQUA0dHRHDlyhGbNmuHm5iaTrv7FH3/8waZNm9i2bRvW1tbcuHGDoqIixo8f/9iQXXXZsGEDI0eOxM/PjyFDhgDwr3/9i+vXrxMeHo6xsTHTpk1j5cqVvP/++9UejxBCv/2dpS6q7KGGq1evsnr1amJjY7l27RqxsbGsXr2ac+fOsXnzZnr16sXhw4crHejTyMjIiLy8PC5fvkx+fj4tWrSo9XtuiqKwdetWZs6cSaNGjTA3N2f8+PHs3r27VuMSQohyXyEVFRWxdOlSevfurW7bv38/P/zwA1u2bGHHjh0sWbJEHSoS8PzzzzNz5kxCQkK4dOkSrq6uBAUF1WpMd+7cIScnh0GDBqnbFEWhqKioFqMSQogKXCH99NNPeHp6FtvWo0cP9arIz8+Pa9euVW10TwFfX182b97MwYMHMTAwYPHixepj87XBwsKCunXrsnv3buLi4oiLi+PkyZPEx8fXWkxCCAEVSEitWrVi8+bNxbZ999136hDU3bt3MTMzq9ro9Nwff/zB0aNHycvLw9TUlDp16mBkZESTJk1ITEyslasSQ0NDhgwZwsKFC7l9+zYAKSkp8uVmIUStK/eQ3YIFC3j33XdZvXo11tbWpKSkYGRkREhICABXrlxh8uTJ1RaoPsrLy2PJkiVcvnwZExMTNBoNwcHBmJqaEhERgVarpUWLFuoXYmvKP//5T1auXMnrr7/O3bt3sba2Zvjw4bi5uZW7DZfh/5Kpg4R4xtjaNKvW9ss9dRA8mFz19OnTpKamYmlpiYODAyYmJtUZn9BRt29nUlRU7n86OsHSssHfekKoNuhjzKCfcetjzKBfcZf1lF25r5AATExMcHJy+ttBCSGEEH9VoYQkapePjw9JSUmPbZ83b576BVshhNBXkpD0iHxXSAjxNKvQAn1CCCFEdZGEJIQQQidIQhJCCKETJCEJIYTQCZKQhBBC6ARJSEIIIXSCPPYtKsXbu6dMHSTEM8LGxoaoqIPVfhxJSH/h4+PDnDlzOH78uLqI3o0bN+jZsye//fYbxsa612Vjx47Fx8eHgQMH1tgxI75dSmGBrDIrxLPA2XNkjRxHhuz+Yvfu3Wi12mppuyqWKQ8JCWHatGnFtq1Zs6ZGk5EQQlQHSUg6pKCgoLZDEEKIWiMJ6S88PT35+eefK1Tm0auW3Nxcpk2bhlarxcnJicGDB5OWlsbSpUuJi4sjODhYXYYCwM7Ojk2bNuHl5YWXlxfwYKkPDw8POnXqxKBBg4iLiwPg8OHDrFq1iqioKDQajTp/3aNXXkVFRXz55Zf06NGDLl268MEHH3Dv3oOZgG/cuIGdnR07duyge/fuaLVavvrqqyrsPSGEqDzduyGi53bs2EFmZiaHDh3C1NSUc+fOUbduXaZOncovv/yCn58fQ4YMKVZn//79bNmyhbp16wLw6quvMmnSJBo0aMCGDRuYPHkyBw4cwN3dnfHjx6v3tkoSFhbGjh072LBhA40bN2b69OkEBwfz2WefqWVOnjzJnj17uHr1Kq+99hpeXl60adOm+jpFCKH3LC0bVPsxJCFVMWNjY9LT00lISMDe3p727duXWWfcuHE0atRIfe/v76++HjNmDF999RVXrlzB3t6+zLZ27drF6NGjadmyJQDvvfcevr6+fPzxx2qZgIAA6tati729Pfb29pw/f14SkhCiVFWx5lKVrockyubv78/Nmzd57733+PPPP/Hz82Pq1KmlLmRoY2NT7P26devYunUrqampGBgYkJmZyd27d8t1/NTUVJo3b66+b968OQUFBepy5QBNmzZVX9erV4/s7Ozynp4QQlQbuYdUCfXq1SMnJ0d9f+vWLfW1iYkJAQEBREZG8t1333Ho0CHCw8NLbc/AwEB9HRcXx+rVq1m2bBknTpwgLi6OBg0a8HBh30fLlsTKyorExET1fVJSEsbGxjRp0qQipyiEEDVOElIl2NvbExkZSX5+PmfPnmXv3r3qvmPHjnHhwgUKCwsxNzfH2NgYIyMj4MGVyfXr10ttOysrCyMjIxo3bkxBQQErVqwgMzNT3d+kSRMSExMpKioqsX7//v3597//zfXr18nKymLp0qX069dPJ78/JYQQj5KEVAlTpkzh2rVrdO7cmZCQEHx9fdV9aWlpBAYG4ujoiLe3N507d1afhhs1ahR79+7F2dmZBQsWlNi2q6sr7u7u9OnTB09PT+rUqVNsSK9v374AaLXaEr97NHjwYPz8/BgxYgQ9e/bE1NSU2bNnV+XpCyFEtTBQHo4FCVEBWq1Wpg4S4hlRVVMHlfVQgyQkUSm3b2dSVKRf/3QsLRtUyZNCNUkfYwb9jFsfYwb9irushCRDdkIIIXSCJCQhhBA6QRKSEEIInSAJSQghhE6QhCSEEEInSEISQgihEyQhCSGE0AmSkIQQQugESUhCCCF0gsy4KSrF27unTB0kxDOiqqYOKkutJqSQkJBSVz+tCrGxsfzzn//k8OHD1XYMfYjB09OTBQsW0LVr1yppL+LbpRQW3K+StoQQus3Zc2SNHEcvh+xCQkKYNm1abYdRY5618xVCPJv0MiEJIYR4+tRYQgoNDcXNzQ2NRkOfPn04evRosf35+fm89957vPvuu+Tl5ZGSksK7776Li4sLnp6ebNiwAYDDhw+zatUqoqKi0Gg06lpD6enpzJgxA1dXV5ydnXnnnXeKtb9u3Tq6dOmCq6sr27dvLzPeQ4cOMWDAADp16oSHhwchISHqvhs3bmBnZ8eOHTvo3r07Wq2Wr776St1///59goKCcHZ2xtvbm7Nnz1a6j550vp6envz8889q3b9eRYWHh9OjR4/HYrt16xYdO3YstiT6r7/+iouLC/n5+eWKUwghqkON3EP6448/2LRpE9u2bcPa2pobN25QVFREXFwc8OAXeGBgII0bN+azzz7DwMCAiRMn4unpyZIlS0hJSWH06NG0bt0ad3d3xo8f/9i9pw8++AAzMzN2796NmZkZ8fHx6r60tDTu3bvH4cOH+fnnnwkMDKRXr140bNjwiTHXq1ePTz/9lLZt2/L7778zZswY2rVrR69evdQyJ0+eZM+ePVy9epXXXnsNLy8v2rRpw4oVK7h27Rr79u0jJyeHt99+u9J91KpVqxLPtzSXLl1i3rx5hIaG0rFjR5YsWcLNmzcBsLS0pHPnzkRFRfF///d/AERERODj44OJiUm52hdCiOpQI1dIRkZG5OXlcfnyZfLz82nRogWtWrUCIDMzk7Fjx9KqVSs+/vhjjIyMOHv2LHfu3CEgIABTU1NatmzJ66+/TmRkZIntp6amcvjwYebNm0fDhg0xMTGhc+fO6n5jY2MmTZqEiYkJHh4emJmZceXKlVJj1mq12NnZYWhoiL29PT4+Phw/frxYmYCAAOrWrYu9vT329vacP38egKioKCZMmECjRo2wsbFh5MiybwiW1kcVtWfPHrp3746zszOmpqZMnjwZQ8P/fdQDBw4kIiICgMLCQnbv3o2/v3+ljiWEeDZYWjb42z+lrYUENXSF9PzzzzNz5kxCQkK4dOkSrq6uBAUFAXD69GkKCgpYsmQJBgYGACQmJpKamoqTk5PaRmFhYbH3j7p58yYNGzZ84hVPo0aNMDb+36nWq1eP7OzsUmM+ffo0ixcv5uLFi+Tn55OXl6cuH/5Q06ZNS2wzNTW12LLjtra2pR4LntxH1tbWZdb9q9TUVJo1a6a+NzMzo1GjRur7nj17MnfuXK5fv86VK1cwNzenQ4cOFT6OEOLZURWLAOrMAn2+vr5s3ryZgwcPYmBgoA4/devWjXHjxjF69GjS0tKAB8+8t2jRgri4OPUnPj6e1atXA6iJ66FmzZqRkZHBn3/+WWXxvv/++/Ts2ZOYmBhOnjzJsGHDKO/iupaWliQnJ6vvH31dmif10V/PFx4kwJycHPX9rVu31NdWVlbqEB1ATk4O6enp6vs6derQr18/IiIi2Llzp1wdCSF0Qo0kpD/++IOjR4+Sl5eHqakpderUwcjISN3/9ttv079/f0aPHs2dO3fo0KED5ubmhIaGcv/+fQoLC/n99985c+YMAE2aNCExMZGioiLgwS9gd3d35s2bR0ZGBvn5+Zw4ceJvxZyVlUXDhg2pU6cOZ86c4Ycffih33X79+hEaGkpGRgY3b97kP//5T5l1Suujv54vgL29PZGRkeTn53P27Fn27t2r7uvTpw+HDh0iLi6OvLw8li9fXqwugL+/Pzt27ODAgQPqgxJCCFGbaiQh5eXlsWTJErRaLa6urty5c4epU6cWKzNp0iR69uzJP/7xD+7du8dXX33F+fPn6dmzJy4uLnz44YdkZmYCqENnWq2WgQMHArBo0SKMjY3p168fXbt25d///vffinnu3LksX74cjUbDypUr6devX7nrBgQEYGtrS8+ePRkzZky5rkBK66OSznfKlClcu3aNzp07ExISgq+vr9pW27ZtmTNnDtOmTcPNzY3nnnuu2BAegKOjI4aGhrzyyiu0aNGi3OcmhBDVxUAp7ziUeOqMGjUKX19fhgwZUuG6Wq1Wpg4S4hlRVVMHlXUPSRLSM+rMmTOMGTOGQ4cOYW5e+pMvJbl9O5OiIv36p2Np2aBKbszWJH2MGfQzbn2MGfQr7rIS0jM9uaqPjw9JSUmPbZ83b1613FdJSkrCx8enxH27d+8u19N4VWH69Ons37+fWbNmVSoZCSFEdZArJFEpcoVUM/QxZtDPuPUxZtCvuHXmsW8hhBCiNJKQhBBC6ARJSEIIIXSCJCQhhBA6QRKSEEIInSAJSQghhE6QhCSEEEInPNNfjBWV5+3dU6YOEuIpZ2trS2TkgRo7ns4kpLCwMLZu3crmzZtrO5RaMXbsWHx8fNTJUytKo9EQERFBy5YtqziykkVHR5d7OQ4hhH6yt7ev0ePp/ZBdWFgYw4cPr7b2g4KCWLp0abW1/9CaNWvKnYxGjhzJ1q1bi22Lj4+vsWQkhBDVQe8TUnkUFhbWdghCCCHKUOMJKTQ0lF69eqHRaPD29mbfvn3qPkVRmD9/Po6OjvTt25ejR4+q+8LCwujZsycajQZPT08iIiK4fPkyc+fO5dSpU2g0GnWJ86CgIObOncvbb7+Ng4MDsbGxHDp0iAEDBtCpUyc8PDwICQkpFldcXBzDhg3DyckJDw8PwsLC+P7779m1axdr165Fo9EwYcKEUs/N09OTVatW4e3tjbOzMzNmzCA3NxeAjIwMxo8fj4uLC87OzowfP77Yqq6PXvU8vOr79NNPcXZ2xtPTk5iYGACWLl1KXFwcwcHBaDQagoODAbCzsyMhIUE9/3nz5jFu3Dg0Gg1Dhgzh2rVr6rF++ukn+vTpg6OjIx999BEjRox47IpLCCFqWo0npJYtW7Jp0yZOnjxJQEAA//znP0lNTQUeLInQsmVLjh07RmBgIAEBAaSnp5Odnc2CBQtYvXo18fHxfPfdd7Rr1442bdowb948HBwciI+PJy4uTj3ODz/8wIQJE/jll19wdHSkXr16fPrpp8TFxbFq1So2b97M/v37gQezcL/99tuMGDGCo0ePEh4eTrt27Rg6dCi+vr689dZbxMfH8/XXX5d5fg8T2L59+7hy5QpffvklAEVFRQwaNIiDBw9y8OBB6tSpoyaTkpw5c4bWrVtz7Ngxxo4dy6xZs1AUhalTp+Lk5MScOXOIj49nzpw5JdbfvXs3AQEBnDhxglatWqnDjnfu3CEwMJD333+f2NhYWrduTXx8fPk+PCGEqEY1npD69euHtbU1hoaGeHt78/zzz6tLkzdu3Jg333wTExMTvL29ad26NYcOHXoQqKEhFy9e5P79+1hZWdG2bdtSj9OzZ091VdQ6deqg1Wqxs7PD0NAQe3t7fHx8OH78OPAgiXTt2pX+/ftjYmKChYUF7dq1q9T5vfHGG9jY2NCoUSMmTpzI7t27AbCwsKBPnz7Uq1cPc3NzJk6cWOoy67a2trz++usYGRkxcOBAbt26RVpaWrnj6N27Nx06dMDY2Bg/Pz/OnTsHwOHDh2nbti1eXl4YGxszatQomjZtWqlzFUI8/SwtG1TZT2kzfUMtPGUXHh7O+vXrSUxMBCA7O5u7d+9iZGSEtbU1BgYGallbW1tSU1MxMzNj6dKlrFu3jlmzZtGpUyemT59OmzZtnngcGxubYu9Pnz7N4sWLuXjxIvn5+eTl5alLgycnJ9OqVasqOb9Hj/swfoCcnBw+/vhjjhw5QkZGBgBZWVkUFhZiZGT0WDuPJol69eoBD/qqvB6tX7duXbVuampqseXMDQwMHlveXAghHqrKpS10avmJxMREPvzwQ2bPnk1sbCxxcXHFrnRSUlKKPUqcnJyMlZUVAG5ubqxfv56ffvqJF154gdmzZwMUS2Clef/99+nZsycxMTGcPHmSYcOGqceysbEpdo/lUeVt/9GYH0pKSlLjX7duHVeuXGHLli388ssvbNq0CaDGH522tLQkJSVFfa8oSrF7WUIIUVtqNCHl5ORgYGBA48aNAdi+fTsXL15U99+5c4cNGzaQn59PVFQUly9fxsPDg7S0NKKjo8nOzsbU1BQzMzP1qqJJkyakpKSQl5dX6rGzsrJo2LAhderU4cyZM/zwww/qPl9fX37++WciIyMpKCjg7t276hBXkyZNKvQF0G+//ZabN2+Snp6uPuDw8Ph16tThueeeIz09nRUrVpS7zb9q2rQp169fr1RdDw8PLly4wP79+ykoKGDTpk0VGgoUQojqUqMJ6cUXX2TMmDEMGzaMrl278vvvv9OpUyd1f4cOHUhISMDFxYVly5axfPlyLCwsKCoqYv369bi5udG5c2dOnDjB3LlzAXBxceHFF1/E1dUVrVb7xGPPnTuX5cuXo9FoWLlyJf369VP32drasnr1atavX0/nzp0ZMGAA58+fB+C1117j0qVLODk58c4775R5jv3792fMmDH06tWLli1bMnHiRADefPNNcnNzcXFxYejQobi5uVWqDwFGjRrF3r17cXZ2ZsGCBRWq27hxY7744gs+++wztFotly5don379piYmFQ6HiGEqAqyhHkV8vT0ZMGCBXTt2rW2Qym3oqIi3N3dWbx4MS4uLuWup9VqZeogIZ5yVT11UFn3kHRm6iBRc44cOULHjh2pW7cua9asAcDBwaFCbURGRlNUpF9/y1haNqjSG7Q1QR9jBv2MWx9jBv2NuySSkCogKSkJHx+fEvc9fLxbH5w6dYpp06aRl5fHiy++yMqVK6lbt25thyWEeMbJkJ2olNu3M+UKqQboY8ygn3HrY8ygX3Hr1GPfQgghxJNIQhJCCKETJCEJIYTQCZKQhBBC6ARJSEIIIXSCJCQhhBA6QRKSEEIInSAJSQghhE6QmRpEpXh795S57IR4ilX1PHbloZMJaeTIkfj5+TFkyBAiIiIIDw9n3bp1ZdarSFldMmfOHKytrZk0aVKl6vv4+DBnzpxSZzuvatHR0TW+lpMQoubY29vX+DF1cuqgRxOSKC4oKAhra2umTp1aq3FkZmZKQhLiKWZvb8+pU+ertE2dnDqooKCgNg4rhBBCh9VYQvL09CQ0NBRfX18cHByIi4tj2LBhODk54efnR2xsbIn1wsLCGD58uPr+p59+ok+fPjg6OvLRRx8xYsQItm7dWmLZX375hcGDB+Po6MjgwYP55ZdfisXz888/q+9DQkKYNm0aALm5uUybNg2tVouTkxODBw8uc1XVkSNHsmTJEl577TUcHR2ZOHEi6enp6v7AwEC6deuGo6Mjb7zxRrGVcoOCgli6dCkAsbGxuLu7s27dOrp06YKrqyvbt28H4Pvvv2fXrl2sXbsWjUbDhAkTHjuXkJAQJk+ezAcffIBGo8HHx4ezZ8+qx/rtt98YMGAAGo2GwMBApkyZoh5bCCFqU41eIe3evZvQ0FCio6OZNGkSEydO5Pjx40yfPp3AwEDu3LlTav07d+4QGBjI+++/T2xsLK1btyY+Pr7Esunp6YwfP56RI0cSGxvLP/7xD8aPH8/du3fLjHPHjh1kZmZy6NAhYmNjmTdvXrmWZwgPD2fhwoUcOXIEY2PjYqu5uru7s3fvXo4ePcrLL7+sJr+SpKWlce/ePQ4fPsy//vUvgoODycjIYOjQofj6+vLWW28RHx/P119/XWL9AwcO4OPjQ1xcHJ6ensyfPx+AvLw8AgICGDhwIMePH6d///7s37+/zPMSQjybLC0bVOlPacN1UMMJaeTIkdjY2LBz507c3d3x8PDA0NCQbt260b59e2JiYkqtf/jwYdq2bYuXlxfGxsaMGjWKpk2bllj20KFDPP/88wwYMABjY2P69+/PCy+8wMGDB8uM09jYmPT0dBISEjAyMqJ9+/aYm5fekQD+/v689NJLmJmZMXnyZPbs2UNhYSHwYCl0c3NzTE1Neffddzl//jz37pU8ZbyxsTGTJk3CxMQEDw8PzMzMuHLlSpnHf8jR0REPDw+MjIzw9/dXl2M/ffo0BQUFjBo1ChMTE7y8vHj11VfL3a4Q4tly69a9Kv25fTuz1OPV6FN2NjY2wIOF7vbs2VMsORQUFJT5lFhqairNmjVT3xsYGBR7/9eytra2xbbZ2tqSkpJSZpz+/v7cvHmT9957jz///BM/Pz+mTp2KiYlJqfUent/DY+Xn53P37l0sLCxYunQpe/bs4c6dOxgaPvg74O7duzRo0OCxdho1aoSx8f8+mnr16pGdnV1m3A89mqTr1q1Lbm4uBQUFpKamYm1tjYGBQYkxCyFEbarRhPTwF6GNjQ3+/v7FhrTKw9LSslhCURSFmzdvlljWysqKpKSkYtuSk5Nxc3MDHvySz8nJUffdunVLfW1iYkJAQAABAQHcuHGDcePG0bp16zKf+ktOTi722sTEBAsLC3bt2kV0dDTr16+nRYsW3Lt3D2dn50o9pfZoMqmoh/2nKIraTnJyMi1btqx0m0IIUVVq5Sk7Pz8/Dh48yJEjRygsLCQ3N5fY2NgnJpeHPDw8uHDhAvv376egoIBNmzY98WEDDw8Prl69yq5duygoKCAyMpJLly7RvXt34MEjjZGRkeTn53P27Fn27t2r1j127BgXLlygsLAQc3NzjI2NMTIyKvO8IiIiuHTpEjk5OXzxxRf06dMHIyMjsrKyMDU1xcLCgpycHD7//PPyd9ZfNGnSpNJfSHVwcMDIyIiNGzdSUFDA/v37iz3wIIQQtalWEpKNjQ1ffvklq1atokuXLnh4eLB27VqKiopKrde4cWO++OILPvvsM7RaLZcuXaJ9+/YlDqVZWFjw9ddfs379erRaLWvWrOHrr7+mcePGAEyZMoVr167RuXNnQkJC8PX1VeumpaURGBiIo6Mj3t7edO7cGT8/vzLPy9/fn6CgILp160ZeXh6zZs0CYMCAAdja2uLm5oaPjw8ODg4V6K3iXnvtNS5duoSTkxPvvPNOheqampoSEhLCtm3bcHZ2JiIigu7du2NqalrpeIQQoqro5Bdjy6uoqAh3d3cWL16Mi4tLrcair1/mHTJkCMOGDWPw4MEVqqfVamXqICGeYtUxdVBZX4zVyamDSnPkyBE6duxI3bp1WbNmDcDfuuJ41hw/fpzWrVur97YuXLig3leriMjIaIqK9OtvGUvLBty6VfKTjbpKH2MG/YxbH2MG/Y27JHqXkE6dOsW0adPIy8vjxRdfZOXKleX6jlBV0Gg0JW5fvXp1jRy/Kly5coUpU6aQnZ1Ny5YtWb58OVZWVrUdlhBC6PeQnag9t29nyhVSDdDHmEE/49bHmEG/4n7qhuyEbjA0rPzj57VJH+PWx5hBP+PWx5hBf+IuK065QhJCCKETZMVYIYQQOkESkhBCCJ0gCUkIIYROkIQkhBBCJ0hCEkIIoRMkIQkhhNAJkpCEEELoBElIQgghdIIkJCGEEDpBEpIQQgidIAlJPCY9PZ1Jkybh4OBAjx492LVr1xPLfvPNN3Tr1g1HR0dmzJhBXl5eDUZaXHnjDgsLo127dmg0GvUnNja2hqN9YOPGjQwaNIj27dsTFBRUalld6uvyxq1LfZ2Xl8fMmTPp0aMHGo2GAQMGEBMT88TyutDfFYlZl/q60hQh/mLq1KnK5MmTlczMTOXEiRNKp06dlN9///2xcocPH1a6dOmi/P7770p6eroyYsQI5bPPPquFiB8ob9zbt29Xhg0bVgsRPm7v3r3Kvn37lDlz5ijTp09/Yjld6+vyxq1LfZ2VlaUsX75cuX79ulJYWKgcOHBAcXBwUK5fv/5YWV3p74rErEt9XVlyhSSKyc7O5scff2Ty5MnUr18fJycnPD092blz52Nlw8PDee2112jbti0NGzbknXfeYceOHbUQdcXi1iVeXl706tWLRo0alVpOl/oayh+3LjEzM+Pdd9+lRYsWGBoa0qNHD1q0aMFvv/32WFld6e+KxPw0kIQkirl69SqGhoa0bt1a3WZvb8+lS5ceK3vx4kXs7e3V93Z2dqSlpXH37t0aifVRFYkb4Ny5c2i1Wvr06cPKlSspKCioqVArRZf6uqJ0ta/T0tK4evUqL7744mP7dLW/S4sZdLevy0vWQxLFZGdn06BBg2LbGjRoQFZWVollzc3Ni5UDyMrKwsLConoDLSGW8sbt7OzMrl27aN68ORcvXmTq1KkYGxszfvz4mgq3wnSprytCV/s6Pz+fadOmMXDgQNq0afPYfl3s77Ji1tW+rgi5QhLFmJmZkZmZWWxbZmYm9evXL7Psw9clla1uFYm7ZcuWtGzZEkNDQ+zs7Jg0aRJ79+6tqVArRZf6uiJ0sa+Lior44IMPMDExYfbs2SWW0bX+Lk/MutjXFSUJSRTz//7f/6OwsJCrV6+q286fP1/iEEHbtm25cOFCsXJNmzatlb8gKxL3XxkYGKDo+DqVutTXf0dt97WiKMyaNYu0tDRCQkIwMTEpsZwu9Xd5Y/6r2u7rypCEJIoxMzOjd+/eLF++nOzsbE6ePEl0dDT+/v6PlfX392fbtm1cunSJjIwMvvrqKwYOHFgLUVcs7piYGNLS0gC4fPkyX375JT179qzpkAEoKCggNzeXoqIiCgsLyc3NLXHcX5f6Gsofty71NcDcuXO5fPkyX3/9NXXr1n1iOV3q7/LGrGt9XSm1+oyf0El3795VJk6cqHTs2FHx8PBQIiIiFEVRlMTERMXBwUFJTExUy65bt07p0qWLotFolKCgICU3N7e2wi533J988onSpUsXpWPHjoqnp6eybNkyJS8vr1ZiXr58ufLSSy8V+1m+fLnO93V549alvr5x44by0ksvKe3bt1ccHBzUn507d+psf1ckZl3q68oyUBQ9u6YTQgjxVJIhOyGEEDpBEpIQQgidIAlJCCGETpCEJIQQQidIQhJCCKETJCEJIYTQCZKQhBBC6ARJSOKpNnLkSJydnWt1MbuqdOXKFQIDA9FqtTg6OuLr68v69espLCys0Thu3LiBnZ2d3s0mXZ2uXr3K1KlTcXFxoVOnTnh5eTF//nxu3rxZ26HpDUlI4ql148YN4uLiMDAwIDo6usrbr+lfxteuXeP111/HxsaGXbt2cfLkSb744gt+/fXXEmc1/zsk0TxZSX2TkJDA66+/jpWVFeHh4fzyyy9s3ryZli1bcvLkyRqJ4WkgCUk8tcLDw+nYsSMDBw4kPDwceLAktJOTE7///rta7s6dO3To0IHbt28DcPDgQfz9/XFycmLYsGGcP39eLevp6UloaCi+vr44ODhQUFBAaGgovXr1QqPR4O3tzb59+9TyhYWFfPLJJ2i1Wjw9Pdm4cWOxK4t79+4xc+ZMXF1dcXNzY+nSpU+82lm+fDkajYYZM2ZgZWUFwAsvvMCSJUt47rnnAIiOjsbHxwcnJydGjhzJ5cuXi8W+du1afH19cXR0ZMqUKeTm5gIQGxuLu7s7oaGhdOvWjRkzZlBUVKSem1arZfLkyaSnpwMwYsQI4MGSBxqNhvj4eAC2bdtGv379cHZ25q233iIxMVE9vp2dHZs3b8bLywtnZ2fmzZtXbPLPJ9VVFIWFCxfSpUsX9arw4ecXExODt7c3Go0GNzc31q5dW2LfhYWFMWzYMObPn4+joyN9+/bl6NGj6v7SPoeHdRcuXEjnzp0JCQl5rP2QkBA6derEjBkzaNasGQBNmjRh9OjR+Pj4qOXK+rdVVZ+P3qrdmYuEqD69evVSNm7cqJw9e1Z5+eWXlVu3bimKoihBQUHK559/rpbbuHGjMmbMGEVRFOXXX39VXFxclFOnTikFBQVKWFiY0qNHD3Uesx49eih+fn5KUlKSkpOToyiKokRGRio3b95UCgsLld27dysdO3ZUUlJSFEVRlG+//Vbp16+fkpycrKSnpytvvvmm8tJLLyn5+fmKoijKxIkTldmzZytZWVlKWlqaMnjwYGXz5s0lnk/Xrl2Vbdu2PfF8//jjD6Vjx47KTz/9pOTl5SmhoaFKr169isU+ePBg5ebNm8rdu3eVvn37Kt9++62iKIpy7NgxpV27dsqiRYuU3NxcJScnR1m/fr0yZMgQJTk5WcnNzVVmz56tTJ06VVEURbl+/Xqx81AURdm3b5/Sq1cv5dKlS0p+fr6ycuVKZejQoer+l156SRk3bpySkZGhJCYmKlqtVomJiSmz7uHDh5WBAwcqGRkZSlFRkXLp0iW1f7t166acOHFCURRFSU9PV3799dcS+2b79u1Ku3btlPXr1yt5eXnK7t27lU6dOil3794t83N4WHfDhg1Kfn6++rn/9bPZvn37Ez8bRSnfv62q+nz0lSQk8VQ6ceKE8vLLLyu3b99WFEVR+vTpo6xfv15RFEX573//q3h6eqplhw4dquzYsUNRFEWZM2eOsnTp0mJteXl5KbGxsYqiPPilsXXr1lKP7efnp+zbt09RFEUZOXJksQTz3//+V/1FfuvWLeWVV14p9gtu165dyogRI0ps9+WXX1Z/gZdkxYoVSmBgoPq+sLBQcXV1VY4dO6bGHh4eru7/9NNPldmzZyuK8uAX3iuvvKLcv39f3d+3b1/l559/Vt+npKQoL7/8spKfn19iQnrrrbeULVu2FDt+hw4dlBs3biiK8iAhPUweiqIogYGByqpVq8qs+/PPPyteXl5KfHy8UlhYWOycPTw8lM2bNyv37t17Yr8oyoOk0q1bN6WoqEjdNnjwYGXHjh1lfg7bt29XPDw8Sm2/Xbt2xT6b//znP4qjo6Pi4OCgzJo1S1GU8v3bqqrPR1/JirHiqRQeHk63bt1o3LgxAP3792fHjh2MHj0aFxcXcnNzOX36NE2bNuX8+fP06tULgKSkJMLDw9m4caPaVn5+Pqmpqep7Gxubx461fv16dYgpOztbXeo6NTW1WPmHwzkPj1VQUICrq6u6raio6LH2H2rUqBG3bt164jmnpqZia2urvjc0NMTGxoaUlBR1m6Wlpfq6Xr16xc7LwsKCOnXqFItv0qRJGBr+b2Tf0NBQHdr8q6SkJBYuXMinn36qblMUhZSUFJo3b17i8R/e+yqtbpcuXXjjjTcIDg4mKSmJ3r17M336dMzNzVm+fDlfffUVS5Yswc7Ojvfffx+NRlNifNbW1hgYGKjvbW1tSU1NLdfn8OjnVpK/fjYjRoxgxIgRLF26VO3/8vzbqqrPx9rautR4dZUkJPHUuX//PlFRURQVFdGtWzfgwb2jP//8k/Pnz2Nvb0/fvn354YcfaNq0Kd27d1eXq7axsWHChAlMnDjxie0/+kstMTGRDz/8kG+++QaNRoORkVGxNZgsLS2LPWX16OtmzZphamrKsWPHMDYu+79ily5d+PHHHxk8eHCJ+62srIrdG1MUheTk5HL/cnr0vB7Gt3DhQhwdHR8r++i9oYce9p2fn1+5jleRuqNGjWLUqFHcvn2bKVOmsGbNGqZMmUKHDh346quvyM/PZ9OmTUyZMoWYmJgS20hJSUFRFPU8k5OT8fT0LNfn8Ne++asuXbqwb9++J342j55jaf+2SlORz0dfyUMN4qmzf/9+jIyM2L17N+Hh4YSHhxMZGYmTk5P6cIOvry9RUVHs2rWL/v37q3WHDBnCd999x+nTp1EUhezsbA4dOvTY8ugP5eTkYGBgoF6Jbd++nYsXL6r7+/Xrx4YNG0hJSeHPP/9k9erV6j4rKyu6devGJ598QmZmJkVFRVy7do3jx4+XeKzAwEDi4+P59NNP1b/GExISmDZtGn/++Sf9+vUjJiaGo0ePkp+fz7p16zA1NX3iFUNZhg8fzrJly9Tkc+fOHfbv3w9A48aNMTQ05Pr162r5YcOGERoaqp7/vXv3iIqKKtexSqt75swZTp8+TX5+PvXq1cPU1BQjIyPy8vKIiIjg3r17mJiYUL9+fYyMjJ54jDt37rBhwwby8/OJiori8uXLeHh4VPhzKElAQABxcXF8/PHH6hXRnTt3+OOPP9QyFf23VZbSPh99JVdI4qmzY8cOBg0aVGz4CuCNN97gX//6F9OmTaNjx47qkIi7u7ta5tVXX2X+/PkEBweTkJBA3bp16dSpE05OTiUe68UXX2TMmDEMGzYMAwMDBgwYQKdOndT9r7/+OlevXsXPz4/69eszatQojh8/rv7iXLRoEYsXL8bb25usrCxatmzJ22+/XeKxWrVqxXfffceyZcvo378/BQUFNG/enEGDBlG/fn2ee+45PvvsM+bPn09KSgrt2rXj66+/xtTUtFL9OGrUKBRFYcyYMaSmptKkSRO8vb3p1asX9erVY8KECQwfPpyCggLWrFlD7969ycrK4r333iMxMZEGDRrQtWtX+vXrV+axSqublZXFwoULuXHjBqampri6ujJmzBgAdu7cyfz58yksLKR169YsWrToicfo0KEDCQkJuLi40LRpU5YvX64uSV6Rz6EkrVu35vvvv2f58uX4+fmRl5eHlZUVrq6ujB07Fqj4v62ylPb56CtZoE+IGhQTE8NHH33EwYMHazuUZ0pYWBhbt25l8+bNtR2KKIUM2QlRje7fv09MTAwFBQWkpKSwcuVKvf4LVojqJAlJiGqkKArLly/H2dmZAQMG0KZNGyZPnlzbYQmhk2TITgghhE6QKyQhhBA6QRKSEEIInSAJSQghhE6QhCSEEEInSEISQgihEyQhCSGE0An/P5Jbo/a232LBAAAAAElFTkSuQmCC\n", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAaQAAAEUCAYAAABkhkJAAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjMuNCwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8QVMy6AAAACXBIWXMAAAsTAAALEwEAmpwYAABKQUlEQVR4nO3deVRVVf/48TfzICaogOD0NVOozLwyXFQGBQVFBcfUbznkU6KJqGVJWppk9VSaJg45l99sUEPEBC1R1B4VxZzqp6bkCAiiQDLIdO/vD5fnkUS4EMNFP6+1WOueYe/9ORsXH88+5+5toNVqtQghhBD1zLC+AxBCCCFAEpIQQgg9IQlJCCGEXpCEJIQQQi9IQhJCCKEXJCEJIYTQC5KQhBBC6AXj+g5ANExZWXloNA3rK2zNmllx82ZufYdRZRJ33ZK4a4+hoQE2No0eelwSkqgWjUbb4BIS0CBjBom7rknc9UOG7IQQQugFSUhCCCH0ggzZiWoJDPTj2rVr9R2GEKIeObZoQezOhBqrTxJSBXx9fZk/fz7du3evsTqvXbuGn58fv//+O8bGDbf7//NRBBTk13cYQoh61HZCaI3WJ0N2Qggh9IIkJCGEEHpBEpIOTp06xYgRI3B1dcXT05OIiAiKioqU405OTnz77bf4+/vj5ubGvHnzuLfMVGlpKR9//DFqtRo/Pz/27dtXpu6oqCj8/PxQqVT4+voSExOjHNu0aRP9+vVDpVIRGBjI77//DsCqVavo3bu3sv/nn38uU9/IkSN5//33cXFxoW/fvhw6dEg5fvv2bWbNmoWnpydeXl4sWrSI0tLSWuk3IYSoiob7EKMOGRoa8vbbb9OpUyeuX7/Oq6++yjfffMO4ceOUcxISEtiyZQu5ubkMGTKEXr164e3tzaZNm9i7dy/R0dFYWFgwZcoUpUx+fj7z589ny5YtPPnkk2RkZJCTkwNAXFwckZGRLFu2jOeee44rV64oz5xat27Nxo0bsbW1ZefOnbz55pv89NNP2NnZAXcTaN++fTl8+DA///wzoaGhxMfHY21tzcyZM2nevDk//fQTBQUFhISE4ODgwMiRI+uuQ4UQohxyh6SDTp060aVLF4yNjWnVqhUjRozg6NGjZc559dVXeeKJJ3B0dEStVnP27FngbmIZO3YsDg4OWFtbExISUqacoaEh58+f586dO9jZ2dGhQwcAtmzZwiuvvELnzp0xMDCgbdu2tGzZEoB+/fphb2+PoaEhgYGBtG3bllOnTil1Nm3alLFjx2JiYkJgYCDt2rUjISGBzMxM9u/fz6xZs7C0tKRZs2aMGzeOHTt21Gb3CSEeYba2jXX+adbMqsK65A5JBxcvXuTf//43v/32GwUFBZSWlvLss8+WOcfW1lb5bGFhQV5eHgAZGRk4ODgoxxwdHZXPlpaWLFq0iHXr1jF79my6du3KzJkzad++PWlpabRp06bceKKjo1m/fj0pKSnA3TutrKws5bi9vT0GBgZl2szIyCA1NZWSkhI8PT2VYxqNpkx8QghRFTdu3Nb5XENDgwqTkiQkHbz33ns888wzLFy4ECsrK7788kt27dqlU1lbW1vS0tKU7fs/A3h5eeHl5cWdO3dYvHgx7777Lt988w0ODg5cuXLlgfpSUlJ45513+PLLL1GpVBgZGREcHFzmnPT0dLRarZKU0tLS8PX1pUWLFpiamnL48OEG/cq5EOLRJEN2OsjLy6NRo0Y0atSI5ORkvv32W53L9uvXj//7v//j+vXr5OTksGrVKuVYZmYm8fHx5OfnY2pqiqWlJUZGRgAMGzaMdevW8dtvv6HVarl8+TIpKSkUFBRgYGBA06ZNAfjhhx84f/58mTZv3brFhg0bKC4uJi4ujuTkZHx8fLCzs6NHjx78+9//Jjc3F41Gw5UrVzhy5EgN9JIQQvwz8t9kHcycOZN3332XtWvX8vTTTxMYGMjhw4d1KvvCCy9w6dIlgoODadSoEf/617+UshqNhvXr1/PWW29hYGDA008/zdy5c4G7iSw7O5s33niDjIwMWrZsySeffMIzzzzD+PHjGTlyJAYGBgwaNIiuXbuWabNz585cvnwZDw8PmjdvzpIlS7CxsQHgk08+YcGCBQQGBpKXl0fr1q159dVXa7C3hBCiegy0995PFo+EqKgoNm/eXKW7uOpQq9UydZAQj7mqTh0kz5BErYiNjW9wU93b2jau0gNYfSFx1y2Ju/7IMyQhhBB6Qe6QHjFDhgxhyJAh9R2GEEJUmdwhCSGE0AuSkIQQQugFSUhCCCH0giQkIYQQekESkhBCCL0gCUkIIYRekIQkhBBCL0hCEkIIoRfki7GiWgID/WQuOyEec1Wdy64ykpAeM6+88gr9+/dn8ODB/6ie/3wUAQX5NRSVEKIhajshtEbrkyG7BsTJyYnLly//ozrWrFmjJKOoqChGjRpVE6EJIcQ/JgmpASgpKanR84QQQh9JQqplvr6+rFy5ksDAQNzc3Hj77bcpLCwEYNOmTfTp0wd3d3cmTpxIenq6Us7JyYmNGzfi7++Pv78/L774IgDBwcGoVCpiY2NJTEzE29ubVatW0aNHD95++21ycnIICQnBw8MDNzc3QkJCuH79ulLv6NGj2bx5M8nJycydO5cTJ06gUqlwdXWt244RQoi/kWdIdWD79u2sXbsWCwsLJk6cyPLly/Hw8GDhwoWsW7eODh068PHHH/P666+zceNGpdzu3bvZtGkT5ubmmJub4+TkxLZt22jbti0AiYmJZGZmkpOTw969e9FoNBQUFDBkyBAWL15MaWkps2bNIiIiguXLl5eJqX379sybN69OFvMTQjy6bG0b11hdkpDqwIsvvoiDgwMAkyZN4v333+fGjRsMHTqUZ599FoDXX38dd3d3rl27RqtWrQCYMGEC1tbWFdZtaGhIWFgYpqamAJibmxMQEKAcnzRpEmPGjKmFqxJCCKq0KKCsGKsH7iUjAEdHRzIyMsjIyFCSEUCjRo2wtrYmPT1dSUj3l3sYGxsbzMzMlO2CggI++ugjDhw4QE5ODgB5eXmUlpZiZGRUU5ckhBA1Tp4h1YG0tDTlc2pqKnZ2dtjZ2ZGSkqLsz8/PJzs7G3t7e2WfgYFBpXX//Zx169Zx8eJFNm3axK+//qoMAWq1Dy43rkv9QghRVyQh1YFvvvmG69evk52drbzgMHDgQKKiojhz5gxFRUV89tlndO7cWbk7Kk/z5s25evVqhW3l5eVhZmbGE088QXZ2NkuXLn3ouc2aNSM9PZ2ioqJqX5sQQtQUSUh1YMCAAYwfP57evXvTunVrJk2aRLdu3Zg6dSpTpkzB09OTq1evsmjRogrrCQ0NJTw8HFdXV2JjY8s9Z+zYsRQWFuLh4cGIESPw8vJ6aH0eHh489dRTeHp6olar/9E1CiHEP2WgLW8sR9QYX19f5s+fT/fu3es7lBqlVqtl6iAhHnNVnTpIXmoQtSI2Nh6NpmH9X8bWtnGV3gjSFxJ33ZK4648M2QkhhNALcodUy/bs2VPfIQghRIMgd0hCCCH0giQkIYQQekESkhBCCL0gCUkIIYRekIQkhBBCL0hCEkIIoRckIQkhhNAL8j0kUS2BgX4ydZAQj7GqThukC0lINSAmJobo6GjWrVtX36HUmf98FAEF+fUdhhCinrSdEFrjdcqQXQ0ICgoqk4ycnJy4fPlyPUYkhBANjyQkIYQQekESUhWlpaURGhqKh4cHarWaiIgIoqKiGDVqFAAvvvgiAMHBwahUKmJjYxkwYECZOe2Ki4tRq9WcOXOGwsJCZsyYgVqtxtXVlaFDh5KZmQlAdnY2b7/9Np6enri5ufHaa68BkJOTQ0hICB4eHri5uRESEsL169eV+kePHs3ChQsZNmwYLi4uTJo0iezsbOX4iRMnGDlyJK6urgQFBZGYmFjb3SaEEJWSZ0hVUFpaqiSCPXv2YGRkxOnTp7ly5YpyzsaNG3FycmLbtm20bdsWgJSUFGJiYvD19QVg37592NnZ8fTTT/Pdd9+Rm5tLQkICpqamnDlzBnNzcwDeeustLC0t2bFjB5aWlhw/fhwAjUbDkCFDWLx4MaWlpcyaNYuIiAiWL1+uxBEdHc3atWtp1aoVM2fOZP78+SxYsID09HRCQkL45JNP8PLy4tChQ4SFhREXF0fTpk3rqiuFEI8AW9vGNVqf3CFVwalTp8jIyFAShZmZGa6urpWWCwoKYt++feTm5gJ3X4IICgoCwNjYmOzsbC5fvoyRkRGdOnXCysqKjIwM9u/fz7x582jSpAkmJia4u7sDYGNjQ0BAABYWFlhZWTFp0iSOHj1aps3g4GA6duyIpaUlU6dOZefOnZSWlrJt2za8vb3x8fHB0NCQHj160KlTJ/bt21fDvSWEeNTduHG7Sj83b+ZWWJ/cIVVBWloajo6OGBtXrdvs7e3p2rUru3btok+fPuzfv5/Zs2cDdxPH9evXef311/nrr78ICgpi+vTpXL9+nSZNmtCkSZMH6isoKOCjjz7iwIED5OTkAJCXl0dpaSlGRkYAODg4KOc7OjpSXFxMVlYWqamp7Ny5k7179yrHS0pKZAlzIUS9k4RUBQ4ODqSlpVFSUlLlpDR48GA2b95MaWkpXbp0wd7eHgATExNCQ0MJDQ3l2rVrTJgwgXbt2uHj40NOTg5//fUXTzzxRJm61q1bx8WLF9m0aRO2tracOXOGQYMGcf9q9GlpaWU+m5iYYGNjg4ODA8HBwcyfP/8f9IQQQtQ8GbKrgs6dO2Nra8vChQvJz8+nsLCQY8eOPXBe8+bNuXr1apl9vXv35v/9v//Hhg0bGDRokLL/8OHDnDt3jtLSUqysrDA2NsbIyAg7Ozu8vb2ZN28eOTk5FBcXK8NyeXl5mJmZ8cQTT5Cdnc3SpUsfiCEmJoYLFy5QUFDA559/TkBAAEZGRgQFBbF3714OHDhAaWkphYWFJCYmlnkpQggh6oMkpCowMjLiiy++4PLly/Tq1Qtvb2/i4uIeOC80NJTw8HBcXV2JjY0FwNzcHH9/f65du0afPn2UczMzMwkLC8PFxYXAwEDc3d2V50uffPIJxsbG9OvXj+7du/PVV18BMHbsWAoLC/Hw8GDEiBF4eXk9EENwcDDh4eH06NGDoqIiZYjQwcGB5cuXs3LlSrp164aPjw9r165Fo9HUeH8JIURVGGjvH+cRtWrp0qVcunSJBQsW1Go7o0ePJigoiOHDh9daG2q1WqYOEuIxVp2pgwwNDWjWzOqhx+UZUh3Jzs7mhx9+4JNPPqnvUGpEbGw8Gk3D+r+MrW1jbty4Xd9hVJnEXbck7vojQ3Z1YNOmTfTs2RMvLy/c3NzqOxwhhNBLMmQnquXmzVy5Q6ojEnfdkrhrT2VDdnKHJIQQQi9IQhJCCKEXJCEJIYTQC5KQhBBC6AVJSEIIIfSCJCQhhBB6QRKSEEIIvSAzNYhqCQz0k6mDhHiMtWjhyM6deyo/sQokIekJlUpFTEwMrVu3rnLZpKQkZs+eza5du2ohsvJ9uDaagqLSOmtPCKFfQgbW/BpqMmSnJ44fP65zMnJycuLy5cvKtqura50mIyGEqA2SkP6mpKSkvkMQQojHUoNKSL///juDBg1CpVIRFhbGtGnTWLRoEQB79+4lODgYV1dXRo4cydmzZ5Vyvr6+rF27loEDB+Li4sK0adMoLCwEIDExEW9vb1atWkWPHj14++230Wg0rFq1it69e6NWq5k6dSrZ2dkVxnbt2jWcnJz4/vvv8fT0xNPTk3Xr1inHT506xYgRI3B1dcXT05OIiAiKioqU4/ff9YSHhzNv3jwmTJiASqVi+PDhXLlyBYAXX3wRuLvekUqlIjY2VrkGXa4XYPXq1UqMmzdvfuCOSwgh6kODSUhFRUWEhoYyePBgjhw5woABA9i9ezdwN1HNmjWLiIgIEhMTGTFiBK+99lqZP/hxcXGsWbOG+Ph4zp07R1RUlHIsMzOTnJwc9u7dy/vvv8+GDRvYvXs3X3/9NQcOHKBJkyZEREToFGdiYiI//fQTa9euZdWqVRw8eBAAQ0ND3n77bQ4fPsx3333HoUOH+Oabbx5az44dOwgNDeXo0aO0adNGSbwbN24EYNu2bRw/fpzAwMByyz/sevfv38+XX37J+vXr+fnnnzly5IhO1yWEELWtwSSkkydPUlJSwpgxYzAxMcHf35/nnnsOuLu8w4gRI3j++ecxMjJi8ODBmJiYcOLECaX86NGjsbe3x9raml69enHmzBnlmKGhIWFhYZiammJubs7333/P9OnTadGiBaampoSGhrJr1y6dhvMmT56MpaUlTk5ODBkyhB9//BGATp060aVLF4yNjWnVqhUjRoxQliQvT58+fejcuTPGxsYEBQWViVcXD7veuLg4hgwZQocOHbCwsCA0NLRK9QohxD22to2r9FPRTN/QgN6yy8jIwN7eHgMDA2Wfg4MDAKmpqURHR/P1118rx4qLi8nIyFC2bW1tlc8WFhZljtnY2GBmZqZsp6amMnnyZAwN/5uvDQ0NuXnzJvb29hXGeS8mgJYtW/LHH38AcPHiRf7973/z22+/UVBQQGlpKc8+++xD62nevLny2dzcnPz8/Arb/buHXW9GRgadOnUqN14hhKiKqi538cisGGtra0t6ejparVZJSmlpabRu3RoHBwcmTpzIpEmTqlX3/UkOoEWLFnz44Ye4uLhUua60tDTat28P3E1sdnZ2ALz33ns888wzLFy4ECsrK7788st6eTPOzs6O9PT0MvEKIYQ+aDBDdl26dMHIyIivv/6akpISdu/ezenTpwEYPnw43333HSdPnkSr1ZKfn09CQgK5ubnVamvUqFEsXryYlJQUAG7duqU8r6rM8uXLKSgo4Pz580RFRSnPePLy8mjUqBGNGjUiOTmZb7/9tlqxwd27p6tXr1arbN++fYmKiiI5OZmCggKWLVtW7TiEEKImNZiEZGpqSmRkJFu2bMHNzY2YmBh69uyJqakpzz33HO+//z4RERG4ubnh7+9f5qWFqhozZgy+vr6MHz8elUrFCy+8wKlTp3Qq6+7uTp8+fRg3bhzjx4/H09MTgJkzZ/Ljjz/StWtX3n333Ye+jKCL0NBQwsPDcXV1JTY2tkplfXx8GD16NGPGjKFPnz506dIFuNu/QghRnxr0EubDhw9n5MiRDB06tL5D4dq1a/j5+fH7779jbNxgRkJJTk5mwIABnD59ukpxq9VqmTpIiMdYdaYOemSeIQEcOXKEdu3aYWNjw/bt2zl37hxeXl71HVaD8/PPP+Pj40NBQQGffvopvXr1qnISjY2NR6NpWP+XsbVtXOWHsPpA4q5bEnf9aVAJ6eLFi0ybNo38/Hxat27NkiVLlJcG6kJMTAxz5859YL+joyMrV66sszj+qe+++47w8HCMjIxwc3Mr95qEEKKuNeghO1F/bt7MlTukOiJx1y2Ju/ZUNmTXYF5qEEII8WiThCSEEEIvSEISQgihFyQhCSGE0AuSkIQQQugFSUhCCCH0giQkIYQQeqFBfTFW6I/AQD+ZOkiIx5BDC0fiqjhlkK4kIQFRUVFs3rz5H83A/U988cUXXL16lQ8++KBa5V955RX69+/P4MGDaziyh9uyehslRaV11p4QQj94BrvXWt1VTkgajYbMzMw6nbLnUTdx4kSdz42MjOTy5cssWLBA2bdmzZraCEsIIeqUzs+Q/vrrL9544w06d+6Mv78/APHx8SxatKjWghNCCPH40DkhzZ07FysrK/bs2YOJiQkAKpWKuLi4WguuMr6+vqxdu5aBAwfi4uLCtGnTKCwsJCoqilGjRpU518nJicuXLwOQlZXFxIkT6dq1K8OGDePKlStlzk1OTubll1/G3d2dgIAAndYcCg8PZ86cObz88suoVCpeeuklZYE/gPnz5+Pj40PXrl0ZMmQISUlJyrHIyEhmzJgB3F3GwsnJia1bt9KzZ0/UajUrVqwAYP/+/axcuZK4uDhUKhVBQUEAjB49ms2bNwMo1/7xxx/j5uaGr68v+/btU9q6evUqL774IiqVinHjxjFv3jylbSGEqE86J6RDhw7xzjvvYGdnpyz53bRpU27evFlrwekiLi6ONWvWEB8fz7lz53RamC8iIgIzMzN++eUXPvzwQ3744QflWH5+PuPHj2fAgAEcPHiQzz77jHnz5nH+/PlK692+fTuvvfYaiYmJODs7l/lD/9xzzxEdHc2RI0cYMGAAU6dOpbCw8KF1HTt2jJ07d/LVV1+xbNkykpOT8fb2JiQkhH79+nH8+HFiYmLKLXvq1CnatWvH4cOHeeWVV5g9ezb35tCdMWMGnTt3JjExkdDQULZt21bpdQkhRF3QOSE1btyYrKysMvtSU1OxtbWt8aCqYvTo0djb22NtbU2vXr04c+ZMheeXlpby008/ERYWhqWlJR07dizzMkBCQgItW7Zk6NChGBsb8+yzzxIQEMCuXbsqjaVnz564ublhamrK9OnTOXHiBGlpaQAEBwdjY2ODsbEx48ePp6ioiIsXLz60rtDQUMzNzXF2dsbZ2ZmzZ8/q2CN3l8N44YUXMDIyYvDgwdy4cYPMzExSU1M5ffo0YWFhmJqa4urqiq+vr871CiEE3J1ZvDo/Fc30DVV4qWH48OGEhYUxbdo0NBoNx48f57PPPmPkyJH/+OL+ifsTooWFBRkZGRWef+vWLUpKSnBwcFD2OTo6Kp9TUlI4deoUrq6uyr7S0lJleKwiLVq0UD43atSIJk2akJGRgYODA+vWrWPz5s1kZGRgYGBAbm7uAwn+fs2bNy9zXfn5+ZW2/7CycPfOLysriyZNmij7ABwcHJSkKYQQuqjuMhc1tmLsq6++iqmpKREREZSUlDBr1ixGjBjB2LFjqxVYbbKwsODOnTvK9o0bN5TPTZs2xdjYmLS0NNq3bw9Q5g+yg4MDbm5urF+/vsrtXr9+Xfmcl5dHTk4OdnZ2JCUlsXr1ar788ks6dOiAoaEhbm5uVGcpqnvDpdVha2tLTk4OBQUFSlKSZCSE0Bc6DdmVlpYSHh7O//7v/xIbG8uJEyeIi4tj3Lhx/+gPZG1xdnbm/PnznDlzhsLCQiIjI5VjRkZG9OnTh6VLl1JQUMCFCxfYunWrcrxnz55cunSJ6OhoiouLKS4u5tSpUyQnJ1fa7r59+0hKSqKoqIjPP/+c559/HgcHB/Ly8jAyMqJp06aUlJSwdOlScnNzq3VtzZo1IyUlBY1GU+WyLVu2pFOnTkRGRlJUVMTx48fZu3dvteIQQoiaplNCMjIy4j//+Y9eJp/ytGvXjsmTJzNu3Dj8/f1xcXEpc3zOnDnk5+fTo0cPwsPDGTJkiHLMysqKtWvXEhsbi5eXF56enixYsICioqJK2x0wYADLli1DrVbz+++/8+mnnwLg6emJt7c3AQEB+Pr6YmZmVmbIsCr69u0LgFqtrtYXYRcsWMCJEydQq9UsXryYwMBATE1NqxWLEELUJJ2XMF+9ejW3b98mNDRU/oCVIzw8HHt7e6ZPn17foVTJtGnTePLJJwkLC6tSObVaLVMHCfEY+idTB9XYM6Svv/6azMxM1q9fT9OmTcvcLSUkJFQrOFH3Tp06hbW1Na1ateKXX34hPj6eCRMmVLme2Nh4NJqqPwOrT7a2jav9MLY+Sdx1S+KuPzonpHvDT4+z/v37k5qa+sD+efPm1UM01ZOZmcmUKVPIzs6mRYsWvPfeezzzzDP1HZYQQug+ZCfE/W7ezJU7pDoicdctibv21NiQXVFREVu3buXMmTMPfCfmk08+qX6EQgghBFVISOHh4Zw9e5ZevXqV+eKlEEIIURN0TkgHDhwgPj6eJ554ojbjEUII8ZjSeS47BwcHnb6LI4QQQlSHzndIgwYN4rXXXmPMmDE0a9aszLFu3brVeGBCCCEeL1X6HhLAZ599Vma/gYEB8fHxNRuVEEKIx47OCWnPnup9M1cIIYTQhc7PkACKi4tJSkpSVlDNz8+v0rIIQgghxMPo/MXYc+fOMWnSJExNTUlPT+f48ePs27ePrVu3snjx4loOU+gbmctOiMePo0MLYuMSql2+si/G6pyQRo0axYgRIxg0aBBubm4cPXqU/Px8AgICOHDgQLUDFA2T9s8YKMmr7zCEEHWoVa8ZnDih++rVf1dZQtJ5yO7ChQsEBwcD/10kztLSksLCwmoHJ/7rlVdeUdZlioqKYtSoUcoxJycnLl++XGH58PBwFi1aBEBSUhIBAQHKsT///JNBgwahUqnYsGFDLUQvhBD/nM4vNbRs2ZLffvuN5557Ttl36tQp2rRpUyuBPcoiIyO5fPkyCxYsUPatWbOmxup3dXVl165dZep2d3cnOjq6xtoQQoiapvMd0tSpUwkJCWHJkiUUFRWxcuVKwsLCmDZtWi2GJ2pCamoqHTp0qO8whBCiQjonpF69erFmzRpu3bqFu7s7qampLF26FE9Pz9qMr8FbtWoVXl5eqFQqAgICSEhIYOXKlcTFxaFSqQgKCgJg9OjRbN68uUbaTExMxNvbG4AxY8aQmJhIREQEKpWKixcvUlRUxMcff0zPnj3p3r07c+bM4c6dOzXSthDi0WZr27jaPxU9P4IqDNl9/vnnANjY2GBjYwNAfHw8Bw4coEWLFnh5ecmkq3/z559/snHjRrZs2YK9vT3Xrl1Do9EQEhLywJBdbdmwYQOjR48mKCiI4cOHA/DBBx9w9epVoqOjMTY2ZsaMGSxbtow33nij1uMRQjRs/2SJixp7qeHSpUusXr2axMRErly5QmJiIqtXr+bMmTN8++239O7dm/3791c70EeRkZERRUVFJCcnU1xcTKtWrer9mZtWq2Xz5s3MmjULa2trrKysCAkJYceOHfUalxBC6HyHpNFoWLRoEX369FH27d69mx9//JFNmzaxdetWFi5cqAwVCWjbti2zZs0iMjKSCxcu4OnpSXh4eL3GdOvWLQoKChgyZIiyT6vVotFo6jEqIYSowh3SL7/8gq+vb5l9vXr1Uu6KgoKCuHLlSs1G9wgYOHAg3377LXv37sXAwIAFCxYor83XBxsbG8zNzdmxYwdJSUkkJSVx7Ngxjh8/Xm8xCSEEVCEhtWnThm+//bbMvu+++04ZgsrKysLS0rJmo2vg/vzzTw4dOkRRURGmpqaYmZlhZGREs2bNSElJqZe7EkNDQ4YPH86HH37IzZs3AUhPT5cvNwsh6p3OQ3bz589nypQprF69Gnt7e9LT0zEyMiIyMhKAixcvMnXq1FoLtCEqKipi4cKFJCcnY2JigkqlIiIiAlNTU2JiYlCr1bRq1Ur5QmxdefPNN1m2bBkvvPACWVlZ2NvbM2rUKLy8vHSuw2PUBzJ1kBCPGUeHFrVav85TB8HdyVVPnjxJRkYGtra2dOnSBRMTk9qMT+ipmzdz0Wh0/qejF2xtG/+jN4Tqi8RdtyTu2lPZW3Y63yEBmJiY4Orq+o+DEkIIIf6uSglJ1K/+/fuTmpr6wP558+YpX7AVQoiGShJSAyLfFRJCPMqqtECfEEIIUVskIQkhhNALkpCEEELoBUlIQggh9IIkJCGEEHpBEpIQQgi9IK99i2oJDPSTqYOEeEw4OjoQG7u31tuRhPQ3/fv3Z86cORw5ckRZRO/atWv4+fnx+++/Y2ysf132yiuv0L9/fwYPHlxnbSYmrgGK6qw9IUT9admybr54L0N2f7Njxw7UanWt1F0Ty5RHRkYyY8aMMvvWrFlTp8lICCFqgyQkPVJSUlLfIQghRL2RhPQ3vr6+HDx4sErn3H/XUlhYyIwZM1Cr1bi6ujJ06FAyMzNZtGgRSUlJREREKMtQADg5ObFx40b8/f3x9/cH7i714ePjQ9euXRkyZAhJSUkA7N+/n5UrVxIXF4dKpVLmr7v/zkuj0bB8+XJ69epFt27deOutt7h9++4MwNeuXcPJyYmtW7fSs2dP1Go1K1asqMHeE0KI6tO/ByIN3NatW8nNzSUhIQFTU1POnDmDubk506dP59dffyUoKIjhw4eXKbN79242bdqEubk5AM899xyTJ0+mcePGbNiwgalTp7Jnzx68vb0JCQlRnm2VJyoqiq1bt7JhwwaaNm3KzJkziYiI4NNPP1XOOXbsGDt37uTSpUsMGzYMf39/2rdvX3udIoRo8GxtG9d6G5KQapixsTHZ2dlcvnwZZ2dnOnXqVGmZCRMmYG1trWwHBwcrn8ePH8+KFSu4ePEizs7Olda1fft2xo0bR+vWrQF4/fXXGThwIB999JFyTmhoKObm5jg7O+Ps7MzZs2clIQkhKlQTay3V6HpIonLBwcFcv36d119/nb/++ougoCCmT59e4UKGDg4OZbbXrVvH5s2bycjIwMDAgNzcXLKysnRqPyMjg5YtWyrbLVu2pKSkRFmuHKB58+bKZwsLC/Lz83W9PCGEqDXyDKkaLCwsKCgoULZv3LihfDYxMSE0NJTY2Fi+++47EhISiI6OrrA+AwMD5XNSUhKrV69m8eLFHD16lKSkJBo3bsy9hX3vP7c8dnZ2pKSkKNupqakYGxvTrFmzqlyiEELUOUlI1eDs7ExsbCzFxcWcPn2aXbt2KccOHz7MuXPnKC0txcrKCmNjY4yMjIC7dyZXr16tsO68vDyMjIxo2rQpJSUlLF26lNzcXOV4s2bNSElJQaPRlFt+wIABfPXVV1y9epW8vDwWLVpEv3799PL7U0IIcT9JSNUwbdo0rly5gru7O5GRkQwcOFA5lpmZSVhYGC4uLgQGBuLu7q68DTdmzBh27dqFm5sb8+fPL7duT09PvL29CQgIwNfXFzMzszJDen379gVArVaX+92joUOHEhQUxEsvvYSfnx+mpqa8++67NXn5QghRKwy098aChKgCtVotUwcJ8ZioqamDKnupQRKSqJabN3PRaBrWPx1b28Y18qZQXZO465bEXXsqS0gyZCeEEEIvSEISQgihFyQhCSGE0AuSkIQQQugFSUhCCCH0giQkIYQQekESkhBCCL0gCUkIIYRekIQkhBBCL8iMm6JaAgP9ZOogIR4DDg4OxMX982mDdFGvCSkyMrLC1U9rQmJiIm+++Sb79++vtTYaQgy+vr7Mnz+f7t2710h9Md8sorTkTo3UJYTQX26+o+usrQY5ZBcZGcmMGTPqO4w687hdrxDi8dQgE5IQQohHT50lpFWrVuHl5YVKpSIgIIBDhw6VOV5cXMzrr7/OlClTKCoqIj09nSlTpuDh4YGvry8bNmwAYP/+/axcuZK4uDhUKpWy1lB2djZvv/02np6euLm58dprr5Wpf926dXTr1g1PT09++OGHSuNNSEhg0KBBdO3aFR8fHyIjI5Vj165dw8nJia1bt9KzZ0/UajUrVqxQjt+5c4fw8HDc3NwIDAzk9OnT1e6jh12vr68vBw8eVMr+/S4qOjqaXr16PRDbjRs3eP7558ssif7bb7/h4eFBcXGxTnEKIURtqJNnSH/++ScbN25ky5Yt2Nvbc+3aNTQaDUlJScDdP+BhYWE0bdqUTz/9FAMDAyZNmoSvry8LFy4kPT2dcePG0a5dO7y9vQkJCXng2dNbb72FpaUlO3bswNLSkuPHjyvHMjMzuX37Nvv37+fgwYOEhYXRu3dvmjRp8tCYLSws+Pjjj+nQoQN//PEH48eP5+mnn6Z3797KOceOHWPnzp1cunSJYcOG4e/vT/v27Vm6dClXrlzh559/pqCggFdffbXafdSmTZtyr7ciFy5cYN68eaxatYrnn3+ehQsXcv36dQBsbW1xd3cnLi6O//3f/wUgJiaG/v37Y2JiolP9QghRG+rkDsnIyIiioiKSk5MpLi6mVatWtGnTBoDc3FxeeeUV2rRpw0cffYSRkRGnT5/m1q1bhIaGYmpqSuvWrXnhhReIjY0tt/6MjAz279/PvHnzaNKkCSYmJri7uyvHjY2NmTx5MiYmJvj4+GBpacnFixcrjFmtVuPk5IShoSHOzs7079+fI0eOlDknNDQUc3NznJ2dcXZ25uzZswDExcUxceJErK2tcXBwYPToyh8KVtRHVbVz50569uyJm5sbpqamTJ06FUPD//6qBw8eTExMDAClpaXs2LGD4ODgarUlhHj02do2rpGfitZCgjq6Q2rbti2zZs0iMjKSCxcu4OnpSXh4OAAnT56kpKSEhQsXYmBgAEBKSgoZGRm4uroqdZSWlpbZvt/169dp0qTJQ+94rK2tMTb+76VaWFiQn59fYcwnT55kwYIFnD9/nuLiYoqKipTlw+9p3rx5uXVmZGSUWXbc0dGxwrbg4X1kb29fadm/y8jIoEWLFsq2paUl1tbWyrafnx9z587l6tWrXLx4ESsrKzp37lzldoQQj4eaWvhPbxboGzhwIN9++y179+7FwMBAGX7q0aMHEyZMYNy4cWRmZgJ333tv1aoVSUlJys/x48dZvXo1gJK47mnRogU5OTn89ddfNRbvG2+8gZ+fH/v27ePYsWOMHDkSXRfXtbW1JS0tTdm+/3NFHtZHf79euJsACwoKlO0bN24on+3s7JQhOoCCggKys7OVbTMzM/r160dMTAzbtm2TuyMhhF6ok4T0559/cujQIYqKijA1NcXMzAwjIyPl+KuvvsqAAQMYN24ct27donPnzlhZWbFq1Sru3LlDaWkpf/zxB6dOnQKgWbNmpKSkoNFogLt/gL29vZk3bx45OTkUFxdz9OjRfxRzXl4eTZo0wczMjFOnTvHjjz/qXLZfv36sWrWKnJwcrl+/zv/93/9VWqaiPvr79QI4OzsTGxtLcXExp0+fZteuXcqxgIAAEhISSEpKoqioiCVLlpQpCxAcHMzWrVvZs2eP8qKEEELUpzpJSEVFRSxcuBC1Wo2npye3bt1i+vTpZc6ZPHkyfn5+vPzyy9y+fZsVK1Zw9uxZ/Pz88PDw4J133iE3NxdAGTpTq9UMHjwYgE8++QRjY2P69etH9+7d+eqrr/5RzHPnzmXJkiWoVCqWLVtGv379dC4bGhqKo6Mjfn5+jB8/Xqc7kIr6qLzrnTZtGleuXMHd3Z3IyEgGDhyo1NWhQwfmzJnDjBkz8PLy4oknnigzhAfg4uKCoaEhzz77LK1atdL52oQQorYYaHUdhxKPnDFjxjBw4ECGDx9e5bJqtVqmDhLiMVCTUwdV9gxJEtJj6tSpU4wfP56EhASsrCp+86U8N2/motE0rH86traNa+zhbF2SuOuWxF17KktIj/Xkqv379yc1NfWB/fPmzauV5yqpqan079+/3GM7duzQ6W28mjBz5kx2797N7Nmzq5WMhBCiNsgdkqgWuUOqOxJ33ZK4a4/evPYthBBCVEQSkhBCCL0gCUkIIYRekIQkhBBCL0hCEkIIoRckIQkhhNALkpCEEELohcf6i7Gi+gID/WTqICEecY6OjsTG7qmz9vQmIUVFRbF582a+/fbb+g6lXrzyyiv0799fmTy1qlQqFTExMbRu3bqGIytffHy8zstxCCEaJmdn5zptr8EP2UVFRTFq1Khaqz88PJxFixbVWv33rFmzRudkNHr0aDZv3lxm3/Hjx+ssGQkhRG1o8AlJF6WlpfUdghBCiErUeUJatWoVvXv3RqVSERgYyM8//6wc02q1vP/++7i4uNC3b18OHTqkHIuKisLPzw+VSoWvry8xMTEkJyczd+5cTpw4gUqlUpY4Dw8PZ+7cubz66qt06dKFxMREEhISGDRoEF27dsXHx4fIyMgycSUlJTFy5EhcXV3x8fEhKiqK77//nu3bt7N27VpUKhUTJ06s8Np8fX1ZuXIlgYGBuLm58fbbb1NYWAhATk4OISEheHh44ObmRkhISJlVXe+/67l31/fxxx/j5uaGr68v+/btA2DRokUkJSURERGBSqUiIiICACcnJy5fvqxc/7x585gwYQIqlYrhw4dz5coVpa1ffvmFgIAAXFxceO+993jppZceuOMSQoi6VucJqXXr1mzcuJFjx44RGhrKm2++SUZGBnB3SYTWrVtz+PBhwsLCCA0NJTs7m/z8fObPn8/q1as5fvw43333HU8//TTt27dn3rx5dOnShePHj5OUlKS08+OPPzJx4kR+/fVXXFxcsLCw4OOPPyYpKYmVK1fy7bffsnv3buDuLNyvvvoqL730EocOHSI6Opqnn36aESNGMHDgQP71r39x/Phxvvjii0qv714C+/nnn7l48SLLly8HQKPRMGTIEPbu3cvevXsxMzNTkkl5Tp06Rbt27Th8+DCvvPIKs2fPRqvVMn36dFxdXZkzZw7Hjx9nzpw55ZbfsWMHoaGhHD16lDZt2ijDjrdu3SIsLIw33niDxMRE2rVrx/Hjx3X75QkhRC2q84TUr18/7O3tMTQ0JDAwkLZt2ypLkzdt2pSxY8diYmJCYGAg7dq1IyEh4W6ghoacP3+eO3fuYGdnR4cOHSpsx8/PT1kV1czMDLVajZOTE4aGhjg7O9O/f3+OHDkC3E0i3bt3Z8CAAZiYmGBjY8PTTz9dret78cUXcXBwwNramkmTJrFjxw4AbGxsCAgIwMLCAisrKyZNmlThMuuOjo688MILGBkZMXjwYG7cuEFmZqbOcfTp04fOnTtjbGxMUFAQZ86cAWD//v106NABf39/jI2NGTNmDM2bN6/WtQohHn22to1r7Keimb6hHt6yi46OZv369aSkpACQn59PVlYWRkZG2NvbY2BgoJzr6OhIRkYGlpaWLFq0iHXr1jF79my6du3KzJkzad++/UPbcXBwKLN98uRJFixYwPnz5ykuLqaoqEhZGjwtLY02bdrUyPXd3+69+AEKCgr46KOPOHDgADk5OQDk5eVRWlqKkZHRA/XcnyQsLCyAu32lq/vLm5ubK2UzMjLKLGduYGDwwPLmQghxT00uaaFXy0+kpKTwzjvv8O6775KYmEhSUlKZO5309PQyrxKnpaVhZ2cHgJeXF+vXr+eXX37hySef5N133wUok8Aq8sYbb+Dn58e+ffs4duwYI0eOVNpycHAo84zlfrrWf3/M96Smpirxr1u3josXL7Jp0yZ+/fVXNm7cCFDnr07b2tqSnp6ubGu12jLPsoQQor7UaUIqKCjAwMCApk2bAvDDDz9w/vx55fitW7fYsGEDxcXFxMXFkZycjI+PD5mZmcTHx5Ofn4+pqSmWlpbKXUWzZs1IT0+nqKiowrbz8vJo0qQJZmZmnDp1ih9//FE5NnDgQA4ePEhsbCwlJSVkZWUpQ1zNmjWr0hdAv/nmG65fv052drbygsO99s3MzHjiiSfIzs5m6dKlOtf5d82bN+fq1avVKuvj48O5c+fYvXs3JSUlbNy4sUpDgUIIUVvqNCE99dRTjB8/npEjR9K9e3f++OMPunbtqhzv3Lkzly9fxsPDg8WLF7NkyRJsbGzQaDSsX78eLy8v3N3dOXr0KHPnzgXAw8ODp556Ck9PT9Rq9UPbnjt3LkuWLEGlUrFs2TL69eunHHN0dGT16tWsX78ed3d3Bg0axNmzZwEYNmwYFy5cwNXVlddee63SaxwwYADjx4+nd+/etG7dmkmTJgEwduxYCgsL8fDwYMSIEXh5eVWrDwHGjBnDrl27cHNzY/78+VUq27RpUz7//HM+/fRT1Go1Fy5coFOnTpiYmFQ7HiGEqAmyhHkN8vX1Zf78+XTv3r2+Q9GZRqPB29ubBQsW4OHhoXM5tVotUwcJ8Yir6amDKnuGpDdTB4m6c+DAAZ5//nnMzc1Zs2YNAF26dKlSHbGx8Wg0Dev/Mra2jWv0AW1dkbjrlsRdfyQhVUFqair9+/cv99i917sbghMnTjBjxgyKiop46qmnWLZsGebm5vUdlhDiMSdDdqJabt7MlTukOiJx1y2Ju/bo1WvfQgghxMNIQhJCCKEXJCEJIYTQC5KQhBBC6AVJSEIIIfSCJCQhhBB6QRKSEEIIvSAJSQghhF6QmRpEtQQG+slcdkI8wmp6Hjtd6GVCGj16NEFBQQwfPpyYmBiio6NZt25dpeWqcq4+mTNnDvb29kyePLla5fv378+cOXMqnO28psXHx9f5Wk5CiLrj7Oxc523q5dRB9yckUVZ4eDj29vZMnz69XuPIzc2VhCTEI8zZ2ZkTJ87WaJ16OXVQSUlJfTQrhBBCj9VZQvL19WXVqlUMHDiQLl26kJSUxMiRI3F1dSUoKIjExMRyy0VFRTFq1Chl+5dffiEgIAAXFxfee+89XnrpJTZv3lzuub/++itDhw7FxcWFoUOH8uuvv5aJ5+DBg8p2ZGQkM2bMAKCwsJAZM2agVqtxdXVl6NChla6qOnr0aBYuXMiwYcNwcXFh0qRJZGdnK8fDwsLo0aMHLi4uvPjii2VWyg0PD2fRokUAJCYm4u3tzbp16+jWrRuenp788MMPAHz//fds376dtWvXolKpmDhx4gPXEhkZydSpU3nrrbdQqVT079+f06dPK239/vvvDBo0CJVKRVhYGNOmTVPaFkKI+lSnd0g7duxg1apVxMfHM3nyZCZNmsSRI0eYOXMmYWFh3Lp1q8Lyt27dIiwsjDfeeIPExETatWvH8ePHyz03OzubkJAQRo8eTWJiIi+//DIhISFkZWVVGufWrVvJzc0lISGBxMRE5s2bp9PyDNHR0Xz44YccOHAAY2PjMqu5ent7s2vXLg4dOsQzzzyjJL/yZGZmcvv2bfbv388HH3xAREQEOTk5jBgxgoEDB/Kvf/2L48eP88UXX5Rbfs+ePfTv35+kpCR8fX15//33ASgqKiI0NJTBgwdz5MgRBgwYwO7duyu9LiHE48nWtnGN/lQ0XAd1nJBGjx6Ng4MD27Ztw9vbGx8fHwwNDenRowedOnVi3759FZbfv38/HTp0wN/fH2NjY8aMGUPz5s3LPTchIYG2bdsyaNAgjI2NGTBgAE8++SR79+6tNE5jY2Oys7O5fPkyRkZGdOrUCSurijsSIDg4mI4dO2JpacnUqVPZuXMnpaWlwN2l0K2srDA1NWXKlCmcPXuW27fLnyre2NiYyZMnY2Jigo+PD5aWlly8eLHS9u9xcXHBx8cHIyMjgoODleXYT548SUlJCWPGjMHExAR/f3+ee+45nesVQjxebty4XaM/N2/mVthenb5l5+DgANxd6G7nzp1lkkNJSUmlb4llZGTQokULZdvAwKDM9t/PdXR0LLPP0dGR9PT0SuMMDg7m+vXrvP766/z1118EBQUxffp0TExMKix37/rutVVcXExWVhY2NjYsWrSInTt3cuvWLQwN7/4/ICsri8aNGz9Qj7W1NcbG//3VWFhYkJ+fX2nc99yfpM3NzSksLKSkpISMjAzs7e0xMDAoN2YhhKhPdZqQ7v0hdHBwIDg4uMyQli5sbW3LJBStVsv169fLPdfOzo7U1NQy+9LS0vDy8gLu/pEvKChQjt24cUP5bGJiQmhoKKGhoVy7do0JEybQrl27St/6S0tLK/PZxMQEGxsbtm/fTnx8POvXr6dVq1bcvn0bNze3ar2ldn8yqap7/afVapV60tLSaN26dbXrFEKImlIvb9kFBQWxd+9eDhw4QGlpKYWFhSQmJj40udzj4+PDuXPn2L17NyUlJWzcuPGhLxv4+Phw6dIltm/fTklJCbGxsVy4cIGePXsCd19pjI2Npbi4mNOnT7Nr1y6l7OHDhzl37hylpaVYWVlhbGyMkZFRpdcVExPDhQsXKCgo4PPPPycgIAAjIyPy8vIwNTXFxsaGgoICPvvsM90762+aNWtW7S+kdunSBSMjI77++mtKSkrYvXt3mRcehBCiPtVLQnJwcGD58uWsXLmSbt264ePjw9q1a9FoNBWWa9q0KZ9//jmffvoparWaCxcu0KlTp3KH0mxsbPjiiy9Yv349arWaNWvW8MUXX9C0aVMApk2bxpUrV3B3dycyMpKBAwcqZTMzMwkLC8PFxYXAwEDc3d0JCgqq9LqCg4MJDw+nR48eFBUVMXv2bAAGDRqEo6MjXl5e9O/fny5dulSht8oaNmwYFy5cwNXVlddee61KZU1NTYmMjGTLli24ubkRExNDz549MTU1rXY8QghRU/Tyi7G60mg0eHt7s2DBAjw8POo1lob6Zd7hw4czcuRIhg4dWqVyarVapg4S4hFWG1MHVfbFWL2cOqgiBw4c4Pnnn8fc3Jw1a9YA/KM7jsfNkSNHaNeunfJs69y5c8pztaqIjY1Ho2lY/5extW3MjRvlv9mozyTuuiVx158Gl5BOnDjBjBkzKCoq4qmnnmLZsmU6fUeoJqhUqnL3r169uk7arwkXL15k2rRp5Ofn07p1a5YsWYKdnV19hyWEEA17yE7Un5s3c+UOqY5I3HVL4q49j9yQndAPhobVf/28PkncdUvirlv6Hndl8ckdkhBCCL0gK8YKIYTQC5KQhBBC6AVJSEIIIfSCJCQhhBB6QRKSEEIIvSAJSQghhF6QhCSEEEIvSEISQgihFyQhCSGE0AuSkIQQQugFSUjiAdnZ2UyePJkuXbrQq1cvtm/f/tBzv/zyS3r06IGLiwtvv/02RUVFdRhpWbrGHRUVxdNPP41KpVJ+EhMT6zja//r6668ZMmQInTp1Ijw8vMJz9am/dY1bn/q7qKiIWbNm0atXL1QqFYMGDWLfvn0PPV9f+rsqcetTf1eZVoi/mT59unbq1Kna3Nxc7dGjR7Vdu3bV/vHHHw+ct3//fm23bt20f/zxhzY7O1v70ksvaT/99NN6iPguXeP+4YcftCNHjqyHCMu3a9cu7c8//6ydM2eOdubMmQ89T9/6W9e49am/8/LytEuWLNFevXpVW1paqt2zZ4+2S5cu2qtXrz5wrj71d1Xi1qf+riq5QxJl5Ofn89NPPzF16lQaNWqEq6srvr6+bNu27YFzo6OjGTZsGB06dKBJkya89tprbN26tR6irlrc+sbf35/evXtjbW1d4Xn61N+ge9z6xNLSkilTptCqVSsMDQ3p1asXrVq14vfff3/gXH3q76rE3ZBJQhJlXLp0CUNDQ9q1a6fsc3Z25sKFCw+ce/78eZydnZVtJycnMjMzycrKqpNY71eVuAHOnDmDWq0mICCAZcuWUVJSUlehVps+9XdV6Wt/Z2ZmcunSJZ566qkHjulzf1cUN+hvf1dG1kMSZeTn59O4ceMy+xo3bkxeXl6551pZWZU5DyAvLw8bG5vaDbScWHSN283Nje3bt9OyZUvOnz/P9OnTMTY2JiQkpK7CrRZ96u+q0Nf+Li4uZsaMGQwePJj27ds/cFxf+7uyuPW1v3Uhd0iiDEtLS3Jzc8vsy83NpVGjRpWee+9zeefWtqrE3bp1a1q3bo2hoSFOTk5MnjyZXbt21VWo1aZP/V0V+tjfGo2Gt956CxMTE959991yz9HH/tYlbn3sb11JQhJl/M///A+lpaVcunRJ2Xf27NlyhwY6dOjAuXPnypzXvHnzevnfY1Xi/jsDAwO0DWCdSn3q73+ivvtbq9Uye/ZsMjMziYyMxMTEpNzz9K2/dY377+q7v6tCEpIow9LSkj59+rBkyRLy8/M5duwY8fHxBAcHP3BucHAwW7Zs4cKFC+Tk5LBixQoGDx5cD1FXLe59+/aRmZkJQHJyMsuXL8fPz6+uQ1aUlJRQWFiIRqOhtLSUwsLCcsf89am/Qfe49a2/586dS3JyMl988QXm5uYPPU/f+lvXuPWtv6ukXt/xE3opKytLO2nSJO3zzz+v9fHx0cbExGi1Wq02JSVF26VLF21KSopy7rp167TdunXTqlQqbXh4uLawsLC+wtY57n//+9/abt26aZ9//nmtr6+vdvHixdqioqJ6i3vJkiXajh07lvlZsmSJ3ve3rnHrU39fu3ZN27FjR22nTp20Xbp0UX62bdum1/1dlbj1qb+rykCrbSD3ckIIIR5pMmQnhBBCL0hCEkIIoRckIQkhhNALkpCEEELoBUlIQggh9IIkJCGEEHpBEpIQ1eTk5MTly5cBmDNnDsuWLavniIRo2CQhiUeer68vnTp14tatW2X2BwcH4+TkxLVr1/5xGxEREUyePPkf11Oe3NxcPvjgA3r27IlKpaJPnz588MEHD1xPXfD19eXgwYN13q6+ys3N5aOPPsLX15cuXbrQs2dPwsLCOHXqVH2H1iBJQhKPhZYtW7Jjxw5l+9y5c9y5c6ceI9JNUVERY8eO5cKFC6xZs4Zjx47x3XffYW1tzenTp2u0rYayREF9KK9v7v1u/vjjD7744guOHTtGbGwsgYGBFa5CW5MxPGokIYnHQnBwMNHR0cp2dHQ0gwYNKnNOUVERH3/8MT179qR79+7MmTOnTNJas2YNnp6eeHp6smXLljJlw8PDWbRoEQA5OTmEhITg4eGBm5sbISEhXL9+XTl39OjRLF68mJEjR6JSqRg/fvxD73a2bdtGWloaS5cu5amnnsLQ0JBmzZoxefJkfHx8gLvzlY0ePRpXV1f69+9PfHx8mbjmzZvHhAkTUKlUDB8+nCtXrijHnZyc2LhxI/7+/vj7+wOwd+9egoODcXV1ZeTIkZw9exaAN998k9TUVCZOnIhKpWL16tUAnDhxgpEjR+Lq6kpQUFCZ5bIru9aKykZFReHn54dKpcLX15eYmBgALl++zEsvvYSLiwtqtZpp06aV23fXrl3DycmJ77//Xvm9rVu3Tjmu0WhYtWoVvXv3Rq1WM3XqVLKzs8uU3bx5Mz179mTs2LHl/m7S09NZtmwZHTt2xMjICEtLS/r27cuUKVOU85KTk3n55Zdxd3cnICCA2NjYWvn9PBLqe+4iIWpbr169tP/5z3+0/v7+2gsXLmhLSkq03t7eyvxg95aBnj9/vjYkJESblZWlvX37tjYkJES7YMECrVar1e7bt0/brVs37blz57R5eXna119/XduxY0ftpUuXtFqtVjtz5kztZ599ptVqtdpbt25pd+7cqc3Pz9fevn1bO2XKFO2kSZOUeF566SWtn5+f9s8//9QWFBRUuDT2tGnTtG+99dZDr62oqEjbu3dv7YoVK7SFhYXagwcPart06aJNTk5W4nJzc9OePHlSW1xcrH399de106ZNU8p37NhRO27cOG1WVpa2oKBA+9tvv2k9PDy0J06c0JaUlGijoqK0vXr1UuZwu9eX91y/fl3r7u6uTUhI0JaWlmp/+eUXrbu7u/bmzZuVXmtFZfPy8rQqlUq5jvT0dGU5+unTp2uXL1+uLS0t1d65c0d79OjRcvvm6tWr2o4dO2qnT5+uzcvL0549e1arVquV+NevX68dPny4Ni0tTVtYWKh99913tdOnTy9T9s0339Tm5eVpCwoKyv3dVLR0u1Z7d+lxb29v7ZYtW7TFxcXa3377Tevu7q5cS03/fho6uUMSj417d0n/+c9/ePLJJ7G3t1eOabVaNm/ezKxZs7C2tsbKyoqQkBBlmC8uLo4hQ4bQsWNHLC0tCQ0NfWg7NjY2BAQEYGFhgZWVFZMmTeLo0aNlzhkyZAjt2rXD3Nycvn37cubMmXLrys7OxtbW9qFtnTx5kvz8fCZMmICpqSndunWjV69eZYYn+/TpQ+fOnTE2NiYoKOiBtiZMmIC1tTXm5uZs2rSJESNG8Pzzz2NkZMTgwYMxMTHhxIkT5ba/bds2vL298fHxwdDQkB49etCpU6cyQ1YPu9bKyhoaGnL+/Hnu3LmDnZ0dHTp0AMDY2JjU1FQyMjIwMzPD1dX1of0DMHnyZCwtLXFycmLIkCH8+OOPAHz//fdMnz6dFi1aYGpqSmhoKLt27SozNDZlyhQsLS3LnV07KyuL5s2bK9tnzpzB1dWVrl27EhAQAEBCQgItW7Zk6NChGBsb8+yzzxIQEFBmfaLa/P00NLJirHhsBAcH89JLL3Ht2rUHlqW4desWBQUFDBkyRNmn1WrRaDQAZGRk0KlTJ+VYy5YtH9pOQUEBH330EQcOHCAnJwe4u8poaWkpRkZGAGWSjIWFBfn5+eXWZW1tzY0bNx7aVkZGBi1atMDQ8L//t3R0dCQ9PV3Zvv+Pprm5+QNtOTg4KJ9TU1OJjo7m66+/VvYVFxeTkZFRbvupqans3LmTvXv3KvtKSkpQq9XK9sOutaKylpaWLFq0iHXr1jF79my6du3KzJkzad++PW+++Saff/45w4YNo0mTJrz88ssMGzbsoX10//W1bNmSP/74Q2l/8uTJZfrO0NCQmzdvKtstWrR4aL1//908/fTTJCUlcfDgQd555x0AUlJSOHXqVJmkWVpaSlBQkLJdm7+fhkYSknhstGzZklatWrFv3z4++OCDMsdsbGwwNzdnx44dZe6c7rGzsyMtLU3ZTk1NfWg769at4+LFi2zatAlbW1vOnDnDoEGDqrVIWvfu3Vm8eDH5+flYWlqWG9f169fRaDTKH9a0tDT+53/+R+c2DAwMlM8ODg5MnDiRSZMm6VTWwcGB4OBg5s+fr3N7upb18vLCy8uLO3fusHjxYt59912++eYbbG1tlTJJSUm8/PLLuLm50bZt23LrSUtLU5b6Tk1Nxc7ODribbD788ENcXFweKHPvzcv7++bvunXrRmRk5EN/N/eu0c3NjfXr1z+0nsr8k99PQyNDduKx8sEHH/DVV1898AfE0NCQ4cOH8+GHHyr/Q05PT+fAgQMA9O3bl61bt3LhwgUKCgpYunTpQ9vIy8vDzMyMJ554guzs7ArPrUxwcDAtWrRgypQpJCcno9FoyMrK4osvvmDfvn107twZCwsL1qxZQ3FxMYmJiezZs4fAwMBqtTd8+HC+++47Tp48iVarJT8/n4SEBGX57ubNm3P16lXl/KCgIPbu3cuBAweURfoSExPLvMTxMBWVzczMJD4+nvz8fExNTbG0tFTuLuPi4pT6mzRpgoGBQZm7nL9bvnw5BQUFnD9/nqioKKVvRo0axeLFi0lJSQHu3iXv3r1b574aNGgQtra2hIaG8scffyjX8Ntvvynn9OzZk0uXLhEdHU1xcTHFxcWcOnWK5ORkndu5X2W/n4ZOEpJ4rLRp04bnnnuu3GNvvvkmbdu25YUXXqBr166MGzeOixcvAuDj48PYsWMZO3Ysffr0wcPD46FtjB07lsLCQjw8PBgxYgReXl7VjtfU1JQvv/ySJ598kvHjx+Pi4sLw4cPJysqic+fOmJqasmLFCvbv34+Hhwfz5s3jk08+Ue4Iquq5557j/fffJyIiAjc3N/z9/YmKilKOT5gwgRUrVuDq6sratWtxcHBg+fLlrFy5km7duuHj48PatWuVoc6KVFRWo9Gwfv16vLy8cHd35+jRo8ydOxeA06dPM3z4cFQqFZMmTWL27Nm0bt36oe24u7vTp08fxo0bx/jx4/H09ARgzJgx+Pr6Mn78eFQqFS+88EKVvj9kZmbGhg0baN++PSEhIbi4uNC3b19Onz7N4sWLAbCysmLt2rXExsbi5eWFp6cnCxYsoKioSOd27lfZ76ehkwX6hBCPpGvXruHn58fvv/+OsbE8nWgI5A5JCCGEXpCEJIQQQi/IkJ0QQgi9IHdIQggh9IIkJCGEEHpBEpIQQgi9IAlJCCGEXpCEJIQQQi9IQhJCCKEX/j8c+InuebrnPgAAAABJRU5ErkJggg==\n", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAaQAAAEUCAYAAABkhkJAAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjMuNCwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8QVMy6AAAACXBIWXMAAAsTAAALEwEAmpwYAABMzUlEQVR4nO3deVhV5frw8S+DgKg5AoJar5mBZepm2qgMCgqKAo6plcMxE03CIUvUykRPo6ZJWuLUsawcQsQETUnFTopSKtpxzpFRFEiGGNf7h5frJ4m6IYYN3p/r8nLvNTzrvhfDzXrW2s9joCiKghBCCFHLDGs7ACGEEAKkIAkhhNATUpCEEELoBSlIQggh9IIUJCGEEHpBCpIQQgi9IAVJCCGEXjCu7QBE3ZSZmUtpaf34CFvLlo25cSOntsOoMvUtH6h/OT2q+RgaGtC8eaP7rpeCJCqltFSpNwUJqFe5QP3LB+pfTpLPvaTLTgghhF6QgiSEEEIvSJedqBRfXy+uXbtW22EIIWqRTevWRO/cV2XtSUF6xEyYMIEBAwYwePDgf9TOf98Phfy8KopKCFEXPTExqErbky67OsTW1pbLly//ozZWr16tFqOIiAhGjRpVFaEJIcQ/JgWpDiguLq7S7YQQQh9JQapmnp6erFy5El9fX5ycnJg9ezYFBQUAbNq0ib59++Ls7MykSZNIS0tT97O1tWXDhg14e3vj7e3Niy++CEBAQAAajYbo6Gji4+Nxd3cnPDycnj17Mnv2bLKzswkMDMTFxQUnJycCAwNJTU1V2x09ejSbN2/mwoULzJs3j2PHjqHRaHB0dKzZEyOEEH8jBakGbN++nTVr1rB7924uXrzIihUrOHjwIIsXL2bp0qX8/PPPtGnThhkzZpTZb8+ePWzatIno6Gg2bNgAwLZt2zh69Ci+vr4AZGRkkJ2dzd69e1mwYAGlpaUMGTKEvXv3snfvXkxNTQkNDb0npg4dOjB//ny6devG0aNHSUhIqP4TIYQQDyAPNdSAF198EWtrawAmT57MggULuH79OkOHDuXZZ58FYMaMGTg7O3Pt2jXatm0LwMSJE2nWrNkD2zY0NCQ4OBgTExMAzMzM8PHxUddPnjyZMWPGVENWQggBFhZNyvz/T0hBqgF3ihGAjY0N6enppKenq8UIoFGjRjRr1oy0tDS1IN293/00b94cU1NT9X1+fj7vv/8+Bw4cIDs7G4Dc3FxKSkowMjKqqpSEEAKA69dvYWHRhOvXbz10W0NDA1q2bHz/9VUZmChfSkqK+jo5ORlLS0ssLS1JSkpSl+fl5ZGVlYWVlZW6zMDA4KFt/32btWvXcvHiRTZt2sRvv/2mdvUpyr3DeujSvhBC1BQpSDXgm2++ITU1laysLPUBBz8/PyIiIjh16hSFhYV88skndOnSRb06Kk+rVq24evXqA4+Vm5uLqakpjz32GFlZWXz22Wf33bZly5akpaVRWFhY6dyEEKKqSEGqAQMHDmT8+PH06dOHdu3aMXnyZLp3787UqVN57bXXcHV15erVqyxZsuSB7QQFBRESEoKjoyPR0dHlbjN27FgKCgpwcXFhxIgRuLm53bc9FxcXnnrqKVxdXdFqtf8oRyGE+KcMlPL6ckSV8fT0ZOHChfTo0aO2Q6lSWq1Whg4S4hF3Z+igqrqHJA81iEqJjo6tN8Pn6/rDVFfUt3yg/uVU3/KpKtJlJ4QQQi/IFVI1++mnn2o7BCGEqBPkCkkIIYRekIIkhBBCL0hBEkIIoRekIAkhhNALUpCEEELoBSlIQggh9IIUJCGEEHpBCpIQQgi9IB+MFZXi6+slY9kJ8Qho3dqGnTtr5gP+UpCAiIgINm/ezLffflsrx//iiy+4evUq//73vyu1/4QJExgwYACDBw+u4sju7701keQXltTY8YQQtSPQr+ZmApCCpAcmTZqk87ZhYWFcvnyZRYsWqctWr15dHWEJIUSNkntIQggh9EKdLkienp6sWbMGPz8/HBwcmDZtGgUFBURERDBq1Kgy29ra2nL58mUAMjMzmTRpEvb29gwbNowrV66U2fbChQv861//wtnZGR8fn/tOhne3kJAQ3nnnHf71r3+h0Wh46aWXykxRvnDhQjw8PLC3t2fIkCEkJCSo68LCwpg5cyYA165dw9bWlq1bt9KrVy+0Wi2ff/45AHFxcaxcuZKYmBg0Gg3+/v4AjB49ms2bNwOouX/44Yc4OTnh6enJ/v371WNdvXqVF198EY1Gw7hx45g/f756bCGEqE11vssuJiaG1atXY2pqyqhRo4iIiMDU1PSB+4SGhmJqasrPP//MtWvXePnll9Wpw/Py8hg/fjzBwcGsWrWKM2fOMH78eDp27EjHjh0f2O727dsJDw+na9eufPTRR8ycOVO9L/Xcc88xZcoUmjRpwvr165k6dSo//fTTfWP99ddf2blzJ5cuXWLYsGF4e3vj7u5OYGDgPV12f5eYmMjgwYM5dOgQGzduZO7cuRw4cAADAwNmzpyJvb0969atIzExkYkTJ+Lp6fnAvIQQjzYLiyZVss3D1OkrJLh9dWBlZUWzZs3o3bs3p06deuD2JSUl/PjjjwQHB2Nubs7TTz9d5mGAffv20aZNG4YOHYqxsTHPPvssPj4+7Nq166Gx9OrVCycnJ0xMTJg+fTrHjh0jJSUFgICAAJo3b46xsTHjx4+nsLCQixcv3retoKAgzMzMsLOzw87OjtOnT+t4RsDGxobnn38eIyMjBg8ezPXr18nIyCA5OZkTJ04QHByMiYkJjo6OUoyEEA91/fqtB/7TZZvr129x40bOA49T56+QLCws1NcNGzYkPT39gdvfvHmT4uJirK2t1WU2Njbq66SkJBITE3F0dFSXlZSUqN1jD9K6dWv1daNGjWjatCnp6elYW1uzdu1aNm/eTHp6OgYGBuTk5JCZmXnftlq1alUmr7y8vIce/377wu0rv8zMTJo2baouA7C2tlaLphBC1KY6X5DK07BhQ/766y/1/fXr19XXLVq0wNjYmJSUFDp06ABQ5heytbU1Tk5OrFu3rsLHTU1NVV/n5uaSnZ2NpaUlCQkJrFq1ii+//JKOHTtiaGiIk5MTilLxKcANDAwqvM8dFhYWZGdnk5+frxYlKUZCCH1R57vsymNnZ8e5c+c4deoUBQUFhIWFqeuMjIzo27cvn332Gfn5+Zw/f56tW7eq63v16sWlS5eIjIykqKiIoqIiEhMTuXDhwkOPu3//fhISEigsLOTTTz+la9euWFtbk5ubi5GRES1atKC4uJjPPvuMnJwHX7reT8uWLUlKSqK0tLTC+7Zp04bOnTsTFhZGYWEhR48eZe/evZWKQwghqlq9LEjt27dnypQpjBs3Dm9vbxwcHMqsf+edd8jLy6Nnz56EhIQwZMgQdV3jxo1Zs2YN0dHRuLm54erqyqJFiygsLHzocQcOHMjy5cvRarX8/vvvfPzxxwC4urri7u6Oj48Pnp6emJqalukyrIh+/foBoNVqK/VB2EWLFnHs2DG0Wi1Lly7F19cXExOTSsUihBBVyUCpTL+RuEdISAhWVlZMnz69tkOpkGnTpvHkk08SHBxcof20Wq0MHSTEI0CXoYMsLJqoDzc8iKGhAS1bNr7v+np5D0ncX2JiIs2aNaNt27b8/PPPxMbGMnHixAq3Ex0dS2lp/fhbRtcfprqivuUD9S+n+pZPVZGCVAEDBgwgOTn5nuXz58+vhWgqJyMjg9dee42srCxat27Nu+++yzPPPFPbYQkhhHTZicq5cSNHrpD0VH3LB+pfTo9qPg/rsquXDzUIIYSoe6QgCSGE0AtSkIQQQugFKUhCCCH0ghQkIYQQekEKkhBCCL0gBUkIIYRekA/Gikrx9fWSoYOEqIdaW1uzM6Z2Bl2WgvQ3AwYM4J133uHw4cPqzKzXrl3Dy8uL33//HWNj/TtlEyZMYMCAAZUabLWyVsesoLC0oMaOJ4SoGf5dh9fasaXL7m927NiBVqutlrZHjx7N5s2b/1EbYWFhzJw5s8yy1atX12gxEkKI6iAFSY8UFxfXdghCCFFrpCD9jaenJ7/88kuFtrn7qqWgoICZM2ei1WpxdHRk6NChZGRksGTJEhISEggNDUWj0RAaGgqAra0tGzZswNvbG29vbwAWLlyIh4cH9vb2DBkyhISEBADi4uJYuXIlMTExaDQadVr1u6+8SktLWbFiBb1796Z79+68+eab3Lp1e4ypa9euYWtry9atW+nVqxdarZbPP/+8Cs+eEEJUnv7dEKnjtm7dSk5ODvv27cPExIRTp05hZmbG9OnT+e233/D392f48LJ9tHv27GHTpk2YmZkB8NxzzzFlyhSaNGnC+vXrmTp1Kj/99BPu7u4EBgaq97bKExERwdatW1m/fj0tWrRg1qxZhIaGqpMFAvz666/s3LmTS5cuMWzYMLy9vdXp3IUQwsKiSY3s83dSkKqYsbExWVlZXL58GTs7Ozp37vzQfSZOnEizZs3U9wEBAerr8ePH8/nnn3Px4kXs7Owe2tb27dsZN24c7dq1A2DGjBn4+fnx/vvvq9sEBQVhZmaGnZ0ddnZ2nD59WgqSEEJV0ZHIZYI+PRUQEEBqaiozZszgzz//xN/fn+nTp9OgQYP77vP36czXrl3L5s2bSU9Px8DAgJycHDIzM3U6fnp6Om3atFHft2nThuLiYm7cuKEua9Wqlfq6YcOG5OXl6ZqeEEJUG7mHVAkNGzYkPz9ffX/9+nX1dYMGDQgKCiI6OprvvvuOffv2ERkZ+cD2DAwM1NcJCQmsWrWKpUuXcuTIERISEmjSpAl3pq26e9vyWFpakpSUpL5PTk7G2NiYli1bViRFIYSocVKQKsHOzo7o6GiKioo4ceIEu3btUtcdOnSIM2fOUFJSQuPGjTE2NsbIyAi4fWVy9erVB7adm5uLkZERLVq0oLi4mM8++4ycnBx1fcuWLUlKSqK0tLTc/QcOHMh//vMfrl69Sm5uLkuWLKF///56+fkpIYS4mxSkSpg2bRpXrlzB2dmZsLAw/Pz81HUZGRkEBwfj4OCAr68vzs7O6tNwY8aMYdeuXTg5ObFw4cJy23Z1dcXd3R0fHx88PT0xNTUt06XXr18/ALRabbmfPRo6dCj+/v689NJLeHl5YWJiwttvv12V6QshRLWQKcxFpWi1Whk6SIh6qDJDB8lDDaJWRUfHUlpaP/6W0fWHqa6ob/lA/cupvuVTVaTLTgghhF6QgiSEEEIvSEESQgihF6QgCSGE0AtSkIQQQugFKUhCCCH0ghQkIYQQekEKkhBCCL0gBUkIIYRekJEaRKX4+nrJ0EFC1DOVGTaoKklBegBPT08WLlxIjx49qqzNa9eu4eXlxe+//16nR+BeHbOCwtKC2g5DCFGF/LsOf/hG1Ui67IQQQugFKUhCCCH0ghQkHSQmJjJixAgcHR1xdXUlNDSUwsJCdb2trS3ffvst3t7eODk5MX/+fHWG15KSEj788EO0Wi1eXl7s37+/TNsRERF4eXmh0Wjw9PQkKipKXbdp0yb69++PRqPB19eX33//HYDw8HD69OmjLt+9e3eZ9kaOHMmCBQtwcHCgX79+HDx4UF1/69Yt5syZg6urK25ubixZsoSSkpJqOW9CCFERdfcmRg0yNDRk9uzZdO7cmdTUVF555RW++eYbxo0bp26zb98+tmzZQk5ODkOGDKF37964u7uzadMm9u7dS2RkJA0bNuS1115T98nLy2PhwoVs2bKFJ598kvT0dLKzswGIiYkhLCyM5cuX89xzz3HlyhX1nlO7du3YsGEDFhYW7Ny5kzfeeIMff/wRS0tL4HYB7devH4cOHWL37t0EBQURGxtLs2bNmDVrFq1ateLHH38kPz+fwMBArK2tGTlyZM2dUCGEKIcUJB107txZfd22bVtGjBjBkSNHyhSkV155hccee4zHHnsMrVbL6dOncXd3JyYmhrFjx6qzvgYGBnL48GF1P0NDQ86dO4eNjQ2WlpZqUdmyZQsTJkygS5cuADzxxBPqPv3791df+/r6snLlShITE+nTpw8ALVq0YOzYsRgYGODr68vatWvZt28frq6uxMXFkZCQgJmZGebm5owbN46NGzdKQRJCALfnaqrJ/e4mBUkHFy9e5IMPPuDkyZPk5+dTUlLCs88+W2YbCwsL9XXDhg3Jzc0FID09vcwU5DY2Nuprc3NzlixZwtq1a5k7dy729vbMmjWLDh06kJKSwuOPP15uPJGRkaxbt46kpCTg9pVWZmamut7KygoDA4Myx0xPTyc5OZni4mJcXV3VdaWlpWXiE0I82iozcaDMGFuD3n33XZ555hkWL15M48aN+fLLL9m1a5dO+1pYWJCSkqK+v/s1gJubG25ubvz1118sXbqUt99+m2+++QZra2uuXLlyT3tJSUm89dZbfPnll2g0GoyMjAgICCizTVpaGoqiqEUpJSUFT09PWrdujYmJCYcOHarTj5wLIeoneahBB7m5uTRq1IhGjRpx4cIFvv32W5337d+/P1999RWpqalkZ2cTHh6ursvIyCA2Npa8vDxMTEwwNzfHyMgIgGHDhrF27VpOnjyJoihcvnyZpKQk8vPzMTAwoEWLFgB8//33nDt3rswxb968yfr16ykqKiImJoYLFy7g4eGBpaUlPXv25IMPPiAnJ4fS0lKuXLlSpgtRCCFqi/yZrINZs2bx9ttvs2bNGjp16oSvry+HDh3Sad/nn3+eS5cuERAQQKNGjXj55ZfVfUtLS1m3bh1vvvkmBgYGdOrUiXnz5gG3C1lWVhavv/466enptGnTho8++ohnnnmG8ePHM3LkSAwMDBg0aBD29vZljtmlSxcuX76Mi4sLrVq1YtmyZTRv3hyAjz76iEWLFuHr60tubi7t2rXjlVdeqcKzJYQQlWOg3Hk+WdQLERERbN68uUJXcZWh1Wpl6CAh6pnKDh0k95BErYqOjqW0tH78LaPrD1NdUd/ygfqXU33Lp6rIPSQhhBB6Qa6Q6pkhQ4YwZMiQ2g5DCCEqTK6QhBBC6AUpSEIIIfSCFCQhhBB6QQqSEEIIvSAFSQghhF6QgiSEEEIvSEESQgihF+RzSKJSfH29ZOggIeqRyg4bVJWkIFWBqKgoIiMjWbt2bW2HUmNWx6ygsLSgtsMQQlQR/67DazuEinfZlZaWkp6eXh2x1Fn+/v5lipGtrS2XL1+uxYiEEKLu0bkg/fnnn7z++ut06dIFb29vAGJjY1myZEm1BSeEEOLRoXNBmjdvHo0bN+ann36iQYMGAGg0GmJiYqotOH2UkpJCUFAQLi4uaLVaQkNDiYiIYNSoUQC8+OKLAAQEBKDRaIiOjmbgwIH89NNPahtFRUVotVpOnTpFQUEBM2fORKvV4ujoyNChQ8nIyAAgKyuL2bNn4+rqipOTE6+++ioA2dnZBAYG4uLigpOTE4GBgaSmpqrtjx49msWLFzNs2DAcHByYPHkyWVlZ6vpjx44xcuRIHB0d8ff3Jz4+vrpPmxBCPJTOBengwYO89dZbWFpaqlNjt2jRghs3blRbcPqmpKSEwMBAbGxs+Omnn4iLi8PX17fMNhs2bABg27ZtHD16FF9fXwICAoiKilK32b9/P5aWlnTq1ImtW7eSk5PDvn37iI+PZ/78+ZiZmQHw5ptvkp+fz44dO/jll18YN24ccLvbdMiQIezdu5e9e/diampKaGhomTgiIyN57733OHDgAMbGxixcuBC4Pb15YGAgkydP5vDhw8yaNYvg4GBu3rxZXadNCCF0ovNDDU2aNCEzMxNLS0t1WXJyMhYWFtUSmD5KTEwkPT2dN998E2Pj26fO0dGRK1euPHA/f39/VqxYQU5ODo0bNyYqKgp/f38AjI2NycrK4vLly9jZ2dG5c2cA0tPTiYuLIz4+nqZNmwLg7OwMQPPmzfHx8VHbnzx5MmPGjClzzICAAJ5++mkApk6dyqBBg/jwww/Ztm0b7u7ueHh4ANCzZ086d+7M/v37GTx48D89RUKIOszCokmt7HuHzgVp+PDhBAcHM23aNEpLSzl69CiffPIJI0eO/MdB1BUpKSnY2NioxUhXVlZW2Nvbs2vXLvr27UtcXBxz584FbheO1NRUZsyYwZ9//om/vz/Tp08nNTWVpk2bqsXobvn5+bz//vscOHCA7OxsAHJzcykpKcHIyAgAa2trdXsbGxuKiorIzMwkOTmZnTt3snfv/z3eWVxcjFarrfD5EELUL5WdNLDGZ4x95ZVXMDExITQ0lOLiYubMmcOIESMYO3asrk3UedbW1qSkpFBcXFzhojR48GA2b95MSUkJ3bp1w8rKCoAGDRoQFBREUFAQ165dY+LEibRv3x4PDw+ys7P5888/eeyxx8q0tXbtWi5evMimTZuwsLDg1KlTDBo0iLtno09JSSnzukGDBjRv3hxra2sCAgLULjwhhNAXOt1DKikpISQkhBdeeIHo6GiOHTtGTEwM48aNU+8nPQq6dOmChYUFixcvJi8vj4KCAn799dd7tmvVqhVXr14ts6xPnz7873//Y/369QwaNEhdfujQIc6cOUNJSQmNGzfG2NgYIyMjLC0tcXd3Z/78+WRnZ1NUVMSRI0eA21dDpqamPPbYY2RlZfHZZ5/dE0NUVBTnz58nPz+fTz/9FB8fH4yMjPD392fv3r0cOHCAkpISCgoKiI+PL/NQhBBC1AadCpKRkRH//e9/H6niUx4jIyO++OILLl++TO/evXF3dy/3KcOgoCBCQkJwdHQkOjoaADMzM7y9vbl27Rp9+/ZVt83IyCA4OBgHBwd8fX1xdnZW7y999NFHGBsb079/f3r06MF//vMfAMaOHUtBQQEuLi6MGDECNze3e2IICAggJCSEnj17UlhYqHYRWltbs2LFClauXEn37t3x8PBgzZo1lJaWVvn5EkKIijBQ7u7neYBVq1Zx69YtgoKCMDExqe646qXPPvuMS5cusWjRomo9zujRo/H392f48Or75LVWq5Whg4SoR/7J0EE1fg/p66+/JiMjg3Xr1tGiRYsyV0v79u3TtZlHVlZWFt9//z0fffRRbYdSJaKjYykt1elvGb2n6w9TXVHf8oH6l1N9y6eq6FyQPv744+qMo17btGkT7733Hv7+/jg5OdV2OEIIoZd07rIT4m43buTIFZKeqm/5QP3L6VHNp8q67AoLC9m6dSunTp0iLy+vzLr60g0lhBCi9uhckEJCQjh9+jS9e/emVatW1RmTEEKIR5DOBenAgQPExsbe8yFNIYQQoiroPLiqtbU1hYWF1RmLEEKIR5jOV0iDBg3i1VdfZcyYMbRs2bLMuu7du1d5YEIIIR4tFfocEsAnn3xSZrmBgQGxsbFVG5UQQohHjs4F6e4J5oQQQoiqpvM9JLg902lCQoI6PlteXt49j4ALIYQQlaHzFdKZM2eYPHkyJiYmpKWl4evry5EjR9i6dStLly6txhCFPvL19ZKx7ISoB6xb2xCzUz96wHQuSO+++y7BwcEMGjRIHf7GycmJt956q9qCe5RoNBqioqJo165dhfdNSEhg7ty57Nq1qxoiK9+WVdsoLiypseMJIaqHa4BzbYeg0rnL7vz58wQEBACoA6uam5tTUFBQPZE9Yo4ePapzMbK1teXy5cvqe0dHxxotRkIIUR10Lkht2rTh5MmTZZYlJiby+OOPV3lQtam4uLi2QxBCiEeSzgVp6tSpBAYGsmzZMgoLC1m5ciXBwcFMmzatGsMr6/fff2fQoEFoNBr12EuWLAFg7969BAQE4OjoyMiRIzl9+rS6n6enJ2vWrMHPzw8HBwemTZumXtnFx8fj7u5OeHg4PXv2ZPbs2ZSWlhIeHk6fPn3QarVMnTqVrKysB8Z27do1bG1t2bhxI66urri6urJ27Vp1fWJiIiNGjMDR0RFXV1dCQ0PLfND47quekJAQ5s+fz8SJE9FoNAwfPpwrV64A8OKLLwK3J+DTaDRER0erOeiSL9ye2+pOjJs3b77niksIIWqDzgWpd+/erF69mps3b+Ls7ExycjKfffYZrq6u1RmfqrCwkKCgIAYPHszhw4cZOHAge/bsAW4Xqjlz5hAaGkp8fDwjRozg1VdfLfMLPyYmhtWrVxMbG8uZM2eIiIhQ12VkZJCdnc3evXtZsGAB69evZ8+ePXz99dccOHCApk2bEhoaqlOc8fHx/Pjjj6xZs4bw8HB++eUXAAwNDZk9ezaHDh3iu+++4+DBg3zzzTf3bWfHjh0EBQVx5MgRHn/8cbXwbtiwAYBt27Zx9OhRfH19y93/fvnGxcXx5Zdfsm7dOnbv3s3hw4d1yksIUX9ZWDT5R/90beNBI31DBR5q+PTTTwFo3rw5zZs3ByA2NpYDBw7QunVr3NzcqnXQ1ePHj1NcXMyYMWMwMDDA29ub5557Drg939CIESPo2rUrAIMHD+aLL77g2LFjODvfvmE3evRorKysgNvF9dSpU2rbhoaGBAcHqzPhbty4kXfeeYfWrVsDt6ck7927N8XFxRgbP/iUTZkyBXNzc2xtbRkyZAg//PADPXr0oHPnzuo2bdu2ZcSIERw5coRx48aV207fvn3p0qULAP7+/rz//vsVOl/3yzcmJoYhQ4bQsWNHNbeoqKgKtS2EqF/+6VQYNT79xKVLl9i9ezddunTB2tqalJQUEhMT8fT0ZO/evcyfP59ly5aV6TqqSunp6VhZWZWZqdba2hqA5ORkIiMj1dEk4PZnptLT09X3FhYW6uuGDRuWWde8eXNMTU3V98nJyUyZMgVDw/+7gDQ0NOTGjRvqL/n7uRMT3L7vdvbsWQAuXrzIBx98wMmTJ8nPz6ekpIRnn332vu3cXdzNzMwq/Hmv++Wbnp5epjjeHa8QQtQmnQtSaWkpS5YsoW/fvuqyPXv28MMPP7Bp0ya2bt3K4sWLq60gWVhYkJaWhqIoalFKSUmhXbt2WFtbM2nSJCZPnlyptu8ucgCtW7fmvffew8HBocJtpaSk0KFDB+B2YbO0tARuPzb/zDPPsHjxYho3bsyXX35ZK0/GWVpakpaWViZeIYTQBzrfQ/r555/x9PQss6x3797ExcUBt7uV7tx4rw7dunXDyMiIr7/+muLiYvbs2cOJEycAGD58ON999x3Hjx9HURTy8vLYt28fOTk5lTrWqFGjWLp0KUlJSQDcvHlTvV/1MCtWrCA/P59z584RERGh3uPJzc2lUaNGNGrUiAsXLvDtt99WKja4ffV09erVSu3br18/IiIiuHDhAvn5+SxfvrzScQghRFXSuSA9/vjj9/wS/e6779THvjMzMzE3N6/a6O5iYmJCWFgYW7ZswcnJiaioKHr16oWJiQnPPfccCxYsIDQ0FCcnJ7y9vcs8tFBRY8aMwdPTk/Hjx6PRaHj++edJTEzUaV9nZ2f69u3LuHHjGD9+vPrQx6xZs/jhhx+wt7fn7bffvu/DCLoICgoiJCQER0dHdRgnXXl4eDB69GjGjBlD37596datG4B6/0wIIWqLgaIoii4b/v7777z22muUlJRgZWVFWloaRkZGhIWF8eyzz3LkyBEuXrzI888/X90xq4YPH87IkSMZOnRojR3zfq5du4aXlxe///77Qx980CcXLlxg4MCBnDhxokJxa7VaGTpIiHqgKoYOqvGHGp599ll27drF8ePHSU9Px8LCgm7dutGgQQPg9jBCd4YUqi6HDx+mffv2NG/enO3bt3PmzBnc3Nyq9Zj10e7du/Hw8CA/P5+PP/6Y3r17V7iIRkfHUlqq098yek/XH6a6or7lA/Uvp/qWT1Wp0G+hBg0a4OjoWF2xPNTFixeZNm0aeXl5tGvXjmXLlqkPDdSEqKgo5s2bd89yGxsbVq5cWWNx/FPfffcdISEhGBkZ4eTkVG5OQghR03TushPibjdu5MgVkp6qb/lA/cvpUc3nYV12FZoPSQghhKguUpCEEELoBSlIQggh9IIUJCGEEHpBCpIQQgi9IAVJCCGEXpCCJIQQQi/UnTFuhF7x9fWSoYOEqMOqYsigqiYFSVTKllXbKC4sqe0whBCV5BrgXNsh3EO67PTEhAkT2Lp1KwARERGMGjVKXWdra8vly5cfuH9ISIg6zXlCQgI+Pj7quj/++INBgwah0WhYv359NUQvhBD/nFwh1YKwsDAuX77MokWL1GWrV6+usvYdHR3LTP63evVqnJ2diYyMrLJjCCFEVZMrpEdAcnIyHTt2rO0whBDigeQKqZqFh4fz1VdfkZOTg6WlJbNnz2blypUoikJsbCzt2rUjKiqK0aNH4+/vz/Dhw//xMePj43njjTeIi4tjzJgxHDlyhF9//ZX33nuPiIgI2rRpw5IlS4iJiaGwsJA+ffowZ84czMzMqiBjIURdYWHRRK/akoJUjf744w82bNjAli1bsLKy4tq1a5SWlhIYGHhPl111Wb9+/T3F7t///jdXr14lMjISY2NjZs6cyfLly3n99derPR4hhP6oqhHHZbTvOsDIyIjCwkIuXLhAUVERbdu2Vad8ry2KorB582bmzJlDs2bNaNy4MYGBgezYsaNW4xJCCLlCqkZPPPEEc+bMISwsjPPnz+Pq6kpISEitxnTz5k3y8/MZMmSIukxRFEpLS2sxKiGEkIJU7fz8/PDz8yMnJ4d33nmHRYsW8cQTT9RaPM2bN8fMzIwdO3ZgZWVVa3EIIcTfSZddNfrjjz84ePAghYWFmJiYYGpqipGRES1btiQpKalWrkoMDQ0ZPnw47733Hjdu3AAgLS2NAwcO1HgsQghxN7lCqkaFhYUsXryYCxcu0KBBAzQaDaGhoZiYmBAVFYVWq6Vt27bqB2JryhtvvMHy5ct5/vnnyczMxMrKilGjRuHm5qZzG8NeCZChg4Sow6xb29R2CPcwUBRFqe0gRN1z40YOpaX141tH1yeE6or6lg/Uv5we1XzkKTshhBB1gnTZ1SEDBgwgOTn5nuXz58/H39+/FiISQoiqIwWpDpHPCgkh6jPpshNCCKEXpCAJIYTQC1KQhBBC6AUpSEIIIfSCFCQhhBB6QQqSEEIIvSCPfYtK8fX1kqGDhKhDbKxbEx2zr7bDeKBaLUhhYWHVPlHd3bOn1hZ9iMHT05OFCxfSo0ePKmnv0LdzoTi3StoSQlS/tr1n1nYID1Unu+zCwsKYOVP/T25VedTyFUI8mupkQRJCCFH/1FhBCg8Px83NDY1Gg4+PDwcPHiyzvqioiBkzZvDaa69RWFhIWloar732Gi4uLnh6erJ+/XoA4uLiWLlyJTExMWg0GnUMt6ysLGbPno2rqytOTk68+uqrZdpfu3Yt3bt3x9XVle+///6h8e7bt49BgwZhb2+Ph4cHYWFh6rpr165ha2vL1q1b6dWrF1qtls8//1xd/9dffxESEoKTkxO+vr6cOHGi0ufofvl6enryyy+/qPv+/SoqMjKS3r173xPb9evX6dq1K5mZmeqykydP4uLiQlFRkU5xCiFEdaiRe0h//PEHGzZsYMuWLVhZWXHt2jVKS0tJSEgAbv8CDw4OpkWLFnz88ccYGBgwefJkPD09Wbx4MWlpaYwbN4727dvj7u5OYGDgPfee3nzzTczNzdmxYwfm5uYcPXpUXZeRkcGtW7eIi4vjl19+ITg4mD59+tC0adP7xtywYUM+/PBDOnbsyNmzZxk/fjydOnWiT58+6ja//vorO3fu5NKlSwwbNgxvb286dOjAZ599xpUrV9i9ezf5+fm88sorlT5Hjz/+eLn5Psj58+eZP38+4eHhdO3alcWLF5OamgqAhYUFzs7OxMTE8MILLwAQFRXFgAEDaNCggU7tCyFEdaiRgmRkZERhYSEXLlygRYsWtG3bVl2Xk5PDhAkTsLOzY+7cuRgYGHD8+HFu3rxJUFAQAO3ateP5558nOjq63Enk0tPTiYuLIz4+Xi0yzs7O6npjY2OmTJmCsbExHh4emJubc/HiRbp163bfmLVarfrazs6OAQMGcPjw4TIFKSgoCDMzM+zs7LCzs+P06dN06NCBmJgY5s2bR7NmzWjWrBmjR49m+fLllT5HFbVz50569eqFk5MTAFOnTmXDhg3q+sGDB7N+/XpeeOEFSkpK2LFjR5mrKCFE/WRh0USv266RgvTEE08wZ84cwsLCOH/+PK6uroSEhABw/PhxiouLWbx4MQYGBgAkJSWRnp6Oo6Oj2kZJSUmZ93dLTU2ladOm973iadasGcbG/5dqw4YNycvLe2DMx48fZ9GiRZw7d46ioiIKCwvp169fmW1atWpVbpvp6elYW1ur62xsHj4z4/3OkZWV1UP3/bv09HRat26tvjc3N6dZs2bqey8vL+bNm8fVq1e5ePEijRs3pkuXLhU+jhCibqmuSQHr3AR9fn5+fPvtt+zduxcDAwO1+6lnz55MnDiRcePGkZGRAYC1tTVt27YlISFB/Xf06FFWrVoFoBauO1q3bk12djZ//vlnlcX7+uuv4+Xlxf79+/n1118ZOXIkuk6ua2FhQUpKivr+7tcPcr9z9Pd84XYBzM/PV99fv35dfW1paal20QHk5+eTlZWlvjc1NaV///5ERUWxbds2AgICdIpPCCGqU40UpD/++IODBw9SWFiIiYkJpqamGBkZqetfeeUVBg4cyLhx47h58yZdunShcePGhIeH89dff1FSUsLZs2dJTEwEoGXLliQlJVFaWgrc/gXs7u7O/Pnzyc7OpqioiCNHjvyjmHNzc2natCmmpqYkJibyww8/6Lxv//79CQ8PJzs7m9TUVL766quH7vOgc/T3fOF2N2J0dDRFRUWcOHGCXbt2qet8fHzYt28fCQkJFBYWsmzZsjL7AgQEBLB161Z++uknmdxPCKEXaqQgFRYWsnjxYrRaLa6urty8eZPp06eX2WbKlCl4eXnxr3/9i1u3bvH5559z+vRpvLy8cHFx4a233iInJwdA7TrTarUMHjwYgI8++ghjY2P69+9Pjx49+M9//vOPYp43bx7Lli1Do9GwfPly+vfvr/O+QUFB2NjY4OXlxfjx43W6AnnQOSov32nTpnHlyhWcnZ0JCwvDz89Pbatjx4688847zJw5Ezc3Nx577LEyXXgADg4OGBoa8uyzz/6j+1VCCFFVDBRd+6FEvTNmzBj8/PwYPnx4hffVarUydJAQdUh1Dh1UVfeQZCy7R1RiYiL/+9//WLFiRaX2j46OpbS0fvwto+sPU11R3/KB+pdTfcunqjzSBWnAgAEkJyffs3z+/PnVcl8lOTmZAQMGlLtux44dOj2NVxVmzZrFnj17mDt3Lo0b3/+vFSGEqEnSZScq5caNHLlC0lP1LR+ofzk9qvnozWPfQgghxINIQRJCCKEXpCAJIYTQC1KQhBBC6AUpSEIIIfSCFCQhhBB6QQqSEEIIvfBIfzBWVJ6vr5cMHSREHVCdQwZVNb0sSKNHj8bf35/hw4cTFRVFZGQka9eufeh+FdlWn7zzzjtYWVkxZcqUSu0/YMAA3nnnnTKTCla3Q9/OheLcGjueEKJy2vaeWdsh6EwvR2q4uyCJsu5M2vf30dJrmvJHlBQkIeqAtr1ncuzY6Wo9Rp0eqaG4uLg2DiuEEEKP1VhB8vT0JDw8HD8/P7p160ZCQgIjR47E0dERf39/4uPjy90vIiKCUaNGqe9//vlnfHx8cHBw4N133+Wll15i8+bN5W7722+/MXToUBwcHBg6dCi//fZbmXh++eUX9X1YWBgzZ96+tC0oKGDmzJlotVocHR0ZOnSoOpvt/YwePZrFixczbNgwHBwcmDx5cplZWoODg+nZsycODg68+OKLnDt3Tl0XEhLCkiVLAIiPj8fd3Z21a9fSvXt3XF1d+f777wHYuHEj27dvZ82aNWg0GiZNmnRPLmFhYUydOpU333wTjUbDgAEDOHHihHqs33//nUGDBqHRaAgODmbatGnqsYUQojbV6BXSjh07CA8PJzY2lilTpjB58mQOHz7MrFmzCA4O5ubNmw/c/+bNmwQHB/P6668THx9P+/btOXr0aLnbZmVlERgYyOjRo4mPj+df//oXgYGBZGZmPjTOrVu3kpOTw759+4iPj2f+/PmYmZk9dL/IyEjee+89Dhw4gLGxMQsXLlTXubu7s2vXLg4ePMgzzzyjFr/yZGRkcOvWLeLi4vj3v/9NaGgo2dnZjBgxAj8/P15++WWOHj3KF198Ue7+P/30EwMGDCAhIQFPT08WLFgA3J4EMCgoiMGDB3P48GEGDhzInj17HpqXEELUhBp9qGH06NFYW1sTHh6Ou7s7Hh4eAPTs2ZPOnTuzf/9+dUbU8sTFxdGxY0e8vb2B2xPM3e8Bhn379vHEE08waNAgAAYOHMhXX33F3r17GTJkyAPjNDY2Jisri8uXL2NnZ0fnzp11yi8gIICnn34agKlTpzJo0CA+/PBDjIyMGDZsmLrda6+9hpOTE7du3aJJkyblHn/KlCkYGxvj4eGBubk5Fy9epFu3bjrF4eDgoJ7bgIAAdfbc48ePU1xczJgxYzAwMMDb25vnnntOpzaFEHWXhcW9v2f08Rg1WpCsra2B2/MC7dy5k71796rriouLH/qUWHp6epmpuA0MDO6Zmvvubf8+v5CNjQ1paWkPjTMgIIDU1FRmzJjBn3/+ib+/P9OnT6dBgwYP3O9OfneOVVRURGZmJs2bN2fJkiXs3LmTmzdvYmh4+8I0MzOz3ILUrFkzjI3/70vTsGFD8vLyHhr3Ha1atVJfm5mZUVBQQHFxMenp6VhZWWFgYFBuzEKI+qm6p7qokzPG3vlFaG1tTUBAQJkuLV1YWFiUKSiKopCamlrutpaWlvdMvpeSkoKbmxtw+5d8fn6+uu769evq6wYNGhAUFERQUBDXrl1j4sSJtG/f/qFP/aWkpJR53aBBA5o3b8727duJjY1l3bp1tG3bllu3buHk5ERlHnC8u5hU1J3zpyiK2k5KSgrt2rWrdJtCCFFVauUpO39/f/bu3cuBAwcoKSmhoKCA+Pj4+xaXOzw8PDhz5gx79uyhuLiYDRs23PdhAw8PDy5dusT27dspLi4mOjqa8+fP06tXLwDs7OyIjo6mqKiIEydOsGvXLnXfQ4cOcebMGUpKSmjcuDHGxsYYGRk9NK+oqCjOnz9Pfn4+n376KT4+PhgZGZGbm4uJiQnNmzcnPz+fTz75RPeT9TctW7as9AdSu3XrhpGREV9//TXFxcXs2bOnzAMPQghRm2qlIFlbW7NixQpWrlxJ9+7d8fDwYM2aNZSWlj5wvxYtWvDpp5/y8ccfo9VqOX/+PJ07dy63K6158+Z88cUXrFu3Dq1Wy+rVq/niiy9o0aIFANOmTePKlSs4OzsTFhaGn5+fum9GRgbBwcE4ODjg6+uLs7OzTlOaBwQEEBISQs+ePSksLGTu3LkADBo0CBsbG9zc3BgwYIDO94LKM2zYMM6fP4+joyOvvvpqhfY1MTEhLCyMLVu24OTkRFRUFL169cLExKTS8QghRFXRyw/G6qq0tBR3d3cWLVqEi4tLrcZSVz/MO3z4cEaOHMnQoUMrtJ9Wq5Whg4SoA2pi6KA6eQ+pKhw4cICuXbtiZmbG6tWrAf7RFcej5vDhw7Rv3169t3XmzBn1vlpFREfHUlpaZ/+WKUPXH6a6or7lA/Uvp/qWT1WpcwXp2LFjzJw5k8LCQp566imWL1+u02eEqoJGoyl3+apVq2rk+FXh4sWLTJs2jby8PNq1a8eyZcuwtLSs7bCEEKJud9mJ2nPjRo5cIemp+pYP1L+cHtV89HIsOyGEEOLvpCAJIYTQC1KQhBBC6AUpSEIIIfSCFCQhhBB6QQqSEEIIvSAFSQghhF6QgiSEEEIv1LmRGoR+8PX1krHshKgmNjY2REf/VNth1Di9KUgRERFs3ryZb7/9trZDqRUTJkxgwIABD5wx90E0Gg1RUVE1NrdRbGxspeZzEkI8nJ2dXW2HUCvqfJddREQEo0aNqrb2Q0JCWLJkSbW1f8fq1at1LkajR49m8+bNZZYdPXpUJtoTQtRpdb4g6aKkpKS2QxBCCPEQNV6QwsPD6dOnDxqNBl9fX3bv3q2uUxSFBQsW4ODgQL9+/Th48KC6LiIiAi8vLzQaDZ6enkRFRXHhwgXmzZvHsWPH0Gg0ODo6ArevaubNm8crr7xCt27diI+PZ9++fQwaNAh7e3s8PDwICwsrE1dCQgIjR47E0dERDw8PIiIi2LhxI9u3b2fNmjVoNBomTZr0wNw8PT1ZuXIlvr6+ODk5MXv2bAoKCgDIzs4mMDAQFxcXnJycCAwMLDND7t1XPXeu+j788EOcnJzw9PRk//79ACxZsoSEhARCQ0PRaDSEhoYCYGtry+XLl9X858+fz8SJE9FoNAwfPpwrV66ox/r555/x8fHBwcGBd999l5deeumeKy4hhKhpNX4PqV27dmzYsAELCwt27tzJG2+8wY8//ghAYmIi/fr149ChQ+zevZugoCBiY2MxMTFh4cKFbNmyhSeffJL09HSys7Pp0KED8+fPL/fe0w8//EB4eDgrV66kqKiIY8eO8eGHH9KxY0fOnj3L+PHj6dSpE3369CE5OZlXXnmFBQsW4OPjQ05ODqmpqXTq1ImjR49iZWXF9OnTdcrvTgFr2LAhkyZNYsWKFUyfPp3S0lKGDBnC0qVLKSkpYc6cOYSGhrJixYpy20lMTGTw4MEcOnSIjRs3MnfuXA4cOMD06dP57bffHjoZ4I4dO1i9ejXPPPMMs2bNYsmSJSxZsoSbN28SHBzMBx98gKenJxs2bGDz5s0EBATo+BUUQtQEC4smtR1ChVRFvDVekPr376++9vX1ZeXKlSQmJgK3pygfO3YsBgYG+Pr6snbtWvbt24e3tzeGhoacO3cOGxsbLC0tHzqHj5eXFw4ODgCYmpqi1WrVdXZ2dgwYMIDDhw/Tp08ftm/fTo8ePRg4cCBwe/rz5s2bVyq/F198EWtrawAmT57MggULmD59Os2bN8fHx0fdbvLkyYwZM+a+7djY2PD8888DMHjwYObPn09GRgYWFhY6xdG3b1+6dOkCgL+/P++//z4AcXFxdOzYEW9vbwDGjBnD2rVrK56oEKJa1aXpKersjLGRkZGsW7eOpKQkAPLy8sjMzMTIyAgrKysMDAzUbW1sbEhPT8fc3JwlS5awdu1a5s6di729PbNmzaJDhw73Pc6donDH8ePHWbRoEefOnaOoqIjCwkL69esHQEpKCo8//niV5Hf3ce/ED5Cfn8/777/PgQMHyM7OBiA3N5eSkhKMjIzuaadVq1bq64YNGwK3z5Wu7t7fzMxM3Tc9PZ3WrVur6wwMDMq8F0KI2lKj95CSkpJ46623ePvtt4mPjychIYGOHTuq69PS0so8SpySkqJeCbm5ubFu3Tp+/vlnnnzySd5++22AMgXsQV5//XW8vLzYv38/v/76KyNHjlSPZW1tXeYey910bf/umO9ITk5W41+7di0XL15k06ZN/Pbbb2zYsAGgxh+dtrCwIC0tTX2vKEqZe1lCCFFbarQg5efnY2BgQIsWLQD4/vvvOXfunLr+5s2brF+/nqKiImJiYrhw4QIeHh5kZGQQGxtLXl4eJiYmmJubq1cVLVu2JC0tjcLCwgceOzc3l6ZNm2JqakpiYiI//PCDus7Pz49ffvmF6OhoiouLyczM5NSpU2r7FfkA6DfffENqaipZWVnqAw53jm9qaspjjz1GVlYWn332mc5t/l2rVq24evVqpfb18PDgzJkz7Nmzh+LiYjZs2EBGRkalYxFCiKpSowXpqaeeYvz48YwcOZIePXpw9uxZ7O3t1fVdunTh8uXLuLi4sHTpUpYtW0bz5s0pLS1l3bp1uLm54ezszJEjR5g3bx4ALi4uPPXUU7i6upa5T/R38+bNY9myZWg0GpYvX17mXpaNjQ2rVq1i3bp1ODs7M2jQIE6fPg3AsGHDOH/+PI6Ojrz66qsPzXHgwIGMHz+ePn360K5dOyZPngzA2LFjKSgowMXFhREjRuDm5lapcwi37/vs2rULJycnFi5cWKF9W7RowaeffsrHH3+MVqvl/PnzdO7cmQYNGlQ6HiGEqAoGinzcvsp4enqycOFCevToUduh6Ky0tBR3d3cWLVqEi4uLzvtptVoZOkiIalLXhg6qsw81iNp34MABunbtipmZGatXrwagW7duFWojOjqW0tL68beMrj9MdUV9ywfqX071LZ+qIgWpApKTkxkwYEC563bs2FHD0VTesWPHmDlzJoWFhTz11FMsX74cMzOz2g5LCPGIky47USk3buTIFZKeqm/5QP3L6VHNR7rsRLUwNKzY4/D6TvLRf/Utp0cxn4dtI1dIQggh9MIjMdq3EEII/ScFSQghhF6QgiSEEEIvSEESQgihF6QgCSGE0AtSkIQQQugFKUhCCCH0ghQkIYQQekEKkhBCCL0gBUkIIYRekIIk7pGVlcWUKVPo1q0bvXv3Zvv27ffd9ssvv6Rnz544ODgwe/bsh87cW1t0zens2bO8/PLLaLVabG1tazhK3emaz9atWxkyZAj29va4u7vz0UcfUVxcXMPRPpyu+ezYsQMfHx8cHBzo3r07s2bNIicnp4ajfbiK/AzdMWbMGGxtbev01yciIoJOnTqh0WjUf/Hx8bofSBHib6ZPn65MnTpVycnJUY4cOaLY29srZ8+evWe7uLg4pXv37srZs2eVrKws5aWXXlI+/vjjWoj44XTN6cKFC8qmTZuU3bt3K08//XQtRKobXfPZsGGDcuTIEaWgoEBJTU1VBg8erKxcubIWIn4wXfNJTk5Wbty4oSiKouTk5CgzZsxQFixYUNPhPpSu+dyxbds25YUXXlCefvpppaioqAYj1Y2u+Xz//ffKyJEjK30cuUISZeTl5fHjjz8ydepUGjVqhKOjI56enmzbtu2ebSMjIxk2bBgdO3akadOmvPrqq2zdurUWon6wiuT05JNPMnz4cDp27FgLkeqmIvm88MILODo6YmJigpWVFX5+fvz222+1EPX9VSQfa2trWrRoob43MjLi8uXLNRnuQ1UkH4Bbt26xfPly3njjjRqOVDcVzeefkIIkyrh06RKGhoa0b99eXWZnZ8f58+fv2fbcuXPY2dmp721tbcnIyCAzM7NGYtVVRXKqC/5JPkeOHOGpp56qzvAqrKL5JCQk4ODggL29PT/++CNjx46tqVB1UtF8PvnkE0aNGkWrVq1qKsQKqWg+p06dQqvV4uPjw/LlyyvUBSnzIYky8vLyaNKkSZllTZo0ITc3t9xtGzduXGY7gNzcXJo3b169gVZARXKqCyqbz/fff8/JkydZuHBhdYZXYRXNx9HRkV9//ZW0tDQ2bdpEmzZtaiJMnVUknxMnTvDbb78xd+5cUlNTayrECqlIPk5OTmzfvp02bdpw7tw5pk+fjrGxMYGBgTodS66QRBnm5ub33CTOycmhUaNGD932zuvytq1NFcmpLqhMPnv27GHx4sWsWrWqTJeXPqjs18fKygo3NzdmzJhRneFVmK75lJaWMn/+fObOnYuxsf5eG1Tk69OuXTvatWuHoaEhtra2TJkyhV27dul8LClIooz/9//+HyUlJVy6dElddvr06XK7eTp27MiZM2fKbNeqVSu9ujqCiuVUF1Q0n7i4ON566y2++OILvXxy8J98fYqLi7ly5Uo1RldxuuaTk5PDyZMnmT59Oj179mTYsGEAeHh4kJCQUJMhP9A/+foYGBigVGAOWClIogxzc3P69u3LsmXLyMvL49dffyU2NpaAgIB7tg0ICGDLli2cP3+e7OxsPv/8cwYPHlwLUT9YRXJSFIWCggKKiooAKCgo0LtH2SuSz8GDB3njjTcICwujS5cutRDtw1Ukn6ioKJKTk1EUhaSkJJYuXUr37t1rIer70zWfJk2acODAASIjI4mMjCQ8PBy4/ei0Pn2tKvL12b9/PxkZGQBcuHCBFStW4OXlpfvBKv18nqi3MjMzlcmTJytdu3ZVPDw8lKioKEVRFCUpKUnp1q2bkpSUpG67du1apXv37opGo1FCQkKUgoKC2gr7gXTN6erVq8rTTz9d5l/v3r1rM/Ry6ZrPSy+9pHTq1Enp1q2b+u/ll1+uzdDLpWs+n3zyieLm5qZ07dpVcXNzU9566y3l5s2btRl6uSryM3THne89fXzsW9d8PvjgA6V79+5K165dFU9PT2Xp0qVKYWGhzscxUJQKXE8JIYQQ1US67IQQQugFKUhCCCH0ghQkIYQQekEKkhBCCL0gBUkIIYRekIIkhBBCL0hBEuIREhERwahRo+67fsKECdUyYruu7SYkJODj41Plxxd1g3wOSTwSRo8ezenTp/nvf/+LiYlJbYfzj/z555+8//77xMXFkZeXh6WlJUOHDmXixIkP3TciIoLNmzfz7bffVlt8YWFhXL58mUWLFv3jtjw9PVm4cCE9evSogsiqXk5ODmFhYezevZubN2/SrFkzunTpwoQJE/RqtIW6Qn9H9BOiily7do2EhASaNGlCbGws/fv3r9L2i4uLa3RwzPfff5+8vDyio6Np0qQJFy9e5Ny5czV2/EdReV/jwsJCxo4dy2OPPcYXX3xBhw4dKCgoIC4ujv3791d5Qarp77PaIF12ot6LjIyka9euDB48mMjISOD2LxNHR0fOnj2rbnfz5k26dOnCjRs3ANi7dy8BAQE4OjoycuRITp8+rW7r6elJeHg4fn5+dOvWjeLiYsLDw+nTpw8ajQZfX192796tbl9SUsIHH3yAVqvF09OTr7/+usx01bdu3WLOnDm4urri5ubGkiVLKCkpKTefEydO4OfnR9OmTTE0NKRDhw7069cPuF18/z4N9ujRo9m8ebP6XlEUFixYgIODA/369ePgwYP33XbLli30798fJycnXn75ZZKSktR1586d41//+hfOzs706NGDL774gri4OFauXElMTAwajQZ/f/8y7T7svMfHx+Pu7g7AG2+8QXJyMpMmTUKj0bBq1SomTpzIV199VeZ8+Pn5sWfPnnvO051zsXHjRlxdXXF1dWXt2rXq+tLSUvVrptVqmTp1KllZWWX23bx5M7169Sp3zqVt27aRlpbG8uXLefrppzEyMsLc3Jx+/frx2muvqdtduHBBPU8+Pj5ER0er60JCQpg/fz4TJ05Eo9EwfPjwMoPF2trasmHDBry9vfH29gYe/H1Z51X1mEdC6Js+ffooX3/9tXLixAnlmWeeUa5fv64oiqKEhIQon3zyibrd119/rYwfP15RFEU5efKk4uLiohw7dkwpLi5WIiIilN69e6tj9fXu3Vvx9/dXkpOTlfz8fEVRFCU6OlpJTU1VSkpKlB07dihdu3ZV0tLSFEVRlG+++Ubp37+/kpKSomRlZSljx44tM27Z5MmTlbffflvJzc1VMjIylKFDhyrffvttufnMmTNH8fX1VbZs2aJcvHixzLryxkN76aWXlE2bNimKcnuK6U6dOinr1q1TCgsLlR07dij29vZKZmbmPdvu3r1b6dOnj3L+/HmlqKhIWb58uTJixAhFURTl1q1bSs+ePZU1a9Yof/31l3Lr1i3l2LFjiqIoyrJly5TXX3+9TFx3t/ug837o0CHFzc1NXde7d2/lv//9r/p+x44dyrBhw9T3p06dUpydncsdQ/HOuZg+fbqSm5urnD59WtFqtWp769atU4YPH66kpKQoBQUFyttvv61Mnz69zL5vvPGGkpubq36N7zZt2jRl1qxZ9yy/W25uruLu7q5s2bJFKSoqUk6ePKk4Ozur03/PmjVLcXJyUo4fP64UFRUpM2bMUKZNm6bu//TTTyvjxo1TMjMzlfz8/Id+X9Z1coUk6rWEhASSk5Pp378/nTt3pl27dvzwww/A7b+s77wG2L59O35+fgBs2rSJESNG0LVrV4yMjBg8eDANGjTg2LFj6vajR4/G2toaMzMzAPr374+VlRWGhob4+vryxBNPkJiYCEBMTAxjxoyhdevWNG3atMz9noyMDOLi4pgzZw7m5ua0bNmScePGsWPHjnJzevvtt/Hz82PDhg0MGDCAvn37sn//fp3PSYsWLRg7diwNGjTA19eX9u3bs2/fvnu2++6775g4cSIdOnTA2NiYSZMmcerUKZKSkti3bx+tWrVi/PjxmJqa0rhxY7p27arT8R903h+mT58+XL58WZ0KYdu2bfTv3/+B9wWnTJmCubk5tra2DBkyRD32xo0bmT59Oq1bt8bExISgoCB27dpV5urytddew9zcXP0a3y0zM7PMLK+nTp3C0dERe3t79cGMffv20aZNG4YOHYqxsTHPPvssPj4+ZeYI6tu3L126dMHY2Bh/f39OnTpV5jgTJ06kWbNmmJmZ6fR9WZfV7w5J8ciLjIykZ8+e6qR0AwcOZOvWrYwbNw4XFxcKCgo4fvw4rVq14vTp0/Tp0weA5ORkIiMj+frrr9W2ioqKSE9PV99bW1vfc6x169ap3Vp5eXnqdO7p6elltm/durX6Ojk5meLiYlxdXdVlpaWl97R/h5mZGZMmTWLSpEnk5OQQHh7OtGnT2Lt3r07nxMrKCgMDA/W9jY1Nmbzujuu9997jww8/VJcpikJaWhopKSk8/vjjOh3v7x503h/GxMSEfv36ERUVRVBQED/88APLli174D53n8c2bdqo3YXJyclMmTIFQ8P/+7vc0NBQ7bKFsl+nv2vWrBnXr19X33fq1ImEhAR++eUX3nrrLQCSkpJITEzE0dFR3a6kpETtygTKFDUzMzPy8vLuG78u35d1mRQkUW/99ddfxMTEUFpaSs+ePYHb947+/PNPTp8+jZ2dHf369eOHH36gVatW9OrVS52S3dramkmTJjF58uT7tn/3L/WkpCTeeustvvzySzQaDUZGRmXmi7GwsCgzRfXdr+/8hX7o0KEK37Ru3LgxgYGBrFy5kmvXrmFjY6PmfieXu39pAqSlpaEoihp/SkoKnp6e97R95xzc/cvzjuTk5Ptewd19XspjaGh43/Oui8GDB/Pmm2/i4OBAw4YN0Wg0D9w+JSWFDh06qHFbWloCt8/7e++9h4ODwz37XLt27aG5dO/enbCwMPLy8jA3Ny93G2tra5ycnFi3bp1OuZXn7hh0+b6sy6TLTtRbe/bswcjIiB07dqiToEVHR+Po6Kg+3ODn50dMTAzbt29n4MCB6r7Dhw/nu+++4/jx4yiKQl5eHvv27btnKuc78vPzMTAwUK/Evv/++zJPvvXv35/169eTlpbGn3/+yapVq9R1lpaW9OzZkw8++ICcnBxKS0u5cuUKhw8fLvdYy5cvJzExkcLCQgoKCli/fj2PPfYY7du3p0WLFlhZWbFt2zZKSkrYsmULV69eLbP/zZs3Wb9+PUVFRcTExHDhwgU8PDzuOc7IkSMJDw9X87h16xYxMTEA9OrVi4yMDL788ksKCwvJycnh+PHjALRs2ZKkpCRKS0vv+7W533n/u1atWt0Tv0ajwdDQkA8++KDcYvl3K1asID8/n3PnzhEREYGvry8Ao0aNYunSpeoV7c2bN8t9OOJ+Bg0ahIWFBUFBQZw9e5aSkhIKCgo4efKkuk2vXr24dOkSkZGRFBUVUVRURGJiIhcuXND5OHer6PdlXSMFSdRbW7duZciQIdjY2GBhYaH+e/HFF9m+fTvFxcV07dqVhg0bkp6erj7dBfDcc8+xYMECQkNDcXJywtvbm4iIiPse66mnnmL8+PGMHDmSHj16cPbsWezt7dX1zz//PD179sTf359Bgwbh4eGBsbExRkZGAHz00UcUFRXh6+uLk5MTwcHB91zZ3GFgYMCcOXNwcXHBzc2NX375hZUrV9KoUSMAFixYwJo1a9BqtZw/f/6eK4guXbpw+fJlXFxcWLp0KcuWLSt32vm+ffsyYcIEZsyYgb29PQMHDiQuLg64fWW2du1a9u7dS8+ePfHx8SE+Ph5AfeJPq9Xedwbh+533v5s4cSKff/45jo6OrFmzRl0eEBDA2bNny5219O+cnZ3p27cv48aNY/z48WrX6JgxY/D09GT8+PFoNBqef/559Z6fLkxNTVm/fj0dOnQgMDBQfWrxxIkTLF26FLh9ntasWUN0dDRubm64urqyaNGiSs9CXNHvy7pGPhgrRC3Yv38/7777rs73fWrKiy++yPDhwxk0aFBth/JAkZGRbNy48YEf8L127RpeXl78/vvv9f7zO/WFXCEJUQP++usv9u/fT3FxsfrZFV1v5NeU/Px8rl69Stu2bWs7lAfKz8/nm2++YcSIEbUdiqhiUpCEqAGKorBs2TKcnJwYNGgQHTp0YOrUqbUdlurGjRv07NkTJyencm/y64sDBw7QvXt3WrZs+cB7T6Juki47IYQQekGukIQQQugFKUhCCCH0ghQkIYQQekEKkhBCCL0gBUkIIYRekIIkhBBCL/x/JGofUogekUAAAAAASUVORK5CYII=\n", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAaQAAAEUCAYAAABkhkJAAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjMuNCwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8QVMy6AAAACXBIWXMAAAsTAAALEwEAmpwYAABMj0lEQVR4nO3deVxU5fv4/xeriJiiAoLb18ywXEeWQWVRXFBUcF/ehZqVuBAuaaKWBlqWaZioqSlW72xRQ8TAfYNSUUrD/LiSK6uokCyxzu8Pf87bScEZYxnxej4ePB4zZ7nPdR10Lu77nDm3gUqlUiGEEEJUM8PqDkAIIYQAKUhCCCH0hBQkIYQQekEKkhBCCL0gBUkIIYRekIIkhBBCL0hBEkIIoReMqzsA8XS6cyeX0tKa8RW2hg0tuHUrp7rDqDCSj/6qSbmA7vkYGhpgaVmnzPVSkMQTKS1V1ZiCBNSoXEDy0Wc1KReo2HxkyE4IIYRekIIkhBBCL8iQnXgi3t49uXHjRnWHIYSoRk3tbPkp5mCFtScFSTyRXxaHQH5edYchhKhGLSYEVGh7MmSnJ9544w22bdsGQEREBKNHj1avs7e35+rVq+XuHxQURGhoKAAJCQl4eXmp1/35558MGjQIhULB119/XQnRCyHEvyc9pGoQFhbG1atXWbp0qXrZ+vXrK6x9R0dHdu/erdG2s7MzkZGRFXYMIYSoaNJDegakpKTQunXr6g5DCCHKJQWpkq1btw43NzcUCgVeXl4cOnSItWvXsnPnThQKBT4+PgD4+fmxZcuWCjlmfHw87u7uAIwZM4b4+HhCQkJQKBRcvnyZwsJCPv74Y7p3707Xrl2ZP38+f//9d4UcWwghnpQM2VWiP//8k02bNrF161ZsbGy4ceMGpaWl+Pv7PzRkV1m+/vpr/Pz88PHxYfjw4QB88MEHXL9+ncjISIyNjZk5cyarVq3i7bffrvR4hBA1i5VV3QprSwpSJTIyMqKwsJCkpCQaNGhA06ZNqzskVCoVW7ZsISoqivr16wPg7+/P22+/LQVJCKGzmzfvar2toaEBDRtalLleClIlatGiBXPnziUsLIxLly7h6upKUFBQtcZ0+/Zt8vPzGTJkiHqZSqWitLS0GqMSQggpSJVu4MCBDBw4kJycHObPn8/SpUtp0aJFtcVjaWmJmZkZ0dHR2NjYVFscQgjxT3JTQyX6888/OXr0KIWFhZiamlKrVi2MjIxo2LAhycnJ1dIrMTQ0ZPjw4Xz44YfcunULgPT0dOLi4qo8FiGEeJD0kCpRYWEhy5YtIykpCRMTExQKBSEhIZiamhIVFYVSqaRp06bqL8RWlVmzZrFq1SpGjBjBnTt3sLGxYfTo0bi5uWndRrc58+XRQUI845ra2VZoewYqlapmPQtdVIlbt3JqzGP0razq6nRhVt9JPvqrJuUCuufzuJsaZMhOCCGEXpAhu6dI//79SUlJeWh5cHCw+gu2QgjxtJKC9BSJjo6u7hCEEKLSyJCdEEIIvSAFSQghhF6QgiSEEEIvSEESQgihF6QgCSGE0AtSkIQQQugFKUhCCCH0gnwPSTwRb++e8iw7IZ5xTe1s+SnmYIW1JwXpGfPGG2/Qv39/Bg8e/K/a+WVxCOTnVVBUQoinUYsJARXangzZPUXs7e25evXqv2pj/fr16mIUERHB6NGjKyI0IYT416QgPQWKi4srdDshhNBHUpAqmaenJ2vXrsXb2xsnJyfmzJlDQUEBAJs3b6Z37944OzszceJE0tPT1fvZ29uzadMm+vTpQ58+fXjllVcA8PX1RaFQEBMTQ3x8PO7u7qxbt45u3boxZ84csrOz8ff3x8XFBScnJ/z9/UlLS1O36+fnx5YtW0hKSmLBggWcOnUKhUKBo6Nj1Z4YIYT4B7mGVAV27NjBhg0bqF27NhMnTmT16tW4uLiwbNkywsPDad26NR9//DEzZsxg06ZN6v327dvH5s2bMTMzw8zMDHt7e7Zv366eAj0+Pp7MzEyys7M5ePAgpaWl5OfnM2TIEJYvX05JSQlz584lJCSE1atXa8TUqlUrgoOD2bJlC999912Vng8hRM1hZVW3wtqSglQFXnnlFWxt782sOGnSJBYuXMjNmzcZOnQobdu2BWDGjBk4Oztz48YNmjZtCsCECROoX79+uW0bGhoSGBiIqakpAGZmZnh5eanXT5o0iTFjxlRCVkIIQYVO0CcFqQrcL0YAdnZ2ZGRkkJGRoS5GAHXq1KF+/fqkp6erC9KD+5XF0tKSWrVqqd/n5+ezePFi4uLiyM7OBiA3N5eSkhKMjIwqKiUhhKhwcg2pCqSmpqpfp6SkYG1tjbW1NcnJyerleXl5ZGVlYWNjo15mYGDw2Lb/uU14eDiXL19m8+bN/Pbbb+ohwEfNVK9N+0IIUVWkIFWBb7/9lrS0NLKystQ3OAwcOJCIiAjOnj1LYWEhn376KR06dFD3jh6lUaNGXL9+vdxj5ebmUqtWLZ577jmysrJYuXJlmds2bNiQ9PR0CgsLnzg3IYSoKFKQqsCAAQMYP348vXr1olmzZkyaNIkuXbowdepU3nrrLVxdXbl+/TqhoaHlthMQEEBQUBCOjo7ExMQ8cpuxY8dSUFCAi4sLI0eOxM3Nrcz2XFxceOGFF3B1dUWpVP6rHIUQ4t8yUD1qLEdUGE9PTxYtWkTXrl2rO5QKpVQq5dFBQjzjdH10kNzUICpFTMx+Sktrxt8yVlZ1dbpTSN9JPvqrJuUCFZ+PDNkJIYTQC9JDqmQHDhyo7hCEEOKpID0kIYQQekEKkhBCCL0gBUkIIYRekIIkhBBCL0hBEkIIoRekIAkhhNALUpCEEELoBfkekngi3t495dFBQjzjdH100ONIQQIiIiKqdebUNWvWcP36dT744IMn2v+NN96gf//+DB48uIIjK9svi0MgP6/KjieE0D8tJgRUaHtSkPTAxIkTtd42LCyMq1evsnTpUvWy9evXV0ZYQghRpeQakhBCCL3wVBckT09PNmzYwMCBA3FwcGDatGkUFBQQERHB6NGjNba1t7fn6tWrANy5c4eJEyfSuXNnhg0bxrVr1zS2TUpK4rXXXsPZ2RkvL68y5x56UFBQEPPnz+e1115DoVDw6quvaswIu2jRIjw8POjcuTNDhgwhISFBvS4sLIyZM2cCcOPGDezt7dm2bRvdu3dHqVTy+eefAxAbG8vatWvZuXMnCoUCHx8fAPz8/NiyZQuAOvePP/4YJycnPD09OXz4sPpY169f55VXXkGhUDBu3DiCg4PVxxZCiOr0VBckgJ07d7J+/Xr279/P+fPniYiIeOw+ISEh1KpVi59//pkPP/yQH3/8Ub0uLy+P8ePHM2DAAI4cOcKnn35KcHAwFy9efGy7O3bsYPLkycTHx9OmTRuND/r27dsTGRnJ8ePHGTBgAFOnTqWgoKDMtn799Vd27drFV199xapVq0hKSsLd3R1/f3/69evHyZMniYqKeuS+iYmJtGzZkmPHjvHGG28wb9489RTmM2fOpEOHDsTHxxMQEMD27dsfm5cQQpTFyqqu1j/lzYUENaAg+fn5YWNjQ/369enRowdnz54td/uSkhL27NlDYGAg5ubmvPjiixo3Axw6dIgmTZowdOhQjI2Nadu2LV5eXuzevfuxsXTv3h0nJydMTU2ZPn06p06dIjU1FQBfX18sLS0xNjZm/PjxFBYWcvny5TLbCggIwMzMjDZt2tCmTRvOnTun5RkBOzs7RowYgZGREYMHD+bmzZtkZmaSkpLC6dOnCQwMxNTUFEdHRzw9PbVuVwgh/unmzbta/9y6lVNuW0/9TQ1WVlbq17Vr1yYjI6Pc7W/fvk1xcTG2trbqZXZ2durXycnJJCYm4ujoqF5WUlKiHh4rT+PGjdWv69SpQ7169cjIyMDW1pbw8HC2bNlCRkYGBgYG5OTkcOfOnTLbatSokUZeeXna39H2z33hXs/vzp071KtXT70MwNbWVl00hRCiOj31BelRateuzd9//61+f/PmTfXrBg0aYGxsTGpqKq1atQLQ+EC2tbXFycmJjRs36nzctLQ09evc3Fyys7OxtrYmISGBL774gi+//JLWrVtjaGiIk5MTTzJ7vIGBgc773GdlZUV2djb5+fnqoiTFSAihL576IbtHadOmDRcvXuTs2bMUFBQQFhamXmdkZETv3r1ZuXIl+fn5XLp0iW3btqnXd+/enStXrhAZGUlRURFFRUUkJiaSlJT02OMePnyYhIQECgsL+eyzz+jYsSO2trbk5uZiZGREgwYNKC4uZuXKleTklN91LUvDhg1JTk6mtLRU532bNGlCu3btCAsLo7CwkJMnT3LwYMV9qU0IIf6NGlmQWrZsyZQpUxg3bhx9+vTBwcFBY/38+fPJy8ujW7duBAUFMWTIEPU6CwsLNmzYQExMDG5ubri6urJ06VIKCwsfe9wBAwawatUqlEolZ86c4ZNPPgHA1dUVd3d3vLy88PT0pFatWhpDhrro27cvAEql8om+CLt06VJOnTqFUqlk+fLleHt7Y2pq+kSxCCFERTJQPcm4kXhIUFAQNjY2TJ8+vbpD0cm0adN4/vnnCQwM1Gk/pVIpjw4S4hmn66ODDA0Nyr3TrkZeQxJlS0xMpH79+jRt2pSff/6Z/fv3M2HCBJ3biYnZT2lpzfhbxsqqLjdv3q3uMCqM5KO/alIuUPH5SEHSQf/+/UlJSXloeXBwcDVE82QyMzN56623yMrKonHjxrz//vu8/PLL1R2WEELIkJ14Mrdu5UgPSU9JPvqrJuUCuufzuCG7GnlTgxBCiKePFCQhhBB6QQqSEEIIvSAFSQghhF6QgiSEEEIvSEESQgihF6QgCSGE0AvyxVjxRLy9e8qjg4R4xun66KDHkYJUDk9PTxYtWkTXrl0rrM0bN27Qs2dPzpw5g7Hx03v6f1kcAvnaz9EkhKh5WkwIqND2ZMhOCCGEXpCCJIQQQi9IQdJCYmIiI0eOxNHREVdXV0JCQjTmR7K3t+e7776jT58+ODk5ERwcrJ4NtqSkhI8//hilUknPnj05fPiwRtsRERH07NkThUKBp6cnUVFR6nWbN2+mX79+KBQKvL29OXPmDADr1q2jV69e6uV79+7VaG/UqFEsXLgQBwcH+vbty9GjR9Xr7969y9y5c3F1dcXNzY3Q0FBKSkoq5bwJIYQunt6LGFXI0NCQOXPm0K5dO9LS0njzzTf59ttvGTdunHqbQ4cOsXXrVnJychgyZAg9evTA3d2dzZs3c/DgQSIjI6lduzZvvfWWep+8vDwWLVrE1q1bef7558nIyCA7OxuAnTt3EhYWxqpVq2jfvj3Xrl1TX3Nq1qwZmzZtwsrKil27djFr1iz27NmDtbU1cK+A9u3bl2PHjrF3714CAgLYv38/9evXZ/bs2TRq1Ig9e/aQn5+Pv78/tra2jBo1qupOqBBCPIL0kLTQrl07OnXqhLGxMU2bNmXkyJGcOHFCY5s333yT5557Djs7O5RKJefOnQPuFZaxY8dia2tL/fr18ff319jP0NCQixcv8vfff2NtbU3r1q0B2Lp1K2+88QYdOnTAwMCAFi1a0KRJEwD69euHjY0NhoaGeHt706JFCxITE9VtNmjQgLFjx2JiYoK3tzctW7bk0KFDZGZmEhsby9y5czE3N6dhw4aMGzeO6Ojoyjx9QogazMqqrtY/5T3pG6SHpJXLly/z0Ucf8ccff5Cfn09JSQlt27bV2MbKykr9unbt2uTm5gKQkZGhMV25nZ2d+rW5uTmhoaGEh4czb948OnfuzOzZs2nVqhWpqak0b978kfFERkayceNGkpOTgXs9rTt37qjX29jYYGBgoHHMjIwMUlJSKC4uxtXVVb2utLT0iadTF0KIipx+QgqSFu5PYrds2TIsLCz48ssv2b17t1b7WllZkZqaqn7/4GsANzc33Nzc+Pvvv1m+fDnvvfce3377Lba2tly7du2h9pKTk3n33Xf58ssvUSgUGBkZ4evrq7FNeno6KpVKXZRSU1Px9PSkcePGmJqacuzYsaf6lnMhRM0kQ3ZayM3NpU6dOtSpU4ekpCS+++47rfft168f//3vf0lLSyM7O5t169ap12VmZrJ//37y8vIwNTXF3NwcIyMjAIYNG0Z4eDh//PEHKpWKq1evkpycTH5+PgYGBjRo0ACAH3/8kYsXL2oc8/bt23z99dcUFRWxc+dOkpKS8PDwwNramm7duvHRRx+Rk5NDaWkp165d4/jx4xVwloQQ4t+RP5O1MHv2bN577z02bNjASy+9hLe3N8eOHdNq3xEjRnDlyhV8fX2pU6cOr7/+unrf0tJSNm7cyDvvvIOBgQEvvfQSCxYsAO4VsqysLN5++20yMjJo0qQJS5Ys4eWXX2b8+PGMGjUKAwMDBg0aROfOnTWO2aFDB65evYqLiwuNGjVixYoVWFpaArBkyRKWLl2Kt7c3ubm5NGvWjDfffLMCz5YQQjwZmcK8homIiGDLli069eKehFKplEcHCfGM0/XRQXINSVSKmJj9lJbWjL9lrKzq6nRhVt9JPvqrJuUCFZ+PXEMSQgihF6SHVMMMGTKEIUOGVHcYQgihM+khCSGE0AtSkIQQQugFKUhCCCH0ghQkIYQQekEKkhBCCL0gBUkIIYRekIIkhBBCL8j3kMQT8fbuKY8OEuIZp+ujgx5HCtI/9O/fn/nz53P8+HGuXr3K0qVLuXHjBj179uTMmTN6OW3DG2+8Qf/+/Rk8eHCVHfOXxSGQn1dlxxNC6J8WEwIqtD2dh+xKS0vJyMio0CD0SXR0NEqlslLa9vPzY8uWLf+qjbCwMGbOnKmxbP369VVajIQQojJoXZD++usv3n77bTp06ECfPn0A2L9/P6GhoZUW3LOmuLi4ukMQQohqo3VBWrBgARYWFhw4cAATExMAFAoFO3furLTgqoOnpydHjhzRaZsHey0FBQXMnDkTpVKJo6MjQ4cOJTMzk9DQUBISEggJCUGhUBASEgKAvb09mzZtok+fPupCv2jRIjw8POjcuTNDhgwhISEBgNjYWNauXcvOnTtRKBT4+PgAmj2v0tJSVq9eTY8ePejSpQvvvPMOd+/eexrvjRs3sLe3Z9u2bXTv3h2lUsnnn39egWdPCCGenNYXRI4ePUpcXBwmJibqqbEbNGjArVu3Ki24p9G2bdvIycnh0KFDmJqacvbsWczMzJg+fTq//fYbPj4+DB8+XGOfffv2sXnzZszMzABo3749U6ZMoW7dunz99ddMnTqVAwcO4O7ujr+/v/ra1qNERESwbds2vv76axo0aMDs2bMJCQnhk08+UW/z66+/smvXLq5cucKwYcPo06cPrVq1qryTIoQQWtC6h1S3bl3u3LmjsSwlJQUrK6sKD+ppZmxsTFZWFlevXsXIyIh27dphYVH2hFQAEyZMoH79+uqC5Ovri6WlJcbGxowfP57CwkIuX76s1fF37NjBuHHjaNasGXXq1GHGjBnExMRoDAcGBARgZmZGmzZtaNOmDefOnXvyhIUQzzQrq7pa/5Q3OR/o0EMaPnw4gYGBTJs2jdLSUk6ePMmnn37KqFGj/nVCNYmvry9paWnMmDGDv/76Cx8fH6ZPn64e5nwUW1tbjffh4eFs2bKFjIwMDAwMyMnJeeiPgbLcn+78viZNmlBcXKzRk23UqJH6de3atcnLk7vlhBBPRpcJ+ipsxtg333wTU1NTQkJCKC4uZu7cuYwcOZKxY8dqHUxNUbt2bfLz89Xvb968qX5tYmJCQEAAAQEB3LhxgwkTJtCyZcuHhukedH8IFCAhIYEvvviCL7/8ktatW2NoaIiTkxP3Z5p/cNtHsba2Jjk5Wf0+JSUFY2NjGjZsSFpams65CiFEVdFqyK6kpISgoCD+85//EBMTw6lTp9i5cyfjxo177AdkTdSmTRtiYmIoKiri9OnT7N69W73u2LFjnD9/npKSEiwsLDA2NsbIyAi41zO5fv16uW3n5uZiZGREgwYNKC4uZuXKleTk5KjXN2zYkOTkZEpLSx+5/4ABA/jqq6+4fv06ubm5hIaG0q9fP738/pQQQjxIq4JkZGTEL7/88kwWn0eZNm0a165dw9nZmbCwMAYOHKhel5mZSWBgIA4ODnh7e+Ps7Ky+G27MmDHs3r0bJycnFi1a9Mi2XV1dcXd3x8vLC09PT2rVqqUxpNe3b18AlErlI797NHToUHx8fHj11Vfp2bMnpqamvPfeexWZvhBCVAoD1f2xoMf44osvuHv3LgEBAZiamlZ2XELPKZVKeXSQEM84XR8d9LhrSFoXJA8PDzIzMzE0NKRBgwYavaVDhw5pHZCoGW7dyqG0VKt/OnrPyqquThdm9Z3ko79qUi6gez4VdlPDg99jEUIIISqa1gXJ2dm5MuMQQgjxjNO6IBUWFrJt2zbOnj370PdWlixZUuGBCSGEeLZoXZCCgoI4d+4cPXr00PhipRBCCFERtC5IcXFx7N+/n+eee64y4xFCCPGM0vpZdra2thQWFlZmLEIIIZ5hWveQBg0axOTJkxkzZgwNGzbUWNelS5cKD0wIIcSzReuC9M033wDw6aefaiw3MDBg//79FRuVEEKIZ47WBenAgQOVGYcQQohnnNbXkACKiopISEggJiYGgLy8PJm6QAghRIXQ+tFB58+fZ9KkSZiampKens7Jkyc5fPgw27ZtY/ny5ZUcptA38iw7IUS1Pctu9OjRjBw5kkGDBuHk5MSJEyfIy8vDy8uLuLg4rQMSj6ZQKIiKiqJZs2Y675uQkMC8efM0psGobMUHdkO+9I6FeJa1mBDAqVPazzj9uIKk9ZDdpUuX8PX1Bf43SZy5uTkFBQVaByPKdvLkSa2Lkb29PVevXlW/d3R0rNJiJIQQlUHrgtSkSRP++OMPjWWJiYk0b968woOqTsXFxdUdghBCPJO0LkhTp07F39+fFStWUFhYyNq1awkMDGTatGmVGJ6mM2fOMGjQIBQKhfrYoaGhABw8eBBfX18cHR0ZNWoU5879rxvp6enJhg0bGDhwIA4ODkybNk3ds4uPj8fd3Z1169bRrVs35syZQ2lpKevWraNXr14olUqmTp1KVlZWubHduHEDe3t7fvjhB1xdXXF1dSU8PFy9PjExkZEjR+Lo6IirqyshISEaXzR+sNcTFBREcHAwEyZMQKFQMHz4cK5duwbAK6+8AoCvry8KhYKYmBh1DtrkC/fmtrof45YtWx7qcQkhRHXQuiD16NGD9evXc/v2bZydnUlJSWHlypW4urpWZnxqhYWFBAQEMHjwYI4fP86AAQPYt28fcK9QzZ07l5CQEOLj4xk5ciSTJ0/W+MDfuXMn69evZ//+/Zw/f56IiAj1uszMTLKzszl48CALFy7k66+/Zt++fXzzzTfExcVRr149QkJCtIozPj6ePXv2sGHDBtatW8eRI0cAMDQ0ZM6cORw7dozvv/+eo0eP8u2335bZTnR0NAEBAZw4cYLmzZurC++mTZsA2L59OydPnsTb2/uR+5eVb2xsLF9++SUbN25k7969HD9+XKu8hBDiUays6mr9U971I9ChIH322Wfs3bsXS0tL2rZtS4MGDdi/fz+ff/4527ZtIzMz818nVp7ff/+d4uJixowZg4mJCX369KF9+/YAbN68mZEjR9KxY0eMjIwYPHgwJiYmnDp1Sr2/n58fNjY21K9fnx49enD27Fn1OkNDQwIDAzE1NcXMzIwffviB6dOn07hxY0xNTQkICGD37t1aDedNmTIFc3Nz7O3tGTJkCD/99BMA7dq1o1OnThgbG9O0aVNGjhzJiRMnymynd+/edOjQAWNjY3x8fDTi1UZZ+e7cuZMhQ4bQunVrateuTUBAgE7tCiHEg27evKv1z61bOeW2pfUXY69cucLevXvp0KEDtra2pKamkpiYiKenJwcPHiQ4OJgVK1ZoDB1VpIyMDGxsbDRmqrW1tQUgJSWFyMhI9dMk4N53pjIyMtTvrays1K9r166tsc7S0pJatWqp36ekpDBlyhQMDf9Xrw0NDbl16xY2Njblxnk/Jrh33e3ChQsAXL58mY8++og//viD/Px8SkpKaNu2bZntPPhEdTMzM52/71VWvhkZGbRr1+6R8QohRHXSuiCVlpYSGhpK79691cv27dvHTz/9xObNm9m2bRvLli2rtIJkZWVFeno6KpVKXZRSU1Np1qwZtra2TJw4kUmTJj1R2w8WOYDGjRvz4Ycf4uDgoHNbqamptGrVCrhX2KytrQF4//33efnll1m2bBkWFhZ8+eWX1XJnnLW1Nenp6RrxCiGEPtB6yO7nn3/G09NTY1mPHj2IjY0FwMfHR33hvTJ06tQJIyMjvvnmG4qLi9m3bx+nT58GYPjw4Xz//ff8/vvvqFQq8vLyOHToEDk55XcPyzJ69GiWL19OcnIyALdv31Zfr3qc1atXk5+fz8WLF4mIiFBf48nNzaVOnTrUqVOHpKQkvvvuuyeKDe71nq5fv/5E+/bt25eIiAiSkpLIz89n1apVTxyHEEJUJK0LUvPmzR/6EP3+++/Vt33fuXMHc3Pzio3uAaampoSFhbF161acnJyIioqie/fumJqa0r59exYuXEhISAhOTk706dNH46YFXY0ZMwZPT0/Gjx+PQqFgxIgRJCYmarWvs7MzvXv3Zty4cYwfP15908fs2bP56aef6Ny5M++9916ZNyNoIyAggKCgIBwdHdWPcdKWh4cHfn5+jBkzht69e9OpUyfg3vkVQojqpPWTGs6cOcNbb71FSUkJNjY2pKenY2RkRFhYGG3btuXEiRNcvnyZESNGVHbMasOHD2fUqFEMHTq0yo5Zlhs3btCzZ0/OnDmDsbHWI6HVLikpiQEDBnD69Gmd4pZHBwkhKvrRQVp/ArVt25bdu3fz+++/k5GRgZWVFZ06dcLExAQAJycnnJyctA7sSRw/fpyWLVtiaWnJjh07OH/+PG5ubpV6zJpo7969eHh4kJ+fzyeffEKPHj10LqIxMfspLdXqbxm9Z2VVl5s371Z3GBVG8tFfNSkXqPh8dPoUMjExwdHRscIOrqvLly8zbdo08vLyaNasGStWrFDfNFAVoqKiWLBgwUPL7ezsWLt2bZXF8W99//33BAUFYWRkhJOT0yNzEkKIqqb1kJ0QD7p1K0d6SHpK8tFfNSkX0D2fCnu4qhBCCFGZpCAJIYTQC1KQhBBC6AUpSEIIIfSCFCQhhBB6QQqSEEIIvSAFSQghhF54ep5xI/SKt3dPeXSQEM84XR8d9DhSkCpAVFQUkZGRGlOW13S/LA6BfN3maBJC1CwtJlTsBJ8yZFcBfHx8NIqRvb09V69ercaIhBDi6SMFSQghhF6QgqSj1NRUAgICcHFxQalUEhISQkREBKNHjwbglVdeAcDX1xeFQkFMTAwDBgzgwIED6jaKiopQKpWcPXuWgoICZs6ciVKpxNHRkaFDh5KZmQlAVlYWc+bMwdXVFScnJyZPngxAdnY2/v7+uLi44OTkhL+/P2lpaer2/fz8WLZsGcOGDcPBwYFJkyaRlZWlXn/q1ClGjRqFo6MjPj4+xMfHV/ZpE0KIx5JrSDooKSlRF4IDBw5gZGTE6dOnNWbK3bRpE/b29mzfvp0WLVoAkJycTFRUlHrG3cOHD2Ntbc1LL73E999/T05ODocOHcLU1JSzZ89iZmYGwDvvvIO5uTnR0dGYm5tz8uRJ4N508kOGDGH58uWUlJQwd+5cQkJCWL16tTqOyMhINmzYQNOmTZk9ezaLFi1i6dKlpKen4+/vz5IlS3Bzc+Po0aMEBgayc+dOGjRoUFWnUghRQ1hZ1a2wtqSHpIPExEQyMjLUhaJWrVpaTcfh4+PD4cOH1VOqR0VF4ePjA4CxsTFZWVlcvXoVIyMj2rVrh4WFBRkZGcTGxhIcHEy9evUwMTHB2dkZAEtLS7y8vKhduzYWFhZMmjSJEydOaBzT19eXF198EXNzc6ZOncquXbsoKSlh+/btuLu74+HhgaGhId26daNdu3YcPny4gs+WEOJZcPPmXa1/bt3KKbct6SHpIDU1FTs7O50ns7OxsaFz587s3r2b3r17Exsby7x584B7hSMtLY0ZM2bw119/4ePjw/Tp00lLS6NevXrUq1fvofby8/NZvHgxcXFxZGdnA5Cbm0tJSQlGRkYA2Nraqre3s7OjqKiIO3fukJKSwq5duzh48H+3ahYXF6NUKnU+H0IIUZGkIOnA1taW1NRUiouLdS5KgwcPZsuWLZSUlNCpUydsbGyAe5MeBgQEEBAQwI0bN5gwYQItW7bEw8OD7Oxs/vrrL5577jmNtsLDw7l8+TKbN2/GysqKs2fPMmjQIB6c2io1NVXjtYmJCZaWltja2uLr68uiRYv+xZkQQoiKJ0N2OujQoQNWVlYsW7aMvLw8CgoK+PXXXx/arlGjRly/fl1jWa9evfi///s/vv76awYNGqRefuzYMc6fP09JSQkWFhYYGxtjZGSEtbU17u7uBAcHk52dTVFRkXpYLjc3l1q1avHcc8+RlZXFypUrH4ohKiqKS5cukZ+fz2effYaXlxdGRkb4+Phw8OBB4uLiKCkpoaCggPj4eI2bIoQQojpIQdKBkZERa9as4erVq/To0QN3d3d27tz50HYBAQEEBQXh6OhITEwMAGZmZvTp04cbN27Qu3dv9baZmZkEBgbi4OCAt7c3zs7O6utLS5YswdjYmH79+tG1a1e++uorAMaOHUtBQQEuLi6MHDkSNze3h2Lw9fUlKCiIbt26UVhYqB4itLW1ZfXq1axdu5YuXbrg4eHBhg0bKC0trfDzJYQQupApzKvQypUruXLlCkuXLq3U4/j5+eHj48Pw4cMr7RhKpVIeHSTEM07XRwc9bgpzuYZURbKysvjxxx9ZsmRJdYdSIWJi9lNaWjP+lrGyqsvNm3erO4wKI/nor5qUC1R8PjJkVwU2b95M9+7dcXNzw8nJqbrDEUIIvSRDduKJ3LqVIz0kPSX56K+alAvons/jhuykhySEEEIvSEESQgihF6QgCSGE0AtSkIQQQugFKUhCCCH0ghQkIYQQekEKkhBCCL0gT2oQT8Tbu6c8OkiIGq5xYzt27Trw+A0rSLUWpLCwMK5evVqpz3aLj49n1qxZxMbGVtoxnoYYPD09WbRoEV27dq2Q9j7cEEl+YUmFtCWE0E/+A6t2nrSncsguLCyMmTNnVncYVeZZy1cI8Wx6KguSEEKImqfKCtK6detwc3NDoVDg5eXF0aNHNdYXFRUxY8YM3nrrLQoLC0lPT+ett97CxcUFT09Pvv76awBiY2NZu3YtO3fuRKFQqOcOysrKYs6cObi6uuLk5MTkyZM12g8PD6dLly64urry448/PjbeQ4cOMWjQIDp37oyHhwdhYWHqdTdu3MDe3p5t27bRvXt3lEoln3/+uXr933//TVBQEE5OTnh7e3P69OknPkdl5evp6cmRI0fU+/6zFxUZGUmPHj0eiu3mzZt07NiRO3fuqJf98ccfuLi4UFRUpFWcQghRGarkGtKff/7Jpk2b2Lp1KzY2Nty4cYPS0lISEhKAex/ggYGBNGjQgE8++QQDAwMmTZqEp6cny5YtIz09nXHjxtGyZUvc3d3x9/d/6NrTO++8g7m5OdHR0Zibm3Py5En1uszMTO7evUtsbCxHjhwhMDCQXr16Ua9evTJjrl27Nh9//DGtW7fmwoULjB8/npdeeolevXqpt/n111/ZtWsXV65cYdiwYfTp04dWrVqxcuVKrl27xt69e8nPz+fNN9984nPUvHnzR+ZbnkuXLhEcHMy6devo2LEjy5YtU88Ia2VlhbOzMzt37uQ///kPcG922f79+2NiYqJV+0IIURmqpIdkZGREYWEhSUlJFBUV0bRpU5o3bw5ATk4Ob7zxBs2bN2fx4sUYGRlx+vRpbt++TUBAAKampjRr1owRI0aoZ1/9p4yMDGJjYwkODqZevXqYmJjg7OysXm9sbMyUKVMwMTHBw8MDc3NzLl++XG7MSqUSe3t7DA0NadOmDf379+f48eMa2wQEBGBmZkabNm1o06YN586dA2Dnzp1MnDiR+vXrY2tri5+f3786R7ratWsX3bt3x8nJCVNTU6ZOnYqh4f9+1YMHDyYqKgqAkpISoqOj8fX1faJjCSFqNiurumX+PG79P3/Ke9I3VFEPqUWLFsydO5ewsDAuXbqEq6srQUFBAPz+++8UFxezbNkyDAwMAEhOTiYjIwNHR0d1GyUlJRrvH5SWlka9evXK7PHUr18fY+P/pVq7dm3y8vLKjfn3339n6dKlXLx4kaKiIgoLC+nbt6/GNo0aNXpkmxkZGdja2qrX2dnZlXssKPsc2djYPHbff8rIyKBx48bq9+bm5tSvX1/9vmfPnixYsIDr169z+fJlLCws6NChg87HEULUfOVNL/HUTj8xcOBAvvvuOw4ePIiBgYF6+Klbt25MmDCBcePGkZmZCYCtrS1NmzYlISFB/XPy5Em++OILAHXhuq9x48ZkZ2fz119/VVi8b7/9Nj179uTw4cP8+uuvjBo1Cm2njrKysiI1NVX9/sHX5SnrHP0zX7hXAPPz89Xvb968qX5tbW2tHqIDyM/PJysrS/2+Vq1a9OvXj6ioKLZv3y69IyGEXqiSgvTnn39y9OhRCgsLMTU1pVatWhgZGanXv/nmmwwYMIBx48Zx+/ZtOnTogIWFBevWrePvv/+mpKSECxcukJiYCEDDhg1JTk6mtLQUuPcB7O7uTnBwMNnZ2RQVFXHixIl/FXNubi716tWjVq1aJCYm8tNPP2m9b79+/Vi3bh3Z2dmkpaXx3//+97H7lHeO/pkvQJs2bYiJiaGoqIjTp0+ze/du9TovLy8OHTpEQkIChYWFrFixQmNfAF9fX7Zt28aBAwfUN0oIIUR1qpKCVFhYyLJly1Aqlbi6unL79m2mT5+usc2UKVPo2bMnr732Gnfv3uXzzz/n3Llz9OzZExcXF959911ycnIA1ENnSqWSwYMHA7BkyRKMjY3p168fXbt25auvvvpXMS9YsIAVK1agUChYtWoV/fr103rfgIAA7Ozs6NmzJ+PHj9eqB1LeOXpUvtOmTePatWs4OzsTFhbGwIED1W21bt2a+fPnM3PmTNzc3Hjuuec0hvAAHBwcMDQ0pG3btjRt2lTr3IQQorLIFObPsDFjxjBw4ECGDx+u875KpVIeHSREDfe4RwdV9DUkeZbdMyoxMZH/+7//Y/Xq1U+0f0zMfkpLa8bfMrr+p9J3ko/+qkm5VIZnuiD179+flJSUh5YHBwdXynWVlJQU+vfv/8h10dHRWt2NVxFmz57Nvn37mDdvHhYW5d+GKYQQVUWG7MQTuXUrR3pIekry0V81KRd4im/7FkIIIcojBUkIIYRekIIkhBBCL0hBEkIIoRekIAkhhNALUpCEEELoBSlIQggh9MIz/cVY8eS8vXvKo4OEqGEa29qya+fBaju+XhYkPz8/fHx8GD58OFFRUURGRhIeHv7Y/XTZVp/Mnz8fGxsbpkyZ8kT79+/fn/nz56NUKis4srKt37mawtKCKjueEKLy+XTU/bmWFUkvn9TwYEESmu5P2vfPp6VXtdO3f5WCJEQN49NxOKdOndN6+xrxpIbi4uLqOKwQQgg9VmUFydPTk3Xr1jFw4EA6depEQkICo0aNwtHRER8fH+Lj4x+5X0REBKNHj1a///nnn/Hy8sLBwYH333+fV199lS1btjxy299++42hQ4fi4ODA0KFD+e233zTiOXLkiPp9WFgYM2fOBKCgoICZM2eiVCpxdHRk6NCh6tlsy+Ln58eyZcsYNmwYDg4OTJo0SWOW1sDAQLp164aDgwOvvPIKFy9eVK8LCgoiNDQUgPj4eNzd3QkPD6dLly64urry448/AvDDDz+wY8cONmzYgEKhYOLEiQ/lEhYWxtSpU3nnnXdQKBT079+f06dPq4915swZBg0ahEKhIDAwkGnTpqmPLYQQ1alKe0jR0dGsW7eO/fv3M2XKFCZNmsTx48eZPXs2gYGB3L59u9z9b9++TWBgIG+//Tbx8fG0bNmSkydPPnLbrKws/P398fPzIz4+ntdeew1/f3/u3Lnz2Di3bdtGTk4Ohw4dIj4+nuDgYMzMzB67X2RkJB9++CFxcXEYGxuzaNEi9Tp3d3d2797N0aNHefnll9XF71EyMzO5e/cusbGxfPDBB4SEhJCdnc3IkSMZOHAgr7/+OidPnmTNmjWP3P/AgQP079+fhIQEPD09WbhwIXBvEsCAgAAGDx7M8ePHGTBgAPv27XtsXkIIURWqtCD5+flha2vL9u3bcXd3x8PDA0NDQ7p160a7du04fPhwufvHxsbSunVr+vTpg7GxMWPGjKFRo0aP3PbQoUO0aNGCQYMGYWxszIABA3j++ec5ePDxd5AYGxuTlZXF1atXMTIyol27dlpN0+Dr68uLL76Iubk5U6dOZdeuXZSUlAAwbNgwLCwsMDU15a233uLcuXPcvfvosVdjY2OmTJmCiYkJHh4emJubc/ny5cce/z4HBwc8PDwwMjLC19eXc+fujQn//vvvFBcXM2bMGExMTOjTpw/t27fXul0hRM1nZVVX6x9dty/v+hFU8V12tra2wL15gXbt2qVRHIqLix97l1hGRobGVNwGBgYPTc394Lb/nF/Izs6O9PT0x8bp6+tLWloaM2bM4K+//sLHx4fp06djYmJS7n7387t/rKKiIu7cuYOlpSWhoaHs2rWL27dvY2h47++AO3fuULdu3YfaqV+/PsbG//vV1K5dm7y8vMfGfd+DRdrMzIyCggKKi4vJyMjAxsYGAwODR8YshBC63KTwVM8Ye/+D0NbWFl9fX40hLW1YWVlpFBSVSkVaWtojt7W2tn5o8r3U1FTc3NyAex/y+fn56nU3b95UvzYxMSEgIICAgABu3LjBhAkTaNmy5WPv+ktNTdV4bWJigqWlJTt27GD//v1s3LiRpk2bcvfuXZycnHiSGxwfLCa6un/+VCqVup3U1FSaNWv2xG0KIURFqZa77Hx8fDh48CBxcXGUlJRQUFBAfHx8mcXlPg8PD86fP8++ffsoLi5m06ZNZd5s4OHhwZUrV9ixYwfFxcXExMRw6dIlunfvDkCbNm2IiYmhqKiI06dPs3v3bvW+x44d4/z585SUlGBhYYGxsTFGRkaPzSsqKopLly6Rn5/PZ599hpeXF0ZGRuTm5mJqaoqlpSX5+fl8+umn2p+sf2jYsOETfyG1U6dOGBkZ8c0331BcXMy+ffs0bngQQojqVC0FydbWltWrV7N27Vq6dOmCh4cHGzZsoLS0tNz9GjRowGeffcYnn3yCUqnk0qVLtGvX7pFDaZaWlqxZs4aNGzeiVCpZv349a9asoUGDBgBMmzaNa9eu4ezsTFhYGAMHDlTvm5mZSWBgIA4ODnh7e+Ps7KzVlOa+vr4EBQXRrVs3CgsLmTdvHgCDBg3Czs4ONzc3+vfvT6dOnXQ4W5qGDRvGpUuXcHR0ZPLkyTrta2pqSlhYGFu3bsXJyYmoqCi6d++OqanpE8cjhBAVRS+/GKut0tJS3N3dWbp0KS4uLtUay9P6Zd7hw4czatQohg4dqtN+SqVSHh0kRA2j66ODnuprSBUhLi6Ojh07YmZmxvr16wH+VY/jWXP8+HFatmypvrZ1/vx59XU1XcTE7Ke09Kn9W0aDrv+p9J3ko79qUi6V4akrSKdOnWLmzJkUFhbywgsvsGrVKq2+I1QRFArFI5d/8cUXVXL8inD58mWmTZtGXl4ezZo1Y8WKFVhbW1d3WEII8XQP2Ynqc+tWjvSQ9JTko79qUi5QQ55lJ4QQQvyTFCQhhBB6QQqSEEIIvSAFSQghhF6QgiSEEEIvSEESQgihF6QgCSGE0AtSkIQQQuiFp+5JDUI/eHv3lGfZCVEJ7OzsiIk5UN1hVAu9KUgRERFs2bKF7777rrpDqRZvvPEG/fv3Z/DgwU+0v0KhICoqqsrmNtq/f/8TzeckhChfmzZtqjuEavPUD9lFREQwevToSms/KCiI0NDQSmv/vvXr12tdjPz8/NiyZYvGspMnT8pEe0KIp9pTX5C0UVJSUt0hCCGEeIwqL0jr1q2jV69eKBQKvL292bt3r3qdSqVi4cKFODg40LdvX44ePapeFxERQc+ePVEoFHh6ehIVFUVSUhILFizg1KlTKBQKHB0dgXu9mgULFvDmm2/SqVMn4uPjOXToEIMGDaJz5854eHgQFhamEVdCQgKjRo3C0dERDw8PIiIi+OGHH9ixYwcbNmxAoVAwceLEcnPz9PRk7dq1eHt74+TkxJw5cygoKAAgOzsbf39/XFxccHJywt/fX2OG3Ad7Pfd7fR9//DFOTk54enpy+PBhAEJDQ0lISCAkJASFQkFISAgA9vb2XL16VZ1/cHAwEyZMQKFQMHz4cK5du6Y+1s8//4yXlxcODg68//77vPrqqw/1uIQQoqpV+TWkZs2asWnTJqysrNi1axezZs1iz549ACQmJtK3b1+OHTvG3r17CQgIYP/+/ZiamrJo0SK2bt3K888/T0ZGBtnZ2bRq1Yrg4OBHXnv66aefWLduHWvXrqWoqIhTp07x8ccf07p1ay5cuMD48eN56aWX6NWrFykpKbz55pssXLgQLy8vcnJySEtL46WXXuLkyZPY2Ngwffp0rfK7X8Bq167NxIkTWb16NdOnT6e0tJQhQ4awfPlySkpKmDt3LiEhIaxevfqR7SQmJjJ48GCOHTvGDz/8wLx584iLi2P69On89ttvj50MMDo6mvXr1/Pyyy8ze/ZsQkNDCQ0N5fbt2wQGBvLRRx/h6enJpk2b2LJlC76+vlr+BoUQlc3Kqm51h6C1ioy1ygtSv3791K+9vb1Zu3YtiYmJwL0pyseOHYuBgQHe3t6Eh4dz6NAh+vTpg6GhIRcvXsTOzg5ra+vHzuHTs2dPHBwcAKhVqxZKpVK9rk2bNvTv35/jx4/Tq1cvduzYQdeuXRkwYABwb/pzS0vLJ8rvlVdewdbWFoBJkyaxcOFCpk+fjqWlJV5eXurtJk2axJgxY8psx87OjhEjRgAwePBggoODyczMxMrKSqs4evfuTYcOHQDw8fFh8eLFAMTGxtK6dWv69OkDwJgxYwgPD9c9USFEpXlapqh46meMjYyMZOPGjSQnJwOQl5fHnTt3MDIywsbGBgMDA/W2dnZ2ZGRkYG5uTmhoKOHh4cybN4/OnTsze/ZsWrVqVeZx7heF+37//XeWLl3KxYsXKSoqorCwkL59+wKQmppK8+bNKyS/B497P36A/Px8Fi9eTFxcHNnZ2QDk5uZSUlKCkZHRQ+00atRI/bp27drAvXOlrQf3NzMzU++bkZFB48aN1esMDAw03gshRHWp0mtIycnJvPvuu7z33nvEx8eTkJBA69at1evT09M1biVOTU1V94Tc3NzYuHEjP//8M88//zzvvfcegEYBK8/bb79Nz549OXz4ML/++iujRo1SH8vW1lbjGsuDtG3/wZjvS0lJUccfHh7O5cuX2bx5M7/99hubNm0CqPJbp62srEhPT1e/V6lUGteyhBCiulRpQcrPz8fAwIAGDRoA8OOPP3Lx4kX1+tu3b/P1119TVFTEzp07SUpKwsPDg8zMTPbv309eXh6mpqaYm5urexUNGzYkPT2dwsLCco+dm5tLvXr1qFWrFomJifz000/qdQMHDuTIkSPExMRQXFzMnTt3OHv2rLp9Xb4A+u2335KWlkZWVpb6Bof7x69VqxbPPfccWVlZrFy5Uus2/6lRo0Zcv379ifb18PDg/Pnz7Nu3j+LiYjZt2kRmZuYTxyKEEBWlSgvSCy+8wPjx4xk1ahRdu3blwoULdO7cWb2+Q4cOXL16FRcXF5YvX86KFSuwtLSktLSUjRs34ubmhrOzMydOnGDBggUAuLi48MILL+Dq6qpxneifFixYwIoVK1AoFKxatUrjWpadnR1ffPEFGzduxNnZmUGDBnHu3DkAhg0bxqVLl3B0dGTy5MmPzXHAgAGMHz+eXr160axZMyZNmgTA2LFjKSgowMXFhZEjR+Lm5vZE5xDuXffZvXs3Tk5OLFq0SKd9GzRowGeffcYnn3yCUqnk0qVLtGvXDhMTkyeORwghKoKBSr5uX2E8PT1ZtGgRXbt2re5QtFZaWoq7uztLly7FxcVF6/2USqU8OkiISvA0PTroqb+pQVS/uLg4OnbsiJmZGevXrwegU6dOOrURE7Of0tKa8beMrv+p9J3ko79qUi6VQQqSDlJSUujfv/8j10VHR1dxNE/u1KlTzJw5k8LCQl544QVWrVqFmZlZdYclhHjGyZCdeCK3buVID0lPST76qyblAjJkJ/SEoaFut8PrO8lHv9WkfGpSLqBbPo/bVnpIQggh9MIz8bRvIYQQ+k8KkhBCCL0gBUkIIYRekIIkhBBCL0hBEkIIoRekIAkhhNALUpCEEELoBSlIQggh9IIUJCGEEHpBCpIQQgi9IAVJPCQrK4spU6bQqVMnevTowY4dO8rc9ssvv6Rbt244ODgwZ86cx87cWx20zefChQu8/vrrKJVK7O3tqzhK7Wmbz7Zt2xgyZAidO3fG3d2dJUuWUFxcXMXRPp62+URHR+Pl5YWDgwNdunRh9uzZ5OTkVHG0j6fL/5/7xowZg729/VP9+4mIiOCll15CoVCof+Lj43U7mEqIf5g+fbpq6tSpqpycHNWJEydUnTt3Vl24cOGh7WJjY1VdunRRXbhwQZWVlaV69dVXVZ988kk1RFw+bfNJSkpSbd68WbV3717Viy++WA2RakfbfDZt2qQ6ceKEqqCgQJWWlqYaPHiwau3atdUQcfm0zSclJUV169YtlUqlUuXk5KhmzJihWrhwYVWH+1ja5nPf9u3bVf/5z39UL774oqqoqKgKI9WOtvn8+OOPqlGjRv2rY0kPSWjIy8tjz549TJ06lTp16uDo6Iinpyfbt29/aNvIyEiGDRtG69atqVevHpMnT2bbtm3VEHXZdMnn+eefZ/jw4bRu3boaItWOLvn85z//wdHREVNTU2xsbBg4cCC//fZbNURdNl3ysbW1pUGDBur3RkZGXL16tSrDfSxd8gG4e/cuq1atYtasWVUcqXZ0zeffkoIkNFy5cgVDQ0NatmypXtamTRsuXbr00LYXL16kTZs26vf29vZkZmZy586dKolVG7rk8zT4N/mcOHGCF154oTLD05mu+SQkJODg4EDnzp3Zs2cPY8eOrapQtaJrPp9++imjR4+mUaNGVRWiTnTN5+zZsyiVSry8vFi1apXOQ5AyH5LQkJeXR926dTWW1a1bl9zc3Edua2FhobEdQG5uLpaWlpUbqJZ0yedp8KT5/Pjjj/zxxx8sWrSoMsPTma75ODo68uuvv5Kens7mzZtp0qRJVYSpNV3yOX36NL/99hvz5s0jLS2tqkLUiS75ODk5sWPHDpo0acLFixeZPn06xsbG+Pv7a3086SEJDebm5g9dKM7JyaFOnTqP3fb+60dtW110yedp8CT57Nu3j2XLlvHFF19oDHnpgyf9/djY2ODm5saMGTMqMzydaZtPaWkpwcHBzJs3D2Nj/e0X6PL7adasGc2aNcPQ0BB7e3umTJnC7t27dTqeFCSh4f/9v/9HSUkJV65cUS87d+7cI4d6Wrduzfnz5zW2a9Sokd70jkC3fJ4GuuYTGxvLu+++y5o1a/TyzsF/8/spLi7m2rVrlRid7rTNJycnhz/++IPp06fTrVs3hg0bBoCHhwcJCQlVGXK5/s3vx8DAAJWO879KQRIazM3N6d27NytWrCAvL49ff/2V/fv34+vr+9C2vr6+bN26lUuXLpGdnc3nn3/O4MGDqyHqsumSj0qloqCggKKiIgAKCgr07jZ2XfI5evQos2bNIiwsjA4dOlRDtI+nSz5RUVGkpKSgUqlITk5m+fLldOnSpRqiLpu2+dStW5e4uDgiIyOJjIxk3bp1wL1bp/Xpd6XL7+fw4cNkZmYCkJSUxOrVq+nZs6duB/xX9+iJGunOnTuqSZMmqTp27Kjy8PBQRUVFqVQqlSo5OVnVqVMnVXJysnrb8PBwVZcuXVQKhUIVFBSkKigoqK6wy6RtPtevX1e9+OKLGj89evSoztAfSdt8Xn31VdVLL72k6tSpk/rn9ddfr87QH0nbfD799FOVm5ubqmPHjio3NzfVu+++q7p9+3Z1hv5Iuvz/ue/+vz19vO1b23w++ugjVZcuXVQdO3ZUeXp6qpYvX64qLCzU6VgGKpWOfSohhBCiEsiQnRBCCL0gBUkIIYRekIIkhBBCL0hBEkIIoRekIAkhhNALUpCEEELoBSlIQvxL9vb26qdOz58/n1WrVlVzRJpu3LhR7lw7a9asYd68eRV+XF3aVSgUXL9+vcJjEE8X+R6SeGZ4enqSkZFBbGysxjPdfH19OXfuHPv376dp06Y6t2tvb8+ePXto0aJFRYb7kDVr1rB582bu3LlD3bp16dy5M8uXL3/sfjdu3KBnz56cOXOm0p6bFh8fz6xZs4iNjf3XbQUFBWFjY8P06dMrILKKp1Kp2LRpEz/88APXrl3DwsKC559/nlGjRtG/f//qDu+ppr9P9ROiEjRp0oTo6Gj8/PwAOH/+PH///Xc1R/V427ZtY/v27Xz55Zc0b96cmzdvcuDAgeoOq0YrLi5+ZAFftGgRsbGxvP/++zg4OGBiYsLJkyfZunVrhRcklUqFSqXC0PDZGMx6NrIU4v/n6+tLZGSk+n1kZCSDBg3S2KawsJCPP/6Y7t2707VrV+bPn69RtNavX4+rqyuurq5s3bpVY9+goCBCQ0MByM7Oxt/fHxcXF5ycnPD399eYZsDPz4/ly5czatQoFAoF48eP5/bt24+M+/Tp07i6utK8eXMArKysGDlypHq9p6cnR44cUb8PCwtj5syZGm38+OOP6rjDw8PL3PbUqVOMGjUKR0dHfHx8NKahzsrKYs6cObi6uuLk5MTkyZPJy8vjzTffJCMjQz11dXp6uka7r7/+Ot98841GPD4+PuzZswf437DnDz/8wI4dO9iwYQMKhYKJEyeyfv163nrrLY19Fy5cyAcffPDIc+Xp6cnatWvx9vbGycmJOXPmUFBQoF5/8OBBfH19cXR0ZNSoUZw7d05j33Xr1jFw4EA6der00DDn5cuX+fbbb/n000/p1q0bZmZmGBkZ4ejoyEcffaTe7u7du8ydOxdXV1fc3NwIDQ2lpKQEuPe8utGjR/Pxxx/j5OSEp6cnhw8fVu/r5+dHaGgoo0aNomPHjly/fp2kpCRee+01nJ2d8fLyIiYm5pG5P+2kIIlnSqdOncjJySEpKYmSkhJiYmLw8fHR2OaTTz7h8uXLREZGsmfPHjIyMtTXhWJjYwkPDyc8PJw9e/Zw9OjRMo9VWlrKkCFDOHjwIAcPHqRWrVqEhIRobPPTTz+xePFijh49SlFRkUaheFDHjh3Zvn0769ev5/Tp0+oPN13Ex8ezZ88eNmzYwLp16zQK2H3p6en4+/szadIkjh8/zuzZswkMDFQXynfeeYf8/Hyio6M5cuQI48aNw9zcnC+++AJra2tOnjzJyZMnsbGx0Wh34MCB/PTTT+r3ly5dIiUlhe7du2tsN3LkSAYOHMjrr7/OyZMnWbNmDT4+PsTFxfHXX38B93ouMTExj3zA5333i9revXu5fPkyq1evBuDMmTPMnTuXkJAQ4uPjGTlyJJMnT9Z4iG50dDTr1q0jISHhoR7SsWPHsLW1pX379uWe69mzZ2NsbMyePXuIjIzkl19+YcuWLer1iYmJtGzZkmPHjvHGG28wb948jSdjb9++nYULF/Lbb7/RoEEDxo8fz4ABAzhy5AiffvopwcHBXLx4sdwYnkZSkMQz534v6ZdffuH555/X+PBUqVRs2bKFuXPnUr9+fSwsLPD39yc6OhqAnTt3MmTIEF588UXMzc0JCAgo8ziWlpZ4eXlRu3ZtLCwsmDRpEidOnNDYZsiQIbRs2RIzMzP69u3L2bNny4z53Xff5eeff8bPz4+uXbuqnxCtrSlTpmBubo69vT1DhgzRKBD3bd++HXd3dzw8PDA0NKRbt260a9eOw4cPq6+/BQcHU69ePUxMTHB2dtbq2L169eLcuXMkJycD9wpG7969MTU1fey+1tbWODo6smvXLgDi4uKwtLSkXbt2Ze7zyiuvYGtrS/369Zk0aZL697d582ZGjhxJx44dMTIyYvDgwZiYmHDq1Cn1vn5+ftja2mJmZvZQu3fu3Hlodld3d3ccHR1p3749ycnJZGZmEhsby9y5czE3N6dhw4aMGzdOHQOAnZ0dI0aMUMdw8+ZN9ZOyAQYPHkzr1q0xNjYmLi6OJk2aMHToUIyNjWnbti1eXl46zzX0NJBrSOKZ4+vry6uvvsqNGzce+iv79u3b5OfnM2TIEPUylUpFaWkpABkZGRofhOXNWJqfn8/ixYuJi4sjOzsbuDebbklJCUZGRsC9obf7ateuTV5eXpnt+fj44OPjQ1FREfv27WPWrFm89NJLuLm5aZW3ra2tRtwXLlx4aJuUlBR27drFwYMH1cuKi4tRKpWkpaVRr1496tWrp9XxHmRhYYGHhwfR0dFMmDCB6OhoFi5cqPX+gwcP5rvvvmPEiBFERUWV2zsCzVzt7OzIyMgA7uUXGRmpMXxYVFSkXv/Pff+pfv363Lx5U2NZbGwsxcXFtG3bFpVKRUpKCsXFxbi6uqq3KS0t1Wj3waJWu3ZtAI3f/YPbJicnk5iYiKOjo3pZSUnJQz37mkAKknjmNGnShKZNm3L48OGHrkNYWlpiZmZGdHT0Q8NOcO+v9dTUVPX7lJSUMo8THh7O5cuX2bx5M1ZWVpw9e5ZBgwbpPGnZP5mYmNCvXz+++OILLl68iJubG7Vr1yY/P1+9zT8/NAFSU1Np1aqVOm5ra+uHtrG1tcXX1/eRU51nZGSQnZ3NX3/9xXPPPaexzsDA4LFxDxgwgJUrV+Lk5MTff/+NUql85HaPaqtXr168//77XLhwgUOHDjFr1qxyj/XP39H9XG1tbZk4cSKTJk0qc9/ycnFxcWHhwoWcPn26zGG7xo0bY2pqyrFjx574rsYHY7C1tcXJyYmNGzc+UVtPExmyE8+kDz74gK+++gpzc3ON5YaGhgwfPpwPP/yQW7duAfeuq8TFxQHQt29ftm3bxqVLl8jPz2flypVlHiM3N5datWrx3HPPkZWVVe62jxMREcGhQ4fIycmhtLSUw4cPc+nSJfVkbm3atCEmJoaioiJOnz79yOGc1atXk5+fz8WLF4mIiMDb2/uhbXx8fDh48CBxcXGUlJRQUFBAfHw8aWlpWFtb4+7uTnBwMNnZ2RQVFamHIBs2bEhWVhZ3794tMwcPDw9SUlJYsWIF3t7eZd451rBhQ27cuKGxrFatWnh5efH222/Tvn177Ozsyj1f3377LWlpaWRlZalvcAAYPnw433//Pb///jsqlYq8vDz1edXG888/z8iRI5kxYwa//PILf//9NyUlJZw8eVK9jbW1Nd26deOjjz5S/76uXbvG8ePHtTrGP3Xv3p0rV64QGRlJUVERRUVFJCYmkpSU9ETt6TMpSOKZ1Lx58zL/wp01axYtWrRgxIgRdO7cmXHjxnH58mXg3ofq2LFjGTt2LL1798bFxaXMY4wdO5aCggJcXFwYOXKk1kNrj2JhYcGaNWvo0aMHjo6OLF26lPfff189jDNt2jSuXbuGs7MzYWFhDBw48KE2nJ2d6d27N+PGjWP8+PEaQ0r32drasnr1atauXUuXLl3w8PBgw4YN6iHLJUuWYGxsTL9+/ejatStfffUVAK1ataJ///706tULR0dH0tPTH2rb1NSU3r17c+TIEQYMGFBmrsOGDePSpUs4OjoyefJk9fJBgwZx4cKFxw7Xwb3e2Pjx4+nVqxfNmjVT94jat2/PwoULCQkJwcnJiT59+hAREfHY9h60YMEC/Pz8+Oijj3B2dsbDw4PPPvuM0NBQdaFcsmQJRUVF6jv9AgMDH9lr1YaFhQUbNmwgJiYGNzc3XF1dWbp0qd7NZlwR5IuxQjzjPvvsM9LS0li8eHF1h1KulJQU+vXrxy+//IKFhUWZ23l6erJo0SK6du1ahdGJiiA9JCGeYSqViqSkpCd6QkVVKi0tZePGjXh7e5dbjMTTTW5qEOIZNnjwYExNTXnvvfeqO5Qy5eXl0a1bN+zs7Fi/fn11hyMqkQzZCSGE0AsyZCeEEEIvSEESQgihF6QgCSGE0AtSkIQQQugFKUhCCCH0ghQkIYQQeuH/A4SbqZZ96c6PAAAAAElFTkSuQmCC\n", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAaQAAAEUCAYAAABkhkJAAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjMuNCwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8QVMy6AAAACXBIWXMAAAsTAAALEwEAmpwYAABPCklEQVR4nO3deXhN1/748XcGETEGSSSon6omVSUnMzKQIIQk5uHWVFWhUlO1gqoGt4NSKqWVGlq3OhgiohJKiugXIYqoa64xoyAhg4z794fHvk4FSWQ44fN6njzOHtban7UT53P22vuspacoioIQQghRxfSrOgAhhBACJCEJIYTQEZKQhBBC6ARJSEIIIXSCJCQhhBA6QRKSEEIInSAJSQghhE4wrOoARPV061YWRUXP5lfYGjWqw40bmVUdRoWR9lVv1bl9+vp6mJrWfuR2SUiiTIqKlGc2IQHPdNtA2lfdPavtky47IYQQOkESkhBCCJ0gXXaiTHx8vLh27VpVhyGEqEJWTZoQuX1PudUnCekxPD09mT9/Ph07diy3Oq9du4aXlxcnT57E0LD6nv7/+2Qu5GRXdRhCiCrUYmxgudYnXXZCCCF0giQkIYQQOkESUgnEx8czePBgHBwccHV1Ze7cueTl5anbra2t+emnn+jevTuOjo4EBwdzf5qpwsJCPvvsM5ydnfHy8mLv3r1adYeFheHl5YVGo8HT05OIiAh12/r16+nZsycajQYfHx9OnjwJQGhoKF27dlXX79y5U6u+IUOGMG/ePOzt7enRowcHDhxQt9+5c4eZM2fi6uqKm5sbixcvprCwsELOmxBClEb1vYlRifT19ZkxYwZt27YlOTmZt956ix9//JFRo0ap++zZs4eNGzeSmZlJv3796NKlC+7u7qxfv57du3cTHh5OrVq1eOedd9Qy2dnZzJ8/n40bN/Liiy+SmppKRkYGAFFRUYSEhLBs2TJee+01rly5ot5zat68OevWrcPMzIzt27fz3nvv8dtvv2Fubg7cS6A9evTg4MGD7Ny5k8DAQKKjo2nQoAHTp0+ncePG/Pbbb+Tk5BAQEIClpSVDhgypvBMqhBDFkCukEmjbti22trYYGhrSrFkzBg8ezOHDh7X2eeutt6hXrx5WVlY4Oztz+vRp4F5iGTlyJJaWljRo0ICAgACtcvr6+pw7d467d+9ibm5O69atAdi4cSNjxoyhXbt26Onp0aJFC5o2bQpAz549sbCwQF9fHx8fH1q0aEF8fLxaZ8OGDRk5ciQ1atTAx8eHli1bsmfPHtLS0oiJiWHmzJmYmJjQqFEjRo0axbZt2yry9AkhnmFmZnVL/NOoUZ3H1iVXSCVw8eJFPv30U/766y9ycnIoLCzk1Vdf1drHzMxMfV2rVi2ysrIASE1NxdLSUt1mZWWlvjYxMWHx4sWsXr2aWbNmYWdnx/Tp02nVqhVJSUm88MILxcYTHh7OmjVrSEhIAO5dad26dUvdbmFhgZ6entYxU1NTSUxMpKCgAFdXV3VbUVGRVnxCCFEa16/fKfG++vp6j01KkpBK4KOPPqJNmzYsWrSIOnXq8N1337Fjx44SlTUzMyMpKUldfvA1gJubG25ubty9e5clS5Ywe/ZsfvzxRywtLbly5cpD9SUkJPDBBx/w3XffodFoMDAwwN/fX2uflJQUFEVRk1JSUhKenp40adIEIyMjDh48WK0fORdCPJuky64EsrKyqF27NrVr1+bChQv89NNPJS7bs2dP/vOf/5CcnExGRgahoaHqtrS0NKKjo8nOzsbIyAgTExMMDAwAGDBgAKtXr+avv/5CURQuX75MQkICOTk56Onp0bBhQwA2bdrEuXPntI558+ZN1q5dS35+PlFRUVy4cAEPDw/Mzc3p1KkTn376KZmZmRQVFXHlyhUOHTpUDmdJCCGejnxMLoHp06cze/ZsVq1axSuvvIKPjw8HDx4sUdlBgwZx6dIl/P39qV27Nm+++aZatqioiDVr1vD++++jp6fHK6+8wpw5c4B7iSw9PZ13332X1NRUmjZtyoIFC2jTpg2jR49myJAh6Onp0adPH+zs7LSO2a5dOy5fvoyLiwuNGzdm6dKlmJqaArBgwQIWLlyIj48PWVlZNG/enLfeeqscz5YQQpSNnnL/+WTxTAgLC2PDhg2luoorC2dnZxk6SIjnXGmHDpJ7SKJCREZGP7ND4JuZ1S3VjdrqRtpXvT3L7ZN7SEIIIXSCXCE9Y/r160e/fv2qOgwhhCg1uUISQgihEyQhCSGE0AmSkIQQQugESUhCCCF0giQkIYQQOkESkhBCCJ0gCUkIIYROkIQkhBBCJ8gXY0WZ+Ph4yVh2QjxHmjSxYvv23yv0GJKQdIRGoyEiIoLmzZuXumxcXByzZs0q8RxN5eHjVeHk5BVW2vGEEFUrwNe5wo8hXXY64ujRoyVORtbW1ly+fFlddnBwqNRkJIQQFUES0j8UFBRUdQhCCPFcqlYJ6eTJk/Tp0weNRsPEiROZPHkyixcvBmD37t34+/vj4ODAkCFDOH36tFrO09OTVatW4evri729PZMnTyY3NxeA2NhY3N3dCQ0NpVOnTsyYMYOioiJCQ0Pp2rUrzs7OTJo0ifT09MfGdu3aNaytrfnll19wdXXF1dWV1atXq9vj4+MZPHgwDg4OuLq6MnfuXPLy8tTtD171BAUFERwczNixY9FoNAwcOFCdzvz1118HwN/fH41GQ2RkpNqGkrQX4Ntvv1Vj3LBhw0NXXEIIURWqTULKy8sjMDCQvn37cujQIXr37s2uXbuAe4lq5syZzJ07l9jYWAYPHszbb7+t9YYfFRXFypUriY6O5syZM4SFhanb0tLSyMjIYPfu3cybN4+1a9eya9cufvjhB/bt20f9+vWZO3duieKMjY3lt99+Y9WqVYSGhrJ//34A9PX1mTFjBgcPHuTnn3/mwIED/Pjjj4+sZ9u2bQQGBnL48GFeeOEFNfGuW7cOgC1btnD06FF8fHyKLf+o9sbExPDdd9+xZs0adu7cKdOXCyFKzMys7lP9PG5yPqhGCen48eMUFBQwYsQIatSoQffu3XnttdcAWL9+PYMHD6Z9+/YYGBjQt29fatSowbFjx9Tyw4cPx8LCggYNGtClSxdOnTqlbtPX12fixIkYGRlhbGzML7/8wpQpU2jSpAlGRkYEBgayY8eOEnXnTZgwARMTE6ytrenXrx+//vorAG3btsXW1hZDQ0OaNWvG4MGDOXz48CPr6datG+3atcPQ0BA/Pz+teEviUe2NioqiX79+tG7dmlq1ahEYGFiqeoUQz6/r1+881c+NG5mPrb/aPGWXmpqKhYUFenp66jpLS0sAEhMTCQ8P54cfflC35efnk5qaqi6bmZmpr2vVqqW1zdTUlJo1a6rLiYmJTJgwAX39/+VrfX19bty4gYWFxWPjvB8TQNOmTTl79iwAFy9e5NNPP+Wvv/4iJyeHwsJCXn311UfW07hxY/W1sbEx2dnZjz3uPz2qvampqbRt27bYeIUQoipVm4RkZmZGSkoKiqKoSSkpKYnmzZtjaWnJuHHjGD9+fJnqfjDJATRp0oSPP/4Ye3v7UteVlJREq1atgHuJzdzcHICPPvqINm3asGjRIurUqcN3331XJU/GmZubk5KSohWvEELogmrTZWdra4uBgQE//PADBQUF7Nq1ixMnTgAwcOBAfv75Z44fP46iKGRnZ7Nnzx4yMx9/efgoQ4cOZcmSJSQkJABw8+ZN9X7VkyxfvpycnBzOnTtHWFiYeo8nKyuL2rVrU7t2bS5cuMBPP/1Uptjg3tXT1atXy1S2R48ehIWFceHCBXJycli2bFmZ4xBCiPJUbRKSkZERISEhbNy4EUdHRyIiIujcuTNGRka89tprzJs3j7lz5+Lo6Ej37t21HloorREjRuDp6cno0aPRaDQMGjSI+Pj4EpV1cnKiW7dujBo1itGjR+Pq6grA9OnT+fXXX7Gzs2P27NmPfBihJAIDAwkKCsLBwYHIyMhSlfXw8GD48OGMGDGCbt26YWtrC9w7v0IIUZX0FEVRqjqIsho4cCBDhgyhf//+VR0K165dw8vLi5MnT2JoWG16Qrlw4QK9e/fmxIkTpYrb2dlZhg4S4jlSHkMH6evrPfZJu+rzzgkcOnSIli1bYmpqytatWzlz5gxubm5VHVa1s3PnTjw8PMjJyeHzzz+nS5cupU6ikZHRFBVV288yj2VmVpfr1+9UdRgVRtpXvT3L7atWCenixYtMnjyZ7OxsmjdvztKlS9WHBipDREQEc+bMeWi9lZUVK1asqLQ4ntbPP/9MUFAQBgYGODo6FtsmIYSobNW6y05UnRs3MuUKqZqS9lVv1bl9T+qyqzYPNQghhHi2SUISQgihEyQhCSGE0AmSkIQQQugESUhCCCF0giQkIYQQOkESkhBCCJ1Qrb4YK3SHj4+XDB0kxHOkPIYOehJJSOUgIiKC8PBwrSnLn3UfrwonJ6+wqsMQQlSSAF/nCj+GdNmVAz8/P61kZG1tzeXLl6swIiGEqH4kIQkhhNAJkpBKKSkpicDAQFxcXHB2dmbu3LmEhYUxdOhQAF5//XUA/P390Wg0REZG0rt3b37//X99r/n5+Tg7O3Pq1Clyc3OZNm0azs7OODg40L9/f9LS0gBIT09nxowZuLq64ujoyNtvvw1ARkYGAQEBuLi44OjoSEBAAMnJyWr9w4cPZ9GiRQwYMAB7e3vGjx9Penq6uv3YsWMMGTIEBwcH/Pz8iI2NrejTJoQQTyT3kEqhsLBQTQS///47BgYGnDhxgitXrqj7rFu3Dmtra7Zs2UKLFi0ASEhIICIiAk9PTwD27t2Lubk5r7zyCj///DOZmZns2bMHIyMjTp06hbGxMQDvv/8+JiYmbNu2DRMTE44ePQpAUVER/fr1Y8mSJRQWFjJz5kzmzp3L8uXL1TjCw8NZtWoVzZo1Y/r06cyfP5+FCxeSkpJCQEAACxYswM3NjQMHDjBx4kSioqJo2LBhZZ1KIUQ1ZGZWt0Lrl4RUCvHx8aSmpvL++++r8wc5ODhoJaTi+Pn5sXz5cjIzM6lTpw4RERH4+fkBYGhoSHp6OpcvX8bGxoa2bdsCkJqaSkxMDLGxsdSvXx+4NxstgKmpKd7e3mr948ePZ8SIEVrH9Pf35+WXXwZg0qRJ9OnTh88++4wtW7bg7u6Oh4cHAJ06daJt27bs3buXvn37Pu0pEkI8w552lPFnaoK+qpaUlISVlVWpJ7OzsLDAzs6OHTt20K1bN2JiYpg1axZwL3EkJyczdepUbt++jZ+fH1OmTCE5OZn69euryehBOTk5fPLJJ+zbt4+MjAwAsrKyKCwsxMDAAABLS0t1fysrK/Lz87l16xaJiYls376d3bt3q9sLCgpwdq74J2iEEOJxJCGVgqWlJUlJSRQUFJQ6KfXt25cNGzZQWFiIra0tFhYWANSoUYPAwEACAwO5du0aY8eOpWXLlnh4eJCRkcHt27epV6+eVl2rV6/m4sWLrF+/HjMzM06dOkWfPn14cGqrpKQkrdc1atTA1NQUS0tL/P39mT9//lOcCSGEKH/yUEMptGvXDjMzMxYtWkR2dja5ubkcOXLkof0aN27M1atXtdZ17dqV//73v6xdu5Y+ffqo6w8ePMiZM2coLCykTp06GBoaYmBggLm5Oe7u7gQHB5ORkUF+fj6HDx8G7l0N1axZk3r16pGens5XX331UAwRERGcP3+enJwcvvzyS7y9vTEwMMDPz4/du3ezb98+CgsLyc3NJTY2VuuhCCGEqAqSkErBwMCAb775hsuXL9OlSxfc3d2Jiop6aL/AwECCgoJwcHAgMjISAGNjY7p37861a9fo1q2bum9aWhoTJ07E3t4eHx8fnJyc1PtLCxYswNDQkJ49e9KxY0e+//57AEaOHElubi4uLi4MHjwYNze3h2Lw9/cnKCiITp06kZeXp3YRWlpasnz5clasWEGHDh3w8PBg1apVFBUVlfv5EkKI0pApzCvRV199xaVLl1i4cGGFHmf48OH4+fkxcODACjuGs7OzDB0kxHOkPIYOkocadER6ejqbNm1iwYIFVR1KuYiMjKao6Nn8LGNmVvepnybSZdK+6u1Zbp902VWC9evX07lzZ9zc3HB0dKzqcIQQQidJl50okxs3MuUKqZqS9lVv1bl9T+qykyskIYQQOkESkhBCCJ0gCUkIIYROkIQkhBBCJ0hCEkIIoRMkIQkhhNAJkpCEEELoBBmpQZSJj4+XDB0kxDOmiaUl26N2P3nHCqKTCenBsdgiIiIIDw9n9erVTyxXmn11yYcffoiFhQUTJkwoU/levXrx4YcfVuqcRiujlpNXlFtpxxNCVDy/9hU3/mVJ6ORIDZUxOGh1FRQUhIWFBVOmTKnSOE7cPCIJSYhnjF/7gRw7drrC6tfJkRoKCgqq4rBCCCF0WKUlJE9PT0JDQ/H19cXW1pa4uDiGDBmCg4MDfn5+xMbGFlsuLCyMoUOHqst//PEH3t7e2Nvb89FHHzFs2DA2bNhQ7L5//vkn/fv3x97env79+/Pnn39qxbN//351OSQkhGnTpgGQm5vLtGnTcHZ2xsHBgf79+5OWlvbY9g0fPpxFixYxYMAA7O3tGT9+POnp6er2iRMn0qlTJ+zt7Xn99dc5d+6cui0oKIjFixcDEBsbi7u7O6tXr6ZDhw64urqyadMmAH755Re2bt3KqlWr0Gg0jBs37qG2hISEMGnSJN5//300Gg29evXixIkT6rFOnjxJnz590Gg0TJw4kcmTJ6vHFkKIqlSpV0jbtm0jNDSU6OhoJkyYwPjx4zl06BDTp09n4sSJ3Lx587Hlb968ycSJE3n33XeJjY2lZcuWHD16tNh909PTCQgIYPjw4cTGxvLGG28QEBDArVu3nhjn5s2byczMZM+ePcTGxhIcHIyxsfETy4WHh/Pxxx+zb98+DA0NtaYJd3d3Z8eOHRw4cIA2bdqoya84aWlp3Llzh5iYGP79738zd+5cMjIyGDx4ML6+vrz55pscPXqUb775ptjyv//+O7169SIuLg5PT0/mzZsHQF5eHoGBgfTt25dDhw7Ru3dvdu3a9cR2CSFEZajUhDR8+HAsLS3ZsmUL7u7ueHh4oK+vT6dOnWjbti179+59bPmYmBhat25N9+7dMTQ0ZMSIETRu3LjYfffs2UOLFi3o06cPhoaG9O7dmxdffJHdu5/8BImhoSHp6elcvnwZAwMD2rZtS506j+73vM/f35+XX34ZExMTJk2axPbt2yksLARgwIAB1KlTByMjI9555x1Onz7NnTvFj9hraGjIhAkTqFGjBh4eHpiYmHDx4sUnHv8+e3t7PDw8MDAwwN/fn9On7/UJHz9+nIKCAkaMGEGNGjXo3r07r732WonrFUI8+8zM6lbYz+PuH0ElP2VnaWkJQGJiItu3b9dKDgUFBU98Siw1NZUmTZqoy3p6elrL/9zXyspKa52VlRUpKSlPjNPf35/k5GSmTp3K7du38fPzY8qUKdSoUeOx5e637/6x8vPzuXXrFqampixevJjt27dz8+ZN9PXvfQ64desWdevWfaieBg0aYGj4v19NrVq1yM7OfmLc9z2YpI2NjcnNzaWgoIDU1FQsLCzQ09MrNmYhhKjIqS10asbY+2+ElpaW+Pv7a3VplYSZmZlWQlEUheTk5GL3NTc3JzExUWtdUlISbm5uwL03+ZycHHXb9evX1dc1atQgMDCQwMBArl27xtixY2nZsuUTn/pLSkrSel2jRg1MTU3ZunUr0dHRrFmzhmbNmnHnzh0cHR0pywOODyaT0rp//hRFUetJSkqiefPmZa5TCCHKS5U8Zefn58fu3bvZt28fhYWF5ObmEhsb+8jkcp+Hhwdnzpxh165dFBQUsG7dukc+bODh4cGlS5fYunUrBQUFREZGcv78eTp37gyAjY0NkZGR5Ofnc+LECXbs2KGWPXjwIGfOnKGwsJA6depgaGiIgYHBE9sVERHB+fPnycnJ4csvv8Tb2xsDAwOysrIwMjLC1NSUnJwcvvjii5KfrH9o1KhRmb+Qamtri4GBAT/88AMFBQXs2rVL64EHIYSoSlWSkCwtLVm+fDkrVqygQ4cOeHh4sGrVKoqKih5brmHDhnz55Zd8/vnnODs7c/78edq2bVtsV5qpqSnffPMNa9aswdnZmZUrV/LNN9/QsGFDACZPnsyVK1dwcnIiJCQEX19ftWxaWhoTJ07E3t4eHx8fnJyc8PPze2K7/P39CQoKolOnTuTl5TFr1iwA+vTpg5WVFW5ubvTq1QtbW9tSnC1tAwYM4Pz58zg4OPD222+XqqyRkREhISFs3LgRR0dHIiIi6Ny5M0ZGRmWORwghyotOfjG2pIqKinB3d2fhwoW4uLhUaSzV9cu8AwcOZMiQIfTv379U5ZydnWXoICGeMRU9dJBO3UMqD/v27aN9+/YYGxuzcuVKgKe64njeHDp0iJYtW6r3ts6cOaPeVyuNyMhoioqq7WeZxzIzq1uhN3armrSvenuW21ftEtKxY8eYNm0aeXl5vPTSSyxbtqxE3xEqDxqNptj13377baUcvzxcvHiRyZMnk52dTfPmzVm6dCnm5uZVHZYQQlTvLjtRdW7cyJQrpGpK2le9Vef26eRYdkIIIcQ/SUISQgihEyQhCSGE0AmSkIQQQugESUhCCCF0giQkIYQQOkESkhBCCJ1Q7b4YK3SDj4+XDB0kxDPEsokVUdt/r9IYJCE9Z8aMGUOvXr3o27fvU9Wz8dstFOQVllNUQoiq5urvVNUhlL7LrqioiNTU1IqIRTyBtbU1ly9ffqo6Vq5cqSajsLAwhg4dWh6hCSHEUytxQrp9+zbvvvsu7dq1o3v37gBER0ezePHiCgtO3FNQUFCu+wkhhC4qcUKaM2cOderU4ffff1fnH9JoNERFRVVYcM8CT09PVqxYgY+PD46OjsyYMYPc3FwA1q9fT7du3XBycmLcuHFas+FaW1uzbt06unfvTvfu3Xn99deBe3MuaTQaIiMjiY2Nxd3dndDQUDp16sSMGTPIyMggICAAFxcXHB0dCQgI0Jr4cPjw4WzYsIELFy4wZ84cjh07hkajwcHBoXJPjBBC/EOJE9KBAwf44IMPMDc3V6e/btiwITdu3Kiw4J4VW7duZdWqVezcuZOLFy+yfPlyDhw4wKJFi1iyZAl//PEHTZs2ZerUqVrldu3axfr164mMjGTdunUAbNmyhaNHj+Lj4wPcm0wwIyOD3bt3M2/ePIqKiujXrx+7d+9m9+7d1KxZk7lz5z4UU6tWrQgODsbW1pajR48SFxdX8SdCCCEeo8QPNdStW5dbt25pTVWQmJiImZlZhQT2LHn99dextLQEYPz48cybN4/r16/Tv39/Xn31VQCmTp2Kk5MT165do1mzZgCMHTuWBg0aPLZufX19Jk6cqM76amxsjLe3t7p9/PjxjBgxogJaJYR41piZ1a3S45c4IQ0cOJCJEycyefJkioqKOHr0KF988QVDhgypyPieCfeTEYCVlRWpqamkpqaqyQigdu3aNGjQgJSUFDUhPVjuUUxNTalZs6a6nJOTwyeffMK+ffvIyMgAICsri8LCQgwMDMqrSUKIZ1BFT2tRbjPGvvXWWxgZGTF37lwKCgqYOXMmgwcPZuTIkeUS6LMsKSlJfZ2YmIi5uTnm5uYkJCSo67Ozs0lPT8fCwkJdd79r9HH+uc/q1au5ePEi69evx8zMjFOnTtGnTx+Km/aqJPULIURlKVFCKiwsZObMmcybN49Ro0ZVcEjPnh9//JEuXbpgbGysPuDQoUMHpkyZgq+vL61ateKLL76gXbt26tVRcRo3bszVq1dp0aLFI/fJysqiZs2a1KtXj/T0dL766qtH7tuoUSNSUlLIy8tTu/yEEKKqlOihBgMDA/7v//5PPlGXUe/evRk9ejRdu3alefPmjB8/ng4dOjBp0iTeeecdXF1duXr16hMfoQ8MDCQoKAgHBwciIyOL3WfkyJHk5ubi4uLC4MGDcXNze2R9Li4uvPTSS7i6uuLs7PxUbRRCiKdV4inMv/32W+7cuUNgYKB8mi4FT09P5s+fT8eOHas6lHLl7OwsQwcJ8QypjKGDyu0e0g8//EBaWhpr1qyhYcOGWldLe/bseaogRfUTGRlNUVGJPstUO2ZmdSv85m5VkvZVb89y+0qckD7//POKjEMIIcRzrsQJycmp6gfeq45+/71qR88VQojqosQJKS8vj82bN3Pq1Cmys7O1ti1YsKDcAxNCCPF8KXFCCgoK4vTp03Tp0oXGjRtXZExCCCGeQyVOSPv27SM6Opp69epVZDxCCCGeUyUeXNXS0pK8vLyKjEUIIcRzrMRXSH369OHtt99mxIgRNGrUSGtbhw4dyj0wIYQQz5dSfQ8J4IsvvtBar6enR3R0dPlGJYQQ4rlT4oQkjy8LIYSoSCW+hwSQn59PXFycOo5adnb2Q4+ACyGEEGVR4rHszpw5w/jx4zEyMiIlJYWjR4+yd+9eNm/ezJIlSyo4TKFrZCw7IZ4NlTGG3X1PGsuuxAlp6NChDB48mD59+uDo6Mjhw4fJzs7G29ubffv2lVvAVa1Xr158+OGHHDp0iMuXL7Nw4UKuXbuGl5cXJ0+exNCwxL2clWbMmDH06tWLvn37Vtoxr8YnU5BXWGnHE0JUDFd/J44dO10px3pSQipxl9358+fx9/cH/jexm4mJCbm5uU8Zom7Ztm1bhU3FMHz4cDZs2PBUdYSEhDBt2jStdStXrqzUZCSEEBWhxAmpadOm/PXXX1rr4uPjeeGFF8o9qOdVQUFBVYcghBBVpsQJadKkSQQEBLB06VLy8vJYsWIFEydOZPLkyRUYXuXz9PRk//79pdrnwauW3Nxcpk2bhrOzMw4ODvTv35+0tDQWL15MXFwcc+fORaPRMHfuXACsra1Zt24d3bt3p3v37gDMnz8fDw8P7Ozs6NevH3FxcQDExMSwYsUKoqKi0Gg0+Pn5AdpXXkVFRSxfvpwuXbrQoUMH3n//fe7cuTdU/bVr17C2tmbz5s107twZZ2dnvv7663I8e0IIUXYlviHSpUsXVq5cyfr163FyciIxMZGvvvqKtm3bVmR81c7mzZvJzMxkz549GBkZcerUKYyNjZkyZQp//vknfn5+DBw4UKvMrl27WL9+PcbGxgC89tprTJgwgbp167J27VomTZrE77//jru7OwEBAeq9reKEhYWxefNm1q5dS8OGDZk+fTpz587Vmj7kyJEjbN++nUuXLjFgwAC6d+9Oq1atKu6kCCF0mplZ3aoOAShFQvryyy8BMDU1xdTUFIDo6Gj27dtHkyZNcHNzk0FXAUNDQ9LT07l8+TI2NjYlSthjx46lQYMG6vL9e3UAo0eP5uuvv+bixYvY2Ng8sa6tW7cyatQomjdvDsDUqVPx9fXlk08+UfcJDAzE2NgYGxsbbGxsOH36tCQkIZ5jlTXhX7nNGHvp0iV27txJu3btsLS0JCkpifj4eDw9Pdm9ezfBwcEsXboUd3f3cgm8uvL39yc5OZmpU6dy+/Zt/Pz8mDJlCjVq1HhkGUtLS63l1atXs2HDBlJTU9HT0yMzM5Nbt26V6Pipqak0bdpUXW7atCkFBQXcuHFDXffgB4datWrJd8mEEDqhxAmpqKiIxYsX061bN3Xdrl27+PXXX1m/fj2bN29m0aJFz0VCqlWrFjk5Oery9evX1dc1atQgMDCQwMBArl27xtixY2nZsuVD3XQPenA6+Li4OL799lu+++47Wrdujb6+Po6Ojtx/Ov/BfYtjbm5OQkKCupyYmIihoSGNGjUiOTm51G0VQojKUuKHGv744w88PT211nXp0oWYmBgA/Pz8uHLlSvlGp6NsbGyIjIwkPz+fEydOsGPHDnXbwYMHOXPmDIWFhdSpUwdDQ0MMDAyAe1cmV69efWzdWVlZGBgY0LBhQwoKCvjqq6/IzMxUtzdq1IiEhASKioqKLd+7d2++//57rl69SlZWFosXL6Znz546+f0pIYR4UIkT0gsvvMBPP/2kte7nn39WH/u+desWJiYm5Rudjpo8eTJXrlzBycmJkJAQfH191W1paWlMnDgRe3t7fHx8cHJyUp+GGzFiBDt27MDR0ZH58+cXW7erqyvu7u54e3vj6elJzZo1tbr0evToAdwbKaG47x71798fPz8/hg0bhpeXF0ZGRsyePbs8my+EEBWixCM1nDx5knfeeYfCwkIsLCxISUnBwMCAkJAQXn31VQ4fPszFixcZNGhQRccsdIAMHSTEs6FaDh0E9wZXPX78OKmpqZiZmWFra/vYm/Xi2XXjRiZFRSX+06lWzMzqVtpTR1VB2le9Vef2ldtTdnDvhr2Dg8NTByWEEEL8U6mmnxBCCCEqiiQkIYQQOkESkhBCCJ0gCUkIIYROkIQkhBBCJ0hCEkIIoRMkIQkhhNAJkpCEEELoBBlxU5SJj4+XDB0kRDVmZdmEyKg9VR2GFklIokwO/jQLCrKqOgwhRBk16zKtqkN4iHTZ6YgxY8awefNm4N405EOHDlW3WVtbc/ny5ceWDwoKYvHixcC9OZW8vb3VbX///Td9+vRBo9Gwdu3aCoheCCGenlwhVYGQkBAuX77MwoUL1XUrV64st/odHBy05mhauXIlTk5OhIeHl9sxhBCivMkV0nMgMTGR1q1bV3UYQgjxWHKFVMFCQ0P5z3/+Q2ZmJubm5syYMYMVK1agKArR0dE0b96ciIgIhg8fjp+f32OnOi+p2NhY3nvvPWJiYhgxYgSHDx/myJEjfPzxx4SFhdG0aVMWL15MVFQUeXl5dO3alZkzZ2JsbFwOLRZCVBdmZnWrOgQtkpAq0N9//826devYuHEjFhYWXLt2jaKiIgICAh7qsqsoa9eufSjZ/fvf/+bq1auEh4djaGjItGnTWLZsGe+++26FxyOE0B2VPa/Sk+ZDki67CmRgYEBeXh4XLlwgPz+fZs2aqVO+VxVFUdiwYQMzZ86kQYMG1KlTh4CAALZt21alcQkhhFwhVaAWLVowc+ZMQkJCOH/+PK6urgQFBVVpTDdv3iQnJ4d+/fqp6xRFoaioqAqjEkIISUgVztfXF19fXzIzM/nwww9ZuHAhLVq0qLJ4TE1NMTY2Ztu2bVhYWFRZHEII8U/SZVeB/v77bw4cOEBeXh5GRkbUrFkTAwMDGjVqREJCQpVclejr6zNw4EA+/vhjbty4AUBKSgr79u2r9FiEEOJBcoVUgfLy8li0aBEXLlygRo0aaDQa5s6di5GRERERETg7O9OsWTP1C7GV5b333mPZsmUMGjSIW7duYWFhwdChQ3FzcytxHS5D/y1DBwlRjVlZNqnqEB6ipyiKUtVBiOrnxo1MioqezT8dM7O6lf70UWWS9lVv1bl98pSdEEKIakG67KqRXr16kZiY+ND64OBg/Pz8qiAiIYQoP5KQqhH5rpAQ4lkmXXZCCCF0giQkIYQQOkESkhBCCJ0gCUkIIYROkIQkhBBCJ0hCEkIIoRPksW9RJj4+XjJ0kBDVjJVlEyKj9lR1GI8kCQkICwtjw4YN/PTTT1Vy/G+++YarV6/y73//u0zlx4wZQ69evejbt285R/ZoB3+aBQVZlXY8IcTTa9ZlWlWH8FiSkHTAuHHjSrxvSEjIQ7PNrly5siLCEkKISiX3kIQQQuiEap2QPD09WbVqFb6+vtjb2zN58mRyc3MJCwtj6NChWvtaW1tz+fJlAG7dusW4ceOws7NjwIABXLlyRWvfCxcu8MYbb+Dk5IS3tzeRkZFPjCUoKIgPP/yQN954A41Gw7Bhw0hISFC3z58/Hw8PD+zs7OjXrx9xcXHqtpCQEKZNu3cpfe3aNaytrdm8eTOdO3fG2dmZr7/+GoCYmBhWrFhBVFQUGo1GHb9u+PDhbNiwAUBt+2effYajoyOenp7s3btXPdbVq1d5/fXX0Wg0jBo1iuDgYPXYQghRlap1QgKIiopi5cqVREdHc+bMGcLCwp5YZu7cudSsWZM//viDjz/+mE2bNqnbsrOzGT16NL1792b//v188cUXBAcHc+7cuSfWu3XrVt5++21iY2OxsbHReqN/7bXXCA8P59ChQ/Tu3ZtJkyaRm5v7yLqOHDnC9u3b+f7771m2bBkXLlzA3d2dgIAAevbsydGjR4mIiCi2bHx8PC1btuTgwYOMGTOGWbNmcX+WkWnTptGuXTtiY2MJDAxky5YtT2yXEEJUhmp/D2n48OHqVNxdunTh1KlT2NraPnL/wsJCfvvtNyIiIjAxMeHll1+mb9++HD58GIA9e/bQtGlT+vfvD8Crr76Kt7c3O3bsoHXr1o+NpXPnzjg6OgIwZcoUHBwcSEpKwtLSEn9/f3W/0aNH8/XXX3Px4kVsbGyKrSswMBBjY2NsbGywsbHh9OnTtGrVqkTnxMrKikGDBgHQt29fgoODSUtLIz8/nxMnTvDdd99hZGSEg4MDnp6eJapTCPFsMDOrW9UhPFK1T0hmZmbq61q1apGamvrY/W/evElBQQGWlpbqOisrK/V1QkIC8fHxODg4qOsKCwtLNL1Dkyb/m4Gxdu3a1K9fn9TUVCwtLVm9ejUbNmwgNTUVPT09MjMzuXXr1iPraty4sVa7srOzn3j8R5WFe1d+t27don79+uo6AEtLS5KSkkpctxCieqvKyf2eNEFftU9IxalVqxZ3795Vl69fv66+btiwIYaGhiQlJalXHA++IVtaWuLo6MiaNWtKfdzk5GT1dVZWFhkZGZibmxMXF8e3337Ld999R+vWrdHX18fR0ZGyTNarp6dX6jL3mZmZkZGRQU5OjpqUJBkJIXRFtb+HVBwbGxvOnTvHqVOnyM3NJSQkRN1mYGBAt27d+Oqrr8jJyeH8+fNs3rxZ3d65c2cuXbpEeHg4+fn55OfnEx8fz4ULF5543L179xIXF0deXh5ffvkl7du3x9LSkqysLAwMDGjYsCEFBQV89dVXZGZmlqltjRo1IiEhgaKiolKXbdq0KW3btiUkJIS8vDyOHj3K7t27yxSHEEKUt2cyIbVs2ZIJEyYwatQounfvjr29vdb2Dz/8kOzsbDp16kRQUBD9+vVTt9WpU4dVq1YRGRmJm5sbrq6uLFy4kLy8vCcet3fv3ixbtgxnZ2dOnjzJ559/DoCrqyvu7u54e3vj6elJzZo1tboMS6NHjx4AODs7l+mLsAsXLuTYsWM4OzuzZMkSfHx8MDIyKlMsQghRnvSUsvQbiYcEBQVhYWHBlClTqjqUUpk8eTIvvvgiEydOLFU5Z2dnGTpIiGqmqocOei7vIYlHi4+Pp0GDBjRr1ow//viD6Ohoxo4dW+p6IiOjKSp6Nj/LmJnVrdIbvxVN2le9Pcvtk4RUCr169SIxMfGh9cHBwVUQTdmkpaXxzjvvkJ6eTpMmTfjoo49o06ZNVYclhBDSZSfK5saNTLlCqqakfdVbdW7fk7rsnsmHGoQQQlQ/kpCEEELoBElIQgghdIIkJCGEEDpBEpIQQgidIAlJCCGETpCEJIQQQifIF2NFmfj4eMnQQUJUIisrKyIjf6/qMCpUlSakkJAQLl++zMKFCyvsGLGxsbz33nvExMRU2DGqQwyenp7Mnz+fjh07lkt90dHRZZo+QwhRNo+azPNZUi277EJCQrSmB3/WPW/tFUI8n6plQhJCCPHsqbSEFBoaipubGxqNBm9vbw4cOKC1PT8/n6lTp/LOO++Ql5dHSkoK77zzDi4uLnh6erJ27VoAYmJiWLFiBVFRUWg0GnVq8fT0dGbMmIGrqyuOjo68/fbbWvWvXr2aDh064OrqyqZNm54Y7549e+jTpw92dnZ4eHhoTfJ37do1rK2t2bx5M507d8bZ2Zmvv/5a3X737l2CgoJwdHTEx8eHEydOlPkcPaq9np6e7N+/Xy37z6uo8PBwunTp8lBs169fp3379lrTp//111+4uLiQn59fojiFEKIiVMo9pL///pt169axceNGLCwsuHbtGkVFRcTFxQH33sAnTpxIw4YN+fzzz9HT02P8+PF4enqyaNEiUlJSGDVqFC1btsTd3Z2AgICH7j29//77mJiYsG3bNkxMTDh69Ki6LS0tjTt37hATE8P+/fuZOHEiXbt2pX79+o+MuVatWnz22We0bt2as2fPMnr0aF555RW6du2q7nPkyBG2b9/OpUuXGDBgAN27d6dVq1Z89dVXXLlyhZ07d5KTk8Nbb71V5nP0wgsvFNvexzl//jzBwcGEhobSvn17Fi1apE6vbmZmhpOTE1FRUfzrX/8CICIigl69elGjRo0S1S+EEBWhUhKSgYEBeXl5XLhwgYYNG9KsWTN1W2ZmJmPGjMHGxoZZs2ahp6fH8ePHuXnzJoGBgQA0b96cQYMGqbO4/lNqaioxMTHExsaqScbJyUndbmhoyIQJEzA0NMTDwwMTExMuXryIra3tI2N2dnZWX9vY2NCrVy8OHTqklZACAwMxNjbGxsYGGxsbTp8+TatWrYiKimLOnDk0aNCABg0aMHz4cJYtW1bmc1Ra27dvp3Pnzjg6OgIwadIk1q1bp27v27cva9eu5V//+heFhYVs27ZN6ypKCKGbzMzqav37rKmUhNSiRQtmzpxJSEgI58+fx9XVlaCgIACOHz9OQUEBixYtQk9PD4CEhARSU1NxcHBQ6ygsLNRaflBycjL169d/5BVPgwYNMDT8X1Nr1apFdnb2Y2M+fvw4Cxcu5Ny5c+Tn55OXl6dOH35f48aNi60zNTVVa4pyKyurxx4LHn2OLCwsnlj2n1JTU2nSpIm6bGJiQoMGDdRlLy8v5syZw9WrV7l48SJ16tShXbt2pT6OEKJyXb9+R6afKA++vr789NNP7N69Gz09PbX7qVOnTowdO5ZRo0aRlpYGgKWlJc2aNSMuLk79OXr0KN9++y2Amrjua9KkCRkZGdy+fbvc4n333Xfx8vJi7969HDlyhCFDhpT4MWczMzOSkpLU5QdfP86jztE/2wv3EmBOTo66fP36dfW1ubm52kUHkJOTQ3p6urpcs2ZNevbsSUREBFu2bMHf379E8QkhREWqlIT0999/c+DAAfLy8jAyMqJmzZoYGBio29966y169+7NqFGjuHnzJu3ataNOnTqEhoZy9+5dCgsLOXv2LPHx8QA0atSIhIQEioqKgHtvwO7u7gQHB5ORkUF+fj6HDx9+qpizsrKoX78+NWvWJD4+nl9//bXEZXv27EloaCgZGRkkJyfzn//854llHneO/tleuNeNGBkZSX5+PidOnGDHjh3qNm9vb/bs2UNcXBx5eXksXbpUqyyAv78/mzdv5vfff1cflBBCiKpUKQkpLy+PRYsW4ezsjKurKzdv3mTKlCla+0yYMAEvLy/eeOMN7ty5w9dff83p06fx8vLCxcWFDz74gMzMTAC168zZ2Zm+ffsCsGDBAgwNDenZsycdO3bk+++/f6qY58yZw9KlS9FoNCxbtoyePXuWuGxgYCBWVlZ4eXkxevToEl2BPO4cFdfeyZMnc+XKFZycnAgJCcHX11etq3Xr1nz44YdMmzYNNzc36tWrp9WFB2Bvb4++vj6vvvrqU92vEkKI8iJTmD/HRowYga+vLwMHDix1WWdnZxk6SIhKdH/ooGf5HpKMZfecio+P57///S/Lly8vU/nIyGiKip7NzzLV+T98SUj7hK56rhNSr169SExMfGh9cHBwhdxXSUxMpFevXsVu27ZtW4mexisP06dPZ9euXcyaNYs6dR79aUUIISqTdNmJMrlxI1OukKopaV/1Vp3bpzOPfQshhBCPIwlJCCGETpCEJIQQQidIQhJCCKETJCEJIYTQCZKQhBBC6ARJSEIIIXSCJCQhhBA64bkeqUGUnY+Pl4xlJ0Qluj+W3bNMZxJSWFgYGzZs4KeffqrqUKrEmDFj6NWrlzqad2lpNBoiIiJo3rx5OUdWvOjo6BLPDyWEeHo2NjZVHUKFq/ZddmFhYQwdOrTC6g8KCmLx4sUVVv99K1euLHEyGj58OBs2bNBad/To0UpLRkIIURGqfUIqicLCwqoOQQghxBNUekIKDQ2la9euaDQafHx82Llzp7pNURTmzZuHvb09PXr04MCBA+q2sLAwvLy80Gg0eHp6EhERwYULF5gzZw7Hjh1Do9Hg4OAA3LuqmTNnDm+99Ra2trbExsayZ88e+vTpg52dHR4eHoSEhGjFFRcXx5AhQ3BwcMDDw4OwsDB++eUXtm7dyqpVq9BoNIwbN+6xbfP09GTFihX4+Pjg6OjIjBkzyM3NBSAjI4OAgABcXFxwdHQkICBAa5rxB6967l/1ffbZZzg6OuLp6cnevXsBWLx4MXFxccydOxeNRsPcuXMBsLa25vLly2r7g4ODGTt2LBqNhoEDB3LlyhX1WH/88Qfe3t7Y29vz0UcfMWzYsIeuuIQQorJV+j2k5s2bs27dOszMzNi+fTvvvfcev/32G3Bvjp4ePXpw8OBBdu7cSWBgINHR0RgZGTF//nw2btzIiy++SGpqKhkZGbRq1Yrg4OBi7z39+uuvhIaGsmLFCvLz8zl27BifffYZrVu35uzZs4wePZpXXnmFrl27kpiYyFtvvcW8efPw9vYmMzOT5ORkXnnlFY4ePYqFhcVDM9w+yv0EVqtWLcaNG8fy5cuZMmUKRUVF9OvXjyVLllBYWMjMmTOZO3fuI+cjio+Pp2/fvhw8eJBffvmFWbNmsW/fPqZMmcKff/6Jn5/fYyfW27ZtGytXrqRNmzZMnz6dxYsXs3jxYm7evMnEiRP59NNP8fT0ZN26dWzYsKFEs9oKIaqWmVldrX+fNZWekB6cCtzHx4cVK1YQHx8PQMOGDRk5ciR6enr4+PiwevVq9uzZQ/fu3dHX1+fcuXNYWVlhbm6Oubn5Y4/j5eWFvb09ADVr1sTZ2VndZmNjQ69evTh06BBdu3Zl69atdOzYkd69ewNgamqKqalpmdr3+uuvY2lpCcD48eOZN28eU6ZMwdTUFG9vb3W/8ePHM2LEiEfWY2VlxaBBgwDo27cvwcHBpKWlYWZmVqI4unXrRrt27QDw8/Pjk08+ASAmJobWrVvTvXt34N6ssatXry59Q4UQle769TvP9PQTlZ6QwsPDWbNmDQkJCQBkZ2dz69YtDAwMsLCwQE9PT93XysqK1NRUTExMWLx4MatXr2bWrFnY2dkxffp0WrVq9cjj3E8K9x0/fpyFCxdy7tw58vPzycvLo0ePHgAkJSXxwgsvlEv7Hjzu/fgBcnJy+OSTT9i3bx8ZGRkAZGVlUVhYiIGBwUP1NG7cWH1dq1Yt4N65KqkHyxsbG6tlU1NTadKkibpNT09Pa1kIIapKpd5DSkhI4IMPPmD27NnExsYSFxdH69at1e0pKSlajxInJSWpV0Jubm6sWbOGP/74gxdffJHZs2cDaCWwx3n33Xfx8vJi7969HDlyhCFDhqjHsrS01LrH8qCS1v9gzPclJiaq8a9evZqLFy+yfv16/vzzT9atWwdQ6Y9Om5mZkZKSoi4riqJ1L0sIIapKpSaknJwc9PT0aNiwIQCbNm3i3Llz6vabN2+ydu1a8vPziYqK4sKFC3h4eJCWlkZ0dDTZ2dkYGRlhYmKiXlU0atSIlJQU8vLyHnvsrKws6tevT82aNYmPj+fXX39Vt/n6+rJ//34iIyMpKCjg1q1bnDp1Sq2/NF8A/fHHH0lOTiY9PV19wOH+8WvWrEm9evVIT0/nq6++KnGd/9S4cWOuXr1aprIeHh6cOXOGXbt2UVBQwLp160hLSytzLEIIUV4qNSG99NJLjB49miFDhtCxY0fOnj2LnZ2dur1du3ZcvnwZFxcXlixZwtKlSzE1NaWoqIg1a9bg5uaGk5MThw8fZs6cOQC4uLjw0ksv4erqqnWf6J/mzJnD0qVL0Wg0LFu2TOtelpWVFd9++y1r1qzBycmJPn36cPr0aQAGDBjA+fPncXBw4O23335iG3v37s3o0aPp2rUrzZs3Z/z48QCMHDmS3NxcXFxcGDx4MG5ubmU6h3Dvvs+OHTtwdHRk/vz5pSrbsGFDvvzySz7//HOcnZ05f/48bdu2pUaNGmWORwghyoOeIl+3Lzeenp7Mnz+fjh07VnUoJVZUVIS7uzsLFy7ExcWlxOWcnZ1l6CAhKtH9oYPkoQbxTNm3bx/t27fH2NiYlStXAmBra1uqOiIjoykqejY/y1Tn//AlIe0TukoSUikkJibSq1evYrdt27atkqMpu2PHjjFt2jTy8vJ46aWXWLZsGcbGxlUdlhDiOSdddqJMbtzIlCukakraV71V5/ZJl52oEPr6pXscvrqR9lVv0j7d9KS45QpJCCGETnguRvsWQgih+yQhCSGE0AmSkIQQQugESUhCCCF0giQkIYQQOkESkhBCCJ0gCUkIIYROkIQkhBBCJ0hCEkIIoRMkIQkhhNAJkpDEQ9LT05kwYQK2trZ06dKFrVu3PnLf7777jk6dOmFvb8+MGTOeOHOvLihp+86ePcubb76Js7Mz1tbWlRxl2ZW0fZs3b6Zfv37Y2dnh7u7OggULKCgoqORoS6+k7du2bRve3t7Y29vToUMHpk+fTmZmZiVHW3ql+f9334gRI7C2tq4Wv7/HUoT4hylTpiiTJk1SMjMzlcOHDyt2dnbK2bNnH9ovJiZG6dChg3L27FklPT1dGTZsmPL5559XQcSlU9L2XbhwQVm/fr2yc+dO5eWXX66CSMumpO1bt26dcvjwYSU3N1dJTk5W+vbtq6xYsaIKIi6dkrYvMTFRuXHjhqIoipKZmalMnTpVmTdvXmWHW2olbd99W7ZsUf71r38pL7/8spKfn1+JkZY/SUhCS1ZWlvLqq68qf//9t7pu2rRpxSaaqVOnKosWLVKX9+/fr3Ts2LFS4iyr0rTvvkuXLlWbhFSW9t23evVqJSAgoCLDe2plbV9mZqby3nvvKWPGjKnoEJ9Kadt3+/ZtpXv37srRo0efiYQkXXZCy6VLl9DX16dly5bqOhsbG86fP//QvufOncPGxkZdtra2Ji0tjVu3blVKrGVRmvZVR0/TvsOHD/PSSy9VZHhPrbTti4uLw97eHjs7O3777TdGjhxZWaGWSWnb98UXXzB06FAaN25cWSFWKElIQkt2djZ169bVWle3bl2ysrKK3bdOnTpa+wHF7qsrStO+6qis7du0aRN//fUXo0ePrsjwnlpp2+fg4MCRI0eIiYnhzTffpGnTppURZpmVpn0nTpzgzz//ZNiwYZUVXoWThCS0mJiYPHTjNzMzk9q1az9x3/uvi9tXV5SmfdVRWdq3a9cuFi1axLfffkvDhg0rOsSnUtbfn4WFBW5ubkydOrUiw3tqJW1fUVERwcHBzJo1C0PDZ2eeVUlIQsv/+3//j8LCQi5duqSuO336dLFdOa1bt+bMmTNa+zVu3BhTU9PKCLVMStO+6qi07YuJieGDDz7gm2++qRZPEj7N76+goIArV65UYHRPr6Tty8zM5K+//mLKlCl06tSJAQMGAODh4UFcXFxlhlyuJCEJLSYmJnTr1o2lS5eSnZ3NkSNHiI6Oxt/f/6F9/f392bhxI+fPnycjI4Ovv/6avn37VkHUJVea9imKQm5uLvn5+QDk5ubq/GPtpWnfgQMHeO+99wgJCaFdu3ZVEG3plaZ9ERERJCYmoigKCQkJLFmyhA4dOlRB1CVX0vbVrVuXffv2ER4eTnh4OKGhoQCEhYVVm99lsar6qQqhe27duqWMHz9ead++veLh4aFEREQoiqIoCQkJiq2trZKQkKDuu3r1aqVDhw6KRqNRgoKClNzc3KoKu8RK2r6rV68qL7/8stZPly5dqjL0Eilp+4YNG6a88soriq2trfrz5ptvVmXoJVLS9n3xxReKm5ub0r59e8XNzU354IMPlJs3b1Zl6CVSmv9/993/W63uT9npKYqiVHVSFEIIIaTLTgghhE6QhCSEEEInSEISQgihEyQhCSGE0AmSkIQQQugESUhCCCF0giQkIcrB+fPn6devX4n2DQsLY+jQoeV6/GvXrlXYfDh5eXn06NGDGzdulHvdZREXF4e3t3dVhyEqgCQkUSWGDx+Oo6Ojzo98UFJffvklb775ZlWHUSKlTV5GRkb079+fb7/99pH73L59mxkzZtCpUyc0Gg3e3t7q6AFPy9ramsuXL6vLDg4O7Nixo1zqLo2KTPqlceLECQICAnB0dMTBwQEfHx8WL15MRkZGlcZVHiQhiUp37do14uLi0NPTIzo6utzrr+w3jNTUVGJjY+natWulHrcy+fr6snnz5kd+gPjkk0/Izs4mMjKSI0eOsHz5cl544YVKjvLZUtzf8Z9//smIESOws7MjKiqKuLg4Vq5ciYGBAadPn66UGCqSJCRR6cLDw2nfvj19+/YlPDwcuNct5ODgwNmzZ9X9bt68Sbt27dSuot27d+Pv74+DgwNDhgzR+g/o6elJaGgovr6+2NraUlBQQGhoKF27dkWj0eDj48POnTvV/QsLC/n0009xdnbG09OTH374QevT7507d5g5cyaurq64ubmxePFiCgsLi23P/v37adOmDTVr1lTXPe7YcG+cvHnz5mFvb0+PHj04cOCAui0sLAwvLy80Gg2enp5EREQA90Z4Xr58OV26dKFDhw68//773Llzp9iYPD092b9/v7ocEhLCtGnTANTpChwdHdFoNBw9ehSAjRs30rNnTxwdHXnzzTdJSEhQyzdp0oT69etz7NixYo934sQJfH19qV+/Pvr6+rRq1YoePXqo2y9cuMAbb7yBk5MT3t7eREZGqtuCgoIIDg5m7NixaDQaBg4cqA6C+vrrrwP3xk3UaDRERkYSGxuLu7u7VltXrlyp/u5nzpxJWloaY8aMQaPRMGrUKK2rh2PHjjFkyBAcHBzw8/MjNjZW3TZ8+HCWLFnCkCFD0Gg0jB49mps3bz72vD0oJCSEiRMnMnnyZDQaDX379tX6O01JSeGdd97BxcUFT09P1q5d+1DZadOmYWdnx+bNmx+q//PPP6dfv34EBASocyBZWVkxceJEnJ2d1f0e97u0trbmp59+onv37jg6OhIcHMz9AXvCwsIYMmQIH3/8MU5OToSEhJCXl8dnn31G586d6dixIx9++CF3794t5q+gHFTtyEXiedS1a1flhx9+UE6cOKG0adNGuX79uqIoihIUFKR88cUX6n4//PCDMnr0aEVRFOWvv/5SXFxclGPHjikFBQVKWFiY0qVLF3XsvC5duih+fn5KYmKikpOToyiKokRGRirJyclKYWGhsm3bNqV9+/ZKSkqKoiiK8uOPPyo9e/ZUkpKSlPT0dGXkyJFaY4GNHz9emT17tpKVlaWkpaUp/fv3V3766adi2/Ppp58qH330kda6xx1706ZNyiuvvKKsWbNGycvLU7Zt26bY2dkpt27dUrKyshSNRqNcuHBBURRFSUlJUaev3rBhg9K1a1flypUrSmZmpjJhwgRl2rRpiqI8PJZZly5dlP/7v/9T41m6dKny7rvvFruvoijKzp07la5duyrnz59X8vPzlWXLlimDBw/WalNAQIDy/fffF3sOZs6cqfj4+CgbN25ULl68qLUtKytLcXd3VzZu3Kjk5+crf/31l+Lk5KS2a/r06Yqjo6Ny/PhxJT8/X5k6daoyefJktfzLL7+sXLp0SV0+ePCg4ubmpi536dJFGThwoHL9+nUlOTlZcXFxUfr06aOcPHlSyc3NVYYPH66EhIQoiqIoycnJipOTk7Jnzx6lsLBQ+eOPPxQnJyd1qvNhw4YpXl5eyt9//63k5OQow4YNU2drLcl4cUuXLlXatGmjREVFKXl5ecrKlSuVLl26KHl5eUphYaHSt29fJSQkRMnNzVWuXLmieHp6KjExMVpld+7cqRQWFqp/xw+eRxsbG+XgwYOPPL6iPPl3+fLLLytjx45VMjIylISEBMXZ2VnZu3evoij/+9tcu3atkp+fr+Tk5Cjz589XAgIClFu3bil37txRAgIClIULFz42hrKSKyRRqeLi4khMTKRnz560bduW5s2b8+uvvwL3uoXuvwbYunUrvr6+AKxfv57BgwfTvn17DAwM6Nu3LzVq1ND6xD58+HAsLS0xNjYGoGfPnlhYWKCvr4+Pjw8tWrQgPj4egKioKEaMGKF+8h87dqxaT1paGjExMcycORMTExMaNWrEqFGj2LZtW7FtunPnzkPz1Tzu2AANGzZk5MiR1KhRAx8fH1q2bMmePXsA0NfX59y5c9y9exdzc3Nat26tno9Ro0bRvHlzateuzdSpU4mMjCyXbpWff/6ZsWPH0qpVKwwNDRk3bhynTp3S+mRdu3Ztbt++XWz52bNn4+vry7p16+jVqxfdunVj7969AOzZs4emTZvSv39/DA0NefXVV/H29ta6D9StWzfatWuHoaEhfn5+nDp1qlTxDxs2jMaNG2NhYYGDgwPt2rWjTZs2GBkZ0a1bN/773/8CsGXLFtzd3fHw8EBfX59OnTrRtm1bNVaAfv360bJlS4yNjenRo0epY3n11Vfp0aMHNWrU4I033iAvL4/jx49z4sQJbt68SWBgIEZGRjRv3pxBgwZpXS3a2trStWtX9PX11b/j+27fvk1RUZHW7LALFizAwcEBW1tbli9fDpTsd/nWW29Rr149rKyscHZ21rqKMzc3Z/jw4RgaGlKzZk02bNjAzJkzadCgAXXq1CEgIOCR/xee1rMzs5OoFsLDw+nUqZM6EVzv3r3ZvHkzo0aNwsXFhdzcXI4fP07jxo05ffq0el8mMTGR8PBwfvjhB7Wu/Px8UlNT1WVLS8uHjrVmzRr1P2J2drY6vXpqaqrW/k2aNFFfJyYmUlBQgKurq7quqKjoofrvq1ev3kMzej7u2HBvwjg9PT112crKitTUVExMTFi8eDGrV69m1qxZ2NnZMX36dFq1akVqaqrWjKdNmzaloKCgXJ5+S0xM5OOPP+azzz5T1ymKQkpKinrMrKws6tWrV2x5Y2Njxo0bx7hx48jMzCQ0NJTJkyeze/duEhISiI+Px8HBQd2/sLAQPz8/dfnBN1ljY2Oys7NLFf+D5WvWrPnI+hITE9m+fTu7d+9WtxcUFGh1d5mZmamva9WqVepYHvxb0tfXx8LCQv07TU1Nfeg8PLj8YNl/qlevHvr6+ly/fp1WrVoB8P777/P+++8zbdo0tUu5JL/Lf7bxwb/fB2O4efMmOTk5Wk+QKopCUVFRCc9G6UhCEpXm7t27REVFUVRURKdOnYB7945u377N6dOnsbGxoUePHvz66680btyYzp07q1OkW1paMm7cOMaPH//I+h98g09ISOCDDz7gu+++Q6PRYGBgoDWnjJmZGcnJyeryg6+bNGmCkZERBw8eLNFsnNbW1uq9sJIcG+7dS1AURY05KSkJT09PANzc3HBzc+Pu3bssWbKE2bNn8+OPP2Jubq71KTcxMRFDQ0MaNWqkFT/ce5PJyclRl69fv17sebrv/vl9MEn8099//12iKc7vf4pesWIF165dw9LSEkdHR9asWfPEshXN0tISf39/5s+fX+qyxZ234jz4uygqKiIlJQVzc3MMDAxo1qwZv/32W5mOYWJiQvv27dm5cycuLi6P3K8kv8vHeTAGU1NTjI2N2bZtGxYWFmWqrzSky05Uml27dmFgYMC2bdvUicUiIyNxcHBQ39B9fX2Jiopi69at9O7dWy07cOBAfv75Z44fP46iKGRnZ7Nnz56Hpnu+LycnBz09PfVKbNOmTZw7d07d3rNnT9auXUtKSgq3b9/WeqTZ3NycTp068emnn5KZmUlRURFXrlzh0KFDxR6rU6dO/Pe//yU3N7dEx4Z7nzzXrl1Lfn4+UVFRXLhwAQ8PD9LS0oiOjiY7OxsjIyNMTEwwMDAA7l1Nfv/991y9epWsrCwWL15Mz549i02aNjY2REZGkp+fz4kTJ7S6xxo2bIi+vj5Xr15V1w0ZMoTQ0FA1zjt37hAVFaVuT0lJISMjA1tb22LPwbJly4iPjycvL4/c3FzWrl1LvXr1aNmyJZ07d+bSpUuEh4eTn59Pfn4+8fHxXLhwodi6/qlx48ZasT4NPz8/du/ezb59+ygsLCQ3N5fY2NiHEnpxijtvxTl58iS//fYbBQUFfP/99xgZGdG+fXvatWtHnTp1CA0N5e7duxQWFnL27FmtrtwnmTZtGps2bSI0NFS9Mk5OTubatWvqPk/6XZaGvr4+AwcO5OOPP1aPl5KSwr59+8pU3xOPVyG1ClGMzZs3069fP6ysrDAzM1N/Xn/9dbZu3UpBQQHt27enVq1apKamaj1J9dprrzFv3jzmzp2Lo6Mj3bt3Jyws7JHHeumllxg9ejRDhgyhY8eOnD17Fjs7O3X7oEGD6NSpE35+fvTp0wcPDw8MDQ3VN/8FCxaQn5+Pj48Pjo6OTJw4Uesq40GNGzfG2dlZfYT9SccGaNeuHZcvX8bFxYUlS5awdOlSTE1NKSoqYs2aNbi5ueHk5MThw4eZM2cOAP3798fPz49hw4bh5eWFkZERs2fPLjamyZMnc+XKFfVJqfv34uDe1dO4ceMYOnQoDg4OHDt2jG7dujFmzBimTp2KnZ0dvXv3JiYmRi2zdetW+vTpg5GRUbHH09PTY+bMmbi4uODm5sb+/ftZsWIFtWvXpk6dOqxatYrIyEjc3NxwdXVl4cKFJf4OWmBgIEFBQTg4OGjdbykLS0tLli9fzooVK+jQoQMeHh6sWrWqRF1QxZ234nh5eREZGYmjoyNbtmwhJCSEGjVqYGBgwNdff83p06fx8vLCxcWFDz744JEfqorj4ODA999/z+HDh/H29sbBwYExY8bg7OysPgX4pN9lab333nu0aNGCQYMGYWdnx6hRo7h48WKZ63scmaBPCGDv3r189NFHWvcWSuP8+fNMnz6djRs3lrhrp7rIy8vDz8+PdevW0ahRo6oOR6eFhIRw+fJlFi5cWNWhVEtyhSSeS3fv3mXv3r0UFBSQkpLCsmXLnuqLrS+99BKbNm165pIR3BupYfv27ZKMRIWThCSeS4qisHTpUhwdHenTpw+tWrVi0qRJVR2WEM816bITQgihE+QKSQghhE6QhCSEEEInSEISQgihEyQhCSGE0AmSkIQQQugESUhCCCF0wv8H6TliCA52mikAAAAASUVORK5CYII=\n", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAaQAAAEUCAYAAABkhkJAAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjMuNCwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8QVMy6AAAACXBIWXMAAAsTAAALEwEAmpwYAABOuUlEQVR4nO3deVhV5fr4/zeDgDiiAoJaXzMDy9Qtw0ZlUHAEBZz15HSsRBNxSBOHUtEm0zRRUxzzZOUQKiZqSo4nJSkL6zjnCCiigjLEuH5/+HN93E5skGGD9+u6vK691/Cs+14buVnPWvt5jBRFURBCCCHKmXF5ByCEEEKAFCQhhBAGQgqSEEIIgyAFSQghhEGQgiSEEMIgSEESQghhEKQgCSGEMAim5R2AqJhu386goKDyfIWtbt3q3LyZXt5hlJjKlg9UvpwqWz5QeE7GxkZYWVV74nopSKJYCgqUSlWQAMmnAqhsOVW2fODZcpIuOyGEEAZBCpIQQgiDIF12olh8fX24evVqeYchhChH9vXrE71rf4m1JwXpKby9vZkzZw5t27YtsTavXr2Kj48Pf/31F6amFff0//fjMMjKLO8whBDl6MURwSXannTZCSGEMAhSkIQQQhgEKUh6iI+Pp3///jg7O+Pu7k5YWBg5OTnqegcHB7799ls6d+6Mi4sLs2bN4v40U/n5+Xz66adotVp8fHw4cOCATtuRkZH4+Pig0Wjw9vYmKipKXbdx40a6deuGRqPB19eXv/76C4CIiAg6duyoLt+zZ49OewMGDGD27Nk4OTnRtWtXjhw5oq6/e/cuU6dOxd3dHQ8PDxYsWEB+fn6pnDchhCiKinsTowwZGxszZcoUmjdvzrVr13j77bf55ptvGDZsmLrN/v372bx5M+np6fTq1YsOHTrg6enJxo0b2bdvH1u3bqVq1aqMGTNG3SczM5M5c+awefNmXnrpJZKTk0lLSwNg586dhIeHs2TJEl5//XUuX76s3nNq1KgR69evx9raml27djFp0iR+/PFHbGxsgHsFtGvXrhw9epQ9e/YQHBxMTEwMtWvXZvLkydSrV48ff/yRrKwsgoKCsLOzY8CAAWV3QoUQ4jHkCkkPzZs3p1WrVpiamtKwYUP69+/PsWPHdLZ5++23qVmzJvb29mi1Wk6dOgXcKyxDhw7Fzs6O2rVrExQUpLOfsbExZ8+e5Z9//sHGxoamTZsCsHnzZt566y1atGiBkZERL774Ig0aNACgW7du2NraYmxsjK+vLy+++CLx8fFqm3Xq1GHo0KFUqVIFX19fGjduzP79+0lJSeHgwYNMnToVS0tL6taty7Bhw9ixY0dpnj4hRCVmbV1D/ffw+4f/1a1b/altyRWSHi5cuMAnn3zCn3/+SVZWFvn5+bz22ms621hbW6uvq1atSkZGBgDJycnY2dmp6+zt7dXXlpaWLFiwgNWrVzNt2jRat27N5MmTadKkCUlJSbzwwguPjWfr1q2sWbOGhIQE4N6V1u3bt9X1tra2GBkZ6RwzOTmZxMRE8vLycHd3V9cVFBToxCeEEEVx48Zd9bW1dQ2d9w8zNjZ6alGSgqSHmTNn8uqrrzJ//nyqV6/O2rVr2b17t177Wltbk5SUpL5/8DWAh4cHHh4e/PPPPyxcuJD333+fb775Bjs7Oy5fvvxIewkJCUyfPp21a9ei0WgwMTEhICBAZ5vr16+jKIpalJKSkvD29qZ+/fqYmZlx9OjRCv3IuRCicpIuOz1kZGRQrVo1qlWrxvnz5/n222/13rdbt2785z//4dq1a6SlpREREaGuS0lJISYmhszMTMzMzLC0tMTExASAPn36sHr1av78808UReHSpUskJCSQlZWFkZERderUAeD777/n7NmzOse8desW69atIzc3l507d3L+/Hm8vLywsbGhXbt2fPLJJ6Snp1NQUMDly5f55ZdfSuAsCSHEs5E/k/UwefJk3n//fVatWkWzZs3w9fXl6NGjeu3br18/Ll68SEBAANWqVePNN99U9y0oKGDNmjW89957GBkZ0axZM2bMmAHcK2Spqam8++67JCcn06BBA+bOncurr77K8OHDGTBgAEZGRgQGBtK6dWudY7Zo0YJLly7h5uZGvXr1WLRoEVZWVgDMnTuXefPm4evrS0ZGBo0aNeLtt98uwbMlhBDFY6Tcfz5ZVAqRkZFs2rSpSFdxxaHVamXoICGecw8PHST3kES5iI6OqVRD5xf2H6miqWz5QOXLqbLlUxLkHpIQQgiDIFdIlUyvXr3o1atXeYchhBBFJldIQgghDIIUJCGEEAZBCpIQQgiDIAVJCCGEQZCCJIQQwiBIQRJCCGEQpCAJIYQwCFKQhBBCGAT5YqwoFl9fHxnLTohKrH59e3bt+qlMjykFyUBoNBqioqJo1KhRkfeNi4tj2rRpes/RVBI+WrWVrJz8MjueEKJsBfXQlvkxpcvOQBw/flzvYuTg4MClS5fU987OzmVajIQQojRIQXpIXl5eeYcghBDPpQpVkP766y8CAwPRaDSEhIQwbtw4FixYAMC+ffsICAjA2dmZAQMGcOrUKXU/b29vVq1aRY8ePXBycmLcuHFkZ2cDEBsbi6enJxEREbRr144pU6ZQUFBAREQEHTt2RKvVMnbsWFJTU58a29WrV3FwcGDDhg24u7vj7u7O6tWr1fXx8fH0798fZ2dn3N3dCQsLIycnR13/4FVPaGgos2bNYsSIEWg0Gvr27atOZ/7GG28AEBAQgEajITo6Ws1Bn3wBVqxYoca4adOmR664hBCiPFSYgpSTk0NwcDA9e/bkl19+oXv37uzduxe4V6imTp1KWFgYsbGx9O/fn3feeUfnF/7OnTtZuXIlMTExnD59msjISHVdSkoKaWlp7Nu3j9mzZ7Nu3Tr27t3L119/zaFDh6hVqxZhYWF6xRkbG8uPP/7IqlWriIiI4OeffwbA2NiYKVOmcPToUb777juOHDnCN99888R2duzYQXBwMMeOHeOFF15QC+/69esB2LZtG8ePH8fX1/ex+z8p34MHD7J27VrWrFnDnj17ZPpyIcQTWVvXKNK/wvZ52uR8UIEK0h9//EFeXh5DhgyhSpUqdO7cmddffx2AjRs30r9/f1q2bImJiQk9e/akSpUq/P777+r+gwcPxtbWltq1a9OhQwdOnjyprjM2NiYkJAQzMzMsLCzYsGED48ePp379+piZmREcHMzu3bv16s4bPXo0lpaWODg40KtXL3744QcAmjdvTqtWrTA1NaVhw4b079+fY8eOPbGdTp060aJFC0xNTfH399eJVx9Pynfnzp306tWLpk2bUrVqVYKDg4vUrhDi+XHjxt0i/Stsn5s30596vArzlF1ycjK2trYYGRmpy+zs7ABITExk69atfP311+q63NxckpOT1ffW1tbq66pVq+qss7KywtzcXH2fmJjI6NGjMTb+v3ptbGzMzZs3sbW1fWqc92MCaNCgAWfOnAHgwoULfPLJJ/z5559kZWWRn5/Pa6+99sR26tWrp762sLAgMzPzqcd92JPyTU5Opnnz5o+NVwghylOFKUjW1tZcv34dRVHUopSUlESjRo2ws7Nj5MiRjBo1qlhtP1jkAOrXr89HH32Ek5NTkdtKSkqiSZMmwL3CZmNjA8DMmTN59dVXmT9/PtWrV2ft2rXl8mScjY0N169f14lXCCEMQYXpsmvVqhUmJiZ8/fXX5OXlsXfvXk6cOAFA3759+e677/jjjz9QFIXMzEz2799PevrTLw+fZODAgSxcuJCEhAQAbt26pd6vKszSpUvJysri7NmzREZGqvd4MjIyqFatGtWqVeP8+fN8++23xYoN7l09XblypVj7du3alcjISM6fP09WVhZLliwpdhxCCFGSKkxBMjMzIzw8nM2bN+Pi4kJUVBTt27fHzMyM119/ndmzZxMWFoaLiwudO3fWeWihqIYMGYK3tzfDhw9Ho9HQr18/4uPj9drX1dWVTp06MWzYMIYPH467uzsAkydP5ocffqB169a8//77T3wYQR/BwcGEhobi7OxMdHR0kfb18vJi8ODBDBkyhE6dOtGqVSvg3vkVQojyZKQoilLeQRRX3759GTBgAL179y7vULh69So+Pj789ddfmJpWmJ5Qzp8/T/fu3Tlx4kSR4tZqtTJ0kBCVWHGGDrK2rqE+3PA4xsZGT33SruL85gR++eUXGjdujJWVFdu3b+f06dN4eHiUd1gVzp49e/Dy8iIrK4vPPvuMDh06FLmIRkfHUFBQYf+WeURh/5EqmsqWD1S+nCpbPiWhQhWkCxcuMG7cODIzM2nUqBGLFi1SHxooC1FRUcyYMeOR5fb29ixfvrzM4nhW3333HaGhoZiYmODi4vLYnIQQoqxV6C47UX5u3kyXKyQDVtnygcqXU2XLB569y67CPNQghBCicpOCJIQQwiBIQRJCCGEQpCAJIYQwCFKQhBBCGAQpSEIIIQyCFCQhhBAGoUJ9MVYYDl9fHxk6SIhKrDhDBz0rKUglICoqiq1bt+pMWV7ZfbRqK1k5+eUdhhCilAT10Jb5MaXLrgT4+/vrFCMHBwcuXbpUjhEJIUTFIwVJCCGEQZCCVERJSUkEBwfj5uaGVqslLCyMyMhIBg4cCMAbb7wBQEBAABqNhujoaLp3785PP/1fX2xubi5arZaTJ0+SnZ3NxIkT0Wq1ODs707t3b1JSUgBITU1lypQpuLu74+LiwjvvvANAWloaQUFBuLm54eLiQlBQENeuXVPbHzx4MPPnz6dPnz44OTkxatQoUlNT1fW///47AwYMwNnZGX9/f2JjY0v7tAkhRKHkHlIR5Ofnq4Xgp59+wsTEhBMnTnD58mV1m/Xr1+Pg4MC2bdt48cUXAUhISCAqKgpvb28ADhw4gI2NDc2aNeO7774jPT2d/fv3Y2ZmxsmTJ7GwsADgvffew9LSkh07dmBpacnx48cBKCgooFevXixcuJD8/HymTp1KWFgYS5cuVePYunUrq1atomHDhkyePJk5c+Ywb948rl+/TlBQEHPnzsXDw4MjR44QEhLCzp07qVOnTlmdSiFEBWBtXaNM9rlPClIRxMfHk5yczHvvvafOH+Ts7KxTkB7H39+fpUuXkp6eTvXq1YmKisLf3x8AU1NTUlNTuXTpEo6OjjRv3hyA5ORkDh48SGxsLLVq1QLuzUYLYGVlRZcuXdT2R40axZAhQ3SOGRAQwCuvvALA2LFjCQwM5NNPP2Xbtm14enri5eUFQLt27WjevDkHDhygZ8+ez3qKhBCVSFFHI3+uJugrb0lJSdjb2xd5MjtbW1tat27N7t276dSpEwcPHmTatGnAvcJx7do1JkyYwJ07d/D392f8+PFcu3aNWrVqqcXoQVlZWXz88cccOnSItLQ0ADIyMsjPz8fExAQAOzs7dXt7e3tyc3O5ffs2iYmJ7Nq1i3379qnr8/Ly0GrL/okaIYR4kBSkIrCzsyMpKYm8vLwiF6WePXuyadMm8vPzadWqFba2tgBUqVKF4OBggoODuXr1KiNGjKBx48Z4eXmRlpbGnTt3qFmzpk5bq1ev5sKFC2zcuBFra2tOnjxJYGAgD05tlZSUpPO6SpUqWFlZYWdnR0BAAHPmzHmGMyGEECVPHmooghYtWmBtbc38+fPJzMwkOzubX3/99ZHt6tWrx5UrV3SWdezYkf/973+sW7eOwMBAdfnRo0c5ffo0+fn5VK9eHVNTU0xMTLCxscHT05NZs2aRlpZGbm4ux44dA+5dDZmbm1OzZk1SU1NZvHjxIzFERUVx7tw5srKy+OKLL+jSpQsmJib4+/uzb98+Dh06RH5+PtnZ2cTGxuo8FCGEEOVBClIRmJiYsGzZMi5dukSHDh3w9PRk586dj2wXHBxMaGgozs7OREdHA2BhYUHnzp25evUqnTp1UrdNSUkhJCQEJycnfH19cXV1Ve8vzZ07F1NTU7p160bbtm356quvABg6dCjZ2dm4ubnRv39/PDw8HokhICCA0NBQ2rVrR05OjtpFaGdnx9KlS1m+fDlt2rTBy8uLVatWUVBQUOLnSwghikKmMC9Dixcv5uLFi8ybN69UjzN48GD8/f3p27dvqR1Dq9XK0EFCVGLFGTpIHmqoIFJTU/n++++ZO3dueYdSIqKjYygoqDx/yxT2H6miqWz5QOXLqbLlUxKky64MbNy4kfbt2+Ph4YGLi0t5hyOEEAZJuuxEsdy8mS5XSAassuUDlS+nypYPPHuXnVwhCSGEMAhSkIQQQhgEKUhCCCEMghQkIYQQBkEKkhBCCIMgBUkIIYRBkIIkhBDCIMhIDaJYfH19ZOggISqx4gwd9KwMsiA9OBZbVFQUW7duZfXq1YXuV5RtDckHH3yAra0to0ePLtb+fn5+fPDBB2U6p9FHq7aSlZNfZscTQpStoB5lP0eaQY7UUBaDg1ZUoaGh2NraMn78+HKNI+bPJClIQlRiQT20/P77qSLtUyFHasjLyyuPwwohhDBgZVaQvL29iYiIoEePHrRq1Yq4uDgGDBiAs7Mz/v7+xMbGPna/yMhIBg4cqL4/fPgwXbp0wcnJiZkzZzJo0CA2bdr02G1/++03evfujZOTE7179+a3337Tiefnn39W34eHhzNx4kQAsrOzmThxIlqtFmdnZ3r37k1KSspT8xs8eDDz58+nT58+ODk5MWrUKFJTU9X1ISEhtGvXDicnJ9544w3Onj2rrgsNDWXBggUAxMbG4unpyerVq2nTpg3u7u58//33AGzYsIHt27ezatUqNBoNI0eOfCSX8PBwxo4dy3vvvYdGo8HPz48TJ06ox/rrr78IDAxEo9EQEhLCuHHj1GMLIUR5KtMrpB07dhAREUFMTAyjR49m1KhR/PLLL0yePJmQkBBu3br11P1v3bpFSEgI7777LrGxsTRu3Jjjx48/dtvU1FSCgoIYPHgwsbGx/Pvf/yYoKIjbt28XGueWLVtIT09n//79xMbGMmvWLCwsLArdb+vWrXz00UccOnQIU1NTnWnCPT092b17N0eOHOHVV19Vi9/jpKSkcPfuXQ4ePMiHH35IWFgYaWlp9O/fnx49evDmm29y/Phxli1b9tj9f/rpJ/z8/IiLi8Pb25vZs2cDkJOTQ3BwMD179uSXX36he/fu7N27t9C8hBCiLJRpQRo8eDB2dnZs27YNT09PvLy8MDY2pl27djRv3pwDBw48df+DBw/StGlTOnfujKmpKUOGDKFevXqP3Xb//v28+OKLBAYGYmpqSvfu3XnppZfYt29foXGampqSmprKpUuXMDExoXnz5lSv/uR+z/sCAgJ45ZVXsLS0ZOzYsezatYv8/Hv3Wfr06UP16tUxMzNjzJgxnDp1irt3H9/XampqyujRo6lSpQpeXl5YWlpy4cKFQo9/n5OTE15eXpiYmBAQEMCpU/f6gf/44w/y8vIYMmQIVapUoXPnzrz++ut6tyuEeL5YW9co0r/C9nna/SMo46fs7OzsAEhMTGTXrl06xSEvL6/Qp8SSk5OpX7+++t7IyEjn/cPb2tvb6yyzt7fn+vXrhcYZEBDAtWvXmDBhAnfu3MHf35/x48dTpUqVp+53P7/7x8rNzeX27dtYWVmxYMECdu3axa1btzA2vvd3wO3bt6lRo8Yj7dSuXRtT0//7aKpWrUpmZmahcd/3YJG2sLAgOzubvLw8kpOTsbW1xcjI6LExCyHEg4o6PUaFmjH2/i9COzs7AgICdLq09GFtba1TUBRF4dq1a4/d1sbGhsTERJ1lSUlJeHh4APd+yWdlZanrbty4ob6uUqUKwcHBBAcHc/XqVUaMGEHjxo0LfeovKSlJ53WVKlWwsrJi+/btxMTEsGbNGho2bMjdu3dxcXGhOA84PlhMiur++VMURW0nKSmJRo0aFbtNIYQoKeXylJ2/vz/79u3j0KFD5Ofnk52dTWxs7BOLy31eXl6cPn2avXv3kpeXx/r165/4sIGXlxcXL15k+/bt5OXlER0dzblz52jfvj0Ajo6OREdHk5uby4kTJ9i9e7e679GjRzl9+jT5+flUr14dU1NTTExMCs0rKiqKc+fOkZWVxRdffEGXLl0wMTEhIyMDMzMzrKysyMrK4vPPP9f/ZD2kbt26xf5CaqtWrTAxMeHrr78mLy+PvXv36jzwIIQQ5alcCpKdnR1Lly5l+fLltGnTBi8vL1atWkVBQcFT96tTpw5ffPEFn332GVqtlnPnztG8efPHdqVZWVmxbNky1qxZg1arZeXKlSxbtow6deoAMG7cOC5fvoyrqyvh4eH06NFD3TclJYWQkBCcnJzw9fXF1dUVf3//QvMKCAggNDSUdu3akZOTw7Rp0wAIDAzE3t4eDw8P/Pz8aNWqVRHOlq4+ffpw7tw5nJ2deeedd4q0r5mZGeHh4WzevBkXFxeioqJo3749ZmZmxY5HCCFKikF+MVZfBQUFeHp6Mm/ePNzc3Mo1lor6Zd6+ffsyYMAAevfuXaT9tFqtDB0kRCVWnKGDKtQ9pJJw6NAhWrZsiYWFBStXrgR4piuO580vv/xC48aN1Xtbp0+fVu+rFUV0dAwFBRX2b5lHFPYfqaKpbPlA5cupsuVTEipcQfr999+ZOHEiOTk5vPzyyyxZskSv7wiVBI1G89jlK1asKJPjl4QLFy4wbtw4MjMzadSoEYsWLcLGxqa8wxJCiIrdZSfKz82b6XKFZMAqWz5Q+XKqbPlABR3LTgghhHiYFCQhhBAGQQqSEEIIgyAFSQghhEGQgiSEEMIgSEESQghhEKQgCSGEMAgV7ouxwjD4+vrI0EFCVFD17ezYtbPwueHKmhSk58xbb72Fn58fPXv2fKZ2Vu5cSk5BdglFJYQoS/4tDXPMzSJ32RUUFJCcnFwasYhCODg4cOnSpWdqY+XKlWoxioyMZODAgSURmhBCPDO9C9KdO3d49913adGiBZ07dwYgJiaGBQsWlFpw4p68vLwS3U4IIQyR3gVpxowZVK9enZ9++kmdf0ij0bBz585SC64y8Pb2Zvny5fj6+uLi4sKUKVPIzr7X1bVx40Y6deqEq6srI0eO1JkN18HBgfXr19O5c2c6d+7MG2+8Adybc0mj0RAdHU1sbCyenp5ERETQrl07pkyZQlpaGkFBQbi5ueHi4kJQUJDOxIeDBw9m06ZNnD9/nhkzZvD777+j0WhwdnYu2xMjhBAP0bsgHTlyhOnTp2NjY6NOf12nTh1u3rxZasFVFtu3b2fVqlXs2bOHCxcusHTpUo4cOcL8+fNZuHAhhw8fpkGDBkyYMEFnv71797Jx40aio6NZv349ANu2beP48eP4+voC9yYTTEtLY9++fcyePZuCggJ69erFvn372LdvH+bm5oSFhT0SU5MmTZg1axatWrXi+PHjxMXFlf6JEEKIp9D7oYYaNWpw+/ZtnakKEhMTsba2LpXAKpM33ngDOzs7AEaNGsXs2bO5ceMGvXv35rXXXgNgwoQJuLq6cvXqVRo2bAjAiBEjqF279lPbNjY2JiQkRJ311cLCgi5duqjrR40axZAhQ0ohKyFERWZtXcPg2tW7IPXt25eQkBDGjRtHQUEBx48f5/PPP2fAgAHFPvjz4n4xArC3tyc5OZnk5GS1GAFUq1aN2rVrc/36dbUgPbjfk1hZWWFubq6+z8rK4uOPP+bQoUOkpaUBkJGRQX5+PiYmJiWVkhCigiuNqS/KbMbYt99+GzMzM8LCwsjLy2Pq1Kn079+foUOHFi3i51BSUpL6OjExERsbG2xsbEhISFCXZ2Zmkpqaiq2trbrsftfo0zy8zerVq7lw4QIbN27E2tqakydPEhgYyOOmvdKnfSGEKCt6FaT8/HymTp3K7NmzGTZsWCmHVPl88803dOjQAQsLC/UBhzZt2jB+/Hh69OhBkyZN+Pzzz2nRooV6dfQ49erV48qVK7z44otP3CYjIwNzc3Nq1qxJamoqixcvfuK2devW5fr16+Tk5KhdfkIIUV70eqjBxMSE//73v/IXdTF1796d4cOH07FjRxo1asSoUaNo06YNY8eOZcyYMbi7u3PlypVCH6EPDg4mNDQUZ2dnoqOjH7vN0KFDyc7Oxs3Njf79++Ph4fHE9tzc3Hj55Zdxd3dHq9U+U45CCPGs9J7CfMWKFdy9e5fg4GD5a7oIvL29mTNnDm3bti3vUEqUVquVoYOEqKBKa+igMruH9PXXX5OSksKaNWuoU6eOztXS/v379W1GVBLR0TEUFOj1t0yFUNh/pIqmsuUDlS+nypZPSdC7IH322WelGYcQQojnnN4FydXVtTTjqLR++umn8g5BCCEqBL0LUk5ODlu2bOHkyZNkZmbqrJs7d26JByaEEOL5ondBCg0N5dSpU3To0IF69eqVZkxCCCGeQ3oXpEOHDhETE0PNmjVLMx4hhBDPKb0HV7WzsyMnJ6c0YxFCCPEc0/sKKTAwkHfeeYchQ4ZQt25dnXVt2rQp8cCEEEI8X4r0PSSAzz//XGe5kZERMTExJRuVEEKI547eBUkeXxZCCFGa9L6HBJCbm0tcXJw6jlpmZuYjj4ALIYQQxaH3FdLp06cZNWoUZmZmXL9+HV9fX44dO8aWLVtYuHBhKYYoDJGvr4+MZSeEgbGrb8/OXRW3N0vvgjRz5kxCQkIIDAzExcUFABcXF6ZPn15qwQnDtXnFNvJy8ss7DCHEA9wDKvaIOnp32Z07d46AgADg/yZ2s7S0JDs7u3Qie8689dZbbNmyBYDIyEgGDhyornNwcODSpUtP3T80NFSdviIuLk5nGvO///6bwMBANBoN69atK4XohRDi2el9hdSgQQP+/PNPXn/9dXVZfHw8L7zwQqkEVpmFh4dz6dIl5s2bpy5buXJlibXv7OzM7t27ddp2dXVl69atJXYMIYQoaXpfIY0dO5agoCAWLVpETk4Oy5cvJyQkhHHjxpVieKIkJCYm0rRp0/IOQwghnkrvK6QOHTqwcuVKNm7ciKurK4mJiSxevJjmzZuXZnwVXkREBP/5z39IT0/HxsaGKVOmsHz5chRFISYmhkaNGhEVFcXgwYPx9/enb9++z3zM2NhYJk2axMGDBxkyZAjHjh3j119/5aOPPiIyMpIGDRqwYMECdu7cSU5ODh07dmTq1KlYWFiUQMZCiPJkbV2jwh5f74L0xRdfAGBlZYWVlRUAMTExHDp0iPr16+Ph4SGDrj7k77//Zv369WzevBlbW1uuXr1KQUEBQUFBj3TZlZZ169Y9Uuw+/PBDrly5wtatWzE1NWXixIksWbKEd999t9TjEUKUrvKc9O9ZZ4zVu8vu4sWLrFixgtjYWC5fvkxsbCwrVqzg5MmTfPvtt3Ts2JGDBw8WLfpKzsTEhJycHM6fP09ubi4NGzYs93tuiqKwadMmpk6dSu3atalevTpBQUHs2LGjXOMSQgi9r5AKCgpYsGABnTp1Upft3buXH374gY0bN7Jlyxbmz5+Pp6dnqQRaEb344otMnTqV8PBwzp07h7u7O6GhoeUa061bt8jKyqJXr17qMkVRKCgoKMeohBCiCFdIhw8fxtvbW2dZhw4d1Ksif39/Ll++XLLRVQI9evTg22+/Zd++fRgZGTFv3jz1sfnyYGVlhYWFBTt27CAuLo64uDh+/fVXjh8/Xm4xCSEEFKEgvfDCC3z77bc6y7777ju1C+r27dtYWlqWbHQV3N9//82RI0fIycnBzMwMc3NzTExMqFu3LgkJCeVyVWJsbEzfvn356KOPuHnzJgDXr1/n0KFDZR6LEEI8SO8uuzlz5jBmzBhWrFiBra0t169fx8TEhPDwcAAuXLjA2LFjSy3QiignJ4f58+dz/vx5qlSpgkajISwsDDMzM6KiotBqtTRs2FD9QmxZmTRpEkuWLKFfv37cvn0bW1tbBg4ciIeHh95t9Hk7QIYOEsLA2NW3L+8QnomRoiiKvhvn5ubyxx9/kJycjLW1Na1ataJKlSqlGZ8wUDdvplNQoPePjsEr7Omgiqay5QOVL6fKlg88+1N2el8hAVSpUgVnZ+ei7CKEEELopUgFSZQvPz8/EhMTH1k+a9Ys/P39yyEiIYQoOVKQKhD5rpAQojIr0gR9QgghRGmRgiSEEMIgSEESQghhEKQgCSGEMAhSkIQQQhgEKUhCCCEMgjz2LYrF19dHhg4SwsDY1bdn566fyjuMYpOCBERGRrJp06ZHBo8tK8uWLePKlSt8+OGHxdr/rbfews/Pj549e5ZwZE+2ecU28nLyy+x4QojCuQe4lncIz0QKkgEYOXKk3tuGh4c/MtvsypUrSyMsIYQoU3IPSQghhEGo0AXJ29ubVatW0aNHD5ycnBg3bhzZ2dlERkYycOBAnW0dHBy4dOkScG/uppEjR9K6dWv69OnzyMSC58+f59///jeurq506dKF6OjoQmMJDQ3lgw8+4N///jcajYZBgwaRkJCgrp8zZw5eXl60bt2aXr16ERcXp64LDw9n4sSJAFy9ehUHBwe2bNlC+/bt0Wq1fPnllwAcPHiQ5cuXs3PnTjQajTp+3eDBg9m0aROAmvunn36Ki4sL3t7eHDhwQD3WlStXeOONN9BoNAwbNoxZs2apxxZCiPJU4bvsdu7cycqVKzE3N2fgwIFERkZibm7+1H3CwsIwNzfn8OHDXL16lTfffJOGDRsCkJmZyfDhwwkJCWHFihWcPn2a4cOH07RpU5o2bfrUdrdv305ERAQtW7Zk7ty5TJw4Ub0v9frrrzN69Ghq1KjBunXrGDt2LD/99NMTY/3111/ZtWsXFy9epE+fPnTu3BlPT0+CgoIe6bJ7WHx8PD179uTo0aNs2LCBadOmcejQIYyMjJg4cSKtW7dmzZo1xMfHM2LEiEdmAhZCVFzW1jUq7PErfEEaPHgwtra2wL0p1U+ePEmrVq2euH1+fj4//vgjUVFRWFpa8sorr9CzZ0+OHTsGwP79+2nQoAG9e/cG4LXXXqNLly7s3r270ILUvn17XFxcABg/fjzOzs4kJSVhZ2dHQECAut3w4cP58ssvuXDhAo6Ojo9tKzg4GAsLCxwdHXF0dOTUqVM0adJEr3Nib29Pv379AOjZsyezZs0iJSWF3NxcTpw4wdq1azEzM8PZ2VmKkRCVTHnOsVSm8yEZImtra/V11apVSU5Ofur2t27dIi8vDzs7O3WZvf3/zbKYkJBAfHy8zrxP+fn5ek3vUL9+ffV1tWrVqFWrFsnJydjZ2bF69Wo2bdpEcnIyRkZGpKenc/v27Se2Va9ePZ28MjMzCz3+k/aFe1d+t2/fplatWuoyADs7O5KSkvRuWwghSkuFL0iPU7VqVf755x/1/Y0bN9TXderUwdTUlKSkJPWK48FfyHZ2dri4uLBmzZoiH/fatWvq64yMDNLS0rCxsSEuLo4VK1awdu1amjZtirGxMS4uLhRhsl6VkZFRkfe5z9ramrS0NLKystSiJMVICGEoKvRDDU/i6OjI2bNnOXnyJNnZ2YSHh6vrTExM6NSpE4sXLyYrK4tz586xZcsWdX379u25ePEiW7duJTc3l9zcXOLj4zl//nyhxz1w4ABxcXHk5OTwxRdf0LJlS+zs7MjIyMDExIQ6deqQl5fH4sWLSU9PL1ZudevWJSEhgYKCgiLv26BBA5o3b054eDg5OTkcP36cffv2FSsOIYQoaZWyIDVu3JjRo0czbNgwOnfujJOTk876Dz74gMzMTNq1a0doaCi9evVS11WvXp1Vq1YRHR2Nh4cH7u7uzJs3j5ycnEKP2717d5YsWYJWq+Wvv/7is88+A8Dd3R1PT0+6dOmCt7c35ubmOl2GRdG1a1cAtFptsb4IO2/ePH7//Xe0Wi0LFy7E19cXMzOzYsUihBAlyUgpTr+ReERoaCi2traMHz++vEMpknHjxvHSSy8REhJSpP20Wq0MHSSEgSnvoYOe+4caRNHEx8dTu3ZtGjZsyOHDh4mJiWHEiBFFbic6OoaCgsrzt0xh/5EqmsqWD1S+nCpbPiVBClIR+Pn5kZiY+MjyWbNmlUM0xZOSksKYMWNITU2lfv36zJw5k1dffbW8wxJCCOmyE8Vz82a6XCEZsMqWD1S+nCpbPvDsXXaV8qEGIYQQFY8UJCGEEAZBCpIQQgiDIAVJCCGEQZCCJIQQwiBIQRJCCGEQpCAJIYQwCPLFWFEsvr4+MnSQEAamvIcOelZSkB7i5+fHBx98wC+//KLOzHr16lV8fHz466+/MDU1vFP21ltv4efnV6zBVotr84pt5OXkl9nxhBCFcw9wLe8Qnol02T1kx44daLXaUml78ODBbNq06ZnaCA8PZ+LEiTrLVq5cWabFSAghSoMUJAOSl5dX3iEIIUS5kYL0EG9vb37++ecibfPgVUt2djYTJ05Eq9Xi7OxM7969SUlJYcGCBcTFxREWFoZGoyEsLAwABwcH1q9fT+fOnencuTMAc+bMwcvLi9atW9OrVy/i4uIAOHjwIMuXL2fnzp1oNBp1WvUHr7wKCgpYunQpHTp0oE2bNrz33nvcvXtvbKmrV6/i4ODAli1baN++PVqtli+//LIEz54QQhSf4d0QqeC2bNlCeno6+/fvx8zMjJMnT2JhYcH48eP57bff8Pf3p2/fvjr77N27l40bN2JhYQHA66+/zujRo6lRowbr1q1j7Nix/PTTT3h6ehIUFKTe23qcyMhItmzZwrp166hTpw6TJ08mLCxMnSwQ4Ndff2XXrl1cvHiRPn360LlzZ3U6dyGEKC9SkEqYqakpqampXLp0CUdHR5o3b17oPiNGjKB27drq+4CAAPX18OHD+fLLL7lw4QKOjo6FtrV9+3aGDRtGo0aNAJgwYQI9evTg448/VrcJDg7GwsICR0dHHB0dOXXqlBQkISoJa+saFfb4UpBKWEBAANeuXWPChAncuXMHf39/xo8fT5UqVZ64z8PTma9evZpNmzaRnJyMkZER6enp3L59W6/jJycn06BBA/V9gwYNyMvL4+bNm+qyevXqqa+rVq1KZmamvukJIQxceU5pIdNPlIOqVauSlZWlvr9x44b6ukqVKgQHBxMdHc13333H/v372bp161PbMzIyUl/HxcWxYsUKFi5cyLFjx4iLi6NGjRrcn7bqwW0fx8bGhoSEBPV9YmIipqam1K1btygpCiFEmZOCVAyOjo5ER0eTm5vLiRMn2L17t7ru6NGjnD59mvz8fKpXr46pqSkmJibAvSuTK1euPLXtjIwMTExMqFOnDnl5eSxevJj09HR1fd26dUlISKCgoOCx+3fv3p2vvvqKK1eukJGRwYIFC+jWrZtBfn9KCCEeJAWpGMaNG8fly5dxdXUlPDycHj16qOtSUlIICQnByckJX19fXF1d1afhhgwZwu7du3FxcWHOnDmPbdvd3R1PT0+6dOmCt7c35ubmOl16Xbt2BUCr1T72u0e9e/fG39+fQYMG4ePjg5mZGe+//35Jpi+EEKVCpjAXxaLVamXoICEMTHkPHfSs95CkH0cUS3R0DAUFledvmcL+I1U0lS0fqHw5VbZ8SoJ02QkhhDAIUpCEEEIYBClIQgghDIIUJCGEEAZBCpIQQgiDIAVJCCGEQZCCJIQQwiBIQRJCCGEQpCAJIYQwCDJSgygWX18fGTpICD3Y29kTvbP8hvOpSMq1IIWHhz919tOSEBsby6RJkzh48GCpHaMixODt7c2cOXNo27ZtibR35LtdkPf4EceFEP+nUfsW5R1ChVEhu+zCw8OZOHFieYdRZp63fIUQz6cKWZCEEEJUPmVWkCIiIvDw8ECj0dClSxeOHDmisz43N5cJEyYwZswYcnJyuH79OmPGjMHNzQ1vb2/WrVsHwMGDB1m+fDk7d+5Eo9Gocw2lpqYyZcoU3N3dcXFx4Z133tFpf/Xq1bRp0wZ3d3e+//77QuPdv38/gYGBtG7dGi8vL8LDw9V1V69excHBgS1bttC+fXu0Wi1ffvmluv6ff/4hNDQUFxcXfH19OXHiRLHP0ZPy9fb25ueff1b3ffgqauvWrXTo0OGR2G7cuEHLli11pkT/888/cXNzIzc3V684hRCiNJTJPaS///6b9evXs3nzZmxtbbl69SoFBQXExcUB936Bh4SEUKdOHT777DOMjIwYNWoU3t7ezJ8/n+vXrzNs2DAaN26Mp6cnQUFBj9x7eu+997C0tGTHjh1YWlpy/PhxdV1KSgp3797l4MGD/Pzzz4SEhNCxY0dq1ar1xJirVq3Kp59+StOmTTlz5gzDhw+nWbNmdOzYUd3m119/ZdeuXVy8eJE+ffrQuXNnmjRpwuLFi7l8+TJ79uwhKyuLt99+u9jn6IUXXnhsvk9z7tw5Zs2aRUREBC1btmT+/Plcu3YNAGtra1xdXdm5cyf/+te/AIiKisLPz48qVaro1b4QQpSGMilIJiYm5OTkcP78eerUqUPDhg3Vdenp6bz11ls4Ojoybdo0jIyM+OOPP7h16xbBwcEANGrUiH79+hEdHY2Hh8cj7ScnJ3Pw4EFiY2PVIuPq6qquNzU1ZfTo0ZiamuLl5YWlpSUXLlygVatWT4xZq9Wqrx0dHfHz8+OXX37RKUjBwcFYWFjg6OiIo6Mjp06dokmTJuzcuZMZM2ZQu3ZtateuzeDBg1myZEmxz1FR7dq1i/bt2+Pi4gLA2LFjWb9+vbq+Z8+erFu3jn/961/k5+ezY8cOnasoIUTJsrauUaTlFdmz5FQmBenFF19k6tSphIeHc+7cOdzd3QkNDQXgjz/+IC8vj/nz52NkZARAQkICycnJODs7q23k5+frvH/QtWvXqFWr1hOveGrXro2p6f+lWrVqVTIzM58a8x9//MG8efM4e/Ysubm55OTkqNOH31evXr3HtpmcnKwz7bi9vf1TjwVPPke2traF7vuw5ORk6tevr763tLSkdu3a6nsfHx9mzJjBlStXuHDhAtWrV6dFC3kSSIjS8riJ+CrjBH3POmNsmd1D6tGjB99++y379u3DyMhI7X5q164dI0aMYNiwYaSkpABgZ2dHw4YNiYuLU/8dP36cFStWAKiF67769euTlpbGnTt3Sized999Fx8fHw4cOMCvv/7KgAED0He2d2tra5KSktT3D75+miedo4fzhXsFMCsrS31/48YN9bWNjY3aRQeQlZVFamqq+t7c3Jxu3boRFRXFtm3bCAgI0Cs+IYQoTWVSkP7++2+OHDlCTk4OZmZmmJubY2Jioq5/++236d69O8OGDePWrVu0aNGC6tWrExERwT///EN+fj5nzpwhPj4egLp165KQkEBBwb3vwdjY2ODp6cmsWbNIS0sjNzeXY8eOPVPMGRkZ1KpVC3Nzc+Lj4/nhhx/03rdbt25ERESQlpbGtWvX+M9//lPoPk87Rw/nC/e6EaOjo8nNzeXEiRPs3r1bXdelSxf2799PXFwcOTk5LFq0SGdfgICAALZs2cJPP/2kPighhBDlqUwKUk5ODvPnz0er1eLu7s6tW7cYP368zjajR4/Gx8eHf//739y9e5cvv/ySU6dO4ePjg5ubG9OnTyc9PR1A7TrTarX07NkTgLlz52Jqakq3bt1o27YtX3311TPFPGPGDBYtWoRGo2HJkiV069ZN732Dg4Oxt7fHx8eH4cOH63UF8rRz9Lh8x40bx+XLl3F1dSU8PJwePXqobTVt2pQPPviAiRMn4uHhQc2aNXW68ACcnJwwNjbmtddee6b7VUIIUVKMFH37oUSlM2TIEHr06EHfvn2LvK9Wq5Whg4TQw5OGDpJ7SI+SseyeU/Hx8fzvf/9j6dKlxdo/OjqGgoLK87dMZfvlUNnygcqZk9D1XBckPz8/EhMTH1k+a9asUrmvkpiYiJ+f32PX7dixQ6+n8UrC5MmT2bt3L9OmTaN69Sf/tSKEEGVJuuxEsdy8mS5XSAassuUDlS+nypYPVKDHvoUQQoinkYIkhBDCIEhBEkIIYRCkIAkhhDAIUpCEEEIYBClIQgghDIIUJCGEEAZBCpIQQgiD8FyP1CCKz9fXR8ayE88Ve3t7oqMfHZNOlByDKUiRkZFs2rSJb7/9trxDKRdvvfUWfn5+6mjeRaXRaIiKiqJRo0YlHNnjxcTE6D0/lBCVgaOjY3mHUOlV+C67yMhIBg4cWGrth4aGsmDBglJr/76VK1fqXYwGDx7Mpk2bdJYdP368zIqREEKUhgpfkPSRn59f3iEIIYQoRJkXpIiICDp27IhGo8HX15c9e/ao6xRFYfbs2Tg5OdG1a1eOHDmirouMjMTHxweNRoO3tzdRUVGcP3+eGTNm8Pvvv6PRaHB2dgbuXdXMmDGDt99+m1atWhEbG8v+/fsJDAykdevWeHl5ER4erhNXXFwcAwYMwNnZGS8vLyIjI9mwYQPbt29n1apVaDQaRo4c+dTcvL29Wb58Ob6+vri4uDBlyhSys7MBSEtLIygoCDc3N1xcXAgKCtKZZvzBq577V32ffvopLi4ueHt7c+DAAQAWLFhAXFwcYWFhaDQawsLCAHBwcODSpUtq/rNmzWLEiBFoNBr69u3L5cuX1WMdPnyYLl264OTkxMyZMxk0aNAjV1xCCFHWyvweUqNGjVi/fj3W1tbs2rWLSZMm8eOPPwL35ujp2rUrR48eZc+ePQQHBxMTE4OZmRlz5sxh8+bNvPTSSyQnJ5OWlkaTJk2YNWvWY+89/fDDD0RERLB8+XJyc3P5/fff+fTTT2natClnzpxh+PDhNGvWjI4dO5KYmMjbb7/N7Nmz6dKlC+np6Vy7do1mzZpx/PhxbG1tH5nh9knuF7CqVasycuRIli5dyvjx4ykoKKBXr14sXLiQ/Px8pk6dSlhY2BPnI4qPj6dnz54cPXqUDRs2MG3aNA4dOsT48eP57bff8Pf3f+rEejt27GDlypW8+uqrTJ48mQULFrBgwQJu3bpFSEgIn3zyCd7e3qxfv55NmzbpNautEM87a+saBt2eIXiWnMq8ID04Fbivry/Lly8nPj4egDp16jB06FCMjIzw9fVl9erV7N+/n86dO2NsbMzZs2ext7fHxsYGGxubpx7Hx8cHJycnAMzNzdFqteo6R0dH/Pz8+OWXX+jYsSPbt2+nbdu2dO/eHQArKyusrKyKld8bb7yBnZ0dAKNGjWL27NmMHz8eKysrunTpom43atQohgwZ8sR27O3t6devHwA9e/Zk1qxZpKSkYG1trVccnTp1okWLFgD4+/vz8ccfA3Dw4EGaNm1K586dgXuzxq5evbroiQrxHCrJ6SJk+olHlXlB2rp1K2vWrCEhIQGAzMxMbt++jYmJCba2thgZGanb2tvbk5ycjKWlJQsWLGD16tVMmzaN1q1bM3nyZJo0afLE49wvCvf98ccfzJs3j7Nnz5Kbm0tOTg5du3YFICkpiRdeeKFE8nvwuPfjB8jKyuLjjz/m0KFDpKWlAZCRkUF+fj4mJiaPtFOvXj31ddWqVYF750pfD+5vYWGh7pucnEz9+vXVdUZGRjrvhRCivJTpPaSEhASmT5/O+++/T2xsLHFxcTRt2lRdf/36dZ1HiZOSktQrIQ8PD9asWcPhw4d56aWXeP/99wF0CtjTvPvuu/j4+HDgwAF+/fVXBgwYoB7Lzs5O5x7Lg/Rt/8GY70tMTFTjX716NRcuXGDjxo389ttvrF+/HqDMH522trbm+vXr6ntFUXTuZQkhRHkp04KUlZWFkZERderUAeD777/n7Nmz6vpbt26xbt06cnNz2blzJ+fPn8fLy4uUlBRiYmLIzMzEzMwMS0tL9aqibt26XL9+nZycnKceOyMjg1q1amFubk58fDw//PCDuq5Hjx78/PPPREdHk5eXx+3btzl58qTaflG+APrNN99w7do1UlNT1Qcc7h/f3NycmjVrkpqayuLFi/Vu82H16tXjypUrxdrXy8uL06dPs3fvXvLy8li/fj0pKSnFjkUIIUpKmRakl19+meHDhzNgwADatm3LmTNnaN26tbq+RYsWXLp0CTc3NxYuXMiiRYuwsrKioKCANWvW4OHhgaurK8eOHWPGjBkAuLm58fLLL+Pu7q5zn+hhM2bMYNGiRWg0GpYsWaJzL8ve3p4VK1awZs0aXF1dCQwM5NSpUwD06dOHc+fO4ezszDvvvFNojt27d2f48OF07NiRRo0aMWrUKACGDh1KdnY2bm5u9O/fHw8Pj2KdQ7h332f37t24uLgwZ86cIu1bp04dvvjiCz777DO0Wi3nzp2jefPmVKlSpdjxCCFESTBS5Ov2Jcbb25s5c+bQtm3b8g5FbwUFBXh6ejJv3jzc3Nz03k+r1crQQeK5UtJDB8lDDY8ymKGDRNk5dOgQLVu2xMLCgpUrVwLQqlWrIrURHR1DQUHl+Vumsv1yqGz5QOXMSeiSglQEiYmJ+Pn5PXbdjh07yjia4vv999+ZOHEiOTk5vPzyyyxZsgQLC4vyDksI8ZyTLjtRLDdvpssVkgGrbPlA5cupsuUD0mUnyomxcdEeh68IKltOlS0fqHw5VbZ84Ok5FZavXCEJIYQwCM/FaN9CCCEMnxQkIYQQBkEKkhBCCIMgBUkIIYRBkIIkhBDCIEhBEkIIYRCkIAkhhDAIUpCEEEIYBClIQgghDIIUJCGEEAZBCpJ4RGpqKqNHj6ZVq1Z06NCB7du3P3HbtWvX0q5dO5ycnJgyZUqhM/eWF31zOnPmDG+++SZarRYHB4cyjlJ/+uazZcsWevXqRevWrfH09GTu3Lnk5eWVcbT60TenHTt20KVLF5ycnGjTpg2TJ08mPT29jKMtXFH+H903ZMgQHBwcKvxnFBkZSbNmzdBoNOq/2NjYwg+gCPGQ8ePHK2PHjlXS09OVY8eOKa1bt1bOnDnzyHYHDx5U2rRpo5w5c0ZJTU1VBg0apHz22WflEHHh9M3p/PnzysaNG5U9e/Yor7zySjlEqh9981m/fr1y7NgxJTs7W7l27ZrSs2dPZfny5eUQceH0zSkxMVG5efOmoiiKkp6erkyYMEGZPXt2WYdbKH3zuW/btm3Kv/71L+WVV15RcnNzyzBS/emb0/fff68MGDCgyO3LFZLQkZmZyY8//sjYsWOpVq0azs7OeHt7s23btke23bp1K3369KFp06bUqlWLd955hy1btpRD1E9XlJxeeukl+vbtS9OmTcshUv0UJZ9//etfODs7Y2Zmhq2tLT169OC3334rh6ifrig52dnZUadOHfW9iYkJly5dKstwC1WUfADu3r3LkiVLmDRpUhlHqr+i5lQcUpCEjosXL2JsbEzjxo3VZY6Ojpw7d+6Rbc+ePYujo6P63sHBgZSUFG7fvl0mseqrKDlVBM+Sz7Fjx3j55ZdLM7xiKWpOcXFxODk50bp1a3788UeGDh1aVqHqpaj5fP755wwcOJB69eqVVYhFVtScTp48iVarpUuXLixZskSvbkiZD0noyMzMpEaNGjrLatSoQUZGxmO3rV69us52ABkZGVhZWZVuoEVQlJwqguLm8/333/Pnn38yZ86c0gyvWIqak7OzM7/++ivXr19n48aNNGjQoCzC1FtR8jlx4gS//fYb06ZN49q1a2UVYpEVJScXFxe2b99OgwYNOHv2LOPHj8fU1JSgoKCnHkOukIQOS0vLR24Qp6enU61atUK3vf/6cduWp6LkVBEUJ5+9e/cyf/58VqxYodPdZSiK+xnZ2tri4eHBhAkTSjO8ItM3n4KCAmbNmsW0adMwNTXs64OifEaNGjWiUaNGGBsb4+DgwOjRo9m9e3ehx5CCJHT8v//3/8jPz+fixYvqslOnTj22m6dp06acPn1aZ7t69eoZ1NURFC2niqCo+Rw8eJDp06ezbNkyg31y8Fk+o7y8PC5fvlyK0RWdvvmkp6fz559/Mn78eNq1a0efPn0A8PLyIi4urixDLtSzfEZGRkYoeswFKwVJ6LC0tKRTp04sWrSIzMxMfv31V2JiYggICHhk24CAADZv3sy5c+dIS0vjyy+/pGfPnuUQ9dMVJSdFUcjOziY3NxeA7Oxsg3uUvSj5HDlyhEmTJhEeHk6LFi3KIVr9FCWnqKgoEhMTURSFhIQEFi5cSJs2bcoh6ifTN58aNWpw6NAhtm7dytatW4mIiADuPTZtaJ9XUT6jAwcOkJKSAsD58+dZunQpPj4+hR/kmZ8DFJXO7du3lVGjRiktW7ZUvLy8lKioKEVRFCUhIUFp1aqVkpCQoG67evVqpU2bNopGo1FCQ0OV7Ozs8gr7qfTN6cqVK8orr7yi869Dhw7lGfpj6ZvPoEGDlGbNmimtWrVS/7355pvlGfoT6ZvT559/rnh4eCgtW7ZUPDw8lOnTpyu3bt0qz9Afqyj/j+67//NnqI9965vTJ598orRp00Zp2bKl4u3trSxcuFDJyckptH0jRdHjOkoIIYQoZdJlJ4QQwiBIQRJCCGEQpCAJIYQwCFKQhBBCGAQpSEIIIQyCFCQhhBAGQQqSqHQcHBzU0Z8/+OADlixZUirHycnJwdfXlxs3bhS67dWrV0tlnhtvb29+/vnnEm3zvuDgYA4ePFgqbReHRqPhypUr5R2GKEVSkES58fb2pnnz5ty6dUtneUBAAA4ODly9evWZjxEWFsbo0aOfuZ3H2bBhA87OzlhbW5dK+yWtqMVrxIgRLFy48KnbLFu2DG9vbzQaDZ6enowbN+7Zgvz/DR48mE2bNuksO378OI0aNSqR9ouiNIu+vpKTk5k+fTru7u5oNBp8fHwIDQ3l/Pnz5RpXSZOCJMpVgwYN2LFjh/r+9OnT/PPPP+UYkf42bNjw2GFTKosWLVqQnp7OiRMnHrt+y5YtbNu2jbVr13L8+HG+//57gxvCp6J53BX07du3GTBgAFlZWXzzzTf89ttvbNmyBRcXl1IplOU5W60UJFGuAgIC2Lp1q/p+69atBAYG6myTk5PDp59+Svv27Wnbti0ffPCBTtFauXIl7u7uuLu7s3nzZp19Q0NDWbBgAQBpaWkEBQXh5uaGi4sLQUFBOsP9Dx48mIULFzJgwAA0Gg3Dhw9/5OrtvsTERC5fvkzLli3VZfv37ycwMJDWrVvj5eVFeHj4I/t9//33aqyrV69Wl8fHx6tTjbdt25aPP/5YXRcTE4Ofnx/Ozs4MHjz4iX8VP5grQGxsLJ6engBMmjSJxMRERo4ciUajYcWKFQD8/vvvDBgwAGdnZ/z9/R+ZZtrV1ZUDBw489ngnTpzA3d2dF154AQBra2v69++vrr979y5Tp07F3d0dDw8PFixYQH5+PnBvrLaBAwfy6aef4uLigre3t3qcBQsWEBcXR1hYGBqNhrCwMEC3KzY0NJSZM2fy1ltvodFoGDBgADdu3ODDDz/ExcWFrl278r///U+N5fr164wZMwY3Nze8vb1Zt26dui48PJyxY8fy3nvvodFo8PPzU4vwk87bg+6f52XLlqHVavH29iYqKkpd/7Sf3/v7RkRE0K5dO6ZMmfJI+2vXrqV69ep89tlnvPDCCxgZGVGzZk169+7N4MGD1e2e9lk+7Wf7fnfypk2baN++vTq31ObNm+nWrRsuLi68+eabJCQkPPbnoESV4rBHQjxVhw4dlP/+979K586dlXPnzil5eXmKp6encvXqVeWVV15Rrly5oiiKosyZM0cJCgpSbt++rdy9e1cJCgpS5s2bpyiKohw4cEBp06aNcvr0aSUjI0OZMGGC8sorrygXL15UFEVRJk+erHz++eeKoijKrVu3lF27dimZmZnK3bt3lTFjxiijRo1S4xk0aJDi4+Oj/P3330pWVtZTp2Tft2+f4uvrq7Ps6NGjyqlTp5T8/Hzl5MmTSps2bZQ9e/YoivJ/Y5SNHz9eycjIUE6dOqVotVrlv//9r6IoitKvXz9ly5YtiqLcm5b7+PHjiqIoyt9//620bNlSOXz4sJKTk6NEREQoHTt2VMcMvH8OH871fjweHh6PnO/7rl27pri6uir79+9X8vPzlcOHDyuurq7q9OCKcm+swtGjRz/2HGzdulVxcXFRVqxYocTHxyt5eXk660eNGqW8//77SkZGhpKSkqL07t1b+fbbbxVFuTfF9auvvqps2LBBycvLU9avX6+0a9dOKSgoUD+LjRs36rT38Ofq6uqqnDhxQvnnn3+UwYMHKx06dFC2bNmi5OXlKZ9//rkyaNAgRVEUJT8/X+nZs6cSHh6uZGdnK5cvX1a8vb2VgwcPKoqiKIsWLVKaN2+u7N+/X8nLy1PmzZun9O3b94nn7WFHjx5VmjVrpnz00UdKdna2Ehsbq7Rs2VI5f/68oihP//m9v+/cuXOV7OxsJSsr65H2+/btqyxatOiJx1eUwj/Lp/1s3//ZnDRpkpKRkaFkZWUpe/bsUTp27KicO3dOyc3NVZYsWaL079//qTGUBLlCEuXu/lXSf//7X1566SVsbW3VdYqisGnTJqZOnUrt2rWpXr06QUFBajffzp076dWrF6+88gqWlpYEBwc/8ThWVlZ06dKFqlWrUr16dUaNGsWxY8d0tunVqxeNGzfGwsKCrl27cvLkyce2defOnUfmgdFqtTg4OGBsbIyjoyN+fn788ssvOtuMHj0aS0tLHBwc6NWrFz/88AMApqamXL58mVu3blGtWjVatWoFQHR0NF5eXrRr144qVarw5ptv8s8//3D8+HH9Tu5TbNu2DU9PT7y8vDA2NqZdu3Y0b95c54qoWrVq3Llz57H7BwQEMH36dA4fPszgwYNp27atOlp1SkoKBw8eZOrUqVhaWlK3bl2GDRum0z1rb29Pv379MDExoWfPnty4cUMdIVofnTp1onnz5pibm9OpUyfMzc0JDAzExMQEX19f9bM7ceIEt27dIjg4GDMzMxo1akS/fv2Ijo5W23JycsLLywsTExMCAgI4depUkc4lwNixYzEzM8PV1RUvLy927txZ6M8vgLGxMSEhIZiZmWFhYfFIu7dv39aZSTYmJgZnZ2f1Sgf0+ywL+9keM2YMlpaWWFhY8N133zFixAiaNGmCqakpI0eO5OTJk6V+lWTYM0KJ50JAQACDBg3i6tWrj9yTuXXrFllZWfTq1UtdpigKBQUFwL2bvc2bN1fXPW3m0KysLD7++GMOHTpEWloacG922/z8fExMTAB0HlCoWrUqmZmZj22rVq1aj8yU+ccffzBv3jzOnj1Lbm4uOTk5dO3aVWcbOzs7nVjPnDkDwIcffsiiRYvo1q0bDRs2JDg4mA4dOpCcnIy9vb26j7GxMXZ2dly/fv2JeeorMTGRXbt2sW/fPnVZXl4eWq1WfZ+RkUHNmjWf2Ia/vz/+/v7k5uayd+9eJk2aRLNmzahVqxZ5eXm4u7ur2xYUFOjk/+Av2apVqwI88Xw/Tt26ddXXFhYWOu1ZWFiobSUkJJCcnIyzs7O6Pj8/X+f9w/tmZ2eTl5en96R5NWvWxNLSUn1vb29PcnJyoT+/cO8PJXNz8ye2Xbt2bZ0nOX18fIiLi2PTpk1q16A+n2VhP9v169dXXycmJvLRRx/x6aef6sR9/fr1Up2dVwqSKHcNGjSgYcOGHDhwgA8//FBnnZWVFRYWFuzYsUPnyuk+GxsbkpKS1PeJiYlPPM7q1au5cOECGzduxNrampMnTxIYGKjXxGEPc3Bw4MqVKzq/tN59910GDRrEypUrMTc358MPP+T27ds6+yUlJdGkSRM1VhsbG+De5Geff/45BQUF/Pjjj4SEhBAbG4uNjY1atODeL4WkpKTHnouqVavq3Fsr7GrDzs6OgICAp05pfv78eRwdHQs5G1ClShW6devGihUrOHv2LN27d8fMzIyjR4+W+0yodnZ2NGzYkB9//LHUjnHnzh0yMzPVopSUlETTpk0L/fmFe5PXPU2bNm3Yu3cvwcHBGBs/vlNLn8+yMA/GYWdnx8iRI/H39y92e8UhXXbCIHz44Yd89dVXOn9lwr0rgr59+/LRRx9x8+ZN4N4N6kOHDgHQtWtXtmzZwrlz58jKymLx4sVPPEZGRgbm5ubUrFmT1NTUp25bmPr16/Piiy8SHx+v036tWrUwNzcnPj5e7Y570NKlS8nKyuLs2bNERkbi6+sL3OtyuXXrFsbGxuoViYmJCd26dePAgQMcOXKE3NxcVq9ejZmZGRqN5pG2mzVrxoEDB0hNTeXGjRt89dVXOuvr1aun8z0ef39/9u3bx6FDh8jPzyc7O5vY2FidBz2OHTumPhjxsMjISPbv3096ejoFBQUcOHCAc+fO0aJFC2xsbGjXrh2ffPKJuv7y5cuPdGE+ycOxPosWLVpQvXp1IiIi+Oeff8jPz+fMmTM6n11JxBIeHk5OTg5xcXHs37+frl27Fvrzq49hw4Zx584dJk2axOXLl1EUhfT0dJ0uN30+y6IYMGAAERERnD17Frj3gMrOnTuL1VZRSEESBuGFF17g9ddff+y6SZMm8eKLL9KvXz9at27NsGHDuHDhAnBvquehQ4cydOhQOnXqhJub2xOPMXToULKzs3Fzc6N///54eHg8U8wDBgxg27Zt6vsZM2awaNEiNBoNS5YsoVu3bo/s4+rqSqdOnRg2bBjDhw9Xu7QOHTqEn58fGo2GDz/8kAULFmBubs5LL73EZ599xuzZs3Fzc2Pfvn0sW7YMMzOzR9oOCAjA0dERb29vhg8frha7+0aMGMGXX36Js7Mzq1atws7OjqVLl7J8+XLatGmDl5cXq1atUruT4uPjqVq16hNnLq1evTrLli2jQ4cOODs7M2/ePGbOnKl2hc2dO5fc3Fx8fX1xcXEhJCREry8RAwwZMoTdu3fj4uLyTH/1w73C/uWXX3Lq1Cl8fHxwc3Nj+vTppKen67X/w+ftcerVq0fNmjXx8PBg4sSJzJw5U70SftrPrz7q1KnDhg0bMDc351//+hetW7cmMDCQjIwMZs6cCVDoZ1lUnTp14q233mLChAm0bt2a7t27l8mXpGWCPiGKKScnh8DAQNauXat2vVUmY8aMoU+fPnh5eZV3KAYtNjaWSZMmGdSoFhWV3EMSopjMzMx0ntSqbB73PSohSpN02QkhhDAI0mUnhBDCIMgVkhBCCIMgBUkIIYRBkIIkhBDCIEhBEkIIYRCkIAkhhDAIUpCEEEIYhP8PLN5VIM8B1tgAAAAASUVORK5CYII=\n", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "pallete = plt.cm.Pastel1_r\n", + "\n", + "for metric in ['conreteness_scores', 'subjectivity_scores', 'sentiment_abs_scores']:\n", + " for stat in ['average', 'median']:\n", + " \n", + " if stat == 'average':\n", + " s = m.groupby('genre')[metric].mean().sort_values()\n", + " else:\n", + " s = m.groupby('genre')[metric].median().sort_values()\n", + " \n", + " fig = plt.figure()\n", + " norm = plt.Normalize(s.min(), s.max())\n", + " colors = pallete(norm(s.values)) \n", + " ax = s.plot.barh(grid=True, color=colors, ec=\"k\", fontsize=12) \n", + "\n", + " name_of_metric = metric.split('_')[0].capitalize()\n", + " \n", + " if metric == 'sentiment_abs_scores': \n", + " xlabel = '{} (absolute) Sentiment per Genre'.format(stat.capitalize())\n", + " else: \n", + " xlabel = '{} {} per Genre'.format(stat.capitalize(), name_of_metric) \n", + " \n", + " ax.set_xlabel(xlabel)\n", + " plt.tight_layout() \n", + " fig.savefig('ArtEmis_{}_per_Genre_{}.jpg'.format(name_of_metric, stat.capitalize()))" + ] + }, + { + "cell_type": "code", + "execution_count": 47, + "metadata": {}, + "outputs": [], + "source": [ + "##\n", + "## Analyze basic linguistic elements: Part-Of-Speech\n", + "##" + ] + }, + { + "cell_type": "code", + "execution_count": 48, + "metadata": {}, + "outputs": [], + "source": [ + "for df in datasets.values():\n", + " df['pos'] = nltk_parallel_tagging_of_tokens(df.tokens)" + ] + }, + { + "cell_type": "code", + "execution_count": 51, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "ArtEmis\n", + "Nouns 4.0\n", + "Pronouns 0.9\n", + "Adjectives 1.6\n", + "Adpositions 1.9\n", + "Verbs 3.0\n", + "COCO\n", + "Nouns 3.7\n", + "Pronouns 0.1\n", + "Adjectives 0.8\n", + "Adpositions 1.7\n", + "Verbs 1.2\n" + ] + } + ], + "source": [ + "# (raw numbers of Table.1 in main papeer)\n", + "for dataset_name, df in datasets.items():\n", + " print(dataset_name)\n", + " pos_analysis(df)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "# Below group the utterances first along each image (stimulus).\n", + "# Numbers of Table.2 in main paper" + ] + }, + { + "cell_type": "code", + "execution_count": 53, + "metadata": {}, + "outputs": [ + { + "data": { + "application/vnd.jupyter.widget-view+json": { + "model_id": "14466a061c5f4bd4a861d0e7369ba5fd", + "version_major": 2, + "version_minor": 0 + }, + "text/plain": [ + " 0%| | 0/80031 [00:00" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAaQAAAEUCAYAAABkhkJAAAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAALEgAACxIB0t1+/AAAADh0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uMy4xLjEsIGh0dHA6Ly9tYXRwbG90bGliLm9yZy8QZhcZAAAgAElEQVR4nOzde1zP9///8VsHneZUVArzsfEJo3nTW6Ey7xClIgwjpyGH5LgttjmkfcywTJhjNt/FhpHMccyhbTRtaPPDh5wrpVFbSuffHy5eH030Lh3e8bheLi6X9/v9er2ez/v7vdWj1/P1ej+feoWFhYUIIYQQVUy/qgMIIYQQIAVJCCGEjpCCJIQQQidIQRJCCKETpCAJIYTQCVKQhBBC6AQpSEIIIXSCYVUHENXX3bv3KCjQra+x1atXkz//zKjqGMWSbGUj2cpGF7Pp6+thbv7SE7dLQRJlVlBQqHMFCdDJTA9JtrKRbGWjy9mKI0N2QgghdIIUJCGEEDpBhuxEmXl4uHHz5s2qjiGEqCK2DRqwZ9+RcmtPChKwfft2tm7dyubNm6uk/1WrVnHjxg0++uijMh0/evRoPD096du3bzkne7qfFgRDVmal9imE0B1NxgaUa3tSkHTAuHHjtN43LCyMa9eusXjxYuW1devWVUQsIYSoVHINSQghhE6o1gVJo9Gwfv16vLy8aN++PVOmTCE7O5vt27czePDgIvva2dlx7do1AO7evcu4ceNo164d/fv35/r160X2jY+PZ+TIkXTo0AF3d3f27NlTYpagoCBmz57NyJEjUalUDB06lISEBGV7SEgIXbp0oV27dvj6+hIbG6tsCwsLY8aMGQDcvHkTOzs7duzYwRtvvIGjoyOff/45AMeOHWP16tXs3bsXlUqFt7c3AH5+fmzduhVAee8LFy5ErVaj0Wg4evSo0teNGzcYMmQIKpWKESNGMG/ePKVvIYSoStW6IAHs3buXdevWcejQIS5cuMD27dtLPCY4OBhjY2N+/PFH/vOf//Dtt98q2zIzMxk1ahS9e/fm559/5tNPP2XevHlcvHixxHZ37drFhAkTiImJoUWLFkV+0bdp04bIyEh++eUXevfuzeTJk8nOzn5iW7/++iv79u3jyy+/ZMWKFcTHx+Pq6oq/vz+9evXi1KlTREVFFXtsXFwcTZs25cSJE4wePZr333+fh+swzpgxA3t7e2JiYggICGDnzp0lvi8hhHgSS8taWv+rV6/mU9uq9gXJz88Pa2tr6tatS9euXTl37txT98/Pz+fAgQMEBgZiZmbGv//97yI3Axw5coSGDRvSr18/DA0Nee2113B3d2f//v0lZnnjjTdQq9UYGRkxdepUTp8+TVJSEgA+Pj6Ym5tjaGjIqFGjyMnJ4cqVK09sKyAgABMTE1q0aEGLFi04f/68lp8I2Nra8uabb2JgYEDfvn25ffs2qampJCYm8vvvvxMYGIiRkREODg5oNBqt2xVCiH+6fftvrf+VNHNEtb+pwdLSUnlsampKSkrKU/e/c+cOeXl52NjYKK/Z2toqjxMSEoiLi8PBwUF5LT8/Xxkee5oGDRooj1966SXq1KlDSkoKNjY2hIeHs3XrVlJSUtDT0yMjI4O7d+8+sa369esXeV+ZmdrfzfbPY+HBmd/du3epU6eO8hqAjY2NUjSFEKIqVfuCVBxTU1Pu37+vPL99+7by2MLCAkNDQ5KSknj11VcBivxCtrGxQa1Ws2HDhlL3e+vWLeXxvXv3SE9Px8rKitjYWNauXcsXX3xB8+bN0dfXR61WK8NopaGnp1fqYx6ytLQkPT2drKwspShJMRJC6IpqP2RXnBYtWnDx4kXOnTtHdnY2YWFhyjYDAwO6d+/O8uXLycrK4tKlS+zYsUPZ/sYbb3D16lUiIyPJzc0lNzeXuLg44uPjS+z36NGjxMbGkpOTw2effcbrr7+OjY0N9+7dw8DAAAsLC/Ly8li+fDkZGWWb9LBevXokJCRQUFBQ6mMbNmxI69atCQsLIycnh1OnTnH48OEy5RBCiPL2XJ4hNW3alIkTJzJixAhMTEyYNm0a33zzjbJ99uzZzJw5k86dO/PKK6/g6+tLTEwMADVr1mT9+vV8/PHHfPzxxxQWFmJnZ8fMmTNL7Ld3796sWLGC06dP06pVKxYtWgSAs7Mzrq6uuLu7Y2ZmxvDhw4sMGZZGz549iYqKwtHRkUaNGhUpptpYvHgxQUFBODo6Ym9vj4eHB/n5+WXK0nnmbJmpQYgXmO0jlynKg15hWcaNxGOCgoKwtrZm6tSpVR2lVKZMmcIrr7xCYGBgqY/9888MnZtN2NKyFrdv/13VMYol2cpGspWNLmbT19d76p12z+WQnXiyuLg4rl+/TkFBAceOHePQoUN069atqmMJIcTzOWRXUTw9PUlMTHzs9Xnz5lVBmrJJTU1l0qRJpKWl0aBBA+bOnUurVq2qOpYQQsiQnSg7GbIrHclWNpKtbHQxmwzZCSGEqBakIAkhhNAJUpCEEELoBClIQgghdIIUJCGEEDpBCpIQQgidoDPfQ9q+fTtbt25l8+bNVR2lSowePRpPT88iS2GUhkqlIioqisaNG5dzsifz8HCTqYOEeIHZNmjAnn1Hyq09nSlIZVXRhayypgRat26d1vv6+fnh7e3NgAEDlNdOnTpVEbGe6qcFwZCl/bIYQojnS5OxAeXa3gsxZFfWyUOFEEJUnkovSGvWrKFbt26oVCo8PDz4/vvvlW2FhYXMnz+f9u3b07NnT44fP65s2759O25ubqhUKjQaDVFRUcTHxzNnzhxOnz6NSqVSFtULCgpizpw5jBkzhrZt2xITE8ORI0fo06cP7dq1o0uXLkWWpACIjY1l0KBBODg40KVLF7Zv384333zDrl27WL9+PSqVinHjxj31vWk0GlavXo2HhwdqtZqZM2cqy5Snp6fj7++Pk5MTarUaf3//Iusn+fn5sXXrVuW9Dh48mIULF6JWq9FoNBw9ehSA0NBQYmNjCQ4ORqVSERwcDICdnR3Xrl1T3v+8efMYO3YsKpWKAQMGcP36daWvH3/8EXd3d9q3b8/cuXMZOnSo0rcQQlSVSi9IjRs3JiIigl9//ZWAgADeeecdZZXXuLg4GjduzIkTJwgMDCQgIIC0tDQyMzMJCQlh7dq1nDp1iq+//pqWLVvy6quvMm/ePNq2bcupU6eIjY1V+vnuu+8YN24cv/32G+3bt8fU1JSFCxcSGxvL6tWr2bx5MwcPHgQgMTGRMWPGMHToUI4fP05kZCQtW7Zk4MCBeHl58fbbb3Pq1ClWrVpV4vt7WMC+//57rly5wsqVKwEoKCjA19eXw4cPc/jwYYyNjZViUpy4uDiaNm3KiRMnGD16NO+//z6FhYVMnToVBwcHZs+ezalTp5g9e3axx+/evZuAgABOnjzJyy+/TGhoKPBgxdzAwECmT59OTEwMTZs2rZLhPiGE+KdKL0i9evXC2toafX19PDw8aNKkCXFxccCD1VyHDx9OjRo18PDwoGnTphw5cuRBUH19Ll68yP3797GysqJ58+ZP7cfNzY327dujr6+PsbExjo6O2NnZoa+vT4sWLfD09OSXX34BHhSRTp060bt3b2rUqIG5uTktW7Ys0/sbMmQINjY21K1bl/Hjx7N7924AzM3NcXd3x9TUlJo1azJ+/HhOnjz5xHZsbW158803MTAwoG/fvty+fZvU1FStc3Tv3h17e3sMDQ3x9vbm3LlzABw7dozmzZvTo0cPDA0NGTZsWJElz4UQojQsLWtp/e9p89hBFdzUEBkZyYYNG0hISAAgMzOTu3fvYmBggLW1dZElum1tbUlJScHMzIzQ0FDCw8N5//33adeuHe+9956yBHlx/rkA3pkzZ1i8eDEXL14kNzeXnJwcevbsCTxYxvvll18ul/f3aL8P8wNkZWWxYMECoqOjSU9PBx4sc56fn4+BgcFj7TxaJB4uN56Zqf0NBI8eb2JiohybkpJCg0cW1dLT0yvyXAghSqM0E7jq1OSqCQkJfPDBB3z44YfExMQQGxtb5EwnOTmZRycfT0pKwsrKCgAXFxc2bNjAjz/+yCuvvMKHH34IUKSAPc306dNxc3Pj6NGj/PrrrwwaNEjpy8bGpsg1lkdp2/6jmR9KTExU8oeHh3PlyhW2bNnCb7/9RkREBACVPdm6paUlycnJyvPCwsIi17KEEKKqVGpBysrKQk9PDwsLCwC+/fZbLl68qGy/c+cOGzduJDc3l7179xIfH0+XLl1ITU3l0KFDZGZmYmRkhJmZmXJWUa9ePZKTk8nJyXlq3/fu3aNOnToYGxsTFxfHd999p2zz8vLi559/Zs+ePeTl5XH37l1liKtevXql+q7Npk2buHXrFmlpacoNDg/7NzY2pnbt2qSlpbF8+XKt2/yn+vXrc+PGjTId26VLFy5cuMDBgwfJy8sjIiKiVEOBQghRUSq1IDVr1oxRo0YxaNAgOnXqxH//+1/atWunbLe3t+fatWs4OTmxdOlSli1bhrm5OQUFBWzYsAEXFxc6dOjAyZMnmTNnDgBOTk40a9YMZ2dnHB0dn9j3nDlzWLZsGSqVihUrVtCrVy9lm62tLWvXrmXDhg106NCBPn36cP78eQD69+/PpUuXcHBwYMKECSW+x969ezNq1Ci6detG48aNGT9+PADDhw8nOzsbJycnBg4ciIuLS5k+Q4Bhw4axf/9+1Go1ISEhpTrWwsKCzz77jEWLFuHo6MilS5do3bo1NWrUKHMeIYQoD7JAXznSaDSEhITQqVOnqo6itYKCAlxdXVm8eDFOTk6lOtbR0VFmahDiBVbamRpKuoZU7WdqEKUXHR3N66+/jomJiTJDRNu2bUvdzp49h2TF2FKQbGUj2cpGl7M9iRSkUkhMTMTT07PYbQ9v764OTp8+zYwZM8jJyaFZs2asWLECExOTqo4lhHjByZCdKLM//8yQM6RSkGxlI9nKRhez6dRt30IIIcSTSEESQgihE6QgCSGE0AlSkIQQQugEKUhCCCF0ghQkIYQQOkG+hyTKzMPDTWZqEEJLNjY27N17uKpj6DQpSKLMojaFkp93v6pjCFEtqDV+VR1B58mQnY4YPXo0O3bsAP63hPlDjy5P/iRBQUHKqrCxsbG4u7sr2y5fvkyfPn1QqVRs3LixAtILIcSzkzOkKhAWFsa1a9dYvHix8trDOeXKg4ODA/v37y/SdocOHYiMjCy3PoQQorzJGdILIDExscQl34UQoqpJQapga9aswcXFBZVKhbu7O0eOHGH16tXs3bsXlUqFt7c3AH5+fmzdurVc+oyJicHV1RV4sHZSTEwMwcHBqFQqrly5Qk5ODgsXLuSNN96gU6dOzJ49m/v35VqQEKJqyZBdBbp8+TIRERFs27YNa2trbt68SUFBAf7+/o8N2VWUjRs34ufnh7e3NwMGDADgo48+4saNG0RGRmJoaMiMGTNYsWIF06dPr/A8QrzILC1rPdf9PSspSBXIwMCAnJwc4uPjsbCwoFGjRlUdicLCQrZu3UpUVBR169YFwN/fn+nTp0tBEqKCVebs29Vxtm8pSBWoSZMmzJo1i7CwMC5duoSzszNBQUFVmunOnTtkZWXh6+urvFZYWEhBQUEVphJCCClIFc7LywsvLy8yMjKYPXs2ixcvpkmTJlWWx9zcHBMTE3bv3o21tXWV5RBCiH+Smxoq0OXLlzl+/Dg5OTkYGRlhbGyMgYEB9erVIyEhoUrOSvT19RkwYAD/+c9/+PPPPwFITk4mOjq60rMIIcSj5AypAuXk5LBkyRLi4+OpUaMGKpWK4OBgjIyMiIqKwtHRkUaNGilfiK0s77zzDitWrODNN9/k7t27WFtbM3jwYFxcXErVjvdbU2XqICG0ZGNjU9URdJ4sYS7KTJYwLx3JVjaSrWx0MZssYS6EEKJakCG7asTT05PExMTHXp83b57yBVshhKiupCBVI7t3767qCEIIUWFkyE4IIYROkIIkhBBCJ0hBEkIIoROkIAkhhNAJUpCEEELoBLnLTpSZh4ebzNQghJZsbGzYu/dwVcfQaVVakIpbyrsiaDQaQkJC6NSpU4X2o8sZKuKzjtoUSn6eLOwnhDbUGr+qjqDzquWQ3c2bN7GzsyMvL6+qo1SKF+39CiFeTNWyIAkhhHj+VFpBWrNmDS4uLqhUKtzd3Tl+/HiR7bm5uUybNo1JkyaRk5NDQUEBa9asoVu3bjg6OjJ58mTS0tIAGDp0KABqtRqVSsWpU6cA2LJlC7169UKlUuHh4cHZs2eV9s+dO4eXlxft27dnypQpZGdnPzVveno6/v7+ODk5oVar8ff359atW8p2Pz8/li5dyqBBg1CpVIwaNYo7d+4o2yMjI+natSuOjo58/vnnWn1GcXFx+Pr60q5dOzp16sSCBQue+H7DwsKYMWOGcuw/z6Ju3LjB0KFDUalUjBw5krt37yr7jh07lv/7v/8r0reXlxcHDx7UKqcQQlSESrmGdPnyZSIiIti2bRvW1tbcvHmTgoICYmNjAbh//z6BgYFYWFiwaNEiDAwM+OKLLzh48CBfffUVFhYWhISEEBwczKeffspXX32Fm5sbJ0+exNDwwVvYu3cvYWFhrFixgjZt2nD9+nVl28Pt69atw9jYmMGDB7N9+3YGDx78xMwFBQX4+vqydOlS8vPzmTVrFsHBwaxcuVLZ57vvvmPt2rXY2NgwZswYwsPDmTFjBpcuXWLevHmsWbOG119/nSVLlhQpZk/y0UcfMWzYMPr06cO9e/e4ePEiQLHv98cff3xqWzNmzKBt27aEh4dz5swZxo4di5ubGwB9+vRhw4YN+Pk9GNM+f/48KSkpuLq6lphRCFF2lpa1nuv+nlWlFCQDAwNycnKIj4/HwsKCRo0aKdsyMjIYPXo0LVq04P3330dPTw+Ab775htmzZ9OgQQMAAgIC6Nq16xOvo2zbto3Ro0djb28P8NiqrH5+fsoKqV27duXcuXNPzWxubo67u7vyfPz48QwbNqzIPr6+vjRt2hSAnj178sMPPwCwb98+3njjDdRqNQCTJ08mIiLiqf0BGBoacv36de7cuYOFhQVt27Yt8ZjiJCYm8vvvv7NhwwaMjIxQq9VoNBple7du3Zg7dy5Xr17lX//6Fzt37qRXr14YGRmVqT8hhHYqczmI6rj8RKUUpCZNmjBr1izCwsK4dOkSzs7OBAUFAXDmzBny8vJYsmSJUozgwS/ViRMnoq//v1FFfX19ZZXTf0pKSuLll19+YgZLS0vlsampKSkpKU/NnJWVxYIFC4iOjiY9PR2Ae/fukZ+fj4GBQbFtZmZmApCSkqIUUgAzMzPq1q371P7gwRnSsmXL6NWrF40aNVKKcGmlpKRQu3ZtzMzMlNdsbW1JSkoCwMjIiJ49exIVFUVAQADfffcdy5YtK3U/QghRnirtGpKXlxebN2/m8OHD6OnpKbcfd+7cmbFjxzJixAhSU1OV/Rs0aMDatWuJjY1V/v3+++9YW1sXKVwP2djYcP369XLLGx4ezpUrV9iyZQu//fabcoajzXqGVlZWRYbosrKylOtfT/Ovf/2LTz/9lOPHjzNmzBgCAwPJzMws9v2amppy//7/brl+9LOztLTkr7/+Ugok8NiyFX379mXXrl0cP34cU1NTVCpVifmEEKIiVUpBunz5MsePHycnJwcjIyOMjY2VswyAMWPG0Lt3b0aMGKHcGDB48GCWLl1KQkICAHfu3FEuultYWKCvr8+NGzeUNvr37094eDh//PEHhYWFXLt2TTm2LO7du4exsTG1a9cmLS2N5cuXa32su7s7R44cITY2lpycHJYtW0ZBQUGJx+3cuZM7d+6gr69P7dq1gQfDncW935YtW3Ly5EkSExP5+++/Wb16tbKtYcOGtG7dmrCwMHJycoiNjeXw4aJfyFOpVOjr6/Pxxx/LWkpCCJ1QKQUpJyeHJUuW4OjoiLOzM3fu3GHq1KlF9pk4cSJubm6MHDmStLQ0hg0bhkajYdSoUahUKt58803i4uKAB2cH48aNY/DgwTg4OHD69Gl69erFuHHjmD59Ou3atWPixInKUFtZDB8+nOzsbJycnBg4cCAuLi5aH9u8eXNmz57NjBkzcHFxoXbt2kWG8J4kOjoaT09PVCoVH330EaGhoRgbGxf7fjt37oyHhwfe3t74+vo+NrS3ZMkSzpw5g6OjIytWrKBPnz6P9efj48N///tffHx8tH5vQghRUfQKtRmDEs+lyMhIvvnmGzZv3lym4x0dHWXqICG0VNlTB8lNDaLayMrKYtOmTbz11ltlbmPPnkMUFOjW3zO6+EP4kGQrG8n24nihC9KqVauKXHt5qH379qxbt65C+hw9ejS//vrrY6/7+/szbty4Cunzn6Kjo5k0aRIdO3akd+/eldKnEEKURIbsRJn9+WeGnCGVgmQrG8lWNrqYraQhO5nLTgghhE6QgiSEEEInSEESQgihE6QgCSGE0AlSkIQQQugEKUhCCCF0Qqm+h5Sbm8uZM2dISUnBw8NDmbzz0VmlxYvDw8NNZmoQQkuVPVNDdaR1Qbpw4QLjx4/HyMiI5ORkPDw8OHnyJDt27GDp0qXlGiosLIxr166xePFiEhMT8fT0JDY2tsiErMUpzb66JCoqisjISMLDw8t0/OzZs7G2tmbixInlnOzpojaFkp93v+QdhRCoNX5VHUHnaT1kN3fuXAIDA9m3b5+yaqlarS521oHyZGtry6lTp7QqMKXZV5d4e3trXYyKW+k2ODi40ouREEKUN60L0qVLl5RZoR+uz2NmZkZ2dnapO33Sqq9CCCFeXFoXpIYNG/LHH38UeS0uLu6pq7Q+SqPRsGbNGry8vGjbti2JiYlMmjQJJycnNBoNGzduLPa4mzdvYmdnpxSxGzduMGTIEFQqFSNGjGDevHnMmDGj2H2Tk5MZN24cHTp0oHv37mzZskVpNygoiNDQUOV5TEwMrq6uyvM1a9bg4uKCSqXC3d2d48ePP/X9hYWFERgYyJQpU1CpVPTt25fz588Xaa9bt26oVCo8PDz4/vvvlW3/POuxs7Nj8+bN9OjRA7Vazbx58ygsLCQ+Pp45c+Zw+vRpVCoVDg4Oj72Xh+8jPDycjh074uzszLfffqu0fffuXcaNG0e7du3o168foaGhj51xCSFEVdD6GtLkyZPx9/dn0KBB5Obmsnr1ar7++mvmz5+vdWe7d+9mzZo11KlTh6FDh6LRaFiyZAnJycmMGDGCpk2blrju0IwZM2jXrh0bNmwgLi6OsWPHotFoit13+vTpNGvWjOjoaC5fvszIkSNp3LgxHTt2fGofly9fJiIigm3btmFtbc3Nmze1WmDv0KFDLFmyhEWLFrFx40YmTJjA/v37qVGjBo0bNyYiIgJLS0v27dvHO++8w4EDB7Cysiq2rSNHjrBt2zYyMjKU9Y5cXV2ZN28eW7dufeqSEampqfz9998cO3aMn3/+mcDAQLp160adOnUIDg7G1NSUn376iYSEBN5++21sbW1LfG9CiGdnaVnrue7vWWldkLp27cratWvZunUrarWahIQEwsLCaN26tdad+fn5YWNjw5kzZ7hz5w4BAQEANG7cmDfffJM9e/Y8tSAlJiby+++/88UXX2BkZISDg8MTi1FSUhK//vorq1atwtjYmJYtWzJgwAB27txZYkEyMDAgJyeH+Ph4LCwsaNSokVbv77XXXqNnz54AjBw5kg0bNnDmzBkcHBzo1auXsp+HhwerV68mLi6Obt26FdvWmDFjqF27NrVr18bR0ZHz588XOYN7GkNDQyZOnIihoSFdunTBzMyMK1eu0KZNGw4cOMCuXbswNTWlWbNm9OnTh19++UWrdoUQz6YyJzutjpOralWQ8vPzmTVrFvPnz2fu3LllDmNjYwNAQkICKSkpypDTwz4efV6clJQU6tSpg6mpaZE2k5KSnrhvzZr/e/O2traPDTsWp0mTJsyaNYuwsDAuXbqEs7MzQUFBWFtbP/W4R1eF1dfXx9rampSUFODBYngbNmxQllXPzMzk7t27T2zL0tJSeWxqasq9e/dKzP1Q3bp1lRtPHh6fmZnJnTt3yMvLU/47AEUeCyFEVdKqIBkYGPDTTz8pNzOU1cPjbWxsaNSoEQcOHCjV8ZaWlqSnp5OVlaUUpeKKEYCVlRXp6elkZGQoRSkpKUkpKqampty//79bllNTU4sc7+XlhZeXFxkZGcyePZvFixezaNGip+a7deuW8rigoIDk5GSsrKxISEjggw8+4IsvvkClUmFgYFDmZcOf5b+BhYUFhoaG3Lp1i6ZNmwJP/vyEEKKyaX1Tw/DhwwkLCyM3N/eZO7W3t6dmzZqsWbOG+/fvk5+fz3//+1/i4uKeelzDhg1p3bo1YWFh5OTkcOrUKQ4fLv6LZjY2NqhUKj799FOys7M5f/4827Ztw8vLC4CWLVty9OhR0tLSuH37Nl9++aVy7OXLlzl+/Dg5OTkYGRlhbGys1a3kZ8+e5cCBA+Tl5fHll19iZGTE66+/TlZWFnp6elhYWADw7bffcvHiRW0/riLq1atHcnIyOTk5pT7WwMCA7t27s3z5crKysoiPj2fnzp1lyiGEEOVN62tIX331FampqWzYsAELC4sif6kfOXKkVJ0aGBjw+eefs3DhQtzc3MjJyaFp06ZMmTKlxGMXL15MUFAQjo6O2Nvb4+HhQX5+frH7fvrpp8yZMwcXFxdq167NpEmT6Ny5MwA+Pj78/PPPaDQaGjZsSL9+/ZTvAuXk5LBkyRLi4+OpUaMGKpWK4ODgErO5ubmxZ88e3nvvPZo0aUJYWBg1atSgWbNmjBo1ikGDBqGnp0efPn1o165dKT6x/3FycqJZs2Y4Ozujp6dHTExMqY6fPXs2QUFBdO7cmaZNm+Lp6anVMGZxvN+aKjM1CKElGR4vmdYrxj7twneHDh3KLVBpTZkyhVdeeYXAwMAqywBFZ5eoThYtWkRqaioLFy4s9bGyYmzpSLaykWxlo4vZyuWmBqjaovOouLg46tatS6NGjfjxxx85dOgQY8eOrepY1UZ8fDy5ubnY2dnx+++/s23bNj766KOqjiWEENoXpJycHDbXxG8AACAASURBVHbs2MG5c+eUSVUf+uSTT8o92JOkpqYyadIk0tLSaNCgAXPnzqVVq1aV0vfo0aOLnSrJ39+/UvovD/fu3WP69OmkpKRQr149Ro0ahZubW1XHEkII7QtSUFAQ58+fp2vXrtSvX78iMz2VRqN54nePKtq6deuqpN/yZG9vX2SWCCGE0BVaF6To6GgOHTpE7dq1KzKPEEKIF5TWt33b2NiU6VZjIYQQQhtanyH16dOHCRMmMGzYMOrVq1dkW0lT8QghhBAlKdX3kODBd3sepaenx6FDh8o3lRBCiBeO1gXphx9+qMgcQgghXnBaX0MCyM3NJTY2lj179gAPJgj95y3gQgghRFlofYZ04cIFxo8fj5GREcnJyXh4eHDy5El27NjB0qVLKzKjKEejR4/G09OTvn37PnNbHh5uMnWQEFqysbFh797i594UD2g9ddDgwYMZOHAgffr0Qa1Wc/LkSTIzM3F3dyc6OrqicwoerCR74MABmjRpUi7tbd++vcTF/p4mOf5n8vPul7yjEAK1xo/Tp8+XvGM5qY5TB2k9ZHfp0iVlyYSHE6uamZmRnZ39jBFFSR4uyV5e+wkhhC7SuiA1bNjwsVmh4+LiePnll8s91PNEo9GwevVqPDw8UKvVzJw5UyniW7ZsoXv37nTo0IFx48aRnJysHGdnZ0dERAQ9evSgR48eDBkyBHgwS7lKpWLPnj3ExMTg6urKmjVr6Ny5MzNnziQ9PR1/f3+cnJxQq9X4+/sXWafJz8+PrVu3Eh8fz5w5czh9+jQqlarExRGFEKKiaV2QJk+ejL+/P8uWLSMnJ4fVq1cTGBio1ZIRL7pdu3axfv16vv/+e65cucLKlSs5fvw4S5YsYenSpfz44480bNiQadOmFTnu4MGDbNmyhT179hAREQHAzp07OXXqFB4eHsCDuf3S09M5fPgw8+fPp6CgAF9fXw4fPszhw4cxNjYudumMV199lXnz5tG2bVtOnTpFbGxsxX8QQgjxFFrf1NC1a1fWrVvHli1b6NChA4mJiSxfvpzWrVtXZL7nwpAhQ5S1UMaPH8/8+fO5ffs2/fr147XXXgNg2rRpdOjQgZs3b9KoUSMAxo4dS926dZ/atr6+PoGBgRgZGQFgYmKCu7u7sn38+PEMGzasIt6WEKKULC1rPdf9PSutC9Jnn30GgLm5Oebm5gAcOnSI6OhoGjRogIuLS5VOuqrLHl2Yy9bWlpSUFFJSUpRiBPDSSy9Rt25dkpOTlYKkzYJe5ubmGBsbK8+zsrJYsGAB0dHRpKenAw9m+M7Pz9dq1VshRMWpzJsMnuubGq5evcratWuJiYnh+vXrxMTEsHbtWs6dO8fmzZvp1q0bx44dK5fQz5ukpCTlcWJiIlZWVlhZWZGQkKC8npmZSVpaGtbW1sprj67K+yT/3Cc8PJwrV66wZcsWfvvtN2Wor7ibKbVpXwghKovWZ0gFBQWEhobSvXt35bWDBw/y3XffsWXLFnbs2MGSJUtwdXWtkKDV2aZNm+jatSsmJibKDQ4dO3Zk6tSpeHl58eqrr/Lpp59ib2+vnB0Vp379+ty4ceOpt33fu3cPY2NjateuTVpaGsuXL3/ivvXq1SM5OZmcnBxlyE8IIaqK1mdIP/7442PrEHXt2lU5K/L29ub69evlm+450bt3b0aNGkW3bt1o3Lgx48ePp2PHjkyePJlJkybh7OzMjRs3CA0NfWo7AQEBBAUF4eDgoMyW8U/Dhw8nOzsbJycnBg4ciIuLyxPbc3JyolmzZjg7O+Po6PhM71EIIZ6V1l+M7du3L/369WPo0KHKaxEREWzdupXIyEhSU1Px8fHhp59+qrCw1ZFGoyEkJIROnTpVdZRy5+joKDM1CKGlyp6poTpeQ9J6yC4kJIRJkyaxdu1arK2tSU5OxsDAgLCwMACuXLnC5MmTnz2xqDb27DlEQYFWf89UGl38IXxIspWNZHtxaF2QXnvtNfbv38+ZM2dISUnB0tKStm3bUqNGDQDUajVqtbrCggohhHi+aV2QAGrUqCHf6C8lWbZDCCG0U6rlJ4QQQoiKIgVJCCGETpCCJIQQQidIQRJCCKETpCAJIYTQCVKQhBBC6IRS3fYtxKM8PNxkpgYhtFTZMzVUR1KQiuHp6cns2bP55ZdfuHbtGosXL+bmzZu4ublx9uxZDA1172MbPXo0np6e9O3bt9L6jNoUSn7e/UrrT4jqTK3xq+oIOk+G7Iqxe/fuCpts9OES4s8iLCyMGTNmFHlt3bp1lVqMhBCivElB0jF5eXlVHUEIIaqEFKRiaDQafv7551Lt8+hZS3Z2NjNmzMDR0REHBwf69etHamoqoaGhxMbGEhwcjEqlIjg4GAA7OzsiIiLo0aMHPXr0AB5MZtulSxfatWuHr68vsbGxABw7dozVq1ezd+9eVCoV3t7eQNEzr4KCAlauXEnXrl3p2LEj7777Ln///WACyJs3b2JnZ8eOHTt44403cHR05PPPPy/HT08IIcpG9y6GPAd27NhBRkYGR44cwcjIiHPnzmFiYsLUqVP57bff8Pb2ZsCAAUWOOXjwIFu2bMHExASANm3aMHHiRGrVqsXGjRuZPHkyP/zwA66urvj7+yvXtoqzfft2duzYwcaNG7GwsOC9994jODiYRYsWKfv8+uuv7Nu3j6tXr9K/f3969OjBq6++WnEfihBClEAKUgUwNDQkLS2Na9eu0aJFC1q3bl3iMWPHjqVu3brKcx8fH+XxqFGj+Pzzz7ly5QotWrQosa1du3YxYsQIGjduDMC0adPw8vJiwYIFyj4BAQGYmJjQokULWrRowfnz56UgCVHBLC1rPdf9PSspSBXAx8eHW7duMW3aNP766y+8vb2ZOnWqslRHcWxsbIo8Dw8PZ+vWraSkpKCnp0dGRgZ3797Vqv+UlBQaNmyoPG/YsCF5eXn8+eefymv169dXHpuampKZmant2xNClFFlrp2ki2s1lbRAn1xDKiNTU1OysrKU57dv31Ye16hRg4CAAPbs2cPXX3/NkSNHiIyMfGp7enp6yuPY2FjWrl3L0qVLOXnyJLGxsdSqVYuHi/s+um9xrKysSEhIUJ4nJiZiaGhIvXr1SvUehRCiMklBKqMWLVqwZ88ecnNz+f3339m/f7+y7cSJE1y4cIH8/Hxq1qyJoaEhBgYGwIMzkxs3bjy17Xv37mFgYICFhQV5eXksX76cjIwMZXu9evVISEigoKCg2ON79+7Nl19+yY0bN7h37x6hoaH06tVLJ78/JYQQD0lBKqMpU6Zw/fp1OnToQFhYGF5eXsq21NRUAgMDad++PR4eHnTo0EG5G27YsGHs378ftVpNSEhIsW07Ozvj6uqKu7s7Go0GY2PjIkN6PXv2BMDR0bHY7x7169cPb29vhg4dipubG0ZGRnz44Yfl+faFEKLc6RU+HAcSopQcHR1l6iAhtFTZUwdVx2tIMoYjymzPnkMUFOjW3zO6+EP4kGQrG8n24pAhOyGEEDpBCpIQQgidIAVJCCGETpCCJIQQQidIQRJCCKETpCAJIYTQCVKQhBBC6AQpSEIIIXSCfDFWlJmHh5vM1CCElip7pobqSAqSjhg9ejSenp7Fzk2nDZVKRVRUlLIGUmWI2hRKft79SutPiOpMrfGr6gg6TwqSjli3bp3W+/r5+T226uypU6cqIpYQQlQauYb0D3l5eVUdQQghXkjVqiCdPXuWPn36oFKpCAwMZMqUKYSGhgJw+PBhfHx8cHBwYNCgQZw/f145TqPRsH79ery8vGjfvj1TpkwhOzsbgJiYGFxdXVmzZg2dO3dm5syZJbb3JBqNhtWrV+Ph4YFarWbmzJlKP+np6fj7++Pk5IRarcbf359bt24px/r5+bF161YAtm/fzuDBg1m4cCFqtRqNRsPRo0cBCA0NJTY2luDgYFQqFcHBwQDY2dlx7do1AIKCgpg3bx5jx45FpVIxYMAArl+/rvT1448/4u7uTvv27Zk7dy5Dhw5V+hZCiKpSbYbscnJyCAgIYMSIEbz11lscPnyYadOm8fbbb3P27FlmzZrFqlWraN26NVFRUUyYMIF9+/ZhZGQEwN69e1m3bh3GxsYMHjxY+aUPD9YvSk9P5/DhwxQUFGjV3pPs2rWL9evXY2pqyrhx41i5ciVTp06loKAAX19fli5dSn5+PrNmzSI4OJiVK1cW205cXBx9+/blxIkTfPPNN7z//vtER0czdepUfvvtt8eG7P5p9+7drFu3jlatWvHee+8RGhpKaGgod+7cITAwkI8//hiNRkNERARbt27Fx8enjP9lhBDasrSs9Vz396yqTUE6c+YMeXl5DBs2DD09PXr06EGbNm0A2LJlCwMHDuT1118HoG/fvqxatYrTp0/ToUMH4MEZiLW1NQBdu3bl3LlzStv6+voEBgYqxUab9p5kyJAhymJ648ePZ/78+UydOhVzc3Pc3d2V/caPH8+wYcOe2I6trS1vvvmm0v+8efNITU3F0tJSq8+re/fu2NvbA+Dt7c2CBQsAOHbsGM2bN6dHjx7AgwUDw8PDtWpTCPFsKnOpCl1cGuO5WQ8pJSUFa2tr9PT0lNce/uJPTEwkMjKSr776StmWm5tLSkqK8vzRX+SmpqZFtpmbm2NsbKw816a9J3l0ZVdbW1vlmKysLBYsWEB0dDTp6enAg6XK8/PzleXNH1W/fv0ieQEyMzNL7L+4401MTJRjU1JSaNCggbJNT0+vyHMhhKgq1aYgWVpakpycTGFhoVKUkpKSaNy4MTY2NowbN47x48eXqe1HixzwTO0lJSUpjxMTE7GysgIgPDycK1eusGXLFiwtLTl37hx9+vShshfsffg5PlRYWFjkWpYQQlSVanNTQ9u2bTEwMOCrr74iLy+PgwcP8vvvvwMwYMAAvv76a86cOUNhYSGZmZkcOXKEjIyMMvX1LO1t2rSJW7dukZaWptzgAA/OhoyNjalduzZpaWksX768TNngwdnPjRs3ynRsly5duHDhAgcPHiQvL4+IiAhSU1PLnEUIIcpLtSlIRkZGhIWFsW3bNtRqNVFRUbzxxhsYGRnRpk0b5s+fT3BwMGq1mh49erB9+/Yy9/Us7fXu3ZtRo0bRrVs3GjdurJxlDR8+nOzsbJycnBg4cCAuLi5lzjds2DD279+PWq0mJCSkVMdaWFjw2WefsWjRIhwdHbl06RKtW7emRo0aZc4jhBDlQa+wsseMytGAAQMYNGgQ/fr1q+oowIPbvkNCQujUqVNVR9FaQUEBrq6uLF68GCcnp1Id6+joKFMHCaGlyp46SG5qqGC//PILTZs2xdzcnF27dnHhwoVnOtN4UUVHR/P6669jYmKizBDRtm3bUrezZ88hCgp06+8ZXfwhfEiylY1ke3FUq4J05coVpkyZQmZmJo0bN2bZsmXKTQOVITExEU9Pz2K37d69u9JyPKvTp08zY8YMcnJyaNasGStWrMDExKSqYwkhXnDVeshOVK0//8yQM6RSkGxlI9nKRhezlTRkV21uahBCCPF8k4IkhBBCJ0hBEkIIoROkIAkhhNAJUpCEEELoBClIQgghdEK1+h6S0C0eHm4yU4MQWqrsmRqqIylI5SQqKorIyMgXam2hqE2h5Ofdr+oYQlQLao1fVUfQeTJkV068vb2LFKNHlxQXQghRMilIQgghdIIUpDJISkoiICAAJycnHB0dCQ4OZvv27QwePBh4sIw5gI+PDyqVij179tC7d29++OEHpY3c3FwcHR05d+4c2dnZzJgxA0dHRxwcHOjXr5+yRlFaWhozZ87E2dkZtVrNhAkTAEhPT8ff3x8nJyfUajX+/v5FFtrz8/NjyZIl9O/fn/bt2zN+/HjS0tKU7adPn2bQoEE4ODjg7e1NTExMhX9uQgjxNHINqZTy8/OVQvDDDz9gYGDA77//zvXr15V9IiIisLOzY+fOnTRp0gSAhIQEoqKi0Gg0ABw9ehQrKytatmzJ119/TUZGBkeOHMHIyIhz584pk52+++67mJmZsXv3bszMzDh16hTwYNkIX19fli5dSn5+PrNmzSI4OJiVK1cqOSIjI1m/fj2NGjXivffeIyQkhMWLF5OcnIy/vz+ffPIJLi4uHD9+nMDAQPbu3YuFhUVlfZRCvHAsLWs91/09KylIpRQXF0dKSgrvvvsuhoYPPj4HB4ciBak43t7erFy5koyMDGrWrElUVBTe3t4AGBoakpaWxrVr12jRogWtW7cGICUlhWPHjhETE0OdOnUA6NChAwDm5ua4u7sr7Y8fP55hw4YV6dPHx4d///vfAEyePJk+ffqwcOFCdu7ciaurK126dAGgc+fOtG7dmqNHj9K3b99n/YiEEE9QmZOdVsfJVaUglVJSUhK2trZKMdKWtbU17dq1Y//+/XTv3p1jx47x/vvvAw8Kx61bt5g2bRp//fUX3t7eTJ06lVu3blGnTh2lGD0qKyuLBQsWEB0dTXp6OvBgmfT8/HwMDAyAB7eZPmRra0tubi53794lMTGRffv2cfjw/25BzcvLw9HRsdSfhxBClBcpSKVkY2NDUlISeXl5pS5Kffv2ZevWreTn59O2bVusra0BqFGjBgEBAQQEBHDz5k3Gjh1L06ZN6dKlC+np6fz111/Url27SFvh4eFcuXKFLVu2YGlpyblz5+jTpw+PriaSlJRU5HGNGjUwNzfHxsYGHx+fUi9/LoQQFUluaigle3t7LC0tWbJkCZmZmWRnZ/Prr78+tl/9+vW5ceNGkde6devG//t//4+NGzfSp08f5fUTJ05w4cIF8vPzqVmzJoaGhhgYGGBlZYWrqyvz5s0jPT2d3NxcTp48CTw4GzI2NqZ27dqkpaWxfPnyxzJERUVx6dIlsrKy+Oyzz3B3d8fAwABvb28OHz5MdHQ0+fn5ZGdnExMTU+SmCCGEqGxyhlRKBgYGrFq1ipCQELp27QqAl5cXrVq1KrJfQEAAQUFB3L9/n+DgYDw8PDAxMaFHjx7s3r2b7t27K/umpqYyZ84ckpOTMTMzw8PDQ7m+9Mknn7BgwQJ69eql3JmnVqsZPnw4M2bMwMnJCSsrK0aOHMnBgweLZPDx8SEoKIjLly/ToUMH5s6dCzw4y1u5ciWLFi1i+vTp6OvrY29vr2zXlvdbU2WmBiG09OgQuiierBhbyZYvX87Vq1dZvHhxhfbj5+eHt7c3AwYMqLA+ZMXY0pFsZSPZykYXs8mKsTokLS2Nb7/9loEDB1Z1FCGE0DlSkCrJli1beOONN3BxcUGtVld1HCGE0DkyZCfKTIbsSkeylY1kKxtdzCZDdkIIIaoFKUhCCCF0ghQkIYQQOkEKkhBCCJ0gBUkIIYROkIIkhBBCJ8jUQSXQaDSEhITQqVOncmvz5s2buLm5cfbs2VJP0KpLPDzcZOog8dyytbVlz54fSt5RlJvq+9tQVLlDhw4hX2MTz6sWLVpUdYQXjgzZCSGE0AlSkLQUFxfHwIEDcXBwwNnZmeDgYHJycpTtdnZ2bN68mR49eqBWq5k3b55y9pCfn8/ChQtxdHTEzc2No0ePFml7+/btuLm5oVKp0Gg0REVFKdu2bNlCr169UKlUeHh4cPbsWQDWrFlDt27dlNe///77Iu0NGjSI+fPn0759e3r27Mnx48eV7X///TezZs3C2dkZFxcXQkNDyc/Pr5DPTQghtCVDdlrS19dn5syZtG7dmlu3bjFmzBg2bdrEiBEjlH2OHDnCtm3byMjIwNfXl65du+Lq6sqWLVs4fPgwkZGRmJqaMmnSJOWYzMxMQkJC2LZtG6+88gopKSnKCrB79+4lLCyMFStW0KZNG65fv65cc2rcuDERERFYWlqyb98+3nnnHQ4cOICVlRXwoID27NmTEydO8P333xMQEMChQ4eoW7cu7733HvXr1+fAgQNkZWXh7++PjY0NgwYNqrwPVAgh/kEKkpZat26tPG7UqBEDBw7k5MmTRQrSmDFjqF27NrVr18bR0ZHz58/j6urK3r17GT58uLIeir+/P7/88otynL6+PhcvXsTW1hYrKyulqGzbto3Ro0djb28PQJMmTZRjevXqpTz28PBg9erVxMXF0a1bNwAsLCwYPnw4enp6eHh4EB4ezpEjR3B2dubYsWPExsZiYmKCmZkZI0aM4JtvvpGCJMQ/WFrWKpd9qoouZyuOFCQtXblyhY8//pg//viDrKws8vPzee2114rsY2lpqTw2NTXl3r17AKSkpBRZnMvW1lZ5bGZmRmhoKOHh4bz//vu0a9eO9957j1dffZWkpCRefvnlYvNERkayYcMGEhISgAdnWnfv3lW2W1tbo6enV6TPlJQUEhMTycvLw9nZWdlWUFAgi4cJUYySJifVxQlMH9LFbCVNrioFSUtz586lVatWLFmyhJo1a/LFF1+wf/9+rY61tLQkKSlJef7oYwAXFxdcXFy4f/8+S5cu5cMPP2TTpk3Y2Nhw/fr1x9pLSEjggw8+4IsvvkClUmFgYICPj0+RfZKTkyksLFSKUlJSEhqNhgYNGmBkZMSJEyeq9S3nQojnj9zUoKV79+7x0ksv8dJLLxEfH8/mzZu1PrZXr1783//9H7du3SI9PZ01a9Yo21JTUzl06BCZmZkYGRlhZmaGgYEBAP379yc8PJw//viDwsJCrl27RkJCAllZWejp6WFhYQHAt99+y8WLF4v0eefOHTZu3Ehubi579+4lPj6eLl26YGVlRefOnfn444/JyMigoKCA69evFxlCFEKIqiB/Imvpvffe48MPP2T9+vW0bNkSDw8PTpw4odWxb775JlevXsXHx4eXXnqJt99+Wzm2oKCADRs28O6776Knp0fLli2ZM2cO8KCQpaWlMX36dFJSUmjYsCGffPIJrVq1YtSoUQwaNAg9PT369OlDu3btivRpb2/PtWvXcHJyon79+ixbtgxzc3MAPvnkExYvXoyHhwf37t2jcePGjBkzphw/LSGEKD1ZoO85tH37drZu3Vqqs7iycHR0lJkaxHNLm5kadPE6zUO6mE2uIYkKs2fPIVkxthQkW9nocjZRvuQakhBCCJ0gZ0jPIV9fX3x9fas6hhBClIoUJFFm+vp6Je9UBXQ1F0i2spJsZaNr2UrKIzc1CCGE0AlyDUkIIYROkIIkhBBCJ0hBEkIIoROkIAkhhNAJUpCEEELoBClIQgghdIIUJCGEEDpBCpIQQgidIAVJCCGETpCCJIQQQidIQRLFSktLY+LEibRt25auXbuya9euYvcrLCxk0aJFODo64ujoyCeffEJFz0albbZ169bRu3dvVCoVGo2GdevWVWiu0mR7KCcnh549e+Lq6qpT2c6ePcuQIUNQqVR06tSJL7/8Uiey5eTkMHv2bDp16kSHDh0YN24cycnJFZbrq6++wtfXl9atWxMUFPTUfb/44gs6d+5M+/btmTlzJjk5ORWWqzTZduzYga+vL+3atcPV1ZVPPvmEvLy8Cs1WVjK5qihWcHAwNWrU4KeffuLcuXP4+/vTokULmjdvXmS/b775hoMHD7Jz50709PQYOXIkjRs3ZvDgwVWerbCwkIULF2JnZ8f169d5++23sbGxwdPTs8qzPbR+/Xrq1atHZmZmhWUqbbY7d+4wevRoZs6cSc+ePcnJyanQX/qlyfbll19y+vRpoqKiqFWrFh988AHz589n+fLlFZLLysqKCRMmEB0dTXZ29hP3i46OZs2aNXz55ZdYWVkREBDAsmXLmDFjRoXkKk22rKwsZs2ahb29PXfv3mX8+PGEh4czduzYCstWVnKGJB6TmZnJgQMHmDx5Mi+99BIODg5oNBp27tz52L6RkZGMGjWKBg0aYG1tzciRI9mxY4dOZBszZgyvvfYahoaGvPLKK7i5ufHbb7/pRDaAGzduEBUVVSm/GEqT7YsvvsDZ2Rlvb2+MjIyoWbMmr776qk5ku3nzJs7OztSvXx9jY2M8PT25ePFihWXr0aMH3bp1o27duk/dLzIykv79+9O8eXPq1KnDhAkTKvTnoDTZ3nrrLRwcHDAyMsLa2hovL68K/Tl4FlKQxGOuXr2Kvr4+TZs2VV5r0aIFly5demzfixcv0qJFiyL7VeQviNJke1RhYSGxsbE0a9ZMZ7KFhIQwbdo0TExMKixTWbKdPn2aOnXqMGjQIDp27Mi4ceNITEzUiWz9+/fnt99+Izk5maysLHbt2lUpw50l+efPgZ2dHampqdy9e7cKUxXv5MmTFfpz8CykIInHZGZmUqtWrSKv1apVi3v37hW7b82aNYvsl5mZWWHXkUqT7VFhYWEUFBTQr1+/CslV2mzff/89eXl5dO/evcLylDVbcnIykZGRzJo1iyNHjtCoUSOmTZumE9maNm2Kra0trq6utG/fnvj4eCZOnFhh2bRV3M8BUOL/l5Xt22+/5Y8//mDUqFFVHaVYUpDEY8zMzMjIyCjyWkZGBi+99FKx+z76Q5eRkYGZmRl6ehWzMFhpsj301VdfERkZyZo1azAyMqqQXKXJlpmZyaJFi/jwww8rLEtZswEYGxvTvXt37O3tMTY2ZuLEiZw6dYq///67yrPNmTOH7OxsYmJiOH36NN27d2fMmDEVkqs0/vkeHj5+2v+Xle3gwYMsWbKEtWvXYmFhUdVxiiUFSTzmX//6F/n5+Vy9elV57fz588We5jdv3pzz588X2e9JF/ArOxvAtm3blIvNDRo0qLBcpcl27do1EhISGDJkCJ07d2bSpEncvn2bzp07c/PmzSrNBg+Gmx718I+LijrrLU22Cxcu0LdvX+rWrYuRkRF+fn7ExcVx586dCsmmrebNm3PhwgXl+fnz56lfvz7m5uZVmOp/jh07xgcffMCqVase+++rS6QgiceYmZnRvXt3li1bRmZmJr/++iuHDh3Cx8fnsX19fHzYsGEDycnJJCcns2HDBvr27asT2aKioggNDWXDhg00bty44wuq1wAAEUVJREFUwjKVNlvz5s05cuQIkZGRREZGEhISQr169YiMjMTGxqZKswH4+vpy8OBBzp07R25uLitXrqR9+/bUrl27yrO1adOGnTt38vfff5Obm8umTZuwsrKqsL/48/LyyM7OpqCggPz8fLKzs4u9ZdrHx4dt27Zx6dIl0tPT+fzzzyv056A02Y4fP84777xDWFgY9vb2FZrpmRUKUYy7d+8Wjh8/vvD1118v7NKlS2FUVFRhYWFh4cmTJwvbtm2r7FdQUFC4cOHCQrVaXahWqwsXLlxYWFBQoBPZunbtWtiqVavCtm3bKv8+/PBDncj2qBMnThS6uLhUaK7SZouIiCh0dnYudHBwKPT39y9MTEzUiWx37twpnDZtWqGTk1Nh+/btCwcNGlR45syZCsu1bNmywn//+99F/i1btqwwISGhsG3btoUJCQnKvuHh4YUdO3YsVKlUhUFBQYXZ2dkVlqs02YYOHVrYsmXLIj8Hb7/9doVmKyu9wsIK/hajEEIIoQUZshNCCKETpCAJIYTQCVKQhBBC6AQpSEIIIXSCFCQhhBA6QQqSEEIInSAFSTxX7OzsuHbtGgCzZ89mxYoVVZyoetu0aROdOnVCpVLp3EShnp6exMTEVGgfN2/exM7OTmfXD3po1apVvP/++1Ud45nJ95BEldBoNKSkpHDs2LEi37L38fHh/PnzHDp0iEaNGpW6XTs7O/5/e/ceFGX1P3D8PVyWSygICQJeRp2kRlNXlqsICakgAUoq2IiQJCCYmaSRaX61QQdtxiYRkAAHRqcyRQXBiUAUx0UUI7B08hLDqFwWRUgBBZHfHwzPz5W4iJqU5zXDDLt7nvOcc/bsnuc5z7Pnk5OTw6hRo55lcdUUFRURGBiInp6e2vMpKSnI5fIet71+/Tpubm78/vvvaGkN7HBkra2tWFtbs2/fPrWVrDt11kVfX1/t+ejoaGbPnv1MyxIVFYWZmRkff/zxM823N729X66urty8eRNNTU309fWZNm0a69evf65r2BUVFbF69WoKCgqe2z5elIH9iRD+0ywtLcnKyiIgIADoWKfs3r17L7hUfWNqavrcvhAePHgwIAarW7ducf/+/V5DFZw9e3ZAlPdFSUhIwNHRkdraWoKDg0lMTPzHB87/CjFlJ7wwPj4+HDp0SHp86NAh5syZo5ampaWFmJgY3nrrLRwdHfniiy/UBq2kpCScnJxwcnJi//79attGRUWxfft2ABoaGggNDcXe3h4bGxtCQ0Oprq6W0gYEBPD111/j7++PXC5nyZIl/V6ws6e8Fi1aBICNjQ1yuZySkhLS09Px9/dn8+bN2NraSqEy4uLimD59Og4ODqxZs0ZabbtzGumHH36Q6p6SkgJAbW0tkyZNUpte++2337C3t6e1tbVLWVtaWoiOjpbyiY6OpqWlhfLyctzd3aWyLl68+InbISoqiv/973988MEHyOVy/P39qa2tJTo6GhsbG9zd3blw4YKU/urVqwQEBKBQKPD09CQvLw/oiEqcmZlJcnIycrmcsLAwoOPsRKlU9lgP6DijcHZ2JiUlBQcHB5ycnDhw4IC03+PHjzNnzhymTJmCi4sLO3bseOK6AgwdOhQnJycuXrwoPddT/+2tT9bX1/PZZ5/h5OSEjY0N4eHhNDU1sXTpUlQqFXK5HLlcTk1NDTt27FCLTpuXl4enpycKhYKAgACuXr0qvebq6kpycjJeXl5YW1uzcuVKKeJsXV0doaGhKBQKbG1tee+993j48GG/2qM/xIAkvDCTJ0/m7t27XL16lba2NrKzs/H29lZLs23bNsrLyzl06BA5OTmoVCrpulBBQQEpKSmkpKSQk5NDYWFht/t6+PAhvr6+5Ofnk5+fj46ODps2bVJLc+TIEbZs2UJhYSGtra3Sl3x/dJfXnj17gI6zipKSEmmKr6ysjBEjRqBUKlm2bBnp6ekcPHiQtLQ0cnNzaWpq6lLeoqIicnJySE5OJjExEaVSydChQ7G1teXo0aNSuoyMDDw9PdHW1u5Szvj4eEpLSzl8+DAZGRmcP3+euLg4Ro8ezZEjR6SypqWl9asdjh49ysqVKzl9+jQymQw/Pz/Gjx/P6dOnmTVrFlu2bAE6pgfDwsKYOnUqSqWSdevW8cknn/Dnn3/i5+eHl5cXwcHBlJSUkJCQ0Od6dLp58yZ37tyhoKCA6OhoNm3aRENDAwB6enrExMRQXFzMrl27+O6778jNzX3iulZXV3Py5ElGjhwpPddT/+2tT65Zs4bm5maysrJQKpUEBQWhr6/Pt99+i6mpKSUlJZSUlGBmZqZWjvLyciIjI1m7di2FhYU4OzsTFhYmDdCd70tSUhJ5eXn88ccfpKenA7B7927MzMwoLCzk1KlTrFq16rmFkvk7YkASXqjOs6RTp04xZswYtQ9Xe3s7P/74I2vXrsXIyAgDAwNCQ0PJysoCOj5Uvr6+jBs3Dn19fZYvX97tfoYMGcKsWbPQ09PDwMCAZcuWcfbsWbU0vr6+jB49Gl1dXdzd3dWOdB+nUqlQKBRqf01NTf3KCzqmAAMCAtDS0kJXV5fMzEyCgoIYMWIEr7zyCqtWrSI7O1vt4npERAT6+vpYWVnh6+srDSBz584lIyMDgLa2NrKysv525WyAzMxMIiIiMDExwdjYmIiICGnbvrK3t1drh0ePxmfMmMGECROkGEs6OjrMmTMHTU1NZs+eLbVLaWkpTU1NhISEIJPJcHBwYPr06dJ73Zve6qGlpUVERATa2tq4uLigr69PeXk5AHZ2dlhZWaGhocHrr7+Op6cnZ86c6XP9IyIikMvluLi4YGxszIoVK4De+29PfbLz+urGjRsxNDREW1sbW1vbPpUnOzsbFxcXpk6dira2NsHBwdy7d4+SkhIpTUBAAGZmZhgZGTF9+nTpfdDS0qK2tpbKykq0tbVRKBT/6ID08k78CgOCj48PixYt4vr1612+NOvq6mhubsbX11d6rr29XZpCUKlUTJgwQXrN0tKy2/00NzezZcsWTp48KR0ZNzY20tbWhqamJtAx5dJJT09PbYB5XG/XkJ4kL6BLrCaVSqVWH0tLSx48eMCtW7ek5x4NVWFpacmlS5cAcHNzY8OGDVy7do3y8nIMDAy6DTugUqmwsLCQHltYWKBSqXos6+NOnz7d7TUkExMT6X9dXV1effVVtced7aJSqRg2bBgaGv9/jGxhYUFNTU2fytBbPYyMjNTK+Oh7UlpayldffcXly5dpbW2lpaVFmq7si507d+Lo6MiZM2eIjIzk9u3bDB48uNf+21OfrK6uxtDQEENDwz6Xo7u20NDQwNzcXK0tH++fnW0VHBxMbGysFFHWz8+PkJCQJy5Df4kzJOGFsrS0ZPjw4Zw4cYKZM2eqvTZkyBB0dXXJysqiuLiY4uJizp07Jx3pmZqaUlVVJaWvrKzsdj8pKSmUl5ezb98+fvnlF/bu3Qs8v6Bz3enuaPPx501NTblx44b0uLKyEi0tLbUv+MfrbmpqCnREfPXw8CAjI4PDhw93e3bUuZ9H262qqkrK559kampKdXW12vWKqqoq6Yy5t6P0p6lHZGQkbm5unDhxgnPnzuHv79+vfmFra4uvry8xMTFA7/23pz45bNgwGhoa+Ouvv7rs50nbor29Xa0te2JgYEBUVBR5eXkkJCSwe/fuHqfCnzUxIAkvXHR0NKmpqV1uH9bQ0GD+/Pls3rxZOjOoqanh5MmTALi7u3Pw4EGuXLlCc3MzsbGx3e6jsbERHR0dBg8eTH19fY9pnydjY2M0NDS4du1aj+neeecdUlNTuXbtGo2NjWzfvh0PDw+1o/y4uDiam5u5fPky6enparda+/j4cPDgQY4dO9blutyjPD09iY+Pp66ujrq6Onbu3ImXl9fTV/QJTZw4ET09PZKSkmhtbaWoqIhjx45JdTIxMekxmu7T1KOxsRFDQ0N0dHQoKyuTpj77IzAwEKVSycWLF3vtvz31SVNTU5ydndm4cSMNDQ20trZK03kmJibU19d3G1Lew8ODEydOqF2/lMlkvf4kASA/P5+Kigra29sxMDBAU1NT7az1eRMDkvDCjRw5kjfffPNvX1u9ejWjRo1iwYIFTJkyhaCgIGnu38XFhcDAQAIDA5kxYwb29vbd7iMwMJD79+9jb2+Pn58f06ZNe6oyP3qXU+ffTz/91Ot2enp6hIWFsXDhQhQKBb/++uvfpnv33Xfx9vZm0aJFuLm5IZPJWL9+vVoaW1tbZsyYQVBQEEuWLMHJyUl6zdraGg0NDcaPH9/j77nCw8OZMGEC3t7eeHt7M378eMLDw/vYCh067xjs/Nu9e/cTbQ8gk8mIj4+noKAAe3t7Nm7cyNatWxk7diwA8+bN48qVKygUir8t39PUY8OGDXzzzTfI5XJ27tyJh4fHE5e/k7GxMT4+PtINFT3139765NatW9HS0sLDwwNHR0dSU1MBGDt2LJ6enrz99tsoFIou05pjxoxh27ZtfPnll9jb25Ofn09CQgIymazX8ldUVPD+++8jl8vx8/Nj4cKF2NnZ9bs9npT4Yawg/Mv09ce1ixcvxsvLi/nz5/+DpROE/hNnSILwH1RWVsaFCxee6mhfEP5p4i47QfiP+fTTT8nNzeXzzz/HwMDgRRdHEPpMTNkJgiAIA4KYshMEQRAGBDEgCYIgCAOCuIYkCMJTa2lpITExkczMTGpqahg0aBBWVlYEBQWp3Y4uCD0RA5IgCH3WXWiMFStWoFKp2Lp1K2+88QbQsaTQ8ePHn/mANFDCcwjPnpiyE4SXgJWVFWlpabi5uWFnZ0dMTIzaMj379+/Hw8MDGxsbgoOD1ZYtsrKyYu/evcycObPL8k4ASqUSpVJJXFwckyZNQiaTIZPJcHZ2Zt26dVK6mpoaPvzwQ+zt7XF1dVVbQXzHjh189NFHrFmzBrlcjqenJ+fPn5ded3V1JTExES8vLyZPnsyDBw96zE/4dxIDkiC8JH7++WcOHDggLSnUGRMoNzeXXbt2ERsbS2FhIdbW1kRGRqptm5uby759+8jOzu6Sr1KpZNKkSV0WiH3Uw4cPWbZsGVZWVhQUFJCamkpqaqq0jA7AsWPH8PT0pLi4GFdXV7788ku1PLKyskhMTKS4uBgNDY1e8xP+fcSAJAgviaVLl2JkZISFhQWLFy+W1mz7/vvvCQkJYezYsWhpaREWFsbFixfVzpJCQkIwMjJCV1e3S763b99WW8W7vr4ehUKBtbW1tCTU+fPnqaurY/ny5chkMkaMGMGCBQvUBjhra2tcXFzQ1NSUQtk/KiAgAHNzc3R1dfuUn/DvIyZiBeEl8Xi4is6QA5WVlWzevFlapRo6VoiuqamRQmA8uu3jjIyMqKioUHtcXFxMRUWFNMV348YNKYZUp7a2NrXHj4emuH//vtr1okfL0Jf8hH8fMSAJwkuiqqqK1157DVAPV2Fubk5YWFiPq4L3FPLAwcGBPXv2UF1d3e20nbm5OcOHDycnJ6ff5X+0DM8iP2HgEVN2gvCSSE5OpqGhgaqqKtLS0qTQDv7+/iQmJnL58mUA7ty5oxYCvTdOTk7Y2dkRHh5OaWkpLS0ttLa2qq1kPnHiRAwMDEhMTOTevXu0tbVx6dIlysrK+lWXZ52fMDCIMyRBeEm4ubnh6+vL3bt3mTt3LvPmzQM6wow3NjayatUqbty4waBBg3B0dHyihVljY2PZtWsXq1evpqamBkNDQ8aNG0dSUhIAmpqaxMfHExMTg5ubGy0tLYwePZqVK1f2qy7POj9hYBBr2QnCS8DKyoqcnBxGjRr1oosiCN0SU3aCIAjCgCAGJEEQBGFAEFN2giAIwoAgzpAEQRCEAUEMSIIgCMKAIAYkQRAEYUAQA5IgCIIwIIgBSRAEQRgQxIAkCIIgDAj/B8r2r+rtkfrlAAAAAElFTkSuQmCC\n", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "pallete = plt.cm.Pastel1_r\n", + "\n", + "for stat in ['average', 'median']:\n", + " if stat == 'average':\n", + " s = m.groupby('genre')['entropy'].mean().sort_values()\n", + " else:\n", + " s = m.groupby('genre')['entropy'].median().sort_values() \n", + "\n", + " plt.figure()\n", + " norm = plt.Normalize(s.min(), s.max())\n", + " colors = pallete(norm(s.values))\n", + " ax = s.plot.barh(grid=True, color=colors, ec=\"k\", fontsize=12)\n", + " xlabel = '{} Entropy of Emotional Reactions \\n per Genre'.format(stat.capitalize())\n", + " ax.set_xlabel(xlabel)\n", + " plt.tight_layout() \n", + " plt.savefig('ArtEmis_entropy_emo_reactions_per_Genre_{}.jpg'.format(stat.capitalize()))" + ] + } + ], + "metadata": { + "kernelspec": { + "display_name": "joint36", + "language": "python", + "name": "joint36" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.6.9" + }, + "pycharm": { + "stem_cell": { + "cell_type": "raw", + "metadata": { + "collapsed": false + }, + "source": [] + } + } + }, + "nbformat": 4, + "nbformat_minor": 2 +} diff --git a/imageprocessing/artemis/artemis/notebooks/analysis/extract_emotion_histogram_per_image.ipynb b/imageprocessing/artemis/artemis/notebooks/analysis/extract_emotion_histogram_per_image.ipynb new file mode 100644 index 0000000000000000000000000000000000000000..8d0973abb8284fd45754b474199bfdf455712579 --- /dev/null +++ b/imageprocessing/artemis/artemis/notebooks/analysis/extract_emotion_histogram_per_image.ipynb @@ -0,0 +1,296 @@ +{ + "cells": [ + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Given a collection of artworks (e.g., images of ArtEmis) for which humans have indicated an emotion, extract for each artwork a _histogram_ that indicates the human's emotional preference. \n", + "- you will use this to train an image2emotion classifier" + ] + }, + { + "cell_type": "code", + "execution_count": 1, + "metadata": {}, + "outputs": [], + "source": [ + "import pandas as pd\n", + "import numpy as np\n", + "from artemis.emotions import emotion_to_int" + ] + }, + { + "cell_type": "code", + "execution_count": 3, + "metadata": {}, + "outputs": [], + "source": [ + "#\n", + "# SET YOUR PATHS.\n", + "#\n", + "\n", + "\n", + "#\n", + "# I use the ArtEmis dataset with _minimal_ preprocessing\n", + "# as prepared by the script preprocess_artemis_data.py --preprocess-for-deep-nets **False** (see STEP.1 at top-README)\n", + "# Note, that here you can also use the directly downloaded \"artemis_dataset_release_v0.csv'\" since the \n", + "# preprocess_artemis_data.py does not change the emotions of the \"raw\" data.\n", + "# \n", + "\n", + "artemis_csv = '/home/optas/DATA/OUT/artemis/preprocessed_data/for_analysis/artemis_preprocessed.csv'\n", + "# or\n", + "# artemis_csv = '/home/optas/DATA/OUT/artemis/official_data/artemis_dataset_release_v0.csv'\n", + "\n", + "\n", + "save_file = '../../data/image-emotion-histogram.csv' # where to save the result." + ] + }, + { + "cell_type": "code", + "execution_count": 5, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "454684\n", + "Index(['art_style', 'painting', 'emotion', 'utterance', 'repetition', 'split',\n", + " 'tokens', 'tokens_len', 'utterance_spelled', 'tokens_encoded',\n", + " 'emotion_label'],\n", + " dtype='object')\n", + "\n", + "Unique Emotions: ['something else' 'sadness' 'contentment' 'awe' 'amusement' 'excitement'\n", + " 'fear' 'disgust' 'anger']\n" + ] + } + ], + "source": [ + "df = pd.read_csv(artemis_csv)\n", + "print(len(df))\n", + "print(df.columns)\n", + "u_emo = df.emotion.unique()\n", + "\n", + "print('\\nUnique Emotions:', u_emo)\n", + "n_emotions = len(u_emo)" + ] + }, + { + "cell_type": "code", + "execution_count": 6, + "metadata": {}, + "outputs": [], + "source": [ + "df['emotion_label'] = df.emotion.apply(emotion_to_int)" + ] + }, + { + "cell_type": "code", + "execution_count": 7, + "metadata": {}, + "outputs": [], + "source": [ + "def collect_image_distribution(g):\n", + " \"\"\" Apply to each pandas group:g (artwork) to extract an *unormalized* distribution of the emotions indicated.\n", + " \"\"\"\n", + " image_distribution = np.zeros(n_emotions, dtype=np.float32)\n", + " for l in g.emotion_label:\n", + " image_distribution[l] += 1\n", + " return image_distribution" + ] + }, + { + "cell_type": "code", + "execution_count": 8, + "metadata": {}, + "outputs": [], + "source": [ + "image_groups = df.groupby(['art_style', 'painting']) # each group is now a unique artwork\n", + "image_distibutions = image_groups.apply(collect_image_distribution)" + ] + }, + { + "cell_type": "code", + "execution_count": 9, + "metadata": {}, + "outputs": [], + "source": [ + "# assert each image has at least 5 (human) votes!\n", + "x = image_distibutions.apply(sum)\n", + "assert all(x.values >= 5)" + ] + }, + { + "cell_type": "code", + "execution_count": 10, + "metadata": {}, + "outputs": [], + "source": [ + "data = []\n", + "for row in image_distibutions.items():\n", + " style = row[0][0]\n", + " name = row[0][1]\n", + " dist = row[1]\n", + " data.append([style, name, dist.tolist()]) \n", + "data = pd.DataFrame(data, columns=['art_style', 'painting', 'emotion_histogram'])" + ] + }, + { + "cell_type": "code", + "execution_count": 9, + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
art_stylepaintingemotion_histogram
0Abstract_Expressionismaaron-siskind_acolman-1-1955[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]
1Abstract_Expressionismaaron-siskind_chicago-1951[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]
2Abstract_Expressionismaaron-siskind_chicago-6-1961[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 2.0]
3Abstract_Expressionismaaron-siskind_feet-102-1957[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]
4Abstract_Expressionismaaron-siskind_gloucester-16a-1944[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0]
\n", + "
" + ], + "text/plain": [ + " art_style painting \\\n", + "0 Abstract_Expressionism aaron-siskind_acolman-1-1955 \n", + "1 Abstract_Expressionism aaron-siskind_chicago-1951 \n", + "2 Abstract_Expressionism aaron-siskind_chicago-6-1961 \n", + "3 Abstract_Expressionism aaron-siskind_feet-102-1957 \n", + "4 Abstract_Expressionism aaron-siskind_gloucester-16a-1944 \n", + "\n", + " emotion_histogram \n", + "0 [1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0] \n", + "1 [0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0] \n", + "2 [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 2.0] \n", + "3 [0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0] \n", + "4 [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0] " + ] + }, + "execution_count": 9, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "data.head()" + ] + }, + { + "cell_type": "code", + "execution_count": 13, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "108425 8\n", + "108426 5\n", + "108427 2\n", + "108428 5\n", + "227077 8\n", + "Name: emotion_label, dtype: int64" + ] + }, + "execution_count": 13, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "# Quick check of third row above.\n", + "mask = (df.art_style == 'Abstract_Expressionism') & (df.painting == 'aaron-siskind_feet-102-1957')\n", + "df[mask]['emotion_label']" + ] + }, + { + "cell_type": "code", + "execution_count": 11, + "metadata": {}, + "outputs": [], + "source": [ + "data.to_csv(save_file, index=False)" + ] + }, + { + "cell_type": "code", + "execution_count": 12, + "metadata": {}, + "outputs": [], + "source": [ + "## OK now you go and run the next notebook to use this histograms to train an Image-2-Emotion classifier!" + ] + } + ], + "metadata": { + "kernelspec": { + "display_name": "artemis", + "language": "python", + "name": "artemis" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.6.12" + } + }, + "nbformat": 4, + "nbformat_minor": 2 +} diff --git a/imageprocessing/artemis/artemis/notebooks/deep_nets/emotions/image_to_emotion_classifier.ipynb b/imageprocessing/artemis/artemis/notebooks/deep_nets/emotions/image_to_emotion_classifier.ipynb new file mode 100644 index 0000000000000000000000000000000000000000..e8b221e29ea1926adca4466899a0f7dab30b9896 --- /dev/null +++ b/imageprocessing/artemis/artemis/notebooks/deep_nets/emotions/image_to_emotion_classifier.ipynb @@ -0,0 +1,4451 @@ +{ + "cells": [ + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Use the emotion-histograms extracted with the corresponding notebook to train an image to an emotion (emotion-distribution) classifier.\n", + "- the notebook to make the histograms is at __analysis/extract_emotion_histogram_per_image.ipynb__ \n", + "- if you do not want to train the model; you can load the pretrained one (set do_trainining=False)\n", + "- the pretrained one is located at https://www.dropbox.com/s/8dfj3b36q15iieo/best_model.pt?dl=0" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "#### Friendly Remarks from Panos :\n", + " - Predicting the emotional-responses without the text/explanations is very hard. \n", + " - Predicting the emotional-responses given the explanations is much easier. \n", + " - Predicting the emotional-responses given the text & image is not (significantly) easier, than relying only on text.\n", + " \n", + "###### <=> people can have very different emotional-reactions given an image. \n", + "\n", + "very fine-grained remarks:\n", + " - I did also train the image2emotion with \"cleaner\" data (e.g., drop images for which the emotion maximizer has less than 0.30 of total mass/votes). It does not make better predictions on test images w.r.t. the majority emotion.\n", + " - These are interesting stuff... if you want to play/work together let me know." + ] + }, + { + "cell_type": "code", + "execution_count": 1, + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + " \n", + " " + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "import torch\n", + "import argparse\n", + "import pandas as pd\n", + "import os.path as osp\n", + "import numpy as np\n", + "from ast import literal_eval\n", + "from plotly.offline import init_notebook_mode, iplot\n", + "\n", + "from artemis.in_out.neural_net_oriented import torch_load_model, torch_save_model, save_state_dicts\n", + "from artemis.in_out.neural_net_oriented import image_emotion_distribution_df_to_pytorch_dataset\n", + "from artemis.in_out.basics import create_dir\n", + "from artemis.utils.visualization import plot_confusion_matrix\n", + "from artemis.emotions import ARTEMIS_EMOTIONS\n", + "\n", + "from artemis.neural_models.mlp import MLP\n", + "from artemis.neural_models.resnet_encoder import ResnetEncoder\n", + "from artemis.neural_models.image_emotion_clf import ImageEmotionClassifier\n", + "from artemis.neural_models.image_emotion_clf import single_epoch_train, evaluate_on_dataset\n", + "\n", + "init_notebook_mode()\n", + "%load_ext autoreload\n", + "%autoreload 2" + ] + }, + { + "cell_type": "code", + "execution_count": 2, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Histograms corresponding to 80031 images\n" + ] + } + ], + "source": [ + "# Load saved histograms of emotion choices as computed with \"previous\" notebook (see top-README if you are lost)\n", + "image_hists_file = '../../../data/image-emotion-histogram.csv'\n", + "image_hists = pd.read_csv(image_hists_file)\n", + "\n", + "# this literal_eval brings the saved string to its corresponding native (list) type\n", + "image_hists.emotion_histogram = image_hists.emotion_histogram.apply(literal_eval)\n", + "\n", + "# normalize the histograms\n", + "image_hists.emotion_histogram = image_hists.emotion_histogram.apply(lambda x: (np.array(x) / float(sum(x))).astype('float32'))\n", + "\n", + "print(f'Histograms corresponding to {len(image_hists)} images')" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "#### In cell below you need to use YOUR PATHS.\n", + "- I will use the pre-processed ArtEmis dataset; as prepared by the script __preprocess_artemis_data.py --preprocess-for-deep-nets True__ (see STEP.1 at top-README) \n", + "\n", + "- Specifically this way, I can utilize the same train/test/val splits accross all my neural-based experiments." + ] + }, + { + "cell_type": "code", + "execution_count": 3, + "metadata": {}, + "outputs": [], + "source": [ + "artemis_preprocessed_dir = '/home/optas/DATA/OUT/artemis/preprocessed_data/for_neural_nets'\n", + "save_dir = '/home/optas/DATA/OUT/artemis/neural_nets/img_to_emotion' # for trained model\n", + "wikiart_img_dir = '/home/optas/DATA/Images/Wiki-Art/rescaled_max_size_to_600px_same_aspect_ratio'\n", + "\n", + "create_dir(save_dir)\n", + "checkpoint_file = osp.join(save_dir, 'best_model.pt')\n", + "\n", + "# minor parameters\n", + "GPU_ID = 0 " + ] + }, + { + "cell_type": "code", + "execution_count": 4, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Annotations loaded: 429431\n", + "Using 9 emotion-classes.\n" + ] + } + ], + "source": [ + "## Prepare the artemis dataset (merge it with the emotion-histograms.)\n", + "artemis_data = pd.read_csv(osp.join(artemis_preprocessed_dir, 'artemis_preprocessed.csv'))\n", + "print('Annotations loaded:', len(artemis_data))\n", + "\n", + "## keep each image once.\n", + "artemis_data = artemis_data.drop_duplicates(subset=['art_style', 'painting'])\n", + "artemis_data.reset_index(inplace=True, drop=True)\n", + "\n", + "# keep only relevant info + merge\n", + "artemis_data = artemis_data[['art_style', 'painting', 'split']] \n", + "artemis_data = artemis_data.merge(image_hists)\n", + "artemis_data = artemis_data.rename(columns={'emotion_histogram': 'emotion_distribution'})\n", + "\n", + "n_emotions = len(image_hists.emotion_histogram[0])\n", + "print('Using {} emotion-classes.'.format(n_emotions))\n", + "assert all(image_hists.emotion_histogram.apply(len) == n_emotions)" + ] + }, + { + "cell_type": "code", + "execution_count": 5, + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
art_stylepaintingsplitemotion_distribution
0Post_Impressionismvincent-van-gogh_portrait-of-madame-ginoux-l-a...train[0.0, 0.1, 0.2, 0.0, 0.0, 0.1, 0.1, 0.2, 0.3]
1Expressionismwassily-kandinsky_study-for-autumn-1909train[0.2857143, 0.42857143, 0.0, 0.0, 0.0, 0.14285...
2Impressionismkonstantin-korovin_yaroslavna-s-lament-1909train[0.42857143, 0.14285715, 0.2857143, 0.0, 0.0, ...
3Impressionismpaul-gauguin_mette-gauguin-in-an-evening-dress...test[0.2857143, 0.14285715, 0.14285715, 0.14285715...
4Impressionismpericles-pantazis_still-life-with-quinces-1880train[0.0, 0.0, 0.85714287, 0.0, 0.0, 0.0, 0.0, 0.0...
\n", + "
" + ], + "text/plain": [ + " art_style painting \\\n", + "0 Post_Impressionism vincent-van-gogh_portrait-of-madame-ginoux-l-a... \n", + "1 Expressionism wassily-kandinsky_study-for-autumn-1909 \n", + "2 Impressionism konstantin-korovin_yaroslavna-s-lament-1909 \n", + "3 Impressionism paul-gauguin_mette-gauguin-in-an-evening-dress... \n", + "4 Impressionism pericles-pantazis_still-life-with-quinces-1880 \n", + "\n", + " split emotion_distribution \n", + "0 train [0.0, 0.1, 0.2, 0.0, 0.0, 0.1, 0.1, 0.2, 0.3] \n", + "1 train [0.2857143, 0.42857143, 0.0, 0.0, 0.0, 0.14285... \n", + "2 train [0.42857143, 0.14285715, 0.2857143, 0.0, 0.0, ... \n", + "3 test [0.2857143, 0.14285715, 0.14285715, 0.14285715... \n", + "4 train [0.0, 0.0, 0.85714287, 0.0, 0.0, 0.0, 0.0, 0.0... " + ] + }, + "execution_count": 5, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "# to see the emotion_distribution column\n", + "artemis_data.head()" + ] + }, + { + "cell_type": "code", + "execution_count": 6, + "metadata": {}, + "outputs": [], + "source": [ + "parser = argparse.ArgumentParser() # use for convenience instead of say a dictionary\n", + "args = parser.parse_args([])\n", + "\n", + "# deep-net data-handling params. note if you want to reuse this net with neural-speaker \n", + "# it makes sense to keep some of the (image-oriented) parameters the same accross the nets.\n", + "args.lanczos = True\n", + "args.img_dim = 256\n", + "args.num_workers = 8\n", + "args.batch_size = 128\n", + "args.gpu_id = 0\n", + "\n", + "args.img_dir = wikiart_img_dir" + ] + }, + { + "cell_type": "code", + "execution_count": 7, + "metadata": {}, + "outputs": [], + "source": [ + "## prepare data\n", + "data_loaders, datasets = image_emotion_distribution_df_to_pytorch_dataset(artemis_data, args)" + ] + }, + { + "cell_type": "code", + "execution_count": 8, + "metadata": {}, + "outputs": [], + "source": [ + "## Prepate the Neural-Net Stuff (model, optimizer etc.)\n", + "## This is what I used for the paper with minimal hyper-param-tuning. You can use different nets/configs here..." + ] + }, + { + "cell_type": "code", + "execution_count": 8, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "From 8 layers, you are unfreezing the last 1\n" + ] + } + ], + "source": [ + "device = torch.device(\"cuda:\" + str(args.gpu_id) if torch.cuda.is_available() else \"cpu\")\n", + "criterion = torch.nn.KLDivLoss(reduction='batchmean').to(device)\n", + "\n", + "img_encoder = ResnetEncoder('resnet34', adapt_image_size=1).unfreeze(level=7, verbose=True)\n", + "img_emb_dim = img_encoder.embedding_dimension()\n", + "\n", + "# here we make an MLP closing with LogSoftmax since we want to train this net via KLDivLoss\n", + "clf_head = MLP(img_emb_dim, [100, n_emotions], dropout_rate=0.3, b_norm=True, closure=torch.nn.LogSoftmax(dim=-1))\n", + "\n", + "model = ImageEmotionClassifier(img_encoder, clf_head).to(device);\n", + "optimizer = torch.optim.Adam([{'params': filter(lambda p: p.requires_grad, model.parameters()), 'lr': 5e-4}])" + ] + }, + { + "cell_type": "code", + "execution_count": 9, + "metadata": {}, + "outputs": [], + "source": [ + "## helper function.\n", + "## to evaluate how well the model does according to the class that it finds most likely\n", + "## note it only concerns the predictions on examples (images) with a single -unique maximizer- emotion\n", + "def evaluate_argmax_prediction(dataset, guesses):\n", + " labels = dataset.labels\n", + " labels = np.vstack(labels.to_numpy())\n", + " unique_max = (labels == labels.max(1, keepdims=True)).sum(1) == 1\n", + " umax_ids = np.where(unique_max)[0]\n", + " gt_max = np.argmax(labels[unique_max], 1)\n", + " max_pred = np.argmax(guesses[umax_ids], 1)\n", + " return (gt_max == max_pred).mean()" + ] + }, + { + "cell_type": "code", + "execution_count": 10, + "metadata": {}, + "outputs": [], + "source": [ + "do_training = False # set to True, if you are not using a pretrained model\n", + "max_train_epochs = 25\n", + "no_improvement = 0\n", + "min_eval_loss = np.Inf\n", + "\n", + "if do_training:\n", + " for epoch in range(1, max_train_epochs+1):\n", + " train_loss = single_epoch_train(model, data_loaders['train'], criterion, optimizer, device)\n", + " print('Train Loss: {:.3f}'.format(train_loss))\n", + "\n", + " eval_loss, _ = \\\n", + " evaluate_on_dataset(model, data_loaders['val'], criterion, device, detailed=False)\n", + " print('Eval Loss: {:.3f}'.format(eval_loss))\n", + "\n", + " if eval_loss < min_eval_loss:\n", + " min_eval_loss = eval_loss\n", + " no_improvement = 0\n", + " print('Epoch {}. Validation loss improved!'.format(epoch))\n", + " torch_save_model(model, checkpoint_file)\n", + " \n", + " test_loss, test_confidence = \\\n", + " evaluate_on_dataset(model, data_loaders['test'], criterion, device, detailed=True)\n", + " print('Test Loss: {:.3f}'.format(test_loss)) \n", + "\n", + " dataset = data_loaders['test'].dataset \n", + " arg_max_acc = evaluate_argmax_prediction(dataset, test_confidence)\n", + " print('Test arg_max_acc: {:.3f}'.format(arg_max_acc))\n", + " else:\n", + " no_improvement += 1\n", + " \n", + " if no_improvement >=5 :\n", + " print('Breaking at epoch {}. Since for 5 epoch we observed no (validation) improvement.'.format(epoch))\n", + " break" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Below is rudimentary analysis of the trained system." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [ + { + "data": { + "application/vnd.jupyter.widget-view+json": { + "model_id": "cabeb8c5a9bb46f69bf4b3597de779a0", + "version_major": 2, + "version_minor": 0 + }, + "text/plain": [ + " 0%| | 0/31 [00:00=4) & (top2 !=8), -1)\n", + "has_else = torch.any(top2 == 8, -1)\n", + "pn = (has_pos & has_neg).double().mean().item()\n", + "pne = ((has_pos & has_neg) | (has_pos & has_else) | (has_neg & has_else)).double().mean().item()\n", + "print('The classifier finds the 1st/2nd most likely emotions to be negative/positive, or contain something-else')\n", + "print(pn, pne)" + ] + }, + { + "cell_type": "code", + "execution_count": 19, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "use_strong_domi: True\n", + "Test images with dominant majority 0.3810664313626623\n", + "Guess-correctly 0.6023817399933841 \n", + "\n", + "use_strong_domi: False\n", + "Test images with dominant majority 0.454556914156057\n", + "Guess-correctly 0.5757071547420965 \n", + "\n" + ] + } + ], + "source": [ + "# How well it does on test images that have strong majority in emotions?\n", + "labels = data_loaders['test'].dataset.labels\n", + "labels = np.vstack(labels.to_numpy())\n", + "\n", + "\n", + "\n", + "for use_strong_domi in [True, False]:\n", + " print('use_strong_domi:', use_strong_domi)\n", + " if use_strong_domi:\n", + " dominant_max = (labels.max(1) > 0.5)\n", + " else:\n", + " dominant_max = (labels.max(1) >= 0.5)\n", + "\n", + " umax_ids = np.where(dominant_max)[0]\n", + " gt_max = np.argmax(labels[dominant_max], 1)\n", + " max_pred = np.argmax(test_confidence[umax_ids], 1) \n", + "\n", + " print('Test images with dominant majority', dominant_max.mean())\n", + " print('Guess-correctly', (gt_max == max_pred).mean(), '\\n')" + ] + }, + { + "cell_type": "code", + "execution_count": 26, + "metadata": { + "scrolled": false + }, + "outputs": [ + { + "data": { + "application/vnd.plotly.v1+json": { + "config": { + "linkText": "Export to plot.ly", + "plotlyServerURL": "https://plot.ly", + "showLink": false + }, + "data": [ + { + "colorscale": [ + [ + 0, + "#0d0887" + ], + [ + 0.1111111111111111, + "#46039f" + ], + [ + 0.2222222222222222, + "#7201a8" + ], + [ + 0.3333333333333333, + "#9c179e" + ], + [ + 0.4444444444444444, + "#bd3786" + ], + [ + 0.5555555555555556, + "#d8576b" + ], + [ + 0.6666666666666666, + "#ed7953" + ], + [ + 0.7777777777777778, + "#fb9f3a" + ], + [ + 0.8888888888888888, + "#fdca26" + ], + [ + 1, + "#f0f921" + ] + ], + "reversescale": false, + "showscale": true, + "type": "heatmap", + "x": [ + "amusement", + "awe", + "contentment", + "excitement", + "anger", + "disgust", + "fear", + "sadness", + "something else" + ], + "y": [ + "amusement", + "awe", + "contentment", + "excitement", + "anger", + "disgust", + "fear", + "sadness", + "something else" + ], + "z": [ + [ + 0.4280701754385965, + 0.0912280701754386, + 0.3508771929824561, + 0.031578947368421054, + 0, + 0, + 0.03859649122807018, + 0.014035087719298246, + 0.0456140350877193 + ], + [ + 0.026530612244897958, + 0.4530612244897959, + 0.4, + 0.004081632653061225, + 0, + 0.0020408163265306124, + 0.0673469387755102, + 0.036734693877551024, + 0.01020408163265306 + ], + [ + 0.023878858474082703, + 0.0844496214327315, + 0.8328479906814211, + 0.004076878276062901, + 0, + 0.0005824111822947001, + 0.0203843913803145, + 0.020966802562609202, + 0.0128130460104834 + ], + [ + 0.18243243243243243, + 0.1891891891891892, + 0.38513513513513514, + 0.14189189189189189, + 0, + 0.006756756756756757, + 0.05405405405405406, + 0.02027027027027027, + 0.02027027027027027 + ], + [ + 0, + 0.14285714285714285, + 0.14285714285714285, + 0, + 0, + 0, + 0.42857142857142855, + 0.14285714285714285, + 0.14285714285714285 + ], + [ + 0.15384615384615385, + 0.13846153846153847, + 0.3076923076923077, + 0.03076923076923077, + 0, + 0.03076923076923077, + 0.13846153846153847, + 0.13846153846153847, + 0.06153846153846154 + ], + [ + 0.0668693009118541, + 0.1762917933130699, + 0.17933130699088146, + 0.00303951367781155, + 0, + 0, + 0.4072948328267477, + 0.14285714285714285, + 0.0243161094224924 + ], + [ + 0.024657534246575342, + 0.14246575342465753, + 0.46301369863013697, + 0.0027397260273972603, + 0, + 0, + 0.11506849315068493, + 0.24383561643835616, + 0.00821917808219178 + ], + [ + 0.145, + 0.06, + 0.375, + 0.025, + 0, + 0.005, + 0.085, + 0.025, + 0.28 + ] + ] + } + ], + "layout": { + "annotations": [ + { + "font": { + "color": "#000000" + }, + "showarrow": false, + "text": "0.43", + "x": "amusement", + "xref": "x", + "y": "amusement", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "0.03", + "x": "awe", + "xref": "x", + "y": "amusement", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "0.02", + "x": "contentment", + "xref": "x", + "y": "amusement", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "0.18", + "x": "excitement", + "xref": "x", + "y": "amusement", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "0.0", + "x": "anger", + "xref": "x", + "y": "amusement", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "0.15", + "x": "disgust", + "xref": "x", + "y": "amusement", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "0.07", + "x": "fear", + "xref": "x", + "y": "amusement", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "0.02", + "x": "sadness", + "xref": "x", + "y": "amusement", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "0.14", + "x": "something else", + "xref": "x", + "y": "amusement", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "0.09", + "x": "amusement", + "xref": "x", + "y": "awe", + "yref": "y" + }, + { + "font": { + "color": "#000000" + }, + "showarrow": false, + "text": "0.45", + "x": "awe", + "xref": "x", + "y": "awe", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "0.08", + "x": "contentment", + "xref": "x", + "y": "awe", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "0.19", + "x": "excitement", + "xref": "x", + "y": "awe", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "0.14", + "x": "anger", + "xref": "x", + "y": "awe", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "0.14", + "x": "disgust", + "xref": "x", + "y": "awe", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "0.18", + "x": "fear", + "xref": "x", + "y": "awe", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "0.14", + "x": "sadness", + "xref": "x", + "y": "awe", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "0.06", + "x": "something else", + "xref": "x", + "y": "awe", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "0.35", + "x": "amusement", + "xref": "x", + "y": "contentment", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "0.4", + "x": "awe", + "xref": "x", + "y": "contentment", + "yref": "y" + }, + { + "font": { + "color": "#000000" + }, + "showarrow": false, + "text": "0.83", + "x": "contentment", + "xref": "x", + "y": "contentment", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "0.39", + "x": "excitement", + "xref": "x", + "y": "contentment", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "0.14", + "x": "anger", + "xref": "x", + "y": "contentment", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "0.31", + "x": "disgust", + "xref": "x", + "y": "contentment", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "0.18", + "x": "fear", + "xref": "x", + "y": "contentment", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "0.46", + "x": "sadness", + "xref": "x", + "y": "contentment", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "0.38", + "x": "something else", + "xref": "x", + "y": "contentment", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "0.03", + "x": "amusement", + "xref": "x", + "y": "excitement", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "0.0", + "x": "awe", + "xref": "x", + "y": "excitement", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "0.0", + "x": "contentment", + "xref": "x", + "y": "excitement", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "0.14", + "x": "excitement", + "xref": "x", + "y": "excitement", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "0.0", + "x": "anger", + "xref": "x", + "y": "excitement", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "0.03", + "x": "disgust", + "xref": "x", + "y": "excitement", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "0.0", + "x": "fear", + "xref": "x", + "y": "excitement", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "0.0", + "x": "sadness", + "xref": "x", + "y": "excitement", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "0.02", + "x": "something else", + "xref": "x", + "y": "excitement", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "0.0", + "x": "amusement", + "xref": "x", + "y": "anger", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "0.0", + "x": "awe", + "xref": "x", + "y": "anger", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "0.0", + "x": "contentment", + "xref": "x", + "y": "anger", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "0.0", + "x": "excitement", + "xref": "x", + "y": "anger", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "0.0", + "x": "anger", + "xref": "x", + "y": "anger", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "0.0", + "x": "disgust", + "xref": "x", + "y": "anger", + "yref": "y" + }, + { + "font": { + "color": "#000000" + }, + "showarrow": false, + "text": "0.0", + "x": "fear", + "xref": "x", + "y": "anger", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "0.0", + "x": "sadness", + "xref": "x", + "y": "anger", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "0.0", + "x": "something else", + "xref": "x", + "y": "anger", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "0.0", + "x": "amusement", + "xref": "x", + "y": "disgust", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "0.0", + "x": "awe", + "xref": "x", + "y": "disgust", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "0.0", + "x": "contentment", + "xref": "x", + "y": "disgust", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "0.01", + "x": "excitement", + "xref": "x", + "y": "disgust", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "0.0", + "x": "anger", + "xref": "x", + "y": "disgust", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "0.03", + "x": "disgust", + "xref": "x", + "y": "disgust", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "0.0", + "x": "fear", + "xref": "x", + "y": "disgust", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "0.0", + "x": "sadness", + "xref": "x", + "y": "disgust", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "0.0", + "x": "something else", + "xref": "x", + "y": "disgust", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "0.04", + "x": "amusement", + "xref": "x", + "y": "fear", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "0.07", + "x": "awe", + "xref": "x", + "y": "fear", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "0.02", + "x": "contentment", + "xref": "x", + "y": "fear", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "0.05", + "x": "excitement", + "xref": "x", + "y": "fear", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "0.43", + "x": "anger", + "xref": "x", + "y": "fear", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "0.14", + "x": "disgust", + "xref": "x", + "y": "fear", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "0.41", + "x": "fear", + "xref": "x", + "y": "fear", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "0.12", + "x": "sadness", + "xref": "x", + "y": "fear", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "0.08", + "x": "something else", + "xref": "x", + "y": "fear", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "0.01", + "x": "amusement", + "xref": "x", + "y": "sadness", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "0.04", + "x": "awe", + "xref": "x", + "y": "sadness", + "yref": "y" + }, + { + "font": { + "color": "#000000" + }, + "showarrow": false, + "text": "0.02", + "x": "contentment", + "xref": "x", + "y": "sadness", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "0.02", + "x": "excitement", + "xref": "x", + "y": "sadness", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "0.14", + "x": "anger", + "xref": "x", + "y": "sadness", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "0.14", + "x": "disgust", + "xref": "x", + "y": "sadness", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "0.14", + "x": "fear", + "xref": "x", + "y": "sadness", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "0.24", + "x": "sadness", + "xref": "x", + "y": "sadness", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "0.02", + "x": "something else", + "xref": "x", + "y": "sadness", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "0.05", + "x": "amusement", + "xref": "x", + "y": "something else", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "0.01", + "x": "awe", + "xref": "x", + "y": "something else", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "0.01", + "x": "contentment", + "xref": "x", + "y": "something else", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "0.02", + "x": "excitement", + "xref": "x", + "y": "something else", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "0.14", + "x": "anger", + "xref": "x", + "y": "something else", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "0.06", + "x": "disgust", + "xref": "x", + "y": "something else", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "0.02", + "x": "fear", + "xref": "x", + "y": "something else", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "0.01", + "x": "sadness", + "xref": "x", + "y": "something else", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "0.28", + "x": "something else", + "xref": "x", + "y": "something else", + "yref": "y" + } + ], + "template": { + "data": { + "bar": [ + { + "error_x": { + "color": "#2a3f5f" + }, + "error_y": { + "color": "#2a3f5f" + }, + "marker": { + "line": { + "color": "#E5ECF6", + "width": 0.5 + } + }, + "type": "bar" + } + ], + "barpolar": [ + { + "marker": { + "line": { + "color": "#E5ECF6", + "width": 0.5 + } + }, + "type": "barpolar" + } + ], + "carpet": [ + { + "aaxis": { + "endlinecolor": "#2a3f5f", + "gridcolor": "white", + "linecolor": "white", + "minorgridcolor": "white", + "startlinecolor": "#2a3f5f" + }, + "baxis": { + "endlinecolor": "#2a3f5f", + "gridcolor": "white", + "linecolor": "white", + "minorgridcolor": "white", + "startlinecolor": "#2a3f5f" + }, + "type": "carpet" + } + ], + "choropleth": [ + { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + }, + "type": "choropleth" + } + ], + "contour": [ + { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + }, + "colorscale": [ + [ + 0, + "#0d0887" + ], + [ + 0.1111111111111111, + "#46039f" + ], + [ + 0.2222222222222222, + "#7201a8" + ], + [ + 0.3333333333333333, + "#9c179e" + ], + [ + 0.4444444444444444, + "#bd3786" + ], + [ + 0.5555555555555556, + "#d8576b" + ], + [ + 0.6666666666666666, + "#ed7953" + ], + [ + 0.7777777777777778, + "#fb9f3a" + ], + [ + 0.8888888888888888, + "#fdca26" + ], + [ + 1, + "#f0f921" + ] + ], + "type": "contour" + } + ], + "contourcarpet": [ + { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + }, + "type": "contourcarpet" + } + ], + "heatmap": [ + { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + }, + "colorscale": [ + [ + 0, + "#0d0887" + ], + [ + 0.1111111111111111, + "#46039f" + ], + [ + 0.2222222222222222, + "#7201a8" + ], + [ + 0.3333333333333333, + "#9c179e" + ], + [ + 0.4444444444444444, + "#bd3786" + ], + [ + 0.5555555555555556, + "#d8576b" + ], + [ + 0.6666666666666666, + "#ed7953" + ], + [ + 0.7777777777777778, + "#fb9f3a" + ], + [ + 0.8888888888888888, + "#fdca26" + ], + [ + 1, + "#f0f921" + ] + ], + "type": "heatmap" + } + ], + "heatmapgl": [ + { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + }, + "colorscale": [ + [ + 0, + "#0d0887" + ], + [ + 0.1111111111111111, + "#46039f" + ], + [ + 0.2222222222222222, + "#7201a8" + ], + [ + 0.3333333333333333, + "#9c179e" + ], + [ + 0.4444444444444444, + "#bd3786" + ], + [ + 0.5555555555555556, + "#d8576b" + ], + [ + 0.6666666666666666, + "#ed7953" + ], + [ + 0.7777777777777778, + "#fb9f3a" + ], + [ + 0.8888888888888888, + "#fdca26" + ], + [ + 1, + "#f0f921" + ] + ], + "type": "heatmapgl" + } + ], + "histogram": [ + { + "marker": { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + } + }, + "type": "histogram" + } + ], + "histogram2d": [ + { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + }, + "colorscale": [ + [ + 0, + "#0d0887" + ], + [ + 0.1111111111111111, + "#46039f" + ], + [ + 0.2222222222222222, + "#7201a8" + ], + [ + 0.3333333333333333, + "#9c179e" + ], + [ + 0.4444444444444444, + "#bd3786" + ], + [ + 0.5555555555555556, + "#d8576b" + ], + [ + 0.6666666666666666, + "#ed7953" + ], + [ + 0.7777777777777778, + "#fb9f3a" + ], + [ + 0.8888888888888888, + "#fdca26" + ], + [ + 1, + "#f0f921" + ] + ], + "type": "histogram2d" + } + ], + "histogram2dcontour": [ + { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + }, + "colorscale": [ + [ + 0, + "#0d0887" + ], + [ + 0.1111111111111111, + "#46039f" + ], + [ + 0.2222222222222222, + "#7201a8" + ], + [ + 0.3333333333333333, + "#9c179e" + ], + [ + 0.4444444444444444, + "#bd3786" + ], + [ + 0.5555555555555556, + "#d8576b" + ], + [ + 0.6666666666666666, + "#ed7953" + ], + [ + 0.7777777777777778, + "#fb9f3a" + ], + [ + 0.8888888888888888, + "#fdca26" + ], + [ + 1, + "#f0f921" + ] + ], + "type": "histogram2dcontour" + } + ], + "mesh3d": [ + { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + }, + "type": "mesh3d" + } + ], + "parcoords": [ + { + "line": { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + } + }, + "type": "parcoords" + } + ], + "pie": [ + { + "automargin": true, + "type": "pie" + } + ], + "scatter": [ + { + "marker": { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + } + }, + "type": "scatter" + } + ], + "scatter3d": [ + { + "line": { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + } + }, + "marker": { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + } + }, + "type": "scatter3d" + } + ], + "scattercarpet": [ + { + "marker": { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + } + }, + "type": "scattercarpet" + } + ], + "scattergeo": [ + { + "marker": { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + } + }, + "type": "scattergeo" + } + ], + "scattergl": [ + { + "marker": { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + } + }, + "type": "scattergl" + } + ], + "scattermapbox": [ + { + "marker": { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + } + }, + "type": "scattermapbox" + } + ], + "scatterpolar": [ + { + "marker": { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + } + }, + "type": "scatterpolar" + } + ], + "scatterpolargl": [ + { + "marker": { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + } + }, + "type": "scatterpolargl" + } + ], + "scatterternary": [ + { + "marker": { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + } + }, + "type": "scatterternary" + } + ], + "surface": [ + { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + }, + "colorscale": [ + [ + 0, + "#0d0887" + ], + [ + 0.1111111111111111, + "#46039f" + ], + [ + 0.2222222222222222, + "#7201a8" + ], + [ + 0.3333333333333333, + "#9c179e" + ], + [ + 0.4444444444444444, + "#bd3786" + ], + [ + 0.5555555555555556, + "#d8576b" + ], + [ + 0.6666666666666666, + "#ed7953" + ], + [ + 0.7777777777777778, + "#fb9f3a" + ], + [ + 0.8888888888888888, + "#fdca26" + ], + [ + 1, + "#f0f921" + ] + ], + "type": "surface" + } + ], + "table": [ + { + "cells": { + "fill": { + "color": "#EBF0F8" + }, + "line": { + "color": "white" + } + }, + "header": { + "fill": { + "color": "#C8D4E3" + }, + "line": { + "color": "white" + } + }, + "type": "table" + } + ] + }, + "layout": { + "annotationdefaults": { + "arrowcolor": "#2a3f5f", + "arrowhead": 0, + "arrowwidth": 1 + }, + "autotypenumbers": "strict", + "coloraxis": { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + } + }, + "colorscale": { + "diverging": [ + [ + 0, + "#8e0152" + ], + [ + 0.1, + "#c51b7d" + ], + [ + 0.2, + "#de77ae" + ], + [ + 0.3, + "#f1b6da" + ], + [ + 0.4, + "#fde0ef" + ], + [ + 0.5, + "#f7f7f7" + ], + [ + 0.6, + "#e6f5d0" + ], + [ + 0.7, + "#b8e186" + ], + [ + 0.8, + "#7fbc41" + ], + [ + 0.9, + "#4d9221" + ], + [ + 1, + "#276419" + ] + ], + "sequential": [ + [ + 0, + "#0d0887" + ], + [ + 0.1111111111111111, + "#46039f" + ], + [ + 0.2222222222222222, + "#7201a8" + ], + [ + 0.3333333333333333, + "#9c179e" + ], + [ + 0.4444444444444444, + "#bd3786" + ], + [ + 0.5555555555555556, + "#d8576b" + ], + [ + 0.6666666666666666, + "#ed7953" + ], + [ + 0.7777777777777778, + "#fb9f3a" + ], + [ + 0.8888888888888888, + "#fdca26" + ], + [ + 1, + "#f0f921" + ] + ], + "sequentialminus": [ + [ + 0, + "#0d0887" + ], + [ + 0.1111111111111111, + "#46039f" + ], + [ + 0.2222222222222222, + "#7201a8" + ], + [ + 0.3333333333333333, + "#9c179e" + ], + [ + 0.4444444444444444, + "#bd3786" + ], + [ + 0.5555555555555556, + "#d8576b" + ], + [ + 0.6666666666666666, + "#ed7953" + ], + [ + 0.7777777777777778, + "#fb9f3a" + ], + [ + 0.8888888888888888, + "#fdca26" + ], + [ + 1, + "#f0f921" + ] + ] + }, + "colorway": [ + "#636efa", + "#EF553B", + "#00cc96", + "#ab63fa", + "#FFA15A", + "#19d3f3", + "#FF6692", + "#B6E880", + "#FF97FF", + "#FECB52" + ], + "font": { + "color": "#2a3f5f" + }, + "geo": { + "bgcolor": "white", + "lakecolor": "white", + "landcolor": "#E5ECF6", + "showlakes": true, + "showland": true, + "subunitcolor": "white" + }, + "hoverlabel": { + "align": "left" + }, + "hovermode": "closest", + "mapbox": { + "style": "light" + }, + "paper_bgcolor": "white", + "plot_bgcolor": "#E5ECF6", + "polar": { + "angularaxis": { + "gridcolor": "white", + "linecolor": "white", + "ticks": "" + }, + "bgcolor": "#E5ECF6", + "radialaxis": { + "gridcolor": "white", + "linecolor": "white", + "ticks": "" + } + }, + "scene": { + "xaxis": { + "backgroundcolor": "#E5ECF6", + "gridcolor": "white", + "gridwidth": 2, + "linecolor": "white", + "showbackground": true, + "ticks": "", + "zerolinecolor": "white" + }, + "yaxis": { + "backgroundcolor": "#E5ECF6", + "gridcolor": "white", + "gridwidth": 2, + "linecolor": "white", + "showbackground": true, + "ticks": "", + "zerolinecolor": "white" + }, + "zaxis": { + "backgroundcolor": "#E5ECF6", + "gridcolor": "white", + "gridwidth": 2, + "linecolor": "white", + "showbackground": true, + "ticks": "", + "zerolinecolor": "white" + } + }, + "shapedefaults": { + "line": { + "color": "#2a3f5f" + } + }, + "ternary": { + "aaxis": { + "gridcolor": "white", + "linecolor": "white", + "ticks": "" + }, + "baxis": { + "gridcolor": "white", + "linecolor": "white", + "ticks": "" + }, + "bgcolor": "#E5ECF6", + "caxis": { + "gridcolor": "white", + "linecolor": "white", + "ticks": "" + } + }, + "title": { + "x": 0.05 + }, + "xaxis": { + "automargin": true, + "gridcolor": "white", + "linecolor": "white", + "ticks": "", + "title": { + "standoff": 15 + }, + "zerolinecolor": "white", + "zerolinewidth": 2 + }, + "yaxis": { + "automargin": true, + "gridcolor": "white", + "linecolor": "white", + "ticks": "", + "title": { + "standoff": 15 + }, + "zerolinecolor": "white", + "zerolinewidth": 2 + } + } + }, + "xaxis": { + "dtick": 1, + "gridcolor": "rgb(0, 0, 0)", + "side": "top", + "ticks": "" + }, + "yaxis": { + "dtick": 1, + "ticks": "", + "ticksuffix": " " + } + } + }, + "text/html": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "iplot(plot_confusion_matrix(ground_truth=gt_max, predictions=max_pred, labels=ARTEMIS_EMOTIONS))" + ] + }, + { + "cell_type": "code", + "execution_count": 27, + "metadata": {}, + "outputs": [ + { + "data": { + "application/vnd.plotly.v1+json": { + "config": { + "linkText": "Export to plot.ly", + "plotlyServerURL": "https://plot.ly", + "showLink": false + }, + "data": [ + { + "colorscale": [ + [ + 0, + "#0d0887" + ], + [ + 0.1111111111111111, + "#46039f" + ], + [ + 0.2222222222222222, + "#7201a8" + ], + [ + 0.3333333333333333, + "#9c179e" + ], + [ + 0.4444444444444444, + "#bd3786" + ], + [ + 0.5555555555555556, + "#d8576b" + ], + [ + 0.6666666666666666, + "#ed7953" + ], + [ + 0.7777777777777778, + "#fb9f3a" + ], + [ + 0.8888888888888888, + "#fdca26" + ], + [ + 1, + "#f0f921" + ] + ], + "reversescale": false, + "showscale": true, + "type": "heatmap", + "x": [ + "amusement", + "awe", + "contentment", + "excitement", + "anger", + "disgust", + "fear", + "sadness", + "something else" + ], + "y": [ + "amusement", + "awe", + "contentment", + "excitement", + "anger", + "disgust", + "fear", + "sadness", + "something else" + ], + "z": [ + [ + 122, + 26, + 100, + 9, + 0, + 0, + 11, + 4, + 13 + ], + [ + 13, + 222, + 196, + 2, + 0, + 1, + 33, + 18, + 5 + ], + [ + 41, + 145, + 1430, + 7, + 0, + 1, + 35, + 36, + 22 + ], + [ + 27, + 28, + 57, + 21, + 0, + 1, + 8, + 3, + 3 + ], + [ + 0, + 1, + 1, + 0, + 0, + 0, + 3, + 1, + 1 + ], + [ + 10, + 9, + 20, + 2, + 0, + 2, + 9, + 9, + 4 + ], + [ + 22, + 58, + 59, + 1, + 0, + 0, + 134, + 47, + 8 + ], + [ + 9, + 52, + 169, + 1, + 0, + 0, + 42, + 89, + 3 + ], + [ + 29, + 12, + 75, + 5, + 0, + 1, + 17, + 5, + 56 + ] + ] + } + ], + "layout": { + "annotations": [ + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "122", + "x": "amusement", + "xref": "x", + "y": "amusement", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "13", + "x": "awe", + "xref": "x", + "y": "amusement", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "41", + "x": "contentment", + "xref": "x", + "y": "amusement", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "27", + "x": "excitement", + "xref": "x", + "y": "amusement", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "0", + "x": "anger", + "xref": "x", + "y": "amusement", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "10", + "x": "disgust", + "xref": "x", + "y": "amusement", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "22", + "x": "fear", + "xref": "x", + "y": "amusement", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "9", + "x": "sadness", + "xref": "x", + "y": "amusement", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "29", + "x": "something else", + "xref": "x", + "y": "amusement", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "26", + "x": "amusement", + "xref": "x", + "y": "awe", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "222", + "x": "awe", + "xref": "x", + "y": "awe", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "145", + "x": "contentment", + "xref": "x", + "y": "awe", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "28", + "x": "excitement", + "xref": "x", + "y": "awe", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "1", + "x": "anger", + "xref": "x", + "y": "awe", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "9", + "x": "disgust", + "xref": "x", + "y": "awe", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "58", + "x": "fear", + "xref": "x", + "y": "awe", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "52", + "x": "sadness", + "xref": "x", + "y": "awe", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "12", + "x": "something else", + "xref": "x", + "y": "awe", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "100", + "x": "amusement", + "xref": "x", + "y": "contentment", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "196", + "x": "awe", + "xref": "x", + "y": "contentment", + "yref": "y" + }, + { + "font": { + "color": "#000000" + }, + "showarrow": false, + "text": "1430", + "x": "contentment", + "xref": "x", + "y": "contentment", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "57", + "x": "excitement", + "xref": "x", + "y": "contentment", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "1", + "x": "anger", + "xref": "x", + "y": "contentment", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "20", + "x": "disgust", + "xref": "x", + "y": "contentment", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "59", + "x": "fear", + "xref": "x", + "y": "contentment", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "169", + "x": "sadness", + "xref": "x", + "y": "contentment", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "75", + "x": "something else", + "xref": "x", + "y": "contentment", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "9", + "x": "amusement", + "xref": "x", + "y": "excitement", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "2", + "x": "awe", + "xref": "x", + "y": "excitement", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "7", + "x": "contentment", + "xref": "x", + "y": "excitement", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "21", + "x": "excitement", + "xref": "x", + "y": "excitement", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "0", + "x": "anger", + "xref": "x", + "y": "excitement", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "2", + "x": "disgust", + "xref": "x", + "y": "excitement", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "1", + "x": "fear", + "xref": "x", + "y": "excitement", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "1", + "x": "sadness", + "xref": "x", + "y": "excitement", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "5", + "x": "something else", + "xref": "x", + "y": "excitement", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "0", + "x": "amusement", + "xref": "x", + "y": "anger", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "0", + "x": "awe", + "xref": "x", + "y": "anger", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "0", + "x": "contentment", + "xref": "x", + "y": "anger", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "0", + "x": "excitement", + "xref": "x", + "y": "anger", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "0", + "x": "anger", + "xref": "x", + "y": "anger", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "0", + "x": "disgust", + "xref": "x", + "y": "anger", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "0", + "x": "fear", + "xref": "x", + "y": "anger", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "0", + "x": "sadness", + "xref": "x", + "y": "anger", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "0", + "x": "something else", + "xref": "x", + "y": "anger", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "0", + "x": "amusement", + "xref": "x", + "y": "disgust", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "1", + "x": "awe", + "xref": "x", + "y": "disgust", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "1", + "x": "contentment", + "xref": "x", + "y": "disgust", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "1", + "x": "excitement", + "xref": "x", + "y": "disgust", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "0", + "x": "anger", + "xref": "x", + "y": "disgust", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "2", + "x": "disgust", + "xref": "x", + "y": "disgust", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "0", + "x": "fear", + "xref": "x", + "y": "disgust", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "0", + "x": "sadness", + "xref": "x", + "y": "disgust", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "1", + "x": "something else", + "xref": "x", + "y": "disgust", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "11", + "x": "amusement", + "xref": "x", + "y": "fear", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "33", + "x": "awe", + "xref": "x", + "y": "fear", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "35", + "x": "contentment", + "xref": "x", + "y": "fear", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "8", + "x": "excitement", + "xref": "x", + "y": "fear", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "3", + "x": "anger", + "xref": "x", + "y": "fear", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "9", + "x": "disgust", + "xref": "x", + "y": "fear", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "134", + "x": "fear", + "xref": "x", + "y": "fear", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "42", + "x": "sadness", + "xref": "x", + "y": "fear", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "17", + "x": "something else", + "xref": "x", + "y": "fear", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "4", + "x": "amusement", + "xref": "x", + "y": "sadness", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "18", + "x": "awe", + "xref": "x", + "y": "sadness", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "36", + "x": "contentment", + "xref": "x", + "y": "sadness", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "3", + "x": "excitement", + "xref": "x", + "y": "sadness", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "1", + "x": "anger", + "xref": "x", + "y": "sadness", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "9", + "x": "disgust", + "xref": "x", + "y": "sadness", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "47", + "x": "fear", + "xref": "x", + "y": "sadness", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "89", + "x": "sadness", + "xref": "x", + "y": "sadness", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "5", + "x": "something else", + "xref": "x", + "y": "sadness", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "13", + "x": "amusement", + "xref": "x", + "y": "something else", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "5", + "x": "awe", + "xref": "x", + "y": "something else", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "22", + "x": "contentment", + "xref": "x", + "y": "something else", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "3", + "x": "excitement", + "xref": "x", + "y": "something else", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "1", + "x": "anger", + "xref": "x", + "y": "something else", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "4", + "x": "disgust", + "xref": "x", + "y": "something else", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "8", + "x": "fear", + "xref": "x", + "y": "something else", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "3", + "x": "sadness", + "xref": "x", + "y": "something else", + "yref": "y" + }, + { + "font": { + "color": "#FFFFFF" + }, + "showarrow": false, + "text": "56", + "x": "something else", + "xref": "x", + "y": "something else", + "yref": "y" + } + ], + "template": { + "data": { + "bar": [ + { + "error_x": { + "color": "#2a3f5f" + }, + "error_y": { + "color": "#2a3f5f" + }, + "marker": { + "line": { + "color": "#E5ECF6", + "width": 0.5 + } + }, + "type": "bar" + } + ], + "barpolar": [ + { + "marker": { + "line": { + "color": "#E5ECF6", + "width": 0.5 + } + }, + "type": "barpolar" + } + ], + "carpet": [ + { + "aaxis": { + "endlinecolor": "#2a3f5f", + "gridcolor": "white", + "linecolor": "white", + "minorgridcolor": "white", + "startlinecolor": "#2a3f5f" + }, + "baxis": { + "endlinecolor": "#2a3f5f", + "gridcolor": "white", + "linecolor": "white", + "minorgridcolor": "white", + "startlinecolor": "#2a3f5f" + }, + "type": "carpet" + } + ], + "choropleth": [ + { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + }, + "type": "choropleth" + } + ], + "contour": [ + { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + }, + "colorscale": [ + [ + 0, + "#0d0887" + ], + [ + 0.1111111111111111, + "#46039f" + ], + [ + 0.2222222222222222, + "#7201a8" + ], + [ + 0.3333333333333333, + "#9c179e" + ], + [ + 0.4444444444444444, + "#bd3786" + ], + [ + 0.5555555555555556, + "#d8576b" + ], + [ + 0.6666666666666666, + "#ed7953" + ], + [ + 0.7777777777777778, + "#fb9f3a" + ], + [ + 0.8888888888888888, + "#fdca26" + ], + [ + 1, + "#f0f921" + ] + ], + "type": "contour" + } + ], + "contourcarpet": [ + { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + }, + "type": "contourcarpet" + } + ], + "heatmap": [ + { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + }, + "colorscale": [ + [ + 0, + "#0d0887" + ], + [ + 0.1111111111111111, + "#46039f" + ], + [ + 0.2222222222222222, + "#7201a8" + ], + [ + 0.3333333333333333, + "#9c179e" + ], + [ + 0.4444444444444444, + "#bd3786" + ], + [ + 0.5555555555555556, + "#d8576b" + ], + [ + 0.6666666666666666, + "#ed7953" + ], + [ + 0.7777777777777778, + "#fb9f3a" + ], + [ + 0.8888888888888888, + "#fdca26" + ], + [ + 1, + "#f0f921" + ] + ], + "type": "heatmap" + } + ], + "heatmapgl": [ + { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + }, + "colorscale": [ + [ + 0, + "#0d0887" + ], + [ + 0.1111111111111111, + "#46039f" + ], + [ + 0.2222222222222222, + "#7201a8" + ], + [ + 0.3333333333333333, + "#9c179e" + ], + [ + 0.4444444444444444, + "#bd3786" + ], + [ + 0.5555555555555556, + "#d8576b" + ], + [ + 0.6666666666666666, + "#ed7953" + ], + [ + 0.7777777777777778, + "#fb9f3a" + ], + [ + 0.8888888888888888, + "#fdca26" + ], + [ + 1, + "#f0f921" + ] + ], + "type": "heatmapgl" + } + ], + "histogram": [ + { + "marker": { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + } + }, + "type": "histogram" + } + ], + "histogram2d": [ + { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + }, + "colorscale": [ + [ + 0, + "#0d0887" + ], + [ + 0.1111111111111111, + "#46039f" + ], + [ + 0.2222222222222222, + "#7201a8" + ], + [ + 0.3333333333333333, + "#9c179e" + ], + [ + 0.4444444444444444, + "#bd3786" + ], + [ + 0.5555555555555556, + "#d8576b" + ], + [ + 0.6666666666666666, + "#ed7953" + ], + [ + 0.7777777777777778, + "#fb9f3a" + ], + [ + 0.8888888888888888, + "#fdca26" + ], + [ + 1, + "#f0f921" + ] + ], + "type": "histogram2d" + } + ], + "histogram2dcontour": [ + { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + }, + "colorscale": [ + [ + 0, + "#0d0887" + ], + [ + 0.1111111111111111, + "#46039f" + ], + [ + 0.2222222222222222, + "#7201a8" + ], + [ + 0.3333333333333333, + "#9c179e" + ], + [ + 0.4444444444444444, + "#bd3786" + ], + [ + 0.5555555555555556, + "#d8576b" + ], + [ + 0.6666666666666666, + "#ed7953" + ], + [ + 0.7777777777777778, + "#fb9f3a" + ], + [ + 0.8888888888888888, + "#fdca26" + ], + [ + 1, + "#f0f921" + ] + ], + "type": "histogram2dcontour" + } + ], + "mesh3d": [ + { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + }, + "type": "mesh3d" + } + ], + "parcoords": [ + { + "line": { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + } + }, + "type": "parcoords" + } + ], + "pie": [ + { + "automargin": true, + "type": "pie" + } + ], + "scatter": [ + { + "marker": { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + } + }, + "type": "scatter" + } + ], + "scatter3d": [ + { + "line": { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + } + }, + "marker": { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + } + }, + "type": "scatter3d" + } + ], + "scattercarpet": [ + { + "marker": { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + } + }, + "type": "scattercarpet" + } + ], + "scattergeo": [ + { + "marker": { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + } + }, + "type": "scattergeo" + } + ], + "scattergl": [ + { + "marker": { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + } + }, + "type": "scattergl" + } + ], + "scattermapbox": [ + { + "marker": { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + } + }, + "type": "scattermapbox" + } + ], + "scatterpolar": [ + { + "marker": { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + } + }, + "type": "scatterpolar" + } + ], + "scatterpolargl": [ + { + "marker": { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + } + }, + "type": "scatterpolargl" + } + ], + "scatterternary": [ + { + "marker": { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + } + }, + "type": "scatterternary" + } + ], + "surface": [ + { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + }, + "colorscale": [ + [ + 0, + "#0d0887" + ], + [ + 0.1111111111111111, + "#46039f" + ], + [ + 0.2222222222222222, + "#7201a8" + ], + [ + 0.3333333333333333, + "#9c179e" + ], + [ + 0.4444444444444444, + "#bd3786" + ], + [ + 0.5555555555555556, + "#d8576b" + ], + [ + 0.6666666666666666, + "#ed7953" + ], + [ + 0.7777777777777778, + "#fb9f3a" + ], + [ + 0.8888888888888888, + "#fdca26" + ], + [ + 1, + "#f0f921" + ] + ], + "type": "surface" + } + ], + "table": [ + { + "cells": { + "fill": { + "color": "#EBF0F8" + }, + "line": { + "color": "white" + } + }, + "header": { + "fill": { + "color": "#C8D4E3" + }, + "line": { + "color": "white" + } + }, + "type": "table" + } + ] + }, + "layout": { + "annotationdefaults": { + "arrowcolor": "#2a3f5f", + "arrowhead": 0, + "arrowwidth": 1 + }, + "autotypenumbers": "strict", + "coloraxis": { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + } + }, + "colorscale": { + "diverging": [ + [ + 0, + "#8e0152" + ], + [ + 0.1, + "#c51b7d" + ], + [ + 0.2, + "#de77ae" + ], + [ + 0.3, + "#f1b6da" + ], + [ + 0.4, + "#fde0ef" + ], + [ + 0.5, + "#f7f7f7" + ], + [ + 0.6, + "#e6f5d0" + ], + [ + 0.7, + "#b8e186" + ], + [ + 0.8, + "#7fbc41" + ], + [ + 0.9, + "#4d9221" + ], + [ + 1, + "#276419" + ] + ], + "sequential": [ + [ + 0, + "#0d0887" + ], + [ + 0.1111111111111111, + "#46039f" + ], + [ + 0.2222222222222222, + "#7201a8" + ], + [ + 0.3333333333333333, + "#9c179e" + ], + [ + 0.4444444444444444, + "#bd3786" + ], + [ + 0.5555555555555556, + "#d8576b" + ], + [ + 0.6666666666666666, + "#ed7953" + ], + [ + 0.7777777777777778, + "#fb9f3a" + ], + [ + 0.8888888888888888, + "#fdca26" + ], + [ + 1, + "#f0f921" + ] + ], + "sequentialminus": [ + [ + 0, + "#0d0887" + ], + [ + 0.1111111111111111, + "#46039f" + ], + [ + 0.2222222222222222, + "#7201a8" + ], + [ + 0.3333333333333333, + "#9c179e" + ], + [ + 0.4444444444444444, + "#bd3786" + ], + [ + 0.5555555555555556, + "#d8576b" + ], + [ + 0.6666666666666666, + "#ed7953" + ], + [ + 0.7777777777777778, + "#fb9f3a" + ], + [ + 0.8888888888888888, + "#fdca26" + ], + [ + 1, + "#f0f921" + ] + ] + }, + "colorway": [ + "#636efa", + "#EF553B", + "#00cc96", + "#ab63fa", + "#FFA15A", + "#19d3f3", + "#FF6692", + "#B6E880", + "#FF97FF", + "#FECB52" + ], + "font": { + "color": "#2a3f5f" + }, + "geo": { + "bgcolor": "white", + "lakecolor": "white", + "landcolor": "#E5ECF6", + "showlakes": true, + "showland": true, + "subunitcolor": "white" + }, + "hoverlabel": { + "align": "left" + }, + "hovermode": "closest", + "mapbox": { + "style": "light" + }, + "paper_bgcolor": "white", + "plot_bgcolor": "#E5ECF6", + "polar": { + "angularaxis": { + "gridcolor": "white", + "linecolor": "white", + "ticks": "" + }, + "bgcolor": "#E5ECF6", + "radialaxis": { + "gridcolor": "white", + "linecolor": "white", + "ticks": "" + } + }, + "scene": { + "xaxis": { + "backgroundcolor": "#E5ECF6", + "gridcolor": "white", + "gridwidth": 2, + "linecolor": "white", + "showbackground": true, + "ticks": "", + "zerolinecolor": "white" + }, + "yaxis": { + "backgroundcolor": "#E5ECF6", + "gridcolor": "white", + "gridwidth": 2, + "linecolor": "white", + "showbackground": true, + "ticks": "", + "zerolinecolor": "white" + }, + "zaxis": { + "backgroundcolor": "#E5ECF6", + "gridcolor": "white", + "gridwidth": 2, + "linecolor": "white", + "showbackground": true, + "ticks": "", + "zerolinecolor": "white" + } + }, + "shapedefaults": { + "line": { + "color": "#2a3f5f" + } + }, + "ternary": { + "aaxis": { + "gridcolor": "white", + "linecolor": "white", + "ticks": "" + }, + "baxis": { + "gridcolor": "white", + "linecolor": "white", + "ticks": "" + }, + "bgcolor": "#E5ECF6", + "caxis": { + "gridcolor": "white", + "linecolor": "white", + "ticks": "" + } + }, + "title": { + "x": 0.05 + }, + "xaxis": { + "automargin": true, + "gridcolor": "white", + "linecolor": "white", + "ticks": "", + "title": { + "standoff": 15 + }, + "zerolinecolor": "white", + "zerolinewidth": 2 + }, + "yaxis": { + "automargin": true, + "gridcolor": "white", + "linecolor": "white", + "ticks": "", + "title": { + "standoff": 15 + }, + "zerolinecolor": "white", + "zerolinewidth": 2 + } + } + }, + "xaxis": { + "dtick": 1, + "gridcolor": "rgb(0, 0, 0)", + "side": "top", + "ticks": "" + }, + "yaxis": { + "dtick": 1, + "ticks": "", + "ticksuffix": " " + } + } + }, + "text/html": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "# For the curious one. Images where people \"together\" aggree on anger are rare. Why?\n", + "iplot(plot_confusion_matrix(ground_truth=gt_max, predictions=max_pred, labels=ARTEMIS_EMOTIONS, normalize=False))" + ] + } + ], + "metadata": { + "kernelspec": { + "display_name": "artemis_dev", + "language": "python", + "name": "artemis_dev" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.6.13" + } + }, + "nbformat": 4, + "nbformat_minor": 2 +} diff --git a/imageprocessing/artemis/artemis/notebooks/deep_nets/emotions/utterance_to_emotion_classifier.ipynb b/imageprocessing/artemis/artemis/notebooks/deep_nets/emotions/utterance_to_emotion_classifier.ipynb new file mode 100644 index 0000000000000000000000000000000000000000..7d096aa294aa71bef85363f25e2a58245400c0c6 --- /dev/null +++ b/imageprocessing/artemis/artemis/notebooks/deep_nets/emotions/utterance_to_emotion_classifier.ipynb @@ -0,0 +1,5156 @@ +{ + "cells": [ + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Train a text classifier (LSTM-based) that predicts the underlying explained emotion.\n", + "- optionaly, use the image as input as well.\n", + "- in a single GPU, this should take less than __10 minutes__ using a large batch-size\n", + "- you can also use the provided pretrained network as well (see torch_load_model()) below.\n", + "- the pretrained model can be found here: https://www.dropbox.com/s/ruczzggqu1i6nof/best_model.pt?dl=0\n", + "- if you want to repeat exactly the training procedure of the paper you need to download the glove-embdeddings of 100-dimensions (https://nlp.stanford.edu/projects/glove). Pleease see below." + ] + }, + { + "cell_type": "code", + "execution_count": 1, + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + " \n", + " " + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "import torch\n", + "import argparse\n", + "import time\n", + "import pandas as pd\n", + "import numpy as np\n", + "import os.path as osp\n", + "import torch.nn.functional as F\n", + "import seaborn as sns\n", + "import matplotlib.pylab as plt\n", + "from torch import nn\n", + "from torch.optim.lr_scheduler import MultiStepLR\n", + "from ast import literal_eval\n", + "from plotly.offline import init_notebook_mode, iplot\n", + "\n", + "from artemis.neural_models.resnet_encoder import ResnetEncoder\n", + "from artemis.neural_models.lstm_encoder import LSTMEncoder\n", + "from artemis.neural_models.mlp import MLP\n", + "from artemis.neural_models.word_embeddings import make_pretrained_embedding, load_glove_pretrained_embedding\n", + "from artemis.neural_models.text_emotional_clf import TextEmotionClassifier\n", + "from artemis.neural_models.text_emotional_clf import single_epoch_train, evaluate_on_dataset\n", + "from artemis.in_out.neural_net_oriented import torch_save_model, torch_load_model\n", + "from artemis.in_out.neural_net_oriented import df_to_pytorch_dataset\n", + "from artemis.in_out.basics import create_dir\n", + "from artemis.utils.vocabulary import Vocabulary\n", + "from artemis.utils.visualization import plot_confusion_matrix\n", + "from artemis.emotions import ARTEMIS_EMOTIONS, IDX_TO_EMOTION, positive_negative_else\n", + "\n", + "init_notebook_mode()\n", + "np.set_printoptions(precision=2, suppress=True)\n", + "\n", + "%load_ext autoreload\n", + "%autoreload 2" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "#### In cell below you need to use YOUR PATHS.\n", + "- I will use the pre-processed ArtEmis dataset; as prepared by the script __preprocess_artemis_data.py --preprocess-for-deep-nets True__ (see STEP.1 at top-README)\n", + "- Specifically this way, I can utilize the same train/test/val splits accross all my neural-based experiments." + ] + }, + { + "cell_type": "code", + "execution_count": 2, + "metadata": {}, + "outputs": [], + "source": [ + "artemis_preprocessed_dir = '/home/optas/DATA/OUT/artemis/preprocessed_data/for_neural_nets'\n", + "wikiart_img_dir = '/home/optas/DATA/Images/Wiki-Art/rescaled_max_size_to_600px_same_aspect_ratio'\n", + "save_dir = '/home/optas/DATA/OUT/artemis/neural_nets/txt_to_emotion/lstm_based' # where to save trained model\n", + "create_dir(save_dir);" + ] + }, + { + "cell_type": "code", + "execution_count": 3, + "metadata": {}, + "outputs": [], + "source": [ + "parser = argparse.ArgumentParser() # use for convenience instead of say a dictionary\n", + "args = parser.parse_args([])\n", + "args.data_dir = artemis_preprocessed_dir\n", + "args.img_dir = wikiart_img_dir\n", + "args.save_dir = save_dir\n", + "\n", + "# deep-net data-handling params.\n", + "args.dataset = 'artemis'\n", + "args.num_workers = 8\n", + "args.gpu_id = 0\n", + "args.batch_size = 1024\n", + "\n", + "args.one_hot_emo = False # Keep False, so that the emotions are not converted by the loader to one-hot-vectors\n", + "args.use_imgs = False # if True, you can train a text2emotion classifier that also looks at the underlying image.\n", + "\n", + "\n", + "if args.use_imgs:\n", + " # that's what I also use on our speakers and image2emotion classifiers\n", + " args.lanczos = True\n", + " args.img_dim = 256\n", + " args.batch_size = 128 # else it won't fit\n", + " args.img_encoder = 'resnet34'" + ] + }, + { + "cell_type": "code", + "execution_count": 4, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Loaded utterances: 429431 | Train-size: 338777\n", + "Using a vocabulary of size 14469\n", + "N-emotions 9\n" + ] + } + ], + "source": [ + "## load preprocessed data\n", + "df = pd.read_csv(osp.join(args.data_dir, 'artemis_preprocessed.csv'))\n", + "print(f'Loaded utterances: {len(df)} | Train-size: {sum(df.split==\"train\")}')\n", + "\n", + "vocab = Vocabulary.load(osp.join(args.data_dir, 'vocabulary.pkl'))\n", + "print('Using a vocabulary of size', len(vocab))\n", + "df.tokens_encoded = df.tokens_encoded.apply(literal_eval)\n", + "\n", + "dataloaders, datasets = df_to_pytorch_dataset(df, args)\n", + "n_emotions = len(df.emotion_label.unique())\n", + "print('N-emotions', n_emotions)" + ] + }, + { + "cell_type": "code", + "execution_count": 5, + "metadata": {}, + "outputs": [], + "source": [ + "# Setup training related stuff\n", + "torch.backends.cudnn.benchmark = True\n", + "max_train_epochs = 50\n", + "do_training = True\n", + "use_data_parallel = False # multi-gpu for the curious one\n", + "device = torch.device(\"cuda:\" + str(args.gpu_id) if torch.cuda.is_available() else \"cpu\")\n", + "criterion = nn.CrossEntropyLoss().to(device)\n", + "save_model_path = osp.join(args.save_dir, 'best_model.pt')" + ] + }, + { + "cell_type": "code", + "execution_count": 6, + "metadata": {}, + "outputs": [], + "source": [ + "## hyper-params used in the paper w.r.t. the text2emotion architecture check: lstm_encoder.py\n", + "lstm_n_input = 256\n", + "lstm_n_hidden = 256\n", + "lstm_feature_type = 'max'\n", + "use_glove = True # if True, you need to download the pretrained vectors: https://nlp.stanford.edu/projects/glove\n", + "dropout_rate = 0.25" + ] + }, + { + "cell_type": "code", + "execution_count": 7, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "using padding symbol of provided vocabulary.\n" + ] + } + ], + "source": [ + "## Build Net\n", + "\n", + "## word-embeddings\n", + "if use_glove:\n", + " word_emb_dim = 100\n", + " glove_file = '/home/optas/DATA/Language/glove/glove.6B/glove.6B.100d.txt'\n", + " glove = load_glove_pretrained_embedding(glove_file)\n", + " word_embedding = make_pretrained_embedding(vocab, glove, freeze=True)\n", + "else: \n", + " word_emb_dim = 128\n", + " word_embedding = torch.nn.Embedding(len(vocab), word_emb_dim, padding_idx=vocab.pad)\n", + " \n", + " \n", + "## projection layer post word-embeddings, before feeding LSTM input\n", + "if dropout_rate > 0: \n", + " word_embedding_projected = nn.Sequential(*[word_embedding, \n", + " nn.Dropout(dropout_rate, inplace=True), \n", + " nn.Linear(word_embedding.embedding_dim, \n", + " lstm_n_input), \n", + " nn.ReLU(),\n", + " nn.Dropout(dropout_rate, inplace=True), \n", + " nn.Linear(lstm_n_input, lstm_n_input)])\n", + "else:\n", + " word_embedding_projected = nn.Sequential(*[word_embedding, \n", + " nn.Linear(word_embedding.embedding_dim, \n", + " lstm_n_input), \n", + " nn.ReLU(),\n", + " nn.Linear(lstm_n_input, lstm_n_input)]) \n", + " \n", + " \n", + "if args.use_imgs:\n", + " ## the image will create a feature to ground the LSTM.\n", + " img_encoder = ResnetEncoder(args.img_encoder, adapt_image_size=1).unfreeze()\n", + " img_emb_dim = img_encoder.embedding_dimension()\n", + " init_h = nn.Linear(img_emb_dim, lstm_n_hidden)\n", + " init_c = nn.Linear(img_emb_dim, lstm_n_hidden)\n", + "else:\n", + " img_encoder = init_h = init_c = None\n", + " \n", + " \n", + "lstm = LSTMEncoder(lstm_n_input, \n", + " lstm_n_hidden, \n", + " word_embedding_projected, \n", + " init_h=init_h,\n", + " init_c=init_c,\n", + " eos_symbol=vocab.eos, \n", + " feature_type=lstm_feature_type)\n", + "\n", + "# classification head\n", + "lstm_clf_head = MLP(lstm_n_hidden, [100, n_emotions], dropout_rate=dropout_rate, b_norm=True)\n", + "\n", + "\n", + "# all-together\n", + "model = TextEmotionClassifier(lstm, lstm_clf_head, img_encoder=img_encoder)\n", + "\n", + "\n", + "if use_data_parallel:\n", + " model = torch.nn.DataParallel(model, device_ids=range(torch.cuda.device_count()))\n", + " \n", + "model.to(device);" + ] + }, + { + "cell_type": "code", + "execution_count": 8, + "metadata": {}, + "outputs": [], + "source": [ + "## some configuration for optimimizer.\n", + "## -panos friendly note, this is not explored much. you might be able to squeeze it more.\n", + "\n", + "init_lr = 0.0005\n", + "optimizer = torch.optim.Adam(model.parameters(), lr=init_lr)\n", + "lr_scheduler = MultiStepLR(optimizer, milestones=[10, 20, 30], gamma=0.5)" + ] + }, + { + "cell_type": "code", + "execution_count": 9, + "metadata": {}, + "outputs": [], + "source": [ + "start_epoch = 0\n", + "best_val_acc = -1" + ] + }, + { + "cell_type": "code", + "execution_count": 9, + "metadata": {}, + "outputs": [ + { + "data": { + "application/vnd.jupyter.widget-view+json": { + "model_id": "8845a02626354400898fcca3ef3d0c6a", + "version_major": 2, + "version_minor": 0 + }, + "text/plain": [ + " 0%| | 0/331 [00:00 best_val_acc:\n", + " best_val_acc = val_acc\n", + " torch_save_model(model, save_model_path)\n", + " print(f'Model saved at epoch@{epoch}')\n", + " _, best_test_acc, _ = evaluate_on_dataset(model, dataloaders['test'], \n", + " args.use_imgs,\n", + " criterion, device, \n", + " detailed=False)\n", + "\n", + "\n", + " print(\"Epoch:{} Val-Acc={:.3f} Best-so-Far-Test={:.3f}\".format(epoch, val_acc, best_test_acc))" + ] + }, + { + "cell_type": "code", + "execution_count": 28, + "metadata": {}, + "outputs": [ + { + "data": { + "application/vnd.jupyter.widget-view+json": { + "model_id": "450f7915beca4be2b454c642d93a0834", + "version_major": 2, + "version_minor": 0 + }, + "text/plain": [ + "HBox(children=(FloatProgress(value=0.0, max=331.0), HTML(value='')))" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "\n", + "0.6561041629311133\n" + ] + } + ], + "source": [ + "_, train_acc, _ = evaluate_on_dataset(model, dataloaders['train'], args.use_imgs, criterion, device, detailed=False)\n", + "print(train_acc)" + ] + }, + { + "cell_type": "code", + "execution_count": 10, + "metadata": {}, + "outputs": [ + { + "data": { + "application/vnd.jupyter.widget-view+json": { + "model_id": "da04574fb5f142fdbd0a2de5c10b8444", + "version_major": 2, + "version_minor": 0 + }, + "text/plain": [ + " 0%| | 0/20 [00:00
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "iplot(plot_confusion_matrix(gt, predictions, labels=ARTEMIS_EMOTIONS, normalize=True, round_decimal=2))" + ] + }, + { + "cell_type": "code", + "execution_count": 14, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "maximizer is: contentment\n", + "distribution: [[0.08 0.2 0.55 0.14 0. 0. 0. 0. 0.02]]\n" + ] + } + ], + "source": [ + "text = 'add your favorite text here'\n", + "text = text.split()\n", + "text = vocab.encode(text)\n", + "text = torch.from_numpy(np.array([text])).to(device)\n", + "with torch.set_grad_enabled(False):\n", + " p = F.softmax(model(text), -1).cpu().numpy()\n", + "print('maximizer is: ', ARTEMIS_EMOTIONS[p.argmax()])\n", + "print('distribution:', p)" + ] + }, + { + "cell_type": "code", + "execution_count": 26, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "Text(0.5, 1.0, 'Distribution of confidence of text-CLF in correct test examples')" + ] + }, + "execution_count": 26, + "metadata": {}, + "output_type": "execute_result" + }, + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAYQAAAFsCAYAAADMqs48AAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjMuNCwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8QVMy6AAAACXBIWXMAAAsTAAALEwEAmpwYAAAyn0lEQVR4nO3de1xUdf4/8NfcQAmUi4BD+o1vtOpUWyEomRqJWiSjaF6wifKSma63b6Y5Kwpomo25kje0vrV+t7bab1Rq4bVdM7I2u3wtK7TMSElGQC67gMrcPr8/HOcHMjMMOnO4vZ6Phw/hfOZ8zvvMOcNrzjlzPiMTQggQEVGnJ2/tAoiIqG1gIBAREQAGAhER2TEQiIgIAAOBiIjsGAhERARAokDIzMzEli1bvNJXSUkJYmNjYbVaAQCPPvoo8vLyvNI3AMyYMQM7duzwWn+eysnJQUJCAgYPHizZMn/55ReMHTsWsbGxeO2115rdTn379sXp06clq+96XLp0CbNmzUJcXBzmz5/f2uVI5nr236v3B3e8+Tr09mu4Izty5Ajuvfden/WvvN4OkpKScP78eSgUCigUCtxyyy1ITU1FWloa5PLLebNy5UqP+1q1ahXuuecel4+JiorC0aNHr7dsAMCmTZtw+vRprFu3zjHtlVde8UrfLWE0GrF9+3Z89NFHCAsLk2y5r7zyCgYOHIidO3dKtkyp7Nu3D+fPn8eRI0egVDbdzZ1t+2vlaV9lZWV48cUXUVBQgLq6OkRGRmLUqFGYMWMGAgIC0LdvXxw4cAA33XRTo/nee+89ZGRkoEuXLo5p48aNQ2ZmZpNlXM/+25L9wZuvQ3e8uZ1cPb/0/113IADAtm3bcM8996CmpgZffPEFVq9ejWPHjmHNmjXe6N7BYrE4fXG3d2fPnkVwcLCkYQBcfpeXkpIi6TKlUlJSgujo6Dazv1RXV2Py5MmIjY3F3/72N/Tq1QtGoxGvvvoqzpw5g379+rmd/6677sJbb73l0xo78v5AnvHqKaOgoCAMHz4cL774Inbs2IGffvoJAKDX65GTkwMAqKysxJNPPon4+HgMHDgQOp0ONpsNixcvRklJCWbNmoXY2Fj893//N3777Tf07dsXeXl5uO+++zBlyhTHNIvF4ljumTNnMGHCBMTFxWH27Nmorq4G4PzwKikpCZ999hkKCgrw0ksvYe/evYiNjcWYMWMAND58tdlsyM3NxbBhwzBo0CA888wzqKmpAQBHHTt27MB9992HhIQEbN261eVzU1NTg2eeeQZ33303hg0bhtzcXNhsNnz22WeYPn06ysrKEBsbC71e73T+v//970hNTUX//v0xYsQIFBQUAABKS0sxa9YsDBw4ECNHjsTbb7/tmGfTpk1YsGABnnnmGcTGxiIlJQXfffcdAOCxxx7DkSNHsHLlSsTGxqKoqKjRdgIuv2McMmQIhgwZgnfeeadRPSaTCQaDAffddx/uueceZGZm4tKlS42e9z//+c8YNGgQhgwZgnfffdcx76VLl/D8889j2LBhiIuLw8MPP+yY95tvvsHkyZMRHx+PMWPG4MiRIy6f01OnTuHRRx9FfHw8UlJS8I9//AMAsHHjRuTm5jq27dWnI1xt+5qaGixduhRDhgzB0KFDkZOTA6vVCpPJhNTUVLz++usAAKvVismTJ2Pz5s0u+7ra9u3bccMNN+CFF15Ar169AABqtRrLli1rNgxaouH++9577+Hhhx+GwWDAgAEDkJSUhI8//tjpfM72h0OHDmHs2LHo378/EhMTsWnTJsfjnb0OG3rnnXfw4IMPYsCAAXj88cdx9uxZR9unn36K5ORkxMXFYeXKlXA1WEJLtxMAnD59Gunp6YiLi0NCQgL+67/+CwDwyCOPAABSU1MRGxuLPXv2tKjul19+GZMmTXKs75tvvomUlBTU19cDAObPn4/BgwcjLi4OjzzyCE6ePOnoU6/XIzs7GzNmzEBsbCwmT56M8vJyrF69GgMGDEBycjIKCwsdj09KSsJLL72EUaNGYcCAAfjjH//oWM7VSktLMW/ePNx9991ISkpqdKrv2LFjeOihh9C/f3/cc889nr1BF9dp2LBh4tNPP20yPTExUbzxxhtCCCGWLFki1q9fL4QQYt26dWL58uXCZDIJk8kkvvzyS2Gz2Zz2VVxcLPr06SMWL14s6urqxMWLFx3TzGazEEKI9PR0MWTIEPHjjz+Kuro6MXfuXPH0008LIYT4/PPPxdChQ13Wu3HjRsdjr0hPTxdvv/22EEKIvLw8MWLECHHmzBlRW1sr5syZIxYtWtSotoyMDHHx4kVx/Phxcdttt4mff/7Z6fO0ePFiMWvWLFFTUyOKi4vF/fff71iOszob+vbbb0X//v3F4cOHhdVqFefOnXMs55FHHhFZWVni0qVLorCwUCQkJIjPPvvMsX633367OHTokLBYLGLdunVi4sSJTtf16u308ccfi0GDBjme14ULF4o+ffqIX3/9VQghxKpVq8STTz4pqqqqRE1NjXjyySfFunXrHOuj0WjEiy++KEwmkzh06JC44447RHV1tRBCiOzsbJGeni7OnTsnLBaL+Prrr0V9fb04d+6cGDhwoDh06JCwWq3i8OHDYuDAgaKioqLJc2IymcSIESPE1q1bRX19vfjss8/EXXfdJU6dOuVy2zbkrH327Nli+fLloq6uTpw/f16MHz9evPXWW0IIIX788UcRHx8vfv75Z5GbmysmTpwoLBaLR8sSQoiJEyeKDRs2uH1Mw+e3oXfffVdMnjzZ7bxXNNym7777rrj11lvF//7v/wqLxSLeeOMNMXjwYMfrzd28QlzejidOnBBWq1UcP35cDBo0SHz44YdCCOH0dXhl3g8//FCMGDFC/Pzzz8JsNostW7aItLQ0IYQQFRUVIjY2Vuzdu1eYTCaxfft2odFoGi23oZZup6eeekrk5uYKq9UqLl26JL788kvHfK6e3yvc1W21WoVOpxMbN24URUVFIj4+Xvzwww+OefPy8kRNTY2or68Xq1atEmPGjHG0LVmyRAwcOFB899134tKlS+LRRx8Vw4YNEzt27BAWi0WsX79epKenOx4/bNgwkZKSIkpKSkRVVZVIS0tzvC4b/q2wWq1i3LhxYtOmTaK+vl6cOXNGJCUliYKCAiGEEJMmTRI7duwQQghRW1srjh496nLdr/DZReWIiAj861//ajJdqVSivLwcJSUlUKlUiI+Ph0wmc9vXvHnzEBAQ0OgcakOpqano06cPAgICsGDBAuzbt8/xjuF6fPDBB5g6dSp69+6NG264AQsXLsSePXsavSuaO3cuunTpgn79+qFfv344ceJEk36sViv27NmDp59+GoGBgejVqxemTZuG999/36M63nnnHYwfPx6DBw+GXC5HZGQkYmJiYDQa8fXXX2PRokXw9/eHRqPBxIkTsWvXLse8cXFxSExMhEKhQGpqqtP6nNm7dy8eeughx/M6d+5cR5sQAnl5eVi6dCmCg4MRGBiIJ598Ert373Y8RqlUYs6cOVCpVEhMTERAQACKiopgs9nw7rvvIiMjA5GRkVAoFOjfvz/8/Pywa9cu3HvvvUhMTIRcLsfgwYNx++23O31X++233+LChQuYOXMm/Pz8MGjQIAwbNqxRDS1x/vx5FBQUYOnSpQgICEBYWBimTp3q6K9Pnz6YPXs25syZgz//+c9Yu3YtFAqFx/1XV1cjPDz8mmoDLq9vfHy8498333zj0XxRUVGYNGkSFAoFxo0bh/Lycpw/f96jeRMSEtC3b1/I5XL069cPKSkp+OKLL5qd729/+xtmzpyJmJgYKJVKzJo1C8ePH8fZs2dRUFCAW265BcnJyVCpVJgyZQp69OjhUT1A89tJqVSipKQEZWVl8Pf3R3x8vMd9u6tbLpfDYDDg9ddfx+zZszFjxgzceuutjnknTJiAwMBA+Pn5Yd68eThx4oTjbAIAjBw5Erfffjv8/f0xcuRI+Pv7Y+zYsVAoFBg1ahSOHz/eqJZHHnkEarUawcHBmD17ttP9+rvvvkNlZSXmzp0LPz8/9O7dG5MmTXIc/SiVSpw5cwaVlZW44YYbcNdddzX7HPjsBGtpaSm6d+/eZPrjjz+OzZs3Y/r06QCAtLQ0zJw5021fPXv2dNuuVqsdP0dFRcFsNqOqquoaqm6srKwMN954o+P3G2+8ERaLBRUVFY5pDXfmrl274sKFC036qaqqgtlsRlRUVKM6S0tLParDaDQiMTHRaX3du3dHYGBgo36///57p/V16dIF9fX1Hl2LKSsrw+233+74veHzUFlZiYsXL+Khhx5yTBNCwGazOX4PDg5utIwrz01VVRXq6+vRu3fvJsssKSnBvn378NFHHzmmWSwWJCQkOK2vZ8+ejg8uXFl3T59TZ8u2WCwYMmSIY5rNZmu0b40dOxY5OTm4//77ER0d7bKvr776Ck888YSjpt27dyM4OBjl5eXXVBsA3Hnnndd0DeHq/ROA033UmW+//Rbr1q3DyZMnYTabYTKZkJyc3Ox8JSUleO6552AwGBzThBAoLS11bLcrZDJZo+fYk77dbafFixdjw4YNmDBhArp3745p06ZhwoQJHvftqu4bb7wRvXr1QkJCAj7++GPHKSjg8hu+nJwc7Nu3D5WVlY59sqqqCkFBQQDQ6Ppgly5dmrwur94mV/9NKysra1Lv2bNnUVZW1ij0rFar4/fVq1dj48aNePDBB9GrVy/MnTsXw4YNc/sc+CQQjh07htLSUsTFxTVpCwwMhF6vh16vx8mTJ/HYY4/h97//PQYNGuSyv+aOIIxGY6OfVSoVQkJC0LVrV8e5aeDyk1VZWelxvxEREY3OfZaUlECpVCIsLAznzp1zO29DISEhUKlUKCkpwS233OKoMzIy0qP51Wo1zpw547S+f/3rX6itrXWEQkv6dSciIqLR81pSUuL4OSQkBF26dMHu3btbvKyQkBD4+/ujuLi4yblztVqN1NRUrFq1yqP6zp07B5vN5ngBGo1Gt3+oG7p62/fs2RN+fn74/PPPXYblihUrMGzYMBw+fBhfffWV44V3dV/x8fFNPoEzaNAgfPjhh5g7d26jEGvLnn76aaSnp+OVV16Bv78/Vq9e7dEbLbVajVmzZjm9nnL69OlGrx0hRKP97Got3U7h4eGO/eerr77CtGnTMGDAAI8+WeSubgD4+OOPcfToUQwaNAhr1651fHrygw8+wD/+8Q9s374dvXr1Qk1NDQYMGODy2ognrn7tRUREOK23V69eOHDggNM+oqOjsX79ethsNhw4cADz58/HkSNHEBAQ4HK5Xt0za2tr8dFHH2HhwoUYM2YM+vbt2+QxH330EU6fPg0hBAIDA6FQKBwvkB49eqC4uLjFy33//ffx888/4+LFi9iwYQMeeOABKBQK/Od//ifq6+tx6NAhmM1mbN26FSaTyTFfWFgYzp492+idbUNarRZ/+ctfUFxcjLq6OuTk5ODBBx9s8SdXFAoFkpOTkZOTg9raWpw9exbbt293ueNdbcKECXjvvffwz3/+EzabDaWlpTh16hTUajViY2Oxfv161NfX48SJE3jnnXcwevToFtXnTHJyMnbs2OF4Xjdv3uxok8vlmDhxIp577jnH0VJpaSk++eSTZvuVy+UYP3481qxZg9LSUlitVhw9ehQmkwljxozBRx99hE8++QRWqxX19fU4cuSI0/C944470LVrV7zyyiswm804cuQIDh48iFGjRnm0fldv+4iICAwePBjPP/88amtrYbPZcObMGccpkp07d+KHH37AmjVrsGzZMuj1etTV1Tnty5lp06ahrq4OS5YscbzJKC0txZo1axqdxjObzaivr3f888apz2tVV1eH7t27w9/fH8eOHUN+fr5H802ePBkvv/yy48JqTU0N9u7dCwBITEzEyZMnceDAAVgsFrz22mtuT2G1dDvt3bvXsb90794dMpnM478v7uqurKxERkYGVq9ejeeffx4HDx50nMqsq6uDn58fQkJCcPHiRaxfv96j58mdN998E+fOnUN1dbXjAvPV7rjjDgQGBuLll1/GpUuXYLVa8dNPP+HYsWMAgF27djmOWLp16wYAzZ7m9EogXPlkUGJiIrZt24Zp06a5vKJ9+vRpTJs2DbGxsUhLS8PDDz/sOCUwc+ZMbN26FfHx8Xj11Vc9Xn5qair0ej0GDx4Mk8mEjIwMAJc/9ZSVlYVly5bh3nvvRdeuXRsdrl45/E1ISMC4ceOa9Dt+/HiMGTMG6enpGD58OPz8/LB8+XKP62po+fLl6Nq1K0aMGAGdTgetVovx48d7NO8dd9yBNWvW4LnnnkNcXBzS09Md79jXr1+Ps2fPYujQoZg7dy7mzZvnlZvbEhMTMWXKFEyZMgUjR47E3Xff3ah98eLFuOmmmzBp0iT0798fU6dORVFRkUd9L1myBH369MGECRMwcOBArFu3znHYn5ubi5deegmDBg1CYmIiXn31Vad/aP38/LB161YUFBTg7rvvxooVK7B27VrExMR4VIOzbb927VqYzWbHpzvmz5/vuN61Zs0aGAwG3HDDDRg9ejRuv/12xz7e3H4EXD6F9tZbb0GpVGLSpEmIjY3FlClTEBQU1Ojda0pKCu644w7Hv/fee8+j9fGFrKwsbNy4EbGxsdiyZQsefPBBj+YbOXIkZsyYgYULF6J///7QarWOT8WFhoZiw4YN+NOf/oSEhAScPn0a/fv3d9lXS7YTcPm8+sSJExEbG4vZs2cjIyPDcXpy7ty50Ov1iI+Pd/opI3d1Z2ZmIikpCYmJiQgJCcHq1auRkZGBqqoqjB07FlFRURg6dChSUlI8OlffHK1Wi+nTp2PEiBHo3bs3Zs+e3eQxCoUCW7duxYkTJzB8+HDcfffdWLZsGWprawEAn3zyCVJSUhAbG4vVq1cjJycH/v7+bpcrE9dzXENERF7lyQ26vtI+TmYSEZHPMRCIiAgATxkREZEdjxCIiAgAA4GIiOzaxlCQPlRRUQubTZqzYiEhAaiq8uwu0I6C69x5dMb1vpZ1Dg8P8lE1vscjBC9SKj0f26aj4Dp3Hp1xvTvbOjMQiIgIAAOBiIjsGAhERASAgUBERHYMBCIiAsBAICIiOwYCEREBYCAQEZEdA4GIiAAwEIiIyI6BQEREABgIRERkx0AgIiIAnWD4a2r75CoFTGab0zY/lRw2s1Xiiog6JwYCtTqT2Yb1b37ttG2hLo47KZFEeMqIiIgAMBCIiMiOR+MkGZfXCmQy6YshoiYYCCQZV9cKntLFtUI1RHQ1njIiIiIADAQiIrJjIBAREQAGAhER2TEQiIgIAAOBiIjsGAhERASAgUBERHYMBCIiAsBAICIiOwYCEREBkGgso99++w1z5sxx/F5TU4Pa2lp88cUXKCoqgl6vR3V1NYKDg2EwGBAdHQ0AbtuIiMi7JDlC6NWrF3bt2uX4N3z4cGi1WgBAVlYWdDod9u/fD51Oh8zMTMd87tqIiMi7JD9lZDKZ8MEHH2D8+PGoqKhAYWGhIxy0Wi0KCwtRWVnpto2IiLxP8uGvDx48iMjISNx22234/vvvERkZCYVCAQBQKBSIiIiA0WiEEMJlW2hoqMfLCwsL9Ml6uBIeHiTp8toCT9e5vOoCVKqmu5xMJnM6HQCUSjnCQwKuqz5f6IzbGeic692Z1lnyQHj33Xcxfvx4yZZXUVELm01Isqzw8CCUl9dIsqy2oiXrbIEMZrOlyXQhhNPpAGCx2Nrcc9oZtzPQOdf7Wta5PQeIpKeMSktL8eWXX2L06NEAALVajdLSUlitVgCA1WpFWVkZ1Gq12zYiIvI+SQNhx44dSExMREhICAAgLCwMGo0G+fn5AID8/HxoNBqEhoa6bSMiIu+T9JTRjh07kJGR0WhadnY29Ho9cnNz0a1bNxgMBo/aqHNQqeQwO/seZgB+KjlsZqvEFRF1XJIGwv79+5tMi4mJQV5entPHu2sj35OrFDA5+WMs5R9ik9mGHCffwwwAC3Vx/FJwIi/i64lcMpltWO/kjzH/EBN1TBy6goiIAPAIgbzM1WkmAIBMJm0xRNQiDATyKlenmQDgKV2cxNUQUUvwlBEREQFgIBARkR1PGVGLNbw3oLzqAixocG2A1wmI2i0GArVYw3sDVCplo3GIeJ2AqP3iKSMiIgLAQCAiIjsGAhERAWAgEBGRHS8qd3K8s5iIrmAgdHK8s5iIruApIyIiAsBAICIiOwYCEREBYCAQEZEdA4GIiAAwEIiIyI6BQEREABgIRERkxxvTOgHejUxEnmAgdAK8G5mIPMFTRtRuqVRyWCBr8k+uUrR2aUTtEo8QqN1q+M1tDS3UxXHHJroGPEIgIiIADAQiIrJjIBAREQAGAhER2TEQiIgIgISBUF9fj6ysLNx///0YPXo0li9fDgAoKipCWloaHnjgAaSlpeHXX391zOOujYiIvEuyQHjhhRfg7++P/fv344MPPsCCBQsAAFlZWdDpdNi/fz90Oh0yMzMd87hrIyIi75IkEOrq6rBz504sWLAAMvtQCT169EBFRQUKCwuh1WoBAFqtFoWFhaisrHTbRkRE3ifJ/TvFxcUIDg7G5s2bceTIEdxwww1YsGABunTpgsjISCgUl+8sVSgUiIiIgNFohBDCZVtoaKjHyw4LC/TJOrkSHh4k6fI8UV51ASqV800tk8la3Hb19IY/e6O/621TKuUIDwlwOo+3tMXtLIXOuN6daZ0lCQSLxYLi4mLceuutWLJkCb799lvMmjULGzZs8PmyKypqYbMJny8HuLzjlJfXSLKslrBABrPZ4rRNCNHitobTVSplo8dcb3/eaLNYbD7dDm11O/taZ1zva1nn9hwgkgRCVFQUlEql4/TPnXfeiZCQEHTp0gWlpaWwWq1QKBSwWq0oKyuDWq2GEMJlGxEReZ8k1xBCQ0ORkJCATz/9FMDlTw9VVFQgOjoaGo0G+fn5AID8/HxoNBqEhoYiLCzMZRsREXmfZGOArVixAkuXLoXBYIBSqcTatWvRrVs3ZGdnQ6/XIzc3F926dYPBYHDM466NiIi8S7JA6N27N15//fUm02NiYpCXl+d0HndtRETkXbxTmYiIADAQiIjIjoFAREQAGAhERGTHQCAiIgAMBCIismMgEBERAAnvQyCSikolh9lsc9rmp5LDZrZKXBFR+8BAoA7HZLYh582vnbYt1MVxpydygaeMiIgIAAOBiIjsGAhERASAgUBERHYMBCIiAsBAICIiOwYCEREBYCAQEZEd79HpIOQqBUwu7s6FTCZtMUTULjEQOgiT2Yb1Lu7OfUoXJ3E1RNQe8ZQREREBYCAQEZEdA4GIiAAwEIiIyI6BQEREABgIRERkx0AgIiIADAQiIrJjIBAREQAGAhER2TEQiIgIAAOBiIjsJBvcLikpCX5+fvD39wcALFq0CEOHDkVRURH0ej2qq6sRHBwMg8GA6OhoAHDbRnQtVCo5zC5GhfVTyWEzWyWuiKjtkHS0040bN6JPnz6NpmVlZUGn0yE1NRW7du1CZmYmXnvttWbbiK6FyWxDjotRYRfq4jj8L3VqrXrKqKKiAoWFhdBqtQAArVaLwsJCVFZWum0jIiLvk/QN0aJFiyCEQFxcHBYuXAij0YjIyEgoFAoAgEKhQEREBIxGI4QQLttCQ0M9XmZYWKBP1sWV8PAgSZd3RXnVBahUzjenTCbzatvV0xv+7I3+vF2fp21KpRzhIQFNptdcMOFSvcXxe3nVBUB5eb/s4q9EUICf0/46otbav1tTZ1pnyQLhjTfegFqthslkwurVq7Fy5UpMnTrV58utqKiFzSZ8vhzg8o5TXl4jybKuZoEMZrPFaZsQwqttDaerVMpGj7ne/rxdX0vaLBab0+1ngazRlw81XOeFujhcqqt32l9H05r7d2u5lnVuzwEi2SkjtVoNAPDz84NOp8P//d//Qa1Wo7S0FFbr5Qt5VqsVZWVlUKvVbtuIiMj7JAmECxcuoKbmcsoKIbBnzx5oNBqEhYVBo9EgPz8fAJCfnw+NRoPQ0FC3bURE5H2SnDKqqKjAvHnzYLVaYbPZEBMTg6ysLABAdnY29Ho9cnNz0a1bNxgMBsd87tqIiMi7JAmE3r17Y+fOnU7bYmJikJeX1+I2IiLyLt6pTEREABgIRERkxxsziexcDmshk0lfDFErYCAQ2bka1uIpXVwrVEMkPZ4yIiIiAAwEIiKyYyAQEREABgIREdkxEIiICAADgYiI7Pix03ZGrlLAxM/KE5EPMBDaGZPZ1mhs/iv4WXkiul48ZURERAAYCEREZMdAICIiAAwEIiKyYyAQEREABgIREdkxEIiICAADgYiI7DwOhL179zqdvm/fPq8VQ0RErcfjQMjIyHA6PTMz02vFEBFR62l26Iri4mIAgBDC8XPDNj8/P99URkREkmo2EEaOHAmZTAYhBEaOHNmorUePHpg3b57PiiMiIuk0GwgnTpwAAKSnp+Ovf/2rzwsiak9UKjnMzkafBeCnksNmtkpcEdG183i0U4YBUVMmsw05TkafBYCFujgOJ0ztisf7a3FxMV588UUcP34cFy5caNR26NAhb9dFREQS8zgQFi1ahN69e2PJkiXo2rWrL2siIqJW4HEgnDx5Em+99Rbkct7LRkTUEXn8133AgAEoLCz0ZS1ERNSKPD5CuPHGG/H444/j/vvvR48ePRq1LViwwOMFbt68GZs2bcIHH3yAPn36oKioCHq9HtXV1QgODobBYEB0dDQAuG0jIiLv8vgI4eLFi0hKSoLFYsG5c+ca/fPUDz/8gG+++QZRUVGOaVlZWdDpdNi/fz90Ol2jO5/dtRERkXd5fISwZs2a61qQyWTCypUrsW7dOkyZMgUAUFFRgcLCQmzfvh0AoNVq8eyzz6KyshJCCJdtoaGh11ULERE11aKPnbrSu3fvZuffsGEDxowZ0+ixRqMRkZGRUCgUAACFQoGIiAgYjUYIIVy2MRCIiLzP40BoOITFFTKZDABw/Phxt/MePXoU3333HRYtWnSNZV67sLBASZcXHh7k0/7Lqy5ApWq62WQymdPpvmi7enrDn73Rn7fr80V/V353159SKUd4SIDTtvbK1/t3W9SZ1tnjQLgyhMUV5eXl2Lx5M+Lj45ud98svv8Qvv/yC4cOHAwDOnTuHxx9/HH/84x9RWloKq9UKhUIBq9WKsrIyqNVqCCFctrVERUUtbDbR/AO9IDw8COXlNT5dhgUymM2WJtOFEE6n+6Kt4XSVStnoMdfbn7fr80V/DdfZXX8Wi83n+4OUpNi/25prWef2HCDXfFNBeHg4MjIysH79+mYfO3PmTBw+fBgHDx7EwYMH0bNnT7z66qsYNWoUNBoN8vPzAQD5+fnQaDQIDQ1FWFiYyzYiIvK+6xpq5ZdffsHFixevq4Ds7Gzo9Xrk5uaiW7duMBgMHrUREZF3eRwIOp3Occ0AuPwx1J9//hlz5sxp8UIPHjzo+DkmJgZ5eXlOH+eujYiIvMvjQJg4cWKj37t27Yp+/frxRjEiog7C40AYN26cL+ugBuQqBUwuxthHg6M0IiJv8jgQzGYztm7dil27dqGsrAwRERFITU3FrFmz+DWaXmYy27DexRj7T+niJK6GiDoLjwPhhRdewLFjx7BixQpERUWhpKQEubm5qK2txdKlS31ZIxERScDjQNi3bx927dqFkJAQAMDNN9+MW2+9FampqQwEIqIOwOP7EBreoezJdCIial88DoTk5GTMnj0bn3zyCU6dOoWCggLMmTMHycnJvqyPiIgk4vEpo8WLF2Pr1q1YuXIlysrKEBkZiZSUFMyePduX9RERkUSaPUL4+uuv8cILL8DPzw8LFizAhx9+iG+//RYHDhyAyWTit6gREXUQzQbCSy+9hAEDBjhtS0hIwLZt27xeFBERSa/ZQDh+/DiGDh3qtO2ee+7B999/7/WiiDoClUoOC2RN/slVitYujcipZq8h1NbWwmw2O76opiGLxYK6ujqfFEbU3pnMNuQ4ucFwoS7u+kaVJPKRZo8Qbr75Zhw+fNhp2+HDh3HzzTd7vSgiIpJes4EwdepUZGVl4cCBA7DZLo+vY7PZcODAAWRnZ2PatGk+L5KIiHyv2SPX0aNH4/z581iyZAnMZjOCg4NRXV0NPz8/zJ8/H1qtVoo6iYjIxzw6lTlt2jRMnDgRR48eRXV1NYKDgxEbG4vAQGm/r5ioI1Cp5DC7GM3Wz08Bk8nqvE0lh83svI3IGzy+thUYGOjy00ZE5DlXF5uBy6PZumrjxWjytWv+TmUiIupYGAhERASAgUBERHYMBCIiAsBAIGo3OBQG+Ro/tEDUTnAoDPI1HiEQEREABgIREdkxEIiICAADgYiI7BgIREQEgIFARER2DAQiIgLAQCAiIjvJ7mf5wx/+gN9++w1yuRwBAQFYvnw5NBoNioqKoNfrHd+zYDAYEB0dDQBu24iIyLskO0IwGAx4//33sXPnTkyfPh1Lly4FAGRlZUGn02H//v3Q6XTIzMx0zOOujYiIvEuyQAgKCnL8XFtbC5lMhoqKChQWFjq+hlOr1aKwsBCVlZVu24iIyPskHQIlIyMDn376KYQQeOWVV2A0GhEZGQmF4vLgXAqFAhERETAajRBCuGwLDQ2Vsmwiok5B0kBYvXo1AGDnzp1Yu3YtFixY4PNlhoVJ+73P4eFBzT+oGeVVF6BSOd80MpnMaZur6b5ou3p6w5+90Z+36/NFf1d+bwv1KZVyhIcEOJ3H27yxf7c3nWmdW2WQxLFjxyIzMxM9e/ZEaWkprFYrFAoFrFYrysrKoFarIYRw2dYSFRW1sNmEj9aksfDwIJSX11x3PxbIYDZbnLYJIZy2uZrui7aG01UqZaPHXG9/3q7PF/01XOe2UJ/FYvPKftccb+3f7cm1rHN7DhBJriHU1dXBaDQ6fj948CC6d++OsLAwaDQa5OfnAwDy8/Oh0WgQGhrqto2IiLxPkiOEixcvYsGCBbh48SLkcjm6d++Obdu2QSaTITs7G3q9Hrm5uejWrRsMBoNjPndtRETkXZIEQo8ePfD22287bYuJiUFeXl6L24iIyLt4pzIREQFgIBARkR2/ipWoA5OrFDCZbU7b/FRy2MxWiSuitoyBQNSBmcw2rH/za6dtC3Vx/ANAjXB/IGrnVCo5zC6OAiCTSVsMtWsMBKJ2zmS2IcfFUcBTujiJq6H2jBeViYgIAAOBiIjseMqolbj79AfP+xJRa2AgtBJ3n/7geV8iag08ZURERAAYCEREZMdAICIiAAwEIiKyYyAQdVIqlRwWyJr8k6sUrV0atRJ+yoiok3J1hzPHOOq8eIRAREQAGAhERGTHQCAiIgAMBCIismMgEBERAAYCERHZMRCIiAgA70PwOZfDXHOIayJqYxgIPuZqmGsOcU0djas3P34qOWxmaytURC3FQCAir3D15od3PrcfvIZAREQAGAhERGTHQCAiIgAMBCIisuO1HiJqRKWSw+zk00LlVRcgVyn4iaEOTJJAqKqqwjPPPIMzZ87Az88PN910E1auXInQ0FAUFRVBr9ejuroawcHBMBgMiI6OBgC3bUTkG66+J0GlUmKhLhYWuLiHhvfWtHuSBIJMJsOMGTOQkJAAADAYDFi3bh2ee+45ZGVlQafTITU1Fbt27UJmZiZee+01AHDbRkTScxUWAO+t6QgkuYYQHBzsCAMAuOuuu1BSUoKKigoUFhZCq9UCALRaLQoLC1FZWem2jYiIvE/yawg2mw1vvfUWkpKSYDQaERkZCYXi8ne4KhQKREREwGg0Qgjhsi00NFTqsomIOjzJA+HZZ59FQEAA0tPTUVhY6PPlhYUF+nwZDYWHBzX6vbzqAlSqpk+zTCZzOv1a27zdX0uW1fDntlC7FP1d+b2t1teW+lMq5QgPCXA6T3tw9Wu6I5M0EAwGA06fPo1t27ZBLpdDrVajtLQUVqsVCoUCVqsVZWVlUKvVEEK4bGuJiopa2GzCR2vUWHh4EMrLaxpNs0AGs9nS5LFCCKfTr7XN2/15uiyVStnoMW2hdl/313Cd22J9vupPpVJeU38Wi63J66K9cPaa9mSe9kqy+xBycnLw/fffY8uWLfDz8wMAhIWFQaPRID8/HwCQn58PjUaD0NBQt21EROR9khwhnDx5Etu2bUN0dDQmT54MAOjVqxe2bNmC7Oxs6PV65Obmolu3bjAYDI753LUREZF3SRIIv/vd7/Djjz86bYuJiUFeXl6L24iIyLs4dAUREQFgIBARkR0DgYiIADAQiIjIjqOdElGrcfU9zAC/i7k1MBCIqNW4+h5mgN/F3Bp4yoiIiADwCIGIfMzVF+4A4HcotDEMBCLyKV98h4Kraw+87nB9GAhE1O64uvbA6w7Xh88dEbVJPNUkPQYCEbVJ/LpO6fFTRkREBICBQEREdgwEIiICwEAgIiI7BgIREQHgp4yIqJPgQHrNYyAQUafAgfSax+eAiDoM3sx2fRgIRNRh8Ga268OLykREBICBQEREdgwEIiICwEAgIiI7BgIREQFgIBARkR0DgYiIAPA+BK+4ckt8edUFWHDVzS+8GYaozXN1Q1vNBVMrVNN6GAhecOWWeJVKCbPZ0qiNN8MQtX2ubmh75rEBrVBN6+EpIyIiAiBRIBgMBiQlJaFv37746aefHNOLioqQlpaGBx54AGlpafj11189aiMiIu+TJBCGDx+ON954AzfeeGOj6VlZWdDpdNi/fz90Oh0yMzM9aiMiIu+TJBDi4+OhVqsbTauoqEBhYSG0Wi0AQKvVorCwEJWVlW7biIjIN1rtorLRaERkZCQUCgUAQKFQICIiAkajEUIIl22hoaEtWk5YWKDXa79aedUFqFSXn8or/18hk8maTHM3/VrbvN1fS5bV8Oe2ULsU/V35va3W15H7k3pZ4eFBTqd3RB3+U0YVFbWw2YRPl2GBDGazxemnjIQQTaa5m36tbd7uz9NlXb3ObaF2X/fXcJ3bYn2+6k+lUraJ+qReVnl5jdPprrTnAGm1QFCr1SgtLYXVaoVCoYDVakVZWRnUajWEEC7biIjIN1rtY6dhYWHQaDTIz88HAOTn50Oj0SA0NNRtGxER+YYkRwirVq3CgQMHcP78eUybNg3BwcHYvXs3srOzodfrkZubi27dusFgMDjmcddGRETeJ0kgLFu2DMuWLWsyPSYmBnl5eU7ncddGRETexzuViYgIAAOBiIjsGAhERASAgUBERHYMBCIiAsBAICIiOwYCEREBYCAQEZEdA4GIiAAwEIiIyI6BQEREABgIRERkx0AgIiIADAQiIrLr8F+h6S1ylQIms815o0wmbTFERD7AQPCQyWzD+je/dtr2lC5O4mqIiLyPp4yIiAgAA4GIiOwYCEREBICBQEREdgwEIiICwEAgIiI7BgIREQFgIBARkR0DgYiIADAQiIjIjoFAREQAGAhERGTHQCAiIgAc7bQJl8Ncc4hrIurgGAhXcTXMNYe4JqKOrs2fMioqKkJaWhoeeOABpKWl4ddff23tkoiIOqQ2HwhZWVnQ6XTYv38/dDodMjMzW7skIqIOqU2fMqqoqEBhYSG2b98OANBqtXj22WdRWVmJ0NBQj/qQy1t27l8BGUKC/JtOlzuf3rBNqVLCYlZ4NJ8n/bWkzdv9ebqsq9e5LdTu6/4arnNbrM9X/SlVyjZRn5TLkstlQAv/hrRnMiGEaO0iXPn++++xZMkS7N692zFt1KhReOGFF3Dbbbe1YmVERB1Pmz9lRERE0mjTgaBWq1FaWgqr1QoAsFqtKCsrg1qtbuXKiIg6njYdCGFhYdBoNMjPzwcA5OfnQ6PReHz9gIiIPNemryEAwKlTp6DX6/Hvf/8b3bp1g8FgwM0339zaZRERdThtPhCIiEgabfqUERERSYeBQEREABgIRERkx0AgIiIADIQW82SwvS1btiAlJQVjxozBQw89hE8++UT6Qr2oJQMM/vLLL7jzzjthMBikK9BHPF3vPXv2YPTo0dBqtRg9ejTOnz8vbaFe5Mk6V1RUYObMmRg9ejSSk5ORnZ0Ni8UifbFeYjAYkJSUhL59++Knn35y+hir1YoVK1ZgxIgRGDlyJPLy8iSuUiKCWuTRRx8VO3fuFEIIsXPnTvHoo482eUxBQYG4cOGCEEKI48ePi7i4OHHx4kVJ6/QmT9ZZCCEsFotIT08XCxcuFM8//7yUJfqEJ+t97Ngx8eCDD4qysjIhhBD//ve/xaVLlySt05s8WedVq1Y5tq/JZBITJkwQu3fvlrROb/ryyy9FSUmJGDZsmPjxxx+dPmbHjh1i+vTpwmq1ioqKCjF06FBRXFwscaW+xyOEFrgy2J5WqwVwebC9wsJCVFZWNnrc0KFD0bVrVwBA3759IYRAdXW11OV6hafrDAAvv/wy7rvvPkRHR0tcpfd5ut7/8z//g+nTpyM8PBwAEBQUBH9/5wOotXWerrNMJkNdXR1sNhtMJhPMZjMiIyNbo2SviI+Pb3b0gz179mDixImQy+UIDQ3FiBEjsG/fPokqlA4DoQWMRiMiIyOhUNhHulQoEBERAaPR6HKenTt34j/+4z/Qs2dPqcr0Kk/X+cSJEzh8+DCmTp3aClV6n6frferUKRQXF+ORRx7BuHHjkJubC9FOb+3xdJ3/8Ic/oKioCEOGDHH8i4vr2F8gZTQaERUV5fhdrVbj3LlzrViRbzAQfOiLL77Ahg0b8Kc//am1S/Eps9mM5cuXY8WKFY4/Jp2F1WrFjz/+iO3bt+P1119HQUEBdu3a1dpl+dS+ffvQt29fHD58GAUFBfjqq6865LvlzoiB0AItGWzv6NGjWLx4MbZs2dKuh9rwZJ3Ly8tx5swZzJw5E0lJSfjLX/6Ct99+G8uXL2+tsq+bp9s6KioKycnJ8PPzQ2BgIIYPH45jx461RsnXzdN1/utf/4oxY8ZALpcjKCgISUlJOHLkSGuULBm1Wo2SkhLH70ajsd0e9bvDQGgBTwfbO3bsGJ566ils3Lix3X9vgyfrHBUVhSNHjuDgwYM4ePAgpkyZgkmTJuHZZ59trbKvm6fbWqvV4vDhwxBCwGw24/PPP0e/fv1ao+Tr5uk69+rVCwUFBQAAk8mEf/7zn/jd734neb1SSk5ORl5eHmw2GyorK/H3v/8dDzzwQGuX5XUcy6iFXA2298QTT2D+/Pn4/e9/j/Hjx+Ps2bONLrStXbsWffv2bcXKr50n69zQpk2bcOHCBSxZsqSVKvYOT9bbZrPBYDCgoKAAcrkcQ4YMwZIlSyCXt8/3Wp6s85kzZ5CVlYXz58/DarUiISEBGRkZUCrb9BcwurRq1SocOHAA58+fR0hICIKDg7F79+5G62y1WrFy5Up8+umnAIAnnngCaWlprVy59zEQiIgIAE8ZERGRHQOBiIgAMBCIiMiOgUBERAAYCEREZMdAICIiAAwEIiKyYyAQEREA4P8BqD5DIwnGTUwAAAAASUVORK5CYII=\n", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAYsAAAFsCAYAAAA9oZWxAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjMuNCwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8QVMy6AAAACXBIWXMAAAsTAAALEwEAmpwYAAArvklEQVR4nO3de1xUdf4/8BcMoLhoCAEO5ubqNxFvodx00VC8sQaYecFITa28p2m6UIqoecNczcxLfXPd+m5fM620RfPSwwtqq12+rqxhmneTEQQ0FZC5vX9/+HNWcuAzwjAM+Ho+HjwezHzmnPP+zJxzXucy54yLiAiIiIgq4FrTBRARkfNjWBARkRLDgoiIlBgWRESkxLAgIiIlhgURESlVe1jMnj0bq1atssu4cnJy0LFjR5hMJgDA8OHDsWnTJruMGwBeeuklfPHFF3Ybn62WL1+OyMhIREVFOWyaZ8+exTPPPIOOHTvio48+Un5OQUFBuHDhgsPqq4rbt29j3LhxCA0NxeTJk2u6HIepqfmXnEdMTAy++eab6hm5VEGPHj2kffv2EhISIqGhoZKYmCj/+7//KyaTqVLjOnTo0AMNM2zYMPn0008feFoiIu+884689tprlRrWnnJycqR9+/aSn5/v0Om+/vrrsmDBAptf36pVKzl//nw1VmQ/X3zxhQwcOFAMBoPVdnt+9raOKzc3V15//XWJioqSkJAQ6du3r6xYsUKKiopEpPz397PPPpPWrVtLSEiI5W/u3Ll2qd3ZqZbvS5cuSatWrcr9nB9EcnKyLFu2rMrjqWmVWY/ayq2qYbN27Vr88Y9/xM2bN/Htt99iwYIFyMrKwqJFi+yRZRZGoxFublUu1+lcvnwZ3t7e8PX1deh0c3Jy8PTTTzt0mo6Sk5OD5s2bO838cv36dQwdOhQdO3bEJ598gsceeww6nQ7r1q3DxYsX0bp16wqHDwkJwYYNGxxUbeVZW0br6nL7UKpK0lhLsWPHjklQUJCcPHlSRMomdkFBgYwZM0ZCQ0MlPDxcnnvuOTGZTDJ9+nQJCgqy7KW8//77lq2GTz/9VKKjoyUpKem+LYlhw4bJ0qVLZeDAgdKpUycZN26cXLt2TUREDh8+LN26dbNa7/79+6Vt27bSpk0bCQkJkfj4eMv47m7JmEwmWbVqlXTv3l06d+4sM2bMkBs3bojIf7ZoPv/8c4mOjpaIiAhZvXp1ue/TjRs3ZMaMGRIZGSndu3eXVatWiclkkkOHDkn79u0lKChIQkJCJDk52erwu3fvloSEBOnYsaP07NlT9u/fLyIiV65ckbFjx0p4eLj06tVLNm7caBnmnXfekcmTJ8uMGTMkJCRE+vXrJ1lZWSIiMnz4cGndurW0a9dOQkJC5OzZs/dtWf33f/+3REVFSVRUlGzatKnMlm9paaksXrxYoqOjpUuXLpKamiolJSVl3vd169ZJ586dJSoqSjZv3mwZb0lJiSxatEi6d+8unTp1kqFDh1qGPXr0qCQmJkpoaKjEx8fL4cOHy31PT58+LcOGDZPQ0FDp16+ffP311yIismLFijKf7W+3TMv77G/cuGHZ8u/atassW7ZMjEajlJaWSkJCgnz00UciImI0GiUxMVFWrlxZ7rh+a9myZRIXF1fhHndFexZDhw4td7h73Tv/3h1u8eLFEhYWJj169JB9+/aVO2xOTo5MnDhRIiMjJSIiwrL3YstycO8y+tlnn0liYqIsWLBAwsPDZdmyZRXOLyLW5+9ly5aVmUet7U1FR0dLq1atLHtc//d//yciIps2bZLY2FgJCwuT0aNHyy+//CIiImazWRYsWCCdO3eWTp06SVxcnJw8eVI++eQTadOmjbRt21ZCQkJk7NixVt+j06dPy8iRIyU8PFz69Okj27ZtExGRCxcuSHh4uBw/flxE7iyXERERlvl38+bNEhsbKyEhIRITEyMbNmywjPPu8vL+++9blpfdu3fLvn37pE+fPhIeHi5r1qyxvP6dd96RV155RaZMmSIhISHyzDPPyIkTJyzt966TTSaTvPfee9KzZ0+JiIiQyZMnW9aPt2/fltdee00iIiIkNDRUnn32Wbl69Wq584eIiN3DQuTOh/jxxx+LSNmwWLp0qaSmpoperxe9Xi/fffedmM1mq+O6OyPOmDFDioqKpKSkxGpYdO3aVU6ePClFRUUyadIkyyGBisJCxPrhg3sXtk2bNkmvXr3k4sWLcuvWLZk4caJMnz69TG0zZ86UkpISOXHihLRt21ZOnz5t9X2aMWOGjBs3Tm7evCmXLl2SPn36WKZjrc57HTt2TDp16iQHDx4Uk8kkV65csUzn+eefl7S0NLl9+7ZkZ2dLZGSkfPPNN5b+tWvXTvbt2ydGo1GWLl0qgwcPttrX335O+/fvly5dulje12nTppVZmc2fP1/Gjh0r165dk5s3b8rYsWNl6dKllv4EBwfL22+/LXq9Xvbt2ycdOnSQ69evi4jInDlzZNiwYXLlyhUxGo3yww8/SGlpqWUB27dvn5hMJjl48KBERERIQUHBfe+JXq+XXr16yZo1a6S0tFS++eYbCQkJkTNnzpT72d7LWvv48eMlNTVVioqKJD8/XwYOHGhZqE+ePClhYWFy+vRpWb16tQwePFiMRqNN0xIRGTx4sKxYsaLC11RHWLRp00Y2btwoRqNRPv74Y4mKirIsb/cyGo0SHx8vCxYskKKiIrl9+7Z89913ImLbcnDvMvrZZ59JcHCwfPTRR2IwGKSkpKTC+aWi+bsyh6F2794tvXr1ktOnT4vBYJBVq1ZJYmKiiIhkZmbKgAED5NdffxWz2SynT5+W3NxcEVEfhioqKpKnnnpKNm/eLAaDQY4fPy4RERFy6tQpERHZuHGjxMbGSnFxsYwePVoWL15sGXbv3r1y4cIFMZvNcuTIEenQoYMlWO4uLytXrhS9Xi8bN26UyMhImTZtmty8eVNOnTol7dq1k4sXL4rInfmtTZs28tVXX4ler5cPPvhAevToIXq9XkTKruPWr18vgwcPFp1OJ6WlpZKamipTp04VEZENGzbI2LFjpbi4WIxGo/z73/+Wmzdvltt/EZFqOcHt7++PX3/99b7n3dzccPXqVeTk5MDd3R1hYWFwcXGpcFyvvPIKGjRogPr161tt79+/P1q1aoUGDRpgypQp2LFjh+UEeFX84x//wMiRI9GsWTP87ne/w7Rp07B9+3YYjUbLayZNmoT69eujdevWaN26NX766af7xmMymbB9+3a89tpr8PLywmOPPYZRo0bhyy+/tKmOzZs3Y+DAgYiKioKrqysCAgLQsmVL6HQ6/PDDD5g+fTrq1auH4OBgDB48GFu3brUMGxoaiujoaGg0GvTv399qfdZ89dVXePbZZy3v66RJkyxtIoJNmzbhjTfegLe3N7y8vDB27Fhs27bN8ho3NzdMnDgR7u7uiI6ORoMGDXDu3DmYzWZ89tlnmDlzJgICAqDRaNCpUyd4eHhg69ateOqppxAdHQ1XV1dERUWhXbt22L9//331HTt2DMXFxRgzZgw8PDzQpUsX9OjRo0wNDyI/Px+ZmZl444030KBBA/j6+mLkyJGW8bVq1Qrjx4/HxIkT8de//hVLliyBRqOxefzXr1+Hn59fpWoD7vQ3LCzM8vevf/3LpuECAwMxZMgQaDQaDBgwAFevXkV+fv59r8vKykJeXh7+/Oc/o0GDBqhXrx7CwsIA2LYc/HYZ9ff3x/Dhw+Hm5oZ69epVOL+UN39X1ieffIIxY8agZcuWcHNzw7hx43DixAlcvnwZbm5uKCoqwtmzZyEiaNmyJfz9/W0a7759+9C0aVMMHDgQbm5uaNu2Lfr27YudO3cCAIYMGYLHH38cQ4YMQV5eHqZOnWoZtnv37vj9738PFxcXREREICoqCt9//72l3c3NDePHj4e7uzv69euHa9euYcSIEfDy8sITTzyBJ554AidPnrS8vm3btoiNjYW7uztGjRoFvV6PY8eO3Vfzxo0bMXXqVDRp0gQeHh6YNGkSdu7caTk0eP36dVy4cAEajQbt2rWDl5dXhe9BtRxMzM3NxSOPPHLf8y+++CLeffddjB49GgCQmJiIMWPGVDiuJk2aVNiu1Wot/wcGBsJgMODatWuVqLqsvLw8NG3a1PK4adOmMBqNKCgosDz36KOPWv739PREcXHxfeO5du0aDAYDAgMDy9SZm5trUx06nQ7R0dFW63vkkUfKfMCBgYE4fvy41frq16+P0tJSm44h5+XloV27dpbH974PhYWFKCkpwbPPPmt5TkRgNpstj729vctM4+57c+3aNZSWlqJZs2b3TTMnJwc7duzA3r17Lc8ZjUZERkZara9JkyZwdf3Pts6DvKfWpm00GtG1a1fLc2azucy89cwzz2D58uXo06cPmjdvXu64vv/+e7z88suWmrZt2wZvb29cvXq1UrUBwJNPPlmpcxa/nT8BWJ1HdTodAgMDrc4XtiwHv11G732sml/Km78rKycnBwsXLkR6enqZ6eXm5qJLly54/vnnMW/ePOTk5KB3795ITk5WriSBO+cWs7KyLCEK3NkQTEhIsDweMmQIxo8fjzfffBMeHh6W5/fv349Vq1bh/PnzMJvNuH37Nlq1amVp9/b2tmx83A3ce89h1qtXD0VFRZbH976/dwM2Ly/P6nsxceLEMsuJq6srCgoK0L9/f1y5cgXTpk3DjRs3kJCQgKlTp8Ld3b3c98DuYZGVlYXc3FyEhobe1+bl5YWUlBSkpKTg559/xogRI9C+fXt06dKl3PGp9jx0Ol2Z/93d3dG4cWN4enri9u3bljaTyYTCwkKbx+vv74/Lly9bHufk5MDNzQ2+vr64cuVKhcPeq3HjxnB3d0dOTg7+67/+y1JnQECATcNrtVpcvHjRan2//vorbt26ZZnZH2S8FfH39y/zvubk5Fj+b9y4MerXr49t27Y98LQaN26MevXq4dKlS/ed1NVqtejfvz/mz59vU31XrlyB2Wy2LAg6na7Clfi9fvvZ393yOnz4cLlBOnfuXPTo0QMHDx7E999/b1lp/HZcYWFhOHr0aJnnunTpgt27d2PSpEllFlxnodVqodPprG5I2LIc/PY9uPexan4pb/62hbVlWKvVYty4cWVW4vcaMWIERowYgYKCArz66qv44IMP8OqrryrXB1qtFuHh4Vi/fr3V9qKiIixcuBCDBg3CypUr0adPH3h7e0Ov12Py5MlIT09Hz5494e7ujgkTJkCqcLPve9c/ZrMZubm5VveQmjRpgoULF1pdFwN3joxMmjQJv/zyC8aMGYM//OEPGDx4cLnTtduce+vWLezduxfTpk1DQkICgoKC7nvN3r17ceHCBYgIvLy8oNFoLAvPo48+ikuXLj3wdL/88kucPn0aJSUlWLFiBfr27QuNRoM//OEPKC0txb59+2AwGLBmzRro9XrLcL6+vrh8+XKZLeJ7xcXF4cMPP8SlS5dQVFSE5cuX409/+tMDf7NDo9EgNjYWy5cvx61bt3D58mWsX7++3Jn5twYNGoTPP/8c//znPy0zxpkzZ6DVatGxY0csW7YMpaWl+Omnn7B582bEx8c/UH3WxMbG4osvvrC8r++++66lzdXVFYMHD8bChQstW5e5ubk4cOCAcryurq4YOHAgFi1ahNzcXJhMJhw9ehR6vR4JCQnYu3cvDhw4AJPJhNLSUhw5csRqMHfo0AGenp744IMPYDAYcOTIEezZswf9+vWzqX+//ez9/f0RFRWFxYsX49atWzCbzbh48SK+/fZbAMCWLVvw448/YtGiRZg1axZSUlIsW3qq+QgARo0ahaKiIiQnJ1tWvLm5uVi0aFGZQ4MGgwGlpaWWP3scTrVFhw4d4Ofnh7/85S8oLi5GaWkpfvjhBwBVXw5U80t58zegXif4+PjA1dW1zGuGDh2K999/Hz///DMA4ObNm/jqq68A3NmQPXbsGAwGAzw9PeHh4WHZovf19cUvv/xS7rS6d++O8+fPY8uWLTAYDDAYDMjKyrLUumDBArRt2xYLFixA9+7dkZaWBgDQ6/XQ6/Xw8fGBm5sb9u/fj0OHDtn03pXnxx9/xK5du2A0GvHhhx/Cw8MDTz755H2ve+655/D2229b5rnCwkJ8/fXXAIDDhw/j5MmTMJlM8PLygpubm/LQapXDYty4cejYsSOio6Oxdu1ajBo1qtyvzV64cAGjRo1Cx44dkZiYiOeee85ymGHMmDFYs2YNwsLCsG7dOpun379/f6SkpCAqKgp6vR4zZ84EADRs2BBpaWmYNWsWnnrqKXh6epbZfYuNjQUAREZGYsCAAfeNd+DAgUhISMCwYcPQs2dPeHh4IDU11ea67pWamgpPT0/06tULSUlJiIuLw8CBA20atkOHDli0aJFlC2HYsGGWLf1ly5bh8uXL6NatGyZNmoRXXnnFLhf2RUdH44UXXsALL7yA3r17o3PnzmXaZ8yYYTk+26lTJ4wcORLnzp2zadzJyclo1aoVBg0ahIiICCxdutRyyGf16tV477330KVLF0RHR2PdunVWV8IeHh5Ys2YNMjMz0blzZ8ydOxdLliyx+Vi3tc9+yZIlMBgM6NevH8LDwzF58mTL+bVFixYhPT0dv/vd7xAfH4927dpZ5nHVfATcOcywYcMGuLm5YciQIejYsSNeeOEFNGzYEI8//rjldU8//TQ6dOhg+fv8889t6k9VaTQarF27FhcuXECPHj3w1FNPWVaw9lgOKppfKpq/R4wYgZ07dyI8PNzqHqenpyfGjRuH5557znIup3fv3njppZcwbdo0dOrUCXFxccjMzARwZ+t/1qxZiIiIQI8ePeDt7W05JD5o0CCcPn0aYWFhmDBhwn3T8vLywrp167B9+3Z069YNXbt2xdKlS6HX6/H111/jwIEDmDt3LgAgJSUF2dnZ+PLLL+Hl5YVZs2bh1VdfRXh4ODIyMhATE/NA799v9ezZE9u3b0d4eDi2bt2KlStXWj18NGLECMTExGD06NHo2LEjhgwZgqysLAB3ztNNnjwZoaGh6NevHyIiIpQbsC5Slf0hIiJymJUrV+LChQtYunSpw6ftfAdQiYjI6TAsiIhIiYehiIhIiXsWRESkxLAgIiKlh/p2kAUFt2A2O/YoXOPGDXDt2v1X0dZF7Gvd9DD1FXjw/vr5NazGamoO9ywczM3N9nsK1Xbsa930MPUVePj6Wx6GBRERKTEsiIhIiWFBRERKDAsiIlJiWBARkRLDgoiIlBgWRESkxLAgIiIlhgURESkxLIiISIlhQURESgwLIiJSYlgQEZHSQ32LciIij/ruqOiXCopvGxxXjBNjWBDRQ80swML1R8ptT32pswOrcV48DEVEREoMCyIiUmJYEBGREsOCiIiUGBZERKTEsCAiIiWGBRERKTEsiIhIiWFBRERKDAsiIlJiWBARkRLDgoiIlBgWRESkxLAgIiIlhgURESkxLIiISIlhQURESgwLIiJSYlgQEZESw4KIiJQcHhbvvvsugoKCcOrUKQDAuXPnkJiYiL59+yIxMRHnz5+3vLaybUREZF8ODYsff/wR//rXvxAYGGh5Li0tDUlJSdi5cyeSkpIwe/bsKrcREZF9OSws9Ho95s2bh7S0NLi4uAAACgoKkJ2djbi4OABAXFwcsrOzUVhYWOk2IiKyPzdHTWjFihVISEhAs2bNLM/pdDoEBARAo9EAADQaDfz9/aHT6SAilWrz8fFxVJeIiB4aDgmLo0eP4t///jemT5/uiMnZzNfXq0am6+fXsEamWxPY17qpLvX1RlEp3N0rXhXWpf5WlkPC4rvvvsPZs2fRs2dPAMCVK1fw4osv4vXXX0dubi5MJhM0Gg1MJhPy8vKg1WohIpVqexAFBbdgNkt1dLlcfn4NcfXqTYdOs6awr3VTXeurWz13GAzGCl/zIP2tq8HikHMWY8aMwcGDB7Fnzx7s2bMHTZo0wbp169CvXz8EBwcjIyMDAJCRkYHg4GD4+PjA19e3Um1ERGR/DjtnUZ45c+YgJSUFq1evRqNGjZCenl7lNiIisi8XEXHscRgnwsNQ1Yt9rZvqWl/d6rlj4foj5banvtQZpcV6m8fHw1BERPTQYlgQEZESw4KIiJQYFkREpMSwICIiJYYFEREpMSyIiEiJYUFEREoMCyIiUmJYEBGREsOCiIiUGBZERKTEsCAiIiWGBRERKTEsiIhIiWFBRERKDAsiIlJiWBARkRLDgoiIlBgWRESkxLAgIiIlhgURESkxLIiISIlhQURESgwLIiJSYlgQEZESw4KIiJQYFkREpMSwICIiJYYFEREpMSyIiEiJYUFEREoMCyIiUmJYEBGREsOCiIiUGBZERKTEsCAiIiWGBRERKTEsiIhIiWFBRERKDAsiIlJiWBARkRLDgoiIlBgWRESkxLAgIiIlhgURESkxLIiISIlhQURESgwLIiJSYlgQEZESw4KIiJQYFkREpMSwICIiJYYFEREpMSyIiEiJYUFEREoMCyIiUmJYEBGREsOCiIiUGBZERKTk5qgJTZgwAb/88gtcXV3RoEEDpKamIjg4GOfOnUNKSgquX78Ob29vpKeno3nz5gBQ6TYiIrIvh+1ZpKen48svv8SWLVswevRovPHGGwCAtLQ0JCUlYefOnUhKSsLs2bMtw1S2jYiI7MthYdGwYUPL/7du3YKLiwsKCgqQnZ2NuLg4AEBcXByys7NRWFhY6TYiIrI/hx2GAoCZM2fi0KFDEBF88MEH0Ol0CAgIgEajAQBoNBr4+/tDp9NBRCrV5uPjY3M9vr5e9u+kDfz8GqpfVEewr3VTXerrjaJSuLtXvCqsS/2tLIeGxYIFCwAAW7ZswZIlSzBlyhRHTv4+BQW3YDaLQ6fp59cQV6/edOg0awr7WjfVtb661XOHwWCs8DUP0t+6Giw18m2oZ555BkeOHEGTJk2Qm5sLk8kEADCZTMjLy4NWq4VWq61UGxER2Z9DwqKoqAg6nc7yeM+ePXjkkUfg6+uL4OBgZGRkAAAyMjIQHBwMHx+fSrcREZH9uYhItR+Hyc/Px4QJE1BSUgJXV1c88sgjSE5ORtu2bXHmzBmkpKTgxo0baNSoEdLT09GiRQsAqHSbrXgYqnqxr3VTXeurWz13LFx/pNz21Jc6o7RYb/P46uphKIeEhbNiWFQv9rVuqmt9ZVjYhldwExGREsOCiIiUGBZERKTEsCAiIiWGBRERKTEsiIhIiWFBRERKDAsiIlJiWBARkRLDgoiIlBgWRESkxLAgIiIlhgURESkxLIiISIlhQURESgwLIiJSYlgQEZESw4KIiJQYFkREpMSwICIiJYYFEREpMSyIiEiJYUFEREoMCyIiUmJYEBGREsOCiIiUbA6Lr776yurzO3bssFsxRETknGwOi5kzZ1p9fvbs2XYrhoiInJOb6gWXLl0CAIiI5f972zw8PKqnMiIichrKsOjduzdcXFwgIujdu3eZtkcffRSvvPJKtRVHRETOQRkWP/30EwBg2LBh+Pvf/17tBRERkfOx+ZwFg4KI6OGl3LO469KlS3j77bdx4sQJFBcXl2nbt2+fvesiIiInYnNYTJ8+Hc2aNUNycjI8PT2rsyYiInIyNofFzz//jA0bNsDVldfxERE9bGxe84eHhyM7O7s6ayEiIidl855F06ZN8eKLL6JPnz549NFHy7RNmTLF7oUREZHzsDksSkpKEBMTA6PRiCtXrlRnTURE5GRsDotFixZVZx1EROTEHuirs+Vp1qyZXYohIiLnZHNY3Hvbj7tcXFwAACdOnLB/ZURE5DRsDou7t/246+rVq3j33XcRFhZm96KIiMi5VPqiCT8/P8ycORPLli2zZz1EROSEqnSF3dmzZ1FSUmKvWoiIyEnZfBgqKSnJco4CuPNV2tOnT2PixInVUhgRETkPm8Ni8ODBZR57enqidevWaN68ub1rIiIiJ2NzWAwYMKA66yAiqjYe9d1hFutt9xwwoQrYHBYGgwFr1qzB1q1bkZeXB39/f/Tv3x/jxo3jT6sSkVMzC7Bw/RGrbTNHRzq4mtrJ5rB46623kJWVhblz5yIwMBA5OTlYvXo1bt26hTfeeKM6ayQiohpmc1js2LEDW7duRePGjQEALVq0QJs2bdC/f3+GBRFRHWfzV2fvvXLblueJiKjusDksYmNjMX78eBw4cABnzpxBZmYmJk6ciNjY2Oqsj4iInIDNh6FmzJiBNWvWYN68ecjLy0NAQACefvppjB8/vjrrIyIiJ6Dcs/jhhx/w1ltvwcPDA1OmTMHu3btx7Ngx7Nq1C3q9nr+eR0T0EFCGxXvvvYfw8HCrbZGRkVi7dq3diyIiIueiDIsTJ06gW7duVtv++Mc/4vjx43YvioiInIsyLG7dugWDwWC1zWg0oqioyO5FERGRc1GGRYsWLXDw4EGrbQcPHkSLFi3sXhQRETkXZViMHDkSaWlp2LVrF8xmMwDAbDZj165dmDNnDkaNGlXtRRIRUc1SfnU2Pj4e+fn5SE5OhsFggLe3N65fvw4PDw9MnjwZcXFxyolcu3YNf/7zn3Hx4kV4eHjg8ccfx7x58+Dj44Nz584hJSUF169fh7e3N9LT0y13sq1sGxER2ZdNF+WNGjUKBw4cwJo1a5CcnIw1a9YgMzMTI0eOtGkiLi4ueOmll7Bz50784x//QLNmzbB06VIAQFpaGpKSkrBz504kJSVh9uzZluEq20ZERPZl8xXcXl5e6NatG+Lj49GtWzd4eXnZPBFvb29ERv7nzo4hISHIyclBQUEBsrOzLXsncXFxyM7ORmFhYaXbiIjI/my+gttezGYzNmzYgJiYGOh0OgQEBECj0QAANBoN/P39odPpICKVavPx8XF0l4iI6jyHh8Wbb76JBg0aYNiwYTV+9bevr+17R/bk59ewRqZbE9jXuqm29fVGUSnc3ctf3VXUBtS+/lYHh4ZFeno6Lly4gLVr18LV1RVarRa5ubkwmUzQaDQwmUzIy8uDVquFiFSq7UEUFNyCubyfz6omfn4NcfXqTYdOs6awr3VTbeyrWz13GAzGctsragPwQP2tq8Fi8zmLqlq+fDmOHz+OVatWWX5Zz9fXF8HBwcjIyAAAZGRkIDg4GD4+PpVuIyIi+3PInsXPP/+MtWvXonnz5hg6dCgA4LHHHsOqVaswZ84cpKSkYPXq1WjUqBHS09Mtw1W2jYiI7MshYfHEE0/g5MmTVttatmyJTZs22bWNiIjsy2GHoYiIqPZiWBARkRLDgoiIlBgWRESkxLAgIiIlhgURESkxLIiISIlhQURESgwLIiJSYlgQEZESw4KIiJQYFkREpMSwICIiJYYFEREpMSyIiEiJYUFEREoMCyIiUmJYEBGREsOCiIiUGBZERKTEsCAiIiWGBRERKTEsiIhIiWFBRERKDAsiIlJiWBARkZJbTRdARFRVHvXdYZby211cHFdLXcWwIKJazyzAwvVHym2fOTrSgdXUTTwMRURESgwLIiJSYlgQEZESw4KIiJQYFkREpMSwICIiJYYFEREpMSyIiEiJYUFEREoMCyIiUmJYEBGREsOCiIiUGBZERKTEsCAiIiWGBRERKTEsiIhIiWFBRERKDAsiIlJiWBARkRJ/g5uIagWP+u4wi/U2FxfH1vIwYlgQUa1gFmDh+iNW22aOjnRwNQ8fHoYiIiIlhgURESkxLIiISIlhQURESgwLIiJSYlgQEZESw4KIiJQYFkREpMSwICIiJYYFEREpOSQs0tPTERMTg6CgIJw6dcry/Llz55CYmIi+ffsiMTER58+fr3IbERHZn0PComfPnvj444/RtGnTMs+npaUhKSkJO3fuRFJSEmbPnl3lNiIisj+HhEVYWBi0Wm2Z5woKCpCdnY24uDgAQFxcHLKzs1FYWFjpNiIiqh41dtdZnU6HgIAAaDQaAIBGo4G/vz90Oh1EpFJtPj4+NdUdIqI67aG+Rbmvr1eNTNfPr2GNTLcmsK91U0309UZRKdzdy19lVdSmalcN+zB9tuWpsbDQarXIzc2FyWSCRqOByWRCXl4etFotRKRSbQ+qoOAWzOX9mko18fNriKtXbzp0mjWFfa2baqqvbvXcYTAYy22vqE3Vrhr2QfpbV4Olxr466+vri+DgYGRkZAAAMjIyEBwcDB8fn0q3ERFR9XDInsX8+fOxa9cu5OfnY9SoUfD29sa2bdswZ84cpKSkYPXq1WjUqBHS09Mtw1S2jYiI7M8hYTFr1izMmjXrvudbtmyJTZs2WR2msm1ERGR/D/UJbiJyHh713VHRKUQXF8fVQvdjWBCRUzALsHD9kXLbZ46OdGA19FsMCyJymIr2Hrjn4NwYFkTkMBXtPXDPwbnxrrNERKTEsCAiIiWGBRERKTEsiIhIiSe4ichueK1E3cWwICK74bUSdRcPQxERkRLDgoiIlBgWRESkxHMWRE5KdbLY1QXQ3zY4riB6qDEsiJyU6mRx6kud4VbP3WpbdQZJ8W1DudPlt53qLoYFPTQq2lKvysrVo747bhSVWl2BVudK22yWcsOkoiABADeNC4wm629GRW0AYDCaeX+nhxDDguoM1WEbQflb6m+MqvxKzizAWx9+b/V3nKsy3qqoKEiAOyv1ilb4/Por/RbDguqM2vgdf96ym2oLhgWRQnVelcxbdlNtwbCgWqUmtsRr4x4Lkb0xLMipVOW8Q1VW2hqNC1AN3/CpaLxVHTeRIzEsyKnU1FZ8RSeEqzJNW040E9UGvIKbiIiUGBZERKTEsCAiIiWesyCH47UFRLUPw4IcjtcWENU+PAxFRERKDAsiIlJiWBARkRLDgoiIlHiCm+zu7redyvuNB37jiaj2YVhQpVT09de7929yd3ez+hsP/MYTUe3DsKBK4ddfiR4uPGdBRERK3LMgq6rzB3+IqPZhWJBV/MEfIroXD0MREZESw4KIiJQYFkREpMSwICIiJYYFEREpMSyIiEiJX519iPEX64jIVgyLhxhv2UFEtmJY1GG8CpuI7IVhUYfxKmwishee4CYiIiWGBRERKfEwVC3HbzQRkSMwLGo5fqOJiByBh6GIiEiJYUFEREoMCyIiUmJYEBGREk9wOzlehU1EzoBh4eR4FTYROQMehiIiIiXuWTgBXlhHRM6OYeEEeGEdETm7Wn0Y6ty5c0hMTETfvn2RmJiI8+fP13RJRER1Uq0Oi7S0NCQlJWHnzp1ISkrC7Nmza7okIqI6qdYehiooKEB2djbWr18PAIiLi8Obb76JwsJC+Pj42DQOV1fHnBBwr+cO+f/nJG4Wl8KjvkeZdhcXoHHDelaHdXVxKbdN1V7Tw7q5u8Fo0NSqmis7Xu+G9R64r/aYLoet/mFdXBy3rnBmLiJSwbf4ndfx48eRnJyMbdu2WZ7r168f3nrrLbRt27YGKyMiqntq9WEoIiJyjFobFlqtFrm5uTCZTAAAk8mEvLw8aLXaGq6MiKjuqbVh4evri+DgYGRkZAAAMjIyEBwcbPP5CiIisl2tPWcBAGfOnEFKSgpu3LiBRo0aIT09HS1atKjpsoiI6pxaHRZEROQYtfYwFBEROQ7DgoiIlBgWRESkxLAgIiIlhkU1sOUGh6tWrcLTTz+NhIQEPPvsszhw4IDjC7WDB7mZ49mzZ/Hkk08iPT3dcQXaka193b59O+Lj4xEXF4f4+Hjk5+c7tlA7sKWvBQUFGDNmDOLj4xEbG4s5c+bAaDQ6vtgqSk9PR0xMDIKCgnDq1CmrrzGZTJg7dy569eqF3r17Y9OmTQ6u0gkI2d3w4cNly5YtIiKyZcsWGT58+H2vyczMlOLiYhEROXHihISGhkpJSYlD67QHW/oqImI0GmXYsGEybdo0Wbx4sSNLtBtb+pqVlSV/+tOfJC8vT0REbty4Ibdv33ZonfZgS1/nz59v+Sz1er0MGjRItm3b5tA67eG7776TnJwc6dGjh5w8edLqa7744gsZPXq0mEwmKSgokG7dusmlS5ccXGnN4p6Fnd29wWFcXByAOzc4zM7ORmFhYZnXdevWDZ6engCAoKAgiAiuX7/u6HKrxNa+AsD777+P7t27o3nz5g6u0j5s7evf/vY3jB49Gn5+fgCAhg0bol698m9S54xs7auLiwuKiopgNpuh1+thMBgQEBBQEyVXSVhYmPLOD9u3b8fgwYPh6uoKHx8f9OrVCzt27HBQhc6BYWFnOp0OAQEB0Gju3IFUo9HA398fOp2u3GG2bNmC3//+92jSpImjyrQLW/v6008/4eDBgxg5cmQNVGkftvb1zJkzuHTpEp5//nkMGDAAq1evhtSyS5ls7euECRNw7tw5dO3a1fIXGhpaEyVXO51Oh8DAQMtjrVaLK1eu1GBFjsewqGHffvstVqxYgb/85S81XUq1MBgMSE1Nxdy5cy0rn7rMZDLh5MmTWL9+Pf7nf/4HmZmZ2Lp1a02XVS127NiBoKAgHDx4EJmZmfj+++8fuq3thwnDws4e5AaHR48exYwZM7Bq1apaeZsSW/p69epVXLx4EWPGjEFMTAw+/PBDfPrpp0hNTa2psivF1s81MDAQsbGx8PDwgJeXF3r27ImsrKyaKLnSbO3r3//+dyQkJMDV1RUNGzZETEwMjhyx/vPAtZ1Wq0VOTo7lsU6nq3VHAqqKYWFntt7gMCsrC1OnTsU777xTa39/w5a+BgYG4siRI9izZw/27NmDF154AUOGDMGbb75ZU2VXiq2fa1xcHA4ePAgRgcFgwOHDh9G6deuaKLnSbO3rY489hszMTACAXq/HP//5TzzxxBMOr9cRYmNjsWnTJpjNZhQWFuLrr79G3759a7osh+K9oapBeTc4fPnllzF58mS0b98eAwcOxOXLl8ucEFyyZAmCgoJqsPIHZ0tf77Vy5UoUFxcjOTm5hiquPFv6ajabkZ6ejszMTLi6uqJr165ITk6Gq2vt2i6zpa8XL15EWloa8vPzYTKZEBkZiZkzZ8LNrXb9AOf8+fOxa9cu5Ofno3HjxvD29sa2bdvK9NVkMmHevHk4dOgQAODll19GYmJiDVfuWAwLIiJSql2bO0REVCMYFkREpMSwICIiJYYFEREpMSyIiEiJYUFEREoMCyIiUmJYEBGR0v8DIkFo8MPJiQYAAAAASUVORK5CYII=\n", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "## Panos - friendly comment. This worths more analysis!\n", + "sns.set(color_codes=True)\n", + "sns.displot(confidences[~guess_correct])\n", + "plt.title('Distribution of confidence of text-CLF in failed test examples')\n", + "\n", + "plt.figure()\n", + "sns.displot(confidences[guess_correct])\n", + "plt.title('Distribution of confidence of text-CLF in correct test examples')" + ] + } + ], + "metadata": { + "kernelspec": { + "display_name": "artemis_dev", + "language": "python", + "name": "artemis_dev" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.6.13" + }, + "pycharm": { + "stem_cell": { + "cell_type": "raw", + "metadata": { + "collapsed": false + }, + "source": [] + } + } + }, + "nbformat": 4, + "nbformat_minor": 2 +} diff --git a/imageprocessing/artemis/artemis/notebooks/deep_nets/emotions/utterance_to_emotion_with_transformer.ipynb b/imageprocessing/artemis/artemis/notebooks/deep_nets/emotions/utterance_to_emotion_with_transformer.ipynb new file mode 100644 index 0000000000000000000000000000000000000000..85f414b2d234ba94b850e459791c36dc51eba9ca --- /dev/null +++ b/imageprocessing/artemis/artemis/notebooks/deep_nets/emotions/utterance_to_emotion_with_transformer.ipynb @@ -0,0 +1,334 @@ +{ + "cells": [ + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Train a text classifier (BERT-based) that predicts the underlying explained emotion.\n", + "- This notebook requires that you have install the __simpletransformers__\n", + " - e.g., _pip install simpletransformers_\n", + "- in 4 GPUs, this can take several hours (e.g., 18 hours)\n", + "- Parameters are the same as in the paper (of course)" + ] + }, + { + "cell_type": "code", + "execution_count": 2, + "metadata": {}, + "outputs": [], + "source": [ + "import sklearn\n", + "import logging\n", + "import pandas as pd\n", + "import os.path as osp\n", + "from simpletransformers.classification import ClassificationModel\n", + "\n", + "from artemis.emotions import ARTEMIS_EMOTIONS, IDX_TO_EMOTION, positive_negative_else\n", + "from artemis.in_out.basics import create_dir" + ] + }, + { + "cell_type": "code", + "execution_count": 2, + "metadata": {}, + "outputs": [], + "source": [ + "num_labels = len(ARTEMIS_EMOTIONS)\n", + "model_name = 'bert-base-uncased'\n", + "load_best_model = False # assuming you have already done the training and you want to train it more, or evaluate!\n", + "do_trainining = True\n", + "\n", + "max_train_epochs = 50\n", + "subsample_data = False # set to True if you want to test speed etc." + ] + }, + { + "cell_type": "code", + "execution_count": 3, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "'/home/optas/DATA/OUT/artemis/neural_nets/txt_to_emotion/bert_based/outputs/best_model'" + ] + }, + "execution_count": 3, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "# where the output model, logger etc. are or will be.\n", + "my_out_dir = '/home/optas/DATA/OUT/artemis/neural_nets/txt_to_emotion/bert_based'\n", + "create_dir(my_out_dir)\n", + "best_model_dir = osp.join(my_out_dir, 'outputs', 'best_model')\n", + "create_dir(best_model_dir)" + ] + }, + { + "cell_type": "code", + "execution_count": 4, + "metadata": {}, + "outputs": [], + "source": [ + "if load_best_model: # load already trained\n", + " model_name = best_model_dir" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "#### In cell below you need to use YOUR PATH.\n", + "- I will use the pre-processed ArtEmis dataset; as prepared by the script __preprocess_artemis_data.py --preprocess-for-deep-nets True__ (see STEP.1 at top-README) \n", + "- Specifically this way, I can utilize the same train/test/val splits accross all my neural-based experiments." + ] + }, + { + "cell_type": "code", + "execution_count": 5, + "metadata": {}, + "outputs": [], + "source": [ + "preprocessed_artemis = '/home/optas/DATA/OUT/artemis/preprocessed_data/for_neural_nets/artemis_preprocessed.csv'\n", + "df = pd.read_csv(preprocessed_artemis)" + ] + }, + { + "cell_type": "code", + "execution_count": 6, + "metadata": {}, + "outputs": [], + "source": [ + "#\n", + "# convert the data in the expected format for simpletransformers: 1)input-text, 2)label \n", + "#\n", + "data_splits = dict()\n", + "for split in ['train', 'test', 'val']:\n", + " mask = (df['split'] == split)\n", + " sub_df = pd.concat([df.utterance_spelled[mask], df.emotion_label[mask]], axis=1)\n", + " # note that here I am not using my artemis.utils.vocabulary. Instead I rely on the default tokenization etc. of simpletransformers\n", + " sub_df.reset_index(drop=True, inplace=True)\n", + " sub_df.columns = [\"text\", \"labels\"]\n", + " if subsample_data:\n", + " sub_df = sub_df.sample(1000)\n", + " sub_df.reset_index(drop=True, inplace=True)\n", + " data_splits[split] = sub_df" + ] + }, + { + "cell_type": "code", + "execution_count": 7, + "metadata": {}, + "outputs": [], + "source": [ + "logging.basicConfig(level=logging.INFO)\n", + "transformers_logger = logging.getLogger(\"transformers-last\")\n", + "transformers_logger.setLevel(logging.WARNING)\n", + "\n", + "# Create a ClassificationModel\n", + "args = {'reprocess_input_data': True, \n", + " 'overwrite_output_dir': True,\n", + " 'fp16': False,\n", + " 'n_gpu': 4,\n", + " 'save_model_every_epoch': False,\n", + " 'evaluate_during_training': True,\n", + " 'num_train_epochs': max_train_epochs,\n", + " 'min_frequency': 5,\n", + " 'train_batch_size': 128,\n", + " 'output_dir': my_out_dir,\n", + " 'cache_dir': my_out_dir,\n", + " 'tensorboard_dir': my_out_dir,\n", + " 'best_model_dir': best_model_dir,\n", + " }\n", + "\n", + "model = ClassificationModel('bert', model_name=model_name, num_labels=num_labels, args=args)" + ] + }, + { + "cell_type": "code", + "execution_count": 8, + "metadata": {}, + "outputs": [], + "source": [ + "# Train the model\n", + "if do_trainining: \n", + " model.train_model(data_splits['train'], eval_df=data_splits['val'])" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "INFO:simpletransformers.classification.classification_utils: Converting to features started. Cache is not used.\n" + ] + }, + { + "data": { + "application/vnd.jupyter.widget-view+json": { + "model_id": "597c5abffa554556a1e6dd15c99951f2", + "version_major": 2, + "version_minor": 0 + }, + "text/plain": [ + "HBox(children=(FloatProgress(value=0.0, max=39850.0), HTML(value='')))" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "INFO:simpletransformers.classification.classification_utils: Saving features into cached file /home/optas/DATA/OUT/artemis/neural_nets/txt_to_emotion/bert_based/cached_dev_bert_128_9_2\n" + ] + }, + { + "data": { + "application/vnd.jupyter.widget-view+json": { + "model_id": "3caedfd39f8746e7b687306cc4b728eb", + "version_major": 2, + "version_minor": 0 + }, + "text/plain": [ + "HBox(children=(FloatProgress(value=0.0, description='Running Evaluation', max=4982.0, style=ProgressStyle(desc…" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/home/optas/Tools/anaconda2/envs/artemis/lib/python3.6/site-packages/torch/nn/parallel/_functions.py:61: UserWarning: Was asked to gather along dimension 0, but all input tensors were scalars; will instead unsqueeze and return a vector.\n", + " warnings.warn('Was asked to gather along dimension 0, but all '\n" + ] + } + ], + "source": [ + "# Evaluate the (last trained) model go below to use the per-validation optimal.\n", + "result, model_outputs, wrong_predictions = model.eval_model(data_splits['test'],\n", + " acc=sklearn.metrics.accuracy_score)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "print(result)" + ] + }, + { + "cell_type": "code", + "execution_count": 16, + "metadata": {}, + "outputs": [], + "source": [ + "# Load best (trained) model to do some evaluations\n", + "model = ClassificationModel('bert', model_name=best_model_dir, num_labels=num_labels, args=args)" + ] + }, + { + "cell_type": "code", + "execution_count": 17, + "metadata": {}, + "outputs": [], + "source": [ + "# Evaluate the model in terms of overall test accuracy\n", + "result, model_outputs, wrong_predictions = model.eval_model(data_splits['test'], acc=sklearn.metrics.accuracy_score)\n", + "print(result)" + ] + }, + { + "cell_type": "code", + "execution_count": 14, + "metadata": {}, + "outputs": [], + "source": [ + "# convert Bert output to predicted maximizer\n", + "predictions = model_outputs.argmax(1)" + ] + }, + { + "cell_type": "code", + "execution_count": 15, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Ternary prediction accuracy: 0.8759849435382685\n", + "Pos-Neg (binary) prediction accuracy 0.91516403883715\n" + ] + } + ], + "source": [ + "## Test Accuracy for positive vs. negative emotions.\n", + "dataset = data_splits['test']\n", + "gt = dataset.labels\n", + "\n", + "gt_pne = gt.apply(lambda x: positive_negative_else(IDX_TO_EMOTION[x])) # pos-neg-else conversion\n", + "predictions_pne = pd.Series(predictions).apply(lambda x: positive_negative_else(IDX_TO_EMOTION[x]))\n", + "print('Ternary prediction accuracy:', (gt_pne == predictions_pne).mean())\n", + "\n", + "# now, binary droping something-else\n", + "se_label = positive_negative_else('something else')\n", + "gt_pn = gt_pne[gt_pne != se_label]\n", + "gt_pn.reset_index(drop=True, inplace=True)\n", + "\n", + "pred_pn = predictions_pne[(gt_pne != se_label).values]\n", + "pred_pn.reset_index(drop=True, inplace=True)\n", + "\n", + "print('Pos-Neg (binary) prediction accuracy', (gt_pn == pred_pn).mean())" + ] + } + ], + "metadata": { + "kernelspec": { + "display_name": "artemis_dev", + "language": "python", + "name": "artemis_dev" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.6.13" + }, + "pycharm": { + "stem_cell": { + "cell_type": "raw", + "metadata": { + "collapsed": false + }, + "source": [] + } + } + }, + "nbformat": 4, + "nbformat_minor": 4 +} diff --git a/imageprocessing/artemis/artemis/notebooks/deep_nets/speakers/evaluate_sampled_captions.ipynb b/imageprocessing/artemis/artemis/notebooks/deep_nets/speakers/evaluate_sampled_captions.ipynb new file mode 100644 index 0000000000000000000000000000000000000000..f27a355047e842e438621e3a5864bf32fc6072b6 --- /dev/null +++ b/imageprocessing/artemis/artemis/notebooks/deep_nets/speakers/evaluate_sampled_captions.ipynb @@ -0,0 +1,429 @@ +{ + "cells": [ + { + "cell_type": "code", + "execution_count": 1, + "metadata": {}, + "outputs": [], + "source": [ + "import json\n", + "import torch\n", + "import pandas as pd\n", + "import os.path as osp\n", + "import numpy as np\n", + "import itertools\n", + "from PIL import Image\n", + "\n", + "from artemis.in_out.basics import unpickle_data, files_in_subdirs\n", + "from artemis.utils.vocabulary import Vocabulary\n", + "from artemis.in_out.neural_net_oriented import torch_load_model\n", + "from artemis.utils.visualization import visualize_attention_map_per_token\n", + "from artemis.evaluation.single_caption_per_image import apply_basic_evaluations\n", + "\n", + "%load_ext autoreload\n", + "%autoreload 2" + ] + }, + { + "cell_type": "code", + "execution_count": 4, + "metadata": {}, + "outputs": [], + "source": [ + "## USE YOUR PATHS in cell below.\n", + "## NOTE. I will update this notebook with better! help messages in April." + ] + }, + { + "cell_type": "code", + "execution_count": 13, + "metadata": {}, + "outputs": [], + "source": [ + "# top-image dir\n", + "wiki_art_img_dir = '/home/optas/DATA/Images/Wiki-Art/rescaled_max_size_to_600px_same_aspect_ratio'\n", + "\n", + "# output of preprocess_artemis_data.py\n", + "references_file = '/home/optas/DATA/OUT/artemis/preprocessed_data/for_neural_nets/artemis_gt_references_grouped.pkl'\n", + "\n", + "# to compute the emotion-alignment you need a text2emo classifier, provide one.\n", + "text2emo_path = '/home/optas/DATA/OUT/artemis/neural_nets/txt_to_emotion/lstm_based/best_model.pt'\n", + "\n", + "# this is what is the vocabulary used by the text2emo classifier which in our case is equal to what was \n", + "# used by the neural speaker(though this is not necessary as the input of the text2emo from the speaker \n", + "# is human sentences, so it could decode them anyway.\n", + "# this is also generated as an ouput of preprocess_artemis_data.py\n", + "vocab_path = '/home/optas/DATA/OUT/artemis/preprocessed_data/for_neural_nets/vocabulary.pkl'\n", + "\n", + "# the file with the samples\n", + "# (most likely this was produced by calling sample_speaker.py)\n", + "sampled_captions_file = '/home/optas/DATA/OUT/artemis/neural_nets/speakers/nearest_neighbor/samples_from_best_model_test_split.pkl'\n", + "sampled_captions_file = '/home/optas/DATA/OUT/artemis/neural_nets/speakers/default_training/03-16-2021-22-21-45/samples_from_best_model_test_split.pkl'\n", + "sampled_captions_file = '/home/optas/DATA/OUT/artemis/neural_nets/speakers/emo_grounding/03-17-2021-20-32-19/samples_from_best_model_test_split.pkl'\n", + "\n", + "split = 'test' # or val, up to you!\n", + "gpu_id = 0\n", + "\n", + "# the evaluation of the longest-common-subsequence is quite slow -- so we sub-sampled the data:\n", + "default_lcs_sample = [25000, 800]\n", + "# First integer (25000) = number of training (gt) sentences to subsample from all training\n", + "# Secong integer (800) = number of sample sentences to subsample from all generations" + ] + }, + { + "cell_type": "code", + "execution_count": 14, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Training Utterances 338777\n", + "Unique Training Utterances 338144\n", + "Images Captioned 7933\n", + "vocab size 14469\n" + ] + } + ], + "source": [ + "#\n", + "# Load grouped GT references, Vocab & image2emotion net (for Emo-alignment)\n", + "#\n", + "\n", + "gt_data = next(unpickle_data(references_file))\n", + "\n", + "train_utters = gt_data['train']['references_pre_vocab']\n", + "train_utters = list(itertools.chain(*train_utters)) # undo the grouping per artwork to a single large list\n", + "print('Training Utterances', len(train_utters))\n", + "unique_train_utters = set(train_utters)\n", + "print('Unique Training Utterances', len(unique_train_utters))\n", + "\n", + "# now focus on the data (split) that you created captions for\n", + "gt_data = gt_data[split]\n", + "print('Images Captioned', len(gt_data))\n", + "\n", + "device = torch.device(\"cuda:\" + str(gpu_id))\n", + "txt2emo_clf = torch_load_model(text2emo_path, map_location=device)\n", + "\n", + "txt2emo_vocab = Vocabulary.load(vocab_path)\n", + "print('vocab size', len(txt2emo_vocab))" + ] + }, + { + "cell_type": "code", + "execution_count": 15, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'emo_alignment', 'bleu', 'meteor', 'metaphor', 'rouge'}\n" + ] + } + ], + "source": [ + "evaluation_methods = {'bleu', 'meteor', 'rouge', 'emo_alignment', 'metaphor'}\n", + "\n", + "# Note. You can also add \"lcs\". With the samples we used (25000 training, 800, samples) \n", + "# it will take take 35 mins to compute.\n", + "# evaluation_methods.update({'lcs'}) # Uncomment to add it.\n", + "\n", + "# Note. You can also add SPICE will take some minutes the first time; it will speed up due to caching afterwards.\n", + "# evaluation_methods.update({'spice'}) # Uncomment to add it.\n", + "\n", + "# Note. You can also add CIDER. That's be design not a very good metric; since we have a lot of variance! in the gt.\n", + "# evaluation_methods.update({'cider'}) # Uncomment to add it.\n", + "\n", + "print(evaluation_methods)" + ] + }, + { + "cell_type": "code", + "execution_count": 16, + "metadata": {}, + "outputs": [], + "source": [ + "def print_out_some_basic_stats(captions):\n", + " \"\"\" Helper function -- to print basic statistics of sampled generations\n", + " Input: captions dataframe with column names caption\n", + " \"\"\"\n", + " print('Some basic statistics:')\n", + " mean_length = captions.caption.apply(lambda x: len(x.split())).mean()\n", + " print(f'average length of productions {mean_length:.4}')\n", + " unique_productions = len(captions.caption.unique()) / len(captions)\n", + " print(f'percent of distinct productions {unique_productions:.2}')\n", + " maximizer = captions.caption.mode()\n", + " print(f'Most common production \"{maximizer.iloc[0]}\"')\n", + " n_max = sum(captions.caption == maximizer.iloc[0]) \n", + " print(f'Most common production appears {n_max} times -- {n_max/ len(captions):.2} frequency.')\n", + " u_tokens = set()\n", + " captions.caption.apply(lambda x: [u_tokens.add(i) for i in x.split()]);\n", + " print(f'Number of distinct tokens {len(u_tokens)}')" + ] + }, + { + "cell_type": "code", + "execution_count": 17, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Sampling Config: {'sampling_rule': 'beam', 'temperature': 0.3, 'beam_size': 5, 'max_utterance_len': 30, 'drop_unk': True, 'drop_bigrams': True}\n", + "\n", + "Some Random Samples:\n", + "Fear --- the colors are dark and the figures are distorted\n", + "Amusement --- the colors are bright and the shapes are fun\n", + "Awe --- the woman is beautiful and her body is very smooth\n", + "Contentment --- the colors are very warm and calming\n", + "Amusement --- the man looks like he is having a good time\n", + "\n", + "Some basic statistics:\n", + "average length of productions 10.05\n", + "percent of distinct productions 0.46\n", + "Most common production \"the man looks like he is thinking about something\"\n", + "Most common production appears 195 times -- 0.025 frequency.\n", + "Number of distinct tokens 1078\n", + "\n", + "BLEU: done\n", + "COCO-based-metrics: done\n", + "EMO-ALIGN: done\n", + "Metaphor-like expressions: Done\n", + " metric mean std\n", + "0 BLEU-0 0.520229 0.159781\n", + "1 BLEU-1 0.280354 0.183203\n", + "2 BLEU-2 0.146229 0.141740\n", + "3 BLEU-3 0.078834 0.088528\n", + "4 METEOR 0.134147 0.055767\n", + "5 ROUGE 0.293947 0.096822\n", + "6 Emo-Alignment-ACC 0.518827 NaN\n", + "7 Emo-Alignment-XENT 3.534617 NaN\n", + "8 Metaphors 0.267994 0.442943\n", + "\n" + ] + } + ], + "source": [ + "saved_samples = next(unpickle_data(sampled_captions_file))\n", + "\n", + "for sampling_config_details, captions, attn in saved_samples: # you might have sampled under several sampling configurations\n", + " print('Sampling Config:', sampling_config_details) \n", + " \n", + " print('\\nSome Random Samples:') \n", + " rs = captions.sample(min(len(captions), 5))[['caption', 'grounding_emotion']] \n", + " for _, row in rs.iterrows():\n", + " if row.grounding_emotion is not None:\n", + " print(row.grounding_emotion.capitalize(), end=' --- ')\n", + " print(row.caption)\n", + " \n", + " print() \n", + " print_out_some_basic_stats(captions)\n", + " print()\n", + " \n", + " merged = pd.merge(gt_data, captions) # this ensures proper order of captions to gt (via accessing merged.captions)\n", + " hypothesis = merged.caption\n", + " references = merged.references_pre_vocab # i.e., use references that do not have \n", + " ref_emotions = merged.emotion\n", + "\n", + " metrics_eval = apply_basic_evaluations(hypothesis, references, ref_emotions, txt2emo_clf, txt2emo_vocab, \n", + " nltk_bleu=False, lcs_sample=default_lcs_sample,\n", + " train_utterances=unique_train_utters,\n", + " methods_to_do=evaluation_methods)\n", + "\n", + " print(pd.DataFrame(metrics_eval))\n", + " print()" + ] + }, + { + "cell_type": "code", + "execution_count": 25, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAQAAAAEACAIAAADTED8xAAEAAElEQVR4nLT9V4+kWXbei+/Xh/cuI9K7cl1d1d3TPT2G5NBAAgQSkCDd60LfQF/i/L+EoDtdSBAg6A9B5DmkyBnOcEybqS5v0rvw3ke85lz8cu+O7h7OoQ5wEoNBdVVm5Ptus9aznvWstbT/6//8S/G7vzQRaF//h6b9I9/2zS/9n/Rtq58WBME/9j3/2C/lR9Q3/J5P+N99mG99mq7r/4/P+U//NPW06vn/dz/wu5/2v/Vs6rfzXv/vPk09/+oPqo9lU3zf/6e8pqZp3/207/5lEASa/PJ9//c/D1/qBX/n5/B4uq77vm/+nlf9/+7r9yzKP2UvV3/896/vP+Vhfs9v/D3/9Psv5+//p3+qNfm9X//0Q/+tr9/52/9ffBqf891P+50f9Y99PodSfcPvPM3qO791mr/1JL//OflF6tfpus4n/H97AfiV/4+PyNfvMUi/0z59y6D+Yw/wez7/W5+s/mn1sVdX7R972t/5G1f/oHZXCIGZXP2b3/9p3/2c777Fd19WfPNIqcP6O8/Qt37wu/5BfPOkrprkVUv/rR9Rhla9iO/7mPDVRVY/+61P++6a+76/6vbVI33XLay+4Opqe56nvplPM7/1TYZhGIahaZrreoZuLpdL5deEEKZp8lvn8zke5FsrGwhhGIbrunybemLP8761W8pj8kuDIDBNU62+7/vc0dXNUwuqPk1tnvp+Xs8wDP7Aj/Czpml6nscDuK7Lt/E9hmEsl0u1qZ7nqQ+fzWb8RvXuPBWvaZq3S8T3qCd0XZc/88mO43ie57ouH8jDBEHgOI5pmo7j2Latft0qlgiCoN/vs4yz2cx1XcdxeOXpdMqLsGW+7y+XS9/3+dV8rOd54XA4FAqNRiPDMCzL4p9M0+QXzedz3/dns1kikVgsFsvl0rKs8XgcBIFlWZFIZLFYaJqm67ppmvP5fD6f80+LxWI+n/Mbbdt2HMf3/Wg0ulwuw+HwZDJxXTccDluWtVwuZ7PZYrGIRqO+71uWpet6v983TTMSibDp4/GY72SnwuGw53nT6XSxWARBMJlMJpOJbdvhcHguv2KxmO/7nU7n5uaGt1bnMJFIxGIx0zTH47Hneewgy27b9r/7d/+uVCqxNd+AQJqmLRaLZrM5Ho9939c0PeSEE4nEYDDo9/u2bY/H45cvX/Jid+/eXVtbcxxnNpvxfKZpXl5dBkKMRqP33ntvMBiwduyx7/v1ep1lGg6HtVqNA6Tr+nK55Gp6nheNRjkonADLshzHEUJMJhMOfSQSSafT0+nUsqxUKuW6rud5lmUZhuF5XrPZjMfjQojhcFgul9nRUCg0GAxCoRAXmOWwLGswGJim2W63bdu2LKvX65VKpbOzM1a2Uqnouv727duvvvpqOp1GIpFPPvnEsixODFs7HA4jkYjruul0OhKJDIfD+Xw+HA6DIIhEIp1OZzgcGoYxnU4PDw9Z4ZubG13XDcNYLBae521tbUWj0UqlEolEQqEQW8D1M01zsViwtr1ebzweTyYTTqrrusvlcjqdapoWDocNwwiHw77vX1xcDIdDFme5XGaz2Xw+Hw6HE4nEcrkUQjiO47puLpeLx+PNZnMwGDQajUQi0e/319bWer1ep9PJZrPX19emae7s7IzH48ViEYlELMva3Nw8PT2dzWahUMg0zWq12m63l8tlIpHY2NhwXXc0GsXj8Xg87jjOZDKZz+fZbHY6nbImuq5nMhkWkL+8urra2NgoFArKLfCay+VybW3Ntu3z8/N2ux2LxWazGc/p+/5kMtF1vdfrHR4eplKpRqPx9u3bfr+vTr+u67ZtJ5PJzc1NXddHo1G9Xud5QqEQV3TVNJvqJx3Hfvr06f/xf/z/NE0kEolPP/3B9z/5dD6fm6Z5cXERiUR+8Ytf/OpXvyqXy7FYrN1u/+Ef/qFt27PZzLZtz/Mcx5lNZ9V6zXXder2+v7+PuZrNZpxjz/N4+bOzs6urq2g0ijEYjUbNZpOND4VCfOZkMrEsy7Is13Wj0ehsNmu326FQKJlM3rt3r9/vp9Ppq6sry7JwHdiMSCQSiURwUMPh0LIs7Bx7NhwOo9GopmnxeJzNHo1G2BJu0Xw+F0KMRqNSqYT9aLfb3W53MBisra15nsdT2bY9mUwcx8GBRKNRzms0GuUEYFlN00yn0/xSjI3rurZtp1Kp5XLJrTNNs1AoZDIZjFO/32eDdV2fTqdYL5yPbdsYfvVpQojZbLZcLvP5fBAEtm1Pp9NiscjFmM1m2Wx2d3eXz+Tx2IVQKKQOSjwen81mfD9npVAoxOPxcDiczWYXi0U8Hmf1RqNRoVBwXZdHcl13Y2PD9/3FYqHrejabxTLats0W5HI5jprjOOFwOJ1OCyEwRtzGZDLJkjqO4zgOa8J+Yeld1z09Pd3c3EylUlzdZDKJWUwkEkIIbD/+EwiwXC7x85PJxDCMZDIZBMHa2hpbieEDvOCNuQCa0DQRCCH0IAgmk3E8ngiEyGQyqWSq0+2k0ql4IvH3P/vZ8fFxMpUKh8OmaZZKJXXmhBCD4UDTtHKlPJ5OMplMo9EYjUahUEjXdUx4rVa7urpKp9O2bWMXJ5MJP2uaZiqVmk6nAJjJZBKLxUqlEpZssVjk8/nZbIYlCIKApcRk9nq9+Xyey+VCoVAsFtN1HWOcSqWGwyEwg2OaSqVwRNPpVNd1HJTv+6FQKJ1Odzqd6XT66tWrra2tUCiUzWZTqRQ+ivXCpYbDYYCfbdscOM/zbNs2TROPNJlMxuMx+5dKpTRNM01zOp12u12cVRAEmEOMPf5qFR6EQiHP8xaLhWVZLO90Ou31euwrO4qNvLq6arfbuFkewPd9FqfVaqXT6Wg0Oh6PHccZjUbT6TQWi4VCIY4I6391dZXP55vNZjKZdByHXw1gA3goHMLPcnq4LZFIhIs6Ho87nU40Gs1ms9ij5XIJdhJCxGIxdhmMF41Gm80mNndzcxMrAI7Cl8bj8dFoxANEo9Ht7e1kMslSLBaLXC4Xi8Wi0Wi/3+fvNU27uLjwPI/NukU1phkOh2ez2Xg8jsfjpmmura1xV4UQg8FAAV1d102h6b4faJoeCG3p+oZp5wtFx3GcULjeati2PZ5MqrXqTa0aS8Z1TXddNxkJZ3LZ6XxmmqZlmdPp1A8CoWuu5yWTyXQ6vbm5ORqNMHihUKjT6fi+n81mOWrYQtd18/k88IYbjGfH8BcKhfF4PBgMMOqj0SidToMH5vM5uCKdTuPXcrkcgIGLNJ/Pm80mJpOXxCeEQqFqtcqBSKVSoDtgFRdgNBpdX18nk8l+v7++vh4KhTY3N588eaLCJoy94zh82nK5BJjN5/PxeGwYBl6FpQ+Hw+PxeDQaTSYTEPbe3h7u0XXdWCxGwDOfzweDAWZFHaDBYIDpBXAPBoPJZALGmE6nyWSS2ANbuLW1ZVkWFqTVavm+XyqVLMsSQvT7/UKhgLnlBGMOFouF67rVahXXl8vlLMuKxWKffvppp9PJZDIcOLVuYCHTNDn0rG0QBKPRyDTNfD4/nU593+/3+5VKBViP1yIuarfb8Xg8Fot1u92NjY3r6+tGowFATafThmFgRIipksmkbdtR+TWZTHzfj8fjIL3Nzc3xeMye8pxqo1UIJ4Qol8sYXy4e1559IeBU0eO3WaAgCLrdbqlUKhQK0WgUdxYKhfL5PGuxWCzW19fBVYlEgjOHN7dtu1wup1IpbAYHmldi0QeDQafT6fV62Nf5fB4Oh6PRKGsBMuOWh0IhDO1wOMRCsHmAby6GQqjcbMJQrEU8HseSYVpYLz5chSWTySQajQZBMJ1OMWDNZtPzvFQqNZvNer1eJpMhciIELJVKrutGIhE2kiNOaMivwNBOJhPWt9/vsytAiGQyyUdhnPh74DJLoWkaftm2beKryWQiJP0C+NY0bWdnhw/UNG0ymeB28KLhcFgIoZ6K/zRNs1wuE+iDUkKhUKPRWC6X5XL58vJye3vb932iWw4c66zrOiAzkUiAni3L6nQ6eD8iXV3XuY2DwYDF5znZ64ODg8FggPnnqTjoQgjLstLpdLvdJmRXlghmgvXkal1eXvb7/fl8XiqVbNsmLoJg4GBEo9FOp7N6pgECChbyzaFQCHZHmR4csrl69HVd39raKhQK+/v7sVgMyNXtdieTCVB1NBqNx2PiSO73YrFIJpMYBtM04/G4YocmkwkXwLKseDz+5s0bUBqIgp+NxWL9fj8Igng83ul0HMfpdrvtdjuZTEaj0VAoNJlMisUikGY6nRqGgSVTgBIzSZyAY2GVW63W2tpaJpNRlnsymSwWC9u2e70e9y0Wi2H44/F4KpXa2toaDAa1Wo3YTtf1VCoVj8fb7TYxaKFQIISFIcFi4XbB/YZhxGIxPPhsNut0OkT2xB6GYQyHQ0zDbDYjTIxEIgqRcy1DoRA3gcs8Ho9he7DTuq5zbwuFQiQS6fV6OMlms6lpGjgEpogH46S2Wq35fI5xJUbnZ3O53MbGxnA4DIVCIDfLsrDrhD3pdBqfzDlTvJlamWw2y9Vqt9vYtdlsdnZ2Np1OQ6EQBjSTySyXS64f9pu39jxvMBiUSqVWqwW+4qrwT+1223GcbDZLPIOjIGjhhozHY3ZWUYXKD8zn80qlEo1Gz87OIAzYcRAvYfdt0KxOP1Y2k8k8fPjw8ePH0Wi0Wq2Ox+NarQbC5pmAaLFYLJVKzefzo6Oj+XzOlmDIAWHz+RxDC4nmui4kBu+QTqdhwbiaxAacCSIkdS5zudzFxUW9XmdBsUZwfNh4mBDsOutCPD2bzarVKqcKuI9DBJPgXnzfV3ZrPp9Xq9VOp6PQCKeHlRqNRsvlkthmMBi4rgvWAhXgl/jOVCqFsYlEItyrdDrNUylvAC3TbrdZhHQ6DYrlVmMjOQTz+RzCMRwO8xbD4fDk5GQ8HvOXnDnHcWCB+/3+crkcDoej0ajVak2n0/F43Gq1AAm1Wg1v2Ww2Ly8vW62W67r42PX1dSJvzpymaePxeG9vL5lMYqSxeoZh6Lq+sbFBcBWPx+EcCc8w9slkcnt7O5fLEXDjhZTlikQijuMAE1gxYhuQTKfTIVrl5vd6PTAnj80V9X1/NBrBTBIjrTKZHOPZbMbb4fpULgJGS2HaWxboW05ACHF+fg5QVmRls9mMRCK2bRN6R6NRWL90Oo1zn81mvKRi+j3Pi8Vi7Fy1WuWUEI0NBoN2uw3Jw3cC71qtVjwej0Qivu8XCoVsNlur1XzfZyEWi0WlUhmNRvBrwBLMJHCLhcMF5fP5s7Oz8Xi8vb0dCoW4P/P5fDQa4d8jkUi/37csK5vNglPT6TSwKpvN2rZ9dnbGD3IhgXyj0SgSicBU5vP55XKJG8Hizudzvg0gBFMEFoIVIboFIXCZ+fxcLgcDqBh6ru5wOOR3dbvdm5ub9fX1YrE4n89brZZt29VqFVwxnU7j8TgXcjqdwjhns1ncLAaS+88q4ZRmsxmnStO0k5MT27ZLpRL3IRqNhsNhzDabGI/HOQmmaXa73eVyifN5+fJluVzGahBpgDoSicT6+vpiseDzgQbL5XI8Htu2zbnCobFKWG7DMED2y+UShvTs7Gw0GnFYiUYSiQQ/yGPw+YrWBEl2Oh08/GKxgKfCOXc6HahkIVNp34BAhmF88MEHw+Hw+fPnDx8+3Nra4ljAeX355ZdYl2Qy2ev1ZrNZKpUql8tCCHwojh6jiOHnLrLZ/BO8uzJpw+EQyoz/Z+141sViAWu+t7d3dXXV6XQWi8Xbt2+r1er6+vrm5iZxPWEiwQ3MV7/fh059/PjxZ5991m63Pc/b2NhYLBahUGhvb48r+vr16/F4XKlUSCHB9JG14aOEEO12G7yIG93Z2cHLRaNRLC73Da/NW/MhpAL5BuwW/zkcDm3bvri4ILALgiCfz7uui9NQOAoCDR4ZyJTL5fBdRN79fn9jYyOTyUwmE44sAB2Ly9nl0JClIn7ABgMGdnd3T05OACGbm5vn5+fT6bRQKChrBd+qeFiQ2Hg8zufzxNDJZJL7T3zc6XTS6XQ4HA6Hw4q8Jj8D24Nbhkcm5jFNs9frwbrCO4E8OYrQzdycRqPR6XQajUYsFstms6PRqFKpLBYLKIGbmxvMKOZ7uVwWi8VKpdJqtRaLRbfbBUN2u12eh0tyG92pC4AHfPbsWSgUevjw4fb29mw2azabiudmEU3TzOVya2triUTCtm3CebBHt9tNJpPYVyzTeDyu1+tgO4zKZDKBBiGgjEQi8/k8Ho/jczE2YNnpdApZSSSaTqdvbm4cxxkOh8PhEBgHsiKhyGbz91DLzWZzc3MTuw4j5nkexLxpmsVikf3g9BCK8Z+ANNaOUMnzPBIC8Xicd1EcK/dH5a05wWpv2AzeBcKqWq1ubGw0Gg02g4gTc4hvwYIokMq+RiKR73//+5jPer1erVaLxSKkJ8HSeDwGuhCPcp64k6ALEKPrujc3N0BzXF+j0chkMul0+vr6+vT0dH9/3zAM8ANvAbbEMPHiqVSqXq+DUfkbKAFY40QiEY1Gp9PpcDjMZDLKEEAJAt6wI5jk4XAI1NR1HXSaSCTC4XCj0SDQOj4+9jyvVCpFo9FUKsX639zc8I4EWqvHOAiCi4sLLnw0Gs3lchCDy+WSz1f6gFsPgAdhP6BEDMPA+JFeJYZgt7a2tjC0mqYB1yDa8GVYIHwxFovIlbwGh5UInewdIenp6Sk4j0Qd2IDs489//vNmswnnuLa2BtnPshLtceld100kEr1er9/vn52d/fCHPyTA4F2KxaIipvr9PmcxFosNh0P+PpPJQC8sl8tcLgcxxaOyMVwPx3Gm0yluCgvH8QJZcvRBHQT6lmXh6ACyo9EIK+B53vr6um3bipEQQkQiERwRi8CViEajxEWK+QXI1mq1ly9ffvzxx4rvGo/HPAYkDB6J+JW14jIAwwaDAd8fiUR4ZiJjz/MuLy857rhuwjM2lxQK4Js0WbfbJSHDpyUSiWQySZ5nNBrxGLFYrNfrYZuIDDkVGM2dnR3MB8iQIxSPx8fj8XA4vLi4uLy8tG17Y2MjFospW0mWczgcErxxhhXXp8iD3d3d4XDYbrcx3AS6wTe1P9+QQpB1v3fvnq7roVCo3W6fnp5GIpHLy0tF5LGmwK9MJrO2tiaEiMViqE1UnsX3/fF4jHMnHQOABksIIZLJJDbYMAxsnuu64/E4nU47joOtBRcROnPyGo0Gj1qpVIjLTdOER1osFoZhJBKJR48eua77xRdfcDkx8zwVkJG/QfHCCRZCACpAFIPBwLbtQqHw+vVrlgm4hefBjpKDw3XAHvIWyWSSLEQulxsMBtPpNJvNTiYTVrzX65E+Q22BkwQiEzbgYYDFXAOQt4rQYG92dna63W6v14vFYqSiOEBElnhswDQ2ghAcaEc+mFNSq9U6nc6DBw+IZclGE4iTc+Q+g9GBgslkEmeIyAI4pHRcg8Hg8vJyc3Oz0Wg8fPgQ4lLRozCHAASEJPyu2WwWj8fX1tYGg0Gr1crn85FIpFgsEknz+fCwmI/ZbDYcDg8PD+v1OoiAF+QdQfw8JNaHDyGOF9/8+kYQjHXp9/sw6ASdnU4Hsn8wGESjUT6UpB3IdTweY6E5GewBToAUJsiHy0q0mkqlwP2mab7//vtCiE6nUyqV2u02hwDLgT1wHAftChgOG9br9XQpqyQ/SiKsXq+n0+l8Pk/myJfaw/l8zvsHQdBsNg3DIFIsl8s4n1gsZhhGoVAgMVcqldgnTcr1ptOp67rFYpFXBhh0u93FYjEej3O5HM/WarXwfmiNeBeo92w2Ox6Pj4+P19bWVDgEcUnsgTMJ5Bd8K0d8Op1C6QohVPSsaRruiPMH/SqE4APxIVwhzFM+nycc9zyPqwj8IFBhm0ABmUwGc6vUcoquqNfriUQik8lgeoQQjUaj3+9vbW3xeJVKhViWhdU0DZ9GwkS5/UQiAZcfjUZ5PFK5lUqFs8T5SaVS2BqOBLo6kncwAblcrt/vAymVXScxDwOhnA9k/e+4AMrIYWAsy7q4uFhfX4dqhISB9QNs4Ly2trYcx6nVauRZlCINssW27W63S6AMAT8YDIjz4EBZ0N3d3cFggBEFI7bb7V6vl8/noRRSqZTneTs7O7lcDi+M2+WCQSoT0JB1N03z5OQkmUzCqyDEUPlLcoGz2QzumfwiGwzvjkdiTS4vLy8uLoIgQEOhaRoPhr8mQi2VSqiJFEoBGRNQEReNRiNoNNB5Op1m6aDFYGaVySfThCULgoBgGi6F7AfvAt86GAwKhQKqEzLBsJZAZ4wfj0pUrTAbYEzTtGKxmMlkyuUyYT03sFaroWmDWuAYTKdTpEewupyti4uLUChEwFCpVG5ubpACWJalsBC/F9kCvDPQCEKFEEIIgeKNB4vH46hUwKI8MDweN7Pb7WJZgFJiRQknpNRXCHF9fQ3jBBGMgVDBFf7/GywQ8LHVakUikXA4jAYhEomQkCMAJTqEH4hGo2TB+ETQKqYLDMdTxuNx5bwajQbLSgwN9uWQcceWy+Xl5eX19fWPfvQjlZLkdrFYhUIBiqBWq6G+4rdwLbPZrK7rvV4PswcwHY1GbAkKgnw+j2+p1WqtVqtUKhH+Yi1g0Di4nD/cSCqVIlTAMC8WC3KZ2AWMLjDm8vKSLWm1Wq1WC99CujQSiRQKhZOTE03TSqXS+vo6HgPbxqklf8SLQ+zCtECdcflVSiidTsPqANw5YSoJw8EajUakb7nAyF2xyqVSqdvtEr/inMPh8NbWFnQWqUlfiqvx/5hqXgFkQq4K6OI4DrEZG8o5I1tKqMp/KtBPTJ9IJFC+zOfz8/NzonNODkJJ3/eTyeRisSCnNh6PWU8SQYqE4FE5LY7j4IuAWGRIdKml16Ue7hsQiChwfX09kUiUy2V8Vr1ex7Sr1DpIERKGow+8IfJzXbfVanW7XZwAng7ullCSn+JsYa4A1sPhsNls4uyI/SHUYcR7vR6wBwInFAoBwBA5wj/0+/1isYg1xYTwzFwYVi2dTne7XZVGCYfD/X6fiN8wDBiDVColhAiHwwBoHo9AAo5Z1/VEInF8fMzhA79hfoD7g8GgXC6T+l3KeoCdnR1N0/r9fiwWS6fThDcYAkBtOBwuFApgLWAryGQ6nXY6HaIFkOHLly9JtNVqtWg06rpuJpPB0sMRpdNpIpDhcNhqtcA88Xj8008/xW12u11d13kGnM/p6SkJEII0QmSgGhLR2WzGEe/1ehAbGJ0gCEgUEFJrmjabzUxZPoG6ETiKQDASiSA2gfFzXbdWq2EiiTkHg0E2m+31eiAo2BFALMfd932kr2QkE4nEcDgUsowGBxWPx7kzfAj+E1IkkJVJ34gB2C1yvbwt/iWTyZyfnyPRJrR1HCeTyei6Tk4AMAp7aFnW9fV1s9kkQiUYj0aj2DnoXpAl/hRXi+UjAQROhRIlVgb54Df5HPhggAdLCUPCSeLdWHEkTPy4woJcYPI4kNDkXJ4+fXp6etputweDAUYXKYuQbFir1cJOI//CZcEKIMEIgoAbOJvNisXi6ekpoQ58wHg8bjQaOGXCKvwnAAPTpUCzCtBVNr3VavEwSAMwSUSErBXSKbJI8/mcgAoXQYUKqxEEQSqVgh06OztLJpPEZhsbG81mE4SjAsLlcpnNZsPhMCEyzF673S4Wi0EQdDodnAbJEI6NJ8uV2GjMGYcEXg7cj9sEePOxX331Vb1ebzab6+vrpDJgcqGwMplMs9ns9XrgW5yS7/vValWRxeAf0CnoAOQJe4Feg+ut0rXfYIF4XDiKVqvFLRyNRolEwjTNarXa7/dzuVypVOL8EZwR2+HsEOhybZQcHGOA1oCglki63+9zAcgNcyy47th7Mu2KUfU8D64Tyw2drNKKkGhKtMhNU6wUf0BWNR6PKQGhVAqiFm63Xq9vbGzkcrnz8/N+v0+4TLqeuHl/f7/f71er1VQq1el0YrEYlgaSTvGM9XqdKqdisQhH3mq1YPH7/T4Pif1DqYHtwFsSVZM1h+ZaLBaj0QhDy7FOpVIAm0ajgTPENED77O7uciGFEPl8PpvNhkKhq6ur7e1tiF1g29u3b7e3t5Fn4zNRK5ZKJSB+JBJBm8SFJGIBkOAMCcfxk8QtBBvAsCAIarUa1wamlWfGEgNHQSbFYvHo6IgrRwEWahFOfzQaVUl3zD9B88bGBkIBTpqQoqBQKHTv3r1UKoWXI2mL4YAQU/jn6zyAyllmMhkYrsPDw0ajkUwmHzx48Nlnn+GJ8vn89vY27Ac0CHpr1n0wGFBUsbW1xY3PZrPcVKwUqiyOHc/kyuImlhUvyd1FwU9wxtlyHKfVag0GA7wELAc0hRACPgQZKZADEbWQRY8ona6uruCVPc8j61csFtHn8Evj8TiKwM8//zwcDnM+eEfcAh+FEeICgFmBraAXTdO4PEonS7pNOV801ZhMsCwKXjyMQlNAxE6n02q1oBNc102lUhxi8sq8oOu6jUaD4Bjcn8vlbNs+Ojoic59MJjlVy+US2HlwcABC4GCRnVA5YEwp+4sLAvOYpvnw4UMAjKKqIHD45CAIeDuOJkoCdUMw7cAwAhKOezgcTiaTX3zxxaNHj9bW1gB13PZ2ux2JRLLZbL/fL5VKKsy9uro6Pj4m6YYnAers7e0Vi0WOBIe+WCzW63Wsz2rQK4S4BWp4+UKh8OmnnwJwbdvOZDKxWKxWq6FV6na7aKR1WbEKJTKbzTiamUymUqmsra31+31OP3lBTILneeVyuVwuNxqNyWRyc3MD8cdi8azEdvAwPOJ8PuesU5JCBhG+BfZzNps9ffr0zp07ClBC5miaBuUfiUSAnvhBDBL3kBQP+iUEZIVCgZh1Z2en3W6/ePFCl7IOznoQBBRbZjIZqhP5caALIAR3BBQhvidLgJzzj/7ojyCIODFkNMHNeBt8Jq+JAeaGs3+pVIqC2l6vB/dFnN3v96GJAZO5XG6xWKC8x9yUSiUy4oRG2J3pdPr8+fPDw0Ny8ELWrEASAJcplFFZTlQt+DooSHKCCvSTZADZ7uzsKMngZDJ58eJFPp/HWCCIwPcSaBmGUSqV9vf3obxw4yila7WakNmuSCRyeHgIQHAch4OkWFT4N84k9xxWSiU3EIkod3HLc0M49Pv90Wh0586d8/NzVGKoeUmQEXrO53OShZVKRf0mWAVP1hNRvslFYh3B35yGUqm0sbHR6/XgDQgbkLUhVywUCoS/+Ck8Bil07AqrTIEi7o8Qis8HKnB52D++33GcRqPB9aAYgK1lmabTKdonzm46nX78+PGzZ88oX3Ych2KxXC7H2ylaDVBL/TWnEMCWSqUuLy9jsRjRMCAKGSMrhsuFxUskEmgNVYiGWYVfBgfatk3+WMnfIXByuVy73SZPRLybz+cx2wB0Vv7o6GgwGNy/fx96FKEooTnfwCOR2bAsi7sHQaTLOjhkKUT5nE5XNkAQQsRiMfYCQwBNGcg8tOM4H3zwAScNLouDx6NivAijYSwoR8E5CCHArrj0TqdD3EyeBLcMW+15HjqI3d1dtEmE7N1u1/d90hcK037DA5Dlge4ol8u4p3a7nUgkut0udm65XG5ubnK8IH2FlBMKIWBRYQwnkwmJdJI16LzhN7C7mUzm2bNn9+/fB0OTfEUKz9n95S9/OZ1OHz58uLGxQe4sHo9Xq1XLsprN5tbWFjjBcZy9vT0hBDWQMMcElLgOxSNls1kWi2i13W6j4cNfkU1sNBqVSoXdNU1zY2Pj17/+NeejUCiQNYvISk7MntJvkiXFunOvdnd3OWQwm3gGmDHI/lgsdufOHXgFJAAKoHMa+FjOx9XVVSaTWV9fhz/gt8MU4aCgtgDN7As1PUh6QJs8iSrU5kKSkcUKdLvdra0tVwo/cWJKpM1RBlcAY/hByACFDlAK27JwzJdlijjtaDSKPIGbxk8NBgMyrTwDVAdS+V/84heWZZE4h5vG2VKZBCmHw1R/4Pm5w+gIudIshcJLQRB83eqDfVIPV6vVVEuIarUK46Z0BDAkkCTEN+QpIPh6vR5iHkQKuq5T88qGYYDX19fT6fSvfvWr+/fvf/TRRwRn5PnJhnzve9/jKCiNQK1W4zoBP3Cy3PLBYIAQH5yN7QdCEAoTHnAr4PhUhgVrhB9IpVLZbJbT0+l0Tk5OdNlBSXFwPBKJcLipfD4fjUavrq5Aehjdk5MTsqFQQ4gv+LR6vR6Lxfb29jhAeBi8hBACOM6jmrKNBXxisVicTCaZTIZ0nmEYEFZKmVcsFgEYtGDI5/MkFiORyHg83tzcJHAnKgMQF4tFqKREIlGv19GioVzwZdWEYRismK7rlCux6RwejHooFKI4WGFxzqJt2xxHckdkxCAeNClWpVHI9fX1/v4+zMdsNgO+8gmczGQyqYQt/CBh26r0nwOAerzb7T548GC5XF5cXBCbQa2qoF8IYSqf6zjO0dERPg5EeHV1pUkBCeKcq6uryWSyu7sL6iX+w/uoBASEFCQGNwSkiHnmG0ql0uXl5Xg8Xl9ff/jwIXmQYrEInGCNQqFQpVJpNBrdbrfb7aqmI6jD6RdAoTCRgymLUNlg4mMuvaZpyNlBdNBKnuf99re/7ff7+/v7ZONh/WgNQmYDV4BPo7CaBCrEKxdguVw2m81ms4kLPj8/V8IEnoTQBfvHJaQWXpMyJMwK3A5YH14SNkIIwZ4dHh4WCgXEvVwA1JGYTHAU9Lwy57h7mJnBYHB0dJTJZLLZbKVS4SQhItJkB5q7d+9y6DHPmtS0kxKFXdBlWR+uICLrGHlUlYThUhEHszs4RsVUDodDYjOyn6VSCZaTKB+wp+v6q1evwLRc2lQqBYfTbrfr9TrYbC67VHEH4EB938/lcpFI5Pz8nBQkrkxxBpx8U1vp9FStVmez2YMHD0ajUaPRWFtbe/36Nc12CLYmkwm3H48GYcdFJ7kbCoXgB3CXyrARPrJwPEGtVtvc3HQc57e//a3jOBsbG8ViMRKJlEqlXq9HcocOIjDoSP9gA6Fy+RsUNUJKOcCpIDzKPgBCSpKpUNPp6en6+vr29jbbAEAaDoevX7/O5XK6rsfj8XK5fHx8HATB2toa5dsk0XCp4NHZbIaBGQ6HBKboutSJhyzC9bPuHIiI7AU0HA65scAn/AzJaW4CSlWiW3QW3CteMwiCXC6Xy+VoGqDLalfcGvEbvYDg4/HeqlgW645Bvby8VEYKMRWqLVIQXDA0JkoQrpQI3AFTFs4rpisUCiExdBwHiGjJok1icbA4CpGTk5OTk5ODgwMiSYhj0gVEzLVaDbWOqq9S+nNFv7IyVJw2m81Op8OTK5ZWATNN00xflodB/799+xbhxHK5/PWvf51IJOD7dNnJYzweHx0dUexHHR1i6729vfPzc/SD2WyW+MyQUlv+HxwCrNzd3eWh+eRGo/Hb3/62Uqmg38A6ctMQvbDNsO8E9QibLdnpBVoNUIgAk4yEqtQBXaDkE0IUCoXhcFitVsndJpPJarXKsYDPnc1mwGtgW7VajcgKV6g9XpAbBYJHp02RDcieiwcGA6TBJHIKiVjYMyVc442Ij5EPkSUAsQRB0O/38br8atIjEKDD4ZAWLCSqGo0G3w9+S6fTNLHCplL/rkjxwWCgy1pETjM0ESwTPt80TV6Bfj7sPhA3HA7jVzVNQ92ES8QLobHl9INa2TJfdgMBXJ2dnbGwnU4nmUwWCgU+5/Xr15TC8IOYRcyQLmsnFDPBs0HPDIfDfD4PGFZEFjHV14kw/ptovdVqURdLiDabzY6OjojWSSaTgiaMoySPVAjtWTzPo3aenA6VO+AznmwmO8nZtr2/vw+koaaBvP3Nzc3W1hY+1PM8LDrmxJN9lHAv+Xx+f3+/Wq0uZFMt3uLm5gYZM03LCIPIfeIlSYpFIpGzs7OnT58CnYUQx8fH5+fnCmjOZjNqpvL5/PX19VdffXVwcGBZVqlUAoWfnp7SvoU4nmcjziHYRbV6cHCwsbFBZIaaiA4AyiEAczkQGEU+h0iGfbUsa21tTQXEpGJ0XR+NRqPRiGiedARcXLfbbTQajUajUCh4ngdJfXFxQWad8JclVRVeQRCQsaYwAIRNBgb3TnjDDhKlAKWwoZwQjjI0yXK5BFiSRbZtm+5miUSCwGwp+1jxg0dHR7VajQu5s7ODb4GsSyaTdMpgX7iiBEgkv4OV4iRu3d7eHnwdn9Pv91utFvwbS8rNMdVVAOhTVod6iezDaDSihI8Y17IsRHzVahUBDDZgPp8nk0lCcsgc0sNXV1fgHx7x5uaGSKXZbJKFLZfLXC3P866vr7F8AHol2wLw9Ho90lu+lLzDycASoohMpVIffvhhq9Wq1+tra2u7u7t4YaA85DddDy4vL58+fTqbzW5ubiqVSq1WowkAClvMEncP4rLb7VarVVoeYWnolBaLxUgIjMfjk5MTCCvoC9M0t7a2MpkMnwBoNmVNLXbXcRzUCvhDLjwYkhDTsiwy6EEQwJMSI2pSC72UDWCANGhvSPYtFotnz56RC0cddHR09PjxY65iq9UiNQawJK3JhcR3QZVSQUuAx1VBgqF8EYog+D0uLegI10RAAqAlFCFJyqmD5+Cbl8slQS13SXEzipH3fR94TEqk2WyCgTXZH1aFLiws7Z5APpFIBH0rcYgm2/HeNsflgAI5uKAkDhXTMpcN5YhXNE07OTlBN4uNoRCEQlUEwNhgMAAJTiwr/TNUTmA2m21sbFiW1ev16GdGIO/Ivg/hcBjC/ujoCNoOHUSz2SS2LpfLaG8CWfKTzWaTySQ9A9HJYSp02cnMsqzXr19jn0Kh0MuXL/lkKo+A8ppUUBE87ezslMtlTLjneTQHQM7JNlxfX19eXqpi8Hg8jvqNux2JRLB/hNpsg3Hbh9gFZCpXhvcDRrLxij4n8iGqRiLO38CEAsls245Go91ul84/+Ci2GC0DsohAitUgfFUHVVoHoK2ijyyQmEcFNZHdE7KvrSNL83AUKlzxZbUQoA5tCKwdRBM/OBgM6vU6USXn27ZtCiq4P/QsS6fTWGF6WhqGkc/nKQZQBxrTnsvlIAyIxAgVqIck0FJ34LaSleuoEiIEGaVSiToDQkmMBETN+fl5Pp/P5XJIqVACbm1t0b0IJoGcIvGTrut0FkIkh5lEx4aLjEajJClwbfgB7BA5aRROiHJ7vR6AFToSDkqxkJasdaLvErQ3NMt0Oo3H45ubm/l8nhDWMAykQZAwhFmcTprLYo3YEt/34V5MWYKs5N88fKFQUFVUXDlwZ6FQQHIHZUmEDQGKXwKB8Py+7LkNpYi7Q6GA1oDnIQQE33OwEokE0BQfDuul9HZcP/qi4mESiQRaFXZccVbpdBr1rmVZBCH0L+IxCK/JPdm2TSJWuVZAFBkJ+Cs4A9/32+02T0uIL6SigQAMeQ+ZKAAhe8Tdg14nLITKJNFG2x9dthlX2eL5fH50dERGC1cGYc3DBCt90nXlaoMVOfXGxkY+nyfMpT6d60466fj4GA3cH/3RH5GW4xFxW2ikCIbI9lerVXKlBHNra2tra2uappXLZVIN3EAKDzAAoGdWsNfr0SOJ1GAsFoPe4mEINjzPu7q6Oj095QwJIQgkuD9AKeTQbB68qmma4/EYYofcMEWGMDbFYhHBra7rOzs7Gxsb9EucTCbNZvOLL74ALdDYolarEa+rHH6326Wk9e3bt+fn55QHDQYDzBJ2miQJDoEQkxA8kBobQ9aLspIgH7CfKXtuEwao/C4F3Jx+GO1sNosn9H3/2bNnqEts20bbHAQBYkTMFseXgHswGKAkI2QneJvJFkBkvmkkgVpJVU1BY9DjDJfLDSSlA7lEswLMBEE5jOJ8Puf4RWX7ZPqRQUIqOhW5AChDkfocUXQiOJClbHUqhKBjAzfBlM2XvlEPoOs6V5B6/nq9vlwuX79+PZ1OaZhMdQLXsdlsfv7557Ztb29v4xaxGchjALWIakj42bKuB3jAypKl4wxBe6H7AzXyAq1Wi0YdrDJHH16SRQQMaJp2c3NzenpKI6D19XVu43g8xoGAmHkd7IrKgSSTSSrgkAC9fv16e3ubxkREI7Cci8WCulVd1/f29hCG4B5VLLS+vo5wH6POZcB0se58J6nZWCxWrVapQMDYQ/USRM1lA/5yucyqggd0XeeoEaqilSA85Rk4WFRXN5tN8CRaf/XbgUx8P+dMl317ePLnz59fXl6CkTjQAHpVNEuYy0bzgrg17H2/36dbCQlddpNskmmaKPVN02y1Wslk8vnz50EQtFotkjzEuKPRiBQQDaWBuJqmcU/S6fSrV6+QOSh5D9eSR0KMzWkhSCOGxMD5sjHENy4AUS+cWr/fL5fLnU5ne3sbmzSZTCD4VAYbOrLb7VImRsdZ9syXTTnh9QiVMFo3NzfQYXws5hkniNacZeXYgYUoScPFX15ehkIhOMT5fE76jNwWtH0ul9ve3oZh0HUdJpi2H9ls9uHDh7quE/Ii8lMhXaFQuLi4+PnPf/4Xf/EXVNZje4Ig2NnZ2d/f73a7vDJIlBYvhBY8AyYAuAyDjGWFyAdDhmTrnkD2UIFhJJQn+kL3onar2+0S17K7arMAYKBNxWnSUiGfz+P6EE47jkObPcwwv2tVSUGYC3APgoAmeZ7n5XI5HIimaTBXyLdIOaEzBV4LIUg1ACk5wbARpFBILy6XS5IwtVrtvffeAxe1223DMMrlcrVa3d/fj0QijUaDx8M4IkmC3eb4Xl1dHR0dscUsSLDSkQ1Gi3J2sp8En6qndPDdegCObCQSuXPnTi6Xg7cm9dPpdIi4OS5UweFViffxG9BSx8fHi8WC+0padzabkT4D8jKLgXUHNT5+/JgICRxFehXxoOM4fBQaYCJyiqeInzhA9Nz1ff/9999H1IBfJqgAfqBc0nUdZPnee+/RY4Lgm4BsZ2eHcmRITOrauGzoagBmILepbI+OOg3DfH5+zmEldYB39n2fHCL6BUJMQDMEJScMqpQjzjbz4SrtqMmOTsrn0ERVyHIO8C7aOMqVyIGk02kYHrw3evK3b9+CNHBN3EbLss7OzqgpQw9G/3RgUq1WU2ou8EahUJjP59fX17AUqMXW19eRUgN4KP/gc0gql0qleDxOZ747d+6cnJzAKa+traHmsG1bpdgw80EQQFJjXHhHXtlcmdMDCWvbdjqdJrPO4qtiTkX53GaC1e0hYOKmZjIZ1oXNwwrCmbRara2trc3NTcIRGkEC3MmhkITDUrLBpuyBoeJ0TbbyBJdzsnkTJYEMhUIPHjwIgoC+FzQthFolfAQuAzrByqFQiDOK8WalPM+DJlfJJq4xR822bdRvZHySyST9GIUQoVDo4uICHq1erxPNg7C5OcQnSiadzWZpX0c3cPJHTJ2ZzWabm5sEysDco6Ojw8NDRfgKOeyIdyfi5+0AG0oGS7KM+0A+FToVWwCJRO9OXbYLIBPM78XfkvMJhUIUeXOXsOvL5TIajZbLZcyKJquNXdmvF+OFrBBCmawCfxBCTCaTarWaSCQo3iCr4Hne3t7e5uYmzXWwykEQ4PlTqdTu7i64oFKprK+vE8AQySiITyCxtrbWarWWyyUOBA8PgFTYRrk19L+G7D6Gs9Kk+tMwjG9AICVTqVaraMKclb6N2WwWV0VjI9u2J5MJlpggjLzD9vY2Z5ozB2FCzoUVvLm5oYsG2FFFPzj0arV6fHxMyvrg4IDEEEBQCMHS0N0bhwPl6jhOJpMhVgmCQDXtwUKgiVBQtd/v12o17jyKFPolIkWk/MKQPRpA6lSo0boVYR/EPPVD0PBkUcAzqgE1fmk2m1HRYlkW805gTtHwnJ+fb2xsQOYoUg7FhCU7QZB8gIkHgNFyFHijAkpsEGTA5ubm2toaAJWrm5Djlfr9Phebz8c0wpBw8TQ5jUqR8Th8KCbEHQCzcDjc7XYpHM/lcpVKhaa2HMHHjx9TCseOwChwzEBNKNs2NjZIwnzLv7HIjUaD5BI99gCrMODj8ZjP4Yaoiw1BF5HN/WGK6Yqgyk31b9UEr74quet8Pk+GHB6AJcDgIbCp1WqZTAZUABzyZC0ceVnLsqBj8X2e581mMyYC0cCj1Wrt7+9j9vgQ27bX1tYwb6AF4v2f//znSA/q9fr19TUibcIDJYYjzL9//z7RD1UvRMmK22XVqK/XdX1tbQ2BMRGn+nvDMEB9/Gev1yO6QG5Apow5JSwL2lgAqy61OgBWlA6q5Q7OCoXZ6enpcrlcX1/H05LiAF6T5VDbyb6guIYSAabCZXFWuL30USWB8+bNm//xP/7H9vY2n7OquqNnhykHByK74HqAFYUQhMiGLArF6IB/iE8GgwFqi+3t7blsD4MJtywLwrFcLtdqtUajgSHgAHA8isWiCmqPjo6UUl3IimTgH9Q5jgibBcIhKqALMigOXg4FA7mau3fvEkcBMYA96gL4DMkLZCEPTg0umUQ9iB/6SUgBIxuvadqnn34KS2NIuSw/wmdy3WHuYEuU3IXIOJVKwZDCgdBRgvh9sVi0Wq1Go1Gv19Ed3b9/H4IVRE4kykUHuQkhXr58OR6P//W//tcABk6nEILsFaDFl2ORLi8vr66u9vf36W4CeiaNwDZnMhkSdsjC0LoQzPR6vUajAQ8DM4gAhnwnvo57TrgCq10ul0ejEeETpos+cPSZsuSUF18OuiR1v729zXHE3+K4odQImsleY1n5pURNKmNFspw6Zhp3UvDNZ7KMhPKUZZIwAX0tl0vCM/TSqH0gvhCrkqVCjTcej6GwZrIBEV1wPv/8836/v729jeSOHB/fA66jkAi4ArW1ubmJg5rNZkIIW3ZCJ7GlyWmC8Xh8fX0dybcidmaz2c7OTjqdZtTVcDhkj1zXpRXpKur5ekwqUTzBHyZHCEGfEhaFEi1MGiEONzIku5SxN3BeYCRyVVwJRBbQzwA7wJmmaZTGwt8puZJS/BGkoqYiuV0oFLAB2A94N9u2ib0g2jXZ0Q3w48iBpCoCIdJtNBqbm5uRSKRer+O4lIKVTltsGL4VBHJwcPD69WtuLO5F5WWBiJps08vSET1DPmxubgo5DpWchtoe5NPAZcgDgjGuBKgMD0nRGXIaiApTToajIBOUqMsWxRcXFwAhah3pV8BR4305A0QyvCyhs2puR3zFZVaV8iHZdJ4MK0CA6410782bN8Ph8M2bN5qmPX78GIILjO37Ph2cDMOYTqeO43zve9/78ssvLy4uyG1tb28v5CRWBVxJjKqtwatDcNFtnxdRGcxUKjUej/GoM1mDbsgGcreCGk3KoRXHouIP5VMIsdGKAM5gGJBOANTwO7hy/t5YqfDgLKItOzg4IA9gGMb777+P2AaxhykHOWHP+J7FYvH5559zy+v1uhCCxCpwn2hvNptRRrS5uTmTbe9ZX8JZIacCB7L1vu/7m5ubR0dHv/nNb1Sbvk6nQ6ucZrNJa1RPVn5YlpVMJk9OTsg5bGxshMPh6+trQjeyY7FYjCPlyvFQpG/ZeO4kyA3eiZQC2wNg5XCA1+NyVAIuFAfI++KalrK/CPDJcZzT09O/+7u/y2azSMGUMAbcT96KwhqUz6asD4R0FkJQYeM4zs3Nza9//euDg4PlconMznGcXq+HmeDSgpqwzXgwDhmlFKiklsslw2ffvHmj0iacaUVzIyqxbfvw8HA6nVI8DQDmfQEXZIpQUiHZJLPEgeEJi8ViMpmkrT/xKoR7v9/nUdWBx6ybq8wMCXbVxIu/JC5BHoc0KggCjDHXA/EW36beEF/BUUskEmBf3pZ20FtbW6lUirHE8Xh8Op1idQinXNd9+fIlhEa9XlcZUCHEeDxutVrhcLhWq03kUFEkr+SJsIiu7BAIGPDk6EUoeVBEpVIhShZCbG1toaeAk+GkurIznO/74XA4HA5jR2nQd319DdShTRgCdIAHRhSOFUhJyBQEARHzeDyuVqt8PgkTT86q4a7iJFl/UAc1XCFZ0s7WIqGDFanX691u9+7du2Qbx+NxNps9ODg4PT1dW1ubzWbX19fX19eO49BYCX5dtU4AlxO444qpjSQmVtAL94XUnFIstoBwE+i4XC4RaF1fX6tA+fz8vF6v//a3v63X66DQH/3oRx9//LGqKwSsNxoNcF08Ho/K2VaYZlo0cNyxmwzKphuAkEM0WDFlr1WDWsJfXkGXhX5f06AYEhhDIi2Wxvd92uQzgRD2Haobl4RXwsUbhnF2dra1tYU5J/lK8NdsNjFmUEOwNzc3N1wS5ACAPGgoap3gT2lANJHjsn3ZDUGdch6s3W4jsXJlwzmiXhXGCdnDULGHgJBYLEZQjqaFKDCfz2cymdPTU9/3WUouJNEeGa75fF4qld6+fUuSmCMFB09Qzi8itmYwaLFYBKhwWwi6lE9Xd5hENcvFXwZSgEAQBTLGZ0IJYA6QnT948ODdu3cMDkMFSUMnQjsiVIIuzCFuHE6PS4s2BBEbPPra2tre3h5oB1SJmMKWLaB5BW47LNzm5qamaaqVZ7Va5QwQr19cXLRarT/+4z8m6pvP5+y7kpOA4tg17L1hGDRN4aqolNbtaTZNEDLHSel2k8kkwzI4oqsxwDea5eJ2QdV8HFAEzp6/VAJ98DHXgOvI31NgpQRkjmz8hmnEcJ6dnVmygzG9XxS9TfUZk5fI3tMMPpPJaJqG155MJmhsCAQxnN1uV5OT+UjaYwnQpbEQhqwjIV3teR59oLa3tx3HoVEXCgvCD8USctSQeBBhe3L0y9nZGcMXptPpzc0NCVS28+rqCoyRy+X29va2t7f39vYgyzVNo+ADT0hNFkvN78VMqNjj69S9pNstOXWdg4LElRDc9/3Ly0tUt9xSFNq6rm9vb8flRBZEslwzUC4Hl3cnV8XWQwm6UlfryjZ4Czl/xV6ZRso2YXq4VDs7O3RnAe8ZsoN5EAT/8A//AHAiSHvz5g0hqLLWSq2ESSV5z2TocDiczWYJCFUSgPKAyWRCyoirS+hMNsmTtVna6phUbhLdOfkdhB34OwJE7hm2DYRH4lalb0CQUBC4aaWXpKMbqa5isXh1dfWzn/3s/fffhx5GT+rLIRQ4rPl8fnJyUiqVCL9wyiogUf0FIAF92cBV8WXcZ122xufqK7wLAjk9PSVbTuOkIAgIp6gCUbSMYRjk1UH/o9GI+aEquF/IpnSYaobz4Y4Nw+B8Y/ZardbR0REzWDGfuGP4e7zoeDzGuKjGgEpDj8Y9kHUCS9mORYma8KJ8IGgYsOr7frlcfvTokSZb66CtwtCyiZhhVUmH5BiGihckmwG2VvxeEATdbhdfQWKExA4yfU1Og728vMTl8pBCCF1qnzgni8WClh9kCZZyvijtQrgVVDnzdul0GtoNOh9QBMs3nU4xB81mk8XHJJGQ7nQ6GPfbIFiXglsOcTQapflWrVbr9/tk7Ll/tDpDW4ZXRVJC/otolUpCrK9SKYGmoDLYrUKhUCgU3r17R96AVgWIW6g403WdektuhSn7nYB2giAolUqAvFAo1Gg08vk8zbhJ2lPDwY3FJvHksIfY5uvr6+PjYzhyIhNNqt5VpyddzpwCYlEzAAY1TVPNnFKRnG3bKIeh9lRCXcg+PGSFy+UybjqQg+w1WRXA36jwgxCLoIheV6whK8OfJ3IKqivHdvCQpmm22+3z83NIaorjMN4AXSGV2KAdvDFokFk7ykvHYjHiGahbNKck+LH0lPXBM25sbOD8w+EwWQJXtnhZRSycBArEcEfMw1P9mvC3ivPl3Nuylxl9CeD7OcAsC4ab8AMhM8kZJrqO5VQUTzYwve18jwWtVqt4bTJWsLwQXmReGo3G4eEh3CKwGOUjB0LXdcwDH8gv02WTDFVGrTqPU1xnGAaaE3YX34rZyGQyNzc3JGhns1mn0yHbQORqWVar1apUKmgx8Nc4OH2l8FlIXY2QNcHtdrvRaBARGobx4MEDlHwYJPyvugy67AyXyWQokMfda5pGQRyIUXW2oidSIAW39HKCRTFNs1arkTzSNO3evXvgSSXTIBzH/QLnYJmI18lUoJjCrQdSXhoOh1Op1PHxMWU6PB6UiOd51WpVmVsCD4A+vx0jOhgMKCHyff/s7AyXQigI/MMFwWXB9BNLQPuEw2E1IENZHLQzT58+ffPmTSwWy+fzrVZLGVzu/CeffAIlCK+dSCRUw3cOCRIB4OtUDiwbDoe4FKySu9Kci7tENSwnZGdnp16vZ7NZOpBySTDZtxDI933+Fu8cBMHDhw+V4tyXzcFpyINKdLFYUJ/PzYZq1OTIXtZU3XWVW+VXYiNfvnz54sULyjjwA2wkBp7LwBgcXdfPz8/RAhGb3tzcVKvVvb091DXIaEmdKEHB9fU1A9UC+YV6WZ3mJ0+e0L/oyZMn6+vrwDnTNMG1FN/4vr9cLjFIFxcXqVSKIhVkM3g8wzBqtdp0OqUTBGEG3a84H1zaeDw+Go0QJNJejhM/k12ywT/cWxVfmab54sWL4+NjJGKe7PysbDCfj2VJJBJ3794lWLq+vkYTTj3G9vb2o0ePwnLsMSAEZg/MQ9ypAnGoRnoQUfeMsFRBOzQg/N4gCMjmep5XKBQ4QkRlg8Hg7OwMDEY9Ph3ayO9++OGH/+bf/BtV/vHs2bNcLocunefhdkHjsDhCCNWi4vj42HXdZrMpZB0M9D04XAiRSqVKpRJg0nXd6+trnLkm549oqjUi1pET0O/3r6+vo9EoVdioCQizPM8D/5BU12SzdvwjCAwWmUu1lOO51T3G8LMc7733Hu6CWTco6ngHIUWtoVCIVuYQFHAs8FRbW1tMOadjD3cYRgXjR0EWyGom+6gx9AWzBOpA3kPcoslBI8Sj0EH41oODA96dGo7PPvuMaDKVSu3v71MktLu7S0luuVzGfOCXNE3rdDqXl5epVAqFJrix2+2+ePGCps24KTKpWDhq066urlKpVD6fJ7RQ66MUFrgFsp6RSIRSu48++qherzcaDUSppmnu7Ozs7OxwbbA4HAIguxIdGYaBR0WUj5/HsbPI/JQle0C5rosH4z9ZcFU1j9mCahuPx2tra3/6p386Ho8PDw8ppm21WrTc/Ou//usvvvjCNM1cLvfxxx8D+h3ZQhj+F1PCc+bz+ZOTk+fPn4NdxcqYeJroQKwT71HtibnRZce7rz2AugMHBweYllVRA/NJSd0nEglqeQiSAPokHaAOgLmmaR4cHGBu0QvUarXlcolCE7E70TCTv0A1OA0OKyXbCBCw+tgbBo8mk8nvfe97ULEU/nJwIeCQKrBDSzkqC8ir6/q9e/cuLi5AX/F4vFQqvf/++3RMCMvuSyrUZoCXEIJxIbhaIUQymTw8PKR7yvX1NSXF7Bav8Pjx43v37mGhCahQhiImYwUajcZf//VfU7GJyBEO5+bm5j/9p/+UTCbv3r1LXnJra+v4+Hg8HlN+bdu2IedQAHVACEDe6+vrSCSyubnJdK3T09PpdFqv18/OzhizGZID3SJyvKzv+3ApMFGUm+B/LPnFj1AujJ8knMDG4cFwYriU8XhMDxuAAxy6bdvoLJGLMv8UKEGcHQTBq1ev1tfX6aMB/AMjvHv3jvLr+/fvb2xsnJ+fL2U7RBXvBVJVzrFsNBpqkgBhuvKiigw1fal2FjKPTXCpWpvQ/pcxBKT6+USqqufzOW24oZwoLzw9PUU2g+R9bW1tc3MzkGOhgiC4ubkB5KkxIYSJAHTHcSCDLy8vh8PhRx99VCwW0dDncrnXr18TCalqYARepqxtxQzALTiydb1KQVxeXj558oTEHM2wVOYOREe+iYgFAYLv+/fu3UMnopaSXNjr16+/+OILpXci3QgTAm2KawW0VCoVy7LogtFqtYIg+MlPfsJppjjrzZs30Wj03bt3uVzuJz/5iaZpzWbz8ePHKk17fHxMGwFAAlmwQHY8RuWyt7fXarXQrmazWbpP9/v9n/70p/v7+3t7e1gElcYhHNc0jQugEnMsIzorU3Z5YI+g2GezGQfUlzptcDLSS/RdQohSqfSTn/yEv//Rj37EmYHgJkSBHmDy+eeff/7ll1/quv4Xf/EXyN04pkgnUDHRJ4rENpgF68kpYq+DICDN+u7dOzxkJpNRihtDNtLyEcPxRQ4FfByNRtEAA++ur69h2QmU2+323bt3O53OZDJZW1uLRqOq86GmaTTfGwwGV1dX9Xp9MBi8efPm4OCA6avX19ftdvvLL7+8e/cuycJEIsH5AMCQSuz3+/V6/cWLF++//z5TM5hKz3MjKzLl3A32RshSVF8291M4AbwbkbOY0uk0ekmUyfhH6sJUf1kSpaYcrgFDCoZ2ZFc2UAeRoitbzxYKhYODg2g0+uzZM4hIGC1qwdhsICnd2q6urriHvu9jKe/cufP++++D93BBuq4Ph8NCoZDP51nViOwpTcAH3hBC3NzcbG5ujsfjt2/fXl5erq+vAyHi8fj777+fTqdncoIO0S0NGqLRKAwvIEHx9PwBOzidTsk5IvSCtePC04x6NptdXFxAuQwGg8PDQ9u2Hz16RFmIKpygoKxcLiOgGI/HNEWE6fryyy8JxhqNBllqNSqlUChYloUeHpKK6S+KPQvkkDwMR7/fv3v3bjKZRDzfarVQ/qJlFlJB/XVFmeu6p6enrAurSQioRD4AG0AIjikcDsN8g0awwWrV4NSwgpPJ5C//8i8PDg6wdh999NEHH3zguu5oNLq5ucnn841Gg2AFV0CrVLJytLbjNThneFvIFqCOokenckwG3tCV4wLgfwhOIrLjEqPnAcHUEgBOELujTmOZFKbUpDZhPp+/evXq+fPnaBiB13t7e5zRd+/ewRaQkgPwRKNR0m04W7hFxQxCzqyvr6OYUI11SSOCZ9A57u7uss7UANRqtUKh8Mtf/vLt27dQwH/zN3+DOKLZbILRf/KTn/zoRz9SIT6XCtvB2ISJHCuPP2Ej3r17x83HHyLHf/Xq1cbGBtMsiTfQC7OGnN3t7W2uEPEAPBi02+PHj5nU5MriLH4XtbhEd9ls9vLykrhoPp8T9arkIxkYumqTmFNEjiK+MXlHR0fb29sffvghXfrG4/G7d+/IDime5hYCErB+8cUXuL/d3d3r62sa0wEwMpnMwcGBEOJXv/qVaZqffvppt9utVCqBHOXJsaPYWQiBwt7zvOFwSN0+/c0LhQL+C8HgcDjsdDqMZ0P7dXNzM5lMaHuIY/nqq68cx0G/TjxEPS57Q/npQrZUwAywGZzgqZwJRQGK4zgI/YmVhRCj0YiBMfV6nTEFGDbYDz4QZ4jtRPiEgppti8ViOzs7tm13Op0XL140m83d3d2PPvro8PDQNE0CHvIYnHLCcRLP6Hx02YDfdV1Qh23bqAnUKUG/acluKGTZSNBCGY/H4zdv3nz11Ve6rpfL5VevXvHjpmm+fPlysVh8+umnmqbRV4ejz+WkJyxuCtEEcuVqtUqQurGxkU6n3717h+uYTqdc1EajgZgcauv58+eDweAHP/gBTolM0SeffALuV/I7Lh5cHykm0N2rV6+i0ejh4SE1HkSYsViMuaCTyQSfA4MSjUZ3dnYsy1Kl8bBbKv2M+GIymcChCdn1h9+u7M5tPQQxQafTef369enp6b179ziRIIT9/X1DTqiGLd3c3ARNknSAyeK1dV0nGMAnoJaJxWJ37twhXCsWi7VaDZLu6upqPp/v7++TV0Z4mMvl6vU6mt7ZbPbkyROOBSo9StqKxeLDhw+x5bVabT6f7+zssDfcfiC4IYcZQlIZhtFoNIjv+XUU+0LLcF09z0NjDDtJbvjo6OjHP/6xUl60Wi2KLXZ2dr766ivaFrx8+ZKDWCwW6bk7Ho/pNbuUTeYIJS3L6na7CAd5QigUc2XuC4WdhpQ6cw1wGpacOauwK6fh3/7bf/vTn/70q6++6na77969g73l9lLLFovFGo3GwcEBsyhBO6ZplstlMDoZnuvra13XIcp+/OMfE8/wl9vb21RLEvXS1gBFiW3b5XL57t27MBYq2sbcQih9+OGHKtjTZT9njh9aN8/zqB2lRyLyjUgkcnl56fs+Elqqf1C/qyZRQnaGAxaGQiEmo+HSb25u2F+KlgJZES/UgAxXzgzDj0SjUc43WjcODXqS73//+++//74qmkGeSrsvYtB4PM7lIaJdyvbOuVxO6UPId8BbgfnK5bInh3AJqThCc4v4CR/NJnEUXFlfxxwKxVp0u10MDLog9CHwRYBXHCIvi1CRym6WFRMbCoUQ2yD/JDuDVwmCgAprOPjJZHJ0dAQb/fHHH9Mnx5O9SmmMo5QauF3XdSuVCpo5grk7d+6QbOJOBnImhS/H6mhynIQhq+zVYNBYLKZLMfD3vvc9RC8vXrwg0EfAg3/7L//lv5AMZu+BkXwg2jiIbKovILvq9fpisbh//z6dYwBRAOYgCJRA35KDnNfW1gzZJgy2cTAYoBjgssHSwEWapknYjR7xwYMHr1+/Jk6AjUC8jQuF2CBjw0ECot+9e/fi4oLHYDVob763t3dxcZFIJPb29o6Pj8vlMu0qwLGBkkMrK+J5HnK/Tz75hGG6VFIrSMC7xePxDz74gLY2uLCtrS3btjGoHFkCCew08T7uCTxaq9X+9m//9l/+y39J8V65XM5ms5qmvXv3DgRiGMaXX3759u1beInt7e1Go0HWJpfLXV1d0X6Q9IphGOVyWQjRaDSy2ey7d+9evHjBNBE0wIoXw4dQrE0qBxdHykkFEiiRVMaHJjGDwaDZbBLIgsjX1tYQqNLtw/O8x48fs7hkhVOpFN7Wsqx2u03wR58C0DYIcDweUxKJwB3tCSGByk/ZckqFJ4c8CyGQZ6tsIyaj0WicnJxQKnR4eAgAgAsnCQPVQXyv6zo1DDSNA5KxVvl8/tNPP72+vu50Omtra3/8x3/MPUHvwNEhWiCxw1+i/SToYh8VKK/X67Q/wURy3sgbapqm+DfP805OTqi6Bt2Nx+OrqyvE6pps8U0CWAiRSqXw5yq4v7q6ms1mjx8/jkQiW1tbZIHYa1o0LGQXCa7BbUEMK/Lo0aOFHP8GQAQ8WJbFJWMmhWmaqogR2oTgEkhNCNLtdsm5EJVSqke2wrKsSqXy3/7bf4NHx7Yh8Qf5OI4TCoUqlUqhUIhEIsVicX19/fj4GPMAHERgnE6nT05OfvWrX21ubvIkSnvHymKk+UzenEtFw59IJILyD4DuyykyKKuxUr4cQUnzStM0cdAkqr/44otnz55ZlvXw4UOy2lh6AnqEUpTXIJXDUHmyOIEQ62//9m///M//HP+D/I54fTweQyL58gu4r8seuiRffd/v9/s4Q3LMp6enaLYZaMJj/PCHP2QyTT6fZ+pzs9mk5RY7SHCiMmJExqi2FisdZ1WNIqHjYrEAw9iyqT04G8oL48Kj4jlhh3A+rpweScBjmuadO3d++ctfLpfLDz/8kHh9MBjkcrlYLAZ1zuqVSiUcsiYLFYKVFreqVWEmk+EokrxSAEmJ6m9ZIBUGMIGHDMvu7i7PHQqFaMJKAEdWjxwbleC1Wo3iLE4nTBmhPXI6kCt+czwew/D8zd/8zfvvv2/LhpucCcQ53FdmVdCLHG8eiURo2UBMTIN/GC44DUBeLpcDRWDJSJeSxEEh7DjO2toadUPkUImqCQ3hFijFODo6Ojs70+VIcNLGgBMKsT3P293drVarl5eX2WyWA8oa0hF2bW0NzgqNZ7PZhDoDSmG55/N5rVaDOfFkZTbeyV+R1+NMXFm0wPXG35LCg2uKRCJ37tx59+7dy5cva7UaQB89cDKZfPz4MdE/SUZLDmIy5SzXVVo8FArRARYkxneqhBfXYGtr67e//e1isdjd3QWlkGki7FEMNbEfxfJAF4WHOWZCCAyibdsUJFA8mUqlbm5ums2m0rbQdgWxCTmWuWyNE0hxVLPZRCwDb4mFpS5ZzXe69QCEDngAAgWIIDqdcJRJVhuyI/tisaAunuZn7OJUzh6DTUcIdX5+7vs+R4e7GwRBq9V68uTJBx98QBk1fcxBb+12m0VB48HFgNFLJBKVSoWqNFxToVBgd4UQT58+3d3dXVtbgzGgaIsFRWjNS8EFATrB/QyBRcyoYjtfTn1T7BsXg/5f5OHfvXsH5f/69et+v4+ejx/BUKGFLJfLhEbT6fTs7IxKRYCNKoEg14H0QJkoCBAeQGXxlHNAKcDBgnA7Ozv7+7//e9/3GVPr+z5hCSbp4cOH6XQaP+zKulhfauiXyyVmBUODVSZNTkZS1d3jwXwpkWTlq9Xqxx9/jEKOoMuSrY04DAgiCOqazWZI9qdQhDuvwAnO5/OdTuezzz6jDQJdoZA/MocFKJjNZrk2RBe+FLeB1VGel8tl1NQEmZRkKc4tUBVhgSwIBrUbhoHcFMEdCVFU75VKBVCB1bFkFRi5ZaJ+VFA8JQrv3d1d7iVB/ZMnTyqVyuPHj4loVeNbsiFcX9LDjpywwi/CXZCC1WVnsmKx+PbtW4JCgm8OKDaShp6AHCWyN01zbW2tWq16nnd5eUnXCUXGYxt4x4cPH96/f/8f/uEfNjY2dnZ2eEEWCiZuNBplMpkf/OAHh4eHcGKQ/QQVh4eHlMwrr4U5N2WvJLiXq6srWr+gIEBRrEKF24Sl+TVhrdwCS+p5XjKZZDbZzc2NZVnYpmg0enFxAT+jaVqv16MTxHQ67Xa7R0dHnue99957ZLh7vR5OSZNTPekK8ctf/vKTTz7B4RtyBB2SepxAu92+d+8eRgQrCbqDwUMb9/r1awYcXl1dDQaDcrlMbInxxr91Oh1qG7rdrmqV57puvV7nIqVSKSL79957z3Ec+jsYsjkxlpcAplgs0v+CLwbdKiyDQVQCCFMlkIUc8gHNxz1++/btn/3Zn6F30DQNNQv81/X19dbWFvtNdgzqw3VdIjnDMK6vr4UQP/jBD9j1Vqv19OnTbDZ7584dfmQ2mx0eHl5dXeFGbNump6mmaXTtI9S2ZEsfnGyhULi5uQHOLpfLjz766P79+6B2ODgy2b7vo6GH08Bg8HvJPQvZMQUf6smmRkp2q2laoVDgp2g6hPyTEbFklD766CPAgGVZo9GIEA1GS5E2qJhM00S1SnqOV+73+0+ePDk9Pf3JT37y/vvvLxaLXC4n5OgAT3ZLD2RpMtdANaoBMrXb7dFohIWrVqv1ej0ajZJI4npAYu7v74P4/+qv/uof/uEfPv744/39fYJ+OuAC6JeyMWuv14NSg8lQBWh0L8U3ooIGcFJWShiwubnJzAT8qq7rKD2B5lwArBvoq1wuv379+ubmBswMsUESllbNqPnr9fq7d+/QnF9dXTF/UbE43BksJqNJ4F1UAh4PhnW+9avqh3kHQB7wi6QjUJgYly0BeaNsI7YbjUZHR0d05KO7kxBiPB5DknKbe70eE6DoCuH7PpCOHjuJRCKZTJbLZZwvHqper6OEgTuHggChFgoFSnZ2d3c3NjaUKKXb7e7s7ECPgPt934doovmu7/usexAEo9Foa2uLjAleC6zPdaU8ql6vc9SgNeHBHMdhvIpijRW/BjmjrAk5LxUv0W+dO0Y1yd27d4UQTOF2XZdiXJXQUREwRoonYS9c2XaJW0fWAg/ZaDQYKry9vQ39/+GHH3IbydyTocOfE4pwkeAJiFaJkX7yk5/gN7BKjtTfJxKJm5sbGptSfvnDH/6Qq86nUSiC5Ek1TuRombK4lH/CYfKdBwcHFC0QzmGqkNxTYMT6qDp9+qap7ogcj6OjI/qMKPkWYQmpD002gONRb8VwLDTTt5GXgDqWyyXFCplMptvtjsfj7e1t3/ffvn3bbreZ5schYGt5Q8WZED5CM/f7fXqG0Urfdd1oNHp+fj6bzZj2RS/sXC6HfpBJ66VS6d69e0+fPqXDM9VqyBZoMEZ1AXMdCWaI/bEHMJIoIxDzcIeZx3Z6eppOpwuFAs+juItsNkuHBcTlQRA0m803b94w850v9HA4utevX8OcAgMC2QUaa61sB0SEQpUs1N7eHioXLifKZJ4HGgrWC0vG5ceGkXDE3+q6vre394Mf/OA//sf/aFkWvWFoSqXrOlmL9957j5jB9/0PP/wQLTpRFuo6jmO/38eJXV9fIzUHTBIGKNQOZRyLxUB67XZ7MBhAA4CHSV2nUqnT01PGL6DnVawjh1vpT8PhMBUdFxcXsAgEjUJ27ET4nU6ni8UithXpBLlLIfu7qZit2WzevXt3f3+f4kx+EV43kHIJ7JQeyObA5+fnb968aTQanU6n2+1ColFSDRdOmwNKHNbW1kzTRClu2zZekldFjECbaJKvNzc3/CImjqiMOv2fK5UK01xCoRBdlLvd7ueff86Ehb/6q78iQ8ykJtM0sRClUgmfE0gRtSZnS/qyyJNYBbfmyJG9QRC8ffv2F7/4xenp6atXr1CtgL4cx6HwDeB0eXnJB3IrQIYEbXyOJYtver1es9m05YAJYJXS2WuaRh9s+sirekvDMMhAAdzJ5YGaNE1D6AK2hL/nUuHW0HvV63VaPywWi2KxmE6ngbxCCKAjnhAIZ8oW0I7jJBIJQi8hBLQemSw67bAytm3TBtiQY4B9OTSbBAibLoQolUqcQqpDWRl21rbty8tLsOVMTtQDcxJ/czDYHRJKe3t76Pb6/f6DBw8IMFRsXa/XOQbIeCHltZUxYUDW+/fvh8Nh+rzjmoyVvoi+Gqjhr4xFggiDzqevfCgUIsN1cnICqr68vCT/FYlEKD5Sn8i6k2oG9b733nvcB84u68KRQtMHzazrejweV8J9lgw138cff0xWjkYavBu5QNTzsCXYfqA/kAO7tZBTGDKZjK7r4LHRaJTP58kBv3nzptVqbW5uEsDput5utz3Pq1Qq5Msofjg+PvZ9H5YMPiQWi11cXHz55Zd8DhK6i4sLIVu0qtwtVwWwSzMVQ3ZI55sJTjhhS9kb3ZWNT7BStixto10ARC1UGyXksO+cLYz3zs4OiqlQKKTKSuE0CTc5czTCIEvFHaP29/Hjx9vb23RwIfz15eD4sWy3yptyiA2pmgYlkiADhYKZaRUBH+D7PjEYN1Cs9OmggzTFd1CL4XD44uJC13UwG4nh09NTbL9pmsTBgayK5IBBexiGwTlZLpepVAp5Mltwmwfgfi+XS9M0GT2EfI/4Dy3X1dXV69evd3d3b25umA4G+OEcE/hz4Lj3nU4HPhFXSBkH1gu6GjaKnC7aL/phYYmpDrlz5w6QYyknb5JbhZ3gw9kVzpBq5QmrDRVI/i8pB1bDmZRKJVIHhAonJyfwm5RBo9og/kat8Md//MfIXcFUoBoUe2/evGG55/N5sVhcyMEIFJc+fvyYpp8AcTJWaCd9Of0SyhU5g5DtgZVP9uS4Uv5J6Wo0WXeCpB6PCktxdnZGCMdZgd/T5QgMTg+GBiUV+XvcL/xBJBLZ39+H3kCJQAMLT458BigiQ4QvNmT/cUVVYW5939/c3KSjG79usVigP9dkDyXULvP5nL9HCYc3gI3g6rKAiq/f3NwkRlenX4VMICieh1uBsqhUKk1kb/RgdUBGILsPQBVhY8itwAgxsZ2t2tvbo/obKb/yO/gjkCJKId4BtbASR3ieBzmFK1DtqOgDfP/+fahYsmCmaX7wwQegCNu2KUOjjoml5AwR3wAKeT2wGQO5SIqxNNCj5+fnb9++LZVKHHTYw3w+TwMYbAYMo0rUVyoVnD7WKxqNbmxsQHF4cqi66lCAyQGjEyOR1wM8BEEA/NBky2VYPNwFVhBHyhJxnsi/clyIVnl3aP7FYoGsACIVJT1SCxXgoZLifhKDqnPA4Z7NZjTr1WWbNxhk0Aihiy27mJmywTVpGS4wOI3SDpYdnwPvubu7q7IiIBnK0GiOlkgkXr9+De5iENFwOGy32/xGeFheJCnnjKBLp70feUlfzvak2CAajcJYwmEQEK/qCIUSw2myKpKnV8CaEDYSiaBdI+zALTC4mJ/iaGqahjYDqjGQfcP59dgAXdcLhQJYn4MCZ7qzs9NsNl+9enXv3j1N0+r1erVajUajiEBIWHLZVCBFSogzp0pFeX/WgsAO4Sex49nZGdWJu7u7XA8kQ5lMBgUrVDGGQJPl8ySbeWzYEnaa36hOsBACrTz6Ew4Tvl61NOSfIFg5/Yp8488oMrjwiBk5WMjuKQAAOiO74CwS21Aq5bou2iqSxFxX8t+q0ww7Qvqc/7RkT2xXzqSgyVcoFOJFAHVkQknhEbhjdAKpijekfJVwE2KaqilWDJIAOeBsNqPfK8sCI2KaJrIoYpLBYJDJZCA2sErwUYlEglGFP/jBDxSO0mQ9g+qGgrAX0owUGGWP6vtv1Xm+HMoChQzC4+RhgcDWXAPWTsjuQqwpxRAgNgLf6XR6dHR0dXWF2VZaEXIufD5byyOiaOdDmP+uDiXCG/7p6uoqKeeGG7L/biwWM6Xe0HEcdSi5EhwjjAoV3zg30zSZ0wqQTSaTysDzXkopoLpvIyyzLKvZbFIMQIzled7R0RH9mSlYCYIAKwiJoeh8YIz6M5or+uEAEUnD61I3it3B72Fl0COxhXwIkQlYEXUqBnsq22mh5IV4WX0YdeXoVcOJwRuQKAyHw7/97W8/+eQTfDW/DkgGXhVS/aWttB7j4bkqQgiac1HZxwWAJMD5U9WNIBQwybwPkDpzdwjAEMzxmbquo9KbzWZnZ2ertAeLwPUbDAZ37txBjkV9GQ/A0b3NA3hyIMebN2/y+TyRH3w2qBHcmUqlcrkcq8OxYJt5H/wv/pREdBAEx8fHBOxkQzEb2A+ej5NqyvkRQojLy0sqzSORSKvVevPmzfb2NpeEkUG2bddqNTXVSxHtvtR0sOU8FcYAMpcTCRLFF5HNcGR7Ngw/WI4vTaq74KR52Yhs47y7u0vffVYcn8tzgmGIQfl8gIdQlXimqcsyVnQftmyNCGzjpnHDl3LgH2aILBgAnTBG8Rv4KOpXQ7KjKFMzGGUSBEGxWCRvgEmey45a5FIoXuFdFKjj5ggh6vU6DZTU9UOkQPKnUCjwzWwrYAPDd3R09ODBA/oFerKrJL4Cs3VxcUFb3NFoRNi2XC6r1So1bjArkKFL2V7ENM1Hjx6Rcn716hXHGKK5Wq1++OGHzC/lopLWcF0Xjab73Yow7jdsI6Xi7D0kQyQS4aFVWG3KVi0cvnA4TGdFXDPbQDQsZBckTLgKyzBF0Jc0Cuen2G8qg5E3QggqlfJsNiMP5UmhlcpucMg82Z1TSYAwYOfn52TfOEmz2Yxv4NxwcIErYqVYkaaIBGdKEhMEAR1FlXgmFAoxaoDpYEKO7CQPipWloyOgRV2GRqPheR4+bT6fKwDJyVAiCBgbQAsRHv5Blz0NhBBqkpIvq/xgnKrV6nQ6ncu2vkT8RNKIbSqVimEYl5eXoBdCGsMwptMpTCJZDsbUFgoFzLBKEcCC4MfQ+ahgr91u1+v1yWRCQ0+U0ktZhk/MSikCE10pmeeQICSZTCY8p+pqigPHvui6fnFx4clOb8SEkCgQmLYcw0WNDmbRkFMCdGXFYeIQkKlQDAuk6zr2AJzANWB7sPpcd2LiVqvFxtOvD8OsTLXruoygw/y02226wXAQVS8axnSTz08kEqqfB39JmsmQXU802YrLcRzhB77raYEIPH8yGutC813PW7qxSNQwDGrTiKug/OEWTPmlpO3IkGgpc3FxAQzjXHKHoYMsOZQBLgUwoxJMtVoN+p/GoyjJFQqHIX337t3bt28VK8dqKwoBj4QNC2T3T66fLkX5KqXAQdFlYbjCKovF4tmzZ8w6IYRDLUyeHvyJWd3d3SUbpeqAlQiFM4DDRMiAm2U+0MbGBl0YarUahcjsL4lqXw59AppTR4HH830fNcpwOByNRq9fv2aIDmQ3iTYk+svlkgQw5gmGgBVgaoT60jSNuhFXju0iF0bmSqykCwQDMpS1Y54ZWIUwAPJhOp0yMBhVHO+mnB2kHhiUXlqsZjgc3t7ehu5VySaVSdF1HT6L3DgYd2NjA6oevI6+hdE6hiwanE6nqkObwjygSc/zDO3rznukflTMqhm64pHm8/mzZ88uLi7o9QdBNhgMYH65+cQGGCowBviSNeXDSWyxkbSBgVKE5trZ2alWq8+ePQOGYtgUU8H/5/N5kvasG5E9wagty3SEnO4BhuaSYERImyBPAG+wr7rUULDyCDomk8nFxcX3vve9RCKBQ87lci9fvuSyceEhJ+BC4Nrv378PLR6JRPDGtmyWGAqFUDrC2d+9exfrzvw8RRlzYFSSVPHRvBo3CtAB30opqWLAICTwflgWRfjAZaVSqaurK3WmORKGbNRFkQnfGQqF6PygMLyprAXgvlKpEMfgjFBock1Bz0LOL+JMqHXHYyABbzabrVYrn88D5YVseQDeBUPjHBAtkSkDn/GZpVLp6OiI3irf//73gyBQBXuu61I+D7sKHOSdPc/zNF2XuW0Ms6Zp8IaacWsRx+PxxcVFJBK5urra3d1l8wh1mJSqfhenp1gsnp+fc9qUmYEUFiuMMv4NaMcYmEwmw+B4qBLieLANvLthGG/evDFN88MPP9TkTCcEW3AJYmX+oUqHqVuBHVHVMAR5KgzFPeq6jhRqPp+Dc8gncmrRJGODq9Uq9R4sERidg+F5nipFIEFryoYxBAmsNnwRHChYkW9TMAEUBzoNpOoWmJ3L5cjw7O3tKQ6GhBpbjEOA5PFlbRAHCYpCX+mQhYKa1B6Hmcokiqc5sTyArpZYCMHUdWKAIAj+5m/+5j/8h//AfD+OJkhGuVeiLt6Z3aLVOHUCQLSwnNjKQaGJJDE+r3FxcQGsN2WFKLvCTWCkKUmfQCZNMQBctmAlja3reiAEjhuQBjZz5CAPfDeu/JNPPvnwww8hKODRwZeoP0hqCtk025SdkLGsgBzlSdkt3/cBndCyJKEXi8XBwQE1pePxWMjm4HzNZjOYTeAB4QQPyTUmqgGncZkxHCw7aot2u838KKZ0CakkNWSBCJ0H8vk8ncWIoyaTCfVA+/v7ITm7DeaxXC4Tv8E1kUUi4ZVIJAqFQrFYxIMR3vD/EHq8+Gw2I3sVBEGtVqMsRJPiViA4dwMTs5RNAyqViuM46GtmsxkBQzgcrlQqlL+o623LeXuKCQxkURgu+vXr17gjiBx05thfQ9ZqCpUJhuxHU4DIDJPGMFpCgtlsBgGqaRoMOicS6hDzwDMxQ8CVBW+cdSIHLo/6fG2lszSrQGKF1nw8OhIoJu9yICzLymaz2AlXzpe+fXnD4JDh42BOYrFYIEQgbpMDuAvf9+mzq6C5KsnX5KhTTjNJ2Tdv3mxubmIRldNAi6vJPDwwD2kXQTPumyY/muxKO51O43LaGrIcaABGuymgpTQUPAaZUdSK9GshaOl0OnQ/Bh54KwpqqLCNjY1CoQC9Ua/XuTlIoOk3ysOjP0+n09Fo9A//8A9PTk7oV+55HsPFCJ94bBVeg+a5VIqJ4kwjgkBYpcmpRNVqFfIDQQ25tufPn2ez2Q8++IByGSEEdDn9I+AYOR6sMPwm6INEpGICMElMUlK5XfQNMHXKZfH9X3uNfr9/cXFBozw2YHNz88c//jFP2e12X716heiF+gmErJZsRSjk9KFGo8GEueFw2Gq1Xr9+fXJyQvjICWDoEEetVqshugSlMRBJTc3gmCIkhgUKZAdZ+tL5shHQKmHCogjJTFPXJmTLW64KcEXTtJubG7gRVtaRBePAR8oX8/k81TDYHrw2Kw5gwFnN5/N3795Rd2sYxng8BpoTRcCBCBG4soeXJ7vZQbkoQlaTvbcweEIqlrkDnPJOp436ADmAYRjr6+tCiMvLS00WvGPa8If4jXg8vre3h6KR1KQp2zTAv6E+fPPmjSJkIDN+85vfwG1wozhbIALwAtceD8Bj83gIeLG4kONCCMyHqhpXqUy01vRbcF2XNiKYUZ5EcZWBzK6kUqnr62sK5FfR6epVnE6nWDdQ4s3NjSfb6Aohbu8NBvjt27fPnj2DbkchSBMYMhFKe0gvA5LElmwUzoE2DINSVGqFO51Op9N58+aNWhSWT8UrtOUA9vBWHOtut1sul3ECkUiEvj28FWsRSLkYb6LQqiZnkGmyTdJ8PkeaK2R54WKxaDQaP/vZz168eDEYDC4vLzlVyi0SiCusslgsEEGAAy3LUhwIW6sY/U6nw+2legZ2XNd1AH0QBPP5Au6VTwZqK22ZCgNMWQzA3QbFua5rGKbrusulm88XMTSNRoPWY59//vlvfvMbde0NOVWJX3R1dUXpGW1bOVKmHOWNfw6CgPCXPYpEIpubmxsbG+zybDZrt9vUc3c6ndFoxHwdPn8V1nKCsdB4BjACJdekumj0qdzd3bt36dfASBs+iic0ZRMxJpvQH5c1CYJgKmdkrF4A7Oaf/dmfbWxs0DMLfEUxtAKHtxyakEJqWLkvv/zSdd2PPvookUhcXV01m03LsmicNpvNUMCzhYyrgFeGCQFgIdEmncG5Z8Ye6EjIWSncZup9kShRhRyRgyxVflHlSnRdp+HMQnbIUQhBZRgs0zJXcLAQAi7Z8zzP94wVQezz589PTk7IYcEU8W2cSPRzSzm6T1UJYllxqcQPmtTWYrM9OUeaQJD1kYSdJoRuGJaum/zP90W93gyHQ+12+9WrV5TnE45zzXw/mM+X/X5LZnAMXTc8z7u5eReJ3HLk3IRwOJzJZKrVKgYCz8zhHgwGP/rRj7a3t6vVKnkVvCJ5bswteI/3IkCn1oQD+ujRI7IT3W631WptbGxg76+vr33fp86L4042V1FAnU4HntQ0zVQqxREEO0WjUaJwdL40A7+6uqJxIpAEZhJCTzGTHFTDMPDJdIvQVhTOWMmf/exnxKIEElxFxRP4UhBqqmVaLBaQ1uFw+L333sO9+r5/enrKLSQvTVF5EATUYfDa5Mhc1+WW9/t9eujiMalI9KRylXmGlmUdHx/Tup4jzn373ve+x5HlwnA30Cbweop/UOBb2U7P8wLfF1KHqGxzEASL5UKTHSHxmKwjizKW8x2gX1ALE4SBxEzTRNVHXmK5XL548eJnP/sZFyCQLQZ495ubGyDQ1tYW6JHWx5Zl0UwAC+15XrPZhPyt1+s0svXkgDdSP4Zhgdo1TaM5rq7r5JibzUahUEgmkx988AGiN7hOXAfNYKayP+Tu7i7T1qjvITjJZDJ05gIeAJcJV3DOhElMqaHWHgdIRwaq2K6urhDeYi94+GaziaANe4fF3Nramk6nMLC8YLFYhAA4PT2lEzggCmiUy+U49O12m3IwPhllO5ChWq1SsaAwhaIBarXa3/3d3/2zf/bP0KLiUoghFQcqVFsUQ06qAvC8ePGCk6HE5bquUxqHKzQMo9PpbG1t0RViKUdhk6oYDodM4wBtE3+QT7m4uBgMBjQXwdv2er2TkxNES5Tw4ijZP5Lz6+vr6px5nqfqhpVUicNnyK5pQiY7eOderzcYDuJSu5pMJm9ubp4/f871OD8/Pz09pRqTOAFNPGIECIB2u43wCx3RcDgcDAYUc+L6lO3pdDrPnj07PDyMRCI0RYP1s2Q3cwXDoNIJ6A1Dp+YVkqrb7TIbKpdLqx6mJFmZo4h4gWq4TqcDfe77Pi35fZlf12ULrVarFZWTGx3HgYuEwFGFgqQCcAhM9p7P56PRiMCPdPVoNFIN7ukKSmGDbdusDLDENE26bHDJ8QmcDXpUss7MIWcCyPb2NrwtQRHCJxawWCwCfqiXf/nyJRqHer1OICq+84VPoD9DRI5vMwwDnyZknkSoGWE8K1pOChdbrRZennqcRCJBoxHQC09JnKfJfqt4NNQsaPE4r+T/sOIEEp999tmHH37Igna7XYycrut0G4YvJ7/t+36tVnv37h0+ejQalctl9hv/o4IHzLll3KqbNFnm73leJpNJplK6oROZuK77q1/9Sq1do9F49uzZeDxmCC4fCIFAYliRCcQeuAvbtu/du6fqUxVnqmkayJ6gbblcokBW3CXxEvrhfD5PbJPJZOiBBUHp+36lUgmFQvF4Yjgccc/BsoEcwV0oFNbW1pBS6rpO1RUDiBSFil1rtVoYV5wMqWVgvaZpNByn8IVEG5aeioinT59SJLmUPeJ5BfoZayv5Jt/34WGpYsHJnJycvH79erlcptNp9hQmjRWgUzJVHywyLeKwGr7v43ywRzQwxRVgzsfjMeM/ABEqrlV/INROJpPIS4GFnpyldwuBhKwH0DQNjHV0dIQei07fh4eH6XS60Wj86le/Yt4GbewpdODXk+6Gqzk+Pj4/PxdSRqFpWqvV+q//9b/+i3/xL2gsl8lk1tbW0uk0Y9nRiwMSFDs2mUwIkhR2ZD9QlXLxVBdO0jQYWl1oSmemyxmp0Wg0EMIPfELqo6Ojd+/eabKhiypyr1QqpmmOV0YDKdav2WzS6guIWK/Xie/RveCOsD1sPBNmFVnBNGJNuzX8eD+ChPX19UqlcnFxrhqTsBfIp7k2rpzGzmXjXu3s7CDdSafTqE5wUwrderKgVtM0Cv+hrXTZAd+TAwXpfErAvVqUPJ/PuTN8MytPC8rt7W0a7oIYyaXwDRw1xs2fnZ2R3+BQUiaFcWQ9eS+gkdK0Y0z5BmotaKlULBYbjUa32z0+Pqa0iCyeapGizFAgm4QTJhFDG4bR6/Vo681SC/IAmFJT1laGQiFawQyHw3fv3r169SqZTFqWtbe3J4RA7ka/Cl3XEc0qFlk9t7bSxMbzvPPz85cvXy6Xy1evXtXr9YuLi2g0im7E9/0nT57A86BzpCL5zZs3BLhQY1QqErpls9lKpYKzhspYFf37MjFp0IHVuOUEQ04IUvLg4ODTTz/9n//zf3IHTNP84IMP2u025k0IEY/Hsff44ulsmsvl4DTT6bTj2MlkkmMXSHEobh3MWigUqHWCC4IdSiQS5+eX9JflJuPEkslkp9OlK46maclkYrFYonoPgsD3BVQgalkmTQBmuLrUIvPjR0dHMCSBLA5kN+F2SqXScDik1ieQg56Wy2W73fZ9HzF2s9mknRaUJURfIHVitKoNh8NffvklaVoSpiidAFR0IqnVarjuq6ur8XhM1eXFxQWVsaAR7gxsByRSNpslpueVG40GjdIgo9+9ewelRhidy+VOTk7IUbhyRoZYSYdhfYCyVHSpenQoRNzj7Y9Bl97c3NDCPwiC3d3dp0+fondnuSHseURTjgdmL3d2dtAbUaiqEIiC5vfu3dve3u73+3Sou76+Xltb0+X0NehRLgPGhuEAuKpXr161Wq1SqaRpGleUaa1k7ykmIpANgsBJpgzTCETgeZ4f+EEg/MD3lj5BnsqjKdLdNM3r6+u///u/39ra8n2/1+212q1sJhONRLq9nud6WkgzNMP1vEa98cGHH+qa7nn+5sZmv98/Pz/HESnIG8imOpgx/CyBjeOE9vf3WQ2sMmCdSbqJRCKRSGazWc9zNc2dzxeGYcZisW63Nx6P0L1ig+mNNxj0G41aNBptt9v379/f3NxsNBpffvllIPt7q8XXNC2bzVIKw7sjIyfvgVbclV+BlByj22HSRxAEDx8+BPB4nsfwMlQzONizszM8Obov13XX1tZIkD158gQr9vr160Kh8PHHH1tyygFZOVDN0dERgQQwmERKNBpdX19HDoPVQMTBVRzImerI1Tw5fHs1GsYX8VHkQ1WJM6ZZoyCGL35Bp9O5vr6+ubkBmqP6WMqq7c3NTSAgfQtLpRId5y4vLzOZDI6VyMaQilysbKlUYmRnq9V69eoVGYogCKifQp5ByzfK9iBqgM4MWdjZ2QGJxmKxarWaz+ffvn3793//9/v7+3fu3BmNRq9evdrc3HQcRx8akUgEsGE7zsJdGoYxm89UoA8nvZA9cEzD0IUWeP5iNo/HYmulkuu6mtBymWw8mrBMK510r6+v3aU3GU12d3dNw3S9ZTwe39/f/+yzz6rVqnpUAgBqWx3HofdyPp/H1hqGybFAyg/GbTQasVgsm92IxeKe5y8WrmFYhuHzI5qmjUbDIPDj8biua9NpMJtNLMvY2tr0pEqXKTtYBzJNnHtdNiaaz+d0XoIIAkEtZbMJhoxQ8KCQZzwePzk5qVarpLqXyyWeVv2s7/twl2AnAPDFxUW1Wt3a2gqHw+fn54j7DVlWGgqF6B+jlBpgXYxXt9s1TfPw8HA4HBLjzWaz8/Pzfr+Pt1R9WahFDoKAmv16va4wD+felyIunk0tAqoK3Au3JVDdoYOVmdLQ8z//+c8t2cKy3+9jsN++fYswI5PJ0OILCxeNRpey3en+/v7Lly89Oc2c3NaXX35ZqVTG4/GzZ8+CIOj1eq9evcL9DQaDra0tRzbfpXFxKpVSF4/eekIIOESwFl5oc3NzMBicnJxw4IbD4WeffUb7OpWhJOwDX1LVQGyk3joci7Xb7VKplEwmEYqwwUApwzTGk7Ft21tbW9dX16lUyvP8QjHvyboTIQR5VqW9IVDBQZGgJaqOxeIqDlPDPhAPP3jwAKm6L7XZ4dvZgbcFxPqtVGSeTCZhe2CoLMtqtVqkw7DHigTD25BqPDs7q1aru7u7jx49QtqJSxSy2BpMovKG8/kc8wdwp8QWB1Kv18lRoKSYTqfvvfeepmm0B9Z1na5bi8Xi5OREcXflcvnw8JA7v7m5eXx8TJ07dDmKKSDo6elpLBYrlUqFQiEajTabTQCzkqvQhoztpm8up1nhH+IKdvDm5oZW0qrtgMozcltMdWkwYMTgmUyGCJgZukjnNzY2bm5uTk9PSZcwCgV9OQJjsu7MT/dXGvqBRNWwDE3T6JKwvb0NJXpycvLgwQPWndwkrko5sg8++CCbzZKGg6riOQnw8R70V7x37x6MRDgcppULl5P4QYmRFFD2fT8IBAKBk5MTcvucvyAIhPDBHrD11HM4juMul0EQEKfC1QJnfd9HzEzB2ps3b46OjmgeY5rmcDhCZxWT01PK5TIgfm9vD7UpPYVQFti2nc3mLOt2qC28Df8aSN0LDOPdu3fPz8+pilIAgCQMm5LP5+kahP1WHRywAoTFaMKVwmU2m1EBSxdh9BqxWEyVGTE+B96C7AF/wxRaYD2GPBKJkBrCjI5GIwR2QCaVbkP69ejRIzTqPBUK9pBsy6dpGrNFWq0WxBfNMOkM50slPFaMCofBYEDGFjpLBQkYr1salI+Gzd3Z2QGrRSKRarXKxJHhcHh+fp5Op33fPzg4ILbDsmKxwG1kKDg0GAzM0sbGBhVP3W63Wq2SZmfRGeX5/PnznZ0dlGGVSuXo6GiVW+RHgHpUbFEWUygUyEoCYfGSgAfMJN9G6EbJju/7hGXKV4ZDoU6ns76+HgqFmF6IVsz3/eXSDYXC2EtVCR0KhWbzOZzMfD5HasKZgzI6Pz/vdDokjJQuyHGc0WiiyxmdZA8uLi7Oz88ph+VOEplwvYUQi8VMCIHABnGB7/tkWw05KQd7BlVA1CTkBBf8XrPZXF9fR++p0pfq/pCUpOKebUV2wdBvHt6X07kNw2BcH9w3tDWpVqoaCI57vd7z58/Rw4XDYSq5DMMgqKW/Bk4Mp4E6Q81oisViipiCQuV9MTTdbhfNnJIt08ZPyEQWKAYFNS0XIIUzmcxMjvNSahRz1WCEQqGNjY18Pg8NEgTB4eFhqVR69+5dpVLJ5/P/63/9r42NDTVSk4gej8/vIGPPjVKqL03T7t69S4fufr//i1/8gtbbV1dX0+n0+vp6Z2fn8PAwCAJ48cViQfcilcoRQjx79qxWqzH5gnoxRGyEQSgH8YwgRcuySEbqspRWIaJ4PM6YBmz29vZ2Lpuz5HSJIAiQi2ma5nm+ImcB7q1Wa3t7Wzf0QAjUSrqskFRHClNC6dN8Pn/79u2DBw+m0ykCAawvZ5ocOdXigCIY2Pl8Xq1Ww+GwaeqYFQoJaJ9vyxpUZcZU0lfRr2JFo0ob493dXYANwZiCQHwblAPmNggC/DBeIhQKUZBOMMB2wyeyC0AAMoww15VKZXd397PPPru6urq5uUGDXalUKpUKinEaZADhiJSEELPZjOFippzvRmL+gw8+qNfritrHtMViMRr/n5+fKx24OslCcpvUuHO1OP24VrEqhw5ke3Tf93nz+XxOz/v9/X0aG1IOL4R4//33KXYGVLFGkIBcADrpKgjEIVbNPKguIITY3Nw8OTlBPYb0kpwxsB7y2/O8XC5HhVuj0Wg0Guvr6/fu3cPwaJpGrgpQgXqPlyejjm0DsypWBJyG7NS27cr6+v1790A+vu87tiM0AQs+ny9t26aYej6fM8C03+9bttVptSiQVfpHBSYpcuU6lUolfovjOP3+EGRPcKXreiab+fLLL3/4wx+iXDBNE1Uz6VLTNA3D4TRgUwAJwE7DMECM3Afa8KvkF1+api2Xy8ViAb8H1evJvrBccrzWfD5HfQnjR9qVrsPwv9h7TdOUmIImGkRWQoqviA2I6La3txEa5vP5TCaztbVVKpWgLMkGYIzpH0rzTPIqhiy14WgFUnWLBo6lxkBTO+atFASrO0D8M51O0SsQX8HxfPTRRyro/bokEoaVPtSGYWxtbZFqtm0bbEfqB5p/Vc/EzSE3VK1Wnz9/Do29mpGh/AJxP281Ho/xpIpkYDkwS+Q4OATckB/84AcUcBB40EKec0DzV0Ko+WwWBIHtOLZlmUxlE5pNfYkQKCOWyyVuEVPtB76ma5quG6YRCDGZTRwnZJrGfLGwLKvb61Zr1V6vF4/HgkAsl4tWu2nb9mJ5uzFnZ2eGLLDgM+kUGwqF6GQP9vM833Gceq1eKOR1XRdBsFwuAz/I53LJZHK5WAoRzJG0aFqxUDQMXSYsdZYx5IQ0oZmGJUQQcsKB8D3ZBACOZfUeqi8V09PSjwETylMBk5AY4Jocx3Ech3zFmzdv8FHK3CLBwMGS1SJAB6sImf1UXPbFxUW73aYY7Te/+c2f/MmfwPVpsnMb34bZbTQa+/v7VJaCq7Fi4BkidUhPupipwRn4PV+qxfjyPC+bzUIMalIvTPIEa8jr33oAAoher1er1cDBhUIBMId57na75+fny+UymUwKIbjlaPGQDxDC9vv9YrEI1FMEGdYLlHJ1dWUYBkjANE00CLlcjlYc2CSiLlu2udV1vd1ug3B2d3dTqZRqP0rahTwi4lPbssKh8GQyCWw7FAqhfPJcz9d8wzKFEDDKr1+/pmpnsVgcHx8XCgU/CFKp1IAZFr4/nUxIvWEdO932fDEbjYa27aTSyaW7FEJrtVpMAMHeqGIa6LbFYlGr1ZbLJdHOcrk0db03Hosg77vebLGcTqbe0s1lc6PBcCCLDB3H0TRhWaZlW0EQ+J4f+ELomiZ0EQSmYYVDkdlstlwsTdvAamiyJwCmHZ+sDCHHERhA5yzgNYcPQ4gzV+6C1Bh6FlKTcLumaZLaw7JS4dRqtThSOJ+5HL5N+pZmHzc3N9TWUCirrSRJCV2CICB1CKAFpqJLdV232WzC1XJLfdkXjJJUx3EYQqySAAqADAYDJjmo5PpkMiFEDMv+cKYyXUs5syAIgkqlgtVfW1vj6XHNp6en0BrX19dwHcSUvKemaYlE4vDw8KuvvlKJMKKlQqFAoR2xNQ3Bme8rhLi4uHj+/DmsDutLTANKS6VSH374YTQaZXQUA8sikQj9KVDG4pQ1TVvOF5Z5W6MD+XjLOpu3wv1qtbpcLq+vrzVZqkYlO/pETgw4YSE7RgVBgPbbcUKz2cz3g2g0Qtdvlb3XpcQKma4myxKSySSd5T3Xi0XjquYLcjoIAnoxGbI4kN29vbfygAZyUqovm3P5vh9ot1WwMBs8sClHKSoIBNtNPSeWnlgoWGkRrsnaCcTJqVTq5cuX0Wj05uZmPB5js5moR+yh8C1RBwolgC5flIvUajV0EPV6HR0/emwiB3LbLKAQgtpDZDWskiMb69q2zWKCaUEcaECgE3Bxhup0IukgiqiWslLH8zzO6lKWZ916AIyHruuMVKCLmCFrCw3DoMPr9vb2ixcvarUac3jQVCGEYviZaZrIs8haM2JWCJHL5fjYRCKRzWYvLi4syzo7O+NHeNZCocBQS3SLtVoNkUmpVKL9Tj6f/+ijjzSZDKb7EFIZqANaRo4GQ9MwyRGikdLllycLhf72b/+W0Ze0CWFCWaPRSKVSOHpiLzXpmq5mNLLE5Gua9vDhQ1wTBVmunFXIsaAeUtM0jsjtZB43IEzERbiuS0x5dXVFlheSEVRAuM/zm7KZylJW02qa5ksbTyA0GAws2aj5u2gYGcKtjZBNTXxZmAZlhPpSZfcpfhJC0KVGVUdwcFWTL0d2p+QUTSYTujCAgSGsRqPR06dP//k//+eFQqHVaqGT5567sqJ1MplwTNGbnZ2dQQcVi0VfzsXBmykCejAYxOPxq6uro6MjU3Z6U4jGdV1yyRh+7g+ErJA9VQUlkYEUYJGXAYgDLTCNmqbB+hPYsR8UasGZUKei9J6wwp4sJqbpdCQSoS0jpGomk9nf3+dUISBjL2nKQFNIXdehTS8vL5kztVgs0KiAuBayv8B0OkWK5ziOpt9KFA1ZEKhp2mKxpKTINM379+/fu3cPAicUCqHGw5tx2oAHKPIRuzuOc3R0ZBjGxsYGdCoOem9vz5RtnIXkVWHNoTuEpGg8KZlkF7HcHP3z8/PFYgGnzJoDMJay/YEMBgzVkEbtNKDOk4MZbdkW5Vto2HVdUq1kGH35BTrF0EJZQhwDKR05khWaG1Eq5K8Q4ssvv1RsNQ3Q0cnmcjmGlLG5uMRkMlksFkmKK5YcV9lqtVqtFhcY8RWBMsQDR59fjbGLxWLUn3Q6nefPnz979ozAYDUM4w8KmHFCFFYXK60JTJUKwSu1Wi2qckhJep53fX1N8Ep2g6gOvSdUANw8n0j3XCR76uI6cmicruvYD7QM5+fn0MOKtNGkGBhdLrWnXBhSM5wJpHia7P86n8/pBW1ZlhYIbpRYkcXOZrPFcuHLJtjFYhFRNFz+u3fv6Jp/dXW1WCxgyoUQkC3T6fTNmzeapjEKFuyIqAmNCqup+C4oztFo9ObNG1hqdJqe55UKaypcnk6njUYDD6Dpt5N48FSonRWHxp3RVwo+Pc+bL+a6oQkher0eUvurqytOiaJBV51AKBSi9RAsCgbCk5NEhBDYS0VCuLJ3JUcNYCPk0I35fN7r9eJyKq5iYDHhmEjEUbps64v6kkMM1VOv10nq4wwROCgRLkEm8R5qMWoYQGsEJJZltdttRgcIWROj7gCpOn4XiJqlowWBogFuIRDHlBzwJ598gvDT9/23b9++ePGCV2XImUoYCzncgUp2fBO+mHjUl8068bP8P1JYy7IwJDwExomVhR9QzyeEAN5ks1kCa8/zkA+wOvTuYyccx1krlrBt3H7P8wI/CERgmuZwNPI8r16vo3riX1EaUvHNXAZIMF1K6rmZ5+fnf/AHf6Drer1eZ7DFcDikIEbRKZr8wnsQO4ZCIaY5kdwgx4ynEkJks1nQNqdNxQ9AHaCqKRt1AVSWsmnK0luM5QQaFCgnJydTOT9YgXtf9tNmBMa9e/cg+Gey9wxX3fd9VUtJBdZSDjyF80HniwVR9f74FuhgpJpQqJZlQTh6soeXJRsn87S843Q6ZXZENpslIahK82hOIYSIxWL4T1ycurqcN1IoKgbzV2qhNE27vr6+vLyEQp3LIQwAMLVEX6vndF3f2Ni4e/cu5w/rS4ZP0zQwCTH7xcXFaDSq1+vK54L5SE0Tua9yUkQhvhyIrWkaXVrX1tagcjk0lmwwgaFia8kjIuxGgE7be1IhlUple3t7d3cXWJLL5XwRzOazxXJRa9THk8l0NnN9NxBBIAQCOOI8/xvyKc2yHMtyPM+fzeaz2TwUCsfjiUgkFo3GbNvZ3d07PLyj60Y4HBFCE0JPp9N37979/ve/j7sAJAjZkoiAjDiEoi1N04bDkdA1y7aXrsv/cvl8Zb3iei54gJhvJjufKbvLenIZdKl48f3bLu3srmma9+7dU1Zp9UvI0LzX6zHzCmTI8YWTgNOEvAd+rK2tlcvltbU1wzDoWQYByL7g57GblIBi2mgCSeU0V52zFAQBtpUbQmTM0tXrdSoHiJ14GOI3hJw4JW4aqX00F6iSVYYHb6ZemS8AM0bKXOkYoqh/QUkkiD8cDhOGNhoNokPo9kqlcnFxgQ9qtVqnp6dEogcHB/D3+FYhBKlmSuACqbjQdZ3X42XQcvX7fWAuOXAYJ7p0UGU7m804UlxLms7Sb3BtbY0GxQrLunKUHRpSYrhYPDabz5CRcLUYJ0jI++7dO1/KxVKptGmajuMwndd1vfl8sVgsDcOYzea27bx69aZer0WjsePjk1ar9Sd/8ie6blAfR6gD1aBUOnwap/PevXvhcHg0Gmma4AzdilJ1TQgRCoedUOhP/vRPCXlplk8jVN/3VYIJ8KDLys/b2jc5fQxJ8/n5+UTOlvuWE1gul8Vi8c6dOycnJ5eXl9vb29SmsXrKdsJZBUEQiURgS2AkGb1DCA6aAqfh/LHK4BNERJQW2La9ublJSXsQBFtbW5zs2WxGt+eInBUC7Yakd2dnB8lDRPas9+WcB8y8KacwxWIxwDmDAtSRW0WPhDfoWzlX9Cbz5VgwXddNtV7JZJKpmiATmmmBdJmThZ2DfwWgc78J4V3XRbcIMaq4CAiWJ0+eUEuOgpLhQkzzFEKQc6DLEmavWq2qjh3gkE6nc3p6+oMf/ED5HGoGKPrGHiB50HW9VqsdHBwgYkFbQWcH7gkNosEYkUiEzBQdAGh8ze7CUSwWi0gkzNQMdmUwGKyvr3OZKWXmlxpyYDiRDG39uI24rEQigblRB8X3/XQ6/dFHH8F7FgoFxAiWbOLCXQK0KNKGozBfLggTZ3JSqiHbp34rBlDseD6fRyqLwdJln1NNZpGwu5S2wgUT83S7Xd4UJZymaXPZnEbXdQYc8WdOP1U4jNvxfX9ra6tYLEKUm3JAE9I6rhMt5uFnVW0Tr0kMoIIZbyXVTdQKa7ca+WiyGhY8Qpi6tbU1GAzonaHiXkEQjK0Fvj969IgwRQiBqOvm5oaNef78ebfbffz48aNHjxRpRXCGgCSZTNZqNVISqwFALpfrdDpv374NgoBFCWQdEEmQq6srxsuBJn3fPzk5oTRxsVh8/vnnRM8UHjQajUqlomQ/4XAYulrNd6CKPAiCaDSKrpCcF8py7iqEIPA3HA4HgWAD0uk0Be/wldBE+/v76sO3t7cXi0W320kk4qZpokoiY6ASYZgoHo/Rtuo/Q3I6A3EeSdBGs5GTgQdngo30ZM8SIUs9wCeGYQhNOLqDTwiHw+l0utPpkPT41tHncLdarc8++4wpyLZtU1rJPee+mbLZPZ/JLCmKyEg4kvjHgcNk0N+KI6hOFQwh56FUKr169QoXpK90R7blfA0qDaFr2u022SFAjoI0it9UiCCQrdD4vdjQb4X+mlQYKHFHEAQEM3C7igY1ldmgAJIXeO+99/hNBHwAlYODA5J/tm3X63UuMYQGY57evn2LuFfI4TH81s3NTdM0X7x4Ycp+iWHZrxN9C//P9ggh0un048ePT09PsWo4/XA4TKNZaj5gBuiLNp1OIXZM2U41n8+LlREmbI8yTmonhBClUikajY5G42KxyFMFQYDglD2ApJtMJkvZiDgWiwmhEebCFJERCySbLGRqhT4aNARIJBJBcDtXnG+DfASqCineAtu4ctClJSt3lXxIRS+6dtscm3pRVQ7vf1MRwGmgJmY6nZ6dndGsxTTNdrtdLpfhsgOZccOr4P/xLZocNIQ7IhZ3ZQU9gnB40l6vx6LRq5l3QWLsy4FDHGVIJ5IA3HOaaCDJRrygctVIGA3ZTpSljkaj2WwWpTfj5BT/I2T0T2IXa47n5MgZsmuYpmmmL8ebLpfLp0+fvn37ljZdBACGYXz66afEBkEQxOPxarXKy4AWarUa7zyVo/yYVK6eAzTFqFMQMDePmQuwmSpJwbNSe6G4KTJuSLUgmwllVJ8SGFgqtRlHpeh8HoNjjTpX13W0uNgVjHQmk8XYoG7S5FxlHn44HO7t7SGqo3vKcrkYDPpCCKAR9I4C06z+YrFAMklbRcMwPO+22xwPo7xoPBYn86X4H4V/VJwDGsYPYLBc/zaeQ7zAFLBVbTZf7DTZ92azWSqVyNPNZjM1eEtZaMgMtoAOGlSB9fv9ra0tDr0mO6sR5cPtWHJOAv9///59Opbmcjlafqhmr+omW3LuGzHxaDR6+/YtDROUWpvvxD7q+tddDLEId+7cefnyZaPR0FdGhKx6A4hU3giwB22o4IkgCGaN+G7u39ra2vX19atXr2az2f7+PgEoGR/iicFgkEqldnd3Y7EYI7W5Car5MEbOly1dTdM8ODg4OztTNDNSclaQDk2Khy6VSmTBDMPIZrNbW1sotJFx1+v1ZDJJtSjpOWwDeWJNzsrGHpMs06VOhgQCCVeOmm1b5XJZ8ge3HaOot+C0USYWkiPuvNu86a2Olz6BeOdgRYRM6MKxM2TP5yC4nd2iKA7TNMuViqYJEQQQ6pwnbWXigULn4uvxGY6ma4F3S7y+fPny3bt36ravegCFQjXZC418Fm5nOBxms1nsAuoa7CDBDFVmBI6rGQMVP6CN424bsgDFk6lrIih+NSNqcrmcct1CtnEWUsxDTg058CoO5I2A/rqcCMFuRiKR+/fvP336NJDSTvUVyGH0VO4T+wLzcFkqdWMq5gjjsbGxcefOHVpu7O3tvXr16vPPPx8MBsihqZFPJBIPHz5EWQUf7Lou5e1q1loghcePHj06PDyczWYIDSKRCAFWOp1++/Yt5zWRSBwcHARBAJUWDoePjo4gHAg/iJNs2y4WiweHB2EnZFt25W45lUxBI7iuG3i+7TgUcZmGiQeyTcsNeZ7rer5nO8719TWdvFw50TYIRDwWn88W8/lMM3RD00UgQrYTsp3xeGKZ5lqxdH19nYjFu91uLpMVgej3er7vd3udwWDw+vXrf2zp8f5U3vCEtukYmu65nhHSx8PRdDyJhMKWYeqaLlZmy41GIxIvw+FwNptalmnbThB4i0UQiURodee5HmSD7/v3798PhUJ//dd//S01qCI6sEcwNvRoMgwDSUyxWNRkXkwxSKTAlcie1DvWgbdTQb+/MuqdVdVl43JQDUaT5IAnU+A4cJ4QzS+Fh8lkEl2nGn7sy56TyqrySHPZadyyLLKN39oCQ7ZIA1Z4ngfriNthob6GQLrsd7m+vr62tra5uZnNZn/4wx8GQUB4Dgh7/vx5s9lMp9OHh4dcWSxWLBajZjSRSNBTSeEcxBgk2KkkMgyDJLnv+7lc7vT09E//9E/v3r0LD4uUiEtFBMP5Rn1EL75oNOrYTiQUjifikE6+lAa4t70uNF/KyBR5QstQii0UbSrk8DIBAvYCEdyacNM0bdMqFgtj2f6bDPxyuYxFYnbIbrWbdMl2ZW2hMlccCIyipmkQ/LrMVjqOs1zcytdYJUgqqKHlSpFKOBy2bRN0AYrTNM0w+BxBKkaxczPZIxZ8ov7M4kynU7jCWq3GmAzXdUlCqRMjJC8Ui8UQArF6R0dHH330EUk65Vc1OeFLvT7HnfgEwAaT5vt+tVrFXBYKBSFlCHgkNIjL5fLi4gJ1I+gUGw/iQlqrTj+ki5JCAlkV+lffYxhGPp+HUFbmGNbBWJlLa65uDKQ1RySdTl9fX2cymY2NjU8++YQwi7rek5OT2WxWKBTo8gVh3O12Z7MZDWoUAuPRkXmy04SGFD1hD4QQUPVsWzgctm2bC+C67vHxsWVZNE4jKRaNRi3TWi4Wc9m1E1NB9IZqPJBfhpSO6Ybueh5mAzaW/QZ3+d7XvYh9OfebtIO1XCp5Elo9TkkimXCaTiqVosRHQSBMI0EL+62isflyrlD7YDDAEbMmyhyass8Hf14sZgqjKvaDD4lEIvScI8HnywY+2kqWR0g2AvMJFIT5ITImT0JZM9+g6/p0Os1kMoVCgfZhvpxxFKyMlCaM8aTgSsVaKv9NYpRGjr7vk8hXHkkFM7acFEYOm+IVXA3YtV6vU3mHtiKfzxOKKNGALkeWqNMvffttx04V7FFagEYzUGpQfaXnOvkR3t+VM65brdavf/3rjY2NP//zPy8UCqPRCPkAG0n8Cts6m81QQXW7XV327M/n85QyMlYEosb3fcrhiYpc181ms9xy1AFPnjxhTVFQ9Xq9cDhMmqbVam1vbgnpcxX3Qpyk9j6Qk2OUecYh8v26bJqLaxaBUPZPk5Jadh2FCLEBWQX6QKWSKSigVfOv8KSmaVAoir70Pd+2HXfpwnVSTDydTmkIx6+A/CGntpr3gTb15BhQtdN8A6IGQK3i9Y2V9uicYFA1uYubmxvoZgIPxKFwl+SD6YEJy2dIFQYbpEw+f1b/qdQ+jpxRC9RhMU05yU/FKubKlFFqNS3L+qM/+iNcB/cfPAyVB2nLvjDvCONLhYn45pcu5YPK2wRBwMGmREbtlK5cNuUsgCp8X6VSQSOJfDcUChWLRRwWBhJcZcvBW5lMplwu8+kEeSCWr776KggCqoqwDawLroOSOeTHwAB2hZsNXcBBpI4sFo8t3a9pXZUoVVhIWSkVb5ETmc1v+8Wu0oXdbncxn+u6weUUMnut1pRPQw7IqaJmis4519fXrB6/XV0D13XH43G73W42m1zL+WLe7XSACtxz1m1nZ2dtbU2J7NlgTqGQsa/Kq+hyPrlhGJZpkWFQlpibpryfgmTYWvhiJiVS4URURp8yhgxYlkVjCNM0YcA5pipBiaIWRclCDruGxlUr4MpRYkTJnMXj4+OLi4uJHJKnsKKmabSGJ6WAGFm5RBhzZe+B+2wBWTPHcYhP9O+IwDVNow0evxE2dnVEwO1VUb51OBzSXBIegIQfzgsVNAHugwcPtre3w+HwxsZGsVhcPdZcXPwRAOv+/ftra2v/6l/9qzt37uDFQKJCCG6w53mvX7+eTCaRSIRKfE1q/bFk19fXEBd4p0DOBRKS5uc0sP0IEBTgs2TvaF3TppMpgaOQ2iS+czwea7quaV/XjgCElAVFO4QKkvsQjydsy6JGxJEjileXXsiWJJ7nUd0rTZpF8x/sJaecdFggyzuxHQq2zucLyuqpTV09Z7pxyw+STgIurx595Qw9OdlF6atBULVa7cmTJ4PBAKEbh5v0Ks4fLcaqTmkwGJAopB0nZXoKERGHwP/SWA4xOUHI9fW1Ck8Vccmfi8ViJpOhbgaTRxKAbwDcKo0ZQgllmNRB+tYF8DyPZm3LlUGJ8Jl8v4Kst92CfN9n6DY9/YhOZrMZvhIJPg1FlLGMyal9d+/effToEWXjCnjZtk0HT7oagjeU7FkdNUaXCSGovSSm0WTVHOL4fr8P5wiWcN2vwQDmDQuh8lCrDkEI4QeB7dhcJPYAAwA3QspZ3Rwhk/C61Daj7ODsWpblOLZuGGpOlMrOKtJant056gkSRpgVvoE1J1/hyzkGgcxUeFL8jO+9vLwUQlhyzBF/78NgmCaEIyNblKP4Lh5QeBWfWalUELrduXPn3r17tBuzbbvf79MljtaImqR0acLDmwI8aIhLJOPKL3UHOD/0dtZk5THJdf5VGWzCgO9973scEiEHIRtSscfRF0JwgpeymJNr9vOf/7xWq2kyT6xOP69MQKuMKTvIPBdlJr6+iEBPQ9aVsYVk7Kij0TSNNArpt3Q6nUqlqHWy5Dhl5rw7ciIq7pKbDehX9BkXXZdZGHaIH3n58iU8VxAEmUxmMpmcnp5eXFxQfmBZFgkVsdLPwpMVjIHMaK5+CSEc21GOddXDspH6Su0yvxcPBtAyZHEcN5PjTq0TrZ2UueU0G7JNsa7rqVQKzGOapqZrvV6PQ0NJWjKZJJnN4eaAqiBvPp/3+4NCoRSNxgeDkaYZvi903dB1QwRfU/7slCnnjKhl4fl9mZhzXTcaidqW7Vi2Y9kYhpDjpJMpQzd83weFRiIR1lxNn14sFk+fPkWdpVbDlXNaAcm+7yuNN4+h+kKrNSHZL2ThvC9T2mR4oIyUWN/3ff6SU4Ehxn6pm1CtVmHSVdSrNoK/IUMHQiPOceWUXoVybzvI8bn9fv/09NR13Uaj8fLlyxcvXtAfLxaLEcXThhsoooIe9VmkihRl63keGWVmSntSdQcPBRpTtp90HYXzhMtYi3w+f/fuXU3TSBASftiytIq3hW5Xa/3dr0BqCbFhoHP1/d8KoHXZ0ZEYBnfHdHviSF12XV/14+qmqQwLT8iWm6YZDocT8QQNdgzZw4LVY4f4BG9luCX+mupnslRCCNf1PO/riUyB5FsBTuZKtZfCUULmkjRNsyT+jkaia2tro8GIXim+76NvxygQGXOCqRTj8ZAb5fP5QqGgadpwOOR9QW74Utu2GUnGLmPdsJjUJb99+1apcVlVskNovbgq/GtYNvWHa/HkvGt2EzCmrJ4mM8cqAgwkEQRJgA9UUTXn5za1psuJXVdXV/A8P/3pT6mfgGuzLCuVSn311VeNRsOQ6Ux6mqpCCpgNxQwAS5Bekt3k5vAm+kr2hIIylgyniX0VkqfP5/MbGxtk9YgxwnKOtDKErJRYYQBXwQDyY+LF1VsRBMFg0KdBi36brw0Ur6e2dmtri4Si+hugkdr+VfCNeUNxEAQBvcKVCIrLRmPnJ0+e0CtKdS8TUhTE8//3//7fSRLBQfmSb/X827dgEQjejJXG6N/yS4ArU2aCTVlOvb6xblnWfDazbEudBFA1obCSQFOojkyo3++r5iir24QqhObSy+WSVkK8DpZRCNFoNCAY0Y8EQdDv93/605/+/Oc/XywWSPH5KBXVwIgodRkWajqdYo71FR2E2ghuO4k/TAxGDd/lrWinv9YACiHo/DMcDg8PDx88eMBwBOXCdF3P5XLUiROOKEKKtD+PxeHmyZbLZa/Xow8HsiTCL8IXZZh9mfjgKRHY8HzD4bDT6fAaVCHbtq1rt2PHlR8IJK2rSEAVEUoge3syeFpVDGWa5s1Nda1UpncSYgdD9tLBFH311VeJRILugo4c9XdTvSEWXyV/NPmFTSLrp0i26XhGmSyv/PLly0gksru7S8E0MAl5iMJgKjJeysGYrHw4Etb0246wHAWql4KVVIB6Kv5gWdZgOFSiIyEEQAtFyWQ2FRJ/8yPItDw53ZAL5nmemklD0gbnAF735QB3cguhUOjm5gavW6vVPv/887Ozs3K5fPfuXcixuRxNubGxsb6+zjQWhR658I7j0NyT34h+DL9Ho1VqfFXwo8kkQxAEhPKanLOoy6nVqxdG11a0K5Zl7e/v/+mf/ulf/MVf/MEf/EGxWITKwCtZlsWgESzE9fU1namV5IOAUrEimqYxK1I9lisbIV1dXfF6QCNKipayda4CFaZp0pOVCgE4e8/zfP9WXAAcVE7QkJNIvhsIekAH35/P5+/evbu4uOBXc6bJECsVvvKzvV7vr/7qr/7zf/7P//3//9+73S6x7GKx8FzXMm+/+bsktIpiQ6FQtVqF2lJt75FIKI4CrKxMuyZF2iDJP/uzP1O9dT3PY+UXizm5ZFaVWcvq8n/rYYIVjdp4NGKPANaBbGDBnoKBlYNFCkkWfGdnh4aKgZzAR96X7TBNEx9O0L9cLjc2NhBoKJDJKDH66SN8VAhtuVyWy+X19XUgkyZlS/wKMjAKRGCLoft2dnYePnyoybzNt949CAKSs1AXptT8k+5QUbiuFigcDv/4xz/+9//+3z969Gi5XNLxipd0XZeuWOQOGYiUTqdXIxLUoPP5nJwOMYemaZ1OByRNis2Q8mbyl0LSxsTHCrGpph1MhN/b29vZ2UEx2+12R6OhKh1UHKjy+ArNK5iu/ADGAD6Or2w2u7mxAbhfBSFBEJyfn89ms8ODw0Qi0ag3Tk9PKc/XNM0JhdBRa9+pwBIy+arr+snJCZODCZMs21rKHj66rj948KBQKFxcXDANjQdWUbiv5niapsoioQATQqvVqlgQ13WZ1WDIfm/BCg2q1oQPhDkFY+gyqex53kwWZ6se4vV6nXkq3NVer0f0BV4nKaS4b5yDpmk0ldE0jZkJlUqFDQqFQvfu3cvlcg8fPqRqim6TnizzV5w1FWQQlyoMU+IA7KOSc6IoUzmQVdTqSwoRmKTU3YpxUUbhVg6NJ6pUKjwB0mVMFyCMkIhTrkAqYQDVT1C/HHTOeiQSuXPnzsHBAQX/ysSy9FwA5e8s2fVSk1orJdkPh8MICVVliWXZKnBHdQhsUGdROcHV8JT0Kt0+VBS7WMxRiXEPhRDk43RdZ4pMPB7f3d19+/YtKAXBtisr00nT+N8UYAqJvG3b3t/fpzhB0zTP9XTrNg2Hjdjd3a3Vas+ePfvoo4/8wNeFQa6Uk+ouXeVPsA7IY6LRqNCECuuFpH0Vk6t9Mzmty1TdaDSazedYVl/Sr0LTFKlKeAOPpyCipmmoHhW9gfVB2xONRkkRaFKWwhgH1LLqtHmeR0s2rg05OCHF2BxCBEum7Iyrnp+b4Erlqa7r3AH2C+CnrxRCqFeGy4G7j8fj5+fnwUq+Qpe1Nbc2Ei+DkVtbWysWi3yrpmmz2SwUCiEQJ6SDCeaG4RkMw6DSV7m2Xq/39OlTAmX8BveYQhDODe/ZbDZ5BjyDpmnUA1jyi5pMVt+27VDIYS0UDSIk0QGKZUs41rrU0HJW6PaKd7Is68MPP/rgww/ZWuIT67aP0ELFGOVy+cGDBwcHB6SuPM8bjcd0wV8NgsUK4Gah6Z5ya5A0XTf0VWeN/ty2bd3QO71us9XyA98L/Mls6geB5/sLd+nJEkdfZq+557PpTEgGbH19vVQqqWuvkhLqKqpfOp5MGs2G0DVfBPz/wl1OZ9PJZKxJuoLF54ulwAlAaQDDABVKPu1LOT2c5sbGBnS5SvljC5gWAzcIFlBcH3DFMIzf/OY3anytgvU4OjAbB5J9oW+nWIl9xcqkDE1WSpAAJsccCoVwPspGfN0ZDpadLCzOjhY9w+GQvgA3Nze0vR8Oh5ubm5gKKvHy+Tx4nZiJ4WqmaaquvIAwsoYcRJ7Yk9WcdNAn5wrsI3sK2VKr1fAtHFyAILkVFcAo/jGQ5Bo3gR/RdN3zfdd1aYDO4nI9WFbgpml+3ShJjW4HbhLk3TqryZj+Z4oDWYUcyrgOh8Pnz5/v7e2l02nP90zjNrrVZb3Ob3/722q1+uFHH/FRZ2dnpmw1jojXkl1PSNHguEJynLXnefRsVfS/LtsHqTNhyIYxXHgcOE/I/obD4UAEgR8Au1XLBt/3x+Mxfi+VStH7ny1ASk2/QCw0jDYbjdaw1+vRCgRPRQsPiKBisYgKJpAVjxi+IAgY0sXW+FIrsVwuMbLIgUw5BRQ+StnyVfTP35RKJbr5G4bB2bZk8+qv8Sq/zJadaIMgYOqb7/tYbsYSMjSJEeHgEMSecOrkO/lohSU0TWs2m8ikwRuEyPoK485xQfbsygkukUhke3v75OSEJFoul0Ndhzu2LEuPJ3Q5m0gZbE3ymNAsisr0ZDEH+IeUCgIsz/OYURBybkt1DVnHM5/PKf5SClb6+eiyicb3v//94+PjX/3qV/qKAm91A/jV9MQmIb9c3krK6HgDgHZdN5lIcPHOzs4SicT29rYmK/oc2zGlrDqQRVgcO7VcQgjW57uOSJl/Rf6qHiEw66yS7/lKB0XgwbNhRBQM4+4JIeDKwMZsNxXPfOZyuUyn09VqtdPpCJmVazabxsqMNvXbgaZALG4mxajailwHQgm4r8JZSplVP79VA6TJjGQ8Hn/vvfcAXYg1fd9fW1tTdJkgCOadgenw6/gmLp/jOMlk8vPPPz8/P2e94EYdxymVSrlcjlNIjxB0jiSGgyCoVquvXr1iLguAVdkqBVXVwYUrwAkwMkjTNFogooZgrf3A1yTFS3U2RxwjQVxBd7qlnJGm67puGEIm78TKZFjP8xaLOfkBdW+xCBS80xagWq2q0h+iLkKmb7Fvt2sqz6K30o5G07T5Yq5YkUBqfkh/crJpUIenlrT3bc6LveeQKQ++kGM7wI3id30FMj3n+77SUPFgiqJlL9SzAQeEFOqQ4iXfj0PG1fOolDtSyW5ZVjQahZ1Et6w47k6nA05WZB0hmVooaA9K/0g5Y9qgWxayMEBIDSwHwPxmCwx1ooCCJycnVJKgmoZMt2T7Kd739ucd2YlXyKqRyWTS6/WOjo4qlcpkMrm+viZlTVNS5UfwxbPZjHFXKu/AOxAhBUGQTqexvmykLvuusW0KCwohqPHlHOM66VPZ7/dRW+iablmm73nEJJubm9gMlSdX9kmXhSmcBC6nQk24Zt/3h8ORY4d4NmgHHgZ8Se3/6ekpc5YAwWzbUjYZXmUV1J8dx8F304dC0zRd05VlwabGYjHf8376s58lUslms8mADzIk6XTaXS6R8UENKXmI7/u6rtUbdVaA6air4Yf2HUKQP+BVMBAkauADTNMEUBmylIKtxE0pn6PLdlcYsqUsX8afqBc3DGMwGPAJmiwgxsZhHCFSDVmbwY8Ui8XLy8t79+5xxzjrkCJYemXaeUKVPTRkH9jV1xSy2SOWJVjhWuA8lJc2FUXAMapWq9lsNp/Ps0CJRGJnZ+fVq1dgG5radrtd3PpoNKI9lu/7pVLp7OwMvETczJQUHAt1w2pLVmM777bO1VbWyHEcEDbvTFf4ZrNJ4l3X9Uw6jY+GP81kMnyzKYcrIi81pJCd1V8sl5C2ZK8tNSXB9+dynIeySbiU5XIJ0BQyNSO5rEDTBP0pfNmOT1kgZY1s21ZtBl3XnU3nKgvL9cvn8+PJJJFM8lvq9TqUH1gcy6IJAL0wjFvLJ4RgdNNsNru+vl5fX1enLfgmH/ItYKAiTlcWyoFmMVKmadKLXAjRaDSUmJkjO5/PIemx4qsDd1XUoYJv2ieqOERtpTqv7DgHnbwENXeVSiUUCh0fHwdBgIMFaAkhVFvFQM5aRrfvyRTq6ptqskgNm0U8Y8teYKsw5GtOlHkemUyGOTbknu7fvz8ajcrlMiVtd+7cef/99yGwZ7MZfSlQreAxmPsCVk4kEuRowIVopzVJUwYrMTsQlr5FlJUxLBW4hVEvl8uu6yaTSRTtntT3jUYj1ZKRjeSLG0sSY5UihMml65Mma95Buop9Y4/H47HreYvlIhQO6YYhkJT43mKx0HR9MBiqdPWqoVXGGPqZIgrDNBAVu64LbmYnbNtOp1K5fG5ra+vg4ODg4KBYLEaj0Xq9LuvCnMD3g8BHHbdcIodceq4HD3N4eMhbK+MXfCcPsOoZYKuhRGinpclGLJgeIQRECOkLVAylUom9C4KAbo1wRJhYTabe+dJ1nXFBi5XhUTQvUlIlHpLQiHkcs9ksnU5Dt1iW1Wg0iNF930eOSYSGtyFnNxwO37x5890YTKwAuUgkwoEkuEePbMhhoUIIXdlO/KlqTOLJydW6rlOqC+o6PDykYzAd/25ubk5OTnhPFWty5zhtZCJisRgdp4MVMabCatfX16PRiHQ3Y0IsOT8CBRVzFKnPpMkM3cssywqFQmiEqKrWJN2prbRI8H0/EIG10pRGOR8+n6UH4wLAZreTqhZC08aTSSqdisZjk9l0Mp2atiU00Wq1CPK0lcx3sKKG4GWJUkzD1CX3r2QaUBNb29vb2zu6rqfT6VwuR2IfIy2E6PU6vX7X81xNCxzHGo9Hui40TSyXc8MwaOKCgIKL9zsjAQXSNE0jlOKcAaw5GWRt4akpMVHBHu2SoPbRq7PaCIE0Scrhu8BCNzc3yChhMMEIHDNdlkRaUtIL/46zVVnbX/7yl6qOSggB7Q67yPbRkYBSiu/eeYWfFdBi6goG2pN6bI1J8SoKWVtbK5VKVCfhgqmAefr0KYNdIXwwBqBGUoaG7AfoyZkfrEs+n2ccBr5b9bpw5QxgIdtjsJFA/3Q6/fTpU9wIqxOJRBzHichxlKPROBGPO47TarXK5XIul9PlgBZTdp9UBKjym/QSxHCifvN9v9frmbIUHT0fbTmwhQv31oCpGJ2EThAE8XhcBZHf9QPq5Lmu+3Uj5aUHMDOkEBURayGfp1rIXOnOKYQgxrXMW5hKxRKLMJ1NF8sl6RSMpfL7/u8qCVDPBkkNUMSUcD5wkoPB4Pj4+C//8i9pchPIDpsY70B23Od3gTwDWcqscEUQBKlU6tmzZ3M5v4cITTFsKqGhyXRhr9ejhxJjwoQQ9+/fz+fzhE/kTNHUqE697Xb72bNnKPa8b1bD8OX7PgEkHd8wN7ZtM2VCQdavq2Gi0SgSfxWS8pKmabbbbfCTpmmXl5eapqGGRRqNSaCjy1yOWlCZC8MwYD/JYQUyKbP6xSoYsrRXlWALIWazGf0CWGLyIDg4hj9DGvCDgexYBmWOrPeWQxTBmzdvhERfCgH7vu97nu/5vV6PKhAhBGVcmqZ5ric0zbKs6+vrXq+Xz+chN4hAdnd3v0XAiZWkDF+mHBxvyOJxUBl/rtfrjUYjFo9jgMrlMlEaDiEUCsVjcWKzk5OTs7MzyhcXi4Vt2VSxhMPhO3fumHKA0u8896tfyk8KmToUEoiCWM7Ozq6uriAAiCzpk8e9JQ+AppVkEYZc+XxNljqhgNRkQ2bIEgxcEATEVywyB4ydIrfVarXS6XQ2m11FjJqmMT1gOBxeXl6iDQu+0xFImR5N02q1Gpfq5uYmm82qkiZD1iQFakieEIKJ8u/evaMtCk13UWJUKhU4O9YFLOF5Xq1WY85pEASErRCIqn6caXnsLimzb9lIIdP48/kcXM6WKBlttVrd2dkh7cqI8MFgsJgv5tEoh57aVngAol4SNJgZ+v4JIQI/oPeBL2fCcQci0Yht24ElbMfm8SjAJ24Wmvjyiy9ubm42NzeJCJWYhwYwylKo11m9EhhI3kvXdF8LfM/3g9uGBZqmjcfju3fvChF0u91ut0uLbF4/FAqNx5PJeCSCYDgclkol2rkFQUB7Ei/wmS7heR712b/T9iuL48tiQg4BchXVNtCQDVtp4aFEY4Zh0A3k8PBQyGSzLqWauGg2QuF7IUQ4HL5///4vf/lLX5aLjEaj4XAIz8vh4Zgil7q4uKAeHZPK7nPSPFnqlEwmqVtA0a2oUlf2Tv3WTeCV6/V6rVaj3oD4ntVTP2KqraKJHMaJX6lpGt5NVbJShwZbz01FCGRJXbiiAjgZ9E8Fr3MRje9oJ7WVEVdCtrCjSTWb1Ov1PvjggydPnlxfXz98+HCxXCbicdu6HXON8kSs6GBjsRhUOjQfR03TtR/+8IeGYdBdQ1OtH2xnsVwausHeq/Ddtu3BYDAcj0iBrWbW9NsqgsHl5aWiAlcP3OqrqWQfZI4ffO3rwIQvX750HOfho/cZlYfEkAWMRiOOlfR9D8EmkQkpJE3XZvM52kT0M75UrbsrUyKVLdRkiVKtVms0Gpubm0KIbDZLpE5Qy5q89957yWTy5z//+Zs3b/go5jR7UkOOkSJBhFtWqUZ1N7iQMMiwLrQyp1cxqzSbzX79618fHx/TXFD1yoYdUmkoPAP5AfF/N/dfzZFdWXo/vPc5JzOBRHoAmfC2vGfRdJPdPT1GrR5JodBM6GImpEtJEfM19AV0rxtF6EIudCHFaKJn2pHT05xukk0Wy6IKKHgPZCITmTDpjvlf/LBXbQBFzty9b14wilVpztln72We9axnmSyfkvn9+/efPHmytbXlWe1WyhoSc3R09PjxYyjorVarXq9Tb7Wf1BvNGSBCiEqtVotRyYD30qDgeR7kLcg2rDjj3XmPGBLPzLsUX8+nLgfN2sxehkyys7PTaDTQsCe+RMukWq0CX/Ylk9QdhXoO4ZRvFkI/lomyWhiGrWYLJqkyPHh9li5HruvEzMw/z/OY7SXlUrh97TdK3CCYLnLtrkVEtVdfXvj6WCzWOhNTaEvUgYtbWV759O//HiABEgGyK/qMIXKsjHIW30MdNPDPGscwQ6Hp5xQjLS9l9dErpXwzjIij0m63k8lkf38/n0okEsVi8f79+7Rk8HGaV/b39yPT/haasibmmQwqMjXNdrtdr9fRwedsUGeA6kIWC8U9m80+ePAAl0tu6fv+yclJqVQqFosgyOA/mGBCpoGBgffff39qampkZERqI7bjlbg6CAKwrNHR0e3t7YODA2V6i2VNHKkWcWWSJoOX0cgMIRuUvVgsSmQPNs8Ai2Kx6JteG6EoUqrI5/Moj4O0CPNMdgwjNuAIcAwYrOIZDrfv+3fu3Hnw4AEUN6lzsS/39/cZrUMXv2OYw66hoIZhGIvF6vU6aZnsP8dxul0/5sVg2uFzyfaYTtBsnvp+13WdeDwGFmkE3bp0678VgpDHwCYzvGL27tnnAdFbrZbSqlgsMhrRdV32GTsejyETAeNmDo3ruul0GsVSFrPXjFqLLCCIG5RFDk3pAHUz3/dJeEirWHYyTpIuKjP85eLiIuwdUDLu2jfjSsPzrdiUtB2L0Mb94pYJwalpxuPxiYmJqampbDbrW9JDYRh2u11OBVFWYNQRfaNp6TjO48ePIQ45b2sGIA9EeYCpvrFY7Ouvv37x4gWtm2f+PDIVU8c0OsDMYSYkMKroEZCP37hxA2gW/ne1WmV/u5YoA14Skw/sAJKlTPMO9pXdQ/4aRRFtEyMjIzwYbB6riSU2wqNnKog4gWw2iw/pdruvXr2Sh0F+xg9xvJWlx8Qj7Ha7XiyGIXGNKglv8DyvpycRi3mnpyfZbCYej4VhANWy2TytVqtSAHrr7temF9Ezw4LIjuRm/bPpG8mrV69Q0Njb2/v6668/++yz169fB0HQ9f0wjMg1AaYYHsGXYJiYPDs+Pg6F7oIjunBVjpnQ+tvf/nZzc5OogKxGKQXpn2LF/Py8a4RhyIzxuuy2ppmYyJK6FnW51WpRI8vlcpRvOYTlcnlnZ0fcBQ5haGjI8zymwmCbtNYkA3T/xWIxW++aA8mmmpub29zclDMfXmKk836idK313NwcistAkXLNZ8G6Uqrdbq+srCDfqbXudDqbm5u0xeBklaGUwIcbHBxMJpPtdhsh7JWVFeBVwWGEOAUXiJkXkRFd0wYL9zyPogZmTySiJK6NTPkwNFOa4/GYUor+BLENdDIQLnNvUi32TYMBR44QE1u1vbN9dNTA2rHWjunxx1PDnn3w4AHsJux6LBaDXRi9oVq85eWYtgRzTs5oOfKv6XS61Wp1fR/JmcPDw+985zsTExN8eTwWg6TJduEw40IjQ90jcbwg9aFMJcG3dLIiM0jr/v37Dx8+BJiG54NlRSVyeXmZKVjC1XFdl4JmrVbzTd+jNh3ebTPXjGdEYzexAOMRlAUH86CpmXIMgM5RymBvEG6RaUic5hhxK8KqbrdbLBbv3r2Li4jOQ4v8KGvVbDYpF1y7dm16evr+/ft3794l1uKdbxojarUacy4IXejiYbQgHoAPMJgSJaOxsbH5+XkKAp7VtaSsATU3b94kIr9y5QpD2rRhgMjZDYJgf3+fIWqIyYmjIIg/Pj5mkLUpqZxFF81mk2KH4zinp6eFQqG/vx/KqoSMmLTGUYO1I4N3jGJhOpWOIuV3fdd1RY4Op4RCMjRGGVvEqWBxCZO+KQSSxxA3/cfMoXEs1QkOZPO0Wa/Xqa9TNyR3d11Xa6W1Aq3GX51dRhC4nitFTKLWyNDvlJX7KoukpLWG0YSM8erqKh51Z2cnnU7TPoIEECNkcHH4cFgCPEpgNJIErgpLRODEImP7xBPyKGu1GiWIbrdL3CuQQHQmBhwXbFRZhG3XdSXTIIU7Pj5GlMC+Qfv883GOdxAE6XSajhyxR7znDNnQWq+trT1//vzhw4dM2+TzzWbz888/DyyBxbW1NbBwsNVcLod9hQsEmIMBoER/5coVTO/o6CjFYztUjUzbEQpzMis3NDIKiAKNjIzA3wJLRuCAJxGGIURCBrvD5AuCgJF7ysBhjXrDD4Moio6OjrgGLFyj0Wg06ol4wvVcaNscLYJBJpyGZnSKYHO+7+/t7SH0d/kAsLj8E3J3gWnK5g2SBxcKhXgsTovp7373u3w+//Lly1qt1t/fDxnb8zwVKT/wpQ5z9g2+z+xXsn+p3QocJ1dix8eEKPV6PW7UNp89ewb8Svnl/fffPzw8HBkZ2djYmJubE9WjbrfLAB5KlmDz7XYbdaODgwOMPSjFzs4Ok1akOhEZtUkUtgEtOPz0KItbi6Iok8nQQ0drAfGeMvAg30Ptn+oQo3oueD8xxMViEd0NjgHUa2Xxhc72IvZ7Z2dncXGRbzk5Ofnyyy+73e6Pf/xjefx47VKpNDQ0NDo6Ci5Ur9cpyOEEqd61Wi1St7/7u7/DOMHDZkUkeeKhghtwbOCQEGHDZw6NdDDvxycQaBIRAVRL/SsWi4Fh421PT0+PGke0hO7s7OA02JEGkTib90aLEw5aa+26HjuAC5Nzy+FhUo66VNawTS9eAgUAitCcAVx5GIbJZLLTaS8tLb5+/frLL7+sVCqvX7/e2dl59eoVY5dOTk5Pm02CQ+AUdgkQJOHf2NiYNnO4xKy89cXdwSmMxWKjo6MfffTRRx99dO/ePbQue3t7p6enr1+/ThlOLAjClaRwRAcsCIVtwk7P85hXQOBB0ox1J9wSeQTWGcCdGSK5XE4pdXR0xEwabXqVfKMWLI9AmZZxxtvI4uvzyC+7cWJi4tq1ayMjIyLaxXcKSKNkRhi7LTCK9RAMP/roIzg8d+/effbsmVIql8u9//77jNOiFCBiYPyvMoCDUgqoS6pjMl7Fhg4lEKpWq6enp4uLi0EQ3L9/H1SH/AQ4aG1tDbGNRCLhODowH2aBcrkcF0B+Ikl2tVqlSjA8MhKpSPQVWX28R6qvLxE/y0kInJLJJMEuQ3ClmsPO5j2B1Qumz5NA5Q8YjqdPn3700Uc9iZ4wOOMpxMxId2V4ndVqtVgsTk9Pv379ul6vp9Ppo6OjVqvluQ6HX2yH1MsjrYDzpHp4AeG+/Gf5OM5Za51KpdiX7XYbzJpNTLqcMFrFQRBsbGxMTEyg3cDi0FkKUI5nYEBbLpcbGhpiSnZoJtcDmuOyoLc4jkNdD8Yx8+4JbAhdwjCEGx8YxRD5OPsY0QfP6L/bZogHBHM7m82ClNDui7uTd54NZuO5tlqtpaWln/zkJ/Pz83t7e/Ag6vW6sL66ps9VwC/8Kd8QMxPdZLl7e3tpVyU9ImawTZQ6Xy7NZDKMwVtdXT27PsfBJ+CUzhodO52+VF9PX9KLx4IwjMXjid6e/oGBTDajHK0dPTA4UBoqlYaGrly9msvnc/kcLo4jhKiToENezItUYKJt5bpOLpcNAr+nJx6LxdbW1pQBvwMjh48W5wXjam84LWRDx8lmsyA52qg3O6aeGgQBhpattrq62tfXNzQ0hCNNJpOpdDoWj7U7HcdzI62CKNSO0+l2T05PuQBl1L5CQ7G+kAvafskx8lKyGpFh+ZOrkFOCXCkjBsWLeq2AyKlUKp1OC9m4p6env7/fNfI5YDiyRPKU4ZmSzScSiXw+z5pQBAAuCw39U/IxNhhUOdJuZInRlXmrH+Y1MDBw5coV2raIHaiyyUc0dGj5MIZ8ZWVldXWVPGNvb09rLbIzURThsKIoglVbqVQymQysGGFZRAa3mZycvHfvnoDrbKMLflkeGHOSv/e97zmOs7KyIkaUw4lJALoGItRaJ/uSx6cnfuD39PR4MS/R05PL5WLxuNK63emEKgrCIAgDLxbrdM9qSXhzZVzw0tLS06dPfd93XYfd7zg6kYj19vaEYTg4OHj9+nWgYa5WAjwMszrPfRAPEFnFdshwxC0wK4UWxoSEdDqjtYblARKwubnJr7TbLT/wHddpNBrtdrvdaTeOGkEYNFtNvpYPQpKxnY86HxXIGYCplclkiEO01vSCDw4OCncwnU6Pjo5S3AzMqCLf91dXV/f29gQ/ka5rOLnK1MhJWKlUKhN1xONxFONYGde0R2azWbw62ReSHBhKLhhnBYofGd15kkNAxfBSS6RsbpngRjF4fHz87t27d+7cgWt4ZqFkdaTU/9577924cWNgYACYhXiOC2o2m5ubm9B+pMMdfx2Y9j9BErUR08VniY67vIcX9rVWqwWmbU+g38hU6JhNRiULk8CBrB/WA99PGI1REp0nT548evQoDMPjoyPaJllQqBmlUqm/v1+SEEKmra0tMpbwTArpLGQ/PT2dmJgolUoQQHCdPOC2mXr0TS/5CQph2jmDfZXVPUNWQDcMNERiZWbh9Pb2Hh+f7O+XXaP543d9/LgyEqWVSmVvb69tBPw4pQKKX7hC/pVGbaIm22Y5ZpoYqRRPTZlMGl0w29VEUYTSx9HRUa1WQx8E0BYTA8ITGnXeyNQu+QaJ3CgCEDBXKpX+/n7MLmeMyaLUzoIgKJfLFIuy2ezm5iYlLWXh+rKfXdedm5sDR+oaxXJacFxrcMYbjwkIlUqlYHsfHBwAyWF9xaJIZ00mk6ExIDT9DfgvHrOYdjBX0nk5Y2IjI4Osw0Wl4tjpdBjexioj2Qvgjfkh/XUcp1wuC6FFKbW9vf3FF1/88pe/nJ+fbzabf/VXf/Wb3/yGCgM3QpSJ6+enx8fH4XjKxWjTCF8ul7/66isqa1yVwNKwhV3ToHh594vrB6YA5NZavSlAOo6kg47WJI4U2gknoiiqVqtHRw1QYKorWBl+9/j4GACEgEEeqvoGD6BMYCaHMG5UaghaYkYRSJvarehk4S1zuRwUaG4Z6SfHcZjYxYFvNptHR0d0AoRG2wvLTVbjmo5znAYVX/JppRSnCEyJFiJJRVDjQrrT8zymGXhmQNZl7AubWKlUVlZW8BX0J4ZGCOvMS2uDrsTj8atXr967d29iYqJcLq+trYVhyKXIFsebkLODlO/v7z9//pxugZgZIRFYM+q0gU1sEyUv/rKnp4cLhcA9OTkJ7y8ww42//PLLV69ekR4ppcANeUJsGnoDwjAcHh7+wQ9+8Id/+Ifdbvf999+XUyT2RoQZecytVqtePySwUUqJv+IWhkpD0FRrtRpJPLy9dDoNBfXyJpOtxosHfLaTzJuFtIP8Ti6f63S7S0tL0GNu3bqFnVZK5fMF2pIgvbHpuSncIF46stoRxcHayYAEunCHEAc4PT2lxizMEW6QxZFGi8iAmAQh0h2PYcYmrq6urq+vg05i5u7fvx83wynYoy9evNja2kJKDJ+cSCQoGJN+cB663S6ibLJJXEvn+caNGzBzKftoI6Ciz8Mq3Ozo6Oh3vvOdqakpqF/Ly8tU3OQBKQphgljfv39/ZmZmYmKi0+kMDQ29evWKW2UGQWja+0l6arUaVRVSGUpmPIbQtDtwV9pMaIsMz1EMsFxKLpfL5XKlUgkeOU5QG/Y8FRb44sVisdvtMstjYmJif39fwMGxsbGenh5yZcm0JN/1ff/g4EAbUW/HKMv29ibFYCilgAip7l25emV1bXV/f79SqSCxpLVGqxWlMP0NVAj7JCSTyUQiriIFoq+t1jnu6KBaDcKgUa9PT09TISLiBySNxdxkMsmZl3oC+aVnpN5FoktZ7abf9KLgVSqVqDrFLEld+oM7nU4ul0MCGldApF4ul2NmzOjJyQlTpZlj+9lnn5XL5StXriCIz2dDiyLKT6yurt69exc/gy3DlpP+RlGEc6BMgRnCAgpwFEVRPp8nXlIWA08CishiRkRRhHWgda5QKGxtbYF3OWYwhSc+DjBucnKSv+np6RkYGKDxt7+/v1wuy8OGl1IsFldWVgipd3Z2gJyc82WXarWKnaDcDYagzg+9chwnn89PTU2NjY1Rdo3FYvl8XmxYMpnM5XKU0u7cuQMMXK1WUanQVn2XgF6YYTDLsSt+4NPo3dvbS1gp4CacDm1AEgmBYrHYUePo8ePHSilyAAgw+Xx+aWmJPjgxH2/d+jyGer3e6XRTqUQYmJk8hiJBF7Uf+Kl0mqkttVotDCNgeKVUq9Xs6cl1uy2ian6UZZTCEB+ERSfG7/IrsooYPFwgaSwiJd4gCBKJBDRMEA5yIbbH/v4+WHO32xXBhXq97nne7OxsLpcD+uTyEKx2jS6BZ4ZU47oh2LKA5A+vX7+OoiiRSMDChEWvTb+lIKE8TWJCYYvZxtReBOwgBwbaDsxi2XsKOjQZsBSloWdIstLb20s7rzZcvMHBQcgLURQx/ZfsXqh8gv6KgAyhobgzZYJgZRI1kieeQbfblV5PCajK5TLpPw9DAmU4gziiVCrlaB2FoYqU57gx14vH4sne3p5ET08sQdmIqEPqskQp29vb9IlHpp5KgMG9Uybj8HA+x8bGcrkcZ/tyoqnOR+EA7Uopx1Ge53ie47pOt9tut1tKRbGYNzxc6uvr7evrhWq6ubmWyaRcVzcahz2JntAPtNKO0p1WOxGL57O5bruTiCdCI+WUTqeJbtU3oIHa4iNhILTWUsPxPE/6nABbJiYmCoUCWgeEIqwM+TcyAoSUruGljo2NXb16dWJiAvmqfD5POKSs6SHsBMQFoQYhrTk9PY3wh1KqWq0+fvx4f3+f56JM7ULaUQh+8OQYMvuu7cX3ff/atWuDg4MnJyfb29tff/31wsICrCp+S7afQ5iRSCTIBTn0WutWq0UnG86C3xBoTLraXNeFzn4hE/c8b3d3F/lvdr9cYnCeQzs2Nnb9+nXf99EABUvGUnL/6Besr6+3jbYr8nU8SALZM0g4Up7rKZl/prXruJ7r+oE/NDyMgaEYrt5Mc1FAxZFhaHL42+12pKJ8Pp8wun9xM0y3WCzChFPn+5svv7iFVqsVGdkVgs9YLAbwOjg4kEgkXM+lFzkW81ZXV9G5cD2vv1DwPM81UlBQPIIggOQq5Xk8odT/v+UVj8dnZ2fpuuSxuqZVFcvVNdqDURQNDAwkzETRMAwp/ANsEOtLjI5MWCqVmp2dHR0dnZycvHv37tWrV23qO1E4CsqeGYJNLL2wsAD0RxoNWNQxohK8E0K45PGAQrKpLiPssVhsbm5ucXFxd3d3cXHxxYsX3W6XGY126eDMCrpnorM9tJhgLagaYCckrH/y5MmTJ08ODw+pyTHqp1Ao0FBiJ4VRFNXrdZriYQTYHsoO14aHh+lLgpVO2OMYUFmfMZN78Ay+7+/v7wtyTDgooGrMCFDzW9LMqrUT8zxYlgLIumdiJ2eqrpIL+kbmktXwjCSjcG8SicTt27eZlqDehreI6VVKdTqdVruttY7MXCPfTFQYGRm5cuVKb08vE+plXhiBRH+h4LhuPB4HiigUCoBjlIQEDoqiaHNzU6rC33Qxyii9xUzXtVASBUGKmTlLrusy89w3pH+lFHXfs0YF09koxTI2jO/7g4ODIyMjw8PDU1NTrqVXBTuG300mk4ODgwwgBckA78fKULDHL4HYsiBkKdoMhyRRjAy4HF16HR4eVqvVXC730Ucfffe73x0dHUVrCFPCZ9+4b9hjjqlfKqWYBOP7PuRVZWn6EfzgNBqNBv3ECSPqL8aPEjQgt2uNbtbWCyg6CAJBfEHc+BLOK1YWfVbQN2kuk3SCrSYpUWQyKuzK64WFKIraRrZRGb1LpZTj6Ew6I0wQbfSQI6WkQ0+ov8RprVYLFEhO2uXdJv4tHo/3JBJhFPndrm9Eio6Pj4HOXDORNggChmYzjOinP/3p3t6ea6T80BPPZDJDQ0P9/f2tZouowPO87e1tfoX1fCssyws3wuRZx6q0iMkXbJS+PFR09PnaTtyaAUcUDjpHIYXvBM3DXogDgX1NHAu1KTTEkCtXrmCAyBPAiPAAjlFuJhBg9YaHh4m1Iiv3tY0OBy+ZTPJOQX4CQ/Z5A0WIGdZGtTQMQ0CG09NTyBgyCxafNTQ0RATCxVUqFVGCl9IG7y+VStPT03EzVM8z6rPalEuDIAD/oWeA+IxWYCFsEI2wdngDNCnq9TqDD/BrEEVDU7GWY0bexmhb+NiS8MhR7032sgsjM5bddd0oCpvNJtFOwgxSB0RaW1tDk/mbzK1th7hr13QgSPwdRREU+d29XS4GCPzmzZuNRmNrawuAK27EdrAgsVhscHCQTAYVj6GhIdk96pI7uuBvoyiq1WoE09KVATFWmQ4KlBSogYZmCCdI4tTUFNlnZEZ3aWusIE1L2gwakxUTZ358fDw/P7+xsSFmlF8k4BHnA2H75OTkQkcHO5NLtQfER+cRRbFK3EgsFiuVSghP+L4vbFBHKsGRyTUbjQYkHP4NKm9omMnatDgJSZUeuc3NzVqtNjg4KEmkPAyY/ewn3Eh4nrckgQphDyD0ycnJ3t6eQEbSA8npYjn4Ttd1h4aG0KVDfj4yhXFtBDmI7pJ9fcBNoSXT67puNptNJHoIBrC13KDjOJ12B0tPZEhGGIvFNjY2fvOb32xsbAji8e2vM0tjgGBapXne+/v7fX19w8PD7EXMM1zrmBFukOfqWcL/QsUhQCIwE8tiv2xnq5RiB3CDrKFgvvLscErcXRAI7TACVobWf3JyAgqMTdSGfaiNsE21WmW+t3O+URO4HN67kKCgtbmuSwYyNTVFmxvt6cowFUIjW31wcLC0tCT9G5c9MD4nl8tNTEyg7X779m0QdgJI2fZvmuJTqVS9Xt/c3JT23P7+fhyidM1JtIdJYEil7/vlcnlhYYHTH1nSs67rouYVmQbFCw9JjKJsStBSGwVSRvEKHpVoTfMw4GJsb2/75iL1eUSMkHp2dlZQTo4l15lIJJLJXtdMH5JOfNIvGDJKKTrroih6/vx5t9t97733RkZG+Jtv2franu/QPWvIZH9QHSMkrdVqjutSAMI8Iyfjum54vntDPCdb33EcUhRhKHz7AeDB4cM908DEFwIux41CqyjH2JbVdV3cDv6fVhA8M0eF3Mb3/bm5uSiKELNRFisEssPvfve7g4MDHr0yKKdQdEFTcCmOadMl4YSbTDve+Pi4XQG8bHQcx4GDyHYC2kFbxbN6ht64MK11Npu9cuWKtBqQlzx//hwukDISJq9fv+Zv4vE4nb7MsJCAzzedeBxc0fdiC0quyRXQRSqxCm4OCkd0vnAGuNbb2+u5rqO0q52+3mSj3ph/+SrmehPjE+m+lFTcQqOBGovFtFLJZC+xHNJoYtXa7bbrnkW3gem3IFMEh379+vXS0pLv+8SBGxsbqVSKNg7CmMurb78kdEYOKDITK8IwpAR748aNMAzrh4dEGgCasVgsl8ul0mltsqCYNQTWsXj/bKBCoRCZlOObjqJjunmo3wtTHb8dmkGdjuNUKpXnz5/zUMROcXpdw+3BlAi1k43LUV9eXv7iiy9A/8QgKhPxUupB3os1x0RKCE0ZWHoA6BDEW9LBzALu7OwAfly2DpFB2zHoWEAKbcfHxxMTE3zh2QPSZhZDrVZbX19fW1trNBqUOekekoZguRmy1U6nc+3aNQ4TJtM1FD/baD19+lQUDYLzw0uUIZbhkVlB2vCJlxxD88A86LO695lADQ816PrJZHJmZkaYuuDHQhPHcSR7k5VKBW0MEcZQSu3u7h4fnwrwKtfmGSE6Coda61KpFIbhhx9+ODQ0RKWG+ORbks7Q4qhEVq4VmYldYRhmMplcNkeLD6U6yF7FYjEei0XqjKNGBil1N8HyWCIw3O55sd7LL24NJoJ/flxuZJGaaI4NzUtOuHd+fLKYMxYZaAGb8uGHHwp4bx9CjGM8Hs9kMmtra1yDUkqkF6kvvXz5ErInJ+r09BSD6xgdkJYZ8vXt98uuC8MQSTVBRGyszJGNeHJysrCw8Lvf/Q5xatkQoqTHopNZExoJIZTdyT1I0kN0ePPmTSBbMCJluPXyTpZVZuZRHLlwe1L1TKVSQRB2jV7SyclJNpcdGxvDQEaGzcYFIBpOpHhYr7N29XpdKAxaa8ghwhTiRdQH0L6xsYGFcwxhhFIRsYrdWnH5xYqHRhdWGzUux3FEIOP09LTd6VDthzOMfhEK6WLPbOPiOE5kQMzAKHX6ZvjIt19PZOqVEuJ7lrZ4YAZCxs0wY8fiFMkih0aES5sZ7qTLpFvFYrG/v59g460h2f7+fq1Wg1ODPgrkFK01SAZENzmihGegqxRMlVG4+CaPxxU2Go3FxUX69NktruviEASfPWumxNeUSqX33nvv5s2b9P8DY1E9VuYEB2YqpeM4mUxmeHgYLw95gRPmGkYQ9fwwDGkboB9UImO29eDgIKPEYBp6ZmiU7FFCJjFIQRAcH58kzaT4Wq1GXcb3fRFCJPSkptZut1UU9fQkpqen19bWIDU4Rtyv2+22ms12qwWEEZgh756RXJXYgAm42CSGn3rnW1Evv9gr5G3h+YKo/IGqPrlgo9FgwOjw8DDBveu+0TUSixAEgeO6jvtm+J9vevwuG0U7jGFbyCQ4kj0Ki2La2XaMn1BKEc2SEYl6koSvLGOj0RA6LbDe/v6+UIP1+To0G7fVag0MDEBGUkqhvw/1SDrL6F9xjBwlARKnpV6vLyws+EYjKHpbNQYg9fnz5yzO6OioqPvIhSkZkBEEwcjIyHe/+91SqcSmqdfr+/v7yWSSoC00POdutyt8dOTRA6P9i9B2YMTAeDPPL51Oo/8cWcCt+HHf96lPEXotLCw4VuOY1hp21MOHD+n3LQ4OOtrp7e3d3Nys1+tk95HJ8BwjWAC0wkL09vQWCoWBgQEeJASsbrebSqW8mNfudHp6ewnnMOpc58L8AnhF3Ixrrlarv/jFLx49eiQG8lsOgDKIMOY2Ct44QBAYqAeka3A6xsbGSBBpd4rHYi0zO54DSUuuiiJqYbFYrF6vLy0tYUG/PTAQvNI3AhORRSPlhODuIOUjTK+MroncUWDYvkop6EDdbrdUKiGhfnx8vLKy4nkeUKacw8iad8/0WPxhb2+vBOWUuoHFoRspoyFATCWeEIBevw355eX7PkZkdHT00aNHa2trUk27devWmxhEGW/S6XSy2SytBvl8fnBwsF6v/+3f/u3R0RFOgPWVpCQMw+3t7fX1dZKwmGlFdw3dXGsN4MUSb29v82dlBcRKqXw+D0IPQWp5eXl5eVlZgSbAaH9/P7qZyWRSqTOZf/aNMs69Xq9LoKwNzRvrSwyTz+fJcLSpXpVKpeHhEdfI64lhIxfc2d2R2yFaazQapVJpZGSEmDL6hn4AeUVWfim3zF6nJHd4eMh8UqVUoVAYGRkh0mP+IUEC2ZsEokqpMAo7ZnxdEASCGbx1K1w4jaBM7EXbJAG5RFEEhK9NybljxlW5ps1DWZme7/u5XI7Jp47p4Z6dnX3r9fAG+v1dw5MTfIbN02w2+TZqIMqIMXN0lVJgO+T98s2Xb1xsseu6IyMjBwcHm5ub2EeJ1ZXUAcAlGDlBDJBIJD766KN/9+/+3Q9+8AN5xnyGHFTcAsGrNCXJFnfNPI9Wq9XT0zM8PCxgs73ViHrJfhYXFxcXFwkoBf8JjMgcctixWMz3u1EUuZ7b09t7dHy8X94PguDk9MQxZWzH6HNFBms7bZ4+e/bs5cuXkRmVh/1IJpMqiqA8BEYGh4uPx+PXr1+XOny5XCZkHxkZoWQRnRcd+aYX38A7eZYiJuU4zsTExMjICE+aoh4TmovFYhAER8fHxKwcWsdxoIUqpfGovlGqIk/Q31CWlishCJauX4hxrqFULC8vv3jxYm1tDSZCYETH2H9gr6EZUY6bJUp59OgREovkFQjnXBYDxySxNbX1gs8iR4sRY7VaTSrBvu+TFcgeu3v3LiCyMqGXfacSFFE06OvrGxsbu3fvHiFAZMmZveHoc1mihsvPpMxLbgBteMJlimqC1LoW05NrQqi5ZQaLS/orAT3pbCwWe/z4caVSQXiUX7dLMMTK6XQaUb5ET492HaV146jxevF1s9Xyw6A3mexLp8BzJFdhZcMwjMcTxWJRKYVmvGyUer3+1aNHrkUmEaCmp6fn9PSUpAX3Tbx+eHhIRfnC0/2ml7TMilNqm8kRriHPNlvNeDy+t7fHU0fsMQzDbCbD7VBzjMx01JjnYUKom46OjgpO4Fxip8pLmz7DkZGRwIzWjKIIGGB/f/+zzz776U9/ury8bIegmExlYFCpOXhm3MHCwoJSijQAG9Fqtba3t0k6IyOpK5lAs9mEIcvVcgY8Q+Njy0ppnJ0JK0c2Ej1JlDW/ye+Js+XcFotFrtAx3U5nB8A1Q/Z2d3dXVlakxVHulqmXkgPQk89PwuyjPE5HHw6ER+uYUaSO46CyFhnUXBtAMJFIjI2N7e7uEqDH43GY1e7bVJdhz6+urq6srEi41Ww2h4eHWdOmGYcBi4vvNzZMcaTL5XK9XndM/ytuxzOD6+yY8vT09Pnz59xjaMrhSGX19/fbDRnftPW1oU7hc6T+QmcqfuD09HR/f4+qM/Zif3+/XC4fHh46riMlSO5Lm2kuXb8bWvk0sKZk9t90PXZUKakOVi8Mw1Qq9e677/7gBz8YHh6WWo1jhCR4mmzZmDVjIgiCL774Ynd39/Xr12EYNpvN7e1tssFsNhsY8Rh5SRyFZeRipHOD69/Z2SmXy8L+1wbj4mhhTZiYpOXRXlp5ri2RSIyOjkIVETqdZ3isChSIi4DsTudl1wx1chxnbW1tc3NTcBgIm5IakrDXajV050JrAjuYGoBJsVgkTnXPt4whSfDw4cNsNovMKK2AtsWSF3Srd999FxlQYtZKpfLq1avbt2+f4buOxl2QJMlyHx8dv379en19XdIDrjCXy127dlX+Rg6n4zjKqmoTLHU6HSiDgZnkfMHzXn45qI+oiDqYNtMLSUPhFPT2JvuSfQI89PX1oczld31uxzXNxycnJ9VqdWpqistzDNzMfrW5gN90IEmcUNiFcruyssJDDMMwm82+//77sVhMVH0IcfEtoJMg4JI6Hx8fP3z4kFYkJhXQa0bacwGclWe6vb0NLM6ba7Ua8BdLura29vjx49nZWbju+ElSAtKGIAi2trYotDmXZpTYBwD3SNMiNhoapfjJM5vU7XYnJiboOqOyq5Q6ODhIp9OwU7QZL6eUos0cM3B4eLizs0PRVHp2JJYACMrlcnScKFOo0kbMHneMrJVrhOVc02kle4ggeHx8HAVZioVKKRSGFxcXZ2dnUTEK/KDrdOmg46HCmNjZ2fnqq6/oxtAGmCNj6+/vx5AERtyXI9pqNsmYlfHFgaEk7ezs2OmvtspD8jf2X2qlIxU5ZgQ3+R8zTggkTpunjuPs7+9zv61Wi2FtyrgR+qeAbs6yJ/fMXzGM2TdqJbbt0Nb4a210teACxMyYHwIDroRfISNiDzgWzxk3KNQVlmJ1dRUdq2KxyD6DGYpzk7QksvRvwG1HRkZQc1FKMVHvjVU2SvEcUW5c8ihMKiEiu5yvtY+92IWWmalFB308HqfbTs7MWf05FouVy+WPP/6YHJSQBoazbTxC08PebDbhi+/v78sEbLgxUt4DdQHTAMrwzJhbZXVFKtOQQBImCtKyHCw3MqA0DUs/eBAE9G36ZvAtf8CbuaaZutVudf0udy67BKNSqVQ67Y6kZWwj/hckm/4YbkFr3dfXt7+/T5P0PyYBiAwYIOtM5OMaEjJkJPwy3JNEIkGGHYSh577RUyJuNvTEs24kMqiRkRGWS55RZLUf2XYxiiKkLKVcAxTLnhOf5pgyk2x0yCwo9mnDd/Q8jzoMGxo4RIQ43+qLMEnM3cFm+b4vX8sW7+3tHR4epuxA3Ih75wBns9mxsbEHDx5wPC6HQHLYgiCgbxaw1XVdaVLXwuaQsISBu0opSOdKqXQ6TUeYMkkMZ3F3d3dmZgYKNBM0SH18S8AxMGMUoI6yk2RReHmeB6kQWbx2u725uWnvfkm5eLSZTGZsbAz/hbvH/+zv72MCHcfJpNICeipTsnEdt79/IJfLTU5O7u7uPnnyRGzGycmJ454Va6VDPDSUfYa1BEGAdDgm8KuvvmpaovXf/nKMFjxryCLw62x6pRRLJLAm1mdnZ6dSLo8OD6dT6dCQjUWY1nGcMDzzV9hsMSjffiy5Hmwwj0yKlVEU9fb27u/vV6tVGKPKJAnizF1DmhKXMj09PTIygnunhAxqV61WqWRfOIGEIqjqKqWwOJiwyECibDyqCuzUwJBoOAkIlXKFYtHsX5GlIAEjv1JmOJBvhEfPcnB+uL+//8GDBw8fPpyYmNCGfX5wcCChC9txZGRkcnKy3W4Xi8VUKhUZ1S5lOJuyuR1T3+l0OnQzCtwmF01qQmYTBMHi4qKYLnmWnpG+QUUnMkNde3p6dnd3Nzc3EU/nAXixMwV9bBinnNptrVb79NNPUS0Wu9JoNFZXVjlychesMrfmGHqcMmrdjPX+x+x+ZeiuoHh7+/tCeWDNsXacBEZoER2BOHW73SAI/cBXWvf09hD4eLGYF4tJA7cy1B02kF0wvnwl3BTZJIMWhU0ge4teR6FLhYbJ6xhZWW3hBAS0vb29KNmg4C2+KLg0QCQymBJBnW8Eg+FZOeZVKBSIiimVAMrzLDDk5B4MvFJvo2OJZ0AGLxaLCZwt9pc3nCXBHJrJyclbt2719PQAcbRarV5TH5U7QR0pDENaDTidrVZL+mUlaYvFYkw6gjUUWi2b2uSXJHaoD7x48QKWzoVjHZjSMvuecItCI4VxcJ6zXdX1MbSUPBzHabfbNCVrran8K9PIq7VGw6PdaikTLp8lbdFZLZ2/pHLZbDbBl4LzBdfICv0vPGxlBMkcxwmDAHesLXWGwcHBcuVMqk0EUg8ODtgo8US80+0mEokgDMIwdFwnnoi7MS8whBT2H9siDEOptFze/XK/spLK8LiiKMKT2zvDscTbLvSRChIaRVGhUKBDAKY6YO6jR48o5ImnlQdK3jU6OspWYUFyuRyj8kLD4UEqYnp6mocoSh/cMkIhwBL2NdsvOxjJ5/M4WGkjkQvzBGFAzTQ0WgPhGVc+iQ61Nv1iUGKE3yaZMXcreBnldOo7pEpS6YgZDXuuYHV1VWu9tLQE8nVhD/GdoOBcmEQL+M1Op1Mqler1+uLi4sTEhETzymq+OTk5qR8eMh8yn8/v7+9LrA8qEovHL6Td3H630xGcTmsthYhL5vXtr9Bwb6j7FgqF4+Nj1CqVUvl8noSnJ9EDKYNBUr4loP3y5UuYjG0z9xvpSFhPnudhEQDOv2kr2C/f9wcGBqikYuk4h0EQYEpqtRpEYMmFwjAkIqI0pi1KH5Zoe3ubYbUY9bm5uZ///OfcyAV3dGZ0PQ9eOtU0ISOx93zfT6VShUKBiBRUJjASvCcnJ8lkkmHXhNZs5Qu3yeKI6fTOSwKHFm/8LMciPT08PCyVSvJJVkFq/tpAS+SO6+vrq6urrBH5Nd2GXSPqj45IJpP5+OOPa7Ua1WLHGjHLA0N0aHNzEwQW5TNZLzFdEPT5ewLNWCyWz+cLhcLVq1e55siwTeCWMmRKmeoMsAaDBSLDgQ2CINnXR24aWTm3UqpSqdQOD5XhbB8eHvb39zP/8B+fAARBMD4+PjAwwPbKZDLQRijPifZMJpuZmZ5ZW1vb3d3Fw5ycnGxubg4NDUVRVCwWl5aWCoXC8PDw6urqwMCAMGFc1yVk7+3tlVTym84A5hNlDYAysEgb6sHQuoYAwr+KKsmpGUlvuxrRJsOfUHi6DE0qA6Xw7Gq1WqlU6uvrQ2qbMw9KhidEoI3ty5MiKApMf6YY3MuPIzIVQ44lc8dIP5Q1LF3TESb3T2DNKVRKgVfIbfAz9L7Mz8+DftKLSGjbY40fI7r1PE8qx5HhXUmCgkMkofwX/+Jf/Pt//++J8pUFI+L14vH48PAwu9wzagie57169WpjY4OciUPb7rT9M13lM02BnZ2d7e3tfD6fLxR83xd9LklJ2+2WYIUStGitNzY2RG7Edd3NzU1028Xtqm/Q31Qmp2Rhz6pU2okn4qwJES0BZKvV2tra8rv+4uIicn9kLzRtLS8vP3nyBKvMQ2ELShqDAL1r2slFxdUua9iPTxu9D/4bGmJCYJqB8vn88PAwW5/jJI6UbDswqv8cYM/zJiYmEApgSRENUUZd3c4BJJRFBBZbydGVfI/Dj9eNDJNKkA8q5aOjo1y/xDOXn4LE4cTnoenNiKxqrAIGlXX57LPP/vt//+90wJCqg7tLnuQ4zvb29meffba6usrBDQ2dkzFVUkELgoDh4FR27ORDWQWRbrf76tUrLMrz58852bKB7Heenp7WajXXzNDk8VOWQoT9vffeSyaTYRASq3AMUJ9kOfqSSfjbtuUIw9D3A9n9Yhh8MwssDEPSmFwuF4Yh0sqe6f8Iz7c4KwuDU0bUiTGbnuepSPHAQlNcw0ehfVKr1crlMqSpwcHBO3fuoJWAsacBKpVKIT5FXoHFHRgY4G/sFk3HmpzO9XC/7DD498KtwBLFzNgyWgIiix0YGV53pVIhrG00GvPz8yhGzs/PP3r0aH9/v9vt0kkTfzMW7SIkJcWW3t5exOd4sxxspVS9Xh8dHQWBFCCe34VHCMAfWM1G0SW4SZneUVBa0jkSQvupecp4Os/zaDh89uxZsVicmpqqVCqpVKptTchTStVqtXq9jk8nEo3MZGwOrqQB2Wz29evX3W4X6raywOnQlJm11nSde55HYcH+J/lzGIbb29t7e3s0EHpmDh/bhRIesaNWWkUR14wgHkDH4uIidHM4PLI/XNf1PNex2KOO49BenM/nY16srdtoQ9y7d29/f182mbTtXXjAcgDkwJ9ZKedNK0nXaJ7B4AjDEGMxMjKytbUF25H5ax988AFFg2KxCAmXs82DpDGNVorj4+NcLtexRtfYe0LiBM/zNjc3mduOJk/X0vLHxstMbOINO5F9/fr1/v7+nTt3aGB4/Phxo9EgcPj0008hk5KwkhxG51tGtSFTlkolx3GuXLlCrmU/FAIV7otzi9uBqUmwSomNIyGxkP0U+CqcLetPFZ/Ls9P9N3ob4A9jY2OFQgES2ODgIImaJCgg1vQEssM8a3ila3WusJSTk5O267kQZCul0un0j370I4RLX7582bHEFdX5QIhGct+MB47CSEWRVtp1nJ5EIvB913ECP/Bc9/T0lBKetG6WSqVf/epXAIsS/4i9Pzk5bXcQtFFKqUgpN+a1u5219fWj46MoigYHBx8+fEjoSZdGFEVkAs6lWo8+D3pgDqXL3raLkSG6JuJxbDNHFIZ5T09PsVgcHh6myo5kNBE8+xIQDLkX3yh4ttvt8fHxSqWChnhgqqdyMaw8+77ZbA4NDUlESvN4rVajWUKCHx6H1jqVSiH0kM/nr127VigUrl+/TuKXzWYZ7EcQ5Xneb3/723q9ftk94nPGxsaoafT19bVarcXFRVF/0IYtq03pUDyYoNvZbBZJIteMGrlw4Dm3xN4cORLuIAjK5TIRxFnrLIkR+odbW1soxY6Pj/u+j76pJBzKZA8Aq8lkkqEJhARiUx1rQgw8Z06LfIkyVYV2uz02NsY4gmQySTFc3ianhaPF3dK34GgdqigKo1az2ag3Tk9OZe6d1pqtj5GIDFu7cXQEj4CWdjmBURS12i3EF1zvjDgUBKF2nHKlTE4GbKK1bjQa9Xq9p6ent7eXlsjLB0C+1j7q3K+rHfsAYMOoP8KE4f34Vcwwi0+4DIUBe0n+ADBy5cqVvr6+o6Ojv//7v/c8b319HZ8s2z2yKK7tdpsm9KGhITRexYFzhBwjzhwZlX3OudZ6aGjoj/7ojxzHGRsbIwDLZDICX/IIjo+Pj4+Ph4eH0+m0RMgXfBHvQQALQcG7d+9++eWXnAHHiE1duXJFzqE8LzJM8g1pur+8/uyiVqu1trZ2dHSEseAjkak+8ezOOgNwDbOzs7R60MiSz+eFySi2jfyM5JVTdSFTkewEuWYavS8nQ9rIbExNTXlG4ZV25MhwqmXtOp0Octu+6YKTwPS0ecq0NqWU/JdIIDANlrVqLZXqcz0Xa8qEG/ke0bcRt4ipEGXtd999F5kM4uwwDClruP8IMlxkxBocx9FKawvXCsMQ4vvxyTEnnKAcpBynQc7XaDQQIkfblEKVLLXWGmyaz3LYbJxNnh0+ARFS6iFyv4RzTMOmJc01TGaxfcPDw2jSML9MGeWBKIoQRwGp832fnWM/a3tBIiN1TNSqlOJMBoadERn+iFSCqX8rgyynUqlnz57JAbATHjkAyuRgsViMugqDoTjMnml5fcN/jJv543BTe3t7FxYWqAgqK6bE6ty4cUNkeULDkhB/xM1gJ+jvvnBxkoBy3rgsCZqVFfxoQzuBUK21DqNI6zOVNddzU30pEhV5P7kO8SiePdmXLA4Wm83m+vp6uVyWTcmVsMkIMFzT7myD6xhdGhJk6Gx0qQnj2w+Atqj5/JPjOJubm6urq93uWVzHiQILZg+hes2MDI6l0HiUEQBk+xLyyjF+67YLggAU8tNPP4XR9Pz585WVFW4f/5ZOpz/44ANtgE7H4lq22+21tTWqKIQiHJtYLFYqlQIzo9t1XbBacR1yGY5hoR8eHq6vrzORdnd3VwIEbkFrbXfAUfrgHllMusYiixB+wQ8Ehr5Rr9d/8pOfzM3NyR2hZisHxpElU0pRugKqGxgYGB8fxxvKxvI8D12+RCJhq5mSmXWtMdxKKU7e5dZ9+3IzmQwBmWsp+8lLnACBDQVz13HCMLAzDde0nmlTaKMHhXMYj8eTyeTxycnh4SHCTNpwUfl+MWbcI6lbvV4/OjrCAsHOZwdgHexS4uVNL9fPlZ9Nrzj/r+wtCN6SL8pfEqHSUKKN/gDPj1kVQkwKjFoefxNZ4iuB1X8nCY9nSTr/5V/+5X/6T//pJz/5yf7+/s7ODs+a/ie7rKaNIDNhNywdgjHMJd9cKBRE0nhkZGRsbAyg7PIzdY2uKB4gm81CqxHzn81mfd8/ODgQPgXXhv+Hz4NKn71DIuslBrRSqWxtbYWGxEkIYDt8z75EIl0JuYjs7VCkVCpNTk4yJL3RaOB/sQRgjoanFdJ4GkVRLBa7oKAmO5uaAzlTu92W0Wj2myMroZSX4zhBGCil+pJ9ZIR2qdwxEkOwISLkaXsSlMYymQxOQL6Twg1/9s04M+YWy7HkUKEQyqy+yCLt2UZOn+8iiKJIGiHkDcpoFtTr9dPT00gpDrC4rB4zHp0pRmwX+LC+mTrlGpb8ycnJxsYGp0XAgwsHUqqhYRhirY+OjsDf4JyxmbTWh4eHTMeSjhkqoZRQ2u12X18f5Vhl/BupOcU4SfqlbCz7R7apFGhjsRhKCFyGzMOVuiqsWG2o+I1G4+DgIJPJUKv2jcj2hT0jpgeo4Ec/+tH9+/eJGyFfiqVWIosCCiGxlDBUuQjHTOiempoaHh5ut9vPnz9Ho5yIsNPpkKJJTwzXNDQ0JONs7T2tlArDkO577plqw4V0Xv6gjYKQ67ooisRjMW1U3ZPJJIOmfSP4Wi6XPdebmJzg47VaLQxCjrecCoEL2VUJM54D+8SgUnrB6Nqh1rOzsyNuN3xbP15k4lfBssD4tNbqvGwRN5vJZHZ2diJ1FrcAC0rPOP9Lk6RjumPZsp7pIQwNtGqbQ3s3KCu9JrTj+H3/+9/v6+v7/ve/DypwfHyMHDSK9q5pE3UMUxDzT46uTdcosdnGxgaIM4kNG1TQP/shRqbBTSmVy+UAviEByNfu7Oysrq6Oj4+T8GAOOp3O3t5eIpE4ODjY29t79uwZDKvLflhCDNc0EoSm+fbw8BAUSM7Jm+pgu93e2dnBkx4fH+/s7CwtLdVqteXlZfmBL7/88q/+6q/m5ubgDB4cHCAcIAKREkhEUXTt2rXR0VEaFy7sEo4cagi+mXUzNDTkWB2idhRE0Ea26nme63mhVpFSrU47jCIvFjuoHnR9P1KqG/jacXr7kulspjfZ67iuG/MO64fNdst1XdSaAkN5d0xFUCINYiqQGcEKEN4S0mtkaT+qt70kVOVXGo3GmcygoyMVKa2UVqGKIq1S6XQsEXdN6BwZ8l/czGrAqZJfURSDdCnqBq7rJpNJ8uPAUNDlp+3dj6PTWvu+n06nM5lMOp2+fv066twQMK9cuQIRlaE7nqVjia0BbuJ8ShiMYChBGvwxuiZs161MlEFUGYvFGo3G0tISzoeIX5uW5Z6ensPDQ8BcjjpvK5VKpVIJgYJMJqNNwmmHPfa2gSW+vb395MmTVquFCNqFoOZNL+zx8fFPf/pTKos09Wit0WmTXwLMhrQcGQItIH0URV0j/6TMJAgctLbK6bYHoA7K9My1tTV4GsrIYPDgIwum2Nrawg5hwBzX6enp8QM/jMJcPq8dHaoo5jh+4AdB4Ad+q90GlOhLpSgf0kGiLAJtZIhDcSO3iAV6+fIl/zo2NjY0NMTWZ3qFQHuXT/UFC8S2Ru6qVCqx+pFSHdOK7sW9IAgcz4m6Zy5b6IB7e3v3798n/AC9FSUVKmUsr2e0jGzknl+XBVQmVuFFhZUFIaUmmgdpRdHkF7/4RcdodwrOwW/19/fLCHh2mNCKYkbAVHDVjhE4k5WRWrjneVevXu12uzs7O+g7acPMV0pxv/Sp4Yuo6Z6ensIOZM9Uq1XHqpnaL3C8Vqv1+PFjwjZtKALaiDFrCmGQN8nNy+UyXnJhYWFpaQnRc2WVTuWp+6bdk4g/Mk1oUjvc3d3d3d1VVtWJD2rTLrS0tPTTn/704cOHtIRWKhXHTOyz0xQxY5xgogvXGj0i5S3XIGiVSoVx9lxzuVx++fIl1VYoGzbG1zFi2YJXCsYfBAHqI1zzxsYGSY5E29/+kjiBcyiuRtpihkpD8/H5TrvD2SADiZuRHLVajfZfEENMvmAPkoHE43FpEbSDK0qeQkKhbEw6oZRqNpv9/f0zMzNcp4wkGhgYIAva398nmodHQDvR1tbW9PT0wMAANpgoESlp6ZKVwMM2iHIAAtNejPpVs9lcWFhYXl6WVl3Wlt2VyWRIFHnuYJfAGxcYDW81Q8T9SimiX3AFql5vcgBlJemu65bL5f39/ZWVladPn3aNULWgBzgB5q0jkE/YJ+AJ6DUfROJTkhX7yvhDq9VaWlra3d09PT0lM5MDJq6cXdjb28vwUC7DNZK6uCAWXTwPZkliaMdx1tfXUYIIzRAheTCyiHK8QUs7nQ6miBGA4ky/KewRO3fBMxA9u4a9J7sTu/P8+fONjQ0q/0Q7URTBWh0YGAjDEPrT7u6uRG4gUbLV+CrauO3fzefzk5OTy8vLoaFmYYzxyfD7AQN4giIESCeXDFiXPEdrPTQ09ODBA6VULBZDxVoKruVymSI0ZwlQRJiUtkukL4ob5MKuXLnCVAreTHmYA8+nCCBd0xKN0oKYQudSLVIuGJTpo48+ooOFBhptVbjP0DHHkkFNJBIrKyurq6tcWalUojAuvwGhFzYYBTZ1viVHG+EDmYdjO2Kxu+xdgIVsNktBUS7GLquxpigl2eFHFEVA8ngAshfZExi8MAzRcZGfDs/Dxtgk0AZoBQRFPGYi+M3NzcPDw7/7u79bWFjQBl60V1zyXblN+0g0m03GHQTW6BqlFJRyEA/Z/XI+fd9fWFiAfQSvQR6WEKsCoxmIzooyYko8FCaksxqhKdLzfiq1wl7u6+vL5/OlUkkpdePGDREqFNMWhiETEpj9yD5xHIcpGB9//PHf/M3fLC0tHZlyO1Gfe14PQlYpMGLlruv29fUNDAzcv3//e9/7HqwCYioUwnmanHZcHDVWSOn2Q7SNpn0GiETm5+fr9frw8PDQ0JCUcc6gTkkEWVl0Ho+Pj2/dupXP59kKco6pyYEBDw0NjY+Pv3z5Eo1orL5rekYnJiZu3br16tUr2oXkwfMSJgb90bdv3/7888854oQKdneibNyuEXMNzYjfyGQI1WpVOJtRFKGtNz4+LuCXWHoJruS4ik4b2Wdk2vmwf5lMptPpfPLJJ7u7uwI1XjgA2uBu4Xm1UG1YxOBL8k7es7q6iogsAb24U/71+vXrwOGZTIawp1qtZjKZ/v5+IXhJ6wxDMpWhTIZhSG1VDrwAU0LwZt/LvgG25lNgL9rUoVgQz/NIGJRRzI2i6H/8j//x9ddfQ0xYX19H2uP09HRwcBB1R2FVsCCOobtVq1WwfLbBzMxMMpn89NNPSfCazea1a9fo9BctaGqdrA+jf+1QWZ1/aUvj4/T09MqVK2itSsFUomvP/ozW+tmzZ4lEYmJiIp1OVyoVGXGjlMrlcoAJOzs7NIWBuHNAk8lkOp2GmMVXdYxK3sbGRsyIkchvsTXRT5+bm5PQXNqICL5hE2mD7rdaLf6eQDaVSiGQVK1WK5XKe++9h5mB0YWZueyFlZXJRFF07949NDqz2SwxImgYb5ucnOzr6/vqq6/EL8lel28Ao4ALYJeHxZtJOCeGIJFI3Lhx49e//jV4A99mZ9jr6+vDw8NofiHPSlldGwoJ0SYoMMUpJAVCQ1uMDJ+Z9bTZeIeHh7Re4ASESHdycsKUGrEF8mJht7e3WX8A0LGxseHh4Uql8ujRo83NzU8//XRycrJara6trXVNX5QdmMlplLkTCIu8fPlyZ2cHRxdFEbgqkR6OHTsl7U0i2f8tL20wpYGBgWvXrpHx86S0RWx7o9gaRVE8Hr927Rq7AaWXP/iDPxgYGPjLv/xL13UnJiYoW0oHOsLRoungm75siiDlcrlcLg8NDSUSCfHFrItvpN+11mNjYzs7OysrK4FF7wZls32F1hoLFJmKJu8/Pj5eXFx0XXdvb4+/56Hu7+9zcqjRCGruWE3uXaM6huwuK+L7PiAjH9/b2/vRj3703nvvPXnyhEonyaJ9AMgCMYR2yCFnT0gW2uLVcmEM4GBLyQp4nlepVMbGxuB7k/aVSiUuj4qha6aat1qt5eVlTLuwZbU1LZPIITS0XKncr66uIhVDsJfNZicmJlqt1u3bt58+fXrWrtnTowyzYHNzs9Fo4Kb29vaGhoZ83x8eHo5Mor+1tcU4hcePH8Pijky+LvCURAErKytQaYIgePr0aaVS6Xa7EFggLAWm/RKEhk2vtYY4c3p6inh1ZI2kEDMnEDBdeDgQQCSBvM8Mqx0zPXjw4MqVKxzrTqczODg4NjZ248YNHGK1Wg2C4N69ezwYYhJKZtyGa5St2ExQOBAskJ2nrIiNSsKjR49Q+SLo94yiSRRFdHWJmwPGiawZE8zHXVxcXF1dffXq1e7uLtHC4eEhhXTmLwlrn30TM1oDrmn/I/5RShFJi9o96/j69et0Ov3uu+9OTEw455Ulua+joyPRGxUrK8Vd0eUTQgsIXbVaVWbwuNDxQyNg39/fPz09HTNaxeVy+dNPP6VT5J133rl79+7w8DCKyqjoCIpin0z+IEdCNtDs7OzExMTk5CQZCNw+enP7+vq6RgVMmw5GvjMej+/s7CwuLsbjcVrwisXi559/Pj8/3zFzix88eHD9+nWxr7azVefhlvX19c8//7zRaPBEpEeCZ9FsNj/++OMnT55sbGzQEAc5hZGsmFcuyS53yEty9yiKnj59Cn+WIJOPyCV5Yvl4YMJym5qaIp7J5/PAqMVi8c6dOzQlccSVUkSoGHgkcvFZe3t7g4ODYRhKmksAI4kRFwQY6lvzHQTV8c04TjGoQRB89tlnsG0/+eSTJ0+ebG1t9ff3v3jxAqu8vLw8OzurlIIS/OjRIyosVJR4kLJ9Qff4Lcwn/9VaS9d8X18fEwvr9fqdO3dgB3pGB0BevtGZ8cy0FXkSkdHxowZHV+va2lq5XMbFi8YomAkfp0+yVqvNzs4SXAEF5vP5Wq1GJkrdcGZm5vT09Je//CXEdTuLsPdcZNAnwcF6e3tzuVy9XidSpzxCpkvsGhkQWRsWcCqVOjw8HBkZYQcfHR0x6XphYYEd7Lpuf3//wcEBWJxEdHbAKUa6XC5T0vrhD3/ouq6tmkNOwv1Cr6DdjKrI8fExY8iwIHjU8DzfXhmQAA1dvjmdTovrltjMk+tzHAdKxtjYGE+FXchyg4g7jtPX1zcxMXFycvL48eMgCCRhIv6RMken06EBhcSI8MDeMa6h2RAvEaKIr4iiSOa5yv1wPQMDA3SljY6O+r4P9EYh+c6dOysrKz/96U9PTk5+7/d+j1Dy3Xff/f73v/9//s//kaUPDZWcD2JEJVvodrv/+l//65WVFUjIJycn29vbu7u7W1tbe3t79pXbDt1+DKHpiePnbt++/f3vf1/uhXOVTCYfP34sYKsy1Q++AUNQLpelTTEMwytXriil0EvzzUBFPksnMYfc3v32w5VQgclR/f39IOIJMw5nfX19aWkJ3gejqqPzLwjz3C+B4ueff/6b3/yGmDORSFSrVbBB3IjY1gtfJZw2/vzb3/4Wyyi3zy0HZn5eX18fBJ6EmdbMbmaYYmQllpGFwsnfEB6Pj48rU/cUo6CkJdIz+tfMxslms5Sl4mbused5Gxsbg4ODw8PDiARS+QvNVG0iAW1qxkopvqRQKLCVRW7oXATmOKKyJimmbV8jC1KMxWJ37tzxPG9iYuIP/uAPWq3W119/fXBw8MMf/nB5eZkWqr6+vng8/vOf/3xiYmJoaGhjY+Po6Gh0dDSTyRA10legrEiM0M4z8kexWGxqaooKINUDcu5qtUoQGVzS3rEjHzkSSim2FzKAEkiEYcgUVHRQID/jEiNTTMR6zc3N/fN//s9hmuBFlVHEINLjDBwdHZFS7+7u9vf38+DktCsrFeEg7e7u/uY3v/mTP/mTVqvFtHryAdgHBLQcANmR2qg/3L17l0jp6Ohofn4eahoFhO9973vUH+Px+OTk5OvXr8Xryk/jJbg2kuyOGbSsTZpLCHBycrKysgKXPh6PX7lyRRva5cuXL6Fjetaci8hCkOXJ4i663S6UM/hmUr3lR9+I4yYSCTL6UqnUarUghPi+L/oFV69epVwFTeWCigbGTApnjiGfxExfKZtMVkQbliXtebFYTNpA1dteWuvBwcHR0dHe3t719fXd3d2xsbHHjx+jM/yb3/yGBbpz587IyMgf//EfcxfvvvvuzMxMtVodHR1lmpN9+nmJFREb2Wq1Dg8P2ViO46ysrPybf/Nvtra2iMKlwe1yCYaXY140fNGGz+Iww2ZycpI+WsdQVoaGhkQWSUwDYsDU8zOZzPHx8draGjQeFhmDkk6n0+k0MfEFyRZtZYdiYlzXXV5epsS2vLy8t7dXKBTYu8VicXNzExpvaBWbtRl/TX+C4ziI4kxMTBwcHNTr9dnZ2bt37z558oSEfnp6enFxkdwGwAqgWeiGmJtkMvn7v//7fX193Pvq6ure3h5vZq9TJRgdHYWjsLm5ubu7Swdct9sF5wBRsJ9FZEmSAbaenJwQxTiOA2r/xgO4RtgHJy5Dcgh4ANrCMOzp6SFn6unp2d7ePj4+zmQyLTMlRZoVtOlgbLfbq6urvmlCD003mjYEB3HKIyMjGDkAVm311NovrAIoxLNnz/b390ulElHg8+fPqdVvbW3NzMxwnnneHJjj42Ma8wUCu/DNQgTiPXQV86+PHz8eGBigurm6uirSf5GRf1QmcuMlfgyEoGtEDuF4gmHjEDpmHrgyTDguT2rnqVRqf38ffDMej+/t7TUajZs3b3ZNCyuJbz6f39jYmJubo/P1wg1K1s6Z5LIPDw//63/9r/39/bFYrFAoXLt27ebNmyAtjUZje3v7b/7mb1BIl7iOG2k2mzQZplKp3//9389kMgMDA//3//7fQqGAaz04ONjd3RWNe6yANN2zbvSUstrT09OTk5OoVOTz+b/+678Wq/rBBx/86Z/+KbzA+fn5tbW1+fn5ZrNJwc73/cnJSWhprlHikVuWP/i+f3R0hG0FOEHTVt7viY/ThsZEyAVfPDT9b69evVpdXf3ggw+q1SpnQ5SWeWBnTC9z+IgfBPuzQyNlQQTNZnNjY4My0OTkZCwWo33BvUS2YWf09vZubGxkMpkHDx589dVXjUZjbGyMpkqma83Nzc3MzHDK5+fnP//88//wH/7DyckJlolUUm6WTY/Tj5mJcVrro6Mj3AIHe2Zm5unTpzs7OzStKyNfIzmA8EG0STcjg4Nls9nR0dHj42N0VDGH3A7bAk4bXWkYRUjmfX19aAWcnp6+fPlyZmZmenoavg3bMRaLIUfe6XSEcyWbTBuJEcn2CLcODw+TyeSDBw+uXbtWq9VGR0fxIfTBep7HBEHyVyGesOG2t7dXV1djsdjIyAgIRzKZxCI0Go0vvviiUqncvn2bWbSB6SMD1dGmCxG0DaRkdnaWuRgwTCuVijJkWBLLvb09More3t5isZjJZH7wgx/QKxcEAS7dNb1NfLmUR+VvqIqKiJBE9WdWTLwGW5l/JlFAvh0ZiKdPny4sLHz00Uebm5sTExNBEOBteWDalL3EuYRGXefg4CC0qrAXYga2NUnz8vKya1oQO9aYVElCwjCsVCp//dd/TSqWzWZv3ryZTCY//PDD7373u67rZjKZjY2NL774Qin18uVLACi670A/oGbIFlGG/NM1ssb8JXVKgmAAuPv372cymXq9/ujRI2Xo2VJ2kFu27ZAyUuBELIJRembkY9fMaSSPEkI/X0izWF9f3/b29uTkJPCRPCnfcKTb7TYjEDH/MTMeShtiouQV7DM4z5lM5qOPPuIeIcMS9NJcWqlUKATJc8SUMmb8z/7sz6TYwiPO5XK7u7scLU44s6RYAd9oxWEoicGky4cSRG9v7+7u7sbGhjaqqSMjI1evXk2lUihNkEcBvpfLZaY90AseGpKyHeyFZk5paPoTjo6OhoeHqSQ6tjLchb3IgR4YGJienobRKkAB39LT0wPETgbD2uFfeIl9ZfVlz6m3vTD24BsEtcxZgCltuyaJj/v7+1++fLm+vq6USiQSg4ODk5OT+Xye4/rw4cMPPvhgd3fX87xr166REtCuweXJzcofmG/A/wrTITSDnqCnYx1ogpNeBW1gcklw7d2P04O051h9G2T5TLoVNSh2SSaTYaxQYGScyRqz2ez6+vqrV6/4QgwNBcdGo3Hv3r3JyUmlFJ4ZZhFZmWC+URRJV/HW1haVQdow4vE4c2aRr4yiqF6v+2bAFKcOz/Cnf/qn3/ve9/gJKNlIZkxPTxPfnpycQB2QEZcSFXfNUErMOQcARzc0NITbwTmzd6enpzOZjEyQz+VyJKKIerhG/oNnyvRybQR+eDSBGfPcbDa//PLL//W//td/+2//7fHjx5A4JRX05E9BEDCzAIt11skaRa1Wi2wDJ4XzIjmT25OEiV+VNC6yMBw7uI+sEgmQDgRMsDz0UUJraFdghtSXSqWhoaHV1VWSWjLvra2tubm5e/fuXb9+XWt9/fr1v/iLv6DYHo/HUVqNDI1MG6BA8iRCHa4HeLFUKuHccU1gI2EYsvTiQMTeKKvP0741sqODg4OZmRnHDIbiXvb29p48eaIMSwx1EK01tRcerVLqP//n/0yIArNjYmICzgJyd57nUVuAPh0a4prEuHKR8miazWY6nX748GFohg51jQSG1pqyQLlchuciRZswDIvF4g9+8IPJyUnfyF2xaKenp1NTU48fP2ZxkKpvmhn3yvDyqWmmUikcCwUpyrSdTgfyhYTQmUwG7S3xdUJhYt+HYSi8G25KDL9j6SBFRj8YuGx5efnVq1dDQ0N/8id/Iv7/DZcTT0SxQJthbBwAqSPyHiyElDkCq/k6MMV8+38vhz1yElCq+PWvf62Ump6ebrfbGxsbYjlsgy38FmLH37GayQAAPz5JREFUwcHBZ8+eraysMFsA+X+2MtrZ4I/ETn/8x3/8u9/9Tmb7XbiY0AzAk/QLn0YpZ3Jy8ubNm4iFEJZIeK3NqHTbofEHxyppg5zyYAIjrDk0NAQNmOeEoQ0MLxV2/tdff91oNE5OTgiBFhcXmfWprKYzHgc0zMhIYcoJjM4joY6Zuk5nPVR7HjcjJxBelgMjX+K6bj6f5y7wV91uF6iUudYEDsA+rJucPd/qntNm3iafhe6/u7ubTCZHRka6RmmPHjc4zNIMTXv03t5eX1/f/fv3oXtBDu8YEe/QKgLKFu/p6fmTP/mTiYkJhIdZYQFkz4wWx53eaiHWEjSfNW5HEbxiHLrsAO45Mt1h9t6VcEjCGF6RBfJ4nre6ukqakk6nHzx4kE6ntRmVI0/aMRN7Go3G+Ph4MplsNBrsfubGVavV5eVlNIjkhyhLx2KxlZUVMd42CBuZaRGEBHJVBLiEEKlUCi2JwCh0Y63FgRAp6fP8Hxwm9Z1cLoe9EK+ojeCu67qpVIopCjACEmYShO/7UNbQT0Y59G/+5m9+9atficg2/XqiIAK0KjEPr9B6RQZokhw3ZjQ7crkcJ5ZLpToZmpaAVqtVr9cBRexHiTwmMAtMYSm1isXUFtns5OSEFvMbN27MzMygMIAjqtVqvu+j2uCY0Sq0SXCd0BEwGWzRmCUaZ0fgtmfmzYzVKhQK6XQ6m81y72d2XxkV3zAMIb5T35UlkOyw2+0+f/784OAAFiuLKHZC+G1iGqPzbZq23ZWHBGsfhvPLly9/9rOfCeMtZpSV5ON37tzp7e2FE8ZhiKIILle9XgeAI9ZHlLdtXnBdJIm0r4clkww+MIwgIBpOxevXr9EFSiaTKK12jeqEHdnbjk4eDOGvREfayk0JuCHDcFa7Ziiq67pU3KHZkWiOj4/fu3dvfn7+l7/85dbWFjk0AQaw1dHREcjEtyy74zijo6MAoPg6UJdOp7O5uUnNG1aCtiSeoO5SqJIorq+vj90J6EnfCLeTsEbL2dAzBrjVaqFojWQ8KR9PnDomKwZpT1w06zMzM4OwD7Aeh/atNysGGsiETR6LxfjOyIAWnr00IkoKp4/iS39/vzKhQrlcDoLg6tWr2DY5cHLEZUOEpiCXy+VarZboyl9wAslkMggC0H1Jl3mnb/UEsX0//PDD4eHhk5OTFy9eMEid3JGn4vs+DTpYuHq9ns1mO50O3hZfqa1IXf4QmLZXbTInqHJs9K2trXg8PjMzMzAwQPOD+FkowdqM1tPn05vI6EPi6CLT6yPhHDPntNZAEy0zZYeYZHZ2dmhoqNvt4uLggHz44Yc3btyIjCAce5cJCS9evJDQxbnUkyDLnkqlYM5554e9Hh0dQd/CC/G8Iqt6sLm5ubi4KISCyLQHViqV/f19x4xCg0YxODi4tbWlzJBw6SrhRFEd00aBr91uM/CCiANkpdFoZLNZasna8DoFgwY2ZfEpmUnoEZ6HHHEvZDXheXidKOaNKoTgU7FYDObz2tra9vb24eGhgBU8VDqzxGPyEierrABUGzjvAhAkG73T6RSLRXEyNBVw+mWVlTWjXEjtn3/+OSP9YCthLcS4UkHEwoHrReeLa7aNJCLkz7R9rK2tkbTRmtTb29vf3x8EAYRyeSSS6l3YZI5pvII1wFmSVgzH1GKXl5eRNuCdcTNCgYdKfj8xMXHz5s3IiBfx0yAwiUSir68vm80WCoXp6em4kTBzznOBLniAbrcLq5mQlehCGY40CIcdzUaGkyt1Em7ZdV3QUqJEbWIwZtZTFJJ9pa1cXBa5VqsxAwGUhb0EiNRut7/66qsvv/yyY9S+kskkCnlU0LrdLsJbmOzgkkSf/G4YhojPKqN95pku+7PHoaysVJupFoVCgSitWq1+/PHHR0dHfGlPTw+NFGIgA4sbLCdP9rfEoBeiIzkhU1NTpVJpf3+fleV+JN+V6IJ4F6kSVkT0K1utFs0+UAuxi5VKBZ2marWqTdu7/ZJLtc+q5PQE5VprOzYgweiamRFKKQFP7QPgGDXcyNTR8Ei4Vh5Mu93e39+nNNY1/ZziPKXrT2udSqVgmNkfpL4hxgzISHKnb9r9XCfDiaHFg3Ji43maGHLblimD2w4NDU1PTweGo9/pdABtyYP5cvZGJpOhthga4reAM+LflFLtdhvPkEgkxsfHJycntSk4MD2buMv3/UqlgkQKZHjfdPAIWdh5G84eGrmkcrnMbHAOj4AEkekccCSA8X3/888/x2DDenjnnXeY4c5FQ1IFJPGMSL997CIjlBuarsXAqpiqMz3+N1MvSfXsrSMhphxLnGa324V56jgOT5HlBjABw8WIUqQjll1ZWYE1FZ7vYxTkXinlmxYTXsDbIvQCZXp3d3dlZeVCYGbf+IX/Dc3cVWwE9AfJ0hwjji1tUwAgMEfwAFg4W3CBLXV6ekrnl7KwHbRbJMaTp3v55fs+uj1AFxI2VKvV9fX1vb09IQKzGq5pH7l69SrLyyHh1JED8Iu+70OV39vbk5gnMrMaZFPCb6Ujhx4X2jw8I2waBAE9XFBvWLRKpfL8+fPl5eWf/vSnT58+XVxcfPnyJRRuEaiVcyv7OTTix4lE4vHjx2EYHh8fS/R4tuuURQLzzaAX/qanp2d0dPSHP/whtioylS9mfMctoShlAeH232iTocv/EsbIaekYKTwxlnYMbZsubWUXnK5CoYB1p4SuzBRY4k5OP3lL3EywdC19Qolica/isuC9HhwcsF3CMGy328yB8027pnO+QPHWrcY1s0W01kRoyvRDoj6CpQTI5zzQwVyr1ba2tuDzwZtnzpLv+6iDiSdkeXk/0K1r5nLrS0lhFEVjY2O0+3DvNC1J7VkSUAmp6SEkQgOqkjIcG2ZjY+P9999XSrXbbe7x5cuXF2JCe0uAKW1sbODHuJdOp0MbKsal0+mg/wUVP5fLMboF1mClUvn1r3+NnJRs9PBSo7aYXZTkOGYM2xXISCn1xphh0d977z3OJZflui7gER/gQg8PD9l/FxylPA9ecijlDaFRZJDMvVqtIlbuGEGYy8dJPi7a1r29ve12G2yr2WzSo0z3UGTo5glrrAjnQVmmWuw9lpj8235CgSGZIHhGNV4OkmNV3d9q/nGD4EjAIGL+gctITsQcSIgoxBuupFAoAMBzPBCkIXNQViBHuUAs6DeZf6UUgj9YLjmQYRiCDw4MDCD5EVrq2dJuHxlaKFYchHB0dJQYL5lMzs7O2swXWSL7hUHBhwD+1Gq1ubm5J0+eSNQAxxEDp5RyHIeZUSMjI8VicXp6+l/+y3/JoFXef/mo2z/H94DYMovIfnBvbDY7APGJIAgIE0G7BgYGtBmuNjs7K6Vi+jBsw29H1YGloek4zgV3EUURpFYRhJPzI2+zD5i26DHZbPbWrVs3b96UaJLfrdVq1WoVyB9jtr+/LwI4/nl5IolGICb4ZnKw67qAXTxIkgGZP+ebDkZ5uheCQDldgiQSU3EqpGjAcCQpkGkLTuW8NRqNTz75ZGlpCY3BMAxRbWGzysVzogQ7xunJnV7YGXykVCrlcjnIJrgLNGyWl5fR2xHfItYkFotlMhkRP5YzAwtwe3vb87w///M/Z5+55wcLXN6RSqmDg4Pj4+PBwUGoH/V6HZlogYxJbbXJnglKlVJ0nyGSR1OyslQlL7+iKBoZGaHGh8cTK3z2+GT1tdZSHaBaARNVG95iFEWpVOqP/uiPPvzww5mZGUnd+CCcGd7MPeAlSbolB2LtSErw+EC8cnJsFMJ2GkopSnKdTgcyyeLiIoE1fIdkMskKouyCiQ3DkDKNOm+qtclA2OXkIXittowuzWTy+TxpdC6XE8aVbR3faurEvURRNDw8jGqva/owuCnYAXgq8YqREYLHShEqkB4QHpDniNZIZLgGVL5leW0LF1mvIAggMHObPBdIECToVLKkc5xohGAJlSGCKzAcDg/9olEUUXcHx5PfvRCZuGaswenpKd0FkemVEb+BEQQf16bERL4Lv+vhw4eZTIbBcGwzGzLR1ksex6effiqO1I6ElXgAiVtItJVSQAQ8GIYQSmR5eHjI2YXGLU7ft4aiOZYAutyJXFBoxhxEBtJWJgu3k2axjnwwn8+zfPjx3d1dvnxvb69ardbrdXq7wBCJEWu1GmfmcqAiV5XJZN577z1tiECe54mooMwgCU3jW2RB43Jtst3FfUVGaf3atWuyIWznFkURnO2mmVzrWh3xPNdSqTQ8PHzlypWenh4pTlPzwub51sx61EpC09wnD8W+a8dx6vX63t6eMukN04rkidBlT+irTBOZZ7SVcC9UrDF2veallFpeXj49Pd3b2yPqkx1lP/rAdJ5Ar1paWsKowUiVvSH8K3qPeKa7u7tAHd1uFyIwmRvb0vkG+MtxnJcvXwZBQLcgAZ797Bz7ra7rYgsFveLxUN7jaT169AjjSgNkzAj++GZYg2T9+A2cJsGubG66OblbeBahKSprq34uF4pBAvzWWiPeL0kzaRyN5KJeiB2lD7P1ttnu2miuTE1N3bp1q2tJIYyNjRH54DG5HojfkRGe19b0OFkEMXgSy5HMgeHYmzKfz9+6dYsuR15STcPkt9vt4eFhsk9izuPjYzoYxVFzMayzDGO1I1L72EdRJDI7YDhBEFSrVegkcndQ5+U6Mf84H88I6EMP45EdHx8Tyn7yyScrKysYFBbkcmLK1pKWIKwtnrBer5OJOY5zcHBAWEWVQAw2wFFohPV5/xv1+W84AKurq/C4uIXAtAdFkgPIw6NCERoGiJwS1PHZECAkcSNPGRrmjzakc3vFQ6NFc+EvHSM5z0MSRFVCCxu0EY9WqVRw9LAAYIeHRpoXPgWcbVi+nNutra1UKiW/JSvlGO4hlT7HorXFzHRBOdiMsJYgTRaNJx0YvXW5zdDMYA2Njq/4CuFBgITIQRKqI4EB/aiPHz9Gzp8nTUmY7FnSAOx618xOFtMr+br8r7gLWqW3t7eBPqMoqtVq0JAGBgYkHeLNEqpJroWSMXNl6NIiumC6DOMLLrj9yMJqUqkUR1o64JRS7Cj88PDw8LVr14Ig2NjY4Ni3Wq2RkRFk/zzPQ02sWq3ijkgv7ZhHtg3JZ6PR+NnPfvbzn/8c0rWymofeTIhhmTj9qECenJwkEom5uTmhRodhWC6XHz16NDo6SoHwcmghfxBmizqfHcpuiKKI5314eChLFp3nU8jHoyja39/3jHhEuVxGJBDjRA5w8+bNiYkJ/G+73d7Z2YGkJXxMx5ARLhgMx+KTsDsJjoUOJB+3LT2gkO1etJGEkK0v/H7PDIBhqQ8ODmQcL+dcTpE2shHr6+tQzQiWME+IFGlrFlhgxmMGhgEvXkhfKgicnJwsLy+n02l6X9HwSaVSxWJRzK02sbhnJgPA0qVGqZSihZeeMi4Gu/7RRx9RrsFpOIZ/Lr+Oyy0UCvQDYFhv3ry5v79/cHCwtbUVGfpMNptdXV09PT2VGBIsGPioXC4/f/4cT+ibhiRlhZfaQghmZ2evXLlyenr66NGjIAgId2UTXjwAW1tbx8fH4IYEf8+fPxc7BxZ2fHwMfd/OXeQlZkZCGglm5AyIe+3t7Z2amlpaWqIGbt+M3ImYokwmwwOgr2J6ehrrmEwmmWQ6MDDAmFfijfHx8SAIdnd3qYSjd+1Zk+TkhyTVZsnAfEjNwzCMx+P9/f2Dg4Pw8mVv0SMWWYiHtrqN+MJCoYAHcIyoLbeQTqcLhYJSCn8lT4HjRApIyTORSEiTeLFYTCaTEjTKgqN3YFsQeTQXzDCmGtigWCwSe0B35SNIeMjJTKVSBOhEraEhR0DaIbSj0uL7frVaHRgYoE562Thyqa7roq9IJENwv7m5SR7P5jk4OEDvI5FIXL16NZ/PE2/TDXNycvLZZ5+9evWKoYmRKZ/71jB2ZSkANBqNZDJ55cqVRCKxubn5gx/8QOyvFmU4+SQ4AyO3AJ7+/M//nPnsfKlkigKWX1hi2V7KxAnyE9p6RUZqt1arCc/ENWPSZDvygm1y5coV2oJyudzh4eHQ0BBAMhHO6OhoPp+XMidBLR0e165de++99yCK2l5FTB0BnrbQMMfwebThk0xNTYED8inRxpNNxjUnk8n+/n5tZBTopIlMi5lYZa318PDw3bt37TUk2+PyqOglEgmUVbHuMLd934dXzC4k9QSTkdxDnR9UI0eU3f/OO+9kMpkoikDhTk9PX716tbe35ziOpGpU6Hzf567pcsQOUn2ng5GTQ4JOmxRRtO2FLryOj4/pruao1Go1z/Pu3LnDkiIJHAQBwni0rWERGBhTrVZzudzo6Ch0hJhRirfJobIOruuS401OTn7/+9+/c+eOJGMsyzkMG+pLIpHAPwIEQQiTjLO/v79YLJIdCt4svxcz4xLsfe+8rVoRmWSAcWvasAzst8lVgsBQiYzH43RSM/IJMY9MJsPOI2tklJDv+5ubm2tra2BzIoZseyTHcdgEkSGiYbDB3XjBIdnd3QUS1YbpeTb4yNyOYzp6ibjYRjBHHNM8IOE4WQdNYYODg+TrpGgUvGKxWC6XW1tbI8PhDOCcsbtYuDAMqUvGLPlh2ylF5+uPYRiWSiVpQOMp53I5uOWrq6siDCzugiDbMQxFpZRMMOAy6KjkeJCN2NvdfujcPm2iruuWSiWaXfL5PIO7tda5XO7999//4IMPPvroo+9+97sS47GYWDroTIBjLLVdmbEDS04yCUYymbx37x7jKCVffYNk87diXXp7eyHogj9ok/+VSiWKf8Kqsw86Vgr7JxUA2/zb1oi/GR0dJeJyziNZ2oRxID89PT0gM7wzk8kgUgSNEdZAaAan4hmUUtwt6gwxI8aozr8k48dkJhIJhMs9IxZGu5MtOE5Ab/tcCZY4ro4phGezWU64a+SupMQBNEH3E8aMIzoyMlIoFIrFInM9XKNbQxuGb8SXMMxBEPT391+/fp39LVpDyspiZeWJOdmvQn3DxqEfuLOzQxXWtlMdI+FmB12u6+ZyOUIjDgmIn3yzbIwL39btdqFUOo6DvOn4+PidO3ccx6EIW6/Xe3p6GEKHtRVSAm0M7XY7k8ncvXsXRCg02LEsrPwW/goAlxNCDCzmQAkXSBlYcGhoiAyJdQEaw6TxFJeXl+kxJ1FTVmCjTCU1sgY1O1YtTAy8NmPwALauXbsWOz9OWC4RI8THJXwHrkWdRmtdKBSGhoaUUqjlaKMikUwmr1+/DrXQDtbtoxgZAR/+koSvbaaYOIbvzVnyzIiXwKg7icNVpouArRyZlnYKWNokx9wXt0NdaXx8fHt7G0Mj89Rc1x0cHKTFBHvMf1klYtSYUZKTzR0EgVQ8+Hvn/ItL2traQoc0smoaAwMDgUVslheBikSJynCZ8Am4YnY84Qq9H7K2F2yNxOsCeZFIgODx/TGjw+CaIQbaCG9yzDhjSFS45mU/WdlmmCF8prBubWxGXQiBuAdWSoIWgTIxYAQMwmORFZQMDIOtLqFRntVHaz85x3GmpqaotYm/9sxAFGXGMWitCXlZa7qH+O/AwECxWMTARwbPZYuEYQgsLThjdH7CexiGiCmE1nDpYrFI2CMXSVxL9Yfv4cHIDRJSIyluwy/lcploxzH1QceoU/X19Y2Pj9uDz6jydjqd5eXlhYWFd999d2BggOtH/2JgYIAWTQ4SPebpdJoGkcAMgrdPRXQ+x4N7IokHC1sulzm0pOy+peZNNEhdSAZ3t1qtzc1NenpACOSnGRwWGIGcwBpcySVhDcWpakPlEKHPZrPJoDrxIfbBIC/P5/MHBwdERIQb4uvE9suZD8OQypWM1rRD9HMeCjdkE2VxfHFLUZoLosR7OZxg6SXIlkYW6N2eJebIKxaL9ff3T05OXr161UbNKWNxDXihIAiIU30zDJiTrbUmzk6n020zQ4EVIbgkK9ja2gJMVKYCgPd0HGdsbIwv5NoODw/z+fzIyIgyss+O46AGjiSTBMcTExPimgD4tBV2+77PXO6OGbcoq08+12w2qdwFQUBQzobmnG9vb8/PzyulJMM5OTlZW1vjWRIScG00lEj4q98WdstzoT1qYWEBDxaZTrpiscgsAoHnlaljaMNqfvToEfuBCUXPnz+fm5uji1KC+52dHSypvSMvvADjyV5ItXd3d5eWljhgnU6H8btCCwjDUIjlrKSIRbPy7nmGojxcXpTz2+023qN9XrPas68MyDyy6AxilQF/SINCQ25zHKdtZOk9o0Pkm2HxoSGcKBMi07Jtm6VYLMYeBXfyPI+Pc5XaFMWI42W3KaVgkCNixz9Jt75YX/yAgI92y6VAhATl4m2IT5LJ5NjY2KtXr9g6iMiurq6KuqPneSJwC0ooXW/iDLmYYrGIoaIlLzJqgeDuOBaYnheu0HVdKDdU/bSRogCHdU03DCsjT0FfAv5Dq2ynlCLOgfTOw8Ib0JirTPApfjsyCiie0fMiyrp+/brv+wJJAdQQ1Mme0VYDtG16fKP7AquPxaEBiJcU4OUAiENTSlUqlc3NTZIrPIk2HNsL984t4GPpX5VjKV/7Rh4dW0tmhjiKDO/WpqfYdV2G5mIIYZXwQdw3O54amdgSdrbkoL6ZX8L91Ov1drv9/Plz14wQ9cz0Fx5wu93u7e29desWIwrDMIR3zhaB6k0CVygUJDFl6WkTgyMkRAxl9W1BB0CTgnthfLnUHIIgILVgFktkKnSO42B37UNlO19tGGauxYaSAJ3zoK26QWDEg9kZAF/icFgu6DG+1QwF/mhf2AW7K78bGSj26tWrP/7xj4XoJfJHOB+JEIgctNZk9j09PT/60Y+4kVu3bo2NjS0tLaHUREWWWQosHXCZeCTXjCCRUJDroZFDm6mKoWlw6+/v53G4psCHteWqtre3P/nkk/7+ftfMY9XWxOzLh5+Jfbdv376wDm8JgeJmkI5jwWraUIKxAUwuGR4eJj9zLNoCjhKeIz9D0CYpo6Qg2pQtoT2tr68jPi7Rl4RoeG3iVEYzcT1HR0ePHj2iU46OgsPDw4WFhbaZd0uusr+/z5xTGlzU+SRYQlWyN5ay1WqtrKx88cUXAnporVOp1He/+927d+9CKhST4VjEG3Ue9MC0Hx4eop4QnSfDQaYCswJyANXhsxQZeRzKdAuQw4GLE866pvdFKtbqUtQRWS+tNQM5MVgJI3DPUWSjx8wcLll/GBBBELRaLUKORqOxu7ubz+dv376dz+dBbyDqaa0HBgYEhQuNgEBkzY7gOMXj8bW1NWRRELbggskwlUk+Q1M/CYxMC+ovcuMd8/IvTePl5TgOGmqxWIwAx/PeBD7nQiAsk4TRkcloSZs6nQ5wCvVI6cdhaXhIJMdyzrSRB7TjYMdqKXRd9+nTp1EU4X8x/6ER6pJgjhrh0dGRY0hE3W4XtWSWBj4PukY4VonBWq1WtVqlDVx+WswSe0igW84nMLOYdp4HCn4vXrzQViGdl73vJQ6JTEeEY82GEruYTCZv3LiBiFrXiKwIOCOICkgDXVEwvaH+o+PpOA6xhK3Yrs7DL5GVBEdR1Gq1SB9hvLLybDIwzY4ZSidbQr5BAtq+vr7Nzc3vfve75K8U+1zXRcVfmgqVCX35A5lkx2i8OY4DLWdvb49G58hIpoKGQd2TW4jMRFBWY3h4eHl5WTIraZ+/8EQiQ6IulUq0dwNvCCh30YAxczyKIpEIJgKW07m6ugo1XLq8xQtLLwVHkw0tGK1/XjlCsMLR0dG7d++KGETcTH2S0IsHo5QiT4iiaHd3d3Bw8P79+6LME5p5pi2j2M4ZQHYKHuwF00ilIoqisbGxmZkZ6fYgGAAQlC1Vr9fR4SIid95W4BR7w8s1DQC+pZ7rWLTntbW13d1dKqzA1XxDsVj8zne+Q+Tt+34+n79z50673S4UCtevXw+Ntgebg8X3jRKtrLC87JPgOA4lHYnF8YFAGsRseHV794dGgo5eSiI0PvLixQtGxiulWq2WSLMItda3unUxRlw5/aVLS0uffvrpz372s6+//prR1FjJRqPx8uVL+B3iChzHOTo6WlpaktSWGNv7hv5PefX29k5PT4uKc9ca0qGU8rSFl5Ex/OIXv/ijP/ojymzo8iXMrFZWfGFhAf1kuq7sg25b7sh00NmPQay7bxoXv/Od7+RyuYODg5WVlVgsNjAwsL29ra2ipmNqh0TAiUQCzRnf99PpNEI9HEhK9zyMdruNXc9kMoyKEUxDGYSua8b4xIw0SBAEiNS6rgu9hOWOxWI7OzvZbBYmsLgpuSnbusv98rWoHhHIQe8hiuDy2H+S/PBoK5VKOp1uNBrFYnF0dHRubo7AEisLtX1tbW1wcJBHI6iLssrnsontPwdBgJJzoVAgXgWguyDdo6y+NmVI0bK5IcLs7u4eHR2B/0Krnp+fF9GhjplUYLsgZWJacvdUKrW9vV2v10ulEsZXmQ7Pn//85/Pz89euXbty5QpWv1ar/eY3v4GgyTxzroQIKjzPSRP/o0z/Dafx1q1bCDnKm8+FQFjNv/qrv0okEvR34jHX1tbsuCWKIpFy0JdgB3kFZu4Q2I68TVsgDEOHms3m0tISs15owMd+XAgft7a2uP+hoaEXL164rksozMnWJokfGxvj6CqlRNRWGi/D8yL6SinpehE3yCQOTGwYhslkcnx8fGVlZWVlRZyefaehpckqq+8aFjTqmdpSIojMSDyl1OTkZKvVYj1B9Eul0sTEBJP/8vk8EwaIQon6UNRBfYQsq6+vLzBNzN/yRDiouVyOAnkQBKenp4w5ZK+DwEaWSIxkd7ahBPOJGwlHNJz5CK6SoNExBBD7Gni4TC1RStVqtZGREfwJMY9Ualut1qNHjwgK6vU6/3pycvLkyZODgwPi6larBcXrwp3aKwDSyj4UXR/HVH7OHYCYkav/f//v/83Ozl69evXBgwfMhrCTd/zItyw0L+I8kg/nvIisXA2D7jqdTi6XK5fLYRgiFMx7tAWtoPYMLx9FGvKQTqdDUDg1NcUJ8UxjFA5Xsjc7MJVvjqIIFQaa37XpvvWN/EkYhqVS6datWzyG3t7ejqUypA24nk6nsQs3b95MJBJfffUVqxyLxbCRuJHIGl5N0hkEgWgO4BVXV1cHBwfh8wVB8Mknn4RhyJwlusKHh4fJj/v7+5mgQVXuH3wiPMQ7d+4Q9yeTSbAXsgiqimJKI4sxppTCo/I3gITJZJLolONHKnVwcAA3KfgGvQwKbeQ8V65cee+991ZXV7e3t0nN8ZB0zIyOjiLTzVS/fD5fLpcbjUalUnFdV1opbNkVeUXnZxE5jtMyGs/KSsYUIRBhpTJxOZnNV199RXaCoIpr9R3bLlKdTwEjayQgIYdsI2VcUmhkOgl/e3t7v/rqKzr2+XU5nfaTS6fTzCcm3QH/kZuH5xQaJVP4C5HhsWEtZDkkCtJmmBLXI5GrvY1Ya3xCqVSyCxSwrISlAwWo1WoljKy+1vrZs2cokUQGfQsNMEK6IlUkOfadTudXv/oVe3FxcZHvQUiLVAEuulKqr6+Pvk2RbJEzYP9B1jCKolQqxcGTSj/bkbFXdIHDepK9IsXU9fX1GzduUNbkYhC3EpSm3W5TYpOPCwRsB7RYd2a93b59mwIcI0IiUyWYmZm5e/cu0U5/fz+axHfv3mU2WWDJMEvao98GS0SGDOdYLFFtJcHnPIBr9fMT36+srHCHNn1AW5WmC3ZC7JAAXvobMBOyQ1zwu+++u7W1tbm5CSoiBxK3XiqVstkscsG+EYdSSqG/R3QUi8X29/fL5TJaA729vVtbW4VCAUGr6elpPiKFWLkFThQycoEZDS2gioT7u7u79JdBFYmiiPKtwHDKuMfV1VUGpRBXPH/+HNkcx1QVHdPCSzU3iiJiMKBSZQ2+5e6kbALCm81mv/jii4GBgXv37n322WcjIyNBEKyvrwtkLr76rXlhp9OhjCqnjhfNLpKy2w9Ltg43FZlWp263m06n4Y8dHR3BZTg5OaGxWFhMsuB2StA2Wtl7e3tLS0u9vb1Xr17FpZN8Xr9+HUGAZrNJvOf7/oMHD8bHx3d2dl68eGGXVr7F+2mtm83m3t4ekw0kkpc/nDsAJGpygpvNJhwyO3yXZykH5nKQB6YJxSU6P29QPh6a+UKE/vPz85ixyBQs5fsbjQYx9PXr16H+FwqFyclJsalHR0dPnz5FxjQMw7W1tevXrwMfJRKJo6MjIAVt6soS43I7Y2Nj+AHalNhzcgHsFch/znnCCcVvsj1ZUDJy1pDmiguFMHKyZ8+eRQZj1UZ/QRkb6RrqqJyBwGieohRENJXP5ylFP3z48LPPPrvQnGA/Znl1u93FxcXf//3fl3nDSJBDuiRxst2R/DTDUzwjV8jzbTabfX19tVoNxwgpqNPp0LquDfNKm7kvpApjY2PMOxsdHR0YGJicnES4gJs9OTmJxWKAIuToa2trt27dggnXaDSIFKhOXg6tLx+Aer3++PHj69evFwoFZilAI2X9PdmXkWEpsoiOmfFGnB1YLZ6REUnl72VLyRu0mRV54dnLD4l9orcokUiA6E9NTTGCwDc910SW5EYUtDmlHM6mmTGcSqVKpRK9I8zbYQx6tVpFr8Ux8yn4ZhuYjxsZbqwgtXBldSwQInO67NIstRv7VEh44xsNOc/zXr16NTo6OjY2FhqNR4D8C2uiz3eTAUPxhXghzuH09HSxWESpCV56b2/v+++//+WXXwLwhZcaweShaFPtigyEwvVQL6/VaqlUihDI/pQYGsJUTuza2lqz2cQrIhwPexmJBynQSihCT1a32x0cHBwZGUkkEiSjjUbjgw8+yOVyz549Y16o1npvb++3v/0tZEfa+prN5qtXryB9MfhHa82REAti2ybZYFprz/MWFhYODg7AmlzDAjwLgSILv3NNQxY3PDIyMj09vba2xogk28aTyEMwisxL3kAhQ1kjCm0/JY9cKbW1tfW3f/u3s7OzEA1isdjt27eZYquNbrPjOGtra7FYjCyZPhhUotgZDLcqFovKaDJns9knT57cvn272WwipgkuIYGpNigHK4igUBRFtFrbPU2YulqtBnBp60TY2+tCksNnofrV63X03Cl4eZ6HzCht5s55bqxEoXLvkcWrIUEcHR0VqUD8DFUOO/qXZZeAU75nb2+vUqlMTEyQFyaTyeXl5c3NTW0GZxBhe0ZBTZmpmCsrK8x6oijJiuGcGVSOfjCAFU6D5vdutzs9PQ2PFTZeNptFFLndbpfLZXAIbmdgYMDzvFqtxn319vYi9I1EJMnD0NAQiJ/gHBeSRjl7vtU+sbKyks/npZbP33uyXtrQrZRpV//e97537dq1SqXyk5/8ZG1tTb4dYN41jRri7OxISb7WteZMyVERUFwptbe3R4jPNBp2m1ySayZvMyPo+vXr4+PjnU6nWq3SLMt8jVKptLa2NjExEUXR5OQkZaPFxUWm4kRGAF32R2Sp0L1+/fqLL764ffs2jyqXy1EOl4jCdV0ZY+q/TRzXfkUGA9Vasxvu37/PxQ8PDx8cHKRSqYODA6rajpk4JItme1FlQkH5OUijwrEFQtBaM8BYX0q37DMQGUEa13XL5fLg4CCFDgIYGFl7e3vSUSAPlN1TKBQI9BuNxtzc3O7uLpMfAM04SzEjGMqljo+Pj4yMIM00MzNDCAf8VSqV8vk8I6ybzebGxsbm5iZVfNwIeTkYwNWrV2OxGPKpcKi63S4a/XbwYqd2yrSk4/Ha7fb//t//OwzD+/fv/9mf/ZkE4UoKYfyXgJXTf3Jy8pd/+Zf0hfmmX0RCZ34vtHTPnfNFeEn47H0vb+BcyhUzF0wpRZO7/fyErsM8qfX1dWxYoVDIZrOiVcbG3dzcnJ2dpa378PAQ2Nh13aaZkxyZ6J8AA4c7Pj5OSuqbbkYqvnK18XgcwqldRv2mM2A7XwjPy8vLt27dmpubo8+j2+2+8847jUbjxYsXXTPyURlvaRsRVs8x6gZKKXDA4+PjjY0NAol4PF6tVv/u7/5OljSwut7sox5aAxtXV1fv3LmDWanValRLPM+TaSYCA2hLpqlerzuOk0qlGNDW6XT6+/vX1tYEhyWXoGi1srISRREw9+zs7HvvvdfpdBgJd3h4mEqlGo0G9hhqE6GXtKclEgma+JaWlhqNxvvvvw9QS/k8l8tBV4FPRaYaM9qbdggkf/P69WuKgD/4wQ9mZ2flDW9MfmhaRmz3QSjCjpfgm6fiG11BsanagIOALclksmlNC7RNkf3BMAwFdxNzKIcKAjYOZ2xs7Pr169iPr776qlqtMpsWAzY3N3d0dPT48WOocgsLC4lEAtILS0Mu4RpNtchE29vb25VKhR4ACJ50tctNgUOz6KJBq0yKeeEkyDGLosjzvGw2e+PGjZOTk3w+X6/XgU24Xyo7BPraylyVBRlFViocRVGz2Tw4OMjlcltbW47jUFTm8gKjFGQD1toAncrCQxuNxubm5tzc3NDQ0MLCAu0E9mBT0f8R49put3HLx8fHxO7ILnmet729Dc8Xg7K9vY1ByWazh4eHv/rVr9LpdLlcHhoaKhQKzNdiHpkUsFClHhoaWlxcPDk5uX79+tWrV0dGRjDH/DTUvXq9PjY2Ro5RrVYJzuGkkQ0KzUEMQWh4frQFHx8fHxwcIDrEapxDgdR5zwuLCP1DoqOZmZlCoUB9TilVq9WUUr29vZIkaGsoCHQroJW2GehwcnJC3SQ03Feh8vpGAZOtCfRbKpUajQb853q9/vHHHw8ODr5+/ZpmWRYCQuK7777b19e3sLCwu7tLK53ruoODg+gVk+ACtPGout0uixJFUbVaffny5bNnz1ANoElFQrjIZMN0S2qDIr8VfwitSjOJ8qeffprJZMbGxqIo2tnZSafTd+/eBU6xIXP7CCkrVFOWZFC73V5ZWRkcHEQGGMauoI2RpVpneyR5sqERTvzqq68WFxdp6gUmVwYh1efxRMcqyTuOU6/X8ZZcfKVSgVnApuzr65OUgMnNu7u7BFc/+9nPsLutVmtmZubw8JA83nGc169fM/jw1q1blUplb29PBgdip6iU5/P5/v5+glso/rdu3SIZWF5efvr0aTweHx0dPT09ZVCaPAXujmIC2IP9usgGVed5/JVKBQB+amqKlZqamlpbWysUCs+fP//www+11n/7t3+rjZRIPB6HrsgBwMUDR2oze2J8fDyTyZC2jo6OLi8vt1qtnZ2d7e3tfD5Phb9QKCwvL+/t7S0uLoI337x5k4fHvKfIADhhGO7v7//6178eGhp6+fLlzMzMD3/4Q2xGp9MplUoglZlMBloov+sYCiGDyPv6+hgojyldWFiQgjybhqBTwlzh69pRuzK5Uy6Xq1Qq9HkopZhe8cUXX9BRdHh4+Pr16+3tbZtwau+5yAyhoOwg0DDlp7W1NXgTs7OzrVbrf/7P/3n16tWmGTHtvk19Q1lS2Ni1dDrNI0B4C7+NS7lMKtYGpf3yyy+Zwra5uVmtVkdGRvr6+qgU4QEI4mnmWl5eZgdjSpaWlhjA+rvf/e7evXu+79++ffv+/fsEwNlsdnd398mTJ/F4/NWrV1988cXv/d7vzc7OptPpIAiePHlCxjw1NQVtHn9VqVS+/PJLsmEwWRGhiay2JCwsSeMFDouyQyCiKClgYbwBofHa7XZ7aGhofX2djjXSFLjg6XRaRAtZR8Ju+oxANoEa2+325ubmw4cPReivVColEol8Pl8qla5evUovxeDgYC6XW1lZAfqAYUszPjf/T//pP8UwkFB2u92FhYXDw8OdnR2lVKPRuHPnDqcFbpk2wzfBH/L5PJwtarStVmt0dDSKosHBwZ2dHdd1//AP/9DzvJ2dHTYcLoW2GCgD7ELbvrKGrutms1kAq1arNTQ0VK/XkW958eLFnTt3VldXf/KTn5C/2pPiJbvgb+j3c0z9i70LHAxCsrq6igAwgmp2au6YtmPf96UlXH6ir6+PyFvkRxkEKKirHf5FllrM3t7e559/zgWwpYQ6ETPKRRsbG3DXOb1Cl2QjAih/9dVXNB9vbW2dnp5yJUxeJKBttVpPnz4dHh7u7+/n+7lNIg7QpN3d3devX/tmqCtGShmepXO+Gkh5oW1mPEtMrrV+w2rUpk5EOqW1RoWYk7C+vv5P/sk/OTw8nJ+fLxQKw8PDKysr5XJ5Z2cnbmZWQhkguycrZYkhfmE+GYnsOA5D5w8PD8vlcqlUOj093draQv6WysBHH330zjvvYNsgnBweHgJixOPxmZmZvb09BH9QyygWiwSRP/vZz9rtdqPRAOmDXHTt2rVutzs1NUVS8fz580qlMjs7C6+wUCjQ9Utv8cTERDKZXFlZmZ2dpV9RKdU1Y5w5RfDtpLwQGQiy2WzOz8/HjL4VuNbo6Oi1a9c2NjYymczr16/ZQD09Pf39/XytzAmNogizx+/KN0emayxmRmpL3TCwOjDZ8VC+YC4B9fD4gY+ADWDOvnjxAnBdmenIgvB6lso085oqlcrBwcFPfvITzB9D4ZWVXWgzBUzqJ74RNBCLy0nY3d09ODgYGhriql6+fEkU/fLlSwThOp3Oy5cvQVEXFxcJH46PjxcXF2Hy1Wq1QqFw586d+fl5HJR4Y7p8JJKUmpdYKPt6LvYE043OUhIw4SWPjo6gYTBbYX9/H74ua0qeCoEpm82ur68TDLTb7dXVVWknJYzLZrPT09Naa+Ys0X7gOA7ChuC+R0dHBwcHlUpleHiYSjBVGDRJt7a2Dg4OAHC2trZisdjg4GAqlfq3//bf/vznP+92u+vr669evcpms41GAz29paUlSL/j4+M0QO7t7X355Zf8HDRP6qyQLuHeKaX29/fBAdmRgBUwOCKj1UWgyag/DonUKWUQKoJTKysrhUIBpRZ8HdBCx2ht8EFOiGN44J7R6GRvicgFJqbRaPBb6EMSJUu/3u7urud5qVSKRxyPxwEnYNpRW4RwFhnWbWCaBGJmWCX8M4ANAW3YqWEYws4SSADz71ikA4GSCO3IADudDugfMeqjR4+4LxGBe/ToEesMHl2tVk9OToh8qMAiEFgul4lIxahfCALtYyCZqrzHs68bO01jm/hQCn69vb1zc3Ou6w4PD09MTPzsZz/jXwcGBuDo9/f3DwwMNBqNer0ObCxA0ODgIMhaEARLS0sAbcjsQAAmrCdqGh8fJ6RZXV2Fs46GOEPvyO4ZsNzf3//69etkMjk1NZXJZLa3t3/729+ypSYnJycmJkZGRtAPIxZHthJH7/v+tWvXoihaXl6W5wSefXBw0Ol0Jicn+/v7v/jiC5gtkZHCZZYoxiKfz6NTAq6COY/H4xBXiO6QPCBIwBdTisf4kX4A/rJK3W5XdPg4eGieYlyr1Sq5L4C6Z2QKpE2P0uTJycnQ0FCxWJyfn3ddF8kZDie0MGn8RWCYbcHMi9BMUQ+tHoDIjDvo6+u7cePGs2fP0CwCHXbNID12Kq5DUF19vk8NTFm4QBK6yFEPTS9oT08PQY69fXk/X7u5uQksLpC6nDr5XQHHQqtf5S05gHg9beBn+VXegL7u0dFRLpdzXRdF33Q6ffXq1Y2NDcYvY2xQdDo9PaW8pZTq7++njLe1tYWaw4sXLxhwgP41OQMMELwHGZXrushs7O3tjY+Pc2FBEGB3cVADAwOxWIwnfXBwkMlksO47OzuJROLHP/7xf/kv/4X5z/S1Ube/devWxMTE0dFRsVikpEK0WigUxsfHV1dX4Z989NFHh4eH2Wz26dOnfJaZma7rplKpGzduLC4u0kbIs2mZ+Zn0H3W7XZw4yQ9AHtUGatvoixBqwsNh98RiMWhnQlC/fv36kydPiOAnJyfR0mJiEoBJNptFNCWZTHIg4/H4yMjI3t4eaSJJmlKKMxwEAY6CFIVwDjMUmUE1rLAcHlCg5eVlEC0MIlI02WwW1ZnIqvZIOkGUyLPDibGbv/e978VisU8++YQUwjVzx4DaBcqEzW8XXhH/Ozw8lDZLiXmUlZhJoYmXwMSC1OkL/QAgj+RY2sighmF469ata9euNRqNmZkZnOY777zDBo3H48PDw51OB7RLa53L5SgYra+v9/b2Mu/y2bNnpDIktWEY1mq1vr4+AoOxsbHd3d1CoUBj0dHREejB4eEhuRQD6yG9DQ8Pj46Ogl1QuKE9olKprK2tIZLV398Pv/yXv/xlqVTqdrszMzPMTi0Wi+Pj477vr66uAnoA7e3u7tKac+PGDd/3+S8AdqVSgXcAONbX10dChkY+Bgn4XCmFC8WSEQnkcjm+CkscGuUv0apXpnLMc/I8L5PJ4DdInxiX4lqqdYC8TICFkEPLWGgGjhBWYdQPDg6gPLDC2Hj+NQxDjBQWEBgHlDMwqgWpVKptxoYnEgkyARy4YLig0nwPYLxjiOWRqbc4Vn8MdvbJkyexWGxycnJnZ4ftzscJRGXwmRRuJd0KggC+lqAI4naIvaemphYXFwPTk81lKEvENrpQCOMVGh01x3Gmp6d3d3cHBgYODw/feeedYrFI0YQcFw9OI0sqlapUKgyiuXXrVqPRGB4eTiQSyGaMjo62Wq1cLheaGbGu0Z1mOu/09LRnhN6J+cAKAQfQbeUOiY4of7IPBgcHyRYWFxehCuIfiOLy+TxT0T3PQ0YPd7+wsECHJFoMCDT09PTUajUKHZg0ZnG/evWK7BzeZTKZpItNbDYdP1EUcUnCl5T4pNVqUbEOjLxHGIblchlVd+iAQvshGDg+PoaeTdCCsedSe3p65ufnYUSKS8RU+dZgC2HC9vX18alutwv3JmGpPXc6nXv37sXj8Uql4nleb28v6bIyCjFTU1OvX792XRcAdGRk5ODggLEAMhIY703jIiiZY0aPCbCOOZDQC6BFaqYUDbgR9vSPf/zjX//614y9QaoZtMA2N1hSz9LFCE3DGortEEsjqw6rLX7eWZwfWUCe53n379+/cuUKOCCQ1scff8zUiX/1r/4VyNfk5CT2gxpTKpVaXV1VShHFAo/SzqO1Jkn44Q9/WC6XE4nE+vq6MrNulFKQ4GlyJZDVWheLxXa7jZRDOp0uFosAvdBLUqnU0NBQT08Pjjufz+/u7o6Pj3MBmUwGpMj3fYJpHjbPhv4VfH0ul6tWq8yPicfjgJLr6+tLS0vUClDsEB51pVIBbJa0ge0lGj6OoW16RgSSa8ZPAsuwFzl4zWZzfHzc87yNjQ0CaBQOtZExIwQiL8QEiMZWvV4n+Zmbm5P9CnVXG51t1/CouWspxQRBgJnDYwNqZzIZGPMHBwfXr19fXl4+Pj7+8MMP4/E4zO1qtUp2jvU5OTlBaYZ4cnp6mmfx7NmzRCIxOjr629/+FnfRarVoFKaKjEVrNBqAaVRLUTs8PDyk23N/f//Zs2dMH+vp6dnZ2YF2kE6nx8fHh4eH5+bmkHCenJxUSoF24DGkkZU7RTWDcspZ0O95kYUa61/84heSHNTr9V//+tdk5e+8805fXx/RfD6fx11iBbvdLowDrjsIgsXFxbW1tbGxMfwyHnBlZQUpaRQpFhYWGHFD1kjfAxkhh3h+ft7zvHv37qXT6YWFhZ2dHUq8uVxub28vFotdvXpVa00VLBaLgW+CCvf09DQajYGBAWwtoXBPT0+5XKYcOzQ0NDc3J9No+Gm2uO/76XT63XffhYvC82ZXDQwMIPtB9LK9vU2eNzw8DHPY87y5uTn67vv7++nkIivodrtMFD86Orpx4wZ9kmtra7lcLpfLSZdqX1+fCMzADhD1T+amEHtw13jwnp4eoNVUKkU8NjExAXnm5cuX6KnUajVMDEiU9MLKScDYQ8g5Pj6enZ3lgMXj8dnZ2fn5+W6329/f//z586+//hpbDqzpGnqiUiqfzz948ODatWthGIL+ua778OFD13Wh69brddglh4eH+PZqtQoGAHqGI6WaixAJvpdpSwR1Et+XSqVisXhycrK/v++YgfXVarW3t3dkZOTx48do4r969UqSKFYMw8Qt/8f/+B+npqa6RszhzQHAMJ+cnAhxwtBCHKXOmEJKqWqtGvPOMjOYg47jHBwcoFeaTCbDMGo2T4+Pj1dXV/v7BzKZNOkg8Fk8Hi8UClEUNRqNTCYDCZTGH9+MGDk6Pq4fHuKgGZpAWlIqlTDqiBITJrqem4gnCJ3p6GO58ZukVgTl1NEqlUqxVBocGFhbWzs6OiJYjMVit27dIt7jvnZ2dgYGBlzXffXq1ZdffomtYiI34FVoCMYnJydwh4heent7y5XK6clJGIbvvPMOYzWuX7/+uy9/d1A50Fpvb2/v7OyEYagd7bme53kArA8ePHj33XdfvHiRSCQgDPf29lLzJ9RkQTzPK5fLDLO4du3aP/tn/wzYbWBgAKbQq1evJiYmCF/7+/tXVlY2NjaQ9iiXy7lcDp9MDsbhlyKm7/vDw8NwRTtGVO/nP/+5Ps/+SCQSk5OT09PTMzMzU1NTyWRyY2Pj2bNnaJjyVaOjo6RwhLUEael0Gg4zuNzp6emtW7eePHkyNDQEsQeFCGJm8P6NjY2+vj4oopwcyq/3798nU3r16hUblU5ipdT+/j4EeJIB9gnNLfV6/S/+4i8mJibesIN/8YufywGwawdhGLrcsNau40aRsNm04wjFXymlIqX02X+10lEURlpr7eiY57VtukukIsPVOwfWRjqMQkc7krkjdRqEYRSGfGt4BmbZMtRvxD3DKFKR8jy31WrF4nG2VGARic9g6TDqdjtaO5GKut1uGISOEdQPgiAMg3giEUVRzItJa58f+BSeA6utJ7TksqMoch1X6zOBsHQ64/vdo6Nj13X5Qs91BwcH+/r6Tk5Om81TYJZqtRaGQRRFZ9Ovul3kKGnikXA2FosRu3e7XdInOp7DMCzv74dhODEx6bpuFIVKadd1giCo1xuO61BIIuHh4/l8njoDkbokhdoQKCj2k0GSeIC6AgpJxKyMEiZkClaG9AZiH2JeAvhQSaD9BfSG3CM0DZ9E6jJyV1hP2F9llNcEaSWC9X0/n89rrclY8NgUEDpmcBOxn0iChoa3wmAy+V/9y1/8TL39FSkVnWknRlQH2aOOUoFS30CI19/Wn3bhpJnfOa9pEalIRersOFlffL7P49xvSiVSqch5i6TZGQIQvflC+cib02h+V5YmDMNIn+Ez9u9qrVUUafm2SCkVqQtvMF8uMIiNUjva0Y7WSgVhGIWRcrTjnlEAL6DU0SVaL8hgzPO00gL/OVpHZmEjdZGorS0dGvtX7GW0f0jAFhALeWdk1VNDqwHIPiH6UhHK/v7LD06YdudsotWNIGm02Dv5w4Vrtr/ZsdqALi+F/ZcX2aD/v39ZG//CXX3T4soruiTDpN8ml6nOi9VceGzyULXWSp+bVGn/0j9wKearZOvIE42iKFCBbMdIRTrUkTEol5/ZuRs039DpdJUhq4ZhGJhbCIIA4/HWz0b22y7tDHvptKkiBZYQqtyCvVDyT2Kw33rNF37C/tfAapm3L1WdNyXKOsnq0lO7cG32gn/76//vDsCFu/oH33PxI+dd04Vd+02vb/whi1X7zZf8bV97Ycdc3nac9/C8ssa3fOeZ8VaRox17T7/55n/ITCirZc++1AsXYJ/8t1r3b/r4P/IXv+V1wXhd/tTl0/hNP/oPvuf/A2GB3iYR4hi3AAAAAElFTkSuQmCC\n", + "text/plain": [ + "" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "0 the dark colors and the lines make me feel like i am trapped in a horror movie\n" + ] + }, + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAQAAAAEACAIAAADTED8xAACBsElEQVR4nO39ebxlV1UojI4xV7e7s09T51SX6lKVSlOVpCqpJJAUAjGEgCB26PtdueDPq/jeFfQKPPnuVZ9+oH42XFS4Xv0UvYiCgCBIJFf4gAAJCWkJkVRSSVWa6qtOf3a7ujnH+2OsNc/caze1T1uV5IzfSWXvvdaaa665Rj9Hg3NzVegPEHGJpyFS90MCoK/xW4EAOo+JANh9QFrErfpegZcYEHV9a6t7L7Goq85zpt3nlS9PeHli/MsK1gjgPGDSwGrywjVYHcgSwHLoOb1HmMeh5eCvPcfogq7UisqI2APLuyE9/66vfQnTRp+vaVlWIHOvPsfsMcPMCO0vuqtetQZr8HKAl6MKhABgcII1Rf/lDKtPABcBtuEa0q9BAnb/qLAEvV+ftjiNixZnOfTwdfYYYqFW0EtY+18Q9K+Iryp0Nyp4wms2wBq8rGGNANbgZQ1ZG6BdRiz0UA/o4ZPKwMUpTxegfXWf5IpuLKzZNguFNQmwBi9reDm6QS8sKKX05zWGfcFh9Qmgm9DvjQrdjq55YNZgSbDKBNA1eBMAumN5v7EVPWCVeW0PRX9xwSY9DLCLHxZnMa4OrNkAa/CyhjUCWIOXNSwgGnRxkrdV3hEAZaIvlxGWZVd72WFZ7vWiU3sWp+esvna0JgHW4GUNawSwBi9rWAkvEHX7igjs0tHZJEu+V79jvOhUiBcdLCUxd+XgvG99VQngooiFXoM1MGBNBVqDlzUsgACWT29ZgzW4WKBfFahb6neSWSwEEfE5SgEiICIR6R/X4CUJF9Webj/Qjo39EgCjMiIqpYQQQgg9oqaNVETAi3Bl1uBlCguQAEopRHRdNwiCarUahmGz2YyiiIhs287n88Vi0XU9RLIsYds2ABCRUqqdGphshBAp+SAA6oRJPp8MWLbHXYM1aIXzE4Dm/YhYq9Wefvrp48ePT0yMV6uVWq3WaDQZoihyHHtwcKhcHtyyZcvmzZtGRtZt3Lhx8+ZNhUJRKaWU1GgvpazV6rOzM7Ozs82m7/tN3w+CIGDZMjAwUC6Xy+XyunXrPM9zXZfvLqXUIohJy7J62TBmIcaM5FtcaURNiheVXreayUMr7+tcvYXlGfYiACEwjqXjOHEcN5vNBx544OGHH56YmIjjeG5uZnp62vd9pVSj0QiCIIoiIYRSClGMjo5t2rRpYGDA87wNGzZceeWVBw4c2LRpU7PZPHPmzKlTJ48cOXry5MmJiQnf9wEgjuMgCBzHyeVyRMTCJJfLDQwMbNmypVQqjY2Nbd68ecOGDYVC3nE8FjspMaw2Ll5U2P+Sg1VdWwLASqXW4wyllGVZYRh+/OMfv/vuu33fD8OwUqnUahUpZRAEAICIcRzzybZtC2EJYeXz+dHR0Y0bN3qeV61WBwYG9uzZ43nesWPHnn/++SiKeHzXdaWUQgjHcVzXZdRXSg0NDXme12w2c7mc7/uO4zSbzcHBwa1bt+7Zs2f37t3lchkR4zjqgY0tEiATkbuE4rgXm0r20pIAq+eXZ936PASAiETqb//2f33iE5+oVCpRFDHXVypWSrFVoDX11BdkCSEsy8rlcoODg9u3bx8ZGTl37tzMzMyWLVs2bdr0gx/8YHp6ulgs2rbN2M8X5nI5pjfbtqMoyufzQohcLlcqlcrlMs94cnJSKTU2NnbgwIFbbrll27ZtloXd7IQVIgC4yGjg4icArbKeV3giWgu6y1IgIYBqtZ751fzqOM6hQ4fe+c53njhxQikVx3Fq1CowrNXWB0MhLCGEbdue5w0NDe3atWvHjh3PPffcs88+u23bNs/znn32Wd/3Xdfl/EBeIMuypJS+7wsh4jgWQriuy+a153mDg4NMEnyvOI4HBgYOHLj+1a/+oSuuuMJxHCZIbbEAgFju8uirCYtD61UuJtBjTNNempmZyefz+Xye35F2IbYDE8B5B18W4NF72QCIaFnWgw8+ePz4cY39enI9/DNM7qwXVSqVI0eONBqNnTt3BkFw9OjRyy+/fGxs7NChQ2wRs+UAAFEUxXGsXyHfXQhRKpVs256cnMzlcrlcrlgsFgoFIcTs7Oy3vvWtH/zg31/5ylf+8A//8JYtWyzLAgApJUuStXzJiwTy+bzjOFJKALBt28yKzsDqi9ZeBMDctFqtBkFgWVa6z5XwfqJej6GU4geu1+u+79fr9SAIhoaGiOiFF17YvHlzLpebnJy0bTt1hqK+MDWmE4dPs9l0XddxnCAI2PCoVCqlUimXy3me22jU77///qNHj95222033HBDqVSa34NbCz26CIC9GqnXzmLZ3u1kjWOMAD3OXC7oSQBKIqmBUpGURIFKKZKxSNq8IIFI9Q3QdEvEClKCgmwWMzGcOXNGCJHP5+fm5qIo2rlzZ61W832fdwwQgUilsaJSCAQgpRSAiqKQB2e7IgiCRqMRhiGLAqXItt2Zmdm77vq3Y8dOvPGNbxgdHTtvxk33VjUXUjtaXLrw4gZf9oSVHoeYFQJAb/0HAJSSaQAB76iaTLZfYtAcEHoneJ13UEuIMAzf+IY3HLzlliiKEIC5NSnFz5piORlbV0BE2k1JRHEch2HIbHt6epp/nJqaGh0dvfrqq9nHGoYh61dKSSKltXkWCXEKUkoeGQBqtdqZM2fOnj07Pj5+6tTp6emZRqPxve997+///h+eeOIJvQ23tpV2MYDeR+rjXM4ZzDZtWDk4jwoURdGmTZv+x//4Hz/90z/97LPPgsYqoHw+PzAwkMvlHMdxHIcxmxF3dnaWFSf+ykTv+36tVtuwYcPs7Gyz2ZycnNy4cWM+n3/44Yfr9ToAaJ8SKz+WZaUUJQEiSimjUCh4nhfHMftSC4WC67rNZpO3z+bm5r71rW8BwN69VwmElFTXnPcvDjAtwFW6Yy8vkJJCCClloVD40pe+9Cu/8iuzc7Ou446Ojm66ZGuhkPd9v1qt8lVhGNq27bquZVn8b7PZPHfu3Llz56Iosm0bEcvl8tatW6WUp06dGh4eXrdu3ZVXXjkxMfHd7353Zmbati1I5VcSIJEYBmBZrCahbdsbN268/vrrN2/eXC6Xh4eHPc9jm6HRaNi2ze6gQqFw5ZVXXL13j2M7/AjtD2iKyJbPOL/5vcqiYzWpdDVVoP6hZwzlMqtAyck9CABTMxcBXM/74Ac/+Nd//ddXXXVVLperN5qzlUqz0WDNJAiCOI5d1+UdAMuyhoaGeFeLiA4fPjw+Pu44jud5Y2Nj27Zte+GFF+r1ej6fHx4e3rt3b7Pp33vvtycmxm3bZomR+DHTrWUAlFJu3rx5//79N998MzuU2BLwfT8IAkQMw1ApxXOQUlpCDA8NjoyMXHLJJevWrRsdHeWdBwBgf6sOqWABpbU4BVnCWCJcnMJnWR7NHGTlmcWKGMR9EQAA2LY9Ozv7/ve///Dhw7Ozs7VGk5He1LCZ8izLchzHsiwOhRgaGsrlcocOHZqamsrn8+vXr9+5c6fneQ899BBv/Y6MjOzefXkQNB944Ltnz56VUtq2hSiklOw0QBSl0sArX/nKgwcPlkoly7Kq1Wqj0ZBSVioV3odmE0II4XkeT0kgKhnzdgFPZnR0dHR01HEcHcDXbDZt2y6Xy0NDQ0PDw0ODg8VSKZfP8UbEsi3xGgEsD1wgAiAABPA870tf+tIHP/jB6enpIAgiKeNYaq6Z6i0ghAUA7L+3LIuFwMDAABE999xzlmVtuWTLxk0bN2/eXKvVnnjiiUqlMjo6umnTpquuvKJYKp45c/Z733v06aefrtfrlmUppUZGRq6//sD11x9Yt27d3NwcRw0REUdhcBBeGIYAwJvKrO0IIQSiQHAcx3HdKAzZjZs4phzHc13eqWADhkPuhoeHN2zcOFAe2L59+/r16wcHB3O5fOqMWvwLXiOAZYKVIoCWRtnmY0ggS1gyjh3HrsxV3v72tz916Mk4jqMgiJRSpEz2b6hcaFk26+scy2BZVrlcrlQq9VpzZGTdrl271q9fv3Xrlmq19o1vfKNer2/evHnrtktGR0c2bNg4MjJy9uzZxx9//Iknnti6dev+/fvy+QKb44zu7FfliAyOztC/sE+Jp+G6LgAIIYBIKsU6vcWZDAhCWI7jKClRCKVUuVxGhDAIB4eG8vl8uTxQKg1s2LBh06ZNW7duXb9+fbFYlFISSQAwLfvFrPiLmR5W2gboCatPAAiWEEDkOs6Z02fe+ta3Hnv+hTiOScpQSkDQ9gr7bfjaOFZalSci1nMKhQIizExXbNsplYpbt24bHBzcsuWSQqF4993fOHLk6NBwOZf3ioXiJSlMTU0BQLVaLZVKpVIpiqJqtcp3aTabbHgwVfAc2AjmKenAaaaEXC7Hag/bJywoWGVizObfeRzXddmzVCwWdVDq5Zdffs01V4+NjfK1S3nZawSwWFh1AlACBWv2ivK53G/95m/+xZ//BSAgUagkwDwBsDrheV6pVNq4cdOmTZuHh4eJaHx8/PTp0xMTE0opx7Fr1abneY7jFAqFXC63efPm7du3DwyUnnzyqe899ggA8Ajbt2/P5/NRFPFp69ev53jsMAwbjQbvDfPWsu/7bCc4jsOR1ax6aQ2e40w56o6/8r8chuT7Pu/SsxuXLWmOxmNDPJfLDQ0NsdkwNja2e/eu66+/fteuXZ7nLZoM1ghgsXCBCIB/zXm5O++8852/8ItxFFkCAymZvzIrHRoa2r59+2WXXVYqlQAE73yxzl0oFMIwfOGFF44ePTo3O0dAtm1bllUqDZSKxdGx0R07dqxfv358fHx6eloIEYZhvV6fm5tjH1GpVHIcBwB4QE6+aTQazWZTCBFFEZMfGLuMmpezt4eVMZZI/NVxHNbNwjCMoqhYLA4PDzMNh2Go3VAMtm0zDXieq5QcGhq65ppr9u/ff8UVV6Q7FQvLe75QBKB11IVi6tJpY5ngQhIAuI5z5JkjP/rmN09OTCBgDIoASKn169dfddVVY2NjQoiZmZmpqSnfDzmsjdWVUqk0ODjIkWoPPfTg0aNH2a4WAoWwCoX8wEB5YGDAtu1iseS67pkzZyqViuu6pVKJJQAAxHFcq9VYp2LNR6XA4XRsATNB6l80GfAhbSKzec0ZCOxp5TA73l+TUjIlcIqPtmEsy/I8h3ceLMu69tprb7311o0bN0K61b+igQxLB+YUOsamf3xdIwBAAAQMg+BtP/u2b33rW7YQkZKbL7lk3759g4OD0zMzp06erNaqSqpGoxFFUkezMebl83nXdUfHxoYGy5OTE0888YTv+0IgEYgUPC+XyxUsS3A4NIf9cDi0UiqKIkZ6M7KcXyekcaOmSwpSgYCIgEhJpo6AdFueBRfnoLEkAYCRkRHXdXkCOt0HAFhfchzbdZ2BgYFisei6Ti6XHxsbe93rXveKV7xCB7T2teIXjgC0dbRGABp6EQCJ5F1x6Fg+n////eZv/dmf/ZnrOPuu23/ppTuPHXthanq6Uqk0Gg0lVRzHRApQSClJkVa4HccRluV53sBAafv2bZW5ucce+z6RYozl/xCF67qu48YytoRl2ZZl2ZwuH8cSABzbVkQc8BxHESKyCBKWxXQqLAEEipR2d7IzlAiIlGXbCCCEJTiNmCCWMRC4rmtZgsnCdRwvl2Ns1k5VNgDiOLYsSwjg0I9SqVQsllzXKRQKr3zlzT/yI29ct24dGx7n3YBcU4EWC6tCAN2AiPL5/L/927+9/R1vf8VNr1g3PPLEE0/MTM80mg3eDlNKQYrUmQt1aotlWaVSacOGDadPnz558qTpSdSxD2yz8o/MwpUiRMu2La1ppL8rImILAVo5nIZ5PxWAImJqZJ8PG8G8P2BZlud5YRhatlUcKFnCYusCAMIwZInBc2SFKpfLsVjjjblrr732J3/yx3fv3s16V//8NUMMLZswK0wnyyIBehzSlLaMe+rdYfG00W9ZFCFEEAT79u1785vezNE7tVqNdWXTB9qR/7E6wQ4W1j1YvdFIZt4F0pQDHaeQQWUeRJ+mc2j0QpthPJyYRkRxHFtpyIPeR+PBmYAty7ItS0pVr9WLxSKb45DGprM8YYHAYU5SSs/zgiAYHBx88sknK5XZ//Af/sPVV1+tiXDRr2QNVhP6JQDGAMbaJ598slapsrGoj5onm+RuRtpIKdnJE0WRZVk6NV6faRIAALDCgwhc+oE5N6RYzpidmaRpCbCs4Fwk1mF4Aiw0mBIY+xMzmvfRlJRScvSeNhv4TLbsWZTxaMwCGo16GPp///d//4u/+IuXX375Gva/iGABEkAIcejQoYceeojjcHSOcw/sN78yUnIsA/vaNV9vTwpjRE+vSpBen+Y4jjZ2tYNfJwSDoVDxtLXhC6nFDGnoBOtCbGdzvLXjuHyUdw90hhqLGj6TKZ93Hnhkztr5xCc+8d73vpftAaYQk/7PCy86yjEn3Pu9L+7RVt6u6Ft50ruqzWaTuSb/viBVklVkLi3hed7o6OjAwAAr0+yb59E09qeeeIv3qlzX5UBr03igFCCVNsyYmZB4R0IbBkx1Ukre/eULmQbCMAyjiIgUqTRJLSGbDF0xIRmWsSBSURQ3Go3Dhw//y7/8i96X0PKqzyW6OMHkIxd6LssPC4ixVkpxEH8Yhv0XMNI6dIqmxLGW7NoHAA6UYJc8qSSlxvRvZkB7Tk3VnK/S+w8aOG+GSU6r5kyKma1cTjfTWg37Rtn3mjFsKM14lun4YRgBUL1ej+P4vvvuO3z4MG9fvDSMAb1cF3oiKwILI4Dt27d/+tOffv0ddygZI5FAEAgAxKm8AERJJ+BufxDHklGz2Wxyjtjc3BxnkPlBIElR6kpSpADRcV0USZS1mwJbouzaZ+zUdrP2BUVRFEVhHMdRxGIgiKJIypiTTW3bZlJhq0BjqlJKRhK5WJ3vx1GslJKxBABLWEpKJSUCKCmBiJSMwkDGcRxHjUajWq1Wq9WZmZn777+fSQiMdNgXNZhbLhd6LssM/RKAVjP27Nmzf98+QcpCEEgIBKAQifgPFCB1+0ORbMcyaJxDRBTI+23AHwQKy7JsS1iCCPTeDV/F9oCpKWmOzjhNREpJKWNEUkpGUcjYGEWhlLGUkvfg9HvVYgcRSanAD1QsLWHFUSSjmP9VsQRScRSQklwugKSMwlDJWEYhe7SIKAzDxx9/nCsALGiD7GIGHSzY2+/ZDVZzqguFhZVHBwDf948dO+Z6HikVcw5/3/oQAqARj9BqSwDBvCOVebllWQDkOI5AwRqO1nYAgL9qPNYzZFJhbxBbrqnurlJBoTh5XwOrUjwgCxaRprax6OM0HSWVLngRRpG+l5QqVoEQgoMpTp48+dRTT23dupVdRi92G+ClDQvwAjGjZbTQbnUhhFAJ7p4XiMiyBLtxSqUSAExPT6dOfYmtqYkcRx2GYSxD3uudV76lxDScQU+PbVktVciIUWPigfnNMqUUMXKbFp7W9VPTNvFHaW+pUgn5mVtyybaxbQVBwEkIUsojR47cdtttKSmudQm5eCHxc5/Xxtfiz3Xda6+9FtNoez7aQ/y1iMJ014kv58qhnueZfk8elmOBMAlqkBod2UjVLN+0dzWjTWeVSBJNuhq/M0Yw729wJqf2Mpkmsm3blmVrhxMHzPFnHkel2UFshTebzePHj7MZ0M+qmo6sNVhlWIANgGlRzre+9a27d+/mqBtE7L9AOQIQJRvDtVptfHxcKbV79+5160YYq/SZrIewB5MIOJ1Fz4E6gXY0aYPY1PJNXGRPkrYWWH3nEAzP8zgJRlfC43M8z83nC4VCgTfRTL8WItq2bTu2DsoAgLm5Od4lgJei4fhSgn4JQKTB9HEcj46O/t7v/V4hXyClgEh3djkvECVl16SUQRDWavUzZ86Mj0+Mja0fG1tv23YUhURULpfHxkZ1FovneZoeGo1GGISsrOsxM2SQ+itaNtcoLVeqvRmY7u8CAP9u7r6VSqWBgYFSschajWb8rOizdNIRGWEYIrAUTcrXhWGgN876XJw1uCCQVFDT/3YDvXMEAEEQ3Hb7697z/33fBz74Add1JavXAHDeyCckmC/YSSgoisOp6YlavTI4OHLZrsuVUoVC3nW9ZrNRq9UF2pZtAQCBlEoBgiKlSKFAAoVopQUV2TwAs0ijFk0ZLZxtACJl5gnwIYvjgWw7jiJhCcdxAEEBEVAspZLKsS0ijgqxXDcx0w3tTgZBCCCIoFZrNBpNRIEooO8ivea6Lbvc6F/FelkpY4kRfN5nNiMchRChjN/9X371uRee//jf/V3OdVWqgeD5o23NOgKsRUAQ+JMTE2EQlsuDzUazMldN7A3HlVL6QVNSTIpQkLAQ2R6gxD2vq3xyCyaYx3ggSipt6ckb9kji1BNpMg2HzeXyOR4fhbBsW0jp5XKu53F+DMkk2pUHAxAAyPn1judyfwMAsCwbUTSbPt+cU+nX4OKExXeKt4T44Ac/+Nxzz91zz72e52q8Xyj/YFOSEGdmZni/1nUdz0uK87DuEasI0uwZU90H6hFRPM/yKeuHSUgC0wAHbScAQKGQFKHI5/OlUonrliKi53nNegMAWBdSSgkBHOfCE8vlcoVCQSnFG9vcy+NlxU1fjLDIQGpSFMfxyMjIhz70oUsv3aGMRLv+ZTefnDhqBNq2iKKA960a9VqzWW82677fkDLi2+lIB75cq/galFHAh9LQo8xpbA5QGlqnw93YC+TYDhsAbA9whQjP8zgNkisIcTFGMAwJIlJSISKn2LMdcuLECaUk4stLo3jRwSIJgLEniqL9113/n//zf9b4JIQFoPufJvy1h2GgjVdW46WMk/iaOPT9ppRxGnQz73Kd9zxSZjsrwXUdMmSiPhp7ydr/AynX52ep1+tcX5G9PaYbRycN6xISOsyTnUheztPqH9/l2Wefrdcb1Caj+oSMcb+IEVYZsi7v5R5zWQZsh8VKgNTL3qjX3va2t914442MB+wJMbG/3wFJSRVn/mIZRXEolVRdgFJdqBui8C86uN8ESJMcWHdn1PcDn4i4+QC7NRuNBgc2s5NUpFUT2SXAMieK4yAIuGQdn8PdlCuViuMsXslcg1WAxeeSYZoINjQ09H/8H/91YKCslOJgTzBot+/xFJFiOQCQ/PHel2KvTfrXyhWwGwGYGK/SynAMQli27bDjX2/WJsJBKg7q5Ni7KIpc19W9ih3H8Zu+lNJKdxh474wSBytxmpht2xwBUa1W6eLvRvbyhkUTACoCAgQUfhC+7vbb3/u+91m2A5gwV5MM9AcEFMafGSnHjVlSrZoz2SF1uSiSsf4DUvN/oMj4Q06LJ6lIEikznodVI44kJaI4jgCAPfqs1bCUsG07l8uxlpXP5/mD7/us3khStue4Oc/N5VCgsC1hCWFZCkgIjuRQAJTP5zzPrddr9XoNQEFrTCDoZ6MsLMcLXQZoV2a0tYbd4ULPuhucJzx5kQKaCPT+lxAiiuJf+ZVfrVSqH/nIRxBI72HJtFxPoqBT17A5AjBj6kxWPn88gR69yVSic2PSb1CmlbDS7EqmBB3ENr+5oamFLV1KfU2cv8YqEOfON5vNWMYsixSQbQnXcqSM4zgiIs/j5B60bcu2LWhvuWQ+ykWLNq2g3+CFnsgioAdbQViKG1SD9iH+9m//9tDQ0H//0B/X61UA1GQASYVpwH6j5nrfrmUI8620xKwLBEpsZUZ35vREFMeSqVek7Vk1GYRh2Gw2R0ZGWG5wLAZvBrPKx5/5axiGkIRqW0RSCFGr1QqFwtjYGJeN0Hhz8XD3hYKefxzHLCQv9IyWGZan1gqvSxRF73vf+/7uE3+3f/91iMiaNEAiK1Zh7bQThigJimA2z60M2H+PiLmc5zguph5MTgFjYSWV5EsKhUK5XGYkZqqo1Wq1Wo1D3Ngg5sg5RHQcm3u5cohEtVplyvd9/8WL+iZc3ErOkmAZJIBWE4UQvh+8/vY7bjhw4BOf+MRf/MVfnDt3zqzLKQC1X3y5MCNj+Lb+3pI4zz86jpMmJiT7ABxpx2gNlLiM2N9fKBSYBmq1mraq9cNyHjO38h4YKCIiZ0Iqpdh65mvVi7lfsV5SXaxpoRe2Q/+vftnZRzu2LHu1LQqCZrlc/rVf+7XPf/7zr371q/VOk7Asy2pxEK2oCUWt+fJRFAUpyLQehA4RZV2oWq36gV+r1arV6uzsbC6XK5VK5XKZu8hAWreLL7RT4EFc18vlcqz1sR9Jb9j1aKi8Bhcclr/cHKKQSoZheN111336M5953/vet27daBTFtmWzhdriF5qngBWggRT7tSIbpaB9+SLN3GXGr6TimFOWDKVSSQjBTW64BTfXKuUsY91qyXVdpSRLDClls9nkwZN2sS8WU/dlCStRbxEBBKDV9IOcl/+d//ODd975r2/5sR+P53t/ozB2arUIEDT/ZwHqv16+tzbRwUjPRwik/kPBsXSgVNxo1hh9uawdk0EURUAUS1mv1yuVCpPBwMCA67phGHK/DA4TYk8/GHmbiKgU2LZj2w4RcJC4EHa1WlcKVIvjlghB//UvBhfnLdXDXlSmSP+Sv+8zVfe/88DyE4Dh0ESpVNP39+zd+7GPfew3f+M3i8WijGPbthAgs4cF3Z/WCPGfD10+/zQ61Wki4lK5xBqRlNJxnHw+zzWiFZFAJKJGozE7Ozs7OxuGIRd2Z2phG5drpeh0YQDgRjVBEDabfrPp81ff92dnZ6Mogpeo+fjSgBWpuDs/uhACMY5jIcSv//qv/8MnP3nTK16RNqHol6+bv/TmZD0YnqkOEVCYAvehYXPWEgJTJafZbE5NTc3NzQ0PD69fvx4Acrkct/5mZ6iu284uo+Hh4UKhwJZxPp8PgqBarZ45c8b3m2KNAC5iWNlIFb3HJIQIw/C222679ppr/vzP//xvPvY3s7Mzrutq7bxH5HCf2G+eYJ5p/phQSOr9ZHYeRRF3bYrCMIpjEMgsXAjRaDR839+wYQMixnGcz+fn5ubQsGF4EA6IUErV63WtIymlfN+vVKpsQF8QuKg0n4sTFiAB+lfdMqCR2/f9wcHyBz/wgU9/5tO33HJQqwfcDmBxCqs5q3YVmTqBIiVEsrnj+z5XgfY8b3h4uFgssnef8ycrlcrMzMzw8DAictGHwcFB27a5Id/AwIDZw4aMrCDeKAjDcHp6uv+MsD4h8zj9nLm8E3gpwcqqQFkgAoIgCF79Qz/0uc9/7nd/93fXDY+EYShlrAOeF0FgiwB9O12hkW0AJgDXddk8qNVqvu/Pzc2NjY0xYXBDsVKpxGFCOlWAU4G5mxgZVVhW53HWYNGwqgSAKGIpFZEfBMVi8dfe894v3nnnHXe8wSzcgH3UaFkaEAJYlqW35Fh1YUUIUTiOw529WXObmZmRUjLS8/We5w0ODnLlCB1iBGncEccLcUQdIrJHdcWeZQ2WCgsggMV54kyIiUhYElACRoqaYbjn6qs/8alP/fKv/hdh2whg2w6H5ZgbVUiAivSf6S1lh6lIT0jcpunXdr+qIEAFQEqRL1VIEEkZRVHg+01GU8dxS6VSLpcbHh7mOfu+H8ex67oDAwOQ7oUNDQ2Vy2WOmZuenq7X65xhw80HOJyOKaRSqcRxh8S09iVd9Kp2VPMuZs3nopkhAagVlwDdnpaVEG7v/oEPfOB3fud3rCSMvoMW1MP8IMOF2v+UeH+agcOEgiAIw8jLeYy7rOSwt/Ts2bPNZnNgYIAxnjeSObLa8zwmDLab2apm5xKTytzcXBgGYiFN6dZgNeGCEQDvPenM93e9+93vfe97hUDXTdq36DN7eEhhUQTQkh6PwHNgNazZaAIAd2gdGBjgZJrx8fHx8XFm/NrANf/N5XK+73Mrb3aMcidjlVZvF2mV3DUyuNhgAW7QPjEs8467XUVEuvqaUoqk+tX/8l/OnTv3xS9+0aw92OesMgSjP3R0K1HrhUSEyIHQDSLIFTyl1ODg4PDw8Pj4uBCiXC7PzMysW7euVCqxTNBlegGAjWC9LYCInEzD7exZIJhz6zjVjkvX+5GXCD1eU/9Uurir+odV4Ber6wVqA1aE+Dk91/31979/7969vHEGS3jT/QiE1AJOCt+GYVit1prNZhAEHOnAihBvABeLRaWUbdvDw8Pcy4PxPp/PF4vFfD7P2hEYbfl4L6xSqUxNTbMQuAi03jXIwooTQLd89naIpdy8adMHPvCBcrkMQLZtLUixaYcexlbmEFcsDcMwCMN6vV6v15m7lwZKxWJxbm6Od3k59nNoaIhjhJKE4LSxQLFYJCKOGrJtu1AocGeaer0OF32nDPNFXOi5rCpcYAmgAVEAgR8E1x048Dv/5wds21UEKLiFtTDVlT4HPM+ZSVObJBlZxhEpiUBh0Ah8P/D9Rq2uYuk5SVey2dlZzqph0aTLZvFmsEz7zpfLZfaNcqMADiKampriC9c2BC4qYHRafjeoqXlTtohDV1AEkkARhmH8jp/7+V945y8RCMfNWbaHYjHRNBmaaZk8gYVWmptPCEqgQpBKBjLyw3qzPlv1642w6SPg8NCw4zi8Z2xZ1sjICOs8SinP88bGxoaHh3WxIB0phIgcHIGIjUa92WyeVxBloMej9Tizx4C9x+/zNfWYSf9XrSacd60umBeo23lKKaXku9/97j179jSbzXw+Z6YP9B8NuqAZKt15QKooiqq1ahiGMzMzU1NTnufmcrkoiqrVqu/7vu/btr1x40b2EXmeVy6XR0ZG2NvDKTLcQhwAisUibxizv6tHvNMS53+RY+HFCQlGrfRt+uVqxolRFG3cuPG3fuu3crlcs9kUwmJ7gNJCVMsLmueR7q4XhnNzc5VqRSnVbPpsE/OGcbVazefz+Xx+bGxsaGiIwx88zyuVShxDwcVUOCCCiBBxZmaWCYCIVoiA1whgEbAkAuhX0LaqQD1OM4UwAPi+/9rXvvYtb3lLGEVKSrOjUY9tgR637n2V/sw6jJRydna2WqnOzs4yO+fwuLm5uXq93mw2oyji3AAdDcrdjrmaIqcCc3okd1aempri+Wj3bkd87XOt2pZuMe9lcbA4bFk0LE4x6zZCx0EuFiMYWleZ48ze8Y53FAuFNGLU0g0sVnAW3PCCW6uGQaPRqNVqHAfKlgAAcPAc739B2jlBV6HjbAeVNhfjeokzM9O6RFJ/a7DGy1cJLhYCMFUgAGDUufHGG1/zmtcwS9ZdklZ4HkmUBAL6vl+pVKamJnkCAOB5XqPRqFQqbNSuW7eOeT8TZz6fHxwczOfzPE+OD43j2LLEzMxsP8rbGgGsPqweAXR4qZTuylL2TESMooiFQD6ft9OgS7M206LFYq8ZIqBFkuJYRXEc+X6zXq+Pnzs3OTFZq9by+TzzeHbwcxpNGIbczVIIkc/n2PkTx3G9XrNtq1BIVKNms7mgrYALq3u8fGCRBNC9GXb21fH5yedOVTLTDy3qGkfRNJvN1772ta959atZ96B0q7UbDZxX4esBPENFSmKsUEqMYxVHYdBsNGZnZquVKinwfZ+3fjnAYXZ2dt26dVwysVDwlIo9z3Ucq1DIlUoFz3N5O+/cuXMzMzNcWQgWq6afd+arQyeLm+EFhPNOcrUTYnrMRv/OQQfsNPQ87y0/9mOu52HSNzt7/vLPURGLJiKSabhoo1H3fT+KosHBQQDwfV97RTnza9260Xw+z8YxRwE5jsM1grjARLVaxbaeeYvD8h5XvegQ9ILDqhJApiAytLogzd/ZuwIAzWbzda973eWXX85+ejIC61fupZqT4S2wWq0+Pj5erVaDIGClv9FoMGZ7nscT1s6foaEhjhfi+QNAEARzc3PtgQarSQBrNNARsgSwuOXrcRW/dUpDbqA1WhP6YOQjIyMHb7kF046OKu2knWlEsLwmARFJmeyORVFEpJjrc+cvfS/m6xs2rHccR8c/Dw0NDQ0NNRqNOI6HhoYAoNlsnjlzhgMiei+vXrTeJ/T5XvrXCXsM2CdKLG5WPU5bHVhkKEQvWI5poZHhLqV805vfXCoW2xn/8q8gGRWESPHduWeTH/jnzp07d+4cVz4kIiFEoVCYnZ2t1+uFQpH3wiqVCueF5fN5rqjseR7XnqjX6xkCaLnzQqDbhdmnWfKAy/Q+L15YfgJYlmmZuC6lvOqqq3bs2KEbe1FqDS/LvTKQ6GkAREm9dSlls9mIolgpNTk5OTMzw1aK7/tcXatWq4dhEIYhozul/fl492Dbtm2u654+fXpmZqb3WplP1/8K93mo/7e2Ei/0ooX5BrrQx3rxNUQ03+Qk8eDA/F/q20HA+T8CSNX3buvb4/dyuXz99dcro/w/tYYV4PLV4EeFwPnHoASQkpGMQ6A49OtBoxkH4ezUdLPeEChkHE9OTnLoW61WHx4e5pAH27bZhiGier1eKpUGBwfr9frc3Jym4eRBWleRw5LY+k7WUP/phjqAQEQqXfju7WcyI3CHqfnX1XphP4TRDoujk5Uef0Gw2EqDrX9mDy/t3TeJgq/J6Cs6AL3bE2JaucS27dtvv53rMuiTOXF+2bUgBDSmTQIBQck4UjKUQSTDaHZqZnpi0m802VV1+vRpz/Ns2yoUCqOjo0TE/n4mA3Yibd682bbt8fFxPkQpj1dKKZn8kVIpjqZL3DIr40NCKmkPKRMyL6Z1BL6WG68t76K9eKGFACi1WdvhPKMYsCzTMm9NRL7vX3/99Zdddplq7ZfKJQ3560pYVC3xmwRhFNYbjTAKK9XKufFzURQNDQ3NzMxMTExwtSzuqdFoNBqNBhHxTrDv++VyuVAoVCqVRqORDNZJzzGXWv/SzpUNp0L2hAxPyfxi3rFlhVsHMVcgc+ayr/AFh0VKgPajixaF/QQJx3E8Ojq6b98+s+kYc1PeHFghEclCBiDJF1NKhWHo+76MZRzHnOvoed709DQXmp6ZmRkaGiqVSpwQU6/Xa7Uah06w55Szw3i2HHBh+kM0jur1gTYiMX80lzGz+B1/0UudYRa02Df4EoAWnn3eh9cLZL6w7Gq2Ahrh/OblmBYWN0egVi6ogQPL9u3bx5HJfDm7RJddCzLRkYg44Ytnx25RJoN6vc4dkMbGxiYmJo4cOcJu0EKhsHHjRu4yxkVTmFZ5g2x6ehoAdFEWbC3naK6SSqssUptYNpca2nA3Y85lXlDHV9y2fd/ymswzTWHy0oDFe4F4IdpldI+rModUWhAOWl9Y+404GG7v3r3FYtEcmXFood17FgQaC2MpwyjizJhavV6tVicmJqanpwuFwsjIyMTExOnTpxFxfHw8jmOdLsyk22w2y+Vys9nko5g2z1PUovC0Q0dsy6xSx6NL8bLr8V9iuN4RFk8A0EVGt18FAO2HKM1u0SKoGxIIIWQck1Lbt2/funUrlxyEZK8qMTdXqPIUGWoG74ux67MyNzc7OzszMz05OTk9PX3llVcopWZmZur1uud5vOnLFea4XnS1WuVo1vGJcQ4KorQvt75XhpVg96LZ7a8gcwiWVpa0x/gvPRCUaim9HzX7MhRp31zyuadDDQzRbGqima9aI2p5i5aQCBKxWB64Zt8+SYkzFAmUlGb7Th0n18/GJ3/of3+UiCIV+VHgR37Db9TrNb/ZnJ2ZnpmeklG8YcOGqampiYkJz/NGR0e5UFwul3Ndt1GvyzgmRRvWr6/OVStzFQQQgGB0UDUXH1szP7XN0+2o/lEIAQJBIGDyLwpE/cESaAlhCRBI2NK3pmPzWuxUbRsMPc3Eh4thT3dxsLDy6NlflmMG/RAeIBKQ63m33/H6fC7P2K2UQkwqrunIiBUFxpU4jsOIu4T501OTZ06fPnnyxJVXXpnL5U6fPn3s2DHHcbiiOtMAAFTmKjKObcuOwrBeqymphBCWsLQaCa08W9N/xsdlvoIuRI6ImLxVASAECMEfGLCP4hTmyC9ezO4TWpBGM5J2hyYaTUJXAUxUUGkyYRzHNxw4sHPXTiklIHIaCmMPxySv8KQICFSaPs8hn5VKdWpqiuPkDtxwgIjOnTv33HPPadcnAHiuNzQ05Ps+Fw46efKkNqw19vdYAUzLZZsU0u11MLvHpJiMEIkMmK+rwSOInpC510sbLnxGWMdVbmF1kIS+kVKjo6P791+XqMtK8WaPUorNgH5GXgqwSqCU4h0upVQQBNPT02fPnj127FgURqOjo77vnz179tSpU0EQDAwMDAwM5AsFPTfP806dOjU9PY1pfjAYipYyWqG1Y7wpBDJMOvO5I+5mhspA+7qdlwZeGhTSKxo0s0CmRshaIxryuh8wjQHo8iYyy5pqwIqIpFKWZe3fv89hdEckSoLVIBXymRt1e0P6996Tzzy7CSotK83N8E6dOnXixAluKNZsNs+dOzc7O4uIvu8LRO4waVkWN5ipVqs6x187wdrxviNmQ6tV0M6z+8HafqDbyZnl7X27CwIZ47M39OtAbH9IgYn5Ze7OwjL5DVpvR2zs8cBXXbUnXyjU63XHtmMpGRUsy+KkdRNjlj6NbrMivZOFGEVRpVJRQFwrbsuWLdyOe2JiYnBwcHBwsDpXyefzvu9zpLTv+5OTkzt37rQsS9cMhVYL/nwL0sEkmP/9fDS/BiYsqTo0pv7sFSYA1MImjuPt27dt2rTp6NGjUilAsISl5RW0ipdlmUnrpOYj+ZjyiYjLnzSb/rlz5xzHKZVKvC0QRdHk5GSpVGIpwYW0bNt2HGdmZmZubo7LaSEmjbR714wwD5lPmnnMNQJYKNgmEi8g2IPjO5PAQlSt74DhvDLIRCb+RXQqoYwokEBJBYCEODg4snXbjkNPHXZdD0ghIIAIgsi2LctyiGKlJAAoRYgkhOBt1/7N9yw+GUdAxfydpCIS7F4kSVGgAMT05AwSDgyUL9t9uR9Ec5W5Y6dOFQcHt27eHIVhrVFHxIHBcnloMPD9mbnZoZFhFEgIXJ1JAZklIHtNGJOIOAAgIBQG9wGALvNfqKba5c4dBNFSYLmZ1IJhefZQ2zSWpY6WWVnTUV0oFC7ZskUIDgECIfT2Apm0Zw6wAsyPUvs7NYqCQEmJiMeOHXccd/fll5968BQgHjt2PO+469ePKaU8zwuCgNsOzM7OcuclY8IXUpnu89YvPTGy/ASwdJJukwAtbIyIuHM1ImJq//FRtgjNnTUWKSsRxqgdOMlXFVsoojA8d+as67jr16/fu2fPE088MTU+cTKXcxyba0nwZMrl8uTkZK1WGxsbU6vbHrMbLI4ALjj/Xjpkd4Lb3R39GNTmaZj+An37HKD19ev5aH+LicGImM/nefdX74MSEYdImDoxpZlZy75qenzQwgdASRn5QaNen5qcPPLMM4i4b98+GcfPv/DciRMn5ubmXNetVqtzc3PsHuXMMp5zRx9uj+XqBsty5uJu3XuhFoFUix5/QWeubKf43oAG4bWDSUKQ1olgjs4FqoQQSkqtNzMyaZQiIqXilWZR6fQSDSyKIinV1MRksVCQUl5xxZUHrr/+wYceOHv2LCKWy+VGoxFFkeu6hUKh2WzGccxFJZaCXmuwFLjwG2EM1BpbouWS3nVils97qJdccomWAJl8APal6GDjJbKu/kEQgiKSikg1G42zp89Mjk8+e/SoYztXXXUVx04fOXLEsqwwDLmMXLVardVqoq22xRoxrCZcRAQApkqdftAB6Dp0VCm1a9eu9evXm2FwAIDp3qpIegyvKj7FKk4yGoksIer1WqNWm5iYOPLMkXXr1o2Ojr7wwgsAUK1WC4VCtVoVQgwMDMzNzfGEsW3jaaUnvAYMLW7QjAqVUUJMRbw9UgiMy/q5cWIwpFoNGnq/eXeOpzcPKaXWrVu3devWkydPWpYVhSGmLnkwDF9EweRjzlAP0ieGUXdzvPURUGKoSAhhEYGKpet6XDLotDg9ODK0fcel585NnDx5Op8vVio1z/POnh0fGxtzHD8IAq60jovduDBj6UD1mnDLocyTLorizPEzk19p5bPP8dtP0+jEusN5CmOZv/Q4bRFmjWZ1Pe6Y+Z3P5yaku3fvZtrQLB/SbWmOjLCsVRVuBoEppZSMY9/3q9VaZa7y9NNPh0F4xRVXVCqVc+fONZtNThqenZ1tNhszMzM6pG8NVh9ajOCOEkBDD3JvOa2/KGlm1Ukt8taw+I7T0IKI6/GXSiXLsjDtSWqmp10o/YEIiBQ/GRFFUQRQF8JSFj311FP79u3buHHj1NRULpdj/a1er+dy7uTk5NDQEAeKXpBpv8zBbme6+pjGpI4/mp9baKM/KUyG1duuqDC6M21kXPv8Sy6XE0JYQgjb5k7UWpdLnwj0j+edTDfocb45H74hf+NDsZRKhVIqxAbZcPz48VKpNDw8PDMzMzs7S0SDg4ONRiMMfS6Xsn379v7n1o0xUVtmy7Lwgh4LuJpE2/7UC9I4MoPoB8mWRcl8zXDijnrO0ldZ403mM98LjZBJvW00MDDAvD8zB2NunZdmpU1MPXOllFIyiqJatdZoNI4fPx4EwdatW5VSk5OTJ06cyOfzlmVXq9WZmZlKpbJm+F4QyKpAmS2nbpeZmkaGHkSrCtRexSDzVWN5xxtpAzeT9ZvP5x3HScs0tFsR3ULCVgqISJMckUIESwgpZRCGFlhBGM7NzT3/wgt7rrqKi2dNT0//4Ac/2LfvmiAITp06VSgUCoWC4zgZYbhEyLzNlzmNZdCbuWoHSzH1wyV/mvObpd0QMKkjS1lW28OK6Hyj9MW0ywHtfdL+zcyZQgijJp1Kg8GIa9UteIXaoB8hqxeHv0ASuUREikgqGSkZN2s1GUf1avXZZ48WCwUAKBYLzWbz2WePxnEchuGJEyfGx8e1fFuYZCfj7zwntsjHvq/LPmxHRWCVYXF3b2cBNqVFNtuNSErfhzAjjYlvrxIiSSIfsjPTKtp51Wh9az0NDpTX5oGeIacR8uckBSxBfU4vZG8gj8Ejt1DRsqxXt0ew0NI/IQCQVMA1vIgikkSNajXn2NU56/TpU2MbxuIoLpdLURTPzs6Wy2XP81gpGhsb002Fu0rFNs9eh0+tT4HI5QoAEaD9nXW7svUZlwuWjru9ya/HIVNtofZQCFNGEDcvMvh0xzt1RHFzfn0KBNNazbx7zfi1y0gIUSgUhBAylqYA6TG+9pkuaPX5ZJ1r1meTL8MlSkQkBEgpa7Wa53kgrOeffw4QRkZGoigaGBg4efLkhg0b+CnOnj1bKBQ4j16sTKGXFy+s0Gq0EEDGq4OtP5oz6IFtJu/PnJa5pN2lwOxfpT1GTYUHUs8pInIiFXCqQH8EkOEf3U7rCIuuD0VJVa/IduwwDKenpxWA67nPPfccAHBmzOjoaLVardfr69ev9zwvn89v3brVNAbWgGGlCEBvtTKY+ISYGAAmhqVWZsIa29m/3phsv1lm/1iXuOJ76cpQ5pQyogBS+5v7r0CamdUxfUSHA+mr4Hw2dzdof6h26s18NulWxhIEBmE4OztrO06xVHz22We3b9/OFXOZ5Z89e9bzvGKx6Hnepk2b9O4YP10LPXTHhF6z6vnES0ev3txt6dC/CmRCho9kuDki2pmzTTPAwvn8rMzzaFxsP0qpMx7P56k1BQWmIQztT5vRKBCRjQSlFNAqRbwtbvAsOirl+/701BQKdBznxIkTO3fuHBoampub8zyPf+FLuLpWoqTa9oL6q14k0CeCrgRf78c80B96hUMn6EtErX5PaOOIPfSc3mqJqeSYSNyuseijTCfckB0ArE6XXFTA28OQ9ptp+s2ZmZlyuUxEzz333DXXXDM8POz7fhiGzWbzyJEjHCHnuu7AwMCK5jOsKPSpjvY+c3H3XRgBZPQfMzqXFLEvlCecJP5iciYRKFKciNiigWCLTyh7ezTwfj7bPcktnKeo1FeBSd8T5vSClbJYxrNz3HudZyhQWEAAKFiGgXZ1dHr41SCVeYcZJKvI70ZKRIyCYG5mtlgsNBuN78dy//795fIAKQqioF6rTU1OxVEcBMGBAwfK5bI2/Xvfq/ORi5UpLC8sQtpoOrEz/JXMaAIgVk2Ay7MBgFZI2KmMoEtPGkOnH0A7xedBoABM/Hh6KABIrdmsAU1JgEFaAz2d5FylQsilWVAqclzbsh1FvlQRpXSFoNpXRz9mP0vWP2Q0bEyeMfGjEaSdwAFAqTiMkCDyA7SsyYmJf3/88Z07d27evNkSYmR4eHJy8vBTT03PTNfr9YMHDw4PD2cm3H4vYx7dD2UmvFizfhFX9R6kXbPoCMv+LAxZL5Cp1SRqTyuFmGcyR+9/omgENWTO1IfaS0a3a0ocSaaUcj2PCyybaTHEGfHdt+dWAVpv18FPwM5+y3Ec152enm42mzMzMzt27FBKbdiwodFoNBr1e++999SpU29605u2bNly8etC/SgeCx2kXRNexlkxzBMAGVutjP3a/91u1Gpc7Ggim9CeOaDvkiF3SgObKY35Ma1b005QSjUaDXaPCBRJEeZGA7T7HBFb9j0vJAFk1obSDccwDC0ibm7QbDZPnz5dqVQ2b95cLBY3bNjgeq7tOJVK5Wtf+9qtt966ffv2RXtjVw0y6nS3Qz1gpUVW+/gtGVUmQiOiWW7WxEJoZeEdSaLbLc0TMhLAnEbvERqNxvT0NBEJYQlEbkfHbSmiKGK66iScVhD6ZF3mYyoWBFEkhCiXy0KI6enper0+NDQ0OztbHhocGBgolUphGH7nO99pNpu7d+/OyGed/9ly5y4zxDRQfYWoKIMbi+Pl/V/VP6mYqvV5vEBmec3eYGomYGBt+7S6/dLjAaALbehJTk1NzczM5Av5XM4Lg1AIwemRiW8UIDGeLz52qZlF8gKIms1mFEWIyH22wzA8fvz49PT0yOi6sbGx6enpycnJdevWzc3NnTlz5sYbb2TXkB4ki0wZ3WsVjWAT73vT2KI1osUN0huybtA+l8xUTmA5CKAHfbdLgOMnjs/NzZWKJSGsKIqCILBtm/ODmQaICFprY11UMO9pIOKm89xUZmBggIVYvV4PwqBer4+MjFQqlUqlUiwWT5w4cfbsmRtvvGn79u1mpmgLm8w6HVb7uZZIAP0rTv0P0htsMBaxt+5hghYUHVWjfmaWeXP9iAUAQACS6qkfHJJRFPthxZ+NopiIdEMuLrgQx1wupY1B9gE9FNlup/UxIAGIpASiUkKglAoRLS5sgQhEzUZDxnGpVMp7nuO6CqDRaAbB2YGBcrVaK5VKjuPOzs4dOvTUTTfd9KpXHRwbG+PkT1Mg8CISEMcpKko9wogI7VF0xiQXyyzal8t0JLaf0+NyBl3LzByt/cx2i7T3LTLKj74k6wVaBMYsi5ztcxCBolqpPHnoUK1SVVGsSNmO47nuwMBAs9nkto1ERKQAs6XSlz7JxQKl/yYfePMk2VZRgliVlxKImkJEYTgwMFAcHBweGW00G77vx3HcbPrlctn3/enpmXPnzh058sxrXvOaq6++mjPjUrMndbUSsCs4fZsr/vC08OiSbuNIKTlGRpugHQdfEKL2ODmrApk2wLLwv97KzEIHFEKMj48/++yzzWZTACqiXC5XLBZd1202m31OaZVBM7AOKjuAPsScz/d9zusPYjmyDgdKpTiKq7Uqt9lzXdeyrDAM7r9/6plnnnnFK17xqle9aufOnbo0/Is9hlRTsrlo3U7uJgH6TOpiuJCV4foHTP2wQoijzz579uxZAJBSUupXDYKAlWmY319btFRfZtBytV1r581sTJ3CfIIQol6vB1HcbDQLhUKpVMrn8yRVGIaNMELE0HNsx5ZSfv3rXz9y5MgNN9xw/fXXX3rppWbLmQsq8RYPrMfqIuEMHTXnTKbhQp933gtkbrP35h99anX9GxJ9Aq8Cm31Syu8/9li1WuVBXde1hNApY0wD824vWIzys+yoo0nXfJ3GApKeMz8FIsZxbIVx6Idh0w8aTc/zcvmcAFAESsY+SSu2giCoVCq1Wm16evqxxx675ZZbbr755pGREa6aYdbc7eOZ+5X2/ZzWrrJ3vMq0mPUKaLXH9K+AIT/N96tdL+2CQj97D5HLn5fUIGN1AFNXtxBianLqwQcfZGVXSmkTcaMuVgAwbd8JSWryRaEMmOZXO68iY4dRI4QQIopjGSuVNuRzajbXgLFt2845bOt7nlev10+dOsVZ9k8//fSP/MiPXHnllZxQweNrVGCxuGqwOP05c6idijJIf159r31AbHUfLz8BLLsOygghpczlcvfff/+hJ59ESCqmsMFkWRZvJ7XwHsGhQBcFmCpQ5nettpkcTimFIAhUHEWkKLai2LYR0bZtz/WakY9G4UciiqJISvnYY4+Nj4+/4Q1vuPnmmz3PyxZeX13bYBEE0I7Q5ldzI7xHNL45gfYBtYtJF5xd5D5ApvRDC6WKDqVWNOF2gx5HEQAFIGC1Mvvlu+6s1uYISJEiIICEBnh1dOc5ACDVYgP0T5bmTMzwpAW5yDrieqcTlaZZImR7IOHViChQIBLIKI5jGVmWpUgqkgrBcRzbtuu1uuM4SCDjWMWSlIqj6J8++9ljz7/whje8YfMll3DOEBEJgYoI+9vl7LEgS+FuHblABoMzLN9E4gwxtA+uT+YLzeRePWCmwBS8KIxgAlKxzOVy3/ve97773fsRUZIkJOJSEEqZ8XPLK3/m3YurAdT2NTFjAAEFElCsYhUpSpNCbdsmpUgpy7KCph8EQRiEYRB+5StfeeaZZ37yJ3/ypptuUkpBJ9VrxR+mDZVhgStp4n3H+VNbFR8N0Mq2qM2tpEd7ERAAIgrLCsPwrrvuOnduHIxF4Q9xHHMIUEuLseUwAShhn/OpmEsdcSGgFCEq9opAoscn0TwqbdLKlOC6rlLK8n3f92u12sDAwKFDh2ZnZ8+ePXvHHXd4nmf2z1whEJ0kvwlaH2svzqOzYTOXZGig/Sj/qGOBdQ0RM1m3/fJF2gAXCliCj4+P33fffXEcm/s+pEgXSWfXR8d1XAqcV3lb4uCmgO52O30oiZYFgLQHArdJ1pvBYRhychl3ZPqHf/iH8fHx//j2tzu2LYQlVdJVdhW2CzISANpUfOyyW6wpJOMb0IOYDF5zQL1umqLaFdf2C0FHg+p7tM+7H2hRE7scWjQHRQAhxNGjR7nPCv/IFp4iFcdJsSB+ZkwdZJmJZG69oNe/vNXaTB3UfKkayyF5EfM2rhkXQERoWTpoHADYnsO0ewifE0VRo9Hwff+LX/xiGIa/+Iu/aNk245auELP0x8nglgntlkO7MoOtpr9eFtVa6w86IU+mYmzmhaKxJ2hKg3ad9kUgAZRSrpt7+umnZ2ZmIEV9Y6+EYwgST9H8Sr0YNkQ1EmtFq/XovG2n8UNKSYiWbXMLEO4QzoO4rgtpNAGmuwpEdNddd9m2/fZ3vL1YKvm+j0ZdmZWDPqnLJCGT2k2uryHDidDYN9DNcPmR2R0CRo0pU7San18EBCAsq1arf+/RR6WUtmVJk+iZAtJ10SyBiP0oF3La/YDJ3tqEUiLEKAlrTb4iCmL9RwhAZAOAUV9rwJZlceVgRPQD37Ltz3z2sxOTk7/8rl8eGRlZBXsAum9+ZZ7U9LPxUSZOk+zNq/S/JoVoSmB018qweQIY8QSQigUisvVh1V5cv+92I8sOeq5EZCG+8PwLDz34oAWIBKiIVwCIAEGqyLIsQIhlKFUEqIgUpUno3QbXqrDWnvXRlVaO9V0y+kPba+5c0AZAIloq7UQAACQleJ5l25hcRqAUSmnZFiEQQBiFwrLuuuvLZ8+c+bX3vOfyy3eHQQjp/nQcx8KyekRR91iQPlGio/6ZQWV9pq6JRkbnT70+pkZtCsaMtqPfrzkBNKo36JteLD3CMsBPTumu0Be/+MXTp05n60MZQAvviMqc0nGc1STsZQEipaRUKURR1Gw2/WYzCIIwCsMoCqMwjMIwDKMo8n0/CAIZx0KIhx566I//6I+eeOKQ7ThgSIxlKSTcP5g6Cb8FbQxk3Jran6M/dwRI36b+rL92g/mdcm5lBZ0kQCZ8vF+trvtZ/TMMttXCMHQd96tf+bff/G//9cyZM9q0nzePEChdGkhVaq6LggR4PnpocZv2N7E+z1wc9Bi/9RBqKxoMTBJCgBCAgChs27YsCxEA0XVdS1iWZXmuS0Tbt29/17ve9cO33QZJGxsA7NXWZ7lEomnRQpsE6Pgi5l90K2hrQRv0YHB904QwpUTmWTi0NmsDdDQ+zEN6Botbgt4naOWEv9q2fc937v3oRz8yNTWlZULLBBCgVT7Oo0VrblT7hLstbp/zv4ByAxHBQFi9MkQESgGiQBUTcRNlFCJSFAEQgG/bjuM89dRTv/d7vzc1NfXWt75VCCETFWh1pj3/IYO4GQQ1z+nAmg1c51/0UHq0DC7pqzLz6UwAkCzwar9jfXcufvjEE0985tOffu6556MwhNTEMdeIelLseW+0Our+yoE5f1N/IESlpEBh2zYqFUmJiMKy2E9q2/bExMQf//Ef+77/sz/7s7bjsDNhFSbczoZNlZ06eWYxNXAzM8zQQzv9MGR05vbxOzTJS5AMW3tu9oyYXUZQacP3p59++lOf+tRDDz9cq9WiOJ5ncuaEIS2/tSgyeBFB6+5pB2kGBITEiJC4x7h2WaogSaVYTyKiIAh83//oRz8ahuE73vEOsbodNU0wDVxofYN6J6sjKvcYrf3fHid3VYGyBLfS0oBSeUMAQN///vc/8Ym/f+TRR2anp8MwQINJZC5ifyclTiEBqy+2Vh068kIjHR7ZFZSsKAKiIEVgJYUZdW+1aqXyF//zf9q2/ba3vU1YQrOeVeYjJg2Yt26vW957BA0L0lSzjbL1EIgIZsFDaMWsHhKzb1lqTo7SuC8l5SOPPPLpT3/6gQcemJyc9H1fSYVAlCZ8tYzAlMmOUQAUIJCtXyICyIy/ZMhOuMshaCXX/vGpxyTNfSsFZNo35vgi0/UQWVEkBQBcjB5RRREKQVKGQaCk/NMPf7hcLv/ET/0kEcVxbCbTrCholOtzlfokgMwaZvb72sVIvxIgC4tyEHW8l56ZbdvNZvP+++//9Kc/fejQIS4YmPQQ6A99Mzpxu9nU8dCLAlpeR99zz3RgYF1IAQgijqUDgCAI/vRP/2TDpo0HDx40CiutEiz7i+g9YAcbo1arab2fYyq1JGrnavOfWx0sSycAy7JmZmbuueeeL37xi4cPH56YmKjX68k5pID6jXLD1KWbnXBrS/rFBQKstAToE6jVa5mRAO3KajsN8AfOJcrlcoB42RWX/+Ef/uH111/PTZdXFPpXUfqU24sT78lymATAYVX6jB5hwBkCMPGpN2aYJ2hERMQzZ8584QtfuO+++44ePToxMdFoNOZxiBQuyk3RzQW2ChKghwhd+q0zBGAuPhrHtEKfYQSJ8WfbmjAsx3Fz3v79+//oj/5o165dnG/J0qPH5uN5JrlYpOxzkKXrtAk76HGGdsGq5S7LypjN+WhEdOLEiY9//ONf+tKXnn322fHxcS5wMs/y++P9572j/rwK+s/qeBW7gWbz5t5nhhJ4eZnlcUz1oUOH/uAP/uDMmTP6vViWxWrSSxhaJEAmmsDUOrKMpLsN0ENxMofVNtCRI0c+//nPf/Ob3xwfH+fqN1oKpwSgcFG5LRcWC7vBsksAE1gFMpVY/dl8lfwhcbMQoG2hJRzHyeVyb3zjG3/7t397aGiIVeJFB42+WCRAr8pwGkfbZ5adzbzPTXvjcN6rmZl4Sm9KqUOHDn3+859/4IEHTp066Td9328CgED9eEyB1D1Uq2VPVN+SOt35JQUtKqjxMykztF6IJK9Aa31a50yvZfJAkiqiEIi++pWvrh9b/+vv/3VoRYCXKthk+F/NBzYVZc2z569ro9Tkh3mC6UACut0Sh7x+//vf/9znPvfAAw9MTEz4zWYUBmzsImJ6FQEQtcX0GDJEmLFHrNElfQEWKzcufsishykOmF+YvnVIXdYc/anSjpo6gloqhaznCIEWxWH4T5/97I4dO372bT/baDTE+RIdlxcWN36Pq84rb3tVhVh+94VSkFLaAw888JnPfObJJ5+cmJhoNJt+sylwPj6n9dbtOhUBkBDYJgFQX0AXS2G4CwkZzOBWa/w5CILEMAAAZJlLUkqIonq9/mcf+bOdu3bedNNNXLr9Akx9tSDbviUjDTI/LvVmQgBBGIbf/OY3P/axjz322GNnz56dm5sLggCgpUl9y2WEQAII9R+CQLCABIJRH8eYMGRF1MsUTM9vEiebujR0MnEcx0pJAAACKWUYhvV6fXx8/E//9E9PnTrlOM6FfoiVBdTudq35dDtVLyW0ecSpUywHg9nySKCYm539zne+86lPfeq5556rVCqNRiOKojiOGbX1VabrjVAAmJooWhaXGp+fj2ht2a2UIiXROOHiBFMv15tWywvajymE1e7002wDAdESQggUAoWwbMtynP/4trf9xm/8hm68gIsNlFiKitI+VEcM7HN880zGmWWoDNfKdzuco5TivNVzZ8/+2//+t6985Stnz56t1+v1ep3b/aaaa5fHIAS0hABEfReR6qakVKwU6UwIvh0KFhovgv7SK0qi2qJzXQdAcAGB9qNEML/ZohQgEoBU6rOf/ez+/ft/6qd+ijOJYVU8yCa0r0w/y7Wg9VxYTrBpFrf/3m2NOO/u6NGjd37pzm9/61uTk5P1er3RaOhyBogISvXIysM0dYj1fkrT+RBJyiSLlNL0sTQl5sVhBJBR9GGFgLPGEO12zEDdVkNv+wCAEHEY5DyvXq//1V/91bX79u3auTMMw9XH/o4EAF3Qr8dVHc9kmC9ZfN7H6yEB0Nhgx9Y0HERsNpsPPvjg3/zN3/w//89Xx8fH5+bm6vU6x/lAWsKFe163/wEK3s5xHMdxHMQkj1EIAYDM+7lirOu6mFbUSN4oovFnGhG9H3S1wdQ/TT1zWUbGJJ4eiVQqZon3Ehjnk6+CrSZCBAFkAck4AqWefOKJz33mswiIgETspFvOZaTukDlTYxT1sZHfbQ314Brh7X6GOy9kSFAYpcCnp6e/+tWv3nXXXSdPnqzMJqjPvL91ih369/AWpm07juO6riuECIJASmlZtlIkBEpJzP6ZDLQKpKSKVYtOtahYshWHZVn8HoAtXvxuXHM+RASTuEPuMUuAaNnOF//5n1//+tcfuOGGKI6E4Z+GC7GSHVdsKfxikWVRer82Du2M4/jpp5++8847v/rVr05NTcVxHAVJ3TKWGCwBuo3PrMuyuMaHzWlBnuexY85xHCKyLDeKQgAgovn2eADCEgIWGcTyMoGu6pARQcRREufGx//u7/5u3759F7btpiknl3HY5ScAlgDnzp179NFHv/a1rz399NNTU1PMuYMgiKKIn+S8ii+mVZ+YABCRUZ+lR6FQUEqFYZipI4DzIXQXr/PnYoCOaIRGsjkkdRJiz7K//e1vf/vb337d628PgmDVZ5qAqSX2OG2hErVDSmS3sah7TIRGO3a6PfLII1//+td/8IMfTE5Ozs3NRVHEET4yjrvpeZiGMWtDwrbtfD4PAIiCQ7KIiDHesqwgCJRSSiWl4HR5n/np4XzEDBkFbpeXf6wc9D/P3szovNeargv9ilPPqRACojienp7+5Cc/efCHXmXbtlzWGioaczTz6njUfBbTGOiGk73JwESDZagMR2lsDzP+e++991vf+tbJkydnZma4jQ/3OZRSklTmY2SeVq8CO3x0ryj9kljJwTRym4iUkkKAEJaW3al4IYEIwtK7P0t/zJc2dGR8RKCUsgVYlvXII49873vfO3jwoAwvmBAwoQc7XhAsAwHwJBqNxr//+79/+9vffuKJJ9jPU6vV4jgOwzAMwziOpVKCADplq4DxAoSYL4eUakrgOC63gbFtmxUhzQYsS3AJCW0D8FBKKcDlD+R+qYK5Skb1XJKSLIuCIKjVal/60pduuOEG7rVxAafKYHLGZTOCMzKlmzqUYd5Symefffaee+7hLN5mo+E3/abvR2EY+EEcRUoqUoTUkgqTmQdy9BwiIu/yohCWlAoAhUDeLVZpZxuN/bbt2HZLlWD9FCwJMgJ0XvZ15xw9ukkvC/SW3YuAPl9/x3uZb8TEJy3VEUUcRpbjhEHwnXvuOf7Cse07dyCAAK5Js4CGpD0mb96328zbtaN+7thxQI0f2L4TTF0cc3qiejZCiCiKxsfHH3300fvvv//o0aNhGFYqFb/RjOM4CAL29HOromxcaIcbJZFtTABpB3VUSoVhpMsAUtr+gFMXpIyVAjPHLx2dvXhdFqXnkq2Oa69dA7xQ0D4NkyqUkrawSSnLsk+eOPm9xx7btfuyuFOBglWGpdCbCQsLhRBpjzGl1MTExKOPPvrggw8eO3asVquxrl+pVGQslZRcmLJj99Ie42sbwHXdjLjQd299HuAoOh3mBRe9paslWPvjXCTQ4qAjAIAoimzHDoLgwQce+Kmf+snsOasCPQKzMxm5C1pVuze/h5aIkSSE0Pf9w4cPf/vb3+bsdUSsVCpzc3O85R6HkZSSPT8aI3vMQNMGptvJAMCKvpUWM2NcYUWfE/ZSHEp81ZmHpzS46OLEMFj1oJo+wVwuk2cJS0gpSakXXnihXm/kC/nzsrMXC9jmY5jqsv5F5xBJKRuNxjPPPPPYY489/vjj586d832/2Wzyzq5W0xnvdXcGU2syPW4MqaI5TwDCKGCtGwCbKpCeXkYLNHwXfA51LHrc27zpDeaZi373S7fbMmBqp0sZVl87nzWGwCohj2xZ1vj4eKUyl8vn4HxCYEEU3s0o6vNx2s2D3ofMe/VSgUz+Xa1Wn3/++e9///uPP/74zMwMs/wgCBhHOY6c/TBhFJKaV0ugla4yNKbx3rLmZZEOD9YjaO1f94vnCzVhLGi9Fg0vaobXA0t6nklcYpH51NzcXKVS2bR5s1ZrV2y+qwTnsQFYvTl16tQTTzzxve99b3JyMgiCRqNRrVabzWYYho1GgzUTXhEpZRzF5uUa49vljBYIwmjnRES8W6zFgkZ9LS64oI1SSsqYTRJ9uxVYonlYnNy4SGBBBJAsNSABAc6/viAIGo0mYFb8vnjBpnT7FlrLLxNREERnz5596KGHnnnmmdOnTzca9UajEQSh7/uB3/QbTd/3mU9LGROnl7ap4wwibWlmWrSYlp1RSjmORQSIhCg4YwmAU164VpkQItmXQUQhEICzhwFgnn7aiK1bRQPq8e5IdNdzTNna9xL3Aupac0F073NPmI1r4/kgsOerW9Bu9rpuoBkTIuO+BBJEAEI0/cbE5DkEkjJiN13mqh4Ddn6WVu+i/rFdG+9bZHUFkwVr/dwGANbXOfyD2Xm1Wj116tTzzx/jnN1ardZoNHQQf71eD/2mVvpN6DEVU/HCtJYWkx/btZbFmk/M3d8AgKOdMY2S0JNmaaCVn/bFWgpc2JCvpcBKzBsTU4CUkjJGgnBmehrm3QyrByukfyYqEHPiMAxrtdrx48effvrpI0eOTE3N1Gq1Wq3GIZyM8by/y1YvEWknjMbvzERV2rdMO++hlQxs22bTWes5WizoiBRIScXYAZgXNcu7OqT64jovF0AUKAgBiHhHcmp6Ok1OEqtpE3VU4ZbuibJN6fP888//4Ac/eO65586dO8faXr3eqFQqYRiysatBxsnmFEsMaBUr5nQxDePJGL6IyEHOTAB6+51RPMnXTEuU8b1MfxQY3t8MDbyoTdWLDUiRBMn7k6yCNhoNbSSsZkaAaXMzK9RYoQNnNGTO7wGJDcBI9vDDDz/++ONRFM3OzjabzUbD587jvKWlXftSSjKatGkUV2kYLRjRnXr20Mr4Ma1FBwCWZfHOF98o88yaroiIw0L5sTMaF5o7wedbzB7i+7xOtI6HFjfIxQktq5r+o70R2mmxEnZwmxU3DxwGxmlP09PTx44dm5iY4DPz+fy6detGR0eHh4dzuRwzZe0ymX+W1l6rqDPCdFLV+Pj47Owsb3XVajUmAMZy1n9kiveUbkuZzmDN+7UaA63vW/P+lJcDpMo9iwhlFHM1Yz8x7Z5pShtYY/arDkqpUrEIxgbRqgHvgSqiRx9++IEHHjh58mS9XjfRo1wu79ix49JLL73yyis3btzIl5x3WJuIbNtmGvB9f2pqioN8ms3EzGW8l6mzk5ivp9q/JjKtqWMaxQlt29fYmjqcKpHzkksbDADA+g8A6AKu/LWbrrUGKw0E5Lrutu3b9VteTWFmWZbv+1/+13/90p13Tk5OQuo058Iirus6jnP48OF8Pn/JJZfs27fvlltu2bp163mb59rMWdmt3mw2G40GY1sQBFEYBb7P2MZuflKKACzEmEABEgoUiateu+JJSWjdADaK9iCH+qcUIgBISmXbHLifdLs3A541aK6vxcISUB8RWqJHMkfNu7bOoctpACj60qmgg4LRGVT3Fs60HA3M21ev45rz6IoUEoKC0mBp27ZtmoUt4r4db91+CNPMTK1rCcDPfvozn/70p2dnZ6M4jqNIe1AUkWVbjGae542Pjz/33HOPPfbYa17zmoMHDw4NDWmHTcZoRh0Nyr9yFKfeEzC7MWvdg10zsSJqxXLjIVoeyfRjps7NhFhYoUdESrYa5/08eq83Y9as8fvVBgLdH1EpNTo6umH9eo5PWWkLmJkyv3HXdf/trv/98Y9/fGZmhogYS1lZUErFStq2LSxhWXYQBPV6vVqtzszMsFPnZ37mZy699NJuZV1s08RkNyhrIEEQkEwpISUJSEPilGEYZfAys9uiDQ4mFmUkPUKqFEkpzcC1THCfag2puPiNyJcScFw5M6YoDA/ccMPY+vVGz+YVfBeUBge4rvvwww//5V/+5cTEhEZ95pJJB1UgIsIIhYgiIRAFKdWo16uVarVSPXny5H/6T//p2muv7bhPNS8B9KA6hlkY+K27R6U7XvPboqZGzowBW0PT+IPmGfp8LT30o2o5xZ0MzXCgzLosy+IuFHrSXr8DtgzS9ywyNk83L9OiuUO7JE9eEIFAZBqwbetVBw86juP7vud5iLj0shuZF9E+f8dxnn322Q9/+MPPP/88q/saFSl1iiBArCI+n01MFceO68ZRDEBPPfXUn/zJn7z73e/mWr/mHYmMrXhEZJOXFR6llIxlmnqrdC3V5PatblcD+5MZQKvG0q40kuFHMheC0qDrJI24/ZW8LAFbYVXva1koMIqiyy+/4vV33BGGoeu6/OpW+u6WZVWr1T//8z9/7LHHtFdGJgV9kwyQRFePY/6LoyiOosD3/UbDbzSmpqYmJycPHz78oQ996NChQ1wUntlrgq7mo0qlOIU3TOs4mC4gjeXY2rXY/J1VGtH2ttoUpXnQVGQ+UibHVxmwsku+Bq2AiJzRKhB/4Rd+YcP69fwybNtanQl87GMf+9rXvxZFUa1WywQIayAiMP6YYUdhFIVhGIYzszPVavWZZ575yEc+MjU1xWVq5/WOlqclUlIq3vQKw9hAQY2gpkkKrZwJkiByRGEJYXHFwrQoMfLV0OL+T/7A2O41b/FyZvkZoFZYhgHn9S9kO1f/mPxREn0olZSk3vb2t7/t7W8PgpBfjFIrYoxpLCKinOf96513fuqTn2rU6uyNVEoxR4bMgihKsClFVCmVjOMwjKIwUrGs12q1avW799//yX/4pOGTBGAbINX2SKAATmBXyiaMab6cfLu9a6J+61tJPIIq9RTxuUIgkWQCIVJELYYUT3/+9fThKQPgd9c9CHFReNJDpe5xqOeIXXP5UHQXaJTdQtEfFkcDSa1VYxqISPPaPwDMb5RalsVkgELki4X3vfe97373ux3XlXGMaGHiIO03pbPHae3LyC6QnJd77HuP/eX//IvKzIwMIoyTLvYZ/ssQa7uIIH0oAAAEsmMJighIEtRV/Z//+fNv/JE37t69Wzf/y1aFmI8yUKRaamu2sB9CYWo+5mz03rDJyPWkiRRjvHb16D3gRSzfGiwaTKHNb0oH1WAahQUASqk3v/lN73znOz3PY8LQyrBagbRgIUQcx67rnjlz5qMf/eixY8d831dScmnedgWEgeZjkyBzSCXoCiAlIJ4+dfqee+658sorea+JiDoQADDzVsokAHOxAACFYHaiHfbmM2TGNAfRLn99lCGzlGu6/krDvMoK82U1RNo+jAuT5XK5QqHw9OGnf/VXf/W2227bt2/fzp07S6USpHs4yw6Ubpv+r//1t9/4xjdU6nGJoxhES5W4jvqCKR6Tz4laDsSZJUFw+PBhnWUO5j6AlZZ0ZpWElSIw6liZS4bCkoqUkprZt+tC7cSqlOKf2/F7cWIdqGv4vo7iWgosi/DJDNJK6v2Ovzhlw7xX+yET6Y0I5yQ4MilDb1mNZvOZZ545d+7cV77ylZ07d950000HDhzYsGEDR9BoDbmHutg/EJHrut+57zuf/exnwzDkmEtiptyK8Znx28WCflDeyqC0kI9Mq2gmDvfW++uBWhw3Os5n/kSzhVGrZ1pTaPaSRP9pOTR/1Zqec4GAcZ3LD2t2xruTURQRghACASqVSq1WGx8ff/LJJ7/xjW9cffXVr371q7dv357L5TLO9aUAIk5OTv7pn/zp9PR0ZkzVGlvZL0dg6xLnL9m6davjOI1GgwOQ7ezZRMDGa88bsKTQLL+F93dSxcwLoZNwWIOVhh7Bm6SbuAkh0sKsiaAmUlKmbRkspSQnBp44ceKhhx687rrrf/iHf3j37t1CiDiOli5yLcv6q7/6q4cffpijcMwZi1RDWZB6TGmjA2b5Q8PDt99+exzHgpuEJ14gSEQxIioiyRIDAIVIFJbEUzlf4I2IG55iGgWHWppTcmNdCbFFDMAa3q849FjbDgia+rBRe0DR+JckxaSEIiKQUkVRLISYmJjI5fKzs3PHj5/87ncfeO1rX3vHHXds3bolDCNIBEi/iVqY7ikhYi6X++bdd3/uc58jItuySCkOviQAwHmzMON0Oe9aSCILhSKK4vjnf/7nr7/uunqjYQmLUdbG1P+FgJZlKSKpFCAmSA8E2oeTBkUl/LvFH9qm+hsnKx0qCgvY/J9/hp5spZevcyW3ENpU6sVc2Cs3v6c2bx5tCZ0C1bLEXQJbM5YbEKhIWRaH0SASgiREBEnCFZYQiBjHSgjiot2IWKvVK5Wq53n1euPs2c8eOvTkW97ylltuuUVHsPUwP0xgwSKldBznueee+/B///DczKyFQoIEAJXxjre5FjOKdIdlFAgAsZSO4/zau9/93ve8J/ADAQiKSABgz7IoGUWFiEgbyq2nmV8Tgm5pYL4GywyL9j9q29ccBwGFQG6QymdYnIwKQAS2w4EDJITgtsGs9FuW1Ww2OV/8vvvuO3LkyKFDh37mZ35m3bp1UrYUD+1BACwBXNednJz8gz/4g2eeecZxnDiOm82m1nkWqi9kPLyRjC+//PLf/M3f+omf+AklJfcuCoLAtS3oUReIWi3r3ip7K1dr2TJbdlfxGixxSTUNzL9TgSgsYVnCEkJYKAQBFAoFz3PDOGYOXS6XOVXQ8zxdj9627TAMq9UqEdVqtX/8x388d+7cu971rrGx0ShqSW01J5CRD67rTkxM/M7v/M593/mOUortDUSMomjRT8effd/fuHHjz/3cz73zne+85JJLAKDWaHzjG9+4//77N27Y8GvvfQ9xUjxvfpHR3A4SM7cDWnd8JHM1291h8/yGMkJ5qZYArgCBLXbABWx2Lvmq1iEyW+MGEiijlDzgfGNH06NtCQEIJBAsIWzb8zzXc1mAO56XL5WCMOAuhUopy7K4bU+1WmVVp1AoBEGg64bceeedpVLpPe/5NT2jjPfGnBgb3JOTk3/4h3947733Br4fR3HifZpPOptHPB0IpOevh9Wh0UIIRUrGcmRk5E1vetMv//Iv79+/n4s6fuELX/jc5z73zDPPIOIdd9xh2XYcx0koBKUbgX0uerd3sMbvVx9atO1WitK1NpRSACK1y5I0DEZoy7KEZQEKRLRdhxAAcaBcVkoVCgXP86yGZRbvGBgY4L4ncRxXq1XeL0NEDjLzff/LX/7ym970pquuuoKjl5OJtZqImuGeOnXqj/7oj+69917f933fF4Am6qPRm763HqVlWhzHuVzux976Y7/8rnddt3+/ZVlhGN51111/+Zd/+eijj1qWVSgUkgkoBVoCoFGZeRFARkT0modnlaHlrRGaNGB6TjDNYWKkZ5QFAMuyHNdFkWz9Oo6DiKVSqVwue56nlFq3bh1r/Pl8nmkpiqJCoXD06FHu1SmlZJ86926bnJw8ceL43r1XmbiesdqVUrZtnzp16r/9t//2yCOPsPRQUpIQ3EdLIzQiQuvl7cDKGCtOBw8efP/73//aW28FIsuyDh069KEPfeiuu+5iSwMAgiCMotD3fSGEVGo+MDojbphTEMzfu+MkWvxC3U9LX0+Pp1gMpJt2LZNZKCz0Kk3k5oWqTSec/9z9sXt6sPpdrNbZEzs0+XLOHkZMqvqY6ihH+3CDcWFZKGztu2SOzmYon1MsFjlG3XXdQqGQz+cRcevWrUeOHDl8+HAQBPl8nsuWEBFH7c+vTCe3PZc2ef/73//QQw8ppbiyMgBIRVx3hbejOC1FEShFAuc3TyndqkOjttrY2Nh73vOen//5nx8cHIzjeGp6+hOf+MTH/vqvJiYmbNt2bIsUh+2AjCMlIwIgQttE3G6o0I7T3Tj9Gvtvh9UlgJahtY2UhH0aVTmYazJYlo2WxYpAsVjktgzMpIvFYqlUEmkHcs64dRxnYGBg06ZNo6OjQ0NDzzzzzNzcnM6mQiPiCw03v56aUspxnI985CP33nuvZvPMnqNIup7HkietQxJLpeIwZM+SGUOJ6ROFYXjgwIGPfvSj1113HRc0+dd//dePfOQj//6Df3cs4ViCSCkpicCyLEVKYBICTmCEQizCBtAPuaCrXpJwkSxCbxaGRqZS0n+cO5AjcoojO160NcnUEkVR2q8WPc9zHKfZbJ47d67RaAwPD+/du3fDhg1Hjx49fPgw43oul7vkkksybZTMz47j3H333f/0T/8EaY0zx3G4Rk6h4HJsRRRFnudBWh4qdJwo8H3f1+o6APBeUxiGP/3TP/2Hf/iHY2NjiHj27Nk//uM//uQnP6lIObYDJKURtapVFcviNJV48TbAIhy0L2Fo931d2GmYIpoVdxTIG5It6hl3I3cdfUmz2QyCwLbtUqmkpQQimv05BwcHuYvz2NiY67qDg4Plcnlubu7o0aNxHA8PD69bN2LOx8x6ZZT9x3/8x9nZWddldu9JKXO53PDwsJQUBAF7WlmbCsMQAAqFQrNey+Vy7MJnYxcBwzD8pV/6pT/4gz9g0+Wee+75jd/4jUcffbRUKnEVQxXHmNr+wqgiblkWL4ONrVXcTFoBgeZuVoagzZN7wDKgAiW0fjEIHD2H3tNotQGyIyxxDplb61BFPTdKa0gSgJPq+lIlS8c8lbGh2WwqpfJEURzn83lWOXK5HNeZ4q/cBYKRz7btIAgY25rNZr1eD8NwaGiIiG644YZLL7202WyuW7euXq9PT087jsMhpexChdT7efr06ccff9y2bc/zSqWS67qlUslxnDAMAWh4eJg1NHYisYXASQK87UBETBVRFN12220f/OAHWX3627/929/7/d+bnZl1XZeJBAAEgrksjPpciZlfg23aczoNYg26wdLrAbYy4O6n9TeC+WOqEEdEynacA9cfKJcHvvnNbzI3Te3iBBU4MJhNyTCMhDVfbYFz3n3fLxQK4+PjABAEATuOcrkcn+A4Dpu8hUKhWq2y3bxp06ZCoaCU+uQnP2nb1sDAQKFQKBQKxWJxcHBwZGRkdHR048aN09PTU1NTnGzged7o6CgXYuORAaBarbquq7PS2UIgGfu+T2k7CyIaGx39/d///aHh4anJyQ9+8IMf/7uPc522HtFy2LqdBWsEsFBgPFhKg6AVIgD2TjqOs2XLJa9+9at/9Ed/9HWve93Xvv71b37rWwCoSGHSPBz1+WyMxnFM4LteTinkhCxucs5+Uub6jCRcEIUtBCaqXC5n27aMYy47FQRBqVQKggARwjCwUuDzHcdxHKdcLluWuOaaq4vFEguBubm5arVaLBbjOPb9sFKpqLQWrUoLlCCiQHAcJwgC1m0cx/7A7/7u9ddff/bs2fe+972f+9zn8vm8SlIZu4jotLkWAHCRXQCwE+3COEnoVJjWjVtzxB5yvNchztnkxjtEC4ggMzRINJy20Ioo7d7JjpOHNnWOGSGbX9CjNQtALNP9eQQC0sss2kL20igbSLNACSjZkp0/p5fLmNIxkpFSv4cQIACRFAHyS1VSyh07tr/+jjsOvupVB266cevWLY7jqFiWy0M5Lx+GoQBB3BcnXYdEBSbigOcoDCzLQsuOlQx9n4A4CxEQlCJELOQLSqpmo1nI5x3HAUWEGMRxMDvDJjIRDVvDtWaDcVQQOI4Tx5E2cG3bBqDjx09EUTQ4OJLP54rF4sjIiO8HjmMHQdhoNOq15tzcLCIODQ/nczlAlHHMreiafl1JNTU1NTs3e/bs2Xe8/R3v/KV3njl95v3/9b/98xe+4HpeJGOllEABiJTGXSoCSDFFEpIiyxaSwHZcxiUbNPanS5MSAC57VmJCUBoZljwgGmHYAJDP59mBwB6MPgPHWeNERNt2pIxVDxW9g7OfoAMd6ukBAKCwIKHY9IT0n94rkFBQSgSu4ypSRCQsKwxDAFRKlsvlvXv3vuUtP/bmN795586dCkEBNZt+GMYCcdu2bYVCIQwjUISiAwvgLWJutoOuG6bslgWdlDKOpWXZuVwuCkOWML7vB0EghABEqoPruIEfAIBtW3EUW5YAQNuygMCyAiJqNJpcd5mSdEcRxxFRhYjiWI6MDLM/qlAouK5bLpfZFLEs2/NyiEguFQpFAIhlFEXh0PBwHMdXXOFXqtX/+//+6+9+97tf+MIXACGMQjbWoWWR9f8QjKh/IkDL4l+TDhSU1jRnskg42+LKKlw4YAtJpM0HepxpqvK8w6+UqtdrQogeWNnRAEjciuY2U3prRaRkEr6iMw8RUZfcEz3ieOfJCBPNFSGOFZFCYW3avHnv3r233HLLq171qj179gyPjARB4IeBSnhLkgKyYcOG/fv3f/WrX83ncnEs2wOxTL8Ca9tsJlJSDURxuA4bnWzL+r7PqEJAhChdib6PiJ7ryli6jgOIDSkFInuQcrlcEASszVNa9QxSB6jvNwcGBlzXrVQqnucBCW4WUa/X2R5gRhZFkbDAsizu1uU4zuzs7MMPP5zP5y+77LIg8M+ePRMEQWazr/1N6QfnfAClVIvSr9tbpIu0HFy6bQbtn5cLtH2zIAUd03BAAMDz7T+h0XZB4wpA0rhOKimlIlLMNUdGhjds2FAuD0ZRyIpBtVo9Nz5er9Vt2+Jef9CKheadFClEjKVkNbVcKF6xfceBA9e/6uAP3fSKV27etCmXy8VSxnFcq9UB2DqUlD4RAXme9/a3v/2bd3+TOL6/dTM1uQ8AR0HLtE0El99JUmZthz+zU4hZDO8fA4CwRRSGHGUQEEVRFNiWwIRNaJpni1mXaGYTXKWtb7XLv1gsCrTjOHYcp1qtep6Xz+c5fbHRaEgVFQoF7k8zNzfH1MVWR7FYzOcLlUplenqaWxmJtIUHGAWQTL+w5mVGKARQS+wUASuBGau5H3zq8xxz2IXSg55zuw2gP/cYM3Nrw/l7HrPH3DPh3Xs21CzbHhocLJVKW7Zu3b59++7du6+77rotl1yybnS0UCjEcSzj2HacmZmZf3/88a985Sv33HPPyVOnoigWqb5BaXlWvlFMhAI9x92+45IDN9xw00033njjTZdeeunQ0BCCYL2/GfiUpPwBAEo2qzQXUCoIgje96U3/8R3/8e//1985nscUpbs6kK4YLpPdIkYLXTKEcYEzalVaIZzj6RMJZglFJBBVui+LKGw7CbAjIt/38/l8sVjUJEdpG1wehM1uRnpLWIjzveSq1WqtVmNDPI5jFDA3NxeGoWVZXMSfI5GiKLKEI4QYGhrJ54tzs7PVaq3ZbCBaRC2NMc2nhpQs1tw+ABny6yKm9DYK771zCMrAwMDOSy+9bPfuffv3X3vttVu3bh0YGCgWi8zSNCbxW3Qcp1Ao7Nix440/8iMnT5287zv33XP3N48ePXr69Gnfb0ZR7NhOaaC0fv360dHRwZGR7Tu2Hzhw4Jprrlm/fj0HrnHdykxVNmp9x6BFCiXm3O//3v/1/NHn7rn3HivpxmkxjxRG5XowGIFmn/yBa4BqPsiUwMgHUbKVJlBIldCVjC0UiEKwp4XdSrqEhN4U0xSls5Ar1arApFsFTyaOY25Enc/n4ygmUrwRxj0am80mB+GhY0VRBIBCWMViyXNz9Ua9Wq1FUZhhZwmNGixvjQBaJAB/Nw/xB35bjPTr1q277LLLrr322j179lx55ZXbt28fHBwUqfDk87WirF85owKkFXW2btn6sz/7s//hZ/5ftWp1enp6ZmYmjuNisTg4NDQ4OJjP5cASjusym+RMFGNKLSLZ/KI3xTifnQCkUvl87sMf/vAv/X/+34cOHdIBZJrfK3Z/pi06VdqxKo3iTG5BqQ+Rn0hYQgCSIkUko1hGcWrWo7QsQJBAnufxU4dhyKYta1CaE7Mw4fgLx3GkjMM4YuJkDsICKo7jucqc69qWZeE8F1AA0Gg0giDwXCmSilqe4zhCWI7rFgrF6elp369RaxcvREQj6MEmmfqGFTmOA4gKgPjNtUb5Y9smwhKhT7Wnf1O8x4D9qEO8OBZYwCmCgGEUAoGwxPrRDVdfffW1B67fu3fPrl27LrlkS7FYdBybA7aiWArDZ4yIAEJXhuS2IHxE/xuGsRAIgLnSwJaB8tZLd4pUOisiCaBiFcU+JJooiNSVpDLO6TY9TYspBUoRCIGhjHdddcVf/83f/PRP/dTx48c1d9dkoFK9V28SY9rCcH60pPpmciMlYwWolAQAIIhl2tQHgWIiINtxfF+mZSZsAK5tKOM4RuIaREhSgSIkULH0G0126SkZK0lxFDBN8t1IymbdZ71fyRiUjMMIgCzLAoTAr1uWjYiB3+DopmKxmPOcsdGRIMzPzM4EQWChAEQFxGaB5djsnbC7LeVLGzJPmmIqe9EojiNE9Lzc7t2XX3nlFTffcssrX/HKHZdemisVRNLBSSglfT/UnMVESj0aGKZIhm8gotZWFACk1ZraZ9rl967QYvxgUt8zCMNdl122a+fO48ePi6QjyfxMLCEorVHZahElaVLmxl9ioqQuI/3cSKh7NwkrKSvEMlNKGQQ+JAF2FslYD8g83nVdnpVSyrYtVnLQdEumxfR1q1JeNpX0WwEmRS11m81GoVC0bct2irl8bmZmplKpaJ8bm7v8OC9HFSij87COzr42S4hSubxr164bbriBPYwbNmwoFAoAoLsFAoCU/HpeBPyCH1ZJKRB3XHopfOtb/Lz6hGS3xFCKTNLVOg+r5mAImWQNU8LOpI4QpiZBqnQxaiJIVvTJ8KHBvJBJe16k8RpgoDWl6TiQqnmJLS4srd1oNytvbxSK+XJ5sFAoOs65mZkZvhtPh+/bQgCmnztlhxd7iH8Glbt91WxPYz+m3ZnY6zc4OHjNNdfceOONBw8e3Ltn78i6kcTdoVQQRZZl8VimDt3PyiyXUNXWbe97mSzcVHwZUTZt2qRVGp3YDqzwpfYAa/96TI39YKTkmv9qQ8JcbaUUN0oBo6khM3VERGppNqzdMq7rIiJHVfDODIOePyJopDcJgAiJ0sERiYhliOM4SlEYRp7nbdq0pVgsnzlzmqsNsUoJZqd4/V67rb5ezY4ntHCFJYM5TmbEzGTa79hyrWG9aG8jH2Jja2xsbO/evTfddNNrXvOaPXv2DAwMMOnHUoZxxEMIgZwpC4rMrZL2G5mz0gvSA2u7aWLtZ5q72u1XQSth69PM9xKGQWVujrddtTlLRJZtczF09vdrZxcYiK6Hkm1tzDWWt0/YxEjzkIDE2jbxlW1iTBtCs57DU+JftGO2nQ5N08X0UFuWVas1nCAOvbhYLG7csLFYKB07dsx1vC2XbGeFbUVUoHYOsYzQm8ZMJMggBEe0K6VyudzGjRv37dt3880333LLLbriMQdIoi0EzG/lnJf42w/p93pe+uwflsJZGNUc27nqqqsEInvQASDJiBcCEBnPNOqAEV8NrQxOPx0jvezejLpdXADHdqSriqmuxcJBu8v0HTnXEZIQ7ljfl1I7HowYE30jXU4uiiJr3sErEHFoaNiyrH379t966w/7HMHRY8V5Sy+zBOcFNKD3Ai0OemOhiXMEIBAJgJSSSrmue+mll77y5psPHjx4w4EDXNiViBQpHQmMQnDFaUpDKkw+ahJzlqu10XlmMh3n3796ubirGJgAFKnX3X77tu3bjx075qYOVgBGFTJzQkwdw7yjSQ96Vr0lf0Y66fmYz0XJ1phiHGWaFEIQKSk5aIKUki23xvRanpSSfK0QGMcKgCzLBqAwDG0HCZCr/RMQosjlcocOHbr77m/8/H/6uabv21wsQymFAi3LEgCWECqOgUAhURf1JiPyzCfUZMpP0iMirYW5Qkaud7uotdZNK+idbI5UUUpJRa7rbrt0xy233HLrrbdef/31mzZtyuVyrOyykoOIgIBWC3Jr7qIfqv2OJnlkkFIvSDuyLhR9O4IenAzNu+M0+INSKlBqeHTdW37yJ/77h/77ulyuPj2NHKUsLJVWwsyMYxI/dHp888fsrc0vWReYeS8O3IilTJxCjuPozWaApC2SEIKYl0Ea0Aag0rqJjKcAyFoVESkVs89JyVBCDGRFKEWoKrUoX8hbtl0YzHPMiCEBKH0k4Hzh+fIs3V5AR9AIwfPudtqiQa97RusAA3GjKHI9d+OmTa985Stf97rXveIVr+Ci2EyZQRD0qVH0r3gsRUVZRshMI4PKgPiud73rxIkT//vLd5E2QImkUpGMTasUuhBq+/hLn7MpbTD1GpFRGQVSq7r3IOYkKY3yAFCkQAJgHIUIgGBFlgoCJZPQwKwKhKncBwBsLe+ZuUe321N3S25ZwGQ8GWJgdWtoaOiaa65544+88Yde/epLL72U8/c450gYBfD6v5eGble1P++yYMYiICMEzFlx0Z4NGzbcdNNNd/7LlxzH4baEkUyKuXbUc7qJlPZDi54wpuY4pN3hWSPVrnpkfx2dJ7hdC3+TbGzLQgAVxyHrA4qklIAo45ix29aTIPaTJA8KRrOMDipQt3XREqOjZOxFFenttIeu99NmnhMAcrncnj17XvOa17zxjW+88sorh0eGyWhzD2mZA81peo9/XshoOIvDho7T6Geodi28I5j6J/s3fd8/c/oMv2vJ710pAgIU2qtojpwZv8e9uj1LN4ZInTy2kDr4sdXeNalRr/y81t06rA43AgClCC0LEAUAB+3FIQCCLRJUt80r2SEAqQpkPlvvt9I+Jw0ZLagbPSB2LQDWUfPG1LVs2/bGjRsPHjx4++23Hzx4cMOGDRx8mwl/B+ON9niQlwB004IAII5jz/PGxsb0DpQQAgBJSejSZO68gy90PmC8iI6HTNC/SyWh04vD1AFk/tISzCeJuK87gpKSt9+lUpBuWhsEkHh+EJHrSCCKJDeS2qV8y5NTYjOA7lDZ7UzAhB6yCycIweDoaG7JpaRluL0wiqJyuXzZZZfddtttt99++969e/P5vEARyyQ/NTN+xvNwkZBBuy+h2yETMmjXAwszyoxlWXNzc/fce4+U0tKbvggi0661k7GrR2w5JLDLkXkMIOKWoiJziI3M1nvNN6ox746IQliUxISl5yf3SxxZmKLUPLMmIiKLSBByK22FShBJDmmiNgJIuDgPJJAIBMw3CgFoFTStD4sc2YJARInhQPMHzcuI2LTIGsfsexQo2mmDAFAIjlfh69etW7dv374ffcuP3vzKm7ds2WLZiQNbomICJq1RLQcsVG6YWsQyTWEB0G6PQSoHHMf58pe/fO+997quC2kyJyCyt1jP1RaCNJoSkKF8Y6tzLGm+lfYXykwEGDOxDXkIBCKR2ZooGZ7DSzDVCAAAOUWASNsAKeYTpr5DSk3WdJR0OCEQAbguJO9Mo1BKAQq0jJ1gSJgugkAJBMCJDspWyXOYxKaXYv4TYorZON+1cX4JW1eFSK981nKff7jWSwSgbUVx5NjOtm3bb7vttje+8Y179uwZHh5OHAhM0AiA8++qe//I80A3FaJdD8TW7cyWZ1wUnJeX93OaebRdwhw6dKjZbLJDjNVlpRQo4ojQ9qF1MIJp82gh327ydbw1v1w9N5HW5OmAGgnGJomjfHFHcxwIFCgiQgCFIpFlrLrrCROEAAgkLMGOVCWlZduKA3gtRERbPwBvkZZKJb3bb5E5txYwdQia/4W1JuAUvnbMaHHZdFLt9TctBBFAAqFlXXLJJbfeeuutt966a9cuLs5KRtg6pqZLy6J3QZR+7JmOv/RQrzPE3IoufXlO+hcXPZzLPbQjXqUbb7zxx3/8x5OKiHpARCt9Y6xyIgrLEiiSFGkUelfQCNFMi9Tqd515GsGCO4kZRBTzMVQiBb5KZyPomDwdlmciknkj8wOhPhkyWAZAem+NE/b5x71793JHM6xUKnrc6enpiYkJjTqOZQveG8eELnlFdYwrf8V5zR6IyNYJfrwSZvCM8UiQDpgcan2p8++YCIRAgZxZp70KZl5fBuFaXsLCwbyKR9YssD0gh1rd1eZRU3SYh/qUDz2uWvRzJZmHlhXHsXYyArCma6htpmWZUdP1j/qzcYPzZJBrXWIRUbSMZ6S/AGdqskatVJrAgfMTVGp++qwiEJEQqFSyuSalRCGwWq3quzAh6jdXnatMT09v27Yt2ZpmN62UYRj+yxe/+IqbX7nz0p1SSgJImmwDyDjmPCZE1Jk4KJAUJYkXSjlcBzgMmTCjOHZsu16vu54HQAKFatW5Ue94p9gPBv61voKV1blXevxVgM4LmHg69EnJ/zsu8vJMI2XFjMecD3n8+PF6o77/uv1c4I0rk+qNf9ZpGT+T+laIQPTEE0/4fnD11Vfn8wUAEsIKgmBmZmb9+vWMMKdPnx4YGBgeHqrX65OTU5s3b+aoMA4BbO0TTMRprEop27YfeuRhS4h8oTA6Nnr27LlyuXzq1Kmdl+589vnnJqanJqemxtavl7F8/oXnN27c+PTTT1977bVzc3P1ev2qq65iCrOEAEAgUErZaD/yyCO7du16+umnoyh69atffW5inAvDl8vlp556Skr1Qz/0qiiKBKJZnCdDDHqqy/5WXg7QeQGxlZvPCwYyvy4vpD4dJKBTZ07Pzs6uG10nJxURoC0Q0bXtKI5s20aBUkoBSASKex8gAIJlibNnzjz3wvOvuuVVzWazUCiyPvz1r3/tkksu2bZta7PpI6LneaVSUSn1wAMPOo6zffv2+aDXTKd4rV24rnvq1KmxsbHdu3dPT08/8sgjjz766J49e06dOhUEwcmTJ++4447LLrssjuP7Hr5vx44dTz311PHjxzmc+Dvf+U4URTt27MjlciiElNKxHUR8/vnnOaXt2LFjHIh/+PBhjsJXSnmeNzg4lPB4y6LuTsA1eCkBCnzh+ReOHz8eBMH4+PjYxg1//Tcf2717966dO184dsy2bddxhGVt37a9UMgzyg4MDLAcOHbs2De/+c39111XLBUnJ6ZOn/7Bhg3r77vvvpMnT23ZsvWLX/zSrl07G4368PDIuXNnjx8/PjBQvuWWm1l5tiwrimOB2KICQeotVkpx+SF2F3Bt3jiO8/k8Z2dra2ZmZmbdunW1Wk2XQJqenh4aGuJqqZTWvbBtu1ar5XI5y7IffvjhK664Ip/PHzr0xJYtWzdt2njkyFHbtrZt25ZxYiRr1LfisaYCLRouiEQlItu27777bq44fdlll5XK5dnZGUAsD5Rt256bmxsYGJirzM1Mz3g5z3XdUrFYKg1wiuP09HQQBo7tlEsDJ06ciKLouuuuY18Od/FQitavH5uYmLz77ru3bd/2+ttvR2ElcRapJworlYo5J/2OTf2vo5HHH5I8N8Mi1Nlr7QNKSQBQq1WZ2WtVrNlsFgp5jn1thwURgL5v/wE//cNLmABMWB1iYGw5derU7Ozsjh07yuVykg+AQpt8iY8IBfsV4zh+9tlna7Xaxg0bxsbGbMcRQiipFElOiteBdPouilCppDdMZ/bajQB6w+K4snZkaXcKeyRs247jqFuK7YLuZUb+9HlV/7BGAMt7FyJqNpuFQqGdw7aDGQbPzQTanWym8y39yWobqQWWH0t6QhLpIIRATKSHSPt1LsPorTv/Sx9wDVYauGmpGb5mgtYsyChmiIi67BIakaRgKCyGt71XVD8A/P8BCr15rJdqH5cAAAAASUVORK5CYII=\n", + "text/plain": [ + "" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "1 the shape of the hand is very interesting\n" + ] + }, + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAQAAAAEACAIAAADTED8xAADBB0lEQVR4nO29eZAk6Vke/n2ZWd1dR1ffPT3Xzj07s7vaW6vVtRKSQlgCHYENGHPI4LCJMEdAKCAMYRsrjO0f/gPjCNtcRiAEtgIJkJAEQgdrWVqxqz1Ge5+zc/d09/RdVd1dR+b3++PZ95kns3pGiySDkCb/mKipzsr8jvd43vPzIQR37bp2fbte0d/1AK5d166/y+saA1y7vq2v5BoEunZ9O1/XNMC169v6usYA165v6+saA1y7vq2vawxw7fq2vq4xwLXr2/q6xgDXrm/r6xoDXLu+ra9rDHDt+ra+rjHAtevb+rrGANeub+vrGgNcu76tr2sMcO36tr6uMcC169v6usYA165v6+saA1y7vq2v5O96ANeua9ff0uW952eWwVzTANeub+vrmga4dn27XFmW8TO1wTUGuHZ9s18gVpBvCCGKoizLoihK0xQfouglIENgQ/rGN/hvCMF7n2VZCCFJXqL8awxw7fpmvwpl62mapmna6/VKpVIIgYzhvd8W5YNn+Kcoinq9XpZl3vsoiq4xwLXr78EVQrhstkbRhz/84T/90z+dnp7e2tqK43hoaAgMUKvVBgcHQeu9Xs85F8exc65er+/evXtsbGznzp3lcnlqampoaKjdbg8NDV1jgGvXN/ulGqDX63W73b/8y7/8+Mc/Xq/X2+12p9MZGBjAbZDrADm4IOZLpVK73R4YGBgZGTl8+PD73ve+173udWmaXtMA166/Hxd4ANi91WqdP39+cnIyhFCtVhuNBjkE8r7/h6VSqVartdvt9fX1Bx544MEHH3zd6143MDAQQrjGANeub/YLQt05B/OXMj6O42azGcdxCAEGMf6KixoghLCxsRFFUblcHhgY6HQ6a2trzjncfy0OcO36e3CRrKMoAuBZWVlJ09Q5B3+OGgn8L684jsEnWZbBgOZt1zTAtevvwQVHJz055XI5SRLvfalUglPI5QO9uED9cJUmyUtNEOkAjaLoGgNcu/4+XSrjAYeIeUjohZu993Ecww0KHojjmJ5Tdy0V4u/FpdEcxnSAg51EiOgIx2fX50H/lrniOMZke70eF4e4n//FB/JGmqb0FDlbnGsa4O/BxVCoUj80OHcd/AARSGORnPCtd3HKGv1VEVAIhG1ubsZxDAOATHINAv39uOjPhrvDOee9T9MUCBj7ik3t9XrgAew6PSF/xxP4hl5YCred1C+YClilwcHBra2tTqcTx3GpVMqyrFQq8bZrDPDNfoUQ2u12HMdJkgDLIpIfRdHnP//5L33pS7fddtvrX//6crkMincmHZ0Jwm89BsCM1AJ25i3FQkEiqCYcHBys1WohhE6no3bwNQb4pr5Ax3R+O+fg+nDOpWn6/ve//4Mf/OChQ4d+4zd+45WvfGW3242iCJHR4eFhUsa32KXyvt/moaMTPJCmabvdRn7E2NjY2bNn0zQdGhrir64xwDf1hX0dGhqCDYcv0zRtNBorKytJkuzYsWNtbe23fuu3fvu3f3tzczNJkvn5+e/93u/96Z/+6Y2NjXK5TJzwdzqPb+QFtRZFUbfbhch35ifFKm1tbSVJkiQJACGcRSGECxcuQDkgknDNBvimvtI0ZYgHoq7T6WRZtr6+vrCw8Oyzzz799NNPPPHEwMDA1tbWX/zFX3jvK5VKmqabm5v79u3b2toCTfA532IX8E8IATmhGimLooh2Ua1W63Q67XYbmpP+UOdcr9e7pgG+SS8I/mazCSXeaDRmZ2f/7M/+7PTp06dOnbp06VKr1aLzx3s/MjLS6/U6nU6pVBoYGLh48eLq6urMzIwiqL/rOX0DLsgCmDpw59PThQsJnpOTk0tLS8h+Gx4eXl9fb7VaO3bs2L9//4MPPgiewQOv2QDfvFez2fylX/qlU6dObW5unj9/vtPprKysQMVDuVcqFWx5kiRxHLfbbaj7wcHBp59++sEHH3znO9/Jp32LoSBn8jvLsna7rb6vbre7vr7e6/WwLMiYKJVKzWbz9OnTpVKp2+3Ozs6Sl64xwDfXBXkGJPPwww8/+eSTUOhRFCHrHdIL8g/MkKbpxsYG0TAcHQ899NA73vEOSsdvDeqnJwCKEaqg2+2maYo/VSoV59z6+vrAwMDQ0FCv1wOfeO/BGKVSCcmknU4HlTHXIsHfjFcURYODg6VSKUkS+Dedc7DkYNI5yRBmqSuAAdDOF77whdXV1W8Z0u+/iPiTJBm0K8uyjY0NcAXSpEulEuQCciIg+A8fPjw4OAhL4BoDfDNeIGJYb3BukpQZAYVTCIKQ8aButws2ePrppx999FFn7pFvyQurNDAwUK1WK5VKtVotl8vVanX37t2Tk5NIkKbhi5uxXAcPHnTOYWG/ZVfn7+lFQkf+erVaTZKE6e+6keQHYAAN/pdKpY2Njfvuu89966YDURB0u92tra2tra12uw3Ix2xnhMnpCcV/KSawbtcY4JvuYkwHEV96ciDSClkucOqxMwIThKrV6v/9v/+30Wjwzr+/nKDxbJo09O4751AYubW11Wg02u32wsLCwsICREar1drc3MRP0jTtdruMoCGh+hoDfPNeIPoC7XLXcal/k5yD1Iknnnji5MmTkHnfGm5QvZgf9VJKT5IA68NkgnsgiqJ2u721taUAMljKIKyCawzw9+MKdl39tsiuXq+3tbX16U9/2jHx/VsF7jL6Af+Yc45q0DmHZE/4D4B5YAcPDQ1BFqA6zDkHdPQtsijf2tfLRy+QiwMDA2NjY6VS6eGHH4b8+xs95Jv20oQf5xxJmQHgUqmECECpVILr0zmH4nesTBzHg4ODmgpxjQG+rutvRFWqhf9GD3+Z4h++cJiAkIIvvvjipUuXmBf98od6lfEomvrbNy34OmoAMMPAwAAiJPgvFAJiI8ikAvIpl8vDw8ODg4OOwYS/zdF/a1zqjHe2ji5PGfTSMErv8q4b2nAA+i5P7nwsw/4Eu9rkTC9NkQf+6Xa78/PzZ86ccZZE0G9RbDs7TkEzjZ3Z5UhJwnPwQMab3P8bPUPDlxcgEN7upQ0WiyTxQ2AeOHw6nQ6cCtAP7poG+JqvYOFVumVAcECf6qR3ffREX81LADSKlM706nQ6ziK+tPaubssG6w4yMDAwODgYx3Gj0fjc5z6HrMmvSppkvHa7TZZWlwu4EdP0lnyvztm/hctbcRxcma1WCyGtZrO5ubmJG7rd7ubmJjIgvPetVgvZ0Z1Op9lsIknWWfHQtVSIr/3CNiDU0mq1aIRhSzQ3AQI4SZLHH3/8oYceqlQqN95449DQ0MjIyMTEhDIA/RXQDN1ulzAXN1yFjimDUQblvV9eXn7qqafAq/SOX4lYKU2Bo8CfkJ2A13CtsA1bkiSLi4sPP/zwgQMHDh069A1Y0JdxEc5hSYH4nXOIGGIvnKTQMmMU30OsoB4A2uAaA/yNL+1HgOSTNE1HRkYUomhxFigySZJGo/Erv/Irn/70p9/ylrdUq9V6vb62tjY2NnalF7GIO4gX/CoD423dbhctBMvl8sLCwvz8/K5du2ARXn1eeAWyaEgbyLrD8zc3N0+fPj07O7u6unru3LnPf/7zX/7yl9/73ve+973v/Zss4dd7UTV574FtkDyCraGjkz0jkEmFFaDDFPd80zEAoTP1bKHXhX4ZpPLVfTX6+MYOEiJwdnb2S1/60vz8/N133z0xMTExMYG6OwYdCQ9CCGtra88880wI4dlnn/3t3/7tmZmZu++++6abbkK7jmAV7nwLVQr0iULhbSdLuQjump2dLZVKZ86ceeSRR3bt2sWSGv053+tszYN5S/D2VqvVbrcXFxefe+65hx566Iknnnj++efn5+fb7TYabnY6nTNnzoAEOV8G7/glB/l17lHocyQgGxSxP7Coy3eEVnMFGgxGMMb5TccABJ3BElYza4vHeJ4uq3L8386F8mrkJL///e//rd/6rde+9rXj4+MTExPlcvm2226rVCrKokHacqCp99raWpZl999/f6/X+8f/+B/zNlJwyNvZ7mUYl7rlkHCDg4NDQ0NLS0tf/OIXv/M7v5MSvUCC1Ffeqo2dc3Nzc08++eTjjz/+la98ZXZ2dmVl5ezZs6i0cs6Vy+V6vY5anE6nc/r06WazOTw87KQqH2MALFHu/XoYQDedTxsYGAApowYI0ynkC9JEBvGoEfxNxwBOUsG894ODg8EyhLFPkD29Xq9cLpNoIG7/doYXLK7kvT916lSj0Xj88cfn5uZqtdrdd999xx13cJ+CZCOjWgX5+j/0Qz/0lre85TOf+UytVsOG0Qzg1oJb2NPvqw5JwdLm5iZM1aGhoaGhoUuXLuGx0CT6QxXY58+f/93f/d2NjY3nn3/+woULFy9eXF9fB3gLIQwODgLvIYMAGTgweJaWls6cOXPLLbfA3HTSwghoiv/9+uUUdxxEjMEkSVKtVtvtNqojOFmQDZKlYclg/WED+G/arhAYtzfXIW044DxA0mAOROKHv7XhoQYPDLm+vu6cq1QqO3funJub+9SnPvW93/u9R44cwXJTa8FVUq/X9+zZ89RTT330ox89ceLEzp0777nnHmBTZry95JuzDiiRlTV+1VGRLZ35BLmMZKErlYbhvfPz8x/4wAcWFxdBXp1OB6ACGIw+XAh1LLv3vlQqLS4ufvjDHy6Xy81ms9lsnjhx4ty5cwsLCxMTEz/7sz+7e/duJuV//fgH7AoHA6xYmOx0cxG/IQKIZhDOuWazOTo6irIh5kV/LRDo69RiX/XyVuYDDu71eghi46+NRmN5efnFF1/cs2fP4cOHgxgM7v+lDdA/a3jZdu7cOTg4eM8993z/939/t9v9+Mc//lKKlVA/ErDArmmarq2tXbx48eTJkyGEV7/61aurqysrK+Pj4865UqkEjefywa+Xw97kHGfgG5KCAjizo4EU9/Ozt2YTKCwG6WxtbV0mlCTBo/BfHtCyubkZQnjyyScXFxe73e7Kysrc3NzGxsbc3NzDDz/87ne/+7rrrlOH/TdkF7AgNGnQ8HlgYCCSc5MAyVZXV1Eb6cz5oyPxL6cmOOSNpP7vvyEXQTOoBHIxy7L19fXnnnvuhRdeeOaZZ8bHx59++ukXXnjh0Ucfveeee/6//+//u+6666DrQXbfQD2ga42xIX2clgnee+edd37gAx/46Ec/+vGPf7xcLv/gD/7grl27YCQ4U18Q/5BbEEvXX3/9yMjI2traE0888ed//uc7duy45557SqVSqVR67WtfCzOar8Z4dOP7uZ1Ayxn4hgjXfvlUL/0/BCWxtpBpxjRj4PDlThG28c6/+qu/2rdvH4QCROzo6Ojg4ODy8rLra237tV38OSQLLWxoA3T7iaQREIrCgAaxWXNzc2ma7tmzx4lM+SoMECyC6ETGFDDu1zMrvkXtP7jVf+3Xfu3RRx9dXV1dW1tbWFhYXl4eGRnZ3NzsdrvVavXJJ59cWlravXv3NyrOXxgPP3C/IUWcGcHOrKvBwUGUqJ89e/ZTn/rUP//n/7xerwOEcDqAaoODgz/4gz/4X/7Lfzl06NDtt99+5513fvnLX/7Yxz52yy23QErNzs4ePnx4ZGREh9HP2FdC0sQY0JmQIzhRgvKlf7+A0Jxz9Xq9Uqmsrq4ODAyoWx2+c30LhG4wf1G32x0eHh4aGtqzZ0+apuPj43/+53/+yCOPjIyMnD59mjT69VMLJ1jAikNDQ/gTTaY0TVdXVzFOsjHdoGoIfRUGoIUEYUZPAun165mPXnwU44sXLlz47Gc/SwtsfHwcXghAune84x3XX389IB1J8xs4GIo9DODs2bMPPPDA0NBQvV6/88476W/pdrvdbnfnzp1veMMbzp49e+zYMW1X6CWMCn/FO9/5zl//9V+/5ZZbbr755uuuu+6+++4rl8sXLlw4derUxMRElmXoBOHF3dnP26oN+r93ziECCrMbg6Rc7P8hRuucQ/zOS0EJVRA1DF8BODQwMABFkWXZiy++ODMzkyTJ2toaDIlWq9VsNhGF/YZEnAqwTdN+AG+cWT6YSJZl8JQAsw0MDFBv8JlfXQNsbm7C04SgIHyowLX4/hs1MSwlVnBwcPDd7373Jz/5yW63OzIyAofDyMgIhFmtVrvhhhsGBwdZ4sDKwK9/MC7fhhar+clPfvK///f/Xq1WNzc3/+AP/uCGG27Abe985zv/6q/+am5u7u1vf/vq6urrXvc6QOdyuYwPGxsbw8PDDKMODg7W6/Vyufzwww8PDw8DSr3qVa9685vfPD8//5GPfKRSqaC3B7Vi/6SuxABKEIDsrVaLtHsVAYy/4idYT/xXHdAqcbE+0A8hhHK5vL6+fvLkyaGhoVe96lWnTp1CIGJgYKDVajnz1ZCXvrZNudJSRFG0sbEB1zMmAiqHlQzsivwfCAJnbgx/dS8Q5dDAwMD6+vrv/M7vXLhw4S1vecuxY8dGR0fr9Xr/eUxfw5Q4DQ4oiqJz584lSbKysgJIurW1VavVkNkC8f/P/tk/CyGcP39+165dYMJIqmap8r6egRH2IBnhFa94xTve8Y7PfvazL7744kc+8pH3ve99zrlOpzMzM3PkyJH19fVjx47Nzs5OTU1BfbVarY9+9KNnzpw5duzYzp07d+/evXPnziRJPv/5z588efITn/jE5ubmrbfeev3119fr9RdffHF9fT2EcN11142PjyN9l+peF0eJQAM9HLm3C6g1s7Rhn/cT6E8iS09ylqTkxO8EXFFYH3xJILG2tjY8PLx///6nn3660+nceuut8/Pzly5duvHGGwE8qKL7NUmBEvp3ofDfYN6/YNY5lDAMEvyLLWAuCSY1PDy8ubnZbDa9HRTwkrf06qQARr/vvvt+9Vd/dd++fceOHZucnPTeV6vVr1/i9ltjGxsbq6urnU6nUqmcOnVqamrKOYfIRa1W279/f6/Xu/XWW48ePfq5z31ucnJy3759nU5nY2NDywK//ov7BF/HmTNnnn/++Ztvvvnhhx+OoujTn/70D//wDx85coSJxxsbGx/5yEcmJydvvvlmuN4/+tGP/uIv/uLMzEypVHrwwQeXlpb+83/+z3/5l3/5C7/wCysrK3AXfvzjH7/xxhuRnvXcc8+laXr33XcXtDwE57brfCXN4JzLsgxRlELw310hpRnfAAIRuQWJsns7losvIgHhV8i5WFlZieP4zJkz7Xa71WpNTEyMjIysrKzs3LlTI4Puytbjtl/SjsKCQE0508+wvPENGKNcLtMGAxvAdAQYo1j5GyTDbW1tAeT96q/+6g033HD8+PHv+Z7vufPOO79Os4YLDTmBPJPl5eWdO3eeO3fu/PnzO3fuxJGuCwsLaZoeP3682+0eOnTowQcfdM7FcXz+/PlGo4G4bL1eHx8f/wZCMsCqKIruu+++D33oQ29/+9tRYfj444//0R/90c/93M9BkNTr9QceeOChhx76mZ/5mUqlgqy4v/qrv1pfXx8ZGfnkJz85NzeHbIL77rtvdnZ2x44dm5ubtVrt1KlTMzMzvV4Ple9ra2sTExNQ5eBnlXP9g7yS1FQksLW1hQwZJ5pEWUt/Wy6Xy+Vyt9sFngYW8vmjCXSJ0jQdHR3duXMnPE5DQ0O7du3q9XrNZvPs2bNTU1O7d+8GasVPCjyw7aVDUuSG39IchYIivBkaGgI2rlQqURShESJMc+/96uqqc25ra8uZBbyxsTEyMgIJ/rIYAEbVdddd9/rXv94592d/9mfe+1tuuYUt5r62i/uEhe52uzt27Dhw4MDm5ua9995brVYnJiaWl5c3NjYajcYb3vCG66+/HnzSarVuv/329fX1P/7jP15eXn7FK15x4MABmDhfPzBztkNMw7zzzjv/8i//8qmnnhocHBweHl5bW/vwhz/8Pd/zPfv27fPej4yMoCnNysrKH/3RHz366KN79+49d+6cc67RaMzNzWVZNjQ0tLa2huKMVquFOr3Z2dnp6emZmZn19fU4jqempt761rdWq1WMAZqa8phj2xb29I8fLRLARQqBgji4iPTwTalUGhkZQT0xYkmMvuuT9SeNRgOWQ7PZnJiYuPHGG5eWllqt1urq6o4dO06ePHnLLbeA8pykpimiK0xBJxvyXpZ2uw1bFgTNvR4cHKxWq5DRaAaMN3rvy+VyHMcLCwsjIyOjo6MbGxvwbq2srOzatQvL+5J10u8m4xCzLLvhhhtuv/3266+//vDhwzfffDME89fv2AqWopSmaaPR2NraajabX/ziFx988MGzZ8+ura1BedXr9Xe84x2veMUrJicnP/axjz377LPXX3/9wYMH19bWhoaGjh8/DtzMnlBfz3gwI6SMQ4+fPHlydnZ2c3PzgQceGB4ehnPw0qVL/+pf/avx8fEoihYXF8fGxrrd7n333Xf//fcvLS1NT0+vr6+Pj4+PjIyMjY01Go0sy97//vc//fTTsA6Xl5exf08++eT+/fsfffRRtDqcn5//1Kc+1W63JyYmXnzxxQLFhCs4hfSiwO52u8iIRnANM8okszBYlwSUjWdZtrq6OjQ0VKlU4MKiuz1Y1InLSwGBmhvoq6WlpYceemh0dHR4eBjR3+effx7HWd98881ODvHlh6+KglZXV8+fP7+4uHjp0qUTJ06g9UOr1UJyB/Zra2sLCmFwcBBlAN4cQWtra5HlgWJGAwMDKysrzz777I033vgSFoKjlJjPmyWqU33xxRe///u//8KFC61Wa3Jy8jWvec2///f//rrrrqOK/BtdVG3QaIAH8/PzAwMDGxsbv/7rvz48PNxut1/1qleBxIFzbr/99lqt9id/8ie7d+9+wxveMDU1BbUbxzE8pFNTU9PT0247mPvyL+RcfOADH3jiiSc2NjaWlpYuXrx46tQpNN3HKbPoQo58JJjIcPI4w6CRZYOxgzF96gz20VPR6XTgr2y32zjIttlsAjkgNIZNZTpDv+mlMgt/xVBRvVUulw8fPvza1762XC6vra3hxFznXKfTQfu0+fl5hKsGBwfPnDnTarXA/DSmmViGUCtb78NYBzKJrP4Q00Smd7fbbbVab3rTm97whjcwCQfIe2RkZGhoqFQq4V9v9Y1gudnZ2ZMnT87Pz6+srJw+fXpxcbFcLu/cuRMyJUmSj33sY8vLy2AkiG9niB8rT98u/krUh+uWW245evRos9lst9uXk8wKuhIXfvnII4/8w3/4D5eXlw8ePOi9P3ny5O///u+/613vyvK5yi/zUujvvYekX1lZmZ6e/tM//dPV1dWjR48++OCDcPt0Op25ubmpqanbb7/96aeffu655972trfdfvvtFy5cqFQqY2NjnU5n586d6+vrk5OTO3fuLKjsr+EKIfzLf/kvf/d3f7dWqwEHw8bylgVAK2pwcBA8wKoAGmrBysSiKEL9EdgGP+EN7XZ7ZGQEaZXw6iL7AJRUKpWAjnR4V2KAYGEp3AP9nlrJorfSkBAC3ccMUOimY15e7Gm6L9XVRiAERxlFLNJYarUaZUGtVmNNFjDzS9ZnkkB1xHEMVx4eji5XnB3cOLVaDfIbATgSLUARlp1b761azeUZgAwGO+GlHIITJ05kWXb8+PFarZZJnasu8Q033PC93/u9v/M7v3PXXXcdP378Qx/60IEDB5gN8jWTGla5XC6fOnXq7Nmzv/zLv1ypVO6444719XXv/cLCwpEjR06ePHn27NlXvepVzz//vHPu1ltvPXLkiPd+ampqx44dGxsbExMTtIRoUXzNQ+KeodUe5bqqbz19BC03IKSZH4aYCyunMKqRkRE4fyqVCm4bHh5OkgReLNCEt0QubDNw/PDwcLPZJKVeadicOKgQ4VtMZ3x8HBSPGDYGBvaD/wBmN/KvkDjAx+pbQJeASc65ZrNJFacrMzQ01Gg0xsfHYbAh+2NgYADkHkJAD/cQAno/ptbDhwEHRHYx5uHh4cw6fjIrjNgss8RPJwa02vo6fiwyXt3tdsFUyQ/8wA8MDAz8/M///A/+4A8WxD/3r1wu33HHHZ/4xCfe/OY3R1H0kz/5k7D/mK74NV+Y1a5dux5++OFTp04dOHDgs5/97MWLFzc3N+fm5gYHB+fn5xFq3b179+jo6E033cTMqvn5eXhdkPWlsvlrYEv9CTY4yzIiEGe+0cgyzgEGABXACcEyI+CSgwXG0QKqRnbIF36O1w0NDWVW1YCfQGkAFwHIXt3cCpbs2T9OEDRicy+ZfUkCNznoFdoGw2OxSLZdDTEP7EjTFMiNLwUcRZao975SqaAwBdpGdQVUBHgPr4CfCsxPtclkE4axGXlgUXJhBb4qHgGrYNnJY8nGxsbKysov/dIvTU5Ovv3tb9/a2oIQ4juwRvV6fXBwEGcuHDp0CEmLhIDYZjYv6LfYvHmOnWTIkI/X19c/+MEPAm2vrq5GVoG6srKClCbYVYcPH967dy/WcXR0FKabWtIAtQsLC/v27YNDgFqeJj5fyg1QExPKBJKpXC5D5mG0QNVQ9zp37DrFP+iMDck0rgSRw+wUnvCDL5nLHqzaFX6P1Mp5wSeKQ7j33lxGqZXtwg6uVCrlcnljYwOLE8xxHllmPMgRQQPAD5f3RSqp0YmJZoNJkgD5QN0NDQ1tbW0hbyBJktXVVag4jg36B3RMpeEk0ozVgCPYW1ITXEyVSgUsSvbO8pWinU5n3759q6ur4J+CRHAmygGo8FgsbFKr1UZGRrrd7nvf+96BgYHv+I7vaLVa4OYg6dfou/Lcc88BfuzduxeMSOLjlijz+D6/AdlA+aHb7T777LPz8/PlchnIO1iDyyzLNjc3syy77rrrjh07huQC5BfU6/WNjY2trS3cdunSpSeffHJhYeHs2bPvec97WIqh4JUX5q9SATOFnYeoAnLCvKVY4SEwBpBmCNcTOYFbwriMkinNX/Ih72w2m4ODg6zvgWwmiyKyht0qzKXAAJgXJYszqJDamRresjhB8ZiXN/Mgsipydfhc5WKuARkSL4WsRDgcaAergboCGBhYRo5fyyG8HX8dRRGWZXNzEzIRs6YGpvcys/Rspm9siwKUBihxXoq2IIn3Z3/2Z7/0pS9BJYFEyHO1Wm1ubu7f/bt/9+d//ueYQ2xlo7DzKpUKgoIK5njhS4wJ8pIb4Jybmpo6dOgQNCz8KtDL3W4XRz9Uq9U3v/nNSZJsbGx473ft2gVxiPUtlUq7du06derUz/3cz/3ar/3a4uIiwCL+lNjpot5chNQb8JNsbGygvqnb7Z47d+6hhx46deoUTDG6VoN1OoksJBlZC3/KxWAGADwnBTkazJnIhQXyxqyxIM1ms9VqDQ8P05rHPRMTExC3tIB1bfl8Ugl2F/EppoISSPBfHaeXqBO9gv00pBcNWQyg0Wh470H6IFxvlUzU/yor9eGpNFYKYsg2Gg0476EMg+VB0KCHtYORLC4uNpvNSM5S6GcAbmXgCTHtdnt5eRnSaGFh4ed//ufvueceb5A62AGrcBKfO3fu3LlzX/jCF5C+cu7cOXD5zMwMQrb0avk+iOZM2Q0NDbFxiLNKTfjFGIN05lSBw/H8+fOf+cxnVldXUY0K0woOE3iyx8bGLly4MDk5iXK+T33qU4DRXJF2u720tIRVazabqN7Au+AQgDXWarUajcbi4iLzAgjwMBFwHXQObQCSYLCcW9cHHih6nWS0Q19T6Q8NDQE70RMPSbSwsADHAAE6/qSCrSBBQeWYGjy2ziQ0KMCLV6SwTc5dzYlM4RpJMhJGjgGsrq5ig5C4xeP6IjvQJQjy5Kpi5CRr3M8SBSolzUGi2oHNgMxTwD8ue4EII0sfosHgZ2ZmwH804yAXWT4DItja2mJPOa44ICDioHg3JK4zj3iwPkqZdeSC67dSqUB2grxqtdrFixfPnj07MTHhvYfQgicESAZvz7JMq5xIVc45KAqk5uPhPDOLsJt4mkjUCTLBo1C2C8TvrUicc6Gwh14OVulLkaN0g58AmdDFDMMgsiuTMkjW2mIlCWzwDd4O040EWhA0FOFB7OmC+OemQOSRMYIVXpMinXjW/XaVNPQgdTqdsbGxwcHBixcveu/b7TYgO/xdqZ1f5AwD62O9QX/9BtYdCjJZgKoaibAtMy8QAn8qqoKBuiAZ6ZTsmHipVEq4nY1GA4ItiiKYmNjaEALgBLg8lVgPaJp9yIDXQx6b0k3rxYXMgmXcubm5OTg4iMI2qDPcBj+acw5wHBIXlij8jzTmYGAxkRgxDjBPZqk1WE1YfqB1hZW0jDPLIuRoI6l+wtyZaMC8QmeplLyNU6aIcpaDBTYjaW5tbWGoSJwEeABMz6zxZZZP6KdNn+XdvqyMC3kXYSQ+cib905G9sbEB/qShz2QkUq0zm7XAJGRFdpuCgMMUiLWwZfSJRRapYJ0dWZeymQqWbBOJi4XUHIk/zZtnkuDCW2E0JRHV0UsrBpYFjs+sXABkB19VT5pvoR6A6p4ZI6B7gjNOuzBoEhnWFysC16EzN5mzSiuYASokyuUyRCk82YoE6NuGRsJGYu3wE5KmN2c5fgI645IBohTIWtEz9y+TykCKA1irXAcibHIaRExm/TlwW7VaxQ+dxLC4nlgu2kLkRorGQqQMq0okxrlTOsKEA+PBugBQhNMGRbQQbRsbG1DpeBr3MZViXExneXl5eXkZeiyKolarRcajKKFYTM0dHFn8uKBbsP7QeGQP+q+8Xdwp7HIqdYuU9yAwuCvwcywI4Giapklk5a1O4BR3Gg8iKRQscdVKhQUiC0LeODEEnYBRsjKkDt7FVF5sM39Cu5Dgge+liALd9+yUTOcciqNBGSR9YiHozdSy530+/d1LfFG/pEzF6lerVWQW0M5TnIqHIA0L1TDr6+vdbnffvn3tdnt2dhb8zyeDCbn4KkQyqc5ThaDkxbXlN1xnDIxmT5Zl6+vreD7qd70Z99gFBph0EbxAKf6XeqDb7ZbLZYIF7Ei9Xu/aWY7QfiA+gGf1CIHfwO3UGMFMDlKLE1s5TdPR0VHEJfA6VTKZ+akKlgM/J3wQF5TUQJDHTY3EnUIfAmPOQfp50L2dWh5L4UV0DpAog3nxuGFxX2oGgYSuBd8OxxF/XqlUXuLyJInjGGKM0WuobCaOUzunkoBJpE6pQx3iJWkerEWHuhPTwks6MbcHK9lqtbBnwU5Dok7nK7ie/RKHI1TmBH2rQKXg9xZLAn5L03RgYAAuZm+thJwVD1BXY4liS3ykKOTcVVBG5m+ADBobGwM6gGsE1Z7IuE6t8QRyn1Lp+8I6Mi+YWaVPQZ4ijzCEACCjggnUm4lH2FnnU04kV+PLNwUDuLAmsQSENLwzSAhJpbI3RNizkpHMqvUokLhkVNDee8hmLx7SnnUa8wJUyM2UhRSQ1ICQJRAMhFvUiVmWAQIhRUefz4fQz6sCg9ugc4fRRubpXxz2LIDmxawvXbrk5PiG0NcGlMvizPvBe4LVanoxpZyhR64YFx/SgQqEf80kSgC7H5qKrnCl8tTqrQriwJulwYFF1kkFn1laQOTmLMee31PJKJIhV3vRuvpXCAvEyDKzs9WyV0nBd+FmkFmi8pW7q3JIH0He2lYZ8eeMsBCTuLyKKNxfYPHYUsGUHJ04K1QUqYROLasENcSbm5v0/ygbgyY2NjacOCiVuMkPJL4gjgjuPcmCx7B5CVLqQ7AOiC5zJ5hDSqLnZHFD1Bc7I21xIwvbR7kYSekJ/TDe4DWXFPJeBTmZB+qU+TPK8ypuonxkGns3PT198eLFxcVFylBOEAOACztNU0QPSACIYGTW8Yp0SOGrahBjGBwcbDQaCmIja8ORWiouH+Kluya2afuCmMj61gexBZ1ZMNi5gvnCJYjMs8GtBQ+ANOFwYKteXVNdWWR+ewtEOOeQyxVCGB4e5qwQiMHNUHlYHegf+hzp1eF08MAgcIJ0r9yYWaqCz6tdWplYATyKoJOIxRuKoyYJ4hSiLPRyqZ1DMxesSwomyldZrtzrxI4H72EWMGfb7fbw8DACf8Bg1WoV0UC8F2mRcKONj48vLy9jJcfHxxuNBiYemdfYm0MJThT4QFmC6KQjJ3YWxX1wG3KmhTVX4BcEbqBaDaCakT79FbuEMMGWEoSJT1yll3q8bssAzhx2Kk5c3j3s8yFDL4rbWdsMSn1non3ArswC/lnekcfHKi2SPkL+qHSgSc1ejOxIFS+F4UG8eE70BuFEwbzBBRFQspOWSZocAJtlMGYCH+Lw8DBGVRDtrCgIFtGEfI3tzDYqFlASQ6pA6uSlSIKdPm8jOUGzZABlDDQT95bhkoknjYAhsuQCLALwG7Qcfwi+gvHDyWJSqDro9XroSuTNr8DfMnJSWHBnnrSuHUoQxzEDvTCONzc32+02/GbYApoZmXXIIrFhbAiJgutIDFmWIaiSRFcOHcfSRl3hhzMAp5BGecBJmDA1Lyw2NU1TrA63XLmcMI7fQ/Zg4+lAIDWkFmkvyGk1V5R/OE4Vt8G6B+v2O0maUPhIJYC0Fqw+GpwwuRckqy2ZnGW8YJ+YpMRhEz4RVqVpCiEHlOL7NG1B4qi54i1O5Ez+YUFA/WmaoqszB4BhkwbghMmyDMmFsDKzLENWthOjrmvd45w5RUjxMLWdOZpp5cONDnIMBqdpOyHrAf8lo8KnhzwxTA2GSpZlOCMeiJeixDkHExwZLvRNVyoVRJYw+OHh4U6nkyil6gpyVvROKilQ+MFUKiAzPicyRy+Ur/ceaos52T6Pf7i4sCKC2PLOQnIQNtCh+MzkuUi8dVnei+Xyxh/FeZBMMnKgToHz4th0nPqZv2UGb5T321Cy6jccCXke8iW2M81BjhwPX9ovPvlzL21xUyl4ChZOAiinZoZSUtCc2bnq6CwEhu9ai5FgbgaNcoLInHPAQij+ZB+n4eHhhYWFLMuGh4d7vR77TqsL31mxAXIRsK0jIyMhhKWlpa2trfHx8dHRUZDcrl271tfXFxcXNzc3S6VSpVJ51atetbKy8thjj1UqlbW1tVqthiJb+JQiCT9ToMRxnBQWscAAFFQ9aziMH2PoBSVboB6SNYUlIFAwj4RukjPZTNsjkgQS7j1lZLDufIUxkyLddoKfxBFZZgS/VDgXSfAryvvglTFYP07HIu5kHwQl9NSqvagQlIj1e1wwEqA2KWWV6FUVFPbLmeSKpKVpKoE2JzGTsF3oAKKK9gMkDhmVi5NZw11nNlWWZY1GAx425JOHEJBxvLKykqYpsn1RmUmric9EIBzINrVe/t4ydvErhOfW1tbQj+jAgQMLCwvHjx+/9dZbz5079+yzz4IwaILDPnTO4eeZGfov9QhSta67y50rIAQMlAmuoGb6y7xAUu4lcCRMpdR6uXkJBCrnkO4xUPrXnOTxUcpGVlrALdS5cGWpASI7nU7TlX1fH0K+hR6SwkUiA511rf8zfkLYSigVWQFAsCydTJx0+mr8l93VFURxVQvmirKQ4sDMzp/U1S6oO7yC0wl9HVOYQQCzjcwZRPHy4ZH01UIpDyDf6urq6upqs9lEpBlJ7MxrIvqKoojdFJ2BZ6ggkNn6+nqz2YQT5fz582NjY//m3/ybN73pTUhefPjhh6enpx977LETJ04MDw/D3eKcQxgYESFv1UuwKBIihEw80AVKAj+psnbOAajRUKNxE8RdyEcB/3Gh6ZAGKk2sTMkJAuFznPhPuaOkA1XxCkicaCSSLHQXBgO5EufLRklPPUvHx6UJjCREZQx19SiX0o0WLLCvrqcs7xfmotHoKgh1ymZux7Yyi0o7SGARpEzVGqzrvxdAyICMPtxbhzxgEtRLIPeRXdbwRk07h+xnRgPremHC9exwEyg3bpDCSIoebmVifeedc61Wa3p6+id+4id+9Ed/dH19fWpq6uLFi0gBRtIaXBFMXaPo4XJRFiQcgap4jsmLCc/UHSdxGXJIbFV2VJrB8I+XRHwv7hQsKyQotseJtc0P2ComSBJ6ZXlHuFqTShCMWsSSBO8FsOn9kYSQlCgLd1KKK9fxV5Fkl2jMhI5/LyeAcI85WmoSvlTH0L9BKrCxaJB5hSlkWQYYg5AIcGlmKb3OOVRyIU1jbGysUqksLi6iv0utVltcXEQTbPAAZxr1eUHa7fbm5ub09PTY2FgIoVqtlsvlkydPrq6uwplDDUxdpEvH0TpRbtQw3MGRkZF3vetdrVZraWmp0+lcvHhxx44dDz300NLSEgsye3a0R8/OWYNEo2e53W4nKtf7ryzL6vV6FEXNZpOOeRAxHeHUfUrf3qIqRDippXBF0m+djiYV9kqmsWRDYLkBomiEOHOw6JJ58ScGA2ntdhudObz3PEpt21lTrXMRUql+juRSuqc0JTBz4gBFPxX6QPirTNxrujIqg7cdZ8jjIh1DsCwGJx4bLjh8JvTjkUOAmMnYUO8wSdfW1pxztVoNYgg1lv3DwCvGxsaq1eqePXuQVF8ulycnJ9M0ffHFF5eWlpxpfigB/CqVyAlXpnDRkoEcQekpag/Onz9/4cKFO++881WvetUHPvCBBx54AAiHv8WwuTKpHUDR6XQSUsxVFhrREzwoktAmTBYWkkKoo1Cd+DKycCYIEb5hVprDzw0dgiuSgmhsANNUvIQzQceanl2gRW9xABoSGjRIJTiq604iLmyqflPQCf08QP7nxAmakbbVldN/VXx6c004OeV8W2rgSPqBH8WHDh73AAkwekUTJZhZhZwCxG6BYYaGhjqdTrPZBLQA7Xal33oQwwPDPnr06Otf//q9e/fOzc3ddNNN8/PzvV7vrrvu2tjY+PjHP37ixAlgKpW5RF+xpJ/o3DlHUH+73d67d+/p06c3NjY6nc7s7GyWZThvs16vgxSHh4cRIUbnycXFxXq9jjBFvV6v1WpLS0sDAwOXk3O2XWs4wrBw9HZzd+HV4VJ6K5JQ8UNS4zNxA7aBSfkIgGfm4EesBAYGsyxVUcaWahFJ2rqOPJMzYoOVNGRWYRyZO09JuUCRTrJWt8UhfBEVtCIoVYBQwVE+LMC5OElA9GYX8uYr8QB3rcB+rg+5cYLYRwAkljQEg2oQEJSyCuS4R/wv7P5YDr/xlrW+Z8+eZ5555gtf+EK5XH7kkUc6nQ6cnnEcP/fcc6B+lPnqgBVKXWmdnQV0BwYGPv/5z99///2Tk5NxHM/PzyNEgFooJEFOTU3BHQePuROzLUmS4eHhpaWlKIo8TvWgIxKT0cGlVi9GOMUHOTOxM4tPeXHGc3u82KMkcaUqZfpIPM1O3EH8uf5EvRwUHrqsKqTVuCxQT78pRu1B04Imh36p9r2XVOogXtFgkWZczIXURxGI0zTSIwIySdHhXHy+mD3Ku0qpElVIY6PJk5F4z9Tbxj0qJJZSzEGLsvcRfJ2AGUmSHD9+PE3TJ554AnMBcFpcXEytnxxWEkFcJxZRZPk5/YxNXQfRCU7oWYMtZw5JUmAmh5qRiiiYMPjLqRD6vv4VZ14ns7SDBG60liBI6lW/xPISpinIQhVyIV83TSePvkLHrA/RVXOiNwsv6r+t8Fj9r+uDOgXIQb4tKDrlQ2eGhLIiRQM1WLfbhXmTyHkqhan5/KXfFLayMAxnupf9rZirk1nuFhRyJJlgVGugXeccfEHBuk87a0VIJfDggw/CvK5Wq0iBHrBjFkp2fI63c0t1CtvOV78JZuzBrcRkKv4bmaswsco4hjvI7ZGVJoN6r9YdGs9V0EyzXRdXfW38UCBBn1fT/XRc2G+XN2SdqHJnrlUnOa5ekmSucvGGtC+NTGk9EgecFxDFIekEr0R//CazWCHUN8bJL1PLq0MAFZTHEpnC1c8DOim/nRXnxW8WzBsbLJsQU0usli2YjYg+40C/xIq9Xg/H1G5ubmI1YBuUy+VGo0HeRkc9BLyg8VBeq4I5WLW0kgcHfyUBqhuXSjmKl1Y09E+yntHnm6Zxu0HPV2MALCiQH1wEXpI6VIBRpxcI2osKJofQxlUhqoSomIfiU4mSqrzgLS6sY+HSsYW+dG5eBF0FoRuk9I4/4W2R5FaoPZBKd87YUjMYguXC8lA67Flmp8ptSwRkS4q0q2xiZDWWVDVo3Im+RtRFaIyOrjNgEnaPIpmm1joOkayJiYmedeMpiACECJD+7b3XgmA6AEIeoRUEXz8PcBcU9ypBM9DhLTE+tS4HqVVlKeliX66YDs0x0R3ByL+SFMNeiuw5MW5YlE8gVQibWcox+ceJUguiKzj02NL6Qx8w4CJyqi4vWgqSgDcXKMyJenFmYdPeLTBSwZ5zeaUXLAqBPkLskYjxQ6Y2Gg30wUXLLUjKbbdGN75fql3p/sji60yTVnd+CAGJlkghTpIE4+F88RDopaWlJe99qVRC62JIBK4AFgcNUaIoguvZmQMKyNsJrOf4dd85KjKJ7i+vSBzNzloHpJZf45xL8u3AlCxJSFFhpZRLMknEo5EEwIMu8nh9uVweGRnxFjJk2yzaQHCcQcxggyFLYB5lVjZOhUUA50WTeEsp7VmfQPbhYiDWm6OjXC5D5+IDCTq2PFNan7roXNnMsjDQ6AVkCndtalXqXnJRQdnBLHiayPzGG1aEq0C3jfmJWE+ayErfIX/psL3kqKr04ZfI0KaTI1gOebBQd2SxVTij4R1nZqszXx+75uDJKCfw1vEBaMRZwJRWQQihZL3DoijqWe8c/nV4eHhsbAw/RKIbt6NSqdRqNYx/ZGQETBUMEcDhTpZTZg5WlAuWq9VqrCzH3qHVFQIRueP7Qh6EeXF30l3ARUmSBL5LbwcGZtaARF2lAJckwSDNvUrWMj+RE4HInSoeVPKl1tGkIOBVJKt7VNWI8nlBaqp3SAUBF5QfUC6ofi0KPx0wtQr5IbVqTNqLJFCIAHg2+HNyowpFn6/8dPlwrL6dy5VJrAChd3q6lOASaZcC+cKKanaFAJgheRAdBNHYKmJAJwi7eu8RCsTraGT3ej3gMfTBpt88SRJ0yGPXVCf+Bn07vSNKD9wOjD+YrgZtgDxyEIjT4FOCgTMsBHnIWadsDAXd3zNpfOetATJa/SCA0u12l5eXIfthYNEY8uLRU4r0fdHBICHhfuJwFl1vNpuYCNpq96SrphKrE6nv8ldm3YGwgmjMpo5gark0TdH8jCnp/fxQ8F8RAXI8+DfJV9b6PptbiazAb/2XUolqBjIh3Rtql6vsoyWWWg17mqasPaf9UADlBWDTtaa8+EnPytNw5+rqKpX/ysoK4gMYcKvVQqgrWGM1FdDwBSm10Fzxhu9TaUTJjeaXL/mLgp0kRWhLmJtZDy0OV4VKbPn6UJreclZB08jSzrIMTI8VBCtTALM/PRm0PyPIC8Km1a/qwm0HHMFmXuABKTLq81cWKMabb5evhghwVn/EVytW5P2FUZFeOTzOJRJfMKZGQnTSZKCfAXTKytghr+hIphwel46M4aTRRmTdjWLLlnEiB7219HJ9NQncoIJpR+nJqEIsyYtBfIx4FHq0KAeiqzvIQ9UjNyW2BBzyM5eO+p9WB1cjZ3wG0fgkC7yMbJBZIX1qEUrCPth2LJru2lnEjLOAScDZbCDnLDkxtQ61XesV7ixriGQRDK2SxQleVYJynMHqDRgHia1cmPekUsUXxO/ER4UQ0PEXOxpblxfFLcGSNRJrcKtEHwzsFf4lOfJm6hM1HiitMapUYl4kzYJ68eIDiCVBlTSKxnggcZpqaM7DhzAjiPw2MDAwMjICP+Pg4OD4+HjJGmAG8UdzLiAejqFnjdVAEvB3eevFDYTMDpM0zbEj6I4YWRYQGS8ye09dMqm1XuWeYiLkQBWCFLiXW6DpChbkFr+hzZTmsw84W6Y6O6k6VwGf2cVHhbwFQxSUWuSB8j6x2rSe9AbV0UbbuZIQq4brmuKfeFetBU5NbRVoZ8JZikZSKv/LdcBmZ+Isom5xgr68eSd0j733A3aQhJeiE+RQodIckTJa5L6vq0Bh15REIonBqbjlB8pa/pC4Gd+wFWxm9iFAoDpVycn6QDAeohDqxYajglKSyQ7ecr04R4UPWBaEGlLL94wsyOVMlfWsn4C+MRLH8WUGUNnj+i6K0kiiQmTWYCFDbhtrgiBuURjhBIEkdqiRbnOWT6Zgyi4biUEMg6fZWQA/J33TXHHWzDmxvurUMMilw4mlsfSBItWmaQr0ieQqTgqvpmiBR4XOpdgC9VxGkn7/2nq50PwUXkjmCOBRUDsTExNZluF4SZCaAtEgvjtuljKbijBnqpUqtyB3FA8757a2tkCIiFewB0wqlbtMN4ykgQAny/NgtNRLVVnPuhLF0oEG08ms1Vds+WMkORKAN/AcxzFrVBBWJ2XC36hK9TID4FIx3M8AKkVIrLFkLBJdQVIijRZbCNcBi7Ci/NEG+nAVmSrgSUPcV7rJqRBIAbr6HJIKJLzdS+cp1XgUNujhQ6KnYUBBklhTHSoHusXwQ6paYjNd2yBmhk6TZEFzKMuypaUlspkTpZeJh8eJLNdvyG+FH8ZWIKErQJDmDIdQ9nGQqTT3DAbMUOrNHhYkXxwVheRkPor0k5lvB8e7o8UGUlDpJwx2WAaTOOhFHB8fX11djeO4XC6vrKwgh2pmZqbb7Z47d47IfGBgYGxsbHNzE80KdBcup0DpMul6qVDJzNXj8kjXiYsT+wdlzaVk+4BMCt4zaaSciTORCpQesWCWehCwq5Ivsn7CoQ+5aeeCIM7N1MKEmZg63DayKMiaHWaCaT+8FOKZlrGO0OXPNFeKJHlx+5FtDpHG/opOoCbLLJ2dIUKF1i+wdAUKe1qQC/xtyCNhJ126guFJGjmkfk4NIKder6MOSxVIZJ4xsAf2CG0p8DQkyY+PjzvnsNRRFCFcGMu5joODg1REURSxP0pm5iJWKcsyZEF7C5h677vdLhysJLPLDODtKDXONpKyDJfvAtSTQ4dI8VxTih/UHBGZ0fYnLSbWQIqr7/ISi1xBMOql1Qd1iIorZhD0wwCyEL5nc1yqRUw8zTdOAiZBn9fYsqn5QLi8sCVYDdp8dHoEgfUKFyn7IfCwVkwogCjlc1RV6orxOVyTbdewIA4ogyPxI5MP+XM1x11fT8ICDURRBKLsdDpMCuIP6XJB7AxCga8AGQD9r6+vl0ol1CpF5kEho/IQbAgIrPD8/DyAtHanvHTpUqlUwi5HdiIGauRZR0XOT6jCnASJKAMIE9U254Jybt4inZwbeF1hCZdDFd+2DEAi5jZH4lDiT6i7C48K5ilSLME5OkHGZJ4giFNlHnAnQolkfqoLZl/RtCLfQlpTs/FPqrtIZBwGjZAgaASDZ0/zyGriYklu0U25yuUFHQXzfdGcVT5xoi70V4UPZM7UYp0wnJR+CtsU7CxNZbbIjlxIrHcd+umStMAkzrI2iD9TO++MFlGn04FfDsEZulJIV6qdnEIgEjekI7ccHgnIMBgWuty6WHyfl7PWVCRTXXqB+E7kfWo9qCNxjzix0gryTDUa30XmcdKfi+SoekOrOrgISn+UN2xCoSKQs1DTjRSDGxSlUOzRO4HEEN0bLHVquVxUSthdOIiYoxYk+aKwGldhAG+6FANotVrUqLwTPL++vk5fu8ubBNw1esyZ8oCfOBM9tNa4L8iGAMqPJFOfMiuxVhQcEpFhZMdheHMc96wkI7aLPg8lS8rBwppcToVwzjFLB56TarXKzqM9a5TgvedpDrG4QZ1zWAJWSHJZkRUIgkusfSeJg0+gMOO4daEpoXm/Xi5fz656gIBV+ZMP539V8KsSzyysQSpXOlYWxWRV3hc41lk6WrfbhZTKrL6Cmpr6BKSDk1UbjQYEHhIZ2u32jh07vPeLi4tO9DYF89V5ILMQlWohJwDJWaOD/gfqyvClGDMXQX8VJAyfWkEMBQrAHmEJbRISCb12YLPh4WFkE5JdC7uZme8fDXovXLiAA8/n5uaGhoaQp83mkC8xAN/Exi+wwVutVr1en5ycROfUtbW1YL00KpUKwhnqignmloINRLE6MDCwsbEBz7GaR4oZVIpH5lKAM4vYzucVPfdMH0IO4St4cySHFCmBOrMIuZqkEm6kl+g4FZdyi5MgKEfIYStZEAqipT2kr5cmA5ToxBIAPEjQZwEKKUbJ0fdhFS9YvAD88F/qNwqRYJ1J9XgiZ3qDxoCTzsHbKnAKC5zYmdpRbpCeOIqXAbhE+uaru4w6x3tfr9dL0lGdA1PkgoFhDavVKpNSedIM+f8yA5BQGHqg+3ltba3VapXL5V27doH5Op3OuXPnSF4FwUPQQu8H+AqaRJPnSDrK6BQhiXULY1w5EwubW6v0ym3WHfJiewQ7YyeToIdSMAfAZzqxfJS7lMi2JTtnmY/ZFQz92ApwncVHU8mT41t6vR5OtvT5RpkDAwOzs7NpmtZqtVj66uniuL7OIttOFk9jA9ZMvB0hbxwGK4cA+2XiI6KToyctX8ly9Xp9aGhoaWmJTTEwhkqlUq/XFxcX8XYuZiaZIFz8gYEBeDwRulEZRFcPtCsamPZ6veeffx6jhZ/UOYfyHcTLSIcJ1RN+SasF7R7W19fL5fLi4uLU1BSaw4QQALCCHHmJ0bPtKA1t+BB7vd7a2losWVmZuA65ZNx+5pYWCrdDHlFQuHKP1bXHm8moRKukbNIHrkxcsbrxZADKD/JqgZn5XhUNCjP4k0ajkUndapDgN525EAQI+jK6iQIrxMtU+BVYkWNQbveSqIM7kYOgcgdCBNKQ9mtqySCUI2QD3M+beSd5AM2i8V7EBGBGQrdTClAwK7bh27FiPemAq6peCQCCf3FxcWxsrNfrLSwsTExMDA4OLi0tVatVb94a7m9ESmWqOsxwECIO2II9dPbs2dXVVdJ0Zj2VIFZBXqkEEWPLGwXao/gncWRyqXhWIEFxQuyh9MoLf2WPTj6fbKaS1QmsJPjJzKuTSV4hVVlPMihVmnIApCplodQSDwsCOFiuorJ3FEXaE5eyAEKLJA7KQ2ZEz2osManIzPGenY0Z8o5OrFLPErBjq46H1Ue5qzUJWkuAHXTOjY6Oqnzp2MmC5EaIVGQDpGm6srICvNRqtRCKwoG2kAJBrAhn4X8abJwUTvKDMYmLaJkVCPgMd+eePXtw6u7o6OjMzIz3HkkcSZKLfeUs9NiamjCfiXuMHCknqTLkckp0jAPLFNnJWZk4T0IemsdydgOFWWR5TpE1RsUAVFQHqaZT2QzqVDrj7ILEAehGRJoQmqcSKXo72pV7UHgjH04YwLeoQoCoK2gMul9iK4/Er7rWOttbzB+9Q7DxUIl4IMp0cAJFJJ6xzIoxON/UYnBBrMkg3gVuscYc8BYm5BAt4GnDw8No39lut+v1Oo4rj+O4XC6jaycyABDX8xZTD+ZyBTtlki6J58Mw6FnesRN3HIVdkHLK1Fq7hXxEGRSFUT3//PMg+oWFBViwPA4riIvicmoUX8yKIfqkIvPngLeoPrjiThQ9LDwYDEx/yKS7Os0aijSOxhsMZb6hZmWR+jlbzUkMIYDlfP4iJ0TRZXUXBMGTlAE2sIskCJ1dZJ0IMnFGcc8IBvQbvCKSK0hcomcdjyPz4pHHYO+ynlBBhbMCOr4xyzIECtrtNowufI4tRwP+CTwHvQq998PDw+D5sbGxer2OhQKEIKwfHx+vVCoANpOTkwcPHpyZmZmenp6ent63b1+apshYvummm9B/Cog/hDAwMNBqteDShaDx3sOUx4kVDFTFllXFlBOUp5GNgTioUYGjeMiSs3QYLMjg4ODY2Bjq9KE0WJQCcurmj229XIHB7cnseDMwHBw4qjSVmvlbrWthRIz+ooLHUyG4Ci1ST2xR1dTafFOO8kqsyQfFQK1Wg+yJ8oEnBfFYdJyzBGVF7xhSGqvVKkSISovIAthcdDJGbKeS0MtEsRpJvhAXHa4P7PHo6KhzjucoauEVxGqn05mZmcERvKldcKHqCReg5m63u76+jigSGSYSN4ATD1IURfV6PYTQarUmJibUtzg0NATDNLa4ChYNdcP79+/fs2dPCKFWqx0+fHj//v0zMzP79u1bWVn5rd/6rU6nMzk5+dhjj+FF0GzVahVaBc4lnCoLlQvPe2wpVVxVSiguMlyCZAyaQFw3GEgbGxsjIyNAX9wRogz6qXQHIwoSEjRaOgJ9UgMEO2mdv0ykeBcTBmxAw7pyuTw6Olqyo4Wpkfk6HZxKd58/fyDkg6bKgbHEjLFzIY+2vWASJ2kdwNDBzDumcJbL5XK5jA5IVCDkfGcBtcLyBfNek80iCZwn0jYZ8g/CL8uyWq2G3gpMfUmsyrlarU5MTJTLZfAq9YmzfEQMm+upehvvhSHrrWN7al01wXudTuf8+fONRiOKorNnz+KD9x45Ns68GuiVi01vt9tHjx6t1WonT548fvz4j/7oj37f933f+Pj48PDwDTfc8La3va1WqzUaDbTF3bt3L1Mh0zRF05ckSXbs2MESR8waEoEMGccxWvNS5QIZMhUC/05MTIAg8WToNOSVXLx4Ea3YwRtUg2ptXtYAJCmXB80kL1JPlk8TcHkXSmqJa7Ed6Y4RQ5W7vKvEb+e95qsz8R56Adkhf9H8DRKNClIuWBgtnxYsdQS8h1gsKA+usFKpNDEx0W63G40Gf+gkn55f+rzXIhKsyK1SJ6+zgxABr5vNJposMF3cWdpZp9NBc+ZWq0UnI+QCaBSoJrby85WVFew0w5QDdgAr4RBGAtMCIKrVatHe8FY+ywxnCGwKwR07duzateuFF16I43jPnj1JkqysrBw8eHB8fLzVauGY5JMnT6ZpeujQoZtvvvmFF17Yv3//yspKt9s9fPjwU089NTAwcODAgdXV1Z07d4YQFhcXR0dHh4aGzpw545xDS8NgxwJhzJFEYOr1er1e994jsEX0iAVstVozMzO9Xm91dRWZOGjLhWlG+WPeudR+enqadkmwdM5YWveQRhWGqvQlb/BzKkWDiPaBFwu2LG5Aan7PCotU2nkJSKkUV7zEK0jQWwW/CmllQl6ZuPnhoGDDUy/GCafp83aFPoptP5BIghxg9MVnRkkIAVSFTDj0aobKRjYvUB8AMYEo3gggm1qapHOOdbrOSophfWFJBwcHq9Vqr9frdDroVIVkNZz55cwS7clpiBCQIyMjPDg+TdPR0dFGo3H8+PFDhw5Bcv/4j/94vV4/ffr0K17xik6n8/jjj0dR9P73v7/b7d55552zs7Pnz59/5plnkMLpzFsfSW0tUn04R0Vr3lwaJWthzb3G9uEsSsYEsIBQm8ioGx0dXVpaWl9fHxsbGxgYuHDhAk4Tg6WOjX7JmeaucGUSMO8X0pcZqC/5JMoXWFWrVUwjiqJCKjaZRMkoGHpWgJtaIisvai2lwn7YQx6gWRIMsNFDGuUzlGA54WgqVT6FWffrLlCGMiGQA2bdk+O0wEgspIZcB9Hzfpgl4+Pj0BisJiVbpnaASpBDsCE1If8g2hcWFkZHR1mW/aY3venChQtnz56lEwmwltnFWJZms3ngwIGbb775L/7iL6IoajQao6Ojb3/728fGxubm5tbX11dWVtbX15955pkPfvCD+/fvB1vu2rXrFa94xezsLHxEYMXIqrQiSYUkeO7aOXGUUP1AI5P4DDedIrtrTQ4hKUi0AOEzMzMhhPPnz9PfHczBjb9ekQFI+qQhlXw+7/7r5wFSSWwFaSpK9c64rwVaJgEml89yK4xE7QclzZDHchQq/JI6LbMChsjauoCAxsbGcD5uJParExAVSTBSRx6ZIyG29kEdOcsW+pDoiBEZNA90Vj6KEiJkF9NhiiQWjJBs0JMEdWdmOh/bbDZh0+Oxd95553d8x3d85jOfefjhh+v1+nXXXbewsLCwsDA8PIznwz6BxoCZ5KzWtlQq7dix4x/9o3/0zDPPfOUrXxkfHw8h3HPPPdPT0zMzM0jcGB8fn5ycfPbZZ8+ePTs2Nlar1dbX112+xQGlGy1+RR9cXgWx/F5RorqJvPlLGNsBbnTOPf/886g89t5DFxGX9nq95eXlKzLAtijIWV6NywtFn0fqtF+h6Dt25qveRuqnTiS5syibpiTwqwbwvOAffXUkLkil1MTKkUkrnBozmoJVnW5tbV24cMFbLFaf4/oMa2UqngWYyInZwDk0WykUYLdB3nvvG41GvV7vdrvwmUAzBMu/QpgSSEnlImiXJTvM7sTC1mo1nAQRx/E/+Af/4Du/8zsvXboE6f5P/+k/HRgY+MM//EMcf43b5ufn0QRtYGDg/Pnzs7OzIQQ4x9bX13/t134tjuM3vOENb37zm6emps6cObO2tvaud72r0Wj87//9v++///7v+q7vAvBbXl6enp4eGhpqNptMuc2ssjSxAyddPuiuNKaihJSWWUwpiiLYUUp+iRX7s3gIHsKOHcwMNk6tbcLW1tba2trlvAgqHVKkmnf98tv34SJlCRWQULLIsSvI1FgCNFwOTCySstFIvCix5GCS1l0+8yeTfBLSK3PQKSMxYIpksC6A++joKExAKqg0f3hWsBwYFRm1Wm1lZSWKomq12mg0sEkAGFmWsb0c6GB4eBhulunp6fHx8TNnzsBQA1gH2d1xxx2zs7Ozs7POubGxsd27d586dQoBHRjru3btWlhYWF1ddc7V6/XXvva1MBOfeuqpSqVy2223QS6Ojo6+7nWvm5qampqauuuuu/bs2XPrrbc+9dRTd9xxx/DwMBwmZ8+e/eQnPwnG3tjYQPYXoAIOpr506dK//bf/9q677vrX//pfDwwMPPnkk1NTU865X/7lX/7oRz/6nve85+677y6VSvV6/frrr19ZWQkWYoPU504Bf3ObCDSwxamcWKzmGS4MDyYWwz40lLvdLjxskAh0BCkMo+CDsZeQL/Ez7z36HCJM7b0fHR1N03R1dRUN5bp2+DBdEIyXUUPBaYDtB9Ez8k8uIlXROxHEYZ9JWoETwMd6OdKizp+BuUyqHGGEIJ6qAoaEq5Z0bGV1aLtH6YVVi+MY5iNO6oQUofFAJyY0GCMnXBNqaswdSQGJHQCKkvMQAmA9gBM8lZhIu91eWFigJwqENTc3B8d/t9s9ePDg3XffPT09XSqV7rnnHrSsPHPmTLVadc5B9m9tbc3MzNx0002Dg4PHjh07cOAAbmu32+Pj481m89Of/jSej15gJTtdKrWU+Pvvv/8//If/8LrXve6d73znc8899773ve8zn/nMW97ylh/5kR9ZXFw8ceLELbfcsrm5iVy3S5cuwRBvtVpQj+D/UqmEHGGu4czMzMrKCoyHoaGhRqMBxxSCevAlHjhwALYHeggw+lmylu579+5tNps4jIyGFkKEZKfYctIgVROQL4lD0UW/4I+s1RGcFbHEovkOZyk0zPWFmMQcQj4QGyRrKJXEycwq0QoMoGKAigujTaX4XdkA7IEEPk6Qjn99oLPgBsB3x46kp8WMy1umhupGCJj19XXsCpwtFAROmuhzmsCp2EuIHowEB4OCo86fP08It7Gx0Ww2Ac0ZH0QLW/TPOXTo0PXXX3/99dd3Op2RkRH413fu3Dk9PU3JB5cIFDLeu3PnzieeeGJubo7kjngtN4hOWDxhfX3905/+9Oc///mHHnro9OnTjzzyyIEDB0ZGRp599tknn3zyr//6rx955JHFxcXDhw+vra2lVhDjvZ+enl5aWur1epSw3tphlMvlo0ePPvnkkwsLC8RLztAvESD4J7aEHeaPBPFkIISHwztYns98oSBuEmxEri0hvAdoU0yaWF1dxRODtBxEDBVSKrJjNzlolHiihx50RWZHyJCyyYs9O16A9ER9B8qmQvTew0XDAxqUap3YTPwQRRFIP5Fi0GBRuVRSI/koUCfgo+4E1hcDSK0BBDFVZrWt+Amyyr1ldKeSpqogSoULMRi9VfCWQhHhAyN9lA6x1R/ffvvt3/d937d79+4oikZHR5HaEEmgemFhodvtTkxMOOvIiyjS8vJypVK56667wB70WQdxY6SSwINEhq2trc997nOdTuf1r3/9q1/96l27dg0MDNTr9de85jUXLlxI03Rubo78Dyh14cIFHB63sbEBryU3q9ls3n///Zubm7B/oAqIWzJzu+PJhJEkZQLas2fPRlZQAcgd5EhCLwXWXPbLffC8OEacufN5BnBsWYowzjIrTiX1c1+x2bC7qWioJVRCYy8JIUhMJDj+14t5RLok4SqOyqySmq7YVBKn+L0yjBPLJ7VTlBldT6UTlrMKEgJNtYxJo845SH2SdZB6vCABE03zDHm7yJvjmIAKpAyBRxiZWpeEo0eP7tu3b2trq9lsNhqNs2fPItF/eXn50qVL9Xod0V9oGOfc9PT0o48+Ojk5efjw4ZWVld27d7fbbZyvmFq3U2c+Ccoj+PV7vR7yhY4fP/4Lv/ALhw4dAi648cYbESf+/d///RMnTpD+sJio1iU6JZNzzZkSBwWbWYZ2kIaedBYHySGlyQr+jKIIEUxwy9jYWLvdXl5e1uxDfkiC1VswVEH683YkTCp5hbAeer1etVqlX4nsRZlKaM5MpsiqAfEviTiVslGq3Z41+iKzRua0pkqlw6dAwU7AT2w9x8nSzHxU2OPEa+Sssk71PtIBSnZECFwNmD73EmPj9J3lLCR2BjikKYUrHSOMQyXWGtWLl5AYNZWTLX3eG1sqlUZGRlZWVpw1jl9ZWRkdHa3VakgO47HsIAJoqrm5uQMHDsBsHRgYOHHixOrqajAPutpdXWtcubGxUalUtJT55MmTHTv7GhKzVqtNT0937cxJThmCGTEsZ+UpKumotxHSwiBTS8YmK3KPQt/ReiXrIxTMiEJgu2MtE7kRlyXX9PQ0fB2wS7D3iDMDodIJjXWHL4WqkIKQzIP/JkmCNcIEwJfBavywH4BrYNMQAv4LqoX1HCwqzoyOyJoYM10vskN+QJ2ALmBalIGirm18fBwe8WazCdNT5a4qx2DnR8CBy+2hBxP0wWXtSR23M1ddar0cK5UKEoaDFBgA+IKpsKTABiBf0JOzY7zSNEWOAPGSl4tZZTfccMPIyAjMd+/90tLSvn37RkdH19fX19fXG40Gei8j2RMY9dKlS94c85gXzhsdHR1FFqNzDuYs0hziOF5fX9+zZ0+5XF5YWIjjeHR0lGRaOM8Tpvna2hqmD1qsVqs0iuDGIYKgSweQCX4LUBRWCT7+EAIsfrIKpZiiAyeFCgDMUT6QRX2b0H2B5QbV8pwSeHLK5TI2Znh4eGBgYGVlBbUF6NwLsZFlGf6bZdnBgwcvXLiQZdnMzEyz2dzY2NizZw9suOnp6fPnz4+Pjw8MDMzPz4NSR0dHkySB6x0zRBwKYJEMwFTkYKksxGBYXJrXWDgYc3CNxdbaLbZGufAZR1HUbDaZbYtF9JYWkVhNFlw00Hss1MTSscFjCGFqagqh+G63C+bcvXv3xYsX0VtgaGhoYWHh6NGj586dGxkZqVQqAMqIOiNFB04PEATOFoFHcmlpiecSUJRgjyGVn3vuOcAJCCbn3DPPPBNZsiTm3rOugCBByOzYjiVGM2CY41tbW+xUDs0Jx2K5XL506RKxJY5CoozPLD3Tew/TCzKbGQ1w+GCLWRBMkUGdg3tYjYDVICqhDu/J0QreijZpt2TS+i6Sk4lDPp/3clV7Kl0oFPNQoAY57QO+LSROgp54Fos3Zx9gH3En+kytra2hTB4MhvfC74GHb2xsdLtdlIoGMRKguCmt4SukEgSaZAIPVhZeCHBOu91eWVkBKQPIErCl+RQJgquBgYGpqam1tTUvnd8RVgzm4aH9nVi3WhpOWAQcZe7FcYQVZlAMpjOUMASts6Rl5j/iUaxS5wSx5eiOlkqeBYYBOUrrLrMMnCDFOlxecCwWBE3UGLHBqBjNpOtCl4uUx4yP4eFhJOWPjIxsbW1BlmEMIyMjqG8sl8vQhLt27Zqfn3d2TCX8Y0NDQ8PDw8jurFQq0ANYZAYEKZ68FRXRi4ChUl5ovD9nBPM/WF9QM7BQat1GsQTAVcAG6BNBF4SzogQQ/YsvvojBXbhwARIXUSGoSywxnNMgcSjKSqXC8j9EoxCWx/pyZcn9zry3mXVEUiLQ9PrUUokUUBK9EAvF+XpicCM2PrWaEpA+UTvSywiTEPGFgx9fLi4uggEyO2/q1KlTURQtLCzMz8+jwAqEDhuDCUKRVc0CeWNZ6FamSAL7Ye9AGT05PZeaKrXokhppWuPRsSb6gF5Q+6mlEFPfxtakHovgxDL00hQjhDAzM1OtVp955hmg2TRN4avNsgxQjdAohFCv15G5iUVAvRtCgd6sRwZSglSfJpZqHltPMc7Ci4s8E093KklBIYTc2ddkESwlpVFk9Y3AYZVKBfIDOwoWp6c2sig08CgQmLeKTKwUvlcLpmuNfBlaSqzfL7wH3oo2yeWI2DMaAikF6RtL/wLvPfrqQBx27bS2ILYUtq0nSZGxVQZSPaK7KhzBQdrVM/rG7XTWDoNODBIfiAn7h6FSksE9ANxFLBes2TcQNonAS+oyIXJsKRhRvi9dbDmFlAgEAHQz4K8o/oKmBYnD4cG+3Jm0RCdAomHmxZe1sLCAG2DewDNDxqPawcAQpAvWIxVwGno+sqKinlWcA5lTcnGFe9bJgvYx2TvIFUl6ZRRFCbeT7OLMQFFDk0vpzXiFtuLW+nx/IhQlZVmGBFQMkaYVYT3FSWY+LKh+ZDICDpEOsKnYjJ70g3d2QmCwg5GdeIidc8hvYU48dgvM7O2KLBM4s4aBURTV63WANzbH7cnhABAT1OxOAnZUicBadOcT9XkzyOho6liLHm4h78GwwVG4maI92EEpkTXopH6gdY51485SDcbStC+2+Gjh1UH654HH4vwxoRT8lMrYI/LhysoKcuwiOW6HOwXhRTThDbJjLzgSuG4VaHGLIekG5IhIVeNe/GaUNcF8blmWXW4oRySQWiNbb30BAK97dt4gqAR+QMB6nuyJedLYyqw9P4QuRWxmJw0CY2xtbQH2tdttnJMTW626t0JSSlxsSc9yCmBOAcJiOQBzOX5sbdv6HYEuIcyIo7w1NC/ZqbfBvMPQy865lZUVUHywFDrNrUjzZdrQ3T3rzgCDO4SAwlmFLjgI0Vu6S2StPwneyHgKWrB6mnMBzxIWHLOj0yy1th2Ev/B5YGGDVbQC3IYQyuUypAxexApprlJkAY2BgQHUf1MzQ4ai1AGJekjIAyGxVjOxSlEMyZkbDYAzMsc0BoZ1hkx0UmfHUZFuyZlgeyenDfm+hvuYYLFK3YljOzOjnmeSJnZyKK0fcnYBPkF4gDSdHYNOKoRxA6zM+YPoIzsYB3HQAWvxDpeicw52SL1eh7rILOeUlBpL3nyWZWtra0zggUoBLcKnESxPMBOzEsothMBCQWBTeMOw00BxqfX/wpfwg9Hv5Jyr1+tHjhxBTCpJkl27dtHFnqbpsWPHdu7cWSqVqtXqyMgIitNj6yZWqVSQiJYkSa1WQ3AX7gd4IOr1OiyTSqUyOTmZJEm9Xt+xYwcy8CYmJlhoRjYI+TzCTEoEKTsj624C4YomdsDlhHwkj8jKP+hNAh1vbW3Nz88DG9O45y4oZIB4xbrhflhNzg4HoSqAgzizUj4QJ9QLdxwXyMmJu5MMjJ9chjmUNARJXpzNRD7OXBNe8oJ8X6Mo8hZ+DnJPrD6wWq2Oj4+fP38eEc3h4eG1tTWIc0gjb53Ex8fHsYWrq6s4ThjeGLyX+ZXYCTAMBGdqjQPgxyiVSseOHVtfX4dLcWtra3R0dHh4GDV1oIl6vb6xsTE5ObmxsYG0ymC9LZxzm5uba2trOFY2s9NKUruoRogfoP29nfGG/DZI6G63u7a2RvvYObe0tIQwxejoKAFhZPG71HyU8DpE+bAgDAZGMFdXVzudDkooITtghpFY8cZUEi5IHAVsQKkZWdKHM5MgWOw2s2YklB1RXzoWrTiq/U6nU6vVvHkwgdkoW/EThGuAI4BdCSwhfcAenlasNRdDJyyYDSR65XYCBFTJvcTP7qtd5IqQz3vjl9z7TBy6sYRgKVeAprykl0BWJXaiDLHTa1/7Wu/9/v37vfenT5++9dZbDx8+jKykSDJaIWjb7fa5c+cqlcrY2BgwVb1eB/6O4/ixxx773Oc+h2PQoYVi6W2Bb7a2thqNRtdO4ML39N7AEIR13rWDcuECZ+yWcBxCF6oGC72yslKy6nWEPvBA/DeOY+Sl0QyA0gMm9FY6g8YQyLAnNEJNYJIkqHOvVCooTEH0DTldNPdd3kSh+Cft9qyantIQWwY5ggwcSGUnVUoIXwQzZoBzIOyGhoYgaMD/m5ubvV5vZGQECUj4IZYFZACKHBsbg1jEQ4jxQghjY2NRFK2srLBHKhly0E5qjOyiIFYlQClPLfdVGCAyT7CzepFYUupoBJMjvdkl/BKbjeFubW3hnAJMD3vJljXoIrG8vDw1NfUDP/ADIyMjR44cybLs3nvvPXTo0I033kjfDn0+zjnQ5fnz5733iIUpizcajeeee65er8/Pz8MLBLdjsMBTr9dD1yR0Wg6W10S0XZJrY2OjJ0lT3qq9aGWm0noA/6U1v7m5Wa/XmT8C+oPuBsuB32h/E0ymUuFOKRtZ/JvIG7g0lkgQ5GUkuXeEeVm+3CTke5ErmCYNgUW9xM69dH8J5ghJLWu6a31QSGpRFKH+YXNzE3KaKwYipuiE2zeyI7LRpQYNRkkDwdzWwZIs1tbWqJcoqSPpCswFhD8qiqKtra2XpQH4L/16kXma6QyOpBEIl1itEzA61gJdKyJr5gGGRoMNtLODtFtfXx8fH9+xY8fw8PCFCxdQ5rywsHDjjTceOnTo2Weffeyxx8bHx9vt9pNPPnn27FkkuwMQHzt2bHNzc25ubmFhYXJy8vTp03SwYHWYeaGglqE0qGYQvbeMAwgkRsR6ctBBsHg+psOGVtAYoEXVFUSoPYtPO/NlZfmIFVkCH/AKslwQR2TbjrBWFxm9TLqVpAkq9iBJBLrv3ERmBzpzg9KHFsQRB/xWKpUQ+XFWUwE1EkURgp6J9NrBIBEr6MmZJpkl9BPZMkuCUgbYCU/AX2l/FuaoH4ggihBI7XGawqroEV3Ci0uWNOvMiqAJQl8kbXy+VYGmrnWapoj+It/de3/o0CFM/tixY6VS6fTp0w888MDy8vLZs2cXFxdRvQGVurW1tXfvXsSG77rrrm63Ozs7e+HChcOHDzebzZGRkZ07dy4tLZ08eTKRbnOxFStTSEC0M+jjLbyC5JPNzU308FhbW8PcvR2VoHQA1OGtTSyhhZMWtt6srJ7kw/ClhK0K9uiQcFJtl9nF7/lkelopaMl+xKvkRg3rEiRwqJnlnjjDvXR2eSvfA/QC46FXHGbNg210dngs3XrgdnozXb6ULzO3lbcoLd19XGRnLinaNqkkViTSe10120syvSDsOWeXL9NM8jW1KjbIA7EdkevE8A3mb+YGcFiRebsIK0HT/+Jf/Itbb70VigKuHqD/O+64gwinWq1ef/31u3fvBjY9cuTIXXfdFcfxzp072+32qVOnfv3Xf/3YsWNI3VleXl5ZWYHMZnkKtVZBBChhqRSp1+tpmrZarVqtFkJgnhJhNHUaj4LDl0GScAoXViaRymNnuR7BonUMgERSXYSbmfI+aKfr6ZN5W5RvvUrmSe34IO7+toPEnWhiByc1GSmRvp/j4+Nw60EF4dC7jY0NOHlK1hcnsWppZW+uA2CJEh4lQiYHe8bScIBK2EsOTmThYVJ1YVKcbBECecmYi+VMWeZqA2gGaV6SSkw0WAUDA2Hc5kx8BZlFBLH6URShDTXa9B09ehSVb/CijI+Pp2laq9UOHDiwtbU1PDyMfEx0CERu1u7du+FTWl5eHhsbO3DgwCtf+cpKpYLKLDhGlpaWkMmTWdY0B8ZF8eb4ojhxVnxIMMpsM0IUL43xulbu7S0Kobii/6KgjST+pcAGtymvUo97Kw8n5+g9/WSkUpAbTZ2wLQP4viuWDpBE//DeJEmyuLgI9z/2N7UYGW8m/ajLC0IQcQxsUEGwBgnsRNISmHopkmRPvELXDaMNea/X9gzAP0d2YRrIgKd1gi8hAsmIsNi85Z3zraQMZ5a7cw7OeNaLVSoV1HouLy+/733vq9frm5uboNfbbrttenq6UqmMjIzMzc1BJ2AFV1dXYRhNTk7Ozc2trq6+8pWvfOc73zk7O3vXXXehgDDLsgsXLnS73eHh4TiOwT9ra2vOHLuAB5HVG6SWPOgkWSgyj83w8DCKWWMLimfmDo/tMFNsZGapZk7qewqLzNsyyWbj4nctjR7+MYUo3tK3MuvnnErEJ0hQXylVkQ/3QrHolSjBOQc/LJmKOoRI/cUXX8S2wqvW6/VwxnhkmZjMl8b3zDZ1zmGvJyYmlpeXU+tH7/siVDDMwC3QKpOTk6wepp6EYUDU5/KiocAJRQYocIlC9iAmVEFgZJZqxu8zydolnuOCBmsURQ8XDjHG0BcWFpD9i1VoNBpov1qpVHAySqVSQU8OZ2frbm1tzc3NwaM6MzMzMTFx4sSJZ5555tKlS+fOnVteXubZy1xiJxVhXqqfI8t5pC8L/4Ic8RD6/oLlVztLfaV5TUHu8tU2NCt71oSdiZle/MuR1ZTS7FbMFlkjf2cpg5k0N8BtNFtL+T713GU1ALiP/KvPd4OEAKbCxHRYnAXrE4zasV6AeqI1VkaBA4kbKzY0NDQ1NZVl2fLyciTtLpVwvUW4MitQoQWl+BwXF58iQ4mQz0yUjn0+FYQmeWSVtbEd1hfEeUzPFywhZ0cAcS+5TBoioBOTpR6RudJLdsbB4ODgxsbG0tLSpUuXnnzyyZGRkUOHDk1OTnY6HZzR0Gq1kiRByQFEe7vdvuGGG0ZHR5FrtGvXrsHBwS9/+csIlxD8AIl27SQIsjrWEcY3TUOmo2FIXetdFaw4I7PDbCjII6tkx2cwDKYJjMT0dJJsakcXO9PjqNCgyV7YVOUEvAjqriMHRmBNADVVwyhlkM64OBw/mdyJECWUjcS2ZjoJ/R8ISrBcJlgv7hACY5qkN+CLU6dOQVE4aQml4+xZTTY9rRcvXgzmz2AZcRAnkpdmnpR0nJH3PqFG4I+5KOQELlksiVBcC2c2JcVMJH4VLhy3kE/me2kCqnrKJP0OD5+bm2s0GvBFDsr5eRxPkiTLy8tzc3OPPvrofffdt7Kysnfv3oMHD66srHzlK19xBigjcY27/KXCiRqMHiEaKmAnhHjAMwCEuuhYRsoL5q4wVhDnC9spBbpyfJjaJxoBoLTzYjBAviI5h2IIY+ja4fJK1irROf1Uapd1+ygineWfO1FEwQIFEMk6Ki+n62V9zT6CYTAvJ6HwLcrtpKsgniiSkxO437+zXDEnav8lmvHiJXViYegycXUyixR6cal68STQQRaJ5c6fk/K61ijXm6eI0yYpUFQ759A5Y2xsrNvtQsMi9onQMgQPHnju3Llf/uVf9t6vra3Nz89779/4xjeilTFFhc9jYm/BipA/NpSrkVlHdZyDAosIqg+JAIjekwqDtBJBTIA4xHuPNA1CysxyRZFqgeoCPB8qiHzlpDkX5U4wJ0/PuvcQb4D3cPJATw5T4nbzv+TwKH+cDL0gvD+27OLU0tEjywWCiYXxZ3IEt7KZkqySFqfDXeiXTS5vyvffoMxTIDl9UeGHuWp0peArPZ1YUJeGQ48l/drlDQ5yf3qFQwq4cHwdFwsWM9UueAB7jKJNCtHEjghHekWWZSdOnDh58iTjr8D3Pp/+FPI4kO6zyLJiQwgIBUCmjo+Po2Sx2Wyura3BLocRHwzcA8iNjIzs2LHj1KlTTARkwgUQCwrfYHyjGf/U1NTY2NjFixdh+Jasm18mLjVSDMcJPyNqrzc3N9H0+/u+7/vOnz//f/7P/2H+GWdKIUpWpBdb7R9VEcTfQfqD8FEs5qSB5MS4CpqBbHFu3WsudSYJGiqa8czIChsodslIGC29LAWecVe4Lp/pUKBXJ8GCgh7AB7pEvaRcK07lMzm4xFJenbh1M8sISC2VivpHI1bYFVBVq9WCLQUQ4iQFn7lZAIsISW5sbODIWMo5b2YoRVFm4R6FjNR4oEKcHpCmKRK5mYYFZzx8YhwznolQBkxnZxijoGzJ2KwuQG8zBj2CRKmDJXEoJyBjJ4Tw5je/+dixY0NDQ3v27PnsZz/7Xd/1XZ/73OceeughcBpFQIEgKCYjaUGpDKaK2uUVOzd9eXm5ZBWzzhQI3aDq1iSMUWhOwEMZX0CqJFTyRgEAK+VEUn2qSqNA4Q5dIVT70xZ0JmyA7VDPBb2MWDQjSnwrFCIPvYHJCIunVqthA5CLhmS1EAJacIKY4jgul8s4iDLLslKptLW19da3vvXpp58+c+YMjEJITUgLJDZDxaPUeGBgADXpcMaB3JvNJmr5V1dXFZ6ibT8yxtC7D5474BZE0OCq82ZIwUJFlz9gG8WEFEgEb1BQsaWvEEWkUhrWs4bP3k6qxF4gg8hbzwgKgqGhoVe/+tVofFKr1ZaWlgAOh4eHa7Xavn37nnrqqWazWa/XL1y4AKtxaWkJNbhMHFAHF21f8CHd7QA5mZ0XkVlhJGWNyzujMvF4OudGRkag05AB6qwS3wu6DoafY2n0RCUTRRFqsgnwYot/OfFGRlG0Y8cOnDlZsrbKORIXdOcszZtskJAXGa0MeRuLg6YPB5m9BWYKhh0z8UZ3rXd7q9WCJMOqLS4uHjx4cO/evUmSwIWPHLXl5eV2u41D6nE00E033bS2tra0tJQkyb59+4aGhl544YV2u43OsjfccMMNN9xw4sQJEBwgClU5WXptbQ2+BW5eZkckUP71pNcAIUdm5SxO2mrH1u2VP+nmz11TwmIpI0UduSVIYw8GUElnYA+kcIPtUY3QarXe+ta3fvd3f/fHP/7xEMKuXbumpqYGBgauu+66KIrm5+c/+clPPvfcc/v27UPfjUh60Kb5FkxZ3pcNyvASFKOTJ1h3AnIOfZpqquF+EFIqVW+xxc4U0vCiKZKZB8WZMk8lo4GrVwCx3jq7ODk6hKAGbJZa7LV/1n7Hjh2ZpeOpjlMdxGdFVqGTWjugxOqngtWjaFM0GkOdTmfHjh1TU1PLy8tA8IuLizMzM7fddtulS5ceffTRTqezf//+5eXlyclJ0DF48q677jpz5szq6mqpVDpy5MiNN96YJMnGxsaOHTtCCIcOHUK/gHvvvfeLX/wi0uuhi6AifN6xi7UL5sT0diYpcDnqY5je17PaC29OYYTtII8z89+5vMe9Z+VdLp/rRiRdstNmuaTcm54VoMVxfPDgwYGBgePHj4+Ojo6Pjz/55JMQ9tCE+/fvxwFKb3zjG5Mkefjhh1EyMTQ09Pzzz29ubo6NjbVarUuXLkEuMDWt34gM4ocJ+VA9wS0XkBSpcoHOGZAvVD0SRvBZo4oubwoXRAZQa2b9wpRdg1iYakB6S1kHCETTeWUwbpZOn/dcPvOUd+u6BIHFHDpJxBm885YM7OQoRfpiBwcHR0ZGDhw48MM//MObm5uHDh1qtVpf+tKXfu/3fu+zn/3snj173vOe94yOjt59993I2Dlx4sSZM2fW19fTNH3++edhZZbL5Xe/+9333HMPWjXNzMw88cQTS0tLzz///OLi4mOPPYbQGBBRaudvwipNLSON+0obwFvlCuxsqoWepXAHc+mEvtM3dPvJaYXbEB5yYlARUGXiLcAVW63j/v37f/zHf3x4ePiOO+5Att9v/MZvnDp1qtVq/fAP//DExMTi4mK9Xn/kkUdwisfTTz/tvZ+fn8eMYP3DY8Ygsb43E4eJSuVMKryp/ai1FKaTsJz4pjJJLkzTFFKmZA3KvRwIwoXSRSPVYWyxnQgRWUoVLQoOA3cCHXnrxEqxQqcfuZdcylknfH3cl7US5CKcyKT0WK34zMIxPaspQf8cDLrdbj/22GOPPfbYz/zMz+zatavZbL761a+uVqsf/vCH3/Oe9/z0T/804OPS0tLq6io6bZ08eRJZ05AlnU7njjvu2Llz51e+8pVHHnmk0Wj83u/93vnz51FdAdyPLJRM3HZB4Bzp2BkuZAQXrELTpSedmCg/+ORgifiKEoNYiplEMBQQFqhNrWH+Cabw+vr6n/zJnyRJ8olPfAL1qPfee+/FixcnJiY++MEPHjlyBL7UZ5555sUXXxwZGTl79iwVL1Uf+2vEFktW4nMSpQniSFGxmpmFk8hRHaQT0lnXqkydRHV0fVhFlOUr1PSljM+klu5POBQsBsL1pAeJ2im1diQF5aYyHfZJT0q3E1UxTjw8QRpO+fzFFQScoOgCJaVWwxGsmSP3PsuyD37wg9Vq9Wd+5meiKBofH/+xH/uxt73tbUeOHFleXn7hhRdGR0dHR0enpqaOHTsGg/vcuXPo7o9Ciscff7zX662srPzBH/zBE0880W63ccDt5OQkUCBy6JGSgL6IKASL43jQDsnC4HnOAFbEW+EO+jQ5SztBfSoJ2pkiLlmTUDSPoXGJVfZWva7Uk4nLIpjjUnWxbkGj0bj//vu5O8PDwwsLCyGE1dXV8+fPP/HEE2NjY4ODg6irQoE1Hoh+SsiNCYZnqAGyPu82XxpLt3G46ZA8AkSBLJWRkRFmrOBIZgR6R0dHkSlUsnPvVI04g4IkWW91P3RhcwyUVk6UkpNmPly92FrjBEubhQxlfmgsXbEyy0J1dhYlkfAVk+EK1J9J9ixtmq6dpB1FEVBmvV4fGRmZn5/nqQROUsq2trZ+8zd/89lnn925cyf6H+7atesTn/jExYsXz58/f+DAgX379jUajc9//vPOOTTypu3farV++Zd/+Z3vfOf9999/4sSJsbExrMvMzMylS5cwNvayhuaFnwfwBr5Ian8kq6IkrVwuszimYycRIesTVXxgnsRKTGIJTrMmDt1UvZVBs2rCGbApiA8vWfX9DICb0VGn1+vhpC3vfaPRgHy5ePEiawBYq5VajhPQMN/If/sZgOo9tsBZIj3wwBID0gwTx41h0ZxzOGUVDQJ1ClgxigB2QCJc9FZyRJlCKmcqG0dLe4yQLLJ8LWqVSELO1Dax9ZB11l24a12ZYU1tbGwU6wH4QW3Hwj3kYFBJybrGIkUZTTVSyYOlkwuN0O69996bb7759ttvn52dxYkSAwMDw8PDb3vb2+bm5h577LGRkRH4tpxzDz/8cJZle/bsOX78+OnTp5eXl3fu3ImfLCwstO0IAvRyYsoNEAIq0GNrGsfZpWmKVlm0iUMISK3LJEK3srLS6/VQko++NMF8O9DIPSsUzrIMzt8oimAiE2j2rGyKC0hbkG4lL3YFWSKy0ngIOep62qA0LSgIS3YOLlEKkUYBiSnU8dZ3Fl9CFmR2pMjy8rKz4znOnTs3MDAAjzYSbMES8GI76QWP2lQ0wuCwdQxAU/V6fW1tDWF+omUiCyQ16QlrMKb5X3QzQDc0dFlE9996vY7CS/SzCGbNwiPXarXgVYPjMSEMTfOVTSqxyM0kkchCrVEUwVleKpXQhR0p+HSJ8ldkqn379r3mNa/ZvXv3o48+Cgf8Pffcc//99yNpp9PpTE1N1ev1ra2t66677vrrr19eXt6/f//u3bsHBwdnZmYOHz68uLg4NjY2MTGxsLCA6Clewf4FWCn05Ios3TK2oiSkLkJIo+kV9b43dwT0GxQ0KtwJUrF/PasQoPT11k3ROYcdBTpyeTDqrd0QHe2gxUzcDPAmEc6GvNlNbN2zdpFpmuIn3Er9FXkpiEVEXOqt+xPA2+bmJgQ2CAttiwYHB4EckIccLFfPG3znulFEJnaKGb/BxUgCeJhuZdVXQZxj0MacDu0E7DIqqIDTCHHhd2ZtJK7MTmMATzYajcHBwf379ycuL/g5CJ+3yjFQqgW6Y6FW6GOByc+zr7l/mC2obW5u7t577z169Ojs7Oz+/fvb7TYOulpYWIA7HMf1ILMA6ZanTp2anJys1Wr333//oUOH5ufnW63Wddddl1kaZjA7CaTMfI0oXwzFpQeQgFsdA6b/BxPB8qFfAwBuLMEaLBG6s0AcsHtcSXrYw3Oq/mXSemRF1RQu3hppufylPBDEHUlqoLGoLMRN5FVQMkwxCmat0dOVWZtBDAkrwLaWnU4HfV05a2+xcDIYpEAQNxGNEJr+PevtTJRCnqRBhQgSH9KxA8DxLhwPRRBIoA+gyIAA0RF0GvR5pVI5fvz4Lbfc4qenpyE5GIMMdt6RzxdlqllMMRPLWdY0w8HTmYU5UykaZPx4ZmYmiqLjx4/v3bs3y7LFxcUoil75yleura3Nzc3t3LkT/A1Tb2tr67bbboui6OMf//iDDz7ovW+32yMjIxsbG2yoj02FIQgcCecD5+XNS0NvFZLYYCQgx5PbAOAERZFZK0WG+uHXQ8Yvi2LZMo3CBhBRy8mddBEuWQs3rjkWExCLhEvKpjgnNSsgVgJS/omswVvIOzbITpl4+oNV3FJd09zXFeAi9+zUltjC22RU7jgZKQj6yiRR1JtngoCZzhUuC80D3cTMHJ2kSV6ZNRaI7fRHhhempqbAz6Ojo2NjY0kmTisnTlZVOl7CSV7y4QgJKINTa+ftJOSWySFZjLSfPXt2aGhoenp69+7d1Wr12LFjCwsL9Xr98OHDtVotsSbVlEytVqtcLr/61a+Gjl5eXn722WeJIjjbniX9R3Y6fGpNlUk0pFTofRpYoFqWtA9YW+NYAsberKvYanC92WHwaURWkURfapbPAU6kpC6x7qtcajAMez8VhLduB01AuLzYvZSCidqbu6nORNhRjGbSMZLJeZvYVkjTzBqRB+tf5PIFu04aXqjJ65xDz10mIzlBMkH8AQWiImNTyyWWe5dJnI6YShmA1Eg+TNN0cnLy7W9/+9GjR2EhzM7ObmxsJGTWSJpoU6uSMbwhM3wD0T5gHaQZ7sHQYdYAAHTtcJc0TXu9HmI0qZ0befbsWTRpwRnRAJqQMR07GB32DTqqE2ZAujvrkba5uYkwLfpD8bcUDFSRToJ3xNNBjmPwfQ3tuGGYb8+OM4FwYuWays7MgpoUbCRi8DZKxVE5vrKygng2z4ckoSiY4TYHg8j4L96SSpk5jJxMClyCmJikOVTxwnyHi7PX642NjaEUu1wuT0xMbG5uIocKVyzZLiEEuD2yLEPGjoph4iVnRdVUMhTYQARRFIFOqAM5fQo15h9ElrcSLAzvBMPH+Y5Jznz/EDd79+59xSteAcfx4ODg0tLS7OzsNl4gL64JzsSJ/8dbj0VyPIAg5oZx46yU4eHhxcXFzByLILharQaXCxqOoxuhM6sIhiNkBuAmMuRCCJVKpVarAfmhYXpsASyEkPF2eOig5rhnKEfCY9lNn34JRl6U4b1ZcpxasK6X3o6KSq0kIFjJkjfDw8vxr1SG+C+tpsS6fXABe1b9GPKGGbeAm0VRDbDXkfPzCGliya6lfAV/0gmGJ8PZEixAQe9WQRs4cdiTLjvW4JUX2TiSnnPkWBIrvDEMumOE6hbjQ0D08Guzxi2R5kKFV/MJw8PDiO0MDAxcvHjx9OnT+/btazab+/bt27dv30MPPXQ5t06fQiSXiVswljRa3Q9vvTK5MVmWNZtNtNJP7WBdio3Uuv7DHiBQRt+/NE2RPAi/KmaImpI0TdH7kjAxtc6VwcKoeCDVnw7S2RmPXk4e53x7ltjspRaW25xlGQ4KcWbmZpavAg8p7VqfP77F5VGlcw5mdxzHELrAHshFpXIntC1shxIZ1ZqalarJVfsFicThySALUMbg4CD0sHMO5+gEOyeGsVVvvlRduna7PT8/T5RImiH90WDlFGjecCRBgiGZNb5lspazOABdRtBINAx0ZQg4OR4yJ8KaH/zgB1Emij7EaZr6qampnp2QlUolJeegpiHxGVmi4Of2ltMLrxw3AAZlT7rlwHMP3UcQgv5h3nukUWTWjDaxNqs4myO2kCEcnfjroJ0TQdBPWidOTa37EoaUmW+U24ZefBCleGy73UbUDAgHLZqpcDh9Sp0gIZTEytlCPn+raydbccu71t06mJOtX7BxO7hBvIeQjGZfZk3auGXEe5llKCoUwQSxJqrM+aJYkrpTOzVCEYsKOJIEaBSdiSFcMst5phngpaDKW3MHMjCZLbH0E/UpkcAwhtRiXoSvmF3Puk1mlryN/ICRkZHLTZEKGoB6UzkbkhioUbVByIdvQP2xxXEgkmmaOOcQQlcnRpY327N8eI/5BdiknqW2857I+gdSZkA107+mwCaToEQmp9qQyim0AE+DNYOAw6dr/V1USnFLXN4Tr4vjDG6xsiKW9AqVhZRtuKjrs7ybRRmvJx1cKOxV9Oq8iDro1A9SIJrZsXbq3KROg1DgNsFEphRT+RgsSQHCLohtGeU7TQCjq6uduAscAqDLOD1FbWYH2uoiBLOIyFrgWFQXodgI5QpbW1uXD/d0At0o4Llq1PgYh7NGAC6PMaiXSZSpRae71kvQWwI91bfuOr4hFAmWt4PveU6eN+Sq4irYefdBkss5Nc40shazmZmJ5BmqjkT6GmXms+t2uysrK8Gwjcs7JZ0gQ4qPyLyQejOZn5Sq71JRTeGqjmnK+yiKQH8IjiZytIdiEjyf9gxxcyLHEjs5EMCLzUMKC6a64T5ScamYx0torCddcqk6onwvFkpYgh9+iPI5yMFaY2CcKAZMpFtzak0DyB7UforeVRDHcZxwBE5S+VT8KCpl1InoVn+uu4Xm+igz4PkUsVX0+L4iEl6JHdhKZzk6KrfbbTyHfyqIN9IWjEJ4S9F1HZKMy9Gzc5PSNOUJVql1nFVtFlmvcJzECPQJaUTvEHlGJSWJLxhEiS1gkknOMEW4E8EZicWJq2eVCXCRIY8Fk+IuUCgQgPWvbYEllMhia2ka59sQUWZT9DI9ATlU/QSjFzYLP+FGOHOAMqEjtkOg+WrqGe5mZGdRcjxcUujnxE6dwVLgIQhiQoayj5iqxySRJs8UXf3rhUyHWq1WqVTQkaF/n/ovcrB+Sdbf9rfcSxI3h8sN03v4Xx0wv1SESlJT73gmdjBjFBQ5qSW34NjMLMvQjxH/vcrEt51RgU+cBHF1sgXVhD9NTk7GcbywsHAlgiMvpdad4KuOKpIYWbAgSSInHsQSZnKyj96OOYREwMnb274FaepImNuyM8wZ28rExVKy86ZUpfevCRFvZudQ6Zf810t7PGoVb+mbdByHEC5rACU7vchqTrCpIqXCBRkJVk6sSIp4F29lXLD/Si1kHdkJ2PAmlewIUU7MS1Ec95uBMBiL8KzzafqZBxVT9qjS5OrTVHDm/wECjMQ+u4oUUBjjhO2xx5iIqrLYChK41N7OYQD2gPKhg8GJQInEEL/SeDgvMgAIkX4zWgLUV0GcIpDH8FVQpjD7uv9F3qA5FH5iRcZIN8IR31EUwfeNBUEdeZIkcNfAnQ3XeWr90DM7xjzYoSRIS0ml5AWuUuQyIYhUrVZRkIgONNiRl7III2nQVwBCQew8eNB56kHIJ7J68Tdn0mShZ21CYIskcshAAUR5Ob9ywE5EQ5uTOI7bclK0M4OS4Vhuf2q1y6mcsKJgnZxDFxN1iBcnphOjmcNjYWFm3SDpQ8Pe4Lfeqn6DuX2DVQBn+SwAJwrHSeohVwlfIloSS3E3x8a9VF5VcvRimTiBQPyhM6zinNOEDtWTHExmXlToAdqEZBglAzw2s2bXXHknjv/CD1WQU08W7ChnvlEMr1Qq0eehg4+iCFTnrS4+tvMWKNpeyo8rWfdqEj0llrNqaG9VI1mWIUtMad3nQYWusjr1+Kh+HcL15XNITLp/XhwdhOlZ/mCOYN4DSCwYD07ydTHyRDqD66JDUfbyZ3+4PCqgn4f6neEhb0gajiNVfUGgTkFgh7xLSiVLKtXfeCa32Zl7N8p7NrdlgEgMRBCu0jQZ21lvWm4EX6fSMLP++Im1nVT9luULfJGmhb6f3pwZVLzQP1hqxFV6vR56GUHG8Yekrkjyl1Gmo5oKI+92u2hKAvbAA51zbKLocFI8k+wUk/Fi+gDpj4vItUjz7QaCuPMUezgpCKKccHkgrrKED+TOeXFi8GbVP7rllIjBAhEqNrz5qVhDRHL0Fnmga1WFkzMrIlgg1uXztLwFVby5FLkmsRTB8LGqZ7wpMZ+3FtTrQFybSZ93fum+2sXFIaSkzgkhwFdB+sBE2PJIgRlhJyfCHcH3PasCgwUMOU2qVfRFde0s0dBZEE0XP7JqY/qLgpw+odSfWRiEy07DJrUTNF4Sgt57WCc6dH5QioRoBCvDF+6k0HjbtVZiisyVphCrgICD9NDU3SJlkM4oIL2BolgSqhiB6trZ1BCrmR3ITkLBUkIHovay4E/QdaB8dSKwUztanT4KbwefIWhPOU06prXNMehSk6wxjLad7+0tToeFKrjMvZQX68j1Rbo+WIpYWsjgscqcXmxKrjCmzDhMyLfdpBeVEh337Nq1q1qtoj1RkKiFLiwflYo31kmzOmb4KEko6RakrUJ6LqyX/opZliVkC46VP/MCGUm10GuIZEXWGycSl63+FrEC8HQkCYAuX6HHVwfJoaUw5uo7Ob6JzUVg0TvBKlQ1OGQ3TdPh4WGU6UDkJNIcKoQAli6MoUDoIX8WRpDu0BAHSJyGo41tGzt2pDF7KjKjiytGCosE12FZGLF2EgDmfClBC557kp0SCj8oOiInOKsYjKIIFcYMUVEbYKNphUdicbl8Nyt+hsbAf8+cOYMovveeB9sUVJ+yqArpyNrU9WtOqilMIUjKBm8jUxEe66uTyBzbBe2pW+IFXaiWwA4ldqCfM5eR2qnOssF0WP0vYh2nEyRaoH4vNoAT4KQ7wXvwX8A+5P2C0F0+OREDQ7zCSataQo4gYJpspgYipQAog0CZVV26JboO+HlmIXBSLf9VbqEYCwZ/lY6j/MlfIW8AcPsK4jO2mD1zLb338GkyIg5Jz7Rw9cS7PHZV6au7T1MKxyXBKoDkoiGhRBXy9c2ZhaE48QK38F9G6LwFAZQYQK7snXF5cXbt2gVhhj+j0DOyc7uInJyhhdiOJwhW+BJZlFRXXKVaT05uisSc0s1mkC9I3C6Io5Dr6M3lQshEyaeAOJMiBFa1e+/Z3FwFuRI3F11pVJVMlDdCnBlVuut0rZJ7udMU2wWdmVnHDtJrZKmU2/K8LpfPm1VKo5yICheVL5k0P/Tm50jF3x1Z8DWWXGg+nAzPZ9Jp671HP+0Qwt69e51z8/PzXK7Jycn19XXEN3nKk7OS0UqlglJvptOjwpgJ0pHAPCb54pisSqVSqVRwMC7CnRsbG2NjY5VK5eLFi1EUIXMerRQTgiH65imwM8k0JLpI7VAMpYCCMOYCBcGUqUR2eE/Pmggxfy6ViKyTvqq0IpwcUxCJT1BlSbDgAPa7Y+148WpyL1VkbD2CyEU9af5VmE5BLXjLVAmCPhEojOTID0qpzNwDXiAsH5tJ9UxXmshzGfkTOmrI9olVEvq86zYSNMu3OAFRxAne8n84O9LAtupLCYDQAjJFmdM5Nzs7ywOhKbNTu1Tc6Pep9KhTPUY84/MQgzKlMDBQFCM/3IIoil5yNgO/Yrg46CWRvgOF5dO8FGUAHSg/UEJ4yZoGcRBr0uedSbRPH66CjYTF5VDNy6E6yXrIpHbOiUPQSUmnF63KVyit+zxyC1Jhw8cWnuAMRfBPFMNBMAk/63/518xQvg6ASo+cXxibagB9uLdcnYII41+zPBIOFsfg1LZlgP7nYH9R0+e9RzJLZO1MnHOsoQHh4edUUEigxAipSMlXrFP1EuLMsgx9bnDsEOAucijQuAVNXPhzB+ufpNyTdh26Ydw2Jw5pOqqdoDQlXO4KvyEEJ2U4gwrcsEzqj5112/TWxS0SU9tb8agXT0UsaR5YIJ5m50QWetNpHBtv4MQ5Hc05dXn55MQTHyQ+TaGuS6EXE2A4DDKGk/6bBeWmG+HEgeb7ishU9Oi8CN4K8osckubjJNvupk7Qi6tAZ+3lYGNsxPj4OIAoxRxaDOlKkr4ji+QUXupNb5AVseasLUG6aGo1T2SexHoyBAtLd+yErstHDNA3wr2h6HICi8nEqfUBVhpyIn5I4mrBkARhbKByEvw6YMeNDMg5Wd4smDiOERKOxDFX4DEdAH4FBois3iCVsD/JiFTIyQJostSLrJXlg3pKK8oDmQU+M7ERg+hPPpCMp86WfqTBxxbYVSmeLJrlnZKZxKf4OTVXurcCbnKIE01FuizQug6gsAXejrpwpv0wHWBCFDFm5lXLzGWSSlfqyM4DVzuKHoUsnxFEV2SULyCOrYVHYgWoIQTUV9FZhISdy32BvIUbUFIYWbewVPowwm9AFi9QHpeAQXU671DkhSQfALJYzohWJgl5POBM6CrRUMJxyVRicYecRfEYkeEViTdQZTN3nZuE71PzH4OLelZgobqI+DKxfidYa24PiSyy+u5I/M58kS4IJ1jgN26WMwFP5YmhomQUB8UiHI5VghDRmCAZmA1OnBg/Pp8+7S3JmWPgqChG8UMUwfBPgB8UTAVhobTkBU2kEuIMErAjB5LziRr4ZAVOnBS9T3BSR1GUO2SGnID7Ysu0iS3GhHsoQZUBMjF2QwioyomiCGAO2dsMOdPnw7Z+wWzT1PKFlF6D9LanFZHZWTpObPTCqGjSeYmiuz5015NqEicdYpSsMWaUsSIg1bPONj7vpYnEKcm3q2srtqo/L9CWOCeyvhL8eclavhWWndtPaMFuP3Dl4bgQ+N2dqHQoRp674Syng4af0kOwRmAgLPrNlPFI0+i+hh3Psgx5clDvIBuyVhAYg2FTe6imomjGCDlxojWup9pXFEwh30CAO+55UANnQvHJLXeCR1UuMmkilpzbYB4kIG9nTfZgXsOZpf1UFMxkclSOMhtnwm0oiBAvuKWAg50l0mGBtra2CIHw2CxvjxZ2RVUQ/5RZYQp4j2lekXkkKS8hk8B+cLHTaVNAyQW+jcSzQedGnE+Q1iGpDPZiEEPSQ/SCUfEoMgy3mJIYlI2rf+JKGKqc9R4nBg+Tvrx1RVdvjxezB+3PNjc3oSKYoOGtPUdk8UcUmbD5ZDDbNxLIrZyj++LMW4oKAaSHtdvt3BlhQSyn1E7/9RbKDZaPxakqlVC8pVLQGFsTHlZyZGIRMiOAnKBzwBN0SBSQkfkKvHiQyAYKG+iO1BGq7KFEcZJVRi7Vv+o9TjJVgphl6sWndIjzLeVUKTtRGpys0jFGosEK/ZOTBHVviTQYAytIqGaVf9TWJPOklt6nAohcUVChKh2C+DC6dvSynsdB3lOe0Sew+Zw2tojyaR3cRy+po9wCfb4Xi1lvI3r3hhUdj0kNkqvNz4r+g7SH9+KX4HyonVNzALNXM/BPbNXomcQcyH4kdJ93LASLC8bWlBwEhL46SDqgactZOTNFeD+tMW4GAZXSes8OKSKD8UMwC4w7zYdQshJB0ZfAKXAlKW6TfLcBL6YqlW1kaWEqIJQI+IHUDPjEo1lYDad2fBBAW+AK0rST3GwyP1dPmYTWKu1U7z1EjxOpuu1LgzklsSaZWPBcDU6TWZxeLqV+vahpSa7IGMUTeKxtwq9ILozpclFiy0RQdiR7FebjvWcNO2xoqJvMKg8zsR0Le0lqcJIQEVkJL52eqRXUBXGW8bNCDrpZvWSiE8tGlnfEFyVyzKPuH8eZSaAqlRqATHKkKZt5NFAQg5WSiaLH5ZErFxP36PL67RRX/23OOIo4MzJ7Rp/cv3eZNXVUOaIeCF1AFTHU+aRd3Re/XbCC4w/WfKCgZIjyaRPTucSRKDMUHs715Pax0IrwNUIgjDKJxgqFViS+DmYdklzUBiAdUCBlVkXKsfakUQplXia+/8wSs5xktGLp6/U62AmX957HU0PQYjBxHOP8PHTKRlAvkha5ZAlkB8FAZH+7xA6yRbScaEcXjsF5DpsUE8yLx+RhOogK299v5et2urxJoxTPqwBBeQP5MBjQAimoGCZi0VFhnWHFFrjC2cEfui9ekGrPzvSmrCE0VT7vv5RnuAL6wRs2i6WKkpQDaukX/04QRJD4cSQlCnjI5e5/dLVCCYAfRkZGer0ejiria6i7+fRYEnpVK5FhYmm/40yZ6Jx15hqnxBVJCCwTkwCGJidMDUOzL5ga5d6TGki7lBPerEN4opTZuFusU0vTlOfAhRCGhoYqlUqj0SC8ZgCOxUZkfs314MNJmhwS5R8FjVISt4PU7ESmUirrT7zAy1RObsU9SNlX+iMJBjHJIvGY6w34N7YEO6SWwQMLGKxbQGrhvJQS+HCyGcQ/EDjDQXy10n1i1V1IvKNwh8Qk90Y80o6/jOMYwJqnjRNFsF+ArjiIg0PnOMj3uCI5zYbQlhsWTNk58WzSu+IsEQCWnFppTuy/rpzZ2uv14PdwzpE3uMqZuD5Bykhg9mYVATEDzpKSKPmSJMFG4leRHaOEuCPTSDOLIRR8/6o/+2noSoujtK5CQTnH9V3Uzz05Z4BmAI+nj8Qwhcrq5Vu0+3wZALebW+bMjlLhAh3Ss1awrMHQQgiFLv1TwJ8YHwS7oh1GZiVmOk7SXmTHp2vrrtSiotjiJLmM/C8zQGo1hOBX7/3m5uba2ppSAAfHFXGiXLgxOrEgOCyTA/aUKPknEAENce4cfBEaCCNmC1IGiatjR/1k+a60TiSNs6TorvUuh97LLIylmcyJNSV2+UpZSDgsK8CYl65bap2TVqhk9MlOcmAyCW5wqXUKfjuwW/hrMLRJaUpKZdjV2/G6igf6GcCJfaLww4nKVcEE5cm4W2ZZd5FEsgtU7q58kX6AOeFRrFarfHgQz4QzOYLWaU56neCGjp2RpX653LHJGChEGjiJyxFZLNPnD80syCEyQCSBKi5NyCPCwu4qzzjxuwNZYk1VfKIMxVlLwExM1dhaX+jzgxi7IHcNhWJNAd9JQIwr6eJG1hIYJad4OEQLZA/Xp2cFr7HUwmughzym7KE2GFmd20R5VGAAahJueRDl44wDe9aUN1hhuzMxX9BCpAp9JhmGVJXl8/WdcxBMY2Nj3nvEggCEguCfwsO3Jf3MYpSciGZBk534DRcQTWuC5VwRxMIzFlu59ksMQIFK2iVWIR0T/xWEN1YBwJEP4VLqWL34AQoSi3uf5cuo6R3DhoGtIymFpgyDYCAdc7+Vl7ykyhH7unzHX5X0iOVxLk5UtjcnTwEAEFY68+55SzjhPgVJAczMfEdoPJFCzUgCI2m+VilYQJTD6PfSBDGrvGU6xpbyTXJR/MOblch0AbndTiR3ZsaVGioQPUDqbAmuZMOHe8E/sdSUObEkyd5evC+qVJVbvISVdHaRmNpKGFmWXU53iyX5RCnV50GbrguzOzKzx5WeYjuwiP/tZ/fCHkSSM5NaHwo6AUDcSo7k0n4CLSwcmdmbPiUOJrcn0iSiJCcd6fO5uMicoTQNklPAh6gLKLZugZG5ibgykbUuY0NmzJpSKRIvkNIEXwFhwep7J4IfF3Ed7yEp4IZMzA/9Ifm2cD8GkFhnHoBAztc5h45M1HK66dsqgUiaeuht6mmM8va3is4sH2jz4mXhA2Mpqry8MuQqb9o2lZBh/6VrMTg4ODQ0hGPqvPdoyrm+vk5JjPIiIkI6/ilOCquDEQN44CfI5MbuYrnxTF1E3RI+jVKTZKQr7gWKxJKl40yc9I+Nz0+lpIuiuv9dUd5NrLsY59NvGHOgEqCI8fkjgzKJFuFf5LrxtCydNZfUe49DQ9i7RVf76hcVS8j3cVIpjuqttbW1UqkEV1gmLlqV63qpnCXEIGn1y0quDEk/lWYW3qql0ys03XECCnTilyPB/Ooq/KpDpzh0FvRRWUt22nbyfrtDo/opKbKLv+LqqyDcdll14fTh3hLvwGY8IVh1rmoPlegvoUY7LgBhk5Bvi1BYw1SygF5acUt0i6KoXC4DI21sbNRqtZ07d+IABHUq9C8gRWDhKmw2p6+SW0f7ci7SaGEBdXEwSIaJ9F0qXwqXjoEMoDiZ8yrQSWQpzfQWBsnnzyQk12/PbKMBIum7zZV9OULCS5kPEDM8p7GlaDMdKs7XH5HUdEH1yfTBU6l5SaVSMzGIm1J3SyfJqfH7ApVHeW8JDY8ClaiyTpIEcfWwHWjk+kTm1FcK9pJg3LNDMSKLzTFCyckGO7hOqYoXnTAFfFIYCbNBsz7P2NWvTOx1FS665lDyGCqgvw41ysci9OJDMJcChikwNtVmbH184RmnWUhDnCvc/8YCvnLwAvHWbQVDQRCq7KG/MpYCc9oShAq6glm+8QufzF+ROJxzRJbeagy85IiDXgtcpOKHH1KpaiUYY0vxxE4GUJd5wRTjiyi/kXDfs/7vUT7xUKdM2ebz7uNgrUvh4e71eouLi3y7F+Nb3XzkUm+dIVXmcZoF8anQqFQqgUwTOzkitmp3NeKVAbK8AyOylFK6zr3U/lMwBamB3vbSPcqk+JikqNyuBkAkLgSddeHJVA79wpfEnBR+HEQNXYkZOD56FfQ1fGtsKRz6yjjfQEZlQ8gjv0S6A3E+lHZcoIL29HltwGErmyEJAoYmk/IpxvBwbWSpLIHNJrTj0dwaXNTxBHN0MlqHlzLEg/FDmCVSG627qJOKLH8Jp7Rn5mbVxSSM5kgKpjO1RyxlmSo1C6Sp36jYxphVZmX5ICAXcFtQziuzPiMcnv5V8Uwm9ey6PioigzlA3RVkul65EE8/Gbm8ZUkhpxdxv/Kxjk83RveGeIPU7EQDRnmvfySewZBPukY0QBWoE00VRCpzjgiWwXnP8FBq5ULcMFKwtypvyE4lbkT+s7w/iq/jl6Qt1lVl4s6CJUBu1AUp0JyzvNpqtYrOc6pSnGiJINgpyjt8YP8gkOcNSzCFqWetvHUF+AQVgqyPU1IuiAwlgCtdXrQWX6Fb6aRoCU8rWPk+f+Znvw680pXorfy2Hyp5wRhe1FMm1dzb8g9lTE+O09o2E7jAAEofHF4mmVhO0hJ1LThgRWtcNe89nFdra2shhLGxMfAAchxovVCkRZKVHlkZIdU9/lqSEzw5DIVnurDeMANj9c7YQ8/9DHLgrhIKbt7Y2Oj1elrtwJB2QdaSAzmeTqeDZuJOEA4DBfRu4ecUB8yQd6JG2O4liJM0GHx14tu4OhXq1BR8bnubFzikXE3qJ7V81Zc6tEdXmeEFz/g+aBRbTXA/9esI+BNuj4JvJwYlBQwHFImHy4thhEcBpqOPpxOs3G+2BkmRKODjUqmEmkAkPnlr+M5Xe/EIkYuIPbzZW9R4tVoN/gB4J0hwVFZ8uLMiO1Qqqorg9KN84zfdRXIFOn947zF+9ojHBmE1Emv7TtuG/AbLge0lvRVt96xNU0EsRpIHQNWdWlI6DCpKLs0a9mJ3qWiLLMNHX1dADS7fz0ZFsC4IaVUhQJR3CfBRTpJcXhptLCluJGuNtFHdeLE7uUDcqkT6CJEc9besHeFPKBsK0DMI6uD3/BKfe3KMjxNfJ+7XO0nKUPHY8larhfhxo9FgT09oBicWGDnc2+F2sDu5FB07Nxs2NLMpOeYof85KMETuTG9kUmCgbKAJESGv5VlvnVpBgrPCf4BvjAHJ3vCxckhgYx5Xxb2r1WrQKgR4BRGrF5cXredLclSwtzaPeEIhJSkzPzKDm+Q6pVE8P7YuWpGlrjiRYgUSJ68q/6hdlEhX2SBQ5aXO7nx3lj+PTYUTRT5/XIjk96x7vUpf3kl8mYlnjdxJmkutBCfKY/ogTcN71uUhiIkW8vjHiTDgMyGuQBPwvcDLhKRF8pUyDy/QN6JOZCdv8RfqB2d4htQ5MDAA1z7q1/hwFiGgIjaEwLwJ2o6635qkpFvLaXrxMgU7BzbkrVhWV3J3wJ8YoevrSuQMjWh4VPeORSr8K+NTeDKq0jB+ZGKOj4+jXyKO2/Lej4yMdDqdzc3NsbGxdruN1ss4NNY5Nzg4ODg4iIOCWGGr41Hq5xXbcU8wb4aHhy9dupSmab1ex+K8lPsYiQlfWFOKeS6Wzpwb6c3LEZnhpfcoJ3DpSfdBkEYkvr9UeuIVeJr74fsQtnILd4KKngNLLTcQCQj6/F6+bTfVS2rHfft84B37So+qcj50ApA6wYATsQfS6Xa76GemmRRBQhn9K0/9DGNAwYMKrLQvb4erGlvDpSBVl9wLtb7oaszEIUGCgWGA+mNuBNu2cU+5KZk0ZcLKMC+NJRz4QLQZ2Vl3ILCunRKttO7zMNIZGozMonNyYjYTReH8SIhxlXT4+oK00L3hAkXW2BU17+DpSAxQZ+GSIOUUuKhMKOqcuUoJnb2AP3obM/HrcfIFluCKB0tSDxJTg2RSPIaZMnGDip78RlImvPaWUkHBzO8xTuArHK2nhxk6k9ntdntrawvoi01inOh6enh61pJVRQ+8QDxJFhMn1k+lq2Ho05AKTgoLyA26UpyRV9yX4kWcCW1Pnc+NWF1dxWKCc6IogknjnIMp5UyxUIFAUUdS2acv9XnwQyHlDBl2u93V1VU2SyT1Dw0NJS6PmF2+JDez5t2ZmPN8B3lAJwynZD85ql2lUhz0pAm6AMfapdUb8oktz5mPLVjVkfheYumgD2elk8wzvC6xTlJcB9qmmZj4qWUC96wKNpImMxRIXlwZeA4fQgnKIYF0cMIA6IDWaghhaGiIWiuxSuXCeuo2OYP4mXiiKTuUVlTn88qu2ufQiROZEo0v9QI4KfKoXiCzU+tFRy1EEocFBZik0QBCZScCF6ONpIxBF58EnFoGig6e5EpzIsMBGU5Egm6nk6TffiXrRWB76/8T2RGRXtKqyUiqEwEeiM5j63kNYlW5pSui6TeRuCY51QJvQO7qadIo9k2soH5oaEid5WROHbkzIz5IU8Fg7h00v8AUqD24zdQ5umi6wt686Zn4Roj0MrHs+3FUsBJELiMXIeS9WHzXtixBvoXu7dohRYVVLRAcuVrXPOStBedcp9Nh1FydVNhlwrlYyqxJHnwaDnskcSr1K294w2yxJRZ4i9jGdrIyXIiX/1T4fdSXRFEulxF0TCXPzuedXDzCmqZPYZX1CobmqTqCJDYpVnGicJXW1a/nRRVyn/TtBFRUxFAvJDIavgU0mEoYmMREZKlSNo7jRqOBtk1U9JQmfHiU9whFdkRckHYBWf6Ae50gvi9wBYGBzx8Vte2a62eulTOVNTAwABmBNsbwbIIodcxk4MTqfZ0dYhskAxxyMOvzcVGoOTFmvLSX1Du5a84EPJoYMK+ba8INJXsEscfwNB5cAJ2DHcydEBrlq16CeMGdKMQo768lLUI2qyKm0tA56G+zvMsVP0Q/vQK4xENgvOObnh3r4PLKmh/o0FCnCvkttlPIWbHu+rxp/BdoBLnH8PejIr7ZbA4MDExMTLA0nk4Y7BBM4UwSBFKJphNykJcy899DDLMkLcrHCggMgvSajuTEKlI8J15YH3zPsADOksBokScCi8WLry/qa6bEtCIo0syKPCHgvfc41YIRA6V4ClBV8kEAD0Wqt8PR4PyldNeZMivHi5dCdQg3PbbzP0E8l+tuC0IrlgJqGoscMcUq9L62Jymwe2HpVRrpzQppOJKQh5VeLBByPxFtZAlSypmpHQkY5V2HSnnMkcwsdY/GCX+rz4R4m5iY2NjYQL+MSqVSr9e73W6tVuOKEUFxFgW+CnnNEMyDqRCLIXOydGFt9TkQhAiNKSzUJwTRqCQ+fGA0LU1TnCXh7Pxg8L+udpB+b4XXAQwrrmP4wjkHlwDhIp/jLYUOb0nslE5Mp9VqoQJpc3OzXC6j6qDX69XrdW4Bkzi8HNuMFatWq+VyeXl5GWduX7x4EZzQ6XQS3adUOrVjQIm1gKVjniYjxQBqiEt2eJvSuheTS4WWFyhMKR761HQkLiMKP93OTOwk7gpf4azVhapRPIejVVxHDiR9kBu5f/hVs9nkmLe2ts6fPw8P98bGBoQF8bQ344ELqyRYYAn8V0FUeoWQsK4wWZ0DVlrX7Sgsb5AQZJZlOKiCjBRJNlGQiIT+hN9rmY7ewF2DuuhJE+JIgvRBwmSqGCNzrHEjKMULbBznW+lQeIUQoKZarRZcTIUalZciBQXUHuRcEJYpefFg8B2ZFSgk1usmy5sQ/CHVC5fSicOO9KQynkLlKkSggNiLicafE0UoE3qxdL1gP/718gKZblVbAjISvSxZFOHMx5yJaajAPfQZtYVRcfV0iVze8XAlUu5ZS3rAGM4lynvi9Yd6gQwqlUpkLhTAOWpFbp+qRA6bqikza4QTDwakIYkYnKKo6vfVBskhhwMUgoZRRQYfGRZotVpkSDrc6QbECmixMm8u9idTvOGtq0+BVgpLmSQJBSpFHf9Knc69LEhxzpx/6klPTx2S61MvSrsF4uADFVD1E5CXqJCzqFnP+pyRsrFekOU011gSjRMVSIL0UylX6wedtWpCl8+gLKy5uzIDcL64gckFV7pZX6H/pdVEvRpJSKQQfkmldzmtUmohjrxnvUmII1IJNlOY9qwSKLV4P/6lXsIN5XIZjnxsLkJmvV4P58tTM6j5x9gL1BruQchlYGAgIadyaSLxeDJDnfAgmGeA+g5rR/+GilJubalUQvYB5bGyGSkDg4MRFkJAxqIXrw5JQd1nqeTBcntAplEUYQWZeMMb+Ci2WCLdQEvCEMQINQRBEsHNiCp4M9AVQDoRtErBoS/Jhxcbm6oq4KP6GYCP5TiVDlSCqMDmB5UdkSQgxdY5x4v/ozCASNwGKrDwV7hlEjsjHRDRm5aji5xVH738KS9KkGmaIgsLTaRjOdZNlSQtKK5Aaqna+JNOhDO97AbVvVGhxQF5w1upHT+qfyo8V+k7tjgU6VUJgnLa57GBbgAvDoOqNkgRQuGxdDMrNRB6ORHJZAxMjQ4+MtXg4GBireNU2sXSjER1o+6fjrz/r17QhZcQm7eENmfNfLgUkXiE9DlktsINurPO5JoXb54603xe9+r4mUmVWh0MhAu+Jynj4amFDhG6Qft/1R5ZllUqlRACrFhnp8gx38T35Y16O1EPvnylSWT4ch/VXoWEQvE3Fx8NHNI03UZR8kol8F5YYnJSQU7oqpGv8HMI2n4LgTdnYqp2rS09/ko7gQPwAj2ViL14S7gcmXWbCyK/OX4V22huBV8n8A9z7hmd8GLSIErPRafX/Cqrqm/Xbyg1eAOMq4IpfKWrgMv1yYXtgx52eWzm8sB12zHzh5k5GbUJO4U3MAkCjsh30DadusUQ57gTu0D/G0Xn6Oioc46NAur1+uDgIBNXYzk9kfygU46tgJhpLFgrMECz2dyeAfjEVMo0uUBkDJdX8SqAdQ+giaiVtl1cJ0FElZSZ5LWrFisQusurabJHMPczXYo6FzAkTcbIsnewskBE1OBw7SHkB6KngOHSc/xXmSOHty1Nc+dUJ2+7R9s+v99C0/dysyBlU8mDejlvyaRbTJBGcUTC3DLcnyTJ8PDw6uqqc25kZKTdbjcaDajlAwcObGxsXLp0KYQAr2iz2cQpPsxIh44aGRnJsmxzcxOvK5fLiAqzRS5Ya2tri+Wpqr6CdB7QRYYNkGxrKvHdhaXcdo242dvuPX5CM+hKK4s3qghn3k6/SFM2c9sdHsG/6u5mctCQ0pY39z/3DBFNZNI7UyNQX6mdv9nLn1QeSdZNtt1hDYXxb8shhdXwlnCf5R10V/mVM0CV5lOF+XNuh9JEJi1Kr3IFa4AVLAmPD0cP+swC7Xgs8ynwPYv38auNjQ02ZuzawVlIdY4kzJpl2dLSErPCkNPGYiAnxcSZhICcJPVkWYYXFbYAuitJEr9jxw6gOp1tJs4B/lKlFz9oDN9tJ/wwiCiK2DiIwJ07RGxDDArigzIFvAOXc2wkssKjnFnG3kwFxiZpJ3mzX1NLoQlSKhHyYJf39+TQq34BU5DcFJNZvg87PKedTqfZbDLliYvA1aNqiizXSDWtUrO+lG8MkiPkzJENI1IVoPpbXL6+NJOmHgUM5q3XZ5aPxTqzNYE66C/OLLkjsmBLKoF5b9aaoqPIfI8wnTNpegfuZfakE3efep+8QAB+05PjKXBFOCXyKpcSNNmoXx5vK4P5V5S6phKO1b/q1vL5gGigfhBKgfeU5lSAhb4EoUyi4hxqku9nEVkGGxq7avYrpVRqLW8Lk+W+FqhTjX4vCQXeQp4KXhVCkAQxa8Dr/rVVwRTEOCFd9uRcj2DN0PVRnEv/vhfUrN+ugInebW9wlGCyZx0glbEp45wlbvDLVMo/FHpgBfAceDyHhoZ4/p8TyEfzkrsZxETmi5TeXhJ2/ZO/+qVUWFisK60jxB465pH/CphMHw6oR3KMrhDKUYGx7V+VKLlVqYR+gwWAkJO8traWpiliScHOeomkXiTKdy/Tt/OvHFiwdBJAW5iPMApxQjhVEzVwkCw6+lVQLMZZbEuvvEBYpJjY+jW5Ph951FfzUNhlkqNqCWeoA2qZ6W7BkkogYtUZyDWhMA75JA6VqgXZWtjZyKI66mzgjgQ58UDN1Cgfj3PSIu5vxgAqEQsMcKVdIcU4awxBtasCj9NT5aDToxXBRynOVvCgtKIiP0gow4nFzLVI8/kLWb6jibqbCpON87lZhHxDQ0ORncxMywz+bG9JVl4KfNXx6q2ylvi4QCj9i8yxEY4SExODxZI6muRPTytsNJdXOYGvoN1FwANQrqnOpHgnESE+WVmLVz8tUYrrXgfBTqRsklBkkWz+lzGHWEpHLjPttoT7N722ZQB+yco3l4+GKqnpr0IIPA9GUR0jWYXXhbxz0+XzT0k6mVUnOfETYzCwLpyYFj2rb1b4q046lw+cR1aQnpmPqFqtYhYoB8Mr0HwBTj2SeGznZ/JIL2Bc4C4E2vEismthzSPJUo7tPGYMoNvtjoyMpGnaaDTwFmikRNokwvRXVebzaJO36ffQikwddRZPQAZbHMfoasyfcxO9hBoKr+OGkh+cFJ0FO+2TO4I1vxIdkk8Km6vbdxkZ9+vBwqV/5c2Uf6qtePH1PeudpNzsDOkGQYG4n+mlzswmSlYnxqsXjUaK55BCXvkGyb7OxA0aWZSEpEyPFh24Gl8sQCB+4FtUsOmKkW5AgpSXlMSRxIbxpyBd1zmdwho6kYsEIWAteAYZhQQzTExMnD9/nnElyqDUmpQ4ERzcoGC2JnU415BZDPwt7aUgTWKUnfhfJ/AmbAfDdPWcmXyYEYMkBSr1+RTMnnSJC1LS9NKXU1NTJK/+fS1c5Ob+P/GJeFRqfS/i/ElsDEpzLyGWNP8HyeWRpTcTOJG+WSjo82FUJ9A/5NM36BAIAmMyK+zQ9fXSETGzflW6ID3pd+nFBvCCE0LeriWTR9ZIK7LkFrJ9JmfJcJ0J1bi7uhe661htHupDqk3l6O9ms7lv375f+qVf+tCHPvTYY4+VSqVWq7W+vg56YkAjlrS/IBjViexUDo/l2KUoH13uSf8Olcf4DG9bKr3lyAy6j7rOZO/NzU2q1gJBcuRcPWJmDomrl+hMXubFHyvW7MeRzgJ+TiwwJ8ISpJBZ2bE3ByitUpxqTxmMPEdtPxGJx5MvJfniV/3hMxUtTjA0v+dzuJTs2eauoAldwbRKLteaesHKmYQXnfEG6YzEoRt/lfXnGLijdNVDTAKDbW1t7d69e+fOncvLy91u98SJE0ePHt3a2iqXy+12+8EHH+QI0Y9E7auCvNh2GYMcu5LlKwRI/XygilrsbMiDH5eX9wXi5BhodXAx9eeFrdG/Rvn+535ycjLtS4e+0kUVVnhfZEl/ujckI/yXXEhhTNBc2Ndg1WtYVu2FrcudSZvEgg3gjLaivvz40OcNKOh9FbrYAAyGlWiFleUeU3Jn4uziqAgFIztdhkdNptbqVWV/P1m4fAxEN9uJVUNOAMuh6dD09PTdd9+NE5S3trYajcbExESSJJcuXTp37tzJkyf37t27vLycpinOCVbmdyIjFNXoXvSTRGYZb7qYBUZSdKBkE8kZqepQiixiEJmjCfCBNMY1pxBUhUPeUwZ4qQDZS2Dc9XGernjU52V3lrWiGJ1gMbFulbpwBHAowIPBx+9hPwU7DIbCII5jJB4zsYnKPYgrgAOL8tmspDMV+XH+BBRvjnMvfhKErgCX+8UEOd/nA2SZmZjKDIk1t1InTEHiqvBzUntOXuIYQj5TCyIGhjvSbw4dOjQ6Ovr444/Pz88//PDDo6OjaDLVbrfX1tZgDARL80aZ1erqKiSOCuNsuxaF2zKtMmEv32GtQFF8SJQvmeIrVNrypYyQIl8LPuv+83BTyUvIJGBXWDoPIzgIYFVGdH06hVKc96g2pMjPxOdFnOct0gQ+xqE9Gxsb1Wp1fHwc8GZra2tsbGxgYOD8+fPdbndqampgYGBpaWloaGhycvLcuXPYP2dHlEKHRGK2cnoccGIlthwhSZ/90LmXiZ0g66wOGA9Mt0th6pd8FHjBbPSCbOMHlZRcQKV1AomCwukfAKeA8aNRaZZlsAfW1tZwQPTc3BwK1gYHB3fs2LG1tbW4uLi0tJRlGWJ/r3/960+cOPHss89SvuKx8Ppj42i4O+H5wqgoQbgvKpvI8+RYFUDOMiNIrwTYsWVo03BCtyx0NdbBpH0JbMHSnxAOhwsO73opczXbzhfpRNh4M1kKDKDT9lbI7C2vg2WmcPahVQ4LqUZGRm655ZaDBw/u37//qaeewvko3W736aefHhwcrFarb3zjG8fHx8+dO9ftdgcHB/ft23f69OmzZ89m1lQjWLsoDSVyZZ31JwRBIOmK9xeGzTXycvQdqb+fAUIe83DReCemCa52cjIkjV1wMrAs9Iz26kKkqdlsIh2gn/q9mUyYLHyR4DqU8mRZtra2hj5lkILNZhMduBYXF3u93s6dO50l7Vx//fWgORwRXa1Wl5aWBgYGdu/effHiRZSAoiODtxhwbPVWSjB8e2x9lHv5A92IS/FfUrMXsAABH1mbIJQFr6ys1Ov1d73rXfV6/X/+z/85NTX16le/+uTJkwsLC8vLy+vr65VKZXh4eGlpKZJQIAbMkg/QMItDoii6LJ59H3zvX3EnDk0neoR8GcwZh20jiM8sJ2lqampsbKzVam1sbFx33XVvf/vbe73eM888g/svXry4uLi4sLBQq9VmZmY6nc6ZM2cajQY7SOJQrcxSoFR9UZBQWUN4oDUs2ACjjeMYxdSZJZkQknJ2lEOqnXXi/NIb6C8IPK5Jzzo1RJIGk0paJf1alJpcRneFQDsekiRJuVxuNBqwaJ1zW1tbtVqtVqtFUYRs+yNHjpRKpdXV1cnJyaNHj1ar1SNHjpw/f/7cuXM/9VM/9T/+x/9YW1s7e/ZsuVweHR297rrrLl26BNw4OTnZbDbPnTu3ubmJHid06ZB8tx1ean03nCnhLJ8gSOcEXE9xHFNQErIz5kDbaceOHT/0Qz/0Xd/1XY8//vihQ4fe+973Hjx48A//8A/vvffeJEkmJiYWFxeTJAF1kakgSbMswwmczrmhoaGJiYmLFy92Op16vf5Sn4nCTArIhyxeSJvjFkYWvSd8DJJKMDMz0+12V1ZWoElXV1exIi+88MKv/MqvwEp705ve9CM/8iO/+Iu/GMfx+Pj4wMDA8vLyvffe2263q9UqHBQrKytYOxhqKnsUP3gDnQjAJUlSrVY3NzfX19eHh4fr9frW1tby8vLW1lalUmF3vsiafHgr5OPm+TzyLvzXSWcbdTljg3X1yEuxtQflYoJp2RcN4Ade/ChvZfKNaZpubGwgpSKKoqGhIYjeiYmJarVaKpWGhoYuXbrknFtZWblw4UKSJOfPn9+9e/eJEyfm5uYuXrz4m7/5m1/+8pdbrdby8nKr1VpbW0N+cpZly8vLO3funJycPH36NFVcZl5pEkYB4AU7ax7fa78ZJ5CJcgdSjxm4mTiONXENmaTXXXfdD/zAD4AVf/Inf/KNb3zjysrKM888U6/X19bWer3e9PS0MxXUs5ajsfWBK9nxHwQp2PGES7ytli/8l9up0+aWgEwhjbyVEQ4PD8fWD0wr/TY3N3fs2NFqtVZWVkIIS0tLTz311Pr6epIkN95448bGxpNPPgm8lKYptgd+Xy9RSWfZvBSlZD/Y0+g/vLS0NDExceutt+L7M2fOVCqV8fHxJEkajUa73Qbw6FmjIfxW475ZPoBQUJjYKpryuDIJhgTp8pCJ+yuTWHhmxyjhgvvSi4ns+ywKpAwGa8pUqVS63e65c+fwhGq12u120QKkWq1eunSp1WrNzc2tr6+vr69HUfTAAw9MT09Xq1UQBEwCGsRxHL/2ta/dv3+/9/6hhx6an5/nypO8ovyR2kREhVikin8QW8+akWERIkvUVXuMAsiZe7dcLrdarWPHjv3xH//x4uLiqVOnnnrqqb17925tbW1tbdF17pxDkQ32FA4VZJdFUYQuHtivVqt1Gen6vOHPXdT9JoQocAVE+9bW1q5duw4fPlwqlZ5//vm1tbWZmRlAl+HhYZDpysoK2GBhYaFSqUxPT+/YsaNer9dqtS9+8Yu1Wm1ubu6RRx5BZjImDP1YrVaxoyxlAA3F0lQistrcEMLW1la1WgX+fuMb3/jud797c3Pzox/9aJqmR44cqVar8/PzwFpjY2NLS0tYwSiK8MZqtRpCQAYinkknrBdbllKNOrAgRLCj5Hx1NtDQDH1OiMhKc1Ad0q8BMnMxtdvtY8eOHT9+HC2JkiTZ2NhYWFiYmpoaHR1FD5yhoSGkRaA7yO7du8fHxy9cuLB///7Tp08PDg7ed999jUbjta99LVylaEQ+Ojp68ODBNE3r9fp//a//9Q/+4A9AqWyUUqATYmCY1KlVNntxEFGCECtyZdK+Og2VBTBbT506heTwc+fObW1tfeELX0Av9Ztuuml5efnJJ5+cnJyE5t/Y2KhUKuVyOYoihDsoKZy4wjudzuXyGQpUnRj3lWalcjN0GXQ3qmbHx8f37t27sLAwPDycpunw8LBzjgohy7JyuQwxPzo6GkXR3NxcHMdTU1OXLl2C03rv3r1LS0uVSmX//v2QE5cuXWJH3yBuOKjjer3e6/UajQZ0XKVSOXToEATAwMDA008/ffDgwZ/6qZ86evTof/tv/21xcfHw4cN79uxZW1tbXFxcW1uLomhqamr37t3r6+uLi4uVSmVjYwOeRLYYcZYO7cRL7UT7eTF/dbNDX9KrwgA+JJJGemDpRNqq+u3sMVxwLbz+9a//sR/7sYmJCfxwY2MDUh9Pu3jxYq1WA9hoNBoLCws33nhjkiQvvPDCyMjIxsbG8ePHoaLf8pa37NmzZ319fXNzE52knHO1Wu2v//qvP/WpTzWbzVqthvFHksHvxWWJiWiAsmdd11VRZOLpClJ1SHxY0BsIjD7xxBM/8RM/MTExMTk5Gcfx888/32g0IPWPHDkyOjq6srKyvLyMV3c6nZWVFRSgOdNIdEKiqx9cEdtoAL10whxlKrkMaD07MTGBvhRra2tPP/303Nxcs9kcGxtDg7FGo7GyslKpVPbs2fNP/sk/mZub++IXv1gqlW655ZZTp06FEIaGhlqt1ubm5uHDh9fW1oaGhgYHBycnJ9fX11988cWVlRWYAbCE6vU6EHy5XF5ZWRkbG6vVakmSHDly5ODBg+Pj4zfccAOA09ra2iOPPAJWPH/+/N13333DDTcgMwx+gxtuuGFlZeW22277iZ/4idnZ2d///d9vtVro1r+ysjIyMuKt5VMmLiaVZPygPgB+T3nDpYstuylYLyfudMi78LwZxHG+tJ+kA3nfbreffPLJj3zkI0BE3W73woULy8vLSZIg7gtqJnV2Op3R0dGdO3fu378/hDA+Pn7ixIlTp05993d/9/XXX3/hwoX/9b/+V6lUmp6ePnTo0J49e77whS/8p//0n+bn58GTYCQ0u8Xm6po4M3CDdNSK8jFBnbLSGJPzvJlwiXSOyLLsrW996ytf+Up0hjt58uSuXbtuvfXWF198cffu3fv377/77ruHhoY+9KEPLS4uwhPg5PAOlmGAMGBcYWyJ0j33Uj+TTcmaHCj+tHfv3re85S3j4+O1Wm1iYmJ0dHRxcfHChQsHDx6s1+uzs7NPPfXU2bNnZ2ZmyuXy2bNnn3nmmaGhoaGhoTNnzgDmPv/88xMTE/V6/Y477iiXyxcuXIjjeHJycnx8HDYQmL5cLuMb5xywwdra2uTkZK1WGxwchEW7urqKslG4IO+++25IwfHx8dtuu63b7SL+sLq6eubMmaefftp7j3zGXbt23XDDDQsLCw8++CAKL+h/JP9TkPfbQir1ncQ4dY+pbGnXZvnQEsxZeJCpT/jYSDy2+pAHHnjgiSeeGBwcnJ6eLpfLc3NzrVZrdHS00WiEEPB5586dvV6v1WrFcdxqtUAKzz333KVLl6rV6qlTp77yla9UKpWLFy/ef//99Xp9x44d586dq1ar999//4ULF9AwC62psizb3NzUrMyCokPcAFYEi0CoKAhFIkmeI5Nk+QabQeKJzrkDBw40Go39+/ffcsst5XK52Wx++MMfXl1dve666y5cuLBjx47Dhw+j2BLLyIqIYMFHOJeDXH7Hjh2ZFCUFsT+401G+bTI1WmIli695zWuw+gB/q6urIQQAiaGhIbjSJicnQWRPPfWU935ycnJubi5N006nMzs7e/z48ZmZmbe85S07duy4dOlSZl7bJEkgkpvN5vr6+uDgICI7qF/pdDpjY2MQfqurq2fPnl1aWoKn7/Dhw3EcP/300z3rYhJCmJycdM499NBDjUbjS1/60uOPPz4+Pl6tVpGbcPHixTRN5+fneYAAjVovdWcQS+4KFze4wAD8q37ftaMdWWEI6AXRzuOsaUw76VOtgLtn53VTXYyOjkJCt1otkm+WZbBtgInR9xtdGwB44DVHBK3X6zWbTRjQkKl4YDd/lqvrQ30IR9TrdbTjBEZQUEcBQeqieyCy47vh6wP654uOHj2K1YMUGxwcPHPmTJZl9Xp9c3MTpJ9lGexgllIF816CARI7w++l7bgSA1ARc8UL0o6MOzAwMDY2llpOHwzH0dHRtbW1OI5HR0fb7fbY2Njo6Oj4+Pjg4ODi4iLhO1a/Wq2urKx0u93x8XEQ9OHDh8fGxubn52dnZ/HMxcXFlZWVm266aX19fWFhIcsy+Ph27tyZpuno6GiapmiYOj4+vm/fvt27d9fr9QcffLDZbEJvjIyMoIvt/Pz8l7/85QsXLkCBVKvV2dlZACrEUxCSc+ZiiqTwz12hfUi/NtBFK+hYYp5MGs5BrLAKFE6FKzGAlwQBZESi6Ay7kFpKD16KE4WZJUrJjSfjkHpNUIVaZryF5nvJToMFzimknRbWIbNWnt468xTij3Qx62rQZxBFERjAWVoXqDG1MzZRGk/TH9Yw2B5hVkiHYFkwmSRs64Avhxi9GMHcv0giQcoDZAC4Zeg/hijFYQKgS5jkUOsbGxtra2sUsdVqFXYznHRLS0vPPPMMgjv1ev3w4cNLS0sPPvjgxMQEmmqMjo5is1utVrfbBYO1Wq3ECuSgdpMkee655x555JGjR49iBRHwb7VaMzMzU1NTR44cefOb31wqlf7jf/yPp0+f3rFjx44dO9bX1xGX8Xa0DAU5XZYFat72otRQxw7BjxcvB+6JpJYltV7W7grJF3qRDSAsIbPphiJs29zcXFtbY9pIsLgkh9psNqMoQhM+7Asx2ObmJsDq6uoqkANi1Zn0vqc0DAaPe3ZaZsH2LawbvykoEHIFvyTzoCEK4/pkIRBez3qlgPRh8nqJ0pINYjmLMuGLifULsIesqRYCrtQS3MmpgF9QlIhHgFMbjQaqhGBlIkyzuLjYbrcXFxchhPC6ra2tbrf7kY985BOf+IT3vt1uw6SL4/j222+fnJwcGRnZtWvX2tranj17kCKBBAo4W1ut1vz8/PLy8sDAwMLCApzcCCOMj48DvKIkd+fOnVmWNZvNS5cuee8hI+mVAxEE81FE2xVebPtfrpLPZ8JxVfnZ5wuj+KWz9AEGKAtkxJsz6ziCpevZQQRYNyempDIhfotsucx6G3uL3Ck9sEElCpqJA9kLOurLi/HSyZmJJ0z3UMXFFUsl35OPUpMJX0L2sSEKsi2CtTNLkgT0FsRsKDCSIrfEmk3lNIDuAcfBqzDVwodMPL5QPb1eD/nlzjl0QYIuRrQCDIpKvJ4d3MeF29zcRN1gYkfKee/Pnj0LFzWjGyBQwOXNzU2Isa4d1gTvHpZgY2MD6Q9f/OIXwTZJkiwsLCRJAq7AM9nATCdYoHUu7pUsASwXjdT+nxc+qKjT5xcIpfBZUQFf6gRlZfnDR/hDfKmZtql1T6G8iy0FzUvxrpMauiBpfAXprsPwgnB0bLogJPQCmelk+Sf2etHveRybboouiG6H7ullBuhnOI6MC12YhstThuJd8CLomx0RoQecc3Ec6xES9DNmUizCb2JrHxJC+MpXvgJWQW8MSgJsJ/kEuh5NCyM7twa6CNNE80O49lAVhbeQAnT6WZ8DlCvQH/bSGyJpK63f6HMK5ELC8hZt1Mwr10dbFGaqQLylJNLTkl0hmKD8yTkGiRaRMFzeV7vtte2ffJ+WKNCSkj4HUJhv/5h1ylSJ286RLy0oGV6XNQC1Z5w/sSKW9D2+sn/O+gIGrYL1NoOwSaUck3zMm/nfYM3deVQylEOtVoMnLooiAKpgtVrBOikgr4G2FDgQ2AYgBxV0lUoFacNQnbif9YT9Ak/XTlX5tiuOS0PUTk5CKCydCiqKbcCSVDoRFbazf2uJpsicKqT7h8eiU4rGSBocUfpQIaTSeLnAlhxMYWoFmuNbuLwq+8muhd8WxIcTQlVrQS3sbUdVYDxeuZZSKgzIWIpT3RXiZYVXMu8ySFaTlwhoyQ425FpfVkmGeZQbvYX9kcGG5AhmjzDTmGg4lf5kwTwe3E6gJvCDt1zOnhUlq7GrV2FNtxUn/GFhO3Xjt11Ab9FG3a3+VxQYz+d9Sk6aNPakY+S20tELkIvyCZGZ5dKGfLsDcsJVtr4wtYJQ93lQvu1k+xdHJU7/baqg1GfaPwbfp3mcc356erpAhYUfs3Qgyye19t/JAWVypICOsjCa/r/yv7hARi5faFKSTv/UFbpSXnpvpPkWBlxHuqX72b6wuJxI6PMFqwDbdlNdPqqIL7N8wNhdgXbpGw19/rfCD/uFnBMFq5hYYWoQGUwJpevcP00KmtSS3qK8n9eLPcC96798XqEV7uer43ySMtdzWylAYaqLw0FuK8Uw5Vynl22HyLkRCVxJ8un9/c/kkylg+GXUF2TQKRWmymzbWNrFFF6N/6piKcAPwCQv6QkuTxY6tiCWQNTXD7kwbP63QHC6T9sKuZ6UVjqptLyK0HH5XrzKV/zSizIvrK0Ttu9ZfTp/q4QeJFCtq3olmnFXZoBUWtpwwCrOuFCpnECj7KqDLLy6X0LpXwv2Ma7LLTKvsspOstJfzs1Xv6fAwVd5Y+EnnIayRIGtdVldfmlUQpCa9Z6QL29wInWcuGgoCDLxpheGoYxEQtFfFRaE20zspAlXV1nMq7OHvrRArLpEOiQv5rvPN3opPFZf3T+MK+2vEp/e1s9OhT9dSaReZeIFuLWtOb69BlCholbgy2GAkI8b9F/9i1WgnsKHwsWy3avIIT4wMv991ue35jj15n4JrRMpMMxVBnklcvFi1fT/SolV7YErLTi4RXWRMnPhzm2f4PILGLbDe6pAuIw+X8Hs8uyt8qV/zHq/l3q6As1w4tzTbenkStMMfb6KAoW/NJHdu3dn0kXoKsvUb77otS0GuPr92/71qzKA3vlVddFVroJ+dPmm8P3jcXmcmvYdYt7/fD4QntnCw/tXQLlXn7nt1qgQvfr2FYTuV728qaNM0gKUx/Q5/bzH6+oq4kqDLOxLyBuvej8/Z/m4TeHLK10v2QDImviqd7uvm+B4vcyHvHxl9w25Xv6ovKDqqw+Szyw46bbd0b/p2PgQFZCqzQp3uq+2pAVSJg/0j+Eqz1HBr1Pe9jn90/lGXVeXrU7jDx/72MeuJIz/H11XUtOFL/+WGeCrXkruXLGrCzbefyUR/vJf/VXfciWEoBz7Ml+37atfJgO4K/Dby5nCN/B6OZPFyvz/pfQmmB5hA80AAAAASUVORK5CYII=\n", + "text/plain": [ + "" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "2 i am confused as to what this is supposed to be\n" + ] + }, + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAQAAAAEACAIAAADTED8xAAEAAElEQVR4nFz9ZXic97E+ju8+y8y8qwWteMXMaGYn5tgBx4Gm4factKcpJKdNe5qmgYaTJrbjGGKWLIsssJhpRYta0DIz7//Ftv72/9MLXdpnn70uSc/MZ2buuecesMNq2tLrv//+eyqVikKjn3766Vg0Gk/Ebt++DQBAaVkZKJkUi8WhcNhoMJhMppWVle3bt+MJBDgcbrfZUCjU5cuXt23bVlhYuLi09HBo6JmzZ/U6XSQSicZikXCYLxDodToUGh2NROh0utvt1mq1cDi8tKSkv6evuKz0/fffR6JRr7/xhkKphMFgMAjE5XJpNFqhUBCLxcxmM5VG/93vfx8IBKBQaDKZBAAgkUiAweBEIpFMJpPJJPjfX8lkMpFIgEAgEAiUehcEAqXeAgAABAKlriSTyWQyAYPBQqFQOBzes2fPu//7vzPT00Qsns3hdHZ29vX2SvLz9+3fH42GV1alNpsNhUTCYLBEIkEkEn0+//79By5cuLBjx46BgYGLFy/+ePkyncGgMxgP+voGBgbGx8e3b98+Nja2trJSVFRMJpOPHHlcrVbzeDyP26NQqBEI+Nr6al5e9tzcjNVmraiobGhoMZtMVVVVLpfrm2++oVKpXq/33HPPDQ4M5OXlEQkEo8nk8Xgi4ajNZiOSiEVFhQaDfnl5aXp6Ki+3cHV17dixY319fTAoLBKN4HC4n7/ywpZej0KhZmdnFArlxMR4IBA6c+bpRCJRU1Nz584dv99fVla2qVLHI7HRkdG3fv2r8vLyV195xWK2PP/SC9l5OXAY/MGDB9nZ2V1dXYWFhRAIRCqVtra1JROJixcv2my2SCSCQWPT09Mbm5r4AuHU+BiLzfYHAh99+KHP52tqauJwOHw+v7auDgKDSaXLU1NT8/PzL7/8stPpHB8fP3jwcDwStlitbpfr6tWreXl5CwuLDCajobmRw2JFo1GtejMWi0kXl9w+PxqDFYmEZ88+0z/QPzk5zuNx27bvTiSSq6urNBqtvLy8q6vr/v37f/nz+/F4wuV28fl8AAy+f7+LzWYR8JiO9rsG41ZublZzc+O6bA0JRYKiYLVaDYVAwdd+vJhIJGKx2E8//USn0yurqnbt3Pnnv7zX2dl54sSJZ555hkqjeT2e1dXV6ZmZnOzsuro6h8NBoVBgMJjX6wUAYHR0FI1G19bWajSaocHB7Tt2cNMEAw96h4aGZDJ5dnbWs+fOOR0Op9OJQqHEYjGNTg8E/OFQWKfWWG3WgcFBSUE+l8tdXF6uranxejw9Pb1icTqbzR4bG+vo6MDhCUaTKWXWKQv+zx8eGXfKK1IXYTBYMpmMxWKp2/7T+lMfSSYTkUikubk5Nze3ubm5s7MTAAAICKirqwuFwwQCwev1dt67l18gYbLocBi8p6cnPz8fgECQCAQYDLBYbKfTOTAwEA6Ho9FoVVVVeWWl2Wxub29vam5Wq1RQKJTL5V69fPndd99FolBoFKp/YACFRBoMRjQKm5eXsyxdxuHQ7e139+3bKxaLk0nIw4cP5+fnQ6EwAIBisXh5RUVmZmbA729sbFxdXY1EIhAIxGK2pKeL+fy0/oEHGAza4bDD4LCPP/p079793V1dBoOhra3tv996i8PhgIFEKBSCwWAqpRIAAI1WsyJdCQbDZrO5qKhIq9Xu2LEDiUTOTs9EI1ESmVxZWTU9PfXdP79L46c9/+ILXC5nY2NDo9Hk5OQkkskfL12qrKxMT09fWlpis9nz8/OBYDCZSJw69YTb5R4fGwuGQstSab5EQqVSqTSaz+sNhkKFBQU3btzw+/0HDx787R9+39bWlkgkmExmfX09i8WOx+PrUuns3Nz09PTGxgaTyXrnD3/AEnA6vW5+bi6ZSIhF6UtLS+FAsKi0nMvjYXHYgsL8C+fPZ2ZlBIMBq9WVk5vL4XKTiYRGo+nq7kbA4eVl5Vqdrra2xmy22GzWsrJyzeZmJBSUSpeRKASXy2Zz2A6HTbooPbjvcMfdu9XV1eCP//5/JpOJTmcsLy0BEAgBjxcIBQQCYXp6WiQSZWVldXf37NixHQwGs9nseDxuNBpTp0gkEvH5fAAAOBwOKo0Wj8X0er1KpbJYLGazeW1t7ejRowWFRQAYFIlEGAwGHo+fnp7OzslRq1RZWVkqlQoNRzpdTiKZzOVxA4GAPxhEwOHjY2NQKFSUnv6gr08qldJotJGRUYvNBoVCQSAQHA5PJpPRaPSRNf+HTScf+UDKK+LxOAgEgkAg/xkrUp4AhULC4fDhw4cpFIpQKJLJNiorqz0uJ4NB7+7qjsXjGRni/QcOwKAQh8N+/fp1HA6XSCRQKNTMzHRZWcWuXbuxWKxGozGZTDQa7fvvv1cqlby0tGeefnpsbIzJZFJptLZt29ZWV2dnZpksZv+DByAQ6NQTp8ZGx8rKyu/evYNCop4480QiHpPJNioqKldW1paWli5evPjWr36FxWI6O++fO3fu2tWr23fs8Pt80WgUDABqlSoUCu/ff8BiNvsCXrvNIpPJlEoFHk8SizOnp6dOnz4DAACbwxkbHaGQKRWVlVqtjkAgQADA5XZjMJivv/6yrq4OBALZbLYdO3Z4PB6L2YKAI3AEwvLiot1uP3Do0Oz0NAgMkuRLpqanx8fGqFSqWCyORCIbGxsQCKS0tLS6poZIICBQKCgE0t/XnwSBWCyWQCBYXFq68P33xcXFZDJ5eno6Pz9frVbfunXrxIkTRcXFHZ33+Hy+z+fbsXMnAAYvLS2ni4Q+j1cul2dnZyOQSBwWi0AgvH5fT2/PpnrzF2++MT83z2Iy6TR6x737+w8cNBr1ZDKZzqS5XK7urvvVtY2JRDIrK7Ojo2N2dvbgwYPFJSV3bt+YX5h/9dXXbt68gYAjSkpLBwcGyURSNBLFEXBkEjEcDkUi4TReWsDrd9jtCoUC6vV69u7dY7FYPB4Xi8X69ttv79y909zc/Kf33ut/8AAMBu/es9vjdisUirW1NZvNtm3bNgAAQGBwOBpdWFzcWF8vKCgAAGBhYQEAgIKCgpmZmXv37pHJ5IqKCjgcwWazRkZGvvjiiyeffJJAIPT19jIYDAgUqtVq5Wvrjx87dvny5ZXV1dOnnxBnZikUiory8mA4LNvYOHLkCJ1OB4GSQw+HHxluPB6HQqEAAEQikdTRnsqIEokEAACPIkAikYjH4xAIJB6Pp5KilEs8ypcSiQQEAnnw4AGHw1WrN3/727d5PJ7TYb986ZLRZHjs8cdFItGHH36Yk52ZmZlJIBAePnxYW1v32OOPezyexx57jEgix+NxhUJRWlYWCYfT0tIMBsO5Z5/FYrEHDx70er3xeMJiMs1MT1sslo8+/uSZp58sKys7//15Pp//wQfvr6ysPPvsOafTNTU5yeNxQ+GIx+OlUqnHjx1jMZlisbipuWVudjYWi0Wicb1+SybbKCsvb21rm5maCQVDn372KZ1Os9msfr/vv/77Fz3dfRwOq6jo2WWpNEMsdtituXm5eCzxm6+/lclkH338sdFgRKEwGAwuKyvLZDabjCYymcxksbE4HIPJCvoDp0+fbmluPnT4MJvFCuTmmkxG/dZWX18fiUh88qmn+np7R0ZGAAAoLy/H4/EL8/PZOTmRSCQajZpMJhQa3X737p//8hcoAIjFYjweT6FQjh07FggGqVRqJBIxm80+r7e1tTUzM3N4eLinu5tGo1Go1JWVFafdEY1GI9Ho0NAQDo/ftXOn1+sVZ4j37N6tUqmQSGRmVtYX//iURKXb7XaBQNg/0F9aWqxSqTgczvz8XElJyfvv/x+dzmhoqC8uLlLIZXaHjUqlfPzxhyUlxRJJvtPprKqqGB0eGRwcfOqppyuqqt0uZzKRACUT96cmDQbj9Mw0dHx8XCpdee/Pf2pqadZpNBmZGVcuX3nyqad1Wq3P52tobITDYAMDAwKBIByJ7NixQyqVzi8scHk8vU7ndrmqqqtZLFYsGk0kEkgkMjsnZ3R0VCAQ0Ol0BAKRBIHAACDJzy9aX7927ZrP53vyySfpdPq9jo4t/daJ4ydYPF5xUZEoXQSBwWh0GgQCkCkUrVZrMBiampsfPHhgtVpdLicSiQyHwwAAxGIxEAgUjUZTph+Pxx+Fgng8njLuR1lQLBZPmf5/BoF/fzCGQqGampqIROLTTz/N5/O9Xs/c7IxGqzl37tmpqSm9TltRXopGo6empmKxWElJSXlFuWFrKzc394UXXmhqbtm5cxcAAAgE4vpPP7HZ7Jd//vLE2Lg/EOCn8aPRyMbGRn19PZ/PX1xcPHni2JNPPjk8MlJYWLi8vCyR5BYU5GMw6Pv3O7OzsktKykAgEBQKmZmZqSgvn5iYcLlcAqHw+k8/kclkcDKxvr5eUlIsl8n8fn9JUQkGi6mtqQmFg1wup7Awv7i4hEqh6fVbKDQqmYg7HPbOznscDqen54FCrti/f/8/Pvn4xo0bMBiMQCDk5GY/8cQTQ0NDHC7HZDJBIAAOh9NsarZt315bU0OmUBwul9fndblcVBq1qKgoGU+EgkEEAkGn06FQaG1t7fj4+NTUVDQaq6ysaGxqJZPJy1Lp3n371Gr1+fMXsrIye3t7nU4XiUTau3cPEok0mUzBYFAkEkXiMRAIVF5evrK6Gg6FIBCI0+mkUCiFhYU2u51EIrW0tj7o74/FYy2tLUqVCgaBSPIlavUmFAotLy+PxWM+n+/YsWMqlcLn8yWTcSgUMjk5MTQ09NavfoXFYLxeDxwO3bNnz+eff47BYE+fPtPX10cgENJFIhaDBodDo9GwxWRKJkEEPEG/pQVgEDAE/PiRx8G7dzS8+tprDrtdkp+PRqNhMGgiAVpfl6elpbGYTJfb3d7eXlFezmKzN9Vqp9NZXlFBJpODgQAag1lYWHg4NOR2u5eXl1taWlpaWiAQCA6HczhdyWRCurzM5nA21te9Xi8Gg5FIJHfv3n3jjTesNlsoFIpGIpAEKL+oaGRkePDhUCQaPffccxkZGbFodGZmRi6T5eTm9vX2Xrt21evzQ6CwaDSKQCBSaf2j6jZ1oqfMOnU9dbSn8nsOh3vhwnkkEpm6HwKBpMJIqgZIJBIXLlyAIxACPp9AIESjkY016fnz50kk0vETJ4YGB+l0xtrausvlev75551Op9Fo3NjYIBKJWBze6/FJJHkikUizuUkikw0GAwaFVioULpdLpVLRaLS8PEkwGNzUaZPJRGZWFgwKZbPZAAB0dt47fvxxMBh8925HenpmwB+8c+fu8ePHe3q7V1akSCSyra2tpbU1HAo5nY6pqRkqleJ0OsVicVVVFQKJMptMTqdrS69r29Zqt9tWV1cqKsrlcvnw8AiTyXA4HPX19YFAAI8n/PTTjazsrJ7u7qrqqp6eHn4an0AgbNu2w+12s9nsgoKCK1eu5BcUwOGIxaUlMBgMg8GEQmE4HEYikeNjoxvrG+FQSJwhHhoa2r1nj2ZzE4PBPPPsOZvVcvXq1Yb6+m+//VYgEFDI1MbGRpPJ1N/fL5FI4vE4HA7PyMiw2+1IJBKFQul0OrVa3djU1N3bm5EhxmKxVAqFw+O5nE4UAonDYvv7+5lMJpVKJZFIKCQKBAUTiUSVUtl57x4/LW1xfgEBgx987AgYAGw2K4VCsjvsDAadSCTgiMT19XW5TM5gMEBgUElxSXd398zs7DPPnIXBYBg0mkyh6HU6h8POYdPlMkUwGCKSyF6Pf252vrAwz+40QaGwxcUF4JVXXqHT6HK5vP1uOwKB6Ovpu/7TterqKq1GMzc/NzE+rtlUr6+v//btt6empjgcjt/rGx0ZNRgM/Q/6R0dGsrOz9+7dSyKRrFbrTz9d//LLLxEIBIvJzM7KwmAwW3p9bl6ez+fD4/FIFOro0aMpc9FoNGazGQqDjY+NyuTy0tJSFArV0dGxtbXl8/kwaHRjY6NOq11ZWfF6fBAAmkgkoFBoKvV/lOWn7D4ajRIIhFRtkEgk4HB46vifmJi4c+c2AoEAgUBQKDSVDj2CieBw+NmzZ+dmZ7f0+q+++uru3bsbGxvBYDAjM7OioiIej2dkZMjlcq/Pd/jwYaFIRCaTI5EIHo8vKChEo9AWi+Xbb/+pVKoQSKRMJotGo1k5OclEEpRMctgcNov107WfBAKBVqNBoVAmo/HevXswOHxzczMSifQPPLBabY8fOSIWp6+vrysUys7OThwOCwKBsrOzA4FAJBy+fPny++//jcPl8Pn8UChEJpOTyaTdZiUQCIl4fGV11Wgy4fH43NzcSDQqzsg4ffp0TU3t2bNnK6uqaDT6+QvnT506/vyLr9bV1zrstuqqypdf+XlFRXlGZmZ6ujj1l27bvsNoNE5OTKSlpTU0NOp0usHBQQqF4nA4srOzm5oaUWiU2+0+ffo0h80mEokul6unu/vhw4cL8/N2h6OyspLJZNXX1+v1epPJuLm5ubi4uLS0pNfrBwYGNBrN1atXb92+jcfjH3vsMZPJ9OKLLzCZzFgsZnc4LGZzIpGYmp7C4nBPnDmzuLioUqn6B/o//fyzmanpcDiyvCzd2jIsLi2XV1QWFRdnZmZmZWctLi74fP62tja32zMzM0MkkIkEwvrG2vfnv2Mw6Mlkwmw22az2ocGHf37vz2+++YuJ8QkGg1lcVBSLRerq62Kx6IXzF+Qy2b179+7d62xsaqJSqXA4HOywGTY31WAQaGlpSaVSlZWVQaFQp9Oem5urUCgcdsfC4sL2Hds31uXLyyv/85vfeN3e9fX1xUXptu3bWUx6eobIsLVldzhWV1a2DAYej4dCIktLS61Wq1anI5NIY2NjCARiZV3K4XAIRBIOi6NRGWg0mkQkrq+tFhYW+nw+o9Go0+l8Ph+fLwiHwgKBIBAIbGxsXLp0KRQKgcDgBOhfZ3zKfB/hoakUHwAAKBQaiUQQCASZTDaZTCmHSSVFqYP/P8vlcDgMh0J+9atfsVisZDJJpVIf9PXxhcLLV642NTfv2L4dgUCgUKjZ2dkPP/zw5Zd+xmKx7t+/z2azOVwuFoPp7upOJkFHjx0TZ2bOz8wgkciMzEwkBqVWq1BItM1qicViIDCYQqFQSKSJ8XGNVkulUqtraj768MNoNIJCwQOBkM/nNxlNSBQaDAYK8iW1dbUej2fnrl2rKyt+v39wcBCFQu3bt49AIDCYzJnpaQgEIpPJxiYmcDhcU1NTTk6O0WhcW1sTiURFRSWjo2PBUKCqomJTszkzMzMzM7l/7762bdssFsv1n653d3efOHE8Eonane79+/e7XS5eWlo4EoHDYA6HQ6PZZLPZWq0Wh8MRiUQ8Hm/Y2srKyhobHXW6XNu3bfP6fBvr6599/sX+AweOHDkSi8XQaHQsFgMAgEjAf/H555Fo1Gl3xBPx7OzsyqoqHBF3/frNsrKy8pIyn8d39pmzIpHwmXPPGA0Gj8crFAqIRKJOr7906RKTxcrPz+dyuXw+f3l5mUal3b/fjUJhSCRyfr6Ey+XKZLJgMFRYmPfN1196PJ5TTzwBhUJHR0ZQKFRjY7NYLB5++JDD5YpEQpVS9dFHHzk97sLCorKy0vX19YKCAhKZfK/9blNTLR5PtFltiSSoo/2eJE8izhDn5GYPDQ6AwSCoSqXyetw2mw2BQBQUFABgwGQyVlVVJRIJt9sjzsygM+gNDY3RSBwEAns8bplMDgaDy8vL5mZnT546vroixeMJRoMhnkhkZWVJpdKGhgaL1Xr5xx8JBEJLS4tEItm2fbvNYVldXfH5AtXVdR63e2pqWiAQqNVqFAq1vr7e0NBgtVqzs7MFAuHHH308OTm5d+/ekpKSS5cuJRIJAAJAoJBk4v9B/rFYDAaDgUCg1GOIx+Op4AsGg41GY6pgiEajcDg8Ho9jsVi32w0Gg9FotMfjAYPBYnFGc2N9Y2PjnTt3ioqKGEy20+XCO5ynTp1KRafGxsZYLCYWi//83p9mZ2YUCsVjjz1GoVKtFotcLp+dm3v//b9RqdT1lRW+QOBw2EOhkNFkDIaDKqXq+vXrUCjs2WfP5kkKRh4OYrFYAoFQW1uLxmCoVCqZTDp+4ujbv3k7GAxk5+YEfAE2h1ddXYlGY/7xj0/JFAqbxXrQ17dz504Oh9PR0SEUCh0OR0dHu8PhDAaDmVlZKrW6srISjUYzmUylUnn58mU2m0cgEKuqKjFY3I2bN5Qq5Zknn1yVrp3//gKJRCouKtm7Z18skSCTyU6Xi06nJxIJu93u8Xj8fv/a2hqLxbRarW1tbQ8ePCgrK7NarVQqdUUqhcPhUAjEaDT29/cLBIJf//rXDBbL7fFkZWaajMZNjfbhw6Enz5yWSCTBYLC8vHx5eTldLH755z8/88yT2dnZZaWlHo9XviE7euxYXV2dRqsqKysbHBx8+PChJD//m6+/OfXESSabc+P69ZGRkV27dlVUVBgMBi6P8957f37vvT/Z7GYqnZyTmzkxMQmFQppbWnJyctBoNAgEotNoKDT6xx9+rK+vb2nbptfpLv1waXZ2rqCgYMeunTq9HofDHX7sse+/+85oNO7etfPWzdtEIjEjI/P27bttbdusFhuDyYBAoAwGUyASgG9dv5QCNNVq9Wuvv+5wOC6cP19XV6dQKAoLCwsLC91ut91u7+rq0ut1eXn58Xiirq4+Oyt7dGRMJt9IE/CUSlVjY+PG+vrm5iaBQDh46FAgEPB4PCqlEofDmc1mNoeDwiAEAv7k5PTa2gaRQKypqZ2bnXU5HcXFxaurq2Xl5aFQ6N69e/w0fnNTs0ajwRMIF86fv3XrFgqFSoCSUDgMlASlDD1VxabSoZQbpFJ8JBIZi8Wi0SgMBotGoxAIJFUrp2oDCAQSjcY4HLZQKPzkk0+Cfh8Gg3E6nYODgw8fDuNw2Eg09sabb8ZiMTyB4LA7yGQSFAaLhIJ2hyMZj+t0uqmpqfT09N27d3/xxZdVlVUwGOzOnTs5OTnZuRI0ChGNR3t6ellsFp1GKyurGBsbCQSD1RUVDocjBeYmk8lt27b7/V65fH1o6GFjY5NSqYpGE0wm67GjxxUbyx9//Iler5dIJAQ8Pjcvj06nj42Ncbnc3NzcgYGBmpqaTY1mYGBg3/79xcXFMDj866++Wl9f37t3byyWEIszotHI4uJCVlbm6uqKwWBobdnBZDJVCqVcLm9ra2OyWFevXCbTyGg0GgaDBYNBLBZrNBr9fn9RUWFpWdmWXi+Xybw+3/Ly8r59+xEw6Pr6+j//+c+6ujoajYZCoQRC0dT0dCpZz8zMvHr1mlAkZNCohq2trq6ujIwMKpUqFIn8Pp9QLMzMzEYiUcNDw5sqdVVVDZlM1upUYDDYYrGUlJZGIpFUMTO3sCAWpxuNRpVK9ctf/hIKhfb3PwgGg+UV5bdv307j8VRqdXNzM5VM7e3pOfvss2qVSiaTdXV1vfzKKwa9IRQKra2tVdfU9PX2lpSUWK1WjV5nNBrfeOONouJyw5ZmYWGhrKx0YW7q++/P5+VJ0tMzOByu3WZHIBA3bt6oqqzIzcsBrl27tra2VlNTg8Ph7ty+rdfp2Gw2gUgSizNdLvfQw+FgMMQXiE6cOMHn86hU8rZtrdIV6auvvba+sRYMBvw+//TUlNPhyMzMLC0rKykpAYNAZrOZSCA4nU63251qIRMIBACArK9vUKnUgoICBoORlZ2dni7mcrnPPf88Hk8IBgIkIrGmpjoYDJJIpIH+/u7ubjQaDQaD47F4NBJ9VP7CYDAkEgmBQFJJTjQajcViqRoABAKh0ehgMAiFQqFQaKpOgEAgEAgkGo1kZ2cdOXLkv//7vw1GIwgM1uv1arW6oKDg6aef+vuHH772+ms6nU6lUpmMxuKSksnJSRgUyktLC/j9YDAYgUR2dnb29PQYDAaBQJAnkcBgMCaTWV5RUV9fJ5FIotHob37zPydPnMjJyZmfnzGZTPFYzO12z83NGQyGRDJJJpMvX/4RjUavrq5evXrt//7vr2AASBenZ2RkyNaki4uLhYWFBw8eJFMowvT0wcFBn88HBgN+v39+bm5lZXVqavr6TzcCgaDNZo9EIlt6PRQK5XA4eDwhOztHLpPfvn07VR1NT08zmIz8vHy5TGG12UtKyhAIZDIBqqyqlslkMplsYGCAQCAEAgEmg1lYWLiwsPDgwQMMBoPBYoeGhphMpmFLPzgwsLq62tDQ0NzcTKfT9Xq9VCotKCi4ffv2ysqK0WiMxaJZmZkQCMRsNnO53HA43Nq6bUUqjUQjObm5oXDo2rVrMtkGFAptv3t3bHQEAAAsFotAIBBw+N07d5RKpUAoKC8vc7vdKpWqpqbmvffe++ijjzIyM3bv2TU2NgqDQXlpPLvdplar1tZWc3NzL/3wQ+pgBQBgZno6Nzc3kUyCwWC/z5ednX3//n0ul6vRaEgkEhqNXpyf9gcCubm5NqvVaDTW19eXlZVnZ2fL5fKhoaFAICDgC2ZmZrVaPbi8JK+tra2+vl6n0yUSiVAo9MMPl9hs7ttvv00iU27evF5TXVNRUXHlyiWf3yUSijOzsvp6+x8Oj+7ZvXv/wQMba2vnz5/Pzc09fPiwUqmMRqP5+fkGgwGBQCQSie+++w6BQBw/cUKuWMfisCwWB48nxKLx3t4+kUi0tiKNRqM1tbVUCgWDwdy7dw8EArldHoPBcO3atRTAD4VCY4l4PJF4xICAQqGxWCyF5aduQCKRfr8fDocDAACHw1P96RTu+Qj+j8ViLS0t+/fvJ5PJdpuNRqWki8WzMzMQCKS6uhqJRP700/U77e1lZWW8tLQ9u/dsbqqNJhMKiUQjEUvLy+FQiEAgjI6OCoVCMply9uyzWo3m7t32xsaG3t7eAwcORBOxgoIChUJBo9HsDlciHl1eXrZZrS6nE4VCPff8836/32I2X7lyZWNjbe++veVlFWaLJV0k1uu2YvEoAIFEI+HLly9XV1enwgUcDtdqtUNDQxWVlTQqbWNjvbKqCgQC8YXCYCAAgUBgMBgOh0smwaurqxwOj0wm+nyeWDzW3d3d3n5n17a9NDotGo589fXXZDL5wIEDYAAcDAdLSkoSiYRGo+nt7WWz2JVVFby0tOGHD5PJJJ1O3759eyo7CgeDaDQaCoUuLS01NTXZ7HapdCVPIoFCoZOTk+Pj4zMzs2+//Rs8Divb2EgXi11OJxqDBYOSCqXC7nIYDMbjx07MTs+SiCQ8jjA5Mb53/+6HDx+KxeKi4uIVqVSUno5AIAxGY3d3NwgE2r9/Pw6HMxqNYrG4vb29oqJ8cXFxZGQUAMCNjU14LBYEAnl9vgyxeGVlhcVi5efn37h+0+l07t+/Pzs7u6e7e3Zujs3h8IWCsrKyYDBos9lisZhAIFhfWx0dGWSx2Gg0xmAwYTG4/Pz89fWNlpZWNBoVi8egDQ0NUBgUAMBPP/PM+tqa2Wyur6vbuXMvAAYcdgeXzcWgsRaztbKyyuWxbarUKBSSz+fh5tHFxUUYNBoCgTQ1NdXV1+Ow2M3NzcysrOHhYZfLVVZW1t3VhUAiW5qbZ6enDRZDQ0ODSCRyutx9vQ+UKlW6SPTw4cPdu3djMBi9Xt/f389isZYWl3JycoVCIYlEstvtUCg0mUgAYCABgFK1bzweR6FQqRQ/deCl6mAwGByNRkEgkN/vT3XKkv/+SiQSMBgsEol6vV42m83n8zeSyWg0uri4yGQyFQqFSqUKhkIwOOwv//cXAoG4tLjocNhlMhmNRkchkUqlQqfVNbc0r0ilEonE6XRyOVylQkEgEtEYdCwWCwaDP/744zt/fDcajTKYTJ/Xu7QwF45EsrKyhHwBAIAnJib+/N57KXIEAABPPnUmHo9vbKzfvn1n27YdIqEIiUSOjY1NT08dOHgwHI4olUooFAqHw4uKivr7+6ORSHq6aHV1ZUUqtVitYr0+HosxWSyj0UihUEgkEhqNUatVNFqZ2+0BgZJLi0tHjx71ewPz8zOJRBwMJOwOi8/vhkKheoOxuLg4mUzu3r07kUh4PB6FQnn//n0ymUyj0fB4PBaHCwQCP129mp6e3tfXh8PhxGKxzW5XqVQIJGJzc7O0rEwkEq2srHz11ZcGg0Eqle7fvz8SDkfDYbE4fWFhobOzk85ioNGYvLy8vFyJVq0OBsJ1dXVuj2fPnj1cLjcWi1EoFLvNVltXZzCZTp06xWQyJyYnhoaGWCzWxMRkQ2NTY2Ob1epobGw+dOhwKBSSLi3E41Gvz0emUBoaGm7dulVWXi7OyJifm5uanFpdXX388cfLysulUimRTF5aWqLRaEQiUSQSLS9LGUxGqiMEBoNHRoYrKqpGRkYWF5fKKyrVajWTSQdLl6Zv375dWlIqzsi02SwP+vo4HC4chjxx8uRnn31KpVBrampWV1ZBkMT165e3trbKyip4XF5tbX0imWSxOFeuXFlaXDp9+om8vDyj0RgIBLRabUNjYywabW/vOHXqJAqNVqlUAlFaKBhMJsFzc/MIBBIKgXZ1d9VWV5MolI21tcXFhf0HDqSlpX37zTc7d+7JzMo6cfz48tISAomIRmNQGDQcjQJg8CMq26Oe7iPSW6rVBYVCUShUKgI8YgelANCMjIwTJ44TiaR4PGY0mmLRiMVsrqmpEQqFOp0OAIBoNEYiUzRaDRqNli4vLywstG5rhUNh1dXVyURianq6qqrq1q1b0UiktaVNnCHuaO/o6u6uqqwkkUj6Lf3hxx4jU8gWi8VgMFit1nA4nJOTc+Xyjx63G43GeDweGo3W1NQ0MTFBJOHE6Rlut4fOYLBYbI/bY7Nak2BQTna2Vqtlc3ijo8PpIhEEAqWQyctSaUZGxtjYGF/AF4vFECjU4/H09w/U1tag0RgAAAcCgZ9+uu5yuc+de7axsfHmzRvhcLi+vnbk4bDf74tGYxKJxOPxtLa1bukNvkAwPT29s7OTzmDs2rWv6/7dH3+8HI/HkslkVlbOY48fvt/ZubS0HAmH8yWSvfsPLC3MudzufIlkZHRkbGxcIBQF/P6du3ZVV1cLBILRsTEBP21ubhacBPH5fDAYHE/EFQpFZXVVR0eHZlO7vCylU6hsNuf4seMjY8NOp1MoEjIYTLlcNtA/UN/Q0NLS8vnnnx87dryquvpnP3veYDB4PP5bt+6Oj49Ho9E9e/YoFIo//vGP8o3VP7zz+xWptLevD41CPXvuXHVNjXZT09HertdvlZeXNzU1OR0OBBJJpJJDweCbb75JIBArKioOHjxw+cqPIb9nZXWtuqp6YmKytrZOrVIXFpb09fVvbqqfeuopcHfn3e7urlgslkgmz549SyGTI9Ho397/m9/vE4lEFRUVDAYjEoluapTBoPfBg76nn3721s3bTzxxGgqDjQyPVlVVPXowAACYjEYikcjlct0ez5ZenyI/yeXyrOwcPB7ndDpvXL9+4sQJh9N5+fKPuTmZfD7/wYMHOTk5rW1tiXh8ZnaOSKJZrdaXXnopZdOpbOeRxf9/KED/eTGZTJLJZLFYPDExkeoG/Iv/AyTgcPgrr7ySlpZWUFDw9ddf79ixAw6Bu91uNBotkUjCkYhcLmezOVgMfnR0xGjcCgZ9MBiEy2P/z29+t23b7uLiotOnT8/MzCAQiNKy8suXfoAAwPXr19FoDBgM+tWvfqVSq7/7/mJlZVldXV1/fz+FSrXbbMeOHXM6LBfOXzh8+LE7d+7m5krE4ozenp6zzz17/vz51tZWEAg0NjZmMBhefeWVudlZEpmckZn5cHCQy+WSyWQGgzk5MYlGoz/44INXXnklEo3icTgMDvf9+e+ff+EFCplMoVA+//xzkUjksJstZlNPT98vfvkLnXYrjcfX6/Xbtm0bHx8fHR3ds3dvwO9XKBR5+fm19XVymWxmZiYajeLxBLVaxeVyDh06ZDAYcDjc9evXCwoLuVzu2sp6S8t2IpkwMT6CRCLutt+eX5hj0tmnTp3Ok0isFsvk5GQymZTkS1ZWlnp6ek+cOBEKBcfHx59//nmbzSZdlF64cIHP53s8HrlcDoVCjx8/QaLQ4HD4nr17o5GI3W43GI0TIyPVZRXStfV9+/bfvH2DwaaxOVSlUoPHUWAwKIFAgCMQa6urd+7ceeGF50Eg0Oeff06n03ft2oXGYMwmE41KZTGZBAJhaGjo0OHDK1IpBAJU11bdvnNbJpMlEsn9+w+sra329nTDYRCLxZKCuXbv3o3DYe02T9f9AQgUKCzIBy5cOL+6uopAIA4fOsSg08kUit/v37lrZ1paGovNLq+snJubu3P3zo4dO3Nzc5944kxNbd3x4yfS0vg+X6C8oiJdLA6GQkaDIRaLSZeXP/roo+Hh4eGRETAYvLS01Nvbu7S8LJVKx8fHEokEmUw+++yzWBxOKBS+9tprxcVlYADW2NiclZVrNJo93sDa6sb4+PjFixdTTatkMpnC+1KI/iNWzyMHSDlGKjuCQqF2u31ycvJRMZC6PxSMPHfuhZMnnpifW3z9tTepVDoKid7c1Fit1rLy8mAopNVoaDTa7Vu3AABcU11FJBKuXbuWSCRysvP++Mc/vfzyzw8eOqRUKmdnZ+Px+PWffrp85YpMJsvIyCASCWVlZWtra5MTE9XVFS6X65VXXl1f32Ay6LW1tVwul0ggRCKRv//9w1QRMj01zWaz796963A4iouLWWx2LBbLzMy8du1aYWGhQCBYX12Fw+HDw8PRaEwm27h48eLC4kJFRUUwGNy+fbvP53V73BKJZH1tzW63d3V383i8WCx26tSp1tZWNBr96T8+I5PJqWaIWq3GYrE8Hq+vt7evrw+BQHA43H988sny8rJCodi7d+/m5qZOp+dyuWQyRSQSJRIJEom0IpVGIxF/IDA8MhQKBDIyM+VyBZfDjUUTjY1NXC7X5/WGQqGtra2MjIzsrJw9e/b//YMPM8SZYBDQ3Nw6OzP/xedfra+vHz9+gkql/vznPz958iQCAb97926KF8RksigUyv37XQq53OV0eX2eU2dO9/b1odGY48dPcLlppSWlcrlsc3MzEAjMz81duvTj6dNndu3a5fP53n333bq6uhRqv7a66vV64vE4Do+HwWA/XroUTySoVOr0zOzGhuzYseMikWh4eJhGo4VC4b7ePpEwXS5TKBSq27fumIzm7OycF1547pOPP37hheehmZmZWq3W4/Hcvn0bi8Xu27+/r7fX4/Hm5uawWKwVqbS9o8NiNjc21ldUlgV8/i2d3m53iDOyyCTy2urq9999l52dffLUKTQGMzkxAYcj8vLyjAaDTqfTarVt27bxeDyf15tIJDxuN4PFAsCAVqv57dtvNzU2HTx0eEtvZLI5IqFAr9ONjoxXVFT/6c9/mpmZwWAwKYA/Go263e7/jABoNDocDqc6AI+cIfUSCoXG44lUByDFiSCRSK+99tqhQweHh4dZLBaLxS4vL1MqFHK5XCbbyMvLS9UAKBQKjUb39nZNTExkZma+/PIrgYAfg8FmZ2U7nc5UKDn82GNymczhsP/ud7+LRiIIBCISDgsEgrX1dTweny4SHXn88bq6Or/fr9FoA4HgF198kSkWNDY2eDw+uVwRCAZqamtmpqdNFhOBQHj33Xd3797d1tYWDocNW1uRSGRkdDSZSGRlZpaWloEBcE9PDxKFtNttXq/X5/eeP//97du3Gxob2RwOm81eWVkhEAhsFksul4fC4WQyeeTIkfb2jgsXLmZlZtXU1Ejy89VqNZPJnJub+8tf/lKQXwCAk3Q6Xa1W02g0vV7P56eVlpbg8YR3330HgEBgUOgLL7yQSCQ6Ojo8Hg8Oh73X2R6JRKampsrKSpubWoQiUSwW29jYIJKI0Wh0aWmppqYukYib7EYWm3Pr1q3du/dotZrc3NxIKLRj5w4ej4vFYltaWjhc7tDQ0Oeff/bGG2+YTIZ4LNba1hIKBqEAiEgivvjcc1we/8WXXhwdHevu6SDgSS0tLXA4nEajodHo3bv3SPLz//THd2/duo1EIrFYrMfjttvte/fs3bZtBxQCqNRqrVa7c+dOqVQqEolG7nfG44lYLF5dXTM9PV1WVm40GKkk0s9+9vNPP/3HoYOH9u/f39Xd9Ytf/ILF5B09+jibzQZbzfo/v/fe8PBwTU1tQUH+t99+KxKJDhw46HI5o9Hol19+yWAwX3/jdZFIEImEyGTKplpjMpnDoYhAKFSrVJlZGcvLyz6fDwaDFRQUSgryx0dHu7u78/LyaHT65MQEFApVq9WPHznC5XBweDyDwVAoFBMTE4cPH07EQTQafX1tbWFxEYNGp6Xxbt2+feXalUfkttT3/w/hJzXIkhpP+U+Wf8phUl4Bg8HweLxKpfrlL//rf37zu5s3rhKIhNbW7TrtJoFAmJ6aQiERVBptbnYWj8crlUoEEjn88OHo6Ehubu6vf/3r5WUpFApBo9F4AtFqs+FwuNbWVqvNFgwGr165sq2tzeVw4InE0ZERJpOZlZVVVFyMJxB8Pp9CoZDL5RwOLxj0LywsYFDwSCRcVV2rUqnT0gQba+v6LX1WTjYag1lbXdu3by8Khbp79y4Bj4/HYvF4nEKhNDW3WCyW5889q9XpXn/9NRwOSyAQQWDQP7/9zmQypIszs3NyNRrtgQP78/PzoVAoFou1mLccDptWo1tZWTt79tkP/vah1Wp95ZWXFxYWrFZrKBTKzMzMzs6em5sz26wAAFCpVAwGs337dqvVCoFAnnzyzN69ew8ePDw7O11VVQUAQHd3NwwG5/P5dDo9GAyyWCwAACYnpxxOB4NO53LTOu61i4RCMBhMIBBEIhGFQoFCoTabLRAIqJRKNpvFZrPvd3bW1NQoFAoIBAICg0lkstPppFCoVqtFLpefeuJ0NBjQa9R9D4YqKmtQaMzI2PCBQ/vcLhcKhSGTyYP/SgUpGs0mCJQ0Go1zc3MikZDPF0xPT588cTIUClVUlM/NzU1OTIjF4tnZWUl+/pbRsG/fPofd3tHRAQKBnnv++c5791BwWG1drd/vNxgMaWlpf/vgAygAIxLJx44fY3PY4J77d1EoFB6Pl8nkMzMz3d1dn372mVwu/+jDj+BwGAqFunzlCg6P12k0SqW8sqr65o2bLBYnmUiura2fe+7ZlZVlJBIpEAgQCMTd9naNWp2RkTE2Pr5t2zapVOpyu9NFomvXrh08eLCtrW1wcLC8vByJRI6OjdGoVJ/PHwwG2Wy2z+cTCAQMBmNwaOi/33oLg8E8mmX5T95bCtJJgTwpDPQ/ec7JZDL1wVgsluqClZSUvPzyK6ura5ubm6+//prH4wmHI2QyGYNBu10OPp8/NDiYmZWl1+mkUunm5iYUCi4qKlpaltbW1EWjUSKRxGKx8ESC2+NRq1QwGIxAJMai0Y729r179kxNTYXD4ZOnTgUDga2tLTKVKpfLi4qKkEjkzMxMSUlJf39/NBxgsZhqtQYCgTY0NCWToAd9fbFkvLW11el0ph4JBAJhs1hZWVmJeHx9fX1ycnJkZLSpqVGlUu7YuWN2ZhaFQmo02l27dhqNRo1u6+VXXr1z+/aJEyf+8pe/lJaW1tXV3bpx1W53bG5uZmRkgkDA/Nz8s88+a7FYuFzu999/n5+fv2/fvk8++aSysjJbktd5755IJKqtrd3Y2LBarQQi0WgwVlaWj4+PFxQUlJaWut3uv/71/yT5Ej5fMDY6viGTvfjCi1LpitVqoVIpS0tLxcUltbU1i4uLDoejsrIqHI6kp6ffuHEjGAyeOHmSRCRIlxfRaLRep1MqlT6fb+euXXK5vLevDwwGU6nUpaWlcDhcWFgU9HuEPG4sAbBYvOzcPCgMwuEybTb7zZs3Q6GQ0WiIxxOJRKKpqclsNoHBYK/Xm5aW5na7H3/8cZPJ1NXZWVlZqVKpTCYTCoUqKChwulzrG7JQKGQ0GrEYzMFDh1wu19LiIgoJp1Kp+/btk65If7x0CY1GP/HE6YKCIp/Pq1aroEVFRTOzs59//rnP54vFYmVlpVQKpf9Bf0VF+cLCYm1tHQwGezg01NV1f/fu3S63BwAgXA7n4cORmto6m82Ow+NXV1baO9pJRFJ7e3tDQwMShXruueeSySSFSmUwGAAYnC4WSySSFak0KyvL4/GAQKDFhcWiosJ79+6KM8Q6nbq6uprFoq2sLKPQ8FTt++hEf1Tspo52NBrt9XqhUGg4HH70VjKZRKFQLpdrz549arU6VdL4/YHS0lI2myWTyevq6ra2DF6fz263R8LhvXv38vl8i8WSX1Bwv7MTj8cXFxfv2LmdQiWaDCaPx8Pn860Wm0qpNpnMTDZza2tLIBAsLCyk5jzwONzc3NyBAwdQKFQsFiMQCBqNRqlUFhUWIpFIDBbrdDpNJhONRk/GQwAA3LlzNzc3D43C9PT0cThsFBa9vLxMo9HsdntOTg6dTn/w4EEsEtXotMePHdtUq19//XUAAE9PT6lVSjqDymGz8/Jy1GrVtWvXmCyu2+UqLCz0er10Oj0ej4+NjSUSCY/HtW1b2/DwiNvtJRKJKe+i0mh5eXm7du8eGhr6n9/8xu3xxOKxjMzMaCTidDrhcDgOh+t/8AAKhSKRcCaTiUQi3W731NRUY1PDwED/pUuXeFz+kcePoFAYAp7E4XCUSnlRURGdTiORSCKRiM1mm82Wra0tBoOxbds2Ho8HhcESiTiRSGSzOUQikUQiMRiMcDgsEgr37dt7+coVnU47Nz/PZrEQSDgSTtBqN0XibD6fb7Na8UTC2voGj8fbs2fP1tZWKq3Ny8tzezwz0+FIJCKXy+fnF7Zt2xYIBAYGBhxOp8Viqaur6+rqwmCxkUgEj8NxubxAwO9wONAYbH9/fywez87MzBCnLy0t6fVbI8OjJBLFaDTdvn331q3bUCggFArA8o3lrvtdc3Nz9Q31kXBUIslLJJL5BQUmk7Gr8/7OXbumpqZGRkZe/NnPiktKHvT1QiHQnJxcnU5/6YdLsXjsqadOI5Eo9eam2+XavXt3EgT69B+fYDCY48ePpwBKv9//5ZdfKpXKFKuex+OVl5eTyeSNjQ0sDo1Bo2Ew2MbGRk5OTigYlCmUv/yvX4PB/7L4VGb/qKsFAIBQKFQoFI9GYVKB4j/HYlJN4nA4nJ6e/sYbb2zfvj2RSK6srOj1W2q1Ko3Ph0IgTCZDKZeBwGAalQqDwdxu98OHD48cPYJGwb766pvt23doNfr9Bw6tr21sGfRmixEOR+TnS2KxWGlZ+d07d0RCIRQGzcvLczoci4uLRCJxZmYGDIG8+tprUAhEp9P99re/zcjIfPrppz7/9OOWlpZIJGZ3OB4ODR89cpRIJi0uLRUXFwlFomQiOTU1mZaWFovFVAq5JD+fRCI57HaXy6VQKlEoJIfLolKof3//b3anY2lpqa6uLjtHkpmVw2KxKBSK0WDouHePxWSCQfFkMmEyWcXi9B07dq2srP5w8aJYnD4/v7B9x3a32+N2ud78xS+0Wu3UzNTDoYdCkcjr8Tz9zNOrq6s8Lo/NYf/tb3+j0WjPPnsOBoN2dXWBwcnO+x179+63mK1wOCIrK2dzU7O1pW9uaWYwGAQ8Ho/HOxwOLAbr8XpJJHI0Gg2HQ16vz+1xw2HwSDgAANB799pLS0s9bk8sFtu9e9eDwX4AAI+PT4hEopLi4rLyCjA4qd1Ubaq0P/xwNRyJNjQ2IJBwqVT6s5+9ePfu3bKyssKiIpPRaDabZ2amm5qaqFSqwWDY0m99++03b7z5JolIXFtZtTvsR46e8Hqcb775i2AwAIXD6+rqoRAIiUwGwOBwJJKXmwtOJtdlG0aD4cyZM7///e9VKmVTUzOfz19aWpRI8qC3b10nkkiFRQXDw6PRSKSoqNhsMvV0dScSCaFQBIVAySTyM0+fLS4t31iTWszmxqYmj9f93nv/m5OTU1dXb7c5yGRyTVUNAokAJUEDA/35+fkUCgWFRqPQaLvNRqPTc3Jz5+fn4/H40aNHMzIzFXL5wsJCNBq9evUag8FobGzAYPBS6Xpzc1P7vS4oFJKaeklZeQrLTyaTWCw2EAisr68/4jikbktFhlSseDQpBgKBAoEAk8mMRKJOlwNPwO0u3On1eMxm861bN+/eVcdiid/97rdEEsnr8dy+fdtqd9y5206nUppbtpWUlGdlStbXNjQazcTE+M6d20kkEplEdjgcCpmcTqWJRKJYPOaw2xEIRFl5eTwWQyAQXn8gHk9YzJZgMPTWW7+CQCChUDgrKzddnNXb07O0tHT02NH09HS+UMRks5UKhc/rS2GRGzI5nUZxOm163eb6mtTv92u12srKylA04vF5oQCktbkZBALxeLz/+vWvQAnA4/asrq7+dPVKQUEBHArJz88zGU2hUCiNLyorKzNbzHPzsyWlxcvLy80tTffudQSDoeLiYpVa2d3VpdFoMsTpkvx8FBKpUiqvXbny29/9IRaLpaWlLSwsqFTKHy5erK2r8wf8OBy+qKigu7u7415nV3cHHA7/zdvvSCRFYBDo4sULep0OBkCwWKxyU9XS2gyAgdQDFYvFsVgsPT3dZjMwmCwMFudye5Bo9NqGDALA1Gq1JK/gscceS4JAmk0tm8NJE2RicZR9voBOp/f63GQKf+fOHVtbW3AEgsfjOR0OHA5ndzgy0jM+/fjT3bt35Ukk9+Y60Ej04txCYWGh1+vjsLl+rzceS0ryJHA4TJwhdjqdBAJhYnJiYnwiNzfXYjLarA6ZTMZg0trb7x46dGB6eoJMJrGZnInxKTQKD56eGCAQSetr6wgEis3hcNjcZCIhk8lsNhsWiyWRSJ9//vnpM2dIJKLb7eJwOAwmM0WK7OvrAwCgsamhsrLKbrf/6q1f7du3J5kEtbZtM5vND4eGGhob11ZX2RxOJBymUqkut5tKoXR0dGAwmKrqao/bHU8kOu91olDIF3/2MyqF4vF4nC7Xq6+9ngoXqR5WKBRK/QCHw6PRaMrQHw1APnKPVBBIlQE+ny+ZTKaQ1lAolEwm+AI+KAlaXl6uqqpyOBzLy8sVFZX5BQVLi4szMzMOh6O0rKy0uCjg90Rj0U21BoXC9PX27d6zJxQMR6ORPImEJ0hfmJ3q6e5eW1t7/OiRXbt2rkilIBAoMysrEoksLCwMDAzt2r17cnICAoXSabTCwkIWi6XXajbW1zVa7aHDh+Px+NLiIovDweEJDDodDof7/QGfz3vnzh0wGORyWMlkMhwOFwqFKQeurqv3+/3xSAwBR6ytSPsHB9t2bifgCHabrb+/v6ioKDMrS6VU7ti5c2F+PplMRqJRp9OZkt74+OOP09LSUCjUk089tbG+DgKD29raLl++nEwkGpuaAoEAjUr1eDwwGIyXxp+cmrx3795jjz02Pz/f0dHR2tpaWJjP5rD6+/uvX7++bds2oVAYCoUOHHh8fUO+OD9PoVA4bE4oEBwc6OcJ0qg0amdn5/bt26uqqpgs1rvvvJOXl+d2u585e66vt/u77757+eWXZTIZAoGw2Wy7d+/e0utTVCsGg8Hl8QgEYue9jvGxsYbGxmgsdq+jIzW88eqrr6pUqrGx8Wg0smf3bqvZ6nQ6srOzNzfVfn9AJBKtra0xWaypyUkul7u1tYVEItkcztLSQmVlJQIBt9kdBoOhtra2t6eno/1ecXFxU3PjxMQ4DAbF4TBlZeUFBUV+v39hYQEqkUisVptQKBSKREq5qqO9nc1mh8Phrq6utra2Cxcu7Ni5k8fjgUBJECjpcDggEMj6xkYymZRIJNnZmRQKCQ4DIuFgc3MDmUzk8nggUFIoFPp8PggApIiZFCoVAID5ubmbN28ePnw4Nzc34PcLhcJ//vOfdDr9Zz97EYVCgQHA6/ViMFgymSyVSuFwOBqNjsfjSCQyGo2mSEqPcE8IBJIqiP+zEZaKA4FAIBgM7t+/v6WlJRaL+Xy+xsaG1DAxGAz2eL1isRgEAhEIhMWFhd7eXq/Xe/LkyWQy+cabrz937kkqlYZEwfwBD41OoTOof3v/AxKRHIlGjUYjDAarrq4+febJ9fVVmUwWjkQWFxbQaDQej8/Ly2vv6MDhsDU1NSaTSa/X0+h0DBbHYDBSBJh4PK7Z3ASBQAMPHjS3tvV0d3O5XJVKRafT8Xh8wO87dPgx2cbGtu3bwWCwz+s1GI2JRJLJ4IASyZnJKRQSe+zYiRgIFIuGMRiMXC53uVxuj6e8rEyzuYnD4YgkUjKZHBgYIODxwVDo6NGjdrvd6/X+7f2/MZlMPB4HBoEu/3jll794A4fFgkGgxcXF0tLSoaEh/dYWCAx+5ZVXaDSa2Ww+ceIEgUDAEwgd9+61tbaFQuHCwsIUAcTv97ucjrW1lXffeReNJfzu12/19fb+6f/+LBAIbt68ubW1RSAQvB7Pzp07h4eHDQaD1+OS5Od/8MEHfr9/Y2ODz+dXVlYqFApRevqyVHrx4sWcnJza2tpwOFxYWJiq7lKwVUZGRmFhYerhlpeXhcNhw5YehcbmSXIVCoXFYuHz+eMTY2g0BolAtLS09Pf3b21t5ebmRiOR/37rLbPZ/Ny555BIhFAo1GxqQqHQ3r37qDQqn89HIuHr62sZGWI+P81g0GVlZYVCfrDTplMqVWg05ubNW2XlFT63L68gX6VQeLze4qIiMABc+uEHvV7/p/f+FI6EyGTK3Nzc7MzM0WPHrBbr8PDgkaOPJxNxLBYHgUJRKJRcLrv849Wysgomk0kkEjEYjMFgMJlMnZ2dPB5PJBKxWCyFQnH4sceMBsOPP/5YVlbW1Nxit1ntdntxaanD4dixY6fNZnt0uqf4Pylg55HmT6o+fjTb/kgMAgaDgcFgl8v1y1/+cu/evdPT01euXL17904kGv74o48xGExVVRUagykoKHS5XMlEYn19PRAIkMnku3fvZudkopEADAYrLSufmpheW1vX6fSFhUUNDc03b9yw2x1Wq+XUqVN5kvzNTZVGs5kCW6FQaGNTk8ftToIBCATicNgDgWBmZqbb7UajMVaL6Y3XX29tbX3i9GmdTrel19fV1xuMJv3W1vLSUm5uLh6PDwQCVCoFh8WkZirQKBSbzXY4HFQ6g0CkBD2+rnv3LFYrEo3atmtnOBz0uF1jY2ObavX27dvxeLzNZuPyeBQKBYvBhEKheCKRmm2CQqEwGIxKpUKh0IcPH2q1Wrfb8/IrrxoNeoPB4HG7nz571uN2QyAQtUbDYrOjkcgf/vAHuVy+d+/eZ5552uVyjYyObt+2nZfGQyIQk5OTLpe7oqKyp7u7uqpqY31jYnSsoqICBIOEIxGr1WqxWI4cOXL//v1AMFhbU7O4uBiJRKqrq0OhEBQK9Xg8XV1dp0+f3tzcjEajPB4PjcHQqNR33323qqqqsrJydHSUSCIdPXLU5/N+8sk/tm/fptVqU4mf0+XKz82+cOGCzWbbt2/v1avXksmkxWKBwxBFxSUwKPTevXtWqzU3N9dkMtU31BGJRIfDiUajUk1GEAhcX9+g0WhWVpaDwQCJRHzs8cPzs7Neny8zMwMKhYFf/tnT1dXVbdt2DI+MKeVyJAJ17rnntra2jAaDUqmk0+mzs7O7du0aGx+LRiOpQKlSqbKzszUabTgcLCkp0uv11dXVJpOJQCIx6PREAoTHE1LAsHR5uaKysrury+/3M5lMFpu9IpW2trZGYzGr1Uqj0TbVapvdXl9X5/V6Oby0C99/9/bvfp9i+aesPxgMMpmsUCjodrsfnfQpi08Rfh4pZKUGHePxeCQSkUgkR44c+e677//nN/+za9dul9M+OztLIpEIBEJXV1dNTa1GoxGJRHg8PtVr43B5X37+DxqVIBAKA/6g1+sPhSIul/vFF3+W6sQFg0EcDmcyGsEAEAgGJyfH6HTGrl27RkdGaDSa2+1elq7U1NYSiSSdThuJRGg0WiwWy87KDAaDKqUyNRpbUVERiUTAEBgWh8ViMPF4/Pvvv3/zzTf9Pt+mWk2jUicmJ2EwmEwma2horGuom5icRAAQhUxusViYHPbiijQZj584fiK/IN9sNqOQyEAggMZgSCTS397/KwQC9Xq9ZeXlZpPJaDTicLjmltaqqsqpqanUL8lPSyORKUajIRqLoVCorMzMaCRCJJHkSqXb7XY4HCgUSi6XOxyO1157/eHDhyaT6dChQzxeWiDo39iQTYyPzU7PCAR8Pi/NYbMT8ITMzEwMiaBSq+FweDAYrK6u9gcCm2p1bW1tR0fHn/70p6amptOnT9+4cQMCgYhEotHR0eLiYqFQuG37Djgcdu3qVS6Xa7FYenp6ysrKmppaFhbmAQhw5/adpqZGp9NJJpMPHT7s9/mcDptOq1lcXCwpLvb5/V6fd2pyamx0kkgkKZUKCASyc+fOAwcOfPnllxgsGofDHTlyZGZmpqenJxKJIJGoHdt38nhco8lAIhGzsjIdDhs3jR+LRnFYLJPFAi8tjOfk5CaToIcPh+913MvJzt29e7fZbGEw6NKVFQQCweNyr127Njc/99HHH3326adCobCuvh4CgWCxWAqFCgaBVldWE6AkAo6439nJYjEPHT6s0Wp8Xm92To5SqRSJRJFo9PbNm1ar9WcvvTQ2Ospms10uVyAQiCcSGDT67t27aWlpJ06c0Gg0z5475/MHUukNAoEAACBF4YxGo2azGQaDpWqDRz7wqFBOMd5SXhGLxQ4eOgQBIHfvtt+/fy8jQ/yHP/xBo9FIJJJ9+/bB4XC5XL68LLVYLI2NjRAItKqqMjVqYzLqYVD41atXf/GL/7LZ7Aq5Mjcv12w2UqnUr778sqqqqrq2vrPj7o2b14UiIYvJKiouFvD5VBotmUzev981NT29Z+++cDhk2NqKxWJ1dXVFRYUmg+Hrb77xuNwv/uxFKBR689YtNodLpVK5XK7ZbLZarWQyORgMuh1OMBjc2NR0984dp9MZjUbbdrRlZKWvLS6zGIw7d+7qjIZgNCwSpD95+ikcAb+pVl//6Sc+n4/H4/l8/szMDJ1Ox2AweAJhfm4uNzcXi8Xa7fbi4uK5ubk0Ph8Ohy8vLel0uqNHj05OTsZiMY1GQ6FQSstKwQCkvb19z549q6urcDicSqWOj0/g8Xi9Xh+NRn/+8ssmoxEKhQX8noX5OTQaZzObNGp1LBrzeDyv/vKXHZ2dRCJx586daXy+Qi7f2NhIiT4F/P75xYWszKz6+no4HA6Hwz///POVlZVXX321uWX7pR++9/l8Z589tyJdXlhY2Ltv//ra6q1bt3Q6HRaLJZPJBoOhtrYOj8dXVlY47OZgwI/D4fR6PYlEMptNTqeru7sfjUIDAOT1118DA8D01FR3T++rr728urrKYjJBINDGxsba2vqZM2fGx8a1Ws3jR4+QSASrxSKXr/N4AhyWiEAgEskEeHlxMhKOsDncxYVFrUabnZ2DQCCoNBoGg4FAIO+++87k5OSv3voVkURiMGhbhi0ymcxishaXFoPBUH5+fiwaB8DgK1ev1NbU6vS6kpLStDSO1WohksiLC4tKpXL//gMbGzJRukitUgpFIsPWlt/vN5vNOp1OKBSura4SSaRgMLhr1y6P1/vkmSeTYDAcDg+FQikTT3WCIRBo8v9pwiUoFKrP54tEwskkCAqFpFSAQCAwColMJhPJZOKln78k25AfOnyIy+G5PC4Oh6NUKPr7B1pamkkk8vvv/xUMBhcUFMzOztLp9N/+9nduj3tLv4VBoxQKBRgE2tRoOWxOU3PL9999t3PHdjwePz8/T6fTFxYWkEhkcUlxRWWFz+dTKpU5OTkKhYLFYm8Ztl595VWfz5edndPY2FhZVUmhUAI+X093d0NjY0FxEQgEvnfnDg6Pz8jK0um0K9IVLo/H5XKIRJJSIR/o7T91+gkwAGysr4UjEYFQmJGV4fd5NlXq6alJKAR68/btlm2tZ848jUaiUqzvB319QpEIjUZ/+803qQGXmpoanU539+7d3/3ud0aj0Wa379q5MxwOj46NweFwLAbjcrvPnHnyh4sXV9dWn3vuuVAwqNdvsTnsL7/8isFgFBYVZWVl6rS6iYkJ6YoUBoU/+dSToVBwfGzc4XA888zTsUiopq5hS6/t7+3r7upq27Ztz4FD8URCr9fzeLyLFy8ODg4+/fTTOdnZ09PTJpMpkUiWlZWVlBQHAkGv3wuHwS9evNjc3Oz1ejkcjkAgePCg32I2FRQUoFDooYdDhw4eGp8Yh8PhoVAwFA7d7+yMRmMlJWU2m0mtVAqEwp07d05PTWdmZtgdDovJJpVKjxw9euzo0XfeeWdgYDAvL4/BpKWmdtLS0lLdRi6X29PdKxDw1zfWIRCgprYGAoB5XD4cjtLqdF33u6D3OroMhi0ej5fG5+MJ+PSMdDwePzU5ubi4WFNTIxanr6+vpQnSikvLQgEvnUm//tNP4XCosLAoIyNzaWnB6XCAwKDJydGcnMxdu3dgsdjZmcn8gnwMGpOVlQkCgaPROJcnCAYDMpksEokQSSSbzYZGY44eO4bD4dgczvzcHJfLnZ+ft9vtYDAoFo+HQqFUdftvPjMUDP7XRDwAACAQxGazAwAAAgFgMCiRACWTYAgEBgaDARAABkAYLFok4I2NPHTa7emCdDyOwGaxf7r207Fjx5hM5vj4+FNPPZ2Tk61SqVLkhXfe+QMKhWpobKiqrqLQyL/97W93797NYrH+8v4fKUSKUJQ+PzdbU1trNpkmxie+/e6fkVhsWbqyuLS0ra0tkQQxWWyX2x0NR584eaq9vX3Xzp3Hj58MBv0ul+vbb75lMBhDg0O5efmrqysymTwnN+e3v/n1gQMHDxw8aNzS43H4+bkZs9E0PjqSk5PNS+NFYlGX2wWBwZUK5fT09OTUFIPO0Go1wvSM2pqGaCTa/XAYiUSmwL6CwkKv11tRUZH6j9HpdAaDkZeXV1xcTKZQUioy3333XWZGRlvb9ng8urC4tLC0ZLZaIVCY1+dfWlqqrqkJB4ICHv/U6SfCkejQ4IDNaoUAQE1Vld/vz8oQP3jwAImAv/D8c3NzczA4NAECmUwmGpPhD4f++sHfaCwOncF45513nnvuucrKSjabQyKRHg4OFRcXz0xN0+n0AonEYjLbHQ5uGjeRTLa2tuTnF8hkG4uLCx1379JpNCaNTiQQuRzO0sJCPBqjUqh0Bl2Yntbb05VfkAOBwEuKy/v7+6tqGp544tTi4qJGZ4gnwbm5uXyesLm5GQCA5eXl0tJSkVBUV19nNhuv37hx+vRpo9F469YtMBh85syZdLEoGAzm5OSIRKLsnByFXK5Sb6qUqh9//LG1tRV69OgRg8EgFovJFIrFar1//35RcTGTxRKlpyvkcoFA0NDQgCcQgn5vPBYdHRnJyclJS0ubnJiwWa1bW1twOPyzzz5jsVgkEglPIFotZiKRhEKgEklQNBYDAOC7f36LxeLOPXe2qrqaRqMp5PK0tDQuL210+KFcqWSzWNFYTCwWs1isr7/6KhqNgoB/Fbsp1kMymYzHY4kECIFAPEr3HxXHKUQIDAZHIhESieR2OmOxiCid7/f7cXhcIhFXqVUoDGZxaamkpAQKhabmmwsKCpLJJIfDaWxsRCAQY2Njx48f7+vtm5+bP3nq5LGjJ/AEQklxcUlxmd/nv3jhPIvFQsDh/kDgsSOPb25uDj0cKisvDwUCSCTSYDAsLi4KhEIsFqvT6V566SU8gdDd1bmyskLA48VicVpaGp5AuHnjellJyaFDh5Ao1MjI8OLiYlNzc0ruwWQ0S/IkWb/NwmAxnffv79i1g0wmCwV8g2GLQCCUFBfz+Xy/38/lcnA4HAwKbWtrm52dpVCpLCYTiUTJZDKT2VxfV8dis3+4cIHJYh04cGBwcFClUjU0Nt68cePMk08S8PilxflEIlFSUuL1eiEQyIkTJ4xGY3FxMY/Le/cPf8BiMO//9f319bXUUIdGqzl16iQSiezt7bVarUwmk8PhbG5ubmxsiNMz1Cr1nr17X3/jlwg4jESh4vH4hoaGSCTS2NS0pdePjIxkZmVduXIFg8HEYvHr16+TyWSD0cBgHdDr9fPz81evXvP5fGJx+vTMDJPOYDAYFZWVqWdttpg9bg+dQR8ZHo5Gozgcnk5nicXpEolErValxr7Lyko9Ho9AIADFE2kCwcjwsNPl8nm9ECiExWYj0ciGhobx8fH5+XkKhdLQ0LC0tHT//v28PMmJkyf4fP7S4qLdbu/q6gyHw+eeO0uj08DfffM5BoPZsXPn9999p1arDxw6ZLNaV6TS2ro6o9F44MABh93u8XqvXP7xxMkT58+ff/W119BI5IULF7xe76knnjAaDN3d3ZFI9OwzTyPR6IDfTySTwsGg1WrjcLgWi9XpcnvcrmQSpFQqq2uqRSLR3OwsDoeLxeNyuXznzp1IJDISiahVqrfeeku/tZVIglLzfqkOwL+Jcf9/EtApklzK9FOzYFAoFIFAhPwBJAoOAIn6+rrCwsKlpRU8jlRSXiqTyZqamoRCIYVKUyjkJpOpoaH+4dBQd3f39u3bx8fHa2trysrKT5w4RSYTa2pqzp17LpFMIBAIu9Uml8mVCkV+QYF0eXlmdtZoMPziv35pdzimp6dfeumlL774QiKRkMnkhdk5m80mFApLy8q8Hs/CwgKPx0uNJl2+fDlF6m5obDSbTHAETK1W0+j04YcPcTjcsePHBwcGqkrLr924jkQiV9ZW2RzOCy++GAwGI5GIfsuAQaMikUh+QYHP50tNpZHIlLXVFZlMZrZYlAoFk8GorqpisVjjY2PTM7OHDx9yuVxra2vV1dVoNNrv98diMRqNxmSxJqemQ+FwJBzmcDiJRILP53PY7Gg09qCvb2Z6RpwhzhCLg8Ggz+d1OB2Dg4Pj4+NFRUUAABCJxFOnThUWFV27dk0sSudwuTLZRp5EYne6CgoKOtrbTSbTzp07U82H61evXblyBQCAQCBQVFTU2toKh8PBUOD+/fsMBkMikVCo1OWlpUs/XAJA4Pr6+hdf+vnc7IxSoYBBoZ1d3SwOi0IlPnjQV11dtWvXPjyOGAj4jUYjBoPx+/16vR4MBgeDwRPHjm9qtMYtPZ/P77x/n0Qkcrlck9koFmfcvnO7ID+fxWIpVSoMGl1QUJAEgWw22/TU1NTUFIPBaGpqzM4WJxJJAACgeXl54+PjZpOppKTkwMFDOp0WAICnn3lmZHi4ID9/Y32dy+UuDg/LZLLenp6TJ05gUCiny7Vr9+6e7u71tbWMjIy2trZIJEwkkeRyOQQKhULhAADo9QYymYrDYScnx3ft2tXd3YtAwF1Op8Nur62tdTidEAAQp6fb7fb09HQyhfzB3/62ubmJRKFi8QQIBIpEIo9mgv811/Jv0DPFEkn5RkoOKPVuPHVzImGxWeEIxKlTp/S69212Z1tb2/btO+/da4fBYDA4gkajuZzOYDAozsjw+nwNDQ1cLjcajSqUyvr6utra+ng8qtPpIpEIj8ebmpouLy1lsVjtd+/W1df39va2tLSkdAhLSkqmp6cDgcD169effPLJSDRCp9PtNlsikcjMzIRAIBgMhkgkarXabdu2cXg8p92OQiJdLhcMDoXBYMFAIDMz0+PxxONxAV+g0WopFIpSqczNzTWbzSMjI3v37oVCoTgc3u12zc7ORiIRFAoVCoWUSiXV4yGTyWQy2WKx7Nu3b0unwxMI4+PjPr8/PV2k0WgqKyvFYnEwFOq6f//w4cP+QIBKpSLgCL1ez+fzg8Hg1tZWfn6+Tq//7NNPDx88lEgkKisrvF7v6toaDovdtWf3n/74v1arrbKy8qWXXgqFw998/fX4+ITX44OAIYWFRbFYbNv2nQtzcygMOh6LAQCQnZ0jk8nC4TAOh5uangaDwRwO58iRI16vt7CwEI5A3Lh1Y/v27RWVlRPj40wGQ08iZWVlvfLzlwOBwPrqCpFEkkgka2trR44eYbKYFCoxIyN9ZWXF5XL+/YOPAQB87NhRm82WlZXV3t5OpVJzc3PhcJh0aVEqlZaWlmZlZVGpVFAyqd5UNzQ1P3jQ19HRmZkpxmAwUCh0aGiovLycTCKVlJT4/X6pVIpEIvIk+etra7Ozs+A3X//56See8Hq9y1IpAY9P4/PJJBKeQBgZHk4Xi7FYrNlsHhoc3L9/HxaH8Xi86enpdpttcXERAoEUl5bGo1GVSpWfn2+320Xp6TLZBhgElRQU6TTq+/c7OWwmjU5js1kul29zc7O4pIROp4fDYbfLNTc3x2KzhUIhDocDgcAvPP9cb28vEomK/ZvmmZKC+zfJGfqIIJ3q+6Y4oeFwONUh/hdbLpmMxSJVVWUHDuyvq6//5ut/CgXippbm4ZHhysrKzMzMTY2GwWCYTabNTTUejycSiX6/HwQCbW5uyuWKquragD9QWFigUqlKS0v7B/oDXt+ePbt/uHixrr5eIBBoNjc1Gg2RTL7Xea+3t3fbtm15eXmTk5PV1dXgJAgAgNKycrvVQiaTuVyuVquNxWJoLM7tdFy6dCknJ8dmsxUWFjBZTIvFkpWV5XQ629vbvV5vNBx57NBh1aZ6/8HDgaBvbn6eyWTi8fhoNNrX18flcvMLClKAt8ViQSAQAwMD27dvb25unp2dlcvltdXV6WKxx+MZGhwUCAQEAsFqtZaUlGg0mrW1tXPPPYfBYMwm08TEREFR8bfffrtv376UOBwUBmMz2XMz0ynivsPh0Ov1bA6HyWKx2cwHfX0sFquktNRisXz3z3+SiBQmk1VQWBiLxRBwOBKFevhwqKKyYnRstLCwcGZmZnV1taysLC0t7fq1n3g83uFDh5Ig0JZeTyaTc/Py7E57Z2dnXV1dMBg0Go11dXXRSNRhs0tXVqhUKplEMpvNdru9uq6ur693y6AJh0MikWhkeAyNwb/1379aXJwfGxtXKhVsNisjI3NoaAgAgZAIZH19PZPB0On1Dx8+xOPxz547Gw6HtVotl8sdGhpKRf7tO3Z88/XXDoeDRCJhMBgKhRIMBqqrq+bn59xuD/SVV18Fg0AD/f3VtbUkEmlxcXFxYaGgoAAMBqtVKp/Px+Vya+vqZ+fms7My+AKBy+lcWFhIT0/PzcsFgcAQCESYnh6PRvV6/cbGhlwub6hv+fMf/wgAQCIZKykuLCkr+eabr4qLyotLSpaXl7OzsrA4HBgMTk9Pj8XjsVhsoL//EbszkYiDwf/S8n8khwiBQOPxRDKZ/HdJEE8kElQq1eVyAQCAQqH+NT4GAiFg8Hg81traGgwG52dnd+7cVVJa6fG46urq+Hy+w+nU6XRLi4sMJoNCobjdbqvVWlRU5PP5MBhMYWFBeXm5UqHAYDDFxcXLy8sioSjg83304YfDw8PLy8tnz55VKBQ2m63ziy/qG+rrGxpaWlu5XK5AKIzHYgK+MBQMhIPBQCDg9Xpj8fjkxERHe0d+QX52djaNRuOl8SUSSU9Pj1AkwGCxMBhMp9PxeDybzUajUoN+v8ftlsvWFUq5OCNLlJ6u1WjiicSZM2eWlpdXpFIqlZoq44RCYXp6ekqVCAaHnzhxcnFhvuv+/RdffDEei53//nu+QFBaWur1egcHB48fPx4KBqenpiQSSWZW1ldffQWBQDo7OykUSn5+vkajIZEINbW1BAJhcXHR7XZDodAtvd5kNsdjuS6XKyMj4/z35z0et8fjmZ9bDIcjTz/9tFqt/tlLL8GgsLHR8Y7OjtOnn9jc3Jyans7OypLk59us1omxcVgDbGFxsaioyOF0wuHwsbGxH378AYvFhkIhNpsNg8HMFovVbFlfXXO53WAQKBaN9vX17d+/P5lI7Nt/8MKFr3k8bkVFhcVi97j9Uulydk6O2+1eXFrcs3sPGos1mUyKDVk4FBYKhTabLRqNNjQ0rK6u3rp1SygUZmZmjo2NRSIRpVI5MzMTDAa5XG6q7srOzibg8QF/AA6Hk4g0jzsA/sdHf52amj516hQvjTczPV1eUUEmkTY1WrPJxOfzqXS6y+EYGnrIYNCra6r9ft/qymp9Q0MsFvv2m29EIhEAARobG2FQaEdHx9r6OgQAoBC4SCTef+jQyvICmUyCwSButystTbS+vv7w4UMqjX7s6BH15iYEApmbnS0tKyORSJFI9PXXXp2ZmYHD4QkQ+NGkS2raHQwG/i39ACSTiZQsCgwGT+VCKcdIIacQAPD7vU89dfrFF16QyeRIFKaxuU22sTozM7Njx47V1dX+/gEWi1leUZFMxNEYzEB//8mTJ0FgsEIuD4cjNbWNRsNWKBTyer1ej7ektEQhl62vrZaUlLjcrtXVFbfblUgk4FB4S2vr+tqaQqHAYDCRSDQWi9bVNwwNDX72+eevvvJKTU0NCAx+/69/LSoq3Fjf+K+33oqGI0QSeWx0FAwG7dqzy+1243A4h8OBQCCCgcB3331XXV4JhgBpfIHb48ovLFqVSk1mMxKJkOTlgcDgru5ur8eTlpZGpdHoNJpYLDaZTHaHIxqJeL1ej8ej1elEQmFGRsb09LRQKExJWhAIeK/XRyISE6AkOAna1GxOTE4dO3bs5s2bR44cMZlMeDw+Eg6DQeBde/dp1KpkIhGNx977459qa6vhcJher6+pqeFwuaMjowAAJBKgL7/8eseO7S+/8vLMzCxfwI/HYlwux+50mQxbF3+4CICBU6dOTk5OqdWbu3ftGh4eZjKZDQ0NTBbzd7/7XVl5xcFDj62vLStVqrzc3NnZGYFAEPAFIQCwe8+eGzdu3u+85/V46UzGk08/mZbGA4ESTqcTDALGx6ei0WhZWens7KxMJhPwBVgcbu/evS///CUoBMpis8hkcsDvVyiU+/fvKygsIJHJUqn04dCQSCRSq9U//PDDq6++WllZubGxgUAgKBQKl8tZXV0nEUlut1u9uQn++ouP1Gq1QCAAA4DDbi8vLxelp9++dReBQDzzzNPT09MzMzP1DQ1QKJRCpUIBIJlMxhOJ9bW12dm5o8eOyOUyLodjs9mQSKQ4I8PldCJQ6Eg4nEwk5XI5hUIBg8GFhYXBUGhkeFggEOr1epPZ5Pf5/H5/QUFBTk5OEgTq6e6+f/9+qn8OAiCpAjf574UXj5CflBgWFArx+wMQCBQEAqf40sl/iz8nkvFYNJqXl1dQUNjb24PHE74///3tW7cEAoFYLP7ggw/odHpJSQmZTJbLZRwOB4/HCwQCqVRaV1e3ualRq3UikXB9fR0BR2i12pOnTqpUyry8XCKJ7HRYVWqFxWpRKRU2k31mcrq8rFy/pbtz+05NTc0v3nzT6nGDwCAEAsHhcEAgkNPpvHbt2rbWZjyegEZjpMtSm81eW9sgShey2AydVovFYGRy+e9//3s2m11SUgqHIwAwOCcnZ3Jy8tjx49NTUy63CwqF+LxeNAaTyojcbrfL5RKJREtLSysrK5L8/FAwaDabc/Ly3B5POBRKJpM0Gs1qtU1MjJ977nkejxeLRj/55B+1tTWBYFCcni4UiQh4/NLS0uraWtf9+2KxmEgkPvPMM7FYvL2jfWJiIkMszsvLC4UCDpvNarWcefLJkZGRZCIxPT2dX1C0a/deo8mwtrY+Njqal5dXW1ubiMUwWCyRRHzx+eePHDly69at5WXpL//7v48cPdLT3VNcXEwkkihUssViDYciKysrZAoJDoOBwaDvz39/YN+++bnF7Kystm3b1tc3urvuBwIBCo3q83pKSkryCwoCwWB/X18kEikpKUUhUWg0WqvVrq6uZmVllZaVzcxMMZnM5557rqSkhMlknDnzJIVGXVtZ9Xq9n376KZVKBQCARCJRqVQQCBSNRkOhEIvF8nq9NBptbW2tubkZh8MtLC5CGQwGnU4Xi8VqtRqPxxsMBrfbA4fD8vJyV1ZWNBrN+vqGQCDMyspUyuVcHo/NZo+NjhKJxFNPnBofG6XSqFwu12g0OhwOMpnsdrsHb9154vRpi9lMp9NVKhUvLe3mzZvhcPjEyVNqtWpwcACNwdTW1nLYbCQKhUShlpeWGhsbJRLJK6+8srW1BQaBU/2v1EqY1AGfepkSwEqd+vH4v5KlWCyGxWKhUKjT6SSRiNFoZG1tXaFQxGIxq9V28cKFc+fOwWCwrq6u6urq0tLSW7dunTp1CoNBJ5PJaDQWi8WKioo6Ozvv3r27d+9es3mrtrbSHwhk54jj8XBubjYMBjMZ9EQSsbS0SiZbsZhNCrfKYrPe6+pEoVCnnjzzX//1Xw6b7U5XZ0trW7o43WqxjI6ODg0NHThwoKm5NRwKud1uEolcU1vncrpRaLTH4wkEAiaTaWxsrKCg4OTJk4ODQ329fU6n86233vJ4PFgMpqS0dEUqFYgEG+vry8vLOTk5UBjMplSy2ezl5WWPx9PT00uhUFpbW3/88cdkIiFOT3e53fFYrKqqSqPRlJeXAQBEq9FEIpHs7CyxWExnMBVymU6rFdTX19XXp6enZ4jFkvyC9bXVoaEhg8EAQCAUMrm2psbpdvt9fofD+dxzL6BQKBQS7fV6FxeWmCzu8vISCAS639nZ2NhYWFiIxWI9bpdKqcjLy/v973/f0dFBpVLf+tVbkvyCu3fbS0tKDAZDJBIBALBcJvd4vNnZWQbDVk1N9RdffIHDYTRa7dTkVF1dnV6n62i/I0pPP3Tw0Nu/fXt1dSUtLQ0AgC2djkQmYzGYmelpAV946MjjaDSaxWIVFpf0P+jT6/U5OTlnz54tLS31eDxGk+ntt99Go9F79u47d+5cGp/f3dU1NjZGIBAGBwfRaPTjjz9eXl7+v//7vxMTEx999FFubt7Wlp5IIEAHBgaKiooGB4dcLuepJ56g0mgqhSItjS+VSj0eT0Njo0QioVAoVAqFQCSqlMrpqakUIuH1eGBweKo/mieRpMT60vh8KpXa19sLAoFaW1tZLNaVq1d7ursPHz4sk21cvHABDoc/+eSTHF7a0ED/zPT0vn37hELhTz/9tG/fvoyMDJ1ej4TBYrFYKvuHwWApggMajY5EIl6v99+qEEkQ6F/AaAoMDYfDEAgkEPDDYFAwGEQgEMrKyu7cuYNAIPx+//nz52EwWKrj63a7UShUXl791paeQqEqFPLZ2VkWi11VVRmLR9AYJIvNdLtdAwODXA6nrr4hFokvqlUIA8Lr8+Bw2Nra2sqyKi6HS6VQ0tPTRWIxFAoNRyKvvPrKwsKi0WjMzsqi0+kulyuZTIJAiVgsSiSRSCTS6uoqFoNbnJ9nsugajWZ8fPz06dOxeAyNxoBAoKNHj+bm5hJJpNnZuZmZGTQGw+aw2Wz2plq9Z8+edHGGVquBQqFms5lMJu8/cIDFYrvdrs7OTq/XGwyFkiCQx+2WSCSjo6P19fUajebSpUu5ubk5OblV1dX3OjoaGxvdbjcIBLJarWgMBgaDjYyMXLt2LXWavPnmm16vF4VEUqhUDBYbDYcdcNvQ4FBhUdHNGzfz8vKOHjtOZzD0ej2Xx2tra4tEIqurq9FYzKjXZWZmKhQKAAAoFIrf79+/b//s/Hwaj3f9+nUCgdDY2Dg4ODgzM2M2Ww8dOhSPR2/dvJWZkREOB7Vazc9f/tn8whwOi21qborFYlsG/QsvPB8Oh1Eo1NTkpEqlOvXEE8tLS5FoNBgKqhQKg8FAIZPv3LpVXlE+Pz/r9/ubmptHhod/+uknsVgMBoOPHz+elZOrVMh7e3p4PO4Tp0+vSKXvvPPO7du3S0tLAQDIysqqqakpLS2dmZ3DoFEUCgX86s/PmUwmLpfb1NQEgUCoNNr83Fw8nkwkkzt37vR4PGQSSbqyUlRUNDc3p5DLOVxuU1PT/c7OlpYWAAL0dHfV19eTKZSB/n4ajVbf2DjYPyiTyY6fPGmzWifHx/v7+//8f/+XTCYv//gjm802GAzxeLy0tNRmtdbW1a2urdmsVqfTCYNCkyDQH/7wDgKFikQiKcDn0UYM0H/swPt3KwAcjydgMNh/7olJJuMwGCyZBEEgABQK9fv9DAajqqrqmbPPcjhsGBQWj8fCkQiVQoHD4V6fF5RMJhIJlUo1PjFRXlYGgYINBkN5ecXmpvqLL758/fXXGHSmVLo6OjoqEPAtVtOOHTsoFJJKoeZx+YlE3O/3s1is9vb2SCTC5nJZLBYWi11eXk7hm5lZmTg0enNTs7S8fPP6zeeee54vEN7vvNe6rUW2sVFWXp4mSJ+fnYpEIi6XKx5L5OXmDgwMRCIRPp+PQCJ5aTyf1+PxeIxGo9vjzcwQx2KxtbW1RCIxOTn5zNmzcBgMiUS6XK65hQW73fHyyz9PkQiRSCQUCh0bGycQCFgs1mQyQSAQoVA4PT1dVV3d0d5OIBCam5v//ve/GwyGs2fPfv3116+88iqVSgmHw52dnTQaTZwuzsvNm5meXlxcWFhYlOTnHz9+LBQOO5wOGo3W09OTKpdra2txWAwKhUomElAY7PatWwAAiMViJpuj1en+/sEHubl5LpcrMzNTnJHOZLBlMplCIVMqFTgc3uG0i9NFOVlZo6Oje/bsgUAgqeKYwWJrNzU8Hs9sNoPA4LS0NKvV0t83sH37dgqFEovFFhcXU0xSlVoJh8Nra2tnZ2f/9Kc/vfHmmwG/3+vx+Pz+oaGhYDDodrsbGhpMJpPZbG5ububxeAwGI6UYt7Gx8f3337vd7rLycvC9uz+JMzLAIFB7e3sikSguKbFZrRwOLyMjg0AkRsJhg8Fgtdm29Hq3293b2/v222/PzMxIJBIEAmGxWPiCNL/Px+FwwACwqVb7fD6BQCiXK/yBQFtbm8NuNxiN5eXlm5ubso2NktJSGAy2vra2ubk5NTX1xptvDg4MWCyWoqKilNTHn977s+vfUuaBQCAl8vyo+fVo+AsKhYbD0RQolOJH/LtREAeD/3VbKjWy2ez79+87evRoqi31yH/wBLxWo8Hj8RqN5sMPP0QgEO+//7f19TWhUOh2u6OxGJlEisXjsg3Z6OjoSy/9DAQGJ5Mxi8UcjUZMRsvQ4MPUqYHH4+vq6srKy51Op9Pp3NraCgQCMBhsbm6usbExFgldu3Y9HI6AkqCdO3fh8ASxOJ1MIRoNhkQymZWVZbXYVGplJBzhcrgqpXJ2bk4sFnu8Xgwa3dzS7HK7opEIFApNEwiv/HgpxY1NhZfu7u4TJ09mZefMz86YrdaMjIzh4eGUCkNqSSESieLxeBmZmSKhEIFA8Pn8ra0tr8+3vra2vLycoo4/++yzPT094UgkjcfTarVEIrGnp+fI0WP5Eoleo8MTCIatLQaDsb6+XlRUFAgFIFBIT08PAoEIBoM6ne7Pf/mLSi4jEokajSYnNzclsdHV3b19x85/qRPE4yajsb6+3u5w+H2BgYGB4uJCEon0i1/84r0//3F+bk62vra6ukahUl584QUajd7efreysnpubj4nJwcEAufkZKds7PKPV4qKimprayEQiFyhyM7K+vHHH3F47OHDhw0GQ29v7959+zIzszSbagaLrdNpP/zgg6KiotR87ODgoF6vh8Phjz/+eCgUysrOhgDADz/8oNPpn3nmaQaDAe3q6moMhVpbWvbu3Ts7OxuLxbhcbjAY+uGHH+rr66k0GggEisdiSqUyJzf36WeeSQ21bMg2lpeWAwH/6TOnKVRqLB73OF1paWkKpRKLxfF4aTdv3igoKLhx/ToIBKJSqQGfz+/39/X2hkKhVOIukUjC4ahMJnv6mWcIBMJXX31lt9ncblcqs49EIin7Bv170W8ikUi1BR61ydBojM/nBf97BViK0Ukg4HE4nMFgSI1HkkjE1HrDlM7MyMgIjUaj0+mJRDKRSIyPj9ts9lOnTvl8vuHhkZaWtkgkkoh7PG7/7MwCBAIZGx9FIRFTU9M7d+4aHhlYXV1BoZBicdbvfv/7wcHB7u7uuvp6GBz+8OHD9vb2lEZIIpncvWtXLB4fn5ioqijHYjFtbW2HDz9uNBjtdmc8Hne73Vweb2pyEgCDz58/n5OTg8PhRaL0RDKZlpbW2NSUsjmv1zsy/LCgsMhmtaLR6JT4uMPhIBOJA4ODgUAAgUAAYHB2Tg4YAkmpqJeUlGRnZ6tUKplMZrc7jh07nkgmNtbXORzO2NjYrVu3EonEH955h8vlBoJBAZ9/+fKVI0ceNxqN97u6cnNyJiYmDh065Pf7f/fb3z7z1DOGra2RkREoFGoymXQ63c9f+fn9rvs6nf7o0SPLy8vhcOS7f/6TRiFPTExEo9GUgmAwGNyxY6dMoRgdGSGTyWAwuKWlJRXP8XjCsWPH1tdXoVDoJ598/NHHHzns1tOnTm5t6TMzM/yBAC4UyMnJAoNBdfX19zs7tVrduXPPojFYoUh08OBBv9+/ublJIpGKi4u8Hi8Oh5ubm23btm1tfZ3BYGxubqqUSqvVWlNX9/GHH4rFYggEIs7IYDIYVCp1Y2PD7/endLmrq6vv3LlbVVUVj49i0GibzQY99cQT3V1dmZmZqdh69OhREAiEx+MOP/ZYNBJeWkztfiwEg0DSZemBAwfwaEwiGuu4fdfr8+VJcnt6eg4ffsxus2m1WhgMZjAYJHkSn8+LwWK//+47i8Xy4osvjg4PFxYVbWxsYHG4WDRaX1/v9XpDodDa6nIg4J8YH2Oz2Xm5OWNjY1QqxWq3A2BILBZDIpFgMDiRSILB4Hg8+ogB8UgQLhj0IxDwaDRKIOADgUA4HIbBEIFA4BGHAg6HI5FInU73xz/+8YsvvoDBYJFI5Nq1a4cOHSIRSVgsLj09fWlxgc1iUCgkAo7gcjpkMllmVhaPxxPy+dFoNBYNweHw6akpLAY9NzsHgUKKi3J0ui1vhodMIv36V7+2WW1QGGxhfmnnjp3xeAwCgVy7dm1hbr6uvg4CBixma3p6eiQSstssECiYzWYODg56fG4YFFpdU2M2mSQSSXV1dTgcdrtdUumy2WJRqVUWs0UoFEBhsEg0hicQaXQGGo0pKCyi0mhbBiMWT2hpbdt/8GAoGHr48OGBgwe8Pl8sFj995gwUArt27YpAIKioqNTp9Uwm4y9/+UtVVdXk5CQUCn3++ecH+vsxKFRlZaVCrrh4/gIej/f7/IWFhWwO550/vJOdnbWwsLBt27Zz5855Pd4LFy8YDIbdu3cjUAgiiQgGwLt3725paXk4NDg8NJiWxnM7bJ0dd7lc3okTJ8QZGf/89tvNzU2NRstNY/t9/lDQz2AwZ6dnQEkQm8NRauV+v7++vm5hYQGDwQiFwsb6hry8gj//pRiUTFptVgQCmZYm8Hi8aTxeWXk5k8XCEwggEHigvx+NQuPw+Lm5OemytLKi0mA03rnT/rvfv00m03we3/Xr14Ui0b59+yAAtK+nOxIOSSR5CwsLCAQ84Peli8VoDMrhcNjt9mMnjhJJBL1Bq1DJjzx+1OXxUigUKIPB2Lt3r1KhwOPxL7z4otFgoNHpm2rV0tISl8vB4bBpfL7BqGcyGQwqHRRPUCmUpcWlRCzOpNPpVNr+xw4yGSwLDMpkMru7u2OxmM1u53J5aTxevkQiEAjkCsWD/v78wsJTp05duXIlOzs7HA6nFKFraqoIBLzb7YZAAINh68CB/YGA/+ad2wg4CgQCBYNBAIAkk6BEIg4A/28fXooJ9+/UP5FMJnw+byKRAADwI6XoR3PxXq8XhUIpFIoPPvjgs88+EwgEQqGQzWZj0Oj7nZ0TE2MMBg2DRhKIBM2mZmFhQSAQWIx6KJB0uV0wKEQkFGg0muqqyvm5uZzsHK/XW1JUhscSRh4+ZLLZABhAo9AsFvv0E0+6XLZoJDQ5NU0kEO7cuYPHYQkE4k/XfqqqrqyoKLU5zEqlikyi8QXCaCxEoVAQCIRSqXQ6nXgCAQwChcPhbdu32Wy24eFhpUpRWl7a2NS8tWVCY3ButzsWS05NTebl5blcLhwej8XhlEolCoXa1Gpv3bqdlsbv6uoGgUCJRHJmdo5AIPn90uLiYrVazeVya2pqxGKxVqv90x//hEEib924WVNTc+vGDQIeX1RY6PN6VlZWUCjU888/NzAwUFFRUV5efvvO7bw8SWtb68bGxsLiAofD8fg8H3zwQX19vVazyaDTigsLuro6qWQSg0EXiURcLnd1ZQWDwSCRyG3b2p4995RKpWIyWBsbiv7+gcX5BRaTJcnPGxke/v7777OysgYGBpVKJR5L6Lrf8/wLL3j9fqvVOjExQSaTNjbkIBBgNBg0m5utLS0OpzMej7s9HqvNlprdi0Sj/kCARqP0P3hAIpGcTteBAwcMBkNfb++rr7762eeflFeUz8zMEIkEl8up1WqkK8sAFBCJhCQKweG0J5IJNofJZHKGR8YaGuohMBjUbrezmEwEAoFAIDo7O/EEApVK5XC4Wdl54XCQw+GYTCaH3VFUWOz1+OLx+IOBgb6+vp+//HJLS8vKitRutTls9pSye1lZWSwWMxqNZrOFSqEYTaYtvZ7OZFKp1C293rC1JRQKYTBYeUWF3++PRqPxRIJCoZSVl6+trmZnZ5NIJBwOF4vFEPBkNBoDgwEQCAwCgROJZCLx/7Z9pdpkKXn0lAZEIBB4JBr3SE0o9ZLJZDqdTjAYLJVKTWZzQWFpMOBJrftOS+OVlL5EpVJ6urvUahWVRkskEjgcDo3FXr16NRKJlJSUfP311++88w6Hy7106RKfzy8uKYMj4CAQyB/wIeBwMBhktVqoNPro6CgWi0IiEaurKy0tLUVFRdt3bPd5/Xm5Ehqd4g8EbDbb119+9d6f/5qdIwFDQGqF4uaNGwAAVFRUPBwaKi8vn56e9gcCOTk5JaWlO3fuZDCZU5OTao0uvyB/cWGBLxCk+poikejixYsIBMLhcBQVFqKQSCqVumfPnqKiApfTFU/ES0tK1lZX0Bg0BALh8njHjh9HoVBZ2dl6vf6pp59aml9gczgmk2n3nj0KubyopCQcDnn9frPZzGKxysvLi4qLvT5fa2ubwWA4cfy4dHXVbDINDw8jkUgej7e4uGjY2jJuEfIkErvdOj876w9Gf/3rx77+5pv+Bw9efPHFlpYWn89rszj1OlNj8/ZIJO7x3MzNzSQSsUgEkkajJ5OgysrK0rIyjUaj02izMjLC4fCD3m6hkM9ksmw2i9vtbm9v5/P5TCZTKBQKhEIOmw2DocAgwGjUu92uwqICt8d19crlyqoqp9Pq87tweNSGbPXs2bMy+VplZXVra6vL5Zqfn3c4nenizOnpqX279jGZzGvXrq6srKWnp0cisa77Xevr8s7Oe/F4HMpisUKhEJFMjobDO3bskK6syOTy6qqqlMa3bGMj9d9xOBx4PMHr9RYVF83OzZrM5ks/XsrIEE9Mju/ft//+/ftOpzMF/O/du18iyf/s008bGxvv3r3L5nBeeukluVyeWlHR39+/ubl569atlpYWlVI5OzubWkC/b98+OBwBBsBgMBgMAHg8IUUUw+HwPp83mQSldFBSezceJUIpkBQOh6c6Yo9ayCnhRAgEYrVa4/E4AoEwGAxnn3nm7NmzVVVVkUgkGo5AAEgoFPrk44+kUqlYLGpobNVqtlZXV3F4fHZOTlFR0cOhITKZbDSZTCbTU089pdVopNIlNpulUitnZmYAALDarBAA6vN5OBw2DodRqZQ7duwYHh7es3s3hydYky7B4HCFQikS8fh8fll5mWHLEI8mRJnpPIGoorLyxvXrWCy2sLCQTKGUlZczmcz19XWhQCCVSgcHB7U6fWZWtt1mJRBwqyvLGZnitdXV7du3YTCYzs7OVAN7fWPjs88+JxEJPq83Eonk5eVt6bQ2m+3QoUM9fQ8IBILL7X78scf6+/vNZkthYcGhw4dv3byp1+tfeOGFk088AQGA9o6OyqrK1NguFotFo1Aul2t8fByDwUyMj58/f14oFP79ww8JeIJer5ufn8+X5H326ad4HPaNN39x5tRJPJGARKIAMPj06dPZ2dmRSCQvT7Kp0Tc1tq5JV0DgpEajLiktVKllo2NzFov5lVdeicViX375JRgMDofC+Xl5BsPW1tYWEonIycnmctlHjhzTavUejzsei7s9ntGRkatXr25v28PjpX1//p+NjbV8AQeAJIgkzNjYCA6LhcEAh8O2bXtrPBGz251Hj566cOECi8VKS0szGIwoJEqv06tU6tXVVYFAGIlEu7p6pqYmQUkwFApPLZQA//Gd/+FyuTweLzc31+V23+voIJFIRCIxBaINDAyUlpay2Wwiiez3B6RSqcvpFAgENDpds7kplS4fPXZ0U60eHBx0uVznzp3Tb21pNjVFxSUQCKSvt3doaOjPf/4zHA5fXl5mMpkQCASJRGo02r6+vv/5za+9Xg+RRPK4XAuLiwQ83ul0rm+sf/n11wgEioAnQiAQk8lMJlNS6+1T238fIaGJRCKlkptajfrorUeaWamNxTabLXUlxa+GQqGff/45CoWCgAGJROJ0OUJBv8FguHXrBolEKSgoSheLc3MlyWR8cmKCSqPR6fTf/fa3p8+cyc3JuXPnTnFxsVAkWlyc1+u1NqsNi8WFI1EIBMqgMYKhgM/no5DJdCYzXSTq7OyUSPIFQtHoyEMCEQtKJrFYnFCYEQyE7E6byWjMyMxEItED/X09PT01NTVHjx1DYzDv/uEPeDxeLBabzWYwAPDS+FAoBAqFdXR08NJ4Aj4/FArB4QgGgyESiTY3Nz/99NNTp57we1wsNksgECARiPb29t179ty9cweBxrBY7Fgs5vV6l5aWDh8+vLi4+KCnz+v1fP3NN1gsdm1tjcfjOZ0Ol8ejVqvr6uowGMyNGzdYLFZBQQECgejr6/v888+LioqwWCwWi+3v78disXQa9dSpU4UF+RaTobura0OuojOYNpv12Wef1Wi1ZDI5FAop5WqJREKhkmOxsEy2zmIzWGx2PA5bWZFWVFTY7XYYDP7gQV80Etmze8/c3OyFCxf37t2p1+uFQv6mRodGYSSS/LKy0k8++UQkSicSCQQCdVW6QmNQCwvzEolIKOyfnJyAAAgIBMpkMisqKu7du5eXl5shzpyfl7I5HAAMjIwMazY1TqdzeWXZYrdBAACDwVgslng89i+gHICCwCAQCATNzMysqanZVKsDgQAo+f8j663j27rP/fHDYibbkkyyLTNDYjucNEnbcJu0a8oZ83bv4A56fxfWbb2D4rZubVPa2iZtGmYyxHbMzJYtWcxMB35/fKxTb1+9+ofrSLJ0zvN54P28n/fD1NbWFhcXj46OFhoMIqFQrdEA4SSP1//52bMUSfb29jY2NX33e9+bmZ31+nyjIyNdXV3AtVy8eDGdTldWVpUYjTwuNxwKabVabU4OSVEtLS0et3tmZsbucOzfv3/jxg18AX9l2QTWe2VpNJ2dnQUFBQX5BVlZ2S6nOx6PEwTB4XCCwSCGoSwjmuUIgTEAhmFATABUCNA0YFMjkCYB7lA6nRaJRLFY7MUXX/zZz362ajbLZTKRWFRW2RAOh8VicUVFeU5OzuzsrMlkqigvV6pUZrM5Nze3qalpdnZ2ZXn54X370uk0AiN8Psfnc2dlZ42PjdfVNVit9hxtttvtbmtvv3zpEowg0WhUrlAMDAxgKF5VWRlLRMxm86lTp3/y01/03++vb6j1er2rq6tkOl1WViYSifLy8i0Wy+lPTkmlUqVSabVa+/sHXvjPF0Lh8NWrV3k8HodDkOk0RVFFRUWLi0uxWOzChQtdXV2vvPrq2OiY3+P821/+/OTTT5eWlra0NAf8vkQ8tnXHLoDGXrhw4cknn6ytq1uYn4cg6Oe/+EVPT89nn34KFq8rVarJ6an8/Pxr164VFxfv2LFjyWT68MMPCwsL9+/f7/F4QK8DKM3UNzSolAqjsWRhdvaTT04df+JL8dOfa7I0wWAAw7Aig+HcuXPbd2x/9vmnp6emBgf7cRzPzdP7vd4SY2UyRd67dy8YDJaWlnq9q01NTWqVanpiqqK84vnnnw2FAjqdLp1OqVWqmpo6uVy5uLS0f/9+jSaLx+fe771fXmG0O2x2u62qquKvf3uzvb1tcGCEppn8/MJgMLx9+04cx69cvf6H37964sSJrs7ONEkODAyA9iiCIxDEhEJhDENRFKdpCEVRil6jGmAP7N6NIohIIpmbny8pLuJwOOPj4wKBoLOj48EHHwSUKdPS0vnzFyRS+cGDB7h8fltbWyAQKCgosNusXB5XrVZTJPm1r3/d5/WlUkmbzf7vP/y3o0cf3bnrAeuq5W5HR25uXkfHXQRBWtvaauvrZTIZTdMXL1yEINrn8z3yyCO5ubmarKxkIlFQWNh5r/vixcupVDIajWIYDkBPGIbYaRiQ8zAMk0ql2LXYhYWFi4uLoC3Ajg2A4AD6BiRJJpNJ0GYqKipCGCgQDEIIdPf21SJD4X/87D8C/iCGccorKsbHxtRq9fz8PIaiPp9vy5YtsVhMqVYrVOrRocGuha7c3Jx4PNbf3/f448clYmlubu709PS9ez2fffbZnj17OBwOhmFNjY2fr37+7rvvPvXUE9dvXNFoNFptDoLA2dlZiUTC6/FEwuGKqqrXX3/9xz/5iUAo+s2LL9bU1KAowjDM008/jWHYtWtXcwvytm7bsrS0lJ2jaWpqWrVaZ2ZmhEKRSqVSKBQ5OTnhUIjL5TQ11rsd1pKiQgGfe/fWTWOpkcAxLoczMzv70UcfGQyGvLy87u7uaCz285//DEVRFEHKy8srKysTicTs7GxpaWkwGNRqtWXl5X6fjyLJ1dXVoaEhr9frdrtFIlE4HFpdtRoMhsrKyr9/8P7tGze2bNl04ssn+u7dk0jE3d3dGIbZ7XYIgtra2sg0yTDpWCwkk0sqKqpGhke7Ortv3ekmqTTonHi93q6urv7+gQf37i0pKnI4HKOjo71993L1uq985csqdfbF85cQFDEYDBcuXKitreVwOJFosKGhrqdvobKqbGXF7HZ5J8ancvUFSqXq448/tlhWjx9/YmhoaHp6OhQKvfTSSyRJgr1YXC4XgiAKohgGaElBmW3TFMNAa1rin/zjZH5+fiqV+vT0aYFQ0N8/+N3vfTcRT3C53Ny8PLVKxeXyYBgmKdLlcqfT6WQyieO4QCiMhMNjo2Ntra0zszNTUxO1tTUKlWLZtHS/b0ChUG3durWouJgkSbN55Te//i2Xx/vV//4vRVF3OzqkEgmKIDTDbGzdCEFQLBpdXFw8c+bMvn37SozGr3/96yMjoxhOQDBM0wxJ0RDDoAgE1gCnUinWrIH7T6VSIpEokUikUql0Oq3T6UpKSm7dugVQVCCfyLbSSJI8fPjwiRMnauuaJseHBwcHOzs7vvPd78jl8lAw6HF78vPzBwcH0yQZDoVQFG1paZFIJAiC2Gw2DpeblZVlMplCoYBYLFLIFWfPnm1saiouLvn0008JgsPQtFgsLigsvHD+fGlpqVqt5nC4XC4nHA6SJAUjsNFY9vv/+93M1PShQwdLS0vB4mGJRHr23OdylUqv11tXV1dXV4Fm1o4dOxxOR0FBweDg4PHjx8EOObFY8vvf/d7pcv74xz++cOEiRZFiiaSyrNRus8Xj8X379lE0tbRkmhgf5wiEk5NTXV1dL7zwQl1dndPp/Oyzz7Zv24ahmGnZ5PV6GxubcnJyeDyuddVqLDWOj4973B6dXjfQPzA5NbVl6xalUtXT0xMMBs1m85FHHikqLKQpKhAIcDi4XC6PhiO/+7+XSioqampqysvK79/vKygsDIfCKyvLR48+4na5YtE4SdHLphWGgfgCHk7g2Tk5XA7h8/mnp6dmZ2a3b9/pdHisVktxcdHf/vbm17/+1Rxt9uDgkNm8yufzzp07d+jQoeeefx5FUYpOLSzMDw0NR6NRh8N56NChubn5yYnZvr6+2ZlZkVgMw1AgECBwAsXQDGkAgaA1dXEGYtjMGcdxcABYZwpPTw4JhMLZmZmOu3d37Nih1+tRFEskkgsLC2Xl5W6Xy+VylZeXy2Sy+bl5m8OeiMcLCgpQFDt3/lxNdXVubl5enl4iEU9NjbvczpaW5ngsvbRkWrVa9TodIN9dvHjxieNPTYyPm81mg8EQjUY5XK5IKJyZmWlqarp27VoymfzSl740ODjodDiuXb82OTXNQBAMIzQDM6ARxqwBO0AjEXRbwRngcrmgPmbFgjgcbjz+xRPAQYcyQuoikeiPf/yj0+kKh0NLS0tt7e27d+8eGR6ORaOmpcV4PK7ValOpVMuGDYMDAyRJ5mi1IqEQx/FAIICiKBAIKjQYUAQ98/mZ8bGx0tLS7Ozs8fFxh9NZVVk5MjKSnZ1tNBo3bd48NDzce+8en8/n8XgNDQ2BQKC8ouLm1Wv79u1naBpGEQIn/vrXv/IF/A2tGyORyMjIyPDw8KZNmzo6Oh599FFAbcAwrL+/PxqNJpOpu3fvFBQUHD9+3Gw2wwjS2NigVCrj8URnZ6fD7vjpf/wUhqDu7m6n05lfWHjp0iUURX/xi18kkslQMKjWZC8uzL/++uslRuPGjRvkMjmfL4hFo397801jaalELObx+QX5+SaTSalSujye6elpkiQbGxt7enpycnJ4HK5cJqupa5ifnR4cHKqvr6MoSpurHxoaIghOQ0P99PT0rdu3CwsKHjv6WDQacToc09PTFRUVoVAoTaZJMt3a1mYymRLxeF5e3uDg4MjwOMQQrW0bsrI16VRCrVG+//57jY2Nefn5oWDQtLycSiZLSkoIHJ+cnbbb7XK53GAwnD171mIx37/fH40kJVJpwO8HVAAWEclYPQNu+voHwzAwjIA8GuQUCIJgpz75pK2tbW52Fgx8UBRlNpu5XH5ZWdmqxeLz+XJzcwcHB63W1aamJolY/PcPP3Q47IWFhTt27MzO0Xi9domET1Epu93F4/ED/lgqlYQg6MCBAw67XSgQ0Azz8MMPc7ncSCQCNjNLpVKgFDk7O2swGMCOWKPRmJuXR1EUzDA0RaIYToP11xwuTZE0RTMQBPCfeDzO5XKB/g8girKgECgMgKxiOBzGcRzUx+y2PJqmg8Hgq6++um3bNoZhdu7cWVhYGIvF7A5HOpkUCARanS4eizU3N5Pp9OTUVEN9PQxBDofj9u3bTU1NDY2NAj4fQVG/z2ez2Y4dO6ZSKqVSaVlF1dLSEpfDcTgcx44di8ViQqFwdGQkGg4fPXaMy+XiGPbGG2/o9fpoLLZrz267yxlPxOvq6paWlo5+6TGbzXbv3r3CwkKtVqvX6xsaG2tqa+VyeXdXVyQS2djaWlRUlEqlzp8/H4vF6uvrOzs7+Xz+c889NzExQeDE8Mgwj8ttaGgYGhzs7+9ftVj2HzgwNTVls9m++tWvdnd3G41Gi8WiVKo7Ozuj0ahcJsMxHEYQgiDef+9dFEUt5hW/UERSZMDv4/B4vfd72je1ExxUp9NpNGqVWn7lypWJsYnnnzvx/e99O5VMlpdXKJVKhVKRSpNA755mmMLCQkCAf/edt/c+9FBZeTmPzz939ixFUTACl5Ya3z15kiCIycnJ6upqDENztNnbtu2KRsK/+fWLW7dtzs7SMAwTCAS8g4MQDJeVlgJZhw0bN05PzeTl5d24fjOVTCsVqr/99S0EQTCM4/f5oIwk5hdVIsOsJ4/B6/bKwTCMIGusAhAfIAjCGhsb+/v7y8vLk8lkJBr9x0cffelLXzKbV1dWVgoKClAM4wuFKpUqlUpqNGp/wN/YWAfDDUceOSKTyvr7e6trKng8AYLgarVmYmJKm5M3OTWt0axtuk2kUsA7ulyeh/fte2D3bq/HA0HQjRs3BEJhIpEoLi4+ffr0Cy+8kEgmo5GIRqMuLi4aH5+AGRpDMJKmYYihaQqCYTQjkg6+yXqhXPAbViORy+WGQiFwXUAKBEIHlDlCo6OjOp1OpVIBXVuapgkOp66+fmRoEMBHgUCAJMnDhw5JpNL333tv7969zz77LAzDfB5PJBbPzc7KFYqFxcW6+nq73ZFKpVUqh1ana21tjUQik5OThw4f9nm9Uqm0oqIiFotdu3atsKDgq1/72ulTp6RSSZJMDwwPPvLIo9F43BcI9A30pxLJY8eOXblyxW63+/3+3t7euro6gUBQW1dHkuSrr7xSUFBQUVFx4OCBPXv3QhDU2dn59a9/Xa3RNPH5yyZTe/um8+fOAc1TlUqFIAjB4YCMiKZpnU4nEospipqcnOBwOPX19eDgycJhfjHvueefv3Xj+mdnPhMKhE888QSXy/3kk4+LS4pv3Li2f/9+t9v92muvRCKR7373u0K+YHR0JC9PX15RMTQ4ODM3XUQVSeWK6elpIKjI5XDz8vPisbhWr3/35MkTJ07k5uZiGFZWViaRSHLz9CKR6L/+678bGuonJycnJyflckVRUfHIyMjmzW1ardZoNKIoGggG+/v7N2xsvXnrll6vF4lEp0+dunP7DoIiLpfL7faYTEsA5AOBnVXLZDILhFgLYQVhWXiQPQlQJimCIAi2ry663W4Uw/w+38jICIqi6TQ5NjZ+7Nix3Ly8aDQ6NzubX1BYUV6aTsVXzGagKqxUqXJytNeuXlKqFLW1dShKTE5Om5cten2uSCLKzlJbLJa5uTmlUtnY1OT3+RYWlqKxGIaiRUVF7777LkVRe/bu5XK5KqXy0qVL23fsGBocRDHM63GnouGh4eGhkbFINEoxEAQj7PcBXj8/P18ulw8MDAA1uKysLD6fv7S0BCIAiGvgqIBKCOCnIJ0Ab5JOp+PxuEAg4PP5P/vZz3bv3mOzWSVSKQoxMIJ8/NFHWq12bm5OoVCA8ci7d+9GotFjx47F43GxSPTuyZMlRiOCINu3b+/u7p6amtq3f79apYpEIhKJ5PPPP8/KyorGYoWFheFQyOVyORyOnTt3KlUqp8PB4XAWTKaVlRWNRlNaakzEE5ZVi06n42A4h8uNRaMEQQiEwngsNjU1pdFofvWrXxEE8cMf/lAoFBYVF58+fZrL4eTk5HR2dh44cECpVCaTyUQi8bvf/e4b3/hGKp0WCgQcDsfv96dI0uv1RqPRuro6QAt/5tlncQynaPrSpUt3bt/+8pe/nJeXh6LoyXf+RuB4fkHByMgIn8errq7uutfF5XGeeebZ4eFhj8dTW1sbiUYiwciyaXn37t2jY2Njo2MFBfkymWx+cfn06dMymcxoNB49dozP405Pz9RWVf/lL3/59re/PTQ0dPfu3W99+9vdXZ0lpcYP3n+/obGxoaFhfGysrr7x7OefoigaDoerq2vKyytMpuVlkykUDuE4Nj4+jiDI4uKi3W5PxOMEj0+SZDKZYhgagmCWJA/s+QtTzqwRWp/8rNNTW1umCMMwRZHAWBAEgW2rizPT0y6XS61We71elUo1ODgkFIm3bN6M4firL7+sUqvD4ejWbZsqK0pRFB0cHERRVKvThcNhhUKh0+ldTpc/4F9aXCo0GPg8fjQaLSgo+PNf/hIJh7/zne/I5HK7zdbfP2AwFAuEAvPKSmVVVWdHx+TkJJfLPfLIo263i6KowYEBmqYfeGBXLBIYGxk1W1b/9re3CS4XwwmKYUiSWk8LBd4dTI1BGW0IENqAHjW4KBwOBzwNsEpBsggYQTKZLBwOg5p+y5atr7zyMp/P97hdfD4/GAz6vV6SoqQyGUWS8Xh8ZGSkvLzc5XIZiopWLRaNRjM+Pv6Pf/zja1//OkEQUqm0sqJiZWXF7nAE/P5bt259/etfZximo6NjY2vrtatX7Xb7j370o+HhYUNRUTqVSqVSKIrq9Lm9PT29vT3t7e03b97cum3btq1bJyYmYBgGB2l1dTU3N9fj9d64fn3T5s0bWlpu3bpdUJAvEAhu375dX1/f1NwM+u7vvP0Oj8d96qmnLKurPC6XoiicIO52dEQikcamJrPZjGNYfX394uJiKpUuKi6empzk8/k7d+6kaHp5aSEaCQE44cKFC21tbQKBoPf+/fZNmysqKkxLSxqNhmaYzs5Ov8eTnZ21b98+y6r1/LlzNEOfP3fO6wuRFJWbm3fkyOFQKFRVVbVz586FuflEPN59715xUdHQ8PCzzz5rXV0dHhmKxeO5en0wFFo2Le/ZsyedTr7++isCofipp56WyeQ93T2tG1v9QX9fX+9vf/tbDMMAmgfDMEVDMIICSwZAGTgA6618PVOGzYehzHA5+8yMjD79RQ3A4/H4PH4wGJTJZBiGYTje3NwMNmvfvXv34KFDNM386Y0/PfXUl3h8TjQazc3TT01NVcorcRzJztbOTi9ev3Gtvr62rLysqLiwq7NTIBDbbLbjTzxBM4xQKFyYn1colRVVVec/P1dXX0/TVCwazc3NzcvLQzHsvXff5XI5ly5dOnLkiFQqta5avE47AkE0RRYW5q9a7TRN0TTD9nfBCjCW64aiKNjsJBQKo9EovE4vmo2GwKbBqWCTxUgkAjhzBEF0d3f/9Kc/PXHieYaisrKyTr7zzlNPP02m07MzMwRB7Ny5s7qmxmI24wROkeTMzExxcXFLS4vD4UgmEhq1OkerDQQCJpOJoiixWPz888/b7XaZTLZp06ZEIqHWaDZv3jw3Px+NRicnJ/0+v4jHV6vVPZ3dXC73xDPPLZlMqXiypLg4lU6r1ep0Ov3uu+/u3bs3JycHRhAwuf/B+x/UVFcLhUIEQUfHxhwOR2NT0+DAgNfnKy8v0+t1YrHYbDZjGIYiCEmSWRrNrl27dHq9z+cDlGapTFZWVsYXCHEc1+l0yybTxYsXSZKsr6vNryhLp8lwONzW1mqxmNva2gic4/eFxGJ5YSEWjUbOfPZpU3NLXU01isA4hyg0GBiafOmllzgcguAIt2zb/rWvfi0UCk5PT6MoGovFEBjOzc0bGxvr6OgoKCxMxOMen1etVkciER6P6/f5jhw5rFQqk8nYz37+E6/XH4tGysrLbTbb93/wg7m5WYomAbqdGXZlEASlM36dy+WyQvnrUpovQgHr/tnuEAADkczudIZZq4DXXrU4N5xMpYRCIQKj9+/3x+MJj8dTVFxAU3QyldLpdFwu9+TJk+Vl5VqdLpVMVldXc7m8lZUVBIWnp+Zv3byzd+/utvaNXq9LKpNMT0/FYummxpa+vl5/IKBWqbKzs2vr6qamJiPhSElJSSqVunPnTiIRX121PvzwvuycnP7792/durV58+am5maXy0Gl4+NjEyq1puNu58efnObxBBAMQcjaUnhg3xiGRSIRsEAAoKJg/IUtfUDSD3IkUCrAmcUCoBjg8XiRSASwJFKpVCKR+K//+q8HHnggFot2dnYuLS795Cc/cbpcUqkURRCBUBiLRb1eH5fDYSDIYbcNDQ2lU6nnT5yAIMjr9ZqWllwuTywaSZPJoqIijUbz0UefHD362NWrlwOBgNVqfezxx4sMho7OzpVlk8flPH78+PDwSImxNCdH67A7QuHQ1u3bZmdmTCZTU1OzZdXS2dmpVqm2bdvW29sbiUTkcnl1dfXMzMzJd04iKPrYsWMHDh50Op0L8wtisQhCEYPBYDabgTKAxWLJ1eudTidYI/nxxx/v3r3bWFo6NzsrEktAhjA1NSWTyWw2G47jAr4ARRGpVCKRynrudXG53GQyVVlRxRfwaZpeXl6em5uLxWIqlTIcDm3evCW/IP+tt94qNZbG4zGr1ZGIx6VS6aNHj7pdrsnJyVQqVddQa11dlSsUqVRycXHRZDLRFF1iLK2rq19ZXi4tLU2mUh6PG4agq5cvdnR2adSacDjS3X2PYSCcwKhM8UrTNIzACIxQNIOiGIvygRgOXDubF7CD48DQ2YFydjiE/X0mOKzhIphKo7JZrcMjQ4lY0mgsjcUSt27dqm+okUqlNE3TFOX1uktKiozGkmgsGY3GrVb71NRUc3NzIBBQq9W5eXqpTLq4uORy2RcW5770xJfmZpfef/+D6ekpIIp96PCRRDxeVVVFUZTFvIKi2Pj4WE5ODpfLycrK6u3tlUql3/zWt8ZGRwP+wPzcfH19dVlFBY/HXzQtg9kAQIYD34dFdUA0ABYfjUZZc0cQhG1+xWIxYO7skaBpGgwuRyIRkEEJBIJ0Os3lcn//+9+Pjo6SJPnwww+vrlpNy8sEh3Pp0qWCgoKGhkapTM7l8WEIAlgWiiDbHnjA5fYsm5ZkEkl2To7JZO7u7i4o0FXXVF64cK6+vt7vD6hUqqNHj16+fFmpVOblFxxWa3794v/KlXKhROTxez9/6aX//u//SSSTTc0tdpttfHx8x86d+fkFBIdgGGZ2ZtbpctkdDqPRWFRUtLi01NXVVVZWVl5eIRCKFheXsrKyQBrJ4XNVKpU+N3fZZDKbzdPT02Xl5aUymUAg4HG57W1tSoVibnbW5XRla3WxaHRycnLHjh0ul4vH5/G4/JmZ+c1bNgkEPAiCq2tqe/t6C/LyJFIxEFU3GApPn/oknU77srM5HC6Gc5aXzVu37qisqqJpCqah0dERh93usNkYCCosKIhEoxiOmS3mFYvZbrePjIycOHGisKBwYmIKx/HFpSW3x2MymUpLS8dGRz//7KzFstrW1qbRaBiG4fF4EAwzFLnGaIRhhoFo6IvqFpyKZDLJZFRzCIJIJpOADQD+iY0G4P6y+pnr16msy54g2Lw8jiAIBMGTE1OVVdVjo2OxWNxgKHI47CbT8o4dOzAM02g0ly5dLCsr6+zsXFpagiCouLhYp9PRNGO12traWv0BH4rAyVTSYlkpLa3665t/A5Xfzl270um0UCgMh4MSiWRpYUGfmzs/P2+1WgUCgUaTnUwmS4ylV69crqysjMXjPfe6H3/82NKSKRKNhoLh3/z6NzTN0AzDwBBYfScSiQC2A8Mw+OagCQC+LXigKAqEROPxOIuQgjkmgiAEAgEYygHUCTBkk06n+Xw+2ENDEERhoSGVSp048bxMJmtsbAwGw4uL8xUVFVweL5FIYAgsEYtfeeVVl8tVUlJsMBju3btH4NxwJHT48P6PP/7I6/X99Kc/n56e1WpzNBrVtWvXt23fHgoGz507l5Wd1dRUbzGbGQaurKrW5ui8Xl8sFhWJhQROJJNJDMdoip6fn4/FY6XGUsuqZWR4eO+DD+IEcfvmjQ0b2iAGUqpUGIadfOcdLpe7YcOGK9euGooMjY2NcrlcIpX29fYlEnG5VGowGFZXV+/du1dQWHjxwoVYPP7Ms89JJBLwNROJBI/Hzc7OicdTGo2KIPB0OhVPxPv6eiAGxhD0xRdfzM3N3fvgg06Hw+v1Hjh4qLqm5urVqxaL5Zlnnw0Fg6Mjo6alpcKCAqFQKBAIIAgSCIWffPIJxVBgAlOpVBYVFRmNRrVa/bvf/X7fvn0Yhi0uLrpcLpVK9afX37CYzTiOAw4vyEgphgZpDUEQQPgMhmGa/qKWZbNc4N3B7QNsSHalNPCVcrk8HA6D2an1aVIGUGEQBIUgCPZ5TFwez2K2qNVZdrtjYX6huLhEoVBfu3qtsalxoH/A6XSm0qmee/d27Niq1enkCoXP69VqtRRF6fV6s9lMcAifz1dQUOD1uEdGRje2tqWS6dOnTz969GgsHn/5D3945plnfD7vvn0PUxTF4XIjkch7775rLC3Ny82fmJiw2Wxms/m73/teVnaOz+Oem5/duHHjzPRsV1fXa6+9Bj41zUBsWxd8HxAKeTxeOBwmSZIlQmMYlpWVZbfbwX4xCIKAxYPXqlQqsH4GXHHABmGp1OwYPiipxWLJvn0Pt7a2zszMhEKhtrZ2Pp+nUqkEfB6ZTgcCAZfbffnSJYVSmavXryxbtmzdVF1d8cknH0MQtHXLDrUm2+1xCwV8giCuXr2q1Woj0Wh2VlZpWfHc7Nz4+ASG4fv2HQj6g/0D9xVKhUwmI0kyEAj09fWdP3e+vKKMYehDhw/duH6jvb09lUoVFxkmJmf37HkwGAzQFAWkLmw2G4TCX/7ylzEcj8diaZI889lnEonkySeeGBsbo2l6dXXV5XKBeaj9Bw8BhpXD4di4cePy8vLKygogqFVXV42OjQaDgUDAd+vm7ZmpGZqmn3rqqV27djmcTo/bnZ2jzc7J4fF4YE1WPB6/cfMmgWKPP/54T0/P0OBgUVHRxtY2u9328quvLCwsfOtb3zx06JDd7vjoo38gCNLZ2YWi6BNPPNHT09PT0+NwOCkyzcEJtqJbM26IoTOAJsAw0uk0DKNsAGcHQsDPLNDJekBoreG1timChUdZ64czo7Ng5BCenx0oKCy02eyrFqtKpYYYWCgSvfW3d0KhUG5uLgRBQqHQ5/O2tLQEAr50Om0oKiorK/voo4+SiURJSTFBYGpNVm9vr3XVVltbSxCcRCJRXFyCoujY2Bjg98MwnEolxGIxh8MRicVOh+Ott95qbW01FJUwNJ1fUOD1eNQaTXZ2NsMwKysryUTStGziEPh//df/ZzabUQyH4LUvD74MADpBhzUajQLyMyDAgSsCaKdgG65CofD7/WDXGEEQPp8PqCmCgySRSILBIEEQoGbicrlg0RhoMIMN3i+99FIkEjGbV3w+v16vLzWWzExPRyLRWCyq1+t37Nx54fz5ZDJdUJDf1Fw/OTGmVmuWlsz19U0zM1NcLqequrav997pTz/dtXNndU211+O8ePFSIpHgcHj79x/EMPzVV175xre+EYlEznz22YEDB/x+//z8fDQaicXCDz300N27d8fHx9Vq9fMnTjjsbj5f2H//fmlpaVtbm0AonJqYDMcidqfD4/bk5uqkUtnZzz/fum1bZXn5Sy+9hCBIW1sbl8vl8/njExM+f+DYsWNSqXR+fr6srEwgEJw/fw60Ds6c+SwvX3/9+rVgMPDVr3wNohGHw0HT9MaNGy9evKhUKrU6/c5dD+A4JpXJVpaX5+bny8vKPE7X2bNni4qKCgoKJsbHi4qKNNnZdqdzbGzs4Ycf6u8fuH371tWr1xobGwsLC27evBmNRgEuh6IoRZIIBLN5OSigURyDM5qwGIYB2XcIgoG3RjLLcEFmC8I7K5/Dbkhhj9P62oAtkSmKAp1gFEURBEF4fIHdbrdarTiGLczPp1Kpq1euEASSk6PW6bO/9o2vFBcXHD58ICtbbbfba2pqSJL8w+9/Pzc7K5PJ5uZmXnnt5UsXz8/PzbW1t6dJms8XTkxMBoJBgiAikUhfX1/bps2JRGJwcKi/v//jjz92u1ypVKq9vX1kZISmqJaWFpvVqtPpgoHAyPDQ9NT0Jx+dunL5CsQwBQX5O3fukMkkDL2GebHhUiAQAPeQSCSSyWQ0GgU+HpQHFEUlk8lgMEjTdHNz82OPPQaUloH+AqspDa4guJrg8IAaIx6Ps0oTUqnUZrP9+te/xjBs585dSqVSrlDMzs41NjYqlcoHHnigorJyemqquqbmxo0bPp/X43FLJNKs7GxDUZFpaVGny+HyuH6fx1BY+JOf/MTlcsfj8Vu3blEUJZXK5ubmX3311ddfew2sl/vTG2+AEpYgiIbGxg0bWqqrq37xi19iGFJTWz09PTUwcP/cuXP/99L/1dXVJZNJu91++9atbG1OW3u7RCwmOERBQWFZefm27duBEPnOnTu9Xt/OXbu6urqvXLl69OjRTZvaYRi+ceMGSZK/+c1vnnvueaVKVVVVRRBYXn6uRqOpqqoEQ+7hcKS6piYSiczOzh4+cmR5edlut0ulUoqi7DabXKHYvHkzDMP3+/vNZvPt23fMZnNlVRWComSadLs9d+7cHRoaEYnEw8OjAoGQy+WdO3cuHA4jmQdFURmgjoEgCPxYUVGBoRibsgOmMOj6A68PLBs4e7bnw7p5cGfZw8BmRPA6EjGTUVdgZwwxhVxmtVlNS0sYRjzwwO6vfvlrObqcsrKirKyskpKihfnpbK2aolMKhbKhocHpcppXzGBAxO/3y+WS6prKUChcVFQyOjJO05DFbHG73KlkEsUwv9+vUqnOnvns8uXLWm12SUnxxo0bkxnA3mg0ymSy06dPYximz83t6+srKSmRy5VVVdVisais3KhSK/+///qvLVvan3v+ywDIB0ecoiiwCBUA/GyVw3498EzwPR0OR2dnp0AgEAgEHo+HouiGhnqz2Qx0e1AUDYVCKpXK7XaD2bdAIIDjONgvBDwE6LJxudx0mmxobHDYHaVlpXn5+QqFIpVOoyiak51N0/S///u/W8wrXC6v5173yy+/XFpa0dK8USgUUxQNileKph0OOwxBN2/eJEnqm9/8Vk9PXzqdfvaZ55pbml9//bXtO7bn5eXPzc6azWabzZaXp33qmeMtG1uUSsXc7GxWlmbT5k2GQqPb5ZXJZOFIZGFxUSaVXjh/ftvOHQqForKyEoiyOByO/v7+wwcPPrRvPwRBs7OzEMQ4HHYEQTa2tiUTCb1eT1FUdnb2kSNHnC6XUqXI0W5zOB0Wy8qhQwd37Nh+/uxFIV9SWlr6+muvFRYWtrS0bNiwYWJy6sUXf1VQUCAWiyurqlRKpdfrVavVr776ajgS8ft84+Pjr7/+OgzDdqcbRuD33nsvkUgEg0EYhu/fvw/DDIoigIUG0lEURRhqrYtPptOlJUaDoXBhaZGmaJFIBAxXqVQuLy8zDERRpFwuBzNSbAoAwzBQzAauEDQ9WQwUnBmWJA9sA4h+5+Rk37/fx+PxYBjGTEv2nOycvXsORKKRkeHR/IJ8o9F49Nij8XhiamoSgqDZmZkjRx4JBaNZWTmjo6PxePJ73/tBOBx2OFyhkH///gc9Ht+npz5rbGyurqp1utx2u41mmFAwuHHjRplM9tlnnz300EMbW1tv3by5smLR6/UddzuMRmNdXd277568efP2vn0Pmc3Lmzdvun79en5+PkWTq1bLlauXdDrts889r1LlPP/ciXff+yCZTKEIQqVJBEJokkbQtWjIOhUIglIpEoYRhoEhCEYQBEXxxUVTKpVQq9XA/RAEYbPZaZquqqqy2WxAeQUUAy6XC6JphqJRDOdgOAfDGQgiU2kGpZLJ1Ifvf3D8+PFr1651d3U//qXHVXKl2bzi9rhIMt3U1DQ3N1tbW2+zW1cttpqahnAk4ff5XS5nJBpOxOMkSfIFgp579/bs2RMIBL/5re9WVFYvLy81NDbuffBBQ2EhRVJ6fW5bW5vP6y0rLV9ZWd63b384FFIqtA7rmB+KoAiPoTGn3Q9DiEgsfu2118KhMEbghsJCDMNWlpfPnT//7W9/Oxi0dXR0bty4saqy6vq1q/rc3Lq6usHBQQiCHn300YWFhZHRMaPRODY2VllZWVBQUFtb+7//+7/dXR0HDh6KRuP/+Psn8/NLhkLDink1S5PT19tbU1NTVFRkt9sH+u9Pz8zV1NbW1dZ++umnmzZt8nq96XS6o7OzrLyMw+V2dHX+/vd/SCTiQqEQgiGSJKempli3nYFxQPW5pmtPURSMrmHzPIEgFA1fvHIFQVGJRJZIxBmGoWnG650H0yAEQbjdbrbND2cEM5PJJLj1O3fuXFxcXFpaAr3eurq6qakpJrNNHWTyQFjEZrM7nXaJVMwhOMFgCD776SkulxOPx3h83gcfvPfQQw/uO3Do9s2bDMTUVFd3dXXduXPny1/5ytTkVI5Wh8BwIBDIzc0FAjUOh1WplGdpsp0O18zMXM+93oce3lddW5VMJS1m8/379/cfOADSjPz8/Jnp6XfffTc/P3/79h2xeGxgYODundsMQ2/evFkmk+n1eqFQ6HK5uFz+1PQ0iiBSqWzjxg0QBPEF/Avnz7/yyqtOh3PNvhmIZEgUW2vxQhDE4XASiQS4xOD6sslfpn9AA2n8QCCQk5PD5XIBcE7TdCgUEggEOI6n4mtFMxiWi8fjYFQa1Aw7d+4cGxv7+te/XlxSalpamF+YP3bs6CeffJRKJbdu3VJcUiZXKKenprwej0Qq9ft8Xq+3rKzM5/cDZnUwGBwZGQmFw08/80x5RcW5s2f9/kBJSXFnZ2d1VbVIICwpKQFzyTAEcXi80598UlJS4vf7k8lUcXHR4uIShmEGQyEMw3Nzc7Ozs/sPHAgFgzRNUwzj8/u6u7s1Gs3WrVuVSmU4HJ6emkzEYsMjI2Kx+Iknn4xHo4lEYmpmli8QxGMxl8sVj8e/+tWvjo+Pzc3NyWQysJvVbDZrtdqV5WWJWDw5Odna2qpSq9947bW6hobHH/9SLJGYm51NJpMymWxubq6hoeHmzZtms3lkZGRlZQVgcQRBkCQN7BtcRvBgAXhwyzJFLQlSULlcjhO4RCxxuz0kSQeDAbbeA7YOrBwcJ3bmG+SuAPWura0FC3nZN2dzHvAn2IXTEAShKIRiMAyh6XQa/vz0x4Yiw/T0VHZO1sT42KZN7YFgqONuB5fDCYZCbrd727ZtWq1Wq9WFwxFQvBIEodZobFbr/b7eRx45JOCLJBLp3/72llKpqqyqml+cb6ivJwgCxbBwKEQQRHZ2tkgiCfj9CwsLc3NzBw4coCnK6XT19HSB79PY2Gi1WkGVrFSqHQ4HWGridDolEklBQT4MQ++//+FLL/0fhmJgWB7BkFQ6pVAoUqlUPB7P8P5RtVoN2sMgTWIYhmHWgiaCIGq1GuxgBKAqwJ7XlBhTaQSCmMyMASCOoyiqVCrtdvv27dubm5vb29vdbnd5RQUEQS6n02xZ6em519bWyuFyb928dfjwEZvd3tzccuf2LY/X29nRYTQaS0tLY7GYUqUqNRpPnTp1+MiRVDqNIEg0GlWp1aFgcHR0tLamViKS3LvX3dTUJBAIVszmivLyqampc+fOHjh06KXfvvToo48IhcKpycnnT3x5cGCgqKgIJ4isrCyX2z02MiIUi3x+/+zsbGNjI4wgJSUlZz77DGboYDA4OjrKIYhvfvObPr8/KysbQtCBgf7cvLwHHtg7NTkWCoXS6fT09FRlZeXS0lJubi6Hw2loaOru6qAp6tTpT7M0mvz8vHg8/vQzz5rN5k9OnbLZbCiKNjc3d3R08Pn85eWViYlxHo8XDAZZtB5BMCDpxx4A4MLBKiAAd9I0ICN8seUWRVEggABnuPugCAY5LdvKhP95SS7I9UEyDBIeliSXmX2h2YYAgPgSiQSOowIhj0xTMIzAJ9/6C0HgPp/34X0PQQydSicIgpCIFfFE4vz58wcOHODzeJFoBIIRq8VK03SJ0Tg8PCzg8yEYvnHtWl6ufmNrm9Vqdbs809OTllVrVpbm0OHDqVRKo9GoVCqKogKBgEwui0aiwVBoenq6t6fnq1/9qt/v5/G5Drs9Ho+73W6SJDdt3hyPxw2FRYlE4u9//7tKpfL7/Rs3biw2GqPh0Lvvvvfaa68TGE5SjEql9vo9iWRCq9UyDBMIBCKRCAxDIpG0qqpqdXXVYrGw3x+gAnw+P5FIsL1hDMOEQmFubq7FYkkmkzTDUGkShWGGYQBXBzwT6AkHgyG9Xh+NRgsLC/Ly8goNhqXFJQRFvvLVr46PDfX29kilks2bt/n9gd7e3ueee14gFHzvu9+Vy+XZ2dnFxcWhUOjBBx+cnp7m8/lV1dU0w3R3d//lL3/ZsWPHhg0b5hcWtNnZ+bn5d+7c4XK5+/bvj8Xjo8PD2TnZaYrs6uhIJhN2uyMSiR45cigRT9XU1tqs1kQikZeXp1KrP/7oI5N5RalU+ny+ffv2CUWiysqqgf6+ixcuBAMBMOdVXl5OM8zP/+M/KqpqNm1q53J5BIEDi8nRahEYOn369K1bt3bs2KHRaFAUEwr4P/+PnzEQ8+Of/EQiFtM0rdfp+oeGV1dXT506BXQGEASRSqUwjCQScZFIpFQqpqdnQN6CohjwL8Bw2ZRdJBJFIhFgwQTBYRiKJNPstAYw31QqTdNMhrJGgfkNgHSzaCmb90KZTVmg7UOSJGBJsKGDxUOB46coSigUHj582Ga33rx5DccIiqIwLpe4cuXKM8885fW4pTKxWCxOk2QoFJLJZEePHp2YmPB6PF6vl8PhHjx0mKbpyclJ8Ml0en11dY1apbbZHKFgCCfQuvq63FxdgaGos7OToiiDwbD3wQenp6b4fP7p05/29fa1tm6UyWSHDh1iGMbtdl24cJ7P5x8/ftzlcnk8nlWLpai4OJ5IgHZbXl5ecUlJcUkJDEFAGk0ul3ncXhwnXC4ngiEYhgECDPAfGIalUsmOjg7gPMAVhNekFNFYLAZSRoCvgWnx0dFRDocDQRBJUhiKsMgDwzBgvtvn8yWTSYGATxC4zRbw+fwWi5lhmE2bt77/3snLl85DENPc3Lxz186uzp7+/v7tO3b09vZIpdKnn346Lz//7p078XgctI3AVD4Cw9FYzOl0Pvfcc9XV1TRNx+PxxYWFoD9YWlqaSqfv3rnz8ccfV1RWPlFRptXmJGKRU6dOMQzD5RKzszMwhNQ3Nrnd7r6+vuKSkkOHDj319NMW6yroe3R2diIIEgqFdFotaGX4fD4ynfZ6PKdOnUqn0zU11UajkYHgG9ev4Ti+d+9ev9//5z//yWazzs3Nz88vEASeSCRysrN/+cIvEQT55JNP7t69+9BDDzkcjnAkRkOM3W7HMCw3NxdsegZ7uyQSCcOs0RMRZE2vAMdx0JcF7SpgoCxTC8NQguAGgwGW1QNiOEmSQqEIXBb2n1hUA+S3QqEwHo+vN24QKDJhBGIPz7+AP8lk8pFHH/3FL3/5ysu/v3btEoFzEATBAAU/OzsLghmVStXV1aVQKIqKyggOJ+D3a9Tq4uJiYAdOp3NkZGRhfj4ej8tkst27dze3bHTZ7bGYB8fxpqYNU9OTNJ2uqanh8wUqlQoMoZstlqKiIj6fv3PnjoaGBqVafa+ra35+vra2pq6u7syZMz/96U+tVmtDQ0NDQ4PT6ZRK5X6fTyAQZGVl6XX66enp/LzcZDKxa/fe1VXrn//0Z2gdtZXNCEGxD0FrVRc4ABlPAIGch8vlAmEVcKsgCMrOzgaiUW63W8DnJ+OJYCAA7pnb7UYQBJhRPB6fm5vj8XgejzuRSIyMjn7p+JOvvf6GSMQbHRuNRMIL8/ORSLi2tra4pARDUeBNO+7eVSgUH374dy6Xu2PHjqbm5q7Ozkg0qsnKevTRR61WK4fDSafTsVis0GC4dvnqjh07cBxXq9Xbtm3buHHjzPT01SsX//GPf1RXV2/fvq22tvb69etisex+b89DDz1EUZTVah0fG7Pb7XML8xs2buzr61NrNMXFxbFoVCqVbt60qaSkRKFUQjB6++Z1i8WyYePGaDQqk8uTiQTQwe/u7i4oKMAJ/M6dDhiGSTKtVCp3796Noajf7wcjNS0tLd3d3RaLBSc4FE0DVrndbgfRFbBIAoGA2WwGfASGYTgcLrB1lpIIcH3gnsHNisfj8XiMyfR3WXcOjg1w6mCM+19oPBKJBMA+bHtrPbjJIv1sDM8YBgQKxY67d3fu2LmyssTlcmmahmEEvnzxdE1NDQxD0WhYIODb7fbxifGWpnahUBiORCAISqdSLpdLJBJbzKuG4qLioqKpqSmFQjE3P+92eiQSWZZaaV41y6Qikkqr1UqRWA7DqN/vhyBILpdb7faB+/2LiwtPPPGETCYTi8UDAwMOh6OpqSkej3700UcwDFdUVMAw/PiXHnfYHbFYYnp6ur6+3ufzVVVXO51On9eTk5ND0czI0PC3v/0dmoZgCKZhmmZosVgci8XAhUNRlKIYMLLMXnoYhhlmjfGWn5/v9/tDoRAAN8EyC5FINDAwSFEkhyBwFGN1RXk8nt/vB+EC+CE+nx8KhTAMU6lULpersalx7949paUlwWAgO1uDYdzp6ZlEMhkJh+sbGpaWlmxW69jY2P4DB8KhkFwuz8vPHx0ZoWn6wYcfJghCKBTSDDzQ3/fOO+/UVNfU19bhOC4SiRAUHRsd3bZ9eyjos6wuv/fe++3t7fv27+fzeOPjY6kkHQiEOjo6Kisrd+7adfbzz8l0urq+rqura8+ePfUNTVNTE0KhUCwU9t/vA3x1kVg8Mz1dVVX92uuv7z9wME2mRSKRRCwWCATvv/++xWJ55pmnX3jhhampaY1G/f7772s0mp/+5CfFRUWhUGh8fHx2dpamKAzHSZoGOTqSISbiOA5CgdfrZbsoyWSSxxOAgjidTq83X0DfWkfsgUC4yGAVwK/BMIyAOwieDOwYPA3sAo3H49A6tXDwA47j7P8CfqRSqXS73fQ6SVlmrS8GoRiE4whDwzTNwAP3bur1uQuLCxiGqzQaBEGnp6ezc3JGR0Zu3LhRU1Mjlcp0Oq1EIpHJZMlUqr+//5FHHrl29dqlSxfb2tq3btsO0VSaTA8NDun0undPnpTJFc8/fyIciUSj0bzcXL0+9/z5cyaTyW63P/jgg2mSjITDGI7X19dpNGqvxzM7O6vT62VS6f3792vr6rKy9TduXFtdXa2srAQTugqFdHFh9uU/vPLMs8//5Cc/ddhdCILBKMRAa0cf+AMURak0KRQI+AKB2+WC1preNARDPD5fJBJ5vV6hUAiWDEAZ0RQ4s3KYpigIgjEMZSBo38MPd3V1wwgMfGEqnSZwnCRJhoEYZm13dyqVTJPpgoLCb33rm3v3Puh22hwOW6Gh6NbNm08cP3779q352bmGphYUxV767W/r6urA7Q8GQ1/72tfyDSVWiymVTqZTaS6X6O/vD0diy6aVH/7wxzdv3uzt7aao1A//7d+kMvns9DRJkuUVFQ673el08gUCCILCobBcLufyuECu1Of13rh+Y8OGluycnNbWNrVatTC/YDItMRDU29NTWFgYjUYxDEMx7OChQy+//HJZWVlf3/379/v8fr9AIIAgOJVK7979wODg4Pe//3273T4w2N/U1Oiwuy5euGC12VAEoxkagiAE+aLxlJWVBTY2sPwUkGGDtEcgEAiFIqfTkUqlEASMbcBsuwa8CbTGTYAQBAVkR6Brj+MEkHsC93Q9z4fN7NeTnNkyFzC+EomEWCwGH4wtBuDMrEwGjIJgeO0jIX6PB0NhAY8vEUt8vsD9+wNqdVYoGJTKZF964om6ujqbzcbnC5QqlUgkgiGosKDgzGef/fa3v21tbcVxbGJ8ZHRs1G634wQuFot/+39/2Lt373vvvbe4sDA4MEhwOHa77eF9+6RSKcgLc3JywFrsycnJa1evOp3OSDR6r7sbdM0wDEuTKR6PJxAIALsBDOi8/dbbtXW1sXjUYDCQJAnDEE2v7QRg631QJ0WjUbfLBaAHiiQhhqFoGqz9IkkyEokAQgTbNIEzioswguAcAkFRFEX7BwaisSgMwzK5nMPlKhQKhUqZTKVohuby+RAM0xCD4bhIJLZYLD/60Y/f/OtfYRg2mUz3ursmxschiKmurpYrFKYlE5/He/jhhw8cPLiwsJBIJJqamz4/8/ns9MTw0JDL4ZBKZSgCCwT8HTt3FBQWWq3WWDzx+BNPKJRKh8PR29NbXGLU6vQul/vnv3jBsmotKCisrqnN0WkDwUAkEmlqbtLpdNnZ2fX1dQ/s3u12uRbm5+7cvv373/9OJpfXNzTAMFxZWfnE8eNGo/Hoo49OTEw0Nze3trYWFORv3LgxHA7n5uYeOXLkgQd28fn8VCr92muvFRQUUBRlNq+cPHnSbLFAEAwjCBAUoTOj1TiOh0IhgJWJRCKQu7OoQ1ZWVn5+fjgcAvUocO4oioLGE5PhLGQ4bYhYLKbpNXOk6bViAMdxYAMZNsRaCiQUCmUymUqlAjxI8EsulwsCBTh+4XCYJcyhmb26dGZ0FoIghoHA2kUYhrE0SSaSSb/fX6bLH7lz69KlyydOnPB6vQsLC8FgUKfTtbW3yRXy7q6uioqKhYUFpVKZnZ39m9/+xuV0FhQUFBYWwjBssVg4HE5+fv7I6IhcoQDHhqKpWCyKoRhYvQhYr8srKzdv3Jienm5ubqYo8oEHHiguKTGZTAP9/RVVVeFw5OatOyUlJQ0NDTw+32a1Dg+P3O+739raLpXJWzduvHzpCkWTKAYzFMxk0j46wyCHGYjFgNkQCUMwhmGAQwEEVIRCYSgU0mg0gBfEMAxAiDkE0d7efv36dZvNBirmYDAol8vj8Tj7bhiKkus06kDi+8rLr3hdzu9//7t3795t2bDxxvWbwWDI4XBu2NB6+fJluVzu9XqfOH48nU77vN7NmzdHI5FCQ5FUKkIRCOFwkomkddXqdrv7+/sPHDxEkok9e/cGg8G5ufm5ubkjR46MjI5WVVXW1dV5vB4URfLz8sKhUDAYBKmj1+2uqKgQCoU4jlMkSVLk888/PzMzQ1OURCLBcQKGoKmpKRTDOjo66uvrX331tWg0Mjo6SpKUVqsVCARqtdpmsy8uLkql0t/85jeLi/PxRAxDCS6XA0EwtW47LQAx5XJ5JBIBFwH0y8G/An3Yjz762Ol0AoF7dhCPpmmVSuXz+SKRCIDkQU8AhmHQlf8XlJNhGFDpsvwfNtSn02mfzwdyKvDBgDgsuO/rk65MkPliNCzDFPqCIoFJJRIcxVKp1P2+e6Yl08P79lEUVVJSAnYcAMGp4aGhZCp19uzZhYWF50+c6O7ufv7553EMk0ilCwsLGo2GJEnAE1xaXCgoMNy5fefEl0/U1tWNDI8EQ8H5uTmDwcAXCAKBQFVVFZfDeezxxwV8vs1mdbvdQpFoemp6cmpq284dQX8gnU6fPHly3759i4uL1TU1tbU1Go0KZhh/IMDjix559OjSkmlubpZhGAiGAWjD1lsIBCMZSBjKcKeEQiFJra0VCwaDoA4WCoU+n4+maTBGA65aMpkE4t2JRCKdTgPlOavVCmoycKfD4TBwZoBrDZJdFEU+/vjjoaFBiqJyc3Nr62rv993ftWuXRCIpMRpzsrJy8/LCkcjlS5eqqqvtdjsYh0ARZHl5mWGo+YWFs+cvnjjxVZ02VywWr6x4uru60um00VjW0dGB43hZaWl7eztBEFOTkyPDw/v27RMIBG63e3h4GKyQASt4s7KykslkfVNzJBwCIyM7d+2qqatLJ5NNTU1vv/32lWs3QqHQpUuXKIpqbm4CDKh79+7t2rXr7bff4vG4sVh0bnYOI1AOhwNDaE6O1uPxRCJRDMNhGKIoks8XtLe32e32paUlNkcHtkWSJCBxRCLhyspKp9Pp8XjWYgCM0DQUCAQLCwvHx8cBFvcvpIb1jB143XAj2ygAfysajdI0zePxgBcDR0gkEoGOPts0YMMRQIRkMhmgjUHrRKJAIMIoivL5fDiOj41PhELB/Lx8iiLTJKlUKqVS6eDgoEgkmpmZ6enpeeKJJ8RisXllhWEYu8NRUVHB5/PFYjGO46urq3KFAkHRo0eP0Qzs9fouXboUjUYJgiMUCNxuN4ZhFRUV4LqMjY0VFxdLJBKrdTUajYAFe1/5ylcSsZjP7y8vL29uboYgyFBUlEwm+QI+xMD3++4fPHyIJxA2NNS3t7cuLc0hKJpKUwiCgKZvIpGAEYQgOGQ6zV5TNuEDWHImIsNAMYXL5QKmCsMwrE9icQMej6dUKgE1DcxhSqVSmUy2sLAAw3AikQBeEJwrDMMQCJqami4pKZFIZEuLKzt37np438Gee10fffSRXq/X6/VerzcrK6uoqGhkaCSRSKTcKSxLQ5KkSqWoq68rKS3TarUoiqaSyVu3bp47d+6//+d/nA7Xww8/3N3dLRAICILIzs4xFBnGx8dmZ2fD4fD7779fUVHR3t5++MgRhmEKDQYOh1NkMCiUKpfDbjabI9Ho/n37zp05I5VKR8fGhCJRVpZ6fn7+29/+1sDAgEajpmnm008/MxqNr776mkajAR2SQCCQTqcQBKIoanV1laZpoVAUi8VQFIFhOJVKymRyi8Wi0Wg8Hg9w0sA9Aw8SCoUIglhdXQ2FQjwej1kT8EMFAn4kEllcXIRhWCwWA5U+Fuhk4SDgztYP8THrCG3s1ggW54AyzDkQcP4FHUIypEa5XO50Opl/YhNT4IWwY3l6oL+/rqlp2bQiV6o7u7sNhkKRUDA2NpZIJPLz8/V6fVdXl8/n23/gwM0bNxYWFr75rW8FA4Guri6gh15TUxMIBFZXV3l8PgLDJSWlHA5nYHDw7Oefp9Pp7du3oyjq8/nEYrFer88vKHj/vffcbvfTTz9969bNQMC3b/+BsdHRuvr6ibGxsfGJI0ePGQoL/X4/juMyuXx+fj4SCn/y0Se7HtglEgk+/Pv7QoFAk6W6e/fe0PAYjq85ElAtUek0Ta0VT1CGFQiha0tloMyEKLimUqk0GAyC57BGD64+QLJB3Qz+VywWs+CDQCAAcRwgDCDdRCEYYiAIhk6c+LJarWprawuHw0KhYMW84vF4TKbl8vIyjUYzNjbW3rapp6enZUNzx907aTL9zDNP3evpKSopPX/uYkVZdVt7+/TMhNvtKK8on5tdcDgcc3Nzzz//fCKRKC0rCwT8fp/P7/e7XC6r1VpdXa3Vanlcbl9vr1AodDqdxtJSHpfL5fFAmi4WiU6dOtXR0ZGTkxONRhdNpng83tbWfunSJYoiS0pKJiYmhUJhMpnicjmpVApgmgxD4QRmKCw2my2pVAqCEIaBGIZKJhP79+8vKir64IMPSJIEwROAM+A6aDQasVji9/v4fD5YWJ9IJACoT5I0j8cDkZPP5zMMI5VKAXWHZS5Cma1wVEbxgI0G7BljGEYgEAB4FJwZcB7AD6B7sD6VAoIJ4ENm3D9E0yRYrYLjOPz7X/1Sq80++qXjE+MT0XjC7fYsLy/X19dmZ2f39Pb6fT61Wk3TtNlsrq+vb2pqunDhQmFhYV9fH0EQmzZt0mq1Pp9PIpXeuX27qKjo3r17HA6vtLR0ZmYGw7DGxsZkMgkjCI5hAABVq9V2hyMRjx88eHDJtLhqsZSVlTldLrvN5nA6HnvsS3aHU6VShcNhsAL68uXLTx5/0uv2y+TSUMjvD/hkUvHi4vzM7ML1G3et1lXAWQBXh4MTqWQSVDwikUgkEoVCIZKhQeYKjj6we+BOcBwnSYphaBABwMA123QEFAkWQwBtAS6Xy+VygTQdyJFgGGYgCINhhgaZAFVcUvz73/2upLR01bJy+fLlaDSaTCZzcnIKCgo+/fSzjRtb1Wr1gw/uuXHjOkmmU6mERCrVZGlDoQiKcmw2W2Fhns/vUSgUXo+vsLAQgiCZTHbv3j2FQpGdneV0OvV6fZokY7HY8NCQTCbLz8t7+623Nm3ejCKI3+93OOxcLi8cDj+8b192ds6pTz6empqKRCJ5eXn/+PjjVCrl9weEQgHg6qDoWq4IvjVFUQRBQBDN4RD5+YXRaNRqtUEQAG1ogUBQVVVVWVk5Ozt79+5dFnthGCYnJyccDpeUlPT398MZDhzovlMUSZIUhhFSqRTIV0YiUb1eJxaLJiengOdCM2UVy2Fm83jWYYFjwOPxwGVn8Q+2kwAyYfaFbEkAPP0/uz+IwyHAxCwWT5N1TRtWrTaL1coXCEgyPTs7KxDyFxYW5ufnbTbbz37+c51WGwyFpiYnBwcHhULh4uKiUChsamoWisRT0zM6re7WzdtyhRzDiNbWdgRFRoaHfT6Pz+tLJOMbWlpKjMauzg4Gords3UyRlMm02NXVnUjE1WpNMBhkIJhDcM+ePf/CCy+gKJaTlTM/P+/3ewkOnkomH3rwAaGAd+rjj1EMMxgKK6sqc3PzP/7kM5FI+J8v/Oz73/t+NBrFCZymKJJiqHSaQ3ApihKJRKlUyu12C4XCdCyGIygEQTRDwxBcZjSOjIxSDEOSNEkC+TmEohiahiKRCPQFdZEBrgUk+llZWWCIniTJWCwG2oowO1vKMDSMoDhOpdMwBjldntNnPlepVAV5+q1btyXiiRdffPF+X/9//fd/79m9+17PvQMHftbf3w9BcCgU6ent+dnPfmkyLQr5fLFEUlJiWLWsrJiWC/Py3/nb2xDEPPHEE39+43WcIJ588kkUQSrKypZXVgoKCnBN1szkpFgkmp2dFQgEY6Oj27ZtCwZDZvPq008/5XR7nC53Z9e98+cvTM/MAMsAwhlcLoemGQzDGQaCYeDdGQhCIAhGUZiiGILAQ+Ho1NQU0J+SSCRSqRSG4T179nAIQigSdXZ2spkJaHLFYjGSJIGsC7ieCILE48lUKs3hcMRiQTgc9nq9wCtrNGqtVtfb28OWasCaWVxuHY3lC/sGv1SpVMFgEOA8SGZpIpR5fHFHMh1SViFzPVgCjoparY7FYvDZz/5RWVkJI4jf5wsEAhaLxWQy4Tje1r7FYjYNDQ2JxeLdu3fPz897vN7jTzwBuk4CoTAQCFjMFhTFxGLx2NjY+Pj4pk2bpDLZwED/3z/88MUXf4UTRKnRGA6HzeaVzz8/t3nz5h07d1y8cKFlw4br167++c9vtrdvysrK3rSpfclkMhgMBE6cPHnyqSefksqkarWKy+dhCByPRzu77r326hupVPLxxx/X6XSJRPL8+fN6vbaionxqaurtt98GJB8YhimSkcsVqVQKIN/gAUYcoQxvBDTSUxQNigdWRIimKY1GDdZrsqMVEASB/jEbcNdfa9blIAgCw6hUKvX5fBwuN51KRSKRgoKC555+Oi9PD0GwTq+/fOlSU3NzqdFota1GotFUMgkWY+r1ufF4vH1T+/2+vkAgcPv2bZfLtWHDhuLi4g8++KC3t1cmk2dnZ/3bv/+72+0uNRpn5+bMZvPWLVtKS0tD4XBfby9BEGA+K5lKBQOBdDrtdruzcrRvv/12NBoFAB3YMAkSALBLCmDB0WgMICVsdcjhcCQScSQSBmETwAwYhv36178mSfLvf/97f38/wzAgWWeRFnAMoDUxki+cN0VRMpm8pKR4dHR0PZYfjycEAj5bibI+noVrgP9mpQ/ARaYyIiDrlVHYXbpsLcGsawyzBxXJrA6CYRioYAB9NHjgfqfT4cgvKEgmEmAwvK+vLzc398MPPwSeLycnh8PhZGVl7X3wwYGBgeysLIFQGAwEZmdnNZpsj8djMBimpqakUunAwIDFspqTk7VpU/vi4uKGDRtIklwyLeVk5wBiRX5+fiwWUygU169fd7rcWzZvlkik6XT6zJkzzc3NBoPBarVJJLJgMHD9+lWGoZ977hmlSrm8vNLd1dOyYUN+fv67J08uLi7G4/G2tlYOh9Dn5ppMppf/+EeLxcLj8SiSoem19TAgY0EyqzHYCpjH5UZiMQZeo+YCvwKy2M2b2+fn5z0eD6s+zR4bthmJZJiGEASBV4F/JQguQFrZAQMIglAIOnzoYHVNTWVlpUajgRFkZXlZp9eCZhxJkh9++OGePXsQBNHpdPfv349EoziGbdmyheBwfvD97/N4PIPBoFKpSkpKzp49u3nzZpIkCwoLBwcGFhcWtm7b5nA4ampqNBqNzW7/+4cfkiTpcDhmZmZQFGVgxOPxgI8hFouj0ShrIjRNy2SydDodDAYFAiFF0WRGTxwk00KhMJmMx+PxdAZRUKvVLS0t165dAxkF+PDQuhYkn88H444QBCEIBiTcEAR5/PHHgVgvSwIFxo1k1PvYAhf8K6jEmIzM/VqPcp3nBn8dfDBg1uAusEYPXsg+X6FQwDDscrlYp4YgCCuOm06n4b/95ZXNmzYplEqwI1Uml6tUqndPnsRx/Mmnn1Eq5A67PRKJTE1NSSSSUCgEAiKGYbOzs31999vbN+E4biwtnZmeFolEOq02Ny8XhqGrV69SND0yPCwSi5995pmbN2+q1WoEQbKzs0UiEQNBiXj8nXfea2trVSgUJpOpvqHBWFLywQcfhoKhkpKSsfFRo7GEoki5XOpwOGdnF3bu2jU4MNDS0tLZ1WUsKdHptHK5bH5+XpOVNTEx8cbrry8sLBA4F2zPBq6LVYsAPnvtukAQDUEk/UULGZgygiA8HgfAGgDABi0Ylr6STqfFYjG4AiiKBgIBPp8P6gSSJCmKhmFULpc5HA5wYxAEScVjBQUFX/rSl3bs2IEgyJUrV/Ly8rZs3Qx2wtlstqmpqW9/+9tjY2NarbahsfHy5cvl5eUGg+H06dOTExPf//73s7Xae11dw8PDEomE4HB27tzp9/s77t4tKCwcHhoqKSkpLi6OxWI3btxobGx87733ent7gcVQGc0otlsErgD4tOuYw2g6TbKmmTFEipWOYun1QJ4IkJxZuj/rPoBcDRiliMeT7EXLzs62Wq2g3GQbAgqFIpFIgDqKdcwkSarVaiBaYbVao9Eo67PYfAa8J5Jh10H/3DdYD/+z+A+aUYxlrwY4ADiOIQjS0NAA//RH3+PzeSXFxclUiqbpTZs3n/38c4vFAsixHR0dgARvsVggCKqpqUEQRJ+bu7K83N9/v6SkNBAIcjgcj9fL5/Fq6+ri8XhOtmZpaam4uJiiaYfDYVpaunv3rkKheOSRR8AA5Pe+971INLqyvBKPJ7u7uxQKRSAYrKmuDofDi4tLRx89imBoKplYXTXfv3+/rb311s3b2dna/Px8TVaWgM93u90dHR0GQ8H09DQYOpMrlLMz0z/60Y+DwTAMwWzCB0EQmGVZ7xv4fH4ikWTWOX4WTZPLpR6PBzAc0YwGAeg4gmljmUwWCARqamri8fjy8jJFUWKxGJRxDoeLTY2+KN3otcHi1tbWioqKlpYWmqGzc7J7e3qi0ajb7W5ubmYYBieIxcXFTe3tBYWGy5cu8ni8jo6OhoaGgoKCQoNhYnzc5/MZDIbbt29jGAb8+vEnn/R5vSdPnnx4375EIlFdVXX//n0EQa5evXrq1Ckej0etCQmirJUAewJDpCRJVlZW+nw+p9NFEJx4PI6u05lkGBqCvhgnpyhKqVS2tLT09/cD3AxcUpAFAd8BaD9qtToYDCYSSVBbw5nxl/V1KrJupAsMY9AZSWORSCQQCHw+XzqdBiGLRSDWX1u28wCt2yHNrBudQTL8Z/bl61MjgJoAHfUtW7ZglZUVOp1uYmKirKxMp9NJxGJQREql0vz8/OWV5UuXLuUXFBqKiuZmZ8fHx3fu3Olxu+PxOIfDTSaTG1o2cHhcBEVdTmdXV9eyyfTCf75gt9stFsvE5GSp0ahQKFwu1w9++EONWr17926SJFdXVycnJ7VaXXNLs8m01NPT87Of/Wx0dHR1dbWxsSHg9xcZjTDMCIR8o9EIw4x5xSwUSo1GIwTDf33zTYDYpFLpffv24TgulkjS6XR+fn5RkaGn576ALwANGhYOYy0SpEMoiuIEDqMYDMNghzNQl4jFYoFAgKZpg8HgdDrtdjtwPyCfgWEYTHUxDDM8PAJBa3sJAIOjsbHx1q3b0WiM9TTAMkQiYTQSCQaDly9fHh0d5XK5DQ0NAj4/Ho9LpVKg3q5UqRx2ezAQmJqahmG4uLh4enr60OHD4XB4ZXlZJpe7XK6m5uburq4So5HH48VjsUgkcvPGjYKCgkePHpVIJK+8/DKXw9FoNFevXrt58yY4sRRFgyY3uPFKpbKhoeHKlStsGh0KhUKhEAxDiUSCz+crFAqn05nxtQwQTGB7VSRJjo+PBwJBDENZXEUoFIK9JBiGgSleEHVxnIAyGBo7yf5PfiFjqSyIDCw+mUyCdVVs/vkvD2DKALBiHT97l6HMGA37e7ZLvT5igDQQ/P7q1avwy79/UafT19TWqNTq8dFRgUBIkmkulyuTyTo6OrKyshKJhEql6unpAe1hsVgcDAZXVlZIitqxfQeKYjRDLy4u/fIXP//e977P5XJdLldJSRGoBVOplLGsbGV5WalQqNRqi9nM5wsQFOns6EwkE3v3PsTlcn/z619zuVyNRvPYY49ZLBavx6fJypqbm5FIxNPTUzbban5+4fz84vd/8IOpycnz58/r9fqGhsZEIsbjcVZWzCUlJUXFxRcvXBgeHr5y+VosFof+GT5DEISkSECIWPMBBEFDa7MvIEVGECQcDgHrBdktmLaG/hk6AP6Dx+OGwxHwBJBIJBIJhUIZjydAScfhcCiKxFBMJhGHI5FIOIxhGEXTNEV9/RtfLy4uwjBMp9PJFUqIYYaHh/Lz8yUyWTwaCQaDOp3+7bffslhWjx07JpfLO7u6rKvWH/34R4D0CkPQwMDAyZMnW1paHnvssfKq+lQiPDoysry8fOHCxc7OTg6Hk0ol0+k0guHgHoP2Fo/Hy8/PX1xcBGbHdvcACYcNDgAzoWkaRde+L5QBSUG6kkqlwRkAYDxoAkIQBBbg+v1+p9OJIBiToSSACYF0mvwXtw08EYD8QRQNBAJyuVyhUFgsFtDuRTJy38w6uij7G7YSY28Qe2ZYCvT6/AcEfGRtrQQKwwxF0QiCIMlU9Nr1y1wu7nTYEQSFETQSiUql0gsXLqZSqcLCwsbGxomJiYaGBtuqNSc7B4agLLWmyFCkUihXlk2dnXfn5+a4HHz37gfeffedP/3pDb/fOzEx8ec//3lhYaHEaCRTqeLiYplcEY3EcrR6DMfj8cSmzZsJnEAx3OF01Tc0KBVy87IplYhycCSRjC8tLQgEApfLXV5emZWlgxg4N0fntNknJyY1Gs3zX/5Kjl73wQcfRCLRgoICgVD4y1/8YnFx8ejRo+2b2kmKpBmAIUAIgtE0TNI0jKIUQyfJdIoiUQJPkeloNFxYmA8uYDgcDIUC6XQKxHEmoysKZ2Y4wMnhcrlgTRNF0aBfxgJtHA4nHA4zDAXDDILAyWScpql4Ima2roYjEQhFKIiBUQTncj49c+bNv/5NIpOHozGpTBYIBicmpxRKxeuv/sFkWpiYGB0Y6G1tbdm4samuoc4fDO7es+c/fv4zDMPOnTvX2dmJczgUw3zjm9/8wb/9m1AsHh7qMy0v5+ToPvn41OVLlzEUEwqE2mwtTa9h5Czak06nFxYWaJpOJpNgCAGkMRRFAbMB3wJgu1wuF0VxHOeA/2gaQlGMpiGSBEaJYhiRTKZpGsIw7NixY7/85S8hCJqdnQVzAiSZZhiaYSihUKDVZlMUCSoKNCNIA2cUDsHVBjvjMAyTSqWrq6uxWIwNHeyZwXF8TcdqHa+TzpDz1js7JEM1hdYRK0AogDJCOBRFkyQDwwgEIbB1dToYCF6/dtPhcO7ff1AkEnu9nng89sorr/7qxV/pdTqw0ByCoPLSsnA4zOVyxWJxLJGYm5mZmpmemp7+4Q9/GA6FLl26tLK8snXb1ry8PKfL1dfbW1lZuXvPHgxFZ+fm+DwBl8eTiMXRaDQcDldVVwf8fgZGUul0JBREYegvf/6zWCzYtfMBgURms1oBWU0gFLrd7lgkOjY8smfv3vv99x/Yu6egsDCRSFy7ekUhk9bU1s7Nzc3MzGg0mvff/2Dzls1GY+lPfvxT84oZx4m1PdsQhWIoC7fRGTFdgIsj65YsAG8H4NH1ZQOVkR8Dr2WLCjjTuMEwTCKRAIbW+rQb+B5wL7lcbjQaTaVSWVlZjzzyyI4dO7Q6HZ/H8/n9kxNjly+eraqq3rR5cyQSWVpc3Lv3QRpC7ty5+9BDD/F4vGQqdeXyZYZhSoxGLodDkqRUJuMQxIcffmixrHrc7quXrwBFZQiC6urqhELh3OKC1WoFeCU7DA6MgIVQIAiSSCSVldUEQdy4cQNF0ZycHIfDQVEUYByA2RTy/9mztmXLltXVVZPJhCAQn8+HYTgQCGAYjqJr5GSapgUCgVarXV5eBoNKLPvyX/Jy8P4siprZ4fVF35dtjbFJPHiA+oHKTACzb87WvqDcB+dBo9EAnSiWtQploFX4jdd+bbVaqyprKIqemprZtesBq3VVq81xu91isXh6erqnpwfHiX0PPywRi8vLy2Px+N07d+obGgJ+v1qtTqSSSpUqFAohMCyRSkmSXDaZ3nvv/fz8vG9961t8gWByYsJqtcpkci6XZ7PZtm3fThAEj8uNxeOW1VW322NaXEgk4sumpbraGm1OTlFphdPppCmKx+MhKNpz797QwEBLU8vmrVvC0QgEwxKpNJVKS8TCu7dv2R2OdDp94MABGEEYhunu6jIUFY0Mj5x8572lpSUOh0tRNIIhCIqw/XZwh6qqqqampkDnnMmQRmia5nK5oFEAHDzIZ5RK5crKCrgHoBMJZ/ov1Lo1BRRFKRSK3NzcqakplugCbiq4o2zxR1HUwYMHc3JyKioqtmzZ0tXVWZivDwRDyyYTwzBqtXr33r0+n8+yapNJpcBlkBQlEomsq6uxWOzhfQdmpie7u7tDoZDH471w7jxNUTCM8Hi8QMBfXFy8srKSJNNMZhSLw+EA2lJhYaHdbl83TwhzONzc3HyXyxUKhZubm/R6/d///ncA5oDWOFtQgVFpcKIoiuJwONFolCAwUFIzDCORSMCG41gsBhZCMgzj83lBN42iGMCAAGkn627ASQD2CkFQMpkE6dn/W78y65hz7GvpdRtBoX8enGcNXSqVgj4dkxGKQzIcPoIgsPr6hsOHjwSDobfeeqe6qqauri4ajXzwwQeHjxxBUDQcDuM4plKpXnn11WNHjyqUSqFA0NzSwiEIGIIFQiEUg9966y2dVvv1b30rGY8PDQ7K5fLq6iqGYWKxWGdn5+Li4t69e5eXzXKF0mAwYChqXlkJhULlFRU3rt8IR6PZarVarWpqaFhZMcVi8du3bslksuKSkps3boCli7t3PeC02Ts7Ozlcjtli2b13bzQahWFmcGgoFosdPnxYrdG89be/oShqs1kJDt7S0lReXvGTH/9kZcWMoiiCrXXCgYmDZHd+fn6944cz+/MQBAGNXvA0ABN5vV5wVwAQDK4sl8vlcDh8Ph8Q5sDhiUaji4uLIMlmd3YARxsKhdiIzOFwzpw5A0HQ3//+92g0imN4OBytq6uXyxWXL11qadlw4dx5lVpjWV0FxrphwwaJRBKNRnk8nkKp/NMbrxUXF7vd7j/+8ZXCwnyapqLRqMFgUKvVvb298XicyXwpYBBsMQNm3MCh1Wg0oVAwmUwuLS0xDJNIxB0Oh8vlYq0E+GYQFsACHlAJgF6BSCSqra2dm5vx+Xzg6kWj0bGxMfCHmpubw+HwysoK+BQYhgOgla2qwWX/FyQHeJx/Qe3odR1i4O+RdX1iIGUJjBta15JjMY9kMgmIW6AURtcmkjEqo6MIL8wPk6nU6qpdIBAlEkmBQDg8PHzjxrUXf/3rgoKCm9evnzt/vrGp6daNm1KJJBKJ7NixY9OmTQCM0+fmBkJBiGFWV1cVSiW+NtifWlxcLCsvDwYCDodjaGg4Eglv276ztbV1dGQEJ4j5ubmRkZHyigqb3eHz+Wqrq0UiAYFh+QW5y0smly+4f/9+mmHCwSCHx+u4c4fP5Y2PjuEEXlhkKDAYsrOyhGLx3Tu3LeblhoZGMP7z5ptv/sfPfjYxMRKJRAR8EYqis7Pz//d/v+dwOHSGOL0+gDLrtoYBfwD4noA0S6+b/ACWHY/Hk8mkVqv1er0gMWDvDZfLBbxR1j8BsZZgMCgSiXg8nsfjYf8K4GYBb5dKpbZv3/6Nb3xTLpOR6WQoFIpEIpu3bOvu6rRarZZVS7Y25/SpTx966MGGhobS0lKHw7G8vPyPf/zjypUrMpmcJEmpVCIQCFwOZyqZAiovCIIYDAav18sT8CPRqM/nY9vhoB5gGEYoFCIIApSTwZQjlBEbhjPz6WySDRZqeL3ecDjMVkfg0mm1Wp/PAzwCi9PTNG00Gvft27ewsHD58mWKoiAIpmkKghAWIgNJJrBm8NlY/hW8TvoKsDDAkCqUgfDZoMGWyF8wshgGwzC9Xm8ymdB/FsCEMp0B8DS2jY0gCCYU8CEBv6+vv7V1k1gsmZubt9vtP/npT90ul9PhGBgc5PF4szMzIpFIqVRWVVUXl5S43O6ee/e279iBYiiGolKpdHZujh+LLTud2dnZ+QUFfAFfwBcgMJxKpb729a+lUmmBQGheWTFbLNVVVXK5vLm5GWDtTz31VDgUjIRDOdlZMANdvny1rrEpnUrdvHkzNzdXIpFkZ2dfv3pNl62tqq0mOJxwKKRSqzEMz8vLs5hX6ExI3dTePjw45PO7fX6vVqvX6/R5eXqJRBKLRWkIQhGMvXAsUABqXNZJwzAMXAWCIIlEgsfjoRn9dNATFYlEbrd7fQ0gk8kgCAqHw6D5BRKkvLy85eVl4GaAUVIUJZfLIQgCkx/sLSEI4tq1ayaT6U9v/KnIUNTd3d2yodXldGq1utKSUolcuryynEwkW1tbQQBxuVzf//73/X4/n8+PRCJAMm15eZnP5SHwWlsUgiCQraVpKhKJsCcNmCyY4SouLs6k5uD8o+CbArMA8xLscQJC6iKRyO/3SyQSHMcjkQg4GF6vF8g6gKICHKHy8nK1Wv3pp58uLi5m1rwiEIRA0BedKXDA4IwIzXoQE/ln/sL6n9dPujAZEh6Lb7JVCohy7NPYXiedoVewGdRapSESSSiKrqioLCoyzM3NDg0N7d27x1BYWFtX29nZubCwePToUaPR2NzcjKLo5s2bcrRan8/X0tJCpUmP24Ph+Pz8fENDg8vl6u7ulkqlly9dvtd9z+FwKlQqjUbD4XBcToff5+vr68VQNBgMyuTyu3fvJhKJmupqmiIDfr/f5xOJRAzDlJaWqFTqRDK5e+9eLpc7OTl54cLFg4cONTU39fX1vfXW34aHhyEYQVCkoKBgy5YtufrcQCDA5wu2bN12//59Lo/X1NSck5OtVCorKit/+tMfQRCMoigNKPugeQ4jEASD+om97uB6CQQCuVyu0WgUCgXASbRaLZnZIQBa/bFYDMzT0DQdDodFIhGbKLOVcTweZ88PGP4A4itAK5vJ9PlBkr28vPzXv7750m9/OzM9zcHx0ZERCGIkMikAZDQazeVLl0+dOjU4MHjmzBlgpul0GoIYBEFCoRBN0yKhCIIhKAPpAE1vUPMB5ESlUrH8AqAfGolElUolBEGA5Q8uQiqVAhj8+oxCJpP5fF6n0ymXyyGIAf0pFEVjsZjP52MYCMdxUAcDezKbLV1dXcvLy4DjyTAMSVJsnsMiNusLYuCPQPxhnRGKogBbc7lc4MOD3Q4s0Z09QsiaLC4EQQxNU4DKBUEQw9DsqYD/mWDHvhxBENhuM42Pjk5NTTU1NcEwHAqF5ufnv/zV5/p6+5xOR2Vl1fz8HIZhmzZtef+9D0OhUF19fSgYFAgE9fX1MAT5/H6P18vQtEajcbvdwVBILJSIxdL/+91LIrFQpVQcOXIYRZG+vr7XXvvTd77zbYVCubi4tKl9czwe4xGIUCTCUDQcDt++fbuvrxdB8W9853uvvPJKSXHx9h07Ll+6VF1dvXvPnqnJSa/Xe+bMGYlE8txzz5VXVJz65BMUQ2tr6xLxOJ/PdzqdLpcLQOBbt27Lys4OBALLJtN//MfPFhbm16ycgRkGRhCUgSAaIkHEZDKKNEjmkUwm1Wo1SNk5HE4sFmMjMkEQYrEYYGIgOwJng40noBsKJkLAkWPWkHharVbxeDyQKbF3Drw2EomIxeIXX3xx//79Xq83Kzs7nU7Pz84aCg13797t6en5y5//UlpWarfZGBhKJJMgmgMSGJ/PD/kDPB4PZDWPP/748PDw0tIShMBpkkQQBCySArQOltcgEom0Wq3dbg8GgxhGgIYGjuNSqdTv9yeTCQhiMAzHMBQQSDkcDo/HSySSDEMjCJpOp8DFaW1tu3+/n6KoaDTKUvlZh8Jy+hEEsPDpf2H5wxkqP3g38CHZJ4D4DAqtQCAAwzCYvgIioRDE8HhcuVzu8/kpimQlDsBfYctoCIJo+gtCB4qiJEkxDIVha4Nj8FdPPAlB0MaNGzlcLo/LDYVCYrH4gd07Xn311SKDoau7+9lnn71x48bIyOjWLdvb2jd/+MF7sVhs+47tJcUl4XB4bm4uNy9vcmICgqEsTVZNTY1EIn/35LsikdBYajSZFnc98MCf//S6x+PZv/8Al8szGIpSafLdd97dvGWzaXHWWFp6r7u7rb09O0f79w/eD4bCNrsrEgnz+XygO/CjH/3I4XTarFYURauqa7weNwRB93p6Pj9z5jvf/e7D+w9FQv5PT58GRJTi4mKFQunxuCUSiUqlXlxcuH379qefnmYYxuVy0xQN6hyaZiiIhGF4PRUChmFQ6aIZbW74n2fnABQNegXoOs0zQBDi8/kYhvn9/urq6lgstri4CAovsVjM5/Pj8Tjw1qyTA0EAHIbS0tLV1VW/3/+d73xnz569GI719fX5PJ7tW7b29Pa+8cYbyWQSrLfBORwGhhiaBtqsHA7HZrNBNMMhiFgslpWVVV9ff+fOHZIkSYZmM2YQNADaKBQKQSsTtLFQFKWotVwfMEYZhsEwVKlUgEQL9LwAm00mk/P5PJfLBb67SqVKpUiQEQELAzGEJEkAgrGIDU3TGo1GpVJPTk4Ap0NlpJkyxASYpmkgeUKvE0pZD+nQNM3j8SAIAmcScBlwHCfJNE0zbHrz/x4AGEbZVAoEah6PC0TpGIaBJ8f6o9Fofn7+3NwcweEEAwGpVDo6NlJZUeHz+QYGBh566KGbN2+m0+SOHTu1Ov2lixeyc3LaWlu5XK7VZvv1i78+ePDA/Pz85OSU3+9/8MG9JSVl97rv6fW63r6eioryvLy83t57KIo2NTUXFhpIkhoaHP7887NHjhzhECiHwykqKkokEsbycgLDLKurFsuqVqcLhUJ3bt+emZnJ0WqPPvpoMpVSqVTJZJrP587NzuIEMTgw4HK5Dh48GAgEwKRpjlZbWFAQjUY/+OADqUxWXlZWUVmZTKYuXTyn1mg+P/P5xYuXREJRKkUyDERBFI/HwzAM1HBsNYysE2SFM1jn+iSVXsesAm0BdN1IHvgBoOByudzn88lkMlANAx8GZZBv9oABEkE8HscwLByOYBgmkYhjsZhQIOBzeeFwOBaLiUQiuVxus9loiAGERcBlANrIVJqEGEgiEYPc1+VycXm8WCKuUChA9QISm3A4zH7+THZEkyQNwwjrjEGhHwj40+kkgqCJRCInJ8fv90ejUaVS+fTTT4OIRBAESEtIkoYy8Dx7ZYBTByccXDoQr9gDBr64UCjAcSI/Pw8M33V0dADCNgT9E2kCXC6WacuiNwzzxaZUsDaPhTfY14J3Azgs8PcAneNwOCgKA2I//OF7f8UwLBgMPvzww16vd3R0dHR0VCwWMQxTUFgIRPbq6uoWFxcvXbrc0NCQSqVaW1tjsVgqlVpdXb18+bLVaqVpWiKRtGzYEAwEIuFYUVHxrdu3OBxcrVaFwyG9XldeXp6Xlzc8PHrp0mWFQqVWqesb6lOphMPheObZZ+fn5u/d625ububzBS63WyIWr6ysZGdn5+h0q2bzyspKaVnZ7Vu3qqur8/LzJWIxgiBzc3McLjcYCKjVapfbjaLove7ujRs38ni88+fP7z9wIBaNTk9Pi8USrVZD09To6Pjf/va21+sjcJymGZKh+Xw+cCdQhtgMwzAQcAVRmG2ks1g46K2wfTQwlgHKWbb7mJ2dDdxYKBRSq9V6vX50dLSoqAg0YsHiKlbUmzVHwEH4AuIAngxGdDpdNBqtqanxeDxTU9P6vFwun7dsMgGEJBKJiCUSn9vb2NAAhB7WSkOSLC0vk0gk8/PzYBg6mUxqtTqPx01lBvkzy6DSQLcHHAAEQQQCAQQx0WgEVC/grHK5XL1eHwgEgGZmOBwGJT5JUgzzhbTM+tgIrXuwxwBEPMDyb29ve/LJ42azOZFIfPzxRzabnaIoGEYoam16C8pQqsBKc6/Xy3a+GIaB4S8GfIE+F9jtALp+GX8PCwRCCELAHUEzI2wwDGEYCjJJLCcnZ2JiYmVlZWZmpqSkhMPhbNiwYXx8gqZpHo/vcXu7urtlckUyRba0tLz88su7du3i8njLJlN1dXVxcbFWq73X03P+3LnV1dVdYnGRwdDUtKG7q/uRI0f+8Mc/OBx2GGYKCwsMRUU6rRbDORMTkxUVVfFYfHBgcPvO7VnZOek0mZWdXVpW7nC6lpaWKJJsbGzMzs7W6vR8Pm95eXnTpk2RaPTosWM+r3dmerqouHh6agpE25raukQ8JpNK8wsKFApFYWGh2Ww2lpZOTExkaTQtLS1mszmRiM7Nz9fV1Zw8+fa//duPJicn2RV6AOlnGAYEYibDcwRHAqCfIMsHjF+w9gacAYFAAMoD0DQFr0UQJBgMAuUVIJPhdrt5PN7S0hJ452AwCDAZkqSAzhRLiYHX77hfa/EgKysrIpFodXV1ZmaGy+V6PR4GXjs2q6urXC43HA7rcnKUSoVcLhsfHwfHic/jiUXi4eFh8FGBwUWjEZAFgeMKzrBSqSIITigUAkt0IAiKx+MoitA0CcNfrMmBYdhiscRisc2bN7e1tf3lL39h6cpgoIzODOAyDMM6ETojzgOQJZZeDtjjbrdbIhFbravvvvtuZq4AYRgYQRAOhwP8PXBDYrEYrCNgU/lUKoVha6UUGDdVqVQjIyPgIrN1BbjLIBiA13K5XAiC0uk19W8EQbDW1tai4mKX03nu/PlEIlFZVaXRaFZXbSsrK/f7+oVCoVar83p8Npv1yCNHaJoOBAKxaFSv1xeXlABzLCur9Ljd8XhCo9YsLS16vYErl69YLObNmzdzOPiWLZsVSrnT6bDbbIaikpycnE2bNjkczj179yIYevbsWQ6XJ5FI8gsKrVZrW/smAZ8X8PsRBLnX3SWTyXLz8haXloqLimAYXlxawlC0t6envKLCtLS0uLgoEkti0YjBYHA6HOl0OhgKj46MqlUqnU5H03SJ0UgzNIyQJcYSp8OFE1h5eSmKIlarLRAKoyiK4wQMQzTDgNltUNfSmflRMiPwDU4IgiAgjQHwC/CLQHQRvAowCMPhcFFREcBGs7Ozk8kk6EPBMKxSqZLJJAATQfSIRMLAIoGpsbUHDMMwjIBNeLFYbHl5GYKgRCKRSCY5PC5IoEHGRRCExWLxerygVuHxeARBaLVaDMeysrJWV1dhGAKkV5ACgZFo8LRYLBaPx6PRGOC0AavNHMI1FAVFUYPBgON4T08PjuNzc3NLS0uxWDSDMGIwvIbJYBmpVhA0gB9B1umrAmAnEwfIZDIJQUw4HKJpCsNRFEVRBE2lSOBogsEgQB0SiYTH42FbEwiC1NXV+Xy+ubkZ0LHGcfz27dtAfn09ssQCPgiCAna3VCrlcDh+vx/J6NtxOBx4dWWu4+5dHMdb29ref++9ja2tOp1uYWHJ5/OBjWAUw9zv7W1qapycmrx+7fq2bVtRFP3887NNTY1GY0lLy4ae3l4Bn8/j8Uympa3btpMp8vLlK3Pzcw0NdQSBb9m6xeVyBgJBrVY7N7tw586dXH2eUqUSicSLpiUURXbv3pOVlfXZZ2eWl01fPnHi5T/+4eDBgwqFAoKg2dlZr8cjEotgGHE6HUqlKhQKCYXCZCrZUN9AEMQH779f39AA1iJYrTaVSmm32/T63EQiXlNbt3Xr1t6eHpt9Ra/PDQQCErH03LnzXC43Eon//aN/UCRJEBySInGcQBE0kUigGMYwdDqdzoT1L7TQ2JOAIAgMQRiGkSSF4RhBEBKJxOVygRsQjURSqRSPxy8oLDCbzRqNRigQplJJt9sdCAZ5PB5NUfrc3EAgALJq0GGVSCRg0xn4W8DDwRCEwggEwxQY64EYhmYgBK6orJycnERRrKysLBIJLy8v0ySFYRiPx0sk4giMlJWXMQwzMjZOEHimgkcIAk8mkzCMMAzNMAxYceL1+sBJA/YKLIwkSa02h8vlOhz2dJpkGFogEMAwwuVyI5FwPJ6gaQq0WmmaBst4gNI/KLUp6gv2JYtWicVisKmSyWDNoVDI7/eKJaJYLJJIJDO9XogkGS6HD3qRwEmDeMU2p6m1sX0olUqwHWIoswJ+PdKfycRgeG1XEoZhKEXRyWQSx1GQ3yoUCizk9duWzQSH8/K93xUXF7c2tfQPDkai0e07dvi8vkgkYrVaEQQ5e/asUqV85pmnw+Hw/Pz85s2bSktLzeZlCKLz8nI5BN7d3S0SiaKREF/A0+epe/rufnZmfuPGjX/846BCIScI4eTEDEVRjY1Nly5d2r17t1DIz1KrPvjgg5Kiopd+89tAIHDixHNLS4uxWAwsuVheXpZIpS0bNly7dvXTU58cPHRIk6Vuam7EUDQUCsMw43CslhiLtbqc/Pz8dJpEYHRoeLC2trq1rS07KwuG4b7ee5cuXXxw70OhUDyZoAbmhkOhSGFhkUIhF4rwc2cver1eiKYRBkonUjAEryHWCIrCIBeHEATl83ls3swwDElRGAxjCAohjIgvSKfTDqsNhmEGoRLRGI/DhWiGz+VGQ+FwIBjw+uRyOfDrKARHQ2EIgsDqHrCqPp0mOZy1G8x2EoBzQlCUAvaFoSmSRBAERmAIgubm5kC/KTc3t6+vD/S24smEXKkgaQrH8Zm5uUQiIRSKlEqlyWSCYVgk4mcCGw1M0Ov1i0QiuVzhcrnYBjCTYaE1N7dMTExEIjEej5dKUcFgWCAQiEREIpGCYQRFEZpmYBiiaQiGGZlMAtoj6XQKlJUMs6apAb6RTqfzeDzgGMTjcaDGFwqFKIr2ef0IgjA0DIPKgWa4HAII6QH9CB6PB9I8Zp0EEABtwZ8A8okgWVrfYIb+WQOCYWgYBjRVBsdBJQBjGB6LReGl6dFl0/Lc3FxHR8fxJ4/jOGG32wuKi+OJRFVVNYYis7OzFEWZTEtbtm5ZNpmmp6cLCwuHhoY8Hs9Xv/pVhVLxzttvIwjc0NhYX9/g83rHJ8bC4ZBer7dYLPrc3Eg4/M7bby8uWp559tnq6uqLFy6UlpaWlZUtLCzw+fyrV6+2tLRUVVU1NDbc677X2dlpNBoTiUR2To55ZUWv0/GFwqmpSQGPS3C55pWVjRs3KlQqpVwxtzD30d8/9Hp9LS0bJBJZUVFJOp1OpxMSiTgvL08skfz2N7+VKxT79z/M5fCFIpHb7Z6Zmfnrm2+2tLQ0tzRrc9Rer29ycurPf/6r1WqDGRiCYXod1ZbJUFZwHAWZcUlJSSKR8Hq9ZCoNMYxEIoEgCEyQ0RkiELTGJ8Wbm5vGx8cjkQiHQ3C5PI/HQ1EU6OMEI2HgkxAEqaqqWlhYYKUX1wMdbOEIQUDDI87hcOVyWSgUampqmp6eBjCrxWIBiT5FUQKhAIaRWDSK4ziPx6coOpVKrW+ggg5AQUGBw+EoLi7u6+sD6Rl4OegEA+ZcMplSKORgdplNCwEbnO37UhRVUVFmtVrBJAD0RX9qbWyXIAiZTAbWNnu9XrFYTBCE1+vN9KTWqqAMmkmiKJpMpjPRLLGeuUn/P/PBgE/E3ikMw0AnChxjKiPuBMMwuz4eWTf+iiAwkLWEL3/+iUKpLDEapyYnb1y/niapvXv3mK02ABh7vd6lpSWdTrdp8yYynaJpuu/+falEcuvWLalUStF0dlaWUCi0WCyFBsPOnTtXLZYzZz6dnZ39wQ9+YLVa1Wp1Q2OjxWweGZlo2bBBLJYsLS0ODQ0dPHAArGYpLimZm5vjEEQgEIAgCKj18wWCK1euhEKhxoYGs9myeXP76OiIXq8vKytLJJMwBInE4qGhwZPvvP3zX7yQTCbHxyYInPB6fXsf3K1Wq1ZXV50ul0qlSqdSMIyoNZqOux0OhyOeSDywa9fNmzc3bty4smLKycmxWCxOp/u3v/0tGGICipFr5RfE4BhOUiSCITKZPBgMAockEAhCgSCOYhi+5m8qKipACrS4uAiSJQBuZmVleb1eqVTqcDhAzpBMJNIUxUAQ8OWgSyCVSk0mE8MwYMKYbSSBmMAKhYvF4ieffPKzzz6z2WwlJSXRaLSgoMBms9lstvLyisXFxWAwgGEY8I6PP/6lmZmZ0dExlriBZnZsIpn162whwdoZn88HyE8kElGpVAKBAMzBggdLfwIvQVGUz+eXl5cGg8Hx8XEgEwZwRgwjQJMBznRaoMxwFgRBQB3I4/Go1Sq1WjU9PS2TyZgMJwJsiBGJRBiGeb3efwHHIAgC4mUQBAmFglAoCK3DpsHHAwAXuJKgSQ8qnPUQNgJDKALL5TKFUomVlpVNTk3l5eePjo52dHY+cvRRj8fb2toqEotv37rFMMyuXbtUKpXdbsMwNJ1OlxQXR6PRioqK0tJSimYW5ueVSnVz84ZEKjk5MdXTc2952VJcbKypa/T7g8vLK1wen0ynu7o6EQQpMRp9Xq/f50un08FQCNC2vB5PXV1dMBhcWFgAPBYUw/bv2zc9PS2XyysrK4eGBusbGifGxy5fvgyU6kC43r9//+jIyMrKikaT3T8ysGXLVovFMjIypNPppyYnlSqVTCpVKpVdnV0SiUQul89MT3s8nm3btkkkkoWFBZpmWtva++/3czgEw9AwhNA0DcEwSVJANyCdTiIoShAcgMQBqCQej2MIEorGBEIBwHOsVqtMJpuZmYEy02TgtgG+Dah6QRsL9MKytDnJZBLQ1Hw+HxB2Ze8u0J+jMjOBcrnc7XaDQ3Xx4kUOh8PlcmdnZ3EcdzgcwNv5fL5YLJqVleX3+wH3pLu72+8PAFsHxA0wyAHSCRiGZTJZLBZNpdJsVw5wPWiaTiaTubm5JEkCoQ1WqRzEGbB+AZxwkiStVltuXi4w7qqqKhiGJycnU6kYG76EQqFAIAiHwyBxT6fTfr+foiiRSKTT6VZXLaDeFYvFIMwiCMrhcPbv33/r1i0ko/vAwhIZkAqlaToaZVi7Z9bRIpjMzCSCIMAdgPcBZwMMuFZWVaAwTRCciooKeGy4b3ZmRqVSzcxMy+UKTZYGRdFf//qlJ588rtVqz549u2XLFhzHPR5PdXVlKBRSKpUKhQJBsd6ee3Oz8w/v25+dk+P1uLu7uz1ub1l5GUHgAgHf6XKGgqGysrLsnByL2ezxeCmKqm9o6Lh799q1a42NjTU1NRiGKZTK+319qVSqvr6eIIgPP/zQaDRqtdqxsVGdTj8/P9/a2mYoLpLJJP/5wgsbWlokUmnH3bsikYjDITRZmqHBobKyipUV8/HjT/F5vDf+9NrNmzcOHjxoNBqdLtfhw4c9bvf8/CKO40tLS0NDQzU1NXV1dQaDAYHRl1/+o1KlJKk0DMNv/uXPsWgMRdZE5oB3LC4uXlhaYmCYjbwoigoEAohhCAwHArqgqwLsDFx3dN2qWmA6gDoPgHOaplECB50dFmXPdHYYtoADNwys9GMy4tVCobC8vHx6epogCMC2n56elkgkAJtqbGxkhxbsdkdWVnYkEgGDlKB6AZswwVgzi4SCEwtSIOCqQcOVbeeB0Qg4o6sDHEFhYaHP5wNDcOmM3LxCoUin0+FwGEEwgFmBV8EwnJub6/V6WSlVMAzN4RAIAoMDCXQUURRlGEgoFAmFQpvNxoJybE8AzvDY+Hx+NBqBoC+6DTAMg1ENKDNHRmcYuGxxT1HUsWPHjMbS4qICl8PKQEyRoQg7f/5cMBRUyBWVVZUMzWh1OpqmJRKxUqmsb2jw+/3T09NKpbKoyJBIJiYmJurq6j49fXrT5i0URR06dCidpv/nv/47J0dbV1cbCoZv37ojEgvrG+oX5hctFkttbd3Skml0dLSmqoqB4Vs3b0IQdPz48ZdffrnEaKyqquIQBFinzOfzURT9yle+Mjc//9JLL9XX1+/YuQu0ewR8fjqVzMvNLaso7+rofOSRR6ZnZiLh4L3u7mgsbrVaN27cSOC4w+EQCoW/+tWvYrGYTCarr6/v6uyMRCJOp5um6YbGxu07dpz65JO5uTmXy51OU8aSUn2urqK6Ih6LOBzWz05/moyn1hADDEulU36fh6FpKuNjwGWNx+MwA5FoOhKJoJm1SxllFAoA4YlEQiaTiUQiiqIcDgfIK0C2jRMExdACgQC4Z4ClAkSSxT3YChJAXsFQCMlw7Pr6+oCzpCjK6XQCqxUIBBRFDQwMwDCs0+lsNlt5eVlDQ9P7778PLABk9jAMs7wmFvFkM+b1PW8WimVLCACYgOgE+EJg3R2KYmAGnyRJj8cDPjlBIAA4zs/PByit1WoF7w+Ut0Ehm0jEWfGVSCSSoY7iEAStrq6CMwkwMaBzWl9fr9Ppzp8/D+ISSFhZ64cyYw8QDDPrYsLa90KQpqYmBEGMRiMDMdPTU0Gvq6SkRCTgY5s3by4qKmIgaGF+3u12h4PBy1euCIWC/Py8P//pTxwO58yZz55+5pmxsTEEgWtqaz/55BORSPSnP71x+PBhu93R29v3wO7dKpXSZrPV1tZW19QkEvF4PFZdXa3T60VisdPlysrKiieTRQaDzWbT5uR8+umn9fX1ErHYZDLd6+4mCOKRRx8lCEIkEplMy06HIxgM7nrgAa1WazGbtXodDEPpNKlUqjru3M3Ny8svKAgEApz8vI2tbQwDvfrKq4cOHXa6nCVGY7m1fHR0rLGxUalUoSg6MDDY2rqxobF5ZHhYIBBcunSpqbk5Lzc3kUh0dnRv3rKZpNJkKm0xWx599OiWTZt67/XOzc313+9PUxSOYaFgiGFohoFRBCEpCl5TB0pBNBOnKAzDCRwHi++hTCnGpkCgFwbAbC6Xi+O4Wq32+Xx8AT+UEchn50vAmldgc0yG4kuSJIqgsViMpigERmiGxlAUWisEmcnJKQxDc3K04XAowyCAQONCq9VOTU3Nzy8AUCezjRQCUpjQWocIgmGYJNMwDJSDQWIDQRADhoNB6JDL5UKhcH5+HiQ/gFRHrxtXhyCGTfFB5s3l8lAUjcXiEolYoZCbTKZEIrF3797BwUGbzZZOp2iawnECRdF4PMa+FQvzp9NpMEEPdsrLZNJYLBaNxgQCPoIgZrMZrJuHIAhDMZIiGZpBURRiIHAT6LVF3AyGojSgOTIMh8N54IEHDEWGvNy8U6dOVVZW1tfVdC4teL2+2ZlZOORzjI+NOZxOmqJIkszPz3/zr2+WlZd3d3dv2rQJsCQEAsEDD+zu7OxSKpXXr18Hx/3xxx+/fv3aC//5/1nMZq/X63K5wuEIh0Ps27/f5/cD0XOCIGZn56qqKrkcTigYbGlpWTGb//3f/m3Hjh11dXUzMzMSiWRxcbG0tHRpyfTUU09eunTp6LFjcoXi0oULo6Njzc1NFRUVLrd7dmbG4/GUl5eDu9jW1paVle3zeccnJkxLS3q9HkVRgsNZWlqamprK0mjkcjmQ63I6HGUVFaCR7nA45HJ5TU1NMpUavH8fx3EMx01LSxs2bJicnMJxRCwmOAR3ZGT0/fc+nJiYJgguzTA0zUAwyBnSFJVGEJSBEAZGoMy8yFr/n6Zpak0qELR71oM5gASRSCQEQiGHx11dXQXOCSQPwLP+U5WGIAxN4yjGOmZQC1IMw0AIWLgCZfR9YXjNz8VisZaWlnQ6PTY2BmdWP0EZpgYoH0FmAmc4NlBmFAYMAMAwzOVySJJOJlMEQSgUCh6P53Q6QQwEX0qlUnk8nky2tlYWgwIXyNCzQz8YhoFGnkQiTaWSFEWB6UTA7cMwjM/nB4NB8NcBiMlysXg8XlZWltvtBokT+AqpVJLPF6x1GFJpkJUBSIoGi4cz+8tIkhSJRAaDAYgyicVijUYzNjY+OjqyefPmleVlh8N69NFj0WgUnp0Yslgs09PTpaWlZrPZaDTK5fJkOuV2u5PJ5NDQ0LZt2yAIstlsgUDolVdeLSoyVFSUG42lIpHojTfeOHr0aFl5+fTU1J07d1Qq9WOPPzY3N1dsNKpVKpPJpFQqi4uNbrczlUxKJJK52dm8vLzx8fG8vLzp6WkOh2huafn8zOfnzp07fvx4VVUVj8fT5+UF/P573d06nZ7L/Wt22AABAABJREFU5QQCgZ6eng0bNkQikfz8fJphlhYXa2trnU6n1+uVyeXW1dWNra0cDgdFsaHBgevXr7dv2qSQy//whz/W1dU2NzdrsrU3b17HcfzYsWPj4+NqjUalVAb9fpFI5Pf5ZufmcnJyxsbGUZSpra1QKpRut9vl8vzf//1+YnyS4HBQDE+n03q9PplMEgRusZghGGUgmMXO164+w8AQzGYR4K6sb5+xmbRQIg6HwyzDFOzegzOjgBnPCnFwAsrQK9iATkMwA0GgLQ1MPBaLkWQKyUg0g6lI0KKGIAhA76BckUgkQMmHJEkg3s/lcgHrG5gRm3NT1BpDDnSawWojVhAbVB302kApDbIUYNyRSEShUHA4HJDDAGwHMNVIktTpdHa7nc/np1IpcEJAV0EgEHC5XACnUhmRgaqqKovFAkIok5lhVygUxcXFvb29DMOgMAJl5sLARU4mkxDMCAQCBEHFEvE3v/GN8vJyPp9/4cKFhYWFEydOvPLKK7t27crLy9NoVBbzUkNjY3dXN3z1wmcCoZDL4Xi93pu3bkklEqPROD07097eLpPLV5aXQ+FwMpFIp0kul3fy5Mlf/epXOEEwNP3+++8bDAYul5uVlVVYWMgwzMzsbCgY3LJ16+jIyL179/79Rz8aGRkpLCjAcXx+fr62ri4ei9EMEw6HjaWlfT09bo+rqqrqf/77v4VC4U9/+h9jY6NWqzUvryArK2t2dlar04nF4u6uri1btmRlZfH5fLBFj2EYi9msz829c/t2eUWFXq/vuXevpqYmlU4vLSxMTE62t7cDY/rHP/4hEAhWLBaapg8cOFhQkA/DsN1uTyaT5eXlXR0dYrG4qqYmS6Ox2+0D/fdTyfBjjz0ej8eTyZTX63vzzb9eungpGo+jKEqStFQqAzGdhiAcJ9gya63KpGho3eAFk5m7o9YN469hiAzNovLgtSAHwDBMKBR6vd41aSeahtcxysAZoCGIgWAURYVCIVCrhiCIx+MAsoNQKASUbIBRJpNJmUwWCoWA1wembDAYlpeXU6kUKwjAWhhbf1MUzeXyAC4JJM4B44AtHthDzuHgbH0JQB61Wi0QCP1+v0Iht9vtAHVhGEYoFPL5fJfLtT44gOIEZD5kZiqSxT1B+YtlFOqBywBEawiCUBhBMtAn6IgdOXIEJ3CrdbW+vkEmkzY2NvKFwp7ubofDEYvHhUIhkA/z+nxej7O2psLr9VZUVMCXzp6SSiR1DQ3Ly8s+n29yYkKj0UgV8mWTac+ePRcvXrTZbAqlsrCgMBAIBgKB/Pz8xqam//nv/7lx4/qbb74JAL7c3NzxiYnWjRsnJyf1er1YLP78zOexWKyru+trX/uaUqm6fOniw/v3d3V2Nre0gNNCptOJRHRpaYnL5UqlUoVS2d3ddfvW7Ucffewf//hHR0fHf/7nfzY0Njrsdq1Wi2KYw25fWFhQq9VCkUitUs3MzBSVlAR8voLCwlWLBdSCXN7/T9Zfxsd1nWvj8GYYRg2JmdmSQUaZncSJE9uhJmmS0zbQpm0Kh572nJROn3NKKTw9TZO0SRx2wBQzymwx4whG0jDDnk3r/bA0E/f/+kN/bmxLmpm173Xf130ByzBMX28vQ9MkRQ0PDwMArt+8uW3bts7OrdevXysrK4Pm2nU1NT6/n+O4kuLi8fFxnV6fm5frWVqIRCPOmZlQKEjTdDrNx2Kxm7duXbx4mWEUgiAKvEiSlChLao0ax3G4+YJ1EUdWSKOw6YcVEc6F2S0MFCjHk4ksjfHuSVShUEBRcigUQlAEBQiB4gj65a4HrqNAJm4xOzrrdBpZluEcqdVqeV7guJQgiFqtJhgMwiGYYZicnJzFxUU4XEKIEJ5CeKaRjHhKFEWSpKBQGJ7UbFgvyAip4dfEcVySVmTmSIYKiqIoTISHx1SpVCIIAuUycK6oqqoOBgPwsYRwqpxJwstCmdkCId/ld3I3RIZhGCLJkiSl02mTyVRRWblt27aysjKGoT/66MPy8vKOjg6dTieIotlsPnP69MLCAvQYLiwqCgaCssxfvHBWEPjGxiaCYVkZQcKhEE6QN2/c0Gg0Cy7XmXNnH3nkEUEU29raZmZmhoaGfCp1PJ5IJpOVVVWff/bZrVs3X3nlFYPB8P77769bt+7zzz+35OREIpFEIjExPl5dVV1WWhoIBnNMOZMTkyWl5dt37rx29WokEnEtLCwtLWnUao1WMzc73dTclExyoiRMT002NjaajKZILLZly5ZgMJhKpXxer81mczqd4XCYwPGioqI7d+7U1dWdP39eEIT8/PzCoiJ4d2u0WovVOj46KsuyOSdHFEWTybS8vIwgSF5ent1uX15eqqqq6e3tpiiqqalJlmUFy6Y5bnl5eXhkpKK8XKNWm3OsXq/3nXcOVVdXrl69un11eyQSrm+sHxsbc7v9NMVgNMEwCl5Mk5nI2yz0BhkCDofD6/Uqlcpsic2ITiBHAEjSimFgtpTCzxiyvtxuN2R04TiOISjIAPBYRkSGYhjskmBmGTwl0WgMRREMw2DMUYY7GY1EIrD64jieTqeXlpbQjIQcMishdJtF2WE1NRqNgiCSJBUOh+EeDe5ZEQSB1052J5UFrOALyTpwwXE5y+/ITkE6nT4UCqIowrIs5Ndotdrs7g/cxR7N4sggQ6vOWtbBnxxFUUkUDXr9ho0bH330UUmS3nrrrfffe++prz752OOPRyMRURSPHj3qDwRoinrggQfgsiXFca/+7ndPPvnk6VPn7rnnnt7enlu3ulHnxNCCyxWPx+bn5mtqanJycgKBAECRvPz8O3fupJLJO3e6OY7LzXWsXduh0WhOnTr1v//7F4VC8f77712+fFmW5Vu3blVVVT377LMulwvHcQonY7GozWr75S9/uXHjxt333PPW3/9+8/bNdR0dMMzM5/XKAFRVVTY2VadS3MjIqNM5s3btuqKiwumpmdnZRYqiaJp2zs5WVVaGw+Hyioqqqqrenp7LV654PR4AQEFBgdVqhVFFjY2NFEX5/H6e59vb2zmOW3a7cRTV6/UarTadTt+4edPtdsO5eXp6KhwOj46O7t65U6lSQYT++PHja9eutVgswwODoiR8+snH33jh68uLi8UlRc5ZZ2FR8W9/87tD73xAUwpRBEqFCmCApHCI0GfrE4Hhsiwp2JXdO5aJk4ETnpTJQGdZNpnmWJaF1Qvip9kZNzMZ0wxDS6LEp1LIykwMhQoCL0pIpv2QMy4jGZwHpShq7977Pvvsc2iuBp8rgiBIkojHE/KKZZUECcxw6IQ3T35+fm1t7aFDh4xGI4KgkNOW9bWFo7aUsaBCMwIXSZJkeQUkVSqVRqNxZY+J4wAAvV6fZXpDeb7BYPD7/TzPKxSKzZs3J5PJoeGhSDjyZSGAUan/2PXBFytmLK5UKhWO46FQqKKs/Ef/5//Y7XaaYU4cP65SqQAA0zNTtbW1mzdvfueddyYnJxcWXN///vcsNtvo8PDq1au9Pt/w0NDAwIDH7Tl44CCBE5FohEgmkhRFIQC12mwlZWUMw567cKG9bVVfb++7hw793//+72AwND09XV1d88UXJyqrqnw+7/r1Hes3rF9cXDxx4sTjjz9eVFSk1WqHhgYlSVaqVFdu30YQhGXYF7/5Ym9P7+WLFycnJjq3bjWaTEqFIhQO+/3+aCgkiCJFKbq7+2QZNDe3Tk1Nl5WV6w3GquqGC+fPX79+va29ffXatZFwmCCIBdfSwOBgaWlpWVmZSqmsb2jo6+2Fhjzd3d1bOjtlWc7Ly+vv68MJ4tKlSw/u2+fxeFIcZ7FaGxubp6cmfvbTn957771LS0s2m62qslKlVtEULQiCa2GBpimVSrm4uPjhhx+yLK1UqhPRhEKhCoVjI8NjA/1Du3ftCYdiR49+QVNsKp2SgSTFV3gsBEGm05xSqaJwXBBEjuNwHINnCEGQdDptsVigPRHEVTAcx1A0EU8gCALZmjiGsawCxbBkMpFOp2EXxHEpgRdwDGcYRuAFSZYQFMNwXOJ5yNrITsw0TUuSkJ2z33//A9gdYRguigKCIIIgclyaICDrQQIAxfGVdSmG4TTNYBgmilJn59bW1lVr1675wQ9+eOVKF0WRWYtcQeAxDMVxEsPwRCKhUqlYlgmFwgDIeCYwk2XZubk55C47ddg4QR4OvCezY25ubu769etv3LgRCYYpmpJlGVq0owDgOIEgKACyJEsEjouSKMuAZZQsw6TT6VWtrV954iuH3jnk9ribmpqUKmUgGJibm1+9ZnVFRYUkyYlE3Ofzvv/+e2738jee+wbPpbU6PZfmEsnkoUOHYvH4unXrnnr6mbOnTycSyYqKiorKSuK9d98vKCoECEIzNIYTP//lLzvWraUZJp1O/9M//ZPA85FIeNv2bZ9+8kkikZiYmAAAeeqrT/i8vp7ebrPZWFtX8+hjj4iSNDI09Otf/3rHjh379u87c/oUQdK2PDtC4HqdgVWrTTmmWCzm8/k6t237xS9+IYmi0WQeGR7HMXr37p0YisbiieGhwXgiYcmxl5eX2x2Ouro6v9//ySefYBhmzsmZnpkZHBrCcXzTpk3TMzPlFRWvv/46juOvvPIKfH/jsdgXJ048+NBDI8PDDru9qqoKAMAlk309d0iSfPm733399dcLCgpaW1pSqeR77x56YN8+kiRNZuP9VXuXFhdTyfj9998XCATWrF2LIMis03nzRlf3nTvPPPt0fn7Bk088NTY2Oe2cxTAUw0h8pXVBZBlRq3UURabikAmHw6hnSG8HACwtuZVKFXSfxnE8Ho9LkgCrmkalTiaTogwQAERRkmVAEERZWanJZBoeGVqYd1EMmxZFgCAAxeIpTpYkrVaHICv8/myfAPF4eBvAE6ZSqURRliSZohioXJEkxGIxh0LhRCKOYThMM4AtBs+LMzOzL7/8vcrKKrvdwTAsggAEAQSBCwKPIIharYIdvCCkKYpAUcDzaaWShRw+juMkSQqFQllHN7iTgmtBSDiDDD/IC4L2tz/+8Y/VKjWKIEKaR1EUZMRiDEXzaUGSAQ6QdCqVl5/ncNh27tzt9/vdbvfXvv51QRB27dpJEsSnn3564cL5rdu2DQ0NsCy9tLwIZITnxf7+nt27t2/c2LEwP3vixKmXv/eDQrvtyNGjjtzcg488kkqlYvH4ps0bgwHf9ZtdHMehv/jxv+cXFszOza3fsOHGzZtVNdVlZaUYAiiKci0uHj1yhOO4ouLiPXv2QFfuffv2SbJ8/NixyclJh8PxL//+I4FLyggi8Pxf/vcvH3/88b337mltbTGZLXa7Y3x8gk8LKqXSbMlZWl6iKMput588eXL16tWSJL136JDD4ejo6IDEXZZlFUqlSqW6dOFCJBoVBKGmtpam6YaGBrVGs7i4OD097Xa7WZZtb283mUzBQADHcdhHMgzT39c3MzMzPz9fU1OD4/jIyEhZWdnw0NDadesKi0risYjP73ctLFRXV1MU9e677zz/wguCINAMYzIaJ8bHrVbr5MQkAkB5VdVgf380EgkEAtNTkzPT026v/55773n9jTd9/gBBkZIow7satkAGgyGZTIq8cPcCMkuIgO0cZJhlkmNWsKOcnBye58OhEIJi4gqChEiSxDA0zZDxeJLAGVFcoevAbhhiMllYMNM3r4DfEFSBwi5ZRqAYH94SdzdaWaRFzjiMg0wEoMFgCIVCNE0pFAzHrcy+NE3DnAskY10IfZNAxpQJyxj/gwwHYe3atX19fdkhAZ5+giCsVmsikfB6vQRBCDyvYFbMWrJtD8wsgyF2X/3qU0XFRQMD/ZFIdO/evcPDw/n5+Ta7vae7W6FQmM1miqIKi4qSiQTHcXfu3GYYBY4Rq9pbwiE/RdN+n99ksiIoptGqtTrd0ODg6tWrVWrtsSOfLS8vGQ26P/3pz+XlZegPvvn80OioQqkoqyiPxmIqtbqpqXFVS3M8Hvf5fBDT5TiusbHxD3/4Y21Ntc1un52dve+++0ZHR2dmZtauW6dSKh0Ox4cfflhQUBAMBpeXlxrq68LRuE6n7+/rt+RYBUHYsq0zmUwWFhYGg8ETJ064XK6Ghgab1To1NdXY0NDV1VVXV1ff0NDf16/VarQ6XV9v7/Dw8AsvvMCw7KWLFxEM27BhQzazmud5DEVtVitOEKIgQBqJwWj0er19fX0atXpgYECj0Xg8HqPJ1NTYiON4WXm5z+s9fPjw1m3bCBw3GvU5FsvQ4GAkEsnLy3O73YuLi+FgqKGhIeD3c+l0aVmZ2+3+61/+1+f1zC64OC6t0epQDA+Fwxi24p4L+104q0FYGtoB8TyfjdADGadBIhOhRRD/YOYKJ0qYZ0FRcHOUKC4uTCa55WVvdkjIWjdnR0Y84zOHIHD9+Q9KXL3e4PcHoIMsvCHh+Avu0jrLGcdIiNlLGacGWP5hG5NdDMMBN0uagGlakKQEF4JIxnyKoqjS0tLp6WnIfYLfUafTQdNVyKFIJBI4hmGZdUq248cwHABEliWGof/7f/67orL82tWukpIyn89XXV2t0+vNJtPCwgLDMARJXrl8eWFhobm5ub+/v7CwkGUVLKOYnp7w+pahCYXdnj8yMjY2Nqw3GB595BEERb/44guKojrWrY3Fom+++WZ+fj569viRpeWl0fHxnbt3vfHGG41NTQcOHHDNz/p8vtnZ2fz8/OKSkvz8fJhMsW7dOpfLtbS0fPbs2ccff+zq1Ws1NdWnTp1qbW2tq69fmJ8nScpmy6FpuryianhoKBSKYBheVVkVioYrKipSHDfrdAYCgWQyuXXr1mgkQtO0KAi3bt/u7OxUqlQ8z7uXliRJSiQSy8vLHo8nFovt2r17dm7WYrEWFRcDWVYolefPncvLzY3HYhRNX+3qYhlmx65dd+7cKSsrq6qpmZuZCQQC+QUFNE3Pz83BGa6ouNjv8xkMhnA4LMnypYvnTSbT2bNn29vb165bN+t0Dg0NXeu6WlhYCGTZarMplMrOLZ3TUxOvvPLK7Pw8RVEyQGWAcOk0imIoimV3wLCfpgkSAKBUKgmCyIrl4V+AozZkmNE0BYEgjuOyCm6CIGUUNRgMGIbwfFqtVstASiW5eHyFQ4pmuGhZzDH7UEmSBICM4xieSRqFoLtarfV4PFmSklqtzsoVIK8BYlPwchDvynynaRpGaEWj0SyLTqlUQuVDKsWJopAt+ZAJB31W4PeCD1sqlYLsI6i6htS6nJwcjuMgXIvjOAoQSRRhNK1Go4EWdBiGoyimUinb29traqskSSotK1m3br0oCHAHqtFo4Crgo48+EgShvLx8cnIyHA53dHS0tbWxrKq7++blyxcqKip27NwlSejRz49qtSq/37+uo2N4aBjHsVSKU2tULMvYbLaR4WF0uOe2DGSbw+EPBs6fP4+g6LZt2y5fPD8+Pv7iiy8Eg6E//elPTzzxRF5e3szMjFqtlmT5vXffe+ihB31+P0MzBQX577//AYphWzu3vPzy98xm0/0P7K2pqSFJ+pPDn6xdu66jY4NzZkat0+Tn56fT6b6+vmAwqFKrzCZz0O/X6fV5eXmQ/53m+Y8//NBut0PDElmWT58+bTabt+/Y0dPby7IszMPKLyjwejy3btzQaLXVVVW3b9+22WwqlWpufr6ivBxB0Zs3buzYsUMQRZAB+M6fP2+z2QoKCnJzc999991YLFZUVFBXX59MJktKSgYHBpaWlubn50mcCAQCTzzxBADA5/Op1WqdVkMS+AvffGlkdFSU5DQvAARRKJSiKN0FwqAIgqAAQTNuWfCHh/NfFkOUM+Y2CPIP1RfHcZwgZAQrLy+bn58NhUItLc0ez/Li4jLLquCZhocVuUvnivxDPJYMZYpZRFWSJFlGoAVItt5necXgLl/UTNwOn2U0sCzL82meT0NtbjargiAI6EMB12oQmsRx3GQysSw7PDwMHYHgdhmqn2GxV6lU0FARsi2IjG8hChAMQXCCQDI0cp7nGUaBYVhhYeHDjxwsyM8rKS25c+eWy7W0a9euZDI5NT3NcVxnZ6fVaj196tT09PTCwsKmTZu6urri8TiG4S+++E2aIXt77hhNBqVC5fMG1WoNkKVQKPTaa6+98MIL8URCq9GEQkGO5x5+5JHDH3+MfvLu22MTE9966aXxqUmvx8MqlRMT44lYxOHI7enplWWxublZp9PJkrR5y5a+vr7e3t6CgoJbt245HI6urq6a2loFy+p0+oGBgZycHKVSUVRc6PN6Q6GI2WQ2GE2tLav6+vtNZqPRZIpGo9A19vz5C2q1qrK8fGRkpKmpqby8HMUwkiT7+/oG+vtXtbXV1NTMzs0dO3rU4XDo9PqHDhxMxGMyAEtLS5acHJ/fPzk2Vl5RoVKpThw//umnn+7bty+eSOzatSs3N3dgYKB11apELAbHbkmSXn/99dra2ieeegpD0VAoJMsgvyA36PfDTMjlZTdFUQUF+fm5eTMz00qVyqA3KBSK8YkJWRTXrGnr6e1/5ZWfOufmYK4MjhMAoDyf/nJxgyIMQWXF72hG0YIgiF6vlyRJoVD4vF4Uw2RZkmUJzsTQ8ywSiSAoKsqIIAgkiQEgW61WlUoxNe3EMQpFEdgCwWIPJ0U4bsKWRpIkiiJkICMgm/8Dmys8MyivwD4YhkuSiKKoTqdLp9PJZAoSyKBTC+xtlEplXl7exMQ4iiKwNoPML3wlVO/Lxy/Ls4eXIRQMZNfb6XQaw1acd6FPBJqhZ8J+CQEABagsS9CsN5VKdXSsm5pyCoJw8ODBzq2bc/PyUATcvHndaDR5PN5PP/nk+RdfvNrVdc+99+I4/vtXX33sscdkWV5cWnr773/fsXNnMBCsqqqprCpPJKPFRUU+n++///u3//Ts17hkfGJ8fGlp+aH9+3PM5s8//7y+sT4QCgQCwdu3b6M91y8tLi1hOMbx6bLyCoPRIAri395448zZc/5AoLGx8d/+9V+8Xq9er19eXj59+vQzzzyjUqkmJibef/99BEHuv/9+t9u9ceNGr9er0+v/7V/+Zc89e+bn5597/kWKJOPxhN2R98c//L5jw3oEQa5cufLYY48Fg0GWVaSSCUkUr3Z1NTQ2trW3R8JhHMdj8TiKYXm5uZBt8s6hQ+1tbbFolGbZutpaCP+Nj4+fP3++ra1tw8ZNd27d/NGPfvTNb36zqbHx5BcnNVp1bX0dl+KMJlMslrh+7Wo0Gm1ra1Or1bV1dZCRYTaZKJomKTIZj0djsVQqde3atVAotG7tWpZmNGo1RdOJeJyiqAsXLuTl5batXhWJxl/93aufff45huGiLIuilDVvQhAU9t8kToqSiAAE5k/JMpAkCSdwivxS8ivLMpAlFEVoms7Ly/N6vTCaW5JlsGJaBhAEiKLEMJQoSrKUCbuVZQzHEQRAybnJZNKo1dMz0xaL1Waz9vT0QEYkXBsjGVIDq1AAALJLVjhIkCTFcZwsr0T2yhmT5Oz1giAoAFJWQZYdlOE5hh/B3TaGRNZ0FcPgo87zAoahyWQKZPbcKIogAGAYvrLak0QAECBLQJYrqyp/8spPLl686PF6qqqqbt++88zTz9bW1ly+cvntt99SKlWrVrVEIlGdTqfX6ycnJzdv2aLVaObn50OhsMfrVatVoVCI47j+/oHHH3uMoihB5Bsb6t99792SklKFQn3fPfeNjY709fY67Lb8goKp6clrV7t27to1PjGm1miVShX60P3b9Xq90Whob2+z2exu97Lb7cVwanho6Kmnv7owv3Dp0qXCwkJYJLxe77PPPnvs2LHa2tpwOJxfUJBMJMLh8JYtm33+AEmSE2NjPn9gcHAolUqtX79+VVtbKpUUBHF8chJD0eKSEkjTR1HUbDYnYjEAQGlZWTKRwHH85s2bVqu1uKyMIkm9Xv/JJ5/gBDHrnK2prorHYmazGRqyer3e4uLimpraG7duAgDMRuPmzq1v/vWvt6/fePjxg2aLmWWUr73212g0Xldbd9/evfNzsydPnXzu+edJkvzjH/7w9a9/PRgMSgCYzWacIAickCTR4/UW5heE/AHX3NylS5dWrVo1OzurVqsd+XkcnyooLEylkj/+0Y9v3bpFEAQvSHn5BTqddmBgMFvvMQyHDmTZJRcCExcRBMcw+H/hSdKqlLFYzGKxYBgGbQYRFJUQmcBXUoeVSmU4HMYxDFvxNECljKgPHsqMngaHociJREqr1cZiMRRBJTmjqERlKNoSMslfHMdZLBYYlYdkGRyZGQYiSPAewDPeCvB8i3d5l0PBLvQJhv8RKjmxTMKIIIgIgkHnajxrUYggiCzBRzSdTjc0NJAkRVHE9h1beZ4vKyvLzc2dnp7OyclhWNZisdIUHYlGBvoH7Hb7+fPncRyHTfKtW7dqamp8Pp9er9+wafOVK1e2bOm8ePHCtWvX9Qb9C88/f/36tfXr17tciz29Pa0trSkuVVxYhGO41+suKyvt7r6NYrJSpTh+7JhWrUkkuU1btqMvfuMr0WiUJKnSstJYNLpjx440z3NpCcew6poalUp17OjRqqoqp9NZVVU1MTFRVFRktdkmJyenp6YgTaqpufnQO++2tbXOzs56PN6lpeWKigqr1SpJ8s6dO7q6uoqKihx5eVabjaIoIMtms8XjWXa73ZIglJWXK5RK18LCzRs3SktLOZ43GAzXrl0rKCy82tWF43hVVVUkHC4rLbVarSuL22PHjx47dvDhg/UNDQUFhTRFTo6NezweBc1wIldbX1tUXBoKhmamZ1RKNUVRi0uLJrPp6JEjnZ2dRpOpv69Po9HUNzaKcKaUJGjZp1IqxTQ/PjF5+OOPlpaWv/HcN1RK5dz8XFl5aSIe1xsMd+7c+bd/+zcMwwRJ1mr1LMv6fD6tVisIQjgc1ukM8BjBcwD7gbtrf7aPr62qjMfjXq8XUoJRFJWBDFAUMnghIINiWCwSQQECe+hIJHI3fJklDsC/LIoyVJFn0Uae52V0hYcHT79Go4EPYZa+L2fCSdPpNDyF4XAYipvhgc46isLnAbYu8GvCxwDGrkCwH/YwmftnJQf7bhm7xKcBAPn5+Vu3bs3JyTlw8CDHJRVKdnRkRKlUygC5feumKIoKhXJwcGjdunWtra3RaPTcuXNut7uzs3PTpk2nTp3i0ulch6O3t3dwcHDzls6S0tL6+obFRdebb7xR39BA01RXV9ezzzwDk959ft+FCxdqa2r5dHpgoH/rtq0L87NPffWp1177S3Nzo1aj/39//n8NDc3oG3/5TTKZdDjsVquNomkMRb1e39vvvP/j//jx9NRUNBq12WyhUGhgYKCiomJufr6+vr6wsGhkeKi7u/uee+5ZXFyMxWIWqzUvL4+maUEQOC5NkdTw8HBuXp7JaJRlORaPt7atlUQObsWhWZ8oSX9/443a2lpeEBQsW1RUlJuX979//vPw6JhGo25paWld1aZUKmedMyzDrFq1Ks1xp0+fDgaDqWQqx2JhlQqLxTI+NsalUizDDg8NNdTUrd241mKz0DQbDIZGhkfGxya2btt2/vzZy5cvq9TqF198MZ1OMzQdj8cLi4vHxsbKysqUSuX58+cJgmAZpqmx0ev1MzQV8PtlIDtnnPmFBbFYJDc3NxKN5uXmHjly5Oc//wWK4YIkg0ysVXt7uyiKd+50EwSZhduhnTIkbEIXqmAwmJ+fHwmH06kkJEtnZ2hREhEcl0QRRVE4Ruv1ehQgOIaFw2FoQZf1voQzbhaBhfoYAL6MG0IQBIFO2Jl1ASzS8LFEMj6QsHWB5H6I3sAQEPhIw59NzEQG3g1DYRiWDTJSqVTpdJphGKVSGYlEksnk3bNB5kkDgsCvXtX2xJNP6nS606dOtba2KhQKt3vZYNTRNG00mQwGo9fjXlhYCIUiU1NT33355WQyOet03rp1a/v27Xl5eTdu3IBufHNzcw6HA0XRouLiZDKZ63CMT0xQJElRlNvt9vm9ZaWli4uL3d3di4uLfr+fZVmSJOvq6giCaGlt02mVgiiYzOb+vt5oJHrkyFFCluWSkpJEMjk3NwdRzmQy+d3vfoemKKfTCTWvCIp2dXWl0+mH9u8nCWJ2dsbv9+/atWt+fn5VW5vVapUz+o9kMjk7Ox8OhXOslv/z7/++f//+7du3ezye/r47VqvVZDKRJDkyOqpWqYqLi9esWfPOO+90dHSkkkkunR4aHlapVByXuvfee3bu2tXd3b0wP8eybMeGDalEYnp6+vXXX29ubm5sbAQAtLe1CaIYDoVu3rgxOjK6ds2aYCgIdyKyBIxGUzQahSjnli1bauvqcnPz7ty+NT093dLaqlGpoHo1HA47nc7e3t5nnnlGrzcEfN6JiTGVSuXxeKCrodVhKy8vzysokAQBFjcEkfV6UzAUFjPodV9f34YNGxyOXOh9Imcc5uDph0dcrVbDHGKSJClCDY1u4LPBsmwwFEJRlGLZ7Io3HA6bjEYumYKhjpD6Jq34B+JZKRl0ZsYwAsO+ZBPBgi3IK+0NLMCFhYUw5QUW73A4zLKs0Wh0Op2QekBRVFFRkcvlQlHU4XDEYrHl5eW8vLxkMgnBnCzzHi4H1GpNMhmHIwSMHNZqtVl+UbZ9SiYTHR3rSZK8b8+9oWCwubl51apVBQUFR44cpWmSYan6+nqWZa9fvx6PxwsKC69evdbc0urz+Xiev3TpEsMwTqfz/fffDwaDmzZtMufk2O32NM97PZ6bN64bjQZzjmV0ZGTz5s3JRNzlmidJ/Fe/+h8URSvKy++79x6CJC9fvjQ7O1tXVzs4OPDFiaOtratYlnW7PR9//NHDBx/55je/iV46f7S4qOitt97qWL9ep9X29PYU5Bc2tbTBqMbJycmenp5QKHTgwIF4PL6wsNDR0QEzn8fGxjiO279/P3zrc/PylArFjHOmuLjs5BdfxBNxv8//ta99LZFIjI2NKdXqy5cv33vvvZFIJJVKDQ8PoyhqycnZtnXre++9t3rNmsGBgcXFxU2bN7/6+99//wc/uHzpktFo3LlzZzgc7u3ttVosZWVlP/7Rj5588km1RnP0yJGvPvNMMBR69513HnzwQZqi+3t6jx458vw3nzOajc4ZZ21dvXNmzmq12e32YNAPJWyzTmdZRUVpSQnFMBiGXbt27ezZs3v27AEAFBYWKhSKaCRy7do1v9+/5957z5w+XVxU5MjNLSspisfjFEUdOXLkwoULXV1dSpUmHIlmxbIoimq1WgRB4/FEllufrb7ZNSesoHqdDkNAOBzOKlpEUZQB9JJakc6sLBOiUbgnYhgmHA5nGchwnwB7j8xcgeA4geM4x3HZ3kOj03i8HuhWwrIsvHVh/YaaWgAAwzB+vz8vLw/KLcLhMHSa0Ov1UDNQXl5OUdTo6CjImEPCEJ2Kioq5uTmoZ8+2dvAXQRCStNL4pVKpjo6Ob33rJffyUjgYBgA8tH//9PS0w+EIBYPTM9Ne73J+fj4AQBCE3NzcdDodjcUVrKKhoeF73/segiCPPPLI8ePHR0ZGamtrS0pKBgYGWJYdGR3dsH59VUX5tWtXaYa57777lErlzRs3RsdGKyrKOY5zOp0HHz546+ZNmOQyMDSgYBUIgkWjsUQiZbFYbXbr4GBvIp7csGED6vdMK1Qa19ysx+vtunKFZVmPx1tcUhYMhg4cOKBUKm/fvm0wGGBWod3hCIVCkUgk4PM1NjV1d3c3NDRMTEy0r14tCoJrcdFqtapVaoqijx8/vnfvXufs7PVr1+rq61evWRMKhxUs+4c//vHG9RvNLc3r1q4zGfR6g0GWJIZh3G53JBxWajS/+c1vNm3aWFlZ1dbevrS4eP78eZqiVEplRUVF15UrmzZvliSpv7+/pq7uwoULq1evjsfin3z88ZYtW0gUb25rVKpVfn9gYnzSZMrJzc1Tq9U9PXeampthYns4HC4pKaEZhmFZkqJmpqftDgeOYdDahGXZvr4+DMPq6+uVSuXU9DRNkQ67bWZ62uVyffzxx263e2xsLM2LBEnBeRHL+DrxvJCRuqZgN4+skHZkKN/OHhQS+zIGC4KDCIpIGT4C7IJIkkzE4wSGV1RUwHOJZojT8O/Avgj6BSWTnCzJpaWli0uLsizzPE9RVGNz463bt+Cki6yomQV452zevBliXyzLplJcR8e68fFxl8slCIJerxdFURB4nhcYhoa++3Imvg7D0IKCQgRB5ufnoXBZrVbDOwrJCPklSaJoPCfHEo/Ftm7b+p3vfM/hsH34wYepeOorTzx59swZmqZWtbUxDDM1NRkM+s6dOweFuDt27lCpVIuLy1arjcDxjw9/8vOf/fT555+XZdlqtebm5up0Ooqiurq6DAajSqXsvnW9s7Pz4sULCILU1dWtzPQYeuv2rfy8fI1WOzk5OT4+0da+CiUwWQZ8WiBJxmKxqZSajZvXR2Ohq5ev9HTfRn/336/IslxcUhKLxfML8kLh8MLColarr2+ox3HC43Z7fb6Z6elr1649+eSTZWWlJ0+etNlssXh8+/btE+PjoiSdOX3629/+9tDQkMlkSiaTTc1NOI4P9A/MOGcPvfPuxo0bOzs7q6orOI4TBHFiYry6pkapUKjUaq/bS5BkOBwWBaG3t7eqqsrn99fWNphMRp7nA36fVqd1u900zXTfuT0+Nra2o6O2ttbv86EYZjabAYq6l5etOTkffPBhdXW1LEk2u7WktCQWT+i0Oo/HGwqFcnNzFxddgWDQZDbLojg0NNS5Zcvs3JzeYCAIwul0Go1GvV5fUFAwNT2NYxiB4wiK5uUXAFny+f2oLB07euTtt99JJOIOR24kEhkfH6MZhSjKMpBRFF0RZSOIDADDsBZLTiQcCUfCOIYTBMGlOahnX7kTAIKgCIHhWQgSy+QlavU6nucpisRQLBaPyZKM4wR2174MtlKSLAEE0BSN4RhkieIYjmE47FRXBGIKNpVMAQzI0pdpx1gmx07KiPTh5ZNIJFQqNazlaCbVWBQkGQCaojQadTKVyAjhcRRFHQ57LBaLRmPwFdEUxfO8KAo4jpWWliiVCujX0tq6Kp6IC4I4Pz//1FNPTk1NsRQdCodNRtPvXv1dUVGR3+ffvWdXikucOP5FQ0ODw5FfUFC4evWac+dPFxcVOp2zAwODgiBVV9csLy23t7eXl5devnJx0+aN4XAkFol3d/ca9Bqb3f7Zp59EozGVStV15cq3vvWt1evW/PbXv2ZZ1uGwb9+xzevxuN3umbnZdFpgaGWa42mGpmnSaDLUNTQE/H4gSeidqxdTyeQbb7xpyjE9/Ogj/QMDVqtVo9GxCkUykfzTn/4I7fu+893vLCzMMwzj9Xjq6+sNJpPA81OTk4FAICcnp6CgYG5ujqJpu82mUiswHGNpRTgam5qYbm5q6eq6KgNOEEW9TltQUMCwLDTpj0TiSqXyBz/4QV1d3a5duyQgnzj2xc4deyyWnFQqef361a3bOiPRSPedO35/oKqqqrikhCQIo8l0/tw5i9WaSCZJihro76+qrubT6ZqamlOnTjU0NNY3NMRjsYmJiVAo1NraOjo6wnFcOByGNEmz2TwyMnLfffdRNB0Ohfx+fygUqqmpcblchfn5oiwHA4Hjx46JkpSXl6fTaP7Pv/8bRdOJeIIgcEmW/T4fghIogkiZ46tRa2LxWGlp6cLCAtT7FRYWLi0tAQCynod3ozcwLxFunUiSSqWS6TRnteZgGA57ep7nq6qqvF6f1+vLNBUZtQAiIwggKQpFEDgWrzD1cUzBKuCMAQ86yJDss20Y7OPtdofLtUB8GSOHiGJWgggwDFUoFDwvogCjGVoQ06LIrzjmoSst1j8otgSRJPCSspK2ttb77rvHZDYEg8FUUhwcHPzoo4+1Wm1+fl5TU1NtTfXgUJ/b7QmFgvX1DUtLi5cvd61Zszo/P8/r9SEI1tGxIRKJbd60xedfGhzqkyUkFIrsP3Dws08/53m+taUtFg+Hw765eeftW7erqxunp2Z37tpuseScP3+eoigunXYtuHbu3IFhmAwAQ1MqtcJkNl66eGH9+vVdXV3OmYVLF69u27btkUcP4IQcjkSdsy6OS+Xk5KBx/7Lb4/78s8+UajUvihWVFQMDgw6HY1X7mld/+5s9e/ZMTk6yLKNUqSw55vHx8Y7164eHhkrLSmVJ1ul0o6OjPT09VVVVUBys0WhisUhuXh6KYhyX9nr9DMXo9HqcwAiC6um+XVRUFI1G/T5fU3Mzz/MLCwsAAJph4rFYVVUVjuMMoxIE3uVaGBzsb25uPnLkM61O/8D9D+gNhqHBQUmSmltaoKEazTC9vb137txRqVSlpaUNDQ1ujzcei3k8nv3798fj8du3bzfU18/OzeIEodFoysvLeZ4P+P2CIJjNZkEQPvvss8bGxmQqhWOYUqFgGKaktHR6aurwxx9//PHHkiQFAoEs+k7guEKh4NJpQRBFQVSpVPAI3s2OhKC7yWTSaDRO56wsS7F4vKmxEUGQsbExQRBMJlMwuJIVCakEHMcRBI5hK56bWQQpFAqjKJYVVcFWRJRFGawYRWUHXDSjQYGnM0tQy/5RtlUTBMFqtVksOTMzM+hKKiYLAAKpEFmCg1ari8cSqVQSJ1Z2cyiKSKIMAX6eFyiKxAlCEiVrjrmiovyBfQ9wXLK0tATD0MHBQbPZMjPjvHz5ygsvPJ+bm/vhhx+Gw+GtW7eYzaZ4IqHT6sbHx1atapuZcb7197ct1pzCwqKamtpINGg0GBcWXLm5+TqdRqfTezzLr7322jPPPDM5OZNKJiPRYDAYSKW4lpZVRmNOKBRY19Fx6tQps8k0MDAQi8Xq6upgRvdXn37qjdf/6vEst65qqa6uDgQCH330aUV5VWVlFYoBh8PCKpR5eYW379zmeR7lQt5oPN7X32ez23MslkQywaXTC/PzM86Z7jvdu3btWl5e9ng9Ai+88OKLroWFqenp7jt3+vuHWJbev/8hlmUtVuuxo0dfeOEFnudHR0enpqZKSkpaWlphxk4sFjt58uSWLVudM8729naAIALP0wyTSiauXb+q1+vNOTnJRKKhoUGSJJ8/0H27u66+LhjwLy4vlRQXaTSqvLwClUp9+/btysrKFaQZx6HJXl9fv8GgLy8vN5pMoiCgKHb58mUURdeuXTs1NRWNRkmSFAS+oLCwsqLy+o3rdpstx5JD4ASGYT09PYlEorKqiiQIrVbLcZxrft5itarVmkg49OSTT46MjOAEAQAiSSuuNfn5+aFQKBFPoMiKhSgUKEUiETgKQx81nU4nSVJtbe3AwADNMFwqBUFGWEHTaQEuy9RqNeSG1NbWpNPc4uIizOhWKpUsy0YiUUlakUSuVHpRQnAEoABDV+RgEHeGhxtCQ1kkNPsb+ORA9gFkm+n1unA4XF5ejmFoNBrnuDR04VQoFFBQz9CMJMuCwBMELoo8bL1IjAAyEovF2tvbOjrW2+22wsKiHIuZokhBEDQaDcPQY2Ojv/71r65fv/2d73w7Nzc3FAq1tLTodLorVy4PDPSTJLX/wH5JkgYHBu655x7XwtLw8PjExNhzz3/DbreFw77/+9//1dK89uDDX5maGOvuuV1fXzsw2Dc0OLBmzQYZoPNzzsHBgY6ODrvdMT09c/v27a985SuxeJymKCh8IwjC7/fPz88/uP/B4aGBQ++8HYmG8/Pzn3rq6QvnL5WWlo2NjT7+la/09XYfPvzJ449/pbm5ORqLEel0OhQMogiSiCfODZ3LsVrPnT3t9XqeefbZvXvvu9rV9cijDyMIotVqz509L0kSQ9NWq7W5ucVkMtrs9lmnk2XZvXv3fvrppzq9niLJ3t7+K1eu4TjZ0Njocrkoinjmma+ac+wVFZVLi0u/e/V3L7/8slqtFnheqVKlUqmx0dHOrVtJkpyemfnw/fdtNkcoFCwpLQmFA5cvX3z2n54JBPwKpYqiqNm5OUtOjkKpDIdCKo2GF4T5+fnOzi3wERqZmID1+K9/fd1isVit1lgsdvPmzaqqKpZhZCCnOW5qaoqimdu3btbX18NsSVmSUoJAEATDMF6fL51OW2223p4ep9OJIIggiCsOKCgqy/K8axFFUJIgRUHI9hXQFgD6b9psNpgdH4/Hu7q6aJpub2+H0aJ37tyB9sjBYFij0YTDYZjUgGHY2NgYzCKAoA3HcaIo0DSdSCThd8k+BgRGAAwAGWShRuhJGI1GE4kEdKgGd5Gisxx9yKCEVwf0a5JlEAgE4vGEVqtDMyLj/Px8t9ud4lIIguA4Cp98lVoZj0clSSRx8p49u0mS7O/vvffePSWlpdeuXdHpdBar9dq1a4VFRZOTM9Fo4sknn5Qk6ebNm8lkUqVSbdu2bdu27SRFK1hW4MUzZ87sP3Dgv//7V3Oz89XVtU3NzUtLi66FWYxAOzu3JuLC6PBwbq4dwzC1VqNRa3r7evfsuU+hVLsW5jes3wRHcACkp556KpFI+v1+v8+HoujQ0BD0fXnxxRdzzDk+c86qVatqaqtNJvOHHxz2eJZZlk6nUyeOH6Uoxuf1f3L48NUrXZNTk+jAzS5Jlg1m0+9ffVUCsk6vv+eePeUV5SiKuBYWWIUix2zGCXJ0ZJSi6NOnT/v9/jVr13Z0dEAezE9eeSUvL89oNC4uLhYUFJAkmZtbYLfZMRwNhYKH3j300IP79AY9jpHhcESj0cTj8f7+fq1Go9ZoCILQaLWxaDSVSi0vL9fU1AiieP7cOavVotVqgkF/VVVlRVXlB+9/2LFuY35+PjSEaWhoCASD4+Pjao2mtq6OZRi4zgyFQhqNNpFIxOPxeCKRYzZLksTzvMfjhp4IVqv1zp07Pp/fZrM2NTWjKOLxeFQq1ezsbHl5OYIgwUBAq9XKkvTcc89dunSJZRhelAC6ksKQPXMokNEMqx6eGAzD9u7d+9FHH9E0DX38IMKze/fuWCy2vOz2+XzpNCfLsiwDHF/x+cjKyXEcg312luuvULAcx8syNLZf6XAAAACFgl6A3WW+gmeip+EWIjv1Zh/R7P9mXwjcFldVVQGAjI2NY5lfOp0uFotxXArDUABkURSrqip37NyGYuiNKzeWl5YrKioGBwdXr1594MCB8vLy3v47IyMjTU0tp0+fuf/+By6cv9jU1JRjMb/99tudnZ0zMzPT09NPP/00QRBKpVqn1QqicPbsuXg8dub06ZdffvnDjz7keV6lUt1//97hkSH3sluhUNbV1dsd9g/ef/+prz4165xdXl7y+b0BfyDNiTStsFlzKqvLz50/65yZYxjFL37x86GhocHBwfLycq/XW1JSolarLdacL04ca2lpDoYCqVQ6x+woKs7r7b3zi1/8PM0JjY2rGIrW6TQ5FsvpU6eJCxcuWG02Wzz28ve+d+PmDYZVOGdnUUzOz89HMUSv10qyKKT5FJcoKChcs2YNhuFpPn3p4iWbzXrp4iXY105NTbW1tws8X1hYWF5ZO9g3QJK4Pdfxox//KB6LuD3LBE6azXqSopzOSQSICiVttZpoWjk8PAKA3LJqVTgSwXB8sKfnwMMHk/FYKpVsXdWyuDjf1XUZAHD58uXNW7Z0rF8fCYcDgUAkGm1sbGRYdmx01OFwWKxWSMTV6rSCKHJ+f0FB4dKii6bpyspKjUYdCARYBQv1eGXlZRRJ8XyaYZjbt287HI6iopJgMHjr5i2bzZqbm3fm9KkbN65DCxMcJwCKw0K4QoREUQIjWIaGQu+FhQUIXCYSiYKCAo/HE41GIbEMNhU3b9yIxmJarTYeF2iahiEoWdAQ0hkgNU3MGPkjCJJIJFEUgynf0DqOIikJSEAGBEVkqdHwQK8QFogVgyoiE1WUPfSwI5IyJmoIgjAM43A4xsbGEATNWG0igiAEgyGOS+E4JklydXXVtm1bH3xon9FkvHL5knNi2qjVUgy9besWq8Vy6O2/0wzz0MF9SqVibGw0EAicOP7Fzp27RVF87bXXAADhcPj48RP79z+k0WhisXgsGj1/7pwoihs2bpycmFCwyitdV/77V7/ACeWnH3/w8ceHCwqKNm3a9sUXR1BUxHFkw/r1/X0DGErs2fPA+QtfRKNRHKPXrdtAkniKi7/wwnO/++0fPR7fzMzM5cuXh4eH29raGIaJRCJ/+ctf9h94UKVSnz5zZmRkSK8z5pgdHRvWlJQUb9++bWvn9ukZ18LsnMmgEwTBYjajsxNDCqUiHA4SJDE7O5dKpXme37Bpw+Li4ptvvrlp40aFQlFZVTU7O1tXV48iSCIZh2kAsWjkrb+/3d6+prSsTKFQTIyPh8NhmqYpkvX7fBs3r1coGIahA/4gQNAjR47k5eUuLi6q1epVq1bhBOFxe/ILCq5cvlJRWVlSUjI5MTE+MVFaUipKEkUSCoWiv7/PkeuYmpqkSKq6uqamtlYQhfHRMZvdrtfrI5Ewx6XT6bTFaolEIhfOX3jwwQcZVinw/JUrXRiG1dbWIgjici0kk6kvTpwAAAwMDOzevUdv0Pv9frvdcvPmrdOnTx84cOC5555TKpVLS0t8WqBp+pVXXjl18iRJURiKUTTNi6IoCDgOvRXiKpXaaNDDQGWv1wurL0VRFoslGo1CGlyWGUYzDGSnCYKIAABNMWQJCJlwYiIbakJkHM5kIAgCRVM0Rae4FHxISIIURVGSJRR2NQigKAoBCEmRkiiluBREeGRJRlGUoihe4GEblB2FVy4QsIIF4TgO2zAURXEM5XmB4ziaprRa7fbtO+bmZuPx+Le//VJzc1N/f39VVeWpU6c8y+5t27aNjY19+skn69Z11DfUp5JJj9dttdluXr+ZTKXu3L7z0kvfXlpefvXVV7/1rZesNotCwc7NzVVVV8mSlJdbpFQp5+dmGZY5c+Y0iiIEQTzz7FeDgdCxY8fb29qramq77/SMj484cm3RSAwAhCBInVYfDkfKK0rcy+5YLEFSVCDgLy0tWrNutc/r/91vX52ZdrKs4lsvfaumturDDz4gcGbn7l2hgE+hpHkh3d/Xffbshb7ekarqys1bNm7estluz+3t7vvoow9RRLTkWAiKJPr6B0pKChdcs0qVIhQOWC25oyNjN2/e7li37rlvvDA/P4dhWCKexDHC5/VOTU1ev3H9iSe/YjRogcxrNGqb1RaLRqenp1e1tnLptEZrePett65du7rsnn/88YcT8WgsmlQqtfsPHAz4fRRFsywLUGxpcSmRSNy+dctutznstjSXAkDOddiTyURVdU0oFBoaHKysqrl961ZpaZko8o5cW5pLhsNhl2s+Pz8XAEng0woFY7PmECTJMLROpw4EfPn5KkKhNJuM8URC4NOiJPX39b/zzqHxsTHYRQwODAIYjYbJqWTq+z/4/sGDj6TT3OTEuEqlHh2deO0vf4FySrg24pJJKFMlMTSdShXk5QEAlhYX9Xp9MpnMYvk4js/NzQEAIJcE+jZjGEZSJCrjXCqFoAiG46k0J0kSKqNZpuRKIUdRsBIPCjAMoxhGlmVeEmEGB0AAo2ASiQSO4ShAgCyjCIIhqFqjhrwgLpVCEQSRAbTgEXgeQ1BeFrONE57xyEcQXJZXZGUejxfDcAwFgiyWFBfvvf/+4eFhlmVbW5pWt6+Kx+N6nY6hGWuO9e233hkdGX3owH6NVre4tLxz954jR44sezxPP/OMLIOSopLJ8UmtJH33u9+ZmZm5efNmbm6ex+M5cHA/QRKnTp08evSzjo71jn35h9555/EnHnc4bEND/RiGrOtYPz/nMpnMTY2Nao36zTf+2tXVlZubV11dMzY6WVxcolQq7A47RZMGozkvt1CSRUbB9HTf+eKLE+fOn00mEk7n7Nzs4sMPP8qluDde/2t+fj4K6EQ0vuhajEaDufn26emp/HzHpk3be3p6YtEUibPO6bkUx738vZePH//swQcfutN9B/3i6GFJ4m/dvrF//4PT086a6noEoHML85WVlSuOFwpFT3c3SRCRaOzE8RNf+8YzFZUVM9NTiUScwKmcHBuK4cePHVWp1XabTRTF9rY142OjeoMaw1EFq3jnnffbVq2pqC73eDzu5eWGhgaYO9bW1uYPBIYGB0tLSyF4UlhYSNF0NBJbWloqLC5GATh8+HBzS4vdZkVQEAwGQ6FQVWXV9Mz0rNO5a/ceURREQdQbDH6fjyTJQCDg8fquX7vhci3Mz88vLy8bjcaFBVc4FIYm5llURBQFnMABAB0dHbl5BWqV4tKli/PzCwROwrSbLJySoTd+qf0FGRdoOIDCvgVCohmYHzEajaFQKM2nRUnG8C85ZLAzwQDGMAyW8WaDVAgEQ7PfK8N/xlEABFGEZHscxxAEQWQAkR8o5MUyWaLwUYTqe6iiTPFpuG+B/KIM7ULONlqSJFmt1rraGofdGo1Gq6urI5EIzH8oKy8/fuzYT376U7PZPDoycvToUbPZ/MSTT16/ds3v92/ctEkQhCOff24ymZQsYzAYhkdH165e/dlnn128eJEgyU2bOvUGQ+uqFovF3NvTc/TokeLiYr3OhKBoVVWlwaD/85//X/vqttXtqxUK1eTkRE9PTyAQcLlc9Q0NO3bs9Hq8xSUlhz/+eHZ2dvfu3clUKpVIYRhWVV3l93thiPfY2FhDQ8PysjsYiHZ2bnPOzgDAx6LRpUXfY48/ZjDoJydHGYZ0e5ZdrqWpqYXTp089/PDDq9esCfr9OoOhtLTcOTOhUqkkWUZvXb0Qi0dRTG5vXxUIhHCMSiW57t6ezs7OqakpmqbLKyqWlt3zTqfVbhdFUa/T6PW6U6dPlpQWpzlhYWFJp9Nt2bIlGAp73cuSJCEonufIRTFxenoSAcitm90lJRUIJq/r6EilUpIoAgRxLy/Lsnzs+PH79+5lGGZoaEipVNbU1Lhciw0NjZIkiZLkWljgeV6pUgEgh8Mhq9WaSqYKCgpwkkglk0uLS6yCJQjSZrP19/cdP3bMZDJ9/vmRpaXl7dt39Pb2eDwelmUikSifFrJqWsjQwlBUlCWVUslxXDyRoGmaJAmdVpdO85DTK2U8me9eJ6EZy1t4pLKbV5PJJMsyREKhEgp+F0EQZBTJstMUCgVFUaFQiCZo6FoFkRnINxbBlzJ5WNclQcBRRJJlDMWypsewxVcqlTBSEgAAqWlYxp1Ko9FotdrhkZEci0Wr005NTWVJbAAg8BGGmzX4uiory3/xs58uLy8nEgm1RvP2W2/l5eVBAZfJZHrxW9/q7ekZGhwMBAIbN2woLSuLRqOO3FyGpgVRnJudPXfm9N69e8+cPbthw4ZbN2/6/f4ciyWdFkdHR/cf2F9eXvLaa6+99967mzdvDgai5eXlD+5/6PixIwWF+Tt37pifm//88yNFRUV+v18QhMrKysuXL0Uisa9/4zlREFIcZ9Dr5+fnfT4fimC5ubnFJcU/+9lPq6urDj5y4Mhnny0tLXm8vvzcorm5hcqq8tWrV3Hp1Ltvf/CNb3yDILB4IsowNEHiH3340cjoVDgcbmtr4zju6aefPnToUF9fn9Vqu379+gP3P4AO9d5KJKPFJYU4gR4/ekKl1BYWFqfSHMOy83NzxcXFpaWlUzMzJ44df+qrTy8uuibGxyqrKpcWXQWF+ZIEIpFYbm6uVqNZXFy0WK2BYPCzw5995fHHTTk6nueuXbt29MgXzz77DX/A29BQr9XpopEIhOrLysowHIdCsNLSUppherq7/+u//quuruHZZ59lWHZudpai6Yb6+oWFBb/fX1ZW5vf7SYrq7u7uunIFVrvJqcnGxqYjn38O1zo8zzc0NAiC4HQ6tVrt/Pw8juMC/2VK3F31lQQAavkkWZYQBG5A07CQy5lU8WztlP7R65xhGI1GA5PhcnJyoOdrVv+RXZRCH1ytVgt3ZAzDhEIhEiOzOXMr+ywgI5nxF8MwCNHYrBaDRjM2MUEShEajgYxohVIJL8xs/lJhYWEoFILKXXhxmc3mxcXF1va2QCAwOTm5YrW7cpthd/MvAAAUSe7auW3fvn00Tb/55psEQZSVlVVUVnZ2bv3JK//ZuXXr+++9FwoGSYpqaGhYs2aN2+02Go0UReUXFERCIaPJNNjf19PT8/L3vvfb3/yG5/mTJ082t7Q98cQTkiwWFRWOjI709/VUV9ecPXtJqVBw6VRxcWFHR4co8naH48KFSzabrbGx6fjxY1OTk1qdQa/TtrauCgYCx44f379/v8FoDIVC8VgcAahGp/H7PIVFhYlEbHBgIDcv7/ixE1s7d4gSaG9vFSXh/LkzPo8vLy//1s2bX3vuaxRFvvq736bTvATw+ro6HMd7e3slSTIYjDiOdV3pisViVVXV6PHPPlRrVQWFuRRFcqn01Ss3Nndu/eyzTxOJxNzc/HPPfQPWOb3eMDkxE4mEz184t3Xb1vw8h0aj5tI8SVLHjh51Op27d++uqqoaGxtTKlS1NTUzs5Mmk2Fpcclmywv6wyiB9vX1xmIxo9F4zz33BEMhURQFnrfabJIkLS8tsQpFNBKJRCJnz13YunWrXqeDRttqjXZ0eLh/YICm6atdV69eu+rz+lAUwTDc4XB4vJ5UMoUTOJQpmc0myG/JVm4URTF0pRXO0l1wnKBpBkYgQgwnQ3z/B+cciqJNJiNJkh6PB+6wsshjtk4DACorK3t6erI8tuwzhqKo2WpZXl7W6XQQiYdVXxa+HEwhIilKIqNQiCI0lsNZlkUQJJVIkDiGZcwa4IpAEEUcxy0Wi8fjgc4LNpvN5XJJkgQXYZD9HwqFrA47iqKLi4twzoZcMQBW7jT4GjEUFUTBYjY999w3RkdHoSm52WxmWBbDsJGREYfDYbfZuru7LRZLZWXlRx9/VF5WvrCwUFhY2NDYODI8jMhSOBxuaWmZnZ09fvx4T09PdXX1/gOPKJVKrVaz4JofGOgPBHwHDzys1ZksFksoHASyKIjixQvnCILEMFypVMLB6fTp0wcOPvLuoXfWb9hYW1Pzr//6ryRJ7t27l2aY0uJSWZZTXGppyUXT1OLigkajXrWq7Sc/+ZkogJ07dzc01J344uj//u//27Rh4969e69everIyzcbjSRFRSJRfyAoSdL8/PyDDz104fz5ZDIVDPq9Xo9Op121qo2Ynp6WEYlLxVtam3Ua/Zq1azEMKyoqSiaTra0t0NHJYDDodPr8/Pxbt5YLCwvvueeeDz/8QKNSJVNJDMONRmN+fj7P8yq1mqbps2fO+n0+pYquqqrkBQHDMIZlASKtWbOGIElREP70xz+1tbdbrRa9Xu/1eD7++OMNGzeWlJbq9fpEIlFdXRsMBmecM4cOvZNIJL0+/6zTGQ6FYeMLheTwmCYSCa1Gi8igoLDQ4/Fs27rt+o3riUQcfuQIgmA4hn4p3kWytVmSxEQiCeW8BEFks53vPpewpV61atXVq1flTOAmxHYYhkmlUvDnyc3NDQQC2YUrQRCiIIqyCIMhPB6P0WhMp9ORSAT+qSzJGIJlj+AKOpnRJSIoClssGQACxzEAEEmGKoR4JIqiqIQARsF6vV5JkiwWSyKRcLvdMJYCLrkEQQgGgyiKRiJhtVqDEyuB8jRNS7IsSyvrC1kGCAIIilbRVDgc9Ho9//yv/zo1MQH3hteuXSsrK9u4YcPt27e5VOr8+fPbd+yYX1jYtm374MBAQUEBjuPxaFShVKbisaLCwnPnzk1MTOzbt2/jxo2CIFy8dIllGK1Os7joKizMX79+XTKVzMtTez0enV47Pz+r1+tVKlUgEJybm7fb7fPz88lkUqvRhEMBk8m8evWaycmJVataURRDMSzNpbt7ejRqTcuqFqvVIstiNBY5duyYRqP9+S9+cfXK9YmJKVHkDQb9iy++YDabh0eG3R63WqNLxOKCIKzfsFGhVJ05c8ZoNEbC4VgsplKpDAadTq+srq5ubmkhKAIlKWZ1exuKYWmBx3AkEPA0NjZqtFpBEBAAuru7AQAWi21gcKC+oaG1tVXgxfy8wvz8vLGx0Rs3rqdSqbKyMo1GI/C8yWTatWdHXp4jkUz09fUxjOJq/43NW7bdvHl1YGBg165dR44cYRWKHIt5eHiwqqqa49J5eXmjIyMURSYSiXffeXdkZAxF0UAwGI/FFQoW5ptjKAZ9oLLUXFGSguGQwWCw5+VG43GOTwdCQUmSKBIKpjAgAyABGQDYGMDFU7YhRhAZUi0BwABYIfELwpcp53a73WKxnDx5EtpRQbt9eBlGo1HYpTAMAwlwGIaJsoygCEBRgCEqldpisUxNTVMUBVUysLGRZRlBEVmSILsGQYAsS0qlEicILs1RBEGTZDrNQU0XQBAZxQACZFmWJVmWgVKpEEQhmUjCriYQCMBwPqjkslgsHMdBmaUsyzyXDqYDGEDTKY6m6WQ8IQMZQVdsGvR6XTweRxDJZnNEwuFEguu+dWd4eKi5tSWRiNfV1RoMxnQ6PTQ0ZLfbdTpdIh73+3zV1TV6g+njD98PBAL5+fmxaHT3nj2jIyMUwxaXlH740cdbNm/++5tv1dTVqVVKnV6v0+tmnc4zZ87TNF1SUt7X12u1WUdHR3ft3oUguNlsKSuruHz5Sorj33jjbyiK1NU3rl7bduPWtTOnzkxNTFdWVq5ds1pn0F67epWktG+8/pdgIADJlzPTs2fOnG9oaKmqqR4fnzh/7txzLzx35Mjn/f0Da9asffGb33K5Fj/88MMd23fU1tXGEolYLLZu3bp4PD49PW02m5ubGwgSWVx0jY+PoWH3dDgSVmnUx46dUKhV99yzZ3Ji0uMJMgxDEIRarQYA2B2O+bk5g8E0Nzen1+tMZrMkimfOnF27tt2RlzvQ12ez2dVqdSQS/vDDD7d0bq6sqohFYv5AKBQMV1VVh0Jhg1GbTCSUajUiy+acnN6enhTH4Tjl83rHxsYuX76sUCgGBwcSiZQkAgBW1IZ3N+LZo5nZ8qMAQQRRwLEVspcoSUqGBRmNINzvQIMaiDIB8CWDAEEQlmUNBgOOYwsLLmjgkR2UYYwhZPzDKRP2NpDun7VNhhsljuNIglTpNPBQUhSFEwSOYYlEgsyAMCDjxkyRJIkTkiRCZyEEQRQKhSAIsiRhOA7vDbDi7SMDgFIUCRcLAAAcJ3ieQ9GV0F+IR0G5I3wIQSZGYAXvwjAZOj4ARAayJMsovqJDgK5V6XQaAQiGYCaT8W9/e9PtXp6cnDj48MFoNDo4ODQ1NYWi6PTMjCSKTz/9NIbjRoPh73//+507d9rb25ubmxUKRWNz86nTp9VK5a4999281vXLn/+8oqy8rrmxqbFRpdHMTE8vLi6q1GpJFMfHxxOJRGdn5/vvv79z5061Wr20tDQ9PX3w4MHr169DK1VBEKed49W11R1rN+s1hjTPu+anX//rnwGKrmprX3ItTs84R0fGd+3a1dBQf+t2j9mcs+eePWfPnHG5XJs3bzGZjGPjI3q9XqFUuJeXCYLYvHlzNBq9dav7zTffaGhogIGzKIrW1FSdPXvK4ch94cXniOmp6ffe/0Cr1+57cF8qnZ6bm+fS6YqKilAoRFLU1ORkXn6+wPNO54zNYTWatCzLRML+2dnZvHzb8rJrYnIUyCAv35HiEjRDbtmyKTfXIaQFhlHotEAUpHPnzqMo2tzSrGCZ8bHxhfmFoaGhCxfOh8PRdJqHWlWtVltWVsbzoiCIBE4gyP+3a8/udOQvfSRRUZJgkCj8I5Ig4KAHexW73e7z+YxGI47jy8vL8BulUqnstFpdXT02Ngad4xUKRTwe12q1kUgEQRDobQhVs1arlSCIcDjc2dkJg8YgZgK3XXCHiuN4OBTCcBxFUWj5lrlShOwKeYXOKYpAkqFwAiaWwuBbBEV5ns9imnBMl+WVCLqMFB2hKBJuD2CoZjQahSbMdz+6SIYJJ2SWzfBnIAlCQgAcVCB/aaWgoIjb7enp6bn3vnsVKsXx48dUKlVhYfHy8vKmTZvudHcPDQ7a7fYrV64M8zxceG/ZskWhUFRUVgqiWFhQMDkx8epv/qf79h1JlrVaLZdKBUOhBZfr7bffLiws3LVrl1ans9psHo9HFMVvvfTSxPj48PCwyWQ6+PDDwUBgcXFRp9NVV1e7XC4AUFGQksnE7LQTAQBF5U2bNpM08/5773esX3///Q1m09XhkUGWpc+dP6fV6gqLCu0O+/r1HUWl5TyX/MMfX62rq11aWrJarRRFHTt2TBTFhYXF++67r76+fnx8XBAEr9d78eKl4uKy9es3CAKCDt2+PL+wsOx2xxLxR7/yeCqVCvj9qZSg0WhwHDeaTMNDQ6dPn1m9pk1vUFeUV0SjUVEUKZrmUpxarQZAhraplZWVly5fXtXamkxwOE4ajMaXXvr2ndvdPC8IvKBUsgSJi6IUCgURBKEoiiRISV75rCiKjsVjVotFkuVIOHL3QQd3+XPA1nylm0dRXhTUajXUB8LWXBIEyNOEVRMyBGGpy2Y+4ziO43hHR4dKpTp8+DA8NDiOFxUVrV+//q233pIyFpnw2K1evTo/P39kZCQSifh8Pqj3hRoRFEXhBgAAIAFZyGTOZR1qs8sEyJYTRTGZSEIekSAIq1evFgTh1q1b0G8HZBIi4KSBIJBshf3ju7GyLMtuJ+AED7FXOGrDrwZRJvjd1Wo1DKJNpjl47lmW9fv9OI4TOAEkIIpCTU312++8bbHn//LnP56bm//nf/6X+YWFa1evQlfQ/QcOLC8vy5J0586dPffcw7LsyMiI3WYTJcm1uHjvvff98fevToyOP/fC81cvX5EwZHhoiKIop9P5s5/9bG5ujqQohmEqKypg4s7tW7cGBwdffvllCGEtLCwcP378qaeeCgQCuXmOOdcckIBWrbly+XJNTfX1rqtTM86HHjqwqq1Vr9f95bU/X7929eDBhycmZh586EB+QQGOo79/9fcVFZWlZSUYilosOV1Xr27atOmLEycmJiaqq6sjkdiWzs7p6emPPvwQEvWWl5e1Gu34xERjQyP6v7/9pVKlLCwqwggcYGg0Ei0pKeEFKRQMxmKxaCx+9Mjn+/btW3YvXb165c03X+e4NBw00+n00tIyTTPpdNpqtfz6V7++dv365s2bi4tKu7quejxep9MprnTVqCgJWWVgduMjChICEJzACYLM7phYlkkkEtB3Ce6PYBmDZkzZWRZBUVFeUX7AfRCO4ySOo8gKkgPLMPy3UEGb1VVBUAVBkGQyWVRUVFhYuLi4GI1GoWNFVkZoNBqLi4shq+LEiROQ+AAypB3IhJMkCZ4kQRKhpzwk52QBUwg7QjBHq9XGY7E0xxE4AS0VaJqGoWA4jkMfQiTj2IMgKI6vPPPZZYIsSxiGZgZZWZIkhUJB03QkEoFY05o1a86dOwfXERmPRBnCBnC7DJEGgiBgYBHLsJIgoSiSSiUf2PfAY489ihNYaWmZKEppjhsYGBgbG+N5fuvWrQsLC+Xl5ZIklZaWXrhwAY4fldXVoVBo0eVav35D0O+/dePmp598su/AQ1evXd2+bbvbvfzggw9duXIly/2uqa31eDxv/f3vNE1/81vfKiwoQFDU43Z/8cUXgUBg48aNFE1xPKdg6BMnjqcSSSAjc845kmLyCwsa6uubmhuKigqOHPnU7XaTlLKiolKjVkVjsf7+foPBcPbsWWitdd9999pstgsXLvT29q5b1+H3B1AUe/6F565fu56TkxOJRMbHx71eXywWW7t2LdpaU+71eauqqx5+5BEZRRwOh9VqiceTrELRfedOKsXV1dXyPH/48McnT57csWNHW1sbdIm7devW4uKyy+UiSZJl2WAwQNNMPB6HsDqO4xiKyzKCYTiCwC5UzmwxRRSFSAgBT6S04tYNcBwTRR4e1tLSUp/PFwwG4dpIzthiAgAwFAMYAjETWL81Gq3H45YEEcuY9WWQ75UHBhZXmqZhwDXILHTr6uoikYhGoxkbG5MygXaQ3Nbe3h6PxxUKxezsbCQSyZIXYNFFMg4l0MoqlogzLIsgiFqthrmisGarVCpoFgspqwhMOQUAVuJsKy9lQrazLH8o4YKXSbathwg+yMTZQx48dLqF2+6ysrK5uTlZlqHnHHxyoOyGpmmAoeCuVDKe5ymSkkVo/YmlUkmdXvfGG3+tqa0LBIIMwzAMA7VHCpYdHR19++23t23bplarHQ5HIplUsOyajg2xaPjY0aMKliUJYnJ8wufxNq5q+e1vf/ed73x7anLq4UcePnX6dCgYpGm6oKAgGAq1t7fPz81JslxfXy+K8uHDH5EEoVKpuru7DQbD977/A+ec0+1eoEni9797deeO3Rs7Ns/NL37y2SfRaHj9+rXPPPvVoaEBp3PaH4iqVOp4PF5aWhaJhDUazf/+7/+2t6+OxeKdWzu5VCocDqvU6hPHj9vtuW63e+/evQzDzM3NhcNhlmVmZ51btmzOsVjQ9a0NsXgsxXHxRFKj023p3Ozz+SwWSyQSBYis1+mHh4d9Pj+KovF4Is2lRVHAcUKSJQRBcJzEMTwre8VxXJJkFIMycEwUJAzDEQQVRYkkMdjGgEwsIQCAJGmKoqCHvZiJWBOEtMPhUKvVjY2Nk5OT3d3d6D+yGlfufVmSZNlsNqtUKmiWnUwkXPML6Yx1a7ZzyMr/4FeQRBHLXCyiIPCC0NHREQgExsfH4UtAUZQiSZKi4JQci8Xm5uaghEWhUAAAoAt8KpWCcSktLS03btwQgWy1WSVRCgQCLMvCfE8Mw6D7bFFxkc/rgwMGBlYs1uBaQK/XZ1NTs40NAECSZARBtVotvBbgEyJLIqRDZ7fa0DYdFngcw2iGgQo1iNLCDgrqgBEUEWUZZPz4IWkilUwhMpQNSAiKCALf2tryzW9+UxTl5pZmVsFyKe7TTz5hGKa8oiLX4VBrtNNTk9evX1+zZk1ubq5zbraqqhrIIOD39dzpZhnG6/bEuWQ0Hh8eGmppaUFRdOu2bfFYLBKJvPHGG83NzT/853/+/PPPu65c0el0Q0NDw8PDP/zhD6GHQHNzs3N2/uz5s9u3bbx549rf3nzzvnv2VZZWt7avEUXx008/6li/JpmKuT1LNlvO+Pisw5E7NjbW2NhYUlLS29v7i1/8IifH+tBDD923934A5MuXLtkdDpvVdvr0GQgVFBcXsyz75ptvqlTsd777rVQqlUql0C0b1oSCQYVS6fF4UBQVJZFh2HgsAY1UERQhCRLDUEkGKIbrdLpIJAKAjCBZvTaAEApJkgDIACAYIouSiGas3zEMlls02zygmUAogEI/BR7+Zdj+kjiuVCobGhrOnj0LM2VxgpCBDPFy2P3IQC4qKAIAQAN3r9cLm35RErGVIgdReVyWZdhHSxLMxpJLS0sBAHNzc5mMIArFMD6dFkUJwzEUQQBACIKw2ayJRAIqiaFHGkAQpVKJY5jAC6lksra2Fvoqoyg6MzOD4bjBoI9GY5Ik4RgGEESWJZqmZUmmaArD8GQigaAozBGD0whsk+Crhs9/tqODaagoSlA0RVFUNBoWBBHHUSgPAAhCEqQsS1k5GIKgkC4Bmd6CIJA4AZEr2AFiKMoqlYIkAgB0Oh1ULEiSJAoihsB7FXIxkFSK27NnT+fWrZIo0jSVY8m5erUrnU7hOLZ27dr8/EKdTg8QRMEqBFE8efS40zmzY/fu3DyH1+ezO3KXllw3b96qrq52OByjo6M+r7e8osLpdK5Zs/bUqVON9XVGg2F21jk5PhaLxx946KHz585XVFQUFBQYjcYrVy5fuHiprKz04MGDZ8+enpmeGR4eTiXT//nKK+k0T+LY0PCgx+uZnJxYXl5av36jz+dXqZRtbe1qtWpkZOTMmTMMo3zwwQdLiostVsvVq9euXbu6efPmI0ePrGpdZTDof/nL/yvL0ve//4PWllWCICy45hUKhiApKpZIiLJMkGQWdKcoShSxTNuNyjICAOC4VG1eLYqh0NFSlmWSpBAMyADgBC7JkiiKSqUKRwFIpbLTqiSJ8DlRq9UoisKQZNhFoMQKlxg+GyiGogAVBCESiXR3d1MUxTAMNGQPhIKwY8FwHEWADGS3241jOJCBx+2RZRlDMWjQkGPJAQAsLS2RJCmtOCnIUqYXUqs1dfX1MzMzaZ4nSRIgQGfQBwNBFMMwHNAMk+Y4BEUkWVpwuWDdVSqVJEnCjR6EjGRRgrZI2SYbYlWhYAh2dAqFAjYPOIoRFKFSqsLhMAR3IFIEMutYCAHBJGqe52mKlmToL8vTrCKR5CRZ5tIpQRRRHJOAhCAIgWE4hmEEjgFMEEUZABzHYZnAUJTj00qFghJFkRfgaJR1bGcYho/HIG0Jai8xDGNoBgVodrjCMJxlFadPn2lsbNq9e9fNGzemp6cfeughv9/ncs1Jkjg3PwsAwHCi+063TqMzGQyuhfkb1649dHB/MpVa9iwr1Wqaof/+979XVlbCoOI//OGPDMOQJHXg4EFZFDBERhAQ9HmUSiUAYO/99506eSoWizY3N5tzctatW5uIx10uV3lZRTQSI0mqrr1ep1NfvHjJbDYTJBkMhsrLK9NpYf36DRRNR8JhiqJKy8qOHj22b9+DpWUVOTk5fDqd4tKlpaVLS0t9ff2VlZXbtm393e9+5/V6HnjggUuXLng8vnVrN2g1eo93GYNZtjChACYtsyyr0+lMJpNKpcpuRmEkxMDAgM/ng00kDILG0H/wwRMEPhsAmkU24NAJjdEtFgt85bAngZ9NdsgD8gqjHVZEiqKqq6uLiorz8vJYltVqtRh0okUxuPSBnEoYf0LTdG1tbSwWgyZQKIoS0OQVQbL7r3A4vLS0VFdXB8dcBCDxWBw6yNI0jWaCJ2AZxnEcpthGo1GI7cAijaKowWCAvQ0s4Vm4Fm4MZFkOBoMHDx7UaLUwvRA6gFM0DfkOsCpLktTc3MwwDEWRP/3ZT5uaGnmRx3EsneYAAmpqqkpLCoV0EkUATVIoADiC4+hKvp0kijALXqFQkCRpMBhwDFvh+YkigqIyALA1ggARn+ZjsSj8prDnhFcHxBuyLyH7Yb399tuDg4NFxUXbtm0TRbG5tSWdTvt8fpfL9eijj37v5e+JgugP+Ouam7QG/dVrV8fHxxfm5i6ev/Czn/x0ZmpmVWur1+ORRHHR5Zp1zjz3ja/v2rXns08+OXv2rD8QPHf2bDyR2LBxQzAQ+OD9Dy5fvlxXV+fxeO7cvi0IQkVFxUB///T0NKtQ3P/AA9XV1QaDce26jt7eXpjMaTKZSkpKzWZzKBg8evToBx98AE/CwsKCVqOJxWKBYPCnP/nJpUuXbDZbZWXF1OTka6+95vP5/vmf/1mr1Q4NDV+5fBkAyeVayM3LXfmYFxcXURRNJBLpdBqmQHu9Xo/HA/5xDwU/cnjWy8rKYOnKeicBALK2kitYPYqWlJRAOgCMElleXs4OkRBo5zgOUnEgagkASCQShYWF1dXVsizfunVreHgYYq/ZcsswTGVlJZRc6fX6nJwcvV5vMpmWlpZgns+XjVbmV7bDZhjmxo2b2cEABt/CAVfM4Jjw9SqVSnjtMAwDAFAoFCqVCsVQkiJhTgQ8iyaTqbCw8O6XHIvFKioqotEorLXQedNqtWbjKuDTBa+4urq6J554oqmpsai4MJlMpHkOIDKCyDdvXItGQgxNIbIsiTyOYiiCQDUw/FBggsvd7x4c9KHZLXJXiAaO46yCVSlVarV6hQUEPVqQFd/Pu/ExeG+43e7vf//7P/nJT5xOp9/vP33y5LbtOxQK1uPxsCz7wAP3Q6Pvc2fPmHLMGI6/+ebfhoeGlCz77DPPPPrYY62trc6ZmQ3r1y+6XFaLhaaoGzeuRaLR+bm527dubd6ymeO4SCRiMBp37NixZ8+ef//3/9Pf369QKJQKxeLi4vz8fCqVKi8vr62ra2xsFATh1s0bkiR1dXVB3bPVmrO0tJRIJLZv3y6K4gfvv69QKNesWdPb2xvw+51O5+XLl+Px+NjY2PKyu7e3l2HZRx99VKFUlpSWWiyW1avbTp76Qq1Vz0xPEzabraio6NixYxBMAAAMDQ0zNJtpRjMZxZIEkC+DkbP4uiTJdXV1LpeL5/lEIoEgKIqgSOatzB47jUZjNJkwFLVYLBUVFe+8cwhKTjEclzKDgVarDQaCEFkPBIKlpSWwmmp12qqamosXL8IDCp/DyclJhmYgwg3P7sLCAsVQKrUKAACN07LnPgsfEQRx+/ZtuMYCd6d0AQAHU5hyDo8pbAwYhiktLYUYEc/zBr1BpVTOz85BhibHcQ6Ho6ysbGZmJgvhUxQViUSuXLlCkqRGo/H5fPCagg88RGzhtTM3N/f7P/xhYmI8GPRv375Nq9VOTU3eunULAGA2GWQpLfApgqRJkgASAhAcxWQURwiCuDuMA4oKINsU0lFlSQaZbQa8ThEEicfjAEPhB7cCjskIhmGIjGQRWzyTUw1bsoWFBRRB8vLzQ6GA3+cLh8Nv/f2d559/rqm52Wa34yhaWFJitVpESVIplZ8e/qSwoJAhqcX5eYWCffrpp91Lyxs61ttstlQydevWrcKCArd7ORKJ/PSnP9uwbs3lS5cPPPro8NDQn//85/Lyio6ODo/H09PTYzQaoatSMBhsbW3V6XROp3NLZ6fb7Y7H44IgnDhx4ic//SmOYXn5+c6ZGavV2rllC0XTPp9vbGysuqaaVSgefOihRCKx6Fo0mgwHDx6srq4eGRmZnZu7795716xZc+3adVmWJifH0uk0EYvFc3NzGYaFN6ZKpcrPz1+YdyHIl1FqaIa5gmGYWq3W6/Ucxw0MDBAEieMEHChXgsJFUQaymPmw02keflSiKPq83o0bNw4NDY2OjkqSiKCoJK3EPsPyCdt6eMSTycSdO3egz1Q8kRgdHYX9ElSB8DwvSzJJkKFQCNrgQLAvlUrpDXqKoiA5DM9EtPM8L8uAoggAEBhqmyXzwB2Z2WyenZ3t7Nza19cLG54shM/z/MzMDAzD2rdv3+Dg4NjIqFqlXqE2UNTi4uLMzExubu7y8jK4i4UqCEI6nYY3AESuhExaKBx7OI4zGAyJWLytbVUsFl63bm0wGPjq00/duX37T3/607337G5qavyf//nV+NgUjpGCLOEYjuKYCMSs6jL7nsC75ctWnsBAhkhCEATM8CJJUgRy9pbDMkZdGPplLUAyUmP4d0Kh0LFjxzrWd9y+fQdFkQ0bNigUqsXFpQvnz+v1Rp/X6yjIFWVpw8aNFEn23On+9PAnb735t607tnvcnjVrVhuMxqLi4lmnE6a/JZLJqsrK6uqqocHBBdfCjRu3+gYHW1tbd+7cWV1TMzc3p9FoRkdHN23a1NTUtHbtWqvVOjExcejQoU2bNkHujCiKLpdr34MPCjxf1dgo8Pys04mi6OkzZ1avXm02m4uKij768GNBENJpzuPxHDx4sLW1dXRseGZ6pqenh+f5W7duNTc3WyyWkZGhkydP5uXlY5IkfvTRR9FoBJa9goLC+voGrVYLO12lUpm9c2HTUlhYCNGPgoICk8nE83wsFuN5PhgMSpIEURqNRkPTNAAgPz8PNsQwUuHChQtzc3PRaBQAIEsSyIR7wkMDAU3YhiUSiSy/RZYkj8cDW/CstkvBKmBfzjBMVvsHCfd2u91qtYLM6iCdTuv1hqefflqpVEEmM3xmDEYjRGMwDItEIiaTqa+v1+3xmEwmiO5DLhAcMQmCKC4pjkQifX39ECuD0D5JkvAujsfjLMtChgJyl3smwzBoxoghi/9CL/+qqqqvPv00RVFWi6WwqGBpefH8+XPvvXvIYND/53/+R3V1Za7D9vw3vm6z5GAIqlGpgSQLvIBlAuURBBElEb6Bd+8KkEz0mPSPFufgLh09yLhoZf8VZAcBACB/NgscDw4NKZVKR67D7XEjCDI76wQArF+/vrq6pqqqKr+goGP9ehzH47HYhg0b2tvadmzfsXVLZ2lR0eT4hHNquramdvvWbXaL1efzMTTd0NjIp9NqjdpkMpeWljQ01EPOwvvvvRePx12uhW3btg0MDOj1+vLKyqWlpZmZmcrKyo8PHy4oKMAxjOO4LVu2FBcV/cd//Mfrf/0rpNlu7ex88sknVSrVmTNnotHo/Pz8uXPnYAzHW2+9vbAwbzQYS0pKXvr2t81mc2trq9lstljMVdVV99xzz3PPP4eua29ZWHDBbECGZZ9/7vljx4719fWxLGsymfx+f5YKj6AokGWNVouiiM1qs9ntgUBgZmYmkUhALs1K5w1kkqRkWUJQVOB5eAiyisRMGyAKAo/eZWl/95I128HDHkzgeRilBocHSHdRMGwUVjVRxDBcEHgggxybNS2klQolxOnhhjXNpVa1riopKfn0008JgkBRhBcEvc6Q5rgUxwk8T5CkDOccDANAJkmKT6ezdAMAAEXTcP+K40QsFqMpiiCIaDQKS69KpcpyECRJEjKWQdkXhWGYVqv1er0wQTHzNcm33n7LkpOztOSy2WxGkzkYCOAEMTw0NDY2umbNGoWSdS+77Pbcixcvv/rb34sSQFFUBtAoBYPzuiRLZpMZAMTj8VI0tXKmJVmURAxdafThyY5GoxB3zm4Gsm0hjuE0TQMEpLk0hq9UHBzFEWRl3dbc3FRTW6tSsTyfLiwsOvjIV4YH+3/5y/9r0BsKCvMtVmt5Wdm77777nW9/u6y8amx0+PLlS/fee59Gp/vw/fej0ajJbGpqbIrF4yUlpZcuXYyEI1arpbGxEUEQt8d9/vy54uLiv/zltYMHD1y50vXUU0+cO3fuxo0bW7dubWhoqKuv/8///E8+zf/Xf/3y+PHjHo/nvvvuSyQSQ0ODnZ1bLVbLO2+/4/f79t5/f0lJyb/+y786p50bNm4YGRl59JFHSZJ05DqGh4cUKjYcCucXFHz80WGlUrlxw0algtHrNbwoer1+jGFYpVIpiiKKYjnmnJMnTwqCoFarcRyPxWLwA4OFE0UQmqa9Hk9DQ+MrP/nJD3/4w4L8/FAwiAJA4DhJECiCEDiO4wSGYwA6c2AYgqIMy8oA6A0GFMNESeIFQZRWtlFZLBxkfDvg0YHTq5QxXodHOasih47hkAUpiqLJbFSr1TiO+f2+cDictViD55KmKEHgfT6vw2G3Wi08z1stlngsFo/HEciVyDqIAABkwNB0tpTC+sqlUlyKE3ghGok01jfAXiv7NEJnHo7jbDab3W6HIFiWmwn/QjKZ1Ol02bqbTqfLysoYmvb7fTBjyu8PzM7OGo3GtevWFRUVJxLJRCL52edHA8Gg0Wj60X/8mKRIkiKBLAMZoJmfDcdwWZZNJhNN0whAUAQlcAJBEAIn0IyAk2GYgoICDMUQ9Et3ICRDssJxHCBAkqV0Og2QL52F4OlHVnSY8j333NfZuXXNmnW1tbVv/e2NxcXFPXt2Hzh4YM+ePVqN5siRI0NDQx98+GEgGAiFQzW1tddv3mAZenPnlv6B/hyL5ePDhwvyC+ZmZ1/93auiKG7Zuv03v/ntF1+cTKZSSqW6u7vniSeeGBsbJwji3LnzKIo1NjU6HI6JiYmPP/rowP79+/btCwQCkiSbTKbS0rLK6uqiouIbN24sLi5t2LixtLRs0bXonHH+27/922OPPWY2mX/wgx9a7Xa9Xs+n+eqq6iw4odXqOjo6RkZHl5aXB/v7jx45urS4tAJBwrcGUmI0Gk1nZ6csy9euXYM9dDZPCl7liy7XP//whyyrcLuXSZJEM75lGXgBIQgilUpBkC6VSgWDQXgJyJmAaPku5ybYzsJPC8loRLJXeW1tLdQcQgIZ/FehUMhkNIq8EIvFcnJyBF7kuLQsywiKZ+sunkHcZVnq7u6urKwsKSlVqZRzc3P33nvvB+9/mKXZIBm6BLx/4LGGlAQ4msMMFZ7nlUrlgmsBSsmy9wNEY2iaXlhYyHKQ4EuDzbrdbofXI8ReIYL8tX/6mslkWlhYWFhY6B/o37p1O0VRgUCAwHGO44xG46FDh3p7+1pbWurqGvv6+vPy8sbGxhQKJZKx8oRvL3TDVCqVMHQjHo8bjcZ4PA5XN3Ach8nsmIzKmaOf1QzB5wTmxGR1/SiKIpkSwDBMX1/f1OSE3WFTKlVGo3ldR4fRYIjHY4cPHxYEoaWllWGYkpISAMBvfv0/yWTyG9/4hiAIh955Z/uOHWvXrs0xm8vLy+fn50LhcEVFOcPQX5w4ZnfY3e5lizXHZDIKAg/B2cXFRZ5P63Ta5194Pi83L5VKwYX68PCoIAiVlRUzMzPnzp2FEdyFhYWXLl5McVwqmczLy4PNTzKZLC4p/s2vf61SKffs2XP27LlHH31kaHC4rKycZRR2uxUAeeOmDbIgdHVd9nh8DzywH93RuWlsbCyLvkOSFuSKeb3elfuaouRMxKwkSUajEZp+KpVKuCVNJBLwn5MkKUgiiq2YVxKZiFwAgNlsjsVikIkFF/jwLbZarfn5+UNDQ0ImiBxkhNuyLFssFvivSJJkGAb6kYiiaLNaw8EQNK/lOC4/P98fCKR5HkERWZbNZjNUq1AUhQJZkmRJErds2ZJKcVevXVWrVDhGQPpx9iPPwqYlJSU8z/t8PpPJxHEcbOutVuvy8jLLsuPj4yzLwvoEEZW7k7MgCTRLtkEzwSpZnBFu03bs2PHNb704Pz+Xk2NGEFmt0SgVqrz8fPfyMgyz+OCDD2pqqlBM/vzzo8kEp9Pph4dHZ2dnGZqRZbAC9cgyvBUNBiPHpWH6C47jCIJKkoiiX5ZwHMeBDGQEZPUAWMa5CM3YBEGNP8dxAEFQADDkSyc5nue/893v3n///d137lRUVXBcKpVMBIMBc47ZasvzLC/7AwFJFM+dO9fR0YEgiDkn5+yZM03NzQxNG43G6tpanuPSfDrg9xcWFvp8vl/96ldbt27dsWNnIBhkGeadd96hafrMmTNNTU333LMnHo9JkmSz2ZbdbmhBKUrg4oULjz32mFar/cMf/vDQ/v0mk2nW6Xz99de3bdtWV1fndDp1en3Q7/d6PGfPnt22bTvHpWpqasbGxrp7ehVKJcuyzc1NCwtzOTnmdDpdW13z+aefT804a2priOysCd8FSDHPGsbDX9kOHlZKiDzCqx8aocGrFqIQOI5L/ziQwXpvNpshDR2uC2B9hZW1vLwcCnknJydBxuIPWbEwEUtKSvr7++EeIBgMwkWyz+tTsCxBEDabDdKzjh8/TlCkJMs4jsfjcRgsJ0kSkEQIjPI8v7joslpy4vHE3WQE+PKrqqr8fj/kPENugsvlwjDM4/Hk5+fH4/FEIgEpcRaLhWHYjRs33rx5Ey5JVkZSUZQycY7wesnS+LJ1VxRFvV7/8MMPUxS1e8+edDrF82kgA4Kk4TZnaXnZarE89dWv9vZ2F5cUzM7ODQ8N2+25sVgcFgVJWqGywg0AgiDBYAhBENimyrK8Yp4IVmzZVxACyCCSJKgbhuHsgiDArRyS4SDB2o+iKPrlA4AQBPH2W2+3NLck4km7zWEyGw8desu9vDQ41F+QX7Jr9x5jIHDt+vVUKuXxePr7+4tLSh944AEITJ05c+bY8RPbtm4pKiqkKPKTTw77fL6y8rLmliYMQ+OxWDAQuPfee52zswsLCyaTSRB4hVK5tLi4adOmwqIip9N58cKFwsJii8USiUYJgmhtbf3ss881alVJSUlNTU1FRcWd7u5Zp7Ompmbr1q1/f+MNiyWnoqLs9OnT09NT9fX1Hre7uaWtqKjgyJGj+fm5VqtlYWE24PV1btm6aw+LEwS6bfOGmZkZCNVBMw9RFOE2Pvspwu4l+xZnFRjZZgY2D3A3meRSFE1jGGYwGOAtBg+iIAhFRUWxWCwajWa/GhwZIVee47gVyiSCwMkSLqFycnLm5+c1Gg3E6UdGRkiSZGgaBTCCRYLfOp1OQ10ifBWQCSOKYp7DAYAMm5BAIKDVanheADIC4RpozpOfn19SUtrT0w2vlLtBkiwunt3BIQgiCILdbi8vL799+zbHcbDvxzPpXXd10ihsptHM9hDH8Ze+/W2NWu3xuHfv2XXx4oXVa9oBQKenp2mKqqurQ1F0eWkJxbCR0aG1a1f/7W9/P/zxJwiCm0zmQCAg8ALkVqEZgTKCIDhOyPLK05XtagBY+Rm+LPYYCgd52Elmn1s5E2qWrXEEhkuiiGSISbIsUxT9wgvfdOTmbt68CUUlp3Pq3PnThYUFPm9ErzcUFBRIsqxSKoeHh12Li3w6vXHjxrq6OoVS+e6hQ9BhJRoNWa1WQRAam5rC4dDY6NjqNWvcy95QKNTd3c2yrN1ut9psBfl5V65chuzDZ559Nh6Pq5TK5WXPxOQkjqIFRUXzc3N3urvvv//+pcVF2CCMjI4WFxcLgtDa2hLweWiamZmZdjqdPT09Dz300NGjJ2Znl9pXt23auD6Zitkd1pu3rlEYM9Q/suveewVexLIoGGQ7Zjdc8J7Nln86Mxpid0k0MjRmmSAIhUIBh04kE2S7vLwMEU/oIY7j+NLSEmygYVnieZ7jOHjJMgwDmcPwfYcAPzSaHR8fVygU0HjQbDZnJSmw31Cr1ZWVlclkkmVZgsCzg0oWGwUIiMfj8Xg8GAwWFRVRFA0/5paWlqamRsj+iEQiZ86chiyP7NUPHz+tVotkMEHYbsFFgUKhCAZD2T7qy2Yj834aDAYor89O+alUasuWLRZLzrWrV4tLShiWEQRB4HmVUmG32ZRKZTAYVGs0ZoslHI5UVFRgGPbMM8/s2rUrlUrt378fgstoZnOXhRAAQCAjHX6j7JIbfjRQZYbjONSO0jQNKUx3P5aw84SLNVmWBVHIonPw63Bccmho2Gg037p5UxBFh8Oel5dXWVnR1t7m8/leeumla1evnj179syZM6vb2w8ePHj79u25uTmaokiSXLVqlcGgVyoVkiQWFxf5vJ6S4mKNVvOH3/+Bpum169bV1tWpVKodO3asX7/ekZvncDgmJyfn5ubefustIMvBYFCn05aVlYXC4cnJyY0bNzY3NX326aclJSWtra2SJClY9vrVa3l5eefOnhsdHfnlL38xNT118OGDDQ31DEObc8yWHOvevfdHY7G33nr717/61ZXLlz8+/PGVK1dPnzqlUWsImiBRBIGb+WAohKAoimM4hmfvcTgJ0TRN0/Ty8jIsnEqlEhbCrGIVHmWaplkMq6yqXF5e5jkOAQgn8nyKkzPUXDQjTscwDCYkz87Ozs7OwhZIloEkQXSC4HlRFCUcJ2UZgVrbSCQCDaJJkrJYcrZs3nL8xPF4LO6cn0NwLJqIZyFU+MmJomg2m9UqTTAQBDKiVChj0XgymZBloGBZqO7V6XSLi4vpdFoGMkWRCIoQBAl5whhOKFVKkiCTyeTdYkVIEJqamgKZRAyQ4fTDwwSfdp7nWQWrULDBYFAQZZ1O+9JLL4XDkZmpybXrVpcUF5qNptVt7bFIjOeEVJqrra0NhUKpVMq9vNzc0uxaWJiamE0kona7pbm57s03/hqPQ6tQkB1a4OQGXSGSyThJEtDHV5IkBEMBigAUQWEhwFBJknEET8QSGIaROCmJEoZiUFeErXzcAEEAhuEIAqAgDQCAAAQAgBPU+QtnysuKd+3ZPTIyDGTJaMhZXvYpWLUgCA0NDffed9/f//a3nJwcgeeh5SiKomme53k+Fo/fvHGzuKiIJhXJBMcw1PUb17suX6woLzObzeNjY2vXrl2YnycpiiCI+YW5Gzevl5aUEQRNEuzt27enp6f27n1gaHDQZrcbjcaTJ0+azea9998vyeloLDgzM0nTLE0zDKVYXvTMz034vD6DIeePf/xzMBSaci6YTMYnnzoQCCxZLMbi4pK169YpFYpEPHHm1NnS0rKSkmLMoNcDWU4lkytqOhSRZBl698GGFVqaQQWQxWKB4APcX2RJvARBGAwG+BuSJNNcGshA4AVZltUqtSzL6F13bpb3GwqFe3p6YrGYTqerqakpLS1VKFi4KICBcwAgkiRDGbggCFDEJMtyZWWFw+Ho7umWZVmj1cCrAL1rkQk7Lsifm5qcTCaSOp2OYdhwOMzzAhRk9fb2ms1meKwpitJqtaIkajSakpKSNWvWwB1TOBz2+XzwK7Msm507oUuPnGH1gBUVL5EdqTmOi8fjGIrCP8rPz/vlL39pNJkwFNm1a+ee3bt1Op1Ko6morCwvrygoLAyHwxzH2e32ZCJhtVrPnD6NYURJcanRaGQZdu2a1QDIOIZJ4soqDWRkFYIgZENXEUSGLSWGrbCj0cy6FzZpBEEQOCFLEEtFKZICQMYyETLwMoHYGJyNEAxDMQyFz4korlrVWlpeBt0SeJ6/fu2a2+3WaDTr1q3j0+l/+dd/3bZ9ezgajUajnZ2dubm5Vy5dYhimv68vEAyq1JqW1pa52blQKCQJwr4H90UiK0TOmelpDMM8y8uvvPLK4Y8+bGluVqnVTc3NAACPx9vU1OhyuYLBYGlp6RcnTjgcjnA43NXVNToyfudOz5kz51QqlSPXEQz5H3n84Q3r16fT6YDPa7Vad+/eQ5IUTdOpdLK/v+/SpUtO58zw8MiRz49eunRpYLCvuLgQxRFCliSWVSAoEovHIRXCaDD4PF4Y1hmNRqFPkyRJ8/PzOp0ORoRPTU3JsqzVaiH1SpblQCAAZ0eKogYHB3Ecz87WkJCIoCtVOSuL8fm8PM+3t7dv3759cnLS6ZyBtzncYcHsZQxDEQSV5ZUrG2o7lpaWvF4fTVNQEAglVLDqIHfZa8J1AUwGKCsr+/zzz+HPw7IsjuPV1dV5eXlXrlyB/J/HHns0EApOTU4lk4mBgQF0heQHSGLFVUWhUCAIEovF/oEFjaKQ0gx7p7snIhRF03yaS3M8z7e0tOj1+rLy8jWrVwd83kQyqVQqQ37//Px8bl5eIOCvr6+/deuWRqOJxWKbt2wpLS836PWpZCoej5eVlXV3d8OTjd7Vf2abnFQqpVAoNBoN7M0QBJGBDOSV4T47GBAkgWR+wVcEWx0MRQmalv7/rDfg5IygKIatYMRv/u1vN2/fsljMDMscPHhgXcc6gZcRBLlx48ann37aumpVa2trJBJZWloqKy9PJZMTk5NlZWXl5eU3b94sKSm5feu2z+ddv3EdQeA//tH/mZ1b2LHz3kDAD42MdDqdXqez2y2XLl0eHBzJdeTb7XadXl1WVpROS+k0/8brr+fm5sqyvHbdulQqJYmyx+P56lcLJFkqNpui0cDkZOLixUuFhYUIiubn59+8cZOm6YKCwrHR0WPHTjzzzDMjI2PjY2ML8676+pqnvvqVL04eY1iS0Op0hYWF8wvzsiwDIPM8r9ZoZFFCUdTr9cqynEwmDQZDMpkkCAL6CkHuNIz3gR8GnKsMBiPHpWCXCdOVcRyHvQ1AEQQgsF5CNAO2+wRBzM3NnT9//ubNWzgOjTJJuDHNTs8kSQDwZdYDtDmBvT4EZ0CWTZ2hWKMoqtfrw+EwwzAKIzMxMTE6OpploVVXV8MFwszMjEKhKC8vn5yc9Hg8O3fv0mo0b7/9dhYGgAGM8NDAr1ZZWalWq4eHR7InKfuDQbA4y5EWBAFHMQRBYBCvLMtTk5NGk3FwYCDFcdu2bSNIMhQKzc7OxuPxxuYmo9E4MzPT1tZG07TFbKYZJplMmc3mQMBHEESa41hWLYqSdBemlD21UGWRQYEAksFw4IALxzkFq0jGvyQIIgjC83y2/Gefk+yLups3IcsyimILCwt19XU2u725qTGVSgFZ9vl9iXgCAPD000+zSnXX5YskRWk0mr7eXsilN5nNpaWlefkFNoslHA5HIpHenl6Xa76tbdX27bvm5ubKy8tmZmb6+voam5oe2LcvHot4vd6SkvL6+oa+vl5ZVp48eaqjY6PNZtu5c+dnn30mSVJX19WZGeeG9RsNBkN5RWlxSfGVy+dv3Lx25cqVzo1b9AbTsntZEMWqqipBkhQs63DkNjTUX79+fcuWLf39Aw89+FBbWyujYq1Wy40b14mKiopppxPGafG8gAMwMjKiValXr17Nsuzw8DCO4z6fL0tVQBAEJ1bAU0iSWQkqxLC6ulqn0wmZEbIsw6sjFApJkkRQlN5ggGoBiPfJGe6hz+cLh8NQycUwLIpiWTwx209ns5ezXUf2oGdvBvg4wfMHFz0QZVpaWsJQLHsgcnJy4GDt8/ncbrdCoTAajcPDwydOfHHm7Bmj0UiS5Jo1a2iaPnP2DEmgsF+CjyLsDIPBoCSJcOcFwT747MEpCH7fjMITSSSSP//597bv2AH18hfOn1MpFFa7fWBgoLi4GCp6ERRNJBPl5eVlZWVnz56NJxIEjptNOUaDQaWiK6vK79y5A6uMDBAAVvaDMMIaypoh9SirA0ZRVIYSLwCgbpjjuGgsioEVLnT2EUJQFKAIfHjQu1YisL5k3zSIh87Ozk5MTNTV1bpcrmAoQBJEd3dfbW3dxk2bUqmULIsjIyO79+wJBYNw5Nu+fbsky/Nzc0qFcnJiQhCEwoJCnVYLgEOWxf6BoUuXrt7/wAPDQ0MEQTQ2NJAkmWPJwXHMYrFcvHRx29bOYCjQ3d19/frNsrKK4uLi77788pXLl2dmnJs3b6yprisuKTly5LOJibGlJReOkQtzrkAg2NzSOjPjPH/+AkF0KVSqzs7Ng/09CqXqwMF9DE2fO3tuamra7V6iaZxh2PqGBgx+orA0Qg6cJEnJZPLGjRtTU1Msy0LkHpYBiKaHQyE4DGRBbjglnzt3zuVyhcPhYDAIk0mhZ7JCoSApkqYpaMuDZNhasF+C4mtkxUREhg4i2VMFAR9BEOFCmmGY8vJyuLDDMEySZKPRCD/RLD0TAlaQrYDjOAKQ7IMEAGhpaZmcnJRleWlpCUVRLpU6fvw4JEhDRoPD4YjH44ODgzRFa9Tq7GYXFoKJiQmn0wkpbiiKwnBI+PssZpBdYiQTybq6Omg0bzQY/D7f6tVrlCpVJBw2mUxqjcbhcNTU1Dz44INare78+fMESWm1WpZhCJKIxeOHDx8eHh6+ffPm9h07ysrKJEkicBxBAEEQCwsLbrcbtl7BYDCdTsM4exgZZjQaGYZhaAqWDL1ejxM4ZLnBKpZFSLOQF5IRJ0Ek8P9zG8B3D97qRUVFCwsLZpOZS6ebm5vT6bQoCNFI5FpXl8FgOPTOO1e6ulwuV3d3N8dxFZWViUTi6LGjw8PDn37yiSAKHMclEol0mr9x44bH4/npT36SSqWg/vvtt94eHRn1+/0fffiRzWq7cOHizMz0tm3bkslUWVmZ0WiKRaNFRUWVVZU1NTVNq1rdHtf8/Owrr7zS3Lzq6ae/9pfX3hB4/o033vB6vV6vr7i4uKCgIBqN2u32kuJijUa1sDD/ta9/fdOmTQX5hR63v6iw1DkzT0xPTwsCL8myLMs0TUlA5tNpURQhfyGVShEkAWs5bN8NBoMsyxAOglcwLNjFxcUajcbtdkPGcnl5+fT0NFyoiaKoUKsWFhZwDFOqVJAZDw9olhsDj68oivFYjGFZ+K0zlq6AIHCO42AGmd/vZxgG0u9+//vfXLp06b333qNpOiuyQTJ8RqicInACZMTgKIp2dXXBiXDF3RZBCIIoKCjwer00Q4uiQBDEwMAAJC1brdalpWXYSGQhTjgQQxkanmE0wbUgpJSvvGSFYs89e7769NM9PT1qjYZhGPgml5WVDfT3AwBgQK/b7R4cGoxEo9XV1bn5BeV+38mTJ5PJZE1NnVKpJAjy88+PNjU1revomJmZFzP+dtAKBT6B8/Pz2Y0bfB9IioJvpizL6XQaOncgKIqhqAxWKIZShv8nA5kkSfiJZJl88EaFa/6V2QZBCILwuN2BgJ+kqFgs9umnn5aXVT77T187e+ZMPB5vbmmdmJiYnJx8YN++qampqqqq6poagRempqb++Mc/lhaXzs3P7d6984svTjY01SNAXrd2nVo9cu99961ubz958uTZs2f1er1Go8jLy/N5Q1NTUwoFE4/LKCqXlZUNjwxHI1GoNdXrda+++upzz39NkkRBSD/++OMet+fokRP//u//nme3DQwNvvP2uy0tTU88+SSK46UlRaGgz+mc9Xo8ubm5c3MLdqstGCCqquvOn7tYU1tDxOPxaDSKZWPvRQEnCE7kRCCnBQEjcEGS6uobxifGJQTEU8nEYgrFUEEQSJLCCBxIK5rURCKRxUYpipqcnFyZfRFEkqR4JIojKIagsiBSBKlUKJLxBIKhyWQS9jMrEzOG4yhKYCiOYxKBIwiCETjHS6IoURQFdRKwqkGWyK9+9atoNApxCWmlPcYEQcCwlRYIw0kMQxGwkkoEP1FJkgCKAlmCc7kM5FgyIcpyKhShKGpu1oUiBIrgogAmJ6dlWYIWJlm+E0EQbrebZVnYBMKnlKZpGBRJEEQgEGhvb3e73d/73vdEUbx+/frk5OTWbdtSyWRNdTVD4i1NDZNTU4GAf2pyHEjS7Ixz2evPzc0/eewYThCbt2xNpVKfHv740Ucfzc/Lu3O7+8jnJ5aXl2VZxLB/qM2VlZVGo/HixYsAAAhSFRQUTExMiKJIUDTc2QAACIKCBsDGHHMgGIDND8hMC0AGsBPLXl9oxloGvl0oikqyjGEoTdODQ4P/+Z//sXnz5txcuyxJS0vLgwMDkUiEomlJEnEch/uKRDxut9snJiYUCgUcgQ4+8nBJScmf/vRHl8s17Zy1Wm12u/2lb327vKIixSX37r2vra11ZGTInGNVsMp4LKXV6ZuamwYH+u12x7FjJ5qaG5ua6t0ed35+/vzcvEajys0t6u3tJklm27bt7733/tjY2IJrzmgyur2BZ77+tYUF19vvvP3SS99OcZxrabmouPjGtet93T1tq9rOnfwix2r1BIJlleVnzp5ZQQYwDFOpVMlUSqvRwo0VQRBiJhxuYHAArn6i0agkSziKoyiKYagsIgABQAYURblcLniBwg4E8uPhhQt7fVhB4fo9EY8DAIAEoLI2g+KtdPPxWCy7J0ZRFMcwHMMpilIoFPCEwXgIHMfn5uayuCrsUyVJgjxI+N9lSULACjID1xRQP5411RIEQaFQhMPhdDpN4RTPC7IMaJqSZRnK+dHM4gnWV2h5AkdkeBFBuvj/j663DI/rOtdANw0zSzMjZmZZkmWQLLOdmBLHjp04TVI4TSGl0zalpO0pJYUkxaRhx07ixMy2ZFsWo8UwIxpmxk33x9KM1d5754cfP/J4tGfvtb71wQtut9vr9WIYBmBIpaWlGIYhCBqLh1/4xjcogkBQ9Gr/QH5BgcliKSwqkno8P/rhDzMyM7/61a9GYvEUbXo0Gh0cHCwvrwgEAoWFhTU1NaFgUCAQHjx4EIbh06c/EQqFfn8QgmAwuaNpWqfTzc/PgxSUz+eHw+Hl5WWQs+E4jqyJLGDPhMIhIJoCkn4IhmmKBA8LWWMakGxsgO29emdpiqbpSCQmkyn27t3LYDIWFxfLyipBums2m5cWFzMyMubndZ9++skPvv/9xvXrLWbz0OCgRqP5yU9+wuXxtBqNyWQqLy/3+fw2m/3u3XsETjqdzlg8KhTycTxeXV1ttdoJglhaXq5XqXq6u2kIstvtO3fuiMdj/oBfLpP7fT4mk8FkYmc++zQzK0uv1/f393d3dxEEee/e3UOPP15bX2+1WIRC4YGDBxcW9AgCYxgikylTU9VuhzMnN2duanpkdNjl9zHnGDKFFH7huS9du3EdguE4jiMoSsMQoLn4/f5kQYnjOGCyRyIRKiFQRVIUhiAYgia7ZmhSb4cgAAk4WRHC/0mSBJGGhOjkTAAgiCCaZqIA8UImnxyCIlACrjM9PQ2qSThBM6DW0NiZTBZBkODXJZAzpEImjYTD4HDn8XgkSYYjYSRRMHA4HIFAEA6HHQ4HazVSQmDYnIiFZLIMAEDLSCSSlGQkEipx4GoBGITNZovF4t/89rcsFmNeN7+heYPX61WqVHc6OgoLCgwry4VFRUuLi+FIBGgPc9gc3cKCQqHweDyVVVXnzp7ds2ePyWhMSVFxOZy5+flgMPjrX/1aJpPa7C6SJOPxOLi3yQMWzGTAkwKXTSMPee5rGztrM3s4gYP6r5+jCeW55MOCYAihIQSGCSKel5f329/9xuv1xOOx2dn5srJybXoGiccDgcDS4uKp06df+MY3MjIywqGQWCwORyLxWOz27dtMJjM7O3tycnLb9u0fnzw5OTmZmqpua9vqsNs8Xo/NZgmHw0eOPrFly1bd/EJ/fx+TxYrFYi6XKy83F0WR/v6+3JwcmVw+NjZGUVRubq7JZAFQReCLY3c4CvLzCZIcGhra0Nyck5srEonOnPmcycSqKytTVKoPPvhg3759K0tLFpPFaDFUr6spKix2Oh0YgiAYxiBIgsViwQgSiUWT9jtw4gVENbxeb7KHwOfzKZqOhELJ2dZaWBhN08nVmbzLaz9zNZdAMZIiAYgFjHUQGCZwnEpIaCV6cDRNkwiCjI6OgrIBXEYyYU1GuFgsBsYAUAKEB1gNdKJnD5pXwHJIKpUSBMnj8VwuN5PJkMvlHqeTxWYTOIHjcQRIBNGr1SE4xxwOB/jV4XAYXkMWRRPS7WBRhkIhr8c7Mjz89Imn6hsahgYGXG53Xl7e5s2bl5eXWRxOKBzWZmREIxE2mz0yPJyaqr5w4UJGRsbXX3hBwOe3trbOzs6mqFQUSXLY7HgsVlxcXFhYMDQ0pE3LoGmora3t9OnTSS4oDMNgHk+tQTgjDIzL5QEoSvKGJO9VYuy1OsBO7mFwe0HuurbDmzgJIQTBlpdX/P5AY1NzwO9LT8+y2WyhgB/MIlhstkgk6ujoIAliz969RqOxurq6v79/bm7u0KFDnZ2dWq22qKjo0UcfraquTk9LNxlNvb196zesP3HiqbGxsU0bN35y+jQMowUFBT6fb25+vqysjM1i+XxeiUTa1z9gs9k2btz43PPPDQ4OCYQiNpsjFotBDnb0ySeHB4euXb0sFAqEQuG5L86OT4xzudyJ8fH5xobs7OxYLPanP/0pPz+/u6urqqaSw+GIRAKpVASgiyTGYEQjEZTBIEkSzFOSBR9Yx06nE04QzMHP+TweA0F5XK7X6109UiEIZErhcBhQ7JOfgyTYScC/hKZpFEMhBCGpVfwznSCRwGuyDvDASIqkIQi085JUAWgNEikZvRAES/bCkw+eWgP5AugjBoPB5wlpGmpr22Kz2QyGewKBgMNmi0SiOB5HMYSiaODdC0EQimAIgohEoqSWDk3TPB4vuUrABYCRyGrCAEEMJiMlJSUaiQoEBIZhSoWip7u7pKysorLy0qVLJEXv3L1PPz/lsNv3PLKPwcDUGo3H671x/Xp2djZQKcWlUkcwkJGRgROE2+V64803f/WrX7a3321oaAQmRUm0IrLGvywJ8I5FY/E4nryH4DoBrBWckEBwbi1FOLnVk+fA2g1AkTQMwQiC4TjOYrJQFOvq6s7MzBSJRMUlJXqdLh6PP7pvH5PJ7Onp2f3II2np6d/9y+t3796LRMItLS1paWnZ2dnFxcULen1PTw+LxQr4/OsaGl+uqdFo1R6Pi8fj9vX3qVQpPT29OTk5wKvG4XAA70oGgzUzM7t37970jMw//+n1oqKi0rLS7q4uj9sN1ucXZ8709fU9smdvdk5OOBTqaG/ff2D/+XPnBTz+gX37+wf6EQgqKirSaDQWq3VicpLL5xI4Pj09s+pIFU9YJa89CkEQTR61yS0Bpo8OhwNBERiGQV4EKlEYhoFeCABjJtNKBEEAld7j8awi1RLa38mPpROyz8ldtxqEIBhe46sOngqwbFn7hCAIQlEkWQ8gCU4jlTj9AZPhq1/9KoPJJEmSIHCg7AC+TiAQyMrOBOQMBIH4fB6DgWVlZnI4q1UKWN9g1wHNZLD0E0iyVYQfuOx4PL60vGwwGixWq81mEwgE0VhsQa8LBoNN65tdbo/H44ARNIoTM7OzVpvdarVSJFlRUXH//n0uj9fa2iqTSXt7e0+cOGG1WMxm8z/+/o/BgUGapsfHx1977TWgeZGSkiIQCJJnnVAohBOii8lUHkm8GAwGqE+SKWKy3gXvB59DrzEwXm0u0RRF0wiCIauKrqhOpx/o66urX1daWlpcUt7V1fX++++HQiGzyQRcDjRarV6nMxhWzp79wmg0arVafyBAUhRBEJOTk/Xr1o2MjKSnp3fd73LY7WwWa3BgAJyiaWna+vp6i8ViNK76nNfV1kbCUZlUtnvXHpfT0367w2wyR8IRBoOpUqn0en0kElnf3Lxv//6DBw7cuHHj448+unL5SmZGZnZmVtuWLa++9qpxxTDYP9DV1eX3+ZQqVVZu9pxOb7M6F/QGFouHJE9D6D9TFIqiMNDjW8UWwMkgAZYjRVEej8doNKIYBsMwimE0RHM4HCAFlVzW4IXjuMvlAqsQfAidyJTAnCH5Toqm1l4DlNgBa+M6qOTANUBrNkA8joNG5NrjG06EfwRBMAybm58HEB0URRcXF2EYBmBsFotpNBooiqQogsNhv/DC1zMy0jMyM5lMFtDKpSiKy+WuW7cOgKPi8TiHwwEwTARBQOkPJ/glFEXZ7fa0tLS7d+6YLZa+vr5gKATBCAzDanVqY2OD2WQ0mUxejwc4UMlkMh6Pl5KS8o1vfrOkpGRycvLNN/+q0Wo0Gu2eRx7Jy89vbW0pKi72+XyhUIjD4dAQDcMQgsBABAn0DFwuF0hpYBjBGBi4i+AeMpkMBIHHx8ftdjsAm5AJ3ZREnkklz4rVD4FgAschCEKg1aBIUaCVCq+sGHLy8nlc3vXr1z/79JTVYtm0aROMIDqdbnFhYePGjR3t7bOzs0effLKuri4/P9/tdsMQ1NTYqEpRhUKhl3/xssfjsdntO3fusFgtCIqWV1Rcv35dKpVxOByPx4MgsFwup2l6cGDA5/c3NKyrq6+bnp7i83l8Po/L5ZZXVEilsvHx8aWlJYFAYDQYPj9zJhaPH9x/4OiRo48//nhleTlJkAIe32wwpaSklJeX8/n8mtrazKxMkVicpk2fnppVyJWpKRosUWiiBMgRIQhFEIhKqGXQEALDJElByH+EW5B70BCEMhk0RFMQHY3HGBjGFfCbGhpcTldHRweYpyAJcfNkSbBqCQFBYCnTNA3qWgSBKZKCEYSkaRpeTTopGILoh/AeEJxisRgEIyw2F+yK5J4Bm5Vcw0QDRwpY8RkZGQKB4H5nJw1BOdrswsJCm902MT6Boiifww0FQ2EYoiiIzeZQFNTT02c2WyxmWywWT27FSCRSXFzMYDBmZ2e9Xi8AgBAEodVqAVo7WfHzeLyu+/cPH36sqakpjuMymWx0ZEQulwcC/nDY3d11t7ikVKtRMjG0praOpig+XyAWifkCQU93F0kQBE5s3LhBKpe0SSSnT5/69NMzL3z9GwgCQCJxmUwWDAXD4bDX5wXoNQ6HA7ySwCanaZqgKRgGZyoNwyCjAxUCHYtF1ja4ElDQh3GHzWJFQmEUsOYpCkZRiKIgmAQu3dFoxGQ2XLt6OTMzHdCgrTZbT3d3b09PfUPDnt27DUajXC632Wz5+fn5+flZWVntt2/Pzsxvbt2o4EhOnfqooCBHo8lYv745HA5VVVdNT01lZGSoUtRXLl9XKRUD/f0SiUQqFjMYDIlY1NPT/Z3vfc9sMj/zpWeYTCbgJxUUFdAUTZIkiB0ul0uv14dCoUOHDn322Wcul8vj8UzMzvz2d7+LxeMEHjfbLXaH2e+xz0yMYTB26MBjl86df/utt6urq1fboAwGg8liRSIRnCJRDCPjOAzDNEUjKAJ8e1AYSXqzQAnAGbTKI1+VE6Noyul0dnV1wxC01qoEKJokqWdgdYLY7PV6H7aG/uPMWNOygCBQCAN2ItAjCUeiXC43HI7geBz6z9fajh4EQQgMkwQhkUrVavWDBw+EQiFIeC5dugTamrFYDPgU0dDqQcFisXp6ejgcDgIjsVg8eSWxWOzy5cspKSkikUgsFuv1ehA7LRbL2msGeXkwGARK0QiCzM7OkiT1pz/+cdu2rXanSZ2qjoQjfsTH462OXZlMFEHoeCxsMq7QNF1VXfW///tDt8dVWVl59+69WAx/9913hQJhenqG3WHPyc25c+cOm80GR5DX44NhGIxpkzkYxsDEYjGwjk0Os9A14gPJYJ+cctL0alIaTShs02v4weC/x+OxHTt2Yijm9/tUKlVGZlZ//4DBYDh8+HBdXZ1CqfS43evq60+ePHn06FEUwzwej0qlHB+fePTRfeVlZWazoaiocH5eX1VVx+Vyf//73x48dKhh3bqzX3xx7Nhxw8rKX/78pxSVisFgrKysAAvAxcXFkx9+9OTx42wOx2g0KpTKSCRy/erVUCi0pa3tow8/7OnpOXLkyNEnnyQI4o+vvTY0NPjUU09PTU1JJBK7zer2+Draby3q5vTzM6OjI3yeKL+07OmnnhkdHGretFGj0WAkSRIESUejIN1eXTFrcMVgCEqBSJBY0/AauMjDTjMNUTRlt9vpRHcCBGPQ+wc18SqflSRBgbkqMJrgEK+dtiIJKhOTyQRtviSEDsdxBIHlclksFjMYDGuLDQhC4ATlACCrIYqEYDgQCPT19cfjMfDJDocDkM7A7w0GgxRNwTCEIEgkEikpKbFYLBBEh8ORZLkJSheXy2W323NyctxuN2gNoQk7mWSKCLCDgUCgq6vrG9/4hslkcjocIINjsVjZmbmlpWWff/5FZmaWQqEcGR5is5km45JUJjObTI3r63t7erq771FU3OVy3r7dDs6uBf1iWVlZVnbm+fPnh4eHlUql0+kEidlqFRePQxAEtnQoFKJoGjDv/jtaJR4NKAxoGkpqua7O3SE6mfSCdybrbIqi+Hx+eXnZvc57O3ftTFWrr1y+Mjo6WldX19HRUVhY6PN6o9HogwcPDh48mKrRDA4MpKhUFot1165dubm5Xo+np6cnNTX1yJGjcnkKhmEvvfRSNBYzGAwTExMYg8FisXbs2NG8fv0HH3wQi8UYTKZOp2ttbV0xmm7euEFTlFgiWVxczMvLw3G8sLhwempKqVI0NTayOZx4PDY6Mjw3N/f0iWdi0eji4mJmZubs7OzwyIhIJErTauuqK5aWlpxu7/379xEYKywuFgqF//zXv+Bvfvm5cxfOYwwGCcwIIZqmKAa6Cm1PIsUpmqKTkgGJ1QavMdlNZjsYgkIJzl4S0gNWf5LFh2EYh8NBGQyP15NslYLP+a/gtGnTppGRkVAoBB528jMTZZ9AIBAAOQaahhAEpenVniyUaM4iEM1kMIA8ls/nTbb/ACIDLCDwyQgKSyQS4Kvn8/kikTCKMpgMJtD1TzYTQQUCcn1wf5LgPPBNBQIBEPbi8jg7duzg8/lVVVVnzpzJysricrk93d0ej8dkNtE0xGQyeVz+/gN71zfVzc7OAWEviUR6/fq1rq4eBpMFQcimTZsWF5f9Pj9NQ5FIGMXQQCBw+PBhJpN55swZiqJoGqJICkkwcgDZl6TpSDRCJ1rJyYCy9tlBEATDCE3DIDuiV0ViKCTBDE4+0+ShCkH0n//8p6npqcGBgYbGeofDVVFREQqFBgYGgI50YWGhSqUSCoWffvqpQCCoqKycGB9XKlUsJpvNYXi9rqLisp6errt37v/v//4wFot0dHS43e5vfutbRoOBzeE4bLaO9tvgQNu0adPCwkJZWVk0jre3tx85cuTUqVM1NTV1dXXXrl3r6Ggvryg9cPDQH//w2vGnjjVv3PiPv/0tIyN7z6MHHTZTb08PsIcLBIJOl3NTc9OnH3/o9/vXN28sq1n38UcnC/LyL1y8kJWVBX/92WcuXr7EZLEIkqRA7kjTCPRw3z8EjUB0skpOngNr/75aTkAQRNEohiVbCiiKSiQSgiDD4RCIjgCKDKGrn4/jeGlpaU5OTkdHB6BpA2pBamqqSqUaGxtLFhKg+Y1hGIHH6+rqKJJkczhLi4t2u4OiSBpCEBR7WMaBwoCmwG7RaDQ+nw9AJimKEggEcrlcr9cjCQw9g4G1traSJNnb27uqcIETbBabJEkw/WUwVj0bwYEGvFOT1TngKwIIE9jVKIYAzF80GgVgoXA4DEMYhiEYhlE0CUHQr371y5QUxdf/56sCgUCrTWMwGE8+efTkyY+np2e++rWvffTRqWAwEA5HxSKJ1+uFERjH4wKB4PyFC16v98vPf9npdEA0xGAwIQgC4Fxwo6J4HBy/4JRjMBglJSWzs7NgRikWi1ksFoZhXq+XIKgkFno13kMwTVE8Hg8YwsJrAh+fx333vXflSvnw8FA0Ei4tLfN6fR9++CFfIHju2WfPnDlz+PDhiclJw8qKUqmUKxTBQMDlci3oFyorq2Vysctln52dvXevs7Vl24aNG9PSNEwm89NPP62pqSksKvr0k09CwQAMw7t3715eWrpx44ZSoSgqLt7/+JHB/l7d/PwHH34YDoVef/312dlZFgtbXFzo6urKzs7etWtXb19vcVGxVpspl8tD4TCbzTYaDD09PfqFhW9845ssDL5y4dz8/JzD6X7q2S8zMGZ2eoYvGEzPSMeS/Uo4IWwLrZFqoxIcKIimYRRICoOGAPVfmGQ6achFUggM04n0gMPheL1ep9MJwwiKIsDkGYD4hQJBNBoFGefS0lLyTIcS8EOjyWSz2SAIAqgKAD5LSUmx2WwwBPm9XgzDZqanJRIxTZEoAqMMVjQWT8a81Zwu0ZmhaTqpdgFiucFgACk4SZICvkAg5A/09xMkCaatBI4TJEXgJJvNQlEUjI3BBgB7Bl9jAklRFODXJ3FpMAxTOJmSkmK1WoHiL4qiPB4PohkkSUAQ3bx+w+LSQn9/n8lo9HnD0Qjh84YyMjJ+8P0fIwhaV1+r1WpbWjZduHApJydncWFJIpHG8ShJMhEE+Z+vfQ1kyQiCcDhcEESSCSSO41CCIwFQ3EDoRa1WGwwGFEXFYrFUKh0ZHcFQBoYxQKQDDzSOx8H1A5hW8vQAdcLGjRs1Wq3dYVtYWDz8+CG5XPmTn/xEoVA8++yz3T09i4uLC4uLDodj565d6RmZd9pvd3V1bdy0UaFQul0eu8Pi9brm5ubb2tp2bN/11ltvf/d73yYIIisr69e//rVIJMRx8pvfeMHpsH/4wQff+OY3gXA/hmG/evkXwWBg//79DevW2e32keGR7JxsjVblD3ggmOILuJFoqLy8VC5XOF0uFpvd0d6+bt26rOycjvb29LR0g8GQplZVV1dPTk06nM4LFy6kp2XYzdaJ6SmcwOGf/eB7n5z5jKZpYHJIAB43RdP/OQ1hsVnBcBhBEDphtctis+PxOMj7ATw4Go2iCJKTnbOyvAzDMGiSkCQJ1g0QbgBio9FoNByJsNgsBEXZLDZO4ACk4PF4wJMQCAQkQUqkEp1Ox2Aw5DJZWVnZisEAfOxisViGVmO3WgmKZLNYBEGAsQ7KZJMUDSQSKIpEUYymaZokmAzGKmxh1WMGYjKZPB4Px/FIJALaUzKZLI7H8vLy3B7P4sICimEQTdM0hCZUGIRCIdCuAgUGh8MB9SVosRMESVEkCBDgVyAoKhTww5GwWCRms9lxPJ6SkjIyPIqhHAYDRTFEIOD5fB4aooKBkFgsicdiGMYAuFeCIGiI5vLYCoXS6/VJJTKDwahQKHx+X25u9vy8DjyC1e4ZjILSCE4oRcMwTEEQYARQgPPFYEgkEuBswsAYABOamL6j4D1k0kSZphno6swx6XgJ0t3Pznyq1Wr9AV8kEtZqNTRF9/b2mS2WTRs3PnjwoHnDBpPJhMfjBqMRj8d373lkZHhwfHw8Ly+/o/3O9h1bQyF/fkG+x+O9dOHKgYMHPR53d3c3kCyora3duWuXMiX1o/feQRH0iaNPvvXPf4jFovGJCZqGRkZHX3zxRQ6Ho9PpFvR6oUgkkfBj8WhhYREALAHo/q5dj/zohz8qKytnsVgLev365uaFxQWPx/PUsaMYRJ89e7bjzr2yyuq7d+7V19Y4XK6m9esxCEMxAJ8iCAzDIIIgaIrFZre2tnZ0dIDznSAIiIYYCArKPhqiOWwOiqIoE+bz+Xw+f3l5WalUugkShuFQMAj0S6xWa7JWhlclOVCVSuV0Ot1ud1paGovFstlssUhEo9G43W6/3y8SCMBQOTcre2FhEYVgHpuDE7jX7ZmfnUMQxO/xEiRZXVHJYjHjOB4IBPgCQSgUyk5VG42maCwGrZYTcRiGSRLHMIyk4SgeRxAExlCAiuZyeTwOJxQMRmMxCIIYDEZqauqKYYWGYavdQZIkDSMEQaIYisCrqRRFUSqVamVlhUog6VenEKu2IDiNwBCKkIkyAIZhkqbC4QibzcFxwuOx8vl8q8WGoigEEwRJxHEqFouADFCpTElJVXI4XI/H43K6iktLbDab0WDE47Td5mKxWIuLSykpKSwWKxwO6XS6ZPsVJP1xPJ48sZNYfwjM1FfxrhSEUDRBAkIMiZMwDMMQzEAYoD2K0DSGYjANEQQOwzDwNUxmROALUhTR2LhOKBJeu3ZleXmxqKiwoLDAbrXl5edPTk62t7cHgkG5QvHJ6dMVZaVARMzrcgz09arV6qUFfUpKqsVs1+nnWrZsnZyYhOD49euXlpcsTxw5zGaxJVKpXqfze/0SiVQmVzQ2Nv7f//3fgwej69ev375zF0VRzRs3CoVCmqZra2srKitnpqctFovFYtnSuvO1115LTU3NzMyMx4nXXvv1yPCAyWj66le/VlNdw2RiEI0X7tra2XlHJlPs2Xfw8NGnbt26XVtT4/V6TCbT4oIOAxQtkDgmUeAQBPX29oLBOLgRQJdYJBL5/X6tVlteXi4QCK5duwYSXx6PJ5VK4/G4x+MBJxdBEAUFBTKZrLOzE/BsAFhyaWlJLBaLRCIEQQKBAPh8l8sFuLahYJDJYgGYJ4ahDodj3bp1BoMBAFHtdns0GhWJRJFIZGFBz+Vx1Wq13W4HwyC1Rr2yYojG46yENAgoJOiEYk+yhYXjcXfCJYWmaSaT2dDQYDSZKIg2mUzg0GMDlREEUcoVQKxhcnIS7BZ4jSPO6vaGICoxBUtWmSCm4IEAWKbADpWmaRimCYKEE7TJhoaGqanJeBx3OFZIkgyFQw6Ho6SkRKVKWV5a9vv9oH7wer2A70KSFDhLkx0eID5EJ6b1yfYDiqI1NTXd3d3gIkH6B9EQgiKgFwzDcDSKg95XUj2FTrzApyW17giCYjKZC3p9eUV5MOiPx+OfnPqoaf2mSDQqEomWlpZUKpVAIEBRbGJiori4OCc39xe/+DmTxYpEwhKJzGw2GwzLLa2bO27fmpqaWlpaDoWiJAENDQ3Nzc6Njo4++eSTIrEYQZGtW7eaTKaCgvzc3JyKymqSxO/dvfvovn3nzp69e+fOD/73f4Uiic/n27N3b6pa7XG5MjIyKioqqmtq4rHogn7yueee9bgDH3340a9+9SsEocPh0MzU1MDAAIoyrl69XlJcNjg4+OMf/0iVqjrz6Zmm9c0IeKLABCUpTggwC8knjeM4TuCAWQcq0fn5+c8++wyG4YKCAkD+mJ2d9fv9MpkMrDyv12swGJLseJIk5XI5+DShUKhUKkEyDVqWQPkwJSWFLxCA1grQ5Q2Hw0NDQ8vLyxaLhc/nAzOYAwcOABsckHgAObpAIBAKhvbt31+Qn4+tEb6kEjhNcBkoijIYDDJRt4DsBcdxgFag1rAuAUeHz+drNJr09HSKosrLy9PT08EcA3yjJLwMTA+TAw0YhlksVhKLkcykqcQLpBNAbHR0dDQUDhsMhlAozGaz5XK5VCoFzq0QBAkEAsCDoygq4A8QOBGLr9o4CIVCkDeC+UmyFgc8O7D5gclsogFN0jRN0RSohQCaNYkdBGEO9Lg4HE5SCQFKzMtUqpSvfOUrgLquUCqtVmtFZdXHJ0/OTE1pNJqTJ0/euHEjFAz+/Bc/9/l8IrFYq9FsaWv7+te/fufO3Vg89thjBymIMhiMKyuG9PQMg8EkkUg3bNxgsZhLSktycrJz83JwPCYQCpwu14cffiiXy9PT03/w/e/Oz8099vgTK8vLVqv1t7//vcFguN95t6ysbEGv97rdVpvt0GOP4ThuMZtxHJeIJcUlxXl5eUVFRSw2SyAQ8Hi8tLS0desaNm7a/NOf/jQWi/b09NgdDoFYrFanpqdpMYqiQEMQoLsetn0S08F4PA7kB41GI/hXh8MBatNAIHD9+nXAJwLNGSChA2Ibi8UCGDJQToFil6ZpwCYDIQeCIOA9ymaz7XY7CHIA9AbeHwqFRCKRSCSan58HErATExPBYLCstFStUV+7do3FYqtUSqlUmp2dBfSFgAAjmbDgTcYzQBmJxWIMBoOIxSUSCegIgeOOyWIBqE/yu0cikXg0Nh2f5vF4YrEYzPKS049k/yp5JtAJOa0kLBmDEQiC2AkD7ZSUlGAwCII3RVEAxC8WixcWF+LxWEZGKkhnQdRgYAyJRApiwarCAIYyGFg0Ho1Go2C+RpJkdna2XrcAJQiNJEkWFRXV1NScPHlSKBSmpqbqdDpQtIBvyufzk/cWZJuAK5Mc6eA4juMEDCPJcAA2cFvbltzc3Dt3Orxet1qt1mrVNE199Wv/A8Pwu++8U1BQ8NJLL/H5/DsdHQKBIB6LWa3WrKysjvb2kpISGIL4Qt73vvedn/30Z0tLKzk52aWl5ePj4xiGKZWKWCyy/8CjJEU+eDCalpbW39+fnp4uEgr9wWB1dc3w8LDH4wkEAt/7/vdj0SibzVapVHfu3Hn00UdxHA8Fg26XC8dxiVQ6OjoqEomikUhPb2/X/Z76devUqcp1DQ1LiwtZ2VkCoeTG9es6na6xsenfb/87EPTrdDoEQbC1QygyoekHbkcSKsjn84Ghb7LGAgzdSCTCYrHApAxknwCqTidc8ZxOJ1hSSTk+cMgAGTOCIMDeIwgCHLUAR4TjuFKptFqtoAkAsKVg7bJYrKmpKRRF7Q6HxWqFYaSpqTErK2t8fHxoaDiGEyDToBIy1HTC6Akk7lQCyIQgyNo5EYqiYLyRPDFgGKZoiokxkpp5gUAAZHdQAjEPvjhYTBiLCbqQGo3G7/d7vV6g3xiNRMEZhSRgxkBtCThrxGIxNpvN4/JwPO5yuQCQSavVAtc28CG5ubmxWGxlZQVF0dKy0snJyVAoJBaLXS4XaJZnZWYPDg7KZLL5+XkEQZxO56VLl0D70uv1AreoRC+fBkM95CFAnQJfPNnORhAkySlNflMul3vs2PG7d+8ODA5mZ2cODPS3tGwOBvxiyYxQKMzLyzt8+PCdu3f7entRFP3KV77CFwi67t8XCATl5eUisXhifNzpsMEwpFIplUrVzp07bTYHi8Xu7e0uKio6f/78a6+9Ojw8Ul5RfuHC+ZzcPI1G893vfe+pp59uaW3JysoaHBiQSqUfvP8+k8F4/Iknbt+6tbi4+PnnnzOZzI0bN169dq2woMDpcBQVFaKlOX09/TBEf+1rXwn4/QvRIE/IvXv3bnNzs25u1u5wzM7OhkLRb33rhdRUzfTk1KVLlzCAwmtqavL5fKOjo6BVB+JfchmtrKzAiRfo9JEkCUIpOEDB8gU3Pdk0gGEYKBaCk1QsFjOZTL/PByCm0MPpehxK6E47HA7QgAer8/Dhw9PT0w8ePKATyjyhUIggCJVKFQwFS0qK5XLZ3NwcSJAoitq5Y8enn30WiUbhxHwaPEUQLEEcZTKZRAKFCi4eCFuEQiEyUb/y+fxQKERSJEESTCZTKpWCGh2ovdMJmhvY9mC/xaJRGEFA+QQwOTQNRcIRQKYB74/FYn6/n8fjqdXq6elpcIXAXIzL44JRg1wuVygUaWlp83Pz8TghEgmBHyYgxM3NzcdiMQ6X4/f7w+FwSkpKfn7+QP8gSZIWiwV8O5IkAXKbpunFxUWQagIsFk1TOE4AfCtFUQnpUhoYPycPzGQfGWwJKiGGUFxczGKxRh8M79ix4/79zu3bt1mszszMTIIgZHK5YWWlrKysuqYGQVDDysrYgwebW1pcLpfRYGhtbTl/4RyDwZycmNZqM97619s9Pb379j/629/+5ve///2RI08IBPza2mqgwLC0uMjhcA4dOqROTR0eHn7n3/8mSbKioiI3N1ehVJqMxvKKCj6fv7S0VFlZyWazbVaby+kaGhqurCjbsavVYrEEg0EMY0ilEiYTDYdCbrf7xo0bN292MBnM3Ny84089ZTFbTp38iMlkyhVy+He/fuXf//430H6LxWIikYhKCCyvFfsGbnbQqtwYAhY6iiLoqg82snapgVQSBEhgwwjBEAwjEESjCEoQBMbAEAQlcBxUnEBsiyTJlJQUCIbtNhuCovFYjMvlIggSjcWYDAaKooCUI5FICILw+30wAgNKxK5dOzs67kxNTaIYg8FkxGNxICAFWrQACYegKDAh9Pn98ViMJled1pPbgKJpGEUIgmAxmRAE43gcgmGIoiRiCQzDsVgsCegAr6SUCMiFIAShIQjDVjuSPB4vHosxUFQqlTmdToCiYbM5YEmB4xRooYIxmVAk0Gq1y8vLkUhk3bp1ubm5ly5eAjCkeDwGVrZUKvUHAhRJkhQJw7BarcnKylxZXtHrF5IbEmxgwNcBqReoE3AcB6C3aBTMMYCGBTA5JykKkPUgoEEGw0DWd5U4T5JkU1Pjj3/8Q5IkEBRls1nhSPjdd9955plnMjOzrVYbhqJ5+fl+v99ht3s8HqFAcP3aVZ1e/93vflcml1vMZpvNqluYy8sr8Hp8kXDM6XQNDo48feLYhk3Nvd33w+GwXKGAITgcDkkk8s5790cfjFrM5pKSku07dly5coXL5VZXV9tsNpFI1LZtm81qBYaqNTXVUpmMgTEWlxaHBocwDDWZFtbVNxoM1q6u7he//W0UhfQL+uLiwlOnTlVUVjMZLJKg+vr6u7rui0SC7333ezeuX8cgCALDV8COJQgCRMq1vhh8Pt/j9dIICAw0BNEEQRSXFkuE4v6+PigB0A+FQmw2OxwOg+YxQRAArY4gCEFRGIagKMZis2N+P0zTNE2BEwN06EEa5na7GWwWTpGAfxGMhMEwC4FhsLBAnhaLxQiC5HK5dbV1ZrP545OneDze9m07LFYTi8WKxeLjYxMYhsEwCkMwRFMQTWMwQhOky+FMTU21Wq0kTCeLVJqmQeERCoVgmibx1fYiTdEIgkYiEVCPArIEiA7gTANpFb6KGUZpmibjJArBfCHIOkgIQ80WE4PBRFCYzWHDMIShDAbGAAFYKpWCxjwMQ263WyaT8fn8WCw2OTk5MjLC4XC279g2Pz8/OTnFYGB8AT8h7QZLJbLMzMzFxcX+vgGQWyaPpiRLDk4oHNM0DRgaEARUM1CCIGAYpWkKw1CSpCAIgSAqASShYXiVUAFBNIquHhE1dZWVVaUOq2XJsOL1htLSM557/qsGg8Hj9hUUFEAwfPfOHVB263Tzvb19Ho9Hm5YmEIm/+OJsfkFBd08fSZLTU3qIpu12x6FDh+bn9W6X+1evvMJisXJzc8srqgkC/+LzM02NzTXVNTAMmwzGqcmpvXv2yiUyJptpNpslEmk8Hr9140ZXV1dOTk5ZWalCIV9eWamsrNRqNSqlgs3hDfb3GQ2miYmJ55/7UjQaxnG8o+PO2Ph4SmrayMgDCILrausbGht379lz8fy5B0OjJv0Klqz3QZIKMqIkdBlk7UDulE5QeGEYZmOYz+u3mCxQAi4CjBmTGQJoVAcCAVBZslksiqZB5cfhcCwWC4vF4vH5YJYJiCkIisRisRiBJ5sYoA0Sj8UokgIHRSwW83g8oJnDZDA7OztZLJZGoy0uLmKxWGwOMxgMjo2NI+iq9hN4kqBBAhBjFosFXB79n966SVoJlGAVguYJqGToNfi/JKJmLbMEQWAcB6qPJEEQFEXieJzBYB44cGBlZWViYgKUCiKRyOv1UhQlFovn5+eBip5Go2GxWXq9PtmYisfj4XB4amqKoigMQ4H7mN1uj0ZjKIy6SXcgEACNu6RdcRIEvnZjS6VSQAFDE7C2VZWHhJIpIA+sbeCufYGhHpfHa21pOfnBBxwOKze/4N699opQGCchq9XKZjLv3Lmzffv2gYGBjIwMLpcrlcpkMllVVVV6RkYkHObxeOFQaNfuPQjMHBkZJAni4KECvoDv/Oz0zOxUa2vrjRs3GAzG2INRJpM5MTF59cq1n/7kZyXFxefOns3NzW1vb49Gos2VzQ/GHigUivPnr3A4nKnJSYfDsXvPLpKiCBz/9re+VVlZOTQ01NDQhCHwrt27mzdsAEmEzWarramtb6iLxeM2myMew3lc/tWrV/ML8hubmvq7erJzsuFXf/vrP//5zywWK9mkSyYzq3cBtIYoClisJfuA8XicpihgJZKamhqPx92rrUmCIIiioiKr1RYOh8DnhCJhHp8vEomAkitIatmMVX9PsP5AZKWR1QY5tCryA8EQxMQYbDa7oKCgv78flBw8Hq+ktHRifJwkSZqGAGi3sqrM4/HI5YrxsfFoNAaQoeB7gK8GtveePXuuX78eDocBsxFK8MVAlgWOgiS6E34o8/bQ2Ql+KBi4OnylaZjBwGAYIimSzWZGo5G6ujocJ4GIFZfLNZvNCIJgGCMcWjVOBRhsHo8nkUiEIkEwGFpY0IMqAmRKQK6CyWTK5XKPx6tSKa1Wm1AgxHE8qdoEnpFYLIYSDh0g/wE/r6io0Ol0q9bZiV2BroHlAgQM/Z+wrjXrn4YRmKLIxx47JBMLlEp57boGs9k6NDT89W+8ODk5jsAwAsMTExN1dXUgjezv62Mymenp6XKFgiRJi9kMw1BpaeVPX3plXjf7/vvvFJSUTo4P/v3vbzQ0NLhd/nA4lJ6erlKp5ufnJRLJP//xj5bNLXl5eTa7nc/jX7x4gc8ThMLhdevqn/7Sc7dvXmOxWIuLi+Pj44VFhTiOp6amulwuCIIQlKGbn7Vbbd9+8UW7zQbDsColBUPR5ZVlq9VUW1t34cIlBsbcu/cRCIL7B/rFEkmmWmMzWbBkUftfi36tnAmB4wiKghQZaLkB3jCMIDC9SiQFvQ7Q1WGz2UBFAlQUfr8/aeAOHg+IPf6IH1CZwFwmEg4zWCyMyQDHCAzDqampgWAg4PMDLkF/fz/A6wMq4PDQMATR4Cdg3TgczoMHDxiNpsWFpVgsDsMIg8EgSSKprQtGGePj4yKRCOCOwLkHvrtAICgoKJicnARHBJqwswaxlkiYgID30wnSGRACA7NSGqJZLKZEIjKbQw0N9WlpWZFIpKOjY3BwsKKiwm63Ly0tkwSZnI3QNC0Wi5eWFjEMo2gK9H/Gxsbi8TjoDkskklgs5nQ6I5FIMBgoL68Ih8OGFQNY/clTGnyaTCaz2WzwGuza6OgouDwwDUjO75LJZ0ID9+EGWHtyoghMkmRmVsaGjRuiQf8f/vD7rBs38wuKCgqL/va3N0Oh0Jeff57N4Q4NDQF8kUQq9Xg8LqfzwYMHdXV1dodDNz+fkZF+7NiTjfWbn3r6KTaHY7eu/PG1V6emx6VSqc8blMlkHo/HZDKlpaU1N2/IyspUyOVCkchuswWDwaLiAplMdvP6jfLysqG++5FgoPNOR9vWNo06VZuR8e4774TD4X379kllMo02/erlixiCfvD+++np6fF4fPuOHTKZLCcn2+NxiETiHdu2arVpJEm98/a7+uXFTa0tAz29e3btxgATEsRCkFBCCbu45GkAIwiCwARFkSSpVCoBoY6iKBRGGBiDhEmbzYYmNNLAmGZwcDAhPgDTNE0jMJSwywUfG4/HuSw2cFAE4LNUtRpjMEwWM6i9UBR1u92gbYpiDJA+RSKR+vp6UD6urCxHozEQiWOxmEajlUiF7e23IQi12WwYhkEQkBt6yPOMRqNZWVlerxfoC4FfndznGIY5HI5gMMhgMAC1H9RC4HwAvygUCoEDKmkVw+VyVSqVTq+DINDAVdA0iWHIufNny0qreDz+5OQU8PnT6XRsFhuBV7eWUqkExXRjY+PS8hKGYSKRaHR0VKFQPPbYYxcvXjQajUCCDtwQLpc7NzsLQXAyDQPfK2n0DSiRgBoGrfHQBmkVBEHgmoHmjUAggCAIx1dlTx8+62RZD0EUDTGYjCefPJaSksJCU1/6yUvzOn1BYXFWVjaKMtIzMkwmk1gkrqquxhiM3t7e5eVlr9ebkpJqNBpDoVAgEMjJyfH5/NFIxGBcEgi4MAwpU9Qvfue7165e3n/gIIvJAiJ2A/39bDabxWaVlJZ+curjtq1tXB7X7/dNTU0cOHiosrqSgWKTExODgwOPP344Eg7Pz89XVlf/9Gc/6+7qAjynjz78oKiouLKmwu/3Z2RmnvnsswW9PhAIVFaUa7Xaf/3jH0VFxS6X89THpwQC4c9/8fKsbn6ob/CD99/H8vLygCp3MiyBcJiUxVvNH2iKhmE2m+1wOGKxmEAgEInFVpOZw+UA3zvQvgQxKSm0RCTF0AkKQuDkyo7FYyiKAjYMEDkEIItINMrhcUFUjuNxgiAYTCaQg4US8kFjY2ORSEQqlcZjeALuS0MQbbfb5QoJg4GNjo6B3AmA4ZJDfrAVsYQ2NUmSQqEQrGk6IeO+sLAARsJgT649FZO7iMPhAC1y8HOPx+P3+zlcdjQaYbOZLqeTy+P86tevwDAyOTF/7tw5l8slFIoIAk9JSZHJ5BazRaFQeL1ecEnRaJTL5YH5oM1mY7HYubm5QH4LFGBgH4LGEQIjYG6VTFPB3MBms4Gqae3GAFsaLH0wgkjCV5PsfooiQbhPnhuJvyDAHiBNmy4Wi8wmU11NZSDgN1us4+NjZou1cf2GOx0d6VqtyWjMyMiwWixWq9VstkilknA4lJ2dPTIyUllZ6XA43G43m8Pef2BvaqpicmLc43amZ2R857s/Dga8H374fmFh4dDQUE1tDYfNOX/uXHV1ZV1djVAoWFlZoSEqVZ06PzfDY7HOnT07PT0tlUhu37zBYDAKCwuXlhaVqhSZXD4/Pz84OBgMhoLBYHdPN+BGNjQ06PT6tPR0p8MRDnhKSkogCgr5/Qf37xdLpPn5ecvGlbq62oU5HWY0GPw+H5DJhh5yyeFkLwxKijXADx3vYBgO+P0IioDEBtw40HOgEzQakHODgRFN4DAMEzgB4jHQDQcDGnDHAVEYPLNwKIyhKARjMAxjCEJjGEhOwYQVhDev14MxMALHMQwLRyIikShNq+HxeT6vTyyR+Dw+0ANBECSpUARBEIPBmJubA6M6EOYBQiY5yAPbFYwFsDX648kACS4VlJ5IAv4gk8k8Xjcej8chmiSIUDh06eIVs9nicvmADrtGrTYYjKWlpaFgyAyZU1JSYAT2+3zhcDgexwcG+nECj0QiXC6Ppqns7OyBgQHQX/b5fK2trbv37HnzjTd8Ph8CIzQNJWWoVx9EIEDTNJPJAqljEvoBUKUwjNTW1s7PzwG5efCvQOY6EomgKJZMgdb2/hEEJghcIhF/5StfPn/+QjQaHhsdUSoVEAS3tW11Ot1ejycSiYTC4daWFp1e/9e//rV1S9tPfvJSMBg0GY2vv/EmQeBMBuPe3XutW1pfeunHwWAgjsfYHNarr762c+dOFovN5XHq69ZxuJzWltZbN2+2btmy79F9kUhIIODpdLqzZ89u37HD7/P/7W9/lwpFM1NT+/btW15e1usXmpvXG43GK7du//LXvwoGAlarFSxL3byusrKSx+MhKJaVnR0IBj0eTzQSZiD0+MRkVVUlRdEdd+4YjcYf/fSnPC6PxeEcfPwQ/M4///bLX/4S0OrAbYURBIKSpR4EA1EGmoKQh3xIMCNjYgwGipKATpVgzSUzyORhmjxYQG1AURSHw3E6nUKh0O12gwwVVMPgoPd4PKA2oBMMVzJhJAy6NPF4HEFoBKWj0djWrVtTUlJ6enq+9KUvcTjcL744B8OIbl7vcrkoCmxmQCp+OP5MPuy14L/kBhAIBFwuFyjCg3Q/qTAO2lOgAbDGDQCRSiXhUBAoV+M4rtfrMQxzuz3AlDM1NRXMsDMyMmw2m0QmlUqlXV1dRUVFZrPZbDYTBInAq6WIUqnkcrlWq5WkSL/f19DQ8Nzzz09OTHz44YeRSCQajbFZ7MSgjV6F4sEIhq2O28AGYLFYcrl0x44dN2/eBIM28AjWchWSzwg4CsPwfwzCIAiiKJLJZLz77jsutysQ8KWqNSRJhYLBTZs2XblyBfihrFu3bnJyEobhwsLC+nXrzGYzTENSqXRwYOAnP/lpSUnxo48+arfbuTyeyWx67vnnrRbL8vIyj8ebm5vz+/x32zuKioqeeeaZ1157FYLgzZs22V2Ox554/NbNm3V19d1dXfmFBSaj6d///DseixYVFW3fvr1t27bZmZkHIyM9wwMGo7GmuraoqCQvL39mZk6vX1hZWRaLxVXV1Vu2bElJSblz545ULDYYVmiK2r17t93h+MpXvrKuvv7gwUNnz547duxYelYWtqYdtvqCaIikkp45FAw/rIwTt4xCERRoWkEUBa0hhVFrxAWSr2TqH4vFAJkQmEuDJGRVgxrDQFoCjn46gR5Lbp7EZgAyPxBBkhiMMBhMq9Xm9nidTvcHH3x4+PDh1tbWGzduxvF4YtIJCkQCWSOhlXyhCdIP+EWgMvb7/R6PB7RowCEmFotBDQDGsVarFcz4QEtRIhE3rV8/OzNtNplQFNXr9TAMh8NhIOwBrC99Ph+Q/mzdskWhVPT39wPMAtBEWVhYEApEfD4fiKwAgG1aWlpqap1arT539uytW7ei0RiHw0YRFAzjkrcIwzAgX5fE7YIDzefzjYyMgAwznjCv/68vnkh30WR0SL5ABUVR1MenTtXX12ZlZ2VnZc/MzlEUdfLjj7MyMxkYNjk15fP5Wlpa0tLTJ8bHz587B8Pwzl27hgYG9Xp9Y2ODXC4fHBzcsHGj2WLxeDxnz561Wix8Pp8gybLS0qtXr1qd9g2qjW6fl8nlDA4MZOZm796z5+KFC1arValUqrWaxsYmHI+rU5Sdd+7weNw4jv/xj38sLirq6u6pb250OJ0QDKelZ8zMzMzMzJWUlJSXl6WkpNy9ezcej8MQxGQwjCZTfX290WhYXl5OVaurKitTU1MhCNq6dSuDwbBarBhNUzQNXCcQkiTj8RgEwSjGAAxhgiAwDMUwBgxBCATTNE3RFAJBCATREIyCPCfBt0p01h72HKmELjkoD0CSA6YNFEW5XC4wwYET4zAQa0GRDZR2ko8ZBLDc3NxwOGw2m+VylcfrLikpYbHY/f19mZmZXq/35ZdfSUtLhyBYnaomCcrvD2AYzGIxCQJJ+nKvfSUPGTC5A7AFKAFAAt2VpFIqOLuAyyW4M0DtwuVytd9up0icosiZmZlkflJUVIii6MTExPLyslQqFYlEHA4nGo1AEDQ1NRUKhQC0WyAU0BQdCAQUCkVFRcXIyEgsFuNyOXl5eXa77dq16zAMMZnM+vp1Go367t17dpsdXDOWkJSEYYQgKARBQSpKEHgwGIBhqL+/PysrC6T7+BoLqWR7d215k4xxcKKnRNNUTk7uunX1ubm5IpEgEo1mZ2ffvXPHsLKCIsimzZvFEgmO4z6fz/3gwdTkZCwWe/fddz/99FOv24MTxL59+2praj7//PNXXn7F6XI+9fRTXo/n448/BmeCx+2WSqXNmzZp0tOr6+sqaqr//e9/6+bn5+bnsnOygRt5UXHJQH8fDcHDQ0NiiaS1rc3jct28ddvj8T797LPVtVUFhfkry0aQq3vcbo1G43K5Ll26tLCwwGKzU1JSRkZGvvOd77DZLL/P/+Ybbx48dGjv3r1vv/220WgqKSnNysq6du0aptVqmExGJBLhcNgymayyqnLjhg0fnzotFotj8bhEIvH5fJ2d95kMBgIjFATBNIyiKETTKAzjOAFuHbomK0BRVKFQiMWSmZmZZNGZHB4lkyXQfgEDYzShqguqT1C3JTFCgLpFJewblpaW4vG4zx8gKXpuTofjcS6XD0TNMAxbWVmBYQSPEwIBHwjlJpuqa/OfZE4FrgRsD4fDweFwQOtTJpOBawNmUKCajMViAGZDkqRCoUhPTx8bG2MymRiG4hQRi8XDYQdgG5pMJrPZzOFwIpFIJBLRarUVFRVdXV1zc3M3b93yer2tra0URfl8PplUxuawGRhTLBZPT0/TNB0KhUpKSswm08LiQjyOYxgql8tpmrp37x6KoGDWDu4Yk8mUSCQul5PHE8IwEggGOBxuMBBnc9hMBpPJZFosFpB9wQnaavKgBgueoqDknCS5E0ByFQpFWlpatm/fcfXK5ZLSYgaTde7s2aqqKqvVarPZxsfHFXJ5ZmbmuXPnsrKycnJyFhcXX37llYsXLvb39v/f//2fQCj417/+ZbPZvv+D79M03dvXW1VVdfDgwYyMjGAwOD09w2QxmRy2KiXF4XDo9Lqy8rKKygoMhgcH+rNzclwuV+e9u2azWa3RlJVXOux2ioKmpmcRjPH0iS8VFBWhTLimppYkoTff+Itcrty5a5dEKs3NzSUIQq/XLy8tLej1R48elctkC7p5vX4hGAz+65//bGhoEIlE27Zts9sdL7/8MkmSWF5B/mOPP2Y0GMrLywiCOPTY41ardd/+fQRBZGdnl5SWmozGp546/vvf/0E3N89mszEGIxgMgeV15MjjUqkkOycnNVXd0X4buNCVlpYqlcra2trR0dGJiYmZmZnkfI1M6BjDCRQaiPrJwXMy5CdjFei3ABX1WCw2MTFJELhEIqFpuqysbGZ6OhbFcZz0ef0ohiIIunVry+joAxqCYBgBNAOKoldlh2gajGCT6EgsYYoM/kkul8diMdDoBI0skLOBK0+Co8DkhMPhaDQai8WytLTE5/M5HI5SqWQymSaTCWjgGY1GkUgEhmtGo3FyclKpVMpkMoJaRepbLBbQeJVKpDhOSCQSq9UKhN/4fL7FGgiHwykpqampKVwu98qVK1KpNC8nj81mAxUMcBs9Hg+Xx9uzd8+dO3elMgmO4xiG+vw+PE4AFBaohkHVm/S0XXME/n8cieCvTCZToVDw+IKm5g2LC/OffvqZXK7g8Xh19fVqtVogEOh1ur/+9a9bt25lsVhut3tzS4vJaPzpz37a1NCgUavHJ8ZFIlHT+vVmk6mouPjIkSMikaiiouL8+fMkScai0aLiotra2oqyMpvNtqRfKC8rU6pU01OTTCZTrVZbrVaz2SwQCGAIiuF4UUmpSCLJKyzkC0WXr16DUbSotGB6ZlqhUNTV1VVUVM7N6Xw+38zMzP/8z/8MDAxkZWVlZWWxORyDweB2u+PxmMFg3H9g//Nf/vJPX3qpq6trZma2u7v7r3/9K6yfHfV4PAsLC2w2++233y4vL3c6nWXlVXa7PSMjY3lpyWK17N27l6YgiITu3LkzOzu7YcOGvNxcBEWFYrFuQX/82DF/IHj+3NlwOJyRkQFM7DRa7YJeX1FZabVar1292tjYSBCESqnq6u7q6+ujKDoYDCTFlsH6S6bpMAwzGAySICiaBq1rNpsdCARArpIkQyXlTIDJktfrDUeCzz//vEgkPvPZ5y6XC4KAFQoOQRBAIAPnepFIBKJ7sggG9QmXywWcm/n5+WSf579WBkipkxUzgEsxmczMjHSbzQY8oECVr9FoAIeVpmgaohUKxd69e7VabfudjqWlpXAkHAwEwTSAIimv1weyQdAMiEQiGo0GweAvP//88PDI2NjYyoqhsrJyfHw8GAgpFPJ4PB4MBkH++ebf39y998BvfvXzt99+i6JWB3YIjAK3U3D1HDYbFAZYQjMv8b1Wwc//9WUJguRy2X/5y5+NRmNhUQGCQJOT0+vWrTOZzA8ejKalp1stltbW1jNnzlRXV5eVl9M0vbiwwGAwKquqTn74UV1tbeP69T996SUEQfbt22c0mRxOB5vNrq6p+cff/56SmlpZUeH3+Q3Ly7t37wlHwmazOR6PMxnMFE2KSqX0eDyvvPLKoUOHhCJRdna2UCCCIGhlZYXD4ZhMJoIgFUrF1NRoTU21QCCCIUSvX1haWpHJZOPj4y0tLS6X6/e//71SqdyxY8fuXbv6ent4fP5Af/+x48dpmn7pxz8WCkUbN25OSUkpKi7C4nFcKpUpFMpIJPKTl37C4fEcdrsmTWs0mpaXlprWr19eXkYQjMFkMBmMQ48dLCwoXFlZuXTp4rGnnvroo49Ky8s7OtqzsrOEQkHn/XvxeGzduoZNW7b2dt3j8riVVdW/+PlPn3rqqd6+XgzDioqLcvLznv/Klz1u90cffTQzM2MymhxOBxg2oyjGZDIBdAFGEIKiEQSJJAbMoFOZzGfghDUTmPXEYjGJRJKZnTE+MYHHCafLSRAPnTIgCPJ6vfn5+QiCAB0KkiKpBGMmNy+3saHh41On4rG4x+Mh1sgjIwl5FbA5wWgJSpT1NE0DiRGpVLq4uBiP4wKBgMFkeb0eHo8fiUaNRmN2Ts7c3JxWq2UyGHfv3vX6fF6fl8ViBQIBFoslk8lWlpdhBCEJKhgKYiiKoqhUKgkEGBRNRQLRX77yK5lcBsNIaWmpy+VkYIwtW1qHh4eDwSAACEUikZ6u7pGRkU9OnSZwkoZoBoMBQTBJUgiKMpkMYC0cCYeBS2cy2CdOWvAnlGyBwjBC0xSbw8zKylIoFPoFXU9PD5/Pa29vT0tLu3nzBpvNfvedd48fP1ZaXj46OqrX64uLi8fGxubn58vLy0+fOhWJhLVardvlFImEubl5VfV1vGk+e5k9MjJy7dq1Z06caGhq+u53v3vx3IVnnj4hFImkMmk0Gjn7xRcwDNXU1UYioaWl5dra2uYNG7q7uq9euer1+Hbs3FHf0BgK+EFqOjE5GQnHzpz5wuvxcTjcxsb1oPTfu3fv1NSUQCCAILi5eUNDY7PFahUIhGKZYvfu3ePjYyvLywgC+bxuoYCvVqeSOA47LMt8Pn98fNxiNqtUqtRUtUwuu91xIxQMb9263eVy9/b0y2TyaCwql4sLi4pIghCIhBQF37vbPtA/IJaI8Ti+efPm7OzsaDS6uLhYUVk1Pj7hdrnkCsXrf/nLE0eOFOTnX7p0yWw219TUwDCckpIyMTExOTm5devWgsLCsbExo8HgdDoDgcDt9vZw5GExuhqQIAhDVlEMa09uUG+ANZ2VlRWLxSAEMZqMoEUTx+PgkSPQqswTyKNA1I/FoyiKpqamgnzD7/dbrbZ47KHpJUH8hz0M6M9GIhFQJICCB6RwUEIShs3msFgsiiJBcQ/w91U11VNTk8FgkMvhBgIBAZ+fnpa+vLwMEKaFhYUWi8VitWzbsf3unbs2m00mk2k0GpIkFxeXIBqORMI0TWdnZ6vV6uHhYYVCkZeXd/v2bQiChEIhQP6gKArDCI6vstUQBCEIEkZh0EfDUAwIXdEUTcEPWRD/78wH5EvxeDwUDj7yyCMVFZUWi3nX7t2gYWVYWVlZXs7KyXniiScwjGE0rLS3t0ul0j179jJZTLvdbrfbgetCbkHhin7+ypUrRUWFQpF4ZGSEwWBWVFVNjI+fOXOmsbFRoVBcvnxJrU578ugxr9fT1NwYjYTeeedts8WYlpaxe9fuU6c+6e3tbW7eSBJUJBI5dOhgaXnZ5MQEj88nSfLkhx82rl9//tx5n8/HYrGysrNEQiFIlWtqa/F4/MaNG6Ojo62trSCNT1Gqrly5smvXjrLKMpvVMjIyfPPajcrSyhS1WiIWw363FYHhmzdvZmRmSsRio9EoVyhv3b69adOmTz/79Nlnn/V5vbr5+YLCAgRF8Xj88zNn2rZuzcvPv3z58nvvvvvST35SWFgIKCYdHR0d7e3ffvE7Z784V1xc1NDUNDI8vG379ps3brDZbJ1OV1paCvJsGEFsVmtRUZHZYqmrr6dIUiCSz0yO/vSnP9MvrtjtNjih3UdRFEUSaGKesPZpgfAPmAxsNjs7O6e4tLiru8dkMiZ5KhRFsRhMPB4HuROCICiC4gReVFy0efOmUCg0Ozu7sLAAKPkEToL05mFHOBEpk4ZZgANJJ+SUIQgCOEJgCQUOJdB8VCgUwVAArFEAHwTLi8VgKpVKUFEwGMxYLPqd734HZTA+eP99t9v9xBNPSCQSiqLeeP0Nr9cnFAolEonZbAYQUXAEkQkVXlA+gXWftD8D/VyX14MgCExBq+reEExTFP6wu72a8CRLLxBB4/F4dnZ2y5bWxoZ1sVisu7vb4XDE4/GFhYWcnJxNmzZlZWWxWCwExe7duzs9Nf1///drq82ekZE+PTU1PT2dm5fXeffulrYt9+7c2dzSMjc35/f5PG53YVGx0WIZHhpSq1MxjJGdnY1i2ODA4OZNLWXlpe+9925jY0Nefq7FYkrTpn3729/W6xcyMjKZTE5NdY1are4f6H/qqeMCgaCnp6e6poaBYdPT00tLS8eOH19eWnowNma1WNLT070+n0QiMaysjI+P5+TklJeXV1dXFxQVkXGiu+s+TVPzulm5QioQCq5dvFqQV7h9506P242xWKyJ8fGpqany8nJVSsoHH37Y0rqFwOnPPv3caDDZ7bbCwvx53XQkGioprYjHYs88+6xUKr129Wpdba1ELPZ5vW6Xq7unW8AXIAhSW1dL09C6hnVut1udmpp96JDT6SwvL5+dnW1avz41JYWkaKVS4XK7Z6an/X4/m8V6/c9/3r5jBwzrb1y/JhAITp06OTEx8bvf/c5kMmEYunYVQgnodRLPCMCnEAQFg8Hp6Smv38diMXk8ntPpRBIvPB6Xy+VgfgxmWCiKHjiw32AwjI2N6XQ6sItQBCVhKjldSupKJO2SQH8TdI2SlTpo2oLxWTIf02g0QP0lFo2iGJaRkQEc44LBYFNTExHHx8fH2Wwgrc7esWO7WCz+/g/+VygUSCQSl8tlNBrPnjubmZHFYLBEIiHg14P6G8ywwXIHB1GSm0olgG7JuI4gCAJDyCrXk6ahh4s+WQoja4Qo4/F4SkrKP//5z1AkfPHC+T179uTm5j5x5AiDwbh+7drhw4cjkUhfX59EIoEgKCszc/OmTZ2dnadOnfqfr389Oyurt6fnH3//+7ZtWymS3LFz5+VLl/bs3WswGPr6+kKRSGFR8ZYtWwBOIS0t7fLlyzAMZWalj0+MMxnMnNw8AscZDFZ3d09GZoZQKO7u7hYKxRiKLi8vFxcXSaVSFoslFovjsRhJEMDxRSqR3L1zJysrq7amRqlSAUjyH/7whwMHDqyqLqBoX09P+63bzz737PzcrM/rLSzMN5mNGAMTCkWdd+92dnYiBoPhb3/7G4IgcRxHECQvN3d5aen99z+QSqUvfuc7K8vLJEns3LWHycAMy8t+vx8cCARBpKamVlRU5OTkfPzxx2+/9faNGzd1Op1IJK6sqtZqtT6fr6enZ3pq6uKFCyw2OxaLXb1y5datWzAMA465TCZLT0/n8/kNDQ093T1zszNjY2NcHle/oMvPz3vrrX9t29YGGtgYhsLQQ0OHZBMmuTRBfAVEyuXlZRzH8/PzV6tqkuQLBHK5HJStoGDlcDiDg4MrKysAhgRoWT6fD0T35MoGgwgMw4CqIUEQSYE6OgHBBzMmUIjDMCyRSLZv356ZmZmZmRkKhbTatKNHjxYXF4Pf9fTTT+dk55jN5vr6egCh279//4MHD9566+2f//xnjY2NZrP53r17N2/eBLaWfD5veXl5fn4e/k+cAgQ9REMkwapgr4Kms8vloimaoiiKpoHQHUVTQGU+WdskPwpKKM6np6cfOXKEy+XOTE8fOXo0EAyuYtr8/vXr14MTbHZ2VipXWq3W+/fvf/DBB3l5eb/+v/87+8UXn3766b4DB3bs2FFbVy+Xy/t7e0Gg4fP52dk5QqHwzp07k5OTQ0ODBQWFHXfuqFNT6+pqnU47RRJKlVIkEpnN1nt3u4RCYWtLa3p6xtdf+MYvfvGLlRXD6OhoqlodCoUMBoNCocjOycnMyuJwuWNjYydOnAiHw3v37i0tK5PL5RcvXrx//35ebm5lZWV7RwcEQXq9Pi09PSU19U9//JNSpSoqLqqprVnftH7v3kfC4fAXX3zR0NAAm5fnV1ZWMAYDRRC1RuNyuQR8wYcnTx45etRht6ekqggcZ7CYUxMTwWCIpmmQMXO53MqqKj6PZ7fbT58+nZmZWV1d093T3dTYGI3G7t7tlMmkp06d+u53v8tisRQKBYphE+Pjf/3rXzEM+/s//pGRkXn71s3c3FyXy+VyuQoKCtrb230+X15+HkHRmRkZgUBgdnY2KysLgiCL2RLw+TEMe+edd1ZWVmiaTk1NBeTgtcgLiqKkCrnP5+NwOBs2bLh06RLIE5QyOYPBALwQgiCEQmEsFmMwMYVCAQhZYDYXDkf4PD5N0/F4HIzhkmUGBEGAiCwQCDgcjtFoBCUsgiDBYBAMAQGag8lkFhQUjI9PcDgchUIuV8hraqqvXr26srIC/HlcLhebuVoBp6amdnd3R6NRLo+3Y+cOHo9PEHhPT49Wq7106fKLL7544fwF0B4BQ7ekuEMyY8nIyNy8edO1a9eWl5cB7Pnh1ByGYBhGoYToJQRBNEQjqydYso4Cf0YjkcqqqhdeeKGuri4YClktZpFY9Oqrr9I0XVhYyGazp6amDh48yOXx5mZnC4uK/vTHP4L2V0tLS0NDA4PBcHs8CrncZre3t7evb1in0WpRFB0YGAiFQqWlpe++886cTv/iiy9iDIbVYnW7nfE4LpWKd+zYNjY2YbFYNJo0HpfP4XDyCnItFmMoGC4sLh4eGvnsk89qa2ulMonFYsEYjFAwSBBESUkJSVF4PL6wsJCbm/v4E0+MDA/Pzs6OjozU1tY2NjaazOburq5INFpSXJyTk7OoXxAIhWIhXyQRKpSK06c/VslVD4bHVKqUurpaOOx3xmKxifFxsUSytLjo9wcWF/VPPfO0QqWaHJ8I+MMwjCwuLO7ctaOz845SqRSLxXw+/9y5cxWVlVOTkxmZmQG/v6KiwuPxTExMVFZVpqjUc3NzWVlZAqEQhuFYNOr1+bQazeDgoFKpHBkZEYvFVdU1t2/d1Ov1S0tLZWVlPp9veHjk8BOHd+/ePTUzlZOTEwqFVCqV3+fzer1lZeUIjI2NPmhvvz06MlpdU00QxLVr12ZnZ5GEHctqtQBBELw656cTelgsjCEWiwH4AoQlHMfZHFYS2wPG5jQEowgKiJ0URQExBfAJYH0rFAowEWMymW63W6VSslhs4BpP05RQKMrKyhoZGeHz+dFoNC8vz2w2e30ePp+fmZm5srICvHC4XK7ZaBKLxVwOd3pmmsfjYRiGYtiKwZCenlZVVZWdnb28snzv7r309AyL2QLDcElJiUwmu3LlShLPB0ZgBEHk5eZFYlGzyQQYPKAaoQE4FoVpikah1VIGhiCYhsg1XjvJdAjH8YqKiue//OVoJLJ9+/aFhYXJyYmx8TGpTLp37yOLi4uVlRW3bt0+ePDgvTt3PF5vNBoNBALr168nSFKv13M4nGtXr0kkYrFIJFco1Gr13Mx0cUnxzPS0zWrT6XQFhYU/f/nlSDQGQVDA7+/v7w8EgwiM5OZls9nog9Hx3Ny8nJz8VHXa+bPnUlIVRtPS7Mx8W1tbXn7hQN+Ax+PlC3idnfdMJtOJEyeKiotRFP3bX/8qEomeeOKJubm5hYWFe/fulZaWPv744yKx2Gg0/vG116qrq0+cOHHmzBk+n8/EGDK5fHCgr6m5SaNJvXf3jkwip+KUzWG/eeMG7HOZ43gsEo3Mzs76fD6lQnX16pVvvfhNPI4LhWK3yysQiNxu7+Kivq6+xuVy6XU6GIbFYvHY2Nj58+dZLHZlZeX+/fsVSoVep5fL5SRFGQ2m2toaDpd35rNPTSbT4SeecDoceXl5/mDQYbOpNZoL588DKJhMJhsdHY3FYmVlZXX19ffu3lVr1W63i8Ph8Hi8rKwsBEYsFkswEIrH44WFhUaDsba+zuNyeX3+W7duv/nGGwCbAJ4lSVEYg0FTtFgidrvdIEyiMAyqBYFAAFzmKYqiIRonCYgGsh8kDMMETqDIwwRaoVAAlCUYk2VlZZWUlLS3t0ciET5fAEI4iiKRSBRKaPeSJE5RDx1jaZoGHo8ohnI4nIA/0NLawmazaIju7x+IRMIKuRLDGFNTUxgDg2AYIJObm5tXlpftDkcsGlWrtenpaRs2bJiamrp582Y8HgfuZiRJIiiCwEgcj9MUDfY82KvAxgtFUQqiCZKEQcsYgiAaQiAYWqPzA1Km7KwsoUj4h1dfvXjhgt/v37JlCwzDgUAgFo/l5uXicfy9d9/dtHnzltZWu9NpXFkeGBxks9k5OTn/+Mc/H3vsUF1dndvtHhsbA/O+paWllpaWD97/UKVSVlVWlleUf+fF7zz/5ed273kUgumXf/GLGzdvHz1yWJWSkpeby2IzX3vtD+VlFXV19eUVlWwWZ2Jyyum09fXez8zMCviDeQUFPA7v8pVLbDansLBwbGwMhEW73TEw0P+Xv7zB5XHfeP31trat+fn5RoNBIpWkqjWd9+58/vnnjz/+OEmSv/rVr37zm9+Mj40N9Pc3b2guKSmmKDK/IB9DGEMDQ6+//kZZWSkWCAW9XjeMUG3bts/NjHfe69Fq01hMlsvlGhocrq6pNZpWrFZ7Tk42AG9mZmYaTSYYhp/7yteUStXc3HxTY1NGZjafz0MQDKJpBEU1Gi0EwSMjw+Pj4wUFBXw+/89/+lNpaeneRx5JVaulEskjjzzi9XqLS0qCwaBAKMxIT//FL17mcDjr1q27devG9PT00ydOqNWaSCgolsv5fH4kHJbKZG+8/jpFUwgKsdis3Jz8Z599VsDnv/rqqwCdBkEQiqBEnGAwmDANC3nCcCRMk3ScIhBkVdYhKVmFMDAYQUmCoEkSRVGCJBEUBVkyiI52ux1J0IIJgjCZTElybSAQYDCYOE5AEIPH40ciEZKkGAwsEgEdSTgJuqRxmohRIoEoFA5x2Oys9HQOj90/1E/RhNPl9Pn9EIQwmEwK0KUpWiQSTU5M0jQN0VBZWTmQmrx9+zZJkhKJxGqxECRJ0hQN0RRJwjCFYhjAWtEQBHCCMALF8XiWNouiKJPJBCe8HSAIghAYoWGAGwWVqEKhfOvtf7FZzGAwePjwYZ1OZzKZMjMzb9y4kZubC0FwQX5+UVFxKBiem5sffTDa0NjwP1//usVsnpycfP7559QazfDwcE9PT319fXFxsc1my8rKPHXq9MLCyorBVFZeGYsTeQUF+YVFFotJKBRmZ2ezWZ0ej4fBYPgUCuusdWhwdEPzZgxjcPkCmiQIIhYM+OVyJYfLn5yc7uvroyHIZrP+6Ec/zi8ojEQiRqOxs7PzxIkTxcVFr//lLy6X64c//GF1Tc39zk6bzfbJZ2fKSotNJmN1dTXIR3Jzc+fmZtvaWivKy9RqtVgsfu+9917+xSuPPX4kJzf3Zy+/nJGRATusxgcPhrOyM8Ri4dys7sGDiW3btvsDTh6Pd+bM2ePHnopEYyajqaqqis1hx6PR2+23Z6Zndu7exWQw3R5PdU0ti8mEUQyCsK57t0+fPi0Wizdt2jQ3N7e+uXlwYOCRRx6x2e3Xrl47/MThyYkJgiA2bNw4OzMDyOB+v39iYmJ4eHj9+vUVlZWfn/mMoqljx45dvnSpqLhYwOepVClGozFVrWazWEtLSyRFcTkcLpeL4+Tk5BRJECiGffjBh+3t7UwmE4x+wZKVSCSgTiBJIkFYgJNEBQh9mEyDnyAwTJMPWVHJ1B+cLSKRKDc3F4Q6GEZgGAHNn2TvBYYhHI8nsUbgY1EYo2k6JUUVCAXatrROTIyHI6FINCyVylpbt3z44Ud4nIjFYjS9+hspilIqlcDLNSUlxWg0gh0rEAiAUBIF0fSaOS6SYO2tbeasDtQhiAZrflXIA4IgGIEQCIJEItHOnTuKi0sIgiyvKLNYTHl5+YUlpXdv31pZWa6uqX3j9df37t0LIUhBXt7c3Fzzxo39fX0ymdTldhUVFcVjMbvdbjKbXU7nnj17AoEARUNej9vr9Z4+fRqCoJLiiv379+Xm5y7odbFYJL8gPxaLxeIESRBfeuaZXbt352Rnl1dU3L1zZ2ZmpqenJy0t7dnnnk9PT/v1r39dXFTU1tYWicaWlxbZbPbly5e3tLVt3769r69PoVAgMAzYSz6/3+txr2tswGOxpaUliqbVqak4QQaDQcOKYXh42Gw2Ly0tPfroowI+n8/jarXanp4e0LpQKJVabRqMoPX19WfPnsVMJutf3/zH44cPyuWyW7duP/30s7dutmdkqTZs3JyZkfHee+89/vjhYCh09osvtm1tI2nowcjopk2b0tPSdXNzNElNjI9funhRoVCwWOytW9v27NkDarv1zc0F+fkmo/Ff//rX+vXrRSJhMBDIzsl57dVXR0dHv/Xtb1MUFQ6FBELh1NRUe3v7tm3bRkdG9j76aFp62qJOFwgE+vv7n3jiyODgICg9FxcWUtVqkiRHhodDoVB7e8eJZ77EZrHa29vHxh9otGqKIs0mK4fDgWGIyQTxGMHxh/Ds5AgZTkiBw2soB3RiuJbMsOmE0YZAIMjNzaVpSKVKsdmsSYZxsgfFYrFwPAakF5MGWySI1jTkD/jLK8pvd3SIhAKZTFZd0+ZwOD0eD4vFIgkKgmAURaiEDjGQ1MYwbG5uLjU1FXgOJG04IHjVzQW81uKmkjXP6tekIQxYWkFQktgENH80GjWO4yKxsLGxicVixOORlZWlgYH+iYlxkVCYkZX5wx//eEGn7+q6HwkGyyoqSIIQi0QzM9MGg2FoaKi0tDQzIyMzI6Onq+uTYPDJY8ckUqndxnc4HNu3b0dRlCCoa9euZs9naTTqcDgIQ9DCgv6zTz93Op3Z2dltbW3xWOzf//53YUFBLBY7fvx4eXk5g8GYnZkpKCjQaDQut3uwf2BgYKC4pISmoQ3NG0ZGRv0+X1FR0dLiIovN7uvtnZyc3L9/r0ar/vC995RKxczM7K2b1+12x+49j/7hD3/YuXPnwYMHDUZjbk6O0WCQSqVjY2MFhYV6vT4ajVZXVXX39OQXFP78Fz9DYAS2GFa4PLbH43z99b9UVddIxPKB/oFDj+/JyMw2LK98cvqzHbt2PXgwtqVls91i6e3tDYVC9evWOZ1OdWqq1eHQLyylpWnlCoVIJGYxGdNTU3sffVQ3P5+SmqrX6Twez71796LR6Le//W2xWHzvXuf09BSbzf72t7+NE4Tf58MJgi8QzE5Pczic3p7eI0ePwAhEEoTT5WIwGJ2dnUaD4cSJEziOT0xMKFWq0tLShYXFudkZBEE2bd587ty5+bk5lUpVWFh48+bNuTm9TqcLBgJgETCYTBzHKfI/aAAwDEMwTMNQEhO6Gk1hGKYfMgSS7wfcWQDvAUw/iqIJYlXDAiTfOI4jCETTtFQq9Xq9CdNLBNht8flcCIKCoQBNU1KpRCIRSSSyQCBgMBgpCopFY8lfmiSwAxgfDMORSITH48Hwqh0qQZEQAtPUwxIWgv4b4AA2NkKtMYpFEJIgEBSVyqQVFRXFxcUtW7ZYjEYOl9vQ2Ohy2R12h9vjZjIYKIoZjQaBUPz+ux8cO36MzWK9+eabVVVVhYWFXV33nS7Xr379K5vVWlFZvbCgc9jtk5OT5eXlDY2NS0tLd+/c8fl8fr9/cmJKq9U8/+Xn/X6f1+tJz9DevHl7dma+tbW1vr4+MzsnHAouLy4+GBsD6t8ZmZlv/etfFoulpaWlqakZRtDOu3f1et3KiqGwsDASiWRmZfD5PL1er1KpsrKzu+7f12q1waBPJBJcunQpNVUtFosXFhYeeeRRJpPz+uuvP/vss/sPPdbb3UWSJJfDUaeoJiYnh4eGysrL2SyWxWKZnZt7/InD9zs7Ozs7MbFEPPpgsLPzzsFD+5qaW17/059xPJaWnub3eQmSXDGuhILBRx99VKVQ9Hd3s1nsQ4ceU6qUv/71r69fu87mclWpag6Hk6JSlZaVDQ0Nzet0N27c6OnuBtMflUpVV1en0+n4QuHIyOi77777pz/9UavVhiORxYWFrOxsMhDgcjg8Hg9BkCeOPEEQhF4/r1KpgHlRPBZ74Rvf7Oy8l5WVVVFZKZNKzSbTm2+8sX3H9samRovFLODzDz32WFVlxeUrV3x+35/+9No777z39ttvM5kMFEMJAocg+r/Wx+oLhug1Tkogd4doGoyQwTvBEgRFNofDcbvdgPsPGELJ3IlY1ViGIAji8Xg+nw8MeqPRKAVBCIwEQiEYhmAEoWnI4/P6fJ6FhUUul1dQULC0tBKLxpLQIzCuBmsdFBICgQAMHMB2BWubhMj/T0QDtIa4DCMInNB0oUlSrVY3NDaEwqGWlhYul3v+7BcYhmVmZr7+lz/J5FKNWl1WVs7lcdvb2z0e952OO8FgIBION2/YePy4z2AwlFdUgP8OVF5+85vfbty4Yd26dQiCFhUVdd67x+Pxtm3fPtDfb7PZPB4PiiGdnXfz8/Pee+/d2rqqvr7+/LySltYt/377rfLyitLSklA4XFhYuG3bNoPBwOXxc3NzvV5vKBQKBgJKZUp6RqbFYt2+fUdTc/PK0hKbw2QwsFAoxGKzy8vLU1NTJVLpd779zZWV5Z///OepmnQel22323w+/9tv/TsvL+/ixYsQBDVv2IChqNFguHLlajAYUGs0FrNZq9WKxeJwOHS/s5PDYR86dAjDGJBIxK+qKpfKxP299zIytY8ffkwkltntjo729u3btg8NDT14MFZSVETgRE5WlkQs9rjcUpE4IPb9+Kc/FUgkMAR1dXUtLiykpqQ886Uv/fxnP4vFYhs3blzf3Gwxmzs7O+vq6m7fuuX3+Z566ngwFIpEIiKJRCaT9fX2kiRZVlam0Wg+++yzjZs2paenA/6URCqtqq7Ozs7uvHc3EonQFDU0ONjT09O8ofnr3/jm/NzM3bt3uBwOTZMup91oNAQD/ng8duHCubQ0zb/+9Y/f/e53KyvLILLCEJrMWFazcxiCEo6XqxEUeMLCMIvFys7OnpiYAOsbdN9Xi1qSAqLk4XAkGo0zGBiYLoPcHfQeFxcXIQhKTU1dXl6ORqOJIpVGEYSCaARFYBhCIUoiEcXiuMlkCvj9a5GYgUAASTBLgZAMGEqAo2b1BPhPB/L/Xv6JL4UhKARBsVhMoZBv3LDR5XId2Lf/7//629LSYjQauXr1qlabtmFj8+aWTR+f/BBDkVg0Ul1bW1xc9NqrryoUqh/88KlIKHTzxnW3y+32eKLRqNPlVMhlmdm5V69ehWEINBUOP/EETZHpGRn3OzuLiosjkUjzhg1MJrOpqVGnn6coMj1DMz0zrVFrnn/++cGB/ra2tvv37/f3983Nze3Zs8dms129enX3nj0isVgkEolEQoIkWSxWdXW1XC6HYXhmavrBgwexeLiiomzb9u0jw8MLev3I6Kjb5dq2dSeMIFyuyON0m8JhsVi8vGjg8XhN65t4XJ7JZJqcmJDL5QwmE0ZgHCci4XBNbZ1MKpXIpAajwem0i8XitPQ0zOlwxeM4SZD9fQP3O7s2t7Td7+yKRsNMFlMkEgsE/LKyMqvV6nA6gpFwtkjYfvdOY1OTUCJ+qrVFLJWweLzOO3du3LhRXVP92GOHz579fMeO7ZVV1TAMRyORxcXF3bt3r6ysZGSk3+/sDIeCBYUF4UiYxWICxllfX9+mlha9Tsfn8zMyMhgMbHz8QWlpuUgihygaguCFxYX8/Pzl5ZW5ufmMjMympuZAIAhDyPlzF3/04x+FgkGJRNLb25+ekfXDH/7Y6XCMjY2DHiWwvoIgEqIhUGUCZwMwPsvQaF1uVyQcWfWXoGgYoikapija4XCyWGwcx6PRGI4TMIKgGBaNRVkcNoPJdLicNEXDECwU8sVikclkohM+3uAvCILMz88D3BFFkjC8WiLTNARTEATRMIoFgxEMxUiCoiEoScpJZiwgMQMCcnCCZbqa3kAQRNMIsPagKAQYm0MITdMQDCEwQiVQriQG4wTe1NS0uWXzrVu3KisqY/HYs88/39/Xd+7cWTaLs6W1tby0dHJyEkUZ23fsmp6aWlk2OJzOr3/9m0aD8f1//1ssEba0tk5NjR198slbt66RBPXII49+8dmnOTk5BEHs2LEjLT3dbrPSEMThcJ5+5pnBgYGW1laxSMTlslxOV0F+vlqtEYulFotFKBBqNBqxWHzt+nUIgrKysvR6fWFhYTSGKxSKf/7jH/kFBelpaYFAsLPzrkQiTFWrVSrZ0tLS2NjQtm1b5UplX28vgiAPHjzYvmPH/v0Hzn7x+aVLFw8dOnS/855ep8vLyzdbLJs3bSwuLkZgRKvVZqRri4qLHXab0Wjas2dPIBAUi4QXLp7Pzc1ZWlkwmU3+QGjf/oN5+fkYDGN+b4jLFeTnSVtbtuv1S6FgGIKhqqoqmqKAK5ZYLDIYDHML+kg8VllV1dvXW1ZVmV9c9NHJj2pqarxez/HjT+YX5C/o54yGlbLyyk8++SQvLy83N5fN4Wg0mvLKynt3O6RSSVpaGkUS0Wj47t3RtPR0jUZTW1dntVj8fn9VdTVfKB4ZHkBQ2OVymw3mixcvjY4OHjt+OD8vPxCM8nj85g0bFxcXzp09m5+ff+TIUZPR/NZbb3E4nN/9/vfhUGhoeLi0pLSwsMjj8fz2t7/761//duvWTSaTCZRfAUYtiQUwG410Yj4KUTS8SpehKZR2uTw0TaEoRhAkRdN4PB4ncBiGA6FgKBJmMpkURcIQFImEXS4nwCgki+lkRp6UjE/0ZGAIgcC/oigWi0VpiiTJiIAvEIlEYLwN+k5AwSqpqE6vkXcnweeA/UZDNA0hgK5NAWdfCKYpPBZjMhnatDSb3bFt5/bGxsbNmzeLpZJYLMYTClwe58TU1NNPn9iwYcODkdFf//JX+QUFoXDU7w/a7U6/P3Dt2tXjx48T0VhZUQGHx7l84fzXv/k/2Tm5PD5LJJZHw9H09DSn03n8+HG1Wj3Q3w8OTCaDQVMUHo+npqYGg4FAwC+TSwU8odvtVadq4zEKJ3AOl8vh8ba2tQHatEwm6+rqCoXClZWVlZWVtbW1KysrEqk0Va3Sz8/dunUtP79gdHS0vKJEKheRJMFgMk88/XRJSQmLyaRIYveePc1NjV6fTyTkC/jc0tLSubm5n//8Z08+eRyG4Fgk7Pa4UtXKSCRoMRsJnJLL5RRNP/b4436/Z+zBKEEQ5RXVSpWahhCEIIiOOx23bt1KSU2d181JJJKS0hKvx/PpJ59cvXp1eHikuLj43r17LpdrQ3Pzoccey8zKcrpcJqPx6pUrgDZJUhSGYR+8/4HX59u9e7fDbt+5Y2d6WtroyIhWq+VyuXc7Orq7ujZu3FhWXp6VlSUUiZUqld1m5/F4mRkZwUDg/Llzc7OzczPTN69fhyFkc0uL3+91Oe0/+9nPcnLyxsYnzn7xRWVVlcVi7u3poWn64sWLXq+XLxDU1tZWVlYG/H4YhhvWrfP7vW63Ky8vLyc3Jzs7iyRJkiSABRCUSIhXo/WakgC0DsEbcBwHPlk0TWMoSlGUQCAA8EwWiwVsoICiUTgcpmngibHaDkIS3GgyYegN+DpMJpOkVhmhCIKAng+UwPMAJ561RUUS1Lk2p19t1CZq3GTWgyAIIL7QNM1gsFpbt1RUVMhlsi996Uvr16+32+0vv/zy5cuXKYoKBgMkSf7P176m0Wiqq6ptNpvZbG5av377tu3Dg4M8Hu/4U8efeOIJCIYPP3n02FPHKJouKMgPBcOXLl3GUOb05KTD4YjHYlevXN27dy+KomAuHolE/IHA5OQkSZJ+v18iU3rcnsWFxb/9/W/Hjh+7dfv29evXYrGo2Ww2rKxcu36dJEm5XG6z2SYnJ7/07Jf27juQkZl54cKFmtp6q9UaDoa5PH4wGLl3775QKJbLlW6XZ3l5OT8//4UXXqipqQmFQhCMoiianplJEgSPzx8aGgqHw6D90N3dtaG5ubyioqSkBEFQFEMDoaDX66VhOBqN3r55s79/AIZhvy9YWFA8MT5FxEk4Hg3f77xjtZncbndFeUVxcdkbr78pFgtmZmfFYvGhxx67eOH8nTt39u3bt6WtzeVylZWWypSa+ZnxeZ2utKSEzWYTJHnp4kWZTOYPBJRKZTgUycrODodC586d27dvn1AoHBsby87OBPBal8v185dfCfh9vT09o6NjQqEwIyPDbneo1akYhvn9vr6+3p07d7PZbJlUGgqHxsYeiMXiqqqaVLVm7MEogiAAL5mRmVlUVOT1eHg8nsfrNZtMVVVVc3MzGq1GJpN/+sknYokYgZE//OHVYCAM/SfnNZlaIIkBAU3TgBsF3pZsL8IIjDExQA9ILlCYhtD/IBZCSU2NJAQjqUGyFiYEphNisXhpaSk9Pd1gMEAJaRboP7kHa+cJUILMCchoYG8k34kgCE1BCIzE49H1zeuf+/LzXZ2dFEVk5eSmpKQEAwEIhhlMJofDqaqs1C/p4/H43PTMzh0773d2qpTKmZnZzJycW7dufevFF5UKxeLCQlFxyaJudqCn+353l9Ppqamru93evv/AAS6Hc+H8hf379+Xl5dU0NEEkfurkSalcgaJoZ2dnW1ub2Wy22e21NbX9/V1NTU0rK0aCpE6f+sRitrz2x9dOnToJw0haenpDQ4PP63W5XPkFBQ9GR584evT61auXLl362c9/ZjZZRkaGSktLyisqfvub3x5+4nAsFrt39y5FQT966SUmg3HxwgUwdFcoFKGA/+rVqzAMP3ns2OLCwtWrV7fv2OFyunft3s3lst0eF4bCBsMKijJ++cpvDIaVZ597dnPLRgiixx6MTE3pjj75bFfX/dycLMxoMPT39QWC3vLycjabZbPa2ByONk3LF/C1Wq1Gq1FrNGKxuKGhQSqVLi8tDQ0OFpdE1Gp1ekZGT0+PQCAQ8PlKpfLq1avHn3qKoiijwUiS5M6dO8VisVqthiBIIpW2377pcrl6enp/8IPvS6TSibEHgUDgm9/61sry8smPPy4qLCouKTEajVlZWQ6Hq6enJz1dm5a+2elyGo3m2dn5sfHJjRs25OfnC4XCgcHBJ48dMxhNwWBQr9e3bd0aiUZBmbhp00aPx83jc48dfxKGoPGJie3btp45cw5NWLono2ZynSVJ+gRBoCiW3CGJaA0MEldzpwT4nkShh0wxKKEyAq2KlKyeKsnlSyYMq0E3yeFwUBRls9nW7kkoUQyAwyS5tdbuB8DHRxKO8MmkC0UwmqQYTGZhUaFubk6lUrFYjL6+PpIkCRw/+uSTTevXt7ff1i/opXLZ0tIil8e7du3ajevX9+7dizEwi9VKkOTkxMQCm52RkdHR0fHuv/6+fn2DVCqZn9fhOJGbm7+8bHj2maeIaLj7/j0Ugew2C5PBEPK5oWCQoKjm5uYzZ87gOC6Xy//+97/DMNHU1FRfXy+VyZUKVU9Xj9FofPzxwxUVFTab7aOPPsrNzXW73TardXR0NBqN5uTkfOMb3zj7xdmWlpaioiJtWgaTyc7Ly+9o71i/vvnok8cHBwZe/9Of1FptRkZGTnY2XyDQ63QALqDRaG7euBGPxzQaDYqiKampBI73dA2zuWyJRHj12rU7HXdpCquqqi4tKSkuqxgbGbx7996BA4d7uu5TBF6Ql4dJJJJHHn1UqZTa7Pb5uTmL5UFdbS2bw8jOyYnHYqFgqKSkpKmxMT8/H0XRXbt3+3y+jz78qLW1JTMrS6vVgmxVLBZzOJxQKNTRfjs7O08qlQ4MDFy7du2JI0eysrMpkjxw8FA0EiosLORwOHdu37rX2VlcVCQU8HNzc3/xi1+QBDExMaGbnycJcvOmFv3C3OeffyqRihAYW1ffEIlGt27b0tvTiyDI8PDw0tJSdU0tgsDnvzgfi8fr6+vz8vJEQmEwGKRp4tatG/kFBTAMW222+/fuiUSirKzMpaVlgCEDjZHkwoUSAHpACQgEQmDNAbL8aosz0USlErMzFEHXhmEoYVAHwzDQ81orwbJ2m0EQBPglSRmy5DECr8GoJZOcZGFAJ0zI4TViAknMH0mQBEE0rW9cV7/O5/NKpVIEgVI12itXrphcrpMnT0okEovZsri49Oj+Rxsa1s/NTHbe7YzFYjKpNCc3D8awLVu2XL1yRS6X9/b2hsORdQ31HrdjXjdPEMTAwMAf//wXt9uXqtYoVcrBgcHMjIyPTn4klUpPnDixbLTwBcLhoSEmk+l0ug4/friwuOjsF5/6vH4Gk+1yezhsdigSHhoays7JLigsfOuttzQazZa2NoIg/vrmm88++yyby01LS3M5ncePH6chCEUx3ZxuamLqsccOX7929dKly8899/zuPXuGh4ej0Uh6WtrCwkIwGFxeXs7Nzb1+7VpbW1t3d4/b7dq5c9f7773/tf954cqVK1vatkAQOTIyFI/HW1tatrTtdLtcw8MjEpns3Nmz69c3ZWSknzt7QSIRwwiJ4TgeCAQIMnblypXDhw/X1nEWdAvAIVgmk0ml0m07dohEIjwe183OqjWaQCAAwZAqRdXb0+P1enft2uVyu8orKsbGx31er0ajnZiYyMnNTU9L/94Pfth+6waHzVYolfF47PXX39DpdOXl5VwuNzUlpbS0bGFx6dzZczRN7dq922az5+XlbWnbqp9foGn6+z/4/oMHIwROt7Zu/+KLs6FgKCsra2Z2liSIrW1tUxPjoVA4Fo9/5StfGR0dTU9PZzKZQ0PDJBmpqat22B03btyAIKht6xacIAgcXlhYXF2FMJKMzQlZcxqCIB6Pt2XLlnPnLoB1mVzTSTG8ZKimaRqiH7rKJZc4nLCKSr4tuXyTJTKcsCcDKj3IGnm2ZMJDrXGqBMZEAI6xth5gs9lAXwwYwIiFEj6fX19fb7FYKirKp6Ym33v/PYVS+ctf/gqM4TMyM31+/2effapQKbZu3ZqVle3z+rq7ulgs1kcffnjgscd7urvz8vPlcgWCIK1tbQyEHOq7L5ZIl5YMYqny1s3bDAaLzYQrKiuamxo4bNZXv/yVwaGhNI06t6AkGo8XFBRwuVySot1ud39fX1V1dXFxicfj/cufX8fjuMvlbmhsbG1tffnnv2hsauzs7PzLX/6yZcuWHTt2eDyekfb2Z770JUDYHxgYePzxwxw2B0HRifFxt9tz4ukT8WhMN6/Lz8sbH5/4/PPPc3NzvR4PjuNDg4MGgyEtLe3QoYMDAwPnzp09cOBAOBS8dfs2g8Vo2bwxMzNTp5tHUYbP5+Pz+QgC26ymisoKk8n4/nvvbN7YtHX71tnZaUwmE7PYhSc/+lAuU0TCUXfUOzU1EY/HS0pKZHJ5SUmJz+uNhsMGg0EuV+BxwulwVldV0xTEZnP6+2/W1tb5/P75Od0LL3xjbna2u7unrKw0Iz3NbrelpWuKi4uWlhfjeDwYDOI4UVhYvGPHzvb29j179nz88Wkul11WVly3rt7tdEkkwqbmBhRD1JoUCKk5c+ZTk9G4YcMmDEPjsQhEkTKpJD09ze3xBAJ+GIUJMr60pJ+anjh16qPa2jqFQrF9x9blpeXc7MJIMF3fplUAAFstSURBVL5pQ2txcXFPT09FRcXslA4nYhiDQ5E0TgFEMEwnPKVBcHW73V988QWGMVZFUGEahiGKpGkaQmAYQVGaAiYJJE1REAWB7gtgDwNeDljTa08DsNy5XC6fz7fb7avLF4YpGkIwmKIoehXJA8MQhPy/LP2ghFoj+I+rBw5F0TQdDARIisJQrCA//4UXXnA4HHy+4OLF83V1dQRBcjjcI08cqa2t++LzzwN+f3VVNYogAZ/v6BNHCosLRoYGCguLOBz2d7//3ZXl5dq6ao1Wdf++u672kYH+foKIzk5PyKQSnkA+OPy5Sqk6dvypBb1+aWnFsGLoWlk8+vSJSxcvnXjmRH1j07vvvuPx+15+5ZcURXW0d/D5AolUduH8uRe/8yKfL1heXsnNy1m3rsFqsebl5ZlMpng8vmPnTolE8t777/O4vPyC/Fs3bz799NMGg+Hdd94pLSurq61dWlry+X3z83MymTwzK4PJYppMplOnPn76xImS0jIulxMMBgeHhjZs3CgU5CqUKrVG6w/469c1qDVau93+2WenuTx+X09fLBrTaFIjkWhGhooiSQzDWlvbbt26wWQx/f4wi8UWiASffvqpQinHaIhyOh0ul+vYsWNWq9VisUjl0sWlhZraWoFA4Pf5MAb7+vXroVCosXG9w+GcmpratHnz4tKyQqHi8wUsNmd5bDw3L89qsYrFkgMHDxJ4fGpqIhaL6+bnY7GoUqkcGR7yeH1ff+Ebt2/deu+99x955JHrN27Nzc0dO3bE63X7vZ7e3u6SkhImAzMsL64YzCRB7N93kMFkWSxmo8m4pbXl0oXzkWhs9969CpWSy+fSMLR586b6upoLFy+uW1dfV1eH4/jVK5flMtVA36Db7d6+bbtELG/bss3pcvX2dqelqe12J4wgMAUnXXWTRwGYs4LuDVhjGMYiSZKCKJiGIAiBodUQjsAwTMPUQ09eWiwWA4WSxDiMSvZzknsASN9BEARDEEmSNIJBEMRgsgiCgBFQPDysfek1+DywqYA862rpAkEQBDU3N+/atUur1YbDYQaDEYtFT506zWBgKysr6enpVqu1vr6+t7d3QaffsWvX9NTU8PAwn893uz0Tk2NWq4UgCKvFmp6eFsfxW7dvFRblNTbU6eZnJifHIpHI1SuXtJoMCML0+iUaQq9du5aVmSmXS51uF5vDz8zM3vvo/qVlIx6PuT0+o3n5448/oCkaRRl9vX04QZIkOT8319Pd3dHRYbFYRkdGaJr+45/+7PP5Nm3eND4+XlFZ8YLgBTwe1+n1+fn5AGmiUqnatmyRKxTAiFssEVMUNTQ4KJPLFhcXcnJzbVYr8IwLBAJZWVlSiSQvPz8nJ9dkNL733vtHjx4NhsKTU5MSqejgwcekEuX09IxMKs/NzY1FY0KRSK/XOxyOsvJylVKl0WpCoeBHH72/vLz8pWefxSAYFgqFtbW1CIoWFhZmZGQYjMalxcVgIKBQKFxOJ47j9fX1KIqJROK///3vmzdv9ng8ubm5v//d75xO5z/+/ncYhru6ulgsVkNDQ3p6+vj4g88//0Iulx86dFAqlfb19T3yyCOBQIjH4y0tLQGS6Ja2tra2NpNxhcnkTExMRcLRmZk5pTLlypUrak1aakoKg8FgMhnnzp7DcfzA/n0ej3doeNgfDDx57FgkFjt/4XxfqubAgUNNjRsRFIFoqLe3Z3R0dOuWtsnJSQaDgWCozWbt6Ogwm83PPvfsF1+cXVq6LhAIYBgGbkvwmpYin8+Px+NgmYKkBbhkAyhlMjAnoWZJHUhQIodCoWTdDMiZSQtkCILA6G21GqYoGoIQGKJpCEUQCoIhGCLXpFLJBtTqfkNgmqZxPA6kShAEYTKYJSUlx44de/Bg1Gwxp2nTRGKxQqHYsqVVJpOFIxGFQlHf0OC0261Wa05ubl5u7tmzZwsKCuI4fvPGDQqit2/f3n7rrsfrjUbxkZHR6qraL744PzY29t3vfnfPI492tLff/us/d+7Y+cQTR7Vp2saGhrGxsfSMjKGhIQSGlSmqy5cvT0xO5uXl6XW6/Pz8nPys8fHxpqZmn9ePE8RXv/q10rLSOx3tXq+3sLCwoKBgbGysr6+v895dl9Pd29vLZDCKS0paW1tXVlZycnJGR0Z4PN7p06dDoZBAKHS5XCkpKQ673elw1NTWKhUKkUikUqmikYjRaEQQ5JNPPgHLDNA1Y9FoJBIxmUzvvvvu889/+Stf/erVy+f8/sDJjz7Zu/cRl8vFZDK7urp0uuUjR4/aHY7FhQW5TKZQKFAUbdncdvLkybf++W+YpqJej1uv083NzWVnZ9fV11stFrvdrlarlSkpd+/cEQmFXC7XYDCmpqpNZnNTU1M4FLI7HH/585+7urp27tyVlZUJQVBJSYlCodBotV6vGwAsRULh8vLymc8///kvfmG32XGccNjtU1NTO3fuPHPmzPzc3M5dO8LhiDZN+2B0NCUldXJysqiouKGxcWV5OT09vbOzU63RyOVyr9uln5szWSxiqaSuro7F4XC4HL83kJuT73Q4YBiWyeUkQVA05PO4dLp5GIY5XO7w0BBFUUVFRUw2Fo/H3nnng87OezCMJqmxyTSdxWJ5PN7CwoJAIOBwOJL5xn/VpiAqJ1f22sKUTkIqIIiZ4KwkZSmSfR6gUri2Pn6IzkhwHUHaQ1GUWCxCMUQoFG3fvl2j0ZhMRpvdTuDEj374I4vZ/Oof/vCtb387NTXFYrU6HM5TH3/s8Xh+9KMfTU1NLS4taTWampqaQCCwvrm5r7dXKpWyOZyhoSGXy7tj547rV6/uO3Dgg/c/UCqVEEzKpKLc3Fy9Xo9h6K1bt1EEqampKykpm5icLC8vByyI7OzsO3fa9+zePTk5+dHJk5kZGXK5/MDBgxSEt7ffHugfxHFSpUo58cyzc7Ozfr+Px+MWFRWtrKzMzs5+8cUXP/rRj10uNwPDWByuWCQsLCr63W9/W1BQ0Ni0fmJ8bHR0lKbpsrKysrKy1NTU0dFRnU7ncDhycnLKysr6+vtbW1tRFL1548bvfve7lpYWBpO5Y/v2YDCYm5s7ODjk9XqsVmssFmtobHA5zD5fYNPGLRKJdHp68tPPTj355NGPT57hcDkT4+M7tm+fmZ09cuSIQCj69PSn5RUVn332GRaJhMOhkFgs5vF4Ho9nfn4eQ1GJVOrz+30+X2NjI4KikXD4/Lnz27YrGtatoykqHo9/cvr07du3X3nlFRRFu7q6XvrJT1LUaq/HEwoGV1ZWpFIpDMPjY2Ner/fLzz8/0NdXUVnd0dFx/ty5I0ePxmIxnU63Y9eu3Nzc0dHRd/79rkAoLK+ompycGh4ehmG4vLxcIpWDrDE3J+fzzz6tLCuTK5V8oSA7JycQDLA5nNGhB/EonpOTg6DIysoKm8W6desmRNPFJcWxWOz0qVPf/d73JicmOjs7q2srNRrNt7/9zVAoODLyAE04BSUXazgcrq2tdTodPB7P6XTRNAV0uADUOVl6ggRpbesmubiTy5eiqGQLKBn4kzutpqZ2amoiFosxMAzFMIqkUARmMtk4Hqfo1SSnra2tqKiIpumUVFVVdWVqaqpQIKBoeqC/PxAMXrtylSTiJEkcOHTA5/dGIiG1RhONRnft3t3R3h4Oh/Py8oqLi0Fex+Vyu7u68vPzl5aW2BzO+NhYTW39V778FZFI8Oj+/Y/uewSCIKVCnpGTGwv733/vg8zMzKqqmtKSEolECsOIVCIBxXFhUcnVyxeNRoPD6VQqlV965pnFxUW9Xm+1Wk998hFFkR6Pp7Kyur5+3fDwsEgo1Gq1586dZbPZMrm8urpao9FMTU+99a+3Pz59urCoXDc7AdF0ZmbmG2+8odfrHt23X6VS8fn8V1991WQyrV+/XqVSBQKBnp6exx57DMWwbVu3+gMBo8EgEAh+85vf8Hi8xqamudlZuVwuEovv379fWVnxzW99629//VskHG7e0CwRyyxmh0wu37NnT219lcvp3LZt6/YdO0xGI03TPL6gr68vPz//wMEDLpdr44YNiMlovNfZee/e3cKioszMzNGREYfD4XI6R4aHp6amLBbL8tISk8ncvmMH8Fecn5+nKIrBZObk5OzctYvL461bt47NZntcLqfdHggENGpNJBwWCoWpqanV1dUWi0Umk3nc7qnJyUcefXTDhg0wgvz+D39oWNcgEUsrK6sbG5p279qjSdU89tjhpqbmUDgsFAqXFvUmk6mgsDAWj+/evVsgFFZXV9evWycQCmOx+O//8AcmiyEU8dhcJoYhdrvF53fzBVyCJDKzsiLh8OOHDy8vLw8MDJSUFLe0tLjdLoIgsrKyRCIRUIpNzsLAsrPbbU6nkyCIlJQUBoMhlUrB6k9Oqda+AAR6bfMneUo85IL9Z+4EGIM2m1UoFFVXVanV6mgkguPxWCwWCgaAiG8sFquoqACWMI8ffsJgMMjlsonxMaPJSFHkvG4+FAoee+r4zOyMP+BtbGzwej1jYw+6u7uqqqocDofVart165ZUJisqKsrMzEQQ5Pz58wRBTM/MEAShm58Xi0WqFMWnZ07/+5238wvzc3KzDIalV155+c9/+H13V09aWoZGk1ZbW1dYVCIUiQKBwObNm70+37mzZ+/fuyMUCr/+wgtWq9Xlcr355pu9vb0vvvhifkHhM888w+Nx0zMyAoEgQVJTk5PvvffelSuXDxw4MDU19cnp006n88MPPyQJ4oUXXjAZjXMz48Fg8N1338UwrKFh3c6du+Qymcvl6u7uDoVC//znP+12O5vLo2n6yJEjt2/fHh4aiuN4f1/fyMgIgqJSmayuri4Wjf70pz+dnZ2dmZmJRMK5ubl+vz8jI12hUKZptd1d3bF43Of1IijK5/P9gQCPx+vt6ampqeHyeGXlZd/61rfq6usqKst27d753Je/BAf8jpmpqZ6e3pqa6mg06vP72Cx2LBYrLSsLBgIpqSkWixWCoNy8gu779wEckiSp3t6ebdt36PW63Nxcw8oK8IdEUXRmdlarUV++fOkHP/iBUCS609GB47hIJBocGn70kUc5XO7lS5dPPHOCpulr165t2rCpt69vw4YNS4uLKlVKflGhw2YTCPlsDofE8Rs3bz4YfdDa2oLCsEwu4/F4Voslv6iwr79vxWDcuWO7zWJeWlricDjZOTkpKSk/eeklo8F84ulnuDweRVGv//nPW9q2lpaWwCitVCl5PMG//vmv99//UKVU4TiuUCgWFxcpigK6JhAEAXl+n8+PYahMJvP5fEnzm2TOQ///gJDBi8/nJ8xamBwOJ+kTBeqKTZs2qdXqo0eP6uamw5HI5UuXA34fqJZdbo9MoTp+/PjKysrCwsLTT5+AIIjNwaw2cygYvH27vby8/ObNG2q1ZufOnfNzc1qtNiUlJRQKAe9olVJ95cpVg8G4fefO4uLiUydPWq2W5ubmsrIyCIYXFxZcTqdAJJqbnT189BCPywsEAqpUTdf9e9//3vd8Pn9RQckPfvADl9ut0+laNm8eHhluaWkd/n/KesvouM6r/fucYWbUkEaa0UgayWKWmZkpsR2HkwZap5C6aZs0SZ800Cdpgw2TE8eMsi1blsXMMBoNz0jDzHzeDydW839ef5LXOsv2Wr5h33tf1+8aGeFwOD6/XywWE/D4mzdvolBIJpNBo9HUanVZWRkIgleuXCGQcfmyPEGO6PXX/mfXrt35+TIKlfqfTz7KZDIHDhwQCoXxRCIaiUgkkkgkZjQa2Ww2kUiEAMBkNOYIBDwu12g02u12jUbj8/mPHDtGJhLOnjuXw+ez2WxpXt7NGzeqKivxBAKXy8lksvwc/vjYuFwuf++9944eOzY1OZnOZB48clSjnjt37sL+/Xu6u9qCgcgzz524d7e9sLCgq7t99+7d8Vh2eHiovLw8mUyxOexbN2/G41E2h1lZWel0OlE4HEomzyurKB8dHgFBRGlJ2ejI6OTk+K69B+2LJqfNbrfa+vv6du7eTSQRl5WVkkik+XmNUlnscTszmcyCxXL58uWjR4/mCAQXL1woLyurqa1dvWZ12507fr+fz+eTyeShoaEnn3w8GomePPnHffv2RcKB6y0tXA7XbrdWV1eSSISSUiUOh/O5HGg0wmFf1Ot0HC6XQiYolQoAyKg1mjpGbW/fKBqDKV6m1GrVsnxZMhn3+31TU9OFhUX/+eQzu91x7Nix8+fO/uUvf/7u1Pc3rrfs2LXD7/NHouHKqgoSmeRyuvv6+gAAcLlcMA0Xrn/gXEAYg55IJNBoVDKZhHX/wC/kmbCQYalwX+rYZO5n7IEgCHNL4e/hdzBc8cdiUQiA8ATs5i0bHE4rAILRSGTd+nUGvf7xJ5+an1ONjY3XNzaSSCQCHluiLCopKYIgaHh4aGpy1mIxCwRiBpOzatXa2to6WUEeCo3Q6/SnT5/G4Ql8Pl8uLyCS6AgUisNjy+VSk15No+ByOMVV1dXRaKyzs3NoaPCJJ54cGOh3OJ0ep8eZdS0sLKwgUzvvdZaXVRAJhEg04vW5ly1btmr16vHRMZ1G39zU3NXd9cyzz67dsMHn9czOzIglYrVavW37tr+9+lquRILFEzQaTTKVnhueEApyK8qrd+3alUolpXmSTDr9zDPPCUXCmelpEETg8YRUMi2TF0xMjPP4fB6Xm5eXf+3qNQqZRsATuDyeSqVCIlEikfjV11/v7Ojo7+1ZVlqaL5PRqNRkMqlWq8Ph8K5de1msnLt32hYsdq1W63T6fv/7kwQSTiQSGfT6OdVsfn7+zt07x8bGJJJ8Ap44Ojyk12utVktdfW06BcVi0bXr1ni9riwUN5v1ikLFW2++tWvnNjqFbtDqUQAA4QnYUNCHw2EZDFYikSSTKbt27jz9/beTE+O7du++fOlSMpnMycmBAOBGS0tzc7NqdqahsRGPw+EIRLPJLJPL8/LzP/nkk0KFQlla2tHRXlxURKPRAoGAVCq12mz5+fnxWBSHw/zud79dtFpbWq431Nc7HI7ZmWmYeMPmcFLJpFKpHBoaWla+7LvvvkMgEPn5+UQCgc1iAQB0/uI5m9X2q2eecTltwUCgv793oL+fSqUDANDScrOl5cb+ffspZFpxcXF+fv43X321e/duv9/vdrmQCMQPP5zatm27el6j1+vh4xuOEYBzOpZ+LYUYLBX0AADgcDiRSBQOhwOBwFK3FN4//wfVCE8D4KTHQCAAa+ZgcB0EQWgMSiIRUahkEABqa2q7urqGh4b4OTlIFBKLxx84dDCVSmnm5ylU6ttvvTU5NSGXy2/fvlNUrKTTmQpFkclklEqlTqdLb9Cg0KDH42GyWDQaY9eu3TlCEQQB/37/fSwalcPnh31eeX6+zbpos9kcDqeypASGlDU0Nnfcu3vz5q31Gzbs2LnLoNfnSfPq6+pLS0uMZuOd23dwWFwyOcvl8Z957rl0OoknELq6ulpbW81m8/r168fGx9esWZNIpXNzc/2BAAKBeOj48aqqqlAw/NnnX2zduj2VzqxcuTIcCun1up6eATwe39zcPDurslgWICgrEAhWrl4DAMhELPKXl/6CQKAEAqHf7+Nw2GQyOZVKD48M67RaDpu9ZcsWmNnqcrlmpqf/9NJLZpMpEg0GAi5uDhOLwUSiflIC53LZ8BECAoGAERXBUAgJgiQSKRQMMxksEAQPP/iAbXExHA6fPXe+p7v35Vf+zOezA0EvBovDoIkvnTw5NTFqW1wsUhSC8ZjL7/P3dveWlpXfbbu7fMXKImWZz2l97bXXpqenn3zySSKJ1NnRIc3LU5YoFxYWaDQam8MhEYkYDIZGZxAIRDQG+/KfX8pC0Au//e3Y6CiBgB8cHCCRSJOTk0//6lfwNc3hsK2L1v7+fpfL6XS6nv7V06e+PyWXydesWeP1evt6eyPRaCIeb21tffjhR6VS6VtvvcVms1ks1oEDB4eG+klUos/n37RxYzabPXXq1M6dO3MEOR63x2xZWLasLBqJEQhEgUCIwaL7uruuXr36mxdeIBIICxZLMBRishgMBv3NN9/+/vtTKBQGBMClfg7c2YRxpXBsI+J+4G46nfb7/XAFj8Fg4E4/3K7B4XCwKO2XDwn4vE8mk7m5ufF43GazweF86XQag0Wn06lt27YuW1ZSXl4eCoTdbrfRaPzVs8+mkknYQhUMBOh0+szMzKVLl2BubkNjkyQ3V6/XFxUWZrLZjZs2qWZnL1w4o5qbyaSBqqoqoUicSqYhCMrNzWdzuPOqGTqdViCT3b1zx+fzZRCIzVu2SiTiOZXK6XKd/vHHdevXpRLxLATV1da+/fbbGzZscLlcGq0mP1+q0+qtVtuePftmZmY3bdrM43OzUDYcDhuNRqfTaVlYWL1q1apVq1AYjNlkCofDrbdu5eTkpNPphoam2ZnZkmXK8fExJoOuKCxobW1dXLBrNBoAgg4/8IDP56usrCSRSVw+b9G8EI5E/vby337729/R6Izx8dHCwoJFqzUWjYrEYpFI5Pf7BQJBIpEwGgx4AgGFQvX09PB4PCQqI80Vc3k8HBZ3+3YrLCDPZjEFckU4HJqYnMTjcDKZrKSkxOtxo9Fog16PwWDmNRqRSHTq+1NGo2nf/l0UCqmxsWF0dCIcjm/fuvVWyxWBQEAikVCxaKL11m2JJDcQCFAoFEVhQToZSSSTq1ev3rptGw6L7evvp1Kpzc3Ni9bFXbt2DQ8Pe9zuRDwuFImoNFoykVy0mJ1O5zPPPUcgkqxWazgc8vv9MpkMfh1m0unZ2VllyUGjwURnMI4df3RibGRsdCwaidrtduvi4tjY2IYNGwYHBzlc7rGHjqPReCwWe+zYw9U1NbMzM2fOnFeppp55/ikAAm7cuLlhw4bc3NxMJjs/rwn4/clk+tbNWwUFChBE8nOEOo2mu7vb7Xb3dHXJZDIOh2MwGMoqloVCofb2dhhqC4I/Q0Xhhj0CgXC73UvyNXhXwNES8LKGEeTwFQGTre7bIH/u/WfvsxlhCTQcag0/oCEIQqNRAACmUkkUGl1dU2NbtA4ODD308MMkMjkUCJjNZpvN5vV6vV7v/gMHbt++fejwYSqFMjw8PDY2CgHA8ePHtVptLBabnJjo7+9PpzO1NXWbN2/t6Oiqrq7VabSdnV3r121yO11+XxDKgucnLs3NzYUj4aKSIh6fg8PjCEQ86IZ27NxRW1dn0utu3rxJJBAAADCZTAwG83d/+IPDtohGYXbv2Uuj0olEksViJhDxldVVIAhW19QEQ5GzZ07fuXMnHA4HQ6Hy8nIqlcpisRYXF2tra+l0ulSa++UXX+LxWKt18bHHHnE6nWazee/evV6vl0wmI5DIdCbz73/922ZbpNMZDQ2Nr73+OpfLc9jtew8c0mlUvT09cPRJLBr95ptvDh46RKfTY9Goz+erb2hYu3btO2+/TSYTkGvXgCD6/PmLLCZ9emquu7uHQCALBGObNm0kEYmVVVVjo6NMJpNEwKNRqPLKyumpqYaGhkQiceTIkfLyismpsVdffVmv18/Pa0+c+AMajVIUFoyPjVdWVYHRiP+lky/K5fJ0Kllcolyzdi2UhSYnpkRCoV6nW7BYVHNzDY2NVVVVJotZIBAwmMzpqSmVSsXlcmlUmt8f4PP5XC4XhUZ3dHQUFhaq1aq6utpgIAiHjYbCYQadnkimY7EYHovTaDUFCoVWo8FiMd998202m9m2bZvZZCoqLi4rK/P7Azg8KZvJDA0N7dm3N+APDA8NsdiMdCblcrklEjHcQs1kMiKxSJonffvNt5uXr5DLCxAgEovF3rh+dcuWzTMzMwqFoqWlpa6uTiaTJVLx3Dz5Y4883N7ejkJhAOj/McgvLdzs/5uduPTNkmwOLvThtQ5fCBgMBoYuAgAA23mXkLrAL2VwSDCTSQuFghMnfhMOh7o6uktLSzEYDJVKFYvFpWVlszMzRoMBjcEYDIaG+vpMOm0wGml0Rq5U2traymKxTCYTlUo9evTo9evXChRyPl/AYnFsVtvQ4FBdfQOUSkZCof6BwYMPHO7s7Gq91bpp0yaBiMvisEkkEg6HC/gDc3MqgUAQ8PknJyZABEIskUjz8r0et8NuGx4Zys+T3b5958jRYww6s7+/v6y8rKCoEING37xxA4FESsRiZWnp8OBgNpvVarXDwyNPPPE4i82emZkZGRrOyREsK19msy4Ggv7169ddvnhpz76Dw0NDZrO5oKCASCTqdLpEIt7efnfz5q1ajW56evqxxx5fuXpNIh7FYLEajfrtt97au3dvMplsa2vzeDzvvPOOJDevp7tTJBZbFxfb2troNHYoFGExmfFEnE6jj46O1tTW5Ag4IokEyqQHBgaCwSAcCTOvnhsYGHjtjTcyicTgwAAag9ZqdDk5guKSwjf/8brNZvd6fU8+8axEImq5cqmuvi6TyaAy6UxhYXFlZUUqk+ZymJ0dd0OhSCKWCodCVVVVLBYLRCDmVKrFhYWiEiWFSpufn3/1b6++8MILRqOBQCBCAJAvk6dSyZ9++qmvt3dOpVIqi77+6uu5OfUf/vD7UCgUj8dt8XgikW5sbPzxhx9zc3M72juUSqXVZrVYzEgk8uy5cydOnKBQKP5g0O/3X/zqy7q6uvz83MH+voICuVDIl8nlvX19AqHQ5wuo59XV1dWxaIxCIV29coVMJlMoZAadrpqdc3s8mzdv5vP5eXl5Pp9PIBDMzc2tWLlSb9RDUEYkFmcyWSwWmUlnl/RtwH2F8/9pd2b/S/v5r+gNiURGo9Hi4mISiaTRaGBA6tLMC06VhIdf8DwLRtVCEAQCQDqdfvSRR/ftP3jl8oW6urr6+vqyigqDwTwxNtzf10ciEjlc7uDAAAqFxuFxep1eo9EYjEZFYZHFYrFYLNlsFu6orF27dnhkWK3Wrlu7Tq/TGY2mAwcPjfR1Tk1N4vC4OdUMDo/5yyt/IZHJY6MD5hGzyWR8+umn9XqtxWKOJ+IELJ7OZNZUV0tk8g/ee9dsNj/yyMPhSOhee0d5WXlTU5Pb7W1qavIH/DqtlkQk2my2Y8eOBYPBO62tRCJRJBZ3dXWdOPEbPp9PJJFbrrd0dHSeOPFCx72OTCaVn5/X09OTSqfOnT0TDAa3bd+hKCwMh0I3btz4zW9+s3PXzi+++Kq8otzj8ZBIpHAkMq+aNZr069av379/P1z0CwSCdevX0+l0s8mQTCYH+/s3b9nS2NQ0PjpJJlP9fl9FZWUwGNyybWsiHmcwKfFE/F57eyaTqaurU6lUcEtmZHjYZrFMTk7OqVQHDh48/eNPG9Yzv/v6m4ICxUMPPXTs2PGrV680Ny3fsnVnb09PTo4AdDusKpUKgtJ4PDZPJj31/bdCgbCpcZXNakWi0TQK5auvvoIP+JraGi6P9+Y//lFcXFxSogyFwoFAUKksKVSWtt64Ho/H8/Lyvv32WyqV8sCRB1FIJJTNdnd3z8/PY7HYXEmeyWQWCAQUCsVqs+Gw2C3btoaDfrPJNDg4SCKRFArFfTQiP5NOm8wml9OzYkXzhx9+vHff3mQyW1FRns5kMun0zZs3s9ms3W6VyfL4/Jxz5y88fPwRIoHE5vLikaDL6QhHIu+8887TTz9dVl4+OzsbDPnpdIbJZH799b+jUOhMOgtL+ZfOdQwGswRbXjr1ofvh8r98+5JIpHQ6LZFIdDod/LqFcdNw7z+dTsPKFtjbvrRtABCAoDSXy/3Nb57HYDABX7C8vNzr801OTBQoFAG/XyqVwgNXrVY3PT1FoVBisSgCifJ4fc3Nzbt27cLhCdeuXmGxWBaLZd/+/d1dXVVVNbFo3GAwrFm73qydbGm56nJ7HS5384rVPIFw9eo1Xrd9cmI8mUrl5OTAcTJqtXpsZNxutzc2NtY1NETDYSwONzQ0SKdTJRIpAAFikSSeTMViMY1mPhyNJOLxB48cAQEgEAzeaGmJxWI5OTmBQGDDxo1UGv3br7+y2+3FxSWaec30zNRvf/cCi8nw+X3PPvM0k8mjUCh/fflluULRee8em8VSqVQQlMXhCe1325c3rzCbzW63R6ks9vrcBQUFPB7vhx9+aG5uDoVCyWSSxWIxmcz5+fktW7eNDA/h8HgejzU+PlpeXpGXnwci0Jcvno9EInV1TSwWe6C/PwtBE+PjFZWVJUplOpkYGx3V6nRoNLqpqQkmGNDpDINRy2TSfvrpdEdHt6KgeNeOPXwOLxqLFsgLECAIpVIJGp1RuqxiccERDMa3bN0FIcDvvv++r6+3b2Bg0WZtaGri5+T855NPB/oHCwuLEonkxx//R6czyOQKWUHByNDAa6+9Zrfb/X5/eXl5Y1NTLBIDAcTk5BSbzXU6XQQCSSQR79m/l8FiRGNRnU47NT2JQqHIFGrpsrLlK1cuWm1j4xNms4XJZnO4OQODIwCAYrHZbo+fwWR1dHTh8bju7m4AAARCYWFREZFAYNCYGAQuTyp/9W+vSXJzGWw6BKQAJEIgloyOjStLS/MLCianpvk5gqbGxsqKiu3btuVKJOlUGoCgX4IVstlsPB6HCSi/bPkvDXGz2Sy8E4hEIpFITCQSk5OTcMwem82Gz374+L9PmY4uFVfyAhmcWYRCYUKhSCyWzMkRFRQUfPrpp9evXbtz504ykairr8disRUVFQQCcWRk2GAwkMlkl8vDYrFOvPCbLVs3d3V2/OH3v+3u7gwE/C6X0+FwNDc32x02JApUFMqRaBCJxu/a+4BIkv/Qw48piopoNNr169dablybnpmKRsO9fd2DQwPJVCJXmrtz5+78fLlYkvvi7/7g9weJBKLVar91q5VKp1Go1G++/+7ixYuxaJRCoc6r1QwGA4fDLVqtyURi48aN6zdsqKioqKquBgHg6uVLpcuWrVi5sqq6csPG9R988H7L9ZaWlhuDg8NYLAmDwRw5cuTsmTPffPnl9PS0Xq/PZDLr1m+IRiIlJUomk87msskUIgqFqKyqmlWp2traqqqrx8fHuVxuXX29y+1mMBgHDh2mMZgIJHJ4aCgWSQz0jcxMzzkdvh+//7Gvd/DWzTvjY+PpVKqurq6osDAnJ6ersxOFQpks5rLKimee/zWFRh2bGOfweVw+l0qnoDEoDBZpWTDt3783EPTh8Zi2ttu3W2/5/V4UFocrLy+/19HR3z+AAMFcidRud4yNjmzYtJHL4eDw+GvXr+p0WrPZzGAy6XSGTCaz2+1q9TwAAKFgsL2tbWJi4uVXXjGbTJ2dnXv37cPjcFgczuVymS0LZpOJQqEGAkEikWgxmWCP2PqNG8PBgNlk5OfkYHG4qpra+obGifFxfyDAYLIAANy6bXs2C9ltViaT+dvf/V6n1TGZjFAwNDc3RyFTeFyeWCK9fP68WCLx+fy5eXnJZAJmYur1BrFIfOShh+ZUKo/bA4BgXl6ey2UbGx2TyxVSaZ5Wo8NgsGg0OnO/dQOL4UAQDAQC8CgXAID7MsyfTV7w88Dr9S61O2EoiNVqxWKxcDYMXO3EYrH8/HyPxxMKhUAQbGxstFqtAADE47FNmzbtP3AwGAwmYtEHH3yQRCINDQ0tLCx0d3dXV1cXKUvgdNQTJ0643W4ul9vQ2MjhcQEIisVjmzZvAiBImidFIBAOu51EJN68ccNoNIZCoQePPFimLLUsWM9fuDQ4Mvo/b7wRjcUymcycagKJRASCwfqGhsmJyba2O0wme8+uA4lEAo3BvPnP/73Xdken0zEYdBCRPf3jj+PjExQKbevWbTa74/ad2wIBn85gBAKBRDzu9/mGh4dZLFY8Hne5XBJJrlwuL1lW1nLt6oXz5y9fvvzSSy81NTWp1Wqvx+uwO9Fo9OTkZF19fQ6fT2cwuru6TCZTOBReu25dKBT67NNPg8EAj8cnkUkcDmfjxk1dnR02q1UgEOTn5//rX/+CX0eBUDgZjwUCAZvdTiJRHn30CaPJ6PX4ySSqXKbYtHELhUoOhUJYHA6JQnG53EgkgiPgfX6/TqdrXr5cWVKCRCIXFixGgyno9zNZNKWyMFcitdnsJcqS/v6BgZ7eXXv2ZLIZMJUIgwjE9NSUw24Ph8OFRUVulysej7LZbJfLpdPr51Sq/Pz89Rs3yWXyLATptVo6g3G3re211147ceJEeUXFzPTMlStX3nnnbTjls76xsaerK5vJYHE4p8u1YsUKAIKGhoYSicTIyEhubu7mzZuz2axIIpmZnKRQqQaj0eFwFBUWUiiU+fl5EomUyWSKS0q/+OzTdevX2222VCrFZrOqqqpGRkehbDZfJjOZTHgsHokAJyYm9uzbByIAnUEfDkc/fP+DBw4frqqq8ng8bDY7GA4zaLTJydFMOm0yWlSquXPnziMQSAQCkb0/sYInYkv6Bbho+SWJH4apLI2B4c9gJwBsk3c4HHCyBo1GSyQSQqFQo9GkUqn8/PxgKBgMBuChwYYNG7bv2JGIxSYnxo8cPUogEHp6enp7evB4/P79+0kkUiab9Xg8LBYLBIDbd+4IhcKm5c0t169PT0/DsaQNDQ2xeGJocGj37t3JZPLMmTM8Ho9Op9sXrD09Pels9pnnnmloao5GI8FgQD03I8vPZ3O5d1pvDQwMPvX0Uzeu34jHUlQKpXn58mg8YdTrIABgsRj5MqnP549GYzwe/+bNVokkVybLz0LZbCbD5XLtdrvP54OBWWg0+sEjR4wGQzqdFonFVArlrbfezmQye/fuXVZWFo1E2Gy2z++/fPlyNBL59YkX7Dar2+1ms1jjExMMOp3N4ZhNpng8TiKTm5ubk8nkF59/LpPLUSiUy+mamppcs3atyWiEuRgwDfvQoUNbt2+Px+OXL1zi8riS3NycHP68en5xcbGgQE5nMG63ttbU1Pj9/o8++uiVV17p7u7E43CZbBYOdGMwmRbzgkJeSKeTu7o7zGaT3xcSCiUV5eVFigLN/DybxQZ9bpvdbkeh0elUSqPRCIXCQDAQ8PvkcrnJZKLT6SWlpfFYjMFiIUBkKpU689NPtbW1oVBodnaWQCSCAHD9+vVVq1ezWazZ2Vk4ZjQQCPj9fgqFsmfffgjKWszm4aEhk8lUXFyMQCK379jp83q6Ojsz2ezu3XvGxkYddruypCQej3s9niwEFRQUWCzm55/79fPPP19TW0skEgh4TCAYDIdCkWi0oEABgsC8ahbKZvLkBd1d3SAC2TcwKJcr7Dbrk0884XQ6U+m0SCQaHBjg5/D1WnV5eTmdxvQHQwf27V9YWMRgMNn7Vkb4pCeRSHDr85faT+B+QAb8ZoA/Rtwn7zocjgMHDuzYseOpp56CbTHpdJpIJMZiMfhhXVlZOTwyBP85qVR669atf3v1b+OjowG/D9ZR+/1+mCGnVqt37979+eefFxcXKxSKXKl0TqUaHBosViqdTqdQKPz2228JBAKTyRwcHHr88ScKCwuj0WhlZaVarX7xxRdXNDZDAFCsVDY0N9IZDCaTCQGQ22FzuVxuj/sfb/zj5MmTJctK33j978lERllSYtDr2Wx2Mpns7Ox87vlniSR8MBjS6w11dQ18vmBmenr1ujVzKtWCxaIoLLRZrQQCwR8IdHa0h8MhZUnJ1OTkwsLCBx98ODMz3dc3WFdX19XVtW3btsrKyu9PnaqsqCAQiUQSKRoO+/3+UCjE5/PD4bDD4XA4HDQqddeePcPDw/fa22VyeSqZ3LBhQ09v78TERHFRkdVq5fF4RCKxrq7ObDZ//vnnu3btCoVCK1etvHzpMpFI5PK4aDS6UFEIgMC1q9dmZmYYDEZZWdnAwIBIKCKRSfwcHhqFggeXdrudSCR+/dW3Dx4+Fgx6z184Fwz616xZ9+CR4ywG3aifr6ys1MxrwHg06Pd5f/rpp507d/L4fAwGM9Dfr1LNFBcXFygUiUQCi8HAJPEbN2/t3LkzC0FejwfOY7p3716hQiHJlUxOTs1MT2/bscPlcCSTydHR0fHx8f0HDriczvqGhsmJiXgiEfD7ORwOmUKJRqLSPKndbs+VSGLxuFgsRqFQCCTSYjJpNJrOzs7t27fz+Xyn0+lyuW7cuFFUpKitrb7X0fHQsYf0eh2Hy+Xz+MGAd3pyHE8iZ7NQS0vrc78+gUAg7rS2Tk9PWyyWo0ePrlm3wbZo6evrTSbjCrkcjyfKFYVPP/nU1avX8ATC0oKG7lvL/4+qGT7y4dfwEvQB7oHCI2QQBDds2KBQKD799FMIghKJxNIgGb4fIpEInoBDIBB4PD4ej3O53A8++IBAIPh9XofDaTQapLm5JBIpGo3SaLTu7m4ajYbBYChUqlAonBgfFwiFDU3NwYDPbDa3tLS0traSSCQ+P2fnrt1Oh4NCoRQVFeEJhPfefXff7j0ABIgkYvOCJVcqFYolGDTyh++/n52dLS4uunu3vbS0JBqNolHoLZu3Dg8Ph8NhPp+PRCCIJJKisODylYvhcHRiYoJMpv7q6V8tWu0222IiEV++cuXQwEA0Gt2yZYtCoZjXzLXeugnDEG7dvLl9x46JsfECRdGsas7n9R48dMhiNmey2Rw+3+1250ql0UjE5XYnk0mhUGg0GFpbW3fs2FFdUzM+Pg5ls319ffD5/eSTTy5fuTIei2k0mg/ef7+6unrN2rVajaapufm9d99dWFioqqp69LFH0FgiAKUi4fCCxWK1WskUypxKrVAUzs7OzqlUIrGIx+Ot37De5/VOTU/19vQUFxcPDg4mk8mjRx+SiKRutwOHx4TC4Wg48sknn//hd78d7O9mczglSiWYiIXOnTsbCYe3b9/e2dVls1oTicS+fXsuXbpUUFCwctUql8vFZrPnVHMDA4NsDqe0tPTSxYuPPvoo7FjFYLF+n8/ucLTeunXg4MGR4WGJRHL79u1jx4/7vF6n0ykWi+fV6nyZjEqhkMhkFAo1PTVlNpura2poNJpWo/F5vYqiIiwOR6fRsplMLB6Hi7Hahoaerq5MOo3BovOkYjKF4na77Hb76Ogog8EoLpRzOEy73cXm8Ds7u5eVVeHwBBCAurt7GAz66tWrMRiMxWKJx2KnTn2LQiKLipQsJqu7u/fu3bsarRbO/1oqaYD/148Sj8eXPvjls3jpG3iTwIZdKpUKc1PgXQH/AD8eUukkvBngv+Xvf/+70WgslMs2bN46PjYSjURisVgkEmlqanr77belubkNTU0cLjccCqFRKJ1eX1FZQaFQNBrNlStX8vPzlUoljUZ3uj1YNJpIIvm8Xr1ej8VinVZ7VU21RqstLVvW2dlZUKgAAbDl+vWNGzYwGIxwOPzFF18IBIIVK1aMjYweO3bMaDL5fT40BoNCIOWFcp/PHQqF3333vcLCohdfPEmj0U+e/GNFRfmuPXtu3bhhdzgefewxn8eDw2NcLse5s2c5XM5Dxx8Z6O8zGPQOh1cqzdPpdAgQJJFIBQUFK1atyWbTSCQyFo0aDQYABE1GQzyeqK2rU6lUHA4HBAC73V5bV+fz+bq7urg8HofNVqvV4+PjBAKhsbERi8Wq1ep4PK7X6zdu3CiVSvEEXDabIRAIdpsNhmZfv36dzeaOjo7H43GJRNzf3//BBx+kM5mhwf5du3frtNpgMNjV1SWXyzOZLIVMkcnyBAIui8t7951/tt259+03XzsdNqfd7g8EEIl4rKioaFlZGYFIXFZaSqXSysvL0WjUuvXrKyorsVisSCwGAMBsNh9+4IGa6mqJWPzgkSOxaBQmY8Kil6HBwampqT/+8Y9MFovJZB48eJBCJjsdjoqKitGRkaKiogKFIpPJ4PH4RDyuLCnZsmWLw26HIMhms82p1XgCYbC/Hw50SKdSdDq9uLg4Ho3D/38mkzGejOkNutOnf3Q47DU1VXQ6LZlKRCMhPAEXjUXodHr7vXvDw8MIBHLz5s0Ws3lxYWFOpRofG0MgEA8cPtRQX992+7bVaj169EhVVdUvGLn/9SIutTvxePyKFSshCIIzg6FfgEmWqiZ4xcPZqel0mkQiYTAYBoMBx2gvGQPYbDZcbMCqUpvNlieVrlq9OpNOFSoUAAhGo9GGxkaz2VygUIBIJKy5si4ufvP1NxAEhUKh4eHh7u5ukUhEpVLhR9S5M2fYbDaUzYYjkYqKCjabgwBBi8WCQqG+/fpro8FYU12DwWDWrF4tl8sLCgqkUumWLVvq6up27N6/cdOmS5cvazWaWCxGIpEkuRLr4iIEQHX1Db85ceLV116HVdlPPPGETCb78dSp8+fPgwAAZbPBQPCf/3zr739/1ely3Lx140bL1by83EuXLtlstg0bNoMAgMViM5lMIBBob7s9Mz1t1OuvXb3q8XghCBoYGNLpdDkCIY1Gu3XzJgaDqa2tnZ6eDgdDFZWVLCbTZrPx+fyy8vKq6mq5XD41NRWPx+vq6l7685/tdvvQ0JBWMz85Meb1uH0+7z//+U4sFj1y5Mi+ffuPP/xwTg5/+YoVW7ZsCUcieDzu8OHDdDq9qrpaJBLNzMwikcjOjnu9PV0QkAoEfZGIPxTy1zVUp9OpK5cu/uON//now/fBeDQwNjoqFIlYTGY0GiUQiZlMBofDpFOpoaEhsVgsEAqTiUQikcDjCVgCSTs3C8PKk4lkjoAvzZficITnn3+ezeKsWrVGKs3t6emi02mbt2xBIpHJZPLMTz+tXr26WFk6Mz1NIBAgCOJwOAsLCwuLiwP9/Xn5+dt37KCQySBMWk6l/H7/vFqNxmB4XO7AwIDL5TLo9Twel06nDw8PHzp4iEwhj42N0ejkVDpBpdDz8+V6vfF///mvo0ePHT1+dHRk+PVXXzty7KhQKFxcXCTg8aUlShAE51SqcDiycfOm9/733X/9619YPB4AABAAM9kMEon8OaMFygIQgCcQdu/e3d5+N5lIhkKhbBaCW/7ZbBbOoVm6E+CrAE7LgzukwWAQvlXgSyCTzSBABAACSCSYSiVXrlxRV1eXlysjU6gEPG56ekqpLFGr51LptMvl3LN3T3t7OwAAdrtdKpUikCgcnoBAgFJpXiAQgPVwsUikrr5hfGT45s2bFZWVy1esplCIWQhsud4CIoDiosJgIJDJpGlUKpnCyGZTAJienp6sqqzp7hrA4kka9RyJjFu/fvUbb/wPj5tz5Mjxy5evZaBU8/LltbW1MzOzRUVFt27e+vCDD/74x5MiiRiNQr//738zmYxMJpOTI+js7GhsqltctIjEEolYGgyEiSQCBoMxmc1r1qy5cvkyCILLm5uJZPL05Pi8en7Xnn3xWGx6ahqPJ+DweEWhgoDHjU+MWW3WwkJZwB+YnVFxudwsBBGJBIfdIZVKcThiNgtotdpEIiGRSNatXz8zM6PTzs+p1WVlZctXrtJq1KFgsKKqisFkoNH40z9+5w/4d2zfMTo6SqaQk9H4+s1bIsHASydPNjU1aXU6haLQZrWVlpYIxcKFBeP01OShw4dpFJrJbNXrtCQSGYxH/A6HI5OFEAhEX28PnU4XCAXKEmU2mzWbTFwOB4FEotFoAIIi4QiIQEajERAAdFrt119//eLJPwJglkSitN9t37xlWzKe7Orq6u/vragsx+FwiURi7/791sWFifGJUCjS2NQEm+4FOTkej4fD5Trs9sqqKlgK1t3dnZefj8PhZDKZ0+EQCAQOh+NOW1t9XZ1CoYiGI9ls1u128/l8Ipli1OttjoUrVy/TaYxAMCQW5zY1NONxePOCSSQWuV2u4uLiTz/9dHp6+sSJE0WKAn8gIBaJzp49y2Aw3n///YWFRej/Fyrx86oFgWwmm0wmt2zZYrPZxsfHsRgc7BUWCARms3lJMUEikfx+Pxw9BgcH6nQ6eAa8dLcQCIR4PA4BWQQSTKdSr7zy8o4dOxYsts6ODrvdvn3HjuGhIaPRuH///vaOe6tXr1apVBPjE7IC+fLmZovFgsJgauvqLGazTq+fnZlJJJLZVPLkn07evnUrHo93d3e7XK7ly5dv27X72+++L1QUHDh4eH526nbrzVgkkicrQqERoZBXq9Nu3LDRuugymxf37N0TCvmuXbvY1nbnT3/6C5RFQQCQyWba2tpS6TSFTD720EM93d0//ni6UFG4efPmYDDY2tp6+PBhPB6vVJbG4tF0Jv7xRx8qS0quXW3ZvXNfWcUyk8lIIBDGxsbGx8ePHj2WSMZ/+vGUUlnMZLDLyspv3Ljp9XgfefQxBBKl1WkQCFAkEuj12nA4iMfjhwaGXG7X/v0HNFoNAgArKismJmbWb9xsMZni8QSRSGBzOGw2O51OoVDIy5cvi8TipuZmv9c7PT2zrKIULpb6+vvKy8opFAqPx/v+q282bd4cjUbZLFYqlXJ7PGgM5mbLLRqNun79uo7Ouzt3btdo5oeGRjjsHKWymM3hIDBYvFqt7urssFkXE4kEiUTyeryzMzN2u51Op6PQ6Ew6HYlGXC43Go3+z8cfeVyuSDgsFApffuUVs9nU19t348YNrVbr9/stFguLxXK6nAaDAY7RHOzvp1AoAX9gZnY2nU6Pj40xGQyfz9fU3MxgMDhcrmZ+PhQMWiwWEomERqHodLpAIGAymbF4HIPBHDp4kMPlWq22H374cWFhwW63a3W6c2d+Gh0dmVdrhAIRj8fHYXH1dXXrNm3p6+/97rtve3p6mEym3W7HYrG7du0ymUzt9zra797t7+9/4MEHo9GoTqf7pRdsaWgFux/RKDSs9xwdHdVoNBQyBS54kslkKBRaYlHBUzA0Gg0f/EajcWZmBi4I4cCYJW4ECIIQBGQzWQQCEYvHpqemZmZm6AwGCIJmszmTyRw/frxYWbJu3cZlpRVFRSUrVqxOJTJ2m6u5eUUkEtao1R332pl0+mOPPgpkM1gMJuD3FxUXj46NTU9PBwMBMpncfrd9547dYqFoZKifx+XV1NWtWLGCxWI6HPZMNrtv7z67wzk/rxaJchYsplu3bi4s2LJZYHHRymQxeDyuVqv1er35eXnLli27eeOGVqd94onHS5eVYrCYfFn+8hXNFCp5amoyEPT39HYvLixs3LS+/W4bmUweGOzHYNCLi4terxcAgOXLl2u1GpfDKZFIQqHwvEZDIpPFYsnO3bvlxUUiiQiLxQQC/kAwEAyFDAYTAoEOBsNul/f8uQs//XimuLgEAJDbt+849f130VgEgjIjI8NarSaWiMXjsUwms379+tzc3PNnzyZTqSyUtVttqWSKRqHyOdx8aR4SgfR7fQgE4h9vvKHX6bg8nlAkotFo337zzfbt2zwedywWvXPnzo8/nna7PQ6Hs6amOj8/P5FIgJGQVz03R6FQwuEwCo3+6ssvT/7pZCaTDoVCVCoVgCAKleqw2zFYLJlAdLpc2UwGTyDMzs4iQLC3r5fJYmzYuM3vc4vFuaFQhEQiLS5acqXicChMZzDGx8bEEgmXy/3k40/odEZ9QyOfz5uYmOBxuXkyWTKZtJhMQrF4dGSk5do1DBZLIpE2btoEw92PHjvmdDjQGIzD7mDQaJaFBb1OFwwGy8rLB/r7zRazolBRVFRUoCgsUBROTYydPXv2iSeexGCxfr+fTCIFAgGDwdDd3U3E43NzJdFotLKqCo/HP3TsmM/ny0D/DQeALwH4BoCz2mGFHBKJxGCwmXTm/3Dg4A0Dh6ii0Wg8Hr80/f1laxW4D18BESAAZPF43NGjD2Yy2Y72rr/89a+SXKlBp71+/frjTzwhyZX6fYGJiclMNlO2bJlAIgEyGbVa5fd7xRIJEoGAs8nQGIzDZpudnqJQKCACgScQYG7C1ZYbDU3NQCbDYbOuX7u6sGBZv25tMBQuKS3FYjF9fX0Gg+HosWNGvSEvL+9ue3t//1BTU/3evXs+/+zzfJlscmrWal388MMPCURiW1sbjUrNy8uLJ+Jtd9o8HvdDx4+Hw2GL2Tw1Oc3P4VkshgKFnMliXb92s+3OPSQSsWrVquqqKqvNtmLFikQy6XI6Ojvbr1y6/Pbb/6xvaHz/3+9Ho7HtO3cUFSn6+wcikUhDY9MPp77j8/nr1q3r6+m903Z3eXMTjUYbGBhQKpUACN5pu7P/wAGxSEwmk+7du1dRWVmyrHygt4fOYIjE4tHh4ba2NgqFsmbN6kDAb7FY9h88aNTrOzo6qqqqtBrtpYsXGxoalEqlsrQUfg2zWEynw8Hj8z//7DPLgiVflt/Y0FhbU+dyuVKpFAqJRMK3OYvFMpvNhw4dCgVDIrGQw+FkMhmP2724uIhEILLptNFohM0Hvb29dBrN7/dXVlYWFinstoVz588TCKTm5hVyuZxGpU5OTrJZbCaLpZqbEwiFEARVVVUBICILZbFYLA6LDYVC0XAYhUbPzs6mUimnw/HIY4/FY7GrV68yGIxEPO73+8OhkFqtHh4eXrVylaS8nMViCYSi0eEhrUZTUVERTyQAAEGhUJEIRCoZpzPoT//qqR9O/bhly1Y6g3X50oXa2toNmzZxuVyz0SASi2k0WjqdHh8fDwQCAAgi7uMKYT7ckos3EAgsLWIEApFMJhHAf1mFcD8UXtxwmwiCIHiA8Evxzy8BKggEIp1JoVBIBALR0NiYSqZYDE5RcfGXn39WXl5RU1Njt9vD4XCRUpkj4CYSyWQqbjbqoGw2GgkjkUgcBtvZ0RGNRicmJqqrq8fHR71e75p161hM5t27d+fnNSAAMJlMiViMxaChbFahUFitixQqhUKjEAi4WCyFxxH5PIHZbKquqdRqtYcOH9qze69OrzfojRKpuLa2et36jX19fX/84x/37Nnj8/lWrVp19sxPV69e3rBh465dOzvutSsKCwMBv81he+Lpp/72ykmxRGhdXKRRKTwep6q65vjDD2PR6MtXrszOzOzYtfPU2FgoGP7Hm2/S6fSrV664XO4tW7ca9HqXy7Zu/Qa1Wn36xx/C4Ug8niQSSDKZPFea197ezufnhELh9vZ7R44d2bRpI5TNcHncUCjodDq0Wo1Opw+Hw5JUCgGCsVgMj8fL5XIej8fjcnVa3Y/fn7JZrUPDwy6Hc8XKlStWrFCpVHBXOkcgkMnyP/rofQQCSSAQn3jiic8//2J+TovHEvPzZHD3ApXNZjUaTSQaTSQSMCLT7/cjkeDI6GhxcbFUKoUAAIlEopCoTDozPDwsLyhYt36D026Lx+N19XVnz5/NlUjtdjuVSsPjcR33Ourra7AYLI1GS8Tjx48fj0Wjbrebx+NPTEwUFRdbFxfhQKRQKAQiECQyGUcgOJ1OHA6Hw+Hq6+sT8fjo6OiqVavcLhf8Io/H4y6nMxaPL1jMYrFYJpPp9bpnn32OSqPHopGJyfFA0FdYWDinmikpKUGh0OfPnTEaDJlMhkyh0Gi0rFAYCYcZDMa99vZ//ONNDAYNZbMZCIB9LfCUF4lEJhLJ3FwBBoOZn5+HyyEIggAIgsD/0j+XGqPwb+HPlobH8B0CJxr9cpCMSIPZbCYUCk1MTO7bsycWSZz49a9l+fkej4fL5Xq9Xjqd+tGH761Zs2Z8fLRYqWSz2V6vN5VIAxBCp9XyeLxwOLx9+3afz6fT6WKx6MDAwCOPPNLX20ul0SsrKwqVpQqFYsFidrucefn5ubniTDpdVVdrMhjy8guXN6+8e/dOFkr09nUvWCw2m0OvMxcrlUQC7t7dtkAgkExCiURCIBCAIPjDqVMgABQVF/X19RKIhNnZGSqVYrdZKyrKCwsL9Vq1VJp7+fKll195pbi4JC9fViAvVM3MIFGo0pISgUAwNTl96dLlA/t3sdgs64IVi8VWVVWyWez1G9a73VYAhAoKCqgU2qnvf5Dm5iUSqVA4rNfpVixfkU6nCQTiqtVr0un05q2bL124GAj4AADYvWc3Cok8f/5iMBjK4fPtDofP52OzWEKRaHpqisfj0Wk0JArldrkoJNJAfz8Igs//+jevvPzXUCjEYrGSiYTVai0uLmxpublu3TqjyXTg4KHenr65udnp6emenh6lUolCoVDyggKf14snEIKBAJVGw+Fw587+BA/20+k0k8GAAECjVseisVgsFg6FKGTyrVu30ul0eWXF8uXLxWJxSWlJKBQx6I3xeKy7pzsSCWNxOIlEMj8/PzoyXFVdw+cL4vG4dn7e7Xbj8XgajYbBYjkcTmVV1dDAAAKB8Pl8AAgCEBCJhGtra/l8PgiCNAZDJBQm4gm4mMmXyR44+tClc2fu3Lnz6mt/T8ST0Vjc7XZ/++1Xhw8fzpWKklbHyMiwRqPZs2dPPB4nk8kcLheEIAYjC0CQyWSiUinRaBREIBAQsGR4vy/2RJtMJiQSCYt/4DZOFsoujQuW6qUlrwwGg4FnukQiEcYCAAAAp9IvAT3vE1bSIAhevHDe63Fj0YRnn3tWJpPfuX1nZGT0gQceyGZTODz6y68+W7VyVSDgURTKwmH/tcstjz785OjIMIvNRkCAfdFaUVn19NO/unevnc1iZbJgdU1NdW2tgM8/dfrMvEZbUlxUWVV7+tS3N2+0bN2ymSfgfvzxJ3nSgscef9Lj8WAw4JxKNTk5efKPa0lEelGxkstlWhYMmWxm7do1Y2OjEAR98823MplcKBTOzsxs2LAuRyBcMJvYYtHw8LBWqwFBRDgcGp8Y8fu982q10WiuLK9RFBaCIHjx4sV9+/ZhsVi73VZWtmx+fj6TyZaWlpFJ5EQiSaFQe3u6b99pAQDExo2bV65aLRAIrDY7j8eLxeJ6vUE9r3nwwQepVGokHN62fUskGiwsUvh8HgKBMDkx2by8uayszOVym0wmqVS6cuVKFpvzyccf8disdCopEAji8XhdTQ0XphxA0MzMTL5MduXyZT4/5+DBg+337s7MzuzctTNXIjWbF21Wm1QqLSoqvHmzZefOnSAIokAQkUrEkNkUl0mhk/DJVMru96tUqnXr1uXk5GAwGJ/X6/V61fPzfp8PTyAIRCKNTuvxeY8eOUpn0CYmRwAok4UACoVMoxOk+QI0Gj+nUi8rq+ju6oQgIJnM3rndxufx+Tz+9OQUAII3b9yoqalZu3Yti8kKB0O3W2/L8vO//uLL4eGRFSuXFxUq8vLzx0dHG5saOzvGFhcWsFgcjUYnEAiRcLit9eb4+LhcLv/ii8+EIpFCUQBB0O7d+7q6es+csZJI5B07duDx+NbWViwWK82TtrS0rFm1RpIrARFIHl8YCIZRSBQEACAIwYU7vNB/rl4QKDhqBQIABIgEQADKAiAAZbNZAIJgkxcKiYQAAPbQLCWier1eeG/Q6XTYKwNPFWCFXCqdgmuuTZs2CUXCbdu2xaLx0bFRBpNZXVfNzWEmEwmpRF5cuMxmszXUV9osjv989HlFRRUAQrUN9Qgk0qDTRWIxX8BfUVXpcDm0Wq3JpKMzGR6Pe2JiQp6nqKqpCof94bBv1ZrVBBKRzeIMDIwrS8pQKJROPy/NzwuGgqFQak5l6u8fJhAJmWyez+esqq7QzOtmZqZjsRiLxXrppT9ls9m+vr48qRSNRo0ODefl5/f3DnT39Bx58EEuP8ft9edK8xPxmM3qvHG9pbigMBQIq1VzWzZvuHTxJwKBhMOS9u7eF/A7v/7qK4lIdO6n01XVVatXr56emsBgyKrZ2R5SbyabXbN2pcNhv337xubN25546imNRjM9NfWrZ55xud13brcqigvCwYDX5xMKcphM+ofv/1szr6dQqMvKyjrvGW/daPn9iy8++vBxm8N57dr1PXvKh4eH4/G4QlmSIxJPjk/Nz2kqyqunp1RSqayt7Z7RZCgokP/lpT+jMSRBjpDL4R5+4BCVSq6qrmpvb9+yeTOYTEQ8DmvI7w0E/V6Pb9HuYvP4qVRi1apVcAy1x+Px+/05OTnTU1NiiSSTycypVPMajVgkbmqqn5gcW1xcRKPR27Zv5/P4eoMhHk15vT4EEuVxu6qrq2OJ5Ntv/kOn0b7wwgtMJisej8XjcQwGI5PLZ6anCUSidXExHk8UFiqweHx7253169e5XS69wSCVSs+fPx8IBLdt3x4Ohfv6+iKRyOOPPeZwOi9cuHDsoWMsNntwcLCnp+fw4cO5ubk+n9/tdk1NTh5+4IH29nY4PeDwAw/4vf7y8nI2h3Pnzp3nn3sOXvFIFExgBlOpNBwIn8lkMun/gq6WWplYDGap/oEFcAgkMhwOw+c9XP1jMBi4lMJgMLB/8pcZGal0CgQhAIAKCxW1dTWbNm3IZoDhoXGzxSIQ5jz55CNul/vcmYsKRUFhURGXwx0fH4tGo8FgiEajG02m0pKSYCjE43JzpdKBwQEcDkcgECxmi1anLS4u5nA4HnegZFnJnGpybGyksrKSyeLMqdRCkSiHz5+ZmSkqLtbrdH5/4NbNG8NDQ8qSkk8//Y9Go/7888/KypadO3chN0/+xj/edDnsDoeDQqUODw3J8vOXL2/+6fTp1159raa2pqmpqaKiwmi2lFVUZjOpoiKFy2F/6NgxkUBw9Njjc2oVh8NQz6soFJpQkEsiUgBExm6zRqJRr8ejUCjy8vImp6aGhsay2SyIAAQCAR6PFYkEfX0Dw0NjJ0+eXLl6TTgU9Hg8ZpPp3XffXrGyefOmzQaD4YP336dQqStXrCgpKQuFwz6vd83atWfPnNmwYUNhUdH0zIxUmufz+Ww2W75Mns1mvv/uO416fuvWbStXrTQaDAKh8ML581QamUBET02qJsZnQACxZ8+eYmXR4NAAg06bV6s9bjeYTcd++uH7mYmxPfv2sNjcRBryeH0oJOj1+SrKyzFYLA6HQ6FQ4VDIYDDweLwLFy7k5eVRqFQom52ennK5HKtWr4mEw8vKyvr7+u7evbt69TqBQBhPJOdUs0ajsb6hYXxsrKa6KhaNxWJRNpvT1NTk9/tnZ2d1On0ylYKyEIVCxmAwVqu1rKwMgQRNRiOXyw2Hw5s2b3Y4HOJcKRKB/Ofbbw8PD//pT3/q6+uzWBaeefaZq9euKpXKvPx8JBKJx+MnJyd5XG46nQYRiLY7dxKJBJlMLi4u7u8foFDILBarp7vn6rWrCAQSDkGC6/XS0tJIJGow6LPZLAj8t9UD3fcMYNDoJTnQz6w4BAKW/i9JJOC6CKaWA/cJh7AyAgAAAIQQCDCdTu3fv9fn8zU21c1Oq+UFxbU1tQACIpGwV65cGRueePiRRxLxuEqlotFoDAYDhUJns5BMLqdQKGg0micUeRz2l1/+G53OeOrpp/0+H4PBIJKIwWAQjcKm0gmnc7G1tYVMIrPZPB6PT6bSg8HA8NAQGoPJk0opFMr4xHhdTTmVQkGhsaFQBIPB5Unzb7XeAkCgqqZmoK9vfHycw+EsX77c7XJhMGgOh/PWm2/+6plnChWK3r6+q9dbjj10nEImkimU99/7p8VseuzRRwEErqe7OxINPffcs5l05ssvv56dnatvaownEg8//PAnH38sEAjEYrFGq/3is89/99vf7ti143brLQaDLhILe3t6v/321BdffqnVaG/dvKksKQn4/Vu27eCwmdevXrl8+YpGo2lubmIyWUgkSKFSD+zfj0Ag3nnnnUgk8vvf/35qZkY9r04lk0plCQqFSqWSLperVFmMQCIHBvqTydRjjz/u9/s/+vADiURUV9s4MjJRWKi8cOEsj8fdsXObxWwxGY3FRUVgMhE5/f23LttCviwvlcoQyHSpvGB0eIBKpcrlcjKFgkQg0Gi0z+dbWFjA4fE5OTnpVOr06dOFhYUgCBQUFOQIBAP9/VqtFm5iBgLBu23t09PTRoOBxWYXKBRjo6M4LJqAx//6N79GIBDtd9uRaNSa1WtAEKVSqS5dvDg3N6dQKKRSaTqd3rJ1M5/HC4bCkUh4ZHiYx+e33727fftOo9EIiwTn5uaeff7X4VAwlkwE/f6SsjIAADKp1NTU1KWLFzdu2nSv/R6LxWxsbJycnOzq7Hzu+eeMRuOqtetu3Wj544svLiGXofsst/taHQC43xtdaneC9w1iS3IG+LcUKhVOcfylYxiLxcJFEXTfTfbz1AwEksn49u3b/vLXv0LZ1MjoEJRFCgTi+XltX1+3zb7A5/Fmp+ekUimHw+Hz+d3d3fX19c8++xwEASOjo+q5ubr6eiqV6nG7T/1wWllSunfPHq/Xy2AwPB4PAABkEtntdqhUk2gUiMXjB/oHvJ5AR1cPjU576623+vr6OBxOXX19f19PKOTetnV7a+udjz/+7OW/voJE43q7u/LkUoPeYLEsuN2uNWvW2Gy2yYnxXTt3wkTOjo6OdCZzr7392MMPz81r7NbF/r7esrKSsmXLLl+4lExnORzeX/76FyQSefzYsbXr1+/cvddqt1+5cqWosEiSm1teXvbll1+xWMyVy5dTqRQECKhUM+l0empqYnp6tqy84sknn+7t6Uomk6XLyo0GHY/L53D5Oq0GAYI+v29sbHxOpSopKRYI+EVFxTk5OQ6n88svvmhubhaKhefOnXvooYc0Gg2M3FIUFiJBIByJfPzRh0eOHJUXFHz66X+gbPbgwUM2q9PrCaxYtdrtdiwumubVc3V1DYWFhZl0GkzGQyODA0A6UaQsQqGxGQiRBRBul51CpYbD4dnZ2aamJpPRyOJwnHa7RqsN+P06na66pqasrOzqlSv79x8wGAwtLdcfPHIEDlEbHByOx+OVVVXLly8HQXByclIzP0+jEnOlUqfD4XS5vv7qqz17dtfW1EXCcQ6XC0HQl19+OTk5uXXL1qeffcbjdnZ2dFRUVXNYzC++/FIsFsdj8VgsvnXbtkw67fP54vE4h8Ox2mxmizkej1fX1AiFwlAodPbMmf0HDqSSyffee6+8vFwkEtXW1s7PzzscNhQKVd/QMDM9/eyzzwI/p+Vl4R4lPNX6me+Q+fnU/yX1FrwfSLGkGM1CEJFIjMfj8Fv5l6I6WC7x3/0Dx34BWQjKSqW5v/rV0/X1dad++HZerR8bm2xsaDp4aH8iGZmemhIKpF98/jmPxz148ODo6CiNRluzZq1Go4X7rRcuXCCRSL85cYLOZGKxmOmpqempaRCBCAaDbW1tiny5anZaJObRaNTKqko+L+deR/fkzOy+ffsVCkUwGOzu7hYKhQJBzrvvvtnU2JRKpREgur6+cWZmNi8/j8lmxmLx3p7etrY7JSUlaDRmwWIiEYlHjx5VKBRms9lsNrvd7tLyivf+9a8CuYzLYe3cucPr9TmsC2fOnKdQadu370qn04vWxU0b16OxmP6BEQQSkSeVqlQqJAo1NTXV2NiYw+P//fXXn3jqCQwGi0Yjzp45XV1Tw+cL2Gw2g043mUyLVquyuPj0D6dxOPzWbVvVc+pYLNbY3Oz1eMgk4q1bNysrK41Go9VmY7FYBAIBh8dSKGRlScnszIzRaLTbHe3td3ft2lW2rAwAoNxc6alTp/R6/Y4dO0aGR2dn1SKh+JX/eePvr/yZziCVlZXTaEwcDmcyGFAZCMhmM7FYFIKA8dGxBZtTplCQSQQ0Gs1isaqrqgAI0ul0s7OzNTU1YpEoSKOJRKLaurquri42h+vxeKempm02B5fDSyQy1kVLWVkZlUqNxWIffvjR8uamhqamivLymzeuXrhwrqmpyed1v/jiH1hsVmFhkdvpSySSAwMDDzzwwMmTJ3F4fCIeHxkedrrcbqdDmit54YUX3n7rrXXr1kejsdGRkY2bt6bS6cuXL69Zs6blRkswFDp06BAIgn29vbdv3z506BCRSLx469bhBx5wu1wKheLs2bOtrbc//uQDn9cTCPi6ujoQCFj0BiAQP2dsLfX1f+GIBOCq5ucDHoKWQkt/Vk/c/2FJ+wl/DIIgl8u12WxLIwLYJABAIBKFmp+fn56eEotFSARq3fr1Dz/8uEAovHD+bPu928ubm5OJuEyWn5ubOzEx4XK5tFotg8FMJlPJVMrv9xcVFQ0NDd1rbyeQ8BWV5adPf1dX34DFoLk8xmefzZFx+KbGRqGId6ftllDAF4sl9bU1zStWsdjs/v5+kUiUSqUsFsvo6CiURaFReIUiz+/3SSSCuvoqj8c3PDJ2+/ZtqVT697//fXFxkclker2eYCBgs1lNJrPNbsuTSisqKoKRqEwm37hxQzQSmp2d/f7bb6hkslCUs3b9xpZrrTwuv1hZNDc3xxfwsuk4kUBRq6YRENDc0Mhh0ZEI1OnTp1euWkUmkyfGx1AoJAAAk5OTHA7H5/W8/+9/SaXS3bt33717d8u2TdeuXoWgFJ1BdqqtmXRcXiAFAQQOj4/F4+FweKC/n81mNzc3kzkMiVR8714bh8Pt6e1GoVAPHnlAJi18+6236XT6yZMn+/sGWSy2TFZ0/dpNDAabIxAOdHfW1FR99vlHw8NDB/Y/YLZYtm7ahMKg0Wg0GsDhz587a7XaV6xeLxZLQkHfxPg4jUbj8XhGk+n69et//vOf82RyHM74xhtvvPDb33Z1diIRiP7ePrlM7nK5amtrDQZDOBKtraszGY0QBE1NTclk+U3NzUQiMRIOJ1NJDps9NDh47NixVCoFgODVK5dpVI7P51OWlBQrSw167af/+c/u3btSqRQajZrXaJhMJgaDEQqF3d3d5eWVWCz2808/MZlMtbW1E+PjkUhUqVSKxWKtTnf58uWCgoKFhQUQgQiFQlweD4PBXLhw4fLlyxs3bkzEYz09PfC/MJVKwp5GEEQsadp+LmMgAPxvQwhYOv4R9xc3dD/ACwCASCQC8+HgL+EXQnNzs1o9r1QqnU5nIpGAIOjn2BgQgUCAZDJ55cpVi4uLo2OjDY3NigKF0WBEoVCBQLC/f2CGOOdyuQ4eOlRWXm4yGmdnZsLhSCgU/uGHHwoKCphM5o4dO8xmc2X1sunp8e07ttY3NM2pZj744IM1a1dRcQwAgGpray9fOjc9Pb1x4xaz0QyhIsFQiMFgJFMpWFhaXl5RU1VbW1sTDPoXFyzqeZVWN+fx+kOhJGxYk+Tmut3uxqamVDIZCgaGh4Y4XG5nZ0fHvXvxeJzN40djMa1GXV9XMzkxYbaYkQDAC/hF4tyuru5NGzcjkSgiGW+1LogEfAKRiEEi0plMJpUEMimjwcBkMsUiEZFAqKio4PG4AgF/fn7eoNffvduWmyul02ljY6N1dbV2u7W8YtlAfy8vh19VVR6Lhb7+6iqFQg8FgyQSadOmTTBAQCyRWO2Wd//3f8ViMQQBzz//HI1GCwSCY8PTH3zwMSxmeeaZ51Wquf7+QT4/5+lnn/vbX1+ZmZl68eTvjz107PXXXm8h3ti5c0cgGPz/AK1Oqlik6EVJAAAAAElFTkSuQmCC\n", + "text/plain": [ + "" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "3 the black figure looks like a monster\n" + ] + }, + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAQAAAAEACAIAAADTED8xAAEAAElEQVR4nDz9Sc9lWZYdiO29T3ub136t9WZubu4e4dE3GRmZSWaSRYIqkUUKEjQgQEgDoiBIU0HQL9BEEw0KQgECBGgkoVRQQSiypGqSyUwGI1syo4/wxtytN/u6973uNqffGnxJAW/83sO5d3frrLU2zr/3t6azed3MgCWSVNoyAhEAgLKSOe+328raxtbBud12iwXcMGw2G5eKIJovl8roVHJBUEYXZmaWQqQYx9GVwlJrpbXSxphKKQUAIQWlFDNwYSFkSjmXIkgQorItoAJgIQQRKaUQMcZYShFSpOwFkhACmaFwCpEAc07eecIEWJxzbnSE2FSV0UYQpZQLlyJQEHHOnJIkolLcOJSYYoyZMihU2t66d18ZO4zBD967IFEoEoRFaCVqa9p6GIYYI6SsGEUBjxkkCSEImRA555wTIXFJwQeBkkhKpZGEd+M4dpBjrYQkYMZh9E1dG2tTybnklLMPYRjHoe8IynyxZAQgaau6aaeb7S6mrLQiHhHZuxgDK1JhcKt3Z7uL85PDo+98/3upnonpaU/tdkw5uux3tkLS0ueSY0DgytqcUilFCbnf7UouTdNIJUOMKSVmlkLGEJDBGgPMMUbIWQhRJPV+BESpFBYWhamAjx4lOeeUUtZaZi6lAICUMueMUkulhBAAUEpBxJxzjDHGiMyGJAOnlIVAJMg5kUQAUEqpFPr9FnOyWgsEBiqkfMIEghgpJYRUsk9xZMwpJxYojcnMjaqPbt1NqvJCZ1knJimUVQoL5zBKAigsGaLrfL/DNA771dCtL969wm/903+ulLF2ykDeZyGV1tpYQ4IYcwgjF66rath3L5493202s8n08OAQAFBqJFRahxhyKT7GYRykVtZaKUQKwXmPJKu6klIzAjPmUpi5QAHAm/dbSh1jiiFZa6WUpYAQ2hgthGDmnDMz3xyrVDJjggIADIURsORUcjFKIVIKA3Dhkod+CD4gwM15a6mqpnY5KSkJcb/d1MYaJTmlENzYDT65k1snuqpBCmVtYWJGLZTRhhiidwlKIpDWxJKj9yVEWVAy+BxDClwKc+ZSgDmnJIVA4JSiBJDSgFRS2wKQYqyMNkpIQgIcnRdSCCH2fRdijDFeb9alcFtXObmUslSqaac3yUhrW4DruhGY99tdZjC6ZsaxGxprinPry4uQ4uzOnaOHH++y9UXkOMZ+LSjpSqPSJSc3jkopKCWlpIQEAAJkZgZgAi4siIzWCBh9iCEgotaaY9z3XSjZ1FWIsZSilTJSUeaUk6kNEaWUtNZ1XRtjNptN13VKKaEtICIiANw8wXLz6EshBmK++WkUREKknKWSJAQSihSiG0rwCoGQcy5SWSaVMsQQOHopECFx8im6GENBOLu4BMKH996z05loplRPA6rMIoaEAFZpiQUwSxSCgVNKfoA4um6bwnB1dS7tZIkoMqqcKQINLssc2UWAEqMHyFqbWIRS9aMPPnbjmEO0WqeUI3AquTAWoVEiMulaWGOFFDnGQkpXWhtrq0pIDYhCSKWNVMJHn2JiRiGoZDY15VRyzk3bKikFohAi55xSyjnnnKWUUkpEJKEKFmZGAkAUSoZhHMfRaMMpAZe+71aXq5yTEhKYuRRjCigFUklTSaIqM5eSkHSltdSobJ3zbLJMDImLNTUIOY4ul5QLMRITpFx2/eB3G2GUkVoKUbj049jtduPQl1IQOceUcwrelVKASwwuu65qp4end0KhDCSNnbbTttUEWCldz9oQY8yZdCtlNlNZzQ5SKYKASgghXFxcwuhbqbuub6c4mUwQqWSq6iWTZKQQc3s4JSiqbk9ms832Ws+abei7zBmVJACBkgiYYwg5RSkllxK8l1IyszEGMjvnMmehlZBCEOVSEEBqpY2OITrnoJTJdDp6lwtLIiQhSZScY0zWGmut1pqI1uv12dnZ3bt3b926tb6+3u33KSdEAoCbFHZTCgD+JigECiQBhD4kQFlPp9ra0blSWFrNBWPG0Y85eKOUxmS0EMgJU8TkncMcFLIiAIIYUk1y9O7i/OwQUReAGFlaZWujNRYgzoVDKg5IxVgEIwECKikrKCBELYWppdQhFCBhlVSFSQqSgkuOyVe1SSl5H4RSdd1UzXTsBzeOGUBWSgJYawtzKaWdzUvOznsimk7mRIgkpFKAVAozEiAyYwicC4SYEci5iEhKq812F0PSuhJIIQallJRSax1CuMkczFxSiYWBGQCQiEsRSqq6cvs05tTWjeu7gvL07j1CcuMYfLBGCyFLKbqqUUgGmB+23jtCqOuKABBhqqvGVherq/3Yrdc7oSQhu3EYESttUyosxWKx8DkJrQjAkNQoQj+01g5dNwzjMHRSobQ2a6OUImQuKQxrVbfaGsESlNV1q7X1hWtbN7MpAoMPoxtzZhRSaE2KFSECayozKedHp975fuiFTuvNtm7bSqth571PykoUghFiLlJi5Pzi+TPv+zutphJRoZZGltR3edvvqqaqmkZJm1JCgKqquDD+zbsIdVMDYSj5P7RGQilllCEiY3M7nbihX12v2qbVWgsSoxtTSraqpJTGGkGQUk4pzedzInr69Ont27dPT0+lUqvt/iZthXAT6X8TBkQEgAlQCaG0TuwLg9YGGLU0KSUfOiYqQgYWVTvTgjiFmGMKcXCDTx5SrJSwxhAXAtTC1tVkdb1xzEZbo7VPkQAxIIvkhqCUsY1AZOScSgkhcSylZCyQQShdyxBTVbWADKCFUDEXJCxcQs4khNZGKW21hVwG57QQWhsA9N6ryuScGUFJRUQ5JmNUZawg0loj4U3Ap8I+xJwiM5C4yeWCpSISOY2CyI+u2+0ODg5zSjs/aiXrur6pnsaYm97x5vhQCgAszDkl/puvJ1vVOZeCNFkcVG2cTqZcynazBeamrqWQgMggU0pSCWvNbrfTSi6WCzcOu/1u69Ll5lIqyihSTpDSZn1tlTg+PAKGfQgSyffDtu+qtplPZ9eXVxpoWjdCiPly4UO4c/fOYjZDAK1kCEFrhZyj27HQY2RWNhQxWx5YW2utF4uFBH7+/PnodrkwCaG1JimN0V3X+RBBq6qauP3OtrPVZudCCjG9e/fu4cOHACwQtaTCxVZGK5rUNvqxm9hfvfxMN/rO5DSnBJQR2Bo1qRfttPUpd92QU9JKSaVKzkbpUgoRAkBIUdVWsyEkQrDGGK1LLsGHwkVZc3B4lFNKIQqNtbFZs6msqWzJiXMWQiBiKUVrfXBw8Pbt25cvX37961+/d/fu5dVVjFEIcTMDxBiJyBgDJEAogehjUFqWlEPf1bVtjA5ctskhIWph9UxJCTlxwJKClGSMZgJSSgCPIWEpSqph9FIaO5lLpLqZoRTBj1qQIMg517YSUnOOIfgcQQmdcyFCZERBBGRqK4MfxkFpXQFy8E5r64Lvh6Fpa6kMQIFSghsJ0EiVYuCUm7om5P3YAzNorQi1ECFxiUEKQQh+6JBIK01KWSWtUiHGEGPhgjkhgdAyxWSVyCmXEGqjx64L49BOWq3rnDMS4k2TynxTSUMIJbMxRhmjpWICFCSEqGyVconRh1w22z2TXMznzRS01opECEFpLWQFwM67kLiaTIexP1tdL5eLRso8Rlm3fb83zURGaaWYWfPq6ec/+fSz6Wy2OLk/nU6utps4OiXEegwCQJHYXV0vT46qth7GsWqqzX7vxkErOQwDEbhxWL17w6QefvjVybKxVZVLXq0unRvX17Pk3PNnz3PJVV1PZ1MuOYXk3RBTlEqzUCy0Ms18PsmlrC4vx6FPwe/2u4PJ/Pje8XQ2B0BgHvvdy2dPz9+8fPHZJ2G/M+U9UwCV7PqxQK60IvbrzbqQEEJqpaSURilmBmajDCFeXJzbulZaG2OY2Q3jbr+XQtRVJaTIIcecY05aSqXMfrNx3k/mM0AMKSEwMd80NqUULsVae//+/cvLy88+++zh4yd1XXddF0Ig+pueP+ecUyoCQ0kSUSISMJTEccxlRGumSlYz3Y1jATGGKFCAFIyGiIlJGqNzwVKIcwqeSxlGX1T1br1Vxj58+Ii0TiVKqRERGJkh5ZQKKU1GVpkLABEVYsjIpaSYg09Ojv2opeWCzDEmllJySQRZIHPOPiVrTNvUJSXvnOtHLsUamZMnYGstMKcYFJFRgrSEwqXknCISBs7gRyGlkEpbO50sYkohxFJi3/Xnb98ZY9t2cjCbeGuc89PJVGpFQuaUETGXUkrp+wERm7rKMSXntZSKUGtFUqKgzMzARiljNJfSTqZaqsJsqhoJU+YEkGOWnJhLZmBgyCyUlkq6mJg5I0olQylcomCUUh7M2jc5f/Hzn6Ey738jVpXO3huhBBMzT6ZTWaCE5MK4OVtXbT169/Lt6+ur1aRt57OJktLW7dHdR4khMjCS0ur5s+fOjYvZdCBMwSuJE9Oaqmrrup20hSEDK626fmTSSNLWNZL86sdfa+r66uLslz/7+fnZ25P58uHDu1VVTdp23jY5uLen83H33h/y8Od/9pfuahdv9anSs+mB9yMhpAS5cIZCVJTUSkoupTAPXQ8t+NEpqYy1GcB7DwAkSGmdU3LOCSlzSsxFaen6kYWazqaw28UYDqoqI5ecC3MMARgQQRkTvPfen5wcx5jevHnTNA0JkVICAG20NpqI/sNkTCkFRtaCjIQU3IsvvoxjN2mqu+8/rKuGhVRSupBH5wG40ppLplzaqgbOJSUhZM7ZF1JaH9iGgVwBZEKUjCVlkARa28zC+ZyGoBQKoXMutqoJ2I05MgMWoCJfvbqo2mU7bYwxw9DnPCoJrClHZ4xFspw4Q8kpe+9zycYYqdXEaJ2illJIyimPQ9/UFRGmHIGgaq1PpZRIwDmG4HLwRggiqRnBSoGVvXf71GiDKNzofAwHs2nbNqMPpWQllY85ZtLG1k3J0VulNWGsdNO0SitAIiHwBtlkkEIKIUsuBRiYADgxu9F575VShTPGJKUUUgJDTFFrJZTs+g4RLMrCpZ61XbcnUkN0qsvz6aSyJgUveX/roDEdsaoSSiSBhLv9rkjIYRdL9GNIjPc/ePLgyYdKiDB0ldbLg8O9K4AcQ1ytVu/enaUUDxbLqrLDOArKx8eLoR9KdHEULy8vu2GUVdVMp007OWhbqZWuzGQxN1aPfddMZg8fPeYEb16/u3VyMm3qn7/8cnX+5uzllwbyfnv99OknEFVa97cm1Xncb662y8NTjnR9tTdt1S5nrRKKBCIxcymsZ2ocBxKibmcokSGnlIlQCqmkSiGEEHIIBCgxx+CtFVKQMrqhSSllfX0tiDIAC5JCAnNKkUtWRsucYwxN02hT7bp9yclYHUKMKUmtGMmHICUaQgDGUmJwm/VF2l2fP/tN7nfHX3lSSaOV3e87Zmp0lZh9LoEQhDWy6JITc8pFm4oBhKlsZaWSgLQtZt8PCkHLqqSEGYUkACEEFAEJcgbyOXIIVksQQoGG5EUusp1M57OF1kZKVddt3/cAOJ8vnHM5Z6WkEAjAhDCfz3NMOWcAWCzmgxtzTs45Qdg2NSLkFLVWUopcsG7q6EYhSBKWwjGz90OtVCkpcMlQtLVIgplDSQmKTwFHQqULAAMXQiFEQSYtSQBpSSyMFoU5QzHWCJKMKFD1/RCjlyljASRk4pRT4qKUUkoRUc4ZmZAIEZm5slYbVXIRSDGFwEWSiDEQYvChliLlcnTrdjubrS7epRStVWocGXnSGCbhndNt9ezLd33YpJLbyaKdLfpuAMC2qmIu/fX1vh+qdsHMQtBNV40ISukUIyFKobfbPQFOmppzmc+mR8eHgYupbdcP1xtk5Ml8uh/3QmAKflq1BwfLF8++9N5/8fTLb37jY2vrhw8fd5vN6y8+yzmMrijFFxe/+pN/1UVlTu8+3m0vCdStxTJbzqWLpQFAITCVnHPWWsc+N20rjCCiFEuMQRAhgA9RCSGF9M5lAEWlqipEbJtpjHG/3xOJ6WSWchIkMlLJAMxcAEEgkK0qKSnFNPoekUNIgASMShrOojBoNQGEBMl7JxHZu34YMCZj6nevXr549urw1mNs4/FsKa3d7F0EqaVQumaSyKlwRGYCURALQAGOGXyKhUvWpLQwghRhxlxSTskVIEBxg3YAspESJCFnJciNPgWvlZSnt27XdZtLZkBAAkAAHEcXY7TWEhFzyTlpIRA5lpJz6rpOa43EUNgqZa3JKS6X87t37l5fr2IIUiqtdU7Rj/3NODvGtB/c6PaT6cQNAwI55733xtgMOZXko1dGcUmFhBSYS2FgZEjAKQUMICXmnEthhQqCZ/YZGIByYQAo0ZeYkEgbLYSQQkmtUkoMIAWVjMB880YCw26zizEIKeqqDn0vSUYGK01GLCl4LjHG5cOHl5dnXd9573bba23qL5/+5sXL1ymmo8NDLqVLo2maZNLYj+1szozb3Z6AtTEFeBg655wUAgBICCKSUtSVBQTIyJaJkAuUnEKO+/3aNlXwe101PvQAMPYQgp9OJyWli/1udXl5eXWmGd++etUYrQW6fi+UVc1cRP/17/z2bNEePzh8e3b59/9H/+jhvQ//q//ivy5FLA/nG0JnCLNOuYQUpRDa2KurK2vtEFznBi4FAKqqKikNXVdZK6VcXV4h4mQyQUBjzWQyGUd/cXm1PDwAwJLZKCu1SUxD16VYBImqslorAojRO+etltVsul7vBhdSLISgtQEgROnS6NkzUiFoJtNKErk+7rcndx+k6H/y7/+KhP7qN751eHr76mpj24XQVugqFRxdUEr0XS+ksMqmEGKGEgsRIUpiBs4lhIQsELQmII45pAxKKltVOZUIhQvkGKVCASmVOHY7mQEZEZBG5wFAKF1KSTmjUCQEEcaYY4yccykphSgEMbNzY0p+HAatVArWWtPt919+8XToOuYSg784O7NWN3WFAKTlRx9/XXXDZ188D9FLkoWZObdtM53OQgiXfNl1vfejqlo7mZaEgBhDZAAlZTWdGKW4pJQccEGQwFkqLZFSLqXEwkDAghAJoRSforEGWSghbsY0HxMzK6WBSynFKNnUFSI450pKLuUYknNuMmlRSCEkKjp9/3GEtJzUV5tNLunkcPHk0YMfw59uN7sn7z9yzr+4OJsfHpPUum5KQaXUUIbgnRYEzCX1SkoUhIjR+1KKAAhwg+eCD4FT4pxK9Lmkfb+3jT08Plx3XR8KAsz8dNI0w3p1cX5+vVo5P/Z9f/fg2Crx/Mund+/cvr5eff7pJ9GNX//G13/3hz/c+35Pbi/b4/c+ePzRt/7Tk0cvXlz86K9/NgIMLFXKogAiCqViilJrUxkhCAF2m60AKilCKVoKBN5t18YorZRAltqQFO/Oz3Lmw5PDnBmBiLCU4n3IjEIILVVVGUHUDx0ya62WyyViTCkRsCQqBJWxubAQggsoIQvdIPSQS9a6aqx98tVv7FfnGlnN6lhYz6dOYXOyjKCARKKimmbSKlmSC6GUooxBQbP5TAix2+9LLtGNJUcuMXNShC7FGNOde/dz4RAjJuKUovPIJfghj9ntNyUMYdjhd/5X/4ejo6MQQwwREUkQMOScSZBRUiCE4J0bOSUSSICl5BSjMaapVU5pMmmHvkcANw4lp9l0qrRMzj395Dc5x29+8+sPHz14c3YujDm6fXe977/48nkl68l0kmKSUuXMIUQ3OgDMKTlGXbWM6FMhoUmQIKiNMkohlJQGQSIzI4rCTEIAUmFARCrImZlLAUgpFS5CqZtqgEha1s6NpXDT1DF6wHKDzZVSFBfXD7nw9XpTSkEsRgshWRuhBVYpvffooRVic3314O7d169eb7d7KfRvPvl0LHl2eDj4QLouQEyolEQEQtZCcEg5ZyGE1jf/ARExpVRKQcIYouv77ep6s1pppQCBJC0Olu18tnMueS9JlBDW16vtdtMP/eMnj5u22a2ulrN51/feuXEYtrudIDo5PT06PBC24nZ2+uDeZLkwqi6eL842EY09PHm1WeNuTSUJQYg8DF1VW+aslIwpIIBENY4jISJCDIkQBVJdVZW1ne8uLs9L4clkJoQgksbY4KMQIpcihLJGAwBzDs6H4K1WWmshcBy61WqVUqnqSUospGYQUqgQM0kCAZmZABQh5mCJ+/UlRqcFegXSGETRTGYsZMzASIkhZrZCzqo6BD8OY9s0wOzGkQunlJRSCLy5XqUwYvGff/Kb3XrVTqe/9Tu/S0K4WEwzQ0I3upwzQRaQ+s3K7Td+HKQ2tjATSVupnNNNykSAUjimRJKUkkQ1AQiBJZVSEhEF73OKbdNwyZNJyzkpgUPfx+i7/W63utytr3KOz7/8rG308eHy5bvzV3/9l4e37jSNzfswbnfWVCm6pm5910vG2WwWQ+hi8YUR0QilTcXAJUWFAnMhYEyFJDJziklpLYAQiaQoBXJOmQsAaymlpBAC8w3LJsaYp7VyoyulTNqGkABBSEGEOWeMoapMXU8Uqc+/eCq1UHbS+75SNgsFhfpQDm8fzaYTUcpXPvrKdtvt9+Nf//RXZ6vLgjIjySwiM0mVSyGEXBIxmxv0lmgch5ILEdV1TYTj6DKE3XbT7zrN1DaVUWYcnRt8rKJeqNaUum1932cuex9uTWe9lm67uX/rZKrA+wHBD8MmpEwSbF255F+dv63MRKmUEsV3Z9La5HMey2x6HAs0KMaQck7SKOasSVJha+3V6mK73RweHpIGKSmGwIVTjJIEIOYsz87Wm3FnK6uESDkJKQHBB6+UyTkpLRFLZp9i4pJyTsZKhNQPQ84pDDH6EFJkgLpuRrdLhauqLlAgaVE0p5QRUUkEHHMemHPOEGPYF8BhOp3tt2eMqLWpm0YiSaTshqtuS4huHIf9RhL1XVfbqjI2BQe5qJiyGzXx6WxaQUKizbvXMWW0TZWLMTaFEGPAEqkkwRlLCsNeMkGGG3IB5JSZGQFKyURIKEoGKQkIEDinELxHBCmo77Yx+Ldv303aBgpDSSGEEL2tKmN0O5vNZx8TofPDX/77nypr7j96tJjN9+v1dDob9jG7MSPmknfBWaV8DmN3PWmay9V6iLw4PCSFAHG73UkpRGsFgBDo+wBoSoyrq6u6bZU2KIWQEgAIZYoJiQpnoZSpzDC4wgWYgbl3PRAQUdd3DAxQGBiRmIssRSKvVldS6pPjw6vr1dXlpan16ny1XMyRxOV6Y605WcyUItu0PuScQRC7bhfHKQjlc0KlfXD7bURgQMSSJkbfkA6cc6WUwmWzEUSUciZiRJxOJsN+QJTvLleb603dTuaHhlExu33X+WGstZ4uF0KIZjFLJb96/XY+s0PvrGk++vBWSvH5i+ejG7bb8c7tewfzkzCQTFACj3EojH4MMZy19SiViS6QoOgLIhijEGBzveHEJ4cnUknvQi4ZAYALIc9nk1LS2zevckrNbD6ZzFLKUupUSskglcxcSBIicCkxZeAiJRldIVEYvVLVOG5H7+uqJTduViuR06RpQ/RaxBBDTq6Uqq4sEwzjPucgBSAgoiABB7aKIY7r7cnx0fm7d0WI06bWEglhn+KYYs5ZFnbjKKtqMWkQ0PkeCisQzJkLx5KOT08Pjw9H5+q6EVIWaUBIZJYkpZWCIPlRWkOCBh8lE4IUJSXkAsiCgEshzIKEkjIHjiEDFElgjEXk3XatlXzw6B4DbVZrPwzTaePGwdgMhIN3RSmUqrFVPwx1NQU92Ww2V5d7gF3fd5f49qBdAFEUjJK01UpmY+Sr589ePdsdnD6u26k2YGt1dnU1uv39Bw+EZETKKc0n06vV1fMXL+49fMAAPo05ckE0lTHSpJwk6dG5iZ467xk4F0BAYysXAnNBpM6FUopSSmlFCLkwAeQCKMVqc7m+Xk0nDWG13+/mpoY+8MRkzonh9fml77r37t198cXnyfmDmf3Z6nyoFCodEYSxGagwKGWMNgjg+/1YmIhCiiEGIQQJ0fV9DEGpaj4/ePzRB007EVJdXFzVbTuZzrwL1+uV0gAVX+37V2/fNnU9ndQpRB+TUHbbBymauj6QIEvZV4JAYq11t9pzsIujkwd37g856+l00w8rufUx+OKHYSgJm7ohQYLIh+CcyzlVtlKqQgTkkkKwVo99X9eGOfT9tmlE20yVnueE0+kcmFyIiTNgUUYB8W6zhVi0ltPZhDl3Xdf3brftT05ut+2Jsb0EbOtGxHT+/FVezklw2hSWeOfee97BZ09/ZZv6zt3buagUgpQWjR6Hvt/uiFiUBNEdzZrXL1++yYNREnLejx0IlEoPg2+mMxednM4SQ8qMJBATK5RtHYJfOVdVRs3q3odpW0+beYpcENMNcZeQWURO2aCaZck34DAD4Q3LuAhBWlkkZCaQGGNBQEAMLsYQGVUsFDNKAYvFPNYVx1hVlVSyHwcDjJKkUDmDVpaZDw9Oj49uhxCUVjEE55zROsRwsV67FA6OluMwvHr2TBLV1p5dXty5N0GA1fUqxjCdtMO+jypwKjlEwfGTTz6p2tZ7n4FRCiklEZaYYw7AqJQQogrObXb7w6MjBkwpcymNsQzMDIjwN5gYIjMDQ/QhcRGCDg4OIJcYva3MbDbzwyiNhpCe/ubT6zdnkOPp4WE/m/3ipz8vMX71q19BRj+GRTuttClCSG1TKQAUQ1JSkNZQihCSEKxUo3fZh+OT0/l8TqR1Vau6mizmLsTpwTymvO13Uqp2Mem34cWLF67vDw4OPvzgg8PDg27fdftdiN4qHLsxDHkYhhSHlFIuuTLN3buPjZn6GC/PX2eiFqNAnNeqgO67YXSxbqaT+YQLMxSFSldaKXUD7nnnC5R20mot57M2Bje6USk7m81jDMPQA0pTqnEcUCgpRGEALsE5LcnWlrlcrc6FIGPM4eF8NpsJoZVUOk+Qi+/7WODBkyfBjRcX73bXVy75zT48vP9kMp0308bUTYheWzufTgVSimHc7t68eRVj2HYdlYIIq8uryuiLd2fbbpXyOJ0tD09v77f59M4Da7SPjMxCKkYOaYg5MaCUMvjIhZVSXHh0Y84otAGiAlxSyjlBSUQ4mUxk3/dSKUUklVRKlhtmJjMnjjlqXVdtQ4g5pxIcU1ZW7na7N++ullO73+2oMKRkjJZZSik5+qau5s3MdU4LiYiFGUnYyrjRr9fDdDZhCcba08WscEklZaT3P/4allxSqqvFYrk4v7ra9f1suaibNvrAKZWYd9v16vpys9stjg53+72tK6u1lBIQAQGZAbikhIKQOQY/dP3h8ZH3gUsRAFKqcRwL801nQv9hMNXWEGI/9IB89+7d8/N3CBxj7Pr+xfPni1r3+71hnE2aF8+eaeblYrFZrU6Oj48Ojze73fzgaD6bm6ZNzCRU0045FaXV+e6i7wYE4JSVUo/vPVgs5k1dV1WVgHb9MDr/5uKicBmGMeZ069btmFP0oe/7bt9V1iDi8+fP9/sdMvjgrq4uJWZiyh5uH58Mvb8B5ocxev/FfHEipZgLPl9dumef3r5/v5nOS4ZaimbWRqlzScwFEVPKWsvCueTkQ0BkW5mbyfXy8rLkuFzMK2uHvttsOqXtYj4HYEQQyJIolZxDUESysvtul3NsmkoqQUSTtvU+bTcdISLJzXqnhbDTGRPUtnpyeITI3X7/9u3ZZrs7Oj5x0e+6LkOZz2dDDLWtWElZmcXRQafk1cX5ctLOFot+u8FSDpYHp7dmv/rlX4lcz6d1KkIilMxaGm2UD0lVohCAFylGiAg5IQpESjEx5gyECEAADEDIACmGEj3nKL33JWdTVSXnnDIAl8IIhQiZC3NBhFxySqkwjKNTUs7ny+vVKjeqqioqhZiD933X3757Rxg1hvF6s26rNuU8DmMpgEBCKEJqp/NuGIFiyKlq68ylYFHKSBIELBAF6s1uM459XVtJ1O/3k7pJOTIXTeK9x48/+upXxmEERKWVEAIQGRiJBBIhhhgFyKq2D+o7PiQ/DoAoBCFwLlEbxaXcXOQhEiIAFkGyMlZptd1c35C6xqFv27bkkoIn7yprm7o+OT5+F8L55UWtVTNpU87Lw8P7j9+X1vjC3TC6lKq6PW4nyJg4g7N3Hp0IEtYYKQWnopWKIeyv1qA0AxYAzkUbpW2JQ971+32336/XrVJ37tzJKTKXcRzfvXvX7fZI0A/dtLG3jk6zAq3VdHKS0n79m9X1amX0QmsNAkP0yQ/ejW+ePX3y0VcF6cE7BpE1Y0xESERCUkmp5OSDZy4kpDIaEa9WV9oYQdW+G4fBccmT6dwY48JIII2pSuHgndJSCpFycMOotW7bORKnFEOIFxcXMZQQ8mazG10UQraTSZGq865CKYQRiPNlq83Eey+kkggFWWszny3cMIz9oKTUSi0Xi9ZWVqscfBj6yXx+5/Rk0jR9d/n2zZebXceFb926DbJiEkxUtxO/2/feEZKuKqlUdL6kSAAhBEUkDApjSEskCaVAzlopyGoYut12I8dx7Pu+qWpCvLkTIUQEzjkTZcAcfA+Fx2HwzgmiSV0558a++3J7/vDBg5zLZrNum3axWOx2uyG4bugmbXt5fgZAx0fHAJyZtbSlMDBorYW0taKQ4257zQjz2dRW1TD04zAulzUJnM4mtq6d85LQj2McfWtrM5+JSaWUatq2aZphGG4KVQghp1yIY87DMEilmFlpwyWlUJCEMCZB4cLWGkQJMQHw33CsCUMMUJiRnfc5JkFY181+vzVaHywPzp9/IaUYxtHH+Obs7aMHD775ve8+f/bl2ery4QdPjG3+/c9/en69XhwdtvNla02REgoz0eTwcDabl1wkUU65d/vRxbauJ7MqpuJ8SD6FGJxDU9n5bEqC9pxjcPVsdnR4OHTdOA5XlxcxRinldDaZzae1lkdHR5ur/cXF5cGy4VIQUQhZVdXy4HDnh+v1qgAogdv11fOnn88Pby2ObjufS2bgFFMqOQtJUhIgSEKtNWkVS3LjWJhH5wSJG95o00xL5jE4rTQyhuC1MnVlS443d6WZMRd4+fINEpecx3FEFG09q+upd7tSEIUoKOr5YiakVioMDjLnwmMow+jIGKFF8v70+Phv//D3Lt+dvfziyzCOUsM45N45q43LabZc1pXu+h60aKaLH/7Of/Tp0y9QVMpOIhBK7TOU4FRTGVkP/T6FiEgoBMebiwghSORSYvSFUEgMMUAuEtFam72RRHI+nyulUorW6KZpiACBg/chBEkoEIZxAAYtyTSWkLbXqxDCtK4HF1erlZHy9PQ0xaiUQkEP3ns4RjcOXU5j348+jTnDdrOXUguhp9PZbDpLIYQYvfeVqbXRSojddm+knMyXBYqxtmorEqqq6xxzv90rEovZFAA7kY213vvVaoWIRESAJRfvnDGKEN0wxrwnIimkkhIQY4wxAGslBI3RMf8HOhZi4ZxyroSy1qSSjw4P3715y1wWi1kIoTJVSEkoJbX0MXTDcHL7djVp316euRxWV1dv3l6+ePn69v0H7334RFh7dHrLVk0RmErWxlLidbfXUtfWhphQSmL0Ma7PL/bbfjqdtm1jlIo5ErMkVEreOj6upNyt1mM/zKYTpdT77z+ZTieCqNvvpRI//K3vbq7WL758vTq/HMfrL778crfbRZ93223KBaQqJEgICTLG0HUdiw2pidANlgKQqSRJpJCiD1wySZFiiv3oFGmllNGcOBe2dYMM4xCElIgMyEprThCc2zuXow9+5BIzSllP5rPDlEIpaTKZa2WVtDnjYmFmgoy1QqlCNHTDbrsbN50lqYA4QzVpRu/CPs5n0+vz1b/57//1b3/7O//gd//g17/4xat3L2Tm5WQ+umGzXp1dbg6PD6w1AyRD9vD4Qbu47VKOgIXEECNILbQgpaQQZRgKJgJgBiEUkeIUUyxkmLTSlWVGCYoplxBSDAJpNp1JACjM+75jrow1yQWB6Mcxpjipas6MhWP0UojtZu1Hr7WRKJ1zKfp53dbWAuC+6z7//LPpcr7aXE9nU2mUtK0pMvpSmWo5ld7HzMCFlTGhpBByzFlIUVVWCqwrq6WQQhhlnI/r601BEkp2fd+aKnB6c3GGDE4AM+eUgUtVVYR0I7lAREa64a9L1lw4hHBDmAOGlLIrYJSSgpAzERFiKSXHnHNeez/4OGvbtp1A4f12PWtrJWlw+wKpaOlLWc5n/TB450NIZxfXn33+6XqzWSyPv/bt7z356ENlqwxISsecQ4o5s/ORtCgMzJhSHpwfu45TFkhG6eXSGG0ECS5lNp0yc0ghOC+knLSTkkL0Yb1dA7MgSjFOJ5Ombpj5crWxRj187+5+fdbvx2nTXF+rIu1kvkSp3r4+v3v7ZLu5rKv57OBoDJlls/XBkJnVJudYCoIklkhChVhSiprQVDbmFMaxqWvU5MeRUtJKCyUqY4fA/b4/27zrtnujddu0VV3NDhYkJUlREHPJBGhUjSCGfkwC2noihYyERJCijzFdX10C4xhcz9TWra5ribHkQoIAGQWfX5//yV/+eLlc3jo9ndCxuzrPzilhT09PqZSyG0QCRD8MuENDgoaQB+/b+VwR+hAmy2UuGRFrawIwlByCN1Z1u+2kqbUQazdmj1EqqWtdVSVnWRdMftiVzf5abra7G0VPzGwAmTGkRFJpKQuLYd8PQ1/XOrhx2G8FomLV7zdvX789OFy2phnG4d3Z2eXVVUjhzqPHjDAMUYNmapTSJYSxC1yYkKy1xuh+6HLObVOHcXBd1+U4X8zqtum7rgthuTgKY9TSkNXX241tahQyB6+VkkJmH3IuVWMBIJcspIgpCSnrusrAuRRTZWAQUuWSATilRCSFpOBTCfHW0QGUOAxdyjmVkpliSj5DvOmO9gmBIafrq0ukIgS00+l0Oa2k9l23uVqdvXr97MsXH3z4BIR6/OFX7t1/3LYzpVUBkEhMmDMjAxCllFJgAgTCcfTe+RiTVWY2mUgS/0HkKbLLo/OAkEqq6yrnHFOazCbEeHV1tVtvdvv9rZOTbtcT4OP33l8uD8dxl/MoVbIK33v06Pf/zt/XzeLtxebNxWp+cHj73v3tbq1MpY1uhZJ26rPIoKjCnBmYWIpElFIKSD4FHjrphrZtrFa+2xOiBOIUSkkM2I/9tu9i8LXSB7dPm6axdV2EGGIAKWNOUKLSumlqLqCkIqTV1TUxCynIVgQgsLS1xlkTM9eVySRJWS1oWF1WTbO9vvrii8+/8tEHQ/YljmHsP/vFzwQlRYgpLdsJjX4xW27PL1TERdOc78ctBiJSWqac+922nbTj0OVuq7VxIUrmArzfbiTyOIyY/Ord5enR4bxpxHwuTL0bUoh5HEajqBIktBFKS6MbayY5xxShZGF0E7z3buz7PvnIqVycn81n1bSx3a5vjN4NK6PMgzu3pocHIYVt1yXG4zv3ta1Us8gFYk4+odUVSU7Ka0ExBOfHzu1X+6snT57cO7i7221PH81STP3QGaUgwEw3ZCfd4IQ2JYMk0kq70dnZbDqfRRdAiomZeu9v0BtRhJRSyJJyjimhIGPMjdkE8I0EG2/EeCTETAsoaXP+brO+9G4syFU70bZmRGRRGdtUxhItDxZWi1ISEMQcBQoUVFVVpXVlrBvdxfnZfLl8/6MPur4jQbEkN0apdcolxFgAUskFURutJSEjAhTE+XwO09kNi70ws6RExYfACEBIiIKE8857x6VIQCGFQDVp5wRyt+39OOYQ79y+86M//uMUx6995YOj41vPvvhy3/VH97JRaozuq9/8eHZ8+vzLzw6Oj6DE6WTSTmZdH+MwxjBk1ZKWghklCaUoSQBAQI4Jcvb7bSQxm0zqqi6lSCG8c1dXV5v12prq8ODg6OhIa7Pr+9V6q+pKNZUwhn3gKHLiyCwFIcCd27ck8W67q+qJQBZQiHje2qk9TKUUoFjIxaS1/vz89cXbS4QsAVcXq5PTW7vdSBwqPWEeIaUUy5u3l5oIlbaHR2T02b4bJS6OD/a77W6/i97LQIjJKhG6LRlLum2qeu9dcWM3dBNr7pwe/+Jnb16sLpYPH07qprJ1axWpWjBG73b7veTcVgsppS0ZAGRO0PceuXg3WmOVtJxFgURCxVS6bthstl5KjvGjJx/UTdsDv337rm7b2XKJUitTuSwYRGRpCXPGAqyr1rth2+2JoJrUMorRDW/evt7v9855IGQuIYbV9Wo2m9+5cycxrC7fHBwe1a2dTcR6u4khCylQ64JYEEhJLhxzyiklLlyK0loZczMQI974DMibj1IqpTKOg+86KTCWZAljSS9fvjg8Pbn38L2MoJkUl25zPQCkFIRWnIrWWgS6UW07irU1dTtp57Nu6M6vrqqmIabReVTGBy9y8iHFnGzTAKLzgYhEFjeggiCSUgqkRHSjSdfWpJxCGAUSl9K7EZFzSiF4Scp5jjFIIqNtU1VjPwTnHz14sFwsCvu+21xdXb9782o7+M2u/8kvfvWD3zv83b/9t0zbJhKF/WZSDd1+3Heb62stLA9dv94SHtlJQwAZmIXXSmpGJlVNJ1piv70KMV68fn7/3v3pZHIzX92/fdRaMey6s1fPL96+vX33gW7bwjT6GBD8fmd1JYtkKEJJAu73HZSklcg5rK8vDmaHs+WiMrqujB9LiDlz3vb7izdvh9GPztdG77edIgrDuLlcn9y513XBB68tEeoCWDVm2lbbzcY2gIS98yzQlWjaGgVGJ4fdbn11LpH82Acf5qcPl8ulUWLZtq9X5xnyD7779zCMr58/u3j3bl/o8CTUi6PZrPEhSKw0YAk+JMKP/vn/0RhNglKIAJxjjMEv5vO+771z1ijv+sW0Lsl3m+uSUmvr3WY3Oj85OjBVVdcto8gFq6bNTDGXummNAC4RCRFhu12t11fWqNmkQWAErnRtbLXb767X61y4qiuUwlYVM9faUoF+HKytGIGUTFx8Tspo5mIKSimdc977nHNVVcwsldJaC6K/8VkRKoSASAAopWTGuqpqI3MIZ+9ery7PiGB0jqScLpbaVsElBCpcSilKK2COMWgpg/NSKlLKGKOk8MH1+30YhquLi+T9owcPWWkmms1mjBgLF+aqroEoFUZEIQQwFC4ECABEJBBjjDllkJBS7LtOIE7ahkvabbd+dEdHB4JUdGW32Vijq8oScBiHg+Xyt77/vX/3V395ub188uETq9T16uqzTz97/vxF14//8T/8R9/6zvdiLqzU2dlbLllL8f/5F/9i7Pqj2bLSduzH1eU1STlbzOtJ64I3xmipht2+pNJMqkwhxhRjKMzG2LquN7utc65umq9+8KG1zWdfvtx0vpkfzI+OQ0ljGLVVgkR0BRFSDDG4pqmlpLoywbsXz5+/efm2Murk8GDW1v1+BwD9OO72/fV2Z5tJM1mUHLUgTrmyVWZ8/8lXhbbX19vV9vrgYDmdT7gUQai0yDnud5ucc+G87/aSkGPMwQkuEMOkstG7ly9fXO9D07azySR531Zm7PaL+fRwuZzW9bOLy7N+FLZ69OFHH37tG59/8fzy/EowNtq6oZeMBQkB2Fjt3YjIACWEMSZfV7LkAJBCDtbqwzt3CAWCOH7wBJFiieM4WmOZoeuG7Wo1jE5IJVJgK5m43PimEE4ODiqlKmMlYkmp21w5N7aT6cHhIQnlUxyd3/c9CiGkHrtOazP2Q8ypIMi6spNmN3TG2lrKmFIuRRtTSsEbXTdAzjnGBFyISKmbcZpKKZvNJsastK7a6mixOLx1q2rsbnW92+y6bsMRpLbAxVobcgo5T+czRLxx7NFaI2IpHGNEIiBxcHLCKQYf1heXr16+un3vQd1Oht2+qhtkbqpKSbXd7kiqXLLSWipVUo453wSAtbaZTHwIY79TgmaTdr/ZvHv1UgmpCC3R7mo1ny0OD461otXVhVagjFoeTB89uH15+Xq3vTy+c3K2vur33e3T25ODw8MxwcXl1flV6l3OyUzbZdteX6/fnp0xQNft49CHoT9aHmIcVmfXZy9z1dZAOJvNG1t9/umnOaTbd07NpFqv1wwslTo+PbUSGk2azHa7+td//D985eNvHp3egnUfCm3WW1tXy8ms5OBDkIpySsZIreqcIhaZKCPLtpk/emQlQvLjbruFnJWSRojlbLqYz+p2frHa3ETc0O2itdvdftpW7WwBXE5Oj3Lh3W43n81ySSXErtsLgbPJtNsPgn3yATMSaim4MKQCjHRwdDxdltOT067vEOdnZ+e7wb1Zbd+n6v2D27ceHXQvXpI1pqqv1teZElYIhbIo62EvEYGIY4zSaO9HJahwGsY+pjRt2/Xqqm7qdtps91sSyphaKdMxlYLFhxhyiH30fj6dhb67ePXi6OAgC7jehn0aTVXV0wkJSSQyUD+GOPgw9Ps3z09OT3xgcrmZTMbNVld1QxaRkDFlruuq2/W2rmeLRRbARiUlhSBKXBlt6zrGOI4jCpFzZi6EkqEAw+jcMIyVrQpzXTVSCERRALqcy3ZDOXJIytrdtiOgYT8i+KOjhSYUUlNJOUchlCDiwgIFFzZGk1Ipp5hSYT46OJjMZpur6/Xq+v3HH5wsD0IKPkSBuL26FloDIWQowEMcpBAxJWVMVdkY4zCOBZiEmLRN8l5bm517+cWXru/C6B49fFAb++Vnn4F58ejhA6Vot1tfB3fr5LCqHn36yWcPH92ePby/G330AQs2s8WsD1poI9Tnv/yNkMLOWyA6ODq8OH83aRp797bvu6OHd/vt9g9+7+++evN6s9+vdxtA9N6jLQ/evzt0/Z07p2PXVUcHmUsuxQrsttep5H4YptPpu8vdT37xk+//9qyZToTHVICYRCZRkBGH5Lz3++2eGSSp4AICTZrWVu2kmY79vuQkCAe/Xa2unHPz5YGQan297vcD5DBpq2o+ffP6xa7bp/jAqJaoCKubpvXedd3OGIlcJPDBfN7UtQI90fMQ3Njvg+85B6a87TuBDFLWBtbby+2uv3vvoZ3OTh68d3LrbszghbTSfPNbpwHSCLELo6zN0hwQg0KZIUv2YyGoKh3jiBhTyUoylCBy6Nc+DYOum93VuuuHum0xO7AkZMm5SISq0rvdrrKmH7rrzTUpKlgS5MrWtZqTkkLrAuC99zliKgoII6ZCz168WV38ZHl0vDg83Gw2x8cn7WTivMtcYorPfvXLj776lZJCpQCVjMQREhSwUklJUsr91kkjJ207DENwXnJCwrqu3Yib691+2xdEfaLnh4frruNSZMEUuEQmtpPJ8uNv/y6ntF9vJZGqBEnURmvmzFkplUsJMQBBjtGMLEpmSahEBl6vrxezWfPkyc+3/35zef3g9oP1dsNIQ/DaWGtN122lLtPGjmEwtjLV3KXMgEJrpbUUIjgXc1YkV2/fXV+89ddnh4vZ8b0H1+u1z3bYXc8Oj/vt9dvXr46Plm0lT44O5rP5t7717crW5+NAJUHWm22Xi1K6GaF7/eqLP/uT/+/BdHa0PL313iOStBqcPDj+5te+evb6hdtudjF9/url4XyBSu26ru86QtxebwnQeT8Mw3a3LcxN0ywWy9G54UZIneDyfKXVsqqniEobpSuplCKG3fU6eZ85Ht06sEcHr8qbYfQhZq2VtXXbznLOLjCpVhjOYTTtzMYUXLh+dz5rJyxtcn4+rSulCPHocJkhPX/+bH58RFK/O39tbLWYL6pJQwApeNM2l9dX6z0tZwvkPGnr0FIYFTKP/a4nkXPYbtaTxYKkCtkWqrPw+4B3m7lkNsY4HzexFC69DxVT1VQJ077bJYqgUKbgI6E2MsUQvJMKFVHfdYqo3++pkB/Gfhirtq11BYKwFChJEiJALkUZFUve7bcRSruYN9OZnbQodERiKVAZLhkVK0Np9CFm0dT3v/IhAtxzbr/fr1aro9PjdjHzzr+9PHv44P7Zs7fd9fV+v5vMpl239znpttJaDMNQZLGVGYZ+7HdudLHviMg7t9rvd7udJJFivl5dW9MoW/36N7/5yje+eXr/fvQu5SyEVJUVQhYhJydHY98v2kYrudlcSy1Szj5EKQUJJSQIKQvzmEq369AL3dappMy5ni9L8lqb9x+/9+rV24uLd8+ePVseHjXTyfHhMobRtEYRPP3kF1JT1cxO7z1sdOViMVUNQClFLiWnnHN69uWXF29e1BK1pJJ98MNmez0MwVRNL9hIBM6/8zu/++EHH7gxpFQuL9fv9rs3l5fTdkEoramu+je//vlPh+u3bncVFsu4d0WKZ5eX3jZ3Hz9e74d6MjuYzLZXq8+efvEXl1fHJyery0shJDDv9ntrrZJy3fvprcdt21R15VzUdam1JhJHSm+328JUNXUoJY691ArIaCHv3LulULx4+ezls2ePHz85PT4enDdVk1J2PoeUSwFgHoeeORsth303n07LOHbOud3u3pNb89u1xJJ8nwK3k+l7k0k9mUuSVdXMUO333X5HXLiqaqWIAIWSg+usUevzq/l0drBYpMBj15ec3Thaq43UX3z50jTN0eld1Pbh+x/GzOvdHrDIHhOIero8e/NSCKqsffH0+Xa7RuJbt06xFFkKKKVTSjkXAMyZXd9jAaU1qyyYChckklL64Lf7vbGVrRuppNDKBx9CSCFmotv3H5RSzt6+C6Uc370rSaAkIEr+xgqmVJNGkMCcNUXvQ4xeTpo78+l8PkeioayrxVy39cHx4Qdf+YgQXYoKap9Lv++l1cM4Eg5dv1uv17WtrDWvXr+YTCZGaaHozu1TKeRyvkSglDKS2g69NJb82AhiqwG4ZM8QuyE0bRPQbYftYr7IgnvnSik3TnYpZQREQEWSVSUaLFByjCSpqVspJatc26oy94cwHN2af/EqxbjHRCI1d48Xv/zpF0MYv//Bo1dv3v7ln/8phHR076Fzqe96UtpWVcg5p1hrPZnOr87fHZweCaMu17uQCzOmFHebtXf77//W96bTiVLq5es3q6trLqiU3Qc/OVhO68n6YoUxaYy6+GHoZAxht3WTU5+SQLp3cksW6C+v+9XF6WJ+d35I3scQBu9v3b8/DENKaXZ0+ODhg4Pl8nzdQ308n89zLgZxMpv7EHIuORd1yJWMMThSsht6o+p932/W67u37pSULjbX89nCxeh9RBIhhBhzjAkAG2tI59bUyQ+1EV6k06PDt1q8g7K5WulKi9kkjaPRQkfjhoEQOWYew+DWEUAhaMJUShzH2kxjGPfbvTZi7EY3uOdX6+18PZtMmGHfdaayXbdfra9lZXZj92AxNU0LUimkmJJSquQUQu4uL2JOWlc5pklVi5S0Fi3pbtzLklkpUyBrbRB5HIfpdFaCLzFaW7l+MGSaRgNACCGlFPb7fhzrphk511Vlq5rRKSRpjBDi9O4day2R8M6VnIkEMitEZCAsm82195508SHUdT0/OJBK5VJyKc1iMT08TGM3P1jef/RgHMfLiytGOjw+GXM6X12en19ECU1TE5HWajqdtB9+OAwD51LXdYmpbZqYYikcY5IyWkk5ee8GY22/GYJ3y/n07N3bYeyH0U3n8wxksdRV46FIUoiUU7amAoackgBhtS05EXJrLUpChJzzOA66naraLE6WV9vLb33n669evnr75gW7/Z3ZV//297+tIB/OZ1/UtvTdX/7Zv/3Q+8cffytLPeZSgIVSnDMS3bp7v+v27y7OJ429c3J0//6dpqr+1R/+4cXF1de/+bWx742R19fXQqh2Om+bGbB4+WZo59MckjVy0lh/ITfn78bdxlKJMe79+LC2733wgZ4susEB0G8+e/qjX/3qW9/8+u3HD772jW9KrUc3Hh4e1nW93m7fvntn6mop64tdul5djSFMptNuGPphKAy5FCVVVTFAiSkhovO+nUxOb98CIhfS0e3bRkoUQldyHB1gIiEM3Sgkua1Es1gQT48WbXI9lvL2Sy8E3390t/cdlalt6+hcLkVoO+y7tqpcN1xfrarjZTubF+8kitG7HjmVqEgeHRxsrlYSEJm7fTd0e2vsfLGQQoxj71Pc993s4GA/9FQ3wDlzkVqlHKSSjdU4pqrSAkkImMgmDUO33mzOL2+ENbWUukDmFKTUzq3rqlLKFKB+u43eW2uHYUQhUuEb43JjK601EhmtpVQOvDZGaSOI5ERJpTCVGiQKCbkE529cxEsIF89erXfbo0enxyfHk3YipfDe51yY2QevlT6cTRTw1cVFyuXi/GIWs6qaummODoQgNQNX1/Vuu1tdrytbt00jSO622xiT98GFXVVVxprOOQAgBkky+fDu2bM09mO/exnGsdv23T7mfP+9J/cfvT91/u3ZubJV09RSKI0Sc4wxK6mkoJiLraqUIzMrIYSgnLNQypdsJzXVdb1Y/KP/5B//2Y/+7U//6q9O79x++Pi942kjSixuaHWh3K8vX1P+hhZ8ud8moWzd7PcdlsxKzxbLH/ze7+/Wq9rq7MftZvXsyy+9cwIZSrZGP3n8eHlwACSFtIXFq1dvcsol5VppUlIhLxfz6XwhOEtin/Nv/fC3v/nd77eHJ7/5/PnFxerq4uLW6a2JlEqJlHK37y+vXty+c/t6tfYhjd5vdrsCEFO5NZ/8jYlnSeM4WkhVZaW2SELUhoRAhspYABZCMjNK0kY753xKVIAIUQgS4m846YBa66Nlm8bedQNx/eje/RzCn7s//eWvf/Wd736vAEY/liRzym5wxIDSeB9DcZKgeLe9PM8JqroVUnNMhAwC+33vhrGpaj867xxCQQZvNGg9P1xu9tuj6d1bd+91LgkShYSRKnO58cKJMd6Y70uiSVN1220IYTKdTNp2t9tK50LwgQn6cZy0dV23wJBSyTGFEAgBEY0xmSHmEGLSWsQYGEFXTY7Zj14K0VQNAUmSRISIpKUgwSkJAUZIZFBab7u9beont05u378FACXn2PvgXNs26+u18y5J/dnrF7dPDmJIREoi3T29bevJfvS1bZtbTVy/u75ea6WNbp4+fS6JTk5OZ9NFilEbni2Xxpq3Z2dZKimk23ebywsrZPKxrZVmvR/XOY2b9bl34WXXpe3uuz/4nXuzdtv3n/y7X0xn8ycffWxIAxXAJJX2MWUuSmvvvSpFGo0IWFda670bVDMdEv3Rv/0LPyZRT/vMLy6uun53spw/unu7qdL0ZPH9P/j9jYdtSt6PRZXh2g+ju33r1CjjQyQlZ4cntTHj7logDP1eCBH8eHRw8Fvf/+7x6WlmGFzUpvri+cuLq+vZrB33+9H59dn5yXyx23d3Hn/w8cf/k6auf/aLnx4eH33y6afq9dnpvUd971+HV7Pp/KNvfv3y/O3zL55xgpPj4+dPnwktb925oysbQ3rx4tW7168Xs+Xde3dn83lrTWPkzW6IGDMispDMgMBpdJwLS1mQUUlALIULiVJYMCqtcspKkBSCAJnzdr81AqVWl5eXh7PZ6uLi6bNnp/fu70NMPOSEMcaSuW2nJARnzlwqrUqJ43ZTt+18urTNhEi5GAsSAI7dQIxKytlsllKcz2ebzWYYBh+CD+PDx48PDo6ARMG+2+/a+SECCCShjHdjzljVdUpBSlUAyKhqMdVKgFJxQCmEKMxK6amcxTgqpWJMw37fWNM0rRs651wzmQLR6D0hNk2dGW4cagsAFyYSYfSolGC4cSsZOTuOhCwRAAsw78a9qs3Djz8szMVFLoWIFJBPnMe4aKZithyGwW8uvvz86W67e/L+R+/dfzhtJpmphISUttttK0VTzb788ssUAzA0tqrsZNIsTk9PXC4RQCp5ve+Pb90uMV2Wt8lFS3LatK/e/vrt558sJvb7P/j2+uz0yy+fC1W5Yf/f/jf/4vs//MHJ6YlO4fknvz6Yze4/fh8kDsEFgZkjCq21TjEGH+qqaibT0Y+DG4UkYBmZ3pxfI/DDjz5eNtWP/vRPJob+/h/87QfGPHr/wfTk+M4unO/D2WZ0/HK1GwlJa82Z0d744kMpeRw3HFy33aZUlFK3T0+DH//0T3/8ne99r6rbwcf1l6/OLlZPnz5rD6ZIZdFMpk3jnMtA3/7t35XWClN97bd+9/L5093gVYLZwbDd77713e+8ffOcKvPB1z9++fT5n/zhH/3O7/1uU9fz5bI21V//9U8/+eLz2Xy+PDhq29nF9WbTj7mU2WxRt+0wOqWUMTYPoyBqqwpyjiGWzKapXAgZQAgZcyEBzAAkpMQQAjtXV5XWOnE4Xhw2Sq7evPnJT37661/9atcN9cJsulFUOO7GDGhsE2MZghPIHMaisOS4uV7lFLHQer3Vtm6nMyBMKYKAGELv42Q6udjvU9tIKffdbrffG6OEEARCagNMs2bCzN1ub6vqJiVLkn50ttJSSRc8E7ASRQvWEqyW9aJJkJPvm8p22yGGQMyQSokMQCS1j2m4XKWcpBBNVSlmDlFJqYWQSgmiG2tVgtL3+wGhaRoU2qBCgUSZqUDOgCAhN1p770MBpW3vY0iJbLuPwVoxa+p5a6VI5y9fzI4td9fuglf91cHpHb9db87jGKKatseHB9dWeYhNZVNO7149PX+rLi6O5id3hK5ISKMbZOXGQWvzwQfvd5v1z/76320vL4mMoKrv0tHJ/Zcvz5RUlTGr8/O/+tG//eHv/t4/+Ht/97/8f/9Xv/nNz45vHdy//zi4FFziprqMw7hbT5sm+pD2+9t37765eKenU58iQYohMYqYytVm13X90Z2Hcbf68sXre8fLdff2/qMPp1UVc/nkk18p0IShrqtWq1239ewP5nPIZXV+7rq+tWZqWqrzupperF65XL79la+dX1z/4lc/vv/gva4f9/1wcnIoFFlrtJQX78421+v7Dx6YSXN+dbUbXoV+r1w3mS6+873vP3v5TkF5eOf2ctpsd+uC4u4Hj7589eLf/Jt/87t/62+f3G+dVMtHj57Ubauq+Wy6c1sIsqkbIplzibGEkBHkfNYKnYUkrZQgK2i23/f7cSAkoZRVRkAKMeScSwFEUEIKpQA5RMfEL8/Pfd8L5pLL2gczmcwmjRDCTKf7hEPvGDiGEXLWWpIWkB0n187mMaXRdWfnZyHE7//wd6p62jmWxtqq6bdbsNX08GjddQQspGlb2u+343jZVyMgSWPvP3qvd8OsbVEqF6IwRkhVcgZJoYSQYkkJMhqqDJlKOJlKqqzNKSKiD8FI1W23pRQGEIKEJG0qAOj7QQgRgs85CSIkIIK6skQIgEJIIgK8sXH2iIWUEQiIQEJIJZSsb0wlgBmJMjMSKVvXdRWiD2EM0e22G5nixx995ZOf//RXv/n5rK32u+1v//7fee/jr8V35ym7y1dXfnP5zY+efPbpr3/z6188fPRe1U5s06QQg3fB+RASIgXvICdrjbZ6Opu89/jhpUhu6Pfrqz/+V3+Yg68qW1d1149KqW6/H/ru7/7BH5xfnf0//sv/55//WH7nG998/PD9F1+83vUdZcWp3a7Xkktr2//Xf/F/B0nf++EPZpOJp7CNQ8rJ2kprbZX2KVxv91rg85evv//+rXqy2LjterNeLA9eXn6+nM/tbHqxujSCILqXz55mH3zfL6bTcb99e7U6Wh7cOj65uHw5aSYvn79cb7c5FR9DQTi9c6udTBWJ1y9f/Pgv/kSSuHVyGpwrIRiBmlBV5r1Hd1+/Of9v/uV/fe/Bk+V88ub1q7v37iglRjcsDg6atim+TObzvfOFaH56p5kfi8ASOCmoCte2RsLgoxRSCWG1sVKE5Pa9EySbdnJ8NHv83pOnT7/49NNPT09uCcBJVXFl3eiAMOcUYggxIYKQlJhLyikkI0TVTA5u3f30089jzE+ePJG6Zk1ama4bgVkKGvpeYUpuEJABqNvvOYe2Nm/Wq+v11a12aqsqoQw5ZSXWQ7+cz10KkkgZk1O01qzXax9C3bZVXUmjRcnhZg+FkCjEzR0f5XzTrTAykQQQKZXosww+ChRaKiFkjGkchlLKpJ1oY7bXl951Wut20tZtdaMil0oSiaqq6sn0BnIppdwUAQCw1hJhygBQUkgJmYgisA+BEMZxBObZ7ICJqHBhAGBjdG1kCiNw5pSHXX/x9m3oOpdc3G/+4l/9ty+efT49Pnn0/hMnyxdPP7v88hOptShpdfbu8IQA5Oj3RdvJ4WGtJTDmlJVUHP3l5UUcO+Y8mzZNJa8vXrtuf3R6dHJ8/Pr1O11XWtuQu8LZWvWf/I//46vLsz/90z/9v/xn/6f/3f/2f/+D73w9Mf/FJ79+/fKlyP7q8qpSt4+Xk24cXj395OT0lqqns0mbWSSglMp6uy1unC2Xby/e/eRX/N7tQ9mN68FdbdbPXr5db1ZLo4sf0+ggjfNJu377+pc///md01OZw/Mvvpi27XJW77ZXuXeS4cP3nwithLZZiP0wuphCShDLiy+fb67Wjx8+rG8IzMtZJag5OPjgyePN6uKP/vWPZrPlrK2qerLZ71+/erk4PGjbydP15vvf/74bo6wqUTVJqd3gNZnGmFLi1BwBskCShIu5Ii4CUStVcuqdSViCD13cr85XX3z6JTOH0Z+/ezebzqCwMspUNuaQYigl5VIylxKLEFVKRZB2OUWXTu4/+r2/X11fXlbTQ+ejdy7EkHNEIlJyMmlKdNGPDELkYAX027Wp7PJwuVpdm2YxPTolqWVl7bTqu0619YwOh91OIimlpu1kOp3vdtt+GENOT794Oj84JA3GWJIyxqSUubHoYyxMWLU2hujGEREXh4eybaZay+iDc0Eqg0hVZRARhTRNLQ2lmApSLFkppbW+Wd9S101h9t71fc/Mi8VCCHGz2IsZc4o3oQJAACCEdM61bVMrXXJmYkYmiYQCAYkAC4/BX52fpV0Pi0UOUQCX6Knk+7dO/sk//kc/+qu/On/17KMnT37w/W9+/ptPrlarjz78oB+Driekm5ihSEmQjaqklG4cIWfnh5/95N+9ff7l48cPH986vLrofQz3njz+7d/+rbaZ/K+/94O6nf6f//P//Oqnv7y4vn7x/OX9+7f/N//pP79/evyv/tUf/ean/+5bHz3R2hxU5rUfKoFtpVLof+t73/r888/fvXtHi1lkWTKy1IlFZoqpDKOzBI8++Ehj/sM/++v7Dzev3rzzMU3my9Uvf/nyzes7d++P3tcKr/ud4jKxpjaqtvK73/3mdDpFhJT9+uLq4t35vdt3fMmrXccEseR60qaue/rJJ0PX//7f+tv79fX1xWVVGT49+uC9R/Pl3AXftJN//E/+yWwye/3qzeXZm3oyPTw4GEL8zaeffvDBhyXkvh9lO+kJXc6oDYFGkEoQEwrCG4mEG0eBgJy3G1/X1Wx23LTlxic9pRRCzDk/evhwGIbgw36z00YdniwZksBCEiTImFJMUGKJKScsJASjSKjMZDG8Oju72EzaVgL5zATAXAonkloK453OIVIpwY9t3ejKtkqDrLpuJ+t2sqyEUrEUW9dSaT1VJRVibitLgE1tUYoXL1+6kBZVXYhQCPibPXyCEEsqDAwAWmkhZYxZKA0AqWS5urg8OT3NOddVTURkjDYVQ1FKxVQB0Og6CpwzGGuAFAlTN01VVePoSilN01RVVVXVzSq7vu9DCESARACFGVCIAqyrqiABglI658BcAG98GajkrAgqrRezeZHq6PBg+cMfvHu2uHz7YgflzsMHpLUw9uNvfPP2vTu1td/9W0djf2O3prad23VDSByRGVETYCkaIabw+tmXrz79JPtxc3k5Hi11O3n4wYdP3ns0m06Pj09++Hf+3p/+xV+JZn7n8Qd7N769WN2+fUsL87/8Z//st7/3veViabW4Wq+W09nHH35lDP7Tzz/96S9+IZV68v77b16+/PMf/fj+h994+MFXM+Pow9lqLZUy2ng/vDy/aI364MGDIKrLff/rX/9KKf3hRx9dnF/t1yuj7fX1+mbhhQBo6vrW7TvW6lxKVVdN25y//paPYdd1tq2n08kQ4nwy9bl02/12tzu+devk1unhwfI3v/iZUmJ1dXn/4R3vutliroyd1BPXd2O3VVTu3zmtJrOf/fjHCfD41p2Xz577nKWkAmxuxIGJGwQjlMuRuUgh1A3MdcPNTjkjktJaUQiegRO4klJMWSI280mToTK2YAph2Pdr58ZhHI2u28msqaestSLRu5GUIqlASFs3+95323E5OxQkhVTdsI/Z5Zz2vWtsXbcTN4ycQ2byMQldEBNC8PuNj5GQD05uVdUkh3jx5my/296+dXp0eOTHQQp6c3G567YxJUCBWmlVM2IpjARcSvIRmEiQlEoI6rqxlCKVZi7MIIMLdVUhADOQ0ilHaQwJ7PuepGl03UwWVVXFlKy1ggQRCUGxAJGYzWZaa+fcMAzGmJuFgQBYckAspQAipRRzAal1CkVqBQwFcinMpQgBQgujK0ohIxwsF2Yxa5QoipdHB87tEsHIeLbdf/O3f69eLK9z+eLl2+W0rbV2bpzNqkcfvB9CvrhcjX4MwYeY+26fc0rO5X5QiHHo12fnnzf1g3t3JwfH173rQlbt8j/7v/7fXr85f/8b3/nqt9WsbRbHt1joodtbpb79rW8TYjfstZYNqcfvPb7ebxMyav1nf/andVX/4Ld++/NPPnn68mUf0m//3h/k/RDTpdC6IGUkRDLtbBPw7OnzSPLuo4fPv/ziT/74jw4XB303dvvhcHEAAB+8/+Hy4KCZNgycOEuri5RG6+/+8AdPv3x+fnVxr314cXHx7vzS1u351eVmu7v74H5jK6vUfNLEMH7x9JPzq3OG1LTVu3dvt3vf73aLtmmMjm48nE//6Md/xsxf/drXnn7xPMc0Xx46yEoLISEGTzEpMhVZpYTUldIqldINA4No5lNRNcM4rrsBGIwxiJCRMgJLKgJ9iSUVVkIQKyVINWpf+u367dszZDVp5u9//LX5ZEIEvmQicH6spPmd3/md9dllZexmu2YuXHKIzlhNKIZxaGyDpDwqO5nH4FNmKYomloJiHP3uCmdzkUV040TZxa3p8fHhfLk4Oz979uzL3X5fNbqdTZSubuxipRRExIiAKElwRkIhkGJINyu8gDDEiIKkrasYkxBCSLE8OLi8vIgpSSRrrUQpSQGw0lrd2DwR3qjRhSAUwMA55hgjAuSc9c1KrxQB4UbtpJSSJPthdN437TSmjLLUtpJS/v8p+01l59WB61vX9wpy8e58syJjhK2HeNUnjtLI6WIXSxRklodFiYCAVRWYB++Wy0Oh1X69SSEgiev1xnu/LdkPoyTx8de+oazeSWGms0ld97v9T3/yk7/89784uH3va9/8TpE2EU2Wh7PDozdnF7vLd+XWMZdiKoWE291ONycpl8urVdePd+7eq9vJn/7hH50cHT9+/8lmjCWnzz759VgQGaqqamq72+QcyuzwaDE/WF1Bf9HVdfPxV776yS9/8elvfj1pZg8fvPf4/Q9JCmPM8vAgxJBKJshCilSSAPj5L3/2y1/8KnO+++LZbj+mwoeHJ/PJdNZOQynr7ZoWc20Wi8P5/Hq2WV+lnN6dn6032+OTe5fv3taS5ovZq9cvP/n0k+v1qjk4vrxaaanbukUhMBelBGlRK6OlbCIriAyoUVqjYuHBuTEkDBGkYllShnEcA2elVEEAKZQiIsw5IRIpzCnlEvzYBzcIKLEfLt9da2lPTk+aptICe+f7YSCSUsPEVO3du8F559xq0zVNU7XaRcc5p5R2u91yfhC8AyGV1mO/a4XJKQhkiOnq7RD6+Pjx141SAtAas7lej24cnTs7Pz84PJjOW6WNFMrHBAwoBCMzMyLc9CaFSwhBW22k7cYh+ohCSEQZeAx5uLEGFkjjdm2xEBspROYcRYnJgwOrNQBISUIQMSQEJsDCkuS0bhAJiMjolEIqmQGFsBCZEzEh6rpwQiXn2rALqsfJRClVhIjLAztpbYx51YUMKESdhJydPpg2tgc5zWJ5/7GaLF2EjJjYZebg0tFyMZ0eJDe8u3wN5BfzuS3V6mLY7LaA2aXx9OG9k8vz16vrb/7+P9DWrNIgpdzve7Fov/F3bjvvm3rSpVK6OJ1ou5yera4qzh988JEsaRx9ZrB1lYUaBELJg/c5p1bXi/kEMfbD5qvf/rub1bunnz21Uy2VSWOI23y5lUwaxeTXz9+l9NMffvM7YUWvfv3ZoqpNVx6d3Pv81TM7rd+ffTVmvt6sNj7cPrndNHa/2wzd/np9mcc9divoVi8/+Tkl9+jJV5r5EoWOBWPMmFxN5WhiL988e/7ss6P5fLe56vbjD374w8vz89XZu93V+Vc//GB2dPRXn376ky++WN66RUqTFqpuxpwASz2fa2s5l+g9Sg6KhMAGA2Oez2tbTUiJ1+8uNtcbaS0AAZV6YgAKQACOAoIWMnoHKYS+26+vdpvr68t3+/VVHAeOWbK0IfKw1XFv8jg4fziZbgaPQudSrrbr5MbFZNZM6t1oEURlpkqEsdsyZCFyv7lotCo3HH+tBIBg4JBKZkLR+e7cXRy1h6WwB18QREk5xgd37jHz5np/ctooZX0ctDEZMJcMghgglGA1EmJJmRTFHJwbhBBSGuecdD5kZikEEAFSLLkgktSFOXPmHIS4kYiIktIw9Oo/EONICKNUKgEBicjWdQ4FuFRGQuLiesFYa1MQYxwTZw36cD6/evOunc9IlmZqJtN529i6rt+9vehdFMr4yFU7BQTP5cH7Hz766KOD4xOQipQZvYPdoKRMwe/Gi/md2yLxpJ4pV/Kmn7RzOpZvf/WL9DfOeL4U/va3v22MzoUJVUlcMhKiMTaGoqRWAvthcD48e/G6leLh8YFtJ2HoSMrdOG5dIGNL9NvNWlsTrv3VxbkV9P6HH7569mXqh9ODg3/97L9vZ9N/+D/9n7+6WL25WA+ZMwttmpLj7jL9+x/9OPXu/O2rL7z/xje+8f7h4dGDu3/+F3/+4z/+0d/6/d9vq2p9fU2FhZBdt12tLnMJx8vZP/yf/dNbj3/2L//lfxPFq8M7D33ZaFtfXW+kUo8f3oOctNbvv//4/t3TzfW1ratf/+bXH37l46Zt9a1bhXm73+19ZKDdvrv7sJ4tDno3MrNRWldWGc0MKSWJQmoSgDE4qbBtJ+MwbnfdfrM1WOpptev2wAiEpYBWsu92fhhS8vvdhphDcOvLq/XlxTjsoUQuEUtWKHKKMfq+67/4/NPl8WF0SUhZWxsLReaCqKoapC4iC21IKlJaEKkq9X0njPE+rteX07aBnJSSXAoCoRASgAFjzhcX51pKa6sIsanrnFIIwRhNJFRTbbe7dL2W2siUhTaFi0CBRESUYmQkYy0SQkYiYqRSyjiO0hhDRIW5MAESC03KKtsiotte15WezeYx+FJKQU4BSsmlAJRc143Wyg+DEDdewbEwMmchEGKYCmLn3z7/VGg5v30yaZvjZdNILlN758GBsVooQAImevn2rOs8mQpAElEEJFu7oSNTt20dE2hJbhiCcyIkLNAIfX119dqFprInBwez2bTf73fcTw8O3v/go998+iki9vv+ow8+qIx9+/r1vu/ldDkOYwyxmTU55EoZLWTwAXNOAbbbfXt4YCezs+utRK6sFbUuCC7FOPYXq8scQrfbRTdCyo/u3P3lz376x//df/e/+Kf/rLXVl2/ezKdNs5gnfrrtxs8+/ULryhLR1e7i+nK9362vr07fezS9d7uqm/uVbZvpj//tj370P/zrb3/7u0bQbrtm4MlseufBvdmsFYK6YhzYW+995fT0lm3nRIKZ59MWEW+dni7ns+jH/WZ1sFj8/3j6r1/bkjzPDwsfsfy2Zx9/z7WZN/OmK59V1Wa6q2ucRqRmOIIMCYgURYIipAc96kUPEgQZSCDEB0IgJBAiNDQzGmpETY+pqemuqraVZdLevHn98fuc7ZcNH3o4Rf0DG9jAWrEi4vf9fj5JFLEo+sWvfv3555/9zm//1uNXL1+fnok4bdX1ZGuiTLg4uxiNt9MIBQQJIYJSAIBUyhtLCOWEQA8gE/1hQQi+OD9v2waAAJwzquoLwShtSjWfzx3BEaOvnj05fvVyvZgjCDijGCKrlAvOOwOAT5JIiGhra2t7ssM5f/Dw7d54fHw5O1ssVeiK0RaQoPOB8agzRjmHuQAIeYSlCjzOBhMi24pD3FQ1AJALYbUCAFjvQwAAkQAwRth0bVNuCIJRnHBKjTGEIG1d3VQ7e3vj8XhTVTfbDxeA9cCHAJwLECGEKGNcRN77KIoBxFJpiFCa5yRPYgSBd844H0dJCL7r1HhLdJ0cDEd5wiGERnUEAcZjggDBWCtZZOloMG7bRnediLhz1nvNGcOYUk5DMCdffH7x7PlsehH3ig9/8LuP3r3XG04WV8ve3lacEWNUCMiasNlUziOICQgwBIQxllLOZ3NGcVFkASIlJcFAV5X3zkAXZ5lWGkQsRJz3ihqGi2fPqqrammzf4tH27j4i7Pmz59eXx0Lw09WSc1EUuYdM+zblkSBUcK60FpQErTiCcZIkUXR1dUWAH/aLNOFYKogQRARTUst6U1Wnr15ncTTZmsyml6vlcntr+5d/+cv/9g//W1//4Ovf/d2/8vLi4vnZi7qqnj5+urez//Lpi+liqa6mV5vVwcM39h/cJbFAEQ+EbKqGUf7uu+8/ffr0T3/20/2Dg/1bB4hQIagLfl2WbdM5D2dle/fNRwjC56+O0yTemUyyNCmKHiG46zpOkZLqejYbFMWg30cIffzrj8fj8cX0SiodsL66nlEe3Tm68+njJ9VqM9qaeAgwJcE757zTyjsntUKWx1QACKqmBSB0UmGE44jB4E5fv5619XKxGPV33rj/YLmYGyXfe/jG/rC/Ws7n11erxRwibAKM0iTv9fI8vXv/3oM3HwyH/e3dHQiB1d56sHv79uVs+fryel7WRZbGglMqZCeVUZgRESfWB+OtUsq54AKU2vYH/bosIWBxHFujEUIQERfQTfQGQUIRassy5lHRy05Pz+u2ZZwrJZ89fx5FEcSYiyjOMkIo0CogDCFyPogoIZQ47yHCAGGIMKY0BBCCI9ujHsbYGMd5FCDcGvTjJNNKEYQIhlK2EECKEUIwBBdHAnpPUdQrijxJI8EoxT5YQnBdlZzhPI4E5ydnr7/8xV820ylGoVWb9fnrQfK7BPl+v3DaOdVpKQNEASAMcACAEowRNM5r2QbvGMNCcM5ZIrgG3tZlgjxkyPcG2hgvyCDftsaU3uqqCRCMjm55F16dnXVKb42Gb9y/v1kurTNaqVu39pfLzWI+rZsaI3TnYC8vcmvNYjFryjnBmAJOg59Xm19dnOzvb29tjYfDoXfg6mqGCTXOlJu1dWi22DR19/z1GXSgPxhfzhc/+hc/+f3f/wHuzP7R7f7+/vl0+urFq4vj13vj4dKap8cvkiy+f+9OC0KjzGcffxpsADYgD/Ymk/fe/+Dlq2cvXz3d1Is33nyTUWSsBwDtjLd5kjBCzs5PH9x/wNl+1zaEYELparXcbFbbW2PZNqZrQLDemO3d3b/7d//uj//oj3/yk598//vfZ3Hy2eePCRN7eweERXmavXj+amd7P84EpmS5WWmlvLUE4yLPCUBem+n0+vXl2cHePkEweGetlV3daVPW7fbe/vc//J27d+8s5/OmKinBzujl/Lpr66apfUCQJSEApTQTUa/fO7x3Z3d30snGQweRM12ntaUMf+tr7z4/Pnny1UtCI4jg7s4oTuhstpTaOuvSJNloFYLHCAsukAuMc20NVoBSckMudxAEABFCGIBqvcEErzGJk+hGcgMgyHuZVJYy3nYdUMqGQLiACIJwk7oMhlrKuXNedVIqbawTUUwIcV6SenlV9PrIuuvFlQ84TTLOCASOMg69u6HbuOCtccE77VwILo7juq50I3kcwRAQQoNhP88jCiF2XnXt1emJbWoIQ0SxMpICn8d8rdRy1Sznq61hzDjPe0VvMDo9v6jaljNmndNWCoohYQSlIQAMgWxr7PQoj7FTw/HoEpDlYmm1BoQxwhilwQORCiGSq6srq7SzbrNc7U0mt/b367ZWqsMYGavSmFKSRIIzEmS7GQ77StJbB1tSdr0sgwFOBj3VroteRgiaLWYQ4qapvIcBkOAIAKyqS6nc9uHdJ4+/GO3lvb3DP//Fx7NF9cYH77yJYKnkxeVFluWvv3p+/vylbtsQEx4lT59+JZVulBmMJ1GaR2mys7fv285b8/DR24Or3vX1tKk2h3t7adyDkDRts7y+yCNy52AnGGm8IRitV6vT09O27ZTsBr1ie2v4xr07ezuTl8+e/eN//I83VTXZ3t1U1Y9+/ON3333fGBvFTEQxQvTRW48+/uTzpmq4IBgjDCGBkHKOEQY+OGdG/f7u7i6KWPB+NBxRgo0xIk5ZnA+3D24d3RL93qwqK9U1WrpWHx3uHz644531zpxfzU/n1fXVzFJkIFtdLb86OR8Mi8Nbe3mROAmDdwD59XpVlhuG8O9+95utNGdnl/XqmlCaJBTCgCDQWgqGkcPWhSiKtPbcWaNBWdWckSiKEcXBBechAC5YK0MACEdxfHF+nubZcDRs2rZpmyTpjUYjcANwxxgg3MmurNsQQhRnmHKISFtXZV2LKErTDECktUaEEIECNBIFuJpd34wOsjjKslgp3ekuEIggUkqB4BGEwTuCiZKaUZokURKJVgNtVdu0gmEQglIdpzgWgjEBSKtVs3/rMM+zX3z0C9GfQCTSJI2TRAghWLRZbcrVmnKOgzPBxBFLeKw7E7wJPkQMMcig9buT4frq4kd/+P/tvfH+cDgQHJtOQYjqqmVMRBFpVhuOKeV4dnW1ghAFt7W95aeuP+hba4eDQcyLly9fbm2N79y9Pb2+2JSL9WqOYMAY9bKYIOJs+43338/7xeXlJWUsyxJZNxDS4Ni8mZ2cnFFODu/c9t6Nd7adsyzPPnr+08++fBptby3+8qMuWMqY9r6VSgSorXMxGg0L6KDvZARxdTVzUqfxYbleYwjSNA7AjbbGSRLJtn38+efD3nh+tby8upC+kVJZ56xxIk6SLHc+BA8o41q1ZyfHl/3inTffyJJksjXJ8uLV6enL16dJFkcR//t//79EhD5869226/Jc9NL8/oN7n3/x+d0HR6PRMEkSfwONBLAqN+PByHs/nU4JxiJOMMFV00IIrPcBYev885evX56ceO+1kkbLarP+6Z/9WT9LY8Ejwbb2bkX5ONXg7Ozy6uyEMz4c9k6m89cX5xiDt9989/DgYLW43lSt4JRzPr08G48mj968v6mbp69eUQj6RXpycg4AHI8Gy9l1pQAiMCaxM5pgbLXuZEcYS+OEcKqMDd7qTgHvrDF1uRkMR6vlcjiZxFEcRREm8XyxyPMCUQaC11Y7Z72xmJAkiiiPIILWGkoJY0xbgwmBhKhakvX1NIqTgOnWcEgYx5gIHHy7tk0TQFCeMUIxhggS4ANALPgAEYIIO6hNUIyTAIM1tpJSELAzHg76mV5shpCfvPj0i88/ulpcH//oX761Mt/6na00xpyTWdsQJdNOOWMJAAJjbU0/S03wspWcsjzhsq2pq1XbQGc+uXg5HvTf++D9Jh5bY1EIjFBGKTGGYgyd26yWqmrnVzNtOoQBYwESu3OwPd8sX758LXg87zYYEcrEF189TVKhrLPeOSWNVMFYSqigUbOq5+ez5WK5Wi/efuetXha1nXTBZzEdbRUkEgoYaRQlmPF4FMcP3//g53/6Zx/9+lfvffebNGEIYpEmaX/YLqt7j95Nd6NRMZyenhe9Hg54enG5mE4ZhO+8//7oaDcg6I1NoiimFDj38S9++f/+L/9zLdW9tx78zh/81nAwajvVdRphCiCNkxxhIrWeX10u51fE25/++I/A9z/c291bLNfbO4eepZcXp19+/sndu3fior9YV9ebTW9nt3UmHxXkHH311TPGhLWBcx5g0FJTIqS2i9WV7Lo0jRmlWmvjTQDeW+uMJjBYZ2UDil4/7+XO2wf33jx5/erk5Yu9rXG7rJ89PoYij5Ici4jzxAVQdiYg6kMAGH751dOybgb9/v0336MEU4LWm2VZVZiS/f2tnd2tX3z08enZ5eH2Ttupqq4hwQYFpbvdwaiqKtkqALHzoW5lgDQpeoRyZx1jCASLvK+XSwpRMRw1602jlYjTvBAI4uvrGYCIMU4pJZT1kxQAIADMo2hdbSgGmJAAnAsOBIwxJZTBg9/+WzzORpPttDfEhLsQuq4F3mdJgigxwRNCb3ouwYfgPQiBcZ6mSZwQY10npVIWwlCkSSJoROGtw71U4//wf/2//erxR0lMHn3t6w2JfTp67xvfJZRmsWhUyRnb6g+rsrzRGGlreRwBDK3xBBPBGQZANZXV3Reffqqa+r13HrE4tvmkqRstZRRFEID1el1uNlVZaaOLOB/0ehAF4ySlWAiWJFnTtNPp9fV0drh/O8AgrXp1cpxmUQDeadVLE6v1cDgZDkd11SRRQjHmhPyTP/xHi6uLv/Pf/duTra3NWiV51jqzbhrpPKK8bhrGhLMuJeSLTz/+7JNf9Yb9Nx++wYWwxl5cXG3W1d7RISiYamUvyYdFH0NkjFttNtfX8yhN7ty9LRiFIQyK4nBvr1qvn3355Z/+7Gevn7+4/+b9t999Uxs7HE/GW9uddoCwALFx3gWAUVBtNT8/f/LJr5Dzf/D7v3d6ftEoAwhxznjdSuO//p3vOsgGW9tNJ7WxN0H00+PjOIoODw+ttTdsyaIomqZpu5YzZpyFBCOKjLXeuxtRA/IOQ6TXymijnOVpPByPGOeL+Vy27aDXCwBuus4D7AI0AWBCjDOqbdqmskamUZqlaZLERZ5ladLWdVluIABd125Nxrfv3HUOfv7Fl8+ev/IeIIyNM6v1ou3aYZwRBFeLGUFgvVw650ScZr0ewMyo1ukaQUQQJYSKKBZZSoTIBr2s17OeQIxvHBcBAOe8MTpOkjiOqrrjcVa3zaZpisEgIBw8DAEG66318OC7P9w7OOqPdxCPAGYBIR9CVVZxxOMkigSjhHjnhBCMMmesdy4SIi9yB81ssdxUFaUsSxMEnFUdR+Dthw+as9l//H/8Px+//vK73/3WwRsP3/z271zUBosMABBRbKq5cy7Pcooxxtgaq6xWWiOMs6LIipwR0taNNcoqBUPwzhEEKRc26bVNU643GGMl5fn5+Xq1Otg/GA6HTdlwzjnDnaziiJ9fnIEAIUB37957/Pirqm13d3dHWyMR8evrK8Zp1zYguDRJ+v1J0Rtt1mvZtrJt37hzdPrq2f/lf/+/iRj6N//tf/vh/Xe094Gxed1U2kEmNlW7qdoAoNJrFLRcl3/24x9HGL/5xhs7h4fJYHi+mJM4cYxRSp023vpBf8g5xxgrreeLBQkuiSJnbblapXG8M9mKGDs9Pn7+7BmC4e0375dVfXxxPtzaPrr3Bhax9j5gaqxTqkbeC4QuXrw4ef5ss1hsb28TQtabTRRF461hf7S1c3gH0gizyPrQyY4grLUmOIAQuq77b8zn4cbeBwLAjGhgEcaMM+usMcpqwxC8gYajtZxeTPPR8P7bb1mEGq21dW0rMSKd6iywlHNtbKdUAIEgzDCB3jlj5ssVhPDGyTno9zjjIPj9vd1yU17NrjrZQYjTNF8t12cXF85ZxnjbNWdnp70oLrIMertZLbyznewgInGaUxEDGJxVRmpKaBzHIYRO68F4lA36eb+XFgNC2U2ez1obCaG1ms/ndV0t1iVPir3DI5akxoMAEIKIYQqd152EP/w3/j3tvLQAiaQYTZCIfAicM8oYsEpQhAlxxhZ5HomoKsubMlcIQQXtQyCURXEsuw46U6RRzMjlxeknP/uL6dOXvSL6g7/2A5L3TjaSD3ejrBdzZtpK2C5OEsY4ACBA4KyFADRNAwHUzmBGszSL41hrHXxw1gkmtne2tbEn84XRulxvmqZBCDFKnbWxiHwIWhlCcJ6ng34+u778/PNPt8eTg/3D4WDcSvmnP//zLE37vV6vyHu9XgBhs1ldXV8hjEej3bwYYoyds13bMBQmg+yjP/nJf/If/Yd5lv+P/0f/zs7BQeu851E6nlzOVifT2aZsACQqlDCoFCA5X/zij3+CMfng29+Ox6N0svXy5Gx6utg/3E+zjDFWFEWSJBACYwwAQGm5Wa+s1s7Z89PTyXh8985tBGDXts7IxfS8lfL2/TdEmjdK8zRHXNgAjXPWdASEVAhbd7Isz1+/fPH0q8P9vdVyvlqt7ty76wAabu3t3rrjILYuGGcJwgAASsANNo8QghAyxlhrhRDO2lZLh8FNFA9C0LWN0zoilGN8Pb3yi3USx3fffHi12ZRS0igxHkhlIcJRxLWTTdtJIwGEN7XpNEoEYcE6T0jbdSEE4APGmCCCIDw8PEiT9PTsdL1ebTar5XKplAQh3DhkN5tyvV5njKmuvXN0eH76GiOojXU+UB4zEXkAtDUwAE4IwZgQQihT3mBK80HRG4yOjo6KIqeE1FV5eX52cX5WlWWaxls7hwZwHYCC2CMKEAEA5iIybXN2fAx/72//6zzNWZLzYuCJ6JwHGN9YpjkC3igAQJ6mnHFjdLUubwDCQgjMsfPBWqeMEZxnsehliZW1M5Ja9Oc//mOlqr3D3TuP3ltZqJBAGKcME6f3RkOE0GK9RhRDjMr1BgOIIRSME049CMGHpu0QJgjROMlvotd10y6rdV3VXd1QRtMkiZOYYlpuNt77LCtEJABwi9n0yZdfUIxePn8xHm39ld/+vYPDw9Pp8ZPHTwa9XiLE1ngrTmJMSd21y9XKaN8fjngcK2OjWMimymNWCP6f/t/+4x/9V//wnfe/8T/5n/57pTYSIA3J5XxZScNFAiEJzHEOfd0SY+V6vVktT84uPaX5eHx5OavnzcO339o73BdpzAQTgkMIgPcYQQ8RwGS5mC/mM6Ok7OTR0UEkhDXO6G7cS60PmHIL0KZpeZwSHiNCMaUwWBh8VzcxE8h5aNT0/Hi9uPr8s4+hd5yLztikGL7zwTchFVGcQISsMXEcEwiM0SGEmyj7jSTKe++9DxBgQQMIWmtKCQaAIdTPcllVm+Uqiyil9Pz62gCEGfcQOQcZ5RRRAKGHQTsTkMcMG2ucdShgq2xd1perVSvl3Tt3kzjxzgseVZsqTZNeMajqEuOgtVwtZlI1CATnvFG6KhulVC8RV5eXScSc1QQhAIDzwQXEohhgqqxDABIEGcIABspolCR1V7vg0yx7cO8+BOHVi+eP3n5462Cva2qMoTPm+cvTdQcCiyyLYJQCwrz3DANZrs+OjwlF8GBnogKWzne6QSIOCHEeeRhq2SWMYowdxNK6umqlNnmec8aV7FDjbAjaOowJZ3HwYDFbWVkPe/l4Z/e//2/9Oy+eff7Lj3/RWQ9oxJlAwUPXDYo4BK+dM8FslitMSZambVW3m3p/e6etq061kUiSOKFcGAeX6831Yh0Ass61qhKMwyRWSnVd55yjmAghkiS5WR6CNydnZ03bnJ8ce+NePnmGLPgbf/Nvjvq9B7ePUhH1s8Jo41rJknSrGPXzgdGyqetyOYNc0IgARuabyhv34K13/+SPfvrk5cvHL17dffjW9fW1DAEzmlEaRYl1vlaua4wznhPCt8Y7W1uTuw+UtNb4W7t32k5DgjUOCHsSYUMDCB4DGIAHnqAAt7d3i16vqWsQfJomCAEAQFPji/UqBAAhMS4QKpRtbGgoFZQxgkMsOGcxoczYDmE6OTgYjAvM4esXT73SDuKuq1br+e7BESYgBAehlbISVHjnKGOUUq31DUX45nPEOIMEtm0nmxYncZFnHJF2XbabzU5/BDJyOZviTFhtAfIRYwTg9XwxW65HgwkikXVdrepSVmVdAoiAh20ltXI4S7d3d6MkdR5gxKwDeTFAEK1WlTIK46BV5yHo93sh2PVideNdRwBaY5IkwiAgjIMzECGMMAAoeAcJx5R6bYKHkBCCoVKSUIogDB5cnZycPX/2V37nt8dZcm9vFwf35MkXH377W96a/8ePfpSNbhU7eygfEBy5YCECwFoHfZQy+D/7X/wv337/fZoPlsp+eXy2UcYAGBAihBIQKAzOeQyRtVY2bZFlWZZppeu6ppQwzqwFCAFrXXCaICAYgdANswGH7PXJcxvseG8PCIEYpwS7dhMR6E0wzlHBV5vNfLkoy7Lf6xdprjoZM3bn7t0b3D6m/HqxChBjQq9mC6N1lgjnrDMWYUwJIYQIIWAAbdciRLK8QNCXm9Xxi+fz6yvVdfWm4pR959vfef9rbxOIuqaFAWxvTdquXSzXmNOi3+/a5vT8zEM03J60WhpjOKPIuTQSP/7Rj/7Zf/2HO4eHf+Pv/G1PqCcMMeE8kNpSwpSRhGClpHUmgIACoIgGD6AHwUNIsTamMxJgmBZZFAsMICWYIIQtdsYDEAIIjDFrTQg+eG+dhQhCFCBEGGNMSNdJpZ2U2hhvjGMEEoJFFDPOgfcwWKfk6xdf9tKEYiDbSlm7KpvBePv23Qed0toYCKA2GnoUiziE35RCKCVxHHPO27axxlirlVRZmowG/eBsV1XIuoRz1bbPF2cmOCW7s+OTncm2oOzls5eCilhEr4/POws9DAAjwnjSywbjSZSkmPE4TeOsTzmXncKIIExgAAAg2UltDKdYtZv1elnXa4YAxhABgDxsmjZ4D6xWXRNzrlVrlGKC120n4hgzZmwIkEeCE0hCcAghACETTMRRlCR+UzVV+c67b/eKdHt7vD3ZOjl+XdU1xeRf/ouf/MnP/qLY2T9654Ph0V2SFcp7a4331mgJ/4v//B9u37rlk/zTV8cfv3i1kcYC6DyghHIMifcQQmusUYpgDANAEGZpFkLQEGip/G9QagGRG7htsMGDTQNa09saRlkinY5SATGKI0EIwRCoetO1XVU1PgTKbupqqKxqTMmkv0URXa/XZdcoZWzwvUG/rKvlanV0+w5xwGjdddJ7BwBkjEIIrbWUMUZZlmaM0iJLYfCm687PTmAI3pqd7e3bh/txkmCClVSMsThJmqY+OT7BGMdJ1nbSeUcIUlppq6SWWZ5igikh/+A/+69+8tOfvP/hh1/77vdpklatQpRXVbu9vYuQhjDUTeMAcC447xHCPoQAAAIoWAMDAAEE7733GCFBOaUUAkgRAiFYawEAhFLvnHPOew8AgAgBTAiBAAbGcJomIACtrbXhxjTjg+9U50KgnCZCIO+rxVJWba+X8pRyLqqqbqTcmmz7AKS21jkAoDdecNE2VZwkGIFOdsvlIsvSKImHecGct8Yg4PM07uXZaNCLOF2t5m3dTMvlRx999PLJVzEn2+PJ2fHJ8fEJY5FUZri3/9a3vjEe7niHncOIcECJwwAJLI10GoQArAs+BIgpxNgHoK2tmw57TV3XtV3btl5r7+zWaMQwllJ2bU2D65p2enFeZFmeZW3XRFkcZ8lsudgsN720X/T7jEfaOYhI1ut7DxkXURRtx3nTbAhD73/jvd6geH1y0ko1vV7+6tef3j/YJq77+JPPLRXf+K3fRTwxhDlEO+PWmw2JJpPrtlvMV1989WxVNYEw5wJnHDkftEMYQQiRD4wy7z3htNfrMca6rpOb2iglGMcAatlZ45VRHkEei6LoB25ElvNEMBR3su6lueDUauV9aOputV4zzoP3AcLhcBQA9AA555uuSwS6ff/+fD6v6nq12VRlOZ/NjLOybtq2Xa/XGGHGWBzHJvi6quuqGo1HOzvbRZ5jjIJzRhkTbJqnnLEiz4eDPiK4s5pjHueZ0qpsa6mk8g4Bn2O8NRxxzharedu2nPIsTaM4CiAgiL/znQ87rSET0AcCURbFad7fG9O6aabTKxExxgUMARHIEAQA+RAgRJSw4KxqO4xx8L7rurppaluJSAjOCSIABHSTUtTKO2edc87dWAWCMQB4iEDTOISgEMJYhxEZDAbGaK11DvKmaaTqurpKhOCcERDSNMWc+hC2Jnsu+M2mDAESQjGiCGMTus1q0e/3AQwhBEpImsQIIozQ8YvnoCxv3T764GvvC8Gn0/P5Yiq7rio3ztnXp2ef/+qTarUaFplcl4vZTNeNRrprWs5jXzslpHTBAOAAdM7JpnZG9fOMci61DhBhwh3EDmJlPeERxxBChAG5EZVzwSmOAwhVVSEEMcZaKqnUer1u6xqAQAi2xi4XS9m2RVFwxpSSymiE2Wirt7+/izCbXl2dnZ3sfvP9o7v39g/2EcW/+OzTpy9eBoiPju7n2zufvHjy6I29/96/+68fvz55+uyTougHCDEmjLLbSQL/d//Pf7Aqq9m6XlWdhQgTDiFCEFKEKAgM4xtaMsQ4SpKiV7BYrFZrpU1wUDUN8g4565zBhBjnPEFEcORwhEUxyAnDnW4RCuNhIZtmvZw7YxtlnXOEUsZ4J5UPIc972pgAwKg/YoQ1TUMoLvJCa4UxipN4s16/ePHierW21nLOGWPD4QAAeNN1gAhZ2XprrDYYoTSNsySNOCcYxVFMKQnOY4yttVmeKamU1jdaS+890E4Qur29rYy6vLxkgjPBCaFMsNVypZ0v66aS0kIMCJ7NV4vFOopiDHHgQSQRIUwpBSACCCJEAoTgJrUCIXBeSglCgBA6a4PzzjlvHSGEEuKcs9ZSSrkQjDGMsXdOKiWlAsCLiEUR11r2en0hEq0tgsRaI2VHKHHWCM7bpr46P8+TBAHARERFgslv3EdSa0IIgsg6xxgLTjdtjREOIWACIYIYoc1mPb26SjC8O+gzzrx3ZV3WdbksV189eVLXJeU8ocl6uSyXC4FhMBqEgBGW2gKArENvff17xWR8urgCnEZp4o2xdYO12R6OcIRfnx4jKg5u32NxVklTdTYr+oRH3mlvpFbKGnNDkzNacUIQhM4aZ1RX19Pz8zSKOKOcUWMtjah1TmkVi9gYy7gQUZr1+vuHt8Zbky++eHw9n7/96N70anrv/oOL6dV8uQKQKOOKYoAw6+RqfyenCAqCXNeWi/mv/+Ivzp49S9JsvLcP/+7/6v+glDEOcJEwETvrnDGMYEoQ8t60HeEsy3KAYKeV0iogiBBy3jPEgDXIaAbd1rCfpGnZyWQwqJTqahPx2HqDKLbBOKsZQcAZ2baxEB6xtuu0MZ1UhDJrXYAwy3IuhGDCObdeLpMk7uV5kaVGqc16RQlumub4YnqzTPrgkyTJ0oxS+vLVy8ePv5TVqp+nR0dHGOM7d+70il5T15TS9WotpczTvOj1ijzP8zyEsFytmrrOi6Kp64hQilCcJEmSIIyNc03bIYQIpdraebmp2rZsmlYbyngAwBmPIeaEex4aJZ11iFDrnA/BugAgxJgAeFNF1cYYRqkQAmNMIHLOaam01s45jIn37sbshBDinBtjNpsN56LXz723UcQJwUmSMhZRyrUyUncABNm2zugsil+9fDG7unr48E2EEKXcEwEBwAgDCIzWGKNwU/MAoGtqAEIcR9Ya6yxjdLVatV2jlWbAxVYaY7ngTLDNZqPtjSAVbDYbYtDrF89XsyvkrelaraWzDiICEUY0fvv9D7NRz2DfOa2dWc1myIYI4iLJZtViXdUeYkg5i3Oe5P2t3bw/RJity7XgiCDcta1smuCd4MxISQklGFqnBSGvX7zIkyQ418/ysi6NNx6AqtoM+30AEWUcU+YDfO9rXzs9u3x9cmqM7iUMBGhcMDYo43kUQ0ziOCWEklRA7Id5entnzIONMQra/Nf/6P/z5SefPnjrETm9XmJIKOUBOu/VTecX4JsYSxu8G/TGnPPNZuOsAd4bZYL3mGAmUBazUdbj0OHgBAtH+7eKrckXL16dbi61ch6GNMkp4kpDKSWGmEZZo5Q0NQDQOKBtABhgxhEmrdJl3RLCEEbOebVal5uNbOpgzbBXjEcD1dTIurZtrbNa6V+9fo0I+cEf/GBc9HdH43VQwzy5s7cTAihns9XVNYQIAei8x5gEF4JxDFNnXJokC7swUi/1YrlcDge9wXDQGV0tOsaFD2C5WgcA8iyX1s7r2nqPomi5WFxeTu/duzfoDUynGCcWe0oIBPBGVhZAwBCjGwqNcT54a8wNmFJrTTBmhFJKEUJRHCGEAABt22GCIURd13ZKQgAwxs45KeXN8QZjzBg1xmw2VSRihFHwhlGMcQScvTg+ieMIQgiAF3FkEO2aFhFEEPQ4YBwQAAgF4D2EvmkaQlCRZ1rr1XrVNjUhOO5lTndOmsVmFQO/lWdpr//48Zfz2TxJ4uA9Mb4sq7qugdXAGWvUzXsFg9vfO8LEtZvrKBZMyXK5EBBt7+xdTK9nddVYhKL8zp17SVo0yvSHWyxOVmVlnc7TNARjjYEIEYJBQEII5INSCiPKOMuyLCtyivDNxK4oCuuM0orAwBk21nddbZsAIPr417+ijG9PRgiRrUHPGFc30jrgA4IY1V2LMKqaFVB0azKBFmwWm+9944NRv9eUzRuvr3G687VvfouUtaLYxxGlOAQKMaHWacwoF9Q5Az3WXlerCgZQFDnwoSpLI3XMoyLh0MggXZ5F434/7xWeMdVVQDXQyuAMohQBo4yvmxYTBiBSxq03ndYyigSlPEoS6xyA2LrgA/AALTYbZy1nVBASp8nWoJdwPhn2+70CvYkup7Of/exn2vv5YtFL0yhJrs/OIYS6buRmYyl49dWTxWI5X652tndv374DMC3SrN8fcB5TQruyVUgSjyLMDY2Wy6XrzLrcDLfHUZqen19en5wQQgPEhDCeZMr76XrVdtJ464N/8PbDIstUK63VzBHrPcEkS7OyqozxEN/4uYm1TkNtg+OE3mz0g/eyk13XKSkJJghjyiilFGGktQbQE0qdcz4EHongQlVWztt+PyuKwjtvrRWMY4SlU1pK5D2nDEOCAHj29OnR7cOsyKumAiwSCQfBO299MNAjQrDsakJwmsRxFDln27Yty01VlVmWEoIgRJVREkLe7+dFEWWFlnKyvcdZcnVxSSglnNV1I6saM+StCkYhIop+nhe9YphfLU4319emrk3XAYAtwtPz6eTefZqmo97uYDiCCGd5zwXw8vWxnq+zvIiTWKrWeYt+YyuH2piyLIdFL00TY3Qr67ppi15vM1tElAEAZNdRRiCAGCHnDKWU8ojxOO/1jPV12yHgszzxIjLQhkAooohSEQuqmoBcBgpZNe16SjSLQNYbJHERf/rs6UdfPdk+vPeibAiBACNAGcWCOQhaozklShqtDAgoTZOi6G/fHSHv59fXdVUWMUOZIIQkFm5t706GGae+aconr59FxWDn6G6ap+biyjiPgmtm60YqzHieZ96HTptARZ6kCGGEsTEq2NBJyRjXWoEQ0igGAVJK0iTJ09TpTvugvbPOUoy7Sgbtr8/ONrOrKBLXZ6+Pn32Z5TkiVMvu6VeXnAulzHvvv//uu+91UjnrkoQNh8Xdo7cC9Gdnp1VbSdOmvVikXBkptcSYS+V6/QhTYRzwCAIYKCHrupmtl9o7SHHKY0ypsW5V1XmcIUQrKSmn3mqMcRTFEBlplPceI0g4tcFD4x3wAATO2I3XlXN+c/ljjWk3bZqmSil0IxW21ntPCKGUIAajRDhrjbHHJ5fzVX1weKCddVoxRKx1GABtTLNerVaLnZ3tLM0p5gEE42DMo7reeK8DcAE6iABjRCvpTQAAFnl+dX3VVmUvTyEEdbmpyipKxGDQCwFtNpUyS4qI9gAzPtne9s6vZ7MkTWU1C0EjFIaT7SwrnDdtvbqeTatSAWuhdwJTgIBWioawc3BYbG93IbcQG6tN13HG016xmC/bTmLMvXUo+ACA1pbzGECsukZqKSgZDfO6xo8fP2YYF3lGGZFt57y5Pp9ySnu93mR3l1CaFQVEuJOy7toA0Xy+ODs7y7e2s6IHEE3i2IbQqi6EwDDLe4PhnsiC5wScvX7RbuaPP/nFP/xHf7gzmlDYYYtIGjHrgZS19ZYQzjknCAbnBMGU0X7eK5J0fjmVVUUgIMA7a30ArWq8ws4oH0ycMmmNjhLMoyfHF1eLdedx1aokppFIWGAuBOeRtrZqVQghBAeBI4SAEBChFKM8S6UkEAHvEIJUKlXWrZQmjThG4fjk9KcvnmIAZO1fPPsqOA2dogFv9dPleo2c3tvbjo92Ls9Oy6pKUrRcLX/xq19Ya9fr9ZsPHw6Hw67rqmbTyYYLgmgAyPVHPeNMpxXlYnpxzXncK/rnF1MAkAthOpuFEBAlRZHXbQMB9N4HCJU2hvsizUKAxkjKaNu0xjkRJ4wxa30nJUQoQOBBCABAjFzwwAUPAICAMsbjyEiFEKrrmhBS13UURVmWNU0DAKjrOo5ZCMg5QAnvDzJM8aZuWMQ63VhPUYAQOCVVK7ssz/q9XvBAKUt5lKZ5miSb1SIASyjqmppneRQJozVwfjwen5+fd3W1t7NNKbk4P1vPZ8PhcDwaaNNdXs0x5bJTlvi2kyiAAEDb1pxwQenewW6zuTad6vf6TS2vZxfGKwAA8AJhGkUJwiRgghzQkOpArCcaQGscYSTKU4wAUcQBX5clACQVpK0bQjkCuJMaIUgpIxgh6GfTi3K1gc52RjJBIBGLet1Ps8F4+Nb9B+uyqTtzMNrOsnx6fWWcBQABAKMoKno9LERdl400ddfxKBY8Yox2ZeOlhowlw958sdqd7Bw/e/l//7/+R/PV+sGjd/dvx6fPXpG2bfOihzD1AUecGa06LbNYAOd6UeHq+nw2E4yNBgOKUV1XkCDC6CeffFKV3XDYr6AtZOpB0C5Ul+erUnrEKOWIQO2ha5U21oPQyEUAIAAAEQQhAAggCBhjhJBRDnqQisg5u2gaRAPlNHivpDRdM7p1EMfxV5982labew8fvj796sWT57cO9rhAbd04o+bXl8NBbzQ8HE+2HQDOOs6F7OSdO3c+eP+DOI6zNP7ss19lWbq1Pb6cnsfRsFqtdKdGg1EkkuPTs+vF/PT4dd7vhxCc0QEhBOFwNFLGSGcpItpZCAImDBGopGwhyovcOVFVFaZExHHbSoAhpwLcJG2854wpqaw2wTiEEEYIM4YgNEo5a24QejfpNOdcVVVxHAMAbs64IWCAsHPBK8k4o4a0TUgSgYIHzhmtBCP37tx2WmtjTPB5mgVEMcFtU/d7RdNs2mYj67YGCGYIIRK8X61W1uosSxEC11fT6cXF4eF+HCeyagjwoFUamDQvuk5xTI3XTdvUTcO0013TK6ihpFlvXr18ZV3wwQICaJSIdJSlWZbmTCREpJ4nnceQ9zrHA4ZFL4tiplUHARiNx53UlLTW27rVwMOm7QCElFEEPKFEtu2mLV8/+0rW9Q/++l/Pivz88oLHEQCgq9uuaeJeH4o0Ns5DtK5rzLnXUKRpj1IhBKF01dasbjIXNnVXdx1PE57EURp1TfP85KRcziejXkD4x//yn5dNa3x4/fr1cHdvU1eEEbJaLAjj/f4IB2+dphirclPkSbucJ0LsbU22J9s3AKwoSVvZSSm3dw6y7QAQvG66JiBtbKetgxzgxAZsjEe/mWCHAJHRmjFKGcMIE0KR09Ya4F0wHkIYtHItsiEEZ42UseBZGhtlGITY+81ymW2NvvbO+8++etyp8uvffG9/Z3Dy8nlVrVTdvvngQdPKV8+fEcbz/iCK89///d/P8/T66ioS/N69ewcH+5cX0+nVp0+eLF6/fDGdXnz9G1+fbO/cufeGd6AYDPb2dgAE88ViuZhHgmtjtbVGK0qJdZYjyinvtLLBY0IQRd6BTkpjTJKK3qDftp1SSnAeQrDWEkwEpg55LFie5TAArZQxJjhvtUEQIogY49bZmy2Q1hpjTAjpui6EwBhlOCFUdEobFxCE06urQZEHb7HPMCYYBAL8xcnr1bU4PNxnPKrazng/GBaY0OnlGSfIa5PH6dtvPKzrtm66wMimWaxXyzSJhUhXi+WXX3zOGYXeb5aLs5evXF3vHNwqBsOz6bXxDiDkrQs++BBgcHkaXZ6/1KqxzmNMIICMxSzF+WDA8wmhPGAOkoJkw2K86xDHUQoxxci64Ddl6b0ZjQZCRDs7Oy/b49VsuTUYWK29B0xwby3CIM/Sai2ht3meqvUqKDke3opi0Wl9dOfu6enZL/70z19Nr4+O7mwVvY8//ni1Wh0eHkpjizgBiGjrl+vFvNlEacoo2+0NAKE3DmkcAmUkKMUgyIqCc5EmGaXMb8q0KMY7u5Ywcn11lSRp3cm6rIosh95jb4skWrbr1dV0ezTen0wwBsfnJ+tN7XzAmIIAucgMC9bYOIohANZIExDC1AYQMLLWcARDCNY5BCEjCAIPrDFOAYJp0MAa4AMKoWtb4P1yOTs7OWaYFLs7JBFyYyIW5f3cKQ2Mml9evH7+1eXF6RiOk37xtXff+YPf+t7xq1evX72+c/fB/Tce/vFPf/bzX316i4qk1391cvo3//pfRwgnsYjiCAAQR+K9994ySp69/KpZLz/5+c+TvMAQb+/fQoQU/f721hhjZL2HCC+WyyQW1/Pr1XIRx4mTqhj0syxv1W8ItdbY4HzXWq27Xr8HIRRCyFYBABjh3nulVIAAU8IZd84JzrM4Cd4brWUnvffOe0opwSRJkrIspZQhBIyxdW6zXmPg4yRgxrEghBAIgTd6WPQTzgQKq/n1cDjgGP3xj/9FmiQf/pUfTHb3l2XNug5jyRnpqpJjtLu1TQJazBfGgU5ppWSSJgQjY9TJyau6LO88els2bV2WWnb3bt/ptL04vzAuWOAXy6VgLHhPMSEkWAUDgIQLHvEAoqK/ReOoNRVm1AbkIWVxbqKMJIWLM2Vh0A5T7FyXZYnzXspuvljAAKx2PgQRR9pYRoVIKESwXC2hC1mS5BxdO3ny1YIE08uirtr85Kc/O3rjzYfvvV+Mtu6/9S4A8Ppqdvb8xc6to9HO7mazqToFSVdupheXl7s7uzznSso045QQSKnggnMWcaa6LsHo07/4s9dffRZUw4D/8Hvf//nPP1IeWRrzwRZJozhLEi6iEEBdlrJtMk4W08WXn32SRSIm8IsvPllUK+mC8YCLVHsgpaKELesVBBB4oKUKLhgfIMEOAIAgAghYzCnljAXvQnAIANM1smvjSEQUDrNccDa7ujKqun1wkKfprUE6GY1RHK1aSShrO+WbdcQ4pKAsSwRtvVkdHz97++Gb6EA/+fiTruuyomcDrDq1c3D722l/ON5Kk/jq8uL49HRnstXP0zSNZddVdWWd3N0d/wf/wf9pdX09ny0Wy3K6XGGILi8vZ/M5pTRL4uVmgxCMokgZnSdJVW6iSBRpBh0YjHqRjZ+9eLlcryHEgnNBOcRIWxtxASGSrVJSSa8YpYxQ60PbtkZrjHEsIu8c8IESimIEQtDW1E0DALhJSt8E1G7mYsPBQLX1piyJiDDnCOEoEp1S5XK16JqTZ1/kWczffjQe9u/fvf3Zp5+XVfloMqmN09YAo71WseCjPEtZBCDM4ny+3mhtrDMIYUTw61cvnzx+/OittxAAL589RQDs7u54jjsprzfLplNdJzEhqusYghxj3XSbqtEeBgDzrCC0J3qT1pla677Ie3kf8WQhNSNcREkbgAMewkCgw5RUTc0piuK465rgAmdib39/Pl+aVuZxYqz1zkIIZde0dc2RPdzbPXuRXcwvodX9PN1sVucX58dnZzsHtyD3Srv9u0X95ZfPj0/ee/fdKMvZfHk1nVLCMGFV0+bDDGICAQzOC0ERAE4qD5HX9umTL6ZnLyaDwdXFmZWK8/j9D39r7YCPMo8iEscxgqjalEmSDIqCDXovvvq8nF1v9Ytvf+ub77//fik7UeQcoE0reZI6AzykkYjZuq7LihPGCYnTCGLkoLfBeuAx4hgwa7W3Kk3irqkFoVu9EQhecMZsGwmBAuCj3s7DB4KSrq77h3ve2KoqE4xspzNCXfC2KzGCvV4yGjy8f/fWl598/tnHnyzOp6Px8MPvfS/rDwJmpdQOkyTvZ0W/l2dFUTAeDYej/b2trmmMUlp3lKHgbZ4m++NH15fTJ89e8CRVAeum6doWRBHn3DvXyQ5Txijd3p7MFwslZZH3O6VA8HmWpWnadF0IkDEmogjhYJ11zmVZvDXakk27mC0367XtNGIUYiKlJAgTiLTSnDHOOMHYO885x4RACMuyhBASQm7m2UII1XWCizTvV1JJ57qu07KLMZFVM7+4FJSquj5++WK8NX706BFLUq3UarOGGHdKImAFRluj0VbRA84pZTBExtiyavo9EZypqmq+XEy2t+MofvXiRZFl21vjOE0UBtR5UBIvtQcg5twrLdsGI9RJ1SorWxUVCaQRSwsViIawv31LN1VXq5gXcRqL3hAypoMjFKdCFGlKCLHOMoadVW5mvfNciMVq6byP4kSIeDW9NErKrvNGIwBk27bLulpvBKcf//Kjf/JP/9DHKSb4o1/+anA67Y8nw9Gkn6QP3n60X9eL2Xy9Wu1s7xwcHpXrdRynx6+Pnz1+cnj7dtZjRmqjVrt7e8671XyBEELe2m49nzbQGdm1z5+/+GDn1sHR0cYhTWOSRPFisSAYX5wc/+1/9V8pV8tf/+Wf33nw8Gvvv/dXf/gHdV0vNisNwMX1LHh3dXFKCbfGruYXq85AGBKKI06gV4mIMMIuQGNd02462QnGh/0hAW67XwhCEHCq65BpaYBQOWfdqN8PnZrPll3XOmOttYBiAwDwSMQYeQCNDzCwNGYMY4i+8e3feu/r33rx8tk/++f/9MX52Xe+/729g1vHZ+dtK7PhGGFPGY5EbLVerNbOO92pne3tvFDr6nrQG8tNy0yQSqngNHR1UzOADYKYYGtMTFhCOKHscjYz3udxWtcNVFYALJclduGNw1u9KJ4tFwAhBB3yxBrXGeVMAB4XvWKyu9d23enp2XK5aDbrNE0RDGW5juNkvVlRSpI0pZR6H1wICMKbI0RVlc55JoSglHLW1LUNIBFcGAsojhhdLxe9QkR8PwZBte1nTz5/eXr6wTe/gTmnXCxnC4QYwYhgQAMmgASPIETT2XS1WQfoB6PCyrpr2mGvyJPYYOBMe2t/1ygDPMySbH19zhDaHo+Du9ZSRoJ7BFVXWaUZtVuTQWdah4Um0cHhofEQNvXW1kjpwjqA0qIX5YgnPlBvAg2BBuCV7oyhjFofHEQ7BwcwBG9MkSXlcqk6OV+vF+tpmiaQBq+1Uk0von/0R3+yujydJMnp4y9rrQ/f++D3f+d3n59dfv748TeSdMjQ6uJc5P1qUxMqtrb3Z4t5nMR37x21zeLe3W3ZJZdnL9eLaGtru+latbmYTCYR52VZHYxGX/s7/8Yvfv7zL5580WpldNdCG0OHPKDBkvn1VHAuu8bI+h/8F3/PKAVBuL6a/uhH14vlKusVHgblXG8wSJMYIVhtKi07DNGolwtGi1RMhj2OQSz49ey66+RGSddV/TRimLTLeczEWhscPCeAYNgrMgoiQkjaTwIAUkqKqafCQAMgcghyenPdChBAFDNjlWylUUBbQzA01h3de/B9JT/57OOr2fx6sYKIlJvq4mpWleXRrVuTyfb2ZLIuq1/88lcYodFwNBj2o0jkvb7A1HvPoijt98rFEnO2ma2l85QLgnDEeJbmm7KCPnhtIYDAedV0URw369JqvXNwMBkMtJSNbIH3wRlvrDNBdk1dlot5lPeKwWBw62hv/2D74vxysVjUdR1CGAwGAfi2adu2FUJgyqyzBJK205jgotdrmqZu6uA9EzwuCm9sW1cE+NPXL3e3tg62J8v5bFmVNoSt4fDRo0dxno4nk2VZRUkei6htFAGUMxqca5vWKeO8r+q67SQkEIaAAuSEnp+eJnG0c7RvOtmU9WQ8fufRe8qa6Wrx6vVJ1bTWhSSJ18tFV5VpLAKA3WbTNA3CqDcYJ4MxETFnTOQpCCEtkqrTABNMGQCIQKSMds4brK3UDsOqqQFGhGLGybA/kE3jlMrSTButTCdiZozK0zhw0JSLFMZpTBuOKQiZiDRA1Wotm+Zr77yDnH/5+NPYGeXA8uXr0Xiyd3Cr6WTbdWcXUwD8YDwJfhB0Nx6N5/N5Va6FEL0s011HIHxw90612GQseuvr357Wdbazx/M8GQw3ZUVESgGG3/sf/LtZlj5/+tRoQxBs6zqNovv37xkpG6UfvPOODz7K0nzQF4JjhGfX19B7KSXGzOru7q2Dve1xuVpQgrcnk6+ePe/1B89fvlgu1kZpAsn21nbCBYGBUeSdoQQzmt2Aviilbdta6yAEGOPgg4E+IGS009oSzLwPAThCECEIgMBI5rz10K3LNWEEEfL4yVdxkt9/8MZiuUIYUsoCCOOtraJXzOeLum2EEL1efu/2zk7RmyQ5sPrjx188OTk+vbrmIkYeVXXX6w/GwyH0MBLRYrFabtbK+4Cgsy6osLU9UUp5BJI8H29vKWfPLy872TnrbqIKmJC6bZTWmGAAURSLwWAUJblz7uLi4vT0lHM+HA5DCEqpEALEBFNKMPbe38zIEEJSSu+91KpRKk/StqoW19MXX365Ox5PhsOIkkTEr59/xTmtmmpnb/fho7cBxk1nV2VNaBTH0aCXMkKBD1rKpm60VlJrD4EyBnujZDefTXcm452toVFqf3uXEf7y2Ys//ejntQ/GGAixs45gBK3ZLK6DkTFjwNQQ4Ur7ya27cX+yapUOUMQpprRrW8r4YLRFRGwBolwIEROMlVKya5U1AQFMqQcAEYwQ1Errrtub7KBgq8W1UWp+NcVeI91yoBfnry9ePWMowNayOK18eO+737vz9iPlA4UY+fD66TNIRTQcHxzdTvvDTSMR49ezuXPu7t27y8W8z8Hd27edd23bJkninDs+Pmnb9tbh4fVs9vTZ8ziJ0ywlnFVN6zzkIo7i7OzsgnBGtOwuzs+Ds3mSjAaDqlyfvn75/rvvtcaNBoMAA8R4cT29ffvIWo28hgG0myWwhmK0PHeRbzEIw51t05YJRdVylnHR2z9QSgUT0jgJzhGEGCGYIsqY9agtKxGJsqqMMTfRuqA1o0R7a30gmDPGvLuRlJEQnDY6eE9hbI1xwPX7gyiJr+eLyfbB9WJZdyaOM8bozW9Or+Z1p/J+D4lIab2sm8vraYIwNe7q/Oznv/gIpUk+6F1fzSMS+RAW8znFeNQb3iQXIITeOesCQriqSoRRkqbaWFBV/X6Pcz7uDRbLRW0qggjFOC/yQb+3rkqpVNu25Wq1WW1YnKVpOhgMkiS5EXo65zjnEELjPLBWdl0URdZa5xxjv/FLI4hiLrTWTdsQxgbj8bost0fDiItyueq6Oop686vpRz/+0ZMP3v8f/pv/Vrmu0liIJLPWDgc9EACnbDqdVk0JQ/DWEYI556qzhAuX96YXF062d46OhBCnJ2ePv/yyrlsbxVUrszQXEd8sF0F3WrZONs1KIdcCRAKL4zjupFyuy6Q3itK8bJo46x3s72HKyrajlCCCCCPehU5KglnChbbWheCABx4CgCiNUCBNqwd5wqjwxm4NBqpZtd16enXmupYw2jUVgozG6aM337z/9ts8z9vF8s//9KcP79y9vb97enZeX108K1dxb9Df3uV5jxACqShbk/YnKfWzVc2FoDxbVZ1Sau/W3UF/cHl5eb1pDBdWJPHWbidlGvVW8yUAbHY5e/nkBUEIU0J++7d/+2o6XS3m681acN4fDJMsq6/ntpXK6iRLoTEXr19hEJzWJ69fO22GgwHE8B//w//XZDw8ODhIsyQv+oPhlgvBSKuc8c4jSJwJWZpFEWubsmobZ9cBckJI23UQoyLt3QjoCSYBBO8Q9N5ZHwJAkPwmSxMCDogwalTbdW3ay9arRZzG23s7m+blcDSGiGhndac2TWe9y/K80zYFmAlW1q216vEXJ0Sa3t0HvaL4qz/84fHsurGurWWzadpOW+sIxhTSLMsnk0ndtZWUCGNjjA1+sVqRSFRVyW1U1fV2lqE862TXdq3SWhutrEmz7MZ1IKJIxBGEeF21ZVkWRTEcDnd3d6WU6/V6s9mEEHgcI4Qwxm3b3linbhq6VV11TeeNS7IkieNZU8d5iqDf1DWwrq2qKBYQ+G994wOg29X1FbZWYDivSioizuhyNsvyHCO43qwwxfVmwwnjmGEAbACCCxAn69nV65cvr6fTw4MDb4O1Ns1SmKRGKefMqirXizkKjoTgAjDWAeeNU8GiTz/7IhpM3nj3a9v7R9PZfHt3b2u81bWdcqbXZ6u6dAE2sqk2VV22WZrnvT5FzGmJAsQIB+coRtA7aDXykVZadR0DzqguiqMuTiqjYZTlef/+W+8PJtu7R7dEXgzH44N7wVv3/LPPnn3+xTe/9gEm9Oz6qjTt+cXxaO9w5/CuA8gphXnE4hiAoKxdVTVjDDH26vT8qxcvIYQsTgeUY8YgjyOelpvSQbLelEFrwQnpDbeUktOLyzgrJts719PperlcbOpPv3gy7PUZQIRQZExoO2+wEIyG0GdUZNlwsifb9tb+EYKgyAb9fj8r+lJaHidJDI3xznrOOIJEW7C+WoWgi6Lng3PGiShSUsZxwhgjjGqtb8p7wAGEEIu4EBGCREpFCGKcUoYQBNgGD9yvPvn4sy+/+O5v//bRvQcAhV5RUE426wYTChFSzmKlffBG2+Fg1JRtKeXuZHL31lHMRd21wHsC4Go2nwxHP/v0Sdl2WV5EXNzobdI039SVtNaG4EJIB726qR0CJI60s+fTSxaJvCgghPAmogWRC35TtxChAAMkLIoiEcdxpjebzWq1klIWRZFl2Wg0EkLM5/OqqqMowhh3XWeMIYTc7IKSJMmjLCf8ajGzCBCCrcU0irR3cS+r61p3ar242tse//W/9lf/6T/5Z3/6x3+0fXS71Tbp96pqPVdqa7LlfLieX3PGWtkOxnk/zbu6UQChAKr1BkOYpxnCSHZSKzscj6uzE91sJsPeYDg6O7/klKDggdHOSAyCkXXTyUAjKNLx9s5oNCrL9Wox29nZskZXdVt1NaQIUGS9bqoqeDwYjiFAZS1d8EIwjAKBHsIQE6iAQbrzLSIIO2urrnLGR0lEkoIjunXnjfff/wDFMRYCcqYIaTCNKX30rW+tF8vpxeXPf/5zoFU2HBzcu3Nwa3e63Jw8/Xy4tY9Q1K2WXZvfrCNJmsLgYQA04g4EhFC5XFrjnA9X0/l4dzdggimr9HqcJzuTIaEiWZX1bLmGIfSKrOgPs7yQbTeabGFjbdsNt4aXV5cnz1+U1ebN+3eq1TJlvN8fYkjfevPtr3/w9enFuXOWUqaNozyxDiOEAXQ+WKkcggAi2HZKG6md895C71jbYozLqlJKxXGcJAlCyHsPIHDWIeghvLHrIWutD9YYGLxNCHbAHx3t333zjgPw9PwEoNB0dS+KWBwZH24sT8aHiIumaWUjVStTkbz38G4/y22ngvVd2wDrJ6Px1XS+ms3y0dbh4SGntKqrly9fPnjjzeFotNhs6q5L86yWGmhsgsOMGulaKaeza0iwDd5DBCA2zmljfQgQQYyJC2ZTdwitBaMQwsFgIKVcLBZVVeV5PhwOsyy7vLperlaMUUKI9/5mEMYYgxA2TXd2cnU5v/IM3Xv7DR7xl8+fQmu3hkMDvJSdku2XX3zxzfe/9uDu3X/2T/7xX/tX//bBgzc++fjX+wf7MabOWRdCnmfeua3xGIJwcXYGnFfG4CIzShFMKGMAhKIobh3enl5e/erXv7TA+oDqqnIeUEqB9wGgOEkjwZA3RAhIBBSJAbjcbCCleRo9/vTXcdovRrtJkkon6651AECEEcIAQEKZwwiFAICXTdPPI04o9bouF7qumlXUBdKWVRJhEkWQkGI0QW23e+fO6NYDRYIO3kPE4ghEou66ydbkm9/7npYyC/761cvlavHnP3l959Hbb7773vWyfv75J0e3Htw6urvoWuPcYDAQkSiKAiG0XC61MSGEfq8HPHh9fskzVG1K6ywmeDwe9mNuVUOaixPq/Fa/N10sVm3XWEtA2BkOZ1dXm/Xi+aunhPIoTpbz5a39vYcP34XOCAy0lAr41epStkmv14MAeQ8DgJzFdd2s6xIQ7L0FAWBCvXYJ5/0sdc5SSiAwbdPemLdpEjvvm7bBFAMAnHFGWwO0NYoSaowJIGCMMUIQQttZiAIICJoAQ7BNp5sORaRqZWu8CYAQChDFlLbOLq+nlMHp1fHOsNiJBFAdYdjTAGnwje7lvadPnwOOPcE8TiJGq82qVbiVa8I4JaCqVv3+KEbMx3nTqTzLKMQEwnpRnkNEigRFRLadCT5wRKlw3jkHgEcYIABCLVtrLISQEiqS2Dm3LjfS6DRNsySiKJR1AwgCAToToIcwQKcNxSQIsqzqJC9oEF6H7Xx7eXUFdahXG9m0Vdkkcf9PPvpke3t3/86jL796defho29/8J7sZL2uaEAH2xPvw9X11Uc//7mzLo4iRhmhWG5MqTpnNDHw1uHBgzce7O7slOVqZ2drsVhczRaLxcZBxHi0vbs7HPXaulq33TvvvPm1r3/dWN908nqxlsa1SjmjGGWb9YwLGkyijec4cohAIRyGHXAd0cgiHAIEKsYt0/Xrz3999fyZrcvbO7uOMbGz22fQe2iDv5pXHsI4y6OEBaQQ4gRgIqIAAPQwYkJJc3Bw9O//+/9zXa8vjl++fv3qs08/8S58+hc/H032tntps74sV1FVKx7Fo729RMS6k63WTuuubQmj/d64LLs47+f9/k1FojG1kg0GRjlLgLNXF5dQ8K2tcZLl5+dni9VCgNBsNtdXF/v7e/fv32Ocf/ub3+xlqfPOSZkWWX+74FkcxbE1XimTxBmC+Ox8enl5AgDSRnsDBefsN15U5K0DHlKMg3cAAOe8dY7EgnPhg3fBQYgwwZxCEEGEEGP05iNwgzHz3gMACWQhuACc8857y3nKDZIOeAc4ZV5bq50PFgQYrCE0Wq8rhAnC9Ho2p4xkaSqNWZdVFMXb2zv37jVfvXj568++XK82H377W5PJ1vTibHY9vXP3/mQyvp7PynKNYHwDG4uEYIRC67XRTd3wiBpvO6u0dR5C4hznnEecYQadt8bSQFDymwOMtTaE0EqptFZKcUKSOC4IrboWOg8RRgHgAK02xrqi3+8PhwChk5PTflEwwrI0BQD0+71pt7aI7dw68g6+8977Ist//etfqqZpK/Xuu++dnU4x8G1VQQjL5ZIiSCjWSmIEPXTnJxdKykG/z+Ko6tp/9i9+rJUkBPOICxEdHd2uOrWu2yhJkyQtesXR0eHp8eu93e1HDx9cXF5ZH+7dvd10+mJ6Xbfd8cnp85er5fQkSwe94TYkVHroQjAuOBQIIUIw1zZA6Yyhl7/65dO//JOgJTD6WbXpjSb7vQHn0VfPn3XGFqOxBWCzvtrdOgwKKGdYlMCAEETABiEE1mqzWvaFYCK5df/N7/zW7xz87Cd//Ed/dP3ylQfTo3sPesMto1oY/O5keHb8inDx4M2HAIT1ek0xTZPcWqetFUL08rxpO9U1AfgAgjEaIkR8sFHEn71+vXfryBJya2eH7GxnkXj59Mmo30uEcFZ//dvfkbJ7+fwZ8u7dhw8mw/542E8GWRRFq9Xm88++uLg4s8ZdXc04F8PhkMcx5RGjtG1qqZV3AWMEgKUYeu+N85zzoJXsjLNAxJFgkbvBJwB/MyEHANzUpm4ag5RSjIlWwVgPEHIBOogxYzwi3jjV6YBs8AEjghCikGLBIsGDVjwKiMSXq/Jgf48lOTF2sanG47jtFGP8YP/wiy9fXF9NP//s0/fffTQajq6vrvuD4aA/3N/b++rpCyEizhnsgDVGMAEhZIwqZ2XTeBgChIQzF4CHoNNKa8uIFpQzToHxSqnJZDIej6fTaVVVnPO2bRHGxrrFcsXjmPEIGIOQBwGggKgNiMFqtTy8dYgJretGGy0YS7Os6do4TSGNsvE2zwdpkhgIeSS8d8HqN+7dhkaXyxnGmGEYR1EwkmPYdl0vLygly7ZzwSd52nTtcr0UgidxtKqqcrO5fXjrzbcfIcJ4lAREeSSKoqAE/eRf/vhP/+WPXbf8/d/+cHc8ABB22nAM+vcPm7Z76+5h+Y1H88X8YjrflDUhCLNo2VY0SQEmTd0FoQZZHDPgZtPpsxehsxRjFMXau+nV3OKTye7+ZGt/9/Ao6w9UAF89fzmbV4NZxYZF1k+iKJ5dz3iaDIqhqdaQdW3bheBnyzlk4vb9hyLJ/uLP/+zp8xfL1Uok2c7ufo7R1eJiNl/yKBZJRFnUtRITRgDZlDUlxDnUdR0I3jkLAejlOfSmq0tyPZvyKL5/97ZxgYOQUTIa9Lu6Onn21Hv3N374wzcePnx9fKqUTJNkWKRn52f1ZmH0Xs8Pbh3ems2uPv3sEwhgHCcHh7tCRFJ2bbuZL64EY2maZSmPowgBKKX0zgUPrAeE4JSlRhutbddJ5wMixFqPoKcE3wQEbq4Ivb/ZWwCIkHW4k8pD6AGyAbgAAiYQIOAdw4AR6ACwIVilIONN1XlvvAut8q2DL86mHlOjnQlosLW9WK19gJPJDiNEerfZrF69fP7B++/GsZhdTUUU725Pqk21KZUPnhJcrlfF9g5lNBjFKHbAcy4cAMY5jCHENHhPEEEAKaVk2wpOOOer1er/H3aIomh/f99au1qu5/N5VTcWBEwphhgCCCHClDmtRRxzgJwLASItO22k4Kwpa0YwEUnXNoBxi8m8LGult3Ym3lkCQLVaLeeztm2Hg14+HtXlZrNaDofDOOIAAIwgRohRppW23idZ3jSNceD23TdGg8F3PvyQcPGrjz/lUZznuTM2TSIIQT4a/OIv/+w/+0//kx/+8K9ledHLc9bPAUQ+BGNMVSW3todvHN06Pp2+Orvy1CfjXuVAbb31wGnpCDBdV80XwLiHbz0aDIqoSAFFgQjIEi6i3cPDvD/wCFsAkslWqzVN4/VqMZ/P3nzjYREnApPNYuVVOxqNg5UIwtFk9/RiKhjhafbo/a8t627v8HBv/xbl0cbK7TxDPBqOxkVvOJ+vCaXeAwCR9x5YSzBu6xphTAn2xoMAvLNKdWQ46qdJFgJ89eo0EEqT5OTF80Swvb2dk+PjJ4+/KPKcYrR9cJCmMQb+dVuuVsvp9Kxs2/29g+98+J179+4bo7tWTqfTxWJxc6FRZJnqKiMbSkhJMMUkS9Msil0IKnTGuOAApiimjHFRNZ3VijHeta1nhFB6Q7H8zaMPIQgBBKC9qVUrtQuIYs4RJsC74Jxsax10ksWcxdAjh5Bz+r/pHuDZZh1HUFAML2cMAZHknTTXs6X30Fm/s7sNQRgPB5HgjNJeUbSdvJ5epkW/P+jX1bVUslfkz6+vurzAPIIACM4NRQAAgSkM0EEAAYIYQYBwgBBhCBEA4eYvLBaLGwghhHC5XPb7vfsPHkRxcnJ2qmUHfYABIIgpIsAF5zwEwDqrtJVKEoKNDtqa5WrVNYQLtq420mgWx8raV+dn0LjheFKV7fXVVZSmvcFQaXN2cUmFKPqDAFEnNWMsi5MFXC5ms92dnSjexwRrZfp9QZmgPPrLX/1qe3v34aNHTSsDBMFareXv/d7vMgI+/svm7//9v//RLz56//0PJpNJUfSOjm7ff/AgFTTmvU6qYQ++89Zbnz959o/+8Ee3Hry9nw+WrT6bXjks+jw+OT7t93u//6/9a121ZhRb7x4/+erOw4ff+p3fZZQabylndds4Y7YOepgQYw257rwHCfEEEynltKyKLBW9XElmupoSLCL+1ZMvD/f3H7z9KB1t8zjFTKzLer1ZM877KEaYrlvVWcco99YFBLngs/l1mhUYQ0oxCEiHAAG4cRUTwrCxqsj6XncUpEF2xLksEqvZdblc/uWf/tkv/vKj8fbkD374wx/+1T/IEvHwwZ318hoED6Coqur1q7Ozk4umbcpyU9fNeDwihJTrxSCPhlv9LM04Y84652waJ0VRAAgLa2fX87ppEUZKWW1aIajzwXsfRRxCQDDWWgfvbx59fDOfwshgjSVwzhNOEKPOB4xAcM4a6eSaYQWC1Q4FKjyiPkBMCCEEQ3Y6nSWR6JTWbf3mvbuzxdpYZ7SLo+TrH3z9p+UfrRaLYS93RltNEARtUweIKOGDQd/XG+1sv9eTXZuLiFHCOCccK6U5xjCATmsPDETIWRt8wABBCJHAURQRQkIIxpgbkGPbtlVVtY1KknTv4GA6m9d1gwgJPhjnvbbeGIKclKrtFGWUMQZBVC7nnZRSut3tcZrw5XLGYwEgks7dPjjau3XPd12cDT776vFstXl9dvnmm2+KJMdVO51eCSH29naj4Adpsj/ZzouCiejF85fHL0929/ZYIbwDjWzd1dWiqou8f/fu7X6RqaaaXV384Ae/9+E33v3qyZdfPv5ys6m+/rVvLpazxWL2EL/hrPbhptEEq3J1sD36a7/3vcdPX4k0PuhlERgZT401bz96T7kOIV+Io8l4PLu46t964/DoQERcCAaAwzBwRCmmmEAEAoDEFDtNqxi1Vd2U68Z64HF2XdVVW+cY7AzyfhHLtvr0s89XdTvePTSIzysFaeooWNSt1jB4hTE2APsQtDe2WiWUYQApxjYEraS1RivJMIcwWG1I13VW27bsrqfXt/dvHR4cbNbLui5B8MDZJI7SLNdK/72/9/ecs2+/9cbPfvLjxexqb3fnww9/bzgc9vL+3/pb/0rbdk1TSy3TJM2yrJfHSlYQQIygUrJt20F/ELyv67rX72/n+eHh/npTbjb19GrWtjKAkKQRY8IY17WSco4xklJCiAghlFFGOSKQe4njCCxLaYJzFmGMAOh0RygCFlXlRm1KGuU8AQE7zCKMISIwIGwCW1S19w5atSrLPI7jODXU9nqDsinH46FsG+fc+fnF/fv3OWVJUizXG+e6LBsggS9mV71eTgMUgtdda61Zt2sMqOAxCZgCBDAJIAQUAPDBe++DNX61WgEACcEYY86F9z6EgDFZrVcXV1PKRHBeRFHwQXbKGYsAZIIXqWCtNH5pnANaC8Y6KQnBTd0wgr/7rW8YiOKsP1sujfOn5xebqk4IdT4gRF6+em2tffjWW/3hyAVQ1i3CKEpz6kw/76VZBiC8OD7+4rPP+oMhRUQ2ndE6H6TOOGe9DeHZ85dxxG7t7+7sH0Bn0Pbkrbff/e/8nXBxdpalyTe//g3GKIaIEGw9sCBUm02Wpf1BYbwfb00a6a/m6z4nEGetNSiltVdIIA/AJoB4vLVzkBYxh072s3S9mFnVvnnvVlutjGooBm1bG8T6o7yTzmFP+mlng1btV09nlVL7RdwLygOU9/qTvf1f/PqTrevVN7/7Ow5454AysFPeOmC0jWIECUEUQ2+MN5QnUSy0UdYHTIlSqq5qAlyRxqPBkKQsr3Qjomy0s++ZYL3e/rj/1ePPq651Tst20+vl0tqDg8OT0wuI6Yff/0GWRJPxKBGUUXa9WH7+xRdNq1yAytjRaLKDMojwINtLi7iTVUwCqTZnV1NlfLmp7Nksi+I4SQKEp6cXUmnngrFyvlxpo6NsSEWmLOwqaZ2llFGPrNTWdjxiHWh1p0KA0OgIw1hEq7JcLdd5r6C9HR8AdA5TCiEJPjCEvLEIwGzQm8kOErhR7ThPWqtiJBDEcZwY6PZu7xmgZpfTPMryKIOGAQAJpAXOuqBZhIMhueCt7K6vZ0gQh4FpG6A1I0k/Ha2qFdKo2Co6KzsrLQQeBGc988w64L2zzmN8c8D3lFKAEPKBAIi8C0phhBgXNIZaW6WU8matcW80joejk5MTqxQV0Whr/GqzgAidnZ6AEPYP7+YipQN6nvd/8dMfP76z+1vf+bq3ZYL82/eOtrYn/V5S1XUIdjgczOdLGKAnlKRJ0zVOd9C1vRgh1wyL/bzfz9Oo3syu183WztdxlFWdOb8un10+3h4WvSLlxA/zFHu3s7t/d38/IgQEeHp6vtmUva2hJp5EAop0Y7DngzwXkbGEJWW5vqyWCJqUFRmOPIDGOuOMDcbCroMOQlVeLsdFnkUZAbAXZzhNnbf9fOiUX6/WyNrbR3vKgtm6bo3fTvJ1q3RTHp8tDM0NjnpH37iPeqcvvnzy65+PdvfqRiY8RtQ47D0lxmnGqBCMoqC0rrvaYMc4YwEZ7aI4iXb2kbeq6ZwKpOs6COByuRRCpGn66vUrQTFCSGsDQhjvTL79/Q+vZqv5anM5v4YUl/VmsjWeLWZWd4zxAODV9byq2xu6yfPXJ4TQmLFhLxuOB8Nhcfv2ARdif/8IE9p1ylpvrfM+uOD92eWrk9PVuqzr2jrHheilC05pFEVVVdV1ned5FCdRFEVRBILYqI4hQjFe1bVqZZYX/dHwdnq0XK2qqvYAYoyw92lKQ4BaNqPROEnSAGHsQastRRQYG6x/9ep4Z2fHexAnFBOCENrd3SOBIBu01mmSWmuklISRYKztJPYeGNdsNm2SZkXRSSUojTjmHNAuLDdV1HEXnLfOAQswooihALz3jFGMUAAgeIdvNIzeIR8IQpQQlCZN27VNzUUUCx6cr1u9mM/qqh4MRxCAummsbCeD/nA4evV8hWx4fXJadU5aH8fZnbt3nn/2qz//2Z/c2d+JBR8Mh0mRX8/n66alQogons9XB3t7D+7eJZycnh5/8qtfHuxuP3jjjcW67JT1EEnryqvr6eXr0e6t1miz2XhMs16PEdTKury4gEFOhbh3dNgXYrpZA2MpJjRLe1F8cn5GErG1s//i9OLzr144gA5vHYlItE1TlhuA0XBr0jTSWstF1MrOeocZli74TjMMMOWNNA6i47PLvclWzJkgSCmJvRtvTTblejZfBEh6vQGR1mG+tZ8fP/3y44/+Yvfeo7gfy2YzLJIlgdOzVwiFQCOECSEYB6SNCc5ZC4P3GOGqqrw1USSMqSnlCGLvnZIdtNpKuVmvyGg0NMadnF0URa+q6q3xsEij2ZUmhIDgpdGX11ePnzwHhG3v7FzN52menl1clHXJGC3yXl4UBkCeJAiTEGComhCA9Pp8MXt+9lprmcRRJDglhGKapVme92gae+939/a/8d3vjXYPPvns07puh6NRWVXUmSIWp2dnsquTiBndbtYzCABGSFsX7x5yxr11qpMiigAKq/UKQMgZbaVEEMquHY/H3ujZ9bUx+uz1C874oD/o50OqdL+XH+xtYwzPz84ZE/cfjJkQqpYhwK7TW/0saOuVMUY7563TDJKgNDQ2wiQwvjveKpfLiFLTSQ1huhNLtULIAK90VwNCKUDAUw8QBggFzxgNPhAEe0VPa13V1U0lUnDmrWsqFcVJsLYpS28d54IgkMaRiJixXso2hBAJgYKrm6boD/qDUbdZtI3ycM7iZDyyRZp+7dvf+tk//yc/+5M/+8Hv/d5wODo+O2ukCdhPesPBcIgR3hoMBSOfP358dn423tqOst6nT56nw+2Csaw3GG3tSNW+8d7bnfHX67q/NYSUK6OlM4TSKKLQxwiDz549/+SL7q3793Ym26qqIx5JqS+W62e/PN7ev4RczKsWMIY3a9xgY5UPrplv0GpdFEPMotY6nhaCQOet9dYE4K1lkHjtWEybxlSdMT5ooyglMcI++CQvmDBV27Vtg1j8xZMnnz5+6toyqJZfX371/EUvSxlUpy8ee+8EJxYxMTokhCKMAwgEY0YZYwxhtA22qnJT11WcZCDAuqowBFI2yBpZlxcXJ8QYe3l5FUfxaDRM04xg5L2HAGKMAYIijgeD4WhrUzbdweGhMQYTnGSJ1qqS+vXpxcHBIQhASpXlOWM8AcBZK7W01lkAsmJAGa/rBkMrBJG2Or2aB8644J8+faGUUsbWTSM7Naq7o9tHg17fap0Dvjk+Pp9eUoLHo1EkuOxabJ1vZd10jLOqKmfzubaWi2hraytJkl6RW+cICgwB733M4GCyXeTZbDYr0ijn9HK1UBDwW4cQ4/39W7PF9XKzzkGx2VRSGm8spQxCvFhtMMaUUkyQ89Y2VmuVpCmnDEMIfaAQQeeaprWjoluWyljgle4ayiMmIuCCVjZAaKGFN2Zqg2sArbPBOgSCVgoQzDA2SjmtMISCMRSC1UppHQKAFBEICYJFkW28QyHUm5Wg+O6DB9enJ947E8DV9bUPPgR75969y9dvHh+fX1xeG496w9Gyk89fnWCRVo0c5tns6moxvRj0CgBCrz/cu3Xr6fFF1BtFaTbamjx482HX1dYr0kpNBOa0rGsXPIIAM4w5h84qI6N+P7jkZLVqA0ABppFjlMfD8f2of3x23thKZLnyTnnHIIiyuG0bFommbR3wzlqIAPAQQ+ICoFQgFICD1jnBY4hZb5A03Q0YymstN13bK7IoihAFSYYBoh4zCAIlcLK3i4xR3s0uztY4cCAj7FflenU9BTwNYtAfjbuuCwBggrWUNz07EECe5YNeH0BUVQ0EAAAPQxCCUhARDEiSJIyxnd2dq+t5mmaEkKKX//qXP18tFgDho4PDB/fvWw+X6+rtNx/eFA6AB2mcxETkeb+Vnbe+3+sTRIzS0HlOGAjeEew98IBgEkUpj5M4L3IAfSu7QChlVCoFqho7H/eGLgQA0PHl9evpygNcrpZRlKbbt9IkYpRuqnXAfDTqhc1GWZtGUQDArFbQ2/6glyRx8I4gaIwF3pbrRZYmMSMP791+/713lov59eXVp7/+0mr14GvvBYQCxlGag9Xq9Oy8V9fAh6qsVdPe2b8l5U2U3N6oSYy13gYQQl2VIooxRlme+uA5o9fXtezauq2zLIferuZXcdorELKd5lwACEwIwFnog/e+qUqEEKHEA4ARMEp22tz05RnBPC+iJK7rhlGqtTLBAoSt1oxHeZ6Xq5WIomCN9WBv/6jr2sneznK93JSb5WrJYLh1+/aciv3DI8qZCmC8vV8bAJnY2dtV1aoq10F38ur68O495fzTFydbh3cwjzyEG+1+/fiJ92Y46COMKBPG2IgzAAGAIITgAcCIIQJrWVurpWwh48Pe8OnJGYV0e2uHx9n2/kHdKeUtQ0FW5WpWF3m8tTVSBBor0zSiLG46AyGGGMtOSikhcBg4hlCQKh+NjNY4ANlJISIAg0Wo6mSnNcFYa+MhfPH6bLlYPnzzwWI2H4wmSd73iDSra2JrXdvr6YU1mnJwNb0aDscEotVmbZzd298nCBGM266TXZcmSRQnRZ4jGIAz3WYFAY4EdVaR9Xo13hpvyvLi4uLO3bsiEgghrTTlnEf84f37dw5vPX/2an51dfr6hDHKMDGdLJKhZ4lFlgBS1/Xier41HnNCy7o1QEIcAAg4QKmstbL6/7H0X826ZAl6Hrb8Sp/5+e33Pr5O2a5qN9PTY8AhGAFxQAgSFaHQNSL4YxQh3YkRFBXBgKQQdUERAkWCMxhwDAbT3dXV5U4db7f9vEmfy+viTP6FvMm18nmfp219ZXZSUo57/QwTtlqtECZ+nL7vOChtEMJ+GvheGIVxMxmVu63oWuh0VeUAmMDjwOp+HFddJ4VgjA4G/appAARSCgzhdrPuZIchNFqKujw9Pjg7PggYsZG/gmZXbAxEQRrntdhudqPxUGrTdnW/lx4enyymi3y9q6qqn6YeJrvdhjJS10pJhRCuylJbiyhhHlPW3MxmWb9ngdltd1EchX4EHNqsNqEfLafX784vJpO947NTRKm1FkJHCEUIGWsIhA4hn3OgjbHWKLVeLFohsqxHMALWhp4X+FxZJbUxDkltu66TWhupAs6s0Z1QGLNf/erX/XG/bet+lj579iwkTCjtcZ9wstvmgHDqR1VTSaXTJBXbVRymH3/+M8i8J6/fzecrR33I/bJuoLHEGqs12ORBEFhrEXCMUymlkApTAjGx2loLCOGEM2Hs64vrsuwOxge75ebi8tpaCAmmzOtlcRh5SRRGIcu3y3dvX1mPDfvJanGzt3+MgBNCeigIGKvb2lpNCFRte3x09Lsvv9wtZn/w85+G+xMEnFZSKA0hWq43w0Gf+Z6QcjDo8yDSAIo2aqXLF+soyfqJr/KZi1leldP5/N7oSGjy/tD4HrtqqjqIQoSQMyYKwiLPEcDc8zilAMMkCV89e3w46u9NRiQMo66Tu+0WQSDaJtobt03JPf6z3/s9jtDB/nEURHVZIQc8gp0xsR+gABS7XIAOIgSBNUpLIbabdRyGGDoAHWecMEp6gXZ4XVTxoG8QVM4aAm82O2uAtVZrwZhkjHPPjzkH0AEIiTNNPpNSdOXaWeVTkqUepz7FCDmoC0EwKIq6NRoz5oyWXWekpghiyj3Cy3KHnUvSuK2rv/yLP//wgwf9fgaAzcYDRPnTVy9aaaWxmNHjk7NXz59Y46qqTtPs/M2bN2/fxh99WBe5MZr53EGECIEYaWeKuo6yNGABVso4CyFinK1Wq35/0LQtRLCuK4Tx6dlZUWwvzl9hAibHp4xzBKFzzhjtjCGcEcKKorTW+IHPPC46QSl9b8P1w0hr7SBwCAKEjDIAQs/3tFaVFJ0QWssAMmVMvz+8ePfW82hACSVks9m8fvT4V7fvfPzZxxCS1XLrHLh/74Niu1pcL0Pk9g4Ofv6Ln//Vf/jNbLlkfuR4WHZSahtGIeeUADBMYqWVVhIRZLTWSgHrMMQYIOOs6AThGGOUZVkYBMCA9XbrB76X8KpoqraJk4QT3BXV9O2rNOS/+OkXn985++//3V+8eP325PROU+Y8SJHHjdMYQY9RAgmxmmbe9999+/jx43fPnhjZ/O//d/+5Fm3T1DSIfI8tptPZbE4Z88KwNxiAvNxudpSzbVt7XpAw/+3zd3I3O9kfa+nyXYEA+OjDj4x1wAIC0enhUdN1b1+93j88MNZYxrtWLMTSWONzKtraI86n+OXzp0YKUtWdEF0QeEeHexSZ6dW5FB0h9OZmevfO3U3R/fu///L46MT3AmhtEsdKKaNNkvQkIMYaa4yWEhMEkFNWjMZDCJ2Wpt8fAkKEtjwNayU74xgm0ljsYWdQ2zYOSmeN04YgwKzUqtusN0rkScRDP4gGjNMw9L2mqrerBQ2DrDcorV3PZtZahhC01keYewGhRDuXhT3ZCsckcDryg14/ccC+vb66WS/9IHp1frHNi9Pbd4aTw/2DI8/3rLGd0vPlphVKqrbp6iA+qkXFPbbblApiB4gwFgPtMJ4tF+lwwP0QQPB+bpckSX5TnV9c9IfD9wbjsiql7E5PjzEGdV3ku22aphhjAADGGFEMnTXaYAgcAohAhlgSRRDA3a5s2pb5vsVIW+MghhhSCJE2zug49BAweZ5T31eOUIRGcSi7Jl/NVVHFYcAG2WXkP3754oNPPpUOjEZ7q6JsheFhkudrz6Pju3cXdfVudrOqisSLtJYAE+ug1hYjZ7XUGHtRICHstDIAES9EWiuhkIWYswCHbVcSQ31KIbLGmU6rxXYT+3HsxWESt6LjjB0fHAwi/9Fvf/Mvv/468tmtjz54+Itf1srWGmzKXBjXKU0QHvT7DDpZNR0As+ksGfT/D//iX9y/ddoq1U9CBF3RttOLy7PDk+vp9MWrtyxLzu7cjpLIM3YTW7A3WL29fPzoh2axjhn/4fu3Phv4aBdhzDnX2lW7XS+MVCdvXr9J07irK0gxZZ4DeDZfnJwcK9HObm4Sn3zywcN3GD5+9A2pqqJtWynEcjb1OOecQgCBs21TKSXKpsrzXCmFMWa+J7Sq6ooxBq12EBmlIIKDYb8ockJw17Xnl5eHBwcO4evlEhECCNUQG4SVA0orwjzGuKfRuq0xIffvPsDQAqMwdHEYZGnCGfQ8ghFCEFprRNMgDK+vrna73f7egbWEPX06Wyyl0k0nAcTamE5pZTQGHEEICTUWOsJpEFtnGAJVXTa73WKxgIRiTNu2K4pit9tpJY21TdsFgbddb549ffaTzz6lhEIHoHvPoAKCMeNEinW/Nwi8wFqLMKaUCiH29vbni02eN3t7/nq7iaJMKosQI5Qe7J/czGd110ZpAp0DzmKIOOPQOa0Mh4Qio7uGct+nFGPSP9xbrNd1VRhgKWHU91shjVTGmK5ty7rGlFprHQCYEIigMuL41hlwsq2rXj87ODq0EFdl0ZoOMd9LgtRjj548PziYkKhvsHt6sWgMmi7XyjqllYauU4JzEoY+BKBtRF7ocRQEYWDaRrWttVYrxShFBCsl3xu+lOoAIIwxrbVzOgxD51xnFPe4UfZyNp0vZycHkz/9T/8JMurtq+dfffPbvf3lL/74Hznilc9eNF3LCRWybes86vd7h4edEB9+9inBJAqDdV3rtspr//T40EfM89tdXr49v7icXX92dDibzXXdng4mdd3Oq4pCNBhPVNUiTFkYcd9TAD199aZ3/2NtnBfSMA2LwpzeuYMYXW22BHMEcRAE7+WTlPI4TUdpNF0sx/v7vu8R4CwjpCkLjBAEzmMsDIKLi/PTk5OT45Or6+vVcsk4p4QkaRpHEaVUa22sbdtCa8U9bjSDEC6XK60VRLB4/oKHYX8yzreF1JaFkcPEYQoIizyMKVWyA9DVTb3erA4nIwe07NpCi7rYeghbKToptFFVVVVVCREwzuy22+++fUR43HZd24qqaQEidd2EadbvD63Wu6pQUqe9XpaMGqPe3Kw5Q9bIQb+3Xa+47//w/Q8HR2eO8IvLy16v56zxg2i9XvWSWHRdmqRZlllr36M+ouuSrFfXDULEDwLPDyhlzjmMCGf+arUdjSd7e4e//err01M16I+6rvO9eL3ajvf2gyDGaK2MEV3npylFBDpAEbJKJ15ACFGylAhQBFxbEe5Phv2Y4Zv5bFcWwGonNVSSQsQZs1htOgEADMJovdkSqkOfm65hkXd269Z3v/uq6TqAURhHVVO+OH+5d3j6ajZNhnudUcu8Ho/Hq+VCLtvr5ZNlXiHmCaUII4xAgBwwyjhLKGEeq5sGSNEpKbUCABhr33fRpZTOGcIYBAZC1zYNxjiN47bpMGMGoFoIAABLQqvki4vzd5dvj/fG9x48+PSLz25upuvlknhRzD0tNWZ0Muy/ePnsm9/+JvCjOElPb99Jst5yufA9mvRHPzx7fLlc/vTTL5LeqN7l2sDBcBIn6dt37wZRcnF+Od3mDfcOJ2Pk6/2T09nVFUvTsqp4lCzXO8YQQ0gr3am201JoLduOUo8RTwqFCBqMR8aYKAoimV4vpvPLd4d7w73RgCDnKCNxFDrnfM5ePH826PdWy6WScjLZS5JECLHerLu2u333rlQKEwIRwhgbZaxxzhrRdp0UYRhud7u6rEfjsXJuudkenpzmVW0BwtzXDkrjFoslJhQRBJEFPjtfz2e7BTK63G2g0VqryGHXdg4CbXTTNp7vBVEQRSFjQdu2QhpM+HDcC4UajEeUe1XVlXXjsGGeCxAejMaI8rYoCSXM95DT27rELDg8Op4u1hbAg4PDsmkNAB73VsVyvd3du30WBMH9e/c2q/X+aLjbbq+vphgzACDG1FpHKYMQIoQ3my0ilDHOuWeMGw5Hvu9vt9tAhrvdLklTpRSlRGvT6/XPr6+mVWsnKktSBEAtFKeURtga63veeNArtjstZMAZcnp/1OulYSu7y8ubq8uVspr6PtAAOccptc5xxgaDQdMKo3VVVWnAfd+fTCZdWy8Xi66TBOMo8vNiU9cir9sgSMumGsB9hXkLKESWxT2MMAAAQOuMYZgBq5x1GEMLQNU0wijtrH1/dWhdWdcINgQiRrGQQmnheTz0fSGEVopTVncd9DiiWAjlIAIYO0KVUS/Oz6/n05TTo6Oj8fhASAttebx/uNquq6K4fesMOPj82aunz1599e0Pf/Knf5pmKQ0jiWz/4Hh6c3Uz3xLrxsO9ex+AV5fvhNDG2PN358+//q5uBO8N4O3bg9EAU+SnsVZ6dLBfta2UQnftYDRq267pVJql1oDZfLlcLMIw8uOobmslFaFMKNIfj41RWomqq5+8fEPu37/77u27KAyNls+fPgXA5fnOGH3v3u0gCngY2tWSeV5RVavN+h9UfkpyyCbjIXDganrTtK0XRmEUQUJo1VRN5zCKg+jd23d7B0fKQtFJwj0MIEPUWlB2Ejgb+R7FkBJiugYgaozTRjtGcYDbtmmVQYwDiMMw5owjDCeTw0o5PwhWmy20ACLKvBBLh6URuuu6Ou33JUBV1UIWIkq3bUeB4dS3UnDuj8Z7QuldXrRSWefezOfb9ZJzdvHuHGpJMc63Ow+j77/9DgL00UefIoisNULYKIw555iyum6lNhhha0G+K7N+7/T0qBUCQpcX2zDyMUZtWwdBkCVxV2a73U7k1bJq0zQxxhitW9EBABFSPmcUIU6og2Cb7/w4wASGzL915wQgenF11XS1lcRANBmNhHWd0j73kUUYOJZk1XbX9ydpGAmEsAWLq6mxSlT1w48/+fbR09V6fXw7VsByTqI4qjvBQt45IsqynyVZHHVtY6wFwBKCMUQQQues1loBSxhFBKP3CC6ECCLnAGeMEth2jed5aZLUVQsxQhAaayhh7z8sozBAnrddzjHz13nBh33Eo5dvruq6tQYyL+xlA+F01VV37twzAsTRWlrbNELZ/Ga+pBgSgq6Xu7NR40G0Wb7u97O2k9PZgjFvll/MptOb1+9O7t5t4uD89bP+3l6cZZ6XIgvu3bvz7s3b598+/l/92Z8FxJ9PXzBfAgc9gk73x3VZ667W0EqltLWMc4jJnfv3R8P+iyeP8rIi05up53mb9fL83bv1avmTn/xkMh6+efM6TVLf9xElcZJMZ9PVapXn+Z07d5RS7xN/VZlrZZIoStK0ajsAEPf8vGyEVGVTR1ka+OHrV2/2Do49P1TaIYcphMaBzIuMlqBTCCOhGg+jgdcTphIWpr0B4dhvW6uNUZIgqIxuN9uyKre7vFTg9PbtwXA0GE6UsecXN2VdI0K1sTyMgjiGjHteIg0UxgDMre6MkECZy6ur6WxqEZloDRDu6rrX7x8fHrRts1vMunL3ycOHl2/fiKo4OTpkhDNC67LClLDAI5gAgJqmMdpJqZyDcZRoo5um9ANaVFtCkzj2KYPD0XC9XUvVDrL+YTaUeWUaqaGDSeocKJuaepxQ6hxQUgJtgNYWAAicvrnxAg8R6IdRb69f6fb8aprnhdDWEZZmA0o4IgRpwDCEFO9Em/mRjpKn5xe3zs5k1SwWU/vhfWYAd6CYzzae72cD3VZZGldNtS5knPQQQta5othxiuMo6ISqmsrjfhBEBgHsrNLSOeCcgxhLpRihaeDXVQEoiuOQUlzXdaUN93zRSQSgNVao1gHMGTfGAQjTrO9RDB2YbUtyOaOILZc5gsSPMz8hcdbze8lmumQOh16Qen5dNLgz2uqyysfjoe/Hs+U6xNQJ0bZdrze4Xk2Xq1lKeZKkG4rNduNZHVB0c/0WLFgv61lpDsf7WrTlCr55+mYwGUcsLMs6jAI/9LGDoGsa6CzjjHOlDcLYONAK1R+OJwdHy/WahEnqMeZz5oy5fXqilFyt1rPFKu2P7iapsXB/MlnNF05bLdW7t289zyOEJkkMhUIMx0lqwD8oiKXWQegDDKaL2ctnzz+4dy/jdPHm1cHRcRCE0jjqB5CwRltIqZQSakWc64qiH4e9rNdgfHl10TktO6GlHGTZbr2xWjllnDFplpIAUewQkKv51Wa3K6oGE3L33n3GeF5XTV2ATkLqK+2qqpFtw5BLPAasWq53m22xtw+zKLHOeZgUZbHd7igl4729lTPr7dYhRP0g7g085kNIPETLpqnLElLqM6qB08ACggBBw73har2S1uwdHAij2669dfusqsq6zr/67a/7vezDDz68dXDnnn+HULLaLDFRQndBSAbDTBnjAIYQWq3Wi8Xbq+tPPv5wtd2o9TIMwzCUQloA0KDXM8bpolCyq7brsmr9MNobTFTTIKeTIJjeXAUeG/TTzXr58OH9ti0mw+Eoisr5TcoxQ7Bru6ur6+Ozs4AAA3EceBwoaJWRVltQtkJp1xpXF5VWBlNijfWZZ5yxWmtjnLXKmkJL3+eDftbJzmrDKBdK6rrBGFsAICQBp7LrVFlYYxGCnFFhcdIbDPq4LGutGkdxlCRBFkujnz1/dnh6dHx4kpHk+ZvXjTJ505ZlkfRShHEnJQ/C9XK91pZTGiUhhTSIe4nUSJnbDz7GxkbESi2ODg/RZtNI0dWNVfrdu1fz2VVbg6OjA0wAgrbJVz4d5HmnpOraZnxytyVB2TUaqG1RAGv9LAHAnd29vSrWhLAAYqiNm82mm+Xy6PgQIDI5OEKeP50vZdv5QYAgJBhDAPD78pxSN5fXPuGEUgAJxDj0A0Bw3TZRmoRx2Lb1q5cv3zwVnz788PBg0NYbBmWS9tbVymKCggg5CJzgjANlMUdS1a+ev9CiIXFoEeIYGqO2q2UWJxQRYA2nXGmFXD2/fPnV319JbX702Y8+vL3v+b7SlWtLH+KmFUqXCDPuB76HSRj5jEV+cHV5sd7sDvcPj/b3m2LX1M1ssYAY9QYDjAnzeWdta82Djz8JObdKt1pXVTUc7aV+uK3XRdcYgsI4ijBcr9e1aoxwpazXq91kvO+HyasXz6+vb0ajvlx1+5MRp3i7XWkLtJabzaKsdlmWfvLJxwhhrerEDzCN60YAhpM0u7m+fvL8+e2zW2Vl2rprStl1VogWYDdIY+g05R5l/o1ZXF68q2fLcb+/fzDsWrnYrOJ4f/9oku9yDGGWRdPp1R/9/o/PX/4wObnz0Ycfffn0/OZi2h+MAoq7rkOqwVZ1ouOcc88X1tVdtesM0BoCGJPYAeiMJQhBCDrRQAAwo21bdK2NIwYhIpQqIQBExhrgEOVe3QlsbEwJRk5L9fzlC+3A/ukZwJhbPBoMrudTh8HgcKix7tpytZi9e/1ib7j/4x/97IOHD5++fr0pC21UUZaU8U7IOI6UcdvtzhE4IMDVTknZizNHVNe64dltbKttJ3RRyU4bafzAhwgjYLNeVFSzKCV//Ec/+e2Xv7lqNl/93bfXN1NtLCHkD/9xnO7dQQ4aaygldb41xTaMvHiYOAoJIWQ2ve7qgnte3dTvzt8dHh4DbXpxEgVBh7Ax5h9+1vi+53nva1bOuaZrsZKdEq2QXuhrY9JehhC6uboZpMn+L35uOnF8tPfBvXvc83dl/e5mmjf1rsxN20RBGDE6SKNeFC+n109/+C5LosP928/evWnbOu33j/du57udFtLjmCL2+PHj58+fGaTjOBmOx0nEPMZC7vte4BzgnCHqGYAo8xXE0/miEwoSvN6uHz/5/ubq0nT18OyoaYvrx1fG2YOj4/FkTxvt+QG05tbde8ga6vEojrerdV6WVd2yIArjmHNPSOksoJh5HuC81m3bth1wyPcD56zneWenp1EUpGlklNoV291m3e8P43TcdRWEzg+8pql2uyJJUt8POffLupNKSdEZY6I4mt7cHB8e+p7XNm0nOoQY9/hoPPRCPl8ud0VZN7LXy+qmrfNCu25XbAgySS9ermaffvzx31+d7za7IPKXy2VVVQ8ePOgfnBCCDw/31y9e/91/+Pd3To+SNKGMepw64AjBGGGrFISIIiqBXW92SunxZOSM1koyhikhXVtTAtMkKYr88vqGMc48D0AEAbTWAWixtRTDuswBxanvtW35+OuvVuv1nQ8/+tnv/74fxVW3CyK23m5ev3r24cOHqqllXba7nbe3/813v5kt10l/LLTy/NALwqLIfc6hQYhgqQWwsNjtpJKB73dd45RGBKaDgceG+dt3N4vNeDIu53PUCUZc6PHIYxjKy/MXxW7JCHj66Lu2aYjSqq4r0c6ef2+lYFkSYiSN2WyWjbVd41EOJ70ecc5igi0EzPc++uzT66vLm5vp8fHJ5Zu3yadpkiTW2rOzM621lPLq6opzHgQBY0wICTDujUa4LOqmmS/mT58/q9smCMPTowPZ1gGjdd3rZNOKRlkAgTk+mBwCdLOcy66jFDBggBYUg/Gw1zZVGPo/+/EXm7KoihID9/HDhy9fvJheXwEAZ/MbiIDPvMlo8uOf/HQ4HD16/PhaXz388OFospckiVZWW7fcbDfr1Xqx1ABiimfzm8lwOBikqqy0NW/OXz/46JMHH310cHJydX2zXG0cdBZAynzR1q3UjVIGI8joIIqk0dRICFFVVlJqACD3vcFg2E2n2hjP8xDAUso4jgSjjx49CkO/388++OD+eDhoWuF5IWOUe95uxw72D46OjyfjvaKorq6uHOKiE0IIaxVnPAjDV69eT/ZGWZJGYbxe5pvNquvqw+ODg/09IeTF+TXCFEGYJCFmUJtOGXl2crhZLb599G2cxIzzi7fvmnx3c3P9n/1nf1ZpeF3pKI6OT46WixnBqCwKABzKUoQQwbTrpDZOClPXHUYwipOqqcl210tjQoh7z0QQzCkNwsgB2AkhpGql8n2fUkYRhghbaymGJPCQFLptvvvqN8Vqfu/WrWI5ffK7Lz///Z8BjDarTZqlURTm2+XrZ09fP3/hUT7sJZUWr85zFicAYcYDQjyGhUe9iAewb6u60NZijBIWepztthsMwL27dzebtQamt3ecOifaNusPRZ3LTowPD0KG15sZRgYA9fDh/U8//vjxo++DlKnIz9er1fnzpt72T8/84dhCwiBczGZltQvCn9376D5hjIVRhJDb5puLt2/rsjCdKbY5Mejxo0eHZ6eTyURKOZvNhsPh3bt3jTFZliGME0IBAGVdrTcbz/dPTk8XiwUAIOv3Yt8jcLDdbl6+eT1fLgbDYd0JL4ghJOtt3nbVYjqfzZYU89OTk8ODvazfywZZ3O8dHR0hQq6urjbrzdPnT/NdHkTRaDxuunY6m1PPt5he3szzWvRHe71eX1q4WO9en1//8P2jfr9PvABz/+z27aoVs8Xs1q27nBGGwOuLi998+WW2t/eP/5P/uDG6alvEGCJESJ1EaeB5vPWFqKtOcN8LCc13RRBFwmgf0yCI1tstpSwj1DlNKfN8arQui9l2u8uyNMuyoigYJ9vttqqqDz+4/+zZa4xIU9eL5VLI5uDg0OPB+fmVlAo4UhZl03YAOIyRNtLzPCX+4en3Bv5hCJHd7jYIuvFw0HViNlteTxcAQMYwxLBTYruZt03x4N69IAgxxMWuvL68fvfm1bNnT3/6sy+S8cHm19/LIo/CoP/gfhLyoiw9jyMAEUIAQOeglLqphZIOMmwAotyvmy70/TBgSrRaydD3CYZ102jrlNbWAY97UhkLDGPcOocIEbKNPE9L8Zd/8RdvnvzgeazJt1mS5ovZ/OLio08/6arq8s2be/fuKQvmNzd7o8l4MPrs00+/fvLd/v6+xrSVjcxL0a0HaQytXd5cjwYxxIgTbJUKo1AraZTclcWpOQmzZLZY0iBs29aPk4AS08VXb19Np3NgdV1Vu+32ejo/Pjq7+/CjFy/fvHnz2rZVwJmrSsi56GrXNGE6CmNyeEge/7DdLtZ7fzwmZVmWZemHPMlSZU1dVUAaDGAShCyKsywLgmA+n1dVBQC4detWv9/HGO/yHHkeAAAi2Bv0m6bpuo5zTinlhOZ56XHmhcnf/+rvmq75oz/+k4ODo3fnVwhSrQ12CiN86+wWcGg82eN+KIzqD3rbsnn6V3/z7u3b5WpVVaXnB8PBIC/y8+lMKRVkWTLcT9P08PCwKCsB0XRXwbINw8g5d/rBQ8aoFySQ8qJqpDbD0b5WgnNvfnX5/a9/Vy6Wvb399WbnmNcZqyxM0oGzYLfL61ZGAXOIbIpyPOy1Ujx78+Lw8DhNe7qRaZZttrs8LxGhYRDEcdo0LcZEKVXX1WKxCHw+Go2m06vPf/TZbDb7yRc/IoRUVWst7PWGs9nVd999H8dxFCUYEdGpTitECIKQMVbkOUKQMRoEgTFmtVwCDfpZCoB58vixVOru/QdlWS8Wy/VmF0R+FPmQ0f5gtJzPXrx4c3pyYh0JwvTBg4/afN2JJgwDCMHe/uTtukTWAmCjMIQIGmN87rVt5xwEAJZFXdedg8Q6pIwN/EA0VSdFFHGtJXC230u1Elc3C+uAEIIy5ocxslZb6xGCANDOAcrrrgu5//DDj6r1an59fbDn607cvX374cmt3c3813/5142U1ba8fefeaLRf5uVocvA//Zs///rRN/HwgMUjiBkPoihGxXIGOCl3y/XmGkGohZgMBlYKqzVGcFfkL169/OxHn0VR0HbCARCGsRRdGPXuP/x0t5zttuvhcL/pzK9+882X375crTbp/unk+Nbz739X7zbKgHyd63556+i+oSHFeJhNhsPR11//6q//8q8IxthaQyg5PDqcz2+Qs70gbasWOnB2dLx/fLxZr4eDIed8dnNTVVW/3y+LAkIgtKzrBiMkhOi6LuDecDhkjLVtGyeZsZpxdnrvwdvzt3/7my//9D9K/DjbbgtGqJNyMtlL0z4AGGGaV1Un2qevXq23a49RDECc9luhd0WlLPjwo49+8pMfv3795vzi8tZHP+LcQwhJ4tdNkyQZgNBYK6WyWlop5ab0w4Qwr+tU6NP9vWNOydunL5u8wpBaYZQ0DlvjIKY+IwQ60AlTFLlnKCGUct5K6RD0ggAQxD0Ora2bOst6UiktNYpwXTcAIWed5/nj0djz/N1uSwgZjcabzebgcL+um8l48s23bw+P9uM4UEqs10tnXdu0GDMAMOeeHwZxFOb5TmsNgI38QCkVZz3OeLOtV4ulH/nD4fDVyxdFWSbp4NbZmZSv6q6t6s73yHi8DxywSkFArYV5XluLKSVPnz65urw4e5hGcRREoWqVFK216n3eXWtNKYUQdUWz3e6qSlIvBtD6AUWYhHHMGBZdF/mBko2zhlPCPd60gnse93wpFSKEMdZJiRCmvs95rKuyK/OzO/funpz9z//D/3exWJyd3WKEJywo14UsG0TpMBu+e3uZ9QeYeTeLVdfVZ2d317XshEKejym1xmCCdrsFcYJynzOvNcYaE0Vx09ZHR0dxL1lu1pvdBgJNMJSi2znYz3rLxRJb27RGaBSF/aJpLq7X2Je98Z6WMhtmt6x5/O1XRqg//NN/0rt9Z9FaQ0LVCCLBuD+O4+Tv//3fEVGqplGTk5R7eDiaLK9uim3ei3p5U093K3FNtuvNZrPRzknrpvPVaHxAWCCk3O02TVNbYxljg+EgiRMEoVKaMIYQothDGI1HI23s+fnFo+9++PFPfjYYEmccQ4GS+s3lhbEuCMOm6ZRRDiKLiDBwNBz2ej0/6WljwjA8vX076Y+PDPTSPorSum6MVUGvh8PIWEcoQxDUmw1SKPSj3l4P+7xqGodca8Rys4RCepR6WVzNGh5nTef8wMOYOAStsc4YSJA2EtMQOYwgbbsOYzwYjrnnI0wJd3VTQ4QwJdqZsqmts7vtNsuy4Xh48e7dar3o97LAZ7P5NAhC58D1zfTenQceu6irYrw3PDq97QgrdrkxoGs6gnCSRdTBrqp110FjlJLA8+qyhNYWRekxzwGb8vTw5GhS7O12xXox9xk+HA/Pry/rMocg3u0q66hQSllQ57kzZjzuN3duP/7++xdvLkYnd5kzQ59U+ZZhYgCKAl+0XV6UGFMD0K6qqroCiAKojdH9JMYIIYgYQRhaPwyUkWXbMUoQYmHIjbHWQQwxZz6hrG46ixzRTpgOOUijyCKHAzY6PXr2+sWxkVa1v/rV356d3QbAdXXz9NFjiFnAA4yw6lrgTCOVcahupcjnp+NxvVl0dR5QVhYSAZslYRJETVkttzuCYUxZHKVX19OmqDEAq9W6NxgUZbnL1xaaVjaYk8Try3IT9wYSsrqVQEvTltOr2oDgzhd/GvcH6eH+uqraTvk+ptgJ1S139d7hqcOINEUb+HErFCQQQqRaKfI69mJl7LbIayfrqrbGUU79IMiLPM8L0QljTClrIUWSJIP+4H3gx2hDKPU8DwILrIUQDpI+sAhoMJ0tvvnqd6dnt7IsgxDXXcU9DxFsjPMCHqAQYdwfjAjBvuf7gT/a20cQQoQ4599+/0Oxy8M0oVwHUdwJobVlfiClboWwDnhBlCZB5AWaQo0hCXjsE+aALet8u95tNycP7x99+PAnv/xHQZx0ncEeVVq3ojVaRaHHyUQ0FXCGY5hmfW00AtgBpKUmiPhBUNU19z3P8yBGCKH1drsr8iTyvYAL2UglMQRnZ6dd00qhZrPlrdM7UUjfnL8+vXua9rKiabbbXdt2AeM+Y0nkd13bdUIpUea77XZDEMyyrCrrrm2n8ylCqKwrwtjBwf7e3sQas9vlHoOEufUur6qaYOJ5oZL6+fMX40Ev4IxznPb7BqL/6S/+crh/NNo/TDnGWmjkNrt8nKTQOgyx1kY5ox1wEGAKrZW+z3txWNelkgpDGiexQ4hxr+oaJCShnjYGAoQB1MZVTcs9RzlzFlhjMUbOAYeRJXDX5AqBIAnevnv58N6t8/Pz2fyKUtTmzWjv4PDotO06hHHcz6SDRb5TzqOE9JKUW0koYGm02pScR0Wdb+B6OBy2nfB97hDe7HYe56EXPvrmh48+/PDo8HhX5mEUrjfrXpaNxgPddddXVxdXFx988iMCWKu3qq2L9YJ7Ye/gVnpwzzG6bHbWQAKh6xrmMeUk9cLZrAqjjEgpECHbzRaj3uxmsVvviIF5nlsIJbGhSqIw0lCXRW6NvL54V+22vV7POtcoI5UiGAdBSCjRSjtnGeNJmmRJrJW0DgAI27aTSgPrptczBPA6XGMIuOcFQUgIcwRgQvwgJJRZ6xBGns8JoUqprmuV0rkrMUb9wRBg7ACmhAGAECKdEE3ZeIGvjcUIe4xaq2RnmkZijxKCRV2nQTi4d68pSwCy4d4hIXg46OVNty5yZVwnulYIUdjPP/pwt16Wu00WBRSj7aZB2jjgAAKOQARhEkV1W2uCkyAtqzL0/aqutCIIorZpQz/YbNb7e3sYk8V8Jrru1etXh4d717PLttrFaUJgNxlGi1lT12tGMwhCjJ3R3ezmZjadBWFIEdmtd6PxOJmkhLHtdnt9fW2dYQxyj6VZenwyzvp8MB6+e3f19uJCqs5YI6XIi9xn1GoOgEaY7h8e7fICI6yUqqsaQeR7vOhaFQQ+97jWQBlrwfutIOMcEeb7TGn9Xj8DAOSci66RSgLnEMYGGOIxhJAxVmlbVGWrRJb1IMYOAYQgYwHGDhlplJuM937x+39w8fL5o0ePRoPBZr05OTm2mGGKq66mlC+Xi9nN1Y9//tNBr08FVJBXxa4McExcWxdadQ6QJI44Y1rK4XBQ16W1JvWjq8sL6Oxkb5SXxf7JEaD0/OoSE15VXV22k+EoTvoKIGFcbzxkYbJZ3HTOnZ4eZ3sHHXAWGAgBwogSbrWCCBHGlFKb7bbrGuIFvJRt2bbKGOswQAxBUJYV5BR0LKPDw8PD7XYXBAHFhFF69+5d3/OMsQ4H76k4QogDADgHEXpfL6eEGWWcs84BawEhdDAYD4fIAaCVZb7XdUp0OeWMc58wCKECnUYIW2gWq6UxxvP9IAjiOE6zzOO867pWyErZ7XrNOA/C2CiFAcAOUEwcgMDopqs7axR0xhCNEXGwbVvMPBoEz799fX4z+9kf+Jfnb2brbactZjxMkjhOLp4+nidJHHox46nvV2WBtAkotRYgTLTRCCHf94VExW7rcYox5JxKSYC1Wqr1chWH4XAw/O677z775FNrzHq5ms9m1tgw5NObd2FwiyOFYmKkVzM3GCb9QWq1VVIcHR1kWdrWbRj4QRgrpeqqCqMIQphlqZD1V19/mWXp4dHeycnhcJQmSS8KwiSN19tis8vDMJiMhlp2VklIaBZHJ6enj7797tEPj3/xh38cBkEctZZ7kBJKMCGIMaadpA56nPoe54GvHQDAGqPTNGWMlmXeNPV7rxGEkDFmALLOQoQIJoi4wPpCSqGEBQAahwFghDJKQkaaRraN/PjjT3u+9//+f/zLzz7+WGibDMYIw73DfQvQ27fnk8GQUbxdrYKs35a5lxAtKobSvWG/3a2Gw+GuFGGSaGfLqrBWY4K7tlksO48xRill7PXb8+fPnx0cHTvrEMaik05bo4FWzkKCmEf9QBg3nOxdX56/vTz/oD9xftiIjhDSKekgZIx2UmLggLNxmqy3a6KcBhQDSC3Gk6PTN09e6Kb2Ij/upzQIlEUG4Kw/PL195+ryom0aSMjkYL9tu1oRTChCkDPunIMI+r4PAJBSQmutURDhIAwBgNrYtuuUNjc3U0rp0cmJAU4pTSlTyhjgiqat6xohHCWh5wXWOQiBH0RK24vLqyAIttsdxrhzFmMcBLwtc6C1zzA0CmNqra2a1jmNCcaUGmehAQ4gbUwHpbJGAWBERxh+8+aFBSjuDyHFlOA4zQ739ymCSogw8ETXtlWllYjjzALY1K22yvP9rmuyNJne3DirD46OutZSio0xFBPG6Oxm+pMff8EIWc7moR+squWbl2+iIC53u82yvXu6tz9Mq7piMAOjIeMeI6yoS495jHBnnDMmDH1CQFmUFoD9vZMvPv+8qoq//pt/p5QIAv/83flut+33e1GQHhycEEb3D1RRd1dX12WeOwUJY9oa66CDeP/o6Pj0pO0aCIHveQJCihGETmvFGFHWYoh6/aysGwshtE5rBSHSWmOMjLHS6roqCUbjyaiqKkqwBcAarbTxPD+JQ2Pevx0EiEMAWm2KvFKUtI2CkBZ5CSGMkzjfbpSD26bdP7tzevt0tlhrq6+uL8+OjjxCrNQh4xDaYS8sdwuT0rba3rl1O0tdK00ru9zq7a6QRvucWW1UJ0zXZft7e+P+fLlQSmBMRCMCL6hFs54vt5tN10lMeBDEAJJ8vTg5O/X8gHtcIEAoMVpQzqB1AFhjjTGGIDcaj0XXkkp1jjMc+PFwFAbJ8PBwe32djHqWwkab08lR1Bsbo8OsRIsV1Ha2WafD4ftECvV8KUUpBAQQQthIhTGhlAIACGcI013dSqUo48Y6A2DY6zvgdm0LAWyFbLut1hoTSigNsl6W9TxOnNVt27Vtu1gur66uZ7NpHCdFUXz08YfHd46AA1JWRltGmVW664RWGkLEOSUEI4IQIQYApTXGkHuBFqoRcu/kuJ9lcRw+/PCDLBs0Uq92VaNs13UWuLKpsjj0A2+3Kq2z3OMAWABR2ZSibRGEiGDgbL+fVlXdNXUchgjCtm6tMXEUzaezsihG/SHG+PjoqKnqvCi+++6HUT/lHI6y3u07p1LJbV5u80oZJ2qAnAi8qK5KRrDPWVPtOGeBD/0gunvnDufsy9/8pm3k0fHReDxar1fz6Q44ZoRt67Zs2qw/8TgNgmC73RZVCZ0FpdvlOwKBEKptO6O173PadhbAVmqEIIQOExSFQdkJxhjCsG27phOBz96bi9q2qatqOOiNb49+8+u/b7smyzKKsBYCIUwAdFJBjDimnZRaS4SQw8hZByFq6q6uO+JQXbcY46yXvnn2AnOvf3TsR34ju/54kGZJvdkuplOfchrC+Ww+Pjoaj5Nicfng3hmH9rdf/urBR5+LVqxWy12ZA4qTXsooqbc5QVDWze9+8yvMYa8/3K3miDBCqIWwH/lt1UKlAh7OrxebbTsaj6MgOn++GYyRz71WGIQwoAQ4a5USSgEArDWU0iSKTs5OSTzqt862UgDGAsJ/9od/VCxmXZfPt/O8ajsNqk4Zo5P+EPELbEzeiE1ZZVlPO+iMARgTyhxwlNL3GuSu67q2YZRgrIVUDkDgHMCkaEoHHCF0ud0hjClj1PfG/QEAiPseJlQIqa11Unme1+v1rDEYE+fccDjs9fpKC+NEsSsYZRDAYrcOvSAMQqtx1zYYEUIQQNAZrbTGhBFMpFR13XhheLt3p5+lvUG/30/7vd5yu+OMWgQUwJ7nbfNNv5daCAinKcvqupZGE863uw1yAAEXelzKTnQdJohzdjO9GQ6HhtLhYDAa9P/bR4+fPH7y4cMPptc3V5dX8/nMOnR8dG9/b7yYvfuLP/+fP/34YRhHndTa4bLtljcNRRxjUBTVdHZZllspm4PDye07t27dPsIYf/fdd1Vd3b17bzQaT6fTupIH+7ekVE9+eNzrZ1Ha/+ab39VCh1HqnEuznlFyu9sqLYZZr9fvK60Zo5uiLvId9HxKsNYKIWyBJMynlFigg8Avm04IMeynnRAhRlLIXb5L4lBJ6Xme53kII9m0CIA4igGAddsC6xjzhDa6banHmR866DCkVS3zbbU3CMejwV/9+d/fnJ8ThJUQ+Xr18MOHB7fuFFVzduvsu8Wya1rZdRqQqiyr16+S+AG0+vtvv7p36+7l+VvCw4OjO+PROO6nter2jw426zVK4mq17qVZvpqJpvL3xhXQzri2bWwnwuEkC4N6vVGtQg4NekMEEMe0reum8JUQ0DADlAEGOIsg9Dg3AFRNjZGTWiOMSbNYJZMJCjyAeE1weOuu4P7zX/8Ka+/Ds/vMEWGAJT7lyXj/7uXrN84YTFMvHSEJEfqHyicAQCohOkkIQYQx7qy1SlmAKEKoEaprRSclhDBO/Hhvn3ucMdbr9RljTdMqrbSxjZHCwqyXKaWnRQ6chQQfHh8HnE96fUbQH/78k12ev7u8Kpv2rx498YNoMJikWS/qjTimFGFAACZoV+3KeqOZz3gQRZF1QEnJcZryPlaMsXBTXa/KLSYew97+ING+g6oVhdKtBNZyTC12i+VyNr05PruNfU85p7SO4hA4xyj2CLo+f9cbDJumPTg8ePDB/W++/p3H6fuFexSFbStW65s4pjxKrJHzXNBGr9fr65sbqRWAAecBgo4QtNqt5rNrKZqDw8mDe/fSfv/Lr7969uxFvz80Wr969ZJSwj3y6vUjTNBofIAg3m6rIi+dA62xGJOyKCgle+OR7/u9JHHGPH/xdjQ6oJxzSquuwZxBRBnhbdNCgGTdtm3b7Tb1cnZ8cNBPI0DRqthaYzCjZVMzjBIv5Abuhz3gKY/zwWhcNc3F9Y1xzmccxQgCRBilGDddY7XRMne2TvyeFe3NuytVy/FkSHz/+MFDzwtXqy3hXtbPslEvX0rKsKxqr2s8wn/1P/7r+/du4729Xjb+53/2T7//9jEHlmCEIWE4jKlH0sH59sILM4jIwdmt2eXL189fREnq+ZT7NC+b6WL68MOP9unx+fJaiV0WnTV1ubppkIbTy9n46mpw+8yTkmprMZUGAoQNhX7kKLBWdtN3b4nDmHicYQoYB5R1EPnjSbK3365XhAfaIch8C5HFNIx6UZS2VXFzdc0jn/MUIiyFVEpiQjBGvh9wzgGE2LmubfM8l1oBBCHESa8XWkcYpZxDRgCEeVFQz/esFUq2bft+9mohKpuuFR1wzvc8AlE2GvmEOaU3q/W//G/+64ODw5Pbty2gf/iHv28hEUpLbYTpqrx01lFGrmdXgIDReGKd09Z2XdNKuV4tzw4POOdS6tfv3k0Xy0KIQRY4a7brRS9gHiPQOIoQZUwbgwi+ub6c3tzcuv+B0hpQgjCWUk5GozAIjo+OMLqp6iqMYiG6L774XIj2Znrj+14S3w7DcLlaWQilOcAQOYAt5P3RJOlP0v5ktVrezFdVUzprurZerhfb7ebs5PiTjz+xxv3uy9/9hy+/GgxGEKK3b95a4NIs3WwXUjX7+xMAXFVWbddxQtM0VUbPpvPhcDiejNM02z88/PLXv55dT7fr9S9++Yc+9wCEzpoo8H0vhoiottFd62G4q8rYox/fvzPZ24OE5l0rrKOUUYx830eEBEFAIayrSrVt1utXZb3d5aKVQisHCML4vTlItm2+WWMA4yjQSfT86ePzJ983dT0YTRABH3/yyd1Pv3AOWgtFJ30/JBgba66uLyIaijbf2zuGe6NnT58eHxy2dffm5ZvF9IZyrz8a7R0d+HFyNZsDhEKPz2YLStj+cDJIgncXV1XT1I0YDMcA8/V29+zlq5OT0/sfflQ01SbfEoS3m22xzYnnrZbz/um+NYpQr1HWIbLdFQRjJxXneHF1vbi6JsEg0whJa53WCBOHwPvIWS7aRVWlLEoRa7WSurPQZVlKoLZQAivLpoIQQQgIIeS9yxuiomrqupZ1LdsGQBhnWZL1vDDAjCtrAUTWWW2U73nW2NVylaYJABAAACHinChlyqphnHm+hxHyKFEAmK5D1kng0smIxNH1agURdgA66KjHGKGEkqXd3VxNq7ruD7MwiRVAyGGCmcNqvlxYKHjMyrbY25ssFjMeeAEhAKIsG3ghcl0pui4NY2QtBNDjvOlaKcTR0eFwMBCi8zh737lACDPOKcb9ft/rhHHOGL3Ld/PZdL1aJUmc57nnc4hcJZrz64skTTnj7eXVeldkWc/34/7QC6KeVN30+rrYrY3WBBPG+MsXr968ev3dDz9UBibJ4PWbN4Ef9rO0rsuA8+PDPc/nRnSxT/tJ4IdRkmadEH/we7+HKYUQFWVVVdX5xQWGKBv0n794fuf+PQQhw9QnPPaZFCqkaL3d+n7YT0LOB3GSKK0ZDygkAcAWgbqrpRSF1hACabQz2if+apVvi0YqXXcCINR2omlapXXWS5LEC7jX1fVqs1nNprouMaUH+3vQmovzN9989/3HP/+ll2XbumvbDlgLHGiqNkhJ0E95iyEDDz76gIf+t4++//br789fvTNSX11fIELjfu/kzp3DszOIaVsVRnZGdOfVrp8m2iLKIgxAXnaTg8MgHl5PZ4tVsXdyJ+qa+XKhhQy84PjktGyq2c3VLXEf8zDXABLq+xGuBIUIQMUs3M4X88tLEoexMIABFDgCNEIQWSUj6q8sWKw26cHtsDe0XQ2N8SAmRilVYc4BAoRS4AChDALQKVW2oq7rpm4gRInHRuNJ2u8zz+uUUtY1bUs511oDCHwvUEpjTMbjyXvW2lqgtdYaAIi5H/qhb52zCLbaYAc2i4UWYphlPJh0jiGAkYXc9zHlytn5Zl13BaM0O9jvQfh+tQsAhBgDgEa9kSNI6m2YBs1yc3H5VgAXZ5lpunyzwRacZgxDvimrQhtgLIIwCMOuqUPfS7OMUqaUBADkea6UDMIgDIOmrAjG/UGPULbdbhij/eHg6uLcOd2JJor98Xi8aWoLXVGVSYKTINoWVVGJJE6tdZzqvckw4JQT9H5VpYXabXLO6Hiwd5j0kziM/CCKQiHaLPI///zn9+/f2+XbN89eaCnjNA3jVBnLMPQ5GY7HVd2cX5zXraCMXZyfH5+czFbLs7t3CCYBgxTAarup65pzzyMoCfitk6OirKwDjNGuqWGjoRSNaIVRnVbGWYyRlLKRauT3iqpuO8E48zyfMCqF1Np43DNClusmoLzsumK74RhXdd029d7hXhr6u3y9Wq3//le/+sV//E+sBRBihNDD+x/oqh6k4Xo94yH/j/6Tf3x9czNoWozoyx+ehh5HzEt8tlyv5jfn11fnP3d/0h+NoTPDfrZabZnnK4DjbIgpk0prC7TDcS87ZEGeFzfLbdLLkv642G4oRJ/86Ewp+Tdf/t38Zrp390GnYci9sm595ocEEQyobpESIUWkbTrK/AAxXbRtV/T7g4Cz1I8GaT/sjceTsYUAMWqlMxACymgQCVMvtrswY4TQrq0RwpRwwujAD/cOOKMMAwudMhC2WkOMCcLAWuCgx7kDoG07Y0wYhsZYrY2UEgCAEA4CHxHeSa0MsMAhAAihi8VCKpOlPct4qWjqJRQiY0FeSIDEKt9Zgnk4KJqtH/A0GxjrIMAIEyWldbYzxoujlLAkTm+N9lbLuXDGcqqNommgmrKCeG+Q9HvZbr0B1nqMJ1H4b//yL5bL5S//5E/m8zljVGtFMG6NefHihdIyixNMSNd1AcaEEu7Ru3dvLefTuq6E6Ha7bdW0UqgKlmnWoxhbrTxGm7pddq21VstCdnkv6yVx5FEmhXDWecyLoyiOM8h83+fGSI+hZDy6fXb60YcPCcJiu7p/eoAwwoQTxrUFBkDCvYu3b1brdV1WLIg//+LzIAyKqnQI+oHfNg1BSNUtwMhjzBiDIeyatmta0Tad1BBAZ4HuZFOXddc2SjZKGgh8P0AQVU2HxA45oKyxUjoIumJXlAWhmFGWRaGxyhB58foNsEbVRT9LI+KeP3nEIDAERb3+4ydPe4e3RocnwEGMYBJng15fNFWSDuJe/+tvH4dJUrb67M69ap1fvXw5yPqM4ltnJzeLlUK4qquzu/daacqyIZQCiDDnaZzWTescQBBrCAxC6XBoIK6F6ITkfpA6aKoqrxrKyNm9DwyiygJKiBaSQRyFXOTbNl9ttrP55WuGLKmA8THwGBWN1g4AQoQz/qA3JKd7kwM/9Hf5alNVGKCUsqjXBwTNVtOrxWxkSb/fT9OMc99Z5BzEmCKIAcQaKoQBIRRC5KxDEAFtIICylev1xmEwGPSLotRaMcqMNZ7nR2GolFLaQkwwwRoYa62ByIuT/mAcB74UQjtXyNonHGoT+r4BLh0kwplWd9EgcwhKhCDExgACMGSB0xJxnsYBU+1mvt2/k54cHLZGbtqya6swpsmwFyDgU5xFcez7i+n07p3b6/V6en31o88/54wlNMAIFsWuVioKfNGJ2XSmhWSM+b5nrKIUN02z3W7vP7jX1FXXNEfHh9Ppop5vfOplUcww5gQnSUSgubm57rqOYPD2bbEKoziKCMaccUYZhihN0uFwlPX7UeRxhrLUD3zqMxo45Yy6sz+inEGCpNTaQcL9XdW8ePW2qUtKcRh42PMgQh99+unl9VVRFHlR+J4HtC022w64rNd7H3Ld7jaIcIDwdpsLIZx1yEFptLPGGu0xBgl1DhilpVIb23HGjNEGGCOUUpJ7yBjVtN24F0XIn80X68V8NBhkSZIG/OD2yXZ2ff7m5eT01sHZ7cHhyS4vehMbhRE0xifkcO/wh0ePEOWQu4PxoJUmzsb9wfjo6LCYTzE0SlkW+E3ToCBM0qyoW0R53PPzvIIYLrcrBDGitJOaMC+JUsRIKzvMSQhtUWyNjXzmAcIBZgaSSrpiXfQOrRU11A44ZAitV/NXP3wNdS6bNSCANBwZ7FBAKQ88SDsMlDUoiwDqGi3b5bwGplOKQFIbV3edszruD1dNHUTh4fERRrTrFGHUWmC0M8AyQgHBChltNbQQI8QgggDWRSXaLuS+Y3i92hpj0jSN4mS72eS7AjhIKSWEWQQJowg4bbWUwgIICXYQIUr8AECDQScgNI+ePMrL4tOffH5wejBbLy0hbWfLpqXEg4AqYxCEDrhWKNG1fYIBgNPL2bAXJsMkSDyfo8u358z3Qj8YZFnk+T/M513bUoovLs7bphkM+1EU1HlX1o3Rxvc8zvn0ZsoYTaIII8QD7iBQSg0G/SLfbVZLzli+3QrRffDg/nz6GwIRw8SjNA39YT/xGdSixKTne77v+2mackoD7o0Gw88++XQ0GAAH+71emsaEOEYdwcaqjkHDsWWUO4IVsBZYRjAG0Dq7W2+0lLfPbiW9bLneNcqVdT1bzvv9flVVRVXdP73VlbXyOiGkMgBjBpEl3FfGQWel0piytq6L3a5TCnvcIYwRJoQABwkPMEQAGGsNAM4B2za1c5pzmqU9Y7WSrcHs6vK83O2wsx/ev3vv1vEoC63Vh4eH8bCf9XsffvjRdFO8kJH/RgABAABJREFUffMmCqNRmlVaxlF0dHh6s9iNxieHh7efv34FIBVSj8Zj0dbL5WJ0eLJr5kVRjHoDB1HdirpTCHPtoNM6TEJjXNU0zA8AhNP5tD8YxWkGMNBWR4HXdq0WIiS+hRhienTr7rQp66qNEerq5smjJzEh/ZDdOTm4eLuVXTHYHxG9FTTmMIAOus4qa4HHOTSgnBcvb57df/BgvH/E6gYARDDBYUwQMLL75EHK/VAZJgwA1FfWEEYwhdABTBCGTGkLnSHIibZcVzXC2A9jHmVN25ZtjSiZTA78IFLGhNlQaVXJBgPjOYMg9jymlVGdJBjFUVjna7kTx0dHkKRFvbk+vzKya0TTiHa6XLkgcNCDAnoWW4QRpgBiax1wVksFjIbO7GyDkhhiQaVtbnLgdBZHwf6etQ7JztR12XZtXWdZr8jruhK/97NfIss5Dvt9b3rT+IHHKYMQQGe17CBwjFLkHERQalVstlrIzWo97A/SKF3PNuPeOI7guOf96MHxrdNjSkgcRwjTpv20abteEvUHAwvJm4srZ/AqXIdJpo22SjYtKsQ2jsJeGnOIPS9inFoIlHPGaYcgIsQoWzXq8uYGYNof7W2LYr5ZQcQg8rbLJbUgDKINZS8fPzkajwFDmsOuUbZtqecDP/DDqFFaii4c9AKf1zvaT2MFbK3UqsgtUg7CIAiUkEqb2GfOOgcwwX4vTLfrte9RZoGUYjmdGj8kUHs+Jgz0RokC3e++++Hi8nmUBFSNaJAhL5lMktnVzd/9m7/87OMPf/HLPw77k5taBhA0qlmupkBW1Xp5tblZXr+rym3TVdumHh8cPzw87U0OqZ81wkDitUIYZ42RQCGCSOAHxkEHwN7eXtU0s/mMMe4AAYj5HnFWKys0MM467GgvHFCkw4gC2cp2syhLbzKYHO1PhqP5TW+zFaSuKkKYURoQ6ABCEGttrLaBH/WHk7g/pF7oAwIAghBarRGElFLOKEBUGoMQhARbrS2EzjpnDTROA4MBcNYVRSFFSxnz/WC2WKw2u7TfT4fDMIwBJNIa6xyizOOUh6wTjegEo7wqS200pSQKPAI1Db00SkKGv3/8pGorSADw2P0Hn0PKHMBCA4wpdMBZo612poOYUMK4x0aDHsOwLndM25OjCQUmC7hua4aYbpuqKCZ7e2kYi6YTovF9fnM9bZr6b//93/Sy/mQ8Wa+WNvT7/Z7HmdbaaH379i1rDcGYEMwYVVoxQpM4/ru/+duqqnpx2kt7SZKkcRRy9aOPb/3kR/eqPCdO+9DDGCurnnz7O8z48dnt6+niq2++66SRUn311dehx26dHEEELmZXJ8dHX3z+ow/u3VUOlpuSM8IZRRA6C41S1zfLtjNemNatXOW5BtYPfGNc13WMMQhgJ7rRcNjvZW3bGGOMVsPRoKjbTknf8whhRdsuV0tnNGcEKEk6cfvBgx4CXsiF1p2QoccUBEoAggAAyBiHrd2s5ozgvcHA6m5Z5c8e/XC8fyCVtEoCw4HRotZ/91d/bYyGACIIh4PBYjZ7/fbi/NWzXhJ8+ODu8eF+B7kQzXa7LIuN1o1qW4pBW5dPHn0v25oyUpf5ckHHh6dCdn7gW2kx92lgttutVs5HKIwiIRXCNIwTqY0DsJUKIUQot0ZDCwDCxmhjjbPadE2nDIIqYZnHyO2zk9XVpRDdq1cvrRFKmayXkjAMMEbGGmiJQ9AB+P4u5vT2vTOMO62lhYB6xjjnAEQQUuKsFgZoqRAhhDBlDCDMWWectgZCiBgGomuNkphxDmFdV7u8ZH50/8EHhFEBgQHOWFPUNaUMQQQRIBRAhDzfU51s6ipNUwR0k689ApbTy7969K3R5vDwg2jYQ6GfHk5yCDGh0CIEIbSUQGedxpjEWc/zfSEkQRA6LVoZcpr5fi9gBOiYY6UxQc6LIiO6d69f7U0mYRBaZ46O9geD/s3NbG9v2OsNsn60WG+F0QjDItcIwPeN5SxNnXNt0yAMy6o0WkMATo5Ppjc3bdMeHhz+9Cc/NabtDZI371589ukH473RbrNdrFdtZ56/eP3m7UXeyb/61Vd5UYVRkvb6ddN5fvDhxx8P+/3zy7dRNlisi+W28m4Wy/nUKHmwN+GcN3Wjne6EZDza7iovckEYCw1apTXURmvZKuCggwAilKZpEPjvL3A5CxvjmM8Q5ZixWmoNLOI839aL3WYYBkOOz9++tBC2UkKCmeevrq8Y4+PRGDjXlHUWxr7nYyk9SkHbXp2/yXrJjz/90Xe/+zpO4ttHx0Wxe/Ho0eXrl6vpDDrCAIuC4OnjH4Qln/zo80/un719+l2WhL5HtDR3zg6f/vC7PC/aaheHEUdAVkXXtQg4jBGANvRYUxfzbYH8ZHR0Shhrm66Rxvf8othIqceTvflitVhvojjppDLWen6oZUkpBcA5azAmnFOhtLGSI+is3i4W2Dk/8PaPDrfzqVO2qjrnQNN2JEsSQCh4zwASDCABCGnrLADAGYeIcRAg7JwzxlDCLQRGK60EABAa51NqAZBCIQiBBZRQrU2+3Yi25ARrJcp8ByEcjsdp1keEaucwI9Y6AIAfhrKTmMAo8B3QwOi6KJaz+eHBfuxzayTzg9n06rdffrm9uR4cHRNKRpMJ7MUldJpQpR1SFgnrQxB6JIwiY6E1Rr8PRGnLOQeQANX61EHVWS0R9jmBBEEEQD9NJ6MRoaSsqrqpVsvV9GZeVc3e/mQ4GKVpAhBaVF2+20WhDx1UWpV5obouieM0SSkmFGGpu81q3TXNm1evgHNhEGgpoyw7+/in1+cX3768+sXPjiTRHZYvb949frdYrCpMkBdEnnKEEopJlqUe95brdSdV2ciHH30aBoFR+tvvn3qcZmm6qaRcl4wQi+B6W+3yuVI2iBpjp5hSqSXY5dzzAuZLpeqqSuLA932MIHC2a2sIgSUsDIIgznZ11zTN+/KmH8XE80RTXq+Wfhh5ngeNqYoyjo2oq/V8Dow+ODw+OjrsqmqUxuM42CyW05tr1dQ28AjCdVNPxqPI40DyOPTetI0Tmnp8t63g5c2dD8fpcHzr1u1hGrx5+u3V9eXe8XEpHEIwSWLOGcGoaWoceIR7aX9QbpdN28RBDBBUxty5ez9OYj8I+uMJ2ux2RVkXq14U9vrDoig22w33AyFEJyRACHQthlhrTQiBCBGAAMLGCGOkcwA408jOGY2BC3x/7/RMNuX+2Ul35+67t29I17ZBTK11ADglNcDQAoswIhAhCJy1CCGA3neTgLPWQcAY9RiBEBpngbUIAUYxBEB1wkFsjMKYcM93RhtjgzAajUdRlFgAHcLYAmM1BIhgjADmQYgANJ20VgKtCQD3bp9Zq9tql6XJ5dXlbL44e/jJF7/8R1lvyCiHvlcqIx0wChgDEIQEk04I0ZZJEnPPB85pIazR0GkJNXSaAL03HCRRZGUrRcsw9v2obdqm6fayQRgFlDKj7Gg0ubleXF/d/OIXvwQA1XUDANobjRkmi8UMQXiwvy/btsxz1YmqKLNeiiBsq8YZ27VtnCSb5fLZ949un5793h/+kZ+dlq8Wz96tHX7WNfV6tYmS7OyDj5bV18VuVZSlksJI5pQADnqjSZkrqbTnebPrqQOu3+udnd0SQmCM19tdnudZllGPO8iKahXHPQAJhCAIIm41oUgqtd7mWZZkfb7brpq6Ho/7Dz+4f311+Ztf/f3J/Ydne4fbulVda5RspNbKCCGNsePROB6m05upVFp2kgB8cznlvt/LBlLqy5vrQS9DSr344Tsfor3RaDzITo4O15vNt999BzCaL+d1xT66f7fYrEXXEsacBdlwcnRy5/jsbjgYb7ZFVWy++OnPGAJPn7+Afnx2+95nX3z+5MlTxvh2veZhHHJ698OPnz769uDkdFc0gHmnZ3eT4V7Vtps3r/Kq7A+HBBnfY23XlRcXhLLxaIwZF1JhjJu2k1KFUYYxcZgaABwkGDFINEEGAwccFsYpgJjPAUFaK4iwhYARLxlLkiaxBiDPd9n4kDHuMDMWOggsgNBqZ5WFFhjr/qGBa6yDFlghBXSOcoYZRQAChITomrKQbUcgwgQLpRiG47398bDPOVPaSm0R5Z2URtbAAiOUtQYDxDgjmBZVCZwZZmkY8u+//W46u+71etTzJ8e3o94IssAAUOjaKYcgizADkDjojBHWSuoRCogUEhPmcd9Y0zS1FY1h2GfYD33O/bIs09CHEDmrAMR+mNbC1p0mRC/m6++/f9y2nTGwaYRzOPBDYywhsJNyt90Evkcp69q23+/v70201r/76ne9XjYaDdumubm5KatyPBzKpiWMPX/2LIhSPjigmviAuVbm8wXQssv1rihsl4u2IghS6IxsAAbL5bIudrfuPuCUBL4Hnfrx5190nQDWFnmeJimGmFIGAdztik7Ig4MDreFmszPGAGAPDvas01qptDfI803gsdOTMy3bp0++3y7nv/jFz6FR27KFWhNrddt5hAJAEMRVWUEAIKIHJ4dndx9cX1yt5stRb0j5jHmeAc6PoqAXPbh3xzW1aorlxcV258bjh7/58quL6+t1ngdZcrQ3vntyVOebp88eOwSirOcAIl5A/ERajBXKm2J/mMT9tK2259fTZAz99bo/Glftt66VRSPcrjg7PDh78NFsuQLO9vaHp3fuVZ0ElAEjZ5eXELrIp0BWGFhIKYLYAlDVdYiQHwSYMqWNNgZRj3APU24cgAg7grAFwEhghFHQYe4ArqRxyhCMMGLCGOQQ742JBdA4oJ2DhDiMDHAAIeecAwAjB4F1DgAHkH1fjjJWWalVU1dayrSXxTRljLZClJuNVkq0tYYojJPBoB/6nECQFyVwrtfvG6MbIZIkQVDXVcMJ48SDxjlrNpttW5f7kzF05uWL58bqvf39wXgcJn0SppVyQlpHCfYC4rCPPCuNbDoEASLAYAyIQw45C4RUVbNQSiJg05AHISdAez69uboG1tLxADnDCOqEFFIrbbWxSpn5fHV9PW3q9tatu2dnd8ajyXy2UMrsHx5upjfbzfbuvTvQAdG1q/U6CoM4itIk09aWdd20LYQgDAJg3NnZ2aA/uH///vT6uqcgVfKw3xvFoczZcrUtdkutVYglSkMljdGiKerFzbWzLolT6Fwc+LLrptOLLz77kbNWaeUxprTChKRJWlbler2OothpPbueV3UdRXHA6dXFO6UlDyKNLUT45mZ2fv72+HDv3oMHdbH79W9+e+vW6bbqXr18iZhvHOyEBoRxjPdHo0GvX1e7l69e/fIXvzTK9bMRAkgaF6fJZpdjSsqi+O/+2//X2cF+xun+/tgKRTD8+JOPzs/PrTXD4cDzPSHFxfn5Lt8dHh4XVdN08vTO/Qcff1YKK5Qe7x30+1FvEKb9bG+1e3czp358sD/pDcdV1USQQoQcZo2yX/z+HwKj7374ydNnL5aXV9u8mM0X6+mUYTjqp4xjKQ3FFGOHMLEANU0jpCaMYYQAAAhThDnEDFjnnHMAAUwIQQQwLbWTVktBMHAQQOiauqIIpmGUVw2pgEcDbzgMJIQGaggdQQBI47TtkLbYIACd7qzUGEBgbFfVnLLQ8xTmkR9ncaq0XKzXXVVABKwVk4M97gXW2bZrgANAO2tVVZZRxOM4dN2aWeSwxhg4pyxweVXkdamtfXnzTqsOEdTbP0h6A+VgDYlVxkLiKEYA0hopJXLQAgAQAowxgBC0zihrAbAOWYdwmABnrGlhAEkEiBGez3ztMYw4hshB7AyykhIIkW66cm88nEz2Hj788OmTp99+883B/hEjLPJD54G3r15XStw+u5Vvi/dWhdU2R5S7TvlZ7/Vycbd3B4V+EIdtVc4ur9brTb83ePL8Zac08IPn716z2M9l9/bt1Xw+9Xw2Hg47m0slCMZCQBpk3OK9vUPOOWW+0cb3g+Hk9Fdffrt/sA8QBAgU2w1ldLFebbfbs73DveFwtZgdjZOicIyR+fW7RqjBeMx5kMb96ezKYeTx4PXVxSE4xIh6Yfz4fBFGIcZ8vd297zshKa3Uu+V6CO2dcW8Ni3/7r/+7Vpg4HVLC+1kPGeMZ+e2v/+7x909U23wHDdAiivwsTf7+r//WCwJCyO390eG411bV1Yvn0zfvqCV1JQ6PbncGBP1JKYR2Diqdpsd+GrSQnl9dvXgz/eDe/TAKldS9uIcczlKilSE8tA6yJCmrctnpcP/ALVZS6R4PBoe3hNaYMNjvgaogQghrMCZaSkqxFMoZRxFGDhmpCZTAGI8SpaVW1kFnEDIMQ8+nDDlJgdEIAgws5cpI4XMSRz4RnTQWUOZhTKy1jGGgHQTAAgAMgA5BACGAjiAMEWKQMQ9jzDmPCPN8z1IiVUc8D1VEacE555wPhwMhtdHGGeeMA8BSDJfL2fXN9WRv4vmJdZgQf71eOwhbaQH1kHNSqXiwn6Y9ylmnlHEAIACcc0AZK5W12mEIAcbIOiONRoCEvi+ksNohTDjjFkAhFbI6IMR3lks7itOMeZTiJIogtM44SKgwJgiTblNhSr757lE/61kAr6bzMExu37tnAdQQLpfr8+tric39fko8WpZlEAR7h/uU0k52zGe0U9vVOomj+bt3r168qItSCvn0yWPMPERZ3M/29/e3220Uhe+TE9aB5XqTV3VVVl3XDYcj7nnjNO2kYiTMmzrMMocRYTQI/F2RAwj7g761brlcMsZ8z4+TeDwZx1HAGcnSRGl7cTUtm475QV61+eLGOUOIa5oyCQNkDCcUSI2UNk0NgAsJfPP2khLcNI2T5uzw2FV5y+FwNFmsi+JyenN9o6QOw3B/MPjmy99MZ9effvHJwf5e5LFhP63zzXazopQJpSd7e3VTzaZXWgjkjBbtZrmIte71hzxKNqt51Bs8/Phj6vHRZNh27c10apUQTZWvl0W+uVnMnQXnF5eY4Mlkb7PZGOO0tZ0Ui/ni4OAw8EMg1XB/kC/WtmugdhA60SnikFAaEYiohyBBFCJMtXUeIo74DgANrNXqPZ8PgJNSGoei0GsbiTGyDlpjnDOEMiXFcr3p2pYMeiOpNbKIUuphpJW21lGMEUFKQ2OttdY5ACA21jmMeBA4BxylEkMpO9C1EFg/iSceYwQRhKQQZVEhgjGiCBMEsZSdBW4w2U/6A61VrQGCdLctW2mTtBcFqO2Ecy7zA0I9IY2QgDFPdq0SEkKNMMQYEwQ1gtZagAHGlBMvCAOMIMDQtm1nlJTGGuu04cD5mKQQZxDteQkyxgYEekRrRYiHGGvLenk1zXoDB+D/6f/4f17O50mSplnvn/2v/3NK+baq5+vtcrM5PDvbyfzd9DKO46iXDgb99WpdliWj1Pc8EjAIrBKi2G2vLs7Pjk9q2NRl0Rt6Rb4Lff+f/7N/9uWXX97cXJVlaa1TSm/rqihK7dz+yQmllDK+WW0oY3cfPtDaOozXeY4hzga9wbBvjZ0v57vtttfP/CC4c+sWBnC92YSBhwlR2qzWG8b5IIyEMtV8sakK32NWC9U2XhwQ54rVuiqapqrX23lVlYhSCEAUBRig1XxO29rHdJGlvbu3B6Mx86N8W2w3W2fdv/n//WtOyb/4L/6L/f3x//Cv/vsXq9k//6f/aRxPLJAYk6M0ffrs+Xa9fvv6xWaxOBxPxsO+7FqI3G69kOuVReTew4/2x4P5crFeTCFCFLubxXR69S7A4OjsltbaWeB5Xtu1jDGllNbWGD3o97fbXV1Wd+/c28wXoNMQwKasL96cj+/fSoLYCR17qXXAAkRYAIzBlFNEAUSIEGstAEApASF01lljOGfAOdEJxvlmvcQIJkksmgYRDAgr853WhlhEKKPL+cIYuzeZUEo7ITvbOeuklMY6gBDCyDoHCCIM6q4z1hJNIKOUYOgchhAhjAk1VgNggyCAGAmphJCMYYcAoj4A1loFKIQIW+BJa4kfh17USAUQoDzEmACMDGSQIyWEahVChDIMgQHAIuggABY76jGCkNaqFVIbFfie73kQ8EZYITpoLAGAARARtpeke1kYQKB0KxGqW8EoAxA3ZUcx576FAF6en+9PJqJpPv744zCMnz57evfegyfPnz9+8nQ8nnhpWHa1cWayPyEIy04Mh4M4DkM/oJTdzK+1lmHghx4HWl+9fRvF6d7B4d7BfpT1Xj578sH9u7dvnQaBN18s5Du12W2btrUAh2nAwpAzXlb15OiIEDxfbzzuNW2bRPHtO3ejMCjK4unTpwcH+5999hlGEBPcdUIIsdtsMbT3794FAIRRWHdKO1A1TVmVwBpntBQy3+02y8V4NPF50LVCKTfZO/xw2HPOvXr1Kt+t4yBkGD1//AO29v6PvlCbIonsydFRHO5Ojo+ePH6EOPmn/9v/zSeff7bN19hn18v5xfTqD37+05///KdSiP/y//JfPn7y5Mc//snzJ22WJMvF3Go9HI47ocuyaLUJkt6dO7edNYv5jHC22W0Job7nAWuePX1sIGw6GfjhZDK+uLzsuk5p7Rzsug4TghAWSkdJ3ErZbHYBIVmvL61ri9ohCB1GDlkHLcR1J42DPiMQEm0tscY5hzF2EHqBD50TokMQQOeENtaZIAqlENoazKhzgPgBtwApSSyilNA47W+Wy/O3F/1B1uv1LMBCSogRp4hwTjm1znZSWmcgAJxTCCECGFuEMQTWiFY6owKfUUIsdEpKY6x1qJMSIYcJtQ5oC7R2xgIAjXXQOeMcgJhgRADCxjkjlNKSUso4AxY4Z4FzDljgoAUOAIAxkkJ0WkNgMYDGmNZoJ6XPWcQYA06LNqRU1zXQaDjMfI/V+Xa7yRmIkzita4Wg3azW92/fibzgh2+//u2vfzW/OgdK+BQHnPzbf/M/fvP1705u3R6Nsqurd4v1rH84ODs9Ozo6/P7bb0eDoWjqVy9eHuzvAwd+9/3XUnU//+yzs5OTLInz9aapSoLRhw8eKOeevXz68tnT+x88aJtGKdUJKZVh3OeeNznYc8BJqSilnRCykGFkYEq6TnKudnn+6vWr7XY9vZk2dWWNvn//nlG6KauiKu/du6dE23RtVVcI413RbItqtlorqX3fm9/MtRa93vDWrVuUcgRJJ3RVNpA46rPz83PDfEP9vFNR0rud9NezGfYCHiSY0MVqNb26GPX7jx99t3+4hxn96ttvgig4un3r0Q/fP372/Pd//nMD4J//xb99/uLVZHKACVXaVXVthPQIC4K4N4qu5+syz2/fvce94Icnz968uyyaCiA4GU8wZv3B6M3LV+vNlscJ41xrQwglhHRCWOucc1VVxdkgr2vhXKUk8T1OPcT5ejblQgZhaITiPvMQ7Yw1UkNCGPM0AEAD5QwlxEFIOYviGDjrnNVSvmcxrbOMMaW1Mo5SCpwjCPmIICkJ8n1jbTYYQQevL85FJ97XcRxGNGQYQ2eN1ForjSj2OXcOWKsZ5QxyB1xXN9YayjCkzDpQty2EEGHgnHUOOgAhRNpBIZVUElPEPA+Y91I2CxB8P5FR0gAACCa+h42WshOEYoSQdVZpY4zBCCECjZQEY+p7CADknMdY4HGKEGfcOl0q4RijzvYG6d2zo2zSm11fL1Zz5ACel22h06yfV1W+q/+v/9V/9eyHb+fnr6GRSZz1eoOnj77ZPzicjHqz2fUHH9ybjA8pgZfX1wyT8aD//TfflLv8ZLL/5u3zcrP99vL67Ozss08+/viTj5h1/8//23/ttE7isK7aJz/8sDc5jHppv5fN5jcfffzR4cE+IuRmPs+rmnmeH4QIIill1zQYU4QgJXTQGxBC26ZVUk8X8zzfLuezXb7brFfj0fDVixdaqjiKT05PIUaIEIrhbDallLddJ5U6ODyIgjgLs/V2VZR52VaQen6STeerqhaY0FpJj+L9+x9/MuxfX7z7+je/Zlk2iKMg7WeT/Wy0V+eb3XY7Gg59RseT0Z37D4bj0XQ2/+rR9wSB09t3DyejF6/fIgC//fYHCOmf/dk/3+422WivJJt8uSJeUDYd9CJEGSJeNhjVQm/yqtPWQZoXhTJLz4+Pbt1Le5NtvtValUVBKPV9Twgx6PcvL6+LvOgPB52SjtFVmTdaRZSVXUsgDtMEYmy18QmVdQMJoTwwhABCrZbSGIQI9hiAQEkNna2bBgEHAQh8X0spu9ZChxl/v1lVxhjrEEQOEws1MRC2XSeAcBizMLAQlk3NGPEYtchKLSGEEADGmbXWaQMxJhg7Y7QVCCFOGcYQIgcgYJxKJY2R1ljoAKUME+YgMg5QRgFyDlqEkdZKSokQgogYqxyAGEOlTScVM5gQDCEE1mqjAUIEY0IJABAhkMUhRshq7bQ2SmrRSqstxqptIXDMIQJtloTO6cury8VqaY2t6hY5GBMKGWpaleeVUvrdm7e67dqqBKrDStebDSB4dn0VZ72qqJ8/fdIfj29uppjxs5PTNO3tjSb5ZleXBXSuKsvPPvmYYuInCYLo//4v/5u//l/+2kMIO2CNdVb/3d/+u9M7d+b5tuvEz376s5///i8Oj4vlZrnerjmn1hkldbEtyqrs9wcAwr3h3mcffdK14kn1BENsrNXa+l4Y7gfb9fqv/vJ/2ZtMhsPhww8ezmdzxhlnFCOAMd0VxXy9c4h0znEedkK0rdAGTPaOhLHvrmdVKxykFCCLiUW4lhLmOx74fhhuiryfZl6cvnjz7sPx4Xg8Kokb9eK6LDyfj8ejIAzjtHf37O7527dRlJ2e3VtMrwdh7/d+/sv/z7/6V5Czs3v3Pvvii29++7UUzgG4KapcaEDo6e27p7fvB3G6yQsLUBjFmDHf94MwvLi4LHY755yHOfcYwggJQDkFCPYGfeYFCLNd3UQ8sxBmw4FtBCbUJxRy0nSdHxHndF1VhDMPQUY58anDuGuUNsoKB4BjhDBChZIYAmANQggRAhF2DkAAKWUQKguANQpg6ABU2hAHUdLrl/m204JEXhyFBEFKsEdQZ61R2qMMWOBxr207iIjWrpMCIESdYpSGUcgYA8BBCBijjHFtlFPWGquNVkq+z+sSiqUUTdsqxiBGGmj3/6fqP5olXZP0QMz9lZ8KfXTqvJlXluzqbnQ3Gi3QAAxDDjEDEAbSbMgZbvhvuCUXXJFm3IxxFqTRhiSAAVoCaFHVXXVvXZ068+g4oT71aufiy5soxuJYhEWEfRFx3P11f57H3SOlYGNKMcQsy5gQRIkzLUWGCIyh9y7GmJJPlIQQKNjuZik4k5xnkmeaRxdD1/gU80xV+UQklGTc6iIxxsopynGCIFQqpFwcnggh//LP//z5k2/vHO6XeXFVN4eLg/3pONouJlquN8GaszdvPvjeDz7+3vcul+tPvv/j/aOjew8eaK03q/Xl9XVy1nn74ccfjGfjerv9sz/941/8Yrq8Wc9mB6XQGILim7rZFBpvrt40Fu7du7e+Wf/Zn/7J/uHh3VvHdb15/eZNVhaFLqzyK7M1rS3n1aQcS+Q2pUzIk1u31l3DE+7df/zmxYvYuWgCJC6ETsC63l5cXc2n08lkBMib3m2brnfhg4+//8W3T+rV9a/95DfGVQWMpRB8QACZZTkCK7SSAkzfJuozyb///v2+6WxvnbF3797pm20jiYh0ns8Xs/Vu++rV6+lsb3V1efrynBFfb3Zffv3sv/5H/8RuNl9/9ucHB4fZYlouJh//4JPnLy5Sqpyx2SR2ttbV6IMf/CgrF621kUgpRSnNJ+PpdOpcb2zT2WZ/b58h2z9Y7B/sffn1l73peZSj6WyxdxITelczxiXyosiDVL5tQTDuk+od89Yrcb26WuzNZ9l4220dOdAFMuZ8wDDwAZAoEkUuBDIeAIq8LFBYY6OLgMhRcMSAkSNLQDEEEWNgShZ5YbsWEAUXlGKIaWtbZKCFij5qrmzbxxABGSBwHExaAUBv3NBcl1Iydau0ZIwJqRBjQpQk6qaJPoAh53yK5MmT4CkRIgMAxjCvCkT03qeUArdAKYbAGTIgIBoXOQAAUZZrkiJT2nRtsL1gulAiYiqy6mCxl+mcpcBDvry2xWyezQ5rkxLRdDqtMl2W+cX5xf7h/uHB3umLZ6ooq+kstNt1XTtjm7phUux2W+Ly+z/+9X/2z//l1c3Nk2cvmBCMy9V6vby+YozN5guB8OXnvxRIKaY3z5/+9Ozs3t0Hjx89XJ5dBoohxZAC57xpu8iKew8eJsTVatNa25m+720IabPeZlhgTJqDFqzIJPDU++7s6rRxdWubUmoTt9dnZ+89eHDr5Pirb755+PjRs1cvrnbbxOj6+mrb1NvP1kWe1buGgE/me8+/+dZZ1zbdV199dXB4nBdlORrv7y2MdW1vQvS2S+umzguVq6KsRmU5fvnixWZVf/LxD9q+eX36erW8ms0X4XyTQji89V5Tf/753/61aXbbniUhRTU6X978f/7tv8a2PTt7HVn67/9v/5fHn3wEiY8PjxaHD+q6Nra+O84Xh0fT2VGUquu6siy7vttta2P6oiiEEKPROFGy1sUQn/zFfxpPR0fHR1Lq3XYnhC+KMeeKEQTrYwpIAIm8933doI9VXgmpmJRaquvzq8V8f1JNG+u6XYs6F8gBkDOWgkfGGWNAAACUUt/3KRLnPMTIGUtEzjsA8DFwzjnnAmKwfScFByJnnQ+eI/bGvXr5qizzR+897GwbU4whKqUQufGeiIAjoeCcMYY+Qt909W4LSLPpFBmL3kvOGecEgIKzlJxzjPNc6ZiiB+RccMYBUgyBEqUUMFGhNGcQfEcxFnlJIQVr29UuU3o+nWhBQVLfrCXiqNTJeU7pYD4tdZa86/pWcTiYl3t7H1yud2fnF5iNrLURaFpmKYauaxhnR4eHjx4+KCRbnr3+j//uf/rjf/v/BQI9Wdzc3CRV/Pbf/93x4uAv/vKvbYjj2dw69+LVa+/98vL61tFBTHF/f3/+O7/9f/4//R/LvLh369bx3t50PCl0dX562vYdCi60Dokevf8+nx7psux68/j9xzrPnz5/5l2QUhVSZZLXTZNcr+U0L+R4UgBPfegwY+vdzRjLfrcry/L87HQyXxwcHwfGtsaI3Xa2mGfjaaIUANq277u+3jWvXrwRQmVFeXD76Hq59CEVZZXoNCvKw6PjOydHy5vV9fklUMq4YsAvLpeXV1dN1x3fut0msiGx6J+/PHVRsnzR7Pr1+vXJ3sF/+vd/c336rPjwH4i8/OCjx269MpcXm+V1s900Zkdr1pruh7/zD/MpA9CSqwf3PjGuPTg8MQZuWuuv186HGElpPRqPRpNpjMGHKIQiAh/p+Nbtm9XNixent2/fkUJLKXOtlMq6nQUAIuCM5aMxJmrC1nnTWtc5v3+wNx1PL88vPv/sl7fvPTi6c1+5uK77SASSaZGlBIJxRGCDSjhBComAhq2vQsoYPEXgUgTnGAAyJspca6UoJa1lu0u9sbPJRAgplFJZbl1YbbYcWVWUhdaEzDQtkzJGMr6XUgopiBJjSEx472+2dZ7nmRKqKhmytmmQcSWVkAoAEJAAaNjE1vV93yvB7W5blvliPk8ppuQCQ1lkh3vzpt7tXJtVmeQ8tFswfGVWeZb7GAPjudIupcuuVVJBSs6HTLMUp8DBMZGPp5vOppT2DuZ5JnrbJgq97Zu+y/MsIB/tHfzOP/4nH/zgB9eX13/87/9YTfdVnk8Ob2Xj2U//9ufE2GQ6y4siRr+6WZquaTabTPH/1f/yn6+vrzjRy2+/qqof7e/v37v/8Ld/63f/m//2v/u3/+bfNs3O9P3F+WvgYhvw7PLSpXRirIupadoUExAulzeaADARRMExRmds11201pnpbNKstmfLVdu1gnPr/fuffFK/NK/Oz45u3wEpysmMCW3qrVSZb7u+M5ILUOzWrbu/+/u/f7a5efb0KSJDAMF539SmG43LolQ8OzqsdzvTtev1sjVtUVUPDo90VvQ2IhNNXTvr86zkoCajWTS7n/7s7y6vVtPp4ns/+UnURfT94fHxX/7i55//1V+h7atpQR44MOtj4rLtXJSy9j7Ly8Pbd7784pnWk0zRrtkh58Z7t15P5zOllNTZpq6BYDafP3z4yFl3dXHVNA0DVu/qN69e7u/va6F8DF1vrNLVXkXAmNSlzIJ1Xds2vSnG49v37y+XN59++tnFcnNw616WV4GYTwlCZAgcmRA8pAgAnHPvAgICQ+Sc2NsZVkREQISgskwowRjS1fK6b9u9vT0AatqOYpI611kBnDMlrbHtzep6uxtPp6P53MXAuLB9CARa6hi89U7qXGV5iAGYSMjX2zrP872DI2edMV2KKcWklRqNqpT8brurJtX41uFus14tzVTzecYBefAEwKXgKrkP798OJwemb+vdrmtjUeiiWOgsG41GMcFuu1tvNlrnsixiiIe39qfjEceAAnmCjUtXq6tCgGmF2XQsKw4OFie3Tspq8vLFy+1q3dfb05fPH9y9u+79wb1HWZ4Toqomz16fmQRd24DUqBSk5ELMdL7Y3z9//eJP/+SP/96v/fi//d/9b+ezCRF79frsj/7JP63Gs/Wu/ugnvzkejb784rOz5Wq13bCi5IwlZExIAlQ6J0LJpRbq+mZ16+REd51xwfmghA4UF9O5UsqJjgpFHIQWLoUsz3/913/zP/zN3yx322oyFkzZbnP25iITTApZVRUSHB6d/MM/+sfFaPz8/AwIlZRVWTZtg0BX52fr5VIp2W7rF8+f7x/u371/Z7O+XnXt4d5+X7fnZ5dv3rzs2/WD+48PJiPmOmfdpz//2yfffl4U6uOPfu3q+nq6vzcpi263O3/xSoJQMk8mAWAu81/+3S9ms5P53sloPg3R3Ll7e7PZJB9GkzzEOJsv1us1Y2Jvb+/OnXuM4Wq12my3UqnxZNr3NsuKvJxcXq4yraL3L58/e/H8273DO8e3bnMCyXnbdohcqExxCWiSMX3wWaaLyfTuZNr1llCGmDCmSKSFkoxLpaLzudac8wFEB4AQIyBFShR8CIGIVJYFoJgSAQmkFEOSguV5hgy7pkNEKZX1vrH97dndyWIukFvj2q5NhDLPOKLS2Wim+74LwTOpJqMqpTi4V0oxBOtTaG6WTdtORmMETCkxxBDi9fUy46lUkpKfV/m8kFPNgjWh3aQYMy0pkmaSBdotLwGp7zutxN7e8eH+wcFkcXZxcXF5RYjT6XxxeBwImBBM8PXWtVujeFRK7KytbVzsH0402vrqYFLIydS5WHcNE0rn+ZuLL+bj6XhxcLHagsh0NSHGhJCdT7btdVnKouRK99ZrjlrnVa5CDLdv3frs00810n/33/yv9xeLb5++nO0df/7Vt4vDk+Vu9/U3T4s836ybIDJRjIlDlucq05vtFhG3u10MUeuMITu/umiCb30oAJHJPCsYssvLy729427TpCrOj/ZXy3U5Hv38F7/IylHf9QL5ZDTptt36anW0dzgbla9fPXPOHR8f/8Zv/eZys/r6p3/9/PXZbDqdTqdZlnHB1qvV65cvlsul1tlsMuI8bTdXF2cpBTOuxucvXlxfrV6/OgMp9u/emk6nzPXL8+d/97O/DcgPju9Mjo6ru9//9qu/4+Rvffjhp0+/XV9eHoxnqW1N6G8d3zuaHe4uL2dVeefWyS+/+vLkzsEPvvfJ//Df/w/Xp+uSlX1sm65njN9/8ODWrePxdBpjODw+fnN+vq2bcjQtStYbFyOkhCnSbDLbm0/atjZ9v14uJ4t5cIEJlRVlgr7vnc7LRa47u/MM9aioiqq0DliWmOxMjDFBIslE8j4k54OXQgBARAREQuCMEaUYYyIihJBiogQMKYGQQgJAluVhGDHMuVKZ0nq+d6ALdbPdaSmV1JTIE3TGgnU6z62LEBtCEFIC49aFummAUlkUjAFFqrLxYqqQkjVmMqpYrnabDWM4H5c5I2utdXa9XHrTY0oMwPR2u93M5+PDg/0EabFYVFUFCNvtNi9ypdSu7WKEbdd98e031vm79x8sDg6YlC5470wiKLWOIdW94VJlAjBaiTobT0SR9V24uLxyCZerrijK23fvr64u53t7FJxzoTV9va21kkpIQia48imlSLLIuGI5w75rvY23FvN7Dx5FJt9cr89vNhdXW9STLmztzbpu+8ub9XRCQhcgMiaSD70xvu2MsW46nVjviLHRZKwzbXzwNh4dHTtntVYnJ8fnZ+cxhFfPXnAhZuNZ23az+dSHeHl2Hq8vmZCLg0Od4OL6ajQaM0ZfPnsaop+d3Dq4d3drzL/+1/9ms9k9ePCeVurZ8+cpxZvV8vjg8PjggLwzvV0urybTseDq+TdPTo5v9+v26npdd0apfLq/mM9mAtL66s2Tzz8Tybz/8fdxNJ/df+/xD358fFz5tl6dnZ49eQIhPPjkwcXrN9trQ7mOQuwfnHRd9/O/+cu27/4X//QPl2/O0afZbJIVsm5SORkbY65XG65VORoVWrXbNdnu9v6iKjLbNQgsBjuelIxBoJSV1cF0miKuN9ub9XZxcoIyY0woSeRSIWReVpseEAVjvDaOUFNiXIhqWvR9LyNqLQC5cVRv64ERU1oDAgFEoDiEfCIiCN5DSFwIAhQxBMYEIpNCQYzAAnJhfZB5PplMEsSmbmNsBVdSyqIcMQYxQnJBK+BCGW99BCGz2XSmBE/RcyRBEnyIXS8kH43KGCxiGuWcUhTog48Ufde2L58/V1zMZ3PFRaaLk5P54cmsGufDWmKVQCvV9Ha1bYDIx4CZ6Jrm9sP7Smrv/Hq1FplGIYyzs8lMSjCEHERbN5Px6Phwb7e+efH6AoEyURGiyioXUyS+f3jCABQjiXS5vJ7OR11X9009OShjpAiosrx19uzy6uDW/mw+u+665GHT2oP9k7OL8//r//3/eef+HcbKshz3wN88f9mZvnW2SDGlVFRjqVTfMa11nhc3q5vNbtMZU/cNNmwup0Ve1ttdVZU/+s3v7+3Nq3F5X989OT5Bgq++/LrvzcHioHed0iAURhuQQKRkdjvOse3b04vTCOnk5ITn2fnN5tNffskYf/TgoevtV6+/EEr+V//8v6rr7Z/+yR+X+a1f/7Uff/nLL06Xbb3bbIwvVfHsy6cpsT5EWY0/+PDD99672zdnT7788ou/+ZvQdQ/e/1ApNllM+r61TX1wsP/1p2/+6k/+uLm8rDK53t606NXeWO/PdiHp0Z5kqFT/4QcPVpcXf/pnfzGazIvROInAMsmVLjJ9tV6/Ob/Ms3xvUr169mx7fRG6ZnWzqqpR23Zdb0aTcdM7LmSBBXDBWWpNG4WaArqYWIohREyxXd30O2xcR0xVs73EMlmUIZKPHlLQWjAXnDdSKQLkXLoYAAa+lAiIgGIiRGSIMQQBnHORQmIxCcaYECLP8yIvjXNt17VdW5aVtS6mJKUYjSoAsMaHEAAi50wIrZQSAr0PAExrKQVnEH3fQnCMo+l2EigvS5YQnVcMvffBe8bYqq4pxBCCNfb4+DjPiyrPx+OxlDI4L7Ns2zTOeWvt2eXVeDTebDda6zzLGaKQYv/gkANjiCkDYsikCIlQCkuYEut9art+MpnqPDs9u3R9c3x0Mh2P37y5AYbVaByJpJTeGCKeFTkDMuY1Qdw/2Fte36x228lsxpG1tts1jXNud71RkSmRGdfaRNvO6un0737+t589fXrnzsPr5c10PksIVzfLlNK62Y3LimdSKQ6YNptNJJJKeGevrq+GyZ7TyfTg6KDr2h/96Ed/9Ed/0LZ1nmfr9e7q6uynP/3bV69ef/D++2WK6+0upSC4XO7W48lcaN023eVqs6nrBw8fPH7/0Wq5fPLNN+12Ny2rlNizL74miD6F3/zt3zo+XHz2i5/utqtvut3V1enx4WGI5uz0NNfFar3ZreuQ4O4HH872D0K0L55/c/Pyqyef/7JZLotqtFjsVUXV7Go+Vi++ecLizfMvftncbEQCY92zb59EzqqD/fFs78X5TZH04f78/r33lWD/6W/+5nq92rt1e7a/eHV6yvK8RLba7FDIyXQqs0LoAqV2xMBG296cnp53bbdYzGfTcSFZ1+7WrsuyzPnorMnUxHZrxmlUjcGnNjnnDQZKkEK0IXomdfDOhYAInAsGyKVkjNngu64DxqSSg62nGBkwIkIizjkQERFnLAFEHyCRAIAQQqKUae1CBAAAdM5dX19zwUajkogQcVj9wrlgTAEAALgQfYyMS0QM3gXbl5oXuQymO9qf9rt119yMx2MBsN3WXW+Ojo+Xy5v1as2EHPbq9X0vYiDONk09eAjcJIa0t79fTaY2pHXdzBZ7Sum+73VRylwgoOl6ijAaVUrruu87a4VWxHQXaNtaqbK8mnbtrq3bk4PF/mzc1s1kMi3Lsuna7WoZvE8hCIaz6TECHB4cvHn9AlnKc+VD7F0vpGyarTW2zEtXdysfBeeAWPf2ZrdbHOzdfvj+1fKaF5mqim3fEkOR6RCCI9p0bZnnmZI86Kwqh+5qQD6ZTI0xjKGS6tGjx/v7+/v7e5vVmjEIPO52zTdPny2OjqvZYrm8PPvsfDod39zcTCYTAhRKrbbby+ub2vpqPLl15461/tNPf+naNpfy6vSChZQJ0fStVPL1y2c/+2m53d60XaMEZxDXq2XY9UCwajad8dlk+sPv/eDw9i3rXNd3X332i9W3v3TWLI6O7jx4uH90dO/Bwzbg2c3Oht3q7EW72ipCiPHocD/E+Pz0rHfBeDi8fVeN5kWVv7m8HJVFOZnwm9Xl9eX88CCkcPnq1fHJLSGE1rrre+B8NJ0xqRnXk9miHE84Yyn64Gxwdn9v/u3V+fnNUikZgKNUWaEh9MGwoLmUTGWSKOuaHRdcKTXofJQSMpMxREoROWNSWGuJiEsxSJgRAFLiBMDRp4hAgiNFSsGjkhwhIiFHoZSqm9Z5b3rrQtzfPxiNJ3VdO+eH1XfGGOccY2I6nXI+OEzy3rsUQ4gpOS4EZ8AI54s9iK5xFoXkSh1Mp4yx6+tl13VS6RTTZDyJIWZlxRgDRJVnxHFdbznniExmuigyKbknCMZNF3uJiDHWGQNc1L1RwGNIuVJFkUeiTd0kxrjWLgQT+qa1eV7MptOmrvt6W2X6YD53zW63vN51/ouzszevX7b19mBvv663UsrV2csPPviglHycZ5eX1wzJmJYLRpAkw1ywjCPPMx+Diz4r8ggpAiyXN0rr48MTa43p+0BUjEocwLWUkgv1buek1JwzqaWSFIJLBlEw5CmE169ez+aL+3fvNk293azH1fh0eZaYOLp1F1U2Go3q3Y1pWwZpb2/v1avXk8nMxWT6fn50iLt+s9v+2Z//B85ZkalRUSpAzcTV6XnbGRcNT/Hi4iJQevT4Ub2rm91OAGvqbb3tTO+KyfzeJx9PDw+ByfObdZHpl8+eX74+Pbp9//D4ZL6Y32y3zy+X83tm7+BYV+MvvvzmcP+wW91YIar5pJBis9tVs+nxw0d37j++6WwboXcxodg1rdLZfLHYbrdN3dw6ObHW9M12NJm2uy0ARO8363VMiXHBhUQuvPeUEhMyJXI+Hp/cFlJaY7uua9bryxSrsmAIVJYkdGJMFGWORN501oBUeZYxhsA5AnnvOEdimBAAQEgpABBASUmJvHGICSgJwRhCoAgpUooMkCEgorDWSiEBcbvZbXb13v5+1zQppTt37jAGjIMQIsaYIgBAjDGlFCN5H3wKXGidKyYEZ6zIs8AzIM7L+cp0TOTO49XlRVs3VZEz4JtNLaW4uVlNAff295qus9bOFgtE7EzPGIVgQ5/2ir22a1OMnkApjZT6EAUXiQmXImeYkJkQUkyRIFK01oeUQhJKyarKve0vT9+Ern5yccrq9eF8dPb0mwS4fv3y+ac/f+/+3dsjdvj4wwcP31uu1i+ffoEIs9HYFHnnnJhOjLGM8f3ZpN21DFBosak7xlkIxnpXFCUHlIwfzxZn52cs0KQsIEFXt0opJHQxJR9ihIZ5ILLOphgxJYYopXaJhOCXl5fWGAqBE5qqf/76dedj41M5W0TGs6LUWVZpdffOna4zu6ZtrJ8sFjfb3fXyOiXK8zzEiELxLGt2u9fn51IwLvLY+cViX+eZc+H6cjmtJtzBzeVFt9waFEePP7rz+MMuwspDcDbZnofV6mYzXhzmx0dyb88VuXVU1/XFrnZMrJerSaUn+9O2225XlyKXu93GxTCdL7J8VDe2bk2foN3twFsGQTJot7vdenN1enZ9cak0SzHYeoPRHh+fVJnq2rrdbmNw3rnt+XkIoSyK0ajiOvMop4d78+O7Xdd115fnZ6freufabjyeemO4Fih0AonBK5ZM6ImSFAKRnLMh+BA9Q0oMY0qcc4aIRM66IIISUnEBgsUYKaUUKTqXYgjec0SGhASCMRZiUkpVo6qz1hiDyHZ1LYScTEbIIITAOQdg3odBxJZlhdKaC86lYjJLyGICn+L1tqcYJBcxiBQTAl01PnoATwmTwphiOjw4AsGWNzfb3W5/f39vf39bb22zLbNKSimFdCH4EJVWPibbtkKIRCC1ZokrBQND/hbO4oIjphB664BSnguK4fryInoTbG92m4vXL6muKsmEEup4/l/+/v9+Pipu3zrKdWZC/ODu8dG4+H/9v/9NAnHr3l0AiATT8dgZL4iOZrO2aRvXGFMLrQSXRa4Vh1FWzEaTeVl9e7N+8+TZ7Xt3I0BVFoLxvu2YiwoZESTBU4imtwhUZhmnlAgynY1HFRHd3FxXWSEYf/HixXq7O7/Z6umMleOvnz///sfvffj+hxjcz/7yrxeLvVu373776s3ZxQUJOR5NYoi6yFWm2r7zXYscF3eOM6ExxWOG69UqAlvsH71++dK13dF01q+71Li7P/nB4x/95Kbpt9YklH3wvrXK2VtHt7OqTFW1CUEE1ssiP6zmt+7cnJ+avqYgN2etGle//Ye/tzl9+dd/8QSARRZuj8aIMtNCK2mabdt33pne2Rh8MK7ebJTWGCgRXdetzqtou7Zej4qya2pO0Zlub/9wPJ0qrZ0L210jiwnqsveBlXov4fHB8VdPvtndbJnIVBVG88IDR6GkymWwiOCcsc5kUjKGjDNIEFNEBsAQEGKMQBRjxERKSEcmeO+C5ciGlXZKSc4AiRCRgAQQKSl720vJhWDjSVFVI8bJWtv3NReMMe69B8IUiSgIrr3vKVFVjHmMzm4IIEQfgs9y7VzfOguUKEZBqWIBeJjnXGq22W5lOU8ESgiBLCtiXo1DgpQ457npo5JVlhddW4cYRSLO+aiqvPcAMPSeA8hhyQJHrrT0MRljok/JR4Y85zo2tXL99uLl8Wz0P/uX/6Xvatu2k0IflAro/mQ68cGRMzvbA+M20smtxfsfP351ejGZVrODvV3d5nkluF6vtpAwEna7/uGD92yKo8mUgLarVYjWu91XXz09e/GN363qVRYR8/xktjf33ispowt12wbi0/FkXI3q3TbEOEQgBtB0vcoV42JV109evSCAs5vrurcP79zSHK/Wq+vVrDH96fMX3zx7WpWVXd6s23602HfEnOzLvIgphRiUznzwWmuuM9MbZ60CNjo4puC/+fKL3dWZiuHm+ZMI+jf//h+NP3r/dLPZ9Z5n1dD42i2XdrdTVpaTqZ7NqW2AUi7lRx88tu1OMvjdf/SH529eL292ZVmk2H+1rT/8wU+iDet1q4WWUoS+absaE43LGctHzXbtqOMA3jTb9dW4zI8OD2sffNh989nPwb2vbt+J0eRFNhqPGUhGMgXGhGYqRiGbCMQl54w4F5maLObm5ma92050XgIKLgkYigz1vMTCGicSipA4EScQKFMc1DkSCYaNRR4dcJS5NGtDDAWTlBIlEEIJScZaJYTgPIYofAgS0XufZVk1KoTgzvWAKctVTIEjA4BExDhDgJSQKHHOuRCIEJwN3gnBcgGoOGOhs7um3kKgblsfzMazTBjfimAms9Gbszd6Ml7sH5AH7z0KWVSjohglYiHhdrO9ul5bZ5VkWudN0yAypTJjnNaKc5kopQQuxRiT1gK5Mu12s9lyzquimhVlMn1fr2hzcW+qHx5Psbk6qErL5Gw6rjgjwLYziTEE1nvHFGdSMqnyyeQ37z8UQo1G0976vBhxpv/25582TV/OF6LKj2/f9pGub1aHh/scmG22fdeubq4Qwu27J9uuRaW2u001nUxn03pb22AIsCrL4+PjMs+fP3u2Wl5PRyPT9c71IYTOmtl8lufFcrMSQggtZ1nWNvWw7PXvfvp3r588C6YPxhjjOh9EMUImq6LqmRyap5yP3kcps0TMBx+JT/ePvLO6KNB71/W+3koOKi9ndx+Lw+NN73eNTVxqqbI8L4XYy2RzcWpW1x999PgihmZ9dff2SaGVhsCRHjy6n4JBCBOlpRC/+Obpy9dvPn7vkd122/X6HsPl8jIwzgGMMVxpAVCWIylZ3eRd32jFtVS7zQ6JtptVSkkgACStJONMKe0DxQQxUMJEgMC4yjQKwTiDvtnaHnR2eOdOIEKZEUVGKSUbIEVAYlJpLlGE3gCRUIojN9558HyQpiEkSAQJBepcy0zFmARy7z0REMDQnsq5QIJIJGKMIcYQo7W2KAoiCjG1bUtEWaaRAQASkbWWIc+y7G0aGoKxRghejkYEEYFidE3X+QBlNSuVFntHiuHnn/7dk88+lcH/w3/xLxbzg+RiVVQp0HqzkVKFEJu2sTbUddM7B4Ah0mQ64Zxv644o+UjIVds5QHTOckyIyDkPIQzfYdguo3W2uToH23zv/fce/96vmd0qmUZz5INsLsE2KRtCjNJa//Tlt1lZPnz8GJF3jsrJXjmaFWVVd70lzHW+6cyyaxNjx4f7I4Bdb5AghXRzsSxkzoVTKsdDgiQni1nb9yRE27ub5XIynnEh9o8Oy7IMjJxzpu36vqdEQorZfLZahhRjlqkUQ1bmkudNvTNNy4WazffrXQ0EozyTjPfGZboYVePM++nBkWfi2atXRTEFEn3XEfCqrAAxhgAUpZAyL9k47xszlur2rbtfvX7hEqlRJueL133DbFwsjhvj2l2HicaFno6medwF7SB1zHkR7cPbR5Lj9fnZrVvH4zKvd5vZqIRSqkyb8OB4bxS77rNXL1OyTbPuhVrW7Wg0y3UmOArOUyDXBSaEaUKe6f2Dw8PDo+cvXhgbGGfbXfPe4yrLy0SRcR5DZAKFksA4CZ5plec5AWR5DkS73XacVZPpZL1dpwSSsxhdCtGEwDOlueDIBrV9TCmkJKTkjCUgoDg0k3jnkSD5mEJSUja2Y/ztMruUkveeiIZJhzFGkVKq65oQPOM5wxCCdU5rzTkHoOA9EUgppZQxpL7vd7t6Pp9XVUU0rIKHlIYpiehDUiqTSkouNLLk/cNHH33w/sdEaTKbCi0DUAjx5maz2Wzmiz0CXK93wJgLAQDzoiBgCVjbdMil4LztbQyxbprRaMSECrbjnCNS2/a7XR1jBMDDw8O+tzfrza292eWm3tX13rjcm81aZ52xRNhbByoXIpe5CimJmY9crC13MXIh1Hj/iydPL6+Wq+3u/nuP9rvw+vSsTUSM3qzWhdR92/qui13PYhxlum+a66uLX/ztz3zoHnz0/gcffWR9XCwKJtXl9ZJLYZw1wYcUQgiS85RiosSAUaKiLGxvrLUAqW+aYjophKhj7E0zn4650q/fnALEVdMdHRwJLpq2V3mxXK4n83mhFDKRYiKURBSJUaJEnFCMx+MAKXBgWcYT+2f/7F/85ocf/I//4/+jOLkt54tT4wvMysClzHWgertbn2+/2V588uAE0Xz55U8ffvyTww/fG2nOiD58fH9U5FcX58FZqdVoNP7m6bffPv/qD//B73z205+dn74cjeajUa6kIo4pxN1mhYwJIRCBS54XuWAkBDDOb9Zra10xqpx3t+/cPTo51pm21iLnwEnlmdY6AURIjCHSMAYf9Xyf5eXNzTKiLMdzZy3HAWY3wTmUnAtFIcSUMAHElAgCIDBUWhCA4IAAkYEQYoD8tdQ1dSklRByiJ/tuu3uMkXMuOOdZnhtretNHJMZYjJGIUkpAKcaIyBhjSqoumpTSdDolIuc8l8p73/Y9ECVKQnCli6Fzl3OOCEyIUV4gIReMELroCIlCLMtRUVZZlnMht/XSegfIlNaAzEW6utk6a4uy8D6td1tKVDcNMQWUch6zLFdKxtRZ6/reTKdTa91qtWoC//J0dTCfnL16MS3zDx69Z/veOW9DmE6mUqybpl2tN9t6p3QGiMCeI2NciKPFtOnD9a7fP7o9mh9s6m7T9FJlwFhvfQih2WxS1/U3Nx88fGjb5puvvuicnR0fyxxv37urs+zs/KVQ2eMPPvQhrbc7XRaRqN/2RIRiGEMKLrjpeJKSb+vm4HC/b5vtevU7P/7xR++//4vPfvkXf/XXm5sbNZoAJGdtjLRtWu8jF7qYFW6zOb+8tN5yyCOhVCql1PVGKZViZIwTYPTRuM7u+lXb/db3Pvn4J7++8ebZ1Y3hGVPc9nSz3kitizxzzTb03fH+3t//7d/4+V//6c/+9u9UPvnDP/iDTAkpWFkU1vTz2Wy7WXPBgVLbNHdu3aq3291mk2IEImcNCLk3m7HEnjx73lr7+OMPp9NpcOb1c0PRx2C3u1YptWvaoirBB+u8lNn+wdHF+XlRlZhBXmRSqpBSBlBUFeMCEBlAxMSUzEdjYlyi9oEiBcY5E6gzxZA7awVyxUWIfpD8R++BYcLEhYCEBMARgKF3rm/b6D0CEQEiEL01b2ttVVWDME4454Ztp0oprfXbITYpDcD2cHD0fW96w5hQSkmpvPfGGN91AJDnuZCCJWRcSKURMcQUMQIDIk4EgAwSMQbIBbDEEA8W86IsnfPr3Y4JXsoyAXPeK6VRyOVqba3tjFdaC5FdX11xzstqcvrmdRNaBCYmE9NZweV0miml1uvN9dXSRnrw6L0PHz/qrfv801989exVUVa3bt2dLfZer/vV1WnX9SFE61yWl0VVpuiR8/398brzMYnZ0e0I8Msvvrm6uubIq6oCREDQpaToo+1dt/vZf/iTVy9ftH03v3vn6O49xsKrs9Onz1/sNjsps/29w1t37uza7vLmusjLGGPbtpaLGHzf9VtEZxykQERvXr/+4PF7P/n93+feX5+fz0ej+7dvs7I8W14TpPFsXNd9bXqZjYyPq5evVaaE4lwK642QOlG03qaUYkIh+XQ0Y5z117Vdrl1Izpm//PTTe4fzi13TRwiGWGBZIQEoUeha19a7+Xj04+9/UCj9/qPH9+4+yCeHRJFz1vWm7/uyLHZ1rXQuBH/y7fO+6w8ne2enF99+/W0I6Uc//DU9nl+0nXX16fOX26b5e7//+5/86EffPnkSUjy+dbI8PzM1zRd7jIvXp+d977hQxvltXbe9udlu1WhsPC2X16PJROpMZ2pUFkLplFIIAQUIKQFKBIGIWV6G6GLyTEu/bZxxSnBkDBINnbqUCDkOS+8ZY1IwIkACBtj3pq0bIIg+JZaEEJzzlFKWZYP6gXPedZ3gnPvgEbGqKuR8UNIRABElIqIEAIwx05sYTVGUKZE1pihLlWfeh3cq/xAiACJiCtT7HjjorADkLiRnDUCSgjgnhORbmxflcIxIqTiXNnhBApD1xhIwQNYZ50JKKSbAvcVeaywgH43Gs9k8hCClKooCAHa73cX5JRF88tHjw8P9ersMtheMnLFeiIuL07OLi9t37v7eH/3j+Xy+XN6sN5u27Tebbd8bBGxas/bGe+esM10XbOAIIYXQ+yLLVa7ON5c3p282L1/YzWpaZEfHR9OTIy+FAVKMT/T08uLSGDMZz54+fdIYI7VmQrjgZ9PpQExKKcuy3O42SiqtxKiq6nYjpfjqiy/+6k/+5P6t20cntz7+4Q+rg4N/82d/vpcvEoLISi5yGyjZQGCIs6GDgnMGnChFwKQy2XUN5xwYOO/NdnucT3ukl5eno/39g/fu/Os/+3dazyi5jOfeO6UF42B2LaR4cnjn3u07i3kBvmZcYD7zzna9EYKHEK6ub5AxLtDbIIWuijGCAGAxkJbZ/mK/BzEZZ599+nNw5l/8y38x3ttzzkaKt+7cHmn9p2/exJiMtcbsAJGAjo6PptPpn//5X1xcXt65c5dJ6cEDZyrTiGCtjSmOtEbGjDGOXEopRU8EiDzEFFKSSldzLXTVblpvTHA+AXDkQDAwvsMc5xi8cwaBhZhSJM6ZlBKJaR09JSHE4GNSSq31UAAAgBiyF0BMKcWYnPOJIMRIlKTgjMtEkGUZIO+6TkihtJZKMM4AUQiBOCw5BedcCJ4xRolCiAIEJ4YIBIkAABAipkgpprW93m3XLsb1dleOJvsHxwkxAYsxtU0XAyUSTKkIxETm3Pbq5ubundtZoTLFtNYhBKVUnuebzaauayKaTqdFnnOGF8vluq6JS5YxG6JrGs7F6avnyZvFfFG3Tdf1kVKI0VgTYuRKkudd5yIAsJwV5IONtp2VmqC+vrx59eRls1wdjycHn/xYjstsMcFMrW+WUkiZFReXV4ln9x99oKUIIZy/eSPzfDqasCzvSDpRBtMLBiBUXo0TJUQBQIvJYjHbf/jgzq07hwejcSGy//hXP13asCHko8p5ElwEG421hDwrigRgvDfG8OTG1YgiKRICeETlfWh3LVEqx7MO1Ga3ruZ7Xz97+fWzF3UqdDFzNnJqWUKMxBC86Q/39rQUZxfnVX7MdFZVk6aHRGzb1oRkTK8E11xsV51AdnF1lWdaIx+pfLG3R0Q3oX32+vymNfcfv/+DT340mUxenb4GiLMs05Ao2qLS1jXe1W3T5LkixhPyRKw3LtfZyf7BputWrZkqmee5tT4Eg8DatkXkZVURyLbtmBbOBSmZYjLZZGMgn5CgGuU9EkgRffDGAuJgignAhUgJSEBIMSUapo0kBC4QPQriw6LbGAk5l0pH6xAiMBAxhsGOU0oEGEIIkYQUiFxIKSULIXLOi6JQShGR946IQgyAlL7LkYYOtIEyY4xJLhExxcgYg5SUFM4505mYIgLx4AgcIK/KUVlVTdMGAgJ0wSc3zJ/mqJRSChDm84Xpm75rJedaq91uF0IYYKjtdlvXdVVV8/k8L4vr1erJsxcEbDrf69o2hMgAQoht1z178vRJ+jYvC8a5C4EoEUPOeTSdQC2YQiChFEPguSItmt3yzYun3XazPz/83qMPeaSma0EXajwjLWZCYUi2t70Nhc5Gs1kwRktVjETXu+12mxEaDlwphiAROGoJI0bx8GD//t0788lMSoEyvTo//3f/+t9cvnwTIj7+8W9AVW3rpu9jjOHw6Gh//6DpupQoEiBjUmm0KfoQUkRk3oXNegOMndy65b1vO2OcCSGUVdF2Hefs8Pg2EMNgs0wGjkoq03VAcTathGB7e3vG2pfPX+wfHO3aKJS42ayUlkWRbdbbu7dOYkrNdscYMsZ2m00K5sW33x7euU2CR84++cH3hS6vNtuAmJdlcL2SDEI0pmdEHKBtauec0IVPkGV5iNH7sNvu8iyLjGW9LYoqhJBS5FzEGLuuSwmU0h5DiFEIISQAAiAxjgw4ckExmN2ubmqMSTIeUowhKJZpmVGMjHEAiCG9HSaVIiKm4V6MjDHOOCBUVaWLIoZorAfkjAshpRRCBGP7vo8E3kcplVJqKGe9DyEE770QYgCPAAARATBEN1QVnHMAGMqGwR+AQUppGG8fQhia0LjgEIFSzIoRAK7WaybkiEkuRDSmNwYZK7IMCFxMASDGoJTiHGeTMYNk+p5ySURt2wKA936z2SBiWZaT8Xiz3r54+QKQZZnKsmw6m7d1E0OQStmuN12PDAGg7UxZlj54H4OSghFhSkqmEJJI3jnfdd3VxVm7284nsw8efw+V4oHstiFV8KzyIIKHBKrv6mD9Ym8fIa12OyWEEAKZyEeZMa5te8qpyBTPlWScUkzOvn75vG67fDR+c3a9Xq+Ma3brK+dJ5BVGSAAIiSPuzWfOO9v3ACiEkJkKMfXGEoAqpbceIoaUgHAymznv265vmnY6mx8ezba7dUoBIDKG1lhEQUSz2UwWeds2gtLRbCw4Zpk6Pz9tdzf37x6FSKg0k7woqtGo1EpMqypTajSbvTRmMhnvLebtdn1zXeej8YNH718vV3sHx7fvP7xabWpvJgKn4zl5IxHAe4zhZHFQIH9zcaaynHEulJpMxs75o6PDq4uzi4uL2eGhVgoRjDFDpam1RsTLy+uqqlRV+M50wUudMcadj5HIOW+cw5QgBJVpDIlC1FpjngNCiJFxHikNN2AIAIBvsXvOOREhMsZZSslaF1LyPnrvlVIhoDDGZFk2iD0J3y4KdM4NxXEaSDaAIbRnWYaIMUaihCiG2D94S4xxOEa8f0dJ4KAb5ZwPGgoppXfOByuVLKpxTNQ0LecCkBWZjgm8M4wxIqakSgDeWRe8ZSl5F4Mtbx8P9TciWmu11lLKxWIBiG9O36y3W2OMVqoMUUqhsowBFkWeRmMgsNYqpZxzFxcXo9FISLm6WelMM04CE2Bsd/VmvW3rZlRU9z66l2WZi6GjIGPiKkuAFlj0CZW01nU28oQJgHOehFx3LUPUyue6YEwwHnvbRWQhBMmFkiqGKMvxqjX/6W8/VUy64EKyZZazAoWD1PUXlxcTeSyLEhEQYLfbAkBRVsMdxoQQwjkLCHmZ1U0bYyIEAta2vQ/JGDedsk8++eTJk28229V0OokxpQjDODQNdHJ4IBhUuerrzeHBLPluu45SZiYQz0pjey4zrQuK7mB/n4IHoLZvc1m+evXy+GDv8y++9DFWo8nv/ZP/+cW23bRWlyMKPjJAIRhJCcQQyST0UTOOiFLK5Xr98PGHd+7c2W7rrmtv3749Ho8BkAsxFKNKZW+ppxAQ4eLiQigJRFlRFCpbb7fbupVaMy4E4wQwVJnAmJCMYgwxIOdc8AQEgIwxIXgCQEQC5pyPITLOGWMxBt9HxhgRut4PjTEhxBCCIErWOgLQSg2N7d67gRfjHAfrl1IOk0uGo0ApJYQgEMOzQ4x/lw5JKYeQPyRFMcah7vbehxBSSlwo42JMTErJOfc+aC0IIEaHAFIICtE7g4zHFKVgEJPgOCpG3ntE3N/f7/seAGazWVmWUsoXL16cnV9GIi6k0nkibHsbnINIbdenlPI810rVTWutPTo6LvLCOccXXCm13W0ury6cMUWWLabjo/09nRXeJw+ASqFgXCIyxxgz1mcFZYz3bU+exrNZAu+DFzxLgjtj+hCRRSVECJHIcaVVked5kRIFL6f7ubW2bVuu8v3xKLIQrIm7bUZiW7++ubrK9sYHB3shcsF0ilWmVfSOYuBccobRu5hcjMnHYJzTWS5QEEbrWql03TRTY4hot9shYl3XDFmKCMhubm7q7WaX6/G4ePDDT4qTOSTXNfH+vftlOb65vH55+iI5OxtXDEgBrXAVo+UMVKa//OWXx/sHIfjZfG6D/+T7P1B5QbVNLDIug+nrptmfzbIs67drW9cshhDC9fW1s262p7MsPz4+zotiu939/Od/BymUj967XK8HdGUwKiLq2q5t2xBiSkkAdl3X7hp1S80ns0wXvbOEjACsNQEhhsgIYogIyDhHxhICDVLclLz3PkZAVCpjjAkptdYmRSIccqSUkPMhMkfv3TAqQg0jU0JKiENvALxjN4ZcSggxcGEDlQAAKVGiODwcKAYpZQhx4BAGyx6ko0TU9/2v0hAMmBSIiERpcB7nHA6z0BEpJcGYVDICUWKIxLkMPnZdF2P03seYvPej0Wg0GuV5fnV52fe90llnbYi02dbeWiASQnDGjHXIsO36PMulkFLoFOHqatk1DUcGRCbGvcPbuVauqxEiIsuK3AZykSxFGz0jphjE6IFBcK4OjhHlWqWYUCpgyUZHQvKCRRtRqbwYl0AmbKpypIsyRGo7a3rnQhKqmJZjDjwgROS8UBhJy/ww0fNXT4Tgu82Ki2lZlYxB33VKqSLPfIi77YZzjpKFFKTkeZH5kFJygEJlGeMiL6q2bb/++msp1f2De1fXV23TEnGAlOm80BpSev3i+Wb5Jtd8VOif/NqPdVFcX68IhAP0PuKu8V0P3mgOMdm+b5t2d/fg7v7e4vNffkpEDx48fPXmTfP8zdZRT1xl2W6z7vkuth2nWGXKNbWpa4JEnEklpVR93z19+nSza9qmffXy5fHhwcXFRR+jRW6MyYuiqbfG2sVsURRFjKltO4xU6fzs6mKz2rz/8cfzxWJd73ykkGKe51IJ03TReSLCt6cBACIAccaH4IucA+IQhZmQCDAMoWLICCilFFIkgkQwoD5iSIYSwXa7lToXQhrrOAMiIErfWTwZY4YlZEMpHGMCFELKwbIHqFRKgQgIb4eqD74Rgh8SpGF4L2MsRYgxCM4Z4lBCIECiRCkRpRhJ6qwaj3yIzjvTtzG6XMtiMiqrsm3azeZqMpmGEEIIfd/frFaMsYODg945IELEZru7vr5uu26YFTYejQmoadtRWXHG3LCeXuu+6xgyXZQ6rxijQJSC15lubWdjAq5Q8kJnqTXOWy6YEJyQNpttLlRZFR4QGeNai4Sd6fcPDoPxycQUyUdPkIzpt03TtJYJhVzqrADGQyLrPeOcOAJHLrN6Uyutq1G12azvLvaQ665pKCbOWVEUb05Pu97UdTNfzPcO97M89yGkhGVZxEjGJR/SsD1gs1putv1kOhqNx03XbLc1JdBZFiNJIeazEcWubVaz6f4Pf/TD/cXe61evrXPr1sREd+7eL6WYFXqkuDfN+cXrLFN5ma3W61yq5XL51S8/+0f/xT+9/+Dh6+t1t+184pyLUudlkQsAKVhZlJngRa4xxfPL81u37zAuEHE2ny0Wc+/9fG+/qKq26/Zv3Tpdbay1SghKqWvayWgipBRCFkVRiKyqSqnks5ev16vVZDbjyHdmWJsrpZR6MvbG1pstEnDBaah0GXIhQvAhREAYLp0SpZS+GxCUQnKU0rD+axgegwiUkrBdywFCSt5bMUyzis5Hhgw5AlKKPoQw0KaCc4FMIABhxLeVH8YQko/DNCLOOUMWgk9EWmdSCkQRY9JaDrBrlmkAPiRaPvoYA1EiSN57xgC5ZoxLLmJIAlmIqSoy5wkllPPybP1mt9ndv30nE9r2HpHOLy9R65BibQwiBu8TJZFlhycnQ+eblkpJ6XqzWq12dQ0AQoi9xeLW/Xveh5ubpTF2vV4SkRACRNkbzyUfj2dCKakEBeu5UVPWN53p+r35QgsZY5KjEgimizlIERidX170EQ4PDrD3YHwI/qqJzgGiFEpIKRH5eDwej8e9MdttvdvVmRIZF8SQj4tm0y/2jprdRnsOXDa2ycsyEtVth0zev3tse7Neb1xrprNJCs4bw1RMRBmXTHlInnyfiU4rrlQilnZ9T1LkqoyBQoJdtP3GeqDv/+Q3Hj24q4S4ab1ludMCDBwWjCcRogpJF5kSMiVTXazc2XX96OOPHxzfst68fvk6oRBVOZaK5rFpTDQhAq9GeVnqEHrvjMoVF6zdNi7gaHxyfnVx/8Hj3//DP6jb9nJ9XZuunMzuffADVYyenP5tWaYsGBU7JRiqzIJQleDeJOK1t1ypWycnfW/ePH/JtEbOdJZt21ZFXWYqMQBO3lkIQaksxpQSAlfINAxlZwKKhAAsEYQIkdLQ6kjE3nLCgQFAijFYMWROTdcXeQGAIQTGWCJAAABiiHzQSSNPAMj4kLcBQIhhiLiQiCgxZIOAAhGUUgkopejcd5mZZ9/BR5ASxhjCsI974CMwDedMTCFGZGg54wwgUcqVzjPho+nrpt5tx9WIIaYUizJ/8erNru1klvfGILJBo8oBIFGe55wxYwznXCnFkfHdTqRUlOX+3t58Mb+6vNrVtZDSN421NsvzrCgAQCaVl2VW5AMJmFI0zjKdzxYLmFFZFNV4wqQIMWw7kxgXUu0tZkzqF0+f6azUGvv1TpflWPHdepsgCcmVklmmcy2TN3vTajGf7Xb1xembbrcdF5kNPsWUSXl5cVEUo/07WYqUEgFDZGz/4EAwzpFPxtO2222X67ZrLi+HkfyLGHxZVd75Ms9Z8EU1ygTeXoxXF0oFjxgJIfrYNv14XFnrPv/ia2fcZDQRUu+aNitGk+l+bNaUkuTCWHdxtROp/os//7Mvvvryd//pf/H+Rx+8fvKMEPcPD433vfOELETrneubfqw057jbbprdqiozFHxSjQudCynLqvith38vK7JRWd2sVpvVqm/bk5OTalSZAFpnXb8DoHq3c0kAYkgpBMdTsNEHH4Y9i1wK71wmFUPiEThgb4zrO4hOCM5AeucVkFLS+QhAAyD/HVQJw/8vpQRAAxZERADDrtM0xEcphBBCDKYZYwwhEoCQaphrLjgKhigEAYQYYiTAt9IgAEAxLKKBmOLgYeztcyiSBIbDATRc+B0Yaq1jTAAMWrwwTBPiQgxzQhFYSJGICFLvXPSOkisKWeYZxySq8Wy2oJSc98ubza6pQUjrhnnuOAALiJhC9N57oqqqIKaYEiAeHR+nmIQUi8VCa82EaLuuqqrJbGb6ngtRlCUi9MZU45GQMnjfm56Qzfb2Td26ECfVyMcYUoIQUkpZWam8CJQoMaWL/YPjiGzTdELKuu065/PxWHCGQFWRRe+kZNPxOATft43kcHy4v765LjLd7mA2n1V59ub1eFvXB5whQx98IEpERVEpKRNLMSTJuaxKxTBnSNE3u02l5IiFwJxwMVfF6vJscxaz5MN6nRNwIduuE4nQ2kh9AXT95urz1fVsvjedHxiXdNXz0C9ffCVGC1lNU/KFCBq7xfHxHzy49/DDD1+9fiWljIjFeHLr3gOu8m63S4mAIAV3ubqWHAUnyaHdmpu2e/R7v3d6ejGZz3wMPrjHtx/99K//+tmzpxDTqCqVkkJK09V7B/upZcOG5jrgpO+K8SRacMGD0lJJBsCIZUKY3nrvQxeVkkpykoK8BUQhODJkyHwI3jipNOd8QHWGbHyoVIf8hwgSkQ8+pjgsjxkQGh+8Mb3YbrdKaeQckWVZFmIggEE4aq1zMDBnijGOApFxxt5WvZFBGi5J9LbGHaDPRCEGSDgoTgd06B2HkIZJoPgWJuKcCzm0tznGuJICIXGOMcUEKVDMGJuNx7lkKbhJMedcBExn5292TQfIUwzIBlRKvu3ujxEBEYBx3rZtrjRjrG4aIppOJ0JI5531zlh7cHiY53lKKU0m1lrnHTLMy2KYABBjlFKFCNtdLRk3zukQMp1F7yJQVpaO0AXf9b2PQSqVKbWra5bIhOAhhhgPDg7m82mz3QZvx6NZVeTW9MZZxnk1Gs8mk2ff0sXZaV6NIHoTUzXbO3vxan+7LceVjzEvCuQsUtzWPSScjaeikBDjqCo5LNrdRgu2Wy83y2Y8GjEi1zQsBHL9N5/9XTUeCSUxiDwFRBRUp+2KIzvgMRnbXdS7i9flZKFZZJD6epMiok+HJ8dVxfdG++OCjyajXdtVi1m/a1+fX4iivP3wcW2dzqu6W6XoL89Pn37x6fvvPRyXuSj06ZvXiKilHI2qR++//9lnXzhvF/Pp82+/mUzGl0+flTqbTkaJotKa9/1oNrPeS60nVZ4AemM5ks4yx1hv3agsIQJRIATbmyIvMi4JKEpBFBMFZx0FzxgTXBKyGGNMbgAh3wXcQfuAiMggxRijR8T0do+8ttZhIEASjLEiz7lSPgQiwMRCiIwjAXAu8kwxKVNKb1cAIENkiEgAMQYcXCXGIdgP1+PIiCDEMBw0w/Hy7s5AogEMPsOIkrOWCzagRpRMlpVZmXfWhRgAUp5nHCB0Xa7VqCx765brVYiRGAPGOOOIAgCc84NTJSKOOCg7hBCJyPa9UCLG1FuTIZIxKUWhhFI6AYUYOOd5kWeYI2MDgcI4B4Y+BKG0yskZU2b59c1qsZiXo5Hz3oYYKDLOBSPb1tFJ75xgIKS0FEKyDLxWDFKI0Y9GI5WpujchpMCUNaa+WhrnJ/uHKNVuvbq+uqryPJ/tFXWfKEmlUvC379xOCCmCkvL01Zu6baTgBBEBKAam8vHBUT6ZeOes6ZRQ4FJI0VnDpNRFPhmVhdZ909TbXYEhkedceJl2Xb/tLGZFK2K69qWWlGxIDiBhptUo37bLo/2jerVTWk5ns1cvXy03m48//D4o3fXGkG+allyotyvJE5B7+fSVQNis148fv//i+dPWehRyNBnduXv7P/3H/1AV+e3j46vLy8b6PM8SRamVC+H8zdNKsbKq5Hi2d+u4MyEFE0xbFIVWKvjAuQTFRZHFNPSxgBDCAfgQIKVBuxljjClJoSIB0dt8ZLC074YUJkSUSnLBYwiD/tl7F2NgjCkl12sjsixTWiMXIYYYE8O3rQO51lKw4J0fNNxAMdE7BwCAhDSI8gQXXDACgrfJFwC+s/W3t3dIESIjwncfFAD4sM9VCKJIkRhCjME6Y72bVMVkPOaUJOOl1jyR6/qb5XXkPC9z4wJygQmHNX7DBxucEwGyLOOc26431gDnmdY+RrKmFCUwBoz5GBAxpJSAkLHB7ofqBQAgYQLy3hlnIaZAaTKdnV1c5nUznowTgpYYbHPx+g0BPHr0iOdl27Yu9MBiSjZ029jveKGAonEGpfLAd33vvLedpRQTk1VRktCBZ6KYkpSH9/buPPywWV8JKavZlICU1leXS9ubvf29Ztc0zgmpQowROOdMcM6KSaXkYVmaut5eXUqty9EIMUWEi5t1hhD7vq3rHLDvu+lsynXm0e/dPYxSZ9P56OCoubr0ZLnms5OjKEXnw/5kdnJ0K1T1dDT+6uZy72B/PJ+rsnIJd13fex9iDMZ8/OEH9mR28ebN4WLmjSHTUwz1bpeEvLi8aLoueD8dj/emY9d1yftCa8bg8voy8awaj+786EdXZy+A8cO7d9pISitPvgued6YajynD3a5hnKsil0LyiMkH53wQKKWUWkBwyfuBe2WMpUjx/1+VAwAxJqIkhmkQiIxhjDQsskgpGtMDAAEJrSQCWWN8iIjIhMilDDGZvuspCimFlDENcxUBGbwFkACY5IOFDzkW54whJqIYfIqEjEkpB/1dCOFX/IGG2Spp2AIGpLVinMUYGCIXzDmXvE8pKsGrIqfgfXQCgUKwDE/PL5EJYMz7CIDWWkjAGUdiIQUgGsDg4ThKKQ2QMA0NxW95Nz98EnqbllECYPS26g8xIGM+BOcdAcQUrTGMMMTYuIZLEVNo+w4Ziz5KjifHR8bYF0+fHhwclFXJGfgIN10jMOZaBm8zrcazvQhs11sbKIIIhCHEdrmkeDmbTCKgLApjjGJ8drB3tD+NRMRZ79zN5XXTtNH5l69e7c0Xs8V809TWJWTcJ2IAOisYFy/OlxKBKe2cS1IjJRB8XIxESmJKPFtFC8D7HTDyAOPD0fGdVdtSObVMXWzqBCwv85M7hwFwpsTj48XBdJ4tFk+fPvUUP//y69Vm91uHx84HRDbIhIUUe9Opy1OV69X5xfL8fDqdnJycaJ15xtvO9M6i5EJJFMJ3/fnZWTnf8z4UZdnaZLu+dlGrvBpPyqIq81HdduerK28dD/yquchHZTkeW+cEE0zIaEJKiQEyBnwoVwF8CIlIfJfVCMFhkLsMiUCiGD0RCcE5Y4SJMZRSxBgRQQpJKYXgJUcBps/ywvvIhIgEIcQUPaakBVogz5ALyQBSSBQCASPAFFOKBN4NKwYGdpooAcGgn8Z30RhxkEIMt+/60LyUkjEEYIPXIiBDQUSIQmnmnJUEueDYd223vX10MCqzlOibi/U6AGNaMBG9hxh5wqHqAEiC8bcnD0CKcdApMcEFquHwGcQhQ+ExpGda6yzPEg2rYIkgpUQpeCKSjAEgFyqfK2OM977rumHvw8B3JJA2AjDO8iKH/MXp1cEi/eiTj14/fxpbMz0+KGfzhGx/MidiZ+eXrjMQomS8mI52u5RSyPMcOUH0hL6oRDmSwCNwiYiEgqFUOckABH3y5vLmPG+q8WQ6mY263pjOQgKqu870rG8ZI9tvovWj6RSYCISBqZ5AZhnog9C3MgTGcFD47roUDeNdDO2N6Pjo+Ht333+AYTvl9P29Wz++fZhl2Wm9edNtXt50thPz8YFCgSGYpmZKCKUisWpvrxW2NQbz7Ce/8/fv371bVqPz5bp3frXenXz4+Pn65mZ182hU3fTt2jothazGjHGmXL9pr95c5FyOq6zdtiwFTHFvVLTeaT3qrQ3eB9NyyYVEBOFDikECRCCXAAFY4go1RmOV1pyz4AIhUAqUEhdCCBGs88FKIQASYhICheC9TREYMAaAkongO+69OD99I1Wm84Jz3vvgY/QhUAgZz5SUJiVjjNaac+Y9heAHPotzMfBqQ3I2gDDDQ8aYGLit4QzignH2q87wDnQaXj9wZACglBrEczFGLfmoLILpJtPx4dFRs9t+++zZxjEhRAihbdu32c539fe7AmMI6796P8uy4S0DETFA/kopxtgg2UeB7xLHd5K+7xBbGlx0eHZQH739nCkKIQB4DC5T4s7J4dWbV19+2v3w4w8kuNfrbdt2o8msaVpjXN/3McbJZKx1FqIxpldKlXlmrYEUq6pazCd5llOMjIZQk1JKWmvvfd81wfsYwnK3BGSjMQ9+OFZDJkWkyKRoduvd8jIRVEUhNeOMM6Qi1wkIpViUk77rvHdAWOR6s16JZBfVfgxBHEzu3n8MGWOafvjR48cHR5PxpG2bpu+stV1TC0zLm+Xzb7+Z7O8jphgoOKuYCMZoFPvzxaOTO+Miz3T2zbdPI/Kvvvp2bzZXShlji6Lo+r7rbPBeCJVSColCTNY7InDBv37zJmVCT8o7d+/MDw6uQxLAlVT5uFxu194EjiIk0nkRJYS+xRgoAQESAggEkfqQMiYTg+g95zwRRheIMCVgTDAuE6ELMRdSSAUuDv0tCZALoZTy1goMEVNIKQSikCLXKufM9V0iBGBS8hTJGAMwcGEYYxriJONvgZ13arlBKzGUAZQScITECIgJTkOPQUpDYE70tjeZvQVOEQESkAuBYhzWuwZnOKO9vb267Z69fN0ar7LRICgacK6hpe27GoN9h3nRO2nqoNJrmsZaO7xMCPEuOxo+bW975tkgiR2+xTvACoAIYLiiEKIsS6VUlmXGGCIqyirGFEOQUijGom3vHC/OXz6TH9774UeP4osrKfVuV3sfvQ8hUl5kTbO7vLpQSmitsizTSoxGFceBkozWWsk5ASWioVwbftKqKJMSlEIvXN92ShdFWRjntcysMcPvxqWUjHXGLi8vuJRFWUmVWR/yopBKt61FSJpx543xnUiOyNc3l8Z01sXPPt1M5pOj44PQGZ1lLy7OXPCvL859jJrj10++rbja3ly7YOV0lJSgEPcPF+MsAwitjZIJZ9xuU6/XmwSCIy+y4s3p+e3bJ7fu3cs5b7Z1RJaXJReSkIUEIBgKXu92k/msHFW7vj07O73wKfX2Bx88fvXm1dOvnt958EAWVR8oknQBgctqInXInHNEKcWUEoSIbdsmRkSIiYCDjyEl4koyKQJRIMIYeGSAGePAueCCxZiSdwAoVaYyLzBG8t5Sa7gIQhABR5ZlBY+pt84H5GyAk3hKYXADopQiDYY42Nygp+BvlXfRejtYZIgeB60SUAJKlIY5vQAEbFByDC2cCAjIGAD2fS855HlB0e0fHAghnj1/XneG66L3HhG11u8YhsGgB68bYK8hxVdKIWIIwRgzvHiwp8ENhlJp8JN3Wib8DjgaFEeDoyKwIVMaNmwO+Nrw3r43w2mbYkgpCIaU6Pz0zZ/8+//p3sNHVu8d7B0u1+umabK8yJWqu8bYvizz+XwmpQwhUApSykzJlKL3NjifQpCcKZ1JLVxI1hpEVlZlmc84okDJmHCRVpvtkGpmRcYxa3bbfFSN9d3eWill07R1U4e4SYDW9ZQoBQOUBlofKOV5hkA31816vQLGmFbd9sqsrlNdK8Kj28eny8s2+KKs8l0vKORCl0okbzZXrajK/b29XODN+Tk4OxmPGOMpxcvlsjVmve0WB4chwQcffDSejDiA1rppOy7k/sEhIYsJXAguxene/NF7D13wO9cfHh4CkK875Lyp1zfX58+ePPn8l5/de/T+ex9+r5qMNrV10aUYBYcsU4zx4KO1XucYgQkukDFPwTgXQiAATcA5D+SSc0opLmSI0YeQAHBQBBFEoOCDdUEsRhXFwKSQUvQhcsFDTMF4RcCVQMUpwZAiCyEQeUoJADlHorc592CL7yB/BOScC6U4IuMMAIZW4+HUfpeH8F8Brd7SCFKkSFqrvelIkMukunvr+Ga9WW92wHXd9MgZZ2wI1e+yr3fk31BwD1I8733f90NuNij5BrsfGuHeFh6IRBRTHM6EIXEanu373jk3Go20ku+85R3GPLgKUPQuEhcM0foIPrBIIivXjRnXpjfNpbgGzgauvm3Xm90uy/PxuEKEGKPWGpLouzYFr7XijIEQknMGZI1JKFyIzjmlpOBKC1bkGXm6uLy+Xm0CASDzMfgQGSSRKy0EjzIXIoSQVFbMF977tu2cd9bZ5EKmM86QUhSMkRCC8VxJmY+AB+9q6dnt2fzhyW2d5QZgZY1FiNaFvtVIe+Oy366S4ElLlguWQn1zbXZtlRWz+eJ6eXV2cXpxeWV82D8+ns73srzKTg5jCKbeFUqHmMrReO/g0Llwenl1tb7Zm8+m+weHe/s+htKZs+VFVRYRWVGWi8PDZ69e3L93T0jZu/D0i8/3T+4Uk0WmcgBO5JwLIQEhQ4qcgZYSAGOKwATXPKFzzrmYbNc3TTuZjFEq432MMQEC8kRIwJBLSiEBhkji81/83aMf/FDv71uGEVhKERNIZEpKkhj426J2kBYNUoMYE2ecCz40Awy9MkDf1ZJAABhiJM6AYYyxM0YOeoqh457S23od8bt3JSBgMTBgXAitVC7EfFRmWnlndZbf1D0XilKI9J8Fp/G7SpdzzhgfcCdEtNY6595Z6ru/786KocVnEFdBAEBIKb3TTXjvtdaDhHs4IoaUafCEwYdTSoyzYeV1ItJCotCM8w9/8OuSJa0yJLVeb1SWlaMqeA8IZZkXZck5izGlFAAg12o8mTjTd6bPpBxS0uQdkxIICMBaa4yZjKtsNLbW3pwtl+t1Zz1TmkklhEwJneslY330zjrmPBGl4YtKMR2PlRSAyCNjwIL3lKJS0nSd1mo2m3AmQtgdzvDHj36QJWUjeS5eXFys+04gAGDf7rzpcimsj8Dw9p2T0+X102++/OTxh4v5TKvyF5/9crm5AQ6vl1cP33t0fO/ug4ePlcpf12tELKvRerPujTk+udW03fL0whHO5ovp3qzu2tPzAAh6XJ6cnKQU7abumxaFvHP/4ZvXL71x80mZl1VjutVlX4ynxpiyyJVSEcE6G3zkQgmO6S2QhwwxLwupFAEY56SWSmvG+cA8EWH6LrvlXLxtbAxBmLbTUmglPSBHFokQkDGe3mbXTCnJuRhSf/yuD5gxJiSnIaUZZM9A7B1HRpS8w4BKKalUjDFRGrqemOAYEBC/i/zAGQ2tks5ZhQJ9XF5d3TlajEfVt99+8/rs6uDWPZPWddMrxWKIRZEDYG96xvjgSM55IA9EyBCRCS5kKa1z8B3gM9QAg6YPEbkQCEBEzrlEiXE+DABAROc8EHEuiCiEKDi+a+4ZHGlwOSFEpJgoMskxMeMjR2TEEdVsPtNSxra3xq5ubpw1SutMyWpUMs4HHDmXGSI6bxnCMLTeO9/7HomkFDFS0zXWeaXUqCzyTKdI1rpIaTqdjoC11nbGemdSDFIwAdB3fSBEBiHErm25YFrrDHjvrRBcsTxFkjIv8lwI3gZyjDURgu3HBf/hD9//9Y9/mFO+6cLX15ftdpmQGR84wM3F5fnr10fjuVZqPpuwRM1qM5lNi0xtltchXgjBf/i9jzpnT27dGs0XB0cnItPTvUUYV2/evCkqbZtmb38/y/LlcinL6s7teyh58EZmuQ8pWB+5bW/WznvNddLsYrUmJkfjBRuREiIR6KxsnQspSEHWtNZ0xrrxZPbw/cdXy5vz80udl1mZySgTpbeL4ENgjDlne9NXghNiTBhSijEhE4AAiIkgDrAjGwSLjJGPKlM+ASB5iJIpBLbd7LTWRVFwjkMKAW9pgBQTxBhpwDKHRAjeqk85IBLElLquo5SGtkvgIsTgvdeJD8LgCDRo3oDSZFSk6Oy2G2dlVYhxVdZN2xnXW//i5SnXFeeK82itq5v2448/7vr+6vJysMhEJJExYDFFHywwHDoh3oJL33VsDjkSftfS8F0FjzHEt/YdKGHg3+m0h5E+g9v/arb2ViWHKSGkNPwEDJAJrihw4DnXCq3Lq8KYvm+aUVmMxhUwbGwfKSopEH2IIfggmAgJo/PBB2scEFnvAElLJTmbFLnWEgGVkrPxeDHdE0IAYCLyzm43m67ZrW6Wpq3JOGJFiIFxxklEl0zwnGVCykTMEDnvs2E8k0+ymiBLte+F4h9//8OPHt4G8tvOX6278/ML25giywIIF7tY9wUTnOOm3nXeNd9+O53Pf/j+x9t6t7y+/Ad//zc/+uiTb588f/n6bFZMvSMhMpTZ6XLZ+jSbLuxuI7lczOa9sb/xm79BUt/sWqKoBcdEXIj1ej1i7Ojg+PLmppzNOtNdbZqM8/nBrZPDw8V0FmPc1vW2rXddu6k3IboYadvUV9eXUudS6fl82vc2OAtCa52n6AUXUnJ+wNt6F2OQgqeUTHCJUGVFIgreM86zQvNCIkRBSgUhOPIAaTgvIgWppAshWjekN33fD8XiO7jwHaY5lB2DScXvNBFDTSu5EMhijAyQYgrRxRghvSWCAdJQBKQYtIDo7HRSbbuuyPD4eK8qs4vLUx9tMcrW215wEUMIDMqyXK/XX3/99WKxkFL2fZ9iRBxGYwvBJDKWvitIuBC/Wvi+AzffifPwO9f91QbO9F0zw7tC+R3C+65cJiIGjCANFDzjLPrgY8DoM82FYN77mOJoXCkhiiwTjEVIFIJ3IZNVijH5wIBxxjabrel7hnxYqaxY8iEwyTGls9cv26611vZ9P51OBfKyKDhjRZ5PJ+P5OH9467DrjqUUT1+8eXW1bZsGkSHLpZJFUahMG2tjirrIZtOxc4EjKc698/XqBsB/+P3v/cHf+53bI9rd9GBjc7Nr17UAKFRuQv3tF1+szs8khcvXL6z3wDkX6vsfvR9MzaL73d/57ccffNzb0DTO2ORMfXTnXtfaZ2++Js6mkwoFO332/Oc//elkNPrxr/9mJjUvytn+0fXNOaWm2TVKqvlRJYXIx7yKqjU3Os+EGismVk3jz8i4WBa51PlEyJjQeW+T3O2avCi5kD76YCkSoeDDXuzoLGNMcOaMRaSyyLXSWkkXw3q78S5wQcnFFB0KYJgguM3qSmSzOSsKh0yX5dbYNPyXITFGRCCFfBfz3okahmxhIAS+kzO8RQ/fQqLIU0rBecbwHUsABIILFAjpbbYEBJwzAADvRiPNvXl893g6HiWIy5tzF1xi1HQNMQYYY7LgEIjms5m1tt7tJpOJNSYQCcZiDAmZUpoxFlPiCO/60Yaon+f5UDa8xf7fwvzp7bpwId59zbcB/ru3D7d3HjK8VwhhvSMihpwAKSWOmILLJR9XRWd6Hz1Q4owhUdc1262bTCfTUdn2PYuEDCXyYWSYFBIyUFLFSMH3KdhRllfjarvb9n3rrc3zfDweA8DZy1er5XXybjoqpeB91w1df/P5/KPv//jXf+3HX3/91cXFpRS8yDVjEINfLa9Ho9Hh4R0hRN/0ionofGh3zWppu/pqXL188jztFfPxwapbv7y6NpQmi7nx3c315ac/+5ui201yzaIzu3U1nnz0weO7x/vBm1/+7K9/9h//w3/9z//V559/fnFxJVXWOvft5798fXH+vZ/8pJxM+mvGGbs8uzD19tHdu5yor3ftasV0NpmNhBod7x9lWfbmzZvdrr66vp7NF8JI61xC3jrvIjEfnr5+PZtMtVSjqppPF7rIu2CKsmuatu36ru+RCym1EBgiRecZYkyRYkSKgnEtxWwyzrRuTdeaPhEZ022326ootNRFVVyfroJpRZKS6zxyCYQMuRAyBO+8U4IrJYHwnem/s5vBRJCzwfTfwikxwncipBACEknOlVJSSgIIPiR6a1vEARGVUClFLThLIDWTFEcq++SD90zfbpod42wyn9XnVyhknmd13QkhtFTe+V2/LYrCdL2WqshyZy0hSiGHtmMiGhJ9IQQBDMgmEdV1PcBB71iLd+DPO2jonVf8arD/VV5s+O7e+xijEFwyEQljhEQJIRGSFCzLRIgMGAXnnPPOmFzJqioFAsQ0LooBn42Azvs8y0+Oj1NKMZG1LrqsIzeZjp2PV1fXISaV5TorkbEQY1WOyAeBcTGullfn12evZ/PFzoaqrF68eHk/nxwfHe62m0RJSVE3Tdu1RZ7fv39Xcl7vai0Vxdjs6u16PZ/OUpl/9cvP/w9PvvgHf/QPHt19fHV+4wmT5gBxubkJ3kgGV2dvdoxN5nMt5XZ59dnP7eeffYqcEYG37ou/+fPovF2eWcZ652cHB83Zk6sx76y72OwevvcoxWSbNjr3/NtvAFmAlBVFfzNSOj88Otqlen21u3v/3snJLcHl5eXlxflln4JWWSG1tZZJ0fSdMcYYIzjnihfjcjaehRhX63XbdeeXV6at86JUgmUqs8Z6ZymGGAMwFjg/f/MGgbJRNeg4siy31s6mMxZ9s9402/WkKoTUZSQmhDLWj4uRj5ED+hQpxQjImRzw9YGaGaDAd0fBu9g/vOA/W0wijoxiMl2PORRFUejMOdd1HSTymATHEEMKnkWUELqunh/O7x3th76h4IJ1x0cn295YnyIxSMiZFFxEH4L3SsjovBSi3u1Go1FVlG3bcoEIkIY0neF3PBa9Ay7fqYAGTJa+65Z4ByX9aoDH7yYJD440FD+DY7w7JRARCYmQElGK1hrNmTVt226HVjjfmxj9sIvB9j0Dyoqc51lKwAEY48Ahhdj3vfe+NzbL8uvlTbL9tunW262Q2Wg6b3tjE5NSyVxPEyoh281yu9kG68C7tq5dAKny41t3TN+9fPnyZrnMi1xrHYPnyE5OjpUQ3gYtsugCElrnbSDAdLB/QAy+/Parnz95VRuey1xK7Xq32q62l2+6i9N9Lqrjk9cvX8BqfXjrREvV1LXzIS9yLqQUYjSq3rx58/LVc+dDiOn12eu9xaLdrvaOjx5/8v2rqxulJN/jL548OzzY39VrYzpj2tlsfzQ6+OpvfnZwfDQ/OKjPL86a7s6tO8dFtXdHr/r2/PJSZkpz9DF2fR+ImMAUgm3s+mY9Go1G49HxYp8f8vcfPDy/vDw7O2ubJqHXSuVlmVL0zvVdu1peQyIhsLXupjUM2GQyzdUICaOPF6dnm+XS9q3Ii1EMJBNKlMkniSi45CLG5ChRoIgxDmb0dpquEMNcxWEAy2Aow0is4WUpJck4IvoQhjkIg9m91cbFiJlEhtYYOYx63m0Pp9Xx3mI+Lm3XNm337MmzyeGxJexMsJ54jIxLAIzeQgIGDAC0VCABEikhvZCAwIXgiN477zwwHIrjd3H8rfT/u/z+V7P5d1TGO5AHf0VS8e5Ye+vb8BZUJSKImCANavCqKCA6AYlz1FpwwUfTkaSxqetoLQJF720P2+26yMrpdOacc9Yh42T92eX502cvirxASPduHTHOUGTlZK7zwoLgMgPOHTApMpWVV93p8uxVpXiRF4kJXebldEGEmrPobZ6pFMPz508J6PjkVplnfdcaR1JkDHlvbGdCBNaHWDu/MfbWe48oySqb5kydvjkNwbx5+eT66Vd518wQeFZMp/Ou768ur32MIcZqMsnz6uDo6N6j9z9/ff2v/tX/Ri9u/9mf/VlZ5Iujw7yqRJGpPIsJpcqij598/H3b94rDJGPPnlx216c3z75CzE2MqiqkkkIpofLf/e3f+fUf//jbr584Pjq8c0dm2mFyKS72Z1rry/MLa8x0PMGIMcSLV2ch+sXefDafz6vx8Q/2Xr9+/fzNVVs3Sgkt1UC6KiFj8M2uaUNrQU8mYyXzQAyJd3W/vtkG4yVTovc9CowpcCYAmAteaSXygiAbVgm8U/gMlvGfK2DGB3YspTRI8+LbZi4YxoMppQZY/V0yLaVExiJiSkFwyBUD73Otjg4Pj45vIWNNqJ+dXwWpz2+2O+OsB4aSAecJleCxVN77FD1nHBlRIuc8kJqMR53pCYkLpmWGzhFijEkwxjlPBEyolBJRDMlxSDFGAJrPZoxh03Z9b51zWmshhLV2GB+plAIihsgAKCXBeURIMUWKRIlzkQCJgHMuOBMMKbhqlI+LTDPW7DYoI/nEUI4mI56qm8srax2Pmntj2rhqPEmmqnzXN/8/pv7jV9NsS/PD1lrbvubzx4bNjPTXV93y1YbsZvtmS2pooIlGmgsQoIEm0p8gigIICQQ00UQAJYAA1QJYZLNNdVWXvVW3rs+bGZmR4Y7/7Ou2XRq8EVn1DQMInO9EbLP2Ws/ze4YQGMnoYlYvZ5P6/HyZUiapMlLKyVjjA6ecSVAEylLLajo9OZtVRV2V2/2h6Z2xlrTGakK2KoQ+7PfWFLvddrfdXFxoWxTz6ligkkp89fSLi8sLqWi2mDJJYYrSFkfFcrs/vGgOArg7rD//0Q9124icNjFeuNtqPte6FLpc1LPZfF6UZVkaIeDR+x/M3oMv1+tv/O7fmrzzHpLUtogpCSFSTvv9upwvcgIwqtTqq6efZdc9evSORlSPzXR14r1r2l3fdf1hf3t1+f/9f/3is59+d1bPLjbDr/3mb50+uK/KwvW9gJmL4dGjh4fm0K0P7WZri3Ixr7fb3X6322539WRiy0Kb8tG772632+36rmkPBNkq4fr27ubq5urSk1k9fN9oBVJ1be982jc9IwGnHINMGFEBKUrxzRt27OpnyPS2eTJ2vv/mU/jrih8RkZCIMvAoy+Y3EuMk5Bs1y9cPZUQUwC72kHNpTPJOAi+XCyLpEwBRF8W2j2QKkib2u7Iu4hBEzgYpRw8VohApMCKSABRYGJNSVgKBEiMyYk5ZSJHeDqrGBI3OOWYmYKkk5FRYO51Ohq7t+yEBKqWkFDnnlLKQUiEKIceVj4iZOTpPYy+VOaU8ZkAGFs47I7C0dlJowfH68rXB2ezRg/7u2sdeoGCS42wihLi/u/tqfcc5zMvj6WI5WU3BCk1MRrpuOFos33/yoVXqbvPyi2dfmrJcHJ9kYCKhJWamoe9z9DGlyfHp8vS42a5bzrKazmuUWrEQ295v26E0uiiqwpjVctkPbds1pjQcIwNv9+3Q7gsj19u7s3sn1lprSwmyOwxOUAuuKrSG6r2PPmhevo5NYyfVAudPPvywKJekqoeP3j87O3/69Jc//8kPSyWe317/+z/6ww++8a1f/62/rebTzbapQaAQN1eXBEgGpLWTsnr38RNkfue99xSCRXj9/Nm2bdna3d213BZFcTj7+OOqKFwI9WT6b/7tv3356jqEdnVyenR6rorynffer+bz1LZ5cKUWq/NjlKLr3Wo560PIQNvDwaSsjRXWLE6OhBJh6Hfr28Nhd3t58eLZF+12U53em83KalKudzvnoxEi5hyT14IJgjw/Px8FMM6lwSdblsycOQMBIo6LeFzB3vvxTTkKmFOMCVJKCQkJgAClkpSZmUUeo+zeiA7GyetYXQACKUZESJlzsmWxWq5Wi4UPgRDbgwsOFVHTtiEkbbK1qjaq1HJze3voeqUUMGtJhVHAjAhKSjc0q9mMpMo5X13f7A8Hkkprk5kBUGlVKIGInEFKoVUhhXS961s3etxSTuPwC5GQcGx8pRQzAKMiQcghM0gpOCUphNYGmH1wZWGVEG5wxGlaWSGkUFoVJZCYTRcCiD1rVN32QEK9/8GHyQ+bu9vr11e7F3fqUvauizl/8u1vHZUVTKr19pVS5vZ26xPWxQSkRcSceAg9MioBQ8TEpIRMKZBQh/22aZqz83tC2+cvXt7u9nVZuq4f2kYrdXR870ifRE7KmuBzZLi8vimnk6PqzNYVIrkQVkcr17ir13fHk9LU08Rx6EO9PI1dcMpmJYvF/HnnPnq4Onvwbpb2s7trX5jjD99vD9vbbvjoo48fPHrn1ctXJMzN1c0d3synM0JeLeZn946Kqqzq2euL65y4sAUzr9cbNV1966NvSi04udrq3/+3/9MXn336m7/5G9/+9rdv7zZDSD/60S9fvX71/offaHa7z37wF3/8H35fGfvukyff+OY3njx+72R5vGsOglEYG5GuNxtbWRfcoW8D6mEYEHgxnUzmnBODNJFFMV198Ml3i3reDh4Jc0qD74Z2NyuVjnpzcT2OPGPfhcTCaCuEIEFSIEmSb1r6+LV24OtOeQhBMCilMrMbXM75jSUeEQhzipyzIErAnBMQMuHo0EFEzWy08oM7WsyMVEbbpmlfv3opAL98dvHi8u70wf1yPrVFIQQBJ23MyfFiWuvnFzdCiLKw1ujmcOi6HgFyioj43uNH1zd3u8NhOZ0WxvoUEzMzJs45R0xeG8OEhFkRDF3X9wORkFLx29uJ3jDt2DmPiEpKBmSUgogz5pwkScxIEomJkEBnZVRh9GHn3NCJSXl6flYYE2JKiSnz0HWlriQJQrp3796ksAL4aLVKsb9+3ZwdLXd36frq+uXPfrI8O5+crgA5ZF0aC/NlUVRtN5DS1lilou97QWiLggHC0LimzSEIqZWxDMhI52dnQ98qzqa0FAMSre829WI2Xy1ByJRj2/TXm01Vl7umKcqiKGtJAhgHFyOIhARMStr58b275tnzu+3xajkgL8/Pl6cnx6f39WTe9W7Tds1+d35y+q3v/MrD8+MUmj/6kz8XUoUY67rWUilBR0erqrBWSY4xOO+cbzuXQVxfXkHOi/nUX15PKi0xHzbxvSdPPv7gvc9++elPf/qz3/jN35zM5q9fr5nZd+2Ds7Oz5bLrmsLa2XTyw9//t/+x/b0n73/yK9//vp1OlBKiKCNkz9mnvD3srzdu8F4SXt7cYGZU5uGTD4S2kPJkvjoc+t4HqQ1CwOw4dFbA619+vrt8Jfu+TzGVZcmoQuQYoyKFjDGMa4i/VrAZY7TW45M35yyQckoxJY4JECDDW10zMCIIQhIMEFNiYCEFEgohgbOiUGiFMZydnhbaTKryj//gD7969kwLebfp9l0oZ7PZ0SqOj9Icy9I636cUTlZLQDDarBbzZ0N/dP/s5vo6CwLOhZLL6fTVV88zgC5sBuDMpMSIaIdwgEDLxSJn2Gx2MWajtVQmp5SBmZOUQikxIpAIQSlFAlIcdXtgFAGL6B2mXNiiKov13frQ3i1W8+nsxOIEORmFkMlISn5wbVNXpixpaIf58Yycv7u+Rm/D0CmlVsvJ5ia/vnixu9u8/+S93X73wz/9j9Wsnh8vzu4/PD55//XNfmKPKXFAdMFJJSeq9n3bdm2OqdntcnDTyjT7Pjo3n9Yx+MNuS9FFP1RlbZTUpgClSJjORRQoSFxv1sKacjrNOY3hPdVkYowOnqWslDZJUObEJOxk+v2//Xfe/+DJoW9djEVR5iRub9bMDImP5qt7x+cni9Pddv/Tn//g9eX1Ynm8Wh0tl0WO0XdtcAMbud/upFTOpeOj1dTn7W6/Ojqaz6ZGSS34+ec/u7u+PFktZqVpuubh/XPvwx/94R/87Gc/80P65scfvPfuk8Vi1hwOz774Qkn58Xvv3bx8/u9+/B8//fTzEN2v/Pqvu/WdqiqyBoW0Rh6rRTkRu93eDQ6Bry8vvfNGqdPT877v1uvNuhmkVrqwgji7htOw3W7Wl5daCDmqvmKKMaYhJBKSgUFQ5pRi5L8hI0spee8BABCssTTC3N6KQEnQqJBjAEKKKWZmGsWYWo+UHgCUQoRm38bw8P59TXS0Wn75+Rfr9ZZIPvvqRT1Znp2fLJfznFPTtUVtBGckCQBVNTnsu5xyofXVxeu+3fv+cP/s5Pb2+i/+4i81GYFmMalUUTIiCxGZ903T9n1pC8z2/fc+ODk9/vSXv5TE0sgMyfuDMbo0BeCoZg1aixG8HmNAEFWllaTgA+REDInTbDHRShmlpnoBclZNiq5tj48m3rnXr18ZpaZ2dVjffPazH6OEjz/65HgymWohSv3zF88ORj24d24UNNEzcMA8CHi+vm73e21Ue3Mtm/3L11dP1U/vPXk/TQplJ7qsOx+DdwyglNIiMyNNqqGLu7vroW8X02mhZLO9W9/ddYdt37vQucj4/d/63WI694ioLErZt936sJ/UE6F16DutNAMUZVlY2x16qyhJ8sBIlFJaHB3l4F9v1+Vsgl5f3Gym8ykJzDkvTlbvP3589fr1z37x88WinkwXv/34/XfeeQ9BxBCUoGazOWzXdWGcD71zhiTHtN+u725v3330aFbK5rBbr29rI04+eOeDdx+98/C+BE4xvHz16r/8v/5Xn3/xxTe++e17p7MUDu0hvXrx8vHj+4v5su+Hf/kv/5d/5+/9gx/8+KdfffX8z//8T07uP2hdqOeze48ej+4hKYrltJo/vN/sD5LT7e2tILp4fXl9dYmkEaUQzCFHyJS9ELhv28nRKQUvr66uZrMFs3CeGUVKCSIB55Qj50RvjSYA8GbMNJq/MGug0fCbUyIhgGikMqSUEoyTIR7lbiHFkCByFkLGnKyS52dnx6sjKcTVxeXt9Q0wIJJQajqr7z86F9YM0aWcgHG1OrKmzK6/Xa+Lojg9O+u7Rgp6eP8+IT9+/GBSm+fPP7++fP3g7InW2ocwaneEoEldJeCc80fvvK9QffqTT5ny6emJLWzv+uu7m3piVqvju9t1zlkp6b0ry+Ls7GHTNOu7u6o080kRQwTmeT31w2CVDoPfbTb79ebV1cvT85NvffObQtDnr57dvHp+dLwSy0lVVR+993izvX18emyUffX89e31zaw0BOmvfvDHfdeWZfHw4cP5+XkT/d1m95d/+Ie7ly+WUs+VnZfqq+a6vdYJuH7wrrJWEibClJIUZJQI0ZdGrCZHYVYetpu2PbS726qenCwmztDd3SZry0KPSdGtC2mIwpr9brc8PilLG70v64mSAhE3m22oKkGkiLJRgjhDlohKiCy0h3i5vsuksdTOEGBOGItKXBzuuuyjyNA1hTZd13/x7EtCSQyzuqqNtquVaw9SKGuFIPr8s892++1HH34Qh8OrZ1eFVifz8je//71pWXSHDSXPHGdV1U2r3/z+d/7e3/3d+48f3603Qsjf+u3frsqJ86lpO+fCixevtofm8ZPHp/fPr29uv/ryi+evL8/u39/crVfHJ6YogrL1ZNIdNk8/+6xt2qIov3r2LMakhJBERVmAFlngG6mcELPFUlW14oyP/lf/u48/+ca+aVvnpSkYxp43EZKUhEQ581vzO+OoYGCWQkJKzg0jai7lrJQqq5IZQvCJmaREgSElQOackZmYJ3W932yO6/LdJ09SSNPJ9OnTL66vrm6ub3PK+/1+eXZ6/vC+kKofepJiuVwqJYa+I4Cu2S/r8tH9BxJhUlV9c5BSTCfVq9evfvbzn6GwmSUjCClRKBI0hIAkMnNZlPOqms7nh7bphwGBFbLMqT/skhtyduvNetf27338jelydX27vttujTVlVfVtYwTOp1OtBAG3+/3m9tpqJRAF0c3t7U9/9rOPPvr413/zNwbnDvvDcnVUlOXJyQnkZGKQxn51cZFJ9n1/c3k5r8r9+u7Hf/mXbdN98p3vffe3fvvF7brpusNm89mf/MnFj/5KuH45LbGknlQopmcff+f+x98KqHNGysQxC4ocncihLhSk0LadjyBMDdIwUNu2GuLxYoZCkJ0OLDof97ttaaTLLKSsqyq4wbu+tEZp5YPTWktBJARj9r5XQlRl4b1PAC5nEKKsF95HJbHv2qrQWtJwOAiE0lglRHQBAaQQSgjIKbg+BT+Z1oW1SqCUerNvNts9CaEEVVp+8sG7Hzx5Z3tzKXOsymJSFZogRQ85GqXWd7c3Nzedz9rYjz/5xm6/f/nqAoU6tF1mMsa+fHW57929Rw9Bq01z2DSHGNPt5VUYfPTeVPPlagWI290uMfSDQyFCTG3fDV1QUrMAIBAK+q4NXStiQh+JWWqh5Qg8hBxTEEoTSUmSeOyAj7MtGNGfo5MDEQ+HQxgGKcWoTxwbo25wnFlIIRA4Z0ZKKY7vaCGw1Na17WI6PT46ckOoqvri4ur585dN0zgfjbbvvPueqAqQKjEorZRSSsqUog8RCTOJxLl3Q6ltTrzd7I1WWprr67UbkpmoTMIYnRKDIBJqVk6klLYokXA2rV5fXF7e3pVFKQkNAPdtahp32L98/tn17ZWdLPp2OLr3yE6ngtTQ+xizVjIm3jc95yiA/87f/t2XX33547/6y8JoF7009t33P3r65VdPv3r56PHj+w8eXnz6+fMXLz/++BPK6aQwm6ZtU/QM+0Nz+fq1Ifjg8ePFyVnkG1NNtoc+gegDFpOj3/mH/2z3jW/tX796/fQX1zevfQ5ugGXOjCSEREArzb7dbQ7XR6tp37evv7qAHI9PzkDYmKEq6oja2EWlwXM6tF2MQVWltMWp1egOXdem4Lu7Qx59zAkhY2UNEGYGgCRCmjFy27/67PM+hgdPnhCJk/vH601nlS6EERRgiEw8sSUBILEUCrWUhAKBgFNOKSVTFLYsrm5uMEWpjE+cEbUyRqvT06PpbNF2w/L4/LDdOqBK1ZGgD83QuRz6FPH+Ox8W06ooiqdPn/03/+//RkhV19OiqieT6enp6e/+9q8jqy56RzzrJ/c59V1/Pq9vL66SD3U9N7bIQCfTegixC+HQ9le3t4pocrxSUocYEsfBd4aELiwmzuSbwwE/+F//Hz786KN9123bNiPZshYkkTG9Ae2+UUTyW986EY1pGtENf1M8M4693qpBUSoltMqcUGBOiVPUKDin8+MT9s4Ya4vyhz/8oXO+sMV2s3354uWv/8ZvqsqqwqaURvW1lDJE/9YGGuelLYsi9gOE2DWN0UprfXF1wZztdJ6k1NpIIWPOWluh1N3dWipFRFqSULpzbhgGa4zIkbxLbfP62Zduf/v3//7fY2le3axlOWGpAnNIEQmEkMDAOZ0cHTGn85Pjwmrf94QgBLx+fdV2wxgIlxkYQEiZEhwdH52fHPv19d2hmS5XX7546UJA5m6/O10tV7NpqXUxmX55ebX1MbDgzKltpRvuzecW+dWLLz776rmYLY7ffS9JK5QZuqGQyndD8vvCiM3N1frqdRh6BDo+v3/64B1ShShngzA5uMzQBrhrHEl1PNGP51IN2+vXr27u7oqyuv/o8eLo6NANN3drZawtyqqu+rbFrtO9/9Ef/uGnP/2pntbf+u1fX777eHn//P75e4d98/LVC0SuqhIgCYFFUfgwpJAkKUGUc9KSghuiHxRRDI4zz5bLqqpjzpvNbr8/UE7vPn6kCfeb2+l0FlMurFWSJMJiPlst59eXF8G7SV2j8jmzVury8vLeyTkz73aHs5Oze/fvyUzs4sH1u769a3a3m83FxevPP/3l6er4vXfe/fFf/STEdHLv/un9h5PF0cvLmx/+9Of1fLE7tIAUQuyHjgmEoOCGHNz27qbfN1VhZVEUTdNsdrshJ1NUX2sEtFKJc0xvZMMpvQEvjvOsqiyxsPv9PqX0tTG37/sxwa6uqroqhdJDGEIMOSarFWaY1PXd7a0RNJlMXnz1vOu6ruv3h8Ohac8fPSxmdQaw1oYQpBTWGu/94EaJNdiiSCSu7tYKSDBc365vrq/Oz0+VMYx4cXc3Xayq6YwBjFCAtG9bn1LILJUwtgo5R+ZyNiUiQ8hDG3z/8IP3Prz/O8fL5WR5nD97+vziWlUShZBEIXpkQGG0lfver+9ubzf7FLy1tihsTkkr/c1f/a2nTz/v79bGWOeDi8lWRRvp1d1+YauJqZ6/viRTl4Xou9ZOZVLm+tBjPqxAqMk0bg+tCwwYgJS0z/a9QZicPv7+e9/aOdelnBhTBkLy0ZtCVfNVu9tATtOqbkKKMWCM6J0x5u76K5DSGJszrubH89nR7c3NDOPf/ta3juTpf/evvvrq6sXf+5f/i6Oze2iLL168fvrFWkhjTIdCJC0rqn13c3NzG5qmmtZffPH5x7/za+VqmsKwv7vBGG2hIQUXHAka+Wcjnr/rO++d1lIguGGIALOqskq3vX998fSw30PmaV0XZfH8iy84x65pgx8mlc0pDUM/qcrlfPHgwb1JXV9dXf3HP/zDlF3btoWx3//V71Omx48e0UO6fPV6c3F92Gx3682nX3z++vr6+PxUF/b1s2dPHjx4eP/BX/zgBz/90Y/Ozu79o3/0D84ePv7yxcXt9ZVVqjt0KcSu73wM/TCM/g+lZPY+hwSc3NBKKeTTp09dSsV0StJUhEKIHDMJkdMbAee4B0YZGcCb4Hjfd2ODaHRFjjzNsUlqrJ1MpjHGrs/BeSEoOF9oI4WYTiZWiufPX2w3O2Zu2jZyPjo+ef+DDwc3SKVG1/ko2xwpLMwshLJF4UNkUiSkH4Zt282PTo7O7yOh9z50nTYmJh4Dl/p+6LqBhASAFLltOpQypOTbXiqRCFM3xJw//Pijjx7dlwDH9x+8uF6bbZMAnQ9CKueTlKgwC6kQURd1AogoW5c63zHko2UF0gSWu9apwFIbUspndEMcQlCyqOpJMZl3/UBC1VO93dzteweQh6aLsuhzdoAZwHlPQryJCQw+u1ga3rYDKWsKG0IAJXJI+7YJQ5KI2pShHSDTpJwtZwurlSRu7i6b9dWkKj/66KOCdDPsKO9/96PvmO72//Z//z//6u/+0//y//Jf/Js/+IM//8u/qJZHr65vh+ALaVzvd4emUQT7Zkb4jb/929N7R11w5mguqwKNurm83rWblJNByYhVXeechsFpoyVJ7/zgHBDu2qY0ejqbni9Xw3Z3c3G59d6WRW2URPDd9tOnP99ttuv1hgEM8fGinEymWqnmxn/R938cQ855Ute3t7dE5enpWZf3/7//7vd++fNfVLZYrpbTul4s5nd3t0VVkJS/87d+d7qYl5P66PSMAT746KOPvvXtGPzV1fWnX37xe7//B3e79nZzKOqZNGXn/P6wG4aBAeeLlRCyOeyjc5N6KiHdXl9IW9jTs9NDP/QxeO+CD6hFCDGGmHMasYxj438EGxLFEAIAQIqjKm4MqhhX7RjCmmPabjYAkFMSJJSUJEVdVF3TlMZ656+urvpu8DmGFI9PT8/v33cx9MGXRN65oizD+A3eSvmJoO/7CARC9jFKoWaro+PVkpROOWUh6nqilNFCMUO7b3wIOSYSCABSSAnIGSRQAkSmECJktkV1cXHVXb0+Pz5xIC6urnaHRhVVBIg50GgSAG4O+1HwA4gcEyACIZHqeveTn/z04voaiBiw7wfAN9KPhPz6+nLaD1KanHm7udVG19PJ3d314Lq7q91m74/un4IUimhk2nCMu93haD6fzCZMENwgGBmYBKWchBSk1e5wwJh855xjqevpbD6ZLpGoaRsphcy4fvnVV/0mxuiy+Hv/+J9uXz3/V//2f3hw+s6v/fZ/+mc//PkPf/a5I3q2/QqljigHn2prm13fSbWopiTRaP3hvRNt1L379wLnZz972rmhrus4xNv9erVccfJd01pjc0y7tpFCtm07JC8lGaNiSpcXF5vXFzLB/GgWo292d6+effHy2Zdt0xhjEyMDbaO7fO0nk8lkOnXOtU1LQlRltW2G6XQasn366hYB3n3y+Oz9T2L05dFqc9h//vlTSVT6OFssTp98OJtNTVnkYnJxdfXf/8Efbzabm+vr3eHAjG3nhLK7pqlJViS6vjdGaU0pIzLmyDly9HE/tNu7q+bmCr/5v/k/zRZzVPow9BmEtjaGjIwE5PwQcxqX9deEw7fmQC60/tpxknMesTnj+V0YC8ApZ0ZgZAQwShTK5BAEwNXFqxASCbneb0PK777/nlAqxJQBJlW1nC9ijH3fjq1JJNRaA+Su7z1KTcK1rWAQiIXWKcXBO6Floa2WWmm9P+z3+4YBSEghZYiJAI2AjJSIIkPmKIBFDpS84Hxs1ZNHjx598OG//6M/bXwibbsQBzcgopJkpMg5d8OQUxZSMqCQUik9mUyQoTkcDk2jjEGklHkM3kFEQWyUR5BD56TUYQj7ZickZUg+9HHQdT0TVjAxKeIcOSYKaWg6Laiu9GS2dJGB1BCjDymmQAJ88Bjj5vpmaouS1PbqZj6b1JMSBJCmELPO+Is/+/2nP/yDxw/vFZP55PjhV1cbW0/un53de/z+umn3rqe6fH17tzg+HjoPIU9MUVVzUlViry0Bhv329uxk9eDk/PrVhWTYFawrC5lziFpoyFzbwiizuVsPw1BX1Wa/YwnG6uiG3PW/9o1vrYryJz/44dOLL42W169eXL94Bpys1rP5smn7bvAsdJQaEZzzMSYSQmm9Wh3Vk0lzaECXZVllSA8fPQQBUgsfPAqsJlUtLXRhf9gfHx9f39y44DPCq4vX28NhOpuOQwyljJQyhTwGDyNQ3/eELBBdYCStVdm3bQqtyG5z96pd38jdobX1VElAUv3gQTKScINXQqWYBDJxVoRFWbrou66LKdV1HVOMIZCQUptqZlGKYXCOALTMiH2OkICEACHH4Mo+JueH0qrdYe8QyOqYGZSczaqQE4ESUknCqipzjsPQj+JqAMwpcwYiEWMO0DAQAwspC2VSiDHloqyLshBSMsD2cGi6LnCWUqBAJJCKgNljBmbOCRiIQSoVM/YxG2Ngat7/1W91vXcclFW9G5pDp4wtq0kMMUFWptBMIUYElHIUy2EIcVZPIHMMY1YhjqFSKYah94j57J2HVVVdXl61TTtdToQRKceUUtyzLaGqUSoKMeQYASCmIKQ4uXccXQj7dhO30uqT8zkp6ZwHAM75cNhzzMuy6Jv9YXcXZGNm9fpwGUNeHR3lLCIoNV2hmX/59EUpXoX4E6im+vx+L1J5fpYIbTV1II1ddi1JWTPmqLSqC0FeS5lCePnixXRaW1M1MRTnRymluZCMBAxYCNf3KfmQud/eKcH3H54ZEotSbZtd37f3j48effJJf7v+o9//gx/92V9wLf7hP/6H59Pp5XQOzF+9eL5v3dH5vTlwYnH24ElRTxsX961re1fXtdVaENw3cgAvlO76YQ/Y7DshqCysIbHdDXJmiWQP8s9/8Xk/uJBzWVV2efbeo/cRUXGcTiYhRCnl69cXl5fXzKCUBgAUiIri0MTusOte5RDmk3o6NQoXN+Cl6w7IJ5u7myEmU1ZDezDGWiU5Z4FQ1aVSGolCCMgwGgvfZFLIUf0lGTjHqJUEAOeGzDllkEIqY0NmJMqcu0P76N5Z3x4OTVMUth+Gm7t1XdfL1ZKEZGaGXJcTa22z30s5hovFMRGVSDBzikkXEjNLISWKEHxOXE8m88UiMR/atuu7MQSJpGBERmAc9aqQAYOPKSYi0toAgA9JmsKn7DOc3Dv987/48d12W9VTIex0Ms1IMUYfgpIoJJOQEjCEMLTdiE5xziUXckp936ecJtMpSeG9J8SytEJQyggo6smMAUkqbW3Kue+6spogZCIhhQLGBEkIYXXhnBt8UiSLqgZBN5u7xvXKWCQcw/wkidpWZWGHyq6OZlqi67vZcgmZr66ut5tDqavFavUrv/Xbt1/+8vb5MyXw7N3HcTpb910fIpGWWm+2B00yA2MMq/mMkJNvlIFmM7x88aKuq9VyWVWTajntQ9g2eyNNjjnEVBamnOh2t728upkWerackaA//7M//elPfjw7Xq5WCxjay89++cf/47/2u0OtzH7X/z//H/91d2iqsjam6GNwKV+stwmYhH7x+raaL7/5ve+f31slIKW0H/qcQs6RSIWYex9JUF0vqqqCHJQkDuHVy6uh7VAIIbS2pABtUTBzjDybTSwwIZWFCcHf3tyE4KWUKTtgQKB2CM12F53nmCSg73nr9zEMCkAO29t2M0ESCpF9CyhMoSeVCS60ETlxYO+DTymNHnM3DIAwn86AuG3blHypLAK3hzanxJmNsYzIAIRAwN67FONiNiWErj1oIQ77/Xa7TZGrsqzrCTN7H5QxRms3DKPoenTYTCaTEELbtjFGIQUBCCLKJJBAkant6uiIhLy+vd3utwhorBlVGCklwJHVOxrD/trSMM71tFajVf7q+uYnP/s8RAghbbb7aoLL1cm+abt2SJylkM650TU2GhtGcWvOOblAI/kLwXlXyFIpJZUag5pSzlfXN0opBmzabvwrY7cUQYaIMUdEZBaQhZCCBHZ9x0pV1iprVlplohCD937fHfq2g5wliMJoIUApBE7b9e31xeXZ8clysSTR9sNhbpQmciF2AEf37r3//V8V08XLm7umd0KwSgDRd93WWjOtJ257iZBnk3pzt33+/OVqefT44cOqnnTDsH7ZsyBpbO8CEWlbkNJ912Wgew8fGczeDet984unT+8268nRfLWc14X+4z/6D68+/YlRygtx9uRxTNkC+Jh3u+3Zg0d2Oj30zuVclJUti3eevHd0tGg6Z7QREhBU13tjCyNliLmeHTsf15tt3++C7wVkAiaGyew4Rv/y5cu2a6uq3G+2vfeTyaRv+tR1KUUi/N73vl1X1dOnv6zKYr6Yppw4Mncu9kOOWQspEARgu9327c73nTxeLULfmLKSSm/3m8xIMVjC7tA2XT+ZLxmgH/oQYwhBSFGU5eroyLvexyAFlUZSct1hn3qXMoSYfdvaeiKt7ftWSG2VZClm08n27pYAlBTtockxv/fkvdlspqXs+l5rvZgvcs5t24yKI2MMEXVd93U6pZJSScoppZwAaTqd1ZMpA7y6vDgcDhnYGDMmKUtS9KaCGqMwE3Aep3U5Z0QWQhIhAAzD4GL61//+P1TlBKWypgwx3d3ehZyRCCLHGHL+a/LpaHF+Y5VESiESMCIm5pyS0jrl7JxrmoAIUkikwTkXfBhjZxlQCAko8xuINTCwD0kBSWUUY0hx23UlUjWbJ+bYNlpIqY0xZfLBSsmZD93BM00mk5MHk5jFvmmqSaqqykK2Mf7Fp7+8fH0Jxth75zsA6cLp2YPL643RFFxfaQydUz6oCKE9zCb19urlzXY3n9bHJ0dDdKlrZVElBkRBJGMaEz5z13UEMJvPSq0kR1HYwqp/9C/+BeR4spxLDr/80Q+ff/YLEJyj84Gf/fLTYjLJTABiNl1865vffvLJN6JQl7e3PvjBdSfHR5hDZUTbt32MStuuaaAqBVRt79u7/a7pxtj2uqhKo5rDThtbz1b7zbosqkKrvmuddySkH9x1dx271mg1DP2fDF0/NASgJLWHnTLSgOq7ITlHJIQkK2VdWZk9RZfaRt5cXxd1OUGkHPu2jZkJ6XLwTdOg1CilVoogQ06F1UVZSqVS9JxyqbUiGHabdrvumwMwXN+sm7Y/e/juw8UcIKeQxkylxXzWHA677Xo+qTa7w3a9efzOO7PpNIbADIW1k9ksxjyW/jmnsiyVUuPROy44KeV0Om3aLTBP60lVlEVROOdu1utD27JAIooppZzGMcWY0zoi32KKAkBK5d0YfMQ58xj0JIRAWww+MzqhrAsRgWJySIIIhMBR6DF+RtvkaCxWWmuhEpKPYbxlYkoij5F/iYiQRAZIIWUGIMHAzgdAICTOf52zNnqrU86QEklBUihdkRD7fhBKmWqSU4qDiz4X00ojppzIWh9jEzwyH917pDhaIVPfhLtXn/3451dffJVyfPSNTx5/69sd0DBEASF23eubq7q0k9Lq1MvEuUuzQm+uX68PvZouVFFuh34+qYWWaORYJqUciJMAoRVpbWaTqeta12xNYQRws9vlFCHFoWkXZfHhkw8++eQ7X/3i5+yGw3qdE/e9n07n9+4/TExfPP38Rz/7Wb1cnt5/uD0clKD15dW9B/ePT04r4hQcAJbG7DbbTX/tU9amkFoJobTWxqi+b3s3hJi17ctJdYqrHDpF85izSzmjQKH6zfr66koQ31xfFoWZz6YhDMypsMZ3/dA1zEkZy8gRoo8+piAIqqKQRVUulysW8tANLkRGvLm9IxTL2fLk7GyUuJGU87lSWiOR854ApVK5H27Xt93+jrLzfdf2PYKopvV0MRNSuBC1tr1zgOidaw67FENz2A9tU5Xl0XIFDMMwMA/z+Rwyt23LOWdOKafxqB7nzWMbFABvbm6spuViMZvMkPGwP6y3u9a5BCyEBgAXPCKOE1lGyCNekJAEiTFMmdkYUxSl9/FrfzPpahi6zgVgZIZx+0Hm4IMQQmqFiCQEvuXBjEgI9k5I4LeueYkQ36pilVI5s4/xrckYADFnprc0roQZMSd+Q2GRUiqjhBgVhxQAM1IWiEIopVPyPjEKlTKgklLIgDEzMQqjZY6+a50wiDm++uKzF59+OpWmiVROZma2SIxWMTYRXJeHva0FhTiVDMjZd+vDZrdvTL0sjk6Oz85EoVVhi0kdc47RIQMn1giTclZVVYxxffN6aJpSU6bUNvuc4nK+rApbEKWu+x//1e/dXG2OTh5Mi/L5sy/b/tANbrY4Oj09X2/3Xzz7yuX8/Pmzp08/Pbv3MEe+vnz93Y8/ur+YbfeH3W1/e30bWUhbFKUppdodWmt1NSmAQWoRAwLmDKkdOk5QaGy73vkOEFsfXQJli9JAPTW73RYhWaOY9Xh65UjNocsctTWohFSKBEbgwHEMIpJIUiijikJVNapmu9tP57Oz0/PZZCalIKmGoUeksix8jJmzlBRi6Hat6D0EjyEM3WF9e23KcnZ0Kuv58dlxzGy0avuWSJTW7jfr9tCkGMMQlNb3F8sxxr2wtigqrVTvhpwiAAopJaoQQ9u2JEgIobRKKY7vy9ViOZlOuqZrD20/DC4nEgSIGViQQERAjCmNiz6+gZ0AZwYiBhjLqhjT19yrFJNLTkg1zp5zSAAsiFKMfd8prWujhRD4lv77NRGDMw/DkFMCAikVEI4GfBpJjN7HlL8GCsEbuOpb2goxjDFOzIhMEkm+yQkHED6hIhJKZoYQo7IGGfpDI1AwAhAaW2YZsnMoFKQklRJS9oO7+OoZpoQRlVTOxVevL+ujExii2/dx6DRlDE4L7X2XUtrsO1tPq+msPjkr7z0sZ9NqMRFa+hRi30lJWlBp7KqqBcnDoSGieydHQ2Vj15RaTleLSV1JaYe2tVLddnc//aufDH2/XCz6IYpq9vDhw6e/+IUPWerCaFcWNnWtlsSuv7u8ePjwyYe/8zvTqnz2+WeAJCFvb29vt81sdRynBQjZu1BMJsPIlUoopVws5yHCzfXN4e61TH3stt1hF1JSRW2nC0b6ne9/92g1++9/7xeLxbLv27btldIIiChtUXXBR8iF1UKrQmvfHHwMiOyHXmZlyVaREUksl6fn994xRZUZQMis9JByJAbm6MZKOuWU2rZRUkxq8+rF5fX1lZaIxlbz5XRxNDs6MVr3rWPISsC00hdf/uz29m42X4WM0pTT5WK5MCQIkcqiKqt63x76wSmlck7A4GMKOUbisrKzSX3Yrl2zP17Ml/O5NJP97nC73vgYUIjAGaREIUMMOQRiJKIUYs4pI4zxyFJKAgIUI/+NRzoiAyFgTpAigUAmIyUyI2KMoW8Gq41CpUFhYu8HqRQzZ3zDWRnBphEyCESi0TWTUgoxjj8ip5QTxpG4qIAIAEas4kig4JTT6LPTyiopUwQhBKMIkYGJGBWzVlgUCnNOQKWqkcGF3vkBOFqtJIicohQiMAlp276nUuK9ZdOnh08+fvfjb5ez+a5pLq+vkaisZzLXEDwQKSh635l6wVV98s47s9V5Wa3qaa0KfWj30scTW58sFxij63rTDM4NipPUaoLlydEi+0oxWqFc10Duq0JLJY6/+eH/9v/4v//TP/uTEENZF7vdPnT02NTPf/lp+vmnH3/04XS5EoWRVs0Ws2I2K+YLLWWxqp+czpeLVe/C2TsPr+92P/7xz3JLferRVj6SJK2EcQkhEjgISFlawRx3t7HbW6GVravpkdR6v902m9vFcjGptFB51+2KcjK0Tgp9tDzqhNFVRULkjClGJXTkQ1UWQlG3lbLrXcxoi5KEBBLSlIwCiZjIB2YgIXQMPkVGQGbwzguSnHm7uRm6tiwsCTo6PSvq6fz4TFfTV5fX7TBUZblazPq+3x8OxlrnnSlqRAohxiQkyqq2iBRjTDkD8FjrO+9CDFKrwhZFVe4266Ft7p+fz6qKc1pvNnd3dz5mZTUDjnkC/IbdyeMYzlo70nARUZAQJBBgJKqnlHCkOGaO4Y2UVyDym3zJPFJPtNI559l0lnN2w9A7ZwtLiDxWKYhjeSakVFKOB/zX08DxYiESI4n4bZFPY4VDhMzAKCDlnHNhrTHWaBvHfPCUjRBlUZWFMUYoRWVhmv2+Gfy0qlPMMXaSoB+GzM7oKkPUhdVKe+8vtofpOx9U1bTv0/e++2tE6nBomu3WEFWTqopxaA/MghHXh07X9Te/9z0vTXF0NPRRkeDM7P2iLKfHy1JLkWPXH2oF1hbMVhgFCD6GdnurBAmSCdLx0dyH3nkvhDg0h6Ojk3/6z/5nP/n5z25ubn73b/3aLz5/vrr34L1vfvLLH/1oHXx5cmTSTBm1Pez2N7f++avd5i7utv/kH/8j32w55t/83jdu7jbb65dfbnYxBitEjHvQIAS4BJwCYyIlSGFgr62c2Png066PQgolRG3t5z/75erk6OP3P355eTmfVhnortuWhWj7br6YDU6PFYEpC9+3zaEJ3Z6ik8bKmKEdnIu5qOqisiHl6AehNJKAnFNkgCwF5RRi8JlT23RlYfq26a8uYwymKIqqKqpJMZnZyexms1/v2rI0QuBms729viIgZujb5uHy2NhKaTX2E3NmxBxjQiRj7Nj4D95rrefzWcphv75BhPv3zid1PfSuOTTbfZNS1sYAjgUeeu+1sVoblJz8GI/NXwMP45sxUxqj8saVSkRje3R83Y6VfUxpNBa9Xb/0JvssYlWV4xhkTNGDr5mQ/Mb1n9/mEnzdI/I+jFLWv6mW/br6ciGmzIRU1yVn8i4y5xSyEKIqionVMbh90zFH13cxRSVt6B0whdDlnCBDzuiDR5RDyEYZgeLeB588+zKhrR4+ub9LaXd57bpW5HQ8m8boQ7sTKQ4x7Pt08vDxq+3u05fX733ne/uApGxUJAgIcqUV5uCagyGeFaQQQ+4TZ99na4xGrGeFFpJTFohD6DjFsiza3m23BxfT6uj0+OSd65v+57989frmdrfbLabTex9+vLm9aXbbw3ZT1IUyan+9bq6vcwx//O/+HbSH7/3Kd/7uf/Kf/OKzX/78F78Mh2vLMVL0B1eXhC4KmYl0xJwhhZhIZVPqHCBkGHKWxrZ9P/R9u9uWAl5/dSGLbT1f3mx3KIUp6sl8McRws74jyFLp6P3m+iYMLeUktemHfjJdyGoymU6nh6Zp2zYxZgalbdv1jFTaSqL03nfBp+SVIK2l1TqnFJyLKYWYlpP5ZL4ApcvZatcOh6ZbrVZHy6nrm/3+0DvPmWez+ZMHjwjFbFLlnAbfHR0daa2Yoe8HpXRdT25vb733dV1Zqzn69rDVAler1Wyx2O/b7e7QdUMGEEqOmQMhJhTCapNSDsmrt4lJ/JbhPIr2vtZyjy/Ur6UcRG9ivfltct6IiVN6HOe5/TCEEKSRtrAjf3d8xY5X1tdJZ+Nm/pq0xW9jKgcX336NEbBFb5WCPiRUygBzCAEy9MMQYzRaS2NC3+pShzj0+40xsm12d+uN0UVVTXJGYKeUErpQUrMQSpkcUzcMkrCar771m39XE7F3u5ur1rXTUs+LInQdBi8ltd57QLtcxKJ85/67xfKoZ+Ej29p0Foc0SM6xc4tSL2ptkIFDzFEDSTLMLISUQimtU+KIsagqZIje+5gziazM9e31X/78y5u77fOXr5HEvCoKWQ1tEoWUomyb637XUcTzd8+X55WfzO5ur9vD5qc//vH15avVcr5YrV6+ePanf/RHpqqFLfZ9L91w9vA9JWTMolIlgDgknwUKIXZNRylHEMLqpukKpSaLhc4ZSQhTNl005ayaTACylMK5XgsUwIh8u90ctndaYnAOOFezRWaQApImrq1JDNG1zqdB9s4FbbQh4UJMKcXopRTMuTk0grAorFSi9Wl1dHr64N0AUE7mKGg4tLNpPZ9NBeY+hpRiPZkWRaW0QRQI4IbeGj1qp733h0MDgNYWh8NhGIbZbDapSzc0PvppZSeTUmm536xvN4d+SJkhcxIMOKKlcxaIBIiEOef0tgIxxqSUxlxH+fYzlijMLMdz/S3hEAB8jG3bWmuBeej70hbW2sv1GhlSSqEPSmtjDTP7FMcuE76NzRvLnrE1NGazjppZa5VUaRSHj8Z+ITClFIInRKVkPalySn3XIkciVoJntc05S5G7fsc5lpU2VoOYK6O0tkQmhhxTIZTKTDEDJ0CMUpCWOvheACjQ3WF/d/FKY3x0/1TE2K432QfBOEA+5ETl9OjRu8ePnkShQybBOLWKERzE5ayeFSbstzc3N91OVEYsZpPZdGqYKaMgUZd137kYcgJshnRwTde1zf5wt9k+f/n66nZztd4qUy6OT8/e+4CEOKsmWsi2OyhCPo1VNel2O4zx1Vev33l87/G7D+ZXl8+fPSVkPZn/F//Vf/3t7373btsnYQ97B4133q/FlWvDdHHy+MmHCNi7IJFdCjJjVUym09n06J4sF4e2u3z1Qkiq66Lr3X4IpApb1kOMCDyEXisUUvTNodBqOa9Du9OC2Fo3DJPZcrNeS0OcXAcpG2UkgjQUU2qHhthQXZNg710IQwhZCqwKUxZ2cMP11UvU9emj98rFyaEfisl86DsCroxk3wzRS4Enx8cTHw+tK6oaGYauia6fT8+L6dIY410koqqquq6LMc7ncynlfr/jHEojVouZVrTebG7u9n1AEEUmweABmPivoyljCEJILWR8m7z0tXD1DcHlTXjriHfglFJIIYUohCApGWC9Xqecp9NZiiEzx5T6Ybi7W5dFUVZVzCGGYAs7rnIhJRLBW3b0qA4cnUDjfjgcDuv1mhm0Lt+k4NCbJI6xiSS1loVVhghEir1AVpq0kHUlOeWzs5Oz89NnXz17dfHSSpUxldPauZgx67rESIASmMUYspYTIXMOy1kZB5+6QQ+D9D1BjG1um8a33aSc7Df7K7cvFovTR+9M7j/oUYYEnJIGUQjKKcrEqvO7m/VM6/PlPcGJo6+wquR0v19v1xsJoir6Zt9KU+y7/unz56aqEeDLLz4noWbL5crWOFsWk6k0BSktlBoat3MDK0kIbnDq5Lisyn6znd+/f9O3w10kKRYPHwsEac0706MGjJcwu/cBSJKSMqd6OkEhq3rukLUS3sXddp+jA5d9n2BqVicPO1YSbbEYusM2RS+LYjI/ZlDAWCAMXQMp5xxDyADQd31lyEhqD4e6qherpbb1QhopkIMfYuKUch8CoJzNF0QUYnRDK5QehkYQTCYTo6Uxaui67eaumtTn9z5Ynpwfuk4opZUKA2sptCBOUUklteqGMAzBmEJJ7YeuH/rj5VwIyjkToiCqyrLv+qEfJtMpZ97v9lVlptOqLHUM7vr6ru26kFHpMjISYGSMKTMnSSSVQkBgIBL9MDjvtFJSyhiC9wEAlFZKypzZBy8JhVTMEEJkBqmNIArBt4fDxetX09lUEiROSlCKYT90JHAYOmO1kJRS9M4JKQFgTDZOgKNUW0gphYgpAsPXJF1A8D4MwVdVJYVEhJRiSiHnKIUwWvduaJq91QozZ4Kins6nE055Mq/Kur68unn21QsSRGgYPDMJqZFU74bAFpEZsiBSAiUgpmG/vu5unG87bmJV6/vzqZKw3dwMfWNtebPZ9K2rjlcnjx5NlscMmFLMkZvtDnwKxs7n9Xk1mZpivjwOTTccGhA09P4XLz/f7XfPb15tN+v5dL6cL6ui8kO43WyOTk+/9/2Pb25u9tvt6uQkEfrbdZnRFEUmEkpkjk6kZIQLMcVoqrJpW1GWpS30wsXh4Lu7vu9LU/iYmNVydXJ9t5mfv2MW95IBY3XbNkILY0zMcNv3OOSmGbpte1RUs6OHtzfrFzebyaE10wUQTmdzo8inITHlPGYXGeAMiFqpymiIrukicNzcNV3Xl1U9+FDODJBwoZM+pqnQfUrOJdIVoOgTotQChZJCK5xPqqIotNbb7bbvhtEbc37vwWS58tEH19amKtDtuz3llEEmFCRFStx2PYHUJPvDYRg6WxhdmsZ1s0klEIVRd3drAFrOFzGmruuKopxNqro2Qsiff/G8abrJbKaMzpxFzogUoyIEQoEkkETOGQkTsE9RCgkM0QdEpLHpntk7n3MmBJOzQNXHFBIgCUKFwEM/7PdbTG41sYZS1x8oJyMNx1CXUinVdbtM4t69eyllKUUBxnkfYwQUzOPMITIA4lgL8ag1ElJqIT1IMgWSgsScXIo5R2QE7xzleL5cVGV1aLpD0w4DtwoBJXh9+9XtfrP23pS2avcqdLZ3vTJCFZy8p9IyZAyuMhpdz0O7vXyV2qbSUrhAQlVEEPxms9u3bQLc7femmj5+/+O+bW+eXTQ3uxhj5kxCVpNpNamlYHC++fLV66bfbZt90yei6XxRzSfCqIETTpfH86OqLFfLRbPfvnz17Hg++c1fee/De5W7+fy9+5NXl89fXt2hLmaL4+AdpIR9rwi7pk2ZRYbkAxWlBZ1y6l1wUWiyvo+cxGR67LwnqbKuqoXK2sQIue8SyEPTB+B6JspqMl/OjCimheuoPZ0dTc8WvppebC46dBjWy9Jmxn3HeyeGmEUppDRIIscoECRy7AffbqzEQ9cTGZ/Uoj6ulWLMqjTY72VKmRGVUpFTBiDEoiiHvo8paKMzIiP6lKJzJKWU0odwdHY2m81RiKFvgVkrHUNMKWmtlZJx8E3TAI7leA4hNE0rJVRV5b2X0i6XRwCw2Wy7rrOm6LoupVyWxWIxLwrp/fDsq8/brpvOZwzYD4OQUgiZUhoFPGM1M85Qc86jYlQKCX+D4fU1qnqs+EHKEFNOWTATA6WEkGR2FHujpFLG+9D1g9Z6t9unlM7Ozsqy/PLZs2o6jTEJKZlZaoVSDoNjBqWURBVjTDECIjB+zY7PiZGEQEwpcMrISERCybKce99po1ereVmUSmupLJIc+uHu7lYpfdgfpJRSK0Bqhi7GvRKiqrTUxBwzRcgBIefkVcTusGvWN6vJ5Oj++eWrlzHnaV1f31x+53vfarrFn/75n7kYHz1+7+T03u3ddugayKE77E/Ozsq6diEUZV1UpffhxauXYX8jdUGkjk5WRVWTlAwZclBSlKYkEkbJNLSxO5SaXNf8m//pX/+3/5910/aLk7MMgkxlbO19bHpnrNlttzml48Vp37c+ubosvBu8c8E7QVQw94e1VSIg+KGdTuc+paFrpNI5ulKTTwDJzQqTCKSAUlJlhB8cQuq5O4hDc7dfzovdXXj5o5+8++47W5TReef84PLm0MxI6aJUUg6+8ykBJEqJSV7e3gjShVVMkknYuo7RDc73g5MkpVBasXDZMwilzGgloSSRMMQUUiIhlRqbejiZWK01vG2ASCVtYbXWxpiU8+HQ9MNASjKAG3zb9illRFwdrYrCKkXzxayq6vV6Mwz++Pik7wZEXCzm1lopqe/79eb2cGinsxlJOboTpZQp5ZAS0hs24+jJGQmNI6Ea+M3bdJTijBSjUewAAC7m8WtYLQgyRy8gocgFcQfQ9QMJmd+YEkOM8fE777548aIoqwcPH7969QoZMiJkyJmFVMCYck4pxcSZAZhTZokw9K6qyuVyBQjrzRaZUwoCpRCCSGbgzDg4f3u3Df56NpvP5zNCYgYpZN/1Y9mGAlJKibNUJCQqxcTO942hrLEgzNIIzbE77MJui0rcXu6RY/TD3U172G8/++yzclJ774uqWs5nEnIp8W7ojZJn5+f7pkEuj5ZLJoFExpjTe/fUvbnSZVVOnPPru21dlFarvj0gQBPc9e11HHqjRPT+9uqqa9sYglKalOmv16aYLOysG6IujdIFojg/u1+WhVs3fe9lTvOJ+uri5dAdzs9O6rpcLRecTm+vLzvnX19eD84dnZ3nEHP0gHjY7br9xsdwdHpcFpVPgV13s2+MrU9PHohabt1GxXTz+eX1s2c6pOHyFoSKRPV8bqeGjLFVGYMjAmOUlrOh2bjgCWRgGZnaQ7e896Caz0IMvQ9Wy8lkJoXQUhlgFJGBCYgG55zz3r0hhguhhBCANKbhkVCZyfsQE0LmkEPTNEGpsSbebDd9P5w/eCClDj56H5RSVVVVZZlSWCymi/kihNQcuhRzG3ql1Hw+KwoLiE1z2O93IcXl0XFK2fmIKAAw5lFR9oa/Am+TL0afPjOTEClG8RbgNZ7EbzqbOQshM4ngWgKOLqxvriDF5WyyWMwfPHhA6z1LRVIpYwfvEUnb4meffjr0w73794EIBIWUkg8AmDMDjiAdyJhdCABgjIneDz5IKZZHR1Kq7WZjtdSmsLbkTN575xwSF1VZldZ7t9lsmq5vmg6YtdacspYSAfq+06UpiwIJh75FdgKETM5SiEMnMxtlMSWKMdxdxfVdj3m+nPfAu/126HtGfHV5mS5xfnTy8OEjKdRnv/j0sNsJYzQa1zYPzs92bXt7czNfHQ3DMAxeK7i6+NLY6tE772pt0eg+hd3t2jWN69pt3zCH5N1u6Kd1tZxOTo+OZ8uj+fKYtN0PsemGyKSLWhdVPwwIIKS+ubnDQxeGPvrhgMk3u3ce3vsHf//vlIURBIvF/NPPn/7Rn/xAaq3LiY+pqifM+ebqIoahtOb66cuu2T1+74nUNvS9D8xMXd8+/vDREa5g399COrH2dLbY3O26mINUuq4j0pG2ypp2GEbBCZDUZZWYt7dNZFXXs2lZn56dBe9C28iirKpCKSWFUgxIQhalcpFjyoCirCejpoVBMXMISRtjrS2KkoiC95mZCDIn73wMcTGbKSk3223wYTKZhuCl1Fqbo6OVELKqKkSw1pycnITgbm7vQogxpqKw1prJtEbEm5vrpjkkhpQYMKXMKbMUGJnzyHpDQngjrRk51W9466NSTVBOb7pDYyFERKOLv+/7lEkSCWRrClgsg3eqKF2ikPJkvkqZMwOSEFItFgspxM3tLRHt9odt0xDJlNn5QCTGqTVRYubE2diCmUOMgGSsRsT1ZgcAWgkpkCAn70fYXspZK8UIu6Yd+sFHkFKmHDhlZoeZq7KEnE5PHvoYdGFCcGlousNmuGmE73Kzza7NLGPkZrMViePgirL0ir68vexTiJldiCGzIVkvFkf3HiRUT798vl3vCiXr0jjvn335eYihnM4Q6fXFa1L6+ORstVowpLvtrs8AQnUAvmk0QD2foySTg1ZFbfTRYtodDpfXt1LbPmDcu3peRUCXfEYpUIWMQhpC6HrX945C33T7pjlsdzelkbYwZVk2u+3hsP3i6dM//6u/OnR+cXzqs4iAXcizaWXKMnhfVZNPvvPti4uLw/ZwdFImQGttNV/e7Lav/uKuWtpHq5NvfOvb3Pavv/jqj//8T++/+169Orq6uLTzqTSWYpxWZTf0iRmFkLaUjCz202V1cv+BtDYwe4xobF0W0fVt08mUU4xRGC2kxBxjiCGlsixyVaUYgg8xJa11itF7Yu7ezpg0EXBGY01ZlUdHR0Pfb7ZbbTSNkH4hprPZbrsfpfBSwpMn7/R98+Ll88rMnPNEoiyryaQ6HA6Hw857l3MCFD4mCWMVjYzAGTKDICIhOKVxxDuWOvg2wEsIIQDdMIx5wF9X/977YRic81IVpjQEOYRYFOV0toiAnU+6KimHbrdJOROiVCpnHpI3xhZlkXJOGRGAhEQUISbnAyMqhVJKLVVMKTMba4UQzGCsMVpLpWaTKg/Nft+E4EPILqSYcu9dylFIAYwM6EMSJAhQEhkjHj14cHXx+vmXXzrnqmklJBpFTx4+gP7wk//47z//yx+065uQGYB4CFrZ4+Xq7JNvxL69urzUk9JMJrPpMQtZzpeTxXFgEKhO7z1sD91Pf/jDe/eX3/rut33wd7fXLETIYOqpNMVuf2jbjlAz6s5z0hnLarFYyByb9a2Zzx9Op+1uc/Hi2fnx6sl77wtdNkPOugZZdQGBZFHNfMohQQ5ZECHkrus32y27HQmeHc0gRqtFyHx9u/6jP/iDqrLX11eHoQtoTo9rW0xdZOB8s15LZU/Oz2M/vLq+vr25lULqop4dnRzffxiEFhMGBEj+4uXVWtBiOinOj//Wf/5PjCrKsvqrH/749ua2mNYChdJjZC4KqYuqCsz1YmVICFuykn3fo1R91y7nywAcY5IARCSk1gACExMJQgIGLVQWFI0SITIAKYVjskCISskQO0SaVGUO5IZAJJ0PUuoY02Z78+3vfLuuJ69fXyLE87P7nHk6q4fBxcQh5O2wqevJYjEH4Jvb26Y55JyEFFJQBgGYR1IoAmV+E9pFQiipSAqtNTMoKZghxjhmtMQY+2FIMQKgD54zK6UAsWu7N9EvQqSUGDnHLKUMIYcMpKxnopQzYMogjNJKhRSFFFKrbuiFlIgi5cw+hJhISKnk+BOFEM77cdswg5RqMpkMwxBjatt+t9lMrByc9z4x4DD4zGBLm3MeUfJaa2OKQlti9sPQtf3riwtgKCfTxUrkFK0VVnAl8o9+9Bc/+Df/Q8GhzMllAoaQI8Xh6uLFZnNbrY6W9+7Nlkdt8Ex8fHYm63kAuVwccYwW8v37h2G37vt923Tf+dZ3nn71/PriYnZ0XFqDWoGQhamCi0rGspzLoogcD67z3QEZQAhrdQFTui7/23/1e0fT+dnjJ2eP3otk1s0gE0gWMSUXEkrMiZ0PMbjkXUhOSFNNasjBd20bQvvqFRIJY3/y88+EUp6IifqEFJJQFhFMNWn3GxejAXH/0buz+dEXXzx1TNPVSRLKpQxCQc7AEsAmoutdBznWk2k9nU7L6p/8z/8Z2elPfvrT58+f7Q+72WKeMvd+iESDS7aoIUUASjELJKOVrKockx+GoixkigmJYsp9iN3gcwILJEBoqXsOIYcsSJBwOacYtdbSaETKKQFyZq4n86PFvO394CMjHZ+cnD24N53WyTujcD5blFbGnAF5v29CDMZURKwLdX13c3d3R0R2PEEzAgoXY2YkoDHdCzILxMwZcybOQgAhjzk8JGROKcaMhH7ww+DGP1TwJrrPew9Itqy0VHIMD84pgfQBGBIKYQFy8M45JmmrsigLhDEzL/XeDa4XQpS2zIwxRgACzhwhI3JOOZMSstBi1D/nmLbrDb/9SCl2zTAqnKWUShMAKMEcmUiwzEIkJVgLgoysTN/2TTNM5pNCihR7hihyrqzq7q5ef/Fp7hs0UklKgyBSQImJyro6vn+/WB7Vq2M0xYTQTqywupzME9khURyij70SmH2/2TdfvHgtyzox9H3nb652h8Pi+FjbwqkhZyt1AajbzoUciShk5Mya5O1+t12vabJ47zu/cXe9+fTVlmeDmZioZMrcd87nCBK0oAgxgyfNjGgqLVIJpGLoMqqiMpVVZDRKNZmvupgTqvnyiHSVmASSDyGCqBcn++3m9euX8/n8wXsfrR4/aYahZxQ+6qLo3KC1AdSYMpISxJwDS/XV1WWKbj6rZ/bs/Pj4u9/65MXFi88+/wxQSFVst828msfgGaK1xXa3i8FDz0fzSWj3zWHfHbZyNPsFhpyzkCKGMEZoxRgTJEDAt+qDcfgqSYw2xcmkGoZBkaiq6rDfee+/+uqr+XJRmCqnLJVcLJYp5xBTUVducIMbfPDGGs7pcGhfvXrVtu3Z2VmMydoCEGLKkFgACgYJhAAhR0IkIMGImVFSCOFwaCaTSVUVw+CUUuNj92uG+9cg6zHcW0k5ih4YQQghlSASKWUXgvdeKG2t5RSLojBGN82BOQtBVVVpo8YEeSlkSmlU8jvvSOpx3qy1pretz5GcNwrgRgUeAI/1mVJqPp93XeecA0SGDICAlDP4lHJIbhgAWGsV+q7db3O/r6qyPD1CxA+/+T0p5MXFdR76aJQ/JE5g5svlcr48PiKtZFG23htllkcnZAzIIqFMQOvNNjt3bzl5td1fbfYP3n1vdXay64eTs3OX8ebmxtq6P7SUmEo5IC4Wq8H3Q4rS6Bhi8pkidNsmu5izESROzs6X50/awSchbw6NMIWWhCpKIWxdAkEGjl5CzkMfEygBDMxKKyWsliilvL2965qWY9LGmrIWgmJO0mgfU4hxjGVZLFcnqyMpBEgpkEqS+6Yh0S7kal7bvnNu8BwTKkAGKQXmVFkrpeUc11fPXVHGfvfu40f765urqztT26NyyiDEZDLk0Pd92ztBSFIEoMbFLqRdN8gUkyARGaUQtq6cCZjZGGvLauca5kgaUkpGa60UIrp+GGULIbgEoe/7pmlGWZj3noGHvp/WJRCVdeFDGN2JIQZENNYKQcGnkJI2ZrZYzGezlPMbrfIoUAMkHhsuQDzmWwAyI8MwDE3TWFtIKYdh0FpxxtE4NjZ8Rj3CuEBHC6+UMqeEb5MeU84hxJiyD0EIqYw1yhBoKaUQsq7rvu9zjn3fZ05lUSCIzGyMYUYSQmtTz2aIb3zuX2MkRw3c1x1YHpc5CS1lTDnEZGyRAX3TkFR1PZVSBh83+z0xSCRptBu6dr8L7f7honz88L4prCkN6ILL+bf+zj94790nh93u5tVNDNG7TmDOkMpJJW2hEIU2oqjsdMWkUZqcAEmWtXaJV2f3/7N//i+23WG731lbiGKyPKXNvouRZ0LXSh+aQ2+S9WVEQqW6rsecIQtJ1rdtzjIxaFvvBh5i9IzaWCbNxkaIWiYgzAKAiBlIU39oSdnZrOS211rkBCFyiDkF33dD1w0IVBgBGXNKgogZY0w5o9Qi55hzJlMJrZqudX4A4IvXF2VlSms0MnsfBx9jxMxSKmRUQsXQe5+qqpieT0IIr65fPXv9AkkW00nbO60KQWCM3m4OLoSyroUQWiIKIWzx6Mn77cmJ9N7HGCOQD4lMLosSciYiIQUPo6dJfP3WHIZhu932fX90dDQKgDmm5nCYzaZEtFqtiqKYzKaZOcUopJZGp8Hd3NyMoUuccj+44F3XD5PZfDGfW2tz5mHoR88IxizfdjOHYQghjkr6UX1pra2qinmM6MOUWJAUQhRFEUIYI+CFEF/LocfRbIpRSjluM6VUCH1OaaSbeO+JsSqMeOtXzDl571NORWFns1mKuWl7gFSUxfHxiZDy0HZt26a3/Mavm05jCvd4FwkpkDHnrIyJMe4Ozdi9LetJVVVakg8hCAi5TyHU1hJwjuH61asn907/1q/92vqw2+/3RXX25fOXN7vmwfvf1JPpYnJEZn7x8kXvBi3kfDEByI5RalvNF7PFcQATM6QMbvCFNQJyjm55dOT7w+WXT3dN++GHn4C0R2fLlMX25loK6bsemHWFyKmua9Rms2sAKOXsU0ogSenJtPQpdcxZSRQySS0AMxBhTgwAwCkhoCCRU4wxl8pWRekyc44MIKTK0aOQypYysEChbIHGAknO+MYLghBCEghSyCyo9X7wwRhrtJzOZoQgSGw32xBTNZkpaawpEKkoS+aESkqFKYV1arU14mge+ogoQ0jK2K7vcw45khZgp5XzkQRJoqLQVaGT79abOxm9Q0KBgjl2XWcMKxJN26Ax1liliQDH/2Cj1HjQ7na7uq6lEiEGI1XbttPpZDR6e+8RUSo1MqRGlY5QUkiRMpZVRYQp8gpAEMWUnI8khFDmbesmCyIGJiTFHHMGIhJCKmWtQYU5c0rJWmtM0Xd92/be+77vRzPueAz3fS+lHJ0xIQQkQsBhGHLOVTWx1oaYBueGYdDGAsMwuNnMMvNutxOCrLVlWUolUnoTD+69H+0yOeXxtinK8s2VktLXs+f8ViTHgRPweFGMG3vciv0wNG1LzEopZa0tqiDd4H1BYIjOj48ghd//D//uF59//p/943/sXD/0fV1NtLb7/eGnP/kJDIM1alIXZWFCCMoYQULp0hazmMmnjIg5BSMwBi8FWKvW69vXL786Oz47ORFSWuey1OL47OHF69fu7vZ4VifmfredVLUA2G73mdG5wCEW2rIkUDqgSJIyQmZEIccGiUhAJEhYpRUJYoAUQgoRc66MLrQcUuKchRA5i5iSDzn4gFIzCBezEBElYYycIQPllIGzkqS1VBLHmcl0Ns05S2WUlKacmnKaYjTGAovM5EM+9HttVFFNSMAwdFFk5zOCNbVuDl2ISStCSZyj960mds5BgqqaeTcIVNbKTTO0bSNJCClVZqqqyn/ddQGIMUbmTEoJQURSiLF9cXp2tlmvY4xaya7rRFkZa8eNYa21VamUSilnTpkREKRSjMnHYEyx2++klFpZQZSYkUhqTYQ5Ze99Zh5ZiGMYsIsepCApGSERBM55CCMnazx9xUTkDEM/jIL+8TE9LsfxVI4x5ZyEECG6wbmyKEc9s5JKKiWlIqk4DEZLRNzt99PpVCmZR1c+pxACMADAZDLRxo4yT5TKGDOmKsWYQgg5szF63AkjNVUqRaO9eQyZfduutQV479MwAGPTdCAIgJ13gkBwnk/qF09/ebYq/uk//6ez1eoXTz8f78mbu/V2s52YInMwgnPmfr8ryjI6P1keTVfHxtb7tkeJmTmnJKQojRCYD9v10DePHj1YVMsf/eTnm/b6vY++0bRDCL6czvZ3XTN0Wiv0vLm6RqFDgl3vQ+JJPSVbkNIx5z4EUjKPfDVgSCwyY2IhhdAlISFzTiH5iDkez6ccQ7fvJ5N6t9s2h0PKPgaHjIA4OC9Il7YgKYEEoAAkQvLeA7PRqnfeh44QtVHW6Oub26btFqsjRkVCEqa2G5xPQmhtC2GLyPkwJOf7kGKhNMbsXUTJlotCW06D1VYZpBStEAnwbrOvrJzVcwKGHFP0ApI0GSCESCIJpZSVTKFzmbOuK7TAMgFQHCKGbKSmzPNJzRxSTmSljKb3Q2FV4gTItrCr1RIIhsG53gcJ1lqAJJWSSocYtdKAQAJTTmm8K6QAFpEjSULglFLOzMgZcoaccgKGsijHla2kSikTCWOsUmq73e72WySezaZECJxjDCk4KRCAveuMsUUxubq81FofHy0AsKqqnLlt2wxYl9ZYq6hO0TPgfDpRSvZDP7gBAJCQmbW2msawYR7ZhhwdMAgpgTCGGGMEJB8yIiEJbQ0zAxKiUNqMjOsxWC2l7L1HpCRFzmCsrYqq0HpzcymiA9+ygO/+xvcO64s+hF/82Q+atj8/P3/5+RfXly8FR+A0rYuhCygUCOEBVienq+Mznzi4IYfAiYGzFGQZshvc0A+bu+V8aiT+5Mc/bHp3cvbQVCUpE3Kcz+fsdhZjCkOp59aaw/qObW2llFrV03lm6KPTUhFShhFvEY0QiNl7LzIXqiqUjjn7GFEo5qBUMVuutjc3UuLt65d939nClrZqO/AhERIK1LbUxkJKozPUp0wShRBKiQyZMeUQlFJIuNls+36YzBaz+RKVSYkTxChZCCWl6Z2PXU9EwGnoG0GggYBZMwIMwbsUg6BcWA0DdMPu1eYaAB+/+87u5qtnX36ZYyq0vn929p/+xq9L4WP2IRl0KQBDiQYzhBBczEIIICYhVSaNSkvd9y1nrqvSRy+VXKwWEGNpTNs2SuvlaimNur69zhEQJKEgFCkxIkithJA+eB9CSpF5jF3iN9BpAKnkZDLJKTbNIeeMCEJYKZX3/ubmmojOTk+tLgBg6Ifdbt/3Q4yxqsqUUubMMeUEWpFAtEWBiJv1urS2KIrCWh+ckqKuJymz1gKRhRA45vNwRmAgAZxCSClFBtBaWWsREUCknIP3Y4L8XxsgHSujkEhrIaRkJkZmAKU0I8TIRhcA7H0IIaQUiWj8TQmJhVFSTIpaMorMloRPwflh3Wycr07n05vtjkkfHy9ev7q6vbqWnI3ivtnttq3UZYypnB0tzx5U00VIGLyPIUgSQmvMiTBjCv1uE4Z+Vhh2/RdPX7x8dfnJd38Vrd3tN6RMcAP4VnKm5AtjPYPvuiRkOZ0ZXTiQSIIzRogSSSpMOQvMiCyA/dDFEGpjpAQOHgAI0PmYAevJVCmNnJFZYMph6HOMwQSfWAgWkjQKa5S1EiAjDjEDMGcSgpSSwXUkkEkKpUmopulS5vl8UddTH6L3se3uYtw2+65rQnTRSLucziin/rBNMWzCcNjtUo5Hq6Pjo5UVAjP7bfTeV5W8v6g2m83ds19opX77k3eff/nV+vJSWP1Xn/5CppwzZ6VkAPIhgwRjDCIIKSgjg0jIaFQcmZKVScxWlJhg6Iej0zPf9Txab0NghvGJbFQBiKMkU2s9utFJCJnlW1oJjmj1r+UMYymv5Ih+fNNqjDGWZTm2Ebfb3Wohi6Ko6sp7H0cuZ0pj8Q2A6a3Ji6QkoqPTU0Rs2/bk7Mw5t9vvUobVapVzruv6LX2RiDnFOO4iJdV8MQcEKRUAD8OQ0pskiDdEE8RRbWGMEUowA5FghJQ45UzjryOIiGP0Xz8JxhdwjGHkfAlSiij6YehdoYRWFNrU7XeL2dRq9eLVZdMOWheXV7fL5XJ1du7b3XZ94QMqKUo7mVazxdHZdHHkY3Y+pMTAhEDBDQSsJbVd633kDD6kzfrWlvWv/eqvltP5q5vdzb6rZ8uj1bIPLSkV2pZEQgUuuIyYc4oxJoS+b4UurNHJD8yJEUcjXQg+Z7bGGGMYkUkw537ohRKLSVUrwqHp11d3F69u1jtAmsxmE1NIa2NMADDGVQVOwhYpQ0xBKk0konfZeY0SYpJjU6QbOAMwTeppTtwe2pQh9e28iEdHdZokKyxGmBSlVgryvG2ajWvbtlytlnVZ3t3d9l0DkNvm0Bya9qA5+ZOT0+Pjo916U0j9/Oefvv7Fp8/MD+uyehtskTJKGisNF9MbPUEEoUWKWRqOEJWQxhjfdIBCC9Mc2t16fe/0PPqha1rnh/1+d+gakmSLgjOOtz+KkciZMzMSFkUx2gjfqOdHyQOzlNI5FzykFLQ2Y4Mf32LZyrJERB+jRUwpOe+llLP5PMQ4GsoECSBR2GLUSMfMiKiEmM4XnNkUlSnKHOMbLyMwISiBOccMKYRBaD2fT6WSgBTevB9iSnns4o7vinHTGmO+bvxnZgkjfEIYa4XSKaaY0ujDHDVLoyehqospVYemAWBCkgzRDUO7Z4LYt5TDyWq5mNZtsw8h+xCLUs1XEwYgKfddD8JMFzUy2HL+8PF70pTtEHJGAIkM1tqcIiFLIfuuHfqeEDOAj6koq+ViQYJu79YI+OjeGUqjEPqcAYXQZdN1k3llrQlCEqGSglH4FImzVDr5ka76BpohpSQhFKJSSkjlUk6cM4BCJI7Nbr9+9dX21Yuz1dIl6n2IGRODLaxk7n1AKVAIljJK6UPKUkqpgLMUEpITzKW1YBQQrdcbpfRqdVwWpVR6JB01vHfDzlSFMcoKLSRAjnfXGyGomtRkRFGVQcptzlxPyslECpoB1JNKgSCGo+MTKdVJ199eXBSLe0dPxOHq6ujkgWTmGGLbtFyWQtrR9zQewCSIAmutNGfJWBnRNoeSlJJ0tz24tgtaD21HI6gAcexOkqQYY/QpAyMiClJKjfh2JFRKfX0ufn2yjv/KREQEWhdEQkr5dW/na297TBxTBEKptQ8+ci6KYqbVfr/ve0dCRoCcs1JqVIaONnYSCECmqCCnnJlzFgSTut5vN/PpzFhxe3vtYuiHJrY5hGRtOfJMjLEAvuu6Nw3ft4b3t1uCMYMQwhaFVNqH4JwbBscIFMR4UYTgQ/RSSgAOMaQUGVgjZY7sXamFxoyoH5w90ISf//LT169eGls8vHePiWLMJAWCLMoyeVEXhdb6+PQMhOx9ICF98DFGgdD3oSpLSXnoekm4XCy6Zr/vWq3UZLYIiYe2k8oc1TNl695H7/3g4mHXKszIYhgGYWGIKfWtlpoFEYkQfB7hF5ABgQh5RHchjI04wOgjMjIDhxj2vr989rS9uViVJoZIwujCIrJPnJ0XUgqthRZAkABGrAOgyIgChZDEHAqjo3chubKup5NKSFUVWitKOQY/OOdAGjDLvYvDfu8Obdd0IcTpfHnv/oNqeW6tPDSNLIqqKnOKgijFkFJUZTnsu+3t7uqi65xzLihQH/7df76/eHn97EsrSLL3dV3Lwm5DdM5pVQIyoUDExDFzNIMvg1Ixff7Hf7I8PSvPz3vfz1ezs7Pj6HwYhrKwwKBIKGNsXSZIQ+djYmO0EGJ8QtHbNmX+67X+5vM3CwxrTWG1cz6lVBTF2GcchmFsJmbOg3cjb7QsSyTKKTFzPZ3aivvB5czG2pGuDgA5c84p5yQBBWHKTFLM5xNBEJ3ru7Y97JfHUyEBYu77FlAQycxZKZ0zdF0f3szF3+h/xpvBWgsAQgljLaFouna/35MUo1EmvhnJcd97rbUxOqXcdW3OWUqBRDqLoW2mk2IxmVWGIPh5Vf7oB3/x8tlXq8VidbRs+m7fHubL5XI5D8GWWiQfKlsIo0ipkHIGjNHJcZszF0q7oRGC6qro+m6323BK1hYM2cdUWDOt5kDCxdz2jkmSNNV0RaqAnHy3jbHlSIlkdgOVEaVBZM45pahQElF+Iy/M430tmIEBEYTEmDIJQqLMLE21PH1QC2qbAylTWWsKw8yd63NOiFkJaUsbA8UIAqXSBhCiG0IMmGJQ4vzB+XZ30w/7yXQGQEUhJhPb9c55BBQ6Wipl6t3JbGWV+uVnnxX1ZHV+X9iyk7IH6kHmCBJVYkRmJB0i+CECKkdG6jKQiSp1fQtSHZRKi+nL6ws5XS7Ksti5ITMWZZ2GxAmUpJzzEIfKyiKjHfof/bv/8NkPf7R8/OiD3/qN829+LGvDbYyDM1oLxLqqt/stxFiU1vuQclZCaqVJUH7T28lIxPCGzvD1uv9rewsAEWmtiMTYxBzfBlrrUdeZmRMzEWXObnA+hPGwHye+gNIWBRIJegMvGTueQISAI+rLKCmAnRu0FEqKe+dnt9dXL1++mM5qkiqloLXURittiGQIf132AIDWelz3436QUkotjTHBxxgiInrnUKhJPYk5Hw4H5vGGlznllF3OPA7mkEiAWC2WJ0ezQsP29iJ0h7/84z+8eX354Xsfakk3l6/W203Td+u7y81ylVO2pjhaHBmts8DEyccgtFVSeedIgCLq+0YIMsYKgQiMAGVRCimHviNBWhvHFFwWylQT62PeH5pMSpg6psRuENwJIazWrBURoqAxFCPnlJFG9C/SeJeTEkIiKkQiEXImIAYcnFckVqf3Def9zdWQO1PXypqqrkIKh6FD5rKomJBHqhLL/39Rb/IcWbak97n7Ge+9MSEAJJBZmVlZw5u6W69fNwczSSbKJKO41Ep/oLZaaKedzGhckGyS6uZjs1+/oebKqspEAoj5Dmd01yKyihtsEDCEBXDu8eH7fp+2FkkxCmlDimqu5MzudHj79vXhsH/27PmLDz9aXcyMNcN4AklaoyO17prk1MW865rmsHsr1hacROsMBavxGsN4igadtZoUATCUOEZPBiWCGAYukMmrRCliYFfsUmvlLnN1SjOWMA3bjpxSpjJKETQuVoxa/fH+23vKf/m//8vnH39ilhfo/ZSqQBGvxppqhFnbuNYCgVZoiBICKsUoLExEtvECUGoNOStFyHDeG/wEbIMfWSM5c4qhVgDUiLofJkJs2haJkUXR+aHORNYanXMumQkBndZKswAhnpcyOQQi1baNsAiKKGRmKcKAoMjYTjiVml989GqxW55OJ2FqnfO+Nd5NIU1pPOt8rDbMLACalDCDwJmZZZ0DJcfjfhyns5fgjH6JOddaERSIJsSagGvVoLQmRaQ1IaKGfLVuhfsSeDxu/vgPv+NcXn38Uax1f9pPp0dScHW5HEMM/TCfrz64/WCxWOVcd2Hgc/+SS+O0EkERTcQgCiGHKdRSmZfLhdIaEMGqWmsiKVxV523bDrEEqrho4tCLgsa3Oat4kE7bKsSRTYMWdBYqtRJpREYiBhQkJCtETMggogC1WTonzMfD3mrUKFOYCtL86nKIKRJVQEOQchEEa4xVTivFUaQSadKGkIAURYH+dFqvl1MM6DwpP5ymRqmX69WTq2U/hb1E63XR9sI2V6T+3d//47//4buXL56vrtbdYtWnsn+zbeZzUbmEKU+BGyuICCiIwqRVA0BkbMqlVpHCmrBOyYMx6KaxautmQAqEjDHAPI4nA9b5zmhdgVCZfRhnt8/+6fPn3qhutgDXnGJlhbaxwFymkGsJKfq2UYoYGESUVojvwSTy4yrUKBIQbQyypJTOreRPQpozoKpW0VorbQGElFZKnxfBIphLQTKIcnYGn0XIdM6oJCMAiHKGIqYYQVgr4FLhjMRSRkRqKV0z6xqXUnFOz5tlzsH7zppGSA3D0A8DTOEcD3x+6+eiP8YYYzRstNZn/FsM8TAeBQUERQRBBJCZwzSVUhQZ5LMXEpUyAGzOgQRcm8Y33qUSGq1jCPv9Ybm6UEhTzJvtvua4bHQuJcXsbLO+fHJ5de26+b4fUylJhBBb5xpjsLI2JqWw22z7YXDOOeMAcb5caqML1ypyPPXamPliDuQSw2EMIVc0loX7aVjO5s6ZUrMiFVJR3s7nS1AGClvnwKpS+fxYEsDKqEALUSpZWzWGKYR94xzn3DXWWdrcv0sxBoGUSpUiiLVkFQLXbJ09u0S0sghEBNp7IiSSWkuYhsurtbVaKQKAVy8//NVHH3764YuZVePj/RjC3OmK9VSyUrOchZFAmbcPm20/Xl5n3XQP7x6aPqw+uHXGH/enoR+9bYdpapo2plxqXc1XyrgpREStFFpFkJPWXjWL4I+aFA/DcZIoja5VSmKBoo0YRG1MqeK0tcqXEiuaSmboo2o7IkVYSBFoQyIiOA7BWi0ERNQ2LVcSYFJKAGopmVlpBSxcq1H6p+EP/yjRISLmeobIEmGtHGNMKZ1VOkRktE6lnguJM/znTKHSWrNwKRUJudZSq9LaqPeLWEWUc845c2VNqtaaUnZGl5pyn4xGZTWxTGPc7XZTCK5piDKgmrs5WdWfTude/FwCncMC+75nZhQEOedxKG1tKTWkkmMUgLMAWylUhAIilTWhs7YU0ETW+hCmYYyddVdPnuJl3e8PJuYp8+mwb5wlys5317e3i4uLWPgwhZSLIDbWKATgkkOxRDnGw3633W7arvXOKW0Xi8UUwv3jw2K5YJGL1YqIwhSKIgZElpm2Z+DpBSnoj1DCRdMMJTHL1XKlvB1KrgmIlLYtI5ea8UfW3lnfqpSqzCLijDluN3HsjwoUZ0OoSTFQ6A/tbM7WF66lMp+DawFFhEUIgZTCc/i6QAzBe7daLPa7zaybeW99Pi29ff5kDSnk0/YXr17sp/SHb7+PpUgJfZLV9dVsOVNKlVpCqZXz0w9fhJjHUzDWAuM4hIsVE1EqMZcAhKmEUisgsDAippyNiG98DKftZqMPh429bMlrVKZPYwzpycXCWstcay5idWXMhPNmwcL9VGzTGdcIURwPyKxAKQWa1BTHUjIZbRtnlClSBdCeSYbMpVZSJMBcMiOdVwRn5fB5wHI27yLSecZy/tSbpjn7Xc6KPeMa5xwinp1f5ymq1hpEUFEquTIbZzRprvWMTUfgwiwgWmsS1Fq3bQtSU2RhRtQCEFLS3j17/sHheGQWZhGGHFPKWUDatj1fUOcATGvt+0Orbc5ZWFCTVCEkLkkp1FojMAErRARRKKDQKEKoTpM1yKVqpNliyTms15clJev8FCIYe319den0FKK2VhRt90fUugKe5WZagRaJYYoxBoHhdJymcebsajFvujYJPjy822w23nuzWi5Xq5TS3d07pZSyQSN6MsNuuHvzxll72Dy+/vKzD148e/rhRwz6+sm1syak4GxbSRfhKgykiCsgaq0R9Y8RC3JOzp3ChCAlhVqmhmA/nNq2W6wumcs0jmSXs8XCez2NfclRW2OM08oAIypiYEJQiDnH2ydXhmi1WLTeg/DVYvbnP//46Xr1w1dffvLBUyE8punpanFr3BDl++19LLlyrSlqa9rlfIoVteZcFCpgmXdzBh6GwTZOWMgoANgdDlCJkXKtgOfAC1SktdGAoElXY1QhSrkS6fXqaj6/QMQsVSEigiYlAlXQoOHKJWVlMioi0tYoYuGcUi7aGERIXJhFGSKDqM65QEIVmKswG1Kp8jny6CeO509i5vM9kHN5vzBS6qeXIWLTNOcg+/NW4Sfz+1mqjQgVBADOgmoUqsyImHMtP8bMKNLe+1pLnCalWCl1PB6LgLHWa0Nat20bQwIRECylKIDEPE1TczYvO/eT9HqaploEUQlArdlYIK0IQCM4q2quGkETCFetyFrrrckpGKMXbTNNwWoFJRsQ7+0xjsvlbDabaWuH47HEQMakWggUCHDJ51NnvVMpbu7vlUCjTRiG4+axm3WrRWc1ljhtdrvD4XCxWl1dXZKUeNy9u3v32Wd/UkrXuBunMYzR6oZTMdpM03g5b1/dXByGvcxu54vFmzdvcq2z9RX5uXFtJk1kFEHlSkppY0uppeRaEqPUFMdxWs5aKdFUPbf02d13JcVf/+Vfg25SFVys58vVOB0LczubOWvgvbFPM53LRolxIoTGORRetK1RlFL84Ontaj7bPz5yyRr84+Nm5pvrJ88mxu2Q/vjZV8MwxDCWkhfLpWkabXTOmbnOWm2sYbHGuSFMMeVuPlPi+mlEpZmlMgNRKUUjKK2moa85z5ZL3fe7fjjIfCbo2mY20y0IlVqKFNRgBYxSTmmpPOVojZ61c4Aap2CaRiEeDzsoVREul8umcUOcxmmqMXvnrPIAcvYuGGvOCyyrdQX6afLzUw+gtT7/Qyt13qiq9yYBRO/9eW18TlUJIZzVqT85YGqtlYBBzmowYUYAqXL+9vlllauQiMjxdCw5WYtdY60xhFhqPZ5O55OjjfbGdu0sx7TZ7zhFa+35IrLWhhDOFZHWWivF9XyrAgEapbSiUlkr9MZTBqWJqxiFTqscJ+EyX80JWFJgANc1RtHU7+eNVZpOeUrTabe5b4z23lttWCqJAKAziks6vHkcDntr9GKx2j9ujtvterWczdrxdNxt4vdvfvCd//STT+az+eP922+/+eb1N98Cc0wphnDx4goI7ay7Wj1p7Ox0GqQ/2cX887v9/Prm9uZpiCnnbK3R+B4kKYAVSAH8+Dd6j77zvgVO/dSj0rGga2ct2DodLtYXV9e33/3ww6FPplleLlegFCIZ65AUi3BlQlRGWW9KnriUWmvrPdfatV4B5BhnbXN1dfXmzdsfvvri9mKp1+sco7fNoptDKA/vvg/jpAAVogDWXDSqUrhIziEVfWrbVYiZGQGlZo6JUSkRW+okXAQIibShEqcKoIhSzvv9XueSSokKZiJARMLAwERKAdRakBnRlFqVNm3jrSZnVEqTIQkpTakiEoP8xMUnJAQCYAAGLiUVIkWoaslK68V8lktJ9b9lDZ03sz/RzM/mQ2vfE23P0KvzoBMRUfD8Uz9BcH+6BNL7Jl9+OhWEcL4raq4ppZJrkOm4PxHwfNYRqRgjcEVrrHNikGvl8p46HUPkUr2xQwzM7L1LKY/jeMYQnb8qJK6stPKNJ4WpRCJs26bxPsdESMBcS5Yq54pIKxqHEyEqrlahkpxDPO235mJZC4Vx3G3uu5mfz+a77dYo5Yx22nAt/eZh6HuutW2bq/X6/s3bt99/P3NuGk5c0pdffXE89S9fvSCq/+U//c0wDCjQOH+9moVxslA/vHmenlxd3Dx99uS5Ynv3dpPy4/OP/mK+XrPCi4tVGI/73abxzliD54AcAGYpzMLlzCJLKfX9UGvmximoOWWlDWhDANboXCbn2vlsuTmFzLharoZhHGMgYu8cc2ER+TGksJSiiHKtpaTV/IKImrYJp1MK4cWzp/vj6fXr7z56+eHHT2/H43Ecpgp2s9knwTffv5FSGudIartcGe+apoWYWtMoGlM6HPZFW5enQrYR4TAl0rayEqbKXACqFH6f21trSoCwWC01CCrlHHpEK2QCgQZwWCFMSFU7T1AAMUvVCrFpd+PRGOPahobKWLXzFVMo2VdWtdYihPh+Z1SrsVYpzQI515yrMUKKFGbmqpVofXZpASqIJQqL8TrnwsiFCwCiVghUGcaQEFGYU4zvo1xqQSJByFwLF2CwSEiISEAg51hIkZTyNE0xRmbWBNbodt6R5VwDolhrpzop1N51kKBWZuG+75OanFEg0ngnIof9nisjqVKLCBpjmQUMkAhISXXAAnmajEDrPAypxFgbBwAMjIC1VmOt0arEhADWkibaH/oYo7bzSl3Iad9HUU5Q9f3x/CgZxjjyJDn2x0cpYTFvZcpf/tdvpvFUw3i3GYWlbeZ5Stfr683dA6vpYnV5c/vU+rZp587PDseeGRfL5cnMZtfXytl+GPO8XrrZcrXWnc9WHUmYmYz1mggAGaFUVaszzDVjVUppZIsAxqLizChGad/NNADkJFCmyiFkIj/3F9rAu29eZwSFg9Ml5UpqYZtZDAEVK00ASaooBClx1nWuaW3THIdRE2mrWcr9D2+7xl8+ufl+u+1Pw6ZKUwVzeXO/AUJFknP2vvVNZ513yp6m3qObAwb0RvmUOEttFBlEKQyl6MIGFZuGUeUiguK0mhsVUh7gpEFr0FYpQ6S0NlWZ85WXUwKuzluj7VmoY4xxzjvXkNIppjCdkOx7As/Z/DGOKUejjTGGpaImIMq1giIAUlrXWlPOBhTReWKPjMg/Vi2KlLK6bRpEOh5Otb6nbRqjlVLCUkvJOZ3fzDnvCIlSSoXrT52ZiCDwT+u1KUzDOOSUYwgg7Ged9+68GTPGIEopRRmVS4ohI6scMlSoOQWQtnHaGBDiyqUUZYzV2nedtnYchtMwYK7zeWdIxzARCxlDIilOXAsAIGgAcEYZrYwi4EpCs9aPwzANU1FUmL1vmqYFwu3+cDielNLON1MYgBSj1gpO+8dvv/r85mLmjYT94e7125zSdrs5K09J2/n6CYpuluurlx/5i9lysTgc+/3+ZNtLtVitL3RKZZqCabqUc0xhnKb11dpUgcLL1eLbx/uQghfJzLpAzclaL5C0Z63IvJ/YqMylVCFgrZVVmENvkIirCDZNi5IW1zefPn16eNx/8c3XhmS/e9c17mJ9GXJNOTnvtdYA7JwlqVzybrcTxNn6+jwLOR2OM2+WrY/jODPm048/PBz3n33++ThOjNReXI45HYa+1Ho2fszm85Ry6ofj8XQ8nsbTpLUiTcqinCFqANqYacpKgbaGOQtAKTVnJqRU8244mlIBcb/f6dly1XWdGFMAAZGrJM5GwGirjClcCWmxWF5eXZ5v/1JriBEApUQWRgEiBOaUIoA7OxGBqCoSAEKEyohCis72ORZUcJ4PnvfVSEZVkbZpASFME1c+Gw4VKSJCAWAhRFRnezuTUsZaIoo5lVLOYruK9ZxIxD8O7UopjIBKpTzmnLu2bdpWaSQi77xWOE2Dc44MnX0tUipX4cwl5fV61TTusD8VUda687DJz2a+8ceh71NAqw2reAzg7LydEUhxqaQpSFwuZ4I4pcK1KESolRkMKY0kpUpJy/ncOxdSZGZACCEcD0fnHIgMU8hopJYWcd50iXY8jIcwZIv3d2+Gwynl7Gft+ubmbrNbX90k03zwi5/fPn2hmzYIHqZwyLG9+mB2cZVLCSHWwu3ioqjcx6ObdTqJwtp5rxgx1zKOuSSlTcxFKSQRREAEqVVKBlSgKKWxViYkrGxQ1SHmadBGa+cKoDAoxM3jA+93ZZo+fvl09uzmi7dvT3067PZ+NjdK98OgiYxWOSariVmmKVxeXTnrjNHAVUqBAo2ZSY6HdHj9HRz2+1Lz9e01KM0Ebx/fseIhjt57a+15ru1cM44jEXZdx8LztikihpS2VhmDSk2FQ8mEknMUqEXw3B94rXPNbWOhekbQ1nmlbVWaKzJLFVCCVSCN05gn5RUIIKlUi7XWaLPfH0qt5zpbKYUImkgpErbANeVsUWtnC7xPO80lW6MBiECUIiLQSgFiLVxLrZVd0zTG5pwBseQcQ5zPlmdTlYiEmFJKhERI55mpsVYAzp+CiMDZwkYKfgyDkbMMM6XzxkAQVqvVxWrprNGGFAISAYgxtpSSYialucTDoV/OVr712LapFohJeZuDVJEqzCW7nEeuYey1AhG2iIvFAhHiNKUcQhibxl1cXqwulsfjMYQIzEBIRApJK5Jackqtd4v5LMbU9/3ZwrbdbhHfS6EIgFCTQSVcpyEc9pbr/Zs3UmJ/Ol6tV/P5vCo9hHL1/MOf/fmvF5c3Q8iDQCvAMfb7nTfGKTrtHkAk5ZRS1piPZbjfb29fvhSphHKxWuWQ7jYbZ227XNTKNacYglOARCxcUyTjlSajRKgQVxA2Woex32+2V+s1EXAqjWuRcolx0frXf/rDN3/4w//0r/7lKGNj9ZOPPtofhyJYBbhUrbRVKoZJUB4fHvq+f/78pdWKS605ttas5931xfLh7s28abqmPey2XddeXq6LwPY0oMJpjEAwn81P/TGlsl5fEulpmohUqRURcowFwDhXlR6nEYwBRTllFjkD1ggRNYHAFMfGqlhiP5wub6+1IKHSSEqqhFRSLp01yGKss61mBUQUc8n7o/f+xwoEkBCB5H36JyO93woJQqkFqkbSRmsASbloQwrQO+utKaXEXAWYlHZKGZZa6pQGACxca6maNIicq5xaGRmgsqAwirLqLPM8n6uUsyJ6P049q4nOMjukXEPNuZsvcoxibdd1pVSuuQFfpDprfOuaxm02mxDCFCJXvLy8bnwXQ2KuLDTGaJ1bPbnIKYVpMIpSHGrJJGwUOmdvFmsl+ObdHSrkkhvvldHb/XGIEQArAANoVACYa7XGaGOmEJ1Sm+3u8eEBCG9vb3f7fSllNpudpZc6ZwBZrpbpsH/z7Tdf/fG/5qGPaQrT5Lq2W18u1pdVm2r8i5/9cra+ygVSDgi8H3oZ9haVZDjsU6nsGidAi/lcyrjbbl6+eonWViWr9eUQglRkbZpuEUpRWI3ztRSQmmK0natcuRbUhkpsoPbTyRnNcfz6T3+8uX3mrB6n0DjtHbEISyEp/e4xjydM0/PrT77fb+/v3mo3QyRgMErXnCsCikzDGKb45Mlt27Q5JWDWIlrT9Xp1vVqYEm6ulm3jsWbrbDeb3T1u+uNR+a5tfOy6PBZjrLX+dDptNlultNZGUbq4uBCpnAtzLTXHwrUUZb1SSoooQmApwIoIGDKzNqqEJKWs5jONP667nXeKjAD2u51w9cawwDCOjfdao7HGN80wjMM4eee4CikxSuH7kgeRQGuDgKWmWmrjvNNGIahSa0zWaGutJ0Lnag0hRm3IOS8AKRcsFRChQOWMgAigtSqZS86E4KwlosqSazlXjSGEFNNZ9XkW2xGD+jEJL4Y4HI7H47GM8cXLF6fTKZUCiE3rEZFFSFGtNaVYa40xzmZzb9txjIfDUWurjQHGXGq3nBfJoYxANaUwbxxg9VYvu3bWtd7azXZLEqHS7ZPLfoqpVEET4hn8Y1goA+ZcuVbAnIrkCpv9adjv4jj8+q9+MwzDD99/f/avnft1b7CD2r/77j/86//37vW3s9Yvlxe73cPl86e/+u9+Q0od+gG0W17d2OWabNM44pQ1SEihIiqtYinz+dzNZhWUcj4XBsQXTTebr44xrtarAqSNHUuaSIM2pxAWpH3ThRQdGqOVNSYVjuPglAJJn//+d1zzL3726Xazefnsup13IY1gtPY6xVNMp5mjOkWU8me/+oUj7VB31oNfHPtYKpPxAlVrAyzAcjqd5vPZzdUTYSZShMIlawVeqzQOjdXxeIqHw9V8sVqvxhAskUaoOZ32xzDF/jBWrgB4f//gfWOdFYbFYmGtRadqmGIVIURFICClYhXJpUhSVIVJBEXAEOYpzLQm77/57A86pdj3/cAjNvMEyllnreNYijABkda5VlSKiFL6b0mJ5+k7ISBRrSyKGueQUCqLgFTRRDWXlBMBU6255FOcjruqtE5kENFbKinHlDKz1nq1WqcYD7We4x+tsdZQCIFZzkPoKhnkfUbdT/BnIhIQZtaCULgUPtux+t1ht9l0z33qJyVwVjKel/GKFCGlVB4e3mmtLy+uUJtpjCkVYxwgVC61FOPcaRxiiQQybzwZsgQf3Dxddo1Xyir1sNtOww4lN90ip5RzFlAAxELeN5ULYhn6I7J47zLjqT+lEKZpgjhcX168evXq22+/GcYREBmhsgBgjeUPv/13X/zhD9P2Yda1nMNm8+76+bNf/vo3hzG+/eFNM1++evVidnEdcj0cHyTndOoxR6dJn9VxZMl25BeZYXsaY5Xler1u0BlDvrGu1WRPh2E39NW6AuTnS5vyFKecilbQej+Nve8WAKRBrheL08X6m2+/+vwPv79Yr29unlTtCLRqOgJI4SRSEdXpdHhydfXzl68e94c//f4P1dkyN0q5UkuMgZQyRCknLhkRl4ulsaaUbIwhkTBmMj6lXDQS89dff73dPHz44Quuz79/e/fDu/vA8uTFq/1xrGWMOU7jKILGmK6bAQAqOh6POWez8Gi0tQoFcioiUEvlImf2uihGZQiUIkUiOUZqSAMc3r7RadiVdNWsrkQbSsR9IKyAZdLi7czBEmrWAByilDJv26pNZcilEhTO9f1qVqRqVsoKIQE6bbUmN3MsLhz202mYO/vq00834/Hrd29rLjNlV6QMKtLMpRhrZ94LKglliBGqDKe+aRsiqFxzLaUWFmnnM6PNFCYWUsqHGKUKAhArAQSEXFItcb/d9sfT+mL55OpSoRhnG6fOoqCSy2w+H6dps3lcLS6apunH6TTsrDWr9eoMBWIpygAho0BDSitqjSWtwumkrbm5vSXhaRiUVk3bjqWGKlPJhck13hqO0zRNIygL00DTcdG1Avy4H/spahAlWKrkXL766svt9lFrRCKuyKyV7b5//dXv/v5PCsS2M63xcrU8nXrMZf9us933xqpnV5dP5vOh7+/f3I1TdM46a3zjAWsuQ4rgmnmawpu7h8iwvL66ubnONbfztdXkua5Xs8fHTQrHmIMAgBApRaA60wwlH087CTvrXD9si6j2+umQO2v8anHtu9ny8iqxj5Ga+SomRsRCC4ceSrxaP4Nu/q4/RM67715PMT/5i2eqoz4lraBVaGuwwvs4itNZEyl02iqFJfOYCkDMPzwaVGEc9o/vSpoe03e/+z9LtEEAACFnSURBVPbt27u7IjhfP3mMd/s+NN4aJyzmsOtJFDKkXJq2ubi82O23x9d3N88+UL5BAbR6zDXVHHOpIlxFg+na1TiOdcpOw9tvX/cc/uKjD55frXUOkyZcLpdvd4OwQUBC9G038ZhzJm0UkTEqhYELWWtjqblUZYxSigjPnai1tpQsIsZoASACbbRvWuvNiSH1UzNfXl7dYJy93m5jf4op1aZtm9kQqtJUmB/3e45pHAMDWq1KLfvDnkUqM7z3ItqzHiGkEGMUQREWgZRSzlWfARsxhGnc7neL5eKjjz5EgBRTjbUGaLz3vlFIu/0+xnh9/QREHjdb1Np775xHpFoTnimQAERojLFKG00oQgKu8d99/6Y/Hp9cXsZp3PenjKqCmUIG5UDpKWalyDWNsAxjKNPgNYKUGCZE1KS4RKvUcr1WJJ999jkq9E1bRVIuWuta0pMnT179+V/0u83Ti9nTy+X27k1O5dT3333xeT/F559+0h/2n/3+HzMQC8271lvXeDeNwxRHTcyV7t68FTSuW7x49oyczcPQLWaN1lqrD56+fP3ddw/vHvZD0KZBoipSK2TX5vFU4gjj/rA9Xawvl5e33z+ejm5mVqak2DTOGjWc9svVetW1BBOUtNluc4xzpwBTv7k7bu62jw9VsAK9ePmqbV2fYi1RIR33x90Pb5/e3Caurl3NOu+8q6XmlHIIteRTDGUKJSVFNJEfazkeYy3DbHatSOvFNfkuTXuqUxz6+/utVm62XDOXy/XSeTvvXOuvU+9TjmB0432NhWOc+n4Y4nnWXHLdn45amYrYT9NHn/zcy/SHP/7Dt198o/PpeNw+tte31ujKGhHg7F8RQHgfBhpqRubKnHMGQARIKZNTShlrXc55moJz9uwvV1rHEIe+54d3ftZ60t38orD8zX/4W2z1zdU1z/3uzf0Xf/jdYr5SbTshstbeNo6UEPan3iTj2+ashgAiEcm15KlMKSulzstgZvlRPQHMnLgarZGw6dqX85lzVgDHcahnAgdDFAjTdO6ejTaH456Ucq07R4Iz8xjDWUvBIkiEWpFSOWUpSIQ1J4WAAO+2+x/u3hGCa+cCKoJR3glqJHWuVlNMXEsJw3LWNpi/+/bbt5vT6ubFav0kTmhQvFO1JKVNBYn53OAzAo+n/el0ePrppwv/5+W4gzh+9fXrx7u3IIhAQDT1R+OMMp6RlLaeWq/gtH1XU8w5JcAqpNGY1l9crhUJ5/Czn32KhJrUh89fvrm72z3uwphzKMTVKPGahkoDaKcN1Jj27xqJcuIJMUfKtR6Ph5wDc3775uHYn1ar5e3NtXd2s3l4eNxNIXsDndPhtD/stuvLq2a+GKaku8U49VNOmYOz3miad03NU855qVbIPI7jNI41Jq+VFjDGjKd+msbVaqlcW8aYU9K6Ue0KSE1FYIyCGMegBFrfAKim8dfXTwgxhmn7cNd4RzU7pU7HPUafGNIYJU5eKUlhrFX7jhnSmbdJOp6JXL4j12gqiUr+6ovPrj76BaAoo63rMgcUrKVMOSio1ltn/dki3rSdIA5TSKmcjdLMknPiKsYaETEC1hilVBY+jUFMI7VY4c5p3zYKq1IwWy/+zX/6229juX318SbGYuzl5ZOZ6y5WS2MNn1Mnzlp/hJhSiEEEtIEzY4eU+tFILM55ax0zgwjz+xxgbXTJ6Zxp55ytOYZxAEQgdN4rq1JOhsh6k/J5GlsBRCnSWhMoFo45c6lWMFcgwrMGUaQqQjS+lBLGRNoq45lUTCVMJy65pMkZZbS+Xs1nhsftqd9vNw+bKKrp5gRQS+pzARAmEpDMopRChfvtJgyj88bP54fdrvSDydH6jitIiQDYrZaLxaxrW+tb1JpIA9TN/Zsw9ViLVsa4VhmzH0JRqsnjetn+5V/+mhDDNNzePt9utj98/8PxNIZYtW5IWWQgAWt10AgKQLiGYD05xPl8fiLp++H6+cJ7M0wBjdbe7HaPm4c3UIMhsc475YzSRMCklte3i6vrfgrUzLqLawZR1syssQYMwfz2+rQ/zGfd05snVRkB5YoZzjZRkZoSSLVWVy5QcqPAOG2s0ShIIjVKCa6kMJ4gcQzpgxcfPnv+4v7hwRmjCbSg0/Tl51/nWsH7q2cvQohhDMAEUhWoY99ftB2L9EPfNU0RnnLaPN6vVotnv/ylnhn98tnN5/s+xaldztOQxxAUCREpY0pBAmHhGIucZcpIZ+RTEeHKjKyVIVS11jBFEalFiKWbd07RME0xRlXr8+uLX/3sZSinN3ffaamPm8fX//D3x8N4dXn96c9+dszVuJkzXhiWF6sY0zCOqJQlJEUGLSMw8/m3pJSYhVDBexL6++ikwixci4gm5MTCVVlTubZdp9Gnkoko5aydbbtOOzOFMIQJRBHp9/ZkBYDv3Wp0lvIzgMg4JRZWSrFQKmcgiEXGEFKpEwMJM4KQVAPVCG/e/PDF5vFXHz8/3r+ZhsOiaxSRnAXhFWIKWpkqAtqQJgCcptN+u7lZr+ez5nDaHLePlkVSuXzyQdN2jw/vlDPXT590yzUqo51HVIfTaehP3urW+xzGXOKQSgbpLi6vnt7cfvDBL375S0UIOT+7uRzG/nG7qQJVCLStoID0mRwcyiQQvEWlDZuO2obapeh2NtNxyof+OF8scsB2dalnS79cHXcPksdGgyKtbXemJ/nlpTa2Mmryq/XlbH01imZg22iFDDIapMqHN69/0MvFBx99JCxciwJI41BiJIDC+e7hvu3ai8Vi3jYh5ymk6osCqTmhsJWinAG9vnr64WJ99cP9PSljZl0NEzCu1pdtN7+8ut4O42F/9MsV90kZw4kBlXdmHHa+mXWNASnGoIRivUlpyrVoqTlP48VqcSrROkuip2OpXM62KxYBrlmqQm6sBYAQQqnsmkZrE0LIORhjCFFYkOicpVdYYqmp1piLM9YRXHZ2pcrd49uPL33jF6//yz8M9/fOdQ7k9Lh1F1dd06JoZgkxKaXmy0VlPg2DtsY3vtFNSomL/DehGxIg/sjeEQE4B9edVYs5pVpz1zSuaUjRatYN05hyvrhY+Vmbcp5S7MeBpRrdCsAZbaI0AUjNFRWdJ1o11SpMpIRxirmCoCJBrCVRyiTIiO+vBamSp2Xrnj1Zz4zcvf7q9VdfNFQvV4sfNv16tWhbX0sx5IRYa03eD6mkKjnEKcSL1TKGcTw8tE4a4PF0xFy0sTcvXknbVg3JqwhkQB/6kAszcDtbIJfDfkucU87imtvnz3/5l7+5fPbMtR0QVC6X67kGePPV9198+W0UUn4O1g/D6LV1SgmhlEnXkYmmXKG7Xj7/UCndFykiUlI/sGnaZr6Mot5u7qcpLpfXq5l1xMhSCo7jlJmNm7M2ILKar9ZXVwBQUSunWUMpwWhzOA6M5td//U9XT29AqSmcckne2tPhdNrvmevD7tG2HpU6BFa1iLJDldM+zGczYLKEKCKiW+f//Nf/7H6/O3335vrmuiAUQRIC0qjs7jTcPn9xfzgGBtd0giamcbm+rnXcbN+ONRvblFxJ0ebhDlOPcTAkOoxHoygM0wnqafri+e3zWeuGPujzyFxIWFKKzqiCGREzS86lsiilQowCcDa4IJLRGpU6R1WPMYpGrVUVnvL09k38q5/f/rNf/4UxUCb5f3Y7nsZ//i/+lzRNj/13v3zy7Hjqu25JAMM0aa2atrFOo4JaOYZgjLXaphrPOX2Fa5IsIsJy5venGIG5Sj0/wgHEau3bBgF2+12jJeXkm4aU2m53UwgVARCV0ore+5XOendEKDUbbbRSudRaa0wxpQDAAiiIypgxZOsbFNAELMxckIW4zrx99exGC4/H44uXrxrFu/u3ANq3M2PMcbdHkLl3OdcppAaV00ZqBKhW8u7+reZa0zRKQSCjrZDT1mYiu7hQ3oAhW3E8jaWyMZYEwxRSDKUyCi4vrz761S+fv/qIfGud186ggFV23w/bh/tv3tyxNsyYSk5cUSllFEsNsTKnFA4D6fn6+mEq92OZzf2YAhharC9Q64yEpFKV1dXVE2MIag2jkCBJjGEqoq1nMqWCdd51HSjDwgJkjEkllJi80UMtrutuPngu1owxTGPURqNmMcI1f//16zFOf/5PfuMW7SHaArom6afMklwza5s5iuQcWdH19ZO7h83+eFot1sw0SR1CXHnXTymzvPvhLosV30wAxbpcebZc1hg1lpnCt+/eIGkGAoDnt1e7t4NTen//g64yhTD45snKLpLQ7vHN9XLeGkbSzs9CrFOK/bGvhvRibqz11o4x9f1JSHzToDKVVEWFCNZaQOZSETH0ExG3M4+aC+U3p/7vPv/if/7n//yw293/4+//w7/5t4vrK/B2H6b1sw9DzkEoxOCt8UZrZ1BJ4Xgu9UMIZSq+aZxRABKZM3NlrLVyrVRSTRlSgFoKgGiyjW/bzjlHWpHAfLV4HAelVM0ZYgZQ89llYY4pMwud3etSz0BJrTDGKYEoohhziskSW8kt8bxtbm6eVtH/8McvZ64tIDVHb20puYTQNc1Hz57dvf7+P/7N3zx9+WHysyFld/0zJHh22yiQNI0EqITdbF5rGU+H0+6x3z6cdo+K83rRQq251ig2cX328vl8dVlYjoeD184qHPvj/vBWuMybmRHu+ymmCta3F1ez9eVHn350fbN2rkHSJSRhVMoepuH+YXM4HEbVYaesQB5Gq8EikkQURKKcyxARG+uX7bV1OYXSOWztKUxa02xxGXOO02CtQahpHKbDyWszmy1ijCmWWmXhO9Kmnc1805AxOZeQqu3EYoEcvBIsIUu6enqTgGtMsWeOPrYh+2Rv3EWZ/4vf/B9/93e/3Wx3h9Ir90xB0iWuaaoxnL66u4+lj/Xy5jkuvaHyIWDeDg7gFIcDT2Qo9MdScuaap3S9fHICGhWMkKfxsMhTe+hrnE7bd7zfaGvRej1b7Q/b9eW87nf7b3+rX776VFknSOMUUBtvaBj6edsJoLB03muo/W4Dlc8kbGeMCACR9cZYx4Kx1rPau8ZYucRpLNNktL5cXzirU+i75eLl7c137979n//X//2nf/xdK3X5s5/bwvPbDxbNQmwbCyhBRK41MlquqmTxzjLXGKcQkkIWRHJCyogI14pCkEvoByrFKFVTefv2B9s2lzfXi/ncOhdDSDHGYbLWgBKjtfHu7HisWBkEUEpOUgsKlJxyOm9qAIVzTiiyXl9ef/BSQT3t7p9erderxfX1zX/+3e/drBNNlpqxrzFLrfTRp79azufffvvVHz7/urm+taurVFGBco2nWhGlpqCQndFKEobx+2++urt7G4bBW7uYdzXnw1SXi2VrtRNy3i/mc2sopzwzOIWcxzEeN1Cq07YWLiWBMs2iVe3s5vmL9e1NO59lJgMKgaaQ0nGqApWliijjWkFBnEJUCs8qWkTKKZZScoxWa+ecUUZpyyKkdAihooiYULCKFrSMChD74cg5rdpm6I8MQlqlY4w5LrtWgKcQtLDSumm973wukRQpMLvdYbW6vL66zpWVskh51jkz14WrxPT1w+OX/O0+DKc6rduLQmocp+mwqePRQJVSdptdYnh6s+6art9uv5c+DyOSKo6c0whifTuOo7X6f/tX/2tlc3rc5XFcdC7sD/3+6AXv3rw+xkMYeha4+ujTy+ubkCJaUG6+vP1Q3z3uTuYtXZl2fVsACFmRhBDIuDKOhgpIrTmP/VRLbtoWj6fZYmW9kZS2+wMDgjKIyhgVU2y87ZwjTY0znbfjOIzD6LT+j3/39wTSH4+nhL/5y1/PSq1C3//wrlN14U0NlUS88qIkTVNNsWm9AhVTTKkqMiAwjEOKmVBJRWSoOZch8BiPh93Y9ylNUxhv3LP16gIBDvu9tVYKt03jrEGrnPfWuVzyOI45RQRCYSkxxCxnUp2IRpTKKcZ5N7u8uPjg+fM0xi+//ExB3dDx8y++ZpAogLaJKWjRDDrFamyDrvvsuzev3zyMyi2Wi+Raqsp4UYQ1DkgyxUnSpLwtXMu02739ctXN5rcvvG/PognnmsqSU67DYTZfOEP9flNyOG4fx9NBCVuoGWiaYuVkfAPaaGU++uTTp68+VNYJotK6DznG8XTsxyl43zTdLKUaYwIERMphPAsHjdLamFILCYlVBZCUqqCYjKAWpdFZRw1pRdbWXBvXeq/7w5aI2lm3XMzGw+HdwyNrx8DWGWM1iwiyUuS8Q0WkSYPWTbe9f9Bkb2+eASjhUqCUEvv9zgxxONxRzleX6yDlr/7H/+ExHN/s3oVYtTPaqt27XTxubtarywvnfXs5kxRP7+7HXvTMdUqbuVuNedKGpOSvv/nmv//1ny0uF4fDqFReGDxtt/bQQz98990Px3BUC3t9c3P9wQerpx+OousYYhlroeNx0rGqVbvQzbwKIIhWgIA5F64461pCxaVcPXlS0hRjSCmFXEIpgIQcjfPKuNZ6bW3JqXHucrUkFOTUOH069Q/3D4R4JP3t9+8Wi/nV9TO9WG/E3Dx9ZrVfPv0ohtg1s/44nPZHqinVyiTG+TLVY+jPGgYgLFJzzSEHApWnEscomS1pKBUZ2qa1mpSi1WKRU0pTEUTGolFZbZxxZNVZJpRzPgdyjcdT7EdkllKN1jFF51zORZhnbbdcLYHo7//rf908bNrG+cZtvn+TclTWdcslGVsFRVTJPMQoKf/j51+iVnq2lMRqvhpZcVXOKqllHNMIKU/xsLmvcVIoVwv94tUL5zsB1XYLY7tcgYXuHzZhCpez+WazSdMQp6GmyWllEM5I7cxKu/bycu3ni2a+XFxef/Dyw1ShFGaA4+k0DMN+vx+GcT6b397c1sqH4RSHybWuipQ4KWNIigLNOeaUmCXGKQq7ptPGEtlUBESRQi1YayGWmXfGqNWqgzR6WHqF3prTNoYwVMPdrPONR4XeeVJKWwsKAEG4GmOOpyGl+tGLD41pUsohxSlGBaI5bb7++u7bz7zSl1fPZpfP//Tdt9/c/aBb08xvEUCgzjpPgY77BwJonz7rd+82pyR+VVxzAL5Z3DqrH+92L1++WK5vvTb70/H/++1/JuvHKVhl7RRWgkXpI4BfLJ79/NVyMSdt932otjNNF47Tft9n0frZJz83s6WZzQ6xshQymkvJpYLW+9PJaauIc065ZOtd0zZzVJmFQVbtkhmmVHLNKRTmWivtj1JzPOw3/ek0jRMBXl6sjW1efvhqSilWuXhyK5qyaE0aNS8vWgK4bi4B6n67dW17HIaaq3WNAIoIOaOdIiJj9dTXknMecjyNnDkjVeamawFhPJWVX3ZtF8YJFDnvQKRyyQlQhBIO+2OSKgSAkKeQh3FhvbeubRvnm+1utz8e7+7uGKGbz/sStTFTmIpRIwoDmOWFEgEEch6IpJRYciwplCyAkJVGdL5dXVAIpW0bZV3mXAR1u9BQSJu19wqqd6bRlaASqpxqBBLAKjBNYZqm5Ww+n9lpPMVplJqNVlrrEONpyrlW1/lf/sWfz5arZrF07cx3M+Pb0+Nhv9877x/2mzBNJeeri9Vf/+avuq797I9/kjjVOBQtSCSc4xh1NzPkxinklB4fHjOAv7wEpVMVTeeoXyGBs3ob6sRKzZ9cdgoe02QVQE3DEPrhVLmSJuOsMgoVCgkoVFYjUS6FS1HKz2bz64snUGQac+X88PigvWmNev3Z7zdf/2lOzJV3SUVquZlfXt8IcK7FO1MIWVE1Wrgsl4swTdvt3rlF19JU47vt/ZTTL15+8mR58e7b7+7e0otPPqTONcvFt3dv9mFQ8RgfjjKmKcX25sY3dhQdD2M312OtpLGMsTHu6vL69F2jnz1/NaELQNYpQgMcEcQ5h7atoFjEaD1rbMmh1iJazZcrUSql7FW13q/ITKmchoFEgVQyNF+sFuvl6dTPfTtvuzRNWmnj7a7vM5dj30PBd9+/k1qM0U+f3lxernOMgYfduAn3b+bdup25MIbKCERUqy4kilmKAUTSIqWiAqWRsIDEklmhda611ihVETJzKRUBuNQkISttgJigEGepSqFXyhozM/pqvtJW3z3cd03z+rud88Z07Xy9Vt4VAdM4zaIUaaWZOcUkItZY4RpiTLmQIj/zwkhKnR0LUhkra1KJCdAwgjYq14gWSFuEWghOEkuKVhvf6ka7GlPOo1U0945T/OGHdyWF2ayFYmpJVXBIDM3icnXpWn0qyRlVS+bKaZjGd7vh0Evix+n+lE+z2ezViw/+yV//9c9/9rP//Ld/Oxy2mEOd+rHmVDnnDESztpvGoe+HzXYXpzC/vjZNUwFTqakETQa51GkIp81w2tc8GmfSafXoLAPnnLzR/fF4//iQq/iOAUXrM/IRz7knXEtKiTQ650WDFlNKJkRBWSxWBfJpt/nhj388ff57uFgYYzlh++wj55tutcwpHg8nyNkiau9ZmylMIng6Taj0vJ0vmsY4mjQW4cf7++ndFkRe/OLjx+2Oap62u55zQOiUns8WfTz6RZs765YL387i1J9yjpU7VEqBUyKaCKre5vLsw1ePp6mW2rZ+6guLGGsrFERRWhtvjKFGt7XkWrkCcM6Nc94pQMiFz3lypeTdbjtOkUUQiCsNMY9hX1JyVuPAxmqnYbfbtXZ1vVjGOAHU6XT4rt8rrYTUmFNMCaCPpRrrGIkZNGkmJZUJ4aKbK9TD7k3fD03TzmeLzNmiJUMaxGstikrOgMClCAuIIGAoMQgLAiMIijUaLFqFJU056VPPKdU/fv6Ppxgvbp742ULZpjAIkvNWlZwqpKpKQQRrgKf9iZmRNBIxVmtdroVFtDfTFEmZRbMsWUBJLVk4kSYRESBR9kcpbaNaqABjSTlnB6iUqlN/3N2XFBEKImYEQlJu5mxz1a29axbL1ea4IdJc5HDYng59LRKn5JSpsSxWyz/75Jdd2zy9vbm6WPzut3/71Wd/Omwf94djyRm5Kmuf3lwBmWEaoZKzhhC7+axpWtIeKxCz1ISqSo4cjnnc1+mgIRmyw/1wROxmCxGRdnbanGrktu1Wi+VydVGEtSKntUJVSk05x1puVk8a3YQphBgQEZxONYOS/cOD5Xj5ZB6+wrA9mtmyz7vjdtO27SmGFNOwe2yNxhKxhGFMteB2d3KudU27P+xjKjSfXS9Xrl2kKWZHxOX1t1+281nGOuawuFhdNU0Op2++/uz4uH36s4+5Go8OC6maU4glMy1WOYfH7Zb3e9Cd9utrUfj05vL+/iH0p7ZpSStBABGubIxGDVVqLGy0dpqs0lIKVS4FlaIUQjn1s9lsdbFqzZMQIiBKZTNTQqSMQYScJi6xsdg6/cmLW+GmpBTCyJxTSqIoM+xOo3Gzrrm02ojIfD6PJTOI0ko7dzaLcRVSOF+tZsuLM6B4YXXOkegMwBAAIK4AUHL5iesvIqBRoQYhzjmNwzHF9dyrmrabt61ZaNPMvLu4vFhcrrX3lbnvx74fuCQjsdo5uKWzziLpMtU0MmoW1AQAwtOxUag0DZu9gHZuiTVL4VoySDEoVHNKAZUqImQcKQ1oEankSEBW2/603b97SyXkWgCAQYEy8/WlbbpSGbjiNGqtrMiyWx6GYdnxZbdk5uN4HLaPerG8urycUrx7c881/f63v/XO7HbbXIq2RhRdXt6gIue9b9pcOSZVKseYC/OTq+v1zW0mV1LRyEUyj70hcQ4mSCCJkDUKIM66RdN2vulq4e/6CRK3c9dp56xlUqSUEqJUOJUCpYK8/e5haibMYoypWkTlPhwgBwcyc/BXf/2ra4C//9f/3uU6X3dvv/9Kx57crGTxWNRirrR2ftk1bU0RahXm+/v7x7d3T5598NS345uHwQ89MHolIbelfv+P39jL5oPnz47ffXMcxnHo99tH0qCod2BspDIoiVKHLEAQTwIFFJhu1V4817Nabrtmtlxez5rH3XZ7PAozGh1SsoI3XaOcGWM8813jFKhUEiAi65SIaG/8auZ9M4xHRJx7O4xDDMHPF4KMgAgKGFMsacilsXHMzqeSM5cMyCkHAkfK3NzePLOuxlpSPp1Oxjk/6wChMDtrGeQQk6BY625uZinm06nXWiuNKQVtrDempCwAU+yttVwlxwgC3ntlbWBBREKVGWspwpijnE49l8g8dN4/W3SH4TG922Ljt5tHAlExhv40ILcXT5uLm34zbfsdhtPFvNvuTxnUcrnEElXJLdHm/v7Lr75ZPHv+5ONfuNVVJlfVDIGVUSWGzf1dN5sd+74Cvnj5YZWSBL3RXCULbvrwsB9X827+5FIpIK2bblZAkFSr8PD4+M3r19PDu5vbJ6rpNofD6mK9Pxy++Mfff/LLX7558+btm7cff/xxO5sXGrlEjdL3fUqp7TpltCittY45Uy5KF+fbZ8+WwxhOw7BYrUnrcThlnAiwa7qQ8vbweNzt2kav5q0jGMeJwVwsV0+ePAGEcRwPx33l4BtqOzvrOgBUSMYYBZRDiiFk4EkKgMUJLSotpRbhwrUWV6X1/uGrb9P9d9NpWD27fvHq1UMaVSlrR9fruWJ1qKmbdSAynU45JUs0xXEa+pyisjqlGOK4vnq2CanmbES1XaeH8Re//Nnh8N2X/+nfDmN0vmm77tmz20okRAJ6CglASUXjLGmntfZt61cLGgfPVf/wh9+f3v5QEW6eP/3kl78UDq/f3DEZstYDffFffkvWXN5cW++nGB4fHqTyvJt1bXv4/hTCNJ8vFot5Svl4PHrv26Z5e3ennX7x4cspViBjjK+FFSlSKGyGMce0ryVxLc5ZRJzCBKpSlQqjME7DeDgdZymexZ79MDBX5zwhTlx222MpzAwp5qbxq4tFjPHh8Z1i5pRZ+PFxs1gsuq4VgP50QsT11bX4eSkVUWJIYQhSYu6H0/Zx1picxpNs/NHFFIylmsPu8Z5T3D68SzFePLn1oI+n6etvXudhP9MyeXc4jYv1k9O4/+Gbr/LmsSlVVwmnYXh4SLV+8Be/McurFAPULOShptgfrleLi6c3xnrX+O/vH6eQri8vvbMEeP3s5fXT5ySSU+xmswRcmLVWpSQg6C7h+ac/y08uNdfl9e2vfn1ptHl7965brWbzxc9//ot3d3eff/7ZB89fLq5IpBDnaexBJMa4u38H2r54MSOkUuo4TuOUBIkBc2HrLFdAoFrCdrs7ksJSOQRI41TEYjVGLxbXSilQ6mGzPR53OSWBqq04q5SSNMVhHEYu+p12qOdNq4xNNYUcWVcupTNekxKFIhWljPsDl/Lmj18+/PEfPvnVL65fPU8dbQ77brGop8394+YXH/8cZt33b9+GEKwxjbW6aVwp/WEPtVxdr63vHh7umfw2ZHe5Wl9eQho11O+//vLNn/4jh4lcc/Psz1w7GyunnEHaaYq2JevM6TAYO1ss5q71YCjHiachxen/B0upQHcydws3AAAAAElFTkSuQmCC\n", + "text/plain": [ + "" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "4 the blue and white colors are very calming\n" + ] + } + ], + "source": [ + "## Bonus see some Images with their caption.\n", + "max_results = 5\n", + "for i, row in captions.iterrows():\n", + " if i >= max_results:\n", + " break\n", + " img_file = osp.join(wiki_art_img_dir, row['art_style'], row['painting'] + '.jpg')\n", + " display(Image.open(img_file).resize((256, 256)))\n", + " print(i, row['caption']) " + ] + }, + { + "cell_type": "code", + "execution_count": 26, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAQAAAAEACAIAAADTED8xAAEAAElEQVR4nDT92ZJjy5KmieloZmsBcPeI2Hufk1NVZje7RVqar8sH4bM0KdJCkSKrKyszz7Ajwh3AGsxMB174qTtcQrAW1NR+/f9P8f/4f/4/vnx5mWO7XpcwR8DtOK3kpSpYh342TDufUhbjgvMA32ff1qXtvQeDIzBxK2WevYgWkSDd+glpTCkCKphhYZGR5g7EzIosZiYUQhTuROhjMIEhjfJFy620F0gA323c0beMkYmETKSIbMNllfCew/2cLGVmguqiX3wAUpifxEmUY3SBVJVpI9NVRIu6uYX0LCkrJEvMYruPRy/jfP/5bW3z+cwZCFRuX09WFKFlSWAm/fn9J9reCkNtR/ciS+M2t7795f7++8+9d10WYP7jP/5jqXWPsy4tAPdzomhpC1Ny/+/P+3fBea0Q8+P1qo9Dz/K/YROsb33UVmvV58fvHzX0PP8/5/lfkObb139p638+utvcYT7ZnrF/z/5xbfyEbc6Bp8eREMtxatBicSJCRJaiIgIAl8uifMw+0i3CULnHXK5LrYUASxWfw+ecc2BmzuxHZPBSVcQSeil8nmNOJxKRyqTT/CHrr3/395h5PEb08vuf9owySdd1JSIzc/dMQAIuGB5KTJgCKMS6XLKs52NnYPPsCFn49ctl9neECVmuL7/Ildrb7I9HASFLRTjPO1DfzjscJ1Ilfeu2TLjeN6jttj+fj+1Zl5rgZz8DXEVaKUU0zznHNIuyLkWu//HvH9+3/Ze//yf5+vUXAHt5fWtN0mOc4/WlDnYCQwxIO58fHz9/v1zXelWVjNwuS/b5Xovyet2HE6AKLy83M4PIaUMEwwARAOA4zlrUzRFJVFkKILEoM2cYiyCZ20wkZBYWqpqQaUNLicgqZAGBiIiEFOGqLCqMiMwzTVSJOCClljAjJmIIgIh59qMUJYA+TmYEABbajycRJSQiiaT7rOw5dsJjnj++vFUYD+IjMkTKOX+U9WuPbqOb52W5Fup10VrLBMSlgGffN+uTFb7+4euvRbUuHmnhNruWaBU8/cuvX8wMmRJm3O3lH74KOnq3Tpl9vd6W2ys32idcltaKZiS+pGQvhcOUqCkuOXAt0P3QBSutH/Nd9bYsOuOtAfTHR73xecz2bWVdmvJ//Nu//fLrb+F+e3m5f3yoCmUTxDkAiR3y7cvXxAy3fp4ATpEEWERHPwGhNBEsKnSe27JQZIqwuUcmIOznQax/+OOvnmbdmeX9/risL+6FEd0NSUstc053BwBEaK0QAAMQYitFmxrFAR1QSei2XPR6Oc4HJERELXKe+7Isj/uWYyu1iISNHblPG8x50tLay9Gpttt2d9X2/vM9w1up+7YjAyJWrYBQRO3sArzUZYqLVjP/+fFzn370Ltt2lEJt0TnNzX7+/Hm5XKIyYdoc6P25/6wLXV+hLU/vB1OM3telAiVyLK2me+8n1upugSCFgTgFCAEyVQQiW2MkOs5TiEQLEROLZ0EkgAGJl8stIxKhz15a0QpuZ8xDcUJ41eIREalCpUh4HOMkBGbOdBYWFYtAMmVFShbM5IiEnFKEGDNcVNz7elH3cAeg0OI2O6OF7sTHN4nz+ReMSWKo5LFxeRnxkYCtXhF5bL8XzEu9eczCihke0c9duZRfXwLALWrRfT98P/dn54Y//vpvX399C7/fvqyJ0ftT6B2Tzz6FeEYQFdIauaFDdHffytLO89+FO8Bk3AU1J2uo23k+/72W3bqdACwouobq2KVooSbdNr5xXdWjPz8ef/yH23H8fHl56fM7yiAp+/2c59mK3h/39eX6eN7H7K/Xl/SQlI/7ByPUUqrqtJngc25jzIyZUOecbmnmWvT9cV/Wy8vbS6aZOVEt3EQtjT3CwJFoDCul7vtTREQ4I0RLK+V5vzPhdo7f3pbIfn0VBjl7aIF+PJdlsenC3HsvrZ77Dq3H+SwJuuZ9+7eIuN1+AefJL8cpt9vX9/s8Rs6xu3m6k0qYFdazd0QVpu39Yy0LAcw56rLu+7Gd9uvf/bbO+OM//FGej0dp/PbWIMN9fPv2RkSHDUhnCtb8wx/fGN39Z9/+JIC9TwLZn6eWi7CbTYS8XFYzUxVCTnFPI0A3z0h3X+qKOCPj5e1L79M9AgiIEtgyUaqwDncV7ee5LG0/HkyEEYKG4UV4mgEAExHhnCcTt6oRgYKGkJT9PLUWhOE505wI3KcWQMgx9lIKMiZMpMgMRCBCoIR8ME2bD7cP749CfS0c0xxGAspaDRzAwt0HXm9f5vtopJQzE8ETRnj3l8t6XW8fNpKwgGb4tOM8H2Ex7wAQj+8/242FD4eOOCrd09nMkxeQ0mdeLs1htzHQrfJ1bD+2j/8GtH/58qWVsvz6j+A4zhNjy+Nf03sGgTQS1WUh0VfWOc4R8/m8rxd9fn+fPi4gk0Er//X3P/3hj38E9Mf9Iw085n6M1uq6NmeoVZZSz31/Pp5CBBGE2Gr1mIAhmvM0SJhzZgIQIeXeu2deX197ePaDpaXn/bm74+xzDABBn7O15m4iHO5UNTGOY2cE4EDh2+VicCQMVrosFz5Ca5kf29j2l7drxt738/7zfXlblmuBejG7Px/viScQjRnT2vrtX44z/9t//EW59tOtu7Awy7kd6b6PzsLoAQkKQgkxLS0mjTlMi2qp45ilqlzWogVt7kWyavjczEAI00+bj1pDYBBOoTxOByBBIahYqtbbdFRG0XK/f9RauRTAtLBMJyBRVtaMzIAIRJI5DZE8Mz0wAEQRMyHcMwMYiEm2xx1I3U6EwBg2zjk6t8JEiInp7gZEY1oCltZQaM4pooJIkuPcAIFLQUyw/GydAAMwIUOVIx0yEhJgMrj7kbGLGjpwFOtznFNrAaZzBAmKViZgKn76pV3jNBsDiAgi+2xci9KxP6bAenuLMfrWw/uXt+vHj49+yrpezvP5fj7/9O//9i//yz+p0nk8Sl1FCzIjKteqSzu3jaBf1xbn7jmFurlZh7UsQAQ5Hvf/Nu3jUva5HyQrESy31cD25zEefwkbZv52uWzb/vbyAglKSkSI6Avu2zz2k6l87D8w4uV6vd0uI+Z6ux7HOd2WpYVb2JyjZ2bvIzOZgjh23yiJeT3PyaJSWj/6119/k7b0/QCL0cf+PNxqxrKst4Q+00SEmc2slIKI5p7gtRYkXNalNp02q1TyICLPAYTplmMkyO9//j3icb1cXOjcd6h8q9e2aO8j8wQqDi8W18jLx/boXjDZRg+zotV7r6I2e3hoKYLkw0pb0oKRgfk8RxKKyj5OIv7x43d5WYkkOPbZe1EE9MxMy8zx/a//jV5rERM2GwfDch4nBdfaEJfEVVX3vm/PR2RerisLm1tmEDEhFtEwj4iMHDZLKcRCougRCWOMzCHCVcUB0n2OnhGqhbX0cbSqHo6AmRk2gYiZPDwhbQYjs5YI/7g/v339Ns4ByTZ2Fojw2Y9aSwYgAiQAZGaqqsfMDGJKCMDMOb1vsz/BT0pSvghHBEWEtlWY9yMv1xsx+wybgRNUWpJluk9TESYONxG93BbiREbM+PL2ejyeby+3HWofQ+UCgfs8/8//13/7X/7X/9R0FbkGMHABkun2uH8AAODszzM6L8ulLi12fP608g0hJubu/t50P7afl/XqYZDzePwIkD5swR9UYpBmyNv1tT9tWS6RULS9v38AkJC4y3Ye69rW2gjDbCDDn//8p9rW5eX6/LER5r7vkEEiUsr5vC8rXK+LDT13y0SVliD7Po7uvyw3koYCl+V133x/vkPC2+vr/X5O92Hz7e2t945ImRiRhMwsmHD2eb22yFyuq/kcx9nWlzEtnNAnhfcRpAiQwpTnJCSwNOWzl1r/mLCUekP+BlK+P02wLLqM546R6DHPcx4nIIJFUW1aRu/CzKTnsVtGALbLOiCRiDAEQQnl8f4fb18uSF7YYpyQqcxE2Pv+h6+NyYTs/vE7E1O5FBUE9ECpBbmMOTHzdr2QsEUEBDJiMAJDxuinzRnhqiJSEDkSCGmMDkS1LYAImT4nITz3x/VyOY+htaGwMiRCAnhEJCgSAiKC2yxFh8/wOPsk1bYuQKgqmMEI+/GstdmcPVxUbZrUOvohwuZmcyJhJmQGZrgNihDkurw+H/sgViTUFdMT1ZOYIPphzFoaBmaBaV5LGf0EgCICwJbkiJxgR/dhMedMZ+I+OrG2KvsYWtrL7de//PUv//7fP/73//s/ISETIAEymh+QUXUNO5k4S0tUXd60xDxg+GD2/fHz7KcAXm+/HMexrjV8imTmZHFJTJC1ve6nbIcXrdvzQMlte7h7rY0Qvnx57XPRPPfHM8MIEQv/8ssX0uYB6+1qNl6qfv/LX65fXu4/7gicaUz55Ze3x4/+/a8b4oKIj71/+8PfBejHsyPrOHh77xRLW79u20RmjCzazmMQiYp+CkEACUkGHmOc/WirviiBmdCaLsSFSc/7yYCU5NNqZQj78vr65x8/5n1KaShqqVIuIOt2QlLLMed2FICzd5jGEdEPJckEEkUCSji3/cvXr565Xm/7tkut0iowZsSN5ZipTKI0CihGz+yzP1stgkqQ3e4YHSgCxnUpCX+rb24eGKrUo2cGI805OROYphkSArIHhE1IRwxEZyaPNI8i5Ty6R9TaEpHCM2P0UwiXWiBmUQHSYRMYEoBEYoZqmo2EQE8mnPMEcLcoZQ2mYCRhEfVjJOLS2uizLC0sAAiAPh8DALhNRFbVDE8MG1MRPLNwOZ7nsr5gLRQTE5VpmM1h4d7PWS7Xc87hWbUk4QCwiCIKye7ZzUppMQwzcjg6hPvaliLlEecYszQwSEZ9e/v2+4+//v/+v+//6//2fws/MgfkwOytrDZjnn2eXUXKhY2XZU2iffpZlhK5/Mv1f7fHfvR3XRZiopicNo4nkye/Oq3T2plw/eW17/uwGf0hKizoeZyjs4vNMWMgxbqs57mvayOGnx/fkS+vtxtOZMJ/+p/+GSDfvv32X/7f/+eXb9g7jOPMbEu7PB/xfn+/fvm6Xl4AmETbus6fdH8fSKsNuj+e/De9QcKhVB7DiRgREdCnByQqEwGpPrdtLUv0tIC26L53Cohhgm25XDNHmCWbim59f+zvra3vH/b25TebaMTLpfZ//W5HH+ewY1+0MEHY3856JkQAAmiltFJm4vPYWltAJBC41O3+0R9PS2GuslZkmqqwb88iOc9nN8fIiLleqjJmSB8GGO5neDKqFvU0DydkLQUNWdUzANHMIZiICVmEiDISAJKQktjCI5wg5zggYs6zlVqEmD5VTjjOYWMARdhUpQgARcE2zoB0QiDGz9szQECOVi/IMs5tOhBQ+Mg0KRLh7pEZ7j7n1FLCjZLDHRIhEQnmNEBkrIDY1mYAnqBEaW7WY07wpPRIB5gIKnwRbcBg3VUXtAQkZimEx7aLUJEiSI4gRSNMimij/TwdsNQFPEqptax//vPz9ctj9OeXr5ez98y8rPz4+USMYx/m35czym3lMMmzFbB+KLX7j3vso9soNQLPKhPBkSxRoH7T+m2p1ysWFlL+7nMcxy4gGcmykNaE2Rr7eeljP8GvX35Nz5z69faSguPcx9wh/cvbm7tb2OvXta3+cX8UVka+XFcp9O3v/khag3gYXF5e54zHfYpcEcucfr29nOeGQO7JRLNPAFwv1WISEas+nh+XZdFCMSKJ6/pybmOM0feHMKNTJJKgKLoJYj63p3sQ8rEfv/zy20k2zYZjWcrHxzsmUODc9sZCFu4WmcAckbVoZvQ+1sttOzqyfjy3sWK7XPpxjONQpsvL63AsRaRWzuhuxuDbx73VwkBmuF4v2/6zNU5IIHEbyjFCpycvlVgqAyB2OxGp78/WFgxoXAKp1OKGY+wJSURjDhWcNlhEGGwOHE6Qy9oSkjARCBAjQaS2urqf0yaBBRgwpiwUa/qENGJysBRSNg0nGjZOBkKW6QngiKBF5hha0N21EAlYeqQjQCmViT2TmZa2QkiisIr5UBbwYLEAP7c7+5BMDLR4+ugzatg/t3xBCo1jHj0DEUGYbIYCoYPHzHSfvSwQGdP6ulzd8seP99SIaWm2trqf8V//y7+LyO9/6b332+2FYcDYEkyaivLYnnZObPjtK6X3GPn86Pv9+/U6S+wXTIQfGc9JreuXoF+wrrfbAs559I/vP+L4oXDQojcJhNwRNsvLUo+PD7IrSqkvy3aOy/J1PGJdK5bn8/HTc1vXej7/LNLO/myv0edwI0xJJHBbX69G8fPx8/L6h6YvgssY49xjDkCOZW1HPxGAgApnrTpGT4D0rkKZcb1c3M6lFMyEKNbTuYLVuf9gdb0WFML1csZuMCPQpksrCCcYQ8exee+7w2ZB98eWWXq3vp1oVKUW1fvzY0KO6Lf1ui7rtu0eOQItMfus63Uz357btz/8oRCrMESO9/vbbZWzn3NuraZQtFpiDEJZWtsf76VA37dSdPQpQsBk00q9CAsS7ecJiMQCkKXo5+SPiRLjHKf7tIiltkgjYQtrpQIkIjIqpQDGMKu1mUeGqxQPZ1GMDPOMQAJlBSACBPJ0ZwawKZJn7wDh5nM7RStLxQwEMndhQgBmdndmFuF0T3Of1tbls/VGLtMSuSAxMhODqgKkKo1jJ5hVKTMxHImb1mEHZjZFn/eIoEw301IJeY7JrMw6xnA3Iqy1RgICmc3IU4WO40GCWpazn5hOGL/9+vU8z23b+rkRxbW1tTVtbNHPcbCqjYOpnQMTt7CdyVQPFWy1hA+PNbL2WevtH8vlD6EtAB+PB/qp65lL37cfQr/sxyaUJuVy/ZY2bq9vbnfL3OfZlmWf/1FW2d39ObV6fx7DspbiMWq9vf94JKRIE1Zwub18mTiGjbau63rpRx5jzG5jDJE6bG7bBoRairkzsYdH5qcENOckon0/WCjcARIRPqU58yFKtbG7RaRKZURV3c9BxKoLDO991ks7jpHITBSJYbCsDZs9vr+3IsC0nbtBAgI5xLCBPcwRkwDX0s7eZ/ha64iwOUBEmWcfrdb0FGlKZb1eGMYGM+d0BujHfa0c0SOdgpYiHpGJrbUEnGMkGjORSMRnq43M5B6RQSzdJiAs66WPUUubMZnAfRAipO/bVmsRVWIxd/dAICTCCERi5orKViwGIKpU9yk4+9y1KoAf2wZCw42TSqnTgxMAsZRSBI9jc49IyEQiBmRKEMxkFpUZ7hCeDlGYFRARwXMCxLnfyfocD+VxbD9XoQwr9erm5AngYR9luTDrOKdoIaLwEBVINDMRRmQAOM8zE4iYWSGpLfX19Xb0DojLUl9eX98fH4/HB0BC+h/+8CsiQkRgRkJtrS51epifFvzcBvLHWg/U+XLDsB5CRzrLl8D19vr32N4maMIfrIPUCbEzP5+PfzWs0xlsKgO314AVgFm0Nvm496IrAu/H766nchD5p0mksELg4/EUocvlK0Hsx3PM/PLljblux1nrgnphrpGJQT9+f9R6cQMiJGYWHnOKKgSSyMu67seuKkgUkcyEScw0RkdMQh2jZ1rCNMMEExFAZwLMCPMvX752z6LXCCNqZlDbum3b/XGsl9ftvnkPZCitAtJ5TNZy9KMig/n0sxRd27K+3PZxRlEFvR8HqjCRRxz7Ew2n2Z8emySjivZ5lvT9fq/E53601+V4fgAaUjgEJAVgJpRKgBKQn+11YUREZjJzwBSh3vvW78tlrbVFZGuXMQZigRzCOI7N5yhCKuw+URkyPZwJez+YNcMAKcMhQomIOKYjeNoBOY7H02YfYVJFSqu1aW33v35ffn11yzlNCFSLRRIiIAJSJFAmEyEREAGkQwRiW14ggAi358f0jcWVgWwkTE67XVucO2HOvmcCUwVLliF4BGbvfV2K+xSuEZGQquVT9p5zAtDn8MHMrR9CLCI0RrgxYNjMsH7uiEhEkK5aW10o8r59eGJdW6lKXI7d8boSYfrzPD8WuYlIB+f1gvgN8Fe+/OeeBIXBb4X12LYEidCXry+ZJ87j/qf/C2yMKDnpy/VtbD9t3mr9e9ZXZC39v8f8/Rw/mzoAh2uYjuEYjUkf+50AVOV6uaBQ93M/z7frq7bb2XOMOB/P7XkyoM1sl0WLHsfBIhHhniT83DdEnGaRCZHmEzHPfoiwSnHLyCmKERI5W6vMBBBnP90JgT7e73V9QSxI1R0Xah8/t+Psc+RjPpG4sNxeLoLc91OW4pYRKUycwIiF2Gc83u9c9Zdv36bbfd/fXl9e3l7/9d///Xp5UWabNs4hhNjPfdF8Ph8MmRFu83iOMXZAJ8rWLsKMgDMRgFSLJabH0ioRWyQiLEtDYmG83+/M2FpFBASMsKL6OVjYt2eTEAnIdDstMWJnkaW1iJx9qNAcXVpmjIwOiDH9OEYtdG739GDIWpSBuCqRukdB/PbLbwgEBAHo6RahpTARARDzHDPdRURU43MkgBgACQifpzOTItdK3ruPM+agBtY7IUZkQBCJ0JJ5pu3n/lcqX2pdRTgTiZBZIhIgI8PdmWXfN5Uypke4m2/bBp4ENPrUax19HMehqiLi7qWUzHg8nktt67pajgQwCyQBom0fX9/asZ8AlKSBahRleUv4Rcs/gLwxo0Uf8H9pIUbgFEoABBsMoL/+/T/357tzcdTnx1/pPJTkmPl3/+nvz23/+vr6/v5DZFEo5zFWvYIhuo3zRBrIc1murTYkOsbR+3l5+1raK/Jibo/7Mwdfr7ecyos45hzTI8DdM5HFP0eNiAFJTEAZ4SIozMyEBKKS4R4AkPt2MpO7lSqQQUABiYBj2kT+9su3pIjwcMJUjMxwxCyltPpZ/o/ry8vzsZdS5jFJRLQKMTGODAI49mcAXteFkY59y3BCcM8AbMsidhxVxcYz3UopFFmuF4RTdM00ZvIA1WoAyEIkc852e+v3j7k/S20J5AnuDoC9z4Rc6jL3Q4siIkYQs5knRC2MNux4tuvVMQmJMZgh50GA4AMcCyPCSD8g+nGcAIQg4QCURaSJAtE5zjH9ein8eUNAMnMkJuSEUK0ZCUQIeB4DEZg5EAByzjnDS6vMjABpEWHCVOraz/f98bgg67IiDOLSz11JSDiBWVY/ndiohUMwEyC4TSImgs+pwpwzIjNjXS9mwQARuFR9Pp/hGI5Vm8+EiMJFVCABFPbHzsxEnxNKQ4rL7TIt3MM9t9HfbsXmel2WxNWEa2sOLWlF0uHTxlRFzBNBirZ5uvAKLoXR2ns/f86YgUhKtZL1A/X89vZt3/4P9xjzQP4xu42zEgpiVdXH/a+vX964xYULoJrBeZylFCqtrt8ez9SaxPV2exmbnc9TdVGt0y0y3l5fSeTsfZgjotZ6nicAiIibIUJmZHimhQOzIvLoo7VFpEFKpo0xVQQTWy3TwcGe26Px6/Vy27cDkgiEciYEY7wubZgNn7VVM2ckIZZGS6mXZTELVcnwMSdRXF9ezjnc7L5vRQWJpuN0L6XJcX9EReX5uN/putzWq0H0Yy5rnRbTI5O2oy/rJYGICFCO55M/tVZMQiDkiFQtADjNPgfADOA2iGCcOzN6EGU8P76P7Y4M0m6llvDu5wOJw5wAc4KZ2cjedxYkDOYS5mPOy8t1v29JBEjEhcm347iuygxurloz0QKBSAv33j2CmLTqp1vO3T0MicA9LFQZchIhUMQcY3QIf7m8cMyI7u4BUtotA7gJS/UNyvoS+fMcz8BLrfo/7tkGQGYRkUSMBEXqec45bN+7sI5h4diPGQHhEZmAtr6uzLxtGzP/8u1Xj3g+H55RRALNPC7X6/2xec4IfH+31/UfX95+CyqmOWdA6ITi0BlScuL0hr/AVEyugJJtWnrkYf8e28+rQmmcEAA9sVcdc/4pSfrsmHk+n0pVpT2fj/Pc+7m/vF2W1WdYZJmdSn2pFSPz9fX28+cgWX7+5Y6khQsLtio+YM65XC88xczGcbTLRQE+z88C+alGIxFCEKOImhni3ywqS7uc55wjL6sCIpFDWJgf42mZxmwZv7/vpOieSPjj+/dff/ka3pdFyWchmjOEiVDG8xQkUSIRi0gEhwQmQLQ5xuiEcPQjM336958/9jNrLcIkYz9uy7XVVv742+Pn9xlz2FiuV/c+PeYY63pb6s0sAk0VIYKYkQkTEDEzgTIiMoOZStFxdEGMjPDh0REjIh2aUl6WRfyc/ZxB6MBxMNH5HAmAgGfker0ixuVSznMPd0IsZTXASJSiETlmZ1VijowI4CRIh4QEBAAiBkAiBgARzUwAcAKLJCSCRACMtN6JJwEjhBD4dEbC8Aw69gkYLIWIfLoFBKBg3e530tMQn+f9jb8V/luj/2myiHBmrqXMGRHBrAjTPRQ5E4jUzlOrQCQwVVki47q8LOsy52ylyWvZ+wY4E0i1EIuWimRmNjtHuc7+AsvaYYhw5SIQli58+jzEA0pjFbNt2G7uAJmMGXNZC/sZ0c3c/VmF4rgazWTHkMrX9fYPVXmMv46e5v1ypes1ev8T6Vv6tdZrxtrKNQD7Ga8v335+PM4el4vMORVwXcukNmfaNDf3CBExM8ustZZa+hhEhEw+TVQ8xpiOkNPDHZigiAqXy5cX9xERRACA4xyiMufofdAiaePj/uO6fHk+t9vthgCqLARgNqchCSScx8GAgJSQFi4iyJgAARmZNuc4z/08HRFVr5e1XF//8n377//6r6+vb7JeXqYF9rk9H2nx+Lgj0sdxXF/fbr/8HbJkBCH6sSFT6qKkJNrHTmAk4YmQnEmQAgClpECDjPCdJEpZwiCTuK6c57H9ICWi7HkKCjEkWLuwm4toBjJlAB6fxy4PqWz9kUgOC+kCVBlOpEk0mkxBG/N0bImVtVAg4XSfTIyE/8OGjmSqiYgBmQVY+NMjhBGOjNMsMT4lKE9DpEyBAEsLwSII2+M8fh++uQXg9br8hlGHY2SWwgwMAWnuAOFBpBA+x7isi0cWLj9//NyPTWuNmKUUEvYYmfnly5dpJsTD+pjDcRJB0RLpALYsOA/wh88pvH6FdoGCwoxRzw7AIQLoTgCIcpx/4Ynb49HWokrP7S5FFrpVrnbsY/8xjyPHCekIs8hl38e6LEWIuYMfRc8vv+iY4glZigcHrI7LUhbmOudMEAvfz5Gl/fLHP577bsMK1z6jrbD9fFAWMxBtmDmH88Jznuf5VOExziprQOY8a9ExnVlFJBKI+ZxTpM4IIDGTMM90VxnTpnsp+v1+H2ALX8exNxEmxoiipR8bBGfA8BFAGCClHNtZL0sCUJM+OjhaZkIaIoggMWYi4PbYzxnv7x+7G1hIu6wqwXgSv5AVId6fW1sWlOW+e7tcRRAhLl+W4zy2cwqDWNjswoEFANDNi66ZDBBFGmEb/Sjr5Tw/+pj9jFKuggSBQMyqWmsmBsL9sV0ujTGlKpPMASCFCRUx0kjUfQZO1gIJ/+W//Ne//8d/eb2sPu8RJ6ON86TlDQmBOYkI2W1CUiJQfqosDJAYGOGIABSZmWEIDEaRGeDBQChjDh+jH4/bssZMwkDEvT9xQougkmbI/KXW34p+tSgWaHMCuBK7BwGFQWll9JER67LMaYRwnse2PWvTVou5t1YiM9JaW6QwV972vSzleT7aoqUUFuh9V4HSym0tttTH/nzs4/IVzM/IOfskUgH3OZkww0irImyP+7W2nJERL+tLQMx9buMZ8yAfq6K52vCEDXqgIyXH3Pbtd6ZI0+muy4W17OMQLTNyvV2liMdQpjlnVe67D4NGlBnMnMiBNOJYb+Vxn0QtEzIRgSABMFUIIQgCw9amSeAeEBAIwoyQng6ixzxfrm8JsLaSYDMORt0ez4wIj/RUkZxmNoosEGnuaVi0NizncWK4MgVmpqGgxVSRmXb2UbQwUEayqEdeLtdudo55Hmf2bmN/+/LlSJF+/vjYH7UkwajCHtBaOeYodRFiCLeBkSAszExNGZWZkNPOB4UmkmrNpPAQUSQ8x1mXxXyKvE4bWixhHvcuYBhJVPfdaH3Rdqn1ihCAYdMyVGol0QQvWiKnx0R0DGVRT/3n//l/pqDwKLXawWNMoQKgzEqsGUBEwRSZEUEixOzucxq7E0bChDAicvcMxCzJQEIZxKSCZGEQZY6OMayfpFkhMOM4BnFb1r9DWhGWMQ6plYBVs0jxGZBJLH1ONALKspTwkMLbtv34/ruqigqC10JEyYi6XEprkGnTainT7O3lVcpnT+Vyva1LmTYy4XK7njYgYY4pCyGiLoQY5/lwO07rRevptO9DRXz2tdUx+/N+JCHjwsI5kUljjhjxsr5EIqRTi97/TDiUgoix6m19cUxLm74ta17023mOmYMQp3sCItI8j4iapEVoeszZCYsHXNbreezhmAAJiUzpgUhmE8IhqJX15Xbt5/bx/uCimYCEc0yt1XwEIDAwSmIgiMpynnciBXCbJlRZNRMzYkT36ZhpBAJweu+9eyQiM7NF1lIQERyH9SKaka+vt+exTT8R8ePjY0YkMgknQi0liwpfZK1BCfv2vlSZIzEQIEuRUpSglNrC0S0j6XPgFeBFZXtsc46tj9uXr8gcBqqViDMyJTtAKTefVsSBuvU7TUSHCZjchMmx9olLaUiJmOEdsQC3SAgKjzRLZBbWQCPWGE6IIsyMY0wkEm3CLaggl89IQUQCAQBlJiCNaQCQQID+6SV1ByLKAGTyYdNMUiINEBSAWJZaj/Exj6eSq2BhSiR4XUS+5myIy3GctTJ81rBIBgaARHYPwDTrIgrgbakI9Hh8LK1kRBHMTKJMHyhic3z//tf/9M//TIwiYjbPc2ej9XIBwMu6uA/IjMzWWmsrAG/b8bYsYYPYbVrYLhxCCDmYVSiVUiD79t5tICORZsw5Tgbcn/tLa20t1k9ilJIsu5Z+Hjtj1VICODHmGMMMk/bHTrxPXzJsXRcWVOW26ONh2cc4jlaXsi6P9yMwMWE7utS6b5MIiD4HMMJEkFFqVRFG/f0v34G8rgsgJVACUEiAE0MTPY79PMayNGYKmnN6AmaysnC5YBGfM4M+335GEiImsHOKSHpEhs9gLW9vbz+//7Q5M1GVienn+0dpFYGO7cxEJCYWIPaYl7b+vh3/8fOv8rx/X9dy/eXVZyeStGTiIDz3x374L79VouZIEUhcLKaouFtpLTJZJFHHDNXqAW4AwEFAxKclpWQGIUQ6hhVh1IYiS7sYFmCFNKRkgooCwRkciKyIEKiSkOYTEIdlrS0cMdFjABNlhTQPJhUzR3ZMyAxPh0+N0j0yIMHdBHT0QUwAMs7MJCJUzdltjI4Iwuie1nuMp8/zumqYEaDPya2G1ISacAmT0mrEZnNkkAClJTiolLN3CxOVpMyMc3ZClio55NMOsCzLGGOMbub3jw2J3OanUuxz3K7Xbd9sznWtqsXG4WbMdByDtYxhx4/Hy5toIUwgUpLy/v5XRrhebuh4rQXC9+e7MlbB+BzAwER2n/Plcss+zGctzSGBxmP/0aov14qx9B4TOnrsh9fl28qXbe82r8fhY8znR6jiskht5D3m4bUopNgIEhxjtrqEI4uyJAIDJmBCgM1PaS6KFhsDEEllui2Xy9nn53+Amc5xVi2svPI6xpgByAFEs9t5DGYtS8UUFrJh04yBIiyEhPhTiAvAaR6R8zz+4z+OgqWUCkCl1t5HADz2fYIhM6kAcSCeNkcfgHDsZysiaxGOSDNKH8eBwKmVykqJr6/X8O6enkJSiRQpmNltfI6/tV6ElxkTtcCEfnqrDdADaFkaRkA4OKA2poEAEfppq84ERvpU0CPB3QkZmX3M0/ZahJjDI5Pgb2VFEcN8ImR4EBGgihZUARR3BwhEJMrIqEXMjRAQITBgZuNmcUYGJUIyBCAehWYizDke972gVIbe91Zw2iHC53Ei6+y5Llfv5J6MbGMkZCAyUY5wM0LJTLOoS4v0MWapNSymOyKVS4MIIDxtkGAGnedeiwyzx/3jcr1KLW2pvXfhz7wnPu93t15bCcKPjw9EjcDjPN0mUFdcwDmcb8urKivrPMd+PHzu6J2aMrIF+gymBHeCZIQUIsZz9nJdp23SroZ7GCtWUCaKOejtt39wu3z8pav8g5mJBCG65/Z4nscg9staBM73H98vL18zi0cdA6dDkWY2kIVFj+MpzAwoKgCJgPt5MJHWGmQAMaYlwjQLzD5NpEQCuJuDpzHhOY+znxWl1HpZb0cfPiLjtGFKxYYV1SoaNhARET91DuZPlxEgcSQAwnb24Q5IZWkZc7j1MUJkZJ5z1qLHfgw71+ubbO+bKt5e25xzXducpk0mwLLUiEw4tWiMiaQJRMIAERm9jzGcCoanaPVpmcxSiBtllioZx759R+/ogQBLw8gA1X07LrVCZs5IdMA0t9EH4ayVliYwASEZMCKF2OzzZ0qPYCbETKdMYEEAcDeUT4dBR4YwROZIhwhmBgDBYLCYHfL8NKOkBxMRDPfzeRyYcG01+pzneVkK5jj289ittivqTdqlT3I3YY8Yopy5GhQAnqPDaQATi6oqChHoshYznzG0lNqWc98iEwEAAJhvy3p7efv48bMhRsSx7+rGIsKC6OM4GGKM/XJdw/yxHax6HnMMQ2A3L0sKIpBQYqtLuG339+N5IDn4STis75gVsRImzmMeJ6SegczMBHKrobW9/v158OiPIi3pQlhKrcX4x+/9/fuPy/obw9XiYTkRK4u2RY7zIzzJ77UA5dju30lfxpzDpRVxn/105lpKIpNjICHx5+QW1trc7bRTm7y+fbnfH9NMSrXeiSQSEdHdplnm9LRug5iY6HK5ZMDoHVkyjIEgEyKbFkxI80gUwcxEwMhkZjM/RmdVYJ4ewILMu82klLZYxvv9fSCg6HTbx1nWdntZ5O3ll9EfPgMAtsc9ETwDy9scg8AB6Bhjn3nR3xhXADDwyFDVDBKuSIUQ+ug27bpebKa0a1iP2BLuQgkuTV4Cn8iYmctlzTBKREwDR0ykZDImEg6AvLTWe+9jYxYl+bQZEAugu3vmlKLpMfvh5MwMMJkRNSkdidwdEj/TjrXUTGcegIO8g6TP6RPOaZT7Mc62rG1dYc4xz4IJNiO6Vq3Xq2Wj8tJDMDlzYpkMhMYEizv289REJD7PsbQaRDYdkEQQgWtbmSQisBRBWNcLC/fznHNGxNJaRNSlff/x4+jHy+srIH46I85+Lktj5n0/IsICiOX5+FivoCKzP7SJHXfMsW+P89gIUJRjmM0+570tzJTTZ5/p21+W5QrUar3u5xGFkTiYew/RP7T6B0ay7plle+j37z9mN2De5n1Cd+gB3s+jnyDM9KkWzB7Dr4s+e5pNoBoWkTj6yGQIjwgW9HDDdIdSFNKDXYtEt8h8PB7beSByhrd1hSSbgEDDxuW6RFLvowppbdDzODfrLiJjzlaEkMOxLqoiROkAADDnnHOKFHf3SADo5oyAACgyIj7l9eWyABPMWW9XET7mHH38w7/8T2srNrrcv9/bRQkhk5Z1HbPXWp0UMT6RPbUqVNXCxOo+hw0CYGaASEBCiTRkWcvinloXoHb2w2NHOJmJs8bMkHSbmUjMGDH6vrSCYRmuIiiY4ekdgM6+uycRF9VPqopFAAUTeSIhAYBnkHCGezomhjljuHWiIsSIYGYQQZT9OKO/mx0R/TPuHI4ZwBlNlTGs79EHJtgckQeSI6bl5OV1N7xcXiFzjIf5gZTCJQb2Ppm5NA07hQiRECkyihYEJgL3jIA5XUqLdGTxSJTSSju2rS30eDxG79fL9S+//+UO8Pr2RYg+9gMpr2s7j/Pc92Axi/1pc44//vE/j7GVBcZ5n+fufpzH3efIBEKOIa1wbZfZH7OHQxPU23VhZkfmwjQp0I951JffvJMZXpbLmEMX/vN/3N+/O4Ay07IS4DB7fjzeRReiy2fOKcETPdOK8D7NLaSSIy1L7aeVup7HjAAKd8tIowQktD7W1iztsq5H32x4H9MzRQtmsMjsn+p5mjsgXNZ2vfFf33+4GyUggqqaZ4SrVkYOAEJyM2SETCI2c1UlYjQTETNPwuHGzJAZBJF4+owTQLhnzE+dVvn19rUsiwi9XJssr9n7XaKVsiAlQcwO9fW1Npgff/ZxMipJs5mCJoDgwFIiSNqFyoJMbuARiBMRPQ8a24IzaN37zcWlUZbnnLPoagEJAgzl2rqfKIkhAQURg2ymCzvDZCZCmscDUUpp4YNgMiOlp3tGSAQDUnCG25zwKQAFA1hABjTk9vtf//3vtVL2/fyBMVdVSDyOmaDuATAgMqbXqiyeMiLH5KyuDenYnppTym+Y4vaBRiKvYTQTISYTipRxul4WFDYiUS34giS9DwRHcsQT8MAoKnI834mk1pWSFHV4X1/KcTyErr++/d33778/4sf6sgKhIZ3OETlDfASDwuz//J9/ub1tgR/H6HTkUiQTpaoI3+otnH7+6XeIjsUWxsCAis/jPDZkweXWGEorAoTL168/w0fycvnCddXiH3/69/ncIag1XZblODciFS7fvlwBwM2nphkCrMzto5dtorklOE1YLxCxA4vPYLl0I58gAghQPiMtIiczsvz4/p4etk1VaVUdodS6HU8RLSvt2/DA88g5ovetByPRWpcMw4j0+dLaonT0YwSKLoz07F2APEwvS/ecyCNKkdrnsbsRJrqHB5EAFmH2Y5yFf5j9x/ufLwssMv7u9g9vIm0ptQLVJt9+/VKK9NGfzyckMJN5pBkzExMxI5BbZHq4MykEmEVkQgJGMMJSJGwWRsYgHOGdkC7rtejSx7DwDISk85wEQiRIAsiZyFKYSiS6J7NOMxEmAmL8/OA2VJUQxznc3KePo9s0nwEkAATJAJJAqi2BZqDUBlS+fPvVM0h1vd6u15cMxMDo3rcOjhFJQFWWvsdxD9vZT664YHCMXsTG+EkwbJyQ3NpFpTGWDPw0dDEpsxxnF62iddtO97QZn98EACPS3SHdx4Rwn3N/3NMNIRHB7AQ0895aLYXPvn+8v2cmAHoAIAMSsfRux3n++ttX5VQOCqsiBAgJrS5ViveRR2faEZ6Qh9lp0/o2IfT29ra+vKDUn9vRQUJfj87Lcvv27Y/X62sp6zx9exx9H9frRVXv9wcE1rK449puGOwzwLOVRbX6xLq8DKejewCb5fPxcDOiVMFSZYyDCEQ+eUuJgEULJp5HN/N+nsJSpAiLm5/77m4AkDmXpkJACBDJyIXVZ5xHL6XW2pbWhHnOCQhAbIh//vHTkAZgsPCyOPM2p7Pczz4TIpJEMuHTnZ4Zbrkf/vFxnme8XL+Oc15Ke6nt2rBJzPMhP35+v1yvCLks9eyOjMgI4P04qzAQ9z54uYmwzYluS61uvl4u5wxBIHCf/bk9tLSZUCucfWMKYplzzDm0KBPXl+YjXl7a6PaZGEYQs5Mg3SYkQlJEjj5IU1Tn6CrV3TIBmcIRQT79hMwlIcyDgDxwQiAhE/fpiVzXmyfPSBQFAqEWsdj2ROB0j5kcVIo6eBqO6VVWt+F9pEN4lxzDvwcfUN4CHmOEG14vayaZJSVPc+aSgWPYGEGUNkepi2qzmYABwc/7+7Rn+I5Ml8sLIRHhtHkczyLFcxz7XQsSRUS/vbR47J4ACcyChOM8AQBZus26tAgjcB9d3KperJ+V5TieaCZY0pzwKeqRgSi1LOcoOXDwQawjYKbM0OX1D6iKNHyipVnG/WMbA0q79d6XZXHP222d03795bd/+9d/I8DS1vPsbtCWNcxfXi9PFfN2nvsYExA98rq2/Yw5t9ZEONNnU4Y0BapFASE9zv25VEXHMcY4bL1dhltmOvYR8fjY58gvX7+NMYtwGjCQIGHAHBMiOBGR3D2Ijj6hrXsCI4fb4/3dSbAUT7SJMxwJEqG1ahFNmhkAEpcbh10WJfV/+NJ+uVIhIBpCKo2krW36XJb22B4A+bJegdkpmXlaD6RluThLZCQgk0xPlZIZboaZDEGUrRWbg0sNOxEmMZl3ACilZiaC5EwiDgciDHep1Y4dkYmFqSCy+0gwLQ2xu4VHSEaEf0IcIJVZM5wJACPDQdFQgIWISlEbnYQCMZHNIyBVOG2Eu48wiwJ8f39n4LW2Y++p3AEaQz/vGGeRbMXC7gin6NOonyHQD4TXpV3COR1GN2VZlutjG0xoMxHFZqBwKdU9wuOTBdDqYuPZysKM1s9Pkg+BWz/msVdNkSDMzJGoyL6s+nh6ZAjiHONT00hkVDmfe+/HUo19Umb0I93P8yTCDNAi//1P/3W9TadwM1WM0UtZIp1zi8napLWV19fEwrISaaZjsh3jeA6E9k//6R//489/Ps+91TUcS2lj+NvrN5/hYddLIy4RLIjbtrOQB728vLqvfR425zRzd0K6LA0gBHlRQeLp6XNcbtff//JzLWpjMoi5q6ogWxokHI9nd5sGRNqPZ0ISybEdfXq93RCQSAASMofP7u6ch0cQ9/NkJpaY04LFe9+3Q5CbVFV8eb2UppGBWI7T7s8jqC6L6q1drvzSYsUucC4VVMHdxRMvl4uqSC1mwwERkBnCDBCGefQJMuq6eCKz2JxAGplFmFjCepjVqvw36cVYANCZmJgywD1Hdy3oPkQFwES176dqZUbhglQyQLgkstv0Ca1Vm7Hvh6pGOLFGAmaaOQGYmTADsyEwMZBGMlGEJxH23gkZfBKR9T1j5pxzP+boArkUeT4/iKp5xQz3HeFBeEc8RS3oGeEoYZ7IBfGi8sKkGQhKPEmkfHw8tF5677fX1+3jwSwz0qazIhNhQroTIBFFTHdHwH7uc87b7ZaZow/vc20y7Rx2GiAxXG+X94+faR6jV1paa5hzH74fB4If+8elHuN5l9SRA4hUpZ8nJXjMy21REsKU4qioRRPPArFQfPz8EBBLkPplf94vXHr4uqwwfcxxf3/883/6lz6y1XX0KSKZUcoyxoBgBhLVy8vt5e3bx/tu82PMwaqccYxjWZqdZ4AAwOvL7bE7YqRDWCCREiCyA378/HlZFqX0SAD8+uXL+/v7/f2dRdqy9PnMdCEe8+ydkOT53M8x18uViM0jMiDT3ZMItSHXjLH3AUrnOMFnIori0UdyIFG9yE3b119ezIYFWNjC0q5v2MQZdOGXm2oe6q4sQDDnQYRCWvZhb+slxjkdkKhpmd4Bos8JrMhCLP04Ps9EKa1bCLHP4eaA+am4AyUiiLJ5R0Apep4dAMOz1gaYRJBpSAHgIpgJWpawTwodIOKchsil3cboKq01GmNkprtFYkzPzExHACIMylKaBUegZzKgz4EOQpQwC0d/3NnnPPYcT4oBfhaB3j8SYjt2jxCJcoWIO+lPpzuRGYADxFRevrXlnyJ+6QctCyPC7BMBpZTbFQMlAvbnw8NVtQhPG4maDsvlkj4QSU4kJgoChDH69XJRod5PVcoeRYhZzWKaAWYklVK6WQxIwG27v1yXfp6Y4+ValWN7vLMbon58fJSlihdRbSrgdr20sBUIZcFgA3Kb3fwc2xM9xnFe3n6ttSqp9+4iNqMg7c9n0douL++/f0dkAM7EpV2qLvt2UmDOkIL/8d//LVFUyrcvrz/ubj5rrZGx7+ft9rLve3i6eS1yHGcrFwT+9csvGcdjP48RDMCAFHD2TqLuvixLRNRaf/z4sdQqQvtxAsJje1oworKU9XJTlTnm/LR1MQ2PYJoR3Sw5AS14CENba13aF702rX7OJrpo6/PuPgNByvJ4PDyjKiWAT3h+xKXAsggk9omImAESqfv+LGUyCzF4wn6MgIgIEiYudVk/LyEIKSxECsgEKZ/HNLNoRowET0R3zyRGMrPMZKbMSPBwJwIAAwwPF27ucB6dgEXEPYjALGqtECFMnxIvEYlKJAJE5qdiNpel2RxEFTEJMf2TpAdJMPYnKTGne8/9Yxx7QVDyY38sBW2ey1obF3r2sHA7I600RMKAnIAG7Hnj8gfWXz1+A7h6pE3LzFKrDfd5ssgnCkEECWXMvlwvROQ+t+3IGKUwM1yuzea+tus4dnA7tydmY4Rwn33s0BMtXFWlLPoJsKis25hmMyPM7PHxE92LCIEtrTzfjZDevrzxotpW1LL9/lfb7otyCrIWZ7IUISK52PHxp99/BCo2/EN7DVLgIqV9PiAHmOMspWRkbevHzx/ClYXW9cqE3779ZkffPx7h8/X1BjFZ6v14PB4PEGBjVZ1mH/fnuq5kEQ4JqSycWLXmiG5H2AwHRhzHGQgQ0LSAR5oTYt+PKjqH9QkeAYylrItc+oDMsAyfs4+emZ+wBE8ZlkecDs4SiHa7tut1kaLDJzM0Ca3StLhHpdKWy2Pb//r7X7WuOSdBvr68tEs5z+daBTID6DPKq1rEg24v3wAZmSDJw9zty7fr87l5ZBKeY+7Pfru8upmUiwECQFpgRDJ7coZPiyQilcRUKgRgPpkFMCNjzs7MxGA2LU6mkijx2TkwgUV4RoSwIpCNYCltaWY9fLolEiBlhLOgsNw/ft5ebtNGAgirClNmjDPGaBScNs8D/KzZpeDcntMO9g4OrdE+PsaEnk6+sxAiJ7J5S3gFSNDXuv5zu/6zZwmq7lWKA0wRcZ8R7hFC4p6Z2Zbi00SICLhwHJM5MqebPe8/RJ0lzv3oxxHpmTZ6tqUe+wYziCM45nShnGZj9Ez2CPtEoBJu216EbktZK7++NsG+AWcKcHLjj8fdLAphuSzz3EQnVLDUkaXoN2GV69R/+DoDoN6ifuP1l8TqyABTCI+P93N/Fl2fzycmjWEJgUS9TxE6+/n8+f56WaUsrDTHacNaq8jJLH2MzOx9ruv158+fr+1KlO3SzmOEBwJ9/+tPLs8k8eGlXaafAXldLxbx/vPn5XrNiHM/hNktjOkc0yH33ktF1ltmPPYdEImImCLDbADozNzPgZqYxjiqlLUBsi2rqgp7KgBl7yjuczu2gPjj33/zIEJeFLkIUC63N59m00g00DKgcJW2XGc/1nUl+QxVFWZ0n6WU4SGqmdmWtbQFkB2oSHGPhBExUBgoPCMRVXUMFy0YcO4bCyEkM4LAnCdzG8MSDBIzwqe5pxCOfiZHAprPUnl7joJMiAGAIACZaRCeOERo9L497lV4v/8gIU/NGiTXjEA/0udxPolCxWPu8/lBZipl9g3BJkI3HzGgaFsEsJe6ANJjP0t7Ef1W1gtf/kD4W+AXtwCPdIeYpBjukAkZzBzu4zgRZcJeSq3rdd/2ud9JWmnis6tqW3TMkwLAkQBqLf30NLfemdABzNIsMAEBMDEjAjJBj9NuWorK9nz88uWFKWpBjx4Qr19+xbk87X1/v6vW67VyxnjubWlcYoSXdqv8NWIxr1L15Zdf3Rx0naA9lep6HntjRxFUuV4u4Bxuo3tYtlbWdQVIG9aPqVz247jyYj5FNdJ8xqUt+zlmN5sx5+z9fLndKPDt9du+d0EtWmzMBBSqkcmUNoa5kTCq5Jx1WZDIx0QAmyMinudIhE+W3uPcv12/AKDnAADLoMBETFabEMDmnjAbeSn5cqsv1+rhDr7WUlkonJAltY+cNjGwVLbApq2SJkaAQyQkEGsCiGAGAohgfEb73OckAsiAVIIyo7OIZ5IwUetAlZuS+hgEHrETnRYn6QqBPo2hKQo49Ofd507K2krfd6LgzABG4H2zUssway0yXAkYjQWDAOdE0tIyjvvoIryyVsaSyZQb5HYezlKaYslz7u8yvPJ1aM+XwFICPGO2L9/O4xE4AsDSvZ82xwSQUgxTpTRpbalzDk9MkhnUXv9Qr39gfsV6sVbA04+HJLIRB3abQYyJBCQio88MiKNjTLmuSeBpvR8wvL5ycibNe//5cl0XqePYCblW9TnSDRIphSKNYzoxXxCzKlg/3Uc0uP9I4hekrHW+ro2wB0yqsMcoXFotZh2zvl6vTIf37/PcK9ScCstvTIRQI9kYggMvZSJnodEtMrXAPLaFqQpNhkHC5UabU/AxhyYpKAccxw5AGkJVh4+jAwHZdIhsrVzlZnA8xiGNAdLGCYTt9jJGwmiKHnE8+7leviV/nccz/dzPR7teeV12QEiwOUYfYJbhDGBzaOH7c3NmaUw1e/6odfUZkZhAc5h5qlaRZqMvS9FCmU8tWRoJRxEiEZKcfpAyMWJkEW3Y3CETK3IpJVPDDAETnCQzA8FxOqaikwBCbTUyEkKIieQTHsLMXMo5HYHCI3NiqREDCUY/EcNsSF3AITzs7JxY69rPTuiiBAifzKxMygxCcvdSNNznnMwszIEIrMMckTLwfB4IqUTHcS6tREB8xkznmXND1jm2vj1L48IURBPYiCGAk1u7TYB5wFJ+QTztGFrgulCaZ/8QZVGpVZEAMBlT9IVE4tNxLjeQayCTuJlZ+Hnawi2GIVJGMgsB2TQtdfQBgFrKdPcxMxESPvF4lCGl6KKKCZBUK2Xp2x6ZgJQIx3lmREDUWj3z0tq27ywiqopYi75//Hx7u12u1MQ5IdylEhDtz8ejh6QgpB/D8ul+QiZVEWl9zuHIhXVZW219Zrh7ZgIwi5AQ0SeaIRxIBZH37XiT64xk5rIuzASJbsCMmahaLfw8DyUihszIM5fL6jmA4ujPWgr4nMPGcGRnqmHukFqaeYjGzNlnl9qk1ulwjqlICEoM7uAZgODI296Xy3Wmo9CcY45jKRrzTMTznMSFkH1OG08ieLvV/XhE9Nv1izIDfGLUyDwy0A0gcsyBiCL8N0qusJkhQKQBBFISgpnPOd2CWd3tc60GaAEk+lzp4Q59GjNNc5VKUjyUpbhPZvFpzOluIpKewhRhTYsQU2bYRPCiPM3359YuF0yIyDBLwGPfS2u3y0WXBTJtzIio2vZtd3cmYYaI3toSkQChRefoc3TxJIC1NBwzfQqViemoKG0aBiUzJGjVxcYYe+8dEapISUpty7quxHyeHRNVCxVJe3NMfbmFhaWovJFgwAcmEMbnGpKlrMhgOZkEPJg4IyPienu5P55EJTxYwSPbsginFJ7gFNHnSeGF6PHzTki9T1WRwoiwbY8InDNev7yd/UTi6UFMZpNFEeaPn//2j//wC+GBsxcOCJxjFMx6u4z7DgAcLq2YlSQ45yxcgEWkJEokpCexjDlFKyGZe23rGDb6mRZ6uSCIalvaNQdqqcewDJ/hczpzRQSRcIs//Pp3Pz9+9H7O0UtRZA6YrIEcYTFtVGZWYpbeDedghHa59Iht95dfV6r4/LdHa5e9z5GciXNarUVEfUZQjojTstQlM5mZKF+uJSHTPppgJOpKAEHCAPgZB+3HB8JYG12aKpH7ZK3TnUiIKZERhTk+0U+QgISZGZFEI9PhMzISMcYZkSItAtxCpJQxDyWdFkh0jlnr0kjGnEwKyABEKMzs84zw8DlHZwYm6sckyrDITCay2dMNNY7jZNblcp19IvIYplWYqdbKzCIy9h2JEhVZzm4ibVnUjnP2rk2KLscxgQkyibGtN4SKgO5e1tdxPCNc1oqg1BZE1Vr6sWNYznsVFMrJQFxcJAHW668kGoFCyFTDk7nuHbWVCAalDBpJlJSWmchUAD0gz+EikBjAmIBjDEg0czMXKdLqcrtlAgIDUObo58BCXAScwX3OoaLbtpeiWiUyAKDUZUxLyOe2JeQ5xhhj5bWP/qc/vS/Lsq7Icgrvfn7YtJnR1qtl9sfPz+UVEB6BLO30OQI8oJaSwcvbF5vApSYwcjLrp4EcwM17UaWqRDItiraTNMLQgYmRHIEgBZGmjVprpm+PDZOv19fH8661BOSP+0eAn+MMhEwgVGaqdf14GHpwU2DYjmdy/f74ce5bvV5C6HK9xmHbflRVEk1mVO39DDOu1dFVGdinHwJECkrYtDALSnEDi3Q3JPOYfU4PX9tqc4TKZzkS0USGFEhK4PhczAj8aZjrNkU4IRIc8m/wdFUF4D7jkyQnwBpzTAdAxs+lOgGKSpQIhCTmgIRzugp9kuNYgJBmH225ILFW+mxsxhhtqaMfqgWRwo2lMCuCMaMINy19jM/dKogUpMICmvPsdk7hkhn7freCboAJIDDGvlyuDtWth4egULmqyjg7i5bCFIHZl5KPjwfM7ePjsb40xCMAI7Quy8SWtCDy9GC9zvAAlRWS87TOJMOdKCQ+sTSJCYAkQv0Y00w0mdynAzIALG3txyChMY3NtVTLAeGUCUTp6cMoEYAzHD6duapEPKzXZckj1trGGKL68biLlPVy2/qTRVvLiDnG02aA3RUHCUHQHEO46bX66ZkwDaq0aYO0rWsNYMBa2oLAnhHTWBkAbE4ihrBzt1pbhENmRiYjAtZa+zbBvdYyfWSQahvdfMJEX9bm7jYSCS7Xt+fzMWb/688f33779sd/+Ps///nPwsJMBPh4PBIXZhaVdq065/tzyIDEsNlfl/LYHoFSqgokko8Y+3iOOIGSlUQQ0JiDFVqF2qQKK3MAnH2DCAJa1vUc57KKdhJdgKX8bS+oeyQlRgASJbIFZQCLkLC7feJqzJJgfrqDEAkgiIilWhiTILIgtfWi5jsxI2EGnH2iRCltukESETOXABh9tLVyGiH0YxKoGySECPd5Zsa0UVKrLsyYCZAYiUhYm0aEmxOTyCc4ZHqkNLEYhKjLso8PQiqtoUQ4fDw/ri8vXCpHz4zpyRnWz1KlLBVZpC7n88FokP35cR/Hc3s+bnVmnLPX2lqgJInP2W63SB3TAau5EBfzULUEy5iRJoWYDAAxk/CTckdAqLVkIoKxFIx5jiGlWh/ATCy1rCAyzbfjuC6XoipKw3qEI8Dog4JqaQh89j0nLLfLnBOIEanU2udcL9fIIOaX17c4O2KMfqjEdr8X+kjknFQvr6prJD/3M6ZpabzeQCrrNUm0rYHkTsRlRiagagFi/FvtT2DCiLDz7EOlJKknAUSE1aLBbDlVmGm1ScxVBIjiE1mfOc5zSlVgObbt58dheK9LEV3GeVTiv+Ugi+QEy7l3b9dlJT3n1pbmZ+z7h3u+/fLrGHPu+wxgRqADpEcYsz6P57oUIaqayvFyaZCfg7yAhFIKC0ecl0sFTMTCWkjq7e1b71MUATGARKsH5Gd1L5WYzMzMAD4vaMEsAJ+wZAHAiDDP+B9UKxkzS1Wt1zmPT+dCJCNyehKpRSDh5/KBiPzkiUICJBEWC8wETJCi7v56XSMMXTOSmTPj5+/f18tKhPOc67rOs5daPwl44SP6yaooYudeljLH9CRGBoLXtzdmSrPaanhXO3Pu88efN05fFiAJav2c5/0v5/ZjjEfRfF0rwtlWCgxGrvUyOmu5gBMCFWYE9sh0xwxCA/AAi2GlrUKUmWOejILCM8w9AElEw3LOGdPDo+8nBBzn+e3v/jgAkCUhXl7fqhY03x5PacrE49zX5RZ9hMcYwz7J2r2TskOaRalVgYgZPtdAQdjsc/rL7a3oqDIVCoKU9cVAi94ej42lLasma6IEa4Cw1j4Rhc16QDKLVgEiMyP8NNI6CUfGZ+IswQHd08MmoGda74MUxziv6w2SbEYGEsqxd5uGjDPjtJMrS22//PpPAUnMx/kuLMRMhOc4hVdAd8SZ5sAf2/319XWtfNipjK0W1nnuH5cLJWTvZ22e2Mc4g1iWSSXX6wI+X18u4AcrL0s7znGcs1SurYhoAEw3ltotpK5Hn3VZPsMozJqfqaDPLZZUzOYnHC3CET+h48GsmZmBRAKRHu6RBIFIAqA241IbEQLAtEjv4zyRSVolENFqzm6OqKplnIebFVmXcjNCJ0eAjBTlEdNjrriEWUQAxPV2ZcGzH6U2ACi1fvLe/katcrfwHMitRAYWvj/uVxIkLaWex66FbIzt559usOXYS/8uBAoLcvnrE5JXgaNyX9dkmSozKaeFlotygUk4JUOyJnJCfgIEgJBFGSI/GdRCzE7uRggZFpjC1QktItyFVIjHsP2x1VIJKTHNfXvuui5JqUsz2x/b9iotDJ/3va3VJzy2rRVNh3GO5brKIj+fd+uOSCi63w9iaUsFpGVZtn4EIKTMEUVYmQu0cJ5RZHk5jbjc1ksD7xYI3FiXDOF6xcA5J8onKUGRePRJJAEY04gwPYlwWq9VwxPgM69IwAiUggQMqmrmYyaRRPDnxTECIrz7QCUINg+kxsjuZ2sXJWuV5v5QrcJUL9dpp5T0TBIcffT9fF2EsSOc4aO1fL0yIo4ZgHAOimiWPtF9jOnb1+sFwV4uazKcNpe1vH39QlKQBIDPbhQ1kZZWArj3ASw5AQKD8JOaC4yEkInTAykRKdIsLBIUmBmZJAJsZiYSFwyYFiogWhUBkiQCE5w011LOj9FHb8rLugBARqqy++4TWlsGTSSeZEkY6RkB4SxMKMqcBkBAjAHIyBHZ2mv4jE/we3hROY/T3IsIs0Tm7F1aDbPbusbsjDOtk28ff/peCq14HvvvirWtv44+A+rzsXGCyFErLJc1EkgYKCwVKUHq0Z04aVmdGyIiJDEyf74Q5DYzD0bMjEwJQI/gopCRCZ5jDotgG8AAEBOJkSgCivLH4x7ujEnuSAzDlUWamFN7fes/fj+eh/W9Ce/PDcjX25oEP75/X2+3cl1szJIIiR6p0pDILO+PrnK5XSOj93NYtPV2yUlmrR9Tl2tixkTVhVqxoEhEBBsnEAsjELubeSISIQqDRWhhm8MjPrd2YQABMgY4xJzIgKvC2WsppNd5Yk0yDwI4+llU17IAuj9sP7oAu6nHUUoDF2ZYl3Lu2+haLxX5/0/Tfy1JlmxpmthiqrqJmTmJiMw8eYo1GhAZwYygZyCC938CEBkIgAamq7q665yTGcSZ2WaqugguLCsu/CrEPcLEN9G1/v/7Ann3ti0fXVEIYNnf0XqiIQsYIoTnYcJUIpQw1PZhxtpamDOVNOQhcWJIEM0OpIF4ni7n3t1C0BlJAISJqvUsqfYYpwfEnDL03hCIhWtrgFhKMWv3/6xqM1cKJMK4422Q3K2bEgl6oCqoAoJs21pK4S5dwdw4Y7OWprFh1N6oV0FkpAgdJnb1WpsjOZhGTcjWNaeEJAjoHgDo1hEDKDA8ELtGxowCgaGtIaCa11pzzvdwjwcgsQS1auM8BwJGX1/f6/Ia+yqWy8w4ntsOhmVXPNzV6XJGhG0+XzSsuYBnAEA5p5x768GpnD9jPitkpHwXc/ReMTAczZ1Zu3kAyFAQ2bt2a731nDIxEiFhMocsY2sKARGwH0dYmFmE9WND97asnApJkZS69t48IoacU5jWIydRMA+FoPPlgZn96BiROFFQIO5rUwCWRDS8ve2t7vPEzXg/fH7IUhJHFiEPS0iM2LuZNk4DgPVeRVKR4Q/WnQfgXX7Gqp2Y3d3D7o0QcPe4E0udzRnQOJR1mIq2VsYTEWzbCiCSsfbI49Bbx7CfPn16X5b39XBnEY/YhcbEqdalViv5Wa0DHOHHvm97cynnfdkP2Mechmm03q/rOs4jBRlPx34DwHGYUu6SLeeJ8MQEhN6PNQkKYRkfHUcPSIIG5IHdnIiFGRLXpnmYaicLYra7Cy8CmUsEaA/tlZgiIDwYmJkAA4j9zqYGCAJkwEB0zCQUIO4QQIFQhgxA7tbdEOByPm/bWo9NJlJTCLel51IA79+T3MEtiAgAI9zdmFh7N7OUuLW7opVzlggPC0TIaXBzRppPD+DBRKoW4fN0VrOURggOk1prQD6fv6TLJ9vXdd0DMkTbtr8y9/OpMAcmVvNqrUdOwxc1QRmCJJeB2Ugy8hA4hRMGAca274JISIiYc3KnnFJVBQcPI2Izy2VstSKyu3vvwqX3XmslpIh7+A/+UCS1imUg8HZsOYeaQvCdZXCst8RSxgEjBkks4hCtNQ2QnBHJA0UG8Hh9/+CcSdwAwk1SFhaXuZSx1+NoHb0P02juQBZuSADAvRsi5FwQWdUQkRlVu6lzTgSYUlZ3U1O1UoqZRQDAXctqLBgaccfIegzj0KsSpDIMrWm4p4QQdu8/1daQcBxHDjbWVlvJI1H/eFmeHp/rZq014wim2pQoAaEkHmWm8NfXN/Q+nYaSCdFeXn4bh/zp02PJANBhPJNwADFSPY48noWZEDQEEZuqw/0Qz2o2MIpQ7xamYc6YiBjAJSUzYEQgRGQ1T2VCxHAlIneTxGYqkiBAzSIAgdwBA4lKrTXCZT49IToiRVi47fuGhEPJZlWEWm/b8TFPl9YaRvyBeAcgwLv6pgzl37NNxpnVrOTMhLVuGm7oCIJBUsbWapZsvQUSggQ4AQuxm7ZD172O4+Q9tm0vSSgX0Hoc21hKASSArf71y0/ifhPaMcDpTHKidBrlc4+zjE8eQ87JXR1qGJiL8MypWFuZMecszNpahN2PT26GgIgcERBg5oLJo91vpu3YIaxVYAEWHobButXajuOYRx6LtPVqgSWP1qpk+P76cprPQ8kiAqHuMJ/OLHKs67ofueSIYMwWse1tmk5t24iyOyMkuIMwzdetMubXFyNq8zTO86lpABmCmzsTBZDwcJcqEcWdt2KugF6GRPdimGutlUFyLnd4DiEBAhMhB5gd9QCjMqRjq6pIMKo6IvXWza0UJkbTIETVPgyDAF/31tSRZd321q6AuG6L4HS3gORpIkrdI1wlCTO1Y7cwJmN2Fgf2ac7n04mZiBicU5IgDzb3QMmEHMCB97c7DgLtyimbOSAiGQuxxTQOFvdZ/Z2wDkEhKXX12ioABYi5IwLdoQ0IkhLcJ6YBzIkowuGO8dz3HQBkmM71WM07ggH4NI0YGOEAxMwCBBC1L8ISaqYtsVigdk1SAO8LZyFEFOm9MxEAqmrOxcPDI5USznfVRW8hXNz8fhERpm4NQVxRqyobC04jm/WUIjjKMO7XN04C1qX0Zu/hC9HIOB594umnMj5Deqgtl/nT0RBYMCyczRVZmrlqHZIABiKGe87Zmrk1BPcIs/tHg0AoqZQ0I1A9du3qbnW95ZIl55zydmwR4e534wOCDyXfbhvJQIhFeB6HOwaPh4KRUhJtbX1fwJ0oMWVC8CDtSpj2vdfm5tTVEoaG5ZQPPY6jneaJOXnk6w2ui+UCP/305NEcdCwnomzm5ob3GgFhRNxhd+6utQISoJeSrf17ewlQJAGAu6Obdc2ZezWznjOHRu9qGmaUUgINRFTV3q0kNu8AMYzFJc8p/fa3bx7Rej+fk3U1cknp9rESUJIMoV2Vclq23XsN6OeHKQm5t59/+QlJhjKYGgREUKsRpDKFqgOSBoczIDFhP+ofBp17RNBDo6oqIR3HkYfsboiteWUhAup19wDrHRAx6I9pfnhE1KNJTuR3fhYhUtxv4uGqq/seHrIfHkFDKgTVuoJFAPqdrO/GxIDRtYN7ZolQ4uQKCPdGS3JwREBEydn2nYiOY2cm5rjvYvZ1LXmuveWcraupESIRaVcNrfuBxLXtj8+f3NyhpxFf/vL1NCbra+ixb7fTUKwvebDAHPRYfQafh+f/gfNnEDFkGbh6q6CJZkIMdWJH9q6Vc4nAsAgHYtDe921PKRGqe0gaVBVR3B3ibq0pOUXbrq59KJmYICAi1NTUe+/TNIuEI5rZw8PDvtSUS932MJtOEzH148hjOba9t9oPHcowlIyIrbXttnGSqczrvq3LtrU6zidAcsOP94/edBzn5+df3DvBvPW+H9reP0js8fF0vlwQ0Ky6VXckRpG7l8FzKse+IAoxm//xdkpMrdacs/37n1ySuTIzBYcAhyDg0XrKTAjukXNhZknUWmMmd0WMZb0VwLXq+FA4JQgcxnHZfpSUtB0BZI7HYVHYA4BjP9bjqAng7/7hT89P81Gvl6f5PE/VekRHAFXnO80AqLdmGqrBqQQQ4v1WdX+wAbq6OwY4tOuxQAjR0I+tNgVAyqwdUs6tqXkgUThkSe4GAHfjBDNjECIyS2u9dyVkd2CGsIpQmVHWrQ0DspB1IwIwjEAmVgV30K7jOBCAaQdS4RLhxMKYEBgAmZiFIsLs3t/1XEqE3ZUHzDJNkykw037sggQBf/xzwZfbGubD6Zxyduu9ay68vF9PpxOTY6SqRx4GB2u9oSQuX/L4QPIo6YGnX1sTAG+95imDtSSmcYCDRw1TdGXO4AaYAUEk7dstCZUha9c/tugegHS3CIjkrsgodzjFPE9t11oPTONtufXeEydTm06zQztqG8scQQEIQOgwzROEa1UIWD9uiJjH6TRwhFtErbX1PgyDum3Hth17IMynUxDV1mqrbsAsDw+P19v2+vpKhLmcAEtg+e9/+Sb578Y5ESQkQDRCRABT9TAWvj9VABmCRASQApCRkAmRiRDARTIQMAYFuUZKue2KBghwHDfCwpz3rboDIhMKsLVjLyWDSBkHw75u+3y6aAtbtoGHbbm59nl+LMMYPbrG5ekCKbbXb2bHT58/E8Wxr6nIPJ/qUUPcAwGQGCL0PiwBdAxkZkboYWOZTCtE9FYZAd1AO7gffTV3VxWBlMJaLUUiBADqcXhgysVDw4NjEZLWzYOAs0gilvD4IxsI2HsHwFIEXP7YjYkMxLpty1jQLQiIkEEgQgKSmUFIkhxYzRbVEMEAQgZAcLOIwABXhQBh9ohwV+0p8XEcvW85TYiYEiGC3zHThNqb9p6Ymtt6eydJ03zG8H05kAcRgmilZOvg2Al0nmcpo0yPOJx4PFmgATdwEWYeEJnABQUQCUJKjk7miJgdhJFNuwimJBBGROM0uKJ2BwJENPNAiDCCZGbWe2JptYLDMGQm1qaE2FrLOREiSG7V83xGhTLK24+38/mBPNz7se/MqYyTJCGium7HvpGwpDyfxtuyekQEpCyBcNu2ZkYix1EBOMJeXl6I+PHp+Ti6E1lUTI7u03kkJgx2JwAGiHDnxOChvTNTTpN5mIf1IAYHMNckYmaqysyIeH9zcjOhjEA5saOHNhYjjF5DUtYWrcZ9pMdMx7FRGXpvvXdOfNROmM/n88vrD2JCoPfbrchQyjDksm57OafTedK21ba0SoKSJLtGEKhWRAIDYQk3RAI3Mgy4B9ccwW/L+1QShjMChGGYgBIB5WIOHQAR0TtTczsoTSzSjzYMg1pV7TknimYtCFKi4U5rRycPc3cAvJ/0iLhX84qCk3ASQDIDIui1QRghE1Jth4ebuUgWzu7UvZUk7kSIXY0pmNkpHAwgUs7tqOauZggwTrOjzYS3j6uZlVyadmaEQGJ2VTMz02NdSxmQICfetoVYJOWhPNVjHcaztWUYyK2WlN5/fJTpZ8BL8NSRDtgQmqF2RQFxcwwCZPUa3oeUmDIG906BXKETR60tCWvrhMCcKQTDURJyMgUNML+Xm1MGM+ZqdR7H4+hImFICBiNLksP9tq7jNAaQh297vZdnvDViBMRSBnNjTNt22LHdjx8sdL1+IN1FufpxvWp4KkMP3/a1VX14eCKiUkoeSsljLpOTv28/lmUbyhDUSLwf9b6p8AAPC4BuFQFa6+7ALEziZkxZmDHM3YkIKVIeIvyudGNGBHINQkLAgCB2YW7VEEREIAioebRaa0qsvQclkfSv//YvJOPT42dhHMbxZf2wpilfCCkczCNJ0t6HKf/jP/0Zeu/bkc/jNM4QyCSGmBJr0wjz8CyZAAn4XvRGMBFq29HBBMGtE0ZYp9DMTJTVMadEQLWuSXCaMuS8HZXJPToSioB7Dz/CKSVupgiZmRG4uYY74X1bDEjkin2XdT1KQfE4MhpaJTF3a2juPYNAaGJxdAchGlnQyYBEjYC5uxIYGkAAMPZwzIWcCATTuPbOYsRcznR4uDlQADgIttZKSthBq02PX+JwWw5sNoyx++swTsd6LbkAg7FgflIzZhy/jEoyjOJoCFy6QJIuIkQMWLddmMI1AwMQWpi59+OOrehNrbdcANwQgzkd1ZFOJBgBZEQA4tb3usMN3Ck8YujaWuUyTgq+bbsg1f0YC7j21KF08GVfbkspRZMzd2juBOfHs8yDa7Sl96WO5WTWVe12W1MZDPS23NbjGE/zmIZlPSSNBTKTzvP5qIckKSWPY7rdXp0NY88Cj+dzQuj7jUBCER0YLFzBCWHsgRAVIbkRBGeZIsgUAsUjmJgytrsfVgKodgsC8ruuZ2AaoF+vrksqWPWdS6GUXa3fVhZCGnJO27EPM/7y6U9HC+89p2L09DizD24oTBjaOWEQrdWDR8D6+dNnfvLMPp2lDNa0Uid0TJDuOFvtiohOhkQpsYczxpgBoYY5YopIToIUBxqGSEpVu1kzhDHNEKyWkQihZxRCMG3uygAiqbuzkAs18vAq0YHE1U0N0Qm7ZNmo8gTz40jny5wzY4R29QBOiZOIyD1NJSzh2HoA5oACmJFTSsXMem8BAHcmfFAABuDd0lFKJgTVzkQlZ7VOlOvuvSFirtVZxmE4t6br7TpPzHi09Xum2tYXre8Bx7F99F6JSHIBSRam3rvXAIV2ZOIwZxRwgIhSyvXjA8Lc7C7qCfduCugQPaKr1tZqrc0Mmkbtbobu1JvXqvt2HOuhrUfc497+8bEiJkCJwLrVknLvOp/maZ6A6eHhgQHrtuG/k+Ja3UPNWt+29Th2M2OAUP94v27bEYHMOQC2/fAAkmQO7f5pU+rdkKS2Xmvfj+Yet9st309TqVxOD1lKOAAAUzAZgRJ4YrwDgmptqq4ahJwkm/s9AxMBZRiYhFO6BySJGSDcDRCQkIWJKeU0nGcUAorT41gmdmrmR86CgLUrAktKt9uVCMdxeDiflttKWD5/+hMEn04nJHx8ugB6GfLj4zNLDkjmJGW4PDwGY9MjomdOGIiATHyfxADeNVZ/NE5DNbHkdK9dWO0NiPfWNcDCAwEYuch0mkk4EO+V1SQZAfO9302kwUg5UOw+62eWxElIiBAgp8RE7qrWJCFSqFc5tl1IU7rP6dzUAkK9A5m7QzAEfvv28uc//ymgExJQQKCkBATIHAZ3MZRpR3AgJu1hBt44egTeM8zYWLxExHA6KfXe2nS59OUD6pXz2tv30DW2RLnkcg7dtEMaLloPdequpi0PY68HqxKLItEfA5zwQAwgFEAGlm3fmTCLjOfTvm0pgAdhFkQICA9KMowpgxO4i6RjP8ICHHq3IWXJ+Vi3Lz/9cnt9O2qj3k/z1Ho7nS4lZ0CQYUTiUDWPYZyIKOfMLOwIgK2q517bMeJwx5g6ETO/r1cpUspwNGVIbrBvRwT1OBKn+4wi56E3rUfH+/Xr2NV72wSHp4czmJo7kQc3cANGAkyYCKW24+P9Nk3jfKF7DYrErWs7jHPiYLxrkltN6IQYqmBhbh5AIpLH9DD2dQ/1JLm3ut127tzMuhpUumtgVVvTg3EuJW/b9v52lTQxy+X8ULcl5+LuR9+6x+VhOA5brkv46fOnAVHDDAPNDe6/9kiIARGEiIBmLsL3PpZZYwaO+wdMZm2QCUEgMZojY2+N3IhZJOU8WG8E0LUTk5lDmkNG1yAuyBJIAK7uGHb3pYYrsiMEhSVGsBBCTJKSYK8aEO5OGA6dmcIQOe0N//Vf/9vj5enycLqvfQFdVVs7JI0kxSkQQ3sF8GO/pfu0ASInrs0iAt29sXUtw2CtpZI5sbkTxzRC3f8W8DEkZCI3hWj18NPlc1dv9ZA8cco4EAAereVckLC16gEsmZDvAZjHhycARBFSI4Jgvq0rMxmgapOSicgc3ckhAQhYF2JANNUiaduPLPL642UaRyHW1qZ57rVpb3WvrTcLv08DZBzjHrtJ4uEElFJmYW8KEIkYmt5RSufT+WP96GbdtJRiCPveAJhQtv0IA/NAxlLG2qo7AriwfHzc7kHa0+Vs5mGMwdqUQR0isAEqIKihBwOKuUUwc65V5aiSGZHMGgQSoakGOCIGICNmydaaqfejh4V17R6Yh8t8kmFCIFeL3twRHcZp9K2bubqr+botkvP12npzQDZniiQyaN/XZT1fZkecpvG6btrjNJ8A+eW6nh9LSYhCYMFALNxqA4z7OsXDIDAJmSkx3bl65jVlUfOU6XT6tLeKlJCZKCQxIkj2TNSqEgYJMtFy2xEBkEOmDhIYzDmCXA0QEFDV7vv2cDVrQpSEUUEQxXoDSb27AyUW16ampUTXCoBAKYn8T//pP6UyOtybe4QQGq5h3TpTdru3LSN0s34j1CBEEo+CQb32UiaLPQnmYl0rkOck14+r7QvFAdzADgdOMGo3y8ZSluuS0skVhqlsxz4/jtp1mpKqeShAaG0EAnw/2hEEeQSjpDIixL4tUgbr/b5biQBVJC6ACJC6akEG5OvHuzWL7hEgnLPk23X59PQcgLmU3u38+ESqqbX367t7jKcz5RS37TgaEeDdFR7gFsSMAWpm4CWn8AgIFjk9PnzcrkFoCCSZo1tDcJyn07ptiLivS219Op3DfW9HgDM7QNxua4A9XIZpmrR3yaitB9ec0Q3dIoBQSJgQqFotJS3LNp0GJDSIMA5GtT7wFBFdOyMc+77eVkZutWJgb32vpnz0w5h4HAZGCsdSxuvtGlWRpVsPko/rmjMRhnqIpNrdg1KeerNt2yLATPM47q2O47BvxzDaw/OX17e+deAiHBZuiNhaNbf7htTd7uinnDMi2B/TqnCzVGAc014rICGyBwpnQQZySUxBYZYTbtvCxIZUSnZ3NdeulIhI3J3+/dmnHnDXxSEgQjONgFr12LUMJlnEzEjIQZZtG1MidIBwByRmQDWbp0FEAEIkWXTCyKUAe6t1HAY3SwmFY18/XK8ogCFhaV+rGnMaiDnkiPB938o09mPzyJLMJfphEUg0gIHu3tS5ZCJiGY/DTPHHt5e9He6PQIgEgY7Mtdbe9VgOACROl8sj5wHd1cEdCHCeL73Wo23n8yncwAmpgEtoIAMTaVWmsKbtqDml0+ncW3f1Yzv8IQIiAKbTSWtlETTN4+geZu61CzOIbLfbWEYMQGJTA6CUs3tDBDMjQR6GQg6I5n7UPswzEptrPap1Ve7hfm/9O0jv/e51u6tdzWwoaT+qWdRjwxzVA9z2Y4cYvUfiQQ3MFUSEh5w4wiC4HqYGkkSYMXjIeV8OB7Bw6619vLXarWvd6/PTc+IyD3w9tO6+bdd5msZSwPz2vnjQNE+1KyFstRFJuFk3ALLwYRjfP172qp+/zNfrbR5SSmmaBz/ax7qZ+W1d03waLp+u+/rw+QKHExkimIUIAfA9+lGy3B93EcD3t2iMCGitBRCzmLo6p5SOTbtVZB+KaK0CofsKEGak5kA4DlPbW1DixL33lEcm6aYeAEyMaNoYEQjQ1dSstkRcEoj3ngYxB+DEku4HJA8KgJRKADkok1lUxPusMJrW+y4DwL0fENG1JzoyVZDDQ8NKyrmMA3UhGfbarO3TNLa91j2Yeb9dTa3uB7PI+KUwLu+L5MTTuB64rVsSn+eLaRz7nlL+7//995zk80+fkYATRGAYpITbXiXhvh/cXMZZgAIoJbkTp5+fv4Rp71141I5H6x7hcOScyKPV2msHQAjEwH37I5+gXcdxvMfjDMCRhvOlmtfWrm/X0+kECKenpwiwpuqeRYwwMBR8Os21VU6ZJR2Hdre+HMdxUC5q/v7+AY592z99/ty1z/Ow7VvJmHJa9g6IZr2UsWtLmQBazoHY52nudTF3AhQezIe6N2Wcz+elrr31vS5ukEvuDY+qZeDe4TQS5+QGYbSsCxAlZuYxSQJr82nO+RzmOQ0XRGBI5+xup9PD+++/96bjeOm9pyytaikD8fTx+vXYNwcq4+n9uu71INaX1yaU3D0ihmHAlG/7lsfcTNfa2t6933755WlMM+rV3HNO7u7uzCwsf4QouyKhSII/EgzgHsTIxBaJMdXNNXw5tnFK9baBVnR7mEi1e0Aqw9H60Y6j7TkZtJalMIoZmAEQE2Z3ExZ0NdfEVI89ujp0ayIIYB7ABADMqddNCKpaStmDGHAYc7eeUrKuAKHqiOAeIgLhob3kXLcWtJMfaEt39XCLXMpJTufAhGYpZUBgJgrMXNp6PY0zQhCnUubr+2JplCTLdXl566rw7et/n6dZOAHANIzrbQuMZTsulxMQ5JzqvvI8C0k7jn1vKJl4Gc8nADi29XyaCaAFYLh3OGo1Z5EMDBrO4Np1XdY7kMrN6n58vL613r58+pxLuXd293qIyNe3lyHlT1++7Lfb28vrrVuEXy6nQFy3tZAIkog4QG07/PsF5QhpGmvbzTUPowPU2pkSEA4ncmtmPadC6ExuHqUkAM+ZyyBxtJzzfnyUIR4eHmpbMZSQEYBp2lfXyms99gOgRI/GUSCYUEzRjCOVprFay0+ztu4uQz6r6bbtycmCUYbLfGHkrW0RISBV+3iexmkQRKtapKSUe8BRG3MCSq3bmOd5mLfab+sKIqfLjCwCLsTCllJal8WFHy6n19dXGR722nrEeqvv7/vpy4SyoMM9inOfU7FwqJt1YoxwtUZEiCRSzDoAEqa96vfv795ZzdIox7oz9tOQipS6fwAEirj1e8VqLIl0a+tNhkttFdLUg5EzElo3AQRV046hWRjYj3q4HoJECAgIalaYnchdidkseq3zOZuqg6mGMLo7EoZHeCRJrt3BELXkoNB27BIKQZKzKjgJBu5HzWUESRAgOSUR8BjKBQHSMLpxbYxyGQextm1tmednxEg8JBFmuk/FHubHIDja8fF+C7Cn56fL+cF6dQOiBEDMCYm+/u1v7l6P40Xo8eGx5JRFImAeT8z5TspQc1djEmHR3utx5NP55cd3JHx++nSaZxBGACIydUn4+cvn28ft7fVlHqdPnz9t19u2Hz9eXuZxTCn12hs13boT5SGt+54kWVOHCijzfArmOGo3770BUinlnCnnvO5r184M7urqxNR7VTPePZcM4A+X83zGkhO4sUgYHEc9NEgm7dCVPn68n56mNMmQinZnRnebplMA99YR4vXtHfBuzEIMEhAIv5zP27ohCUsaJoruRUrm0TDWZSU3JhnOE0oW4G7dIrKkUqTebveJ8zifevj7bWm1DmOZhuHxcXx8nH+8vTgGs4iQhb2/f4yXB6TcFRCTuxGJqTJhOER4GESECIe7SPKI3rW75pJSGj2oNTuO/v7xgZaGYey150HmaUwYEC45QXg5XTjlfTuQhRC4dazeraFIgLmFWRCioPRWOTSst7olZmEmxNp2cScBToxhte1bjhDmHUK4YGCYYHBmiFA31a53UeNYBt2apGzRav9BcQ1dux3qI6ZPUh5lSBGpq3MakPLdcxBs7+s25OLCLMI2fHy8zCd+OI+9dy5PJZ+kw3K7Zu+IOE0TMxPx9bYwc8lMdEop/f7b78dWx3m6G9zqUff943K+zENp2hkKAo5pFJR+NEUzWMfBiElbnB+f+n4c296ORoDC0lp9+PQAQEmKuVnbci6ttpJm3Rt1ez6fj7pv6/vD86M7G4pwogC/z8TAU5JdqwUO40yYMrKbN3X11Hprih54mibAwAgyA+ufLpfW2kaoppmxeyOwp8cTpbQdu6Q8TfOxXGOv05BIGICDytFaodzCnHOPrspnPg1kS7/ufkXSPI63rTUH4Lm7Q7TLOGTifljdOhNE85LLeJpRuB2bka/H/nj5swxpP34c63uMU+vh9cpC05CPqtfXb+5S2Nyd0+SUW9OH8VGlfXoq27ES5h9v9eMWyHi+zJNsL7t2T6iq7iLZHRDT3d2MEJk5TNWiE3FYYgLXAEYuHrWajfnx2PHl5Xr0I58gEbtZzuMwzmUYiKPWrduVEQtlgFwGunvIjTIKD2lS59ZdgAonogTawg+MBtyp3IERjOKn0yyt7oGJRO4EZnOXJImSu+c8hjtQgBtCJzRAczcmcHOiMFOGuwkoXLlMz9Zhb8yQy3ja10aSchm7mnXt4Qh4Pp1MLciJ8O3l/XQ+3xOLLFL3fRzG3o5lXXPJx1GB8PzwsG+rCEV4KWld133fPn/5rKEWBkGX80mIGXlbV8pp2dbE6XI+79s6TdM0j8u2rtebtT7c5d7rvl2vP37/flcwDcMgiVU7s+z7ctTtfJ4B7G4hQIzbenOYza3Wdn17f3x+KNPZm223xc2RqHWFgDINZRyYE6GYBQSUxFXrMGTTauEi3HvNObHDelvWZRmnaZymboqIhh4BzbyrjeNMkv/5X/8ttP75l8+36/vz48XRugUAr8u+bRWRmRIERdC6HyjlaHsqI3Ay96M1w22eSknZTLt6ThkRUNjC132fHi5DTg/jU6+VnFhS02M6j+H79ccrBgNayQMR9b4xkpv1puo+FEil7K0H+DgVybS9rZRS9/jt6/dhmtdtn8ZozVHIel9vHzkRoru7mWlrCJ6SMICqBjOEOTjhfVKnwzghJYz0/bcfkmZ2yCwIdnl8GPJ8vW3vx40ZhzGdz5/3bdUOx74MoxA6iiPIwMy5rFtnipQkpdR7t6gAjdjNNeWEwJs24pCMQhiEAQgeISIJGPHOpIJ7FhhQPRqikffetrs3DDAizLsBwLbdUkLAsfbENE6XhzTMASxDssBl34g5iagqBtwRWmWa3l5eh6G0Y2fCJFKPwxGQ8OPjNWVGgmkecpbWdsDI5Z7rainzZTwdx8FMOZdtXdd1Ec7DMDDz3ttQhl7b+9v7r7/8otqYx5zS0/Pzeru5alf9cbt5xMPDqXdNiRGBGBOXbd8eHi6jsrt69JTEvOYivTOL7Ldtnk/7sbWqCCws58tFgF6/vww5M9I0nz0cgsx92/aIQCAZptZrzsgyuOk4zNM07h9LLtkj9O7+MHU3i9YtPKhZlDT+27/9pobCZdmNnKvyetRugSjhkPPYauckEbjcdoxuoZyzY/n969tRYxjnKeeEcJ6Gduzgtm0LEVKSAAgAj9hbTaUcbU8pr/tHyizRt32p+5LLaThNGlaQs6QhWdR+9CjTyQNvy+LgFu1YjqbhYHs7msbpcsll/vrt24Om6fxoDrfrlUIxejt6YQZAyhCu2jsQCjNSAjNXTaWEe4RSZMbh4309ln6+JAYEt/mB93p8XOu33188YpqG+TTVTc/n8eNjP5+HXjdCd6+JJ0no0YgAw8IORQMKSQpgERbhSSSlgoi5wzim+w4OCAPCzV2YkNDdhVm13Yd4ajtF87q563Cee+vrukgmoexGiVmktBZl/KTKkh8OCyEhIe8NRVLOoNaPI6ccAeYe7m6WhNKQ3XrVpqrT+fz92++SpbXetLEIJ+Ek4JzCAHzf2zAUAM85AaG5l1TC3EGZaO+t5GL7vq1r7w3cTvMsRE+fPyPR8+dPP759TVnuAIje+/PzU637dJqk5GNd5tPY+p4zB1Kr1cMgxAHzOO7H0dT6ugFGoPSjdotSSpmmy4NCeMll3yuzBHRTu/P+az2+/vh2vlzOlxOEj6cTEyFBFyolSc7V/P3jIwCQgJIjEQBD4Nvb0hs48ulyopTIdNmtdQxOYx773pAoJcg5TWNp7ehBSAlcrm/buteUh9Y0hc15BlV0dfMiMuTSwy4PD48IzZWYWISKUKahDODq3q/vP8YhO4KBE9G6bajISBwonDkP1/3YVfOQiAMlDPzTLz+lPH378VZv+8vH91wGdVg/bsPjxfr+6XG6zEXwAMNaG7gShqoi0706y3/0VJyZy8Ae4a0DoFlfl4U5LdtWLZBgWboZzPMFAMJkWzuC5ZxUFaICVoAGIcQJwAmDiXqv7k2yE0KzAwOIKMCRIWVCFuQQQrdeUdzDmbD2BpBI6P6uj9EEO3LztpJviNiqBcI4i6sGxDjNlFJgTkWIT+yJUjHVAOymLDkxaOvb9ZZYIICEU0rHup3mmcPc/TgqEedEoPX58Vy3tqy3cZrGYUiZ3z/ew+w0j63r+TIiYM6pDMUCl2VrbSPkrl04hdvL9x/ENJZhGgaEmOciAvcJ+P0Z/OP7j5TSNI2Pj2dAm88zM1rdh2mw3lSNBQPxlCftGIZ3kMZdI9d7vzMotTta5IwaXqZpW9a9tZwKImnv+74j4r07djmfCAJUj7onQUrSjxbWEeGotap2s25GjOiGlNRjO3yrVs2JZTt6mD+fRndDpqYxFkFUVe1aa1sjzqp66J5yUleR9HA5IVHvrRCNzHQfeWlt3okzl3IcByRBgpRSb23IBdhbU/DuVotwAlEUQAyAbd0e54e17aYqJe+tAtPl/Ni1vr+/f/ny+PBw2uvx+uPl6L7shxOicEctw/D8eEr8+MvnAbz2vjp4zikMXft910H3Zmc4AKqGgjklIOz16DXOD+OyHvWodz57ySNiPDx9dgsiCMCqEFu/UP54X06zlRRdFUAFKCKIkgBoKAEyOCERBhFbABLfZ60B0bsKhkEEgSBC61qEAYmQIRzCImrECrAKNcoeSN26ARx784DT+ewhYInSxFIABwJywJQTIfbuBEABhDSN0ziO1rtHaOsQkERADRBykvt07F5uJsHPP326E4QA/XSeWj0A9HQehSUQ6nEw57od+7qut2Uow11r5tqPbS/juC7XJPzLL1963Uuit9cfkvKP79+J7k5KT3KKsGGYItxMWYjAnCJlAXDtPY0pJVprdcNAnE+zqj1/+sQsal6G6f3795KLqwKhlHwch+09pxSBpYzv76+Pj49mBs1YeFuWYRy+//71NM/TNCKGdVX3AMrDEGrbsWVkkaTdNMADulpmbrU+TJcAn+fxtmyEsG0LAwYookXYut4ASMOQJIICeSqzCA3Pj2c08Bba275p6yWPps0BtPdmmseBiFrXpsc4JjOb52nf3xCwtW7IEUHgZlp7Q8RA4MSP59O3t49lW7+/fP/1T19Yyr/99m3bttrNkS7PjxaAiGr98jx9+/5vQv2f/u4f+vE6SETAtq5ZWJiYM4Zpt0AnQoBUq3aQ4HzHs+5tT2Ucwt/eV4JwB0l4Oj1se1VrWSTQypDBtbZurSYK73tKgAy9GREiOoNkFmQAh307GAiJIsIDPSAw1dZERAjdwsw5wpHuiT2stTEGeLe+ByymH+B1yAlRSFK4ANI0zeYDxsBQwgRJIgIgRMBc3YAArHckZmCS0NaW240AkiRhvpNehJmFtPcI37cbIk+ns6shYbizJMDIaXStkvh+ihjGtKwfrmzacxKAQMAIu6vKwuPXX39tdQ/r3XxdnWTMucgfaiOJiOM4np6+RLhk4SDtLQLdbV3W88MJgVpthPlyeVCFbT+maTYHbX0opesBAUMu19v1+ctPH2+vRByIap6YzK21Ps/ztq2n04kd75jutrchDb12GEZC3PbNkUAy56xViXPrVrWrQ1ftpsNUImway9PDPCZqrQpD185YkjCgqxEi9+6ExJhTLoQ5Avte58f5MhQ61tbbbXlFhPteWFgAZd23+Xwa5xMhL/vCAlhNgPxQMOhNp3KunQLg2PZpmoZhDGdzuXx5PtwCvJs9PH9KZX57f6sdSCaGPs3Dsi3NNNAvj+Vj+SZsf//rJ0FNJTNqbz3nXLK49t5aYmShZmoObqiYHIaqyTu8vb6t69HtQJDW3aOnLL4cEGSmai1jAKOFCYGZB9CxVyVPl9EViIk5aQ8IZyRtWrsXmcMdAImgdzuOjiAROSyJa497UDKCiIjY3BAport11yqiqaA2PY4DaXC0YX4eJfcOZbpYlHAeyqxNEU2EzFrrlQEZJUsCh15rbQczppTC3M1SSb33nKS1pqqIeP/1JcIIq/0Q4XEaWusOFu4Q0VtLKe3HQYhlKOutDWWw5Nu6pZTvR8lPz8/DOPVeSy6IigA5kQEcxz5Nw5cvn263GwDcgRkREW7matbVHABLmawbM+dUVGHfjpTHcRy6asoFHB1AUiGW/fpxx+6lks18Op98A23dzKZ57u1Q7fu+FyxEQhiqrVt/fno69kpspeRlryix3lZg6VXDSUqC0G5aew3EaSjTIDlhEsicRWgYiymPw6C+LuvhbkRopu6WU0ki7eh35sGx3rjut9tbyiSZ/a4aYNHWz9MMAbofTpiQBhG2CGIySJSenz4vrwcju9nTw+NRq4VLKScZh7l4azIIbNGbAsq2tTLOmBitf/v+OxeZH2YW5NyE4PlyeXgYI/o9OJZzVlUzDTdEoDurHwwCzVGNDoX39fh4aXX1ppjLIKlwpr73aI0ZW2uIPk7ZsXZVECjDBBoJcwKcx7EfR4CWko69IbKrQ6AbWKOujuFOgInVbd2rdmxNf/7pF1m7EotgYpE7TtXNBNBd1RF5ULfwIJIyizpBlMCHnE/j5RQOt+vHOD1o76qGxEjQrd97NwBx/xoQOSUiqvsuIu043DePGFIgUWttGAqE5USqqn6IEBE1te3YTpe57TsiANhR2zSP+211R4xAJCYchtJ7H8rY6vH08NQNEg/aKxEPJZUhH91E5HK5uPu20b4fpeR9OwAjpaTdAAgAe2sIRJIJoZt74HCa6qEiGc2Wj+s8ntp+RJAkYiQgZCIOvG8qOvSh5Fq9t3oHwbt5awZgqm2cRjLZ9gMIEkPKOfa676s6hhkzgqRwfnv56GbExAmnxELYWss8QAQCjDk3BBHyLozJo49jcYN13cIcuC/XV2YYku+hhX2YBhZ36BT48PjQa9StplJExAOjqWmv2kcpINp7cBk5ufrh2k7ned82SRkCEO5CtJYYPz1eStFvLx+1tjJd3m7vT5+ebrd1mCZkjb6XnJ/PZd+WL+fxp8czR09UomNvfltWgpinQYTd3bqxEISUYdKNl7X99a/X3kg1fv3T37detRvcCyoIy7IzsSTJeWzdmIi8634QeNNGibcdj+pjmlFTEu691eMQxpQG4tEBt2MLAu+KCY+GFFNr+76LQJnVHTkLoYd1N5EU6siZEZnGXgsJuDUuue6V86kpZ75YK4x7Zve25OHcwYlyd+BUGC3MgNC8Q3igFRZVTcwAIPfRrKkzuft8mo9jS8wEIASOipSYpZvlIa/7h1DyQAIAt7ovhQgUbltrTsy0bSszm/dcUj3WnMrb29s8z4SSZLx9rFTw8nAW4ZeXt65tnsdpmu51wWOvKSU1rbVDQEkY7iiZmETQogPGvh4l5zGXfVlO0xmQ2rJaa5JztJ4Ra2vAd0yE5sxmwUxDyRFx1LjdFhJZ9j1nQYQkaW/r/YnDRAHReq1dm7NbHvPjGIDU5wsngcvprL01cbPuZr11TkWNIDCnqR5XLnLUFZHVTLfrMNBpGEA7M8lQDBuRu1trrX/vhFnKJcJrrX4PJNw7kxxmtYXN40MZ0jj1dbm9vb8/PT1rN1M31ZwSAdejZUQ0DdOuenSt2v713/7b+fHBzJ5O5Tzx//C//8c5dUQoOWk9jrofYSmJ1RjLhBAQaBYRJIwUcXR+/Vjfb7gdab2Gszn52vfEovW4M6ITMxFuy6FqRH0YBybEeg1slCEXbq0bpOn80/u1q23PTyePQEo1eq0tQpiHj4qOWIZiVrvKvvSw/PLSJMz/eCSFRwTjvT4B7m6mzFjGcV3eT/OERKfzZE7uBKjuEegsRdUDLAlatAh0AxEOAO8dIryr9j4UJgTge/3HTqept5YSuiqEm3r4Xbze7/FAZk9Mt/XwUGAvkntvmSm6mQcEOUBvLZIw8x21GxHModbGKb+8fv/555/M61EX7zHNo1lPJSFBre3l9Xspwx0+gyRFMjMe266qXVXMOMkwjhjBTJR5W9fMKafUWiUiJBzG8TiO6/s7M6vq3c7NRBEmwsy8riszE+ZxLO6ueq+bBQuN44i9L297v5e2AVLJrmEROXEAqLUIY0ldq7teb1WYmBEIyRuYu9m+rpfTqbeeOan5sbehiEiy8Ag/zZcAQyCP2LaKSOo2TYIUKct9c1e7mnmepvtB3wxuH+tyvU15nE+0H9vr+8c4TkRi4Ot+BFEQASYHGMbx7Xa9PDxxxr/+/rckgqD1qFNKH+/veOacuNadwkoRcz/2PSGBYes1ieScWu9ExYObaq2xrG3ZGiK5eT0afqJW+7bV7baIyK+/fiGk+XRqre77Nk5nYhymTEgQdZiHaR61meoxFb4tx77hOE21tQARSXu/ivcyyFEDnTLP79ev0zC/vlwHSQLuZShJpPXGSOu+QviUCyClNJgdTVsuE2DSjqlk02augFqG8c76TCLWGwlbqxY+pnM7em9NiBEQIpiotSoiqeS+H5zvgWd2N05pWxY1L5IQORX6Q1DB5B5CVJunnCAaofVWGUS43JZ924+9dl10miYz+8Mmpv18viy3FtGvt/fZp3HKzfpxLPWo5n/8tZJLzpQSz6fJuppVBChDsqYeYV1TysdxAIAbhEnvFdwZOfG9l30wERHdL7zjOEoppj3JUIZhXdbW2l3LtbfuCKfLiRNu27rtOx8omYHubWrsdy4UY8qcUs4iLy+vksKCA1m9AwQLjmPRXqdpfLycv3/9uq4boWhv2oyI215rbxCeTiWPg1vV0Mtpfnn57tFTHgERUZqF6p6GnIdy1E6cSQgpr/thCArQ9ACg67IhuJTBa9+7mbZxmK7rKiVLKrf9ttfKJDlnNW2tD8O0bbuI50FO88QQruoYpSQI2rfFTEuSRGbuRYgYIVwIVQHTZVlezMu2HceB7jSOw//uP/7Hehz7sQ15Gj+NYX4cdRpHMz+fLywg4oh+58OB414PwmCkMg4esYBt6yJ5DBr2Xb1aHoVTNo+wlmhILHPJJfuQ/djeJKeMgNq7272unwKcmMPBXSHobgdzLJxyRLBQ3a5lKKY7SwpHdyWCdmws5FqXq+Y0CpFbZ6A/FKCA/VARZkK17tpZ2AJq7ch8friEmZpKYkRi5lYPNyOikkZtdcjRe8uSezUGqEcLh5Ryzrn3fhzHMAy992HIEf2oy3wq81zMWms2nWaCSILQYRjKMJQ70UUI6r65u/Z+Hx+BIxL11gAglcxJJKftemBEYmbkJExEQyl129wdEWut7n4cR858lxmrdgA4jgoI3enh4VLbgYyXx4fpNL29v3bVIALiVhsIh8fRGhAPQ3boZZSuRwB1VUzcez9NQ9NGRA7+8vJtXT4AqOv9tQhV27btajqN+en5ueuRyzBfzrfrDSndKVLz6aQROWer+21bp+kspVymMwC34+ChuJoerXdtXZPkcZ7eb+9AbIHIebdwyWtVr7odtRl062q+vO+G4QGuRhjgqMdBlyEJi3CvtdYtJ75czuCKdRUkIgHkY28B0M1lzP/t396G6TGlmbsV4pRy4vy2vH397evnT58i4nw6tb4A4P2o5u7mUfcVSj2dhyTJtUKoZDavofH8fO7GlAaEPKfEIvvxUaubdgC93b7//OXzp0/ln//lv5Q8XR6fBQG09c3UEVJJcIdaBYiwpGwKhBKBBIll0F7djVjcVBiOXSEScRBSzsnByT1TpkBm9ghBcsRwFyC1DgFm5malFA8nyU23YZgQY/n4KCkhyd4PQYsw70p4r/9AqIaaeoXgbVuOutfmqQz7votIKeU+whrHodYDAEopdzxqhPfW6nFExOl0ymU4jt1Ux3FkIu167+Yd+x4OVo2zpHS/sopaD4jeKgKGW9PeW8+59H1nIlW9P3numOvW6ljSjx9fp+nEJGb+9v4BSd6v9vz8tO/1aPs4DrmU5oZIJeWlHkIZGaHj3hqxIrqjk4gF1mZdKyMj8TiNJedWj7f3DyHOqYhQa87Ir68v4zQN48Pl4WTuJGk+DbUrMdd1ay3ylH///p5y+vLTNJ0fa2sft+Xh8dnciSlPA0X2ZQvfW6vDMHbzry+vzTRJdu8QhGi9q0eUcdBonAQz29EywHXdj1oBbcxZmD49PT6eT6q3ql0EL+dZe6v7xhCkTizLdhzNcplqV5by/rovuyvoUT2Ah2lys99/+9v3bz8eHx8R8TKfpmnaq0c4Ef/tb799/vx0fhiGYTw/DEkQwe4UOXVF9GEaVEFIgAlQzqenbe/rdRO2nCEyfH5+0P5hoE8/P4FLcBBELMuCiKd5hjtTAAKAzPy2bl29VhMe3NE9iIWYwcPN29Gsm0gSSa12rXrc9h9fX+t+IDq4Wqtu3bW7KoQxE4ITAhNor2667ftQxtpaa11SQqZam1vcd9JDyejW9yNRQsPEcl/ep8ypMDHcreVmdxEITdNEIu/vHynlO8WWSBBpW3cIOs0XBK57TZyHMo3DfOwtAs3Ce6QyScoIEOYEuC5LqzUs6r6O43C+nMNt21eE2JalHnVd1/vPBYDe+77vp9N01H0YMiLUWtd1hQCAaK39+PFjnIaU5O3tFTA8Qt1v6+KBDiA5m4e22LbdzJkl5YwoaqGGrWtt9v6xvL19fPv+wjKCjAriJMD8ev2YHy8//fQ8jQnAam9drTs2DTNH5I/r/uPHTY2PHm8f67I2czpdHs1tPdb35X09bo7RtfbeLqeTumLCy9OT5LE71B7AApw0yBC31klytwjAlNO+b/teCYWQISIxl5QS01DK6TTf7y/aW07Se1+3/va+1I4GpWpWH1/e27LZ//bP/7asVS0CQLVdHuaU+NPnp2kshN61CuO+b9++/fh4v/7y86/Lsvzzf/lnVQUUDwYstQNyvtvaHRAlGXht+zAk8MP6ISCMuG/bOA4ftysl2Xv0GN43lelJWmvjMJwvF9Wec669LutWBhImEWGWXg+1UD0KESNo6xAkRAY+TbM6aDcEZiQGJ8/LdRnKSMwQgB6uaqr473xWSQkAVDXljER7rdM4qrZwc4Da2unhgtFdq6nllPwAoaR937d9nAZ3y8N0uQzj/PD123t3vx9DU0qquv1YxnFelqXW43Q6X6+vDw8P0zBcLg+11ZJz7XU7DmJm6qUMAIEUORdzB/b3rz+QGRHL+WS9swh4qPfEcnq41NqW5QYejKRdc85vb2/jOALAMAxmXRKJlN4cEXvvIknBu2ke0rKuHhYYQLAdBzIHUBlHB2xd1/04DpvnSylD1w6BrXdmZkrutiz3+4gSwXvfcirDOGg/zLxM4zCNXXcIB2QzR2I1Qi7b9cMs3q/rfHqkzMd+7F2PVMdxNEcZWK1dHi/EbLVZtJzJtHqopHTdVgNESUOZImDfa49wj21dShndY11u7pFzxsPKMJjVaSrneZrHIYt0x/tbJTP16uu6aFWMgsKABSF//fHRFPYaqeT/+X/5v/zLf/1vnz9/JqGu9eXHNxE+TUNJeV30cp5eXr4j4svL65fPP/3Lv/zLftz+l//z/zSMbNaZs3kQD0hOnJBdUXIexwweDHC8v/8wgyTo0R4fy7qtw/gwjF8+Dfn3/+3fDC5p/Ccx05JLO6q5AYWpppyQqasiBCJu2zGPIzCt63KaJ0BkYmbU1nrrnMcASYm9m9Awjw+vH99bO2QYc5LELIguSU31jn+5szEgzNSdyzj0rkiYyhjWSynuThCIgODaHYncIBSFxMwQo/edE2mApJTdWuvDMLTWImLb6vl0Uo2hnKbxLJxFymmY19uSUuq1hcf1/SOXkoj70VNO4zhp03v9pasmxNZae32bH865lAatrUdIsobjMHxs7wAIAEz4+voyjpOIvL29IeKXL3NEtNZ7C4Rk5gCWx5Ih30GzXXtErOsKiKqmEbVVTmXZtt4tpSGXIQAj0MwiqNVu2gEAw4Uo50GIAIxz2asSURqKad+O43HEXFKg55zPD0/NICIQYVt3N7jdthrBAycS7dTYYK/nMj1/fjbQfb+1rZUkZOGAQ5m/fbzWDh7F3EAdka/rWmtjEQAy99oaM6s2YXl+emq9J4FWFQH2bR15oILMVI9DW+uthiuTtBbq1qy+fnxopK6QytkCb+v+y5/+xMK35TZPJ7cWoNoruCXh5XZdt9uy7Q+Xh9ttGcowjvnt7V0WeHzK5jDkQpTX9WMYKGVRT5Rzrw3Je1uEe2ibRpCclv0GkJifIr6wnJ1767q1izRndyxlhDDTzonbtt23OUz8/nr7eHu/8vL3f/9PiYQsVGtrB9HAeTQHZrboy/ZeUs7DmFrejkO74yQAcNwBYOGJSei+7nGLSHkMi/66rsv2/PkZwB0imHket+WNiYXZHNwjiNqxJVCUodaeUill1q7HYd4TBpScmagefTrNjw9lua3buv/880POY04TIF7f18Rprz6U8Tg2wVGrvn3cCOnnzz9fX65Dwn29Spb5dAqPaZhTztp07xuSECUPZkrqXZG3bU+Q7OjEg1Cx1saUz6e5NU3DQIKZYVnW4TQeR+2HW+hx3MZT9rAyiIXZysGRSzpaC4DuIGX0Dvu2TqUUZudcu6+1m4W7nU7TNA13/IuMoa6SkrsPwwBe3N2lH25AOOV0qJnBvlfQ+e12W7b66cvpNBUSYCBVy5SC/Kjbeou2rUyCHSARkSDh7Xpljcfp4a/fb2UYrsviAFUthHdtwJgs0iCOICnXVm+dkDlZ1e3NOu4LHjTVK07z6F7cU8QQ4UeNMj9u19Uck+S+tYf5ImVcD/3lp5+2dW2tncd5Gse94sdyXY9VEHMaj02//vbj4XGc5zwMg4dPs5wvqdu67akU6db3/eNynsZh6KoQ8PayDEMBcnV4W4+MPmV17ZlwOBWShnQFdMHly58+/frLLBjpet0xrcixr8s8lNvH9eHpkUXC7Pu3H/M4MtH3rz++fPplWzcgQ6TWTaTknMND1e64rx8vP+ruKQ2XyxNLWpfrMJZ6HBBB4UTUtk0jAtBbz5Jev7+8X9/OD5dhzK0fwIQIMg+gkShjRAfNUvpqZr0eWvLIMnx8HL1rr6Tdj1rHcai1n04TId1ut4CYT6fT6SySiXhZVqRkQZKGrohYSmEHo4GSlL126woew5CRESkDoJmxeTtUiJsrl+ySDrXbum1Hva7bKZ/MICF+XG8587bvwzw2Cwoah+H333+vtX769IxCPFy+/fjqREfXYSxBWLUjD4C6rqu5Hut6HDWnKDn1vrqYK87np+04cskIDhCvrx/LchNmIg7ow5gZ6TyfCbD3Pk+zjIWYPICYiKGbtr5bbcDw+aenYeDLeWztqMehDffd83jOuXz/+kOP48vzJ0EpuQTAx+1Wq5YyVAcMrEc9nc97rQ5Qez9dzrdt/f7yowz5cjm9vb0hgvLDOAzHtl4yXc6nzP3jelNIvYekjEj18N7NAT7qx7FX4dx6/+WXn6637cf3b+P5Yb19EHPOsu/bvt4+1m1+OIWnXo/a6r43kfLly6+///4bIuciKeG+h7sNI/XW3fV0mh8fH3tz1xDs4nEsi4emUhgiy1Bk6gqcclBWZ1de17fLZCW1ff0qP35/u23L7bYG6eVUzlmKSEC0ViPidruWlPI4OPT1+KhtIfJxGoRKgCxLBYjeGjOYHte3lSkT5W1t88xJEiKadzMFksI5sbgqc0LmQGqmktP768vnn79wShYuSbb3dwr6qMdpOo/DCI6RCoNrsuW27fXGkmttqtTV5vO59zZO03YcIw7mPk3T+VyGcVK117c3dxAuAbxeV5EM4OM0rOt7uI8F63a0bfv0dAqi8zwL5+vHNaUcgbW1GpjnWYFuy3K7rWZuxMN8en9fMyUXiYhtXX755aeP64d6APFf/vLXlOSnn35e1wWJ1r5vvRExURqmR/fwgMCo2gEhlXR7+yBFFHRfPj8+tf0Wgdrll5+evn57i8DW+zCOKUkpOdwBc84Sau6hYeM0p1zuFSIiujyUxLi1JWw13f7pHz911W1dj+Pae2eWcpqAMKXh/XURLrnIstUkzQlTHrvBMD24x751Sel6u7WuZRqJSLVba4Xl4XQSYQp8PJ/3Y7vM5cePr+dCf/93f05lbK17UCAbihv0XgFIAZd1VYxSCmXm8G9v3+f5LAWv17dxHMZxqLX++c9/ent9ff7pH67LzR0E0dTffnyo6m9/+x6RTI2QIEoYASCEdW1lSBFe6wGGYS2iXsbcFNWplDzl5O77vqdchpEpiSN3XaeZf/t2BdftdpUfXz/SkKxF1b0uH5ehMEGtOyJeP66XyzkXISYmYglSNIMIKflElKzvvfeUTteP121ZMBAEp+Gc01hrv8c83W0+ja5w3dbH52duRMjdPCV6eHo86nZ+fq69Zi7DPN3e3zjl5fV9vW7aHAym8XR7e0+gAGwhAbBsTTg1bdM8swgnJuEpZze7PDwNwzgM47E3IhqnU29976BqazPSZm6vyy1Q88jqFRzz6SzTnOd0PTbru3uUMb193Nwji3zcls1jnqZg2bZ1249ShuHhYV/WcAfEX//hH75++23f1nDYu5ZpGobx+9t7SuLdNmp/+oe/W25ba/r7t2s9dkmpti1lfHiYt2U9DQmc93ZLQ53GeUqxLMe2HMx6Pg2AxSxv+8GcIrAMcxLovXr4cTRCnMqo2kuZUpahsPW2rW8f7z+ScM6H6msYEHbXgxBz4mPfgOV2Xc3cRAbOALa3vQUOTgb8cd33rd62Q4kQsfVj+XF7fn6+zGMP2I59yAkJf/r8aTvWh/Pp/e3tUvDn54fL6dS1h3HgEMChIEwoYz1a68B5LmOGwG4xnB6uX398/e9/abX9+qc/Pz4+AAAxbvtSxtz7gRDnaSZE8NhvW80957F1pSEDRBLWVlvfy5C3dZ3GBxKpx4GB/y6BTYmSHsftdjRVwH45NRqKy3bPqFWoodNUSPX4+edP4h2V3Du0ql8+PdS95iwK3nsfx2nIg6lC4LKu674wyTidIlgVI8yd//P/5z8TYa/bPJUsjODTeIJgCD2OA7HffW1H9TuuMKXBPLZ1BaAsEp6365USvX+8T+fT+Xx6/f31+n4taajbMY2nt5d3+/fUbzOvPQL4/bqmlNRNm5VS1Px2uz0+Pkoq+9G2rb69fajaOExm9rZrThNKljLosR+9AkDbOqOXXAJh1/j48ZYYTsN0nk8QwLkk4tvHdTcvj4/X7bjdFgRsFm3btW9Csh/HUNJvL68O2AER8ejazNejljL02gLCB355f79dt3aomyG4JC4TpQStXXNyUG17nYuNU8f4GHLSdGhv6603y2V4NnMKJKSAcNcITimBe4QPQ/HQJEKG7Tg+Xj8AG1F/OGcAZUTC4/16Dcep5F9++fXjYznWAxlNPVCWpVbEPBAX7ha99nVpveP70oJoGIbWKgUK4nJ9Y2Yug9V6fjifTnNiSkh73x+GlM/j89Nj23ZhBkiIUGtvbUsplzLUI4jSsu1w8I8fr7W25+dPf/71n9S+/vqn09PjaGa32+2+oU8p3ZZtKoMwlVSE6NPz4//vP/9n4lsuw3ya5rl4LOOYc8lm+zAWYYKIfT0Sc8rSIbtJYFp7XJfWul3OM6efhMUjiAAgxhz72obcXbjVXYhTziUATvPDNM2qrbUjCgNAdyUkQvn4uIlguFFKYeQu63IExNvL9f/+f/t/MtPz0+Ovv3yhGZ+ezySyHzsLMss4DrViO+q6tXGcIHDfdlfvtS/X5dP5Cczfvr88PF/e39/KUKzW83yqWzuW/eE8ff3t6zyfL5cHBG9qCSWV+bpsw0TzPPbeTqczAPz22++qJttx7HUYhnq0YZha6/tePaIMU616u11zHkS4qbFAXduf//zn68di5tu3l6dPp/F0erxcau0f1w8AdIv1qGW+fHwsiIyUIMDctXWWFCxd+35bJi1jSVLGzOIWd/mZeozDpG7XurZmvRsRMbp7CzD0WreaOFwruBfh+VLGS0ZdtfuQiQibLgiD7m4WFtyWuFw+rXV9axruwihM2tZW8mmeLGC5fcxTcmsP50zUk4C2dhxVqHtASaz1WlKk7Efbg3JQSWmw1m7r/jBdzKA1pzyptuWo0zzdW9elJO3HNEwpyXXZT+NYmPu+f7ysAIGIY0rneT6WzdRUdZ7PvTdzqLu/Hx/Ey74d1+vt47pSemy9EeK339f/9f/xX/5P/+l/nsaHl5fff/z48dNPPxMxc9r3oyQ5zxMEXs6Xr7/9LbT+j//H/4OBbsd6vb2k8vj58yd3v17r5XFU7fxH2jjO55mZr52aEWJRZCoJcE3DE8JPhMlalSxMdNS98K75R0C+3TbZ6t6gX4bLMA7diCGpepmG3nXdNgqotU5ldLdqFQlPaWDO67b2fvz+7fdSJjdv1RC55MFMtVcPY5ZhmvxuEHVGwCTZug25dGs/Xt6eHp7qumUR9nj5/RsKvn37oefTeRq8a05533YEZOS//OUv54fTPJ9P52k/2l6P0/mSxyGNOQBF0p/+/HfX2/L2+vbl+XnbDkQy82XdiXjbj36opOHy+OAGzOAgtW5Fhv/v//u/PDw+IcE8p2/f31ptbdu72rZsl8vDUY/59HDbj/PD8+vr27bsOQ8E1Js9PH5+ef0xz1Myaf0YhrLu6+qQUhrKcF9y712Peixt700zZ+awtorsbg1bE/ZhSMOEx17Dwvqa6UwC4Y5gEVaGnDgfG35/eVMlgrQvLmkwdWQBAAvPw/l2e9n21941JRIRt011mAbuxwEOYUpgJAhQa313h5LTVnVfQcpjThQQuUzLqsiyrNv19oIsIFK1z0Nmpn1bHi7n58eHdb0W4d7763KdphHDAaOkzChvPz5YpFUVor/++O3p8WmcT0qorW7bersuZv6Pf/6PX98WCCSij4/rMAz/7b/+q/ft/f0v5/MFgcZxarUOZfr+/fdpGNbbdnv7ECZw7fVIcxrGOD88/dN/+Ifv376Z+9PTHHjMU0nC2nXIZRpHtTZx7irrYvvaUk7zcBrnwsPOWVvsTnhdVgSwbr1La+6WZZiKonezt4+FyadcspAuzd2PXcP86fFpyHmvC7FdLs9EWS3WbRtH+e33v/7y8y/v7+/jMNSj7QfMJ0HUJCxJeuvgNl+eTbukXVgchRyXj2Us0+u3l77u4zy426enRxCYz6du2o7605ef/us//+tf//L7aTzXrQG6g71f34ZJt/VAhmEsZSzHsTOLQ7xdP8BxPl+YBQN6VzN/eHg6nc636+3W27od2hoACbNpO03Tj9/ftmXD4J9+/kLIUng6Xa7X99ttcY/xdDlfHn772+9H92+v/3aH4PaqAJilvL6+ffv246cvn6epnM8P7+8vTAiBDlR732tFRDVrrTkGBrlZbds0togPgv1hnDlhxEKAjxdxB1Xfbgt65bBpztPAHSrCbR5meCp7jWXrlEttt1LOwHysy9//w5/29ZYKQvjTZcqJhoKJRLCFHUKmRkWSEwY4YYRvETRN+bqZ1QbU3KHXvd+8IktKatrN3ByZckkecazLeR5++vx5W6/gdp5nZFmX1LVBxOk055S0+jQ9hkdCe3t9ezw96WG/vX798fLSu37+9Pnz03QcFQMfL8P3H0uW/B/+8eeU09evX9/fMA/T4+Pn1qz3NSWptRHg2+uPkqZ21KVtTDaNmRITpWnMH6+vGJA5Pz48Ay/WdV1vwnmap31bkKJIRMMZ08Pnx7/99pfTeTgXgLLtre9aUwiJ7ftW5JH04l6n00mm0xSMeRosFCOW5XaaRtNDWBCZhcLjdluPug6n9PrjJaUx54IAx7G/vbymz/MwlGkanz89IR6S2cGOfU/5UrcGEHutj49P40xAiE2Xj+Xp86frj9coeSI2VxSq+773vdV2ebjsrd6u69vr2zgO7o4IeSjrtk7T6Xr7GMb5p8fHrv712/d9Wx8vT4A0DhMGlmHCsG1Z85gmTsdej1o1/HQ6l2E6No2AUtJPP3+qx+GN62GX82Pv+vB07r4f+/H7b78hyePjU6312Jt55FyC8O3tbRqn3rpbeMTR+/l8WZb1dvuw3i6n6R/+4394u30AoJnuR/WIbd1EhDMnlsSRCjH3XLBIKubdtqfHCVAjVNWIJJwpZMgpZ4x7qb4d3nwa8jiWaRqXTcN1bctwepzm3OoWYbVuBKHFxnEeh1HI2r4zWoQyDd06M92Lb+4agMiehEvJ61EBDckdgGXoXdWhqROLuUNVgQiHh6en27IwwdPz0++//yDiLPR4eb5zQ45921Z9fPx0bPtyXR/OT3U/AACAnh+fzfx8eqy1nT8/vb6/GLXPz+dtW3/903PvzfrUtf/0+e+YGAB/+9tvv/766/vHtQgIMwK8v78/XOZxLONIt+3I4+zu7kCUT9OjNnDqrdacpyJDkqR6oPVEkVLZuy4fP86ZoK3HBy63XCQTTdutJcneBo2h9WhKfrjU5Y1zUu7NbZrG+Tx5WLdu2otIQlzevtd9f3yaju3Wmz9ePv32dblcnlv1y/x0uQwQcLmcPpZvT5+mw25w2GlK9fiLR4Pg94+67zeEaxKYhikNyfvN/R2kv617GcRD69b2tW3rsd4Og733Ps05InLOd9OyORuEqu9r7/sGINaJcb5+VHAHD0Tc1r86xTBNiFSPXo9eyti7qh9IMuTxdr2B2/XlNky5K1f1vW+nsVzXl2GUj481i6ha3Y+cptb95W1RYCpTB367ra0ez09P6IEQisDMrio8sAz/+l+/TU+SCo1jIXLrnu++lngZ8gfzW6b1POToWDDJ8CIJEXcEcGfigVnUDtXOjAxyHMYgYjgW6LGRtCnx54fx4729amz6Fh63t63uOk8zCb+/fjuW44Mfluvy+JSfPyeRRnAjgXAwv4MeBwe6VW9OrRsQHX2jEsAggQEAKI55330YL/uuGA6gX3+85RRDJu7p8zPcPn5nmkK1VmidInhd6+32VwQ+nx7fl/rjx7sIPX46nYZTKcPr68fD8/O6bL/+wz8OU1LtRHC9fhyHleFcr9d13Ynop58+f3r+PM3z9x/fHx+eDA0whvOwWu07pfGpbbWk7GSSB8YUR/pf/6//r//4P/69geR5qrW3bY9op3ncGnsEZuzb4Qg5jdoQfIuc8zTfthsMAxNsx1GrPDz9bIpy/Xg/Pz2SCjERQoBr70xMGC/fXxJi27epjLWaEyYZrtc159Jqvd3WYcjTOD49PXkoJxWh1lTEtIXrhqHX24Y8f/3tb72u41iEF226LutpPkFABL+9XomDmT99/nz9OK7XdykgIqp6vlxySgDAknVrwsM0DKqImEyhVt3rvq3bWIaxDMJ0Pj3s2lu12+1qFjkNv//2XSSV6aJmH2+3z58+Lx/vt2U5Kq2HXR5PX748VV0jNOdhHh9XRyAGkHXbt6OrWg03W4Wlant6fjpqta5KqOAe8HCaw/rDZUZ35N6PrfUoAiAaRbV/8LFnaFOyMeOpgLphhFBJfE+qRmtGEM1quEsS+f+z9CdLkm1Leiamzep2Y427R8Q5J85tswFQhYaCAaVqQhEOKHwFvka9DfkIHFA455hkSYFCogpAZiKRdTPvvaePCO/MbDerU1UOHI+wRcz22kv1/79PWKuyOjOH5JsRUcy57rk4Z1a552Im1ojB7de9F9xzmc+u1a79BdGer+twPMwhqtauAoDAjIAGZKKyPSYYOQ5bqePkhDtIg3YF9rnIcZyaB8RdkVsVdt2Wp0bC0Xc5CjdCR8StNYAIQM6Fv/2bf3j/4WGe5nXdpHd2nKYgvVxvpb88Xy9LCL5L//zp5/EwqOrd3el4PE7TKNo/fvux5H69Xr777vu7u/O6rEMat233gcfjgYh/+vGH7lm/PL+7O/aeTdWFQUrdt+3Hn77/zT//GJInZGONwY3jiQi6assl543ZqXYzaKXEMarq6+triH7f91qajwMg7/vz7ba7fd/TPFmhve6tDJ5x3zZAQrDoIpnt3da2Oedz6+MUl9viXIsxmfTDPNayPz/1lEJrRbqe76Y3ykR00VHQRr98vrCfPn/axgGCV0ICHR2dVLXV65BOgN17blXMZNvXUzrGkEKwGBKYAULeO1oyC4+Pj68viwjW0l9vFxc4hvDSL2A2DQMhhTR/eXwmJDN684ATqVIZxwkUluW2bmut2zTF1sUp9Tp4RiJGtXXb9tLpLR7etTRxKZXSkRmZfAjdJCTfGRBAa++tGPhxdE9P3x+mkUuLAXveV7mlEVPCmMyMPElEiSiyZuq0rRVccA5rK8EHIg/sb88LAw1j4ERgIFVbKxy5U32ry2mHZV9Nvan0nlXjZSldvQlui7AP4xzSAIj53YczkfaOzrwaABiiqoFBB633fifHarRHqlarFsQyRkRycCQDMUADkO6kI2Jnx7W21iuVpn4EDL2hKPYmufTeK6ieD6dxHLq0y+X53fsP3rt1vR3m6fHx6eH+cDqOjn1p7bYuCPrp089mOh+mNxGGGdda922TLuwYDGLyuWQi11s5Hs9DDEwEoGn05mXfFsfDP/35z+g9u3g6nVrNIcZac3neEZG86yKtSSmF0G3brfXaX4WdT+OUr0utPabU2p5LUV8QwR0OR1OV1kEVtSOSJ0J0TGQi18ul5CK1xjjkanm/tVammVq7lpIBdLy/C8ytNBF1TC+Pr+dTKF3JY+2t5BZd2nK9u/vgXCDEvG4l74gLgDH72pTZqaljiinFNAzTXEtV1W2vhFRr7cLkhh9//Pnx8aUVrbUHn8gFF7wPcTqPhFS2zfsQwjwO9vz0TGTubQ8tlvdcawPFxy+Ph2k8Hiazdj5P19t1WS/O0+Ew1tr2XKuQtlZaz6URexHpxsbgB1aVy+V1TLG1UmoNwR+nKPXWDOcB0BanRbbeauaAde29iPfk4VAEtEAr4sFIrHfumdIQtbvb2lJyAGbdO8dS9LbdRLoJRD+I5g6GaozMQl5DXvvgETAUDQyuVPz+z5+I6OH+LiieBlK7UbsOabIqBOANzcSsGYhoR6kj7mgKJM5xM6PgTR3aGytRnH/LuQsw+zFWqex8dpgrmcImhi4AuNtlUfXDeJrnYd/k++8//+t//VfL6/OHr+8Pc/DBT1NU1X/1r//bfc/rslTDbno6zrW2YfDEVMreWtMu5/P7F9Pg/evLi3Nunub53R2QSZfz6a7VYqo++HcfzqZ5KwsHb+rX1ZrGbW/uujBDKVV7UxFVm07Hfa8xRajSRJZtYyYfggEy8XE+bjnX0kz0ME0Aruy7e3l6Pb87p+STdzXvYurZxTgQ02VZHJE5N8xz8LGLXq+v9w8n7wnRQIVQWtkYUES3bV2Xfnd3qLkXyZUpELUKJXcVVNXHpy9359OyX+/Ppxh8zlmE2LlWe4ixlHq+OyJxbSbCralTNFNANgh/93d/UAUVzFWkQ+91Ok/sWIC23Bzxr3/7F9fr9dOPL8uSWxW1No48juPz85O3QMw1NzDz3m/7Ngyulu3jNx96byLSq3oOoN5UpZsIAVDJ1YUwpuFy2y5lP8wjgfRWwPpxCCp9DEiKKWAt6zQOM8PtssXhIBC23EwcCL2ULGrJ8xSm4xCtixGoaFsghonIajVR9d6TUyQF7QaGRKLddQsIrdTeIdLYs/AOl5ec/djMrYX/8Y8/Xm/rVx/eBzHedzeiD+p61VVSSGRvpONm0A2qRyVS6G+PuBvGEBISFY0dRu9Ze82iiGCgPrCREZOiU2eI/unLlcI4Bv/Tz1+cGwyg9/7d939w5KB3R/Th3b1aY4JW8vl8H0I4nc//6z/8Q6v7x48fb7flcnuZxskAmGE4zcuy9C4///Tn4+EIhrXmh/v3jp102ev2cHfnvfv0y8+l5DGlXso8T8N03JaSi376XPY9/Mf/9Pf/3X/3v1FTBOkqBOy8f3q6pBS3vc2H4+VyScPYWnv88vj+/Yfb5VZqB3yz1fOnl+ec5eHuK9d6m+fD4TS9XB5RJTBNKcQYvPfYa6llB1FrSJbzdjhM0mvwyTl2jmvZvv7wdd47EQ9xqHV/fbrGAZwz6MqAzkUBr2pb2X3wSHC6OxLjXm5mVqoc03kYD9fL6+PT4+W6/P4v/7LW3ru9vN6maTKzUksthWlQbSEGAF9qA4M9156l10aAKYTXy3J5fQ08OfLDOIj01kprdDhOVTsivl2paykhkqguzy+IgEjHw3Fdtn2rtXQRbK0rGBKKWN/ytlUiTwjJOXS071dit99e7w/jRGBqXjSw03W96kWFeofPT9vLTXLVMAw3XBx3T/Wb98clcwBmQ8gbO78UQ8LDYQyDy/nWZIeujkPv6p0DdCBqvfWmZH7d63rtnoYw3O8a153+4U+ftqxxGO7vTtALsiwvhXA9HD0PWOrOb2gDFO/BgABMBXc5IvkOXjHWDLnULEHDeBhHQK0lS2uIwCyANY3zMM7degf++ne/abk65717PRxP7OLr67qsi+c4TYevvvqqtqsLdLvevBvyXj5/+vzy/DykFDxLr9OYhnHywZmJSJ+mMQRStWtYc95Ox7vf/Obj6+sthDkNPgzzly+/tPOJyIYhgElpPVTNeb3e1tuiT8+1djfOguSW9cU0T+PILkqz1iwlx4SvrzdRXdZFWg8u1tqWZWutG1FKQ+LkkD1q3cGdjqfDNIfgD9OEEup6u708b25PQ0pDIuzH+eHzl1/QWvS4r5dxSgR+vd1KyafjcDofHZfv//yTGYTgPccmVY3YXOuSb5sLoZmte314ePjpp1+mKaXoUvQilQh679fLutw25unz52fnP8Vwfn29OB8/f7rkfQ8h1i65oqqsa3HOEREAcvSBCUfY1n2v7eX1CQAcSkhRVObDAKjTNP744w8+zTlnRHrDbz09Ph6O6e50Wq/r8Xj+4z9+15t6782QyKmaC17fmBgiXWxIpNafP325O0+J+PXy8ruP79+fjsvtNdfStsZowfHeOaTTbQ0v1/a6Ym7Y1qW5Pgx8mk4GD9N0vDscUvAD27KsRL7VmssiHmMazXorW7EcZgCD3kRARQtErB0UXPr68Py4ZZsgHv/Tf/iby67e08N5+uZX71FvRTHAADbcNulow8gOEdBCcGsrBs6st25dz4YMFLNAE+pGzVzNLitKV8Jk4oeUYnA+WDWRQnsud3fvlmsZ0/j8+Omv/uovXq/b7baKlA8f7l8//4xGvfV12R4fP5ci0myaYwh+iMP9u3tEBbAtbyaiYiEwAuS8ENq23+7uRsLZDGuR3/z6q59+/ATc0xh/9/vf1JIPczRVJhjSoXfRbg/+NM7++fV/onC8f/h2XXOXHgIj0TQdXl+W3u1/+Q9/+2//7b8ptT2/PBGhSU8ulL3GkBCbmKlayUUaaVcM4D5+/ZGQWmkpJOjWQaN3LrBjA6v7ftuzMcNtfWkdAerttj89fR5SEpXD5P72P/zPYKE3BKP1tgwp2EBdes9dmgzDqIRhGn/34bd/+tOfenet0v3dHROA7V3Lpy+/vL7s03jqufkwffr07J213pj7suze+2Vt5Nyet8Ph4Dw659Z1jT4UNQMzVTXwMQ5pbLV6QABRrbUKoJZyOZ6GZeutNTQCdq3jNE/Ooaiez3et6dPjiwg69uM4gTYwi4PW1vqbcU9McvOOEPtrL+e7+a9/99sE9fr4S82FET06RsBux+kj+sPf/f0/fblUjGPlCt6g0D/7y3/19OmHn/78RZf+aE/zlL761ftW6enpqbb67t3x9fp6W27f/uqvju8+1nxreSE1Y+3WLPZ12/cqvTEg/8c/PL/7EP7x+7/ZLdDoa1uN9LY+7b2YOu3gyJ/PY4Q9SffeqajbuwGlNKgKoH9dh6eX12GO5EfjpBCqZMRNkQjJozd0e7Ztb/NpOh1HsHqa52M6Q1nM8jxP67bUWg366W7+03/8GzOYxunnn39a1+d13UoxUMcOifj19XK9Xn/9m28JseQaUyRGQkTQXtu2b95jyVczVsUUR+nFezRr5/NDKXmcAv7XPnJtupg1A3U+aW0dsjTMuf7TP/3pq6/n27KsPkh3vaGP6cvj056rEaZhaL0xEyq9OYmd84EYiBAoeudZl+XZueRv2+3+3XnfLg66odVeu+CA3Gr58btfTnfnOETTejjEXNz1tuRaxTTGuO21dQS0z09PzgXvvZANMalCa+ooLksOgxnR//rLd130dLojtG3Tw2HetnJZNxF0IRlRHGcimOf5l18uprSsFcBrg8M8HY6HD1+5p5fH2+XVQIhptz2FO+Ypxbitq0g3M05ssjctQAiovVczk9Zag+BDK21dbpnQMfbo+tauL/nx8RmRU0hoqE0A0cBUwQB6t2GaGCB5vywXYvUuSOu1CVgHIx+GlnPvLe/Ze369tk/PP/bmnfNikgJNp6Fu8F/+5m9SIJT640+/BKbz+VSwA9D1ujnH3/34CVkeHr7+/GV5frqaFhDJ63o3n4zJTyOEoeRyza0LPXf77j//kV1y01BKJSJK43C+h9oef3m9PL4yuH2Lp3eUZnJsnoc912kKpYNzvjb743efY5rKpZGrcYzdmgOY01zW0rUoF3rzuTv/5cvzTz/++O7h6BDyWlMckNnHCaQ/vD8R+//wH/7OjBBhz/vjly0kZI4qnTAwplL66XRX67ott5SC9c4URVrTWntldqfzWXo1ZSbP7F9fVyT/8ZuPYfBVi3dECNu2vU1jSqsE6pkMhIiGMV12IKK7uzswnce74Pz3f/7BlN9//HXO0KoAYN6ymgIA+7FLdQHM5HLbeudpGsHquuTewU0Ps8uU63a7XXrLKbrbXjz5NxBx5MPjL8vxXSRyetk6cmmoNCjY5XJdL/zh/TeCGqYGaHfv3m3b9vTleYijChlRGqZc1la23GJXxWsz60+POo+n1m08PkCraTIzHKaplv7p80tTLbt4N6Q01LY+XZ4en14Gd4qTCy5QsKeXFx+HgHtQvS1fxnlUp6IiKjzYtnTUARFNy3ZrKLFxbW3VJsl5MnToAyYssOZ9iCe1bqIMgGCNgYi3vBsCO5ZuhKDYomdml3PZS3lZ9+Co5d0pgHTvnCJoaUsguruLmWBpec+ewyC+9SU5ZEQ3Ds4REK4m5cuTmembcDdXEXv6vJn0GELedoc8j5OUPU4ANd8dPmLb25qfbttttTjd9Wa19d7q4Tg9Xevf/+nlV+/OuvdBhFq1S/28yvRuOh5jVi8tsUDhdZp8yeJMg6FW1K08/fSlST6PJ4PpcB4oUW3tst6u6+6HuNcNzH7+6Zea98Nh/ur9+5AiM21lv7s7X5f95bLlQk3ly8vrQdiu0qpoDynGp6d1GOnHH74328v+cpgPCHS9fPael+1miGpumk7BOynr4XDG4ALFGIfkBwRcr5cUQweLcQJQAPM0EKK24jicz+cQptisdgAcXp6vp+O01owWam0//bi8v//Vj3/68tf/7Hd076/7Sj7WBq9PPzWVkksTZxawONBs5Hwi/Hf/l//h8+dPZd+0txT94+dPp+PREUrted2++vrr1uXp+koGuleXxqa4rKsjG6O33hw7Hz0QAlGIUaWHafjy9AJKvev5fLpcn816a5pSHAZn0hy59bozeR9C730YRzUzwG3fRLWWMgyJiaZprrUvy1IzSHPkwDn2cVzXQpCIr+huISYxNQQAEO1IpC28PG4pMJHUXbQPih3RTMTEhiGhASH2kjn4Is0Hx4QODAxa74hATGL25lZm9q2qDxSC69q6dkMA56Wp1jKEOAxDl76XDMmnOHv116fFDMhZ6aXXDmAheAAJwY/jCCAoNfjQmvTWzUDUcikYPSJKbY65l8LIp4fBDxzp8Pxl//Tl9tOXpzTPVe1tv8XM0aPH9qtv3iM03RsXpW5AKl6FO3t0fNJOW728e598CMt1L7fi3eB4zHsV7QZ6OAbDzQffpHel1lnFGxE48OzApJY8hMiMcRqenr+gg9PpsOWShvnp8dLz4B3NRw/YVLA3t2/t3X06nxJSYa6IIq2fjofRmwss2tacAZwqA6EbPCKj0fWy9qp//Vf/7B//9OPjy2Waxt///ret11bL3d3dsu3O0b7crtf1/de//7/+3/4fpYfE1TFs63VIYR7jYR4RYdkJpMVA4xz9GHYRF4bD8e7+GKdol5enEMZtN3Y4Tehd4DdktvOJKORtc2EYD2iMa3mZh5GlP70+E/PL7ZWEosbB8/PLNaVk0lsBVIie9nU3sBBT9LHVdqstjsf1tiu661qLECL7gESKJs5x2fIQQ4ojNnvd1+ue0zh0UzAl0+QYZGUPKhXUn6e7p/pFwxfv/Dwfx8SnxLXUJox8ZnJd5K1pRaZIQmH4eXkZ7k6MhAD4Bh8Ec+xbb3ktwbkmAqDS2rKvM44doKqwgZkBWhpTjAGZWm85V0C/bDnhIAZNlBGbiCEjBFJfli5mTb21ut8uoxsdOx/Cui/ORykGZjWLmZiy9j0NCSxcb7l3SSkdj3f7vkul0u0tz1h6b+IJ8PXTDcmw37ZLvy3ldHy4beuqHbzvIqchOTJs2ZtlbYDG3iEQMRh2ouhT2hb49OlZbI1jTMZis3eDKdVORAOS9VZL63wQEd33muIp+LF0Y/QqVksnpCmdEcy63l6ao0PrhWi4vz+bochL7VJVMOPxNF9fLuttb03L/gz4IQabJhdD9GzXy4oDDBDZYXBu26oJd+eyd63sp/n8y+dn6Ja3v73eRCygyL//d39LzCLV+x9+87vfXK4vvdVPnx//4Q9ftNs0Tlq5tT4fvtZea6cff75N80joj/Ph7v7UtP3dH/7xZd3DeAD89Ltv3/2Lv/iG3Yzk9/xCbGkYULt1db/88mma5iK1KwOnrVw0txDi03W3qmg6TqF3KDnvZhs6834X8UitlGmkW14IKYSgoI8vz+i5I70+PYOSGQVzauCdQ2/TYZbe95yRgqDjmKRv02HqIE2lSUOHRoAN0GkcXIxsMvYcp8O7tUqveS973tZeu6dUcqu1jdN0vd3IBxEDBAHNO6y3JuV5mNCxB+NArrZKjhEVTa0ZGQlAazrEQy0dzSK7EKORAkIRqU3qvrsYmoHV2gz2606EgJYCmXRy4BDrvnv2SIiqaIQAW16siQ/BHFpDirH1bqqltAYNa3/dsgE557wfbtVePz2ZoRh0sipF1bwLWYWIRAMjkvnb9uL82JrWJhh8BwwxGZL1Epjzbemhexda7YaBjZEcEL5e2+fPt9t1O55CE8qXYhKwqlkndM65nHOKMXe11TnyIR5aBwLDtzYsIZm11t4SySH40l0TMwTt3CsAoeP4WpshcmC57te1nM4Pt8uqvTx+eb6/P5ZSg8MQ3I8//Hh3Gr799dfMUAX2TN6laX4ozMvtdbnhl0/7w+mubHx7Lcu2HQ7zl8+f1m0z6/M8//TDy9ff3K3bKsZb7t7F7XozQWbe95yiRw6H03FZbocpXW/VcI/z9NW3//z1j9+9LN17//m5DfH1/Sk93Mff/v4vr9cLvw3yidzd+cE5511ore/7Pk3z6+XF+cP15QurTSnlXbSjC9EcS4Dbst4dzyodCSvW4YCJQ2+C9LYbg9YqAYl2U8x7DoEe7t+/XJ9L6zlXFTRFU2nrxn1jhyH6nPN0jHvZ81YnP3NwCrJsN6my3tayjzl/IMrltoPth+mYc94vYDXtxbPda4bWeuuC8da7lbXcHz94J126aYWGLrjSSm0tvEGEkMmcJ2cCZuAIpbQG7fDhTEzdTAB63vferZtHlW4ujobAqEzooGpbI3l8M3M0MBEBcsxM1kmkrtKhm3YfkZijYxdF1EwRCYizWq6ZyDXppmiqZkrYAVHFDKmJErvelAXV2LkkJq3JriLMAISSY6BWcjzP7LtK9TFZp2WvLkRVfbysVdjIz8eDd446tKbmxEyqlq7oRl90NeWg78FADEybmhhUH30XVenkrMluIAbQGiBFVfn558dxGh7ef1jX2gWAsLY3wQRvewFENQAKzy/rOAScInWsjX5+6RZymuLnL48pHS7Xz3v51DqWPXtkB/4vvv3Vzz/+/Mc//HB//6DBHPqv3n0gpHkex2nMeY/h8OX59d2Hr82uZHlZa2+qYru2221j5mFIr5fry8vL1x+/Kl+el2brLhyHJrrt+t13j/t5dJw+fX7NudWiwXtAdOvliggfvvrKM728vjbud3So0qdp8GZD8LflOg2xWO3cyPHplHJ+nYIbRp7mEFx3KmEIXdELiGfrjAKiVHJd1y252PPL+znGFFZCM3fddnLEnvqSAbj06r3l7Tl4//6bMzeHTF128G7r9VYvZXn1dJJ6jYP8/q++3raX1spdSs5mZN5z3XPj3GhwGFJupHvw7Mq+KPZxPEKF2koBQU8Kwg48U1k3MePog8PDOHqMuSzXlx8UsCkq+dP9+xBpb3Uk+Pnzo4Xy7bffknVnjUDTGDwwNOvV9l4DYldhbfMYKTlFrCq59RLIABEVQdFxb4YItRdCUjUDJVBiBwgohoTeu9Y7EAooE4FzYKjSEaF3UQQi19R666fTDFYM9HR/VIR13c3AnNOum/Rl3SAMdV2R7Hgcxqgd1AsAN4NObN7zni8ErDp4N7RaHBE4rHXxnhoKeue8NxXHHg2W9cqc9lx8oi5G5P/+7/5BBJgDIO7bvoMBYNkvhOjBLpd1HIZrq2h896sP33xLQGHPW73q6fzt9bo9PuXllhmiI24iQ3Qpnrfth1o0RTcOwbt7RNu21TFeX167mUuxVm1NvCPPehgCO1dKQSIOB1XZc15qVbI0DtvrZV0WQB8cX7c9kzmHn8vlT3/8nj14N26LhuCPh4O7fHl8eP9graC1aWRk5/z89PrsDoe+b3W93p0wV/j4m98Bwi+fn3qz6d27/fr68eHsXJa+cFNvPesbEIxFOxgEDtPs7qaZ2VpfTupj7+dpqkaD42qyl+Wrd+eSt+gdQe/FOYYJyjBUEdlrMTMHdbwz/04iP5LT03lQ+BnurIsh3mp/muYjAK9rZhe75GV596d/KjnmVsr7rx4EMnPs2U7j8N3nX7o1Yu99GJy7H+PrclUsyFj3SxzGhyMJVJ8m9vPTdduvj4ZhcpAcH6b4x58+H+b5NEUCPRwmBLFmgFDa3jt0M499ijx5Scl10Abutnen3Qx609GF3hsSpZScp23d3g4EMWNSMWlSQNFRRxNTYDDoDcFdrzl5VutdGjE7YkQyldYaYTeTpv08+8FTlVQ1vez16XarXVMcm3bPgrBtt9fRjcn58wzH0wGwk7MUTtL1H/7pp1sprRrhwYUUg29SBH0H75nYo5p6x3F0UvB4jK+3FyR4/PKsygjUayNGRFJV7xw6R4ysRsQA/na9bsv2/Q/fn47zv/lv/tVP1+Xd+/tfvnz++bsfp3QQ9I4CAhijtPrv//3/9+nx6euv7w9T+Oqru6fHz+u2muXWqO592ct8f++8v16v0nqr2xinPd+kt3fv35/u7ti5f/zTn5q1893Dr3799ZenX6ZEbhyfXl9G5+YUAlBg0sRAVquooYHLRdxX7945526vr+ghjU6sq7U0NBKdIz6VLQ4+TVjWT1ZsEEUkzstx8KNkKa/HAUEEWxvJP5yPl1bXt/GhmWpX7aY1OY3bM9wIh9PheD/OLt2dP30p0eh8POTlCi0PJoc4cC9QniLGiTw77+ZI3FGa5crB1f21K9VGASJPX//pH3+6Xj+/e/8hhNOeW4oHN6daX9ZlTVMCUB9cbXnZ84f7w1/9t3/1+Pxcl81hmKfxXdr/xb/8Z5+fv+x5TyG8u7sbnDkJYu6y1HbL0BWoIxMaB8/jED9/+uXu97/Rlj89ZiNKFLHBvktXdHGIen04jYdDNCgdqAEBh7kwIZnA+e5huW2IfDoeS14qEiI551rXVlquxebUVcVUwFXpagrkatVWFsahtwJocQylAZPvACWX6RS2XW77dorikMzhbStL2ZRJAdZaOLnRwTi694eHoEwN7nzBdiEvHoh6Zgz/6vfnT71tK29ZXi7Xpk4MXRqXrbWyEoL05pgcs9RdpY3z2EXGcdq2JkIehZhVwPtAhKJvqXrnOAaXSu5DYqSh70t9ecLtVl+tvTzfBf9wd/4xPxrCbbl570vNlnA8uphgHPjLp+9VO2hJEYLTDHaYDvmNlaedzIYUkrPjfFy2PTh4ff7cpH/14c5enWm/La+tbsfTaZjj3Wn6+ZdH7LU2KALINJ4OtS/DCKYaUnBrftWtkRfMlWiotYo01dJbN4Q5GFnVKinElnerAkDJR8x2udzu7sZAIeOG3rq0BPXdIbjW1ZGpmdq2aS0EEmAiB1D23F4+g/evTz/n3uOgtzVH70NI7x7mEOH16ZPj1HsDqVqt7hrYqaqaWVGgoTYGiD/98Jxt/u7n4dPn9XTXl/2Xru3jt19Ph/bHP/4wpjs0+8N//gFQAYGd+9M//X/+D//H/90wu19ev3z9/vTNvTtCGcLTt389/fjzS8m3EfvdeGTFXPrSrpPmYRy6aNUs5BIjg1fwP/785euHNBjL1olr7+CJ9m0Zx/BwGB9Ok2dLaWKEWtqu2iN77wHIc4u115JxyU52NnM+IlJgaKFHBnVU+25molxqQ6zE/rqCXHI4zEIdUbwbIHCp/ZgGLRuVOlo7B/ntfQJyn1f78w+fx5Acu5yrIEgd3g3hV3f+6/PSLzn6I9siJc/MvptoJlc8ZzdtMMRSwj5yqcwYL5T+3ZdP294VnHfuOMZe11qbc76WOk2T9j4FBsPS0zQNe15VRRUjx7xlhcLcxNdpjir9w4ePDu3PP/5p29Y///Tzb3/3q+Fg3//4B8fpeBy/+ebbbd+NDpfbdYwUhvSyNTBc11ZqC951QohetEtt0XszY3Zd2pqLH0cfY675dlumeVovVy+c4tS3fprOy1pfbi9hmGIYgCx4ktad81obqg5TKq1uZXF396dW13V/QivXl8U5BjNHgowmys47pK6iwoJhzdd5Or5cdzCcxvlp7S95A7Q0hJC8TZFCGNNAgQEUAL88fgc6LLf6w20F0WMc2p6bbhA8OX6Cn5ic9/5wnNygv/v66+HuDCatbpenT9pqgIjCy7Jv2noDVVb1y5J/em0/f/oDutHNvmDjmQF1pWV03wzznRnutR6Od72pmRnDt9+cfvrTj+/u0198+6vDkU2KOdryvuUrO5oPYxyGolr2suUej8c7f1g2YXEeSB285/m//OnCcehdl70EprthyrWF6PZSVLLUVaf0559++uabh31paKK1g0JNclmXVrp2deikGxGK1dY6bNhEa+sxJVMGYoOFiBxNQ3Tj7L2Lv/zwybnRwIvu4AEBWy/IoNJO4+BlaVZHZ6w15x169AR76Ydhst6qAQKTurZteFhHH5wQcIgxElAzlEBZe4WJ9AGMY/CeeV2qNB0COdyP80ThEHw4DM5BFKGn5ysTo6F3tCyrYyoFmnTE7oMjtX3dENzx7uSYmSnnwp4+f/mCYGQ+zneHu/dG4eX1ycVxiGOISd6u+yrH492277n0Uuo4HMJwbrY268+vuw/cWnfsoOkwTNu2A7CPKReNcfAACLxtKwARxFLXtm2n6aS41zXvW3YOCYUCukC9LFM6giPHYMDLujgUfXl6DtH2vLOj6FPrTcVarfN86l2fL1fnfG3tcivBT8+XHP0QfFxzd46j98S4NRt8+PKcQ1A0iyEwYa3tcPx2XXocDfHjft3/8c8/D/FQWxfkNd/mQ3HchwE5xR9+2Y2vfqDVVpXq+QAmnrxW+y+/PP74yxpj2vPltuRS9dtvf/3P/u1f/+Ef/mmajsjxti1hnLde//Tzz8e7u1Lb4+Mz5JJLPR3PwY17l6cfn/72v7ze30XPOo3hfAyn01Tbyg4Ox0Oovdfty6efjqf7GJVcwnNoVaEpSmtSY+S9F+8cgucYX7cViFSaiyEk/+nxM7h3v/3dN89azQQJwDGxMz906sMpElCKMfjAzNp67z3XCkgG2ETKViMQ+zsD1e69j2lQF2cZthWWkb2gKgmiT9GZNidGIKb13bu7u7tj7rcOZIhpTEvrIXpbDJlLL+BCR9oq+i5Qd5cAwHVMn5b6H//w/auAND/0I7OJbiFy7yUET26xbj457aLWG1lpW95azc1iuN6uwzQR02XflqyIEDziqqTYdlHFy6YxRe/prdLNTDXvVMF7Nw7jbamtkdlwa3bblhBCrQUM1IyYDbpzfL28EHmRTgw5bzn7mIZ1a2ByuRRVI+IuSwgupei8u15eAUGkB99K3u/vjm2/luvCyNM0tZYdgZWK3n+4v29FkA16dQCR0JHpEILInsJ4OMzOB5zAsSExAIU0vfsWapUvzy8ytLvzPSO22gjI1ACUGIgoxgCgzkRE8vVmnfdt+/z56XLZllsxdYhhGqbi2rpnQIrDCEC7eE9OG325FnY2nIGaleCCT0UtRr/l6rzPfv3z4+3jx3NjrX4vWq82nEJ49+sPMZ2aUHnhy+3aVX7z7bd357tffvnsplxL+fjxt8x8uW1ECHH4y9/+JgUKDplpy5chHg7vfxUiIWrpVVmO356IHaWB2cU4eDXfV6776ePDL8/9v/zjj57GZcHR0cP9nZgcj8c0pH/4Q/n2fBqP86028ogull5cSF3MWTDy3dhUOBfXGhPJLmrWRbsoOd9FrUPunaSICAFxb7Jezdc+HmGkHbkZtNypdRf6YXKt7h1gdPb73/9KpTWHDVAAvGPTfLu9ttZWKU1tq9QgNAzdBKH3kptKJXdzsz78et+aFMbdIasCaEQcoZAEA1/5+vKchhO4vjWVtpmiJwIVJHh6eawqvfcw3o/jRNZJNaJLbI49JN9a9ZFbLeMUS91TmhNEJq61bXvpzWJMtTUg0N7BEA0IkASqNCY4zJMqqFBMIThrxrlWIFRRcpxCNICHeDDrp9NhGNJt8sQoItuyhPOZ0Y6n068+fni8LM0s+DFGF4JDgBSGbd1zaaqoZiWQi96f5nnJasAvr29EskAkYgDsfNx9HLoa+eHoY85L792zOx2PTGymakJIquKc67UR87uvP6j0dJzPH74qpYMxAuV2yfu+rcEMVA2QVGYHAzs+Hg8x+uNxbC0LKLiZ6b/aCSjq50+/DNPDf//f/7pLf3m9kFvvQjjf3Rm3jv3p6WekcSnNfDiMd8XsTz/+AACc/IcPD45da226945pW6VSH8fj5XbrrTrG2ybAGhQQu3PELjKkbdtqN8SqVthxxOK1rPXleJrevzsTejS7XPf7u9P7dw/ssPb6zbdfP7+8gtoYD4e7aS1rckfyodTONIMZoUorRFZqIRMnjtmRx+CptOYZkYgiGjAhEE4IREA78I+vvzTnAUHUwDkDRutlW5Nj0PrVV/fDmEIwBWTkCeMsJd7KWt70qfr86dM//4uvOTJ677hHTqKxGo9h9s0trX785mFdV+43JCB2qk1VDeQQHiCn1m3fey1VtEGcGJwpCMHBzQ+MT5dXNVszIkLw8RDj/XzsOYPZpRYEIrB0GABknhIhJDKzHiM/vHtYl5z3gg47yxg8IZOYiRJil9C0EwgRIfEQ3Yd336hjMX1+eR3iOE2HdV0BkK2i0TDCkBQJ7u9PwzCgcNkWNP3l0ye0+ruPD8+Xa+/FWk3pyEza96/ezZ8+PSL4EGOt5A6HKQ1OL/3l9aU03XNvyqplL8XHpJCReZwO63KJrKqyLsv9+fyyX0x1GIZxGrdta60D4LKu+7bff3XH3g9pkm6IzB5KWQEF2U7vTt6HlIbLy4WBg4uIyt4QcjfdyiIdwEIpzdS0a5dm2sF4jEPR9u4YjyPdlsXqaxEZ5hSn03VpSi7XlsZYa27apPfD6dBaNnDH88GFoibTYdrW/fm6s/PjOMzOI6IJ5LWw0+E8EviXq0hHJgE0MwEr2fZW13W/OH+c52G95Zyrm3zu8nJ5NSjeuacvL7XqKYy6bJXUrJpzea3kgmNRUbPec2YC6I2YJZdq2fuQSwV2KlIEKI3Os6qYdhFb1+fX3JatRI6l7Hu+IOE8JlEt28rT8PHjuzSHIk1y50BNuhkwc4puKwUIlufl48d3xFqy3ZwODprsKXByDrh/+eX7Yd2+PXxbp32Hm+MQ/LBcbd/1eLjvFhsF3mtAv0E3DLW3IcScixIAw3icHx6OwzT+8Mv1h+9+nOdjcNzK5kgJ4f08Axoh7mUj5DQMYC36epiPqoBA2wS3q3TA4XAK3pOBdd23bbvdDsdpnE9gVKsiwsO7M5FRRIXuKIt0wtu7+whI22X1ng8H3rYX5moGRBL9jF2H5PPmXq7X9dIGF3Jv7LwDvTsevzx+GdLxdEy9wjwngOSuy/X1+rqX9bJtW27EKcYJGztzYDDPk4F6snmIdb9pb/OQToext+qdX5Zrr7n33lpHYGuSfNz3XcveBVTAuXB7+uwc9Zvdln3LeT6eCClyMOkufC5lHydPZD6EsjemgN0jeummXUVrGkOru1VJjoUtRTpOx8vt2kUcD0rAJkNwRKA9T9Enh6Xm6AHV7u7m4ClOobfy7t3XKU6vl9vttrTS3r7IVd+cpHVdq2ljdzTTWndCC54BMA6nw+k8FyvVvvvul2W9hjjmUi+vV6ZhnHhfr4QWmVteHPjTeLp7//X3P/9cDGouWRuC1T0j4rptBGCmyadc8jTNt8tVDdlxVW8a7u5TrdtyW81YjFqVwbt9ubHjD+9PueSX50cw+/jh/NvffZwSdN04jmgtmwAzGpJCSt5nIRe/fvdwmAfPWnJ/adU9BMP2/HI9no4pDaz1V+8OE5TPr08Q/fHu9P13n6I/Rpvklpa68djLto5xOI4sAFUJTb/66rxsq4/xurwi8xRpcvDV6WCiKJ0Dad9z2fpm5/NZ1I7DkPPO0ochHkbHbN0EkcZz+nA/GmITXZYlpdibpJDOx+hDGsZDqyLdRPUwuVL3IaVciifRWsxcByGk6/PT+/cPgSEex5iOvZchwLa+tL7ris7344Hn46E09QRdjBHyvs/zUMp2d57AyNRUBf/v/8P/vmsnh1urTbl38iFBq0SGoI7eanwahzFXOR3m1sqQAqjUkmttwcdtfwuxxNYEAMF19q43VMFxmkQyM2BuClZVL8uqTU7DYR5Hg12tIHbnCYzWJTsOrUtvNgwHAwTQNDpTqbkCcW19HOcm1kXyXmqRveheDDkAQTdNPhBgCD7XLaUQgn///h1SBTAk3tYiYsuyhRB8GktprSozh4Ct7+xYO45DzNtGYCl4BIwhqIiqfv78CMZ7lseXq2z119+8+8u//Hpdn1rZewVUn/Prhw939+/Ppdd1y+RS7/Byex2HcYjDcT45dnnbXl5fei3s/LrvTUQUvPdboe++lOvyKQSXd/vVx9/8i3/52//3//j/lBaBxn/+3/z1r3/3Htk9Pu6t6La+/ukf//6//9/+y0jl+vo5esTgVGQMIe/tequ/PK97BbbE1E9TIJMP9/PpZMHnvuUwzX6Y9r3tS8aOiLRJ8xxiHME477UU6VDjwH3LUxpUEZxrBiF4Qsu5iEqtzXtXSvn508YUCN0wRO15HClGertAmmJvqkqm6L0bonjva6tmkoYYvPM+7VsFBAMwgPkwIzGy/fTzT9rR+eiYpykdTuMQDyXXx8en55dXFdv3fZ6P+7KbyfE0EpvzFiMjAQ8kZT+Oo4luey1Nw3BslR+/vBxPD10NnSErIZgYAnp2bj5M1+WmaD6k3mwY5rzX5CMzai9MilJjIO3dKC1FVWDZl3GIKlCFGkI3R85XQw5DjGOIsm07qBHycq3MANS/PolYpxTDSHmrA6/BdUezKA6jR9S8100LOfrqmxNTvC25dlHVDpkdhcEjMxQiRwjqKAzGgSUGPMy8146M5NEaDHGM0Tl/qi3HGMjEgxe1Wrp1YHLn411Xe92zd2OxxsrLLbPjOaUwogJCYADLJoworQ0+ac9EyES1dWZA5w7z4fHx8TDT4+tLy9qypSPxyOAghhCGKIo5y2/ffQsAt8uy5GvZ677mEDx4AA/n+Xy5LrW1cR6cpC9/9/fs1DEguD//+YfH5x9jCLmI9P0f/vN//l/+0/+cRvr8+dYrx+h63f5f/+P/9OEhHafw649fVRAF2fZdBbp2FalVJhfvTkep6zCMJfc+wTC4vSt0uK11LQh8Rxxq3n1s2bT0HQn80UGt3HSI6XA+Xp9eCEkBvPPIKq2bdU8YhjAN4878Wa95ze/ef5iGGELyUUOww+jBkDn9+Y8/DOlYiwT2bJ6UtFbvPAk1aaSOOyKzmBpRzSLQndf19socUwpEuu035zuKt+4cxLJ06eo4rpdcdum9ek4hYC09cEJn85wKaYzu9eUlprH2/Pr6bD0CwPPz88P7r4y6T36aEoqJqCdyYhtSHYZxLzKlsQt7Cs6JqqVhcoygoipde5NNxWtXZpauznEELsUcT9suZsTeNRG4LtJyDElEUK1VYXYvHLpqf1GRwaP3ZAQwpEqO9n01oK4yzkNKQ8BILgzJDs61Wlvdj/NBDFrrycG2bh5pnkaZILfWREtXLRqGKQzDft2lt0veRpoAeS3SzZ18Z0RnZJy68RsJkABAMToMHtW5eUqqzYkyxxAOvXczYTL0WmnrrU3H9PLl5eVyVdDT/SGM6hxzhK++fWeKy3U9vz8KCTB6diqyLzdp0mQqNTPph/tDDnjVuuclOad189h/dT/nvfemX37+aT566bF3ViCXaNnz2lpKzjkf4zjy+bYs04g0JOnmw/S0LX6mh68OWbO16p1XcqIQUvjwfhxue8u63m6n43Q4zyGIG1TYDg8B/XB7evVI48CDF5nslqE3EQRDBufJCKibg1XKdH+GrvuWHZgj9Iep1iBd2HkV9c6fD8NKZYrkoATkhODIwMXop31VgCjdeivTGM7zIZd8SCMxAoAaQe1Uq4/DZV0F6XC+Y2Iv/uPpYxOZ00QBa9tRZJNnJHf37rjfTn/6p+/n6ei9a3V7f5wDQdlW561cekxBLwM0vm7Z0dQ2m9yd2FKsHKYUwni9PeW83T2chdFAmd2as/v221+9vL5suQxDyBXIzLS31hGxVq0mjkhFujYlMBXHDsxUbMtbimMMYV0LKDrvWsui6K0F7wD+a/gxpVhy3bMikQEzhegDu+491Lp7DCHE1kSkOp96b5iGvK/7ngnReRdDqC2TZ8OGhO8+nK7XJdfrNB7mcboui0lPx7FID9DD8IaBOS7LpmIiOsVBWgFEUzLg1lqu0tWGNDim3hFMHPG+r4yAzjEaIROCC84Hqn1nx+Mxbtf1dD40FR+H+8MpeHae2KsP093pruRatQICEHe1l+fX6+V6Pp1qbWDQav30yycT026MDGqe3RDTmFJkY0rGie7zeqvE4y+/fGHPPhy3ktl5H+O67JfLs4i1rons/nR+WV5PY3w4zu/vzoFKGAfpVqp4DkvLed/GFM8f7ltthFBLRlRmfNvYmFnwvtRKoCadgVnNALwLubbL0ysgH8bESHUrcQ6OKXnPRqVVJB1S2netJTt2CPbhw4dlybWUIQ1MiKhgsK97YyibefZokGKc0rDve+89hECI9vb1rZJCmA5zVXldViIUgN66ChBiKcUDEeHpdOpOYxh8T/d3p/3d7kLMOU/TMM/T9fbsAx0Po2g1lafHx8NhbL0R077VFIiJiNE75xzf390pHFsv0jsQ7fu2rZvzHMdh9iG9XG+OUVWZjZGJ0EwYUKQ75q6oClMamHz0LiWnMrbeewPvWFVaX0P0Ct0ZheBrbkQIgAAYYgBUMSNCUQUkYm8mx8OZmNj5UhqyM2Tv/JY359wwuOCD8w6RhzHkusZE3sd9y+Pka2tSd5HetmVwIQ0BmYmd1NZrPc0HJ8W5wM4RUussAltu1vo4TSKgQIKo1oNzAIgm59NdK8W69doRBUE8c3BaeyNKLedeinfuOI8cok/OR58i9J6JcS0ZAckHZt5yWZcluPDhm2+WZTnO0/PzI4Je1+Xd/Xs/BFVE0OBda6XXVnK/XV+vZV+3Z1PWHr95n27rcjxOR523TFvO220lIBdcSi5BG3z+63/zV8PoHNUECq2VvceYkmMwksAwj6+X5c9//Mfj6TSlodYlhQHE0KDkUnsmdDFEFa29p+AT01JKq7uKDuwUiJou1yWG2LdcavPsmJxpYySVmiLPY2qt12rsh21vRBRiiIFV1tYau2hqqHY+zr12IvTENHhVBQBmfmsjaC9ibdm2GOMBoLc2zof1dokpinZkMIAYQillHicmdAwMSiDJ4cPHD8+PL7WV6TAzKbMLwY1TbNCdQ2TvPaeUUpzU8HJb1N409dRFU4r05nnRJWNzCHx9vYUxMJMDKLV6TyaqIibiHI/j4IhCCEKO0Xty0tt628fBMWgao1nOJROq80xsEQKj7ywq6pwDeDsEsvXuPMeYhuBAq4i1pnMaVCG+NTwQW+vs6TAnRsg5m+kwHrtqiGPvnV08HIcQYinVOm7XTW0jdK3Kuw8PLnhPuG/7sqy11X3Pznl2rgsCcKkVySOYitTWi6mZOCYE+fD+vrXivUNCM6itHI4zcY/JOIxgXsx26ATsPRFJGp131LSGFGvOok1E5uPZANkDUJ6OJ0dcm23bFrxbt3w8nmIaoFOrldQEtJfGSN65+/Pdmc/0qghs4NmFdpe2vBsGhxHV3P1DE82lI7mD048PwynJvr6cTuPEToHJeSBi9qoMYtv1NnjMJMvrU3p4OIzDGJPImtfdOzKz1pqpxWlANQZkg8Mw5Vw9aoyDKpj0Zc1znHqunllbfVlf0jHWpo7DNE0I5nxoLYPZtq45Z+ntdBqmgQ1JquS2BhfJmEBIMe9bmuY9F+d4z2UYR+eTAGy3lbocTqeR3V6ydzik1FsjRB+8kYqoD67smyl6qa3s9+ej8947OBzn2/V2Ph3MWpciooA8JCICYn2DPjkPZiAqwzCqca4txGAgqrrvhTkQeffl82cAA7U3VHHwTgTUIKYkvarIPAzSuwEAcK8NGFRkCKG3Sgxm4shiZCACq/pGmDf23pkDJldKzdm0KxqYiJrlKqzqEdc1xzAg47ot7L0hiHYgWJbrlIJ3OB2O5GNpJJ0vr0+iS3DRe7vebqVpVyB/KKoe3E/P1xCDtAZmORfnhwZ9LY0aBOJ1ubKPaAitIiKAgKlz1HJWKV++9BhcCpGBEe14mJi19n1yURW3da/bJq2kYZwPcxyGw9358+cvgNBa8yE4ZibMtTj24zSlmGqtpbVxmq75xQDev3sHZuuyla1Lgzml3jKi3a43NI5xZO9HTqVUM5GaY0jbLmHgx+tl39ZhOoxpOkxo7N+N092oHuswhYgCTaYhqYqoEQCYeNJvPjw8Pb/EeK57ZZAxBK3NMacQHKMLJOvuUwjee/TWxBGp2f3xhEDPL68xpDQeWMC6mOg0v9E6xmq7C46ZVboP8Xa5Sm+lF0SMITjH3ntmbFLBwDGANVUhIu+8GgDBMKXepEmFPTN70I7MzofbsqiZ877m/e7u7nq5Oj+KdvKQ6waAZjYNU1t6b+14PD2/vmxZEFPrZV0xBPeGQqulKUmMgdmF4L13rVUXwsO7+1q1VpumQVRyeRPT2zAMx+PJvW2egWzdtTdhimAWggOwFKOJ1FLMNIawFYnBEzpDUOlqzTETKhPO07RuN8dOwRwzGgwxEXHOxXvXu6SQ9rITARCIWAoDgaVA25aRURV6KcgUYyq9I+jL8+OQ0rpt7z7+BjBcXjfVSEimrhYK7mzO2LP3jgj3fasqOVcy6F1imgyZHcSgvUsr2zgfRKzWVms9HE7pMF1L9Y79nBCtt3I8TL1VNgsx7ftWSjXKvVPvncwc03Ee87Z5j9KgtTAfh33ZHXk0U5FxGI+n6fOXp8vrC6iZmWfeSu29TdNgZq22ENIY45dfntgQyatq4AAG0hoYBUvLunVt03wgZQ/Dj3/+Xtifp6mDfPr5+zBMpQscDA787nxIgVKMBFZ7AxV7690YIAkT3t/PtfYVIcUBrXtynim5SB5y0+hjCAmsA8AbdJ+ZQbXVNoUUYjSFcZhUeq17bTUE5zwzJdGOgCYqtbdanXPOGBBNFYBzzmAA2InpMI1EkEJEw1q6D6l0897XinE4T9N8eb05DtppXdcYow9sZmiaQnD396XmJqjQEZGZiEkNx+mYhv2nn37u2qfD9PryfDwdAay1qmsPwUlvxiZipZTT6fjGL2LtagMzdck+RlFNKdYuqqwqjr1LkbayKahjut5Wcozglu1GhNM4aq9DjKZQa1UF7SJdo3feIxN7T86zKebSx+GwbDcfAwKaae9NtSISgDGTtB68N+wCGkNgF0BUpc2HSaznklU6gHbpXQGboIEjMg4///y5S/R80Ldue3S9CRED9DTEcYzTNN5ubluXEKd5PNRSVW1ZtxSGPe9ra13NtJsZEgbngqPDaebSiGDfl15rTL7kbR4Tmnpnbk77LogBxTxxt+qZuvTTYZyPk6J5NulCAATonTseJiarvby7P5WcHbGpSmsg3R3mvG+mMk+H5KaS9XS6H5BDQKTx+eXROS9vsDKFXlsaB0ckTa6vt5p3l+Qw3Qmgj+8/P78CyLbrjdw0NEcUhH3wQBDZt1q6NkOKyS/LYgCken8+3C7r4XjXalFQLQKIrRREv96W4Ikc19KYIzv3puUwE0ZqKmAACLU1FyiMUaTHEEtBx04EEGieZgQqSo65iIxu8N4xaxqCizEl39pebSFwHbp1IY7s/DGN65pvt8vpfJLea7G7EEW6DzwMSVUeH790sTREA3PBaTYEiHHyPgYYj+eHn39+LF0SAHs2U2Zi9rWWeZ5iOuR+a60j+FKk990HZRUgb0YxRjMlAiQaQxDlbV3N1CFJDNQN2cUYrHXacgGREBIjmEFrFcC6iBgyuWmMhMRk3lOM1FV6b7UKkUfzUuH0zZ2JXq+3GKOqjsP4+npJYai9kGPvHRgqIJNH4uvlNszJOaegBiIiBkG7nuZTiq6Bn8apdiID9hx8EFEAVenBg4MNeyu3JZj4wRALdZR9H9Lw/uODiq2rnZLb89S7jOPo2BG61ioiOk+99xijH9OQPKI5B9Gp90m6iZR5PnTNRDTG+cvPP40pHObh649ffX760msO7M17UArkInuzGog+f/k8jVPv7Xg4hHnaU7zetnGIAICKea3rrQQ3lFy8S977D+/e73tuKMM0Y93u7mYXfWvtcDzfbXOzMh+Pw+Buezbth0M8so/eP8zjMCHo1lWkmTHXsgdmdqwASMaBam2HeWiln4+H5XpBg3keSilDiGBYa3HOl1ISs3OudtF99xxarSUXRmYXEcyMgNkYBTSM0brU2lvTcZxU1LtQSlO13iXGNM/z3Xlq5eY8cGSlzhEAzJGRc95HxIAIqp09icqat+jC6XSX89a3Jeec9y0Exy6KWqtVUQ/TfD6futQiCoxl39GFD998vN6utdd5Hk3Ve59SIjwQUSu9qTBH7xnNQkiiGxl4R73DOA5dAAmQFYmcT95R7+J8CM5EzLbcS95qc94lHxKzA0BVHccxRf9yuXhgM4gxmnWA7gMbig/OeYG9EjlmUpWcM4J575xziGSmpWYzQ6bBBWJqrRtYjHFOuG2LGRCx9741VdF5joJDb6U14BRa0956iENvdbttrXZiZ2qJgpTSOnWwLtVUUgxhANKSl7q+vopob93AioYQh9vtigjBBzQUVWWCt65t04qCYLvUzKZy9T4ysXRlCtrlul6d91OMQPB6XbpoGsbW5P58RnPMNMRAFD4/fYqewfpxnrX319uCgKfjoZSCSGWvgDYOSaqIyPVyOxxSa7uBOe9qzQzw1Yf7rnkvprqfHw7zeRJpr9sGAEwwkHfOjeNBQS/XHWUbBk5DGCYHTH4IzNR7r7WE4M20luo5IuDhOA9DUulIpgDMbr/cvA/eMRK7QJf15TgfAAwQfAhdJLdtOhy8oetBFS4vt2EaTWoM4U24lNIoomDsmx4O43K9EUHOufdqRBBNrI4DmYkj7m8GX8OSC3NAInQwJLdvq+vEnqd5IlDtndDW0sIwOUcGCoCEjlBalrZv1kyLkOP5dFiWpe6FENMwAGoa07KuxBhcSGnsTZwjNUDxIj0Qhui9Z/ZUakYEIgQA5x0750RJTUrdemtMNXknWk+HIwAggPYCBikm7a/MjEhSCwcj6oqF0BtwGn3Xtm+30/GIGJfbJcTgXVDtZiii3nsii8ERoEfng0NEo6qeILhuEomjDxVZtY6+bE0NUxGirHnfh+nOhbP2FYM4ljdpgBkSBR+CDw4RutQQokKNx6ltBkgxsUrtUg5h7CLMkRlLLfM0inQVRXS96bLm/boTsRkUI8fcSjsfj1La+XyX5vBd/afWejbspV/LNo6jSHSEpdQhIoCqwr7l6Nm76H2ULqW22vv5dNf2xVQ4Jhfd0YfLl+f1dj2Nd2MYBu/bunDAXncXp6DjxC0ewnUvDd3TBX21gFoGf3ldarW2lolYT8pzEiPBJN2g27tpDAOYFGcaHLw7nUq1hV0DNDU1gUAv20s3YeTgk6gOaXDOlVJKM+8hBMhlPc6nWg2AELj3+vj8OI8TCu9rPozHelGKJr6xQ3asVhn9XruJeKcxmsjmwzHEydAcZucAtAYm61bXjkoEROxz7ooGDBTanBIYenI9a1sLKTDSPM7XVo187/UQDyJ9jMfeqKtQsGxdWK3BOA5L8yHgLV/BNcJDOLEBTjSkFPe8iVQGQBet4m1Zh2kipBCjMDKRGRuQD4nAOefCngsisnPTNOVMKKhWgo95z967Pe8i4rwjRANg75kUCYKPSKyKaQhDmmrtZgCA5/Pdsiz7nmNwORfn/DRNd6cTAFwuFzN7MyC11r1jEUUwcGimPriS2+22mQGTL6UiKgACQF5vJuIIvUckmMepyDZOLFpF9tYqM+V98dG32tmFYUgM4EMopceYAFFVU4q3GxIqelKNwzC21g+HOe8FkPKeDdhMTIVIgWXLL8/XomLjMACAqSFCyeW6v56Oh7vzmQml1XXLCACIwScwnOfB+yZy29bVAYLRumyO3TDE891hCH7AWPfcW+8tnw6nl+umxlpza/ssAGy3y+th/pi1jPGw31aTJcXkFOaUxPT5+Xk6HMZ5UM1ger1cJ2PvDESmGLbt9npZmtI43Gm39bY3kRCTVhMz1RZjPN6f1Qxw8SE5Zz5E6SZmZgaA5J1TXbZ1TEMpuZQS/BbjyN4hiGOXSwYTJnXeR2AO5BzG6JyD1hsCIA7OoVohYOTg2Lritu9IDcmV3rvWZb2eTqfgzQ1DbbVpH2PqauM8tcx5Xw3tdrvO89RF2Dkf/LotBrCum2OnJiFg6zlNxCFcrq/EPAyTkRWt3rsQo5q0qtENUAEAWxMkRSNVevszqKI0db1Lq509E4H3PmcJ0fe2Sa8pJRUUtS7q2It1Jo9IgGRmqoyAuVQv+Mb5eCt6E5FzzrEzs7dOkPcBAHrv3vveOzMzs5khkhmoqpqKQq3ZOxrisXdVxWFw+168D2jGJmAdVInMIWnbY8QQIIR0vV1CsNayc9SKADA7JWpE2qXGCOvtUQWIse1OVcXM+7DXsm0LANbSAMkMvAsA1FrzAVtbwPq2baqg4IL3RDzGWGsFhMPDvXN8vb4OQ0zBhxBU9HrdsuXT8VxLc8SHab5er6fDvaiOBMtyzfs6BBd54NoPw9RLHfz9XisoDMFveY0MDo0Rkqey31KcP396hJgYiAHnu9Py8jzOx0RpWRYX6DClwM0BrtfL3d00JK9SRYUDXl+vznvvIwWERgKoyIDoXBynAzvfSzmfH9ZtFRV8kxMho3OeAiEhY0pJRKZ5DJ7zvo/DMKYBqYXgTc2UWhNGNx+nWmvre+uZRUNgAwPzvZvjIZfKAGokokAIiIh0PJxy3ZoUabK3zTlO0zhMY++dmTrZNI8uEKKpWhyimRLiOI5pjH/645+HcWSm2+3WteV6awDnOM2HcRgHVWBHpZYipRk6z8NhMMPY45Zz9KlW7aK57EjkfR3HmSm4VvvxeNrLFRCGwe97rq12W9E4Rg/IzE4RXPDWldkxMyD23nORVqv3/rJcx3F6I+ojArP3PjBzrS2E4H1AxNq7SAdCdszexRiX5eZ8UDPG4DyqFO85BB/jyNzXdWfmr776qrUuYkTUOvjgvSfVporgvSnuWwZFAGYyUyWM+1Z5MO8sBNdbDYHTeX5+vmgTVRQRQFKwIUYRGad5W3fvvfeh1t67dtkYMUb23n01HqWjWTTTfd/BYBwSIYs2NS21xOhEcN+riRBxjFNrknNWNe9DSilvxdCKVFV5eXqcYojEA6KPCVFCePtBzp8+fUGrUrtUdMmdpmmp/PL8+vT4dPzw4S9/+7v//Ic/xIDzaU7DKFuGWpxzhOiJhhCr7dqaS96xPx7mkIuLzgyZgdrbIYpVLIUwzvMwTKUUH+KybrV20YLUmHzbdu9CN0UDJDbD1lqKUZhiDOu2kPMugKoCYOvaxErbPVqI7v7+XMr6dmeMMe5FYkpmFZBRjVgVqgsuhrFVWW7L+f7k/KmUjAi1FEtGztEQuknvDUrJJacUES3nnZmcw+vtOqTx/YcPt9sNUIkxTvzw1UexQmzIBmTEiI4deURwjpGgiUhXb+FwOBngmyrKtLXWiVyrsvf1zfvXvQ8vr8+iREzn8dj3GuLAPizL/maY7rmY9VJ0p46ASFpbTtGr1hgTIqn+11e7iNVaiVm1AFit0LsAAjGVnIdx9AB7yYBYWldVA62tEIl3qCavr68xRpFu1lSjc4RoRDYMqZQdDBF0Gn3uLu/gQ0TDfV+Zmcj1xqipVZuSt66eEyio2P35/nK5ldKYgncBAJHEEfae50Mque15fZveToPzjs7nGawzWQdYb4UYo/Nm5hwzcW7WVd+eetv2t5S/53R5vqUUTcE7L72PwygiudSQ3OvrtdXc0IiZGYKwgd2WlVxA74+nGarf92dpGsdIjg9xQg2Xp0vZbqX3fbmdjoNL/vHl2YAOh8M8jnW/erPX59f7d4Gs1333Q1Tt05SQsTaNcWAfr1xqpfvhQOjiMJRWDSGE0G+3dd/Od8faIZfm2XeRcUi9997Es1PtpWRCYAYFXZbFORymIYRQW1Nze6n3x0NrDbDPh8mslbqp9Tg4H3XfdmJ0wQN2IOydmpSQBnYub+v9/R14T4xVuqogkB8GMoWqe127duIUUwSwWouCkHNNekzDsq21lTiwIxcCGyTnWVG6VlWtVZlZVa2L82yEIUbZZFmuouBc2tatNlWTp6enFKv3gxOx1pvY5oO3+ja94WG8U0BVQvQhuWXbQ/C1AiF1UVVJgz+dT+fTSQWc431fvffjmEopOVcDlC5EBECqZmYKZgrjPAMAMjnm1ruImYJYj8ENKcbI0juhKyWPU6y1xkTMrpTSpTRBHwjAapXrNZfuQzrnrYjKYTyrSc47gC957bUXjxkaoaUYW74R8b6v65JPp3vnXGsNVZxz63pFm3trZrjvuwvOMQ1Dkt5r3hBsXYt2BjAAYMe9UmsVXdhK3dbb7py0CmAphMu+AeDtukzTeD5Hlf789IWVc83t2nPezKzkYsxF++2yJR/GNHFwzexwPrg+yuPqvPX2hvmVNPDdfcoNllq//nCnKtdbzqW/HTIIfUqu5ZKSs26O3RACAvTe9pKRXdk3Jjek8fK6ghFoU7CSkQgRcVmXUss4JkAYpxPYGkMgRDFTU0CY5nnf1tqyIxyS771ZRxVttalZCLE0ELPX19eUIjtbbus0B3aEZE3zuuWUQm81l8URp8nn3QhZuhjYPI/7dkNCectQatdqvgUX/OHuOI/jzz/91LV5czF6H1hNpZuBxTQcT+fXSwWQ03GWbq11BVzWVawSA0AwT4T49PzsHN/d3ylCCLxsC3EwFQPb9805fhty1tJcq50dxDiI1px3A8w5t2JIiI6YY25tmqd1y+NwAiNVIQfDwCFha43At9pjTNu2vL5eRBoAt9ZTHEKg2+1mhjHGYYjEpKIGUGoJIXrnvON1KUhG7Mhx7xUR0hAMeJoCQBMrrWxdZJoPatarIjkHxBrRU0x8W2RIbpzCul5DgN676h4CPLx7DyieXdnL8RTM4N3Xx3XdEdwwTDmXZbuU2hBNtak253xKrvU8He9L3i9bHoeBkBj9ntf379+32pZ1GVLK244eXi+3Vsv5FE/Hh1L2fVvb3sue58OUt/2H2yWlwMwmBUzABBF6EwLuouzD3bt7q9WQjHGcx9PhNJh/fPlEDoA5N7ktt+jxcKTUHW7iYrjVynEgZ61Kzvn6enn3m2+DQXSEhr30wp1YFLWaAosJ5GUbRqe9aQNCSsnXVspWYoxm5gKpCDnqYk1VSnFEYDaOY685lzrPc85IIM7RfDg6oFpz7a2UigJioYtG9L0bEQKRGTgXAMQUyPlaFc2LNEIgMHJSy+YwDWMCaSm6rrKUPVE6HQ97Kb/88P23v/qVBhHVX/3218ty6702QeccO4op9uaaSGkNEAyh907kFOiH735S6CEROzwfjr11RRjT4aeffoh+OJ+OBm0+JFVqXWIM06Q+hNa740iYnPexlJtPDhFEeikNVFJNHLwi57YjU5c+jpOzodbauqbg9rILWuAEXVSFGUvNKQUEyqXXWt89vN+2fRwn55xzvoMNY7rdbs47UwMEZEZiH3zwYZqD9285ZEOxaUo+8IyRmWNMTVUBpeowjwhhXXZiPw5OtI4TxkjE5XD0e+5edM/t/VdH8ru01ht36WBFVHRHQ/Zu2Go2JOfYqrrgpDfPDGCHw1g71rqLKJPLewdDFSGEL58/DWkoee+tvb48h/HudHx4fv7Su5ni6XQ/j8efvvvBFEzBR3e7vab0du8vhkCEwXtsFsAT0Fbq58dnj6jazw8nR+mXp0+peUTuIuyInT+PU2831FpbJ0ARU9Fupoqixs4xmncugPeMIFJ7R+3j7DuIgN1uCxT88O5D3csY49N6bbW9Pr+cHt4DKjGs67pt++l0dI7FWMRc9MysvdVae+91bdHzOA4mlUhVuxqjISGFmFwY0aWupB2JaN/KdPAiFh1tOXcLZW8xBkbS3ksXGkkh+xClVgPnmIJHMnce79Gstz6mdJoO1qS3Kqa1akpxXXtt9bZc3r17QARVUxVmnubJ+bQvGyAEP6R0OJ6nrrsL7DQQubdJyVcPX23XbR4GxBLi+PR0dW70YeDaARCAvI+EwfFgTORTrEtjGlRqDCOGERm9Q3BWpCGzcw6BHHtW9s4xJTPdloLaEI0Y2A/EkRgD9BDs85fnWvKQYgpBtSBazg0BpAkS1p5VegUHqqJKC3gH3hOC1roRUTRsTWN0Levb4KjWWnMjDGYMpjmX0nMp9bZsIo3YkFR3TOSdhf0mAFbKpmaBu5k4ctGh4+6D673W3Lz3zvllycTMRGbGDGAmpGH0rSoCbdeXw+jTcOhd3o3n2229f3d3ual2nYYp7+vO2Oo2TwN5Gk8zMh1PZx+CY0opWorEzGEA4j9/90MFm4bx6xhM1Fp3iGhWLnW9rLmxIB4e7sTB8Tx/vlyYxTFOY9zzPg/RJ7zVAjHGBsxg0m7rq0YyoIfjSTbj6Erv614VyPPkogIZg5nuiHWeT7ORwB4cEfb7+zMzA7CqiZQQHAKWUp2jJnWYfECp+aaVHDvzpOg6qqDEaYjeARISnu+G6yrjYSoFlcUcU0hOOW/q3CBdlSA3dOz3CoJo0hGc1gwdS9Xj8Zgcb6US+32rKSRS7ft2vV2dYx/CNA21KSqXuignh2POeX1+VWxx4OA5pNSaTJNjB7VIqa3V3TmnZg939+/fvd/3XGv2bNbk7jiamdjmj5KG2MTlfQcr+P/7P/+fAMBMGf2P332WxqKkPqbAzrr02sGAvQICMSiAoafIyIQOTecxEGtMrqsy+9rs6fmFiBxJzWuKFDx6RxBdrdIq+ZBa70DdoDOENykGgjIimjpP3apjRqJaKwISESEwvc3FOpFnjN6Pt3Wp0odhZHKtly47ksw8M9D19kqO0JmBno4zhYpoQ0wgggA1b72LUESMvWEtZmallDSEwynueyEiRAajx+fnMdDdIRF5Qn+5rNKNibcdn18WQkvRxcgIQqDXvbauoHo6HE2UiaWLI1PArnbbtyXvcUqmOpoR4JzmOU1WOwMNPn7+8ZOQhuPQvPgp8OD326Mt67b0rrEZX2q5lYw87nt9uD8xgWcw69Lqw/nsGA3q4TDWXGpph+lArrJD5+l2WxQcQWhdyWHr6tzg/HC57jmLC2xaRUkFzMAHbj3P0XlR2WtesvMxDlM8zAKlSX5Ld4pICJ6ZX3bYSr47T63v3rkYUm9aitVamSnGsG2raHeeQjITQ6UpjQFj/f/T9CdLkmTZliV2utsws4iompq5e0S8l1lZRUXA5+APMMJHATP8FAgDICspmxcvPNzNVFVEmPk2p8HAEjznCRPTpXv22XvtrhRuOoKSIaeUtJ+gnZkoERFJFiQsJQdGueZ+dj/w/ud+Hn3M8frtZb2IQ0wz8whCSvR8PlAHETHnpV7cgTm/vrzoeN4fHynhsiQWmLMNV3W6bK9ESZbl9vHx/nh82oTPx35Z3yDQ3e3/T6uXlBRQWKaqe4SGo4eHkCQmtRCC1vuc0wNG0wDsU11wua6MnouEe85FBO7zmHMQgbtCmMYR7kIYbm0OIWRlNQYwAEwpEdEcNsdgQhE2V2FEZIzj2Y5c0v7sqk2EU17mGE+c5/HU2ZlD2F9eLjZb+KxLmW18vH/mUpa6AHu4zOlhklI6jj1n6f2k3d3hetkej2PdLq7x8u2rEL7/+LhcklChFOHA7F9etn1/iIDN5jaJgAISAgnb7DWX0VtiqZfb9/f3z/sdGV+uW6mZCF/qysj9aLnk6Q6Bxzid7Hnu1wXrtiy1HKMJymNYYHLHOYMilUxI3M+5Pz+/fn0LUCJh4TYVhi1r8sDn2YXSOUzMU9CcA4JzquGMAkGGSSKit/N62Ub/ZMKQMs+pFrUWwAigYTOXVHghot6m+XSdnAmpzDlHnymnnBc3y4QKDB4/S7AdcAY4iYJ54DjnVJo/ZxN0IWak3k4pED7OPqY75+jTCtTrpWiPy2VVs8fzMY47Md1errUWn91Hd8NlFYvZQxXH8GGmAGLm5zEut9tal7ZPRGJiiCi5mMbv//j99WV1wxBpPcSRsCx1CQ5TdUehYKG8rS///b//m6RlagAyILbWaqaUkuSMgUEEboQowjkVN3dz19m7seQ5u84hkiN6AKeaTecwrVmo1ETIiU2t1NzbgPBwzVku20IIhJiyRHjNebSpmrbL9rjf++g55TEnX0mIAdx9ArIbuNFLuQJF7369XuZQnZrz0ueJKa9LqRnXQkshwkg5S0pnG+v1BYPOEaoBAWNYuM95HMf++uUCEDktOeXe58ePT1P/X//T/zZb722o4v3zcPckWc0QgNlKBowRoUlAmHQOCMwp1SIYlhgI/e//+GM/z6WmuqR1q2YTAd1sXZdQ72Mw8/3j87JsnuK2XPe2X3D9+PO72ljWFSDte2PemPMlZ7SRM6I3JDJtuRZzDybMy7k/ohvQaEPXpQZKH+N57OtaEqfZFADMAZMxyzSN4ON4rGvaW8/LZq4syYPcNZcl50liZSmSGLmNMUdvvQ0UXOpiZmOaPp5mNgaZqXZUh7JURwRJx7AWkTCVUlB87ockyjIgQueoSSIm4eQcZbkYMhiMMYxLvS2OwJKufJ0jP5/389xT4vPZKACBlqVMxyj18rbethRmU/U8J6CDKRPXUsycicJd52TKbj5mbJdXIkCKORsKqzqEh8vL65sIZ/05ZmIqdQkofThEsKSUWIQAiJgcUVJu54mEHi5Z5phhMW0y56kTwWbfS5KUS7DUss3RW2sXvn3uTyEQpjHPCAP3paRtWwFHrRURzWZKAmgG08CnoRSglNwNXbfLDSI8BqIwMwLntGp0QEMo7TThTXU+n4+aKlGtmddCAiMLYihThPn1csNztK5jzj5CwCColNLb/Xq9iNDlcqulItL+/EgpLXU5j+N4nKgwRxCZ6fz8/FzXVXVMHa5zW2qqyWb/OaWozuPZKeJ6uR59dJv3R0eKXNJlqyULU2aS0TQ8ns/nt7dv7exS8j7O9boFxKnnjx8/llqq1ON5Amb3MefMNSPidb2kbNfLr/f7g3LSMGCygHNMKavBQEkWFI5jaK1LXdfWdohoR2fKRMzi53kici5JEh9HY4LWOjOJZElp9AMAUk4kDoRuoBycs5qpeWjoPJjop7Uk53xZFjXrszHL2YaFQcqUSkJBoOASrlJWyWL6wQRECRDMJjOs6zpQAgCRCteP52cmNLOcCyMwkeR8nHvO5bYl/EkIhwmsdclD+/X25tp7769fbv/+9z+fz5bTsq7rsR9mphH93HNekmRVKCVDRD9PB47AcToQLnV93kOmGjN7RKnLNAN082CmiAhEQFJ3D1T/eehDyckh5pwBsV0viWBZs0gkBogIizMAEpvN1k7z+Ocff7be0ea6lrcvN3RPQksuEU4Jx+ip5FB/7s+ztZQEEaIdzDxtjjFqqcjNzYkUKepSzYyZUgJzn/28vazM8v37RypzBKdUEF1t9nE2cHBda0Lix/FuhsPxZ7hHkNxhznG5bkSRC6Usiem5P3s7kqTH/R4e4SiR5hylyNBz6PP88UFMIgkJgJGEar2YWUqX7398f7RmZqN3ABCW27U8nu+9PQ8apmldLoTCRMdx5JKPdjIL54RCAbpul/vxqOvy05if8tK1rdvleBoCzj5KFp0TyH+GRDJR1wmAyDzNEpNZIGKSZOY/GU0I9Hg8bFpNaDAx8/WyMctQo4i3L7c/vn8IUxgheOjMKRGD2yGFPGJChAhyim4EQMIi7O7usV22iFAzFkbFcEg5m4XPmO4eaKru0HsHwDEtA04zMCtlQXZhbKpQCpOYASFu6Yau7ezAUmpdahmtIfFxjMz49fXl8fmx73dgCXdgej7Pb19f+ugEfr0ugun+sTfQ8Ah3Jr5db8fRjHz2kXJWnURy7M/ezzGdqLq9v78/REdflso6U+a2T4eJkiJgzjkFkcAcRrgD6wwzGtMJAcNba4LX25eXMZqb1SxLrjbMVY9+qMXs537M3/7yN8JkegLE7XrJAuA+23CzMXcS6ec5pvU5+1BASin6nN69lHy9rdu2tbO33lLBIgxkCHGMux5qZklWJjnbrn5eXxagEo69nX12nbOmRJLPOZmDOSFh4RSA5nGcu+R0tlbrC2LM2QFcEPu5uw+i9Pp6c4fZbZxjSyUXKsvyhcr7+x9tQsoZAC6vL8fzMU4tNf/540cg3r686RxH725+WbcbpHYEhrNgH11kUZ3t+QSgWmvr3e38+Ph8e3tlpqN3JzZiC5AkzBitL+vm1s1gjNbej/V2Ga77cdYada021Nx4K6q97ftl+eV22UpK+32fAK33l9t6HtDbgRoppcfHWOqSUwrAMacwbEtuE4FoDmURQihZCHm2FoyGCLmMDpQlxsil5pz3fX8ez2W9IIIkCfTMxRGEEyJNBQUJBCJHsMSGhCUloXWMEwmdZLoGQClXIwFOH/fPbdtsBiMCimM6u3nMImldbvfx2Sf1iSzL9ZIM4L6fjLzfp+uHav/48SNxTpRtjgDyCJtxvVYCYCKdc7m9fD7upeTj+WCWVJb743OpkvP6ck2SEx/9BIK6lo+9BXi4ZcnEzCKACOimZkBm//Py9Hq75MTLso3WHo8DoV9WDoOPHx9rWTD0UvPH53PJOYwSMaSSrwvBPNvBi4ApuL1crkFZPYZawKjrVc3NTfh/yjLLcgWAz/t5Wa9yWdVOM9ufLQLMIoJTWkra+tAxtJRqZqinmkM4IkguDugBJeOcU2MKcwQQIGJ4HKEpF279GRFEQBTPx+mhKWHOGKG9N6EsGcYYZjF0z5nWC23pdUwO9z/ef9RcUkn3/djP4QYEkFOSXJji6IrmL2sFGUxxub6W+uUf//5HAYiI3gcRBwIl+fP9/eV262N2DWsaRMfnx5xnZcqXRYT6aKXw0fv9aAaEWEpZs8hpe4xxxKPU3E0/379/2W7mvSb55/MjCTh4KSKwhYIkAkyfMI2r/gAA3VFJREFUP37YiyHJGIMYlyrtPBAE1ImxJgEbOdE0BOFJxEt9tt2Hbbm2PpA4AJllP851XWc4IgATeMw+AXKm7MxmMwkhmlEgKJIPqCD5/vn+eO5CAG6llC+vb0c/RzeMXoTOdqZtPbu56jpjN+37QRRmc4yPS0lbTRhYE7nTsdvjsac0GLVIBrCX6/bxfESEG+zPZymrIKvP+/MDAiVJXZYxBqF8++Wbqve2p5zkbMey1ud5fHy+M/PROzO5A3NiFmYAIlT36VMJA5nTfrROKEII9Hg8hY2BeZGlVDcz7WE0Wvv4eL5+/W1/HikVU8813e/fyYvPWaU+7w9nXdY1SepkqvY4TpFEWM/zDEhm6fF87vs+r7zWtSxXZj/bPlWT5JK3klbVINCaM4s/988sBm4I5OHMyQMg0EHzsmDEWktJyVXHaLfbMhUwyuiu6uu66OySmX/qu8KP+/txHG4AQUgGOEVcbQRMpOXl7V/+/OPPQOxqABJIPz4+c6qvt1tK2SKy5OfjkR2XNeU1aajk/P39Qy22IqrWe5NUSl1ev+TeO4skwH9+/7HerqnWy9u3dnzgPAF8XWsqeejgBO+DJC2EhpTAAdwxAiEg7PV2Be393HO93D+f5zxvv32N8DFbQqTE4caZkwgC9NGSpH4eZpAklVzWynNOBEMIG4OBzj4f3aSKk3SfxYwRH49HrfVnmHjOKWuVzIgMDq7EKOG0cOqmOWcWBQD15hEudfS2XG7azsQcZq2173/8qJeXxEkohRmjuCFyZqCpDhYB3I6zrEUknW2O1moqc7iDHOopYc4yxmHjs6bNNERkqt5erqOrqZkq50SZw6P3dru9iEhvk/mnmW2YThnu7fNx2Va0oIiS05iTiRghgjwkMBvCcPPQNbNgJ4xS8vSJiac5pzSBh2UPFk5OTIi/fbtc644BEApzHHo++jZ9UUQRfR4HTixFWn9yBoVQx7qsNib0HxUxl+XPf/zbcY6Xly/XtQpPholuaO26FGYhgOP5mTLk5L3v7VShCFt8BglSGIYRuLkSVeIohYm1u/Y2zqMx1sSJqSCG9jGUxyTznktOUs99B/AkOF3aiZJ4zEmEKb/M5nhlXh63W7EeGOg26uvyi/8GkNzgqdHP3WzWzBg9Znr/0PX20vbz87kz5vdPTQlLSUkgC5hCcB7qj8d+e7lcbkuuyaFTyGMyb8voCpHY5UVe948fjgOsjfZIW8VkR2tl0FIrY8zQ7foaIR/PP2Wbic7l57dQBxQDBIsJDWcHQrVqmhDL0QeSh1vOzES9nVjZeNocHJNMMi8jLT3almlZNmF5qfk8j2AM7R4kQhFuOiwASaa8TDz1OJms1MSJp3rESImXdNNydaCm6mX+2D++ZrxdKvrgcAIpAOSGKESptXmiPEa40G5eaKPAdo5aIXRnwDl0W5aSr7M/MTloc0UgngYpb30MRw1rL/X2HIBrfZgX1FJGovI8CnOcx10+nw8d4+Pjx2Vdvr8/6laWkkgDINx13bZzgpqrWfhURWJHMAJecxoevCxz9sT0PHvJFUcLDEKPiO26gWkiiLBCFHz72C1gmNucY8sXiMg5B82t5D6jT8uJrqW8vf3yb3//R064rV8kF0RHiJLT5XI5srCk1kY7T/fofaQUYx4igsAI7B46Oid2HwFaS04s6NHOGaZu0LvqCNAdkd2POeI8pirklKYqs9XlZ222MBefGmHC3MfBJKNbkvL5aG+//cY2gVyQQ2RaXG5fWpvoydiZcoTabI4OXMBTV/rz9++uAXN/W2+QeD92ACulaw+ibAi1Finy8nIlgc/7ewBNw+k0g9wAAj++f9R1mdZzKuBKJLlu17yswEwh7D+P237Ob7+9Ugkdo6shVkSitHoA4JDkkkHNWpuEZaqxZEBGjqEmDENNFBlTIkqZkVNz3sdMlUpNc6oHiMjluokIh7mrMOaynC1MZy5ibiUTSWKSaYZEKS9t2JIrGEHoNEVmN91bLwcvCwrMLIwBrTfXMItpyFxHxNM87n1Zrst2BXUiWRYiLn2O2cfj+bhdK4kcx5GSsKY51QmGTmZmQWEwHTmv9zEBSQg4/GgP9Qwxbi9FXt7etLXZjizSWz/7vl1eOFE7TnB5Pu9785Q23nL4QO1LEXbEqdt6wT6k1Ikkidt5CIGwzDF1DhpGYNetsLDrkCxtDnDr41kXrVUIIBERxpw63CRldROmLDzG+fpyzTmbQ8qFmQlwjPH+45Qk+/3THZ/PWXJlgdZ6rQsRRVA7x3GctaYkAkjEgYgJ05zD3cORJSVKgbNcBJGPvXHCoc0Meu8RtNSyP7Us4h7reqmLurW6MlA9zuflshGEpG+hJYIIafThSAHs4YQSgG5Yy3X0c71cFomu48uyDjO3x+jjZb0k8tk7Z+xjUsoDHM2/vHyhxEOnahBAzpuk9Nx531WkTB29j2G0OCySbbaUl3B2x2NvedGccVlSuLv39YLCyHw79wNZ1HQiCV/Ps122lBeuC79/vJMkpiWIcslm5m7I4kRpvZDDRhlsGI51vT2OiCUFHVM7syxLVjUimrMrWE6Cgl07C9V1c/MNiDC5glm0qbMhKXqEws+iECmZjtmE4Xq5CFNOiSLCgwm1lE4xpr8/H+f5/PW3v/oF8hQb9Dn7PA6MQ7W+fVuInHOwgblt28a0qfnnc5ijBxISCSEFoJvrGMfsgCSP0W9FEIHTmSsxk+znKeC362ZjFEHh5PMslwsv0s5RS40in2ev25oks8GXrUr4/titNXLsR2fhQDGUj+ezlpRzSkLH/pHZy+XKZHlJI5AsckLJ6e3tYmoJFj/bHB0wwEFbS8i3bSVq/dyRZczTA8xnOM421i0HaM6JWY7jtOlGDOClZJ2DOZmZTWcECJhjAroIqU7HARBjNGZuree0IoK5RTgS/nR4qKoDLvXlp/mWiAFwjDHmXLfa5362s2Rhjj6edX3dH8fsT23H7XoDCkxcM89hNqmWpaTcTlprtmjRwxlTzv/xf/mPz487zFHFUrloWL2udd26uQ0jJiRExKkWCkSJ02bQJWVO5brd5DjheZi21+smdBmjfx5HGyGyzfEZJZl5yYIoQiycH/eRUs516XZ286NNQN6PVpbVgZfL1/f3J1IgQKrFW88l995TWogJJ+zPw+Zp2ufE6QldhvfrZYkAdUWCsx+lFJFERI5x9nOpJTAcHawxCxNCMCH1Htr1uiCGJ2EI58wzrKRa81tODuFLqRwxWhsaE4VyKhukhQ0lrZfSGUaMPjgRAs+Yz0Pr6gG6XdckgoQe8ePH+3kIAEciD1e1XDElQiQdUBK7I6Vi6iw47QRMASiEMcfgmgBhzfmxt5zr/nwWEXDLzH2Gz7k/Hh7761rnQAQAwHM/qdRjP8vlep4HUCRJ9+czJdrW1RG228VCe9tdhwWX/GqzrxdkCjU1/Mnmr+56HHsukpIgGAHWbX0+d9MBgEjInCAlZiZGRBxjzDmIE4ATARMByPO52wyzQML+bBARYCnJshSAprOnLAGx1aX3qWFCCwYg4rJkkTyGllzd8DifDEGipSbzqXbmJK0dOaXrbWWJZU0tlBjNzuutoPh+Pnwe0CcD6cTjOa/bNSdukx77Q0oC0ONxLJKXxculwHkCApKQyPX1SxxHh74tl30/icUclmU1j7P13sfr6+vHx4eqBUQEhA4dsl6vbqZD0amPzozn4b2NxFBLEsZzf4+wl9e3c+7NOpV6HM+X22u0/PG5b77UWtYFUtkkyVozgrc+iQWFhypzORE1Yto8jyfJMpQphXvMOelnpADxOI6Uads2dzOzQDj7SUiFhAGCkINLLqLGBCVZEQZzZASOtab7frjnteQ5e49YS8GAFDSnM/Mtr1OROTtgqXDOp8WOqMuCb79eVM/92C/bpqrusc+pfSCmXCoEEcsYLXRYgCqy0OyBWMGilkoOHgCWdECpSTKREZ3PJwUSppJwTB+nThhJ0v7YP599WV+erbkpLtD7MADJ5RyWAuu23s9mKMdz//qyEHFOqS51XUXEa0k99PvHZ728mEUiIjdBMBGinAVyKjp7KfAzr03oCDz6DI+319c+Zx9D5xDMoWruS63qetsuETznWEptbW+9Y2BOGROa6XQ395wLIsyuubqFgrkBpbpx5cuSJTIhd5lu8RPVvR/Pqd3dljVvWzWfEb1UZLHX11uET+1TNSc8xoPTul1SLXL2kzMiMRGihbAsJYdbSjH6ebtWhzDsiMPRSGyaY0Q/xzQ4p52Kz7b79Nji4/NzzImSiN4BaVr0Pv/8899zyWAj3AIM2b5//Akwz+MA18xVJYRyLUv4YPKSL/0cAHi9jsD+/vl4+fLNIdbr0s/n9fJ2f3z8/o/fAeH28iIpZZbj8VFKZWIHdMBpcNqwzKVeXsoVAM14GLu2qZMlI1EtpY9BnBy1q7XzvFwux9kAI2dW1b3tSTJg8jAICwOEGH0QQKJkcwKFCOukmks/z7BwM0ZamDPSeQ5JCyQBpOHW2ieybRcEpKXiOffbbSUKs2Cuo59u4IiJJUEyw6lqHoio6gAxp1ugSDCjmyFSHwaUVTXnJFuWv//+jy1ncH7uQ12moU0RhjCcOgUxC729XFvDObQwT8Q+FOr2sT/V3Xg5x8h5AeAEXFMevaHrqS3T6/OzJVpqufz5z09yeL3dXG0MM20nePiJgWEaMVo/tzVzuLkHBJw9CHtvwiXllDJIop8r6pQW18g5necDEbZ1a+dY14uHjd62bTOznxCX3tvUXdLFMdzx/T5IVoAooXOcY04zNwsiTmWhRMxEBBZAImATJSShG5mxzoHEXHLN8LkfhTEJI6fA8IBQ5uAxNNxM++c8k9B89umKmTUcnbW3RISYhscwPA79ePybZE6URoLW7DhbWeHL1y9///d/KzmXRImpJnq91uPcAQilHntIoY3z6kmNNhAiFqF+mpmNMQkzAT6e78Ms1cuyrn/+8/cvL1spKAg6m/V+ebluSy4pPt9/F0SdLZWlDR3TzQNLDVJkZ2YdqtPmIDNNiecMEXQnDEEClqymy+V29MYsfXRkWMqycg43VWWM28rTXUiFBeMnTJY9HN0R4MePH0WsLGJjLqWGGgbACEI72jlm3O87ZUSJcDcfYwIJ7GcXp8u2ESFgluS1VHcPEVRQjSwCYAEKFEJURRDQDIiQiFZZPaaazTnl8f1PMj2fMyKdhy/X12GWGW6XqtqexzMlGaPdXr4IXo/nZ+/TECnVNqchrtfLPpEoC5ONc0scpkQEDgyy38/9sy9LmRprvYz9QMAiZfdmQQqg01wd3YUxM6kak1y2CwCcvZ39FMlb3c7n2bu9vGx99Kl27L3kysy3y8Vsfn4+znOs9eaubmpKLGKqEcHIfawMcvTW1JErzBpOBs1MmTIzMAECzqkpraY2Y1bMc46AklOonh8f5+367XZ9G6NBAAEvuTD66B6MqkG5oHEYhk0mXC83piEMm63TzBIo2tmOJW9JuA+ljNTgOODL9nq5bq6eZPvyysvWvnx7idD/8B/+FWBiaK1ZEgOaJCIE5UIZiGKtcj53U0tIy/W6n4/pT3C4P/qlvrIktzVCl/qlHSYgup+ZeNIzM9z+8ksuUhd57D8IIiZsy8v0kYmcgYhFMAFUAeyNhicvmcvHVAtWnRbOAqVuakoJkVR1ilRmCqCc6zS2OTKHSKAPRDIbkvJtrdoNSc6hMSNJcYf9ucsmvWldV50zbAKGo7JQ3VL/fC4XYalqShmJLshESH0MQmxHNNDbdRljd4z1sp4DVQcARqCqB0RKTJzAYeqECM6oOgOdBL6+3p77Q879cDNwWpbtnOPosw9bJKt5n1qW5SfYZI5x7AeR7K05wVIWAwDGAAeA37593T8/OKC3BgQZ05ILBgnT2+trhM+uriZMiViIMWC2puEQaMOEIhiP47x8+1JS+QlKCYicS8rJNH7i5xGxllXnEz1G75LTvrd2tuM8Efnz8x4xPOw8T5GUc9GpEVDqbZoD1DEGpkSSmcTmSZh674DEwsREzO6MhD7NDN3Fw9s8XY+Xly8MzCiJi9pEKiKEPpetnmPEbCVvBAWJxvnJIq6WqkTo8dShyluWupTMz+cjXfKy5UE2p27b+uXLG4Ebex+z9U4JWzvVTge7bHlJ1dxGewJqxEwlN8NUC4f++P49Rr9dLiUlXt3CimR0vl2/YiSR5Tzr82w5L+YWjmEIhBF2ua4AHqGt6Zy9Srpcrx6eWCSJxUROY7Sa8FKXhJuNMBXErOzP0UtdRTgQAkCn6xilJAhg5nAnZADyiJJryYExkQAIV0s5F3AHBCRMuTzHvD8eff5kLrmZtaGZJRCCQC61T4OIvPCX7QJQ1eP5fABALosZpFTdzznPZcltDARQt8fjfo5ww5S2MRQRR7fehhYXgvDpZlOVJDU9r69FStykCJf87GNM8yUmx+P5wyyW7fVpvW7rT3f1/tzfP75zrrkkBQGI9/f3XPLLJX97zWae8/NG9vGxY6bEcKtcciB5SWBqpeSYcrc7VXad3ulWxM9PlEpEniHntO9HrcvjfvTcJfHZHsRQ67LvQ6SMNlO+3T9PBmj7joBS86PPfrqqLMsvRDb0TEkY2czM4Ww9pYQQM34PkvX66lyMZLkUmyPuFjGd5jAtVCRlyMDoNac54dg/EBgh5bygUCJZU+599Na4ZA3VANVhZwAChcLYORACiXQ/j227TE+t+08zJt1nHUVtRnDipdABaIedgr6WSKl8Ph7v5z2xsMO///57YgvsOsvOpeYvn5/PqX8sC1jdHoMM0nq5Tckxp3pbY+Cwq0iSBYEQ5sDzmO+5XBZQ4n3JlWSVUlR1gdT6sa5ZsrRzbMuLSEZhCgu0MRt6MMJ1Y0zcI9+nqFoWT3xm7Dy7mswYHk11gVmNzT0KeU7I8tPGM29JMAIcOBURclcbc+4AjE7RYBgSZpaalUIRd8XEUvOthY9gIyRgFLgWSW1HvVseTliuhog2z96s5G2S5Vv9SeazYe25J0ZXlVQIKRf24GFQeEERxGBHp7Cgz8+BCwnan48/q4Qw0tvrl4/PI9QIMDOXbUWgCB9T67rt+zEBRsQ1F2QSQmaYY/T9SNcVDRloSTkxMtzOdmYmjyDhxMwCzDzHCGMpy9Qx1exsj+ediHIi9wBwD1vWIsIAABiItq0FAGxOBuZw4TiPh07t5uqKQDanggHi7eWCBOFeBFNCBHKnnLM7LMsSAc3Yg557U6XLdd1WcQXJX87jxNEq1an6eNyXkgrDnAah1yI6tOZq4MYwtZ1ThylV6HrWy9fowZRzLmMMnZ4udU3LbPN6WYdmYn48PuuyXLatnae5Th3HsYuQ6iUMnw+dk5mX738erf1ZloUhhxLlXFMsi4j49Ofz6Mf+cPXXL19vN3H1IHIu2+X2hP1+HCRLN8OJ+35qu6915ZS6zz7n2+sSgX0osOacpxkRAVnf95UpwFNFHdH7cX/vdS3I4RHH2UqJYc5JHIx4M+0OQIxFSAimWdmqWmDI89GHPyMSJBIh4ngeJxIrBBMRgDmAhTsEEAsDB8BPArKHQ8kJCMCVhZmwtYOJ9rZzKaVI71Nbv2QBo+ePZgBjNIhIeSXI989nj8kMX19fLlsduM9O61pT8t5HHz/HSFqvL0xMCOCDHJglSBTgfu6XeUXEy7ZIb001XI1QCgskAdUAIU4/FxmnmdTa4qMAeO9humROiCXX5ERO+/601nLhIkCF1lLP8wioc/pz3wmjltTGBKI29XmeKTOROMDZjpQEMM7z/Ckg5FJ663Oe4LrkDE6ZC0RkDsCYQzklYlb3qaP38+vXXwD08fyslS9b8XAkikBhcofn87Es6/PQx/PMeb1ebhAKdmBYrWvKiXceprfbNb4HaJ/HPcAifFkWMHQgY/KEnGjqVBznOD+e9/i8P5/65cuXJHUMHWPufGLl3jox789nKokITefLdmEGM12W2tr+MyVIUSKsFtnW25ya87Kfhw4PD1Odyut6IaTr7TrjT2u8XerLCyU+22hLLuvtrWswCmLeOyypztNTetG+DyUwGw7T6P48UpKUcwSO2VmECTUGSgSHoUqqQ/t23Wpal0sJmPvxXKkSoXAqpTbl49jdlHPG8CL4drt9/xwEGIDDYziEwxyagaOEq7uZT/ecRx+1FkQcaoAAQEDh4P5TD3L7eckdR0tCwKzm57MxExC1cXz/83F/PL68vP6wQTYFlzFGziRJwMJDQ701bqOfj4/bVv7629dff309jjtnFUynnn2ouV6KAPHUsyRGc8lU15VrHv9u84Di9N6fQsgIutaaUm193rYVgPokg6jr9v58KOJxHs/W+vwuBF9fr9dt60cIxJryPIYAhM5gTTkjhzDmnJ/7qWOAK6L/RC15hOSMEKVUc0tZSqKUEmKYT/fJTMdxRMxtqUlgLXWR1ScCRoiPqfNnlEskYZrP/ssvb7kIYizbLWfp46i5tD4IuPXdNOa0z89PXK91uWYpo7daxfrDdN5xpJSQgtznaF+/vFg/s4mFtnb2oZIWlCy5mtCS5L/9l/+874/b261uV4Jyu9Sc67pew/nx2N3gPI+cEmDkRLVmdTfV43i28yAiovjtl6+P5+P5eBBiG2eWhYVSqb1HkAEHhMwZ7rTvpyQphO5yf7bH/Xh9/QoWWSqmxYYSsKt//foXJDmez5TK87kv9fb2cns8n20/ar3cXq8WCgEenlJ2t/AASsjVQUSYOEvm85i/fPll3dLUM1VB4ufextkgopZEJL///jlo/vbtt8z4/jFycouYZr2bQsrMQmjmvfVUYsmLIxGW0YYenRADTIRFOFjdVX1yShGmc7orgbZzLMvCiLUmUzUPQWGCX3/9G0AU3pYsm+R+HsuapvYkEoFj2J//5ekWkbC18fd//OPty2XbSptD1TlVdmtH//7xuF2vNQlQELHDzxa4tl0X0Agz9Slfvrz9848/SynhAe65kAedw80DTJFQTducqWZyrDW3cx8Jr0ue/RCGs88f73/cbksEEE5kbwPHsCQVESTn8GGujj/Jq5RLJsaUMoS72xgO4Muaz9aK8LLkxJgSZyFXHzE5EhC1fpxteLhGjNFzXX/55dtaGCB+whLNtZY61QLAdLp7LrWU8vJyg3L7/Z9/3j/v27YIJUa8vd4eTx2jzTlF5DyPDpCIT6NhsTdLeeV8PUM4aih97k2t1prGgLSUmhI6iJCOjpgTs5RMEYjweD6XmoXR3HIRcczpYjqXtcw5t3UpJY/ZtlueQ98fv7++vtQL/hRbPz8fRInYu87glDwzp3Xh2a0PU5w6TK0DJslFpxFXBDyNPp4neoz5U5aDXBZHRhawAAoM3PfHGP3l5TWnm9k8Dwf062Wt5XZ//33O8Xlv15eKrubALJfLK3MeFqnQX//2V0E/zwYpmblbcOU1rX3sQEBAb69fiqDbIOE/3z/U0YojEiK6+7Isy7q4q1OnAGEes/fWwKlmScjpenOHlJMIzzGPc6Z6qQs21ZxSEbqsBfvz5ZWXhevysh/77ONx/3HbVqBSMwXMWrCNe4CUpQKCpFQQHLJaIHHXaWphfV0Kh0+3aW0RYtKtioRQEB69ZcnLWsxG6ypygYjrdZs+j36Qm4A7AIDeriuzE2tECxi314XkLSWQBJxAte/nEyGB68+W1Vo5J9nW9R//+AfT8nq7zt4S0eP+zOuqs6sNjwLo+/Fcl1WAVIcCjD47BIQT01QLZGQGdWF4uW7fXl9Rh4X2cbbzBECidPaGiCzZbAIEMZztSQ5rJu8BrkQsKXnQ5bLu+74sxVTByxzd3Z5n7+Pcz55NNiEk8VM5QPu4rF/cjBKlpczzMc9jzOdffvvb6D1zKkkiPKd0HDsRjNG3dbVwHIpEBDxaKzVFQPjMVYCQOcz8OD82rh7nZau1vHBeA6TbLDUj+sePB8xxu3xFnh7shERFPcacwvLx/sMx388xlRLabWFn9zlLyYnzfT9ZKNyEwD2WpbrZOOf57G//8pu7LWl7PM7LegWMPno8bD9OBzZDRia0VLNGwE9CA1GET9WzTfcZoozIYWtddGomwcDH58MtbNpjPtz9druwkIEf7aw1bdclwCOMmV9f4rkPYfn4/iNRABOEIhAypiRjdLUAgDYPSjQxR/8wNqYazrfr7R+PH6r7X3/7xdSZYehEVJvdkHebfShLRcrneSCmFsCMSESUPp97jRgWQU7Zc4bALhNguV5G669vb+d+6pgLl8+9SZLeHuBzyykrrim1MRlD2FmAJLZb3q7JHbZrQQ5hmrOx5LUUDHEVU3s+7maR0sIMEXN295GWzIKQGV0RMTHHHBagLNFbix5nP0kIiCNIbQCQDWUhYqi1mA4G3x93bf04nxHOlNzJpvZwZGAOs4E0EKGU5PbcypJ4Iy4eNJSBuI9nb2cHtKlhrnOuy/rr61V9+f75KXmdOkgEAUyHEAjSenm9H0/txpTyepE+aslrXVrriHNbL2PM15fb8ziYsLcDiWxMjCChlKi142cR5fvH/nwcl+2GyER4f+6JcbQxFRLk4ECMs+/aj6+3l7frN7Ue9Eh1Wcqlj2jnkYUF6RfioPr3f76HrAR6Kf7r26WfJ3OdRtN1jB6uve0vLy9znACQyP766+tlTcylnXtiB8A227Iuz33PeXs8e84XM/FgcHm2fcy2pLzkHLNjqutF/vj8J6Z+WW+kwERu0NtAMAQopS6LpJRKzsQ4Zycid+tDz4+RMzNBBBDmpWb0uCzCIvfngSR99NYHUBkGY0zC2JZ0KWDHn8JOjCnJti6jj7/95V//9tt/6mccx7k/H6UkVfOMXSei/YTyp0yJ6Z///CegLNu1Znx7WdEtl/XxeR+j1yzAGcDEEJ1pvV1nmEOwyOf9EZSQIcIwNBMAhCCW6+ral0WWQhi9JEYxckrCY/Qg5lTcvVQxp6EQAOvltlR0GHO2v/72SyJEj7Vk7y0T/vls1+t2vV7WLSFprencn2kVFDpnv5/tnLCPqdMKZ2ZJmUqWGWqzn2cj5JRyTglCMKoyXyogq4OZ9amnah+zMZiFMay9Dw3PdXkcu9CxlBLma0muPgdnhi3FNE+vVYM0RNVdwtisaz/76PeurggZaS3l69s3Nx3af/z4HuGlXAhZzZ77U3Kuy4IAS0lMP7lbkIT2/VmX9bJ8Y+jbev283zGCJC2lfv7zHYjbaOcYUgXEQZ/J5nG8d52yKCS9vVApmwLE7Cic0tK1X7d6QFKdw04NGXrEnOasIETyfD6u15UJ8rZFmI2DGQGAJdfFv3//nbleX98iQiSNYQi1NwQQR9qfY7hFUBuuc6BpH4/h8vLlrazGDjgVAwCAEN1DOJWyBJKHpSIiXJe8749AJ+ayVvOZSppjbtsaRjFtEprNxBgIALSstU8Ei3UptfKl4LdbuuYVuQy1Ptrx7BCpPU5wWXO6lgJTW+tr3gDpRRirIcmPH59IqZb1eX+2Ec9juBHBk9Ac96lR16uBLutLIpVfv14+fszH52cQ65h1WV7eqmN+Pp4EdUls07+9fR3uPYwpQ2hiBvBU0rMdgTyHCovN3vszJfATwwij6uwQ8NH6b7+91YIRmgVjjtYOG7OuNfWexEXofn8sWxo2TE01aZszYHREoNfL5k6gQQRM2NskyKMFxkTouS4OPJXcwZ3meXpMsCHsHlaW0hXGNJudGQMXydldc8oJfZpLqk1NOHMqOVMf34GEpHDI6AAktdA4O2fRYX1YWW4wTdU4b1ODGB7P8zxnBCL0nDIR9d7f3z9fv74xS4QS00+gj7rVbXsMhfDpMT3W7TJaS8gAvL2tanicM+UcQDZjkQ3ASibAQIC1XvT56EdXMzLDdbWwo+vRunm7bGVbvjCW6/UyJnjQ2XsShstNCJih9z0J1W3tvd0f7eJ0vV1++fUtIszO2ZNN0Umm2HpT64Fyzm4EKbEzfP/8ZOy3663v75f1tgQkgFJgBk4dhpATI5GDHedTCXhiwbQuJa9igUjgOpn5cX9c143cRPhxDl4u2vt6vXggSyIWCO5jqrZaaFtSzP798yA2Yk6pgupxDlMz7c8dUyrEq+dFEWuRXBCrDbXh4+V6MYu3b+vHx6ETr1sF6xFWhJKUXH/2zUVoiLc79kfSo5S6bElRU0pqs2RnHIGEwjaeX17fPs996qg1hU0SrLUOm0Pdgef0OUddMOXJ6kwJcVLAcfQvr1uSKEmQILxH8kAodXODv/311Rwi5nbdgGPYEYQfZ0NAU3MDD4u5IwkGE9Ho6jaTkM55WYHQ+ujmblHMlZibKjOShQDWsrR2QJKJEAkDCDEwBoIIIjhNjVO1q0lAhmQBZ58eJrJOw4A8NUhIu+WyjZjr9UsbYBFS/H6c18tCHkO11osZ1MJE8NxPAtJpYaAep5/IfKmZiEDkvc0wz9gp4/QGHiL8E0OWbqLHyMTh6cf3x/XyJUkti+fEKb2CG7jKBSNtn3vvrQPXod7OeTyOb7fbS6ru/P7nAEpE1OfIGVxNp0KgqyLyGObAKb0ex/F4BKJdLi9m7fP9h9tmoxBUAi85xN0gOC/d3MNqyS//8gvTFPLrAmiDT0eIa5KP2YCdctr7cbtdE1OwaM4aOvZnb5TX/GhPxLim2tpY64IBOs66Ys54nkRlMQ9AmtMkcJwtXJOEIBzHntKmUt///EctUkpdls0RHHWGAqXnOR04lbVkaOed5yx4IaZ6uTrh/XnnwlIikS8FJa1EIYmu14tZP45HD0NAsdZrKvWl9Gm5Xtx0uB3HaRBT2+1y7a0Beld/fd1Svn18fF+WvKw5oK250sS+PwhZWBJzIpQSYBjukmBZJbCba02vSfLo5kgOlGWNoAnjUlcHtHBHE0q9tYBZ65LzOqeZ2Xm2lAgBiJxsIhhEryv76MwC5oCO6CWxR1zXC4VTksQ+tQNgOCAyU3o+9lqThUFEO6fbkJIV6f3900csabmuuZ1dJBOP5XJThSTsajkv+3EmoYC5LCVZXNZ1dGLG73/+E8y39SXcTL2sNSVPWX/7y2+X663WtfvVTC1gqBGB/897rpRcRsyaCiIioDnFwCwrgR/HRPQ+dpY0guZQ0siJa6lcZCqvy0oo7r7U9fff//zy5WuuCYvMPupa+tT78/nx+fHLL5ubrktFcOGUmGfvzATuHFAkUcB+PyK0NTK13jsLShISZoBhEykYASEEnuyeJSURzmTTTZ0lDQAQfL5/ft51WzdgMFcPL5lfri/oeh6PaaMWfu5PJfj1t2/Xy+Xj/X0p2XwsS+0W57kn4Qiz0Dl0Tm9tRIzLdVmWRRgg4u3rX85z3J/n2VrOW1lYsrV2BzTmeD6+8+vm1sc8u6KkfP9swu5eex9zZMORyUMoQq/r5cd5B/P7j+e6rElEMvEEH9NKXrtGV/zcOwQSSR89z3O9ptEPi/08RkRZF8wFCKcIOURJRZi/vn37+P7Py3Id+nnZSniYQgT2frpPFvfxMbqrRSorIp+nlrpJgaaDOEtKSYQtEGNNKwK5x7rezFw4iSS1nxBzjtCcZNtyP4IiB0hAPgeknJAzpxSq6FITI1kfS9chhubw5XUTyXOYcFbToGoOc4zXl7d+Dh3Gqd7ktz5mqcvxbCkXDw/G9887i7i7jaMUv1xWt76uBUD/+tffXFVHrMuaUxIWTnXbLsiCzOGx5JTzxTwC6LHvWZItF53u7oScUsJAt5hqKy9Mgqjrmmqtl+3SZt/7noTevry4zWAwolwXP9Wsvbx8mUP/8tvfbrcX9bONtly31vqwhuzffvvy9qUkRiKupdzfP0opa60QTigz1d5aSXVGPPYBsZohItdakYMIFMIZA4MJt6UkoDWBBbahQZYWcZefTVmXjIqXP//4M69pWQszF9V6XX2OnARK+nq9piX/+PgRfSJ5gLb+KPliNs/9OE5+e3sZs4sAs4zZGBeb9Hze5+y9NzOPQKIrUga0j/tJOJgll5wSfP328n4/u+19xnVhgKVPGt2ej1Yyu2M7o01fvsj2stWa9/3+OB458xwu5Qac+lB5fH6GA2DiwH3vmlJgPg9bqixrSQXP9kQKQkgk+/OxrSs4mLpNHarI4XM+Pj5G76PlbdtywjkHlzT6zJnVpiQIv7upOZ73p8PSG1fV23rZ1tUMAkJ1Tp3hAJ4cMBzOw0wDYQlnCGLkOS2lnBIdx8FB53lakEcPKj6IyM7H53XZIhTAmMAMwNCN5jQiPvYeAZFozEkZe5/mAYCIVEraz54ASlkB+Hp9RQTAGK1fbq+9N/XBDPv+OfV4e/k2+nm9LIh+zPHLL98+vn/ePx/fvv2SM7f+AJt1S5Kl5iUiztZZ+O32Aoif98eEUPvZtoaScjg8ng/usSyyXdbRx+fjY1o3dEwFBX/c7zkxE1TMRNTHOFv79i2/f3z+/DvaGNvLxdRAQjKlUq7Xy1LVdf58cbtsow8IYMLWuk1HkOfjcB06sHcGFCKKMDBHDCLKvDqEMMLUlIndCGPExLBA5FKQZU4VwW+/vNValmXdLisC8Zzt2BOTDgvXtVYNu2yrrJiS6OwpsQjebtelIXzY+/sfLy+XWlPA9LDn/d0tARoLjT7dPaV8tmfrSsRlFVUb8xTAWnPK/PXXl7wJmNaFH/ePcGvnYDJGS6nosNd6vb0SzPk8nyK05Nz7oQMAF0l1xpTL9ermAPI8OiKWkt8/D8GLW3DmLMKEzNqP08wEUxiOczJzKcVnAzuvl2U0XWstSdyGKs45EcI9RIS4BGigMjsiz3MKJUpyuZRckrr1Ns1sjKP3PaeccBldEVmn6owIUOsQhuQADjB+2IlgVRAhSIoD6uy5Jo+x5DrGYMahJoQExJQEBAnbeSIiABBhzinYL9sqnJjSf/1v/6MPFZKEHIgQg5lECMDdXM3mtJJLylJKfj7vz+dzXVadGq6///vv45giNRxGn22M8ziJabqt64KGDmBqrU+PEElhniTllKb6z+LAXApLCqA+prkjxuV6FWEwI/CceA583j+SoGn2HBZ+vV0/Hx/vn+//8i//GhiSxXxaGFHcbms7jrDR+6g5/VwAu2u4qcd5TggSLtt6cZujHZn8VAiPs51jttttMdWgBaWC6VSbqlw5l4TZdZpH1FwMqPWuHhq2LjUi+tlGXkpZHvfH/fF5XdelZEL4/HF38iDI222OKZKXZS21RnjOGVFzShGGwO6mOgDsZ9zMzc1c1SPCYORKSXBOXy+CkIho2ZbpNubYz8e//u0vYONr/nq/f+acmGypqbX521+u2jscu9ps/RRBS0QY4DTCr5e6XDchEfX5vD/UyQJi4C9fX447pUy1klCM085xXNaSEFKqpiaSkLDm6mHn6KZKSDXn8AGk+3OUupiGKgBgShXQUwbzplM5i0gBrGrtfO+MyQ3A3VrPROQBEkQYAYScs4jkMWaEpcwQk1BTCgQf7S7klIoHH92ExQJdZylFskwdx3leSkYPtyCm3nvvHQDWdZk2KcGS6rkfS1m/vdw+nztLsmmAMHXO6Ri2rWsptT0er29vpqpzzGFCmUGylDGOOZpIYkoCPPr5X//r/6jr4qEf9w9k+stffrvPBgFlWY7WHUCncUqJMhN7QJ+aS/34/DzOdmF8e/t6HM91W+ccmXPGCbOzWXh8e339/Phxf34f6wCUWsrzub+93QB83+/GI+el9a6j+UwYcT5PSmwjUmKdOlrf1nWaYhIIUY3Px6OWkpc1oXBlN72Meh7PkgWBjm4/O0lZyKaHqtDqau+fO6d06gOZAfBxHORzLsvL7fV+3x8fj/f5CYHa4AzVQ2/X9TkaZQYCG8e2VoxozUpyYXj/8eN4uggmTjq9tylS1hXnjJJW5jqHebgIA5u7/XR8JEnMKaWU0/ZsZ8bo2j8fn5da274TuNoshWolZkScmTnDdr9/Ss6lMCcihIp4OEQcrR1yzrksxe/PuuQ1FanVmTlazulx//Ezn8AIS+YkZt7XS56j55wBziQeRKEyu12vZY7n1HO5bsfeEMQUR/N1yyJ8TESswCaChBIuEEgRs3cCYcIv15ck4WEu5AuZoiqGATGmnCIYwIUzUQKf5ppTDZ9uCMS9neYcSD7m77//o6xLXeuSi5mDxtQ+mnro1N5am9rm7JwgvXyBEY/jQEqJ4GzPXAqJ39Ztnj2nNHrX85yq//1//P26bUupoehKiqEax7PlzF9evmYuJa/5aff7kSS9vn1Tm8D4+uV1f37+8cef9/OIwO12O/b9y7qsaTE3c8hIP0m0b8vSdOzng5ha7zr1+WxrodslA8C2LczgZ35Z0kR+tq6BqXAbx+fjMwKu19oIMiNnKYkx/Jj6uE+4SAS2swmB+xzaDFIt+Xm0RMnaADBAGoqJYY6WM7krIy41O9owI+FACoJ7Py+Xta6vqppScXARlvN4udxebi+Xy0sM+v0ffyBKKctt+yZMHGYjgJJPRJGgtD+naat10Ylhcb2+nuOhc4zul8uGNQMAoEW01ufzvruDMHMiwKFzXi7Xy7Jul8txtNnm83lfr5cf739wksfnJwcKl5yXiBPBAFCERh8oEkLblxtRzNlb31moLmUr2cyFqjjhfd/LksNt9j3YtNvLl8qo7r7kwoRj8MtLJXzO6WaHiOdMy5J+fLbEcpwHc1Ed18saQG1OIgrn4+hzeLgsC3veliUzGYKG2uxaUkbvBIDhDGJ9sEObR6xtWbZSS+9+HkOtMwsCjNHNAsF1jpxSmCXOBniegzkTJQeohdvZtnW7vF4TkZ8d0NRa702El6WUKqUUiBVRlyTH8YwJBgoplSLP8wGxhKur3z8+L+tFCgPiy+srA81hS7087zsE/f73f65rNoV1W7XbHMac3t6+Afoc8+X1FQiO/Vi29Rv90qeOqWpal3q93RbIz+Mg4TB1oP356HNK5sAg5G27lLoC6bpKjP2yrbWm0c+324UAft8fqcrQXkohI2SacyZJ6F7WpeZNCNA1EXLOiNTPM+dqsz2fDxYJIUcAoumuEBAmAkiAhKkQRwAEkah385MlhQCAkyAnmgGpXICHiKREY7YsydVm10b9dnnRL3D/fPZzAgMyhqPUDOEY6I5jgKm6++P+8dsvXyJhgL3cvvz55x9z2r73fT+ul9t6rY/nwy0xi04NxnZ2IX8+9uOzXa+39z/u59kBYNd4+fpFSrLQ2+1FkG/rRU9/uVynzmVZAfDH9x9D++6jlERC9ZIKLI/H54hBNgiFECWlr6b7x/N7XXIuZYxIKW+1Msr5HMcxbtf63D9IzohzW2+Xy+uxjz5gKoxROefbazId4J0kmMBZxqFqI8icOiZWbMWXDbMPmDMcCak8pwIvM4aNxqwl4XTiXNAb2ImiQlgERgdtjiBC21BzJyCYSIgHeNOYlI2mEse6XLXDdvvy8uVbG2oICAmZtnLjqABQiwMq4DC39fomyNfL634/pgPlBYhe38wVE+fH+/3XX18zE1AEWjiNZillKfmXv6374wFn9NmX7YaCwqzanL3U1R33U5NcH5+fkgznUtMXGweavrzciIkC9vNPJLGYSGTTEOnr29vLdWEiQLAxCC1nGPv7UqJNH5aG2rSpOlpr5l5rzRSXl4vqHIMwBjMwArjMYSJSi+zWiIXR+2i1ZAxmEQnprZn+LDMh82AkhjiFMaXwmRmTnQG6XsQdiXHSz5SFow02KBnV+3nYDDgD99nzZWzxrCQX6ZrDqECddc02AjMvtQZMJFjKopH/8effl1sqi6yZbJznuL+sc049Pu9LvZ7PR99T4q+Ph7oS6ezjEA5Dv13fkhREEeGcFgB7EwHBNlt4gPDjOBwj09BpAAQ6iFK5pP55FE7n2beXG6Vk7sc8OUYpWcNITJ6fT7W+XTbzOWc3g3Yca0XTqR1mtx/9sSyXLCIpM6U54ji68LIsFyR/7HvYFPT98aAoOUMPcAtVT0KIBDDMDZHuH3/Mpsy5rCskBKCAtKxLJx5t1zmF4XpZK18ZefbWWhNZ1LobE9bjuaNUSaWNZs0Szhg7iiE7EhGX0Y9pmZfyjx/fOVcILwI1cWZBoN4nMaecAbj1eDyeFADm4AiUwk/Oqa7Lfp6jeS5V1RgDEfbn4/XlG0EyczVDBsmybWvKTMyOwELrslLW/egeuN3W8ziBLRW53TZVZXIIzxnHaMd+ckUH/4nPK0WWdSFCQoWgpZYRBBGAsKTq0dQscXGMaVG2DYh0jsQixP08keCyLQzg4W6uOhPxUstUrTVyrc+7DcCPz+e3b7+UUnTqeTQkWNcCIGNoqP8kGo4xkJwrM3nKiZmJsimUJRHDcT4T07ZW084Oy7p9ngPVSSwgCJ1j/vr15fH8/fP5+frlm8Kc4W4TnQgDzGx/pJqWbX08fqyFE64InjMhZESbSse5sxRV+Pe//492AlNNOa2bkLh7HEdLAtdrjYBtu5h3oN7a8bw/1QNLaWMCabpmIFez89lr3VKqDtaOfnt7lVKCqJb0zE8w0mG5iohITbF9uXkMNSLEfW8vv3w923Ec040u6/XxfCS+gns/P9elIBEGmerHjx+IIoAw57CWiDBoKWv0UxIUAkQhQo8BQCQUjlte1ezz+Y5ZNIDAJrPbFOIxO6fy48f9y/ULoZghEUWM7UJj+GinFOi97+cERhYUzkpwuVzWy/Lcd0A+9t5DwVWRHOZ5PG2019vlJS8OmoqY+XGckiKX5Xh+Pu/Pl8stlySpONEx+vvnCc7nc8wx1lrVJWVaanX3CGytXS5vxMhEIqmUzExIMXrvcwx95oUIitmRV5XKYzx/PHWpy8QnZWz+6Tgj2T4iAhERgSCmsGPA83lIyub1PJpIEk45U8mryNqnu+mYs3+eNudSF+KERMyUs6SUKH4WnuLojRjVjBB7O0sppdRAKdvLRNEJYYY5MVhOJUuFgmF4/zhBuDIS+e2aBSeS/5SMbDpva2t9W68va16rtAPVjPM6DI42+rQEPIdCxED8+vZmvE+LtRRkamfXsy816dDrZelml9uLxdxuL0mkN5/Tlm0rG434uHxZAYhZvv3l7f/9//ovj/t7hjwBlk0SSsnVHZ+PvS71//g//guiSXm+fftyuaajDY25Pz6W+qsqM+eSZF25tb4fp4azwN6PrTAjM9CXy/r54+DMNm2Cy1rhusrUue8dkRjH6PdlTdu2ufH793tihABGMYXQeO4Pn7osZfQB0ZhwzHOpUutSS56jhSkAhBqLCwkiI9IxOyERmCR6eV2cuQ0rIm6OSDlnwoLgiFpKiggiQYSpQ4SZY7uW5/OUVKgFCwG5ILxc3iRT6405qcXt5RaS9qHA+bHv1+uKkV8v68I8BxMWVQNca5Vc6OXL5dxP7zb7FEGnWCWlwHZqXZO5pVqkCGPwz4fYHVJK57mXUpPkPtq6La0PEXEzSjGtCaFGIAGiXV+qmxxtl0q5ZKBINcNU8EwAKUmogRtBALojmnbIycMCs7rf1tvsZyCkVNfLdWl1Pz4uy69JEhGIcK0VKXROHdhnd3eRMkfLKSPE7XJhout1a++P++M0IA+81Cy0qE+Mila0TTcgKK6QSZg8Y1IdJPh4HMtyJYoxgyi505gN3EMNkXR014kWS0pzjJdfv3lvABKKry9Xfb26U2sqhQEdUgKApi6JPZAoA8oMCMrLtgagQyyXDQhZhDCY7G//y9vf/8cfKeW//OW3UmUcc5y670M4//j+w9z+T//n//31q6nr5+O43tghLfX62M8dlCkulzLUkZkiypJb23s72mzfvn618CXh3S0mSUYBwv/8f/+/SEIkfz4/PTxLvb3cKLXn3s599u5hbIbCvG2SUm6tI+L1eu2tuzeI07wTRSk5POb0Zb0BUO+NRcIdidy9QQhzZhIiRJnAaoGhOYm7pSycOMKWumjX0TWC3NENTYOTBEY4mQETzTmQLDO5u3m0MYjTum0REBZAyVmmei2lCFKYFIwghLQffVvX3k/zEdGsOxo+7ztyUCHM0jWSLM97/7l/qDXVnHzOOYKpEHGEEQGnZB7HcSw/gespuav7MU3B5fNzBwBm7P0MSO7B/NPQFpfrZd/3Zp5ItqUwIkWAm+oYoO60Hw1CkJKkerts7+/v67LlnEVQrSHZkuvX1zcHQ0RmmrMfx95amLrO1ntLDIi+LhUyERcDejT788d9GvbhAnJdr5lSzKhU0NBUHRAJcxFiY5kB3ckdaE5IUs52Auh2WW+rbgUJ0dT3Y+6nHzNul1SYJCwRtrNTqnm9tOVyfzZEcYc2OicGsIWBCNY1Mcb1Uo/jPvsglFTyti2///EPILzerkzGCHNib5BS/fy4f97fvcFoBsGEsu/Pukhd8q9/21h4DP/83Nft5cePz6N1WXLvI2W53i45i7sBhE11DEnCAKR2fHwKy7quIhFgcr3eOMXj+YEENdXEhRn348/eWgBGeMobDDRD7TXMbQ4iPA83c8Imct5eqiScqr37uR/IJRwA3IaGe841S8mLXLYMNjGcMAUWBzZ7CDMQMTMQqlrgKdlyraNJWN2fOruPaft5L2Uh4LXWra6SMKK33ggwp+KBqi7CaMGASCIYdvTIzIQm5oHHfjzuzx8/orUd0WviLBWUzGKtmTOmRWpw71ESuerRzu3yBhC9d51QS4r4iXCFfjYHfB77v/3733/79ZdlrWYG4WNoyYnxIiLms7eecoWIOYyZVLvqqeYao6zJ1NU0TIW55KqzSUrl7dK6nW0eve/neLt9+fy8ryusa/Zwt2Fj+BzE3PuZswCC6SRamCmnJSc5zx2cznOOva2XWyCjUy05ulLJqBU8qQIa+0/8Dw1OFgb9bGYDZG7XPM0B8R+///N2/RIRxOjBQ6NkqSkJY1kE7+34/gmB5n6cp5uaKY+xYJxjTsU+AzEBk04lcHZ0ndb768v248+PlNmckBiBIyilqj5zLusix/Pee2POvR/h+u3rt0JldoPgHz8+1c5lzR76j3+8Cyfm1E4f/c6QBWxd07IwETJqmDMTOADIsT9TVmaUiKlz9onEU08Alak+5mTK18uXPvqcnsvShtRSaqnHobNDouRK2rsrjnnWmjA8C+QsSNVcZ9ezzzm4LC+tGzPvxzMlRsA2zP2g7Pd3v1SuSVxxaApIpcJpSsKcBIlUjRgjpo5pmmdvTBUwzHopiQhClSjWNS9L6t1y3tSIpQbweZ59NtdYRKZH6/OyrYRAAsPPCJg2HW1d65dv23k+F1nHU8c0DDFDG/NoD0ZppxGvJcmxR5ipRUqJEM08wlISFnD0djZiWdZV3UkkEBKvRN6atWPkgq+vr2dTRmGm3rtN3dYrMZlOSkVS0mG9W5LsQQZJiNqYgEac3r69HqO9//n4/r4jyuX6Jexc6jLVq/D+fC5rTQkBDCKI3KLpNARcl3VdvzHy7MNlOkBKFc/e3FKRqeAYTIpA7naMUaQCx7QuICKEJJg4WMY5+zj/8tu/qgYRqfZ2DjdQi63EVjMGc1qIj1zyly+3Ocd5Hsz4559/dGtdXQcEpGEziKRIAKijOCHE/nH0sYMAIlyWFSDMNKcqkUezBOJTOGwt6yTjwH0/gU04EfLlWpblW13S5bIM8+M4ptq6LsdxIoYkWTcAQEJmEVMLcADWkOi+9/nysjFTWZZ2tOHuAO6O/+3/+X/NhdXOOVtKaUwXokK7CDHjnPa4j+dzugW4ApjDXJaUEqRMASJS1A8gm4ZuNaD2s5WMknHOE5GFq3Cl1DPPTJNMTXE/EKBQKoGQcumqrXfzEJGfyWHh+vHx8eXLVVIM632YULKpmaVkrJUsAjC7Z4/kToAOGOcETrUbdHMwo1AwJepErNMl0XYpqQS441jafbZdE6eysaz2ef8jITIvrWFZbu+f97rWJIyAxz7OY86hl+vqbu/PPYgj3Exz5l9/+83DHu/3klYz/NlTknJCdO3NzVXH2Y6//vWvxKA6XbuaBxBSCmCWTIDehyMoeKpZlrqf+8eP4/kx3dSt//rt+vZWmQ29hWrOKcKnjmWpSNDGBCQMTlIz13Z0CBh4bpeNkEefvY+fR3VT+GkvEy5mwCQOAMwZsjW3qRMMCyKDTgXnnJeI6ONEtGkRZkJ2WzNAGPKYulZNieJ/loWZW69LDauPRw+qTf3+3A0dIhYQdv/19RY28iKKermux+MOAJySAyKiA2ylhpmZ/iR4M4lZACoAja7n0UVYrafElNK6LkSwHw9wm6MH+OuvGyLPYaZhDoTsg49P2ftu5HkVorgspZ8DEOc8H88f0rsd50nsx3GaPbftlrechHKVsqT/8v/5z8eut+u3dp7EcOzndinrlgGcKMyyWwn4yTWRqal3AIdcRM1SWXPKhAlACIcQMlIE5CS0pjElcN0u29mHzyYkwgRAOZXWBzG93LaUNBerLK0nV8vbGjaZPGLksjIvfdD93ohygKuP+wSfZsBj2sfHR03048/fN4n/7X/9T2c/LnkF9P04XWcNGtOYxcNa65nDVX9mBjKzjf7les01P55PM1O1CKtLjnARIgIN76NtlxUi/vnHH6WU/Tga9pRXN0iFW3+WmhCNORDAE5UMzOzs9fbSuw11Azmb5roWSRP3PiegEzGE93YI8+uXbbYWnl9eXpeVa6Hz8f3j4zO2tdTs4cQowlLYA8LILaaOPgehyJIBEBHrUn9uteuyHfPowxHp4/OHB6qTBYGXs0WRFZnc/eeaKXFWVY8hwikLM8dkUyccw0AEWZgRljW3dnw+7lxSoDP60dp1ffvyeoVIe7NEfIzBLNTnmlLhUpYa7CE+eqs1tT5VbardH8/r7QWNwPwnpbjWzCmIovc2zYTKf/iP/3Icx3E8WOBzf/T5/PXXr9++XYjdtKREwASAo9vH+8MVSs0DIEu5Px8mkSQva3Gbwy3lVMtaLhn/v/+P/9uxP0tOx/EI05eX2/Q9v52J8afGbMPA6TjGcl1Me10yGOhEGzQtFDyCArgPM0ei3I+9ZJEETFoyisQYu5gmpvhZ3GdmZkkSYg5A4HS0ebZRlg0R5vz4qetJcGJhYqGF6GqhaurhnCSlnFZS0PO0MaHUhYj67J9nQyqBaSg890Ndf//jH18W+Y//+o1oIM5xult2peuCXEufzcPXlBPE+flMXi7XW+sdiEtZAOHzuSOLmUkSNRtjXLb12ebnY7+8XDhJrutx6vvHs2Kd7X/CcERQTXXO8JRSuqwFQ5fC21LHOCz1OcBMzMkjtuttXdOxf59D57SUSq2rTjOAozd3X9ftPHouZcyxSZ2tA1ubZxvP6eP25fp6u/Z+qs45lSkJryIlCMyj5DUCI4KJAJziUFWzyUKq/WzHVCv1kvNytKkThsbzuetMJb8QB4SOcUiGda028nNv65JyIiJLgq6ajIFphj2OPaWcMDMT1eMl1dpBNHWTf/9sSvRlRQxycy4EVWGxsz8u6xooatSGff/xZMmSoxRhShQIPpiHjmeCLFQQeVuv+/P0CDfobhEzQJeVLteMrEmE4/bjx+foQ1KOQGEBEKRra+fZmoUjUanl8/gx4bxuL2EhDv3162X004/Zxwl3zYWyCSDqiMDIUpKUyy1baG8Q5lly25t2kFKYSC3+fyz9O68t65auCbXbd4mI3vsYc8411157Z+7MSooSEqAyERLCKAkHCR8cJMDDQMLArZ9AuccqnPovYBUX4YCE6mSdk7n23mvNyxi994j4Lu2CMY/f3ejRorX3fZ7eh45pjr0/hEykCOO2ZPc+RxMMAHg8jx9o+R8CYgACHKbu0QKpZgIfAFGEzQKN5pyEYuaQwWcz9zkNhZaSz2bnbE7aThOpz/v9w6cPlXgELlsx5z7dHZ7H+adfbh8vVxYgxJRKTfK4z5oXhD57X9Yl0GEqEROR+tkUHCOAMaf7/Q6c2hzC5O4IsNZ67Adivl1f5hy11FB1HW9ff//p9qdwmiNEpKsTZYiE7vv98DHnbDrOz58/7ue9vtD18mFMe3t7twiuZT5PISzrKua9z+dxIOB0e3/eUyp6t3XZwL0fbbnFx8+rBaYmx2+NuehY9l1zLgGaa1mXzRREWD2O+8PVmNNxHGPMnBO5MlPKQk5MtWS6bLwstfVRBC5rjcDLKrUU02DOY+S379G6fv99iBhTgLtOK4kZhH9siUWO455Tcp0GUyKd97GuiYYe553y2u15DmVPS91szjH6wnm5JGbSER4zQDDgui3Eom5tHzq6T71dazCIrEwIEblKoG63gsjP5z77LDVHZER4+zaWpZyApjtRGar70XqfRLRdru4jiYRPgAAgG5E45VTH4W4sn35Zvn39bqF1o5eXD8uyIHNd0LwzWD/35se2cFkYEda6zt7GOY/nQSBjdmBgTuBu4zxa39bb60tJyQkR/MiEqgMICSSnEhFjjB9516bDwIlY+D9Ej9H1hzjDLRASAD/PYRZ+7ywlAKdaXbZjPI6jlQLbmrS7zWZu37785jEnjYDxfDTA5DrR9tv1mgQvlwWCciGKVDKOZgkyMACj6iRG8KhLGVMh++xzqo3nQIKjjecJl3W5Lcv53Kd5zmkog5MNvX//XpaKDn/3y08++Oi991kyLMt27CdTIrXr8nL2XdIinI8eQRVSPMd4ttlMHfG371+2rS4JVVsEtLO5AxPLUm8fPyRKNiYR2jAbs49BJQsVlK2+t1wu6phyvH7cPDqg9d4cPVDXVKyIuxJAYg8ORmdJy7IgQoQjhZmCGdlTTcGszSOXcruUmjujPx7Po0Uo7e+zdyJ55hId8PV2I2HBQkgu5BGjK+BcCwmatveMi5895ZRWxhUr+Jffv17LT0GzXpJEBKo51lJxlqM1SUBmDIZuW1oUMki08+RINVUCRTYW4sTxg3gOsN64+grAENxOu26vwlXN0jaQKNXrGLP3/nwe98cePhBRUrpsm5oxQb+fXG+C6/N9l6HvHz4vYbA/9rVeXP39+xvBq0dgJuFKgmNYXXiORhDvb4/e+g+vJVIICYCfz/c55ueffkqSwZ+Zs5uFeZ9GLhQERCmn1hpx+tERKSUTC9OPQQvvb2+MBGoe0Id5mDpI2iiJFA4AVVeINtUcg1PvJ0cEMmHkJABaMkGIq9VS3WD2nomO93ct3vt+2VJOW+tdJ9qPUkcqx7GHW+gUIjOfHjbNAZ0YkZdlaT5Q9bevX28vL9v1Os4G4YlTO8e2bEd7CEFi3mo5DmAuEUiU3r5/1xlJLAfa0H7OfddUU9uPy62yuWrXQBDx8Lf9ARyjOZMgogN++OkTIRkEJbGuj+fz48sHVWUk93g8exJUo4AY/ezDlsvt7f2JOEsFYvA5kES7Z8Gc83mewhEE4WZoR1MRRsTZ+lRNCEtKmcR1/CD3E5AQoI5Qff/+GGMlTET4Q5xAgOfRKCgUEZnT8tifQ2EpwuS3JXmyMdR6s7SUtU6BDz//ZKVyQymFhWcffVi/aylcAG/Xlwh3MO5nEgFAyQUB4loiDMEIkzMd597GWUpKmQABMVrz0Z0o1bKKkNlEBkyoc5p7IGzXddnW/fk497eIgLDH820plSX/9On1ty/H9/t9NpRcuNbEwJn5/vZ4PnZw7PtRFpl9EDkw9mHP/ezt2c6mYzBSoIJ7UHgYErLgx+vry+u199GP0O69TQZhKgjoGlyImBBtXcv9cWfOgFJyQkREAY+cFgpMDHubTM7AuRaSCpQkydSB4nXbSEoET7UMi882zdy9z4HuHmGYbRAhIwiHqioGQIE55xj05etb2xuCILB1f7ldR2tLLQjiGmMYp4sb1GV1wDFn75TKVrzpnPfn47ZdKIuOQcyvry/mrUa+bFvOGQKRz3W93u/P1kbKc92Wbdv0bhGQSxZMeS1imShUdV2vj2eTRP/wd39ysH4eZF5KMbfzOHvvy7IkSUc7Z5s552M/bNrU+fhqb8/YNr9spVQC1NdPlVOyoFIFqI955MyttXkiYADOlNHdXdAdnLpFjObLUvOSWGGeI1w4cwrMjGpTbQouMZkIPn++DmWP1JojAxPatNHG43mCH8wCcpLw8+jMmWCizSIKeOZKhvhovnz4o3s+23jJBViA8PayPtpzfbkS8So1F/n997+lzNuyRJjORjDOdkydKQkRmFmkAsKI8f68l5qJwU3fv8a+n2Oc//hPf16wmU8iPB+eUjbzZdl0NjVdtoR4AY/Rez/O8zjG2VKpCbWIKbhsdUupPt7vX/72xabtj+eSl+BDOxlMc0Xks43nvqeMqqYOlMVMAw0BCfE4m+Skbt++fyPCKos5QASQmAOjLLUqj6/fvgHA8+ittVJK5lLrEu46A50DFmRxD6BWq6j5VGNGNwXmOS0AUk2SOJcSgAzus/ShgOjgl1vdz3ubeUtX4RwWEHJdXx7Pt0BY1+UH6C7mfQ5FpLosbsHA8xw5pzZGqZeUah8DoWLEj+mMELeFCDAQOeeuhxPlJUVAIinrFSKYeXRt/ekwci3MxFzHUI+HIrfWWYQIIrRkQYwPt4+928JVlmJ9Dm3tPD5eP7SzIUI7GhGgWypF22BkyQkClayN1gejrFP5X/7ym0i/XTNJjCHrut0u2YBvtNwf7+uyTTcRKpXCbVm3x30Sikmrteo0ZjaPYz+c4pgSM1LeiPn+eLOw334/CPKcU3Jyn5xUYaLV8Ny6uQeyIIObE8U5mgNpCIjUK5HvtQAGuclx4pe/fNutemQVer7fb1tVYzV4eztSTg3PWotD9NERzMPWisI9yKB3FgtAdQ0TBzrPAwnsmIEuIg611FyW+vrxhXgCmNqUsrmDcBmjEyGRn+czPNucSWq9LV9++/37/e3l9WLkNVVYUHDm2XXuOs6JEWjB4ERn60MSEyFLokEe4cSUSxIEiFwESd0BQpaLqJm5A4VbuJr2MVqHgK0uSeR5fD+nmrtHuBkzz2mq3o42hpoCc22nQgSzEJc55g+MjPbOIv08kPiyrcS4LMlROREBDsKSKyI/j4NyZZ8MEkR1XXsby7qM/pREkNKH18/hnlhaspxijDGO8ae///M4zuf797Coy3q7XZ+PJ4TPfpr/AKUaGCAhAUpKR2+njrLUSTb7EA4RAo8v394weA4HNCH0MGJUbYaEZfU5zv4U4S1fdI51Kfocs08AOY/HzLRuOYif912EzfW6XVKiMfs8GxkgUYAHkgtOjO7an/c2wuz8j//jv7te8nG8H493H+N8zss1S+aE6TjONiBTkAegh9lyuSRZpvX7/cGcZNkoIkvBJdQSIFBdpyrmamPUD+ucITZKTjpaEs6uLGvisuqEiCQUbjrG3p6kEsRNIzoEaknSjLJkdzw0evgM7aNFaKY4eju6A1Ku2zBrrs3bWgsBuWGinHJcttrnWbbEKQnXv/3ty9HDAiSvqvPsk0kQ67ZeEADJ3r43ZgWcAEDhEXHomNNyyh4RU6bCaA6mgpR5Q2v9mGVjnWM0l3GEzjlP/3T76f3715ftOsfe252EiCpJQYZcMogY2g91MobnDADdDXSSCNtoTKCm5w/9jU7kQIhItPc3M1O/RDARzmlquqzrfrTH27ltt/2Y5oFYzVmERebsuuQsTOFKrgBMJLPPVKj3Z4CSBpCos4eYYTA9jrOP+b4/U1pREMwch0HnEpwXxDTnaHs7T11rWZd6PH5/+/6+sIBDyqmu23EcYO3luknKx9l6nw42ujkKIRzHEULn7HrcCRjNUkJG5EhhpM2/vt8/ffo4e+u9E9EY2nvH1FAwM67lxy0bL1tNSDiROD2HVUpswQZ9aCYBRwy7P+4fPn5o+xHTnBxyfvbDiEJSuZhpb70zohufOwq8frwFkR/nXngDD5+hzYYSaTx+KO/T9nj/RriIrG5rSFZeU6pLwZTiX3//mnLpB7UufYDI1QBiUYmFU86VJDCxpJrdrY/jcX879p0wIOxyrdStKznwqc2aL84v9ZeuDujObVlSRiFZKA7ymcmZRDVA/LevXykn6qi+1pxi2lLXlDKA93EAM0H69n4MT0N96rxebkSlFomAnHOR/IMeAkBI6BYRDrOBh/U5W5/oRDzVzqkMMlub7pnTp9c/qh0xx/5o52Hy+19ORF23BWB++vyLEP/2+69U9fpyq6WMqTp9rQIMA5CAwBmQkTDlFApMiISBpKY/xERk3UZz7TUR+KwXMaMxGDDllL9+aSKpAIVZqotr+AxJHEjT9exto+Thw3sYoHdCQkoWPtu0YBqgodu2TdQgTrIwCgYQEqGUpNdbrRkgM8EyFpijleVGhCQsiB/rJ484jmcufPaOQkgVSXRYEpAVANo5z0DgGuAmyJm2o7cibIhl26YZs0SAIBCAz5jdy5bWy+eSK7jN890tCNaX14+RYM4BZqXWmMqcwWHOUVPSiHWpOXOuKZltazn7AUwo9GF7FYTA6OY1FxKutBhEzv76cWWG3mc7zrTkLOt5dgssQvWFqZRSczwPOfVl43XLP0RPZnC90bGfvZF7PB/tTrtIJiYLHdbP52mOLHW670/l6XkDB3HTQqUNFUzSnsSGCEQWoEdrSMBJiIGkt3MkybWss7dBxIzECMAYAdZLlohFKF23JIRHGxr86eMvbWK4zRmEwpi/3zsJSmvv+8NsqjlgFl7AnenHQTqnUgPLgDy1FaEkgoGjOadKxGtWs+Hx6EPdwMzHsKEjScFUtfWMKAwe4cgllwCX1rKFNd3HvF+2VY1GlH/+b79++mi3dbmueatyqcliKAKG6MxqFGY67QeHri4LOVdhtcZJjBHcySe7UZigTCTHNvXgcv3jLx+t2ePL+229ljWzLOP8bmaU+u2FPr5+9BHBC6VgsXl6Rp86zjkowZhmTnXZVClYgwYgERqFZEkc6eVSOTGEssjzeaTERAXgFMFAA2QkUodLvei4z2FvbRCwKWTsBP2EDlHmRHOSlAI1mFByJQlH5hyOLBwpK0Ai1qmY0JOycKlLeJz3fWEdZstlkVogJ8J43n9PWZA9ZoSDmTtALtnGdMD3+2nmqTDmYjAggYJn4bJeGowfr781JQ8XprRWZ3+5wf3xfs47F1IabV6/H8d2sRIW2oOhbqvk1sc7EyVBQS/Jr9fklhHSsSsSkyCQus+t2dv38f7sj8fdgXUu9tD1hKUuE1k555QDOSMVJotYKg51rhwQTdtlK58yrLsmLu/f39dyZd5rKcyp+EXVMkLxrWsF6Hp4t743yvWSpKi2vPCY3cACYKJ/3+daMtBLeMuZGFIo3zYbfqCQY1K098fxr3/5Vynpw2Wx474kjsDhyFL/7vV2uRZeBA1CLTxN1WnH8JC0QMrfj++XNEslM0+LY3KZ43A4LRqQneN04Gn657//ewz79ddfXy/Ly3U7a17XSiJjtOM4WXIqFLPrdDd6PN+RIoYFKBkEUngIJ1MF5LNbACKky3Wx4OlBOa8fPwBSsyEksvBSlrKtmDAVoaQgAqSqs65ZwsSQq2zbNqZaQAD1NusqwJFTZs4Q7A61ZMB5tgcRJ6mXFVs7jucjlYVpEotIUXMbPSKun277Y+6PgQ6llHITAI7xWWfU5eJOfXQpUoqRHplE539wgJVSFB1sAHAugsAqhIg9VJIMVCqcDDnhUmRSABiRPR7P27rVpRLw7BTOERkCiXIp1TwcaE4bBnYoA1gm9CgGLFIibeUCgL///vtf/93fXj/dljVTn5fLJTsy8oSRsH/e6kYWo0efPON+POpSiUSnzjHMFGiYD6bc1fe91ZpTwdFP3V20flzTLx8/Ha2NnmRZFPfZd6KEMWzydFDKSRISOsI5RxCqKbSTASTRslz3x5mz5CpBMGIm5FwrapxnYwfCHyV5LDWBMKBg9rxZStjaBApCWAyZJ1MTO4lsWXJoj6DZMXslEYc4+55eauH1OS+mCmkJkedx/OvffpOUz+cbgv/9n39J283a0AFUo5IHlGW9+ZhRguazzXeAc0wnYoHo26VwQUMqS70/2xzz9Xr7/OljkfR4//5+390CUVIi5iJkpSQgbaOZoUdyHwiRhIhYhKdiCI29gwZBTLPtcsVIAfK+H+phGiVVUEtslfnl88u0mNHA0Nq5cIBicAztaxJVt+mp5ghjxiUXC0sZ0pKBYQ51d1MAIIR87G9uuizLPKeIFIZPL1vgj7P/EwCQZKiVWpzSskkuUlJeNwbo7pHAU5ZSOYK5q0PYOM/711KWOd0N5vRwkMqUqA1zYA2WsphDNxUicXCfvZ/Js0NXDPeJoOuaAqYFRYhBlCxpqSHS+gDAAOyzG/hUk5QJUZUz2WWV3tVmjEPf7/vs+Lp+oq5qgyCgzXHOs43WLSfUfT7aYAKbHkB1WXMqZsqUuCYmdLCjT7NJFERdBJioMCCg2dhqqhWXlGIrzg6SWkOdYe6tdbNQH54XYAKAkjMyuecihciXUpBQIO37ycnO0cYx3CmnutSbpHrMsd+/M86XyyfV0foEdIrsPYYYYgWPMYdHNjs/ftzObjr30YcwIsT+lhAWSaSmQGnJKZda6qsHEOp5PDeR/+6HDyKS9Wxtb7MLcK5FfcymQBARQFHWYtMTCAPZ9N7mnFNePl63a8I0IC1tTuj48vEVw5+PQ1L9+NPP4HbZNh2jnVOSmkVrh3kf1gATAgkTixO6qTOSzphDGRMx1JILMrKwyzlHnx4itCSQnEnW7IBkZClJIuo6mdnUzA2BINKcFFOSIIKN3qbaGL2NNrTVdaGUmHhO/wHnGdpiepIMhmr2eN97a7frjVJyNbQIJJtWUmYn185Bo52pvIT23h8lY5a3lOucvyGnbZMx5hhtuxCx1oXn8Mfj4Jy2a74/n6a6jwiuve2tzxGO4RulLWVksGj7fuQ1hc2IKbmsZbXppoOyN539cSALSSZmZhbIYygMR4wsqZYlSRBOLAjObcRw3LsW4NtttWjLeqWMqmYYQVgvl7wWFlcdU/uctnEFYAjIuYiQztHaGSBuU0RebtdwTUBY1kEzlbxebhYPTqTTYQ7BsLMRJsHEJal6KDJiuIsIAIB5/IBkhZGTqQEAYsxxTlcUihlHa//6ly9LvbjD2O/bKtvizPA85s+//HlacftQypKS7PtuvZvpaLHHJ/deC0p4ZjId1+JzTp8NbZRS7IDR5ozvM1QSblt9KTUYAiLrnOtynu28dyvFpoV1A6glzdnPqRAjC205qZE7iVRxdiOfs5mO1sd5tG37wQ4wBEqpCFMfE+LHAI2c5cc3BFJSY0RgxIjwsCyZgpZlzcl8HJmJmTjXPtTCU81/uL6OAE7i6gJQE/xQRAIEMQMKBCImCA8HkQLmJS8RR2vvpVyFJeeakoxJKEkVNBQBZ+tGGh6EyxzImBhzFgmRY9eUaNm2UpglmcNQ7a0tgu6OTBWj7yf4ZE4Yw/pkZNABxpWSrHLsB6EudeXCWFYECtPXl8v3x95BFQMMpMrsvXBy1bPPRJgyr+uyrExMtVyez0fvj1q3VIRLRiTE5IDHOQIiL/lsLXGkmkQSBAIplkypzKYRRFUYcZou6zIFc71QJQWdgDOlsq641O9tAPoYltK6fbhwspQkFUcEdee8Vkh6jpxrSZwSh6mNuZ+DL6/W8DFszD7noVPs7BITKHHCqd0dAbkQLWitNWDOIhGRJGl0N/fISOBqOSdJHKpEDMDudH35oDPAQTe6Xauw55Ic0FwBcs6SEh/Hse+HMEcgpT7hr6WKoSF7EIZ04IIW68oiq9p0x1wY7v0cY1nrZREpxIIBGt2MQQxZAXT46AkiuAQ4Bu7Pe2vndl1zWpFejv4uSNLB0KH3tqzJHcBoNq2ZallEJNwiAhiEmCvPqSwiOe/nwXBJwUJE1JJ4FgxFNFYujMYp15zUTAMpV4tBTCBcmFRNEN1MFQCcBSWxmwsxgVhwEQpyApOCCeB4vgPMc38SrxCGjMKFOPsP3WaA9mHWc05nbykt98dB9IM5VeeYfep8PAPQI4gzCSOgzznmJOHn42FhETylClxJEIDMQg1TvnR9vPfvWdDFal0AhCV5n2HggIBAjIJgatelFuKMZUmCYUP75z+81gJukxmWemvnNItSGAqrWpunGXazZb0G43rdZmuzDURCwWnDPOYxAch0uo9IMGBOypfr1bx/fT6XpQzzHmg2tUef42ynmi1raKpyHCIUEbfbpa5LqmXcHy+3a61CoOFqc7RpEeGMy3WbvfVj6tQwuqyvC5IjKwSh3p+PNo/rh9tsj3G2y+WSAF5ebr3399ZzLr01IHGI6TrmGG7rWs/WmeR6vakaAfgGH1+3jy9rO5tHClqmB/BTpBXsICMC5mM/z941l1zmaCLxcq2SIuBvRueyrM5ISFkqopT6cjZ99vP+eL/Cj9jyaXYee388+rpczZxJi5BDstF71ywCtX57e8w+LzkD3RxBoqQROsIXJDfInNGQkFsbRAoAHoGISk4EY07ymEd/e38gyu1yzcmXIiLwuL9XWaqs398PyYliHkeTlN6f7egzdKLwMAWEdp7XsjBEKXlZEovXJRESBBEjZZJMweDeEwHqLNXE5flwHWaqwBEwkUK4pFTdLDMfY6eQsrDacDRiQQDHkIpC4h7EpOaBFmBqDhgu+Dz2of797eGOcwZDzUWkJDU3Y/dvbdyBT6Zzzq+EgsjLctlSrJmRk+SkgBTG5MmQLcD97MflWlPGsz9sjDnb1GHu4UxYznaqFOakCh7pbNFHO9t7EllSLszj1O6TMlEwUkVAQOp9n2PetpQE+nmo9/M85hhmAMGP868iTJKGOgnfn+/H+SQbEB4QOScRzllyTolprfyDKvmDpg0+zn0/Zh5nB9wlnIALMZPkLEF4LbS+lK7d+oFLrEsx76c1OPWybTzmOGfK23QglsTo6EODICXygADXdUkIQLDID8wW4RgjQsw1V5rajnM/zzan6vSjvy1r5fSCDK5jb3sNAt8B9NmMSz2H7e1RysUfQFyV69TR3nbyBtEHmE34y1/fEc+SSylJMpo3CuCIpZSREqcKEDOAs4ze8P/6b/6XrmdNvojAhPM+l7pInUiERIisbgA45/jRxX4eZx8OmBEzA8z2/ue//7gtMPYdlKzTfSoK+uiEgMTvR3eUpWR11TCdoxBf65JRUAjZELoIZkkRhMiQHcgwuYjbeCawIoROOlfw6/OpKISkAAkxIaLZJMTWzmWpy6eSr1WIEbG301TNDAkjApjNok9FwggCylMVOZXl+tvvb33Efraz3fs4DJxYRgeLzJbIIBwBmCmPMQG44mNNo24XElHwANzb+SoXPbrreH3ZhncXN9CNVBKZqwOEM2IGrC6vEYRcEJMZIyUIzLlWYbJ5f/+mNGmRxGWhOuZIORFBuJ/tJEo/gpweNvoYwxES8RfzBpQDyJA8PCDMsJTCTBG2bmspOSVaeKQUOu5r4UXyOMec9i+/fmO8VsmXjdaaraeINViGDwMdOIDBwIkIAF011AUpzHtrMnF2sMjNuCxb0+aofWjO6fcvf123uiw5Z84lRVhJURl7H2pC6Yq8SlrHHG5w7C3nxSy63ZlNeM1cEYHJckbX5xhNlsp5ay5fvp/Iy5qXVIoiuk0fj3b/rR3v6fXyfGriSzv9PM9cZCm4xJEpxbQkRVGoFAMvJYFrJhLGbcxp/OP4r5TCYoYTuEvhwHj2oRpAySmZ+dAwc5uxLoXQlrS2HW3Eunx8HHdVvS4XdLUMpea0LGnvbUb0t0w0lBSXdVnVBwpVWVXbWpelELgSgofO/uSEiRHnFAwmALS85mj2uL9JXR/7MVQTBxEAIRIZxiR9/fwSNH26cWrncEcEHsMoU67JfE4wrhUwRQjR6jgAwBRfX14BiGgKJfcPZjamPx+7WZRyQdgiPAKPveVy6X303dzq4xjP/YklBTkJUgypkDDdow/zGYKyTD3JI3EN00SCDuZGvHoges5pAaAwCkJFeG/7+XyzOVgooSBHlxApEODuLHK7XbPwWhediJAe7+dMfrlc4fa5zWcEIGDvPaXEjOQjlQIkZ28QflnKHHvO57YlGwG+qz1KFUD5/OlPU0PNLS3fmv3+5evj+TekuiwXM0D068uaMpUky5IH7CEWYIhUL2vMHEH91AumMKBdWerdDkb4+fUF0RLiPHoYDQ1nO3yYKlMhPFB8pyPMaqmXjAinZJ58NcrgSJjcAYSdJU0hUsPVeFHX23XZH4/z8c8+Si7b29dv25puF359+dBpYTjEo3r786frj7TvkjKjhQy3IfwfgmphfY5BwnK73M7nuw7dR19zTpkQYU6zmByzzaEOzFXdDQhAzn7ctmuUEKRCkPM6+gwnBDfg7vPKvNSa83Vavz+fQGlZq0oteeHmAYmEpWxSpFIhuGrfFZ2FUxHhSrL9gKGbD7PW+gmowLC3kdebh4jl9tTpmgnNotRlun78+TOvCRwB2SGhJJ9gin/7/f7LHz/f3w4gNwQi9EBJ2WGCeYCbDTe1MAqfY/7Yq/5IKAkl1UPh3dRUnYgwb1vlS17f33rYeLl9TEt1BhKvqTBEQjBVUejGXDbxFjbdLScqzOheSq3XjxE41RkFgEw9KKjOc3/INglBkGoSSdksUkIkYKLWTwyImZ99sGDvD0k9ry2VmIGXrUCATt0WighmZqcfshU3YwgbxAF2bKcCxsU01Zy6RYBwFYyw1h/nkZcVCniHMezx9U2oCJHNXSROoW2Rdct5YcnZAyDQMzHxds3tmNrtgmIW2GxZqols60aM2hQ5cVpEAlDRzRRCCVOGQkJkOt2UCXLCfZ5SKQDM+pxhHu4J0QDA0YkJzYTGxyvqKBB43t9/fr3N2Z6P+7rVR+tF+OePV2sgBBm492BmDAX2CDUDZH4+jv7lLEm6EP7X/+Z/AzCe9y+3S8rMNlWnInFQILu5sRQPahqRqiDpmMyYiIn4UtIibGZmNuf8AbynwLUWt7GsqY1uJAo40DyAKIPj1M4MJCjA18tqs2UJxkgMTMxSdE61GWEiGAEEQ9hNed/VXaaaQyQCNNMISrJctg8/f5460pItHCKdx4xI378+ns/jH3/+PGdTn0A4LVLaIoDTjgjuBugAQQRhjPMKAREwhrbW3QMJkFxNw0N1ejgCCjEGS1qlLF11+nRUiowaWWiOubfpmM8ZrvPnzz8J4TzPROQ6S04MlrL82Jwd525uVTbyS4CmzO7e20Aot1fW+Paj2JFzTimZaet4tK52bBe4XKNehsODvJa8imQPnNP70O161eA+rSuaAzoIus9Y8i/qbYzDXd0dggKAM/d2wg8+VzhhtJaPM2MgQRKilNBtJuFaGNGIjYjCAQAn7SmnUhaM5M69aW+6H0oCWVz1RAimhCjIRByJcYxeUw2nc1iHGapJONzXpSCiqbJkZB7DAMUscinafR+arreBpDq2JN7P4wRzHGO2djJ7qXh/fh/u43j+/OE1I+VUv317l1Rfbrd2vmcxJFBIwfXrt0ONEpJNE/QugiUxI4N7EsYIznk/7iWlnBOLjKGADInVxrqxECFGhKprm1hyBeLlsrnGVPv+/v68Pz68bDNoBqTMU6extK5oE9zcpvXGBEw8bQ+bjJYZmUIkuRVEZOYIFBFEWpcNQB2xrHy2TmKEYO1IzIlpmkbE/nxul23MwSm7gzmMPutyreW15Jwl3x/vbl5TLanWWoEMMczMw8boTBAUdSMEVDUzNqvuroPJF7UZ8GNvNCJccIZNgCP6SAg2uodibDFjIqRUCtDZh+091dvvv35bS2HCCVZScmW2s51P8yHJa0ZIGv3MNoAdJ9WcU8WzPfsx6zKJYdrACaMPEUkUn17rHKnUuuY6j4PZk7/jCJfyIxpY8xI9OSg6hgJjIsAt1+vHzPnpINPqmCNQ6npBr7PxeT7ev381PROjzVYkRYZ+doRJnMKCwsxkTA4fhCYsFIIokaJb683MhXgRqc/R3+7H7bqozmWpYTGmIhqCz7MLI0S080kgZV2//vWvjAjhtZYsrGbgs4D5hNZ0qBPlCHvf+zE1o6pHSWIu7D6G1Lr99tu/eOj1Vr+9vdVaL0u2pSTwJZdzb+t6BZDH4xyt48LTO4jNmB6AJO7ggfLh5fLt21ebBiXXZVXt2lUVOPHUrhar0FKSGDi7IHrMOZQJA0IkDwO0aQrToPfZz/HleZ9zPI/nx9eXZU3EmJnNUl6K6xRKDBmhMkJgJCFXBlPGAJ8c0L0zS0xT9aA0p2mvkstzP4kkl8wpXa4rWlmLBJLaQGIgjOhVELy7cTL7YfqZNueY7sYMmdJxHj4HWKkLTlVEUDUdhpIkw7S/RGA4sEiuqfeZUmS+995YyE2PdiBGjgtoMvezP1rXQkGqoG6G5iAUNjo53FYysHrdIhTCwszc9l3ZtRThVHIFEpOceT0L/ouGAgHn4tPrBqaX6R+nzmn57LHUbXYgtDAraxF2oCekJ8gEn4BiMDRiYsJEaalsizmlklRhKWsimuMAMnUGrsuapsFxBnje33tvPgYLLVloGGHIWtNaBDyyiJlDcKD8MNTPYa6emBiF5ANxYqmPfQQus5F5UnPAC8Ds3ddaGQMY+zyICzOHBzNCQOv+cv1FCBFiWUrN2cyn7cu1juE9BoA1i/PQUy2YAjxnXrOwx/N+V78+9jcWH+34/cu3f/iHP9alcmDH8HGMtqtGLiunNSUviX0e4IzIbsqEoz+Ic8oi98cbEbc2l2U9NRiFyxKELAljqvU+mpCpIZoLMxKDCDEhgVAeTdsw4Twt+lAU+fD5c+sder8/djMhWQI1BwonSYRgCQkCzBwpBBCQgZDBx1SJYImcaAzDIuGQA8eYjwHP57Gs24efrgaTEgPG9B2J/IdgR70P83MK8VIvcU40RhyVkiMEI0Qc51MSE83Wu44U7jkLgIAqIDFmNTP182hjHKq+rtvtBS1+BzJzIKHbjQEDZ2izKrJdl9Y6oDjgcffz1GkQpHVLOnX0c7tcECeAMwEEumta0+gLZZIE3U5rmgOLXCJeNQZn6h2mxVDrjcbZz/MsuSKme0fmdC0piU091leSdS/13u1b4s+mEBDCkmRBTtNmdUqUz6mm7jzaHAiox4tk6qPN3QFFHYUSiwA6C2ZB5Cj1YmoB4K5MQIApSVh4cASazVI2ogIuKW/nZHNRTQABVphS4vnxw1YqMRmhMRMQeviYikCjORPnJIzQz9OCgPBy2dBhdhTmuta0ZVoI1qjBb/d9KKSxm87eBuOw42yPPdSf40g5eczLxrm8nscTw1MUMrhul/3xnhND+JwDAlzdFJCyG9xuH8c85SXMYvQhLx8+vL8/KNVzhqISuYeVvDhZhKZUCRECYzhBQAQTp1T3o3HKFmiWEJGkEIAYhDvnHMPu9+8Lw20rv/3l17ryp2tai5RCABARo4W6IwZQEBIghAUGmUauWSSpBgQE+Hnub89zV7rdXv7wh885pSBo7WjH/eVaXDXnwkzuU1Wr1FAf5yRADwPQ9+9vJyOn4hrXyyUJJgGEoGAABAgiIsF1W6lWPa4ak1e3bHPab7///viOP336k2kAkHAOyREIsKs+pv+gPFNvEzFF/IDwpWGwrqvFUXkV0lKKqjOTzokSqWTiDBCAQVw5Zfc57XK2S5/PuggJIqIgYxlMe13XdV17H3Pq+/u9LvV57hbx9YDh53LZlu0FWC3idvsYkCVfRJalLiy/U56pG0OU7NqeNjwgA4V4B//BREKGdb+Hg0333jznPE7XOYoAoifBkgsGAyEYMKJGHM2mdQB4/8tf26DWZ5JSl41YkhQiAjK1AFQmLzm7+pxjRvQ+0LCW9Hw+k2DKGQEIaQ4PoggzwW3JrjCmHU1nsEPONRdZsqCkCB8U9szP82iveTHXMU8RMrU+4J//5dfX5eX1JWOhnz9//P3rPZXy7W0nIh0js5j72VuzB9GsPAHJdeD/57/6337/9t66H+f5+noNmA56e32JmG5H+GBEBEpAGXhoHG2Wen1/P9QBUdTCTFVHymKmCNCZdTrP+fPt8nqVZbFpOwJfrlsu7ODEGTCHs/qACAoQxNFaTan17iyIeJ5nSolZvn9/A8TXD59uL68/SMKc4rm/E2FiISIEEJH/8LiMcAcI+PGYqdq+n50KUV7rVnNhDBFldoxmZu4KEMwYEIjkim4GyBg4xlC14zndck7VnREShOiMsnXJrRZxN1UP49GMOH15uxtVAxFJPsaSOWPoHLlk1alhgB4OmYubIxEhCydmwUTNd0mB0ObYhZGZTUXoghSqMyVu7Xzc782bIqrmNkTyhVJlSSRfl0WE6+XyYfRYl+ucmsuh4I/jkMQfPmxFgjG4XImMcIYrQiCQaUK/HUe7v599hqSlDxv3u59P8+E+SsoYYhMyiZkbwfMc54T3fS7bByKbc0JETpJFmKkdLaQyA5GKBAIQsCQZ1nuz0azmMsf54cM1JyEURiQCt1lSqrVsF8k59mbfHuc+Yhj26VkuSWSpmJOLcAD0rvv3Ry2C5L31/dmfz/H2/Wnt+PxT/cMvZc475zo9H6eZu4DMNlOu9+M4fRS2DyvlnDVU1PzDp8/f3/ZAue+tVKrbck4Nn6ZDKIApTIlSG82CGPP3bw9Jaz9Od2ujLbXotDlmLiKJmDnnJVsAhM45WUWgXGpe2cmDUN3HHKVewhMhCgkj5JxKLjDm41Rm/vThZyIEgJef/yTkYGPfTw8wCO9TEpZyCWUmUlXhJX60LRExsZkFeM6pMC+v8P2pOtFBpnJZMsCAmID3wFnWPGY/2kFICMrQgSgCPKAsKXlQHg6k02eLdrpQdQTvt/4wxJMpmBODQFQKvFw/G9Wu6BElgZ57YtvWm7kRAQcf7cyJtL+7OVMq9QIGGNj7QRdFULe9yGQKBlDAOY4kVIWIEHPfPhNd/hx5fR5HMDorlwHcruVKgUTp3N+u1/r7X//1y5c3s38oy3X44qDfv55bxXVdqMS2laUsJYEgugWHaTwBtWyIKmqAwJRzwq2dJlwAEJGB0AwQqbfRpmHaLq+3sr5afN2kfvv6+7JdcoJEQdT3QcHgMDiJq001Keta5fXlNkeARy2vOSOEu3pvbY4ZbgApV5qt9ccxnVfK0+fzfkyLQy0CXl/yy8ty2Mm5ANBluenoQ80m+RR2KYSTnCm3YxDj29vbdvtMBEM1SxIRVZvTxrSXjxeBSSFVkrCX+3t/dnjvqF7tXT/yynwwidAVmAxm4FTOUNfeJ0mmoPtzH6DdWA3yef5hzRTDYKoFpjRD0yJhQwksGBT91H3oBGeimBZtqLxZYlWNAERG5nXbUs4iljNH9LNNVSu55ox9PEGABBFh2jAE0ycpa4SZHbrXZTOzqZaWBQhyKiTpOPucig7M0PUo27bbmQn7OTJJMJ2nT8WYmyvDVJIKgABAiEAcqoQXZ5IgpFgvrLNDUlTdchqq6m6mwc0Djub72QiYmYl84iQ0zC9vx/lo2p2HRmvjw4cPFhewdhWSXAHs1D7iiOezt5aYGKwWuGysnltnosqQdVA7FIxq/weALelICfMCcDYWWz8cgTon5rJJWe1TQl7Tj22UVEmZmMec5ngoffn+XjLcLpWRiqyhJFhs7EvOHBMYXQJTmU0v6zbOUyAEAMMPxR507Aemeoze5mjm68IjEOnSppSUUPtFhC/rGKMfbTZdU3YCPAacsM+7hTOLSz0hG/SA3T3NQWpBbO/HFE4JWTDMHsyczOfQRZpafP3r98fXxAmII2cCJWJKguCeJRT7UjxJOVtI/iiZn8+v749+ua218Ohdp7rzeQ4ptzHsSc/2bm4klPJ4tt+/fbufs0/NmQPtsrHrfLltQugeWZJIjsBLucwxzZ0YJNCnXjKn0cf7nWNy5pwlU6AINsy1RhDyerS2pNpHwwzu87qW5VpiDoWYFGqBhJJE7ZzH6WoHkogwMwQZQLeQRGqeKE9TiuQRZjw69DEJiRjO4zDzR3tebrfteiOU0RWAEaFUIZESxolCEQG26xVmM9Q29jHdup3v79uyjSAW+QEiNmRIEEePfZg5AiNLYREGY0QpaLqmbAAO6AAb03oc7exzNAhdagKE43zbmxvm1hyQOSaazpZioDkNMOJobUrawi8LkAS5a3u0460FgqT8nEDoSUpJr8c5iHvKgeQWjiC1oBQhSAHExA7ch19fPkpaRm/MrKZhRCJururbWmm7luSuw1X3NtxAPcwsxey9l1IAA8jLbRW8MICN0ffj2PfzPJ/HIA4kT0IsKdBmb7Uu7p64mEbCJJw/XF+O48hBidHn1BElIWG/Xrj1iehEYD4pXDgbpFRz6xYYOeVa1rWU0A4+ichD1J/LtpS6qvqcimgsodrMlckZAZITRnlNvfuXd7jfn/uYrx9elu3lOHed4XZct5Vq/fbtPawt5SV8EMVl3a7bC/7f/s3/7q9fv31/NpC8XjYdLUwRICdeq+yP97/75fNlqzZaYgFEiIjwqVPNssLx+5fx/nUBE1BkdJGEo5TsqXpaJxfIW1oumQqxr6+5LJbTnOcb+ljytY0OSCmXMRVZ+jnIMOfSWlNVRBIR+tE/DhiqxIklt9774aqEALWu4ZBzOVvjFJyolBWIkSiXhZM8HnuuxSnOc5+9w5yvl2tC4ITnfOTMfT+///79eJ7OqaRal5WpzOHH0XloUYiQ6fDy4RMLIgOnFCgW/mPrpQGAwOSmg4khpogGnMJGEK17m3iOOB7HZV0hYtos4pWNYSDFj31akJuhcEXkXFKfx/Gc4KVUDjBTdyPhKrUFNXeotbC4JE0Z5vhJ0tUC2rSjDQ3IpSJEqYuav73fRRJJGnMObS+3damShFydUIaZrKvqhIjzbMu61lJa74JMSPv9PtvoxylEZK5Tz65tgDlPowBCQs7l7W3HIAG45rwteQSknPtxBDiEJ0lJ7GXrLy9X94lIGNKaPh+DovYR0/G3b+99jlTTtl45AH1gKAsH8TBvcy51ndMRWRJ+/vk1JTyfu1kXCQDd7w8MACq//u7HcbpbgK3Lwkl0HpUVQT+8XL69fe9qlJeX6/JhK8zVDUVZZL1sUqUUJpRLHmfrh0fgP//bf71d6revz5JqLdd5Hh6GGMtachHAkDHwgGiGPpmQk3Au5AAQrR+99SlVVqvXagoOsD+aKVl1BN4f/W0cTLJdLqOfQOzRE6eMnCWVizDTGB0A3Gy2gcQcDMFzBEMB0Glzzvk4Ogat28YsoVjKaopISELh4DPGmCDcrRPR29s7zAEax/NZt/zL332a83gczzaPutXLy0vvhgDHebx9e47pwpxLSqWi1L/hPM6zXurWDU7tqkHsgChi7hnC52SGkkCyEnYXxRhuoDME5PXCoLvPyFA3yawdQwHNwAMnSDPjYHCUMb2Udd0aYfOYxOEQEOT+QLyNts6pGHVdS6A9jv15PpAHc0JO7j6nuQEjhQIyb8s2hqLDz59+inhua506EAOQSsrDzMhy4XCvaXWIx/uXMRxB3t/evn/9ttUVAxKnT7f68cMHonycXY3mjNbG8EAu/ejnqSkvU+HYFRH7/T5t5pL2/cFZPn96STLbuRMFIvZztnP4yOOEL9/eKJciWafNpocdReT1uvbjvj+eQbRsV8I4zgeiHMdJhMyai6xpXZZiduz7E9w9QNBuldeUmaOUNPow7Z74cX9kiUd8Yxg1A+WGAP3wyyXrdPn97fH22M8+rrcrYfg8iqQ5aPZWcv3jz79c1rItG4ZJXczmeR6zt1ozhFOhT3/+ecLZ9weJnOraOy3b9eVVwAjsTx9uTGj2OFTbMbhze+K2rstSwV/O51dEez4eY+qyrkhSCxz6WNdFEuecdA5JFOEQMMdgLoigfURQ60fXUXJVNREK6CwoVMIgwFOR2cf9fpeUpmuqKcLd4U9/+uXLX//y3O82DUd8/faVSD30z//w99p6ydExxhhScGYX1+11lWuVtCqIBoLGMRsbVpGSuU9VnbMDi+Ak65oS2hh0tlLdbL+sjMg1iztSoLtD0uWiNvaSzPRImaarOjO+hqTj9K56tgOFOfi2XNZryUU8bKqnJKYvW73SJuu6uSlznOMr4u9Igcj0Y1lJaDoAGSKQGImzyLJu21LzDwi+ahIppTKLMIf7GPM4djM7z3POMSa83D59vr7EPo7nocPm1HlI/Pzpen3NgjXLiYM8SCPQXVs/x217IUd3H/uuOvZzTzmVmhDp2/d3OxozEPrtetMRqOl4tK9/+3b0hpJfPn3CCEJqR6OcrAgBvF63tFRHXqUE4OjqqpfLJcz72eZObqq2X7dCTOAhnF+X0doJMa9p4cwYeT9sS38Snsf+e1qyk3FlRPBhX758Weom6nx/nvvZ7o9nTXBb03ZlEKqSf/rw+X/w3/9PyPXxfO9HM9UIy4lHHyVlNYvMA+nlz/84e8OAfs7ffvu6w+1dly1HjuOnTIUGWtsyfJ332/YBIiPIeHot13Th9/f78zjdI9zrwlQqSxxnq17OsyE5KwgnYgZz9wEUZSnt7ET68lLXZXs8nhHOHLWiYILAAD/2+9CZa87Jj8exPw0Zt8uq/fz4env/+u36umoMs8aM27q4KYGxzzXzltOc8dPLz+2c7Wj2eCceqd7MyQkilWBEIk55P1sxPkcPdA6OCWEGGIGow1LOPuc05yRuDoCIREzqkxMGAwAqRiTEWHS8qKL/+A11NcPgefLTjA5ft/Vye+3DPX1dL093wVR8TBSQ5bFiJSlm+sMxEdOTiHVlJiSKsFDvJ/b2LNwBqA9blpUQB04GEPWYumDOaxmy7vvuGTDisl7rH/J+OQHw/e3xfv7+9f3eNTKnnFKRDClGH9Ptp4+35/O3MZtPyyKc+frh43VeiLHU7BEYRlaXtbi2OQCMEdjBLh+uN37pOoH8eqmP5/np5SURmo6l8JiNFYB4by2XOvrc1koQqlO1h6UIE0nTaE7YH+fx+O1lUWHbVl5EQkc/Rrv7l6O083vY/ec/3V5/vmHGCBlmdS3uIY9nQ/ihQYA14cu2/OHjhz/8/MdPHz/8v/9f//X7118ZjdBvlxxR55xjdCZKqbjF2WN5+dDHUa63OSwJfeLPOPnUPnwWiS/f7n/301prFR/pWkE7BE73nLc2nkTy8vJyHI2Zdcy/3R/Hc325FhYcZFMHC8CM8JOY29kcMC8rAtZlfVm30S3ULnVFYggEB43TzI9jB4YI//7ty3a9CInradMTW0xdl5o/vRBaED/bXZDBrJ29CLU5AEg4gOkYj1zLp3qVI9wlnGcgGFLw06cTocVWygq05NLG6G2UzAiMQDlLBBZB8YkE5uIOgBgQc6CPl3Xh43gCrZwohIilbBkMxSmXArAMbTjPVfauvdmQ9XXik2qC2T2WXJZwrMsyRt8ur1QWc0hZAEFSdlU38+nMrO5TbU5rfYgwhhDlWtiM+kBkcQz8Qf0k4lJDQQrmLK23x7G7I+fc2mhTOW/L9bo/z3Stz8e+flqWXHDFcwQ4/fnPf1SjYz8AnAr36GX9UcVhAkAEwksSAE8CMc6RKL1+zEogjDqnaphxlqzDt7Vi4GXloQFMwxRimlHOiSiZepEsggZiDqazuz+ez3Z2Svm0Sa7eJ3euUqfj0VW1fvv2+OWX67LeEHMSAeIwreWKIPhf/uf/q+9v3xHhsuZ/+vuf/9P/3j/FPJkBIfr5vKz57etvwjEtJN/MbI45p7rD/ng+u3HdUuH39/fRdKuvRRZIpNaXHIU76oOhff50o/e/vv3225KKcOJaoSZZ17edAJA4jTHNg1LSaURsNpclv3y4nG1fl8ISRM4igTDnuO9PSbyVX8YuatMtIHAMJWJi54RHO3NNy2URxpzl8d44JQWP8CwkAQxhdjoZcABGgmSHmYflAAAiTilHgIezJ5gSkWanpVxVLcJZgYGnmwNyzkFkDqodEXXo6Gf4QBzMnt0kVeW0j+lhhGGuLrWf99nfL9e8XApmOc7dxlnLttTiNpgUYEDv17xykRmGUqYzUJ7ntcjHWq7tNDPvvdea02urm7TzzCJuk4jD3C1Sysg81eZUB2RhCtzvvU304HpZljUjg/mcU2spSLTvz5yzaxOGMexvf/vaus3pUx3Jw3VJiQHI9OPtdl1XJgpKJsvbqWY053R3TEUIMQJDyaIkgcChEdbCuo5zy5WCFRGWLBToftz3ccbzPu7vj3Ur11Ug2npJqaRgfs45FJjKeeoPmaokPl0DHVzd5nn0UDDFYLxdM8Qe2ta09t1//+2cfakliI7rSypXWV8vRz/6cdZ6XeoF/4v//X8mIh8+fMyC/9n/9H/k43Fd0vP51Vzn2GO2WvPj/a2WJSAnqcT113/98ttvb+70OPdgnOrnOa+3D5lXQun6PfwgtJri44fa9vec4PX4PYcVJtVOGSGBEfX0C4mo2afPP5+tH2fzwOvl5qEAfnu9QOh+PsPw4+vPIqxuSCiJxxx957BsFt/f7khExH2Mjz+VX3754CXNc0dwh2i9hyY1I+HRO4WDWs0pcJgrJaqlZEjoRCRT/Ecn/fncRVLOKWT7foJ2MBOh+sNwfXFI6g5k7tPNwjgJYxAEISFEgE8dSHHBPAO6gyJ4mAiONo/zAmhne9eYTfsAP84ezUKt5lQI1oVE4pL76wXXywVzNiBzobS4BaOUejXF8+huRkxym2UVqcXH2M89pyTC0E2n9WkeSJweZ3s+93Mfrbs6qwcmSZnX61KWvO/H1y/fEAgC3QPjvN4yYzqOpg4iBZHZp/ZTEMGsCq85X6+bWAwDlzqADVFdRTiwimQOEkBQZQgzHwwEBtZGe265MmJeNiUGV1MFxX7Y1y8PcKiZisRj/8oUH356yWudyOrUm7khIrvPCHvCIUUkMQK4BWMWzsQFovfzfbaTnfth4LU3nvORi72+VotGDEHUh92uHyBYPi7GzJ9XWWs5v38pK3lArvn5PFA8AEbY5eNP49l1bx0mp2E2357fiRMVdZgE5fMfftpunx7P5/383sFQ8pKIyX79cpcwwfiHP3yUmG/fvhJBckhKOUkk5CQv640Y1ku9fbjlmpZViNF0IgOEXIz600lxqpp6bwOQXQ1yHqGjhxJO11Lo57//5foCTY/2/QlmImU4gWQsizjaGAgQ5kxkTgYVIli5NVXCJClMa0mAFE4X+DAe1i069DZ0TtybOrADAAalbMbLstWySEGPU5KWwdEHxxCGQAYuBultsAO9PXYSIUBBp+CF2z76MFXJTXgA8O3qpRWijTl6X6+buUoBJPj+rsCpm1MSTiRMSWSYuoMqzAkiDI8x1bMCpVpfr07RTIuqm6al7F2/3/dvb/1xKPI6XYcq5+xBlVfm7f5+P57TYk2YXAMcy3I103PM2QXc7JzCwaALMkSUsjJTRDweP9B1UtYsP24nMqb3sYtPAUuJapGk2i2UlpSFIdhMzjmF4XzraIScHLjPsBAvS7QhXFGoLACo376faZ+YsgeZwhwmmXNiIr+uFw2bXQ0dCCU7ZbvEtyx5Ylbm9uweJzCORQa29WVrOPR8zud7yi9cPl/Kx/f3NwEarx9epu7f3t6WNV5f13ZySovIBTCDaIA7IOT87ctj+vE4fn3b/7b8gaUEuRR+vdw+vb0far9eP8iz/0Xv6eXyeQ1ZEE7t7Pzh5RZZ11uN9SfVOcd4nCexTEVBkKDCGRDrdmWh1puqeri5B6BIzetw/Rcm9mnrjSEwZVEtatcfw4/q3G6L+Xk+YvYzc9YxxqkaEmRqjoCqUMtl2RYMUFXQOedkKhqjD8cJAeVNMwCKZGbe+wmAis+oh4oomGq0OdUG9Gs/EsSTiInjcitEVjyi7X/36UbzxNlTSkzy+8kKnFKZ8wwwSVSSELI6GMhjNB+diBwpggh5Xba8XcZ51LWO0L8929H6sHNoGJI7MBMjElEAEjIAlFITKaI5BlBIyR4eGDb7nHaOGSSB5MinKs+TSArL7NPdU672fCToMN4TWma4vi4ETiRzQPQ9ZVrKstUt54yK9APfDRjhgujuRh0QPcRRAj3n5aXIl/j+vJ+tH9q+JRYEX2u94bVW0QnsmSwQHQMIsbUeJNN/MCOHZBwx+jBizLkq+gzvj7PWlTEHc+Kkc7CgnEjBhQUIWht+ThN7+Mk8wgGB6nZ5v+9qnUWWVLQPi76klLeLmgXcRV5b/yqq/e3963W7IeK3b9/mPH/69NNznylDqQkAACHAy+X28z99+vXXX897L8ttdDtOKzBR6Nnty9/eA/HnX376h8//KD8NQd8WrkQ2PmhvWfipfv8+mGuuL1O8UX8875+2paxrWtZyWc1tOmIwy9LGOacv25WleECbTegVkEjQ1PqYPMXCHBoBpyxEOPvDrEnaSqpjP4VyBNoIDXx/P84+OMlxfAOEAAiAX15eAWE/7mqKzAFgwDPK1BnuKXGAzzmJFNFUEbCe51yWhdMF8by8hhsi4tT59vg9JTyGLMTP5+NPL0tJKOBuQ3KdpkMNiBFMQx0JUEjExui9tfPgUs5hREu0mQy2nB73e+758nLFckvibT8tPJCoJEHKTCmJJHFXM2NGUtExAYEIjscZEeZ68vRwFGEmB0hFKjoOdxthXgC2y/r3f/yUE5Q6W1vnfOh8BDxKxdv2mfE62+sYBs5VFrNoJ4ZzTkJEP25gEDHLOVSTrO2cLLLv+/M4X6+XymVP/fl2qBoAMEDcWz8mi7gDELPUHxx9QpnhJHjf347RP728QFipxVT3o5vFvh+EBDrn6HVZc5LMZDYzFJ3qoSTMPZgIKZzYET0CMM5+GEs7e0UFd52jJMopbdv29vaNyzjPr0wD/y//x/9xAJZUwb2W+vHDq0ip28ftUqYdQIb847LIBMyUSqmjzbe35//9//H//MdPF+zvnGTdqruq9whft29JOjiCBTrqmEzc8BdMq6QCnNRhWrDQJmPdllxKKbmUEuBEKBhEaRqqM0l1oNnJRiUiImZOSZI7DPtr0DuhCOLsx+P9t1IowCGgSNKm5jyNp9HjSPfnoa6S8zlaVxXmxSEgHGCoKUDrA0iQFsTwmMwgCc92VOGCUurFJh9HyyVLFsGWxVUDEZkYAK63S2YuxLdS6g9SxeiPfX+T5JQ1yCwgHGwuORPmQBym7/u+tzZcRQoY3pb1pdZMEWGcRTKbBYu0No8+WbKkjGZLTuu2IDpxqCqACxQKMtMxWphFOBHOxR3cwYCCEq2XVecU5HYc4J6YwP3D7aUWUn8nhIBJZO7DfBAmigzBNlF7uEI/p9NWl9t5HEUSIYVDRKh0c6t5Y8jW/Tw6AkjFcDjPOZqerbs6BVb/IZGAYA5kklQwZJzGMcIG6rfHW97KT9drcjj28/vb/f3tIZzMfL1dnsc5uteyJJG6JhbMUSAilySJkKG1EzEczcMpi0O0OY52MhEbDeskkDMWimtNfRwKY1tvZoj/5f/hf3a2E9xrzSXlzz991qnBAmht7sulfPz0Uyr17cv7VpafP1+WVd2/n+23v/32by+x5iFjHkRKZECWhIEcEEw9nAgTBN3fH4d9dirM4kBSF5aSci4lkjBiIAQRvrxcR2+3bWGpj6MP47PZ0TXlTIwAVHJpbTDL9XrLmU215pqESsLR3ttxB3qETwbw6WpwNtCg//Zf7jlXh2g218uFRM7jkDlrrUfrnPO0GDojEGesa53z3C7FvF+uG9gzY8tpS1x6bzmxx/Bz0yMFBLG4AQQTcdksCbfTpvIx4jntGAOyDnMHQUyE6KOju6Ri7pKl1DrD1IwRL8Q/f/ggEBwGFI5OoTVLAETQ2SaSAPI4nmuR7bIhhvsMMIQYmj0gJ2EmcANwAIDqxGA+U2ESDNDtcgGhMHOdSThUbQ7VQ1iZkjuGM2IKQMQecdhEG4CRXdEVTvUZ4dMJiEnCAAOGTiYebfiEL79+/euvvxFIWS+Xy+V6vQKyKhAmR5jYW+/qAJRIsiNfk1zHMPYeU1H3eRjax1z9cf7lr79BkBnuz2NdLqPgBChp0enuBuQBCpC37XK7bT/+CwA8CSVmCy/LYgDT7f3xtDk/rJe97+fY3QeDX2qpmQ00cQ0geX8bRNz6kVJytq9fvwIgC47ZzrEv4/rv/v1fct7evt/R7L/zT7/86ZfbUmcW/uX1z/roZM4cSVzEETwlmXZtjcIDUDyoNy3L3+vsz/N4Po71csHefWr4nEoiBD7dtNa8Px+XrZ73t1zWvalRQq5Egmli0TlU0lor6+zK9v1bUGw6dwpgxo8ftuXyyxwB+mjnKUTTLRiJ+PMfXs3jOI/Yz/vbXpZ62bZK5Xa7edB+nNvllsry+1/+uiDmIua5j93dSzQGz040J6na480LphRM39NriggimT2Y6+zez7Xh0qfskzpXvywRluxtnj1CAhMAplIIPEB92tRph445WJgIHf28m4AnxuvLBYU4XPv3MRSAGUg1SlkIz1VycjCfggAQY7ahaagOYUniOiUxQLxeF4Bg0EwJwFOW6A83gnBC0DEjlBkTGiNCgBsyb+4pIgPeg0bKmQl0AEasdUHtaipUbAYGjj4f9/2yvNhUcT+O/f79t8f3LyWvc4QN+/1vv5Ok3s1dvj/f5eeUUhHOdb1wFJbEM8XokgWEUioFPCggoC7r5XIbQ83CLDxC3bEUQ+SawxQxENkka6GHNpZg88ullqUWlh82aQA59qPIYpAN2IPPEeYAqqr04aXqjOX11lrH//x/8Z/mgrnEtvJak3uEeWKysOEqZf3+3s7uf/vty+c//KGm/Pn186fL65aXTy+f/vB5Qfze+4Npgk9XBQCAiiBAyQMNiDhLyt+evx7tOcYYo7vqsq6lFmBkJqFwHxgGYddtkbBgGRYTSIOnxwzyyMxCzKZGJKrqhsQZkQHoPE/iWC8l2tdbobXIWqXrnBqYiprED4AQ0ujdzBChZmRKpaxJSj/n/f1JyGxxtkMEPVSEIjQmoYqbAhhEQzyELehf//h3y7Zd3MGU3LIrP44/nWcGLE25Id619xhraM5LN1ZDCgxVn325gDCbThFct+U8D+u9IGQiH10EgSI4PAzBETiCalrG0JKrR8sZESmXXOtq+kM8JWcbqaSyFsAoSwGMZRO3qXMAxJwzZWbiAPRQIvCY5gMYKJCD53TiglhIFkRBHKqPMBBOrhEW4ChZ/vVf/uV5PzBIh9+/P9xhThPhnLG3k0FK3iAkcFGbwJhymkpItWxbugmzjDH//b//FwLKKcO0ZECEER5gZkaMGAHhZj7GFE7P587EjXwCMqacq7shBYBOIEBIAtuSckLhyImJOAL7qWPAOC2lypzUp4YNmGqq/QzVT6/X0Q9C+uWPf8T/8//6fyJJic9aPUkQonZLkDRcHVCWxxHHGZGu/79ff2ew/+F/8k+XTDH261peP1yur7WUCD+yUMwAYFLQoY4oqXCpjhSAb2fLucx+bGud5/n+9u3jp4+lcjv2nHlbchHMwqZjzXCOGSxK/Gz9eZyGWxsFABColHqejZCJPdDf72cgcy4a00H/UK8bcU3Q273Pdn19Geacy/k8CPGnjx8zp/fv3/djR9Jtvda8zkOLLP3sACL5ojolcUrcR4twgNnOB4YyTYDHx0/5+sLWqulqNiNQJ2sX8EVz8iA9Z5gqtAGHxnmtn5b1xXFBSgREDjZPxW/h1o795XZJjG5zzLkfA82qsGoPcgXDUpxSWLjB7JqkiGTksV4KADElkVzymkvJwY/7/fbxZYaBoIIiU9l+LMhVJJl7ez4TccbESSAhwAAOQ53HYM3IwJnVlRIBBXjyAW5OgL018CCi4364xhyqPe7vu2AGwPKykIQkS0LLsvZmET8mHDdQTikgjUmjW0I5zwPNR2vHc3/eH7eX1+3yigjnfoyzEQIGQE2nT2E2tzHGcRw5JRI+2xAu4BgQSIHkQillEoLLmjCGUFxvmwpB8P3b0Y8YDfquZ2u7dQXfXi8e/v72lQFvawp7nue5bSv+V/+n/zlAfP/+ZV2K6WRCZnQaagoof/zzf9Sn92FHq//Nv+v/9p//v59/uvz8x9u0+/e33//w4aUyL2v99HpbMr6sQt5vhHr2o+tQqNsrUEq5DqJSCyEwxfVycZvCvNQCMQiG275UYjR0J8M5IagA5/3cuzZF6c6zT9dQDQUOkdNsP5orhgK4EiqzZ8R1SUz6+npBlNGRpZKM8zxFcm+TgmL6aH23XmtmgjnGtrzo9MIlBV6vLwAinCE4ggFPiKdNYiolLzqHJBB91UFAp6RJ7GoWBl3u39+/LXWZc06fATZtABaiDEClrFlKzQXd4/0rIJo7sng4i2BJcC3H4972B2MEOBO6s3lBQLMQKSIbY8W0rysQUcRMiXPmnGQMbm2o2/Z6Ayb1AIK1OGFSDSDJJZ/tZMKU8pidCUQwbCJGEkIiU3cPNQVyQAVP/QQmAgBm0Tkjor/dt7IiYCj0Nm1aP/uusb1eUqVSU2AAIDFNa0iwH8+pKOnD/qD7e6uZ//LXv402haQKJ4Bci+OPpGNkYgjQOZGCE9ey7EfvfSIJAk6kfW+SCjGnQuodyWJoEmamnHndViK4Xjel3dRGM1D5279+nw2OvQ3fnUCWst6u9333AMZJcJbEpYhs29aO9nr9ZKoB5GZMgBTj7Obn6O8///IzEB5P+3i7/uHTn//53/36l1/7dvu4n/7fPI7/6JfPv30Z37/qkvzDdv7p8yryLBwfP7683w/wWUtNTCkps4sIC8/x3npHgP4oIr5tPMYO5hGTcGaxXC5mrTUTAkzj69sxcfvp5QMjn22OoL9+e7sf/Th1SVu7P8n0jz+/vF637bVIDsDpMdwiNOmYSfx6XfqwVNJtfT3v+1YvRU0yTD0+//zZDJZ6G8e5/P9r+o+f69ZuTw8a4U4zrLWe8Ma995dPMlWuQkiW6kiULWwEPjSMkWmATEnu0DEiWjKybJeQaNKAQiAkNxCiRwOJJPEPIJAlY1fVqTrpO+d8Ycc3PGGtNcOdxhg0nmK2Z2tqhvse8/e7LtiH0cwEodW699Z7idjee5+iHxzTNCJgRa295tYLkBrAnnOrltvmOF3P2adoioYgwuhWsI0MW34WoErEyMk7Qyhdm6ERs0Mz2R8epnGMp7HVHQ2JiYV9g2FKqqbKzjlCr5o8MpN1VQIF7b3m1tte95SGWmoahyEGUbWia77WZj7OZc8u8FYy9a3m2mpuJe/LKq36wGmKMcxMqVURKQZ9GGaEuOfd1FJKzjlAIpdqV+miot4HNEtz6qs+fP95PIw397dhCEhgqrIbUAvEzlFv7fqwbGu7Skl+aE0BUFTJdF8rx1RKYeLcxcykd+xV8qZGLgz7VgE4hLQDKrIPgETXS2myD1OI6Bx5AX583qt4F3y17kP3ntX6sl7jFGuvLrm2qkOEVnvZQXsXK1ICKyKJZPxf/70/HIY4z15t++nP3+dyResgTU1V+vPz0/2bVzc3Nz7S1tbWQynh+Qylpusi33/8sG7bPN/sW04OBi63k3/3ukVfb2/vx3ki5BQTO4cBRV88qVZr760zu4EGQmOPzBoiGfRadutq5mq161pKq8EzJ9egB+Sb+QiASqRIPzycP354NkEGdginQ5qGcH8/EwsHq62Kcu8h+AMwAlEurXVrew/kNXdpNB0G1TpNo+PQGiCAS4Zk7AygqzXEjhi2i14vjWAK7hjCpAqiT4ibmfYuptwqEYUAplKdV7XMrimUOPhhNmkFAEw6dmEA8nwJYojIXgA7ILmQOI4S4zgGBjVBBHIkraKZWRfp1s06r9d93dD7AUkMmvdIJIBq7ZnIbu/vSm+qyj50UbTZufj4tBiwC75J7dJKXoMLahZTNDXTF+ZpkQ5M0bmwbguiCgByAAPnvBl4H820S2+1SRMGkq5oxEROMIbQtVep7CjXrGak8e71YTowur6u2/cfnqQBFkCXRKGUxipv705N9WkrKtZb9xy0i3dhuzz0ujgXupgpxGE4P52FnQAiBsRQWu9Szfo4JkT0MbLjNAw+RiBLk6XkTbVsRTs/Py5DnNbrc+stjikkv+4bMqpJrmtvLTmP/+d/548enz8a7D/+yevf/YMfny+fmRAqEBmCmRQwabUYkvkIFERdrjYf7oMfM7ql4Z/8yZ8vl5VNR28DG9LiWKZx+NlPfzRNIQXnmZBR1ACoV+3dWlNHfIijAdTWyDkFJQ/SoO5xuW6tI3HooqI63YAfFwfskBkAEBRkGGYVqqXV0moptZZS1vvjOM/BJ1Y0F4ZlU4QoOLSue6nbVuY0OyOr2rKJyjwP4zgwezAkNxQaes9ITXQj7kiCL7Pljsu1tAq9KxGA3Hh3CKmJXeLQ54PvWnzlQERcmZt3FbEgqrSoXUAFe0XrZAaBCzd23sehdTX2BmidnAwK5hwZWtMuIsAC0FJi1OaIUKiVnguk6WDWkRRQDRoyUK2EyI4BQVREBJFEDoRh35sBs+cQXWvFWvXevyTjRG0ve80S3EwYti33rmoWPCtjR+xdVAAAhzSKyHXbvA+EvFyXVjqIIRJnsd7ZO+cdO+rSa+0OB3b9eOfSTMRqCA794E7XrVyWTURvD4cpci71aSvLeYlxPB5utOq+5SFRq8u+7o9Pj+u6OqbT8XTZzwa0bbqt1jq8IDV8xBCDvSRFmXyI83HCqK9e3zHa+fmpFtUOjsK27Pu2pSEwGUAfx1ilb72C2nGa3WFaxymI2uXy/T/6h59b7ymOzOFlJsMowWEK4flZq92cL59dxONt+v7DX6gWN50+PO3T5EJQFIOaTatCMuXp+Nqnk4HU3kspMUQCNkDtzOBLLZTiulycj2qsQIqoql1qhysO6oyQCxlteynqPMy1mwA5ANM2z4MzBJSQaDdL3qfhAPZqO3+aU0rHsbZcendkgK33BACqWmtpHEJISgZJWt7XLr12BGi9IY7nLQG8QE6VCNSk9x2wD8PgnFOTDk1aW9dCvLu1NV0OR9/d9Hx+uj49eyAmQ+sEQiCOKbohONZeAoFHZRM04X/mQdjF0IBaE3JJXAaArWZwSN4jYRw8Ovvuuw8/ev9K1DwCdDcMxr6YKTAQkxg67zCcpEOV/pJZMacAwMiglqJXhcv1+buvH07HGbuEGI1YEV/azIgmfU8ze+9r6468AXAKjbWWXksPIXkXa33BG5KJYQoQQt72WtswjNu6r+seU2TmEMKbV/dD9Eg9jUzefPTMXo26MXRyo3dENIQGuu1ly+s4D9Mw532vpXvncxWzNB3n21fvg3cE1lsXfFrW61/+8nvPVItMwymXqiq1FB/DkJKatVr3jR2Hp+clRVr3LfjISADGMXAXUyAmRxAZW6vOUdnK9brh/+t/8S+ISKktV1GLrfq9WgEVaafDNCXvHaTI3377yPG99JbrKlJrzy44IvY+ovMpjUNI2Bu01pTJ+/vbOUVgkuDVEUQXnh7P65LXNfcKKY1vXr/2bmlNFKILwcgMGxJ6N4qIAXaDXs2Ql3U10tPxvuS+Xs7acnRwfv7u/fvb4+lwe3skIiJSsYCK1sizmjbR67a3pmuOLgxbzq11z+6QRm2yO8ml9ibBBwMFNBUxBSbfmyHE3gHMA63gF+2OYGzZEx5VIsYnoQuId27qHdE4DZPiqtI9RxBi89ENYNjk2+DMETgyT+YZ8UW1pxbCWFoHoN50mg79xUMYfBUVU0OorbaepW8ehcGO03RzOKF3HaC11v7ZOS0MKY5H74P3TGTSm/aOZF6v1qE3y6VILzEwEzCyiAFBGIZu2kWWdQ3Mh+Ohd2m1Ebng0m4tHMbgY++2XnNroooRmBR66469dtWu0mUrXrqt6woGzO7V/evg+XDUz58/IWKpihRDmNH57LCKfX46l1pbzSZ1cMjago+ePSg6Do55XWqtQkRTip7Zuqhomi8x8acP2zffnUWCCi3LxlGneXr57l2WpYv44DeoX335bkgOUXoXAm7dvB8/fv+JgJJ3jMVzV7at9Vb7es2OGZkdMLro9uy3HWKcfQwh+hBcCj5G31v98nffpIk8T3/2p7/5iz/7DdNcCzpoP/vx0ae4PRQc4c3t2xCdUAZn+7qUTQC79JKS9+h7M+em0+nYxZicouM4AlupJl1zWzqswfs4jafTCQgul8UN47rUDfC8bI/PeTrccZhL08vl/P6Ln7356m6agmMNnqS1fc27VucIRc/nsyOKIfSygfTteiHHno3UrGbHjIiHObbKRBRCLDWDbdE9gTnnJoLaKiJ6gltpPzHI7LRLMctmmflk9tp5h/Rijc5qOwXzcQANTMm6k4aErvU7kYZmveeqPUvvIudex3FSEQFovZvhsG8zECJF9OySA2RyQwSk3uu2b5de96en0so2jG8u17Lv6odhK8VwKKXS9AOydmlDcKfTDCavX90dTqeWc6nbui4qFSGwoyEenIMuTaQ6h8yWt6xmzOw9Bm+IGpyRIXBzhCF6R+lP/smfxThiSHXb8GWEr6iiJeelchd03jlyjJrz83KpvcqQ0ocfHq9La83V+kGRszd0wZxnH8xc8D4Gx9LMoHdFsFoXQjT04AgAu5nU7pGJ3br0h8fzsmhrtiyLGhFzjPHmdJrmqfWehkHNau8/eX9HpDGSqWzXtXdzyC8PfNnaXpRAmWWcg2cwsiFFp+0oVqvs4EgJqxRt6w+//i7E+P7L93Z0teqy1Dh2w/7x+tl0f/fm5nqpBBass16tb45acD2llMhRwOu6DEGd96WpgWsKzrvxGBFIVR1iLRWCCvnT/d04TCat9ecmT4Ab0/eAimSv3kTAOB3wcO/P2ztw03Wz+XCK4avbQ5qnJFp7PceEHhoNcUiDkH76/On6fHGIMXgGen1zczrqdduA0UCTD4lcLy3ZQTqod9IFq7KS96O2PfhIwADiycwqYFX/wEStgRQkO6Rwa20AcCANcA9DGeY2jMIuICKi7PmxO/OHaAAohOi7qsK45600Qw7BhofPD4SsL6Q44rWugD7FQbsFE8eeiBgFdEtRhzSqBhEDY8ft7t7nRt3MDWEphVFiAAD1pNbW68PVMXy3fn4ceZ4OnkMaJxVPrLW1va0xuiF5hT4NyaTx7dy7ekfIwAyErK0H5z49PN6e7hWBwf/ixz/f9wraenfbtl+WhZA8+1orhZjInw5TcGFfdrTuGfe1e/Z507I3RBiiI+9u4tCBOhA4pwYOFMVUAjOJFO/RVIJ3e6+KCoJNvCffejcx44DIMaHzSxhqKfn9l28PY0zj4L3f8o47OHZpSCYVENfrMo8TKEJX9rSWnZ2LKagaoG+ydnCOrGEnRvx//Lv/5dqXOKMb+LqVJu6H7573M+77fvPqvokBEfswz2FKerqZCcU5MSk+kuU9eVZScDKPAyOwmeO7WlEAxKx2dSEoICk6ZjMFMDVFhBA804DG0UdP3cfs/AqWnWGpmT3UrtN8RzAIhcxxrXzNBOidw/PjD3c3r4jZ0R5dZcmHlFIIxZoCsJLkqqUM3gfHHWuVxp4AkNFIrKy1lfu86zgecy7O4Z6v3jns8cXK0WQnErWWhhinlKJj5r3admllBzD0LjqXHCczIWe1rqxEgEo9jh69heTIAVE2UyMsvb+8ZomcE973zOS3Za+lf/74oOyeczUF64ZKqHR3c397cilWdlCliqoZE0e2hVx3cYjDVA330nNrXmPPxTGCtl53QhVpmULvEjjM4zgEvl4f0xiNJ5WaIg8BTLNJiXEQYbXuPaoqYnQ0NMM1F++TKkc/1SIikPvGHlvtoABmNXfHrsg6T4dWOymawOXp/PnjQ11cGsY3b94u23LdLr2XGKPHiUISYkHEl3vTXLdBpRErY0+Rvadsu5GgEjYkdWWtZCQAXUDNAfCW87Yvom1O0TGTc+w416JmxCiY58PUWz7MhyGMaP7xfIHZb6vuq/Wuolks30wctBbprTX8f/4H/+3WFREA27J9AF5dgI9PuQu2BlvRbROgICLO4Twf5jF+9eY40Da6mkictuAwMHrnEBk5IDMQGKICChC7MaYZYPGOWq/MSITOESA3nVWRKKjSizQFVEBqbpYON3vt1+Xy6v62tqsfBRwKwJZLqdCF675bM+/mmEaxYrSjy8Pg8ppBWTuCAgM559J0BJMpRQIBqZ4MDaXF67ISOwM0gDgMoJR0ynkzAzTrrRMiUm52cd6Td0Vb64U9J06RhxQTAbayIyijSR9Vaa97lQZshoaOptS9Y+/cvu17zoQ0TxMwmVGMU4pD67XVPffaDM/npYutW+1V2acEfeZGzOzAEfnggmNMYB7JCIzNcBoPuZRKoqgqwkSm2ntzzknNKaWPHz9t65bSAKa103O5GSO2ep4CRKJ3r9865iZ7KTkGT0y1FB+8n49Pa92vHS0FN5WtBh8ey8WnMKS4XC9DiiWX0+GQZZ3GERW09rrksm5Se+uudc2tzqfTeJybKQEE6bVURixb7rVqb80IhiP0RmhofUjx5njc6/50Pmt3wR+2vV33fT4ePWgtO5BrXURVzLZta/sOgOwdOSqtj/M0TmOvlQIeb4bT7ZS8Y7Pr+flaMvL817/+2M0jmkp9ez9RX7to74r/l3//37w8X8dx/u7bX/uQDye9vRsUsFTpgnuWUq0rujBedr2cl7zvieT1yd1OcAj+NKQhQGSZZ29ozWwYBGBXMHZOAUM4HA43RBEMEVFVQwgvOd6QXgKy1DuU0ltT6QA4V8FLrkRunhOh9NZCmIYxjIdxq+3pnBEjKC/X/Pi079kUwEVGp2MYnaNtfVZbAVfVVTUf7+6ltSE6tn6cIoOaoccvQ0ildTUwZEBkCtr9yzaR0UlXFct5L3V30bsY4xDBYZVqshBWMHNIQ/KOLb4sgvmFX9LQIRAQkVburW/rKrVuywJmvbfWmcibUYrpcJyPxxGwE0PXLiaAWlu9LNfkHNWuKmZa8+4d57ydXr1G7+fxIN2Ci63LEIdC0lVKzcM4AKLzrrcGvbXShmH6+ptvVcA5l4uda3h++jCN7mdfvZNWsdM8j103MCDGPe/Su/cuzofc7fy4lR2iG5fzEoLbjJriOETt3XuXYmilujCXUlsu+bo6wMQOASEwsxcEI2eOTrd3h9upp7NjZ12fH597adK77nUi74nRTKRZb8G77Zovj3veRS2QC0bYrc+HBGalNTMwolqbmu2XXGoZ57m0Wlo73d6A2el4DGNQamrtMI+ac9nXZl0wfXzYmlIt+TCnd68OZX1UBQTC/8O/828sl42B1+vj7dGNo4wjaFuHYWQfDAiZ922/Zvj22S6XfRwPjsDaQroNFG7HwzxaCnWabG9nIQk6jX4kUu8JAMDYcTjd+xA9IrcmACSiTMD0gQlBxVSkNUdYO2a9bQpGtG/rkJzDHnBAOwgIMAI59pOZBw/gAdHlbOdL/fxp2bO2llUlheGnP/l5K9JyD8Ff25+/fnOKjhiEUOllVq4pxFGBwChXETFySWnoXWpRFTRgBBatQA0IyGO3VrUqKKCYdFUlMDRwzN7xFOB0nGPwvTciMNPe+7L6vO3SKpuhiidUtVqCo2DAiBQ8ExtzPx1wGIMfwEflBCI7YiBLJmKqJZdWGqg28cSJ2bUuKSRV8y7stfkURWU6zuSp9srMgaiWagJMQdHX3EpbdXwykH27mIgjLqVNw6ueR+fIDFqrqlpKBVQfwtPDcphuybDkYtZ3lS1XJnxp3LdaU0xNuLWGakMI2hojDimGgzueTgqwt5pb2/fKwXGiaZxSHBBczfUFHTMRpDSUfS/7bqrDkOyKf/0n3zw9X5FcHAZyfL08isMwDkRIzgNiV8mlSkERbdK7CBA458dpnMYBHVft4zigGfTuHe593Tsuu9au0vNhCoeRoJdSq4rh/+5/9G+gEYr2fU2uo23Rm9TteDwgg3MYBk8Ij2v901+du/nauXUNDocII48syLC+fTOW8khBOrSgRy1mmu/uZqnFcwg+DLf9cBxDGNcl9269Wy3VgWqvQ/Rj5MDAoOypMChi6zUF3pfnxDDGkGIIY2IXmsHT8zWm2Rys5UxsNzen1sjRDdPpun+ubQWFVjuB25Zyc7z7/JFUiLBPoz/OYwqsWr7+/MvXr999/8Ond1/8yJSaoAiG4eb5fOndakM1RvLEjcPWpZpTpW5oTbrKJN0jKDFK62ZISAGZAEwVTYNzDCbSGxMhkCn06sACAwH1HLoAGA3DyIzs4P5+CmFPYzQs6KRDJhYzJo3MzpE3gVY7I5kN29J6b6VWYieiaoYG0zy56CkwehQTn5ynRwBAY1US4Vp6F1tyF9XWGwDm0pooY2jFmHkYRlUV0ZfiHVk3c9bMO4coaH3trbXeRRmYgFNIAOhSQ1ZHFPwLE4ZMO/oegi+tsw/kXK6FLcZ1XpbVFPe9AjCjX9tqyVJMKhZDTGm4Xi7ybMvnnGurXZwngF7rOt/crXvOZQem0iqA+hCkgxmIqiEQk3Tp0qMPW64Uo/OJEOeUCC1r6cpb09a76j4P7J2ANEIWUfwH/4N/vZUWkQMatN1TA5XasZQtRCLut7cHg2pIS7GnS/v0VARDjHGI7t2rt59/+Pjdb//qJz96Kz3f3b8SBCQBaKA5RbBeU4g3x+PrL2+BLIRJGjw8nNdlX5by/BwuT4+erJXr4JFB7u+mdz8Z9rIfb+bjnI5jupvn4ArgmcNgyKVJ7j2EaG2uuwAvwwwI0Js7P9fl+f54vGeX2e1EBaGKdMKb3sS0pcTBk/Ok2sCbqJUiLgzX616bMgWtiOxK1RAGEWIXSrHWUDRXzVV77R3JdyFEBBQkc84jOjOqtXdp0fsxhJqztmqmklqIziF4MI/mmQIzoQdlAAbAeRpOtwfk7pKW2skxABoCEpEZiLyUhbSBNBVRraAC676paRMhR4A0BQQ0YKhS0AN56iregipIB+9H71ItHTE8PJRSmyIDuVw7kAfaiZ+ZQ+9tHGcwFDFPHbUEN3gXYnDSs0FrbeotOOLoAwK10pmZ4gog3gcfvKg6ZgSYneuiKqYAathFxbTWWnIpe6+1924qJqpGKt2QmDm2Ks/P51M6adNu5kIgB9o2z4bGzL5LW/PWpfoQpnkEbCqSUmLmWkrOudZac92KCIVS1TnnENIwoI9dac2tSzPdb09hSq7Wiogiiv+r//4ftVwTewemJYNWR6FqYtJcr+fzh3Hk42n44v2rL3/0usn43adNadz3gmYp+ZYLm765vf///L//Y4PYhIrw6eZ4ezve3x+mwWuXXlu6eQTq3g0v+l4EzkWeVl6WK4M4VOu55v32OEG/uIg//tmXjmFOsa9ZJTsvpSq5eDjdXdYFGKNOr073l/WbmzscR2qtqEBtR6lAIAi4r/38sHs/mfs2Ddh6QejeY4gcUyQ3pTQCEvsoCmrYS3NKhCzdVLQWEZFWRu03hi23YuQRB8BBoJPrrS9q5Xy9lKrM8fZdurkd52lCM+1VeyOk7sOQEhNoa6jKRI4RtauhdNi2nQgAhSNVtFoVLH5+WPZdh+E4OPS6O+fRCBQJuLeOZrVWIBDQOKTSMjvnKAN0dugCIgFgD8kDZDPLewV4WX9ZLR3JIbomlJt21W4KyNYIkZh9a8rknPOIMiSPxmB4mMfedsQu3Xs3euZ1WQiAkJxzaq6UZkhquJe257pveahe1cAAEFMazbBj28I5+EhArVQ0UrGaKwMzBxFSo48fH2tVZlGQvffpeGAHwdqcnBNqpaUxsUcxURBmcrx7x2BAhN45E9vWtZa+7HLZRIBLKYQKYOom4iRKAMLUTpNzzkQNkVrr+A/+7X+55vxSAneEIOqcF8Nat9aWH/3o1c9+8v7129sUVdplq/HhrLWFF9GTmqYUAoDUdnleH5+Wx+f1eVnZQ0rkvB0P02E+ItF4yNOUVMA5X0sjcjGlpV9672g2T+O2LAh2HI+2KifqUJipl1rWUnf59tvPy1LvX78fpuNPf/Fzn4LUH17dI2ElzikpUVHJAM55RqzadhOy7tZFHr497Xv3AZ0HkUKM3iOF7pzzwYcUyTkkNu2RXy6loiopau/gQitS6r6X3iQS3alOZNO6LlXPRiUOPqTx7vatGy6iKxqYKTE4xwjY9ZT32rps215KZXQiTa2IABjnnNkxs/rg0jSpUK5wudRa0NAH0AAVAAgphRh8MNXgXJdmaB00jH6vxUePlmMgQhuSJ+yA4hzu7aNzLF3MDACGYSilokU1AgjDOHNwCmLKJVNr0qqU0lUAkYs2H0ItYgKn0wlNfEDiB9UrIRIoM7ReQBThdevu88P58+NVwCl674Z+aQBERIyOibqodoXm0NQjeQAysdZ37XaYCX2tkIvWhrmIwBYGqIDonCN0Ul1vkVzw3gWe5oQO2FNrhXVbLhdQPcwHAhiG0TPXbOuu572fr3tp2ay2XtQPXV/KmThGnBMSgwIyc++K/5v/7h+a6b5vvfXDNMU4ECjpA7P97b/9zx0mN05E0ENENdlqzG2oLahA3rY0HUqro8f9+oCgHx8+j/Pp9uRF1r0syBJSZB+9j15HRiZmRBTpzIyo01S2fR/SvO+tdXv49DgPB6fhUq7pGJoKKJetRTendLNs/bvvH0sTDu7121ev3nGpj3M6TcMcnAGsw6iyHR2S4pPBGbGAaClann+/N2ZnXbJCdx5Ve/AQoneBxbpYc965SOAaA2jZAyKJaK2cQLGqYWuutnG5jjXPDLN3tPdPr9+NYXSG+PS0xE5s0FVqL0RYtdVWtPG+t9JFwQF5A6qtqypzZA4qAmBhcJ4sEgzDoIjLsr0UPZgCGTOTIwBQQjBVx35Zty2vbvBFa9MGhACQQgiMjoS1B2eOSPobdl5VzBoxjONAZOPof/Pr7/7xP/6TL7/88XwYnMfDycWp92bn87KtZV32Zdk2gILsKGoFMAOTu9ubMWkMejwdUoBx8o5UpF6u/XLNe7HcOTfOBdDFrtZ7NwUzQEMiBnVYRqmFek2g2CqboEecYm8g5i/Xel1aGg4Au0AO81GQey0zUpDmPItJSI6cheQPN9MwRN5rq/Xh0+eaiydnIr02huF4976o/+Hxad+v7FtIuGiVzr2TKURWD22cohIDgCrg/+nf/VcAIOddRZlono+1rL/4Cb97e+9c17YQtRQIkEWj2NAtEc/SwUT22tC5IUBvS0q07BdyMNLgEdGZse61GDgAdmJMRsRgpmpquO/b3c2U9x0B2MV978+X9fx8uT+N6AE8kGPmBObBmCkI+G23z0/PYg1Zbu5e1e48zjUbAahuIUJMT8cjxUjRe0dDy9yzKztt24IkPgKx1Z5NjXRQFWQYpsEFGueBvGnYAzN2gVb6voNUADL0iG4rtOep1zvA19Pogi+X7YNPPY2u9Ha+LPYxWMEqtaOh4xdrRnRVzZqiASu6rmCApsTsCYjZxcA+cmIcSYnRrKMDclbqFuMJNCKBSkU0RDKzJoBERtBNlrws+yraVYOpTcknT2wNtDtCiuY9AalzQGRmncg7uEd0eWtff/2N9srOXOjg86v710w+751dQMDn3B62Ik3L3hFQpPVebR+1cteiWk/HUa0NyWOEJiYQ1Ya1wLppE8gkpgaA2tXUEFEQSjBSYe0B1KlEh9HEttX70cDvu+YqtdrdYYieGmJTk1JvQopiGMUPIUQ3HyeF/nx9csEnSYH4+29+m0LIy/r8fCZwUzxNp9dLhedtI6fsGnKDAGKEEAhY6l7W55vbgxsGAOxd8P/+9/+LY0rOcd62eRodMTOGob16NSMsCDk4cszQmS2KKrvQuiI5M3RhEKW/+u23TXkY0/3dsZU1skM0xSbWupr3owKnoIymVUHc4+P28JT/4q+/kXH+nZ+8fn8TSPevf/jOH27SML7i4sgCoXcM7AQcIdciy24dkhog1CEaIrs4GJKaGhH7oAbNpGvdt4snAmVtdJzuTOK+X9jlaSLPKF3ArMOuaiFN7HwIgw+JSZjOhCTyMlnB1lqvVjYhDLVxt3HridO9Zx+ImcO2ZUJ7ev7EDgbqKnWt+WlZz2tDNyFFsE4IolJKPh4PhJBzDhjmaYiBA8M0xhRdcC4iI4GIeMfEWGrBClOckbVKy0UME8JQXc6ymQAiIxKzI+TWtdRCBM651qqqkHP7XomkSwYUVXEcnHNEjZ0Lzgfnai5g0KWoZu+diBiAc6yiL1B1YCw5u+Aenh4Px6MH2ZYrufTp8bJsGTgq4NMGarzthd2AGIhibR3FiQgAIJKqmBkxCGVErLXFGAFAVEkrtJ3IszmHXMvGaAG9B55HT9bnNFlDLQi8TIMDhRDi6f6uITycz5cFtGzcLoPTx4fHPasPMzVN81FDLKDDYfSBrKtmQl7HKUp3y7I0OR9uhipIFGrt+H/7+3/XVLyjr758c3OamaG12ks5Xx/evj2myI4IgAGa2MLsxFDEcmnEtFyHyzn86rdfv3n/xe3NzX59rPmq7QjmD6cYB8/OmWHrMBwtRUcKBO7pafPpdF03Sd8fgg6URycuugKExG4/M+gYnYpyCIJetYK186J78WYh77sj8S6Z0gvJdi+ZfYgxhSnGwZtWRqu5WSdpACzOaUrAJNKbKYC51kczXNZdzE6n2y4WoxtjQyQwLLX1LkS877l3ldpNWSwoTcJJ6jCE477l29t7YvAem2TZn7xjQXte1sfL/nQt17V2JQXYt915B2beOyZXshymseTtMA/Bofc8DX4anPeu1gJg8zyxo7aWxIEchCHU0lQ5pcO6XxXkcr1eLtcYEhI79oo7knofmRkARURVAb1ZEy2AItK9S8wEVpxz0zjt69pb8+wBFE188GZqJkjwguRrXYmQgwNE0e5CSN6RQS5SqzqfWoMQh2ZVVB8fH0vtgHxdt33PwbF3oZYOyGBE5Grpar61lobBVHvvIqpWHHcG14uxkSPzhNNhJkYEuTnOQxiu500btrZb78EFJApDHE+nJW/Xa3cofXuo2zMhPT1t3qfXp8Pd2/fj3f0l71vZQuT1srcyjFM73sRSyrI+h7Q3kW+/3YObDAL+X//D/0rvubX1y6/uf/yjN0RduwSc1Pq2r6WWh8fz+Xx9fMxNQmuNvWf267bHlIhTV373/ovaqvWWr8/3pwndwMFPo1Orw5hijN4HHPZ5CuvleYgppFHAkwu//dWfT15vk80RutQ15y6KtQyBh8CIGOIgyK23FKLA+PFTWVfd1zKllFJ1vgITIioYM7vgjSkEx/zSeRUQ7E2UuoF6h0yIRmgOzDU5tq4GAMTEXJvMU9JW9m3PpSKgGTKxmBnC5fHz8TB75438VnsaR1XwPo7DaPbSZWu6jr2hkplz17UphvMl//bTvucqKq1WAOgiIQRTVpFpHgjVpKEZOz0cWUR88CF4kUpEDiASI0qr2zRNec8pDGaGYMM4IdDT0zOTmw8HP+7bvrTaQxhyrqogXdlFYmNnMXkwJHKmhiTeO2myXC4qkvc8xDT6wUeHKMTGbIYKag5ZVI0QiQwhhDCkVHLznHrRbSvX8/708PzqTbi7O4YUujQXSEwAtLfrtuR1rWjeuak3k+4d3/fe921vrRoAIRlLlc06laVBt8F7zyhewxTev387z5MJbP9MxwfrZc3rVkshx35MHa1W0bYfBizbeb0uzg219p//+IvhdOPnWRCv2/XzwwdQn+JXcdrJZQA12Kdju17yn/7xo6qfxlf4f/wf/pFzYLYS51evBoP8xbu3QUdkt5X2m998++HTWQzOZ5f3t+frecubc2GcZkDcyscl/xCH8Re/+Om7+7vZ86vj4blcO/T7u4MjqXU1bW9e3x/urLVlDI7JnPfNrKvD8urph2+drpovKgWJDCiwHzzfHCYfPJBTZEMA6LXz8yV///3DzemYvD8dLcVuAC/ROvZsZoCxy8t6F4igt+ZcqB1LaZ4Dk+8NylYdBQ1eVWNKxLzsGzGbmFTpL1NrNSJGpOuWS5P3r09aVwJxwQFT7yPRjPgSpfY+wJ4XEgdILyZx8sNWpFZY+5hLI6LL5bLvxTmHRIoSvPv86cM8j0Q4jqn14pP13tIQ923t0hyztvrm9kikQ3Snw7heLwQ2zsfny5WQQ0wq+uHDxy/ef4FhJWdDmgEcYUBgVahVXEDv0Xk2A6YARkReVf/yl39JAPuyIuI8Tk7MB1YriJ2dOo+tFAYCQiRngIYYgvdhCCGh0OPHp29+893588Whu387xkhh8OSUnN3cHbxH73btoOp7c9LcstQfvnsQGUxVVRExxqiquTd1XNaG4lDAA755/SpM7GYHiKpQal/XfL2sJnFfs9YavGu9cfLyImB24J2A1pL3fc2IfHs8unECH5V5nAYiZQp7T00eFHJwMZfNxd25+PyZapVcDP+Xf++PSlmDb9MMNze+9WtK4Xa6efX63V/96pu/+tW3T+dNDO5evQ/TqUtf1qX06r03MFW9vbtFNESZQridpr7uzzuJ0d3NfH87Hib3+n4Gq6hntDIEHAYXgjPmDtCqm6Mry6NpZZCybw9PZ+/GeQyHIXrvRBFdNKzsi4JtvXQtTH0cyMogOYIJESACoqmJ9rlkExUxZSYfGBHIBeejvgDm1ypFmJ36//8GjRAQFQwBHQyA2Lu22kyBnbusrYmbEzndCZuZICPAK4QTEQMgEbSekTV5ESlG1s0MmSiJkkJ4gfsROccekUV7w4vzXqQxITsWEWTs0lQkDbGUnZgB1IE6UucoOnRkBG3flwrkhxEUAembr78utf/sZz9vsqQUewdTCmHsVZHcyx8HICUEIq+KYI7w+P333/32N795fnj68MMPl8vl9jD/6N2bn/z0i7v7Y+sbYPOBeqkm6pxXIOeCAgzjpAYppF70P/uP/9N8yaTM6C0wMqLTm9s5jS4M7DyeZlCBy/N+uVSCIfi5tU5s+FJ/RQSAw+GAPsb57tOH58vj4jDUXIaU2PVctz3Xba+tGRDv2+5cCuQjs0orNccxKoLUfT4kJLkuz62WIcSyl+AOn57O521Xoi+/+uL2OI2HqXk8n38AIJOxVSj1Oh+mfe/s0XnCf++P/u7NaT4eY0wyDugDmFaDvu+dOO1Zzpfl0+eH4UDDrTCxC27dV9Feavkv/K2/Szav++Wvf/1XUuoxTgMnc4fzsr+6nadoU5Cvvry5vx2wbvPgAhuzAklTVUKIO4OWfQVpp+PRQAyoFOh5GyLXUsjFbijioAeMUGzruoZo2hcnbxO+RlRENW3OcW8l76kWalUMWMGY0Uc33TQfXM/Wm0qXXquZASUAQAZyzkcnpoRMllTB1JzzpVQi3isajc4aa9WW2TlyDpAB2bvYu7RWW9sUqlMiJkQDBHTBzCO63kqr1fsoAjenWyJPjG7IZkrMCiYqvUtMiV1AAAAFBDUJKbayEQgogIljQK9AqggiqGpqsC4r+Wi9q2FrvXcLflCxWnWeZjc4RGFHTEzkTOnpcUE6jofDH/9//9Nf/+pX0YfPnz/3ulvb3r1//eOffPEHf/A7OS8vJQZG75wH5JfeJgB5j4w4DMdv/urrX/35XzvzDC6T5+AVtGtV6PevbocxjAG2dV+XghhUCIyZwezZe393fzdPswG01tjFNdtyrQ8P122rZlZKkbZLq0SRMBKGWiuzU+01F6vFkTnPPnp0yCrDmISklHVZLnXf70532wpVob5ko9EcWhgcHnEcQ96k5gPqnPN+ez8ZN3Jdccf/8L/+d9UkRZfzZRrDzWlSa7tsiH5bqnQw6+MUWivsyXkXXgy4Zb25Od3Mt8nHMMUPnz6eH8+Dn/Kl+Vmb7snhwO1v/42f3N+QyZJ8QhOGxigucAdTRNHNh8Au9K7sHCIZoApL3QIhE1XVptDzKeFPOzWhttdVpVnv63LdlzUEPw0hBia0VjbtESACRORkQEA4H4bDTUEEEzTpJa+qufcqlRXUTMEhMRpq8NG7ubWXciKZASGZi4o+MkKX6GJXEmOHB5QgCmUvtWXR2np29khY2ZOBMXs1V0t30czAFFtTFZjGIzGJ5WEa1bSL+JTIcS01hdilheBFundsYGmMvfV9L8TOrHXdnbcQExgRcclV1Bw5ABT1YuDZl1K3bZvngw9BMYfgnUNAInTLtZTSv/n+ByL+4t27smfvnLQevFMpMQZAYwZEJUegaEBMDsip0fW6ta5k+5R8cOOf/PGfWYPDcJQqm/bamwH4GJE4DYmIvULOGQy6iIqWWrynd++nt2/emMG+b601M7hezsv1su1K/tCBqogigknfm4lHi6iulUJg4FBrk7yhKaEKduf5Zjiio2o9t73V3YFF55owsjcXDdE7sp6NYIM2zYEw7dd4PYv3PB5D0ZwmAqpOaXt+fnIrjMOo6PfcH8+PMLJKtw6tlNd3R9EthcHqZFXBAjmaafY65qd8LZ/ScZ7nSUdYzy3wcTmfj8f7BHg38ES3XPbop9qTqoyRCK2LckopRKwFyJkFILpcth9++IjELWepJXlW6ehCV7y/919//ifP65XCsGchiId0qg3XLd/chNdv381jdIS1bIS6bvXhYXcQYhrGw5zGqD300sGIsKOtQ+zqt3hTkMBAjRQZxfpLWhshiBghEzkVhUhFVmcMStfzGtJtE9i3K4svtRE5xU5OU3TRookg67qttYB0YI6bCPuAzHEcWrOGndChpi1TbR2Z1yZqXaSRLiH4mLqZ5bIHHzgXYt8aldZ98h201i1dcyTv2Lwf0ECNaq1dAMAJ2zAevZ8AtJammL1HMwdgy7J+991nQAxDSUNa9u9VRMEh4daQKZZ9jzF49L23YB7R1S4AZmi9455t2+o8yPZ4kfa41cwYznk7HW/v/DLNN2q071Kq7HlDYLZEHVvPpayI8qMv393e3pi1777+Zt/21npKUdUCtfuhn4ZIKfjptNTy+XJu3YxRijlFqZIGp61spUpvII1NxSqgCvJyvrgQG1k1UcG721Ovu2A1FEBh57o0tDbEg+lRyoqu9tbAeskbpRnCuO3ZQPDf/9f+Zq7NheCd27ZliA4QbHR179rg9ub0xbt76dthPJUrPj4/7HU10h/95MvDaZ582JaVPJXecukPn86E/uEhL9ctMh4HfzPHXpYUGId4++q0Xh+G6N68efWf+5t/M5fa21MXeXg+f3x83Ev+9rvvvI8/fvN7ngxBmUmaXZfy5Y9fkbuWJpdlHYbDMB6HOB5vHbuNiYYYmABNnWPWcb22WpBpHoabPXcRA6Lr9XI4zCIFsbLT4GWgRzMhArNOjMGzkppTMDRE6V1ViVDES4+E2lsz5flw37rTnqUV7VCblNxba6Xkm2AgBRDSkLwP0sWMrmoCYApEvra+rRuSb6tvAuM8GZERAKJaRcpEeDxMqtVAYyQRYIyAAARGhg4MjaWCvAQWnPeJyCFQ7742qa0Qu8Nh9t4jooMoWlKw1pdatm1dpAOSM5Ne8xBYtRJYLhUpOWYfYhNtRt1IFaRLnKZhGre87vsao6PWydDMSAEMaxZCt9etd/E+tqI5l+ASkSc7gFlwMIx8OCWO+vz4tDysrZdhCi+K9a7ooN+fkotJibqikKutL6WsuZVNeqG8dhA0FVSS1o7TAFqjt1K32rIJhZSKNiBjtNMwjtGhBwVatnJddkSM3qsyuRux3VAB3fW6GUjVGobxcDx2NfwH/9Z/6fm6YvDo6HAczg8/3Nwcr7lsa0Z1796++/LLt6fTEFx4/HxR6I/PnwWlaTnezNENARM5IqJlvdbWjqdDDOP1cpFepdWP33++PG3SoGl9+/7+zeub169PjPD54+d5Pvgp/cN//J/VVn7+i5+e7g7H06HVPtKwLhfH1Fv74bsPdzdvDod5GCnE0LUh2142nzwYePZmxsS1FEZCwNM0EXDeO+FYM4EGM/7lr391vpx/7/d+kcYAJk2aSXs9YYpBevUOEaS3lqbQ/YuQWEJwxERsnmIrqpaJ5XI559zGdOx9l968T2C8rw0pSLdjqNEjALTWY4pgZoZFY23GjppobVVUVTHvvlUzZEOKY2CPqjUM1FtN0R/mOE+u9R2NREC0IJkCbHv1fiBvyPryjUJEUUOgbcOc+/V6fUlH397d+ZBOw2u05lxNqXun+7Ywcll7axVBrckQA6gAGhESQSl1b4px5vHkXSKArdeudT56woywy+4Z475dat60dof+8fPzcxvXvQ4+BOc8MagCoB9fDSF5guhdGIgSeOdjZ8MGrndrpfXLdf/44aGVhijTNDChcwHULXXnIeSt7VlqhryLKtjeUWWeU+ubaUkRnUNFqNKadseY1/V+PqFIGkKu/XLZXmAQ03wyI+2GDn1yivD56bl19J5VdiNOw4j/0X/vX6u9F5WQ/Lo+R6cIQOGYtwoGY0q/+7s/Dd7SNH5+vp5uTzEFBf30+OmHDz9I1eDSzc3x8eFjSmHfV1C5vfW399P97YFZW6mPn5/Oz1fZYBpSaath3/ft5ngTwzTNXx0Oh1rL8/PTq1d3rTfnoLWHNDiwnvPGwIf5uFzXcYhpiIZGDn3whv3xY9yW8Xq+TONUc+2lm4Kfvn/9emoNQQPRULMwDVLm5+czAsyHSURqqVte37x/XfI+DhGsM8HT0+ebmzvHk3PuhclKRMMwdn1EfkLSeR4ul/Pj4/n25nWMSiSIbIpETOBEdeRESI455+y86613EXQDc6hdmIMCiVitrba2rvW67MyBPAPZzfEQkGPyTCYtn05DDO66PwtV5wKA23b74z/+q32TOB1fvXk1jt55Q2wxsUKvOTw/LzGm8/kiKqpWe1MniAagMcbgB+/G+9tjGC+Mbh5Oyzk7jI4iQS/7ZzQJnnMtGFKYDr2waRBTYEOoDNlhizHVWvf1TKbWhcE/fHp6XLU0QbMhplf39/uyhhjAQ3SxrMVzFEN03sAcdHYYR3bRAfJvf/Nta7RtPeclJH97ewPAnlOuW5cq3VR4SId1KcuykRIjqlbQatAc683pICZFWtOeW07eHafZA66Xh5gGxAAQns/bulVmT06HKbnEirjlVjsQUHTOhwhg+L//H/83p+Pph88f1/3S2/r6dqq1XFdixN7q61e3v/f7P338/MNS1sP9K2Z3ujmlNLroEdD79N233zuGTx++267Pnq3k/XTwd3fz/f1hnsM8xRACIc/sW92b7Mimptte8t5Uk4p4F8AMFLzzzrNiYWetrd4BqDnnPYe2t9Z7HIKaGoALLlfeN6i5ajc0LrkyBaDt9vaQ0qyCnz6dHcfetLfmnMt7MYPW1XNQwIuYtHZ7e+o9z0NsvabgtWR2jISXy8Wxn+fD5fw0jtE5jskjgipKh96XGM37YKaIYC9Hj9pBRJz3vffeOxPNh2Ot3YBFCCmkYa6ttr7ue6sVDHwpeTyM33/77TEdb24PNa/O6ZBCDGE44tYefRgIo9n4+FD+8pff/Cf/6C+fLuvxGL/46v7Nu9O793fD8KJLAwIYxrGWIl3I4Q/nZxf8ddlzAe8OOXNvnXjxjlOKKo0Q725vQOvtwZ3mBJK9o71mQdhX6jUQ0zgNN8ek+UKSv/3wWxfp1d2N9cLGY5yeHs8P543Y9daGNDgiERmGVOSMCtABzQOE3KGJ+mDE+PNf/FRMp+nw+Hj+R//wz4gPjm3PKzExhZSm6Am0mVLvShiYQ8ltz2Xf9xDcvl0JRXq5OR1v707LvnJyHH3rVXvruXhZzahkLRVVPWLs2ouuBhLGMM6HroQUW211L3c3t9Iq/m//7X99Pp2el6cfPnxze4pfvD3d3ZyWVX744bta13kK93eH+/tjiP5HP/sZAn78+OnDh4/jOG/7Duh+/avf3N+d/rnf+Wl0Fhgc6RhOBKi2A1Z25tixc94V09yhICkwttqZXZNFxPJWQFi7aVfnJ/a3qqW15XQaCcERmyBrKK3yyz3nSESMtElrpdfSpZt2QEO1YEYACMYAWEtXtV33ZV0JfS3SqwLw82X7dBEfXKslOPKeXr++/+LNzTGtPngDRUQEh+jAvIoDMBHxzufcvI+IzTGE4FrLgGamgFarGqB3znkPAIRoAIw6jCNxEuFlLcu1sHPkpRZtDVWwdzkcD19//dvT7eF6eWSn85SC955DiJ3cnlJyIZi5XKw1+M1327cfntb1AqBEdryZ53lKaSRiRiSCIQ3SGyIqjopYal22su5SO9eC2CcfiF1vffFBQ4TaGhq8uZ1vJm+aAc0FrxrNEhKMw3B9/BSwnZI7l2cfKTgCbW1vU5pNsHYJIahprdXUWm+ECKjQK6qoNPZh2Ru6ENLBwI7HGxWIIYUwlCyXx2uXQgS1FiZPFEQUwFStlG4KzE7EyIUm0mpprag0Mxlj/OL92+flsmu97Asxesf7cn13DMHFUuG61PNzCWGuvRfZgEzAusE435QKLefTPKYYxhTwf/7f+ZfZuab1/tW8rw9/+2/8fJ5CjPF0MwcPKaFpJTQmbPuOhtM0iZg0yTlvpTkfWt7GSPPgPKl3UDdDAIVi0FqrSITIxgwkHAC5gQk7p6ZNSm/qeZSKZs6E9l19uBfJzgmhjEPKOUsxMo9ERrxtm5qJqeP58ekSQwounp+vZc+H+QjUct1qbfSi6wXYc/5hya2bd0k61qq9Q97adeFSsmnP+zoN4f7+7vXd4d2tnw+j98zMYzoyj8QdeANjQidqKkbM1oyZ1VrOq/ek2nPZLdQuhYgAMKXknQvBj6MvparS+bxd1wrgYxqa1PVa5vEGgAnx/PzUrPCBhtGZ7qBCSNN4uj2MgxPDysGaZEUjoqUOW6F9r94Nl/O2ra133fZzjO54nI/j+Pz4MI7JOwci7MFFBDYB23J9ftqszdu2f/Wjn5yfl4+fHn/nd3736bwrD9fHD1+8Ot6extaKC2ErLQ7T5brUkj3ZwPqLH31RJFdpKoVMtus6pQOjK6X74MFs3bY976XWlMYp3g4BpD3PBxKoD+cH8nOrx+fHa6s6DEcmn2Iig4GhawnBmZl0M+PcTNG1Wlt7AQIAAlRiQ3qRFZhqr21ISXsT0IYKnnPeai3a66uJb443udiexcyrMnHYc8m9KJga5WbEY2/5i7en0+HgmJwABR++/vqbV2/nr756/+Mff0FQc1lVrlvLee9o5th5wkAABsvzGpyTLgEhDIzU1AFolZaRVDsgl1K32gsxI7vaQIXO2/wXv/zl3/pbv3j16sAsaIBi0F5Flx6f1sfHXTRsm5yflzev/LI8j6NLwdV8vl4WAG5VSqsA1FVFIcQA9uQ4no5xGhDowD6tu5KH3gnQI2NK7nCYtrxzvSLzSwelFiXyvUqvgQBS8ve3p1pzDOQxRE2qWa0TOTTuGZrkOKsIMuK6FABTE4cRTNUagDchVSJ0opdad1VxzrW2E5GpOq8ikksnjmrsA3Xt1yVve1ZlFTXrTBYHPOenbnZ7M96cDofx2BqOfvAg13XXtnFQYjAwYh2mFCPVUu/upsNMD5/P67avS5V2+dmX//yXb3+q0jxjoIsLaliQOztSQ9G4lUcfb7Re0e4+fZhNHAxp7ZJO8yGlAO756TGNuOW19lpKy3kfb0+Xy+Ovv/16OkyX5ZwCe0YXoiE6H2vD83WPKTXjbz88AKHfG+zbz3769tX9zbb/kCZOh9i71qWdz9f10u5vE2grwd6/vdv3h8v1mfmltEMmpBxzV0QDMJHee0NEi6l0YaB9KwzI5NayJzcYaJe6bYtzfHO4g95qOQ/TrVK5bpc0RCS3LHmeD+3SaykKEPyYi+XcP3x8aM0+ffwB/6P/6b/VtXfNKcrv/vztu/vE0MwMoBIJWA8uMIXeKmLX3oN7UW0DghqgAoh0dkiIZh0RQ+Day3VZc7VW6fGxrFv/5rs6DOHLLw7/+b/1c2uL9UyE1Q6fPp+vu/zTP/3t47l++93T3c3hR2/GeR6YdFmu2nQajrW3Zi2EpApdTQS6aPA2jjyNg2N48/pungbniMwPaTCrxAbUW8uIiqm2VmuVWnrOVbq2Kt5F73ic0jRE6dW0MYagp5CQWMFwXTRvuCy1dVFxAEkFvHe15hiCY1Z5CVEKAAbvK13T6NdlvV6vKQ1mllI07M57QMqlddFhnET048Oj5zCNs0kbByeS5yn5IaQBiIr2ThB6oVq6aEcWYgNWYmeGFXErjdB9/PDw+HTxnJzz8yH96Efvj+PoSKVmz2jSTfZhCjWvZiKtO5fWdem4lgrT+Pq3v31cFiwZOY6l9Tl4BpjH+c37Hy1r3SQXrMj+fF1Scr1s0MubNze1bfMYl/MzI93MN08Pl2232oSDmw+H8+WCjpDo+unx5z95y7ze3g1qUtVKMd2nf/qPf1k2TO4QXNIuHEFjjdEbtOCDCJqh94GY97wAGhPWthOhcNhKTT6BESjlvagYdkfeKYHzbL15oCE4n+j2/q7UrmbLup9ub66Xa1nzsm2191z7XrE1ZuZe92VdD/MB/2d/71+NY+y6v3qV3t0PN5PVfH3/5qvjcVTdW63X84oWunR1LXrnHaTgokfHWHsj5w1BzZx3gLiuC+jxcmli+Od//vV1gfOzqMaHpx9ub1J02+/85P6f/4Mfs5UYnUQT9B3S53O97vTD5+t23W5QpzGp1JzL8+NlHk5hiOf8dDiclnVft9yalC7Q96/e39/eHJD6OHjP1lr26KMPnz9///rtaZqjSBZtTo63t68ICABF1ADBbC1bb/UwD7Xspt2sEyADhYQxEqIP7tBr6uKfz/lyLtvSW9UunR0OEZ0jM/M+hBAIEYmUwcAQ0XvfWgsh5JyBTUQMTExrlzQMgNBUas7Bu+AwBjgevTMc3CiykivamjTeF21GmByAuRBbB8Sk6nYpRirSxjHueX1+fry9vVGTx4cH6DVvVy37zXFmolpeEbKJOvSkcb/WvJsfj7Vvt6/mplfhfStnInx1cz+FoE2v16IQfZibA/EwHo9NQa09P34cB59Cq3U5jAlBSNGhX6+b4QHIsXNA+Hy5hCGN85TP37y5n2p+BhAfpusqJVu7lpYJ+vD4YSFwUxoX2z60x9ev7mLk3juiz3ubB9/LNQ0RSccxtZ6ZwM8nUWqtg+Bxvnl8OOctXx7rzf3tdbmUnAfvJx+mYYBEzrvvP3x/PJ2QaC85ej5NiRyflwUwGsZtVxV6fjqrQlXD/8l/41/03m37GqM/HafL5el6Pv/47Vfj4ObJ39+NaiUFRlRyRsRM5ggJhVDvbseUCNHUOqA553qrCu/2nc+XRRS3vV7X0qqYflCt796/I6Z3795Ow8hEf/4X/+gPfv/31Ww63WIY1wrPl+vH3/7KIyb2gQkRkYg5tC6ARsyiVjuez9vH7787TSMiSu/zNPXWVGScRjOIIR6Pc4wEUHvLzENKAVEI1RGV2sGAmOuePbttX3OrzcSxdx0Nu/fmPBxOUwyhSQaGZe/brtuipN6Zr01qb4SMSN4HQnLetwoG2JsCgJmkwT88fppvjqU0530p1fvgfCBC09KbxPDSSMqqWbpiY2YYx+CIgou9QW4VHIGhKAY/ltIBeOmdvPMIgbG1vWvr0Gs5Pz89cvR5326PxzkNg3PQ2rZul/M1+GGIc96LAsVpWvaFHRBX7deb2R/mmFJcMywbXFdtFbZlu+xlqe13f/93QnKX6/NXP/5qPsxOVPoWBlHdWinWnMNhU/n8+IBgb1+/AgQffFfxDCJL733fqK1pW9r18uSYwvyaIeSHh3K+UDjE+UBeKESXhtJra4UQP37+vtb84/dvUMvN7aRYhWQt4F1y6PMuT897VU5p/vzdX9zcvH8813VfztePX757c5xO7kWVKX3fr6dTXLbHV3e3h/mm1L33JqqqjMgEfhjGbW/LmvHv/73/2rqux+Pper08n5+7yDxOifl0HJ2TaaS8PSP2m9N4f3uMMYq06LmWzXv+8t3d3c1EZMxmIABCxLnbVqr3kX1IaTQkdo4FlnXPtf/1b77+9PEx5/qzn/38R1++Do6CoybN2A+nW3bh8fPHH77+JiL1ksGsW0ekGCM7fL48j+NBlEVQqgWOIYZW+7os33//MTi3t+58HNNASClyjGjWffTj6GMk7yGwy7kQ+eAGRkS12tp3nz4Mx4OKJgo+OGIFaKJlHMM4pya1Cm67tEqBJsmmqmagakjUm+xbJuK89xgGAOpd9AVmBr2TqYGqtdq9D8yu9y6tE3ok15vUmi/Xp2GIZDik1GpJIaSQYkjPl2cKjtkvaw5+iHHsTR6uCzIfYiQVAwEyY0DYP33+0EGQ8fZ4PI3T7WEqy8fWOpFLcZymmYmXdWvaL9dLaU168VCPg5O6nm5vsvinRZdVHQdp7emyn7csWv/OH/4L02H68OHTddnamkHz7/2NL+cDq8i3v/pwGO7pkLr06NgT5bylGNi5fSlrflBCkMPlCbXZ5fnzZVm//MXfeHX36rtf/km/Xvx059MUnblh5jTmXlQ7ky15U7O+Xe+OY0qg3NeyGqdeteYuHf/8L7959fbHuRn2h+tF59OXl/Xx0+df/+RHX6CSI/fFF++94/V6Zm4uSPBuPtyLNumZEADRcTCF3qV3EgX8D/7NP2Kmfd9V+/ly7r2B6e3NlPMmUl7f34BVAHl1e5B8Gcd0f3/rCHorjmmM3jMi2us3d4fDNM2D9H7evy99UcWYRh8GAyJmkvt1rdu2j9Px0+fHb779nphPhwGkHMYYA4chAfva9fHpnJjLdQlEzNRNWs8GlRyUWtMw+DD2Doxz8HPvzbnw/HRerut1uZ7X8vB0nocpODeOwTmNyY0pTVMk0lrWFFPyiciV2udxzMtGREX7WjOxm+IIaACGaPM8GWiMyYXYFZetbGv1FJNLaH0cQwwDIl0u12XZVPXxaVGF4+Hmer0i2s3twXvkSEB0OV9ELISIgLX2Uinn2qsxu8NxVm2t7yY573vJ5fbmJoWIACEFjuHTp4eHh7PzQxe4ubk7Hg4tF5CeHIHJXndFPd3Ohra3TaFFhySNQRk6AIhYSiMYhhCdc8GPYppLrmUfPVhbQJqoNHAdB+dHQq/S9tzDMH1++GgEd3f3Oct1ycHIUYWQf/H7X93Mh1/+01+xRkl+z9vd6eTMAiKItNJIQzrSJV+fFzOdrueLabtusqn/6ssv7frpGN157xySZ0OfOrGgSa+eQYDuX79jFalrrdfxEI21dB3S+OH7D63B58ft8VqNolr95uvHcX49zxTdfn+crk+X6XA4nW636xpjON2My/UREWvjYXRDwhCICKSLGYhirdaa4r/33/qvqor3rCZmklIM0cVkYEYEjvl0OprZ5eHD0XfnsbU8jzEGp2IOEQ32fa+1iNZhDG/fvhpH7lKXLTPHXBoA1y69M6IrpU7Tac/1uuYwxG19fnN3fHUaB4/jlJZtX/fSzT1+/HQzTqSChOxYoTrXkQDI2PvWoVZpPY3jnYgCYBrmUur33/9AcVKj6+WKCNrL8ZBEyxSj9ArYCe0wzuM4meC6ba3W5IL3fmulI7TeW6uq5lxgcl0UgJbrwuyv+95ERfXdqzd3x1sHMqYwDPPhcGy1qUIp+bdff3h8PBM5RFTt796/GkbfoaaUVE1EpWspNedqPD8/L73pNM4GkoYwjm4ew7qsphBDrDmbdnJYtYvSp89PW5bLZXu+LPfT/C/94d+B3h1oKWsc4pa3hvb2/dtPTz9s5QySIytpr60i8uFwJMR12ed57k2GcHQh5Lwj2Bz5+vhhSh6JKuDzUnLrvWsKkchtezmeDga27hVt+PjpMgB538db+pf+lb+zXq7/5D/505vhXsbw9PQwpjj7uD89T84vT1fqU7qn0/ubRunhIat26flp44/njCA/vk/1+kDDoYodxlTU4uF43TazxqTOH95/8dPvvvlNL+v79/ddC6CQd49Pj8F5M3p8zkvlv/rN998/nqfp7ePDMg/0L/7hL7CsZdmFiSiQsogGT71nZt8sal+HAd6/v9n3K5mN07yshThuW/n/AfAFS1zurrcrAAAAAElFTkSuQmCC\n", + "text/plain": [ + "" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "the clouds look like they are glowing in the sky\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/home/optas/Git_Repos/artemis_temp/artemis_temp/utils/visualization.py:129: MatplotlibDeprecationWarning:\n", + "\n", + "Passing non-integers as three-element position specification is deprecated since 3.3 and will be removed two minor releases later.\n", + "\n" + ] + }, + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAABGoAAAPYCAYAAACCEh/2AAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjMuNCwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8QVMy6AAAACXBIWXMAAAsTAAALEwEAmpwYAAEAAElEQVR4nOz9e7Bt31Hfh356jDHXWnuf83vpgSReRhLiGtk8bFIIJb4WWDYmhvBIUNkXgQGbQpYMJTkQnrlFUtjEAZRchYtVUiIUYpIUBttlLnYkKpQeARFUZUsKlhRABGwJiYcev9957L3WmmOMvn9095hz/14SBKQjafWv9u+cs/Zac8415+jR3d/+dreoKic5yUlOcpKTnOQkJznJSU5ykpOc5CQn+chLWv39dwD9OP35nT/8LTzJSf7Y5U7RzZOenOQkV+VO0c2Tzp/kJFflTtfNk26d5ONV7iTdPOnhSe5okRWjRh/tjR8HIh/pCzjJSR5B7iTdPOnJSU6yyJ2km39cctL5k3w0ykeDbp506yQfj3Kn6eZJD09yx0r64G85yUlOcpKTnOQkJznJSU5ykpOc5CQnOcmHQ05AzUlOcpKTnOQkJznJSU5ykpOc5CQnOckdIieg5iQnOclJTnKSk5zkJCc5yUlOcpKTnOQOkRNQc5KTnOQkJznJSU5ykpOc5CQnOclJTnKHyAmoOclJPobkta99LSLCe9/73o/0pZzkJCd5BBERfvqnf/qP/Tzf8i3fwhd+4Rf+sZ/nJCf5aJJv+IZv4Mu+7Mv+yI73hV/4hXzLt3zLH9nxTnKSj1dZ6+aD9fSkZyf5eJQ/cqDmLW95C1/xFV/BE5/4RHa7HZ/6qZ/Kf/Qf/Uf8m3/zb66879WvfjXPfvazueeeezg7O+NzPudzeMlLXkLv/cr7Xve61/HsZz+bxz3ucZyfn/PUpz6V5z73udy4ceOP+tJPcpKPOjkZrpOc5CQnOclJTnKSk3wsyUte8hJ+4id+4iN9GSc5yUdU/kiAmhs3bnD//ffz+7//+zz72c/m+vXr/PN//s/5P//P/5N/+A//IU996lOvACsvfelL+St/5a/weZ/3efziL/4ib3vb23jBC17A933f9/E1X/M1431ve9vb+JIv+RI++7M/m9e85jX863/9r3npS1/KPffcw+FwGO/7t//23/5RfI2TnOQkJznJSU5ykpOc5CQnOclHUO655x7uvffej/RlnOQkH1H5QwM1rTVe/epX8zVf8zU88YlP5C1veQu/+Iu/yAc+8AFe+cpX8nmf93l82qd9Gs961rP4wR/8QT7rsz4LgHe961286EUv4lu/9Vv5wR/8Qf70n/7TPPnJT+Z5z3se//1//9/zkz/5k/zUT/0UAD/3cz/HYx/7WP7r//q/5rM+67N4ylOewhd/8RfzD/7BP+Dxj3/8uJYnP/nJPPvZz+bHf/zHuXXr1v/NW3KSk3x0yDd8wzfwute9jh/90R9FRBARfuu3fgswZtsznvEMzs/P+Xf+nX+Hf/Wv/tWVz77hDW/gWc96Fufn53zSJ30Sz3/+808stZOc5I9QVJUXv/jFPO1pT2O73fLJn/zJfPd3f/fDvvdXfuVX+It/8S9ydnbGYx7zGL7hG76BBx54YPz+4Uo1/rP/7D/jT//pPz3+3Vrj27/927nvvvu47777eNGLXkRr7cpnXv/61/MFX/AFXL9+nXvuuYdnPOMZ/Ot//a//CL/1SU7y0SWHw4EXvehFPOEJT2C32/EFX/AF/MIv/MKV97z+9a/nGc94Brvdjic84Qn8nb/zdzgej494zJ//+Z/n3nvv5WUve9kf9+Wf5CQfs/LBShQfrGe//du/zV/7a39t2MAv/dIv5dd//dc/XJd7kpP8scgfGKh561vfynd8x3fwqZ/6qfzVv/pXuXbtGq961av483/+z/PEJz6R3js//dM/jao+7Od/6qd+iuPxyHd8x3c85Hdf+ZVfydOe9jT+p//pfwLgiU98Ir//+7/Pa17zmke9pre97W0885nP5Pu+7/t44hOfyNd//dfz8z//8w8pozrJST6W5CUveQnPfOYz+cZv/Ebe85738J73vIdP+ZRPAeC7v/u7+ft//+/zr/7Vv+Kxj30sz33uc4dO/sqv/Apf/MVfzJd/+Zfzlre8hX/yT/4Jb37zm/kbf+NvfCS/zklO8jEl3/M938P3f//3893f/d289a1v5ad+6qeGfq7l4uKCL/mSL+H69eu88Y1v5J/+03/KG97whj+wPr74xS/mv/1v/1te9rKX8Uu/9Eu01vgf/8f/cfy+1spXfMVX8Of+3J/jLW95C7/8y7/MC1/4QnLO/7e/60lO8tEq3/Ed38FP/uRP8mM/9mO86U1v4rM+67P4ki/5Et7znvcAFvz9+//+v8+f+TN/hje96U284hWv4H/+n//nRwRd//E//sd81Vd9FS9/+ct53vOe9+H8Kic5yceNPFjPLi4u+KIv+iJ2ux2ve93r+KVf+iWe9KQn8Rf/4l/k4uLiI325JznJH15UNX4eUd773vfqS17yEv28z/s8naZJ/4P/4D/Qf/SP/pHu9/uHvPd7vud7tJSi9957r/6lv/SX9O/9vb+nv/VbvzV+/7f+1t/Su++++xHP9eVf/uX6mZ/5maqqWmvVb/iGb1BAP+ETPkG/7Mu+TF/84hfr7/3e7z3sZ3vv+trXvlb/5t/8m3rPPffop3zKp+j3fM/36K/+6q8+2tcL4fRz+rlDfx5RnvWsZ+nf/tt/e/z7Na95jQL6qle9arz2C7/wCwroO9/5TlVV/bqv+zr9G3/jb1w5zpve9CYF9Hd/93cf7XR6B9yL08/p5076eVi5efOmbrdbfelLX/qwvwf0p37qp1RV9eUvf7nefffdeuPGjfH70ONf//VfV1XVr//6r9cv/dIvvXKM7/u+79M/9af+1Pj3k570JP27f/fvjn+31vRpT3uaPutZz1JV1fe9730K6Gtf+9pHuuxHko/0PT79nH7+MD+PKKFPt27d0mma9Md//MfH72qt+pSnPEW/93u/V1XNp33qU5+qrbXxnle+8pW62Wz09u3bqrrY4Ze97GV6991366tf/epHO/1aPtL36PRz+vlI/DyirG3dg+3eo+nZK17xCv30T/907b2P12qt+pjHPEZ/8id/8tFOqXfA/Tj9nH4e8edDYtT8yI/8CC984QvZbrf8+q//Oj/zMz/Dc57zHLbb7UPe+/f+3t/jd37nd3j5y1/OZ33WZ/GKV7yCpz/96fz8z//8eI+IPCpwFL/POfPKV76Sd73rXfzwD/8wn/qpn8oP/dAP8Sf/5J/krW9960M+KyI861nP4r/77/47fvu3f5u/9Jf+Ej/wAz/AN3/zN38oX/MkJ/mYkc/+7M8ef//ET/xEAH7v934PgH/5L/8lP/ETP8H169fHz7/37/17APzGb/zGh/9iT3KSjzF529vexuFw4NnPfvYHfe/b3/52PvuzP5u77rprvPbv/rv/Likl3va2t31I53vggQd4z3vewzOf+czxWkqJZzzjGePfUVL1l//yX+ZLv/RL+a/+q/+Kd77znX+Ab3WSk3xsyW/8xm8wz/Owf2B+5zOf+cyhe29/+9t55jOfSUqLu/zn/tyf43g88o53vGO89s/+2T/jb//tv82rXvUqvviLv/jD9yVOcpKPI3kkPfuX//Jf8pu/+Zvcddddw6+95557+MAHPnDya0/yUS0fElDzzd/8zfzdv/t3ee9738uf+lN/iq/7uq/j537u5x5S/x7y2Mc+luc85zm8+MUv5u1vfzuf9mmfxvd///cD8Bmf8Rk88MAD/PZv//bDfvbtb387T3va06689kmf9El83dd9HT/6oz/K2972NlJK/NAP/dDDfv7Nb34z3/7t387TnvY0fuZnfoZv/dZv5SUvecmH8jVPcpKPGZmmafw9gM8oBey9803f9E28+c1vHj9vectb+PVf/3U+93M/9yNxuSc5yceUqD586e8jvfeRkhfxekrpIcec5/kPfF2vfOUr+eVf/mX+/J//8/zMz/wMn/EZn8GrX/3qP/BxTnKSjwUJnXo4/YvXPhT9BEuOPOlJT+IVr3jFH0j/T3KSk3zo8kh61nvncz/3c6/4tW9+85v5tV/7tVMJ4kk+quVDAmo+8RM/ke/93u/lV3/1V/lf/9f/levXr/PX/tpf45M/+ZP5tm/7Nt70pjc94mc3mw1PfepTR5Pfr/7qr2aapocFWv7pP/2nvOMd7+C5z33uIx7vvvvu40lPetKVpsHvete7RsPiZzzjGfxf/9f/xT/4B/+Ad7/73fw3/81/w+d8zud8KF/zJCf5qJPNZvOIgOkjyZ/9s3+Wt771rXz6p3/6Q37Ozs7+mK70JCf5+JGnP/3pbLfbK0zSR3vvW97yFm7evDlee8Mb3kDvnc/8zM8E4PGPf/zomRHy5je/efz9nnvu4UlPehL/+//+v4/XVJU3vvGNDznf53zO5/Cd3/mdvPa1r+ULv/AL+fEf//E/6Nc7yUk+JuTTP/3T2Ww2V5oHt9b4pV/6JZ7+9KcDpp+/9Eu/dKXn4S/8wi8M3zbkyU9+Mq997Wv5uZ/7Ob75m7/5BNac5CR/DPJIevZn/+yf5R3veAePe9zjHuLXPuYxj/kIX/VJTvKHlz9wM+Ev+IIv4KUvfSnvec97+JEf+RF+7dd+jc///M/nf/vf/jd+9md/lq/92q/lZ3/2Z/m1X/s1fvVXf5Uf/uEf5l/8i3/BV33VVwHwKZ/yKbz4xS/mR37kR/iO7/gO3vrWt/Kbv/mbvPzlL+cbv/Eb+at/9a/ynOc8B4CXvexlPP/5z+fnfu7n+I3f+A3e+ta38p3f+Z38yq/8Cl/5lV85rulP/Ik/wU//9E/zvOc9j3e/+938k3/yT/jKr/zKK6yCk5zkY1E+7dM+jTe+8Y381m/9Fu9973s/pAba3/md38kb3/hG/tbf+lu86U1v4h3veAc/+7M/e8o6nOQkf0Ry11138cIXvpDv/u7v5pWvfCW/8Ru/wRvf+EZe+tKXPuS9z33uc7l27Rp//a//dX7lV36F17/+9Tzvec/jP/wP/0M+/dM/HYC/8Bf+Am9605v4sR/7Md7xjnfwgz/4g/ziL/7ileO88IUv5Ad/8Af56Z/+aX71V3+VF73oRVfAnd/8zd/ku77ru3jDG97Av/k3/4bXvOY1/B//x/8xAtKTnOTjTa5du8bzn/98vuu7vot/8S/+BW9/+9t5/vOfz+/+7u/yghe8AIAXvOAFvPvd7+YFL3gBb3/72/nn//yf813f9V18y7d8C+fn51eO95SnPIXXvOY1vOpVrzqBNSc5yR+TPJyePfe5z+UJT3gCX/EVX8HrXvc6fvM3f5PXv/71fNu3fdtp8tNJPqql/GE/uN1u+eqv/mq++qu/mt/7vd8j58wDDzzA9evX+fZv/3be+c53UkrhyU9+Mj/8wz/MC1/4wvHZb/3Wb+WpT30qP/RDP8RLX/pS5nnmMz7jM/jP//P/nG/91m8d7/v8z/983vCGN/D85z+fd7/73Zyfn/O0pz2N/+F/+B/42q/92vG+t771rfzJP/kn/7BfBYDbr/uPFVFUobJFNtdRhU29gP37OfJ+cj0ixz29dUgbdHcvLU/ItEN6ou0rZ9MWTYVZE/UA9aKSeqKrUKYNrcH+cERTRzZwdtcZu+tnpCLU+QZl/gCJjrRKq3skn6PXnkrPibmecbYp1OPvQt2zv/Uebj3wXq5dewJlejyq74d+QdaZ4+VNzjeZW61Aa/TjLbQ18maHdGW+vGSz2bDdbDgcDiQR5otLtFXmdmRz7QyykEVQbfQ6I9pJAq1WtCVEobc9uzOh1c7hWIFCJ7HbXWfz+CdSmyBtw/t/54DWaxy6oAKlFGpt9N7JRdjsJjYl0+eZKWfuuudu9q3R9p3WM/nsOj0Lvd9GqKS8o1zfoOV+trLn+qazv/V+SELrhduX56R8ndbPuXlLuNwr83EGlGM9otKZNoWShA2JrAkh0SRx66Lyex+45PrjnsiXfOcPP3JDpTtAvv3bv52v//qv5+lPfzqXl5e88pWv/KCf+ezP/mxe//rX85/+p/8pz3rWs2it8ZSnPGWAqY8m//gf/qjO85F5npnnmVorrTVq69TW6V1pdabVI7XOtNZo3V7vrdN6o/dGmyuq0LTTake70npDtVFrpfeOajdHV5XuDq8qIDalRrQj2uhUsgiogVQiCSmT/Zkz4v/llEi5AEKShCrklBFJ5Jy9vAQkCSkLuRRKyaScACVLJ4mQROw9KZOmc/sciZIzQkMEBPueJW9IaUJSR1BEAO3kJKhkBJbrTqZTqkpKQkqJ3hX7SAdZfseg3Kv9LkRtD7PDNiQJqnb/QTxwEMiFrkCHee5oFxT8fdhnvJGZ+HnjPCklWu9oU1pXEPH32nf2K0apQEfo9Drb8RVaEyChKrQGresIaOxP9XHz2JOLWEfsfsytk8vEj7zix+9o3fwv/ov/gvvuu4/v//7v513vehdPeMIT+Ot//a8/5H3n5+e8+tWv5kUvehGf//mfz2634yu+4iuulOz+5b/8l/m+7/s+vvd7v5eLiwue+9zn8oIXvICf+ZmfGe/5tm/7Nn7nd36Hb/qmbwLg677u63juc5/L29/+9nGeX/u1X+M5z3kO733ve3nCE57Ac5/7XL7zO7/zUb/HK/+/f19zSaQkiAilZHLO5JTIpbheJVKeKGWDJKEkIdFJGZJYRkjEdEbyRMoZSZkkyXQzZ3vmro+irsdieiDiOSVx3cyZXDKSBOhk161kCkZKBfIWcd3MKYHaetRe6b2R84TIhNCAjoit8ZyETrLNZrWngO1FIokkQteOiKDdXlfUryfEX1+tbV3pl4jSezQM9L0NgVLQ7r7IsdO7DB3pantl7I+unKZ3qqSUqK35e5Su2Ge00VqzcySh6wzaEO30Ng/db01Q183alFZ17MPKUiYkxL32awYUYa6mm1/8lV99R+vmWv7L//K/BOAbv/Ebuf/++/kzf+bP8KpXvYonPelJgJXe/y//y//Cf/Kf/Cd87ud+Lvfeey9f8zVfww/8wA887PGe+tSnDrba8573PF72spc9YunUP/vJl+s0bZmmDTknShZKTr6+CyUXs005kdxO2b8zOZVht8RNQs7J7JLrakpm+1SS65aQUEQbKg1RRVTdngiSCiritsjsRU4JxewDfagEYGtB1cpOFDuMJEHcZvbeEK2uB32xP2lLB7TbPq99NpvTZlqbTX8pQLUTqq33JNDU7UtvoKvyMw27IYvO9W5qSEfSOi/ttg2Gj3HFbgpm07qtenW9D7spKszHjqoM38QvwY4nvt/JUjpXSrH3up6Lb452ZxXxfRTpZFHzEbT59xO6JiCDZLTL2Dvw61NAkttMQivt/60rtSmpFD75aU//qNHNR5OH07PXv/71fNd3fRfPec5zeOCBB/jET/xEvuiLvoj77rvvUY/1vf/x39S4KSmUKSVSKmaHUMRWLGC+WpKEPWjGOkqSzOBhNmL4TuG34TqCr1tTGHA7mFCzU9JIhE/r+pjKeL+IgGJ2DT+O2mtJErgemM8XpxDbN3IadjNhPu3YwVNG8s71N1NSAvdpUdPFUrakvCEl08ecTB+nYmsz54xgtsjserL35ez+tni/L/V7Dcn3sbg/EPfI7WKomPahm5aUNj0QcZ/W7eZ8aPQH+bS9t6Grw3tW2x9yTrTQ90WR7PeY7ksSVJrdswTaqr9H6D15XJJozfxcs/UPtZuhl+Jfq3eYWyeViS/6K1/+sLopK8T/4xr6v/iFF5KSWvCgE7LZoFphfz/98gNkbpF1pte9qeu0o8k9VM2cnd+FHkGOnc10RidxnIX5qOymc2rKNBESidsP3ObW/TdordO0srtr4q7HbClnIHqLLbeZZ0VkR++JaXc3fbqL3mdoW7TO7C/fxdl5oWihHxRt2YLi+Z1IqkjakPKO7e6cwzxxPFxw+8Z7yaVS+xGpjeubHU2V7WaDduXi9iX1wsCYMmU218/odDYycXl5m95mMnB2tqW2I70ZeNPbTCmJ5gHfscFme861u+9Bt9dANtT9xAPvU46XhVlBE2ymiVrNudxsM6nA+W7HXPecbbdcu3vL3CubdE6dC10m9sfO7qzQ6m0uLivl+pbtXUdSe4CNfIDD4X1M5W46j2Wfn8zNm3uOl8r+VqVXSArH44FjOyACm7MNE8IuF6iAJI5dOUrhwMT1xz6BL/im//edYNTuGN38xz/xo8xzZZ5nWq3MdabOldabA29qa7HO1DrTe6c1A+S6qv299fG6gTjd1lOP1x2o6d22OXeoLOAwo6Qo9IaoBVlZbEsUgJTdqCVKADM4sDIMWzKjkRYn2OKy7psylJIpUyaVRBIlJzUnKBU3QhOSiztkeRizUswgASTJWAhT3cYmRPw6JHuQVd1PNieupOROr7lcdi9WAIYbOcGCRfz+SErLPeuLU2GOtIFd4UiouQRog1qVHsbF7+HiBOrqtebnF3pvgIzPtW4GtNXZgkoBkQ5aUbV9AhJKprOhOjjXmxtGXQJRkeW7e9yNSBpX0hFymfj/vOzHTrr5YZBX/ugPkFLyNW9OVnGAJjtok1Im57I4gpi+5GTOZIAokgvizm/KhexOZ07FHVcDZUoqFsT47xeQQ5BkjlWZMikLIqb/gB0bIfl5EEUwHUQrkiAZbGQBrCowmyPugJCkBJro2umtmlPmOpYknMmlf0kANSJLgIpGTzD/XehmgB6hWx4gdgc8JWUPDIXeoc6mI20AOg56u96bcli5ju0BQmsVSLQae270JqvU1tzZb2hfdFMRVF035+bAujvDA+yxpW7B/6KjELGngWKpFJ79ZV910s0PQf5/P/lycpmYpg0lJ0pZwJhSigOheQAwA4jxoMf+na4AMwO8Abcz4mvLXhPtBtJJwC+6ChoLipBTtgBPvT+WB3zqgaB/CgHzZWv1Za+mYyW5PWuetFBQC3dFEirJdKEH0HgcAWy819beEUugygByVQXtjdbMbioebIl9m+R/9tbNOOFrNfvvES8X9/XsoOsAbKKXX+imut3PadhNuphudpbgTxbwRJKMPU89IM0leTCf3Y+xY+Xs90JxwFsR6SSxxFVKBWGiy4bWNLaUsboNTAoAwUFUFvVThS5271MuPOkp/4+Tbj5Ivvc//qYlkPaFaKCf6RssugIsyQNPJkXUHXpkvov7LysfVpIM2xF+jqqtLQHoDbSRRBe7M+xisfWby0hgJfczFQNqUjJAFv8uvV9N5KVie0zKgtDJCfc1s9vNDFJ8P3Fg033aAKaGb5saKUHOEyllylQQKfa9VMlFxr2ackGSfTb67cX+lJP52GBJ0EgOCraf6SrhoZ4cCT1b7KbrphrwUY+d1nQF1HjiondWOR/7t8i41/gx1EFqSQaW9a6QhZQUsD1Ne0UkA2XopnYlTPMSszzUbg7d9WcXPu3/84u/9GF18w/NqPlYk5zNqbJQoJH0SK+X9H4D5EBqmVZntGfYFFrPpGlil3ek7otYG70egYQclbO8I9E4JmVz7Zz59gFh5vr5xK0HZjLXODxwm/vf/17ufdwZ994r1HRBLueQMymdkTdb5uMtSqokDrR+hHqb+fKcs/O7kU3n/ve/k8P+PWzkJkihnN1DLhsu9reYb/0+bT6wTRvaEa5vz8iTZWrmWqlz53A4Mh8btR64drbj/HyHFjBMV5g2k2X2aqX1TuudMjWUA30+0toZtYKkCUG4ft9jqCpoVS5u79lfzCTuIU8T83ykZNOUUoorXSOpbXbn18/JGUidRIVcSV3QWeiXR25cVlLak/KWw8UFZTdxtrkP7UckVTQ9htoex0Hv5ta+0w9H5kNlIiO9k7sic2PaTqRm2SKqIpqoTekCeUpQGxe3bz7akvk4FRlovfqGIw57j400PInhwPhHPSumK4PnmD/Qiay2/WCAQrfX7PO++9ER7eagEVkxP0eg8oShkfFfZCcs6+CHksiCq2cozCFNmulNOfYjUy+kKVlWLpcFcPFNfGRI1JzG3gy4ySnR2xFoJOl+3wqSEq03COdUkhlZAoTx8EfVmCu+80ew7Bc+vhuYwUnreytLYKuecZDV/TGcyxkxBMjUh3snfo51tjC53urILIndP08LNM9y2KEUTQFUdZAOZLRnOnlkPmy9RMBs2d3hIPh1xvpipFhwoOgkHw7R3hjpxlgrMNJS6nql9OWZxiPTbOtQBDxQEWUEjXYAFgXW7gGVgbKlZA+21LPTIJpcN2fKlChF0OTZQNcnScmCnNBzZ3xpT8Mp7m2m95kk3VgEarrZewfP8CdJ0M2hjExrgCsQGbg+gmXbXtwRT2JOm6/rYNxo79D7CH7d2yflMo7dWseWuAfantVU14c0dNP2Lgv2FuBmRNnddLGrBX12izsqeMDYHDB2EFUTzVk7rfVx74Lpd4Ux5IF57OCIn6f+kSy7jwtpvZPcbsZeTQqA3VgjHdu2B0hAbIXKQm9Jq8AQfOMk6IgDoEHNjsliN22rlwGGJFlsUDAC/IIc5DQvWbKgzex9zgYMConeGq0eSUXIGT+fBZtht8zWOCPNgSMlkSSTRGntiPYZoXkAasFn7xYg0fvCivXkQ+SodQCLdh+SLLoZkkLPVcfelgS620488I0APJUy7kNvBmIO3dQ+jv1gRg/JgK0re+Z4JhbUNU82xd4jKZGljLdDQSkoeQC9dGV9yAjoRdf+VgSC8TWChXCSB4tDcWMtrH2S8GkDMFiYWcHWWvwwWzfqYEAf+7Wst03tzq7xc8iim9DG+ujN/eBgxuC2za8vQEXxbFZyhnbXRs7F14jt2XashDbl2GZyEaYp0Voz4Cf8UEkozfeF5XjakwEVIkYaoHrflGybk/ja1csBFmlPlryR0BOzd633K2vX7tUKLGZlX1mAm0BAusae5HZzJDeUNligtt+sE5aA++waj2mwnFZnW/4dwI50wBMtImQpthbEQC3V4razOYgadpNHtJvjT98ODax+ZJ/2BNS42CbWDPXShs6Nfrygz0e0Kj2dk6YNvR5IZYOSybKlTDu0WylALhMpddqxMpWCkFCB3W5rD6FXdtsNc+ucn51z3AudzpQ673nn/WS5m094/ONIpSB5ogL7/W0zRPOBXiulbNldu4f5UjjWBu2Sw/EDZC7R3kkFtO6pF++nd2WXHoBtZu4TSc/QQ6Il6LlxOBzZbraUskNVOZsSoo15PtARynaH5EKvR6qYQdlIYj5WNhvlrrvPuKWwv91R3XC5r2yu343mM7RD4Rr18pI+T6SyZW6WbZ9kGhtYa52UCtrg4vLAjsL5XTvm2hCVkQnoxyM6N1SUsoVcEvNxZt5XDumc7eaJbPPjIN9Nq+ccb1Q2FC72F8jc6L1CMyO3SZlNLhwPR/K1Lagwz42y2yGbiY6yFSVl+aDr5uNN1lNoogRIm45sng7n3d/rGVkiq+COYYvNq8NIDzm4E4YnjqFjY2aAQHYsz0wHFRT7OyMDIesLH05X/HX9fbSrl2FwBeBRhePRmCSbjVEbA0jo3QI0u6Q2yjYg6OCNro1EG+CKqtKbRTJJjL1jBsLAGm0KybIA66yGgVXqQbN45my5N3F3eu/kpKScaGqZTCX0LJvxciNnt90sRVenrl81Vf6HmBESxjNee71rRz4n8bjagTsExEpdVP2aq2UYW+vjfXG6AJS0qwfUkdlYnnGU0ZzkwyMRRA53Xz3YTwtoEUElAtqw34nQJQIViSe30k1jjeTkay6CDZY9JqjJyUuPAtSM9T4fO0mKlx3KSjebJ08MBDYn1EoGwgHv2jA6e4CBVhZl5/NSQ7sSKwMB13UdLANSJ2kawVLsQbYvjls2QO0AVZoaiy0yd+Hsgtq5upcpYYBT6Ob6GZgO93FeEValFfZ7exg68JsEVAeNjGxQhoNOcxp56NxKN0dG2J99yp7JVbwMNNgKXAmIT/LoEtl7pdNVyCswZthEOmhe7F7sfQ4yjOe//pz/S0fgHseKH6wcKpIgIwBcdDOOE2CNrM6QPOAZ5X7NdaIbANiB+ViRjQVr/mUHkDsuLnQ+eTmPX3/o5vi+Ech2NXua3M9QK9MTBfVSQstcWwlR7Ae2P2FBtggqEaz59/LFm5PQHAi20+mw68asSc56EAc4ff8Y92Z5emB2XJKzfUKXIvBe6aphTVFCrHQSSbw0M2ULBJvrZg82na8BP38AROM7j/Ulfo0rEOckDyuuNYsvErrDsgeGDkUCIgB0BQahMuwOi7O59mvNFPTF3zGjSuixkhhqGD4gC4i6MG1Y/Ee7KvPzhk2wizMWnMSicLuZmKbin3UoKuwmvu84o8j0yvepXknS6d19Ze3QKl07JVlCxRg6BgwBXpVl+hjHD3L70ANRZ9QsrwdjVTLDp9XmzOreIQU7T/181Vh6mO8QbLi1j6ngGJsnWZMsJcmxd/bYLwdOFtsVXcR1swAZJQ27OcDfAcaol5Z5wjTFfsQVdtUHaxZ8AmpcWnXnQ9WcmzaTVREmNE+w3SE6s9lONFXa3Oj1NpKVJhktCdVM0gQpUbRQm6lqqh1tDT1U+tzZbXdos/KQrLDlnLMKv/Oe29x99ydyfbMFOZL0gikJvSWOlwdEz6Bsmc7vY7M50PqBVBp33/tYuNxxnG+SsxkyabeRdkTSGS1fo7Iln59xvNwzX94kiaG6tXdK1MTX6vXIjbOzc/a9omzYXjtne75FeyOTeeB9DzBtKlMRSi70pty6dUCnDfddf4z1lJm2HO5P7G8ncjnn5q1LC7ykMB+VMhVDPbs5641mQX2u6H7P2TQhbULSZBTT2Vg3282GLAemZJvO7du3YUrsj4mz88cw10Kathxvvo/jxZ56cYsNgnTL6CeAlElY/52cM7U2ym5L2k6k3Y7L27foh5mcth/hVXkHihiq3jSygE7vDSSeQObDykAYp+EUsowbtsDfARv8IyqBaywbXsjKKVV3TvBSpRFMRiC58kzUs2RdlSyrzKSy2pTXG6kFp9G3Zp470zQhOOCgSrBWuhtHxSnoKEqzGmcyCWfjjC9ktGvFgB8kD2OjvXlCb8lwhmMQf0tJLPOHs1x05QR2pYuSnEVjvX+6AybBc030hpdEpJFlE9b3OyyTLP0HcIBNLcBcnE0LLs1BXLIJXd2QdkWk2CNOYmyF3u27ItjD9wB9haKFkzEMmgN7cc6TfPgkHCYV9SDJXjOwsixgjQN+qGe5PFCQFZNLezMAJ9teoRLU/YX6jGI6NqqH+qhhj1I8kWQB4dwpZSKXcHeWYNYYXlbeaH0FOoEWZwr02Enio911Oy36mRbdBHfsVK8GPRLnXUr0DJxUgl8+10ZKce1BTTfdzKkM3QyfXfBeUKx1c0DMC0hGOJisdDOez3K+6FMVuhn7gyTvVyWgrRlztla/TXaOJdRb/rgCoBpKZBneK316TvJociUT7/YpDWd/Cca7dkTTeOsoz7A3jOAwgi772ArUWQEI45zG97eWGg4SOMo6TOl6vY2eFyO49MN2HT0nFsA/kVNhnq10J3l5j3jSQsc+bmsn5Qmk2fdEnRHgbJsAl7QbjCVR5mAlI1EyLRHhweJXRKDmAGn35EFKxsJBDXCca7PyycA1xFgICpScx2d6VboHgtYnys6pynKvFQ8OF0Cli5UjDaDZ7Sj+mtAGUNNdh7QJORdUA/g10NWCaQ+6/dut8IAVYCOjfLRHjfJJNx9WJGyQygogWWAZll142DoAAxO9BGpVFitjRw49XPRyOegKAYj9e+im77hpdQ0aLMzwlewaZbXfD/YxcVhnhSZsfxZG+fs8d3LZjPL84WNq7OMJspctJ8y/95jJ2DZu79TYqkk7BinYmsVL+Fu3BHtylmvcI/UvNnr7sACjZkvtfrRqZZpGYJPhdyhClkwoba9KcxZq9Um4Ag6oreynht2Nc/h962Hbl+e7lGI5gNrscx0xv8f3RQOIXDeHpx4LaeWrPsSnTagTCB5NM09AjYtIdlqnbYatQUlnlI3QFFq2B9rqbXo9QO3WAK3fpMs1cnk8WTb0QyMRQVthrp3W9pRcSKpeU6xszwqXhwu0dnKe2G13XDxwyTvfeYO7rm85u1aodbZmv7dv0dqBuR7YXYezuzZc2xzZ5Jl2VOoh0fbmlJW0Zyp7o06Tkd0nsD37BLbpzA3l7zDv38skB0QypHO6dIoIc5/oRdid3w29cG2aaKmy399EqFy/dk49Vs7uKqgcuXUxM8k17rr7Guf3bKDYT56uARtu3zwinNFbYpo21DqP9TsfKtvtBpLVYx+Ol2ynHSUJba/kcjeHyyP7iz2bkpFuLILNNtFb4XA40ntlPlp2Q/LExeGIJpgPt+jHmfnmBZsGWZXaqpU15ULJiXmuTNsz9sfKxX5vl54z9eKSqUxszyfK5jQ17CHi5UvmA7jzEpuuvYEIlCQl81AiMyGCiDuGHWpf+jUk37Ss4WWUCEBsdJEtNwq/OYIrX8VAGfXyKRVwuqIhG5MbsGGBV0yaPozGKvnEaM5H8p4sneOxGZZYsjdHgyjX6g2SCoVMzr4fR2+IMMRZHazy60gFZBrBjjFtFId3UW9oOpgz4jRPXfoEGF1SB/AlnmlsjvDnnKMVjoE/DtZYdi4N4zWynKwM/sroG301skj5Sr+N0Okk0Huwc3SxTxI9AJZeAOplFaJLo+g4ZwSAI9AUPHm5MLdODueHT7oaayR6CCXPZAHD0bK1YKCc164alR9rqGmBpgO0vaOpm7quGnwOJoevAe262jfsZOJrKRzVhPWSORwrU88O1lhvHNVGgKZZxerzU1x0MMriuCDiZXuSQCZyniB6OfXZWXe+2EeWk7FxjGaIflZV28ss+bE0kzTqd3LwaA1ohW461TqChh6MJh1OZ2RXWwAj6jRvyQaEDSaj3z/fQ5taQGJZSndwvX+VNUC03mARHkQz1Sjp6OolGgME8vP7frMw307yoUgAnrb/BkCyYtUIHmyz2E7fS1UDrFkAzAWkvAoBxXYc7LYIXESM1S1XwG9LagllFfiFPZAFFBJZrX+WzLSGSpgNn+eOVLdN3Usx6qqXmjNAE561d7sfl2R9IbzsAUFkMvDH9UWYadpCUwmdDc9BwRlg4uw9vWI3UUhZUOleKmHNx2Xj1+G+hzW/7w58LEFjPMjhtxDMF1wfcF3OaIdOv9JDxvAyGTob99Cafvt3CvbpsJvxvBnPOgCB6GFlTdmF6OuxzuCf5Kqol9JJYqzr8WwDCBMD6AysiaEOAXaK/zXKgMN24brnupkW9mWAEwsoEEDs4o927/23vk6jl0wO+jH8r2CfR6kwsrBTTXXDjtg1tN45HiqtdkrJKN2b7lupemtGJMglW4LBE2VNg9WspBRJPiMqIBOaJkqeRmsAekW0xZVgfDHTBc020AP1/nDCAHMGi9Z9WtOLNHza0M0AX5qXI17xIXwPCbu57HFXfdroIRf+5hAJhqsdyBIvdu7upVBOa0RbX3bih/i0rHxaZ/qZw2w+rTy6bp6AGpdSCjkXa+yZlCRn1nMlQ6KTtUNr1LlCu2TSDlTa8RZd7yOXT7DA6+hNVb1nTcZolK0drfmpb74imfOzM279/vvY7ARtM9tS2F/MtBl+73dvoqpc2wkbqaSpoNK4vHmLup/YPSZDuWS+OHC49QC7zZ7MkcQFc79gzvfA2SeTzh9Hyxva5Z66/wC9/T7bHWyrIZ77tLHa+PmCNCmyScxUcjPnq3OLtv8A00aY9we6ZtLUOc5CYUeTie1mQ9oIt+cjZ7stiR3zHvaXNuElT2aQU7JpHiUnawSHKWROmbOtNdOTBtoT/XJDPygijZSBkpHc6GlmPkAuEyIdnQvzpdKmI1WPHOdL4JzjsVPnzq5s0NaofWbWmbs2W3Pue6M5ZS2VDQdHaLfn19iUwvHyyLQ7MWoeLIIGseHKq9G80OMqM3i63nyC/aLWn0HDhVqyCXEAq70Xotxn2ey8z8vo2+DXYy3YAcZxBYE+eyZh8oP7hk9kiZcNPaRrtzp5B43WWUdrlGxNykSEUoQs5uSl5FOtsOBxXTKQExbgRVOyVJC0AckjO9+b1+OLDkRe3TmOBsEpyqQGg6ajag0Vu4NCI3OgAUjZrTIH08pDeg82TcjibMaZR6AM3pvD637j2D3uvweZ6/saDryuSrNUvQpueS1dKcNSov56uEcDXLJzJQ8CLYD/YGTRk/yRia71NNZ1pzVGE0ALFtxxkox6Kc8AGZ1mPBwlbc4aMd1UcSaYg4biIGuwZ8JxBQZAkR0kDFpxrepNQoWSDVSJpp69N5gVnZLZjQh6xN/nAGmXjKQN6tNvLCveiUbE4fiGbjok46CxenZTgUZMj1EPrEUMDImsumXUHPBI5vBpd1wmArnBighvfAlBIzgez6TzsMG0ElOb/Prdee1NQXRM5RtlYXFPWfbLANHW4JYBsJBUvcHlcs6TfGgiqx8CMEyxdy+/CaByADqrIH3YTfy5aZT6LWynUTaXIvsf6yYimbCbMPrCiTXiHwEKq3WoEZTixwhMKVFb5UrD+2jmOffxXYy1xggse2/W8kG6ZZhbA+lWHoz1o+uSwHUTSc7gqih16UWF0EfA14dDEkvWT7j4C9FsOJldtMbjBmokoHYvJSE7gyZAF4j+avHlF+DEb3VegFtWtg8Uj3THvmGBXET1S8BtwbXFC0tSa1XOhfrUHYmP+j1ekmfiZep9VXpxkquy+KIP8ldZ/EnTwVi0/ildgadtfX9Xx3KfNmxaHyCPHz85y8qD9VD7MXFINd7K6AHZJ8tD9tU+gG//A8xffx07dmtt5EYWlqV6Y26hp7CbrmIOEOYp03EGdO9IiYlytiYbmZQmNHpJaUOajhLiAX7ZLrFKBvr9iH5bzRIrxojrw/qHTYxEnaCepJhAg1W3AmSIWCDuZTDr7NkMExW2tjvwfQX5infHQ/Rn0AEx5uBSZrXyaf0Ywd4P79iuCXAmsGCJ1w/Fbp6AGpc0FRrWz5l2Rpqyl3TM1HpAjxf0+QHafJPSD4NNMNdO1pkkN0GV3ho5bVZH9oUlCmSbzuAo7G63ISel1SOlZB7zmHu42F96fX1js92QklKmiWmbIDXm1jnOyq2Lxmb7AUq6zflZJTHTk3LU62h+Apu7PhG2j6Gnx3M8KJpuk88zB72g1g11vqRMhTTdCyjnd2WO86WxaoBju8EmNWBGUkPINoq5Qk53k6aZNs9sdncxbc7Y9z3n184p0479hXLz/r0FhqLesMoXp2RSsZ/IwHRvriWo35/Jmskxk5Iy16NR27PV+vaU2GzO2PdM7xfUmtiUiePFnrkJKXlvkE2GnNjPBxpCVmj7I1IK55sNm905+3oktUarlYSirXKsjTY3bhxufPgX4h0uyemM4QAtFGwbf91HAL+ENDH5YBlNe/V4fdSmx2vZG3r6C76BmTNTRqZd3clU75Rv2hvhyDrQ8WYRESQ9SJaeExGIqV/XsoHmnMcGjLIAUyk67UdAGJ3oq3Xuj3pfSajY+MKUN4izaaKfS0qWPUGSgSojW7OaCuHfoWtdwqiB3LsDuao3tudjjYujGaP2AG3CSC/u9+JXeNbIp1ANY78CnxbDE+fXiN2wMfegtEHLXZoH+z0M8G395D2YTH7dilF1RzIk3qNqjvxJPiwy+iaog4gSTgn+fKy8yFyhhQ3QvYyo+3pWwanUyanVirD0YknrYCec2Cu9pta6udCzi5cYhRuWgoEQuilLjNa6kpL1v0jBrhEZLBrJVm5rTQIFaEjqzgTzmncRPKokjd9FEV8bzmsozwA4HChFw6E3ZzSNZoyMBr4BkqyD46Ca43oRLJYI9EI/RuA49DRo1REEWNZUBc8W9lGKov68E8u/WYE+g0UZqUoXy/Tad22nRt9/AHHqfDdG2gj8vVTW+j5lY3tEUmGoyJrJSmy+V/6pV86zLosyAFKjiX+EI2EfVbESXRlBzjqMULf5qHpW2T6fs42nDYCxlAA4lhK8uPZIUijey0VBaIh0z9THenTdTMXAIynOuukerPra8+y0TWKBnBcmp63jaNS6spmObghpKXNw5omqMeDxhF5vq/V+JZh7qM+zPgdXQK6w1X08D/EXI3HRA7jxpEScJxIXEdwSR3V/yFgdoZurvTQCXQ0g+yQPlhGS9464r5euAKKLbxjAdfSUGc/FDyGyrPPlBOKNSHQ87wXzcf/RTmLPrXXMn3WwMYB935BFGgMnlXQVnBiAz+oa3McVL59DxEv6wj4IMSp7YV/FWjW7lKiUFN/D4KumiSxbct4ieQNpS1dvbJ46HSuh7WrOQhIvI8zho0Z5VDXAUeJpPNhu6kjmIclKjLzflOmms7vdB4/73IfOLX7L8kiX5OLw7cd5GM8DdaZod5QmJs/2pWF5930DcBaqw0Lut1/xaVFa4Em+/30wu3kCakKi+SaZTb6OAJeXN+l6QZEjMt9C6gWb3KHNTgFLZNmgfSbrDSDRWiJPhSQl9IGcCrVWD1aMQlmPM1MRNtPE/ngkS7Kyn3pgnmdKKey2E5tpQ0Y5Hi/Znk/sNoXDoTN3mLRS63vJkkhpSy0FKY9Hpj9BvuuTqDmh/RoJYeYc4Rp3Pe7x6HzB4X3vps5HKuecbTLHvYDcx7Xzx1N7o83v5Hj8PTapQtugMnG8tD4+h3Ygp8TZ9euUzYb98YCmDWfn93JxIdy6eeDmjUv6wYzrtNtwPB6RnGnaEKfIZ5z27WN/51qtD4gKrR/JxQzLdpMpBY71SNsrbU4GHqUdKUOSDbduHLh9cbQsb5rZlond3efMlwfSbqJfdDYKuSsbkk152h+4dtc1KIn5/vu55+67uHFxwWY6A1EuLm59hBflnSgGPtikAh1OXKAqgocU9mBBm43ebnVk4CQJ1GUztmBsGWPnp3HdyZZPc2UyNo16h3XrNyFR8jScIhbnUsLhtGZqEg6mXegwZsPdUsbGGQ60eOPMASQkz7iN+m/1EcQBkoQzXCEaEQIihZS3SNpCEnPMg40imVSKMXdk9itK/j6r/bVeIIrqjOq8cpxtTLYINM/yWTZPxn1LKdO62Mje1onhD2vAJvzJwQZa/9+NYFCuh28e1+/Tb5ZHGIGBZWV66zEp1Z5ryfTW7Pv18GEC2JIBnkkS5tYsAHAgKzJDJ/nwiAWEMuj6vXdKzleCQgWi6aZ6QFCyAQJR7hfO7QDjWILBdbBDvDIA2mC++fUQTJGgYC/OmU2NCd1cyugsCFsCW9VqV+SlR5IKknZInnxNhy7b3pSnYvpfjx5cWlPEaMibU3Gn7+jHDlcxMvXBgpNBf4+eMSllWjPq9lU9sUAz7nDsS3G/A8y54ljGN1xlE/vQzdVzkKC/Nzuvl10IFmz36PEVuI8sT2jdTLj1Rs7ZdNOPfQJq/iDizv9gn0UwwJjUYoBiNOFkCQp5MF1exrO68j4HL4JtY+xMPw+hn7HPB4BgZW0jWxILwG1EGuuZYTOJMtV1EsDL/qxkzgNI/0yP3jaCT3HEp6NZCbDZTXFwZkPKGw+83C56CWEuBbTT6+w22hkk6jY3TQayErpp4IytZb1i84bd7NGjLlNXuhl91a/qpt96by7rsZvbSH2YfSwYFfbGrmqT7GwjInbb3vx30fRUomeeM5V08TbikWu3MjIEtLahy7F/rkc1n+ThZfRniSCfZf+2tdO89A3TreRlvj2Skuv9Pt43DudJOBmg//CTvKdRGmPtY5R0AAgOgPg14DbN2DpRbiUPu95MbdZ2c0ksoiA5fFpngPgwh/DjwqftOnvJULEvliZIO8g7SImuNm47mLU5b+z+9Wo6i/nJwSwV2TgAVVFvfL/0cbK7r84/SZ7k6X7zJRV6N1+wtWC7Lf7AAHocHBmmceXTDr1xHYtm5LEnaIvPBVvY7onZzOWEwqKbOAEh+X6cVs8jwCVt1e2mETc+mN08ATUurXWrBfb6+jZXK8WRQj3chjqb69YDDRPIiUl2tHpJrw+AbNhs7iXGASbJliXrdWz8KD5vXbi8uHQigEAWjvsjSRJnuzPAApx93TOVYg0JPeumZC4uDpxvN9SayeUarexge4aUx5O3T6Cna0Clyrspu8RUClkL0s/pKlx/zBM4Xt6k5y3H2/cjx5ukckTyNVI/Mm2ONIU+bygUik4c6wUpJ3Y7ZdrsQDKHNtMEdmf3oZxRu9LqzGazJeUdkjLHWimTOcDda97xoLKU4lxv7wLuNe/qE2tq7eQ5gRtv81lMOY+q3HXPXUabv5iRPkE9knLj+rVrqAjNJ2X1uYMzczbTBFNmRpkPe4psOdtuOO739FaRjU3GKNvdh30d3ukSJTcx3jOcPSJDp9Yk1qaWxNQGVoi0HSflhNYoDYjwSUagN1zHkVWy38fGbcFGgBiLwzgQF4GlhreBZkTKOMzVwEbG5zXAiHWPB5ZrHLWkGv1TFiQ9pHfL5kW2RMVGGEqybL1KhLyz7TlEJtWyC9nH9Np3b+M7BtPFxgVCZAJtIk3361uVio3+EoWgm5ovGK3gHuRIDk+CEehFWDj+HgaMNWtguVHCwsBIOc7pgW/UHkdTWPdgknQiAyvLg3EHI0ZC6jDCI7Nykg+bhFMaQcgaXLHfL2sokcjZwVtXryXmj2AtL7opZmcXvXVHaTjKq2etSzY5ll0PqneUxhEO1ypodenNJrtYhtOmoCHJav6T6YkderbAMppk+8aQyuQsB8vq0aPRYfI1HOVB9h1Fxb8jYx8MdpKKIlKwscvqoJYsvWxaBFirjWjopiz6unpIoZPhtOrD6GZXJefsgUEAaPaeJEL3GMWYM95vauim7xveG8dYALE/+eM+lVf8AcQYHxB2M63AgDIAx9AvK8OBte6F3YQltLzSUNYlAPaxh14B+OJQboN7R/EgQvLq1+uSuJWorQBd2fgAPIRV/421/l4JYK15b3K7KZKHfbC9YfL+at10U8Rb+rhtQcgFu4di018sexEBpyJJnTm2HnEck19io1rspt3rZfKcpES8rferdjMSGaYr40GMezve6bdHFS//WpgUuF1N3uTOD+lKZckgiyb9OemD7eZaNy0G0b4Aufb8Trr5sBK6Ejc8yuaI/dwTCt5UNpiF5l/ZHpqv9ChjPJcAR+x3/v+Vz8sAgZzxyIN8Wgm7GT6tDt1MUoYvvKjTVbs5TnWlbxmjtH30LlJjqXZJV8ovw54On3bYzOIJjrCbgjJD6v6621cglcnOlWPEfIBQDvBLlHcFK9ybj7s/ENczfFgvy1zAGQe0FQc/fKNbfecAfsYuOQyWjN8P3Vw9r8FkFBZmffdgwe1tzmnsHYkEj+jTGrgcSeDl+T663VwDNb8LPOER3/kxLDrf8OZi4oyOikglaYNWyR3K5gxVqLUZMpkSebNB5kLZKI0jtc+Ukn2sZaOTHOmzRZNzoc6Vw6GROswHZT4Y5XXeN1JJnJ9do9ZKSolpmjgcjhxrJYtRTLe7HfvjnsOxcXkxcfe1p7A7v4c6JaRnKtdp0pF2y6ZUpR3CBjST2dGa0LRy+3iLTe6UqUOZ6fkWm+1N5vkGx/lIPVzA3JF5x6HOaL/N2fnE+bVCSxta36C6RQW2Z2fsDxsONw90LWy2G6Qe6cdkI8unYhm6lJicedBao1YbUxyGMnnTVkmNlDZWr986wgZVKyXR2qj1yCyVi95JaeZsdx1VmA8zu21hu0nsEuxrYyqZPkOWRN5u2Wy3toEkG00515miE6DsLy/ooty4fZvjDNvtHdOj5o7QzcPlhW8wAcIYq8X+3WhtxkbJBm3ZjV9Kq4kMgWbjHqMd2xyIBVEWzxb03sYmGec2ibAvPhuZItswrXP8QkW2LOKKmqyLsynrd/agcsceHo6bkkteDMeqTlyiH4yPJ7XyJ6HkLSlviMkLQfOUVbO0GMsdzQqRRtNuNfci7lQ3q1bw5qTqjVnRtGRhPBuiPoLYuek2oatZyYeugy+RMWUirF0KAMq/1xVxRzImclm9fRhyo87bYaIxaYceQa4ZqKDWJnx6VDgHfoLFUIXhVF83OL3dGuBZ0uJBEfhHTu4I3fzjkovbNxkUfXc6IpBYR3gjIBmOrv/b2SwLCONNA70k6YrnyOrfsV+MwJLhIA/nWYyNZVtMckdXuNKk0dfJMp3CdDOnrU1lkihYyA5CebNOEktQE6Oo63AeEQNlkI6kvuimT+zpq2bFkoyFp/joenyqRTImXPS+kJQs+OoRlHsPmBW4IyPTuHL8JfRVh24u99Sn9EVpk+vm4rTanpdGLy57LdoJC0AKWryMw6qaQ6rEBA5rkmqDZe6YYPCO1s395W2zZwm0J2sJE4H+CPIiAGJZy8NaLYH3sGMio08J4z0PeiFOkZLDfUtzbgMS3Zbhk1FWim5Lb6WzI2kRJsJBixVImCQZE8b3/KbBxPU9Pnm/GdfNlDbWNF/E4h3MV1NvABw96uI/O535ILZMFR6km13VgzZ1uwnBwjW7KcNuqo8J7ppGpt5AW/WqB8EveSQPAji9wqLwW0TcRXG7HHvX8mv3RaK00kEiXXQzfJe1XbbzpocGg+4bgdtNdNjNO6h/1B2jmzdv3O/+i5dq+16ooykvvt6c/RW+yhX/JXRw2TevliYuzyi8ztGPhgApdOiWOLOK9Xu9aXysb9Mdhm8WpTUxNXSxmyv3LYABb3UVfZSiNMeuxn3a2A+8nL93YVN21o8sO3sWBxV9iMcyEcoToz7Yw3xYA2SSgGhHZClvjBsomkfJtCQrkbL9LxwITyZ08ebB3sS/N/NbxZ9N+LTeLLz3pYfl8rTW/1/21thvnaNkz1i8NQE6wPIo/5a0TKtc75US1zJWRICmdtaYkNeHT/uhATVPfPAvf+sffbPee88GuGR/+36204Rtbo1jPVLyxG57ndY6ZXcGaYfmRPfRtGBBQykba7BblUJCpNH6EahosmyaXLyf+eIGbM6Q3V0UZnrr1GalMmWayJsMVOb5YF3f886+QWukaCiUzXk725zTSaSyo5NBOik7Jbvk8Rhqr4vR66Dz0YACDLXU2pgko5o57DspT6RpskBEMtoz8+Weng8c2gV3XW8egNkm2Woj5ULJhWNrqBqlUTRBT/RmTpRIQsrEpmzZFGGzmVBgM51xOd9GZSbniWmzpWwq/VZnf7nlnmv3IeU+dNOZdKKI0GRG2CPzEaa7Ea3M7Saz2qz7TqVshNSs/06vNygk2gGqGKvn+vYTmM4yh8v3cfvWHnJne9boWun9cZRyLyLXUZnoHrBdHm7YePCunO02NNkwN7wPjfroUKVMGaPHNiQLqZuZa806g9c+25Qs2XJ+dgY069uTEsfjgU7nUCutKJeXexKJw2Fmu5nYTMImQz8cnLaWaHMnI0iGhiPDYn+vrXLYX3KYZ1pKbM/OYHvO+979Xm5cXD6i4nyY5SG6+W/f/stqWWtFe10mjsjY2onR0pIW2n/0WVAP3LvaGq3VSpRaq9RWqXWm1sZcK/VwyWG/Z27NpzJZs7/eqgMpfThJnrKCAGkkajljcwomTpz/KoBjRkSHQRubeIeoLx/gSzh7QbNeZ5UAUVl6RowGieuAMAKioLmuN8olk508uDSmXCLl7KVOYgHbyHomSOoeXELwpsFp7VBFFlPBeS0qbrT80lKSCIFQllGcARwlmcwx7HU0cDFcqoMWnwzlqL2CJKXPdTgDSQQNmqYtirj1kBKpW2PX0NFh4K+AW+Lnaf7olmx+TNSwqTCZoNObuQ1HfkVNXR7FeD7h9HZfr/j9FUkc58odVFzxEN38C8/4TA1GSW9t9GhaDPUCYOH9ScC/+sphytnMs2BrMIdTle3e55zx4gByKaQyUbKt0ZwyKWXKVMg5+7RBA1lyttfsfTZFIeVMkjSa6ucyjXWes9fQO4Mi9CyaOy99J9R/v1yz0Zw7hTx6KBCgZAC6vbNgP+Eeyfi3HXtp0D0yWcMR9uuKa0VG/4u4sdEDQJs6q8b60OCB1wAcxbcZiYSL6SB2pd60NNZus/d2dzcFko/ZVq3WiFGwZpMISkYkM2rcbZOiqyUsAojqIgP88BMP3bdAfAkGA8Aatybuh/f50h4jXV03vRStte6M3xh77ohX76OEJUqzYl3GYhTsGta6mf251rnSHtRq/iMoD9HNv/O8/5eWlW7G11rYn2LPiKUfQixoGWve9Ct0oLguSsL1LFNKIWGNXnMp5GnDVDI5ZXIxHZymiWkqHphDBGzLepQRJNpFsoAk4oELyz+vBuur36qDFmFnVyB5X9lpvwIDK6K0mU7O66OtkhuyMvcR2nTM11jrnnjnKtfJnIPmr8v38ECn9+Tr0UoJh96ql2Kpgj8f9f5WA5jwC1IvuQ53ZNzXVIbdbA7aiI+g1G66qaToIeoBXrBXHUAJ/+JhEhkLM03HZxbgxlk6655bHkFHIggH2aIVQAAr4/EE1cpP4dsK6ysZ1xYTNcNuJrObd5A8RDef97Vfrmbj+uoemH3rbhPWPi3BTIDVPh7310C8NO6f/xk2K9ZIykgqzsZwOx1Nl12dlkQhYz2HPBwLYvzewbWhm6vfxzKxlxegFA/23bMn2DLxo66bAbCarH1oGd/fz7b8flH/sV7DL7X9LG5krPVEMDwtIZiBgqTJE93Z7a01DU4Iotm9aE9qpGX/TP5dVTvZrzEA/5xiwlzz9Rx9Sw0MSq6b8b2Mubp4gQE4Ra+r9f23fSQtPazGkAu35XELkRELhO4EW9QSuAHeiTdAlrEnsCr715Vurh7y2L6DcW7un9mY4wexm49a+nR2fh2lUudGItFmy/burt/D7q5r5hyi9Hakkpny1oKhVkm501TQPoGaYzjl4gjvJZlEqxtyOSNNwvHyA5Rtpmely5HaKmUStlMiyeQLJFG9jEYytHYLYcfFvnF+fjclz8BtMkd6O9LyXWg+t6x2r/Q+e3DhgZUmSgfBmR3JkEDt1hSwinWi79Ua2qZk/VO6zjQa5XCkHfcc2xHhbq7tPgHtWw5NKVks4xT9IIqgTRA6Z7utlT5dXtJpTFOhlEyaBGjcdfdddGCuleN+jxRlM23d2M5cP0/MN4R5LvTpOn0yIGqugHRSsnFoBmy8j3o8IqKUKaH9yKQbRJX5eEE/3KYf9sxttkDgmDg725LSLdBLSpm5dneipy1zTnTZkabrlN0O1LqF15rY68S1e+5hf/sCBOaeydtKuz1TWybnrXVFzzDXvSGqzGzzxso1FOYq5DJhzfNg7o2SJ1LagAiVI33TOFxeQhIOF7fRUphlzzZvEIGsQq+V1qAeZxQhq1BTh5zQCWaaZTIVlERPmTIZc+Li1iXz7T37+ZI5nz2aenyEJerAvZ49ejRkm4gg0fSXqHNeO2mMvi+RWZXVxgl4IOX12hGgR2mT0+FX/t0IGPxf7kRFJicMh5Kk0ZtvjsMhfXBNadTOrvDpETjEGZY/I8C5QvFVRTUckzxG7VrAx5JJHwcyA2XZqzTQ86BURnWT1cniDlI0LwxnIDJx7mTlMoxUWPr4pzkhbTgdg6cyerRYKVkwSsx+emY7qLFJfdyoHVS9nENSsFjimQhlKrTaxgMTdKn1xTNIouPZ4g58OKY9nL4B1oRj7PXw2lFJI3PRe18ZM1mYMerPpo8LHN9P/Tjr58u4V9Brs6aa2t1o35liGRd1G73QdVMuiyOpyz0MinKU0dl6zgRDZAA7vj7NeTIgRtSrYq84pDKAmbwCU4IOL+7lqwc9dk1KTsES8TWZHJj04FTGGnYH2Nw8Cz5T9tr16A/j5Y0oxZ0wG13r3aKifI9ioAnWVDzn0AUZumEBy1XdtAwUw1lCrNxwXZ9vwMkSYKZkQI0x16Iuatlz1qtOtTJGw4duxv4YwWBfxtCrBuDbiOas1jDRjmpjhR2NUgvOrGmokHKxfk3+XgvqgrK97Nt2rigziuCU0bDbPj+00/ceKxfBM6OwZAaD5WbHTe74xnfF+2WxbPKrc9jhI5NozFeVOPedq5vZdXOdWFWwID4AU/w+ijiNfdmzRxAkxnJIayDHg8eUymCrSIr75OdzADxKmmKdD9uQnFuhNjhBJJ5HBypK8vYqHrj5dS2xmger/s/Q0/F7/4LKKhAct0K9PNkBBrHvMq4xDqILHrFOZkRJbAAjrHQxZ2fV9CjpY1yQoKQUWWuG/2efjfMux+19XgEg6+vyJEHoZgSKGjq8sH3tZUFFRm+YZZ0bQ6ip7WFjbLYKJGsqHPcn9ozoX2JgroxoLZ5tHNuA0jzuj6JLvx3BGVamq7Hnyuqe68pejj9leR7xYpSN4XZe+0eP3VwA+UAU0rB79rrDNn5fxUtGfUUMe5q8YTs+xSj8P0lio5SHM6a+fy86HuVMtlbcv7KRJPRuU4JtPUbyCfe9xM/D8LXDnkUSwh/58AvXu6us1klCiElgoZsj5aOZ5D7tsJOrdbJO3AYDzWzMiqHldrpMOS6GSDjI6vfmcvoFu3+5gEFXfVrwZsXqT0E7SQoxzTEF8w7fmzTA70ik+p3yZ2dN/rMx5D0+CBAll5XdVEHSQI3HfZVgHvn+kWLPBdf75e6P3nDe3Fmx/aM/SDdRNaDJv7fZZhkHiO8XPu24ryunNvbs1joqPpDgQ2TUPES67tnvL8lyZJqyBbx+wNbEx+QJZTsxz3PggvbF1JySXCa0+03tYmOmVWjzntZnm7ZTmxmYtIG8oWzODewpuHMxeRNOK03qOqPMpCxImmxEqAp5muhV6bWSio2dNuc4uuabkSvFekD0uZK0o1JBjDqpzVBDGyBvIFHr0eiooe0IaUb1QK0V0czu7HGkfC9JtpCLB8aZXs0QWv8bq8mbNoU6N27eusE87zk7myyTOWVSTkxnW0rJRg+VzEY3lGlLLoLSKMUa4V6/fsYDN2aOtbKhIlrJGXo/Mh9ugzZKKszHGemwLYV+nFGttmTrTK+NggFWm2mHsmfaVFq9QecCkU6SHbuzTE2Nfd2z3e3oJJQZOLruZuaLialMlAytmtFNSdmcbWm3+wiODa0GbZa5205bdpvCxa3b3gTNhjEiSmWm5B1lsik5ymS9Zg4zrR5JOpFkcrZAps0NyYm8STS1CVySijmTnhXW3qlq9Nmz7Rl9vkSxkra5dVrvNO02Lny69mjq8RGVpTdLH5vFcAywUpfwldZZp4HmuhEMtktXHdTBmHbU1Qx8ZJXGdqeGKCsLMr04jqvgxHcr1cgO6wiywsAMm+xu49rpiCyneiYprnm8W1ZvJj7kR+seUKaCeB1vuIXjJMIAh9Iq2A0WyWAheLCacxi46NKfnN0QPanCwK9r+pc/w2jgxjMC6+hYE86GrHb6CKJxnWA0eNQRJKh/jxRN3OJpiTmktbnTbmN1Rk+PRHL66HL71n+KCJITvbaHeYs7+cn2j3geC0uHEdhqVxbWU6zByA4KkW1cXnO6vGcpoqdBvGdkme5QkXhO4nRWB2qMDWGOZzhAV+myS01zADrhsKQcmeYVU20FhAVTRlIiFyvtTNnqxHPJY41eAV9YGGJJ+gi8jW2TB0slfuwcBuzYMYLdszjNKdmaCUcwuaMbzhyMpw4pGzM25cWxZPXdQ2tlcTwX3fRzJQuCk4OdIwAM3UrhUPm6SgH0XA0qr/S6WjnUIyenDqJqsENtA4lJVQkDhmWUfcpYojbVMBqBLxok4P3uVpOpxjqIMZ9X/Dvf3pamhK0F+KpjHzYA2e9nSk6W8bp5D2RS9NLxgwabZPS08HMZ3V6veJ/ZyyevLnq7rpyz9eS6U8VBMFNDb+oc330EHw5SGUK4gAERwMR+7dlQ04+8si/utyYINgMBdo5AZ/lccn1zI3Q1KJW17sh47mttGoyYsWZWdlLdR4iyiNAPXSzFshD6OGZKBWOuXD1XrJXVVzWb6SDJKA1c72nBOhhx9xpQtX1SdHktWF6LPVhYmoIMdnYA3uHdhEMxAkEv3xLCbvj3k7C4Sqcb+0xjD1i+n+UxhACuFt1k9K24WnKIB+duN9tiz4Z+cZU1Zb824MESUQ6Ij+9lu0v4Ogs7dQkC1z7QVebh6r7gbKA7pyzxIaLOtpCwg/6q2TqAADPzuJ/+jmWFyrLPX9GNOMfimLpuuS6Gsxy65b5V6P54GfH7HkksYxTbbZXlnHHd/qzDXsdpYs1csRXDCMT7XE9j/wGPk7P1ppEVoyh2JVn0aNwPWZhhaeXDJhGbwCvJb6Ctz7DnA9ARsVh8BY6aPxm+jutdWp5ZlszqrtsNcp1N/iNJPcnUxlNMDqQRuhKIVvTEDB3ui0/bo32QJJJGkhNvNu5TCh2Yi+8eY8oDCB4hjPsfcT1KW55d1JkNvYrzum6uVuLaPY24JUqZ47UBQusH181HBWqmdMHheBPlaBcthbzZUEqCUsh5Q2sCNFLyru7aORxm+ly5dtcZSCKXDSKZnhotFzJnZDknby+phxtQq11kuY7kDY0d210mpc5cZ5QNmjb0NFuQ2L05kXaSJM7PhUxBOWLjn89I5RzyBu2C6gxJHZ2DOrL3kUFcNlzo1NnLZqSRxLIwMhWON28h7YLNBqYssDsj58dAu4vaktcLilFhyTS6YfhaoR2sdKk4zU4qm40wTY6u9wpkbt+4YRTZ7QYQDtpoFaZpy+58h+qR2pXtdsd2VzkcKme1kaaZRKXVC0QvETpCIakyJaEf9xzrEc2Cpg2tzlA72mA3ndn1lUQqN1G9ZWVq5QxNmaadNjfocLw4Uvsl6IHtbmKzycgk5H5J3V+y25wxl8TxoDZhTjJkYxmYziWSWpO27dk5STO3b12Scma73dFVmGujJ6PH1T6zv3lk2hQkd/sdGdGJa2dnUDK9dto8Q8OCBDAAMNk0ii5wdnbOfJiZj5WcJiQL+8MRknDcz8y9oSmRpg25VVLtvP+9v/do6vERFcv4OkIewY3XUY9NRkHTgoaolzl1DwQCNIlGrdZbJKGYA9ragVarsyOMdtmamxhJdG3OthFatyxg/Ns7kQDuyPXokr5i0HRYl8koBuS0ValUSNRzMkAfkzDqVmLiG7sHpCIG0qw9Sjelw5iZIYuN1AxfUytXGcGtxHfoHsTKMJBh0HLJREyzNBIWP65v3BrgSfTnGNyBsfGnwSCIjIBnZqWDWLbefh/lm/G412yoCPjNWegOlIxjuzGz9/RhpFDxOnwdmYMIBFPO/ozMUAazxpzRNZ3Tv7Nkf85LKZytyQBtFkc3eQZx7QiMJqb+fcKRiC881/kPoC0fXsk5SgD8bgzHY3EM7RkuLlZK4k3m8V5IS7kdSTzhIF4CZU/eHCkDyu2nULIDMyJWppvzCmzxNe7lGTkXZ8KIB4sG7gRwkpIzc7IzZvxYKWVStt+NEqqchi4IDvaIOFvS4NvQKTtGQWQiQJ8Ap66UBojtWSlnAnRpXmI5mEWum9q7Zfvco44AEKIsx4LnAFi7QnJ9jFI8r80dTmVQmqNxqAUSDtI4iDOydeKjVF2ZBkjpjpiNDw3dZeXgmX+wAEKM7x7Rn71NfHyxEDXyrRsCG+BTAE6DBdf6CPVUFyc0Jxm62aMPyQgo1EHSxWFvbSkLCr2NgCD6JEQWuwG13VElFlckSYDEHgDpQj+/optJbX0Q4L1acODjmlMKHRX/bPbSuyXeM6DVGmoKGXHdsvd6A073icKmiuSFLTcAS4beLSwLk6X0w4Os4eyvw9cAIRabN55lACARpCQBCkJGH3SeAUYQ2F0s5lXA5O+NAESB1qqByIE/wChvNoZ7H3YgmJjSu+tjX0BUZ1KwOkbYBsWZYwOsWQLjRTcjovbMvP/Z8H57ETDHd0a9p6ws37v7b66ArjJuSkwt7N4IPBiBoYdxb1rrvhfG7+L+r9gKkfRIy71cwRcLiynA/uEDyFJOtXpd9c62mwlnFrBeq85oG0EyLEG775ndilMDzMd10g4qzk6FJdEVOpBd9xZAAhhA6tiD/ZihNyXYpSyJlQHYyvL6uERZDmT7QiQl/Si6PNnBjCWjzdbt0h/M/QAe7NM603r0DDR/S9IyKS56xIzm5DAS1wEix5oT8aRkTqNsN2VxO7iUQxnT3PYOSyRZAjwnGftscv+C4W8GE1FISccPLCDK2pc1DMj9pOiVlhYGfhIDRVvrYy8Pc25Vj+GD2QrDYwxLIqUB0I7WHDCSEOGfxYNMa0bsSvd9FV7ZJ6K3j66ajkeCNAbq2L4daJGOnq0PJ48K1LTjLa6fZUSLN3W1DNp8uCBVIZ9tUJ1QCqROKlbqk6cNpWzoTKQ00TXRm5WYqGSEyQYuqJAT5JJouiOVDTKdo3kDVFJSimTofgyagQkUeqtAJ6dsJT3NHCrSBJqRtDECsveg6b0PvplNprFNWLtdkypot4VQ0pFjny2IbI3UGnV/i5xmSgJtDSWRNzuUM1TPEMn0fknrldQ3Rq1TmzOvAt3HBPdqDTE3uw1pM1n9ckocjgcuLvYca+N42HNtO9FRttPEsR6Hca5zJSVhX2ckFW7dvODsunJ9YwCIyMTt/U22U6GQQWfq4RbSZ7ZTomFdq5NPnClaoDZS2UA5sm+XTFNjKteotTD3TtcdUu4jHTbMx4nDMTPPnZv3H5k2ymYD/ajMtZJp1Doxt4zmHUKyxlMkeq9B8h/Z39Zs/HGTzpQTrRq4FfhkSZCnbCBTa9RejTnTM0knC/yDp9ogdYUWCizUbr1Xbty4wSQbpmmD5GLsGbVSvplOT4mWMvtaaa1y+2JPeZj60ztFeqsG+I0g3yYb1TZjTI/JjIHXaPvuMox3gDOtd1pXB1q8adjIjllgHiBL9CyIv48N0cGe7khz16Xp63IuD7pZbVSq1sepN3eaVj8e4CvLuQDvueBOjwdT6pNXzBG0HVqHcV9Tml3cAYqu/eBGy+9NShEQp8X4L67alYxngD6xXa+bmgZiPtgL2a41ubEax10FRRbnCagHi3YSt6FWt53Iw4czmmamt9jbnCUVn4uMItZt3hwE9b8zqOFRCx5PKf5uYGe7Ejiu74YBQVHmFs+PuGC/3WGw4jP2DOJZ19oWx4ZIeC0srIW55c3XwgG/U0W7Tz1KjAcR60EYLJnxfPy7Z8IRcqfPAdPkWfgk2ZygpJ5A8PrynCnTZoAtASbmVAYTZ+kzs+qhMdg14XgZeBOfKQ/uYxN/SvTASeN4OVsCYmG5BMNMnfGSFqAmZ5JMiBTP5rkjJlHat2Sbg/UQyyl5D5oY3R4BjK0nW+MLurF+Jrr6wwKpntSSTnZyZ2C6hdIlix+NgK0UUxcdUB06q94cUcKXwLo1KsYg7t67Y/S8GJlIvFG26aYBO4HkuO6svsYI1OLcAaAMB52hp+YstmXvjM9HMOFKvTCR7D4Y8y72/T6ynGGVVXEmUeybsjyD3ld7250n4tNzFnBude80Mue+n4uXPTiIkLxB/bL/izNkHIwJUN/1IA3dcMB0pcvBxgn7FPoeAdNY3+N5rYI9YAkGF6ZXgEywgP3x7MNXAAa7kQcBVtb7yK4jygM1AI4rusSy1la6gBgLVVfvsXHz1tcydFnAy2IDNLHrCL+gVwvUs1eQmo/Xxj4wdFPD5gvWsNSvczGO3leimW6SVwBGAimgNknV9HOZUonosv5TpquMcenrJJKfZnltBOgyfreW0BPE+354ayizDULSJYC/cs/HAo5H12kSQKLbfj9DBIFhJZuv9RjTfeeKlXIbkK7jedvwBNO1KFlXL5OJfc72rYUBNtY/kSDxwNt9RhADKAL8dEY1MPbisd4C9JEozwqRle7lsTdf1c8FoFlWQ9iRAH909B1b9vVOlNKbKRCnsGSsobDrph8N9X071oEMS8HYT1gSHAiuC3avxsQqsd5Q4aMG4KzdJx75fc2RsPHnk90nGE2QtS8MdN9HEwvr3HwVBakjeRKT3sTLR6P9wvD/qhL9cyT2De9XFfs43RJXsccNIHNVVpfSwqKUbnY6jRIp96GvlODHWgifTQNb8ed61e6qqoNsC7i3bE1rkGYZ5vHBdPPRS5/2RzqZlGbCtySLNRUWBQ62LcjWF7wyt0ZtyrTZGmgiia4CUkhpi0wJ6Xva/paxOMikAp2JuXZK6TZznUrTxjzPJFFK2VFbHYh1GBPxpmOGOluAk3K2JrVZqG22ppsC1ok6lNG2tNyFrtUaeqo1Z4RLmPdobZb1rzMldUQbh8MeSRO5XKPLuY0UHEVf1qCwt067mA28yZmy27gRz9RjJeXC9uyMWq2HSk+J7bVrSJnIl3vm+cjl7duUzeS3PNHmmYsbe6aNUUJr79TamY+deqwIiZI2dMncc/0uWq3sb10wHy+h3aakSkoTytZArcMebYlOMnu1mUjbe8ntwFxvI/kaUs7ZlInDZeHGA5nc7wUmlEtKKdTaubh9i8vLPWfTzHx5wfF4RLnGYd4wTT7mUSemabKNRQyptZq88cjYnp1xPFbL7yUzviKZ2hq1znQ9MvcjrTfONlu2ecet23t6VSuTU9tAN7mgdSY27MhqJDq1dXs2faaZV4EmQVLh2GZuHi6oYvf3qM0YYXeotFrt2ocvJyuKuwMtREbHzFXv3Upd3DGIf/ceTjl0n95U50przbKpWDBtpVCN1q25c62zAT3N/t29TCq6xFvGy4EVd/xH0KDqx6mDdTGyzqP3Q0wU0cW5xHq3xN5oY3jt+zV3qsSzJDFB4Yr5jBjON8wFjFkMqtWQy+gFMIxbGNHevev9wiBYnPnFWQ4Dm8T6eAggZQm0DO3vwbJlUFk9+zmopL53WLlYUJ/NIbbu9+KZSQ8QJVvJmnbwZsp41kA1xr8uxmN4JFfNkt8sr9NvDy11iLI0y0hE5tOcgbFeHlQisYBxsIA6tvaA4bDE/QMzZi2yqcPY3rnlFRH+AgslWhZAAJYgNyYAgdrY9rQAKEg0LfVmwO6gDFpyXoLBB5fnLQCMl1klGeBKWbFm4v05GzCT8wqsyTKaCecs1kct2TXZMaIXTjQdtq+ag+kjHrAGqOmOpjHdZOUIZqdzy2B+IeL9oLzcQ/1+RYmEZ+fw88Ra7j6adjwI31dS1Pq7l2Rr05vGYsFXzl4H36IhqemmRn2+RZhDS8ZJUnb9imvyrGAXajW/w4KHBqG3LUo5ugOd5pCaHkRWcGE0xNpRWc6sOJDqumkZUlkF0gGtdC+/ckZx9Ul6GIim7sSb4xu7pQyGpgZ2FL8ZwYPf8yhN9f2y5DtYNwO48GtdgprVM4YRcATeZ/twsFo8M+yZ6MGytE8SQKKVopptHiHbqiF+XpUErgPuNdtz+QmgNe66Hyc+73FKMMwsfvC9QkCcicnAXJTkDLJgQg4bEys8jKV/s95jB/brWAUmcd3BIhtrRGUM+hgpD7+Qrh3qEhDFkIOundQFzQzdHOwz9zXwQNYuwrPSvgksMH58p0U3I+juXWjVHVDC5voIkWZtDmzSlPnaqgFeMYg7a1u9lmHBAsQdd9R/Gal7otQKB7+TM7ccSpIInlkcFxZGG/7cgOUMY00vfeJ0deqlZ9edJ+pMB419aeiqDL0BWECIRRNk1WjW3wTBSBssugUoWHkZEXsv695ZhRpA2Hqz808NHZOVnqZ4NvGaHXgpccOAuHGe5T2uVXY9ASIEYEPYzUjwxP7rjqMu3wFZwJgr+8haJxwElhxAP97QP7tdlXGwsL8DEvIvnbKQvWTMwOhIShlLVSR65/n9ZLlPFp8nb3WRAB/njcXuqPm0wRwSlh5ENsGtj5Jj6/OYVnrvoHtyW9z7IMqyAu8sHjLWUQC8o4TJ70mU3EdvvNraWHCxJpKsy00Z93udYFn+LmPtdo/Hlh42j66bjwrUbPM1aAcP1A6WCcs7cq4kZmqd2evE2ebxSErUfjBHLU9k2ZBkorVKq43dtEXTNbQfmef7od8gt4lctmjem7skHfoR0QOVhiRFqB7oFM5y5ni0MqypTNa5nYTShpKLTNTjgSSz08EBPYIKWmVsYFOZsJryI6lf0qXR5s5hrmi7DSlxtjtDDxVtR0Ssv0vZbtB8Fzrdy9w3oJW8OZD7GdLPqUfQWkkdapsp1yZqV3Iq5FRgMxmFKhVkM3F2dm7AwHFmSskGm5XMjVu3SHNme3ZGyZnD4cB2Z6jtfr+ndpibfS6nM3o90KXR65795QMcD5fQhT43+nwb0p7EjmPbU/c32eRMnq5bqVGCMm2Y85ZUPpnpTNAGx2Pm9gPKzRu3rJ9NvgWi1D5zPGRaTc566vTjbc4K3DzuaWlD7RmdO60Zo8k2B0WlWgPlktApMZXM8Vg5HI9cHA6kPDFtt6CF3hKtNrZn2cC0ubMpG+Sg7Pe3beG3zqZMaLdjlZSp7UhTpXZr/tWajWc8zEdzvqYNFWi9stlsyLsJ5kSeMrODAJ/8pCdSrlDf7ixRxem1K8coZaciNpRq5WY5aJKWWbUsThqsGQNqnAXTGq0eqbP1X2q1+QQo2xzrbDrffCqUOU1Lg+HemgFhrQ1acot/B3vCPxPn7910t3lwFEEHDgoF9VmDoaNtCdLcOQsatRnEDFKwgjAFieZ9AexeCbEGqBJOd/QAEIGpTCOrudA103gAwTwwYyUjEEICSO4+RccpongwNAyxbfhJGBlrtFmjspFNZWRfrdeOSWQBuxrbRcNaB5iUzEG2Uo1qkzYaI5gaxyaM9cqZHE6IDPpm8JhilKqoT5Dx3iB0a57a3ZkeGWpWHlc8r3hmfj8iwI6AKZzbq7X4YRCFUpb7cCfKVDYgkSVuV5w5AwuiGaI7IhJBc2Tol1IgY8VMkKwRd0pCJlkjfwdqsjtK2ZkxuTjAkcWmQDngkVMaTJqFdWO/L8V6eeWSKWUpn4ryplyyf94n12Rbt7mIO2TO8smL05aHblhgkVJBstu/0BmxentFjCGXVmsehl6GUxS+acr5igOdXB9tmhFEiciaeRIBZZTpCTibxYDM5uAJGuC2MzWToCTwSSSjVAUDOeyCpxHUa7fs+ygZsncOxmI0Ljd9aFYkqtboU91zCyDTPok3+tZFdRVoUa4a5YsG2HYUaTZREYm1lr0JqoNW3b6TJoZ+WqmUHVxi/xxBLCxgI1cCk0hvCVByvqN1M5oJI8HA4oo9GZzTAAPDtiq2VlcAsZUATh4INb9v2XTWUMrRfD55wDLAlRHMRHltAPqx3v0uui5cCSxX+mbPziikMvqedUYoqh3bgqzEIaewm7BEHSu76YFk8nKbYDdoV6R7NxVPRjzEmsoSvNipzT7gvV5aG7VRQPgvgKj7aCw6gjPciD55dfTTCz9AJHRbxrMUL7nF9wCN6YsSYJBQm9uoFViCKqNKNwLsVj1e8M/2JapawIEFhhl3Qhj7TUy1XCeD7N/B9nA2rftfsQ7DzxjNoAkQarGlFrhGIL8waoj168B2vDaVzfj7nShJDPA2l8F3lLhlnvDriDHpJQJ4QL28dXFcPIBOXgZaXSc8weXrZtxXouzNgQ3fH0K/AjSTCP79PbFHLA3eIaaIrTXDcQO/vIXFFqWwadVgfIAusU+kDHippDPQxnRFjJEX7HI0fMWV3fRrV18OYTfjM4In4pxpZskcGZ8rOQ+QP9bmktwJd1ddH5PDZct0RFBvUbKUU1tv2UT0qLO9z0sGu4zm3aT4UsueQBJjV9HJySYmh08bycvY0gAkhw+8gCk2XTgh0kCSpcpUPf+r5GLrbWwGncEUNXZO7H+uZ6OHp/07WLMB9KwB2+EHKpDdNxbYbLaPajcfFaiZ95dMu0SZCmVKtN7JZUcpCT1ekrOwnc6GMWpzswdSCuSY3tMpmw0qlkGo8wx1RuiUKXlGXT2o3KBtxihdNmkq5cmCwH6g1j10A4LozRDoZk101R2f7jdU/DO9d5J2L5OYUM0c90fKuXC8fB9tfz+J2dkF0JtSRMmbDf2o0GY6M7UfLHBvHZkKmoxtMh8vLIuHgge907RBWqNLtcx7sjG9NumkW88a6dZgWS2Q3O4mjl3QTWeue3bbHTdv3kZUmHYTh8ORaXPO5eWRw36mtcRxf+Cee8+YtpW57ulzpdVL9ocHoDWyTLRDZTcJRZReL0myY5szU8rkaWLWTJWGThtq3iK6oWzO6Ic9H3jgfm7c35mmHWXbkHTgeNwbqbtsvamw0KUwt61lvpuVsu12ieNhRtKWuYLWRkqN7F2g+lRIU6aIMs8z89yMIRLTS7HFu+8GFG42W+Z+ZK6dSbwnQzMUeDMlarVN1EAFBUmkkumS3crCkYrWhqSKpkzXTHcWzwN15qIfSEX5hPvu4+7zDee76dHU4yMq8/Ho9OilpEQ0QXLGSUqoj18NAMDAncUZbW1V1uTOyzwfHYxp1FqXEd0OsLTWHJBx8KZWG+vtn+nOWholTZ6Z7j7aezBv1CaGRbNi9cz3wq6ZaW12I+ibXhixyLD4JqdqXdhtL/YgQ5Ztz19eBYCRyY/eApZJDBMpEn0LluBHYHR6T97MzgywO1teg2+ft418s5nIZZU1DUfdS6u0M4LcBel3pk4ujPxlLtboUs3QWdaxDqOJ4CUONmHLJh+Hq+BBmQNjWewYvYlPnTHnoi/+KgFUmZ+ysBCGjEC4uxNjHbEs42A3einEWOUbAqTR5TX1c/R4SMPD8ZJGEWsM7o6LsToWlsadKAY2GMO0FG98mJz56d9JA6wHD56jN8ZqepJn62PymPiULwP9k7FGfTRwMF9S9rKk+NOz9saYKcso7gG6LCV+U1kxaXIawI6NFJ5ISRzQUXLqDhItzICrk6YYwFSwEFKxvjRWvrTSrdWkmmjzOfrqRJngOB4DHDSwwKnnGkyr5NMF1YMs9TLwAGpAu5JLArEOLeIT82xggHt5q4AtgOCQBUw0MQDYAnN6p9aGtXay76/ShvMpImMvi89CNK61vaBHAkq9ADDAav9M6CYwmG6jbDJ+nxLRI6BHsC4Y3X/0C3B/1KIGK2NTb7+qBn7ZPbsK0KgHRB1i/tzQzeh5dKfKUrJkPoI9bw/kexsls6MEbkBQslqTDtIEk83fEcBmBHRJgsURdiOA1VXGW9bsGhnPZZQOro5tq8nXQZRceOXg2Gu79aBbM4bEQRR7np4oYAn6JR5gMDrdJqco41MIpq7fRN/PPaRcAx4wAFHTk4QliWzNxeRBEQuYck5+PrMz9ppgyVcbzWmMzQbuy2jDSxVioG1iKEcAIH4NGv3njBpHnS05NWJsbSNZoCO9bZ9PupR5k3QEYer9+qxvHMu5BQ+dYRmawGCJ2J6VRiZ9AZAXvWUEc2PBem+Q2B8e9P1Y2CKwlPz0rjSMZXzVbt655fwG7MV6TQMMM9KF3cy0vjexC45Nz/+ZxIEJD4Q92JeVb4E/C1eNIWF7R4nrWhfD/oiv7tUzCl0GHfvfKEkbiSrXg/C7BiCrQ7+X2dJ+XMIW5uW9w0+1+Cun5O6wOtMtDXsa92WZ8rTsTbEPhO1ebqVdd7QGSJ7o7KpMm0Ip7o+AY/cOHPl9Kd6vZgwUkCXZM5iBOftU1DSYrK3ahGTxkipksb15lBy6/94D+AhwyYDUSLyahF70seeED2qlRsmfoX8uyejrZvYg/GM7V/SqWy+r9XPy3XQAOcsOGzAeAyPvhM1XplwGYP9I8ujjue9OXs8ltDlmom/IKVH7TQtyurEeShaKZlQTpMkyDZgBam2mTBX6DYoeyPmaHZMZG3k20aqQNzvSZkvtF+a85Y2NUaYiNErqXsPWrBdOmuz65gq90+vRKFySrBFtc/oyRn+sHVLZoV4akpIiBdIMde7sLxuSrOlxSdDmCjR6qshZIdeO1AO93aZsbAz0lHYk3dDm5CPfClCoSUm7M5oKyI7eJnqvSDoAe9AKTMzHAyKF7fbcDFtW6AeKnHO+PefWrfspdUJTYe6WVe890Y62ZJ/4hHPy9v0cDheUblnR3W5Hqkpumdbfi9QDKVeQRJOOpI3dWyYahTKdkzfXkc1EKXcxaeaB919wuHnJdnOOSKc3YUpnnJ+do61xOBysZpEd9Zi5VXccDpekouS5spkumRJ02XI599EIkWYNa3suHI5KO1ygx8qUJtJUmFU5Hg9stkLeKOko1GNnPjTmlphbJ08TmymR+uygZKWSOHZzBKaUyJsMZeLi2Gh5orbGoQupCLROb8Zymqtyaz/zARqX9Rb3nlceu7ubu3eVlO7cpog4nZ1VAz9xZ95K/bLX8bqB6tHfwzaNcMZGJqt3Z7/ZhjTXylyPFnRUu1/Vp2LV1mjdpntZKZmDL20pfzLQxQCd1hutNlqrCyhzpUzKSrBUY1pVlO3YrmbgTnzPVVDihmuUdwkwPucbZheCMTpEjH4Zx4gpTUGTHU7TAIeCcROGIQ7oWQgfu7xM5TGjt9tOpGLXk4jMaRhlB5n9NftiXh7l5ROK111nr92VhKjQdLb+Xh7wKoqUpXY++m9Eb4yONX62zKz3GkuApgGUpOTN6/w+WeZ/mB4iCzCo1EkNAGqLkz0c3dEk1++QAzEBaAfVvo7MA4PlABH4WdDQUSpK10bJGJtElqDgTpQy5ZXh9v9LNjBRqgU6UkZgNHqSJKvNDlYJyGC+WIJ+gw2HiUa/VsJUcnEnCAdKHlQKlcSZLsGQebgeNMHMydY3LWf7fU6UMpHLxsGc5EANlJG1k9VxAlgyvUt5ybIZWLNqkjqyguaMxoSscGBl0L3Dme7DmVFPcCxBJqDdM6kWUIn3e4jghdUaK0VIDqCs+9pEU8YAQhlMMwdjHAjtvr9ENltcdwOsFompNb5/SGE0I/Zna46l93jye2S/WfRmRBfhGIptcbF3hm72ledozcz9pwdw3S0b6cBVEjtvEx3OI2JBUcJ7jHUZQWyADSPwD53GguosasmftKz5O1FyiTIvT1eI65140As+fSPA6uz7kIyGuKP0MAkp+i9Isb6LKeyNrYmcJ6LfjEQjYfGmwkOvA5xZgsARRMHSRFocoBxBZuwbV1lMI2b1ZzT6PIUDIG4znMlhQWkDLf5511hdQBddHdzWZR7BiJ3K7JwC0Sw+7GGAoKqm982ZKorZe4j1bNdsGFmzPpTqgVYwUxRqn+lifoKyAJRgyQ8D9TNRDiM+hazVTqvuG632AsgOeQRgA/REdZtlH7Y+N3gvDUuAiWfqPUiWRHeG80hYRDmM2oNM4b84E8B+pWMNjtYrrvtLQsg/JzE5xp6PBbbirpISPXSqN9jt2sne6zO7P3inSp4WfwZ8HaUlCJYFzVqtd1mSb/FOdWDLmTIpSt6CfR6aFYF66N2wNUKANYPpMoA2lvPr8rmRGHQdHdeZMkTfLk8uBtDSHecb7J6wUwIkGXaTYACJANEgOI3vEVOKkoM5o+8ODPZdAJNxb3LyBDbd16WX53brrYLvVzkYKZIowHY7kd2njQECZjNkgCnhIw9WYUq+d8YwgmJJm/i7JHq1iYnmP8StFMQRCh0NeMX8zpTR1g1wR736xlmiYUfVjGXXtOgh5iOkbO8zRmpMz7R7Fv6subzRhgDTHwe71WMQ7UtZVtjhrr6bxDGGbrrOqvqQoWa6mTI52EOPII8K1Ny+vMVut2Uq1lMkl4LQmb3PSu32gK0sorMtE5CZKGQUeuVwedtWCwmbBDuTslJnJeVMmXaIFAd0bIO1spfZNywBTdR5Jkv3RnANVZs0k9igzWmraouvKSiFuYNkp0dpp2yvUXuh7M5A9kzbc2PpaKcfZ+SolI3dkrYXikz0WdEu5OORrrfocj+6OaL18RyPZ+y21+m9GN25CyKF1pTDodl8+pKZkk3HEsnsL44cDjdAZra7c6a8oWlDW6OkzPF4G+VAYsN2lzlUOM6zTYESYZ5t5PTcZ1LJlKxIO7DplSKF3uE4N6hKP1ay3EDkSFch53uY5wKpoVLZt8qRHXff9STS2YaJjrbE5eWRWzePlHJOVXsum83Wxpr3xuFyJuUd2oXN5pxM5mx7xv5y4nC8oLYDNSln28LF8chUNpTcmZJSRFAym82EtsrxcGSbMr115ssDZbdhnitVL7m42HNxe+batbvpakya2rqBLTA2qKbQJHF77j7rCvQ4G2MkTVSxMigVpUwTeUp0zdQmqE6oKtfPC4/d7nj8NeV8ErZTNOu9M+U4H8fmHZnk8N3C6ZDEQplnQXPNAbNSpqAaN+8FVOeZ4zxb6VNTajVwZp6rgTRz87IoA3mqs2uCLROlTt0D+NZWgFD8Ti3TY2UyHuizBOujRMHBgpgQNTJQshhl2whteolIJxX1Z8oosWA06IsgzzZi62ofxtkCq9ZsjyF5doKgmkKAQoMRw9KXJpzx6BUT2dWYRJWlrI5lGZBUZEV7nVAyY+qKU3cjQI4QTrtl6EuZrmzrdh+UVi1LKZ590A6aM7VVLzNbanhp5rYMvzKnkbmKvkUJsUboq+ZsBNA2xo/qEgSM9aXDKHXw580Ilp3L4H2JlqaleKASn2/YHj6lTElgJXG69tTuOAnnbtSYS/Im+gp58uxNUJkjGAxgLo1nOUAaZxAFe8qYL3k09k3OqLH15zXjAdZksSRKWfelyYMpE8yaAG7KNCE5MwVYU4o1KnanbSqZ4lOnsoN3IOYbiJ27pMXZShLUbmO5jFLCZIFUcvZZNIJUjYSQDCYOgGUjvX+Ff+/oqSLhYHoQYqwzsItzxlkEPqNMkpHdHOuXYI8pqpX4ekI2oFjsfEaOyWRxphv4GjYwm7F+nR7vOmbNSANUDkfazt96G+WAS++LBbSJ2xDB25W+HSNja//rrVvSKCW6wChjGpF/BBH2ujH0cGfWGZgjyE7Gm3UwYewXGABn+16hJDUg8A62mSYKEtlLv28js+6lZ94cGI0SlCWjnp2pJL6Xiz+b5H15kgcfBnSWAerkZIHV0sxzyW6vg7z4Y6wblvfiOiLRNNV1hHGcYN70YexHbC7Y/wxlZEH+OioNozJP9J5GImJgf+48RHmq6VyAODh7toLr7rCl3n+mD2ZtPAEdfdK6X6t2XHccOHS2rdm86BmlzrCpLGVreYApIt1Z3tmCfo0Mu9mMNjcvb4hplJEd7w7Y+ujvYHP4Pe19KeW16XzVQRoL/sUfWvJgMII3WLLwse80B6SSswiEYNss9yb68qzCRNPPKA/2UhbzhRx4WNnNWDcpQRGh5KX0buwjd6BY8jzAGmd5xF4ogX0t+23oliLjfptESO9gC4z7knO+olsSiAuM5xiUfrNni06GDoUqrY7CSC6kYTTcpiWbFCedLNmZzraOEw4opuUYsR9bXxfTTceSUV3sZtjdmJI4khEDcIhrccaYsJrEKGMtxz1IzgJU95VzLm7TFwaJ+QrJS/nFmTaMfccSLfPoaRds9UgWee2VTdYtAXpHiTKkVMbzXRq2uz6l0Mk8ynVTsiQwkVAsidrUBzkEQiJI8olyrZlPm2PPELLgCW4lmKvGbnb97vHEF3aMU2zM7iafvMaSgFRPfsTCkbFfLsqXc6aI+bQ58UFjzUcFavJUkJyo2tGUKJsJLbbxz1WRsjHkTUBkoqk5hFQrXRCtXpbSUD1YQJntS5RSfENO4a9iCLmxcnLZMJUtxiCZqQ1old6jxkysBKvbA16ovbYYWpqQMlFKps8HLKAXWq/kpMbCmSvzoSL7mXY4sk0T836mZwcz2i2K3OZ8M6P9BqQLWt5z0A002EzXQTfUqtCM7VIbiDNftENJhYDOkySmsuG4Nxp6Ox6ZthZUaW8cWiXLjDDT+yXIhvNrE/v7D4h2n/hkx25SafOB40HZpgtSBNLajPoNXF7ctBIwEW8829hsG6nvaYeZsptIux2NQk7nVmmucPv2BdomHv/4T+B9H3gfx+MBIZPzBhKc7zYgsD2/RmuFG/Me1UrZbMibTKtbDse9o/mds605D9uU2ebC3IDeqPORKWV6a+Rk64HaKAKXN25CbTRNHJKh5pf7I00F2chwrlqvHBVmES5pHFtH5wqp0ZMwK8z7ytm05fq1HffddzckY/VcHpRDg3u3hd09W+6+LlyXS7b5yGbTWDb+O09qa2MjC+cfBwgiOEQb0RneRMYUBnO8mjFmenfwpS5/znX0p6k+CStKoJpveDHNqXX198Tv3DHq6s2G7cfYN5a3MoaFB/A9xoQvvW7o1QKIcNjUM0kiiHSre01B/VaChhxgrQxn00uBwphHJtwNy9KcHEZNb5RW4AbIDf5gNoh6eYhNgwigpmTLknoiyFkKujL4aWTG6G6k3bjbVJCMeICmKYNMEBNDwEDo2iBNbDZ5jE4f2W4Hzt3qWeBYzTE0EFcGaDbWDB589SVYNSNmWYYRBII7ljYW2MrbdLzevXnxcBYdrOkBuDg4Fw2IR6NDd1aTLHYgjGJXz9pksZ4odNJwNu9c3dxsrG+FscKi71GUyzm4lcpwJQGW0qfI5NsajjKmK0yZYL94X5l4TSQYM2WUQ1kTYZY1WooxZJKVQC0NhK3vTSkTZbLm79azpnifpTL64JRkwU12pyqLUbMlxehNSB64W2lmd8ayeBZtQzBBglFDlCsG22aUh6RAK4gsl8faiwPVo9cFEA3rkzg7L9a1v1cssDSMpw/gEFkCT+uNsTBpkMjQBkhYjHnLUqplQIwdN+dizd5XjhkwwN2czSeoutiYGFMck6ZQRuBnsUJa5qB5BjCCFVkBl6N8FBy8MtZb3G9N4UTGOhSibKX1YEV4Hx8HaIqXwRlGIwNYz2Mt2tUF3f1OluLBB7BqsBwjopPBTykTfJbQw1GWBGNcfA7QPi0gTtiUCNxiMhoiywS2UsxWDH242usMDZAgwMo07NkypcZ0x6HIKwG49iU4jaBMuzFClbYAp9qxaUnBVIco213YJrKqavKA0M7CkgByUEgcVFlqsXwtNowBbBGsiJVdI8HUsbUWwwpsgmEdAE4AtILpJt6XbVyMJG91oNgAk0w0Co2gvVXzWXIq1OZATwBgACq+pjOWBHaqsm86QhosYMa+7eBTAKYOtia3xQGexP7Ve40V5RWwKxssC6hrAIzjUmHrRgmn2DPrS3+jAPDNRzL9zkkW3XR/6Q5XzaFnY+25IQwwf23xDaCEsfG5vxK8iwAhA3EJPy/WqT3TYCCJ6UM0CgdYPY9xfWGXR0LJfxvlRsGc0zjtAsKaF9mX9mT49LnxO/wZdXJWkG7gTLCtsZLn0VA4rmP83d4TyZgACML8jWlLYy9j/DlGdq/s5joBGa9lL2vOo8fPMgE19pnRWF2S9bnzIUPhP8tIGAWzFrQZG2gzWeWDPd+VbgY+YDdkDDgR31Mj0YdCKWmw7y03YXFI6EcSmwhlfrrrqIr30ez+jO2ed2es2jADdVaPJxyFAcgsII37rT512NjIS08z7xNOTCTOGTI+3ev/DlBDLqTNlpyFeT7QJSN0qlZm35BSV19QoJJpPSGj7tN7KKDEZm2bYaFW6+eSJDlSb/QlFEouTFMBL6Wy0oRMki04XSicffWGf1bP2shJ0JIgFxQrE6KLl4N0sij9uIfDber+Jm1/G9nfZhIruTkeE51z8rZBeh+S3wv5As0zDbXeNLvHA/eSZGfXTyeXiV6VUgp9tmAiZ5/IkK13j9XjJkp2gw/Mh0vOzs4AKyEpyRpX3L48Wk3g1hyL4/FAF8uOpgzzcc+uKMfLGyi3yFXYzzNlt/WsqXB2vkWPj0EmkI2SilLnPVIv6PsDcJ3NmYFq82G2kiKEw8WRs/N7mGui5B1VlFI2lDyxv7hEmiDZGAtn167Rm3Cxv0UqG/aHS0iFlLcIwnZTOMyVTGaXJ66fTdw+HLk8zhSn082tstltmOcZugWCG0lQhMvjzK3bN2la6Crcc++9pFJsKpEaZbymQpPMTKWmxtwP5KRsz3dsSqHcc8ZGCndtzymlU3slSSH3xrVrgmw7m7OZXVHOJ2vm2npMjrozpdZ2JWufkhvzEXAkz9amxaBF8OxBdW8GzFipUzQJbtTZQBlrJmzsmnndg8aZMtWnQsUxlh8DZWpbetrUaoBLUwdrHOQZzYc9EmutGuW5d7RXH3MXbBsHOxJARTU+h6PcyUoMNEoq1gaNxXi5RICWhpFyRxIZG7aVf4gHxHimYJmoE1NoFkaNsWXsfeZaZGfZ5DE1R5zxMg2q/DCeEcunhORsWdRgFqgbtc2WoMsu435BxUs/3LksWUjSqdXy4q0JQQdGFclQPfg0xz8DzfdlWZx3N1StdwPFAvTC14KDcSnlYdCMSWOAXAvABqN79r5uQmzf2XyOhU0FbryCwuzOVA9TcgdL9oa9YFnCUcrmPYSCPj/QhXCiJIKF6HMRAFaUQKWl3jsbMBJlTEupUzT7dYDH120AMlEOVcq0sGuyNRAu00Qu9mMMHHGWTQA/3r5QGJnPCE4tq+kZt9SR1EnJsoGjGXbeIrIhpj6ZI+UBseuoekIDBzDNUTKdbd58dPhvKZzqJTPaHQgMPV/q0e1W997JEkFTGzokK8fQQJC8HNf7YUiPYNCCXnr3QkJbsa3aszas1SMtf75WiuVblfveKTlrMAJcBSJb6sFdxGk5CTj4HWccQE1kcT1YISXP3MfUPPNFbD16g9fIFkroX3i36xIbez7Zn3XXVfY+AMVkjWfzlaDpzhWJZpkColHyZLbCmsUGKLKwbGKVciWocZDG/56dnRl9bJapazJA1pKLZaGJz+TlXouDNSzrflzzGsCUVf8JIBg90fzSc7oo3XhUbjcDpBOxcn5kNXFEEsZD9mx9rD2RAcavWVyjbGwsb/vA6Ge2YpQMhJWw+bbmzP9YIa8wJqG1VkGr+4K+XkNUwZvk46wo7XWlm1gDUZwd6ve31Qq4Xqiz25IdojvDSIA+1r5YXxzsWuP7pwjSfIJbANPGTGbcK5TB1mUEivHZ7v0v7LkEeLgGxxQW1owd1Vi42faTnO0aSwAWqmjCSxvFfYGlqa2BPGuo404UB1WCtebMpgiAx9QuubL6xx45+tLgf4Z5dd9XvLbQgIvl9TEdERaghtDzON1VWw1LOVKUNRL6uWoYPAJ/Qz+9jY33VPSr97waIh2RSsoDDfUEyARMzmBxsDSNTjUwvscKLGLpedJ79zJ5u+4S/RQlwObl+2bvNzuSmeHnCpQkq+8UPmsaPq2V7impOIsm4lxf+znuj7PuJFmLktYaZdqMdR0VAtZLcbHdlrC0Mt6u1tO0B0PJ7qT7IQzfIglIaw40eS8cNda59cb1BvrJmfrd4pNQleyDK3q3ZJNGQ/GxXl0/JRIxeJPlsKMrJg7GnmGw7K2fsAdtj6oZjwrU1F64uGycne1QgWMF6Ze03pBcKNudbU692XSZtAFJpG4UxFQmRDwjLlbXnXH0ypbQaqOujvZvgMR8bOSUiW7U1k3/jN4qvc9AMwqTQqehWkliSLQ17zVQhKYkVdr+ttWByUy7uEG/uMWkFQ63mNKMauPseqFfzLQZ4EjZzmg6MqcjjQmVxzFtPxEpf4Ja76JXyMnHmvXONGWOzZDQUgSlM20maj9y3M+cnW3JuXN2PpGZ6LVyOFzSDpdWJtVm5uMBygH6hml7hohNn6mtczweqeL3ar7N+bUdU1b6oSJ9x+5aoZydIblwuP/9ZBqy2ZA2G1oGSkLbkQduXnLcZ3a7nZVuTTt63qAKdZ5p9cju/ByRiVoh5y3nZ9esWSCFw83bqFa0z4g2Wjtyedh7I8rCfr+3SSVqgVhG2KTMNm/RNkObbYJAbdTuDkXrVims0GtHmzLTrea3TKR0jjbokji0xtyi14NwbMLteqBJJZeZa9cLd919hmQLds/yxDao9lnoZN5//w3SpiCpcde1M7bnhaSzV4Rkjk0p5c5tJnw8ziAMVH6haLqhysVqACWMk3hWJ9gwnTFiu0XJkgE3BtTMgyFjDYYDuGm0auyt5o2GW7PndZU548ccTJs6WBTRPDx62HTPcNm/A5wxNk1sdObcAR7sSuqObhtVODGR0gbFyi/tu7puhjPLYmTCgTZHaMmu2bhVz4wmzxq4Mzr+TDKC5aSR5ZTxO1UrT5kKCMYWSyWNAF57I6kbnhQBgTuHdYakpDKRp61nCN3hU0VbI6WCIFTcKPh3W/cJihITVWg+sjflvDjb7tguWR1GgJuS0CpL9snu3HCIBgvB/xnstnBmm3YHaRyocWBQPXtgTeQ9xE3hagV9PcpHGM5uwgKGLgzndg243WmSsj2f5EypkKAV281aynuWEigGK0U8GI6M1QBqVmO1R4B45XUfrz1Am2X0tngJhgEvxcGbpRSqTBNl2pDz5KVP5sgtjShxoMackJJ9zRfvAE8afXCiN5bpxkTKGyRtUZ1GoBoBWAA9A5gIZ50oGQigNMeNHNl8iXXXo159FUi7/9PXgaP3arL1bt69OGMTxPacFdNM3QtTVbqPtRZwejXDwYqsf5bspZ06goD4L9gGMQq4975k7nEq9ZrJ4EBP8hLfCHh19b4AWuIz3V8UAU1p2NYIUBZPW/yQfQAQBv7FShwhALEBZ2xq32AYZvEAI7r8hKt859Y/RSbewMDwLQGcvRJlRTh4GAAJOgKx+M4BpEY5RbBrguoftzk588bsdFqBLeJT3fLy2pWM9+onLcEThL3wPky9uhvt5Qwak88cDHS7aZ/T8b1Nm63BN7LBRsTrWE9hK7qukgFuLQJssGtdpu8YWLo00jUA0iZimS6vQETX2yjza61a9W03Zo2VFgWMY7/3GkQ/NoSN67OBKdbDi6ErESAbi9SuPaa7ZZVxbG1KF/X9TYdujt972VFk4W052Pcx0MW+s7BiyQTjCMaX6K5vsOw5inivHm+GjoE46skOSQbU5uLJJ4mg19aluG73KMliafAeJ1ZnJN/JdtPYevb8dADWi6+xANImsvKLlombD3PgAbTo0K0wNsOXCCczdoO0JAggdGnNkFnrZ/gjyX3LBFEeiTqI6uPpwy76OaIcPJKAti7iWgqSN4jsgDKubdgU9+uTX38w9IbhE2f5JWstYt/DEl4B3MdaUVYl1H6cAJzF935LwqizBjOpJB9MYEzwBCRn30pewK+l742xgMX32Ui0BBiUvLpCxZpfC+4bhG74fXbip32/bFN9rS1HsN3cbmJtUqJXVvgJwXIR1MsjF7uq+DAmxEBPeXA5MO6Hd1dFtYSoLVoHARdfJjyJOpJMMuzm4vDEKPhHtpuPCtSkfMY02RQnbRnVxmab0flIJzE3pc1Hzs93SCrW4KdbMKG5UDWjOqPFZqTnnGwakjYLiOnUeqCUTOsHuteF95bp1Up2wMZvpyTUqpSyNeChHj1b2ZDUUG0c9nsb+6wzUiyDLb3TD3tSPSBypLcL0uEWpR3ohwuYb8OkaGrs50bPkLXYRKSegPtI+T7y7vFstk9DymNoTEifEK2GprdqTTVVOM6dkjaUjWVNuzSgkVKl185cb4HsgcS8t6k283EmpYnjYY/0amVBvSOT2hhkNQZFl85mSmirPOaeM+66Vjg/7xz0DOYtlJn9vEcPUCZ76LnM9CnT5TqlPJYpTZRP/CTmVpGze+nnj6Nv7qb2ziY1jrf3XpY0g0I9NqaNMaBqPXJx8yaTKLvdBrRzeXnTmnwmYX88eoAMtVZK3jJNW9uIurC/fSClS5oodKFXo+FuNlv2l5dsNhsDiubK3BuXvTH3yr418mbDtNlx67BnUN6wpmm1Jy4ORygzmzxz1/mWe65nyMJmW9giFFWOqhzrgd4bj338dZSJbZmYpgRZQbf0uaIp0aUhefdo6vERlXmuiAgtxa61gDW2h/m4vJSdqucORa8GyHVj1Big4v1jnDmzLoMy1szMcT7ayNlq5VIG2KwAmNYGs2JMgvJGwrXOVgoQQA0yGmJaaVP0T2keKFlfnN7cAZWlD4NNorC+U8ZeEXLeguxAHKS5kq3QBViIUpS8ZAuI2Nk3an8JM+ruuIajTgA4iwETD7QlRWYMppKZpsJmEgigJosHRFaznIWR/UaKgS8qyMYdvFwgF6Jpo4jtq0wFD5dJfdn8g35pU4a8UVozRmPRQq3VM+c2ZSMoqZGv0qZu6Oy6loDPSldFMIPpWdNowmYgjGcA3SGOkqdg0hhV1Z6vZVl8/CsMR7r3eMY6HNhlHLoZ3u6Zyaj7v1NlMznjKTGmCBh7IkYlL31ZrN+AO3gAKUqlogbfwRRZGFvJHakIrNMoTzGAJhyuZbKT96RZTXnKJV9pGDyV4tMdvfwpF5/ohAM2Vj+fJUqblilP4V/EVJGYepVSglTI+QxJk4fE6Yo/bQ6vAyISDIXkbQIk4hJ3PKOnQ3wmmvbqYKJFuU5MVgrnK4CasgqiRxNnvGyBte6Deil2wnuNTMWzmdmbQefFyWvNGYP2rUKXLAAz8DqCKmPBeXmS60joVaz1ASx16+fkM9oGUGqOfhqlGIw6+wBMWUpNfPITWNYQZ8iRLJFle4iOdeRfYTQ27eNYMGULGFIEmktUP57NnTxZJnvfGEm+j1zRTa7oJv9/6v6tSZLdyNYEPwVg5h6RmZtkkaeke6YfZt7m//+nFunqc06R3JkZ4W4GqM6DqgIWu1i7WvqF0U7ZzMy4uJvBAL0sXbo0gRoIoCYr+jbPYs2JZjPZWK0A+fVM3rJWP4sqYee8ONDmOZBA35YgdZl2cp4ddQ06bMS4WgtAezjQGEmfxsPMZDJgRiAA1HIHyQmD8kEcFwt+jq2TIYQGg64E2oGP0KMZC3gRycKQ7/esG6U+3RjrDFjkBJnEJuPWYjKbZRtj+Dz/zbgPE2efYj7pEm9nMQ3x+mD0OuNTArRhIihZNJDi3xuMCfBe9Z8MH1SSzEdnuMUIcebRnM89J9Beixqhb4qF3qYUb7PKdpxMsNMuSIBOPqmHyb4t8x3DTllO7rmA1BNUW39+Zr85pwPGdlcdkyETUI370jiX8/dkpeaE/WcCWQlihKVPMDOTZOE/rMv6PZlMywXIxM/keYhkfbUB4SBN2NSIjPzf5r7AR7NbxIPuEfP5i7isRKkbIjdn04jgLPHlN8tvrzfajSaQNH1cFkxK/P1S6LLEHhLQ8Xiiig+vmExdCU2VVj38ZFCoSF1rU2ulEGLtRUAate7kNCiAsu1O3siR3E5nIwukax8sW5ntSKXUGeMmmDm1qQIkKbNgaiRJIMEqiPg2zsgYHouaC9iGXfO19BqL+7c8W1PXJtbNfYXvyhqx0AT9L37TbaixbaEvdt1DcdwvD/I/PRu/C9S0uiMS6HwTitzioRnR+8L28opsd2rZ43CdKA+/ZLk52lU9udLeGY8fDiKIUexETRh24zg6pQhnHYgpDQMbUAtdB2oC4wDdqO1GYYvY7Q0dhwdC453xeKN2g/YL40uHbcPGk1LF2S7WOZ4/0Le3aNHyCTZFjNttY8ew7uKPQ76wf/kL7fYLfPkjQ1/gLEiH0p8k8l3wPTF65/zxjraT/eWF0gpvv/5ku+/UHc5xsN0N62DnYKsFHeIaPqfPcz8NrMeYVFNsnPRqPHujbZWXu7KVQmvG9nLw0JP9yx+xd+UYxn5Tiv5En0+qFNrtD4yyU9svdLlh2wv1/i+ICOeojHJDzRWtpYJuGy/3r5RReD8OqlVe2h07PGmvstH15PnUOORKLY17eeHn80BFUT3ZW2W7bVTujtzYyWHKrX5FzwfjeLhI6csLZ/TnH0PRPqZ+zaGDhw7YbpzyYL/t3jZjzroZBqXuKI5S1qbs2+Dr18bXlwoFtj0R5IJYpfZbJHyNUjb29hKBQsdkUJqgDJpVxOrvHY9/6us4TyApk4GwJxUYCSp7pYim+fBEYpwYHnj3HuOyA6Tp5xnATWjSnM6WOc8jQBdn0YwLENMTqAlmzWx76gPVMyZJ+fhub2ly8Wc1T8YcqPHrMBtoP0OTJpgucb+TXk3SpysmWwDEGxYAjgexw1uGUugP0vNjEiUb8VaK1rKCYVML5EpLT2p6VkUlmQsllOPFQ+RafWxhixHJbSuUFn3F8WxSbNMdrjNsHOTxpA/EmVB+wzjSnukPWClUykzCxBZl2ky93TN6+U0Vqc4mNAUtBrK0ZyJmAFWG9CB4NKR3dzTh3JKdo2MF8BZJ4VANerZOACWZNEkf1emIjBxfmQFyvp9vZAlxYzzQQfzZWgTpko9RM5b9tK/Wmie6Iu4rI8/x4MIvPgWEHZxIJ+/fy+pgzWoVHgymJsGqyvjfW2lTy6ZFpSr7o0v1aVM5njvBm1a9Qpv6NFsVmuD/JZAjPsa6SOjciAMiqX8wWzuiLx0WQ8gZND6C03m0MoOvfM2AGCbFOQNjBxMFyiXBMLm8z2KWiL8Z4CCBRHBkHgfO4C2DdadOuyYBKaQruApM7kfJwKpMQU+qs4HmeO0MFGWBQZnAWvT5E60Ws3XkY2TmFb3Uboo9IDlRR5fNgxJ2MQCFkoDKivZydVergEzgCs3qbXxfSoAzGuspPtGrLHB6tlYhFJ3v6v+Tq55ERKa50T8xUFNKCrZLtBj4GieIkfzM60QvJoBsLAA1EpsAN7IFpkY7zbWFgrDhtSYr0xZYyEoUimSVeXrs5c96gHCR0OXY6bx+H2Ed/5SVwl9H0EK0s9YNEW+p1WAuyARm8hkHGGIhGp9AjxTGOSIZC5BRIgkypq9y4DMAB9WZZNm8VmOMSFbFtcfSr/ThOlOmaS8VbASwBiHDCnkW556LTx+G4RM7c9y9mReZrmdzaJ9Abia0+UrQbIRmhqXfnL5QFkBS6rz2MDCk2pPl2sa/Mwn0J+/AT/5cXMZkw3JpoSm5r2CCAPPEh/jtfMoydx4f80D5+IVP9lpnhpn8i1zAbCIukZXI+z0l0MVl9xL3ml0b/gUJoeY8ennEE3Dxpbe5nu6Sy7w2mczfsAvBFvEjli3N8TsYQgph5xkqseeDtSIeC1rs4VK36TexuM+4nA+s+XyOGjaJAOdUvRAZ9zUB4/yzJPfRY4jJBJzaMm7EzLJFOuxaLdSIlUvZQsuLsGkhg3K5/lKaM4ulTOa4MwazhVsmoFaiYGLm71FLzYeHT6OKNY+H4usQpBD/TXLAR/T/uU0SKGxx/jtW0254q66lbAtxVjV2SGWK66v6c1GNIgeCFHM9IQowomDFh3MIRrFLu3vmaGGn8lPTXntr//9dRk3xh6PWqS0oVrhAldSKUlGRMDiGjRPtD4Y+KGUDLejzQNtOLTvjfFCk+9cxssJtKGhUbktn31y7wczRcI2JJZXBeZzsezxgFD1/Yna6Mznf2exATxh2oudJ227U/RU7N/b9lXEUpB3cv32hn09MOtve2PYaCJuAfYVto+zfkP1P0F4Zm3K+H/756oLJFItAVCLPUPcpahy9U6ICXVBKhXqrtGLIsWHoTHJBOE9PaimFWndqq5zn00WH9kIfg7YNvv2h8lIN9KDuRtcnj58npYsHXceD3r87NT2mXHUNDYLbTo/qt5p4a1CJyTQhbmrSGL3QpFHEuO83CsLz8Ovc6o1RK4/HeySdxr57wG+mnOOgVaEfB313+qoMYfBExcdyH0/jNGW/v3BKpZ9GjUlh3TpihVP9eLbNBaxPHpg1BwHU6ENAGmMcgPHLl8JxPnm9N257oxSlbQ3DfOqXmE8mkELbdlSd+eDtM17xkQJqvsfMsgr5OV9ntD5JCntNVNqiKbQAnRyB63ow3Xs7k+kQQsKqxgiNGh3ZzpStTjHpaVzEgi9smWxt0tHppwdTPQSAz/M5mTY6Tj/L6s9DM7AKIGGNkhbfhwx8ChLTCRPfQzyJl7I5sCFJH75on0Ry468MaP2VPk7ivUvBE98ajIAIBEpZ1XcRiUTXW0vSuXmA2Gi1sO/Vk9zqQufpPArePpKiYZ7gekVT/MMDrJGVHMxrXomE6wOBpGhgTBIaqmCusWOYA2mxN8y8DXOYYn2p35dSXNiseC/+ZOXE55ZSvIXJZH5tpQ+5fhI2PJPR4YF90Nk1KOEiDuRllTiT6xSSzipGvnkmmRkkr0QqQJssuX3S17bt7tPSEZMtNAYtwjfNQLRM4MpsXNogLhX6SBISFJGoEkmI8mU1v5U2W6FajL+sxdue8s9SK1urlGJTt6ZVH7u91RYaNS0ETy8i2RLzVGrSuwMMCgFtr/i2oEzXOJ8ttq/vw0KyowJQiWRoMtmStp2Jbh6DkvRuD45t9pDLx4W/ggcfjrzFpAocBCwO+OmIADeCJtWcBlOmtrb4xXq8EoydTLzzICS7zALMdBCVmaT6e/p7aFCms0q+KvcBsGIs/YGV7JEtETBBGjWba+h2aI3SXq1eCQA6SLQEvzXWpZDTVtZo1NlwelnaoJKTiWAkEJk5Bvsik4rP+qo1AHyByxMmBVyTrTj96fyRTKzcl9b0Ewn6XJKh2RYVleEUF86kaCXYNqf/5GaSSblgggflUnBIYGFVj1cFudRM5Ii2hevnZVtVhZjGYpGsJBOLAPEyB41tOr/v+VRMWUl7NpMN+WDzNZlkAZJkoq02ZvvzCJkAack8CGFjGw6GWLJ2XNogEzmFCyi1zsVvsuu5fiMKgIVyYa/ZbGeavmW2MxDnKmUakmG39rcEUEMAw0uAv85K+npmfjkz2Zv4X7SF5dOPZE00wRlv3Zig6OXZ5HtO6FTyPK79nHsqQTKmnficr8lcmYYlv5EsvWjRyWdmBAAyf2z+6QCH27353rFOCbl8/NwVN87fXe5q2gGZB8OvppUVY8qMnRrJnhQbmMgU3keWAO/63MtY7Wx1L342xda1T7+Ym9T4ANhO0KUEUFOWvlgJW5b7atqoWiKmrfPfJq5nWIqwbak/E7XPyzXMwQHxtdrcrohEXFLd3mRbZ8Y2V6DGogBQJouW9WxJpkqZDNV8Xgl0MVm12d5cAqfQINRI2NkSNspZrl6I1LlXPLv1yctpI/KRDcsCSp4rZWtlDuVI1mRiFtMvx4JPxtelVe9DTPvBnv7j1+8zanafmV6buMEohTHASZaVrd0wuUWwf6DaUQ7/d1cq+AgqKZ6o6UkRFwsTqRTZp5DX6CfbvrPvO5TC2V27ZJwnaGpBGNu+oWq0rdLPJ6hQZePenJkCoK3C/orJxlA3uM1u6PPk+WYMu1NvG+VFuL3cKKXRT4XSKHJH+yv19QalMuRO3e+I/Z1iTv3uA/bmk6FqqVjXGWy1/cap6iJfpVL3ElV7rz6P86CMjp6D4zgxM9q+Uwr0d0/Ebi83ztE5QpzwPF1D5/H4we32hWo/KPpET6hmbG1jnJ2iXhGt+51TBw9T6rZRygu0bR4aiL5EERDlPN+p0qjs7Nsro70j6sLR2OA4BiJ7GDH45ctXftaN5/OBFGOIMOSJlpM+Tqo19tYQaby/nWzS2F9feTwd8JOXDTjRUnk/jdGVvW7UrTFOZXTjpHpVtxnUwX0Tivxg2z3QMBomhtrJsAdjHOxt8OV+YysOLioVF65sIC2tgDvXEkJ1crjDRBH19q4MbMb4vMmgj+cOvxvob1gDQIIqmAF7BmQO0oyRU5YSRFFnvKiDNDkZqCejpp/zaz7Ge4S+TY/fTSDH/+5snRNNxo4u7ZqpTxOVDg32DLquS0Sg5HSOrNFFddsKZXqMhlpMSrIw9gZc6Kr+SsMY+gThXBcQcwl0SlYhwiGUJcLqYqltObVISnNqwLYVH7dXo9IQ1Phsl6r1EkyX6mC2ZGJbPxjzRN6XMLSLqJVYLolKigUzwMyoEUScsa5TcF289dAR/tgiVqY4a63N21FLsPh67I+eq+dVIBMhO68zMCiWgeAIQMFiKoAhogzrkQC7I7UAZzIWIkCL/FoGUMPGfHSp+5MiyTZWu99nfLUtR7EvfZQEavyWVzIIxEJktcsDNmC2VXhw5XtiTX6qM+BKjZk5xak4eOLtS4XaXDzYWV8t2qG8D3zfd6pIjN3cfBx8zUlPMV1KkkGxBLFbCiZLtjuFra2ZkMb5FYUUEb0kEjN4SaC2VpLJkS01mYRaZoy+hHPfpFjhh7aVDHwkQGAMYrqPJKio06KQDDRh4kAemE3AAr/++fRkBsiZC7ntjdG+qS2hGoyYfDkoMqZWh0faSjIJgrcT15DsgWzjKpizi2Ki46zMh823FEXM9SVOiIBXlT2gtuLJasW1R1TH1BWamgxhH+b2zC/aWjdnV1yAjogKiWD5s75KiGWmsrNITPfITSBeTU77n2eTEByulz0/k5YSIE5x7YYE+RNQXS1RXjTJQoCEDXAdq7WO6etqtlKQLVcL8GHu2hISAILJmgqXQqwEoGRWmJoo07eMCdC4Dq9c9r0ftGSsTGur1/Po+2qMYHqNxV7Js+c+3SveI3TxDB/FnTp5LiDq+jM5CdAMbCTDzRk5asrw8p3fg330I8sjpHZdJoOgwzA8NrnQPP0lRKGRD21Qfo79d0rxdj+VEi1VXnm3bGfNJTG76I6U1fpk66zkky4CZp2a9AcgNYR8f8ZoZll3t+oTKzYy7CJUvu4toNNpH32xPm/xcQI1FwDKQ5proithgm3+HMRJkPx5ZqI9WTrGbJHJL0zwNGxWaqZlY5nvg7IAnjgbC4RNEChY0XHG8z2iq2j6tARC1s9kcdVBjen7SyFg/Xk+U1MrhcR9O/m0JAvAN+1CLfKhLWm183OxDwu4ck07mdfpsYjbB48BdII9pSTL3OOyFCOWmVclSFPdFqZdnPaxzLUvUsDlXaMIkGfzCmLFUB5ZLZUIzm68+PH8LBu53mu6UxFiKrR4+2XYjWQ0K94uWqv7RAmNr6VHV6J9P6emWhQ3WGf8EtuFa2cBOzL3pO+XBaFOYHDa9H/8+l2gRtpGtyMSkYZR2Nrm+iZlI6S3wqgPhoXOjBpOHfaKg6mG6nreoCvMu+instVKe3110CYolLX5CE9irKD2k7MftBoJ9uiYGO3lT6h2Rj+Q3QOW0qDuL+hWkWoc7w+O95+IvlPKgcqg18r+8gvc/oTSkNYwa6g1N8bmqFuPhFa6YTFVRgUez06pg9teIgl1NH3IoLSN7X5HSuV4PxnjRAj0jZKMRsZQbncfeU0rtLtXGroqz+MEceG1s3d6P7m/nGDfwf4O40RVKO3uOh3FH7xRsXKHKt4S0l7Ybl+wcoOouqpm8t6xEiJRkeS2ulHrhp4u0DT66YDaEHo/affG8eyglfvLV47z4Of7T57jndvLnWc/QgehMoa3QOy3jXpzTZ7n+3d0PNm3irUMV6A24aTztINTD+RWkGrUppic3O+F2165b54onr3TNbQzpHMORerG1twYRz0bX9wNNU8EshJl6gCEDyUb03h628LG82kOIX/SV+8+ejuD6VURIJLowbV6kqJ9Ztex2jFGO3RoJlMmJjH1C9DST0+4x9ALuHMRIE7QJs66V85w9sxw44Z5sEYYMA+gfNymBzyLIp2Vv0AIPIAOg+YYhQdAxZSagVoEK7+tAs7JHcG2kVIobYmz+W+vNqdrRTTBmGtijMj8t0XQXhvkSGKvQNgScSXaUEpBYmoDwUBIVs6aZrAM9kzkScHoiqoDFVaSbp76ChZSBq7qb5WYxnX6uW4tQDEH8HyseCZYhNp9sMuKIKEB5EmMrQCauLzMNcX1ZjIgGLoST682Gxpik6tX3yZ9PEf9+h6NqMQmpEER1yPKZwSZxP7nTu2f/So1qbuuibKCzUx6IjCMgHGKJeJ7NUVzs+c9WV81AL0WehYJmiwR4bqmOQXA6C16C8zZQqtm29oCXar/u5T4/RjJLeI770OrU63Utjm1udR5vTPwEiaAQwbJxYL5ne00tr6HF2BCfmgGrKkfEj/BjE4DvFmGDw9sMwCPvvRMFr0yapGUOhvgmgSsvSYk6m0Z8M/zl+0RMoPnlQ7FlKf4KJtJ0cUGZaIa+k0JrIyhU1x0tvfZpcoWQZ+zQvNMxX0iPoEtmcfxvzUhZ1UB4SMA5DGun/uMdWaVmkyYElyMXwwQQ+Z+DSBpPge31Wp86rPZWiNht/m10BOZi1vK5TdsJkBT8FeuPiIZksmwyb+nj4gW2miVyjYAb60Nv3TZZ5lkuL8r698fEixITSLDrwGR0PMueFGqxH6WYKnKpPPburXrCftYSY44wX8sGHElbJfa9NXpdFUjzo8qc+qN5UonszZFt7N4I5Lsmb5AfBy8T3+Q/5ssN6erzXdfgGXcU2x2F6SVuL48tzbpOAmsSCSlycRTszmBCon4nxJFishPYpKji4Z7blMCsF07y+v6Fi2VizGynnVJRnu2rU99kwQj8usWrRohhCor3smfJZ9hvGI5ZmyYekWf9bXGqad5DwDsksxK+s3L808/knZu3aNNgCbjtozvVuvRBRQIEGRNVYv1l/TN4LpOxPuEXg7hq+N8Bsp4MSXBdKmuRYhk69bVpswPWLF8KcGwu6xRvP8U6o37uwI1uX+S7RGp4Yxbs7iTvnrq22TrU9x9bc7SLiGyPYEiWQC0lLy3FQuUYJ7/FqCZ+z/sYz6PMkHzAiUZMrkn/HqKFGeVmutCmRm1NsboM25PH55tmUSLpWH+bMDj2ppr51NIc0qWRCw8LixYj6+D0R76WB6TZoxQrgdt+cx4OLPLwdZ5XvFGxjYy46P/7PX7rU/tFaGBHEgR+unI2rbd8KG5TtXS0aMiV7Ah6CgRrHoP13E6a+G2bVTxj1R1ipj38Cf67JoVfXRnvIjQ9p3j7Z22baA3jmenD6XtLzBc78LU6M8HL7dG2+7oALNBG9/5+f1XHj9/pelPijzZX+/s245KcZpZ/UY/QdgR2Rim1L0z7PDras1dnTrjQoHSClhWTR1ssljkshXqtqO1MU4XBX653anVx0JjxjiFJjv3e+U4H9RbTMKojX2r9NHZ73c/5U34qe9gvzLOg7fvD17KT6pWtvsfoL5wHsN1VbYb5XZDanVBy3ZDrUHdGQNa8UpEyQRBADs5zo5VT/pEY6pBcwS3bBtiN06N/moKpkI/TwRhWOHvPx98f//Jl2+vlHpzEbXmU31qK5goo8D+5c7P48F22xjng/E8eP32B45nR8cDULr8YNQnpRaGHbzWxsvN+PpauN99atVxuu7R7XbzOLJU1Cplu3N//cW1BBogDSmuYaMJ/pXibA8dIRWZDAtXRzczhjc3Xgz+53udZ/cDf6FFZwXJ/+Gst1l5iGlPM4FBHGSJViaLXnTXnVkCw/0ytWmCNxZtU2OEjk3/MBXKE/E+A55+dq7VL9ejydHd3Z1aBEWZyLrhXMBF1i/KnFhBfMUNabkE0A5GXSaz5PqIOEBzSfKc2Ze/e02QE9wpMc3MNT6mCGswGCieqLXQH8jpKS3GHKeOQQkmDiLLsbKqnFmRmE55BmgZiMX3oj8XMWwECFDqArri99OR9ZgEgTirQkf3pGpcRNnwiswwnwbQewjgVqGot3T6bFDDNEa74kBhPg/DxeGJ9icPYnxqW07XcnuxEgCNtrvZUnWpxGKuyXLtTZ86Hlkt/qSvWjcmGp9JeARQM1jOylL8M1keaypMhJ9BX75Od0o9mhQAvP59AjY1ha23AGpiEtTW2GIUd4upUFsICM/3rYIwHEAvUIr691pOk2qUusfevgprE8BIbFPBAVW8+sxlwsJ1SoLr1UWgUspkV2UAuwC+VSVM8IOIyVJvVTIwJsjPIfKrQ0m1mUyCFyic4Nk1Sb+wuOZrgZVZ9ZfUAAutmQzIvOpemMX0+HlNJhxLI6y2Gp9nH5JcZxLITB7zvl1QsV4q9epnMtsALsleap6Y4dXCoN47WCOU+aBK3vaHYNMTdP/e0u9Zlnn9O+zzJ08GS0mgxoPxxKBciJXQBFt+M2dYZ1C+Jr9k4r2Yk8nALHlWI1GabM1MTCZzbn1vCZquRN+T9lWVBhDcX892NiSY4M7WgfAVCVJk0ilc9jvxfSbbjfmZ/p4TQNeVVGhcp4vk+v04UBE6NvHsc6prsmAcG7kA/RDDBAbQnQlvI2xgNEEF8JP/towLpOCSOUvvK89OXr9ftpHaHwIu9p0fnveUZ87cYmjoiCA+YWpoTo30oqqPH15T2jLZdMZNMleU2lqc9Yx59EMiJ+KtMIIXdyTsBQkWZEIb//YWKCY4I8K0EXOEdaI2F5+yQNO0Wf8XD8k/6eUF/ADVWWczxx77U1t2Mq2M2Wqlja/MtfwP7YgJECRTJn/8wqyW67/DCEr11nUJv5QszcWUI+zs6XljCAkXCYaMJAM7xNhjulziM/6XdV9CMpfdh6bN8amhGRTaagEKm5I/kyBNAoOr3QlyhPcSCw4QOP49oh3JOyoi9pNk6rZlA7OAWROUufyZLU6xPh/aMM24jCqc6+6X7/GyXe7PH9GyQwmQTgkB0uNIBB5+j4W0A+Jxq/mwDR9cEvazRDwiTCCmlWT9MNnbzloqDjKXggyLmlBqRqZGlVz2aPpNf7bpSxboKMtV/hf55u+P5x6V/faK0TAbUSVXdADVHYMNJ8FoMc6jYwNafUGLM1NK24JaizNtui/w4/lGKQdmRivbQjiDVWPPJ9acvSJ74dk7DWHbbzS3gpRi2OPfked3+r//G8feGPud97F78tn/zui/cr9Da4o0n12+ba/0c6PqDdFKKw4+uMq4UcVHT1sfEfAaZ396cFRcg0NqodI4z875PDF1WnI34+XrV2iOntayISY83n5S94qena3cYQz68XQQIZIpM9itgFT2/UYphY4yxoNadu77K3s1Kp26fUXrN4ZsjE25vVS0bGi9Q7kh7U4H1A4qlbb71A1PaiXWz9G9UgZGxziDOub6I1aCAUX1Z06jn4PzeDIwb7/ZC9v9Ky+8RNI3qNFmqeOgbWBF6TJ46Omsnq1S5OC2F8r2TrEn2yY8jyelDh7HiYpSZbDvyste+fIi/gzvldYdZNvvXyilcYwB0ujSUPGx8VAmW6HW4nKWsnP2M0yqGzU1F3zFCljFhszR0kU+L0308TwiuEwXFrZ+ovLegzmrTppTQWQixmq6pjYlEybYM0NDBHhcJzotsGYBOn1Necr3GcPbIMeJjU4/niTooMkAsYFp55rQYs5eySpYJjgIczKCBVlB1J+5ty6sykdWXxKwKbNivIKd5bQDkDEiyI0RtbOSuSoxiFycWoxAjv5ZQnRt24qLtJZG3W4rOb6wcqQ4JTRt8ofEPAONCBRmYmgLxClave2CYK5QYICV6KnXQYQM3v7SdowyHUnFxxgO7UEpHcz8NRLlTC7cHqqTH02p1VaFwvy/DHRVzYu4msmhoEUo3WYCna1thB3SmfS64Fom8QnUjKShSwkavK+Lxj1+1leJPu28F4s0AxHKRBMSWYiAO8XwJIOolQSWSwXLg7zUw1i6MzXaL2pZQtfZstda+81/3qLXJPTTFBf0y8uJdoQc312iNaa2RhHXhUqhwI/UcAdpHDD2PW0R/AiLxi4QAEZsvMz/6zqDgfd4Ulq8B90nviW9SlaCIishmdTwsDdm2YaSSahTzTNVL9kCjJ8fyKpYgh6/YdFkppTnz9ZocSzaqjLoI6ve5oHdBJwSZCpxzoj7yx2js1I7YdA8n4T/DmFwKbkGCwDK4L+wKrrJEHZt6zzfOlkKdkkk5+9EcJxnMzAFP/szUUpbm7t/FQ4+5WsWqmQ+T4kEdwbPmSrJ9Cax5ll1hg+V5d8kiTP2vjBmvFiiWADOiZOkn0ngUoToOY12NnMdvSGuB1kLSLGpHyUUnBFcI6mMhG1uU0uMAGabXzDHPNgjQcR8JeMFIMdol1bnPknfOvqYe50oAvWeAr0Bh0Vr8zyPLH2alD1IJr3h05qUxZo0S5Amnpna1A5McDAT+inmm5+L21MLm5adJP6FupK1OH9uU2yeA28P9vNYL4Cnnx3zVmDLKxEEDVvlhScpCayYtwnGPohs2ZP1KTIrM3merAbx/Zrn1RI0zHgnd9yF+TSft+Ue9zOsE1j+vGiNkYDLek7zbMJMfMVWbFSkzLOZ58l9JBe/JNNu+WckGLNs6kr2cdYzH895Ameu53n6frIC1QW53R46EF4vQv8iFuK4S7vF7UyJPxM4tbjuBGTj/22duWlx5eJLo+hHKfP7LlAd+kkE4y98wJIF8M8v4cOTIQ6CFC9g15KMQaMUH9yRjJwpEDxHbbcL2HVpd/oNA1Hm02Ted9qpXHMoF1xDZpyQQMiayIdPuQtfp1dgJ2MRjTauLGinPlkNGyN+xgswRgJbwRxVQ+uy+34N3kEzpIQ2lZ9z0eudBahEWXb08vXFfLp2Adjl9//j678Yz73Hgm+odfaijPfvvD+f3F6/0NpGH2VuhNY2Bj5C21pjREtDrQ2zjleYNNphdrIVIzfc0lXovnDnwGqBVjFx8d0mFRsHj5/fEZ7w+B/U/s6NTjmVcZ6cJ7St8no3ymulbh2TwjkEkcY4C8gdtRbCXYYw5ghSG34QRQrWQYp6m1Ammwo2HHBKVsHedh79pKtyPztODW8M1BkasvP+8w3tTx+9HYHg1hqHdd/s5oFpVw3dmsbxfFDqjdZOXGv4xrbBGC+Y3rC6s+2VugnIBrKDbEi5eZWypVFzB1xKi6BTQ7NOaUU8yDQnasomWI8qk9w4n44mju5IZm07pif9+QRaCE9tmBkvt6/c6sn5eFD3jdvuPdTneWJqPJ8P+uPkl9ca+6Pw8nXntlVuA7rCl6Eco2NyYxPj662xF9dHGKXx7esrlC32ZYUTuvmY70OLj9UOLQ8TGH1Qa4Ogm4O3+6DhWKsbnN4V03DueqKTRv75XjlhSSK4ByC1WoKGaJEMeuvKqnh5XDQWQKPdjVK/igQ7EJN95GOMGN+9RIV7v4gM9zWmu4cwsY0jRtePSJp8ZLO/XGQ2rz6DrBTkjBTB45WL/bIRAVAmfmqhF2HuPGsEJ/F5yR5axpAPjioBEsv3UYPqAcNVX6BeQJtWQ6emFAhWgY/oq7QmLgZenE2TI5GlLOX7rDgsDCir2ZcqEcxrTaPv11YcUzTzoH8IoKgKYu68JEDjTDZqbTAGrW6YdHrYZPUYHb1ULabeQaxVaSUCWa8CRsNEnBFzgHvM1MZbV0owB4YHyx64ekKckzxcVPoyZQeZZzOfn0hQzOf+9uevl2rFZ3xlMCNEcl4s9BeiQiuFbHFZQQozAMmgMFkqJXSOkl2Te9J1YrL9yVkzc/x2iXaoyQALoeviEw+qGFWcKdOqV59EfKrv1iq1hW5JBHC1NoosWnNSmq/BcMRVH4JAlQVY/KPXda9hrKobWf0vq20hE7TLfk1xahI0LNfg1tumiRjIq18SCVqZAfwsRsMEfMyYVW4u35/VcdKexFQHg6Ra5/d1ApCZWPo1D9UlCJ4Bdzx3naKI/iaz/URDXj2KKwIhfg6uPxLbbIJfUW0NqEElRA0j2dMZ/GeWe1n3y2pYXniuzgSqmInACrA//2slwhc9o2hXy0TFR+H6upQYwZ42m3nroc/A8iHZ4nStEE/sPYCuCQMJZNuab7Dw56NQHHmPvWzBgrQQ9Y4JbAUSmAOJuRy5D/OZpn+RYFxmAsE8L6s9j9l+5zbaz60L/yoMIYWUVdXBefNJpzmNbL5n7HFYQE0K/ZtF7GLZgj3QmIzn8f9iUbpflzhHzGuf152243IeJ2QRZ5PUSxr5NS6xQZ6zAIVy6lvJsehCgiumXsosBS9emPu9XG4NVi1miGbBh6jYxysevCf8XK5vAduL3QfYb0HQ9VIb/DZauCZ7IpfnHD+Xemmf9TUBzwBSLMWlWQUtL1rFxraIAUuZBy33ezqjBLkKIB/O6/rcjyCrTJs/3w8vdHpr25jn12tpWUwSZ1WnZsssqqxpnq7bdrEPhI9K4G36Tn/ftKtZcLj6hanbxyVWmAYngKAEO+LPZPrlGOqlgffx9wsSwyj8Hp2ZfgFlgoHjPjQFhLO4uYqghI0rl73I1LjJNZckF7u9m7Xx9YCyfegjo9O/36rHv6hO0GkCsOalaicnMNcu2ZOluA3zKU/qGjUxxWt2yZizgUcA0d46HGf0AkiLJENzgd5ZYFnxR8Yt/9m5/k+CJP4LoOY4T0q7g1WvaFeQ243xHBzjREanWEWaIsV7Ta0WDjmpRB/ZpCBVbAxfwGqgQj99wpGV7ro35roKbvDXWKuqwiYbZS/o8ZPn9//J+eOvvN5cG+KwDZUb4+yonby+KPvNqLfGaS/0KlBfqLcbfcB2/yP1/me0fMFHwPZgjrRwUE/UlO12wxC6eSJaqj84oYE2TMZM/g89OZ4HiKKPd/rzoLQbte10XeJmFRdWluLtQVaEW7nNoJcAqp7vipXOMQrPt0GrICY8e+X16xfqcQcqKrjo8gAtjobqeHiCFvc2NA1NA+s4vXqNJjRVV+w2T9j7Zj4GeBj7fkfVW2ScOh5VWlyA8q9vD2xUpLxT5UYrjef5ROwrNuDo3zmPJ++HcbLx8/jJy21DZefn48Ht5cZW7jwNKIOXV3fMv9Sv1PJCLYadD7YK+/4K7SsmjmIPK2h3UUzonCa0ekN1o5TwogFWjFHQ8fRgeAx3psWni2kERAOnwon6npNlNT7d6zxPpFyNmU3DIakDFSK3SAZBafTXdAZT7/l0od8x2TEp9jcuQIy3N/WlYTPW352Rc9LPg9HP2MfOyDHNYMtwylZS/MmUA3DflOBHuMdw2LYMewRJpcbo5pnoZhAaDtx/eAJEpq69QoBJnvA6DT6T4EmGDQeTFa4ak55qCKXNzxEXj6zFR29LqbTNWXS1Lqe2enVDryC1BiKYmAh70ja5mGxb92XgY8j1wmQRYLKx/QuZNJ9jBDDkAaFQ6Toc4Bw9flGZ49B10bqz0p7BDpGElCo0KkV9MoASgXoGmqownAKekjMgk26q879MvlnBv7CccdzO0BTj9XUokZhPZsUnfMnlmc5WPZEYQ7kCK2bgFU47hO8W5f2id3EBaFwTqV1GZMfXg0WT+jRbtNu1FswYMUSNtvlEJ5HQaoo9ujUfK19rUpoLpTafciaF0vZoH214dTDuVjIA9nv5MNmGS7JoMiNHByUIm5XrZrPdYSYsEuBJngPJdHPWF2flTUwzX/Sq/Fh7SlPHbSY/q8I/z1aIDUvYnrQbM8AK2+k/a5fgK4Be8OuLSp1Nm5vX7qtSi9BzFL1oAAMxNTJsoUb85MWGmMx01e8pEoLAvnbZwlRpzABfde6vGm1YcynNixQlwSW5PLOV+7otMpt/Lnt1CTynjWKCA5/1lXsnFmja3JkQXkAW/7qt5CkSxBKJyNyD88zG+8pKHP9j6L3AlQToCH/snICK1NT68TYfBNpmSPFWKKSgFJcRKDU0aIKNOlsgcj/nOGIHaiSAp4z7/Lmmn1z3PLViRgI8YBZMH5gxpWUcES3Pk02T+jJeIZxgj5proZ3n8HZsUx8cIg765+ju+T52PZuXZ5UFmHm+EqSMe1Blis/mzwTGWijhg9ZTKRffO3q2CwezreTkl2i/1XP6Rn8WDqCqVH+OtbgdCGCgBFjjwGpqifheyhYSxAsZrsdmM9H19qlkZi27E24Vu7Rirfa5tdeuWl+ZwH7WV4IOaZdFBKluR6eg+rSjNgGH+bP8BrRg+R7/V7mcZf+mYwfx/fn2ATYU92k2ho9jljr3iVHJqKpU3J/WS5ElQA0vXm1IXZpukDs5PiO+kILhy0olw7GE3/J10jQKFgBEHN4FAMm0TTMSvgAyybSdxceMmS8+wHUHly0r0ubPZyve1KKLYtQExGKFPKJmPocV2NoykbaeowCl1alPtZ6hNzEWSpAcAElfGcCIpJ6ot+UniJqSC15YHGTbl+FHoeJAUQ1JD7A5ZdpzfQLoCeafKVK8XJlsYQI8TDc67WgC3yxfKZe/fwTO19f/0et3gZoUBG5boZpxnp7sv76+8ni8cfaf1NqxZ6dtdTo18XxoBtUj0XlVaoHzPGKUqAcVpoWt3lGU223Dhk98Ovtgb3fO4RWNcT4ZZ2HbvvD6hw073jifT0x/YPyf3F9PbnuBbUflzllekO3PKF+QdmPfNg9e6h3qV1Lr4TxO31LiPWxONy04jdQNeqk3zn6AVvpxICo8+4GgsXF90s1ewfoTo7g2x9Y5B+x182SmVkq5xfhUOIKJkFRyilFL56+/fqdsu09p6MOFR+WV0eH7r0+aCPvdR0irHYgVVHcwaG3znE2Ht4fpCS0r+uL0VDVaaw6MBRpaZDDEmQ6G0truk6Wq6xSBzkPeAyh4fX3FeufQgdhGHwdDlVaF9+eTMWCcHaMgFW63F1RP/v73v/H60tj2G8f5k21r/PlPf2DfDZE/OA1enFXFdvcpWlKh7Bw9eqAjCbptBe3m49BJpJglrhfPUKpr2pTiYrepYSIU+kgRKwErmDWOx/m7x+Of+TrOkxxxlwHRRP/NEOnTavy2cpwj8VK8L0Ga1KJxavIIdXMNrRoHXXpPoeHuQdbpgJ9PiXLAx0zQ4YKxasYYT3cYEeh6clFxkedwLBEc57mzTLy4BMHxyqBy+ogLOm3ZgkPS/VfiEL7ZUyF155JJSEkHFm1NmfC6hk2dbIJsy4DQJSiF2qprdJWGBwNJB3V2Q/btuhJ+OMxSZgH0KrZ2rRpkEith7a3gLUDEOgVl251vBORiTuWsFR/e3UEj+dMxGQcM5r4gPqPW5vpNAXxJEUb3ANzvWy5Bvyvl2xAHu1VjP/kz1wmmZCVCyR7d+RBh/o7NL629HNCM28ewscM+sis+48tZKAkIXKYVRHU443Qj9XuuPeQZJC4RUpH1fW9rStAw2TNLODjHcm+XKU85grsWYavFGTTioJvIYNtczL21qLrVjRKATKk+qrvE55YYI1/C7mQL1qr2eTUv95YDm0a2M15fM7EdYwbKMhPZMn9ekMkWyEA323ZWEA5ImSPd536KhNf9c+xrMkhaP5chkyeHqS2RCW389AVUynGhFjTpnCZjxox1vNIen5lsnmx1mGwKv3pnPPpkSDTbj+JqzWalcNgg+/2TfdNCtDbBBuJac80yqcxENit92crBvIoFUHwA0DK5mK1VH20xl3+DTBbQZ3x9ZLusoRHCYp2IUwhXEnMBYSaQA3PPzz+vbawBnmR7rSeDkXBzYXCK4UMq8kyBWSYg5xQClxAI9kh6B1yXr5KFg+a/F8WZnBqW15dPc4r8xtlIdopvjdy3ud812kydkWvkfk5hzcvPpz2PPZ97beriqcf9Gj8zQjvKzBi4vtnV/ltc4wL7M3aJCVCJssgCST0xWvtcYrKk+6Z8H38OrpGzGHqqZcYJDm1oPB88mcGC3RnaNCwAzyLfOa1HC6qFzkdhazUS9I/70BnB8TzDX3o7TLr+WI9LInxlBC9/ud4xVo98EPl9vTzrz3w2F0gQMbv5bq8lQTjDC3XzR/9hApzfT9DETIP1wQwG55mMluMEuqem4DLAwSad3Cy8xS1kMqoXOxzTqIhsE6RpwaqiXFgn0UK3ihtZ4ADCXvgxiD2WrKHpX1nXVrK9NQMKm5uiJGtEkulXJ7sl44sruyeBYvkQjxjg8a6F/cszmjGp3/cCrRfWE/lI/D1hm+szyDdY8FC2dBGfZfNecy/XUmNSImSrctrU2WZ0iQtKrRFjjmlj84zU1sIHuoSCVUJE3EG1oUYxCxsY9+SPCbMFDEYQH34jj6zNmPUf4S9Xv5nFYbP//Gz+LlDz+uWPWIzdNh1ek5UNtUFrwrCHsyzEMG0UgiZqZQZzNjxSSNp3aNAzdFDrhtAYOTaWmJduEaginE/jcZzc7gXT7pXrveICLMIuO+c4aduDIs7qOPhGfflvtNu/ctgfKdufqLJj2hn6wKxgegvHO2jb5odwuAo0+huKE0LbXzmGefvH82AcT/Z7437bsW4cz5Pz7LzeNwqD83mw7680U94fB7IZ+16RskerEf4+CnW7IVIZfSBa6F1RbWgvWIxZO56dVnd+/hDei7BtO/dRef3SUO3c9htV7uEAVhIzbERALph2VDyR3truz2SqyKtrEGl3mlwTrHe0Vx/JrobhBs+Vtv3wfnl5xc4TfR68/Th5Pt/Yt+5jec14PDt7azHezPdCPzqtKa1BbYOvf/jG/fZCa0EXtR0XO1LXmZWd05rvj6EQVaGh3rLmPcTO2nJ7piidSS8bMXWs3iZYZeAtIDnGLWh8GqPXzE50HL93PP6pL7MYYRwVGEgDZx7wzwAyQAsuYEYkuvoPgRoPoHyyk00dmjHBmvVf7z7O2wOA1LpxZkaOhDTriLh4sNuBitQNs4paAWkz4JtWOplCafDJdqZMejIBib/ndK4AB3SA1RwF+NG5zOAVd3Ir+Fm9ukvg99qmlG0eq41ptoBIAYlg2gqGT7VbCvsBSk+nmRTf1VObQQWyqkFZ/VrJl0aPsf/VZFU3RjgiJ7f4n61Vz4/Hcja+Bp5UaM+q44jAJgMdvy5jTS3yM+GrthJZInlQNCufsabJ+lHLZ7+qq6YpOK1rz7CCkQzSJVNny6Dabzx1Ez7rq7UUE4ZMDHK9SuzFzImvFcA5wvM/gDYLsMnvr//qnCBTo2pXa/2wb0sAeW3q1oRAcYt++mrBCGvBmrkhZXfApra4LkjNB5nXwsczlQlqyeAJJHRlpv5QsEFKVLU0qFvZxjN0TdKYVH3x2CADoGSauBg2THc3k5NlL3K88OgzzEJC4DoFevPhTJjDuFzz/NJiymRSZG5rkwGQB8AQ0Gu13+Ai9C2kv5F5DuaUtNjvQ5m2YQZxV/CERWVfAG9yyI1sZYpV/092arR9TzCHaWPnOqRvuUSbV7Am12+1oNjlgXy+V60bs8qaaD9haiPhyS0BK6fIGvXSkPBnl3sVWIlLgjFcA/IrQBNWrlz2h+QpWvtl0enBaBieCCqVWnYoPsEPg6GRhGUiLstvOrgeNrVEFhvXpaagOUZb4vr9Q1OHrkZikmC7iLf8L7+8mGM52SzhVh0644lxAfGThYutkd7X9V5nTC4tsgk0xIQmFvtihgf525nM5xmc2/p6Nv17XoTQZc9KibDKOM3ZwaVAirgqySZQghA1WTUJTLu2h8Sa6LTjSOpXeQuzADKiMCFZzLDYi4ECCaEdmUDUpW3iEj9k+/h17yXOYxMw+8xn08WE0/4kH8NmTLSS3gmiXmwpCQTM17XAZ9MXkr71Q+vuAmZy7YqEvkuCK/NzXa/P2+A8JnKZEC9uINtqfYv/k2BSlYz7yFhvtTGVD0CgrGcVcW2tObE2fWD4UhyAlRLYfCzhVeduAQp5LQs0nvZ7AsmxCFLwCcF+j2OIx5Q4MyzFg1cE4P+VuU4L2F/gfvxdrr8h86y6j/uIbFzBGx+xvibXeowQvxN+MAW28yMsPjXb0rLla7759H6xl4ozCZ0loxH7JzBM1JsXg0jnfaYL/A2oOv3o8hcz7mD+0tWA/YfX74sJa6MUpdWoXpVAnsJYt1ro40mTCga1NHKqXd1yHLInNudxzBHdkEh7jzF3qR7v4IgqnL37RBntvLx+xUxpN/j1r39lLx09f3I8f7CLUuqDLgWRXxj2B7av/z/q7c9Y2z3JB0yMvTa/9gJdD0rbvHfAAJTjOGLbDijN1ehFcGT8zrYp5+M7OjpFWoYqnP3kPE9utxu1upF8ud/ph4v0NoFtq4h5pfs8T87HQZXKfntB1Xj/+XRRKBN+/HzwPDrby07vytvPd0zhD7/8Balw9pNffw742xv/6//rG3/80zda3VB70sexqvWhSdPPJxKNSzlidajGVBUNRo+vQdtaaNlUzq7e7tZh33c0Jl1piMCevVOqb6Ftv/uI4l44x0m3wlChPwbcKlaErgfv709utfC//C9/Yd+VX/74wusvX3y/Dgu9i+gfp+OEnxtmTr3T8aCW8I7DBWnfjgemFZF7JIbA5kl3H0YOJNgkpn3IDOVJULD3bM0g2qbeKPJ5GTXn6X3rEury08FLBnkXAwdAWdUpSWFXN0Qjpo+47k2f+jc6zDVpUpemh/5M6Nf07lToFA/u58FseepnfNgI3QbBVJB68zZInGqZCVXJQAO8PCXLtOc0o6uRS+GwDLhmhdpslj5mpQEmE8zBkkTp0z5FgJrovRpSV0I8nXmM5CyS/dTr/fbtRo5eVE2n1qgxXcd/VGY7FaxqQT6l7KH2uH2xa5yNhAfmajMwnCclY2/1anAGExm4uPOx2QNsFxucCyrCrJ7u+8YYHUTxTiaNNuBLu1LY66xsWKxn/ucaSMHQGottk0ysDGBXkut90flcrpTmDMglkiuLMcuf9SWhW2Q2IkAq0+F7khaVl8tzJxrvcjJYtldk4J1B3gRsSlbsPeia7UkJHMKaALX5fvPYLHqvI2mQmtW+ndpeqfXm/06AJverBKWfrJTl3loJgd9MBnYAEQyroDLm80xgKvdBCcq4gdt4XSy3CdpGgjdbo4ozblSTtZW6XYuNlayWWj0W0WD6mels8fK3jkQzPicTnlnVZjHPTK8ATvxcnLXZIqTOksgfy7MBRPUcT/BYIaLfg5JcABvmDNyyzpUIoUskAbBlcmGXN/J39f+/tIBmm0veo64pccmUMxsZy5MCpf5Is++f+d7z69dAN4oEn7m9gvA7aVPlItCarw+pwgfgPCM+mfZpGl9ZK2/pZG09eyNYKMUZgq6Z5582RgcTFzE1rz27boIhVIZWhBvIDQu/48zCSBIFXKfMkz13n4a6SEOcB78my7YJVrK7xIP9mrNtMEGX6SfijHmyqKE55jt2MmRin6iqT4AMH9G7t8+D31cPJnktBTOfNDO6MzVbsFAhRnlfwZ/cp3Ge5lQXuLCILlpP0zlGDGIGwTya5/MCEnnymy1k6d9GtKJFIgfUamGDsmUuYwWmfZy/r8GIM3ONJwv7NTRiAOXKDBRxrUYJEMBblIXr+OS89vQp/2GXz/ghWQpZgPzcZxPJDvXFBJeQwMgYJwHsjP/yPK54J3O6jPGWTzIyPFxx1rLd/jNzdHXNYSqhzYT5tK4SDk8qlI3SXpDqmoQW+2CCCiyQbo6lTh9KAku2fieurZYKotGNYnGtrLgIIj4FRGgxBVACsJALSAN+TlbrPoulHHaJtWTRZiYxvdLXpw8hhflbdn/kLy3nz/SVNq3g5fv5BP7jhp2+KYAQY8Xj+YV5fojn9mE9VuxZZvtYAjnCvjVA5wTXa8FnwXCzLAGSpJIYuhMMdIHZxo9ZsGh1fl6CagRglKH7fIDx/h+B6fDUv+M3fxeoeTyV19dIKgQXqSwN7ULv0LZg0ejhCT3qLJlQoHeavQfprTUUGOMMJ6C8vryiKk43uiQBOk762xMplW2/YdoxU55vD263F4o96ec7pW2M/gC+st3/V7bXf6Fsf0T2f+UcFbWTulWKnhhJRzxdc7Teo/DkTIp+PKm1hFOQiwPHwY5REDZMYd82+tOTkJ8/fTqOqXK73Rl2UqVS6o5xMrpxu+1+TzG5pLbKy+sXLPQ+ztERKfQxOM/DR4RvG0c/eT6PeI8bj+fJX//28E1UbwyD//HXn3z7w3+j6T23QCTLHQDtQpEds1CZlzrHvSUS3bYGkh7dg/7RPRnq/Q0pL94GM/zaS1HGOWhbpe6N59GByuuXr5j85O3nd87nT1r7SmkO8Nxfbzztgb79ypcvvyDmI7Zf7q+McYJoiKFGu8BwraKS1HLx8YhqivaO2ED6iY6Tsx+MXmjVDUSphtTddQDExbDFjEbHtHKqIOVG2+54Yu3x5YhAY2uVQplG7TO+juOkFNxpmM2KYFZmF1ATVZg5DUhW0JOAjOVo7qVH48FVTneK0dsB2vTzJHVG/M8R04ZgVtWwpdEgbhNoFZXmbBDyGoMinf+vzPYcC0eWxncm8JEQLUADMqCZVQvzSrVPVoig6lpJkVUhDRcPakhdIq2TkTR7eWGNJ45R3rLaTTSC1FZ9MpOa2w5vg0pHGwmofBSN9ZfMP2agFY49QZEck13M6eKeCBd//jFuUMwTfjVnN5ZitCrOeipuF2blsBu1NfSMkdzlmowXBoG8X9KQeT1zN2blNwx4tnEEY6uPpYFkESzO1ijzPSCWCS4gZbKFdKKL/qrlc4/mBnxfJsAxp1n55ERnjMTUL8sgrpD986vSB8iq/qxJTx7EOYMmRGQnoOLnphSZLU81gMbWknlzrbRVStlo+90rgs2r9ERAly022UoIzHPDPJu6Elnkw8/NJCH+XkqZY3zHDFT+ASNH1hpOTYYAT5JB5nvIwQc1Jugj4o15OpYu3FCdE2qmOGnPSmwGbauFYybgE/9Ipg4TlJqtHlMHxl8pJux6T+5b/D6Zn0NZK2b5zbDLOgY5GcRssWqGDrZa52+lyG1Yybi3ecF+vTMpy6TR1jWY2/0P5JdcP7383vyM6AAhqs8i8/3yRpIl9Q/yxk/z0rjOXBuBWbF3GZQF3Li3zGTh411NVlF+3bLVvMS+ybVxAEUK3pJqFnYt7Gr3tkOI9oMSwHipFHas7FA3VDYwBz09mfH3JdpzShQg/VKDAZdgxYfLt7nfMslIIETH8uFzPLasKZETXB3+HjrGqu7HYfFYwnXvsuLtEyMHKSCvqpz9JBlGPd7HGTcnvSQrkbCZqVtpK66Y4GimV5FEXQCcdRjWf+ljijQiP424wH9QAiDXGDE+WUM9Galt2qC2eUFxjMG+NZbWT2H0PgsvIkJRT/QlNeR8Ssl8JnL5tNxfkJo28Vzt42Sj9Vxl+s35bFln0+83Cy2f13s6U8P/XkTmVvWYdQErRrTpCPHswl+W6ZkIEmu8VuxGAhlzUeOzg+n5QSdQiQIIJODiv94obXPGaWmUukMUgCfII5DMmTXNKxmzTFubd76u7coOkpgSefEwGQODg0YRK65Yydmy68cNZOnR+NqteHZGcRlvZodZ+N6zL7mLocY5vAOFmEY34/GrffRNGn774z69XNi0uyuGj2EWOHlD5luJn/erCY6YSMOG5ASnRC1Lqd4dI4Tou9tFJyesGFZk2QzC37obuKxL+HjJuJbVCurxj05779Mbg60bAKvHDPF8f+Mdzfz6dMjvOs7fn/pUNnp/p9ApqlRpXsmV4uJC0nwKyRiBPEYbSguhUFWvII3sV9WgS20c5xuqFpOFYHRfOD065/nE9HSARoyiA6TQ2i/ASa0d9obWB9ROa6+0l7/A61fOGig8HvDIEKptviWts7cbOmCot18MdSGzUguocr/fGKezaKg+0WioRsuXB85Hf/egqXofG9UoNx+nfQ7hvt2RsrvewxjcSkGtoxbMk33jeH9wPt+p20Yp4owjM85+0sfBocajd57PM0Z1e4/hX/7bv2JSeR9vPJ5w+1Kpe0yQUMHbulz4eQxnhOz7DuJjyKo4K0YkKurRFznMMBNnR4kgtaLlQduU0Y1SN9AazvuIKlBBz4PzHPz69oPb7Ru32523N3fU4zi51Re27UbvnXYv/OUvv7CZMvpBK1+d0VQMKwPD6bRFXF1DzHU4KAMdnXMI1QbYQLQjdlJaodUXRnM2ko4H22awNfR0xo9mpXAMzApNXjHbKVYZGkyCEJsC4XjA+diA7feOxz/1layXkkAN4pTeUMpfPbaZSAhJbcykJlufLMCWbEXpo0/gaozho7dHgDT9nNWwFXj5+3uc50mn2z7BxxI2H2U5AYdwPpckYVIkZbEnViICitJmonJNdBblMMOcdF6ITA2PdG4kE2aGRPMtSdFfN7oKZKKbFQ/mf+ng0omVUtg21wXxaob6GPp61RmJxDSc+GTqTKbQR0s9nWnkX0UEK+bPSzSA5ehHNl8j+QfltWxDq6XQ414ziXUH7G2C21bp58mqLuUKXQCaHKeGxGTptY9IPZYLWAPL+RGJi//VE5WZPE6mwnJoSW9da+GToXIy2Gd9laiGARG0lXlvU6QPmCy4KwgiWZVNmjbze2VOEpHZ7pQTn1YQyYRLJH6v1m2BNkKMD3Uh/1J3pO7MUTIJZmawGHuvXtoB57tbthMufY281kyDs6ot4sHwPEcaJ15WApj3niwrSYDG35QEnJNVA0tANJO4nFIzdFXaMRdQdu2M1S5qEPtuxSf+4zpt1EyC8jcSMI3XAipWsLeuiZlgIOIjQ/2gMkJse05iZCWRGlXjBH8lxCoj04xANq4oJt7N9CJFDeO5ZXvWsqVu20RwUdUISBeFfN1cat4kC2ja9ovNva6BKt6q/HsR5z/7Fcn6nAYGc88tvyKkQruvVf2PdxTHNtsP4jj4+8coWDX1UbmqzB0rTB0lRDz51oJKsqATqNwwgsVsIUxN99ho4AVSMbToFJXORjdnVa5EJCejZXtAnj1gsmC093lbvs0vwGWcTUwZPadNymJohM/WKPQQ65ntTQnWeBv19X3tw3J6673/frEy2W/Zpj2nABlzfa9nc8YEljb1elAjcYyCcOfErERxUMMfe7Kn5jDQUItEXZlC+wLVGhRnCXm4bJgOn8qaiV2Raackzv7y53FAY1pjifcN3GHaT7eL7idLvN/VrrpHmfwKIsNez/GyFmppXz6v7xQy6b/4/ABqsrh8PZv5O36u5MMZvRYMSrYYGqv4APPPTK7DYs797vqEwVpJmyni4EzZnXlVvaiU50zSR86fTRbNAl9mfEpMk8voNwDAyaRKFi4j2KXxjINtlQC9MyudvQPLHieQnFopZE6V6xG3PM98MH2dzeNnamtbFDltxhfIYvVMP2SAKkoWP2X6oXww61zmM4p7zVwh44T4ubVV45ngY8fVotW/JLOHCZRkDJVFxyZ5nSnyPaFX8gYyzNJp/S3OdIgGX86mt6l5j5mqebvisqZx/cv++vvlKS3LJ1/WQTWAyN/xm78L1BieDFs/UVOeDIp59danmmwI9wBFDlSDmo96EmxgRaBuyACpd1dPryfba+FQT4WtGFQ8AK9ebWvbC/beqUOx20/kxTDb2bYdk53y8hc/YHpiFOT2FZMdUe8bLc0nF43nQZXiFQcL6vk5qHJCUXo/kK1jMhCpnKMg9Vvsy4qI8XyePPUd0YFqo/fKtt+xWjmfb1iPCvd5UNWQNng/vuO0KeAwyla4/+ELlMrx/UCfSmWjn4pVwyr8/PmTcyj1dofncEHQVvjy5RsixpdvX7jf7zzPJ2Y+qenr1xs23sE6dKWaYtaxIZjtKJ1RU9zKRehM8FGDLcSFAZOO0ekaDqBVpBn6/SfCG6UY9fUGCM+3NzcA7cZ5drZW2OSG9cG+v/B6+zNFH1jZqECpHS3CeVbuX77wL7+8sIvx9duNfR+cQ31yVGzibBmwoHgbylYNG90FZq2ibFALWqDKhlWn05ays22NXlz7ZBMXxRrnSbGTUm8MMbQKQ9zxV7zahfnekSJ0lNvL7feOxz/11UenSIIk6dbTWGcyIR//bV4hS42PDHo0q10jgBcjxnQrfZwxBcpZM707DTip0WqKiVfR0gj5VC43PFkZCss/U36Jz/Vg1e8pUXxZHmDm7W74FwssGQiJH8wk0NwwTgM+HZHhDSnRBpAtJJbJbA3Aw8h2uBkwVW8RrOS44jUFqm0bbdvYWgsmjotm+8+UaJOKgCGeXfY1E0k80+l+BI/Sh0kkiETFI6cLWI9JfH1QGnMEaYJUjDET4ezdrWVjiFdurSxn4mtbaRsxTn2sZDmwvo8Ve5uJpz+vpUNj5pVrm3sgKq15N9lqMumjCerkfsnrmlF4AEseDCm/0Yb4bK8MaGYslEFjXnecByG+K5BtTrICTN8XoZNUljYMJNPlyhDztaltc2AScNFDBQkwoMT+rT6pTGoLDZo6xawz6cRsBlwFIbUpZKIAtuKKmWBero/cssmaCuq0JM04N5UHiGJOa/7AoMpnHjpJpha/JmFHbCa+c4y1EcnKmMlltghJ7NciIfSnMcVGbe1fwjbCnDg3b5I1Zck/y+YznIsheJI2lJlQBNNkVvPTzhH3EsC6iOtbZIKSfSuqPlK0xrn3VjG/1g9saZvWNS/ef86u1HC/yBkwyhJhXF+PkDWfSSLnrDNvH9Z7ff4w/dxn8zf25brdMgmJTIbU+pnJowWIltXv8B1mnshkdTar4BnPIJ5Y1NKc5emqXkhRhBjba4LgrRNe1PBzlwXPBFhEjDFBYEHUk4ZkICTIWVNj2H6byPrNOshC2Gz33+lvxkhqf55fw0GFVeDJSrqJX9/o6gxdWyxdw2OyoSmsrRPAEXFGztKcGOT0VUSCtavzbFowwDSv6VrEiD34oYWJBCVWQpnFhwRrYtzMYs8bzlAeI0RIYVif59Xtrsenrqvm9qg2B7lNfM+oDRhMtq6JOftVrnohqyg1IonL5H0mm/mcM5aTFB1eXmVgIJ7AEvZj2qzL2hBFtU99NmU+1jxefi4MZ8vMs8k8m9OV5i9K/p+QWoOWDHNZMdYsbsQvTZBFQaohJW2y+1Uuo6xLrTEUpsbvymK4xtMplNW+bITtlnmJ2brs+nVrPlIp8sEHlmi3TxZjAuozpTdCcDiGFEQ8sfQWZcZZS7PRweU8x5L3EQ8gRdE9Jg5QJuorPrRiAbQiFsI4K2TPHCOBJxSfSHwBrHJbph+cPi80qJzBlDG8rTOezKfQSnSR9koRzUjKbTF5nqtrwmLTf67lzcKuXQAy96lFJGXeVnwWsa5/vlclZi6SIBEXhs6K3plFI9azszzrZv9lTPu7QM3Ly+aivUN91FytVBVU/cLNKs/DuN1eQXxcqIlrtmybT4xS84Oy1eKjvPEpMEUEaTEmb3hluJYNZHB/2Xh+/8kmnWbvPN+/e+WXnSJf6dZo+1fXuzgVtU4ZT4oorTQ6dT40EeH5eOe+v7jIqCQ9SREbqD7RPvzMF1fOb6U5FbN39PRWD2kVunI8FGNnDN8orTS0Ki+3O8/ng1dp9OeBqVJFOEdMxVHQZ6G1HRnK4+fD1+Vld0qZdroaJoWzK0MFzCd1nN0Pxu1UHvburQ9SeNm/sJUNVCmlgwywEynGsw/OIah4heV+v5HxlhnUbZsaBB6Yqid6IpM2uN12f14/nmxN6GY8Hg9KqNo7u7vwfD647Te2bef97Tsv+x+x/oP2soN10I60PaibA2Vje2nUe0HtEZWktUlV1TVCJANaB8JK8+T+OAxj4xyDbW+0UrBiLgo9/MCaFVrdqWK+G6Qz2Cj1jlrDakVapbqndNpiEdROFKibgfTfOx7/1FcGLgS9z3vVV7UUc4aViwdmgJ7Bi0yWhWoEWKkfop2zO6uin8OFrUfSl/13eu/YcIFx1Y6SveklApgVEjrd10ORDGTnS4hR2XVeC7acqOWbsBys33u2CQQdNSoEPoJ3OaOkeNaa4r8JxCyjmglJAgSJ8K/AbDEJSrBnckpTshquEYZXUkqM7E62TX492TRyMdepRbKcODNJz8B7CaZFcdTvpYENRYLBqGaTyJHLbJaJhdI7UwSuxvdUwzEXXdXwCEh0rIQjr25VQm2tk2WQb2RbUyYM+fcVQOW1ybrQcMRGONGSCfUlAIhAXKOqeplv8+leNQA/v+5Z82NFnxJncyXm6cg/PP8ATlJMGCCnk+VTKaGHk1PK8tdrgUKwRaN6i6WIdbSuTCQp2pcsw7U4f6pIS/ZZJkEezCybMqMZgGln5gMNh2PRNmPIJaJz0MFbFFdAGenUfBuVQQ4amMKjcf2eGGYI5C8XKBbX8YAATSLBi+dgAcZkopr05jxHmfRNweKs3l+TAnL7rvMw0+GVHc4AM39+hI6OEu1XOPBdxKc4LkAuPyvPHVHd/Hgv894TYJJ1/XNMMpnkZnvWpc3p8uxm6xZ5LpfPmCAq634hWobyu5/8bE7fmNeYAVHeDpE8SBYQAmiOZ+a+M5kql5BbPWFRC1aj+pgDKy4yK+JablUE5Iw1KtDCttsCX+beHB7JViqTrAoT5HCtCMOnB0EpGq1RKZQtkezMaBjIMbN59pktTCIEi3EBBBraRs6gJmJZn32rZhPT0q70s8911QBf+uhzX6WGVLZGp/+eDN9g1JgJJkvzJtk9Q/Ufnk3gwz7Ol0UEknZ3Pi2/oLB0ofcTAsMSCXlXxRmQi+Xg+igRMwUDp5Qauj2DrVX6GNHelkMqZNqMBI6N/PdHe5oPRILFm+azSIqblmkfc918Q0T6J0Cy9i4mOO3tYgB8zledhTJIwNSXJ59cjIUWn9Z7jSlyFSfYICncGwBIrrXAFNJNLbdsGQZEsmjgbTTJvygSQySuGym/PvWJFviTQAwE4yUSfP/eZT9kbJmsW7PFpLVgZQWIZDDvKYHSgpCj69dlGajn7ERbvGmCATOYmn70grBMgGO2E82WI6HUiMdUXQg7tYPMonWnzGBttd7PQHSuzfQmK+Bhxt6TTQWpoZbXhCYwnLZNZpeOhpj6PEuyWlAJzS/iPX/LXE+R8LygBG5KcdLIZA/ltec+KhJdHwn0pBZhrAnrGU/QZ94zeTgvz/U/PRr/hZjweXJrDSk3hnanNlpHStB2Vfjf//d/4//7//nfaPsNHw3bGfYMGrWPoB7Hg6EnRQcVpdAZFv3YdkOflVoa235HqwdMpT8wfmU8/jvNOuX5gtwL2t9o7Svj+YCyA0arrjGzAScHtDsp6NikIfsLpe08+oNWClIr5+jUCvXekLI5MCI7VW7IcOd6nIdPghpGP59stXG/vzCk0Z9PGgLDJwlYrbSXVzgHJkLbNj+4pVKOCKyOTu/Gxk6thWP4ZKTj7H6oaNiAx/NkqI9JrcVZN7UWfv58UJsjt1Tx9rCvN+9XHh3KQfbFSVDd+2G8/XyACNttozVzhPNUZKthIAAdbAjj7PRj0LtvtLbf2L/s0M2nJ70/GV2hFNeGwYGko3+nnxvnOXg+T0Q2XrY7x/sPNzLmyX7Twtkrf/31we3+QnstPqlg+OnMoH0JwUYAHMGpVKNtHizct82R7tYceBPgPLx300BaQUw5nocHQPULo9yARpEN1QjKh08K0nFidlAQtmKTAfEZX6P3QNYjCSF6oGUZp/MY7LdtOhdL6n84PCPASM32Jm8xswBtRoI0Y0SwBU7ld9aW6oFNGnfx38UrwDaN5GoFSJJgmGX/NVmJkHuwVcNezs3/W9TS1R4FRELZnKYqq4/72sLhE5jSYeY41OgZljLbeARZlZEACuZ7EZ97vZ4AbaYVj+APc8Am38d9tn0AfjLJS9v90X+sQM2T6OiETYdlnuQlb1p09ez7Jsge2ggsL8HuDFIu+dTMNS0SSdYX5v/S6c7E7sqi8Z+f51RWwjOf41j3lPeQ7AVNpw8zZs2e+ilmeglmP3EuSFaJVpJv0/lnYHL2zm3fkRlw5rcSOCvzaz6ZZ8z9KtjcF4txUymtUQWKOJtDpFFMQzfYkwzMWRJCVvuS2ZH8p7XfHUDMKUcXOrOsnyGAn9USFYmQ5Z++B5J+vSZZZJIis6puy9D795K+omCiH95/xZf+Hrm3cx/nZ6RAb+5P38f+Xla4tD5ZJKaxH3W1aGSidQWP8jPz4M+2ghnzpmh57m/3u5k4zVYtlthl19X+lZVDbz9Km+e+VsQ1r/LuLe1CfHge09XKdV2Uufi+vLEvsyCy3s8uv78C7PUBYRvs8p5zzfm0rwmyEPepI1hi8aRMOJ4n+23zswikd2WOwmbumWLLvnm+5KL9IgGmm6+zV37db/bh7EyjoeIRW6nQQ+OkREtGasZM8eFiWMR1BpNZU0mTH0lpsO0WoFQBdYbOZV8nSzFuKNqSdCY48zGOS4u0BZATrdHpG4ipUKqp4eAg6ogijxeCRrxdvl8CNP6ZDtgMl8kKWzW0R6uWzXgtwaQlrpsvSRc87ykTwn90NrMt0ItV/tBkgpL+qtFS79XvwlYK3SJGDZuTDCtVZd8qtVq0L5aLnYQihiZAw/q6R0PrnIsFGwH/OdVszQkmEyzwOWwMXPbwBzt1sXeXZPlTvma8kG2eGUvkKRT60T2mveS1Flp9kD4lbZFOQCxPvBd/Fpslx3OLDbCOsNpCU6RbAo0Us2Azy/Kb8Z4f/GYJfcsA7K7+MkGajMH855jAy2SqRZzpzC67fB4RI0SOM4MKmde1RnwbHnWvdrj19fD2tsD6bMs2NbS4RqXV1AX0s1IjN9MxkOqkDdcmc5YnJvOcR/Tj8czI+NDXPF19+pCEmjKeXu1PzvaDACYlfSITCBsjYpcmK76IwkQCXGMYUmVurcumc/udy5ILdYkxY8v4fVtZwM4KmGZMppFn+S/68Bri3hZw6v9nl2f6X53L3299UndOai5C2HvH6kCtQ9kQ2fjjv/wZk93Rs+KI7Tk6RQdS9zASg3H+ivZ3WgGpG6IuYFmKICbs2w3jnf2+8/72Rh/vCD9A/k6VRhlboPMNs84Ywv3+ArX4A8KBn2GK9Qfb/hIHw6ndUjfaraDjjKq+P7FaCogLQ6k1xjA2Cs/nk/N5ughtaTzen3TrfH195XZ/oZTKJsL5fPD2fLB/eeXl5cVbhc4+H07anWrmArx7o0qh7Rut7j6xKPpiRRraB3u78zhObCjPfrDtd3ofPEPwuNRKacIv3+7eZ66DMQ6kHVTwsd6B8rZ6Y9jg+ThzSEBU0cEOo27N+/108Pb2hp4+Wly7j9Zmf+H15YX7fsNbQjbezqdXSDC6OYDUNjiOwRiVPgr7fqefyuPxZN9g2zeawHkMb13bNn6cg1tpVDsjMQvQQJVihTEGrW2k7W3Nx7rve+M4lVI3Rox7bhUQbwUpQ+E86eeIHlMHD7p5YpPBcLEEHP3QFJQ+DlSV8+FtVJ/1ldpK6YxmX+TFKSE5pcF/x8GyQbaZjBB3Hf0MgMa/P4YDNc4qczZX15zUc8bvdVTPcCoFZTCiau527IporyouiLO2WI6WqJ5kUpTOJJMTCbHVDGK9yieTDptJRZuTalK4LX4nzoxcAqf19+wh5tL+Uagt2k3yZ2PccastGDNLkDiDJzVzpgqsNqgJODJZEUlj/UCFlauxzsBwsQx82pMnukkfz5qg40mXoNWyup3Jml2o7MRapq6MzUfgyaMbrKExfvUS9EKIqKnGSOEM5z/+lw44k9kZfJCgjgfkFp/v9ySsqm/eQyaDCdj4HrZgHn7Wlz/PuL4MkmdA4JMWam0kNCIBpCz9gDgEs81EfToTWfHK3/QWNsQ+AtuhUVGuFOnr3xKkTIFBW88Fq5NJkL93rYT5iY7gN84tlEhM/DeyUi6kEKnN85L7Pkf2ur59WYAv8b4aweQH5kiAPrXMkb1KAit+GjT2x5gtVzbPQI7jTpAnk0W46mZk+w+YxRjiksl5XFIG1phXLjWnJ/l+9UsPHaCLsONIuxXC/WNoJNQJNqXQ5IVd2DxEUw36uVRvH48LmuBRBpYfAkXWc82nZ9c/83OzPTZFmHXeqK/xBdSV+N4lyJ7ADRau5fMmg9nWpdd1mAyksMel+H0UmUCWT8YsM/EXlBHsoTYZbtn+EmdTWvgEZ10478Ungbq4OJF4CNUEqwCCtOpt2fiqepveSW1Ly+g6LciskwwCSUFn83Pp79ARhD6ZY/7lFAlO/5fsGVUfLCCpVRE6deuMeHFrnT8L4MYLOkP71F8aPadJ6kU0ONi8Ixk0i4FZiq33tdCl0fxc93Ma1X50jdRmPlO5gLi2fExkSaoGpfgkxvD3FmxhCTDEmcH+vPVInRBvw++9O5hUynwe3soV3QN0blIQBhpA2mTvJiuyrDgk7fY11vFnt5gvcjnT9psQzzVDo/wV5frlNwkbodOmXHgXn+91iYmIfbUSWQfD2tZYLbaQrIv5M7EMcikLZntR2sz0myLrHHmXheEFjpBhwD6sVhYCS4IN+bJkQWU8eSngYattKwEW8WmN+e6rFTbjUJkgaJGYUpTthpr2ufiUOFVvf7ysITDvNdk4yPoc05C7ucRn/uMO1tZgzozhA2WsFpc8qSvWLgJjxHvqAq/iIuh9UNNphL0yM2e2qP8eUTRMx+XHt4Su5Gp7mq1gAXCl3/QWrHgOyeaf4HT5GNMCrqyS0I3vnowR8jnOGHbGvvl+GdeufZqMZw/tEnDO9844YT6Nead5v3L5zLz3/+z1u0BNBR9tLI1xHOxByR0DWm0MM/74x2/R++WK7RRo+8Z5PtnMKWobB8f5PxF9BzbGuPM8GlJfoCqlnRznG002jqcHDt0OTIS6feN8uoaJlg3EWwnGOfjx678jtbDdNvb75qOrR+c83ii8IaXx7Zc/UdoNVT80rd3RfnCOpwePag40jRKYNvSzc7w/OR5PXu4vFCn0wyffvN5fkL2y3e4UVTYRqiq9K60rZdsYEiyRCL5UcIaNjMjiKu1+o4/O8ziheivOcSj96NQW8kMy2LaCqvfJtlbdoBRD8E2q3ThCYFfPTqVRxa+hF0W4IVLp/eDtZ+fswr7f2LYNzPj564Ouij7feX7/zvk8QIVvX75xazfeD/j1+c5bO3i93Xj/9Z0xnJ2javTDxfb68+m6JKVwnJ3vP//Ot9Hox8HL/YWvX1/46883+jj5/vOdr//yR359/ORf2lfEfiDmFNnWit/X8OrEKkNyGefrjJ3RYVilD3iOB20zqnnrjvQHZnDGNakJqm80ASkbpfn0J8MDf+2dGmDR+Xhgx6DdP69T095jnLExezVTj6Ckoy8rUQ90PacyQEyCssHoTzTYXaMrffhECe8pz3HdI6jH6+855cBFOiO5wXMr1T6BF4kpGzavww2uK+Qv4eEZcKkzyCCZHwswWJUxS3RjBiXpdGrocJSZiEYYXcs0tIhMcEMugqxXhf7Vh5u9x8uxuqBrBlxedcgWldni5Bc8HYxrdERQLxFA5I+pecuhLAQ+BZtNbdLTU4Dd2yT48HxTAyOrcpYOMAPduJwzgk0N7QPJoNiipRG3+60kU8img0mgYFGsMyi8gjBZ/fS90c8xq6opTJ2V3Uy4vfIcDix7m2E+B/frYwY05YM4x+d8LY7KAt2ymlbbqsLNDZpVNfIeAfPpIVcwM6uGTojpsS8T6BAPzqpXuTQmGBbz5yEK/XQ/VC0qy7KS9GEO2G4I1toEL3IaWIJIM5EFD1QlW45WpSjH9+ae9Ngwq95xBm21ZEUHTf6fB8qpDzHPrYV9+Q1jLBOZ+HraBLUEaYLVZz4xxI+NB1aaPsaE4CVOe6LqSemVoWdmDPOk1HTMpBUSjJVIWNWnFZaCdv8Mfy4LKPHr9T2vZmiPwNIUqW5ThgbYNAa1NfowB5JD2yelGpwhYhNMStaa33eCSXxgPI4xYk09iZc8v7GGju+mXkDuw+UXMzDO9jE/q58XRPVnB4FIkPT5ZEyA+x7fQxcwWkBHJydyJTtGYg3FGpj68ALxRMYnpqyk2xkuXpXWrtSiDBvUVlAblAFdlF4rtVWf1NZW4jFiIlhrLlqvZbHVRNwC1FII3M8TkvRFxmwdzBbgHiO1U6Q8gUYzow91lqYINtQnQapNIGexcnKyiQMoQwfnecbZC2buBGh8qENqSuW6W7JwNGLbYAovfwLzTJmSo7UnADkTM7/R5VNSN2cxZcHXfgydX8uzWWqNs7BEyZFs43CGQW1ul1tjtnSbGc/jcMFyc3ZUSesvi0GDhvaiLtA6E8EclSwjADbJYk1GSxYgQ/iVeQSd9ZhMlLVWaYdt+k3UJlj0GV+zdUWyzcw9YRatwHMgiLAvgRhJsdYVG5h1fy8rcdZBYoKTxPclp7pmni6CSGOy4sxzkQw1RkztpXr7VT6bqfFViMl8i0mdjBpIptyKAXOKI7E/jdSFS2anzfjUY1Bz/aqpa+3PXMP3+37LGDfBGj7ElRqsTYu4SjBILaVYV1V1RlG2cqqQw3lG7x6rRaxc1XVcpWgAMjVDcqx7HuGt2h4zjvDTfm0676PWRsAdbiuKOpNn2ASmr+30MvQSE4FaD4DJbW4pMhmCY7iNS3F30m+S65SAVYbrWbxIOCVzeY9TTV3PM2Nujz/GioNZRUYmUHOdViprD1uAyf9FTPu7QA1jYLVgpflCjs4wT3QpjULB5MRE6cmc0Q4SHzoOb8+xH+zyk2E/OPudtt25v37ByosLwLaGHSfa3Rliwzf9l3/Fzj8z7IFZ4W/fBz9+/AD7ydZu2LDpHP70lz9yu29IEcZ5sDfoOvjb+Bt1e2H/8gUwJKjg9/0F6weqgdCbojJoVTgfJ8/3pyc4Q/n5843j/cH99XWag67dJxmVwv3rN95+/EBPZWuV7eXO29+/s1PY24aKMWRQWog3toaOwePxjsdTxtvPd7Qre6vOCmmNPk62VnicnmRv+xZIv4s33293RLxdxY3anfeHYV3ZXhtPO7CuFNkYJpzd0FHRbuxfN7p2xiH0YehZkHKnto2X2ysub1V5aRUqbLeNDeP78Tf2/YWB6/rstxu9Vx4/To6zc+obT1VUqk+sqotZcL/vnP2ga+fvP588nz/517984c/3G6qd1sqcGrDtDYvx0G7komc0aH2lVM5D+P79wXk+GHJS6mCjc6vGrT7957adczhzpox3zN6R7SsdpeNtfTo859B+uqaDDXo/6Mfvno5/6qv3nh7cA5KsBrEcC9lfasxgPCvORIKjemLjDKaMYZotOTlZKqao5CjvDGqLj9BTGyg+xm+MlUivYM7F9pJ14gygsgIJqUiKfcIHAbb4ccCDnysgk8FmCgNKWywB8DPVimt35HWoxejsuMHsC81AeP5+BEmpHaNmVHFALyc8FSHYbQvcyWS2FGc4JGDjFbWYShbrkSMCV+sXFPVWphKBR1LZHbCqmCitJfBkc1qE53Xq05tKCZHmYAj5HO+pMTQn0qh9dEiSzBwLRtUIsfESid+lwlcEUS6VTpuYzZzUZA549x5C1CNGc08GQrappMOLyWxSZ/uJSEyZI6fOOP3YTKf+yKd8mU3W2PoaC1iMn/EzofOIzh/0LDsSyWSGCEL7sEczyJggULEAaSqUFnpjG6rCaUrRgVahFl/fEXugxRWkIJ8h9DGcHVbbvN4FfBquGWPrmqOypCOYWIWYIpdVSyCC0azcz70aCQyS4PHqxdcP1PcE/6K6TwbPfpYy2NKotI+sprOu02xkhDSvI/dtBrhqA0vsJvd3JL6llgXghF2JNOpit/xQJs1dApBxm5l7OwYbaASAqtnv4XRyYa51JqNm0Iez0bZWcNw5Aap836yaJoAbAI5lQuH2o58aCa3bhJUIBgCV9x5/ZlKAzBQ03Urs2UsryyfWwdChU0pBLsn+ZYdATJ/80BoUP+FsMQf3fORAToXyJM/XK8C3BMl0+atSCyO1LzS0R46ns5/bNoGXWirbvlFrp7ZGEaHVihZnM5bqoF3abZ/iVmbQv1pp3F6TYD9M7b/eg4kT4JoXcdaI7oy9EsQZPZPfZMjqhZkkAcp0zjmcYMVvKTCsw+OHHsUfiDMfgMJc6ziAw8yTtTybOFA72XNxt1JS6y7ZpsSejGcYrOqZuQIptKrBiBmjx8hg3+OZgI+RLDL3uhM3D3Bd1dsrNT5TZGOLeCXbGmccIJ70IosNm8mca21o4sfx/kbquxdJ/aprG0WwOSSEqJF8RGt/X87m9D+f8OXL4IvrZBS7rFOCCYt5ssAFSRM5xe6nLhtZgKuTIZattmKreOJMzW2+VxZ3RzdEBrWGVpA5ELgh0EpsAZt1q2SkWAAIaVgSrCizhTjuoSzQMUuBWfAoZTGv3W/6etTIHzOOnX6UKO7MsNE3Tu6TZNAZhg4v8Dh49BEgMEtws8Y5GykbiOHT2FK7SfF8OjVgxlhxAsO/bkZ0PHyMN4lnWUtMN0zgiihiRjxB2Ca77IOlVZf+Oa8r7nD67CisDEVt+BCQWKMJZJHXZjMeXfvxui4SNk0n89Rj2gXQ+M/le0TSISv+mbECGUetNf+9kPb3gZqoopiaG8F+uDFSwbpSNx877er1+SlOBRVV0E4pHfo72t+wcWLtTlfY9p0+hLq/BlVt0EpFcaDGXgrYjWNA+2r8+PvfMXzU9PF4AM0FiyOg+vHrO7/+/Ttfvrzw+rK7sJk0+uOk9sKvv/7gOA9GP/n29QtfXl6oImztRq2VVoXBgGgBMVXO40DUeH974+XllW/ffpnWoXelbo3n48lt3/jy5QuPHz/59ecP9q2hqhy9O70TKE1AO1IGehi1brT7nYbw/jwRCq+vN77sjXOcHOdzOrZamo/6VmPbGrXCy+uNl5cN4UAQno/BoQ09K8/3E317cv9l594aQmGcg63eGd0Fz7C3YCkUijV67+zbK0MGt/tXd2Cncm83rLkI8Pl85357oW4vHHpwPp9srbE1YbSdtt0ZUmjnyfvzyW3b+PblK3/60ytvzzdKc6TzOTrPtwem8Hgo8tpi1HAGzsmi8YNXpTDUfNLRVl23R73l6t/+7W80udFujdtLod52pxjLk23fabcX5PDpAuX8wfvxRnSicurmYn+2Mc4TGQf9eKeKC4z18/13j8c/8zUiGZcwtGOMNQIyaZIwq2kQ65pJ/QjKv3YHacZA1ZM3o3ggZS7Qa5f/iNYAtYIimAhjnNOI+ijSjDL882fParBOVjXZMNGoSLv9aK3Sagtnnc5sxkRXRvA0iFtMXcrPNPPnd2XYYB6QqYiPTCUSmFieWdGzVaXM6oaIO5NW65y+kgrySWtGbH69tfrh+5kceYIoEwTJynMmQgbROhBORjLoSrospDhkRgYT9MpkQEGL4rFgun5xoVnL4NPiebh37YcjktdRqr4XlPB7seBrzacjygQmHKdkIjgG59lni9TEH1LTIfr+WXe+EkPcKZp4wuRr4MlkJg2/69X+2a9LMJxg2MxnWcFygjTXn40ULn5Ec0PEzxMBBRGwVNfoykSREK+WBnhgGjVGJiNi7iX/zwHYk21rXjCxEH+OhE/1ZAw/B625YHEpBUpW++LiL+0/ycLJ6n1OYzM+MlsEtwmjDzQn/dlKBGfokwFUhpTzTMX+ibOSbbMJwvhlpdi6X1tWbfPneorPqwumKs5UKlEBm+CGXoJC8v0il8hTlobKiCkeAQhNrYQZlq1nDlO3ymS9XybrWdXHQkg7wNuh5gFn7inwxBmYek7GZCvkWrlWiPI8zvgsMHGWkdvgCKSvrLZMyKVg4gB92jIHHB0YEmwCRp/15QFxpnxpR/yKh43J4JpV8KzWSyS+k7nmU4ogfLB6rNL7iOowkAlZAhvFIneU2d4gJAPLgB522vfA8TwoRahtzJiylEqpRtVoTw5/1YKF44WO1bab1z4rv2mj1WMBP3+dQfgGYZ4Ns2RAJhNEpzZKgiQJ/iRwqaoB2AQb1Na+GKMzNNk0wfQgwU4D0WB7eXXa38PXL1tB8mwqaWt8nRmGFv2w96ZAcix9JkYSOnjePmWJB8T9BJCnbrclCkeWe1vwkcyWMZhMRl/qcLQWLEYJ5l7ah2yBsSUe6sfKQZoeephntOynfXUxahB0jhj+7dk0CpSCTyBbZ9NjvP9nnE0uxaJVEJCP3yeT6Jlhh990Y5ZqLPP74StKtCde287kEt+5ewwWd61hF8rSApNkaEcMqyGGTfnA8gkHhfbhcgAibFsjQRECCHTWns7P9yek8yyUiDXjDmPvRwtUDKpIsObaurQKAbG3zGK4mXwAIzBm4TF+ecZjyNIErHVNu3KAZziI1YfLaxBTy4ZSWqHmOcLjyzF0MsFX67+frdS+mWTd8FneYqWei9i6F2MVGiC1cZhnkPl83G/mZCu9tMepGq2u87Netp4hi5GW+8t/12PaqdXFPNkR1vqZLuZ5ETomk3XtyhSGziLSAq7sd2La3wVqdMC+V4ST8XyyCzjdYwPbYRRaqTBC48Kc1uliWMKw7+j4n+j41Sv18hf2+78i5YWuBWk3KM0FeMrg/XR2jcjOeHOU7cvrC6rKbf/Cn78N/v7v/86xN15eXrjd7zwez+mwAN7e3vipB9vtxr43zveDx9uDtu/Y6N5RrwVO4WmDx/GTl7tSrXB7eeV8PHn8/MlIfZMq/OFf/kCRRtfDld17p7Chz4Mv9zvP5xttK7z+slMfIArHGdNwTFCU2m5s7Y63IRlqFeXG0JN929k3pQlUG9zvN3RvPJ4P+hgcOmDbqLcbp7puy/P9naYnL3ujtI1zdN4PYYxCN0HPgy+8sIvyeP6dYYP71z/x688HKjvjNPaqvG4bNoTzOZB9o7Wd+9cvDFGe70/Qjddvf6Trd370N0Zt9P5G2yr3vfLr3//OOLzlqGxf0HbHOLnVO9++etXjx5vx77+e3F5e2OTO396fvG8bRqfUzRHcAdq9T7SJcHRFBTZxZwRO6VVTZLzy178++fH2ZPsiNCnc9hf2/U7dK6c9MHlQyo7IjftLCFjLzl52VO48h7FLoZaG9Q76E3hSt5OhgnTlZf/EGjURUKDORshAwC1NggTGROIjyU2tGK8aO3DpTJioAsAKpCLAHLYM0wA/y8lkEactFjHG2fExpRlMREWdNHR6QdyJwGGQoquOcGdi7hUAF8z3ilECBQscSS2Y+iG4zlalWlKUzJa2U7Y4hWH1imOhFH+fFFD16osb/VrKFFHbWqPVSiuVFsyaTGCT6kpqOtjqRbYUiCLuJypznsQ57boP3+fDnC1TJAQhs7wm0aZnDnChTsE1HYyYCqUM0jOMmMyVlGAPhCq1KIVkQXni5jG6V2aG+to3K5Fc26waEAFfTtoBZjXBADWhdwdqElPKkSUi0G1N6cnsx/FiQaIVkaw0WARgpmsvx56bGjCf8RXXmIBAXqnF2SQDULvopmRAKkTAFi0pDpEgZUciSXZGTZnjRj33k6AzO1271hZTx6oXTiLi2VqltdXnXwMQ8GTIg90mXuk3NVprTuuVJX6dY3ZrsRV0KguUw23AbDXQEcFWnoNMHqOyXJjnHiCnWFgE36kRga49lpV8kUxAfKUchB1O8NGlz5XVxDEGNau1iFdNR+5xQlMkphNmxT6o8N7GHOGWOHPRRjJhZOqDZDrkbTLqbaqA6JjBqk/R8bUoUl00wAimnn+9B8W6RglQ1X1i3tMExnSJd+fXYAXtmeRilfP0RHoGvfE+OkEF3ycyFpCRDCIfD9xhAn9AjmrFWZ1R9P20r9Q3yAS2yAKHwan2ay0NZXzwN+ATQ81GSIJUB0aQSPLLLJSAfQD+6aASFffUqkiABEFsMdb8zMT5Oc7ZolSrIsGEqbX5+Qhbkm1vSPe2/pIgA55YzbMZiVeCDXH/zuTQAJHGXBU1F9vV0KpJ/5ytqtk2mUK/Z+8fANPJWgqgx33MYjLp5ecKdjmzzKJBsoFbLZj0ydAp1XUlEfcfkIKxeS7S7yWjN5LUUsPO6rz+ZDeMc6yzWSojksNkHzgYFYWM4q0fimLFz8jeS8JvkYiHfe4ByohE+10CaYKIBVAzps0rpVIsJ2kaRQZlyGQNC0YyUy1YQAnM+4MbscY6wUL5xIcz2aES7S+lXApckRBfp1qxvhrPWcnRzp45t2DJ5Bht95skaAHTlwJgqYHj7Lg8m4J/3VkxzPNTYmqjOVWbLKJZjHeXkoWXxRSZtjlAkARQ4aN2UQI2+bySGVICrKEwtWvyd13zSWcekDFfvNP0D0K0wMW5Tq2lZADC0pjza4vPUcNKwUoyb9O/CqKeq/lE4DH1XXLyUTWj5Mjz9FFlMVQtWpqr1BBoz2IKoMNBLoPez7VhokhlZv57QgC8Hr9mO6T7Tbf5rg0WNv+SF5ktv51FQPeNhllx8FkNCR0xB36DxWbd47Lcw8VzVpX1/JPnKPFhMts2/TPN8Kla/8nrd4Ga0Z9uBEuOwS0u6GpCK17xNDsQTtAnRqqTG9oVGw40oDfq9gvGK9K+UdoN6biILr5ZMOO275jB8Xgy+mDffaqTqqNvj/PJsBDk3Sr7bfNqfvbHjsGXLy9oidaHWvjy+sL7+5PjPDiPwwO50TEGt31zIOT5pBzC8/3J8XxyvD8oRdj3zdsUtFOqYXZisnmCVDae50k5vde394Nvf/jG1+3OODr6HDweB4Jx//LKdtsosnEcPQ6aU5fve4yao3DbGsfPd95+/mS739hf7tQxqHT6MI4xKG3nf/z1V56Pn/y3P33l2Trbbjy70btwnoPRlf3eOA/jx3k6kXe7xrwe7AABAABJREFU8/boPA6ltU6Vym1r3mqmceiL8DwOvmJst7snT64wxH4rDD15PB9st526NUQqez05+kHvRtskKKADkc5xDp7niR0HP94e/Hx0tqbItqN9cDx/UMVbInyzhthtnJKCoKO7c1YfR1naC3/7n0+ON6j2lVLvbLeCaeXf/u3fqbXw9duNP3595TjA9OB265TaqZtwb5VzeMLYqiLlQPXAyoFZp9XKJhWzwe1Wf+94/FNfvZ+kUO2UiogoWabJyYB9sd0gAZOOT25yQ5Q20SxZNW5wNVqe8vc0qH9Z+ZgaCBrPLjyn94gGGq5cAhL/kA+j4S2uMR0dS+fADA8SCX2ncHDXaUtT6Ms9AKnVY2TfszvkZAOkSSUAEp8AFU5NluMvoUPTMrlFZlJUw3FfwZ8iZWqxlHgOyZrO5Zf4DE8SPb2c1etgm2TL1AKfAugyW+1UcQ9qFlT+1Yvu1xLJhUXlcL6Htx/5Hoi2JFV6iD76PtIJxF3poHMiSDzzJdSYtF2Z4pGujBmsLYPz7CFQ7LZujUS+VvFZFc4Ux/WykN9XtJLorER/zlfqrmQQ4Gtvlz+BKXaY/06gYj3rWopzh4MhQ4CB8SnzvWavO1lNi/dQna1/6+ci0AwwhfitrODm88xpFFlNLwVsjOjjX+8vZh/aJQQmGDHblmztv/x6ib1LXGO2b83gCCLQZb73HEMqSUPPFip8Qp0msMKsYuV1gnCeJ6qDUZwibpG8aGpyBWiqahMIyjHbI3riffiAzVYpNfM2QMwT7YuWj0abtUWSygWQllgHDFQcwk3GY5jbWbnzc49r/gTIjrUJ0qwA/LJOCTSYzX11xtTJxYz0++hntLiIVzfNggEpEUheALT5OWH7JRKP/Dm3BZ/3bGqIpBMglNrMyZEU8M17yoA98x3vbWHghRGf6ufA6BU9yzPzASSYAMFVKyKu5FptTsFPK3496lXv3o0SoEK2HfQ+5p40M7Tqev/LOU3G5Tz7siKEfKAZIqRvn0Md8v2G0s8zBEbJBfN4oQ8s1tJ17nxMd4IOow9vm5r7N1rugr1prLapGoLNEIKqahGbuG05zUihWAd5On40ZbYbz2llwUbLlp9Skh3lGlMFZ/noCOZtVLtJYJKZagaYBBNoLt6iK8XPONG+gSl6a4y+kkBIl+/XOCzbXpnggY4j7iP8Rhk+bbaH/Y2W1WnDS8KsmYSPyz5cdnweXsnY5fMCNcs3Lh+WrIn0BMuLWvxcfsHmV32aUwGpDriEf5lnNM6Bi29HC70xGSywgBG4Yjsyry2LjT5xcQEs3n4XP2v/8bPm+offubbWluv38w4zXpZkXMTZjZwtgYrUgsv4lYih0v5LiT/zPVls7H6eHk/XjFlk+qxSKsdxYhj71qiiwU4irkUDNC70HoWMiIfVYuCFKKTgejKEY21HFGtKtIYNU3ScVIQ+erRPFZKjysWn+XPWuX6ztVE1BPd1MqUs2pQyv5gxrF1Z2szrWnuxBCvIP6/QnLk3NLS43PcJS85hxnbx7C3xGLm+t8694ctiM1f5R6/fFxOugZCZTnqeYeEYTkyfjPETxjvjfLgGyeNg6EmV5ghU2VB5gfYHav3KqM6iobkK/FYr5/mMwM0fej8OtlbAOv1wkdPe4TwfsfDGtjco0G4NNQdFbndnQJgIPRxLqxtbqx4MHaczQM4T08Gf/uVf+PL1F8ZQfnz/O+fhU4deXu9srbLfd0oVzuOJiLG3LRJcd+jbvnF2ByTAUXb6yVYqr1+/ulZMrSCV3kH14DwcEXx7/05pjS9fX2itsG+Bao7Ozs5zDN7eHz5FoA6UyrDCz18ffP9xcn/5yuDOMYzHmzEobGWjFoOm3PYdHfCmhpRG78aP9+/UeqdJZRfYBU7tiAn3lzvb/caXWtDiwYlWo1YDNbo+eP/5N4rsyFZ9ClD3drVmBWsvHF15P35QGwx9ImZ8+eM3fryddArHs7Or+IYtnZcdXm8eAV2V/H19fcJO2pXWircsnXA8Tp5vRqk3jqF0Hfz48ZOf35/cbndgQB+8vjTKq/J8/mS0J62+IOWGSKdK4TzfKBvUonSefnBKZd+d1ZWUxs/4Wgr+upK6ec4zIUyBq1VxzWRmach4JdWpxCtJGfP7y5ms6m1qNOh8z2uyNlXsJds+LpWc8F+uHB99x/F/OvoMYmop08FOynY4wlqjBSNEwyT/Ey9MpyO9uH2uiLlP74CcDAU5yjRBp4FZpRZvyWvR0lSCcpoMHnekKxAaAZS1VpHQCHEbKM48jJ9LsCjCAE8Sg7UgM2lmtolMyuxl0kCyDTxZTCdEBKYLXHMnX0KjJidsjEXzDwLOFPu1/J2sLK/kxSyvyaZDm88ZnYyEZGOY+n7qAQjZBfghgBfXJbgmd35TycLwgCmnm3i1IoOkz/1aLI98zr5u8T3L6Wu2+tSJFmPDwTsEpGEhcAipEeLvN/PJCZxZFAd9/WoI6GGZCNq8sgnsWAYUy3zkWZ/Bsa02CyLovCacwHxWGaSlgLjfH6w9s3rMp06TbyySjo7mONkEOVYgmhp4CdYQNiuDHh8JPJhjgmNP99GDsSaIyZxiNxMyW+nAYgGsaj8E1fqyJz1XXfdscY9ZLcyzOUbnqvVkaQQ9oo8zM4Jh58iBA2wEWBMaZNG95s9rgdEJLGic0bjwae8sksylOZaTd9TF43tqZsSksHh/pQNr6s06ujLbUXP91qjkqOB/0pc/twROPgKJkxmUuh6m4UdijyeEIM5cMPGEUBWK5TqFLomGFowkS8b9nftMf5DZQuGJgvu68zwDKIlEtVaq+SSgYt4meJ1gaGYc5sWLfdto2xb+TVbLki2R0plE6fLXuWct1mWEP5+x/tRjsgnKrLwmgJk4Y2EiSFujY71XatYssCa109xHiID1jyDjBHAzrgiNG7icTSnB5C9YuSRdCeqWMuOemSSZuLZmP8E8URzBGohcj+iBcjHxORABam1TqyKfo9TQPxHDQsvzOq0QHNgbEyT3g2wMhErvGoWt1Wo3Jms5tfFC+64YIhpndXF3Qtpk+cbZ6rSS8s/sNz+0h0aakELpgK9ltgObXtro/Re83u3gKcULyZIgTcDjC/wPVCP2Sg6BIJL+sKwBiq0JiXP9ZLXyl7oAlisYGhftTJfio92TlXONaV0LMDTOwkckC2fu24wJNP1HFM2uGjszLnI71VPHBpxdJRG/ysVWW7RUmdFP1710ZofHxn14MbfU4gK6Amife1JkXQM2nPFZ/BrUOqU2WvVWxUKhBxDk9is6b6IF0tcvtNy65+9CwaTNtcp7JmQWshWMsA+1hsahrYIQYiELEYUxW/ZjxU+XjoO1oyDzm0s8a2ahu3gpgM+z5X4Vy3g+Nkt01yxgcTFaSymhN7k++7ev3wVqig20G1o8mj/GYKuNAuh4UnjD+IH171Tr9KPGBAmFVnl9/QVpd4bdQb5C2ekGKgZlcGuN4/0BwzdCrZVxnLzcbxQdnOcRPWVRDX+90cfJy+sL263x8+d3WhHaZnzd7tRSuN1vHN34+9++RxDSMYVf//YDxdhbQ0zZNsA65/PB4/Hkx/fvnOfJL9++8eXLjba1SJCMVnf6eFKrgzM6Kv2EHmyafb/5Zikb5/Hmxc9S2F9fOZ5PmgmiheP54DietNZo1QlRejw5OzRu0aagnEN5np3383Tkv7nBent0fn07OTrIaTxP4/ayo2PQBzSpjHFw9gc/fhy01niOh1PbSuXLy5+QKrwUeC0FGSd2PtBRfDJWUCAaYDpcIVsUY9DPJ1sR2KqLx54dO338Imaw+djQtt94f//Oly837q87v7698eO98+gn0jZGhZeXjS834c9/eKXYQT8eM5kwi4pKgDaCiyCfUrFSOY8nyECa8fb+ww2xNUq98fr1Hsem8P50Z3Yeb/zy9YTxRFujtgo0WhFG71TzREEiICUcJQLndWTsJ3vptbIFs/oVaS5BZscrLTkiOBNtp8cGMTeW2mbgk05Eh35A/bMK6EnTYIqJRtJtYdARp/Yn1S+p+64iz6zKaQTA2jUSheXsAj4nhdXGGGytTcd4ZbHkZzjDJSjfv+lFTjFqWL83ve6lygEeYCfXwIODuEdZCZk7AqPGGmb7T42pIB7QpwMvl8/xpFOTwiq5Nk5j95anjwF0BhR2ed6CuK2NxCLXLIPaa7uSRRKHRGItEk74mGK/kaIA3mpRS0Ww6ZiY67ES+Ux0NaqeObobsctkp0jsIknxpfR7sbNP0b9s3yH/tMveymdTMsS6JKSf8vUxGIjYKQKB1HPziWv+QzL7yA3zVsIINJHmgUuIE+a+moELa71KDeZLMHryGK0kzc/GGANpdVVnhQl4Zu+9BQhhtlgAzqDKarjfYmoe1VJnwDkZULMKmC+ZSd5aF5mAhAQrQySn1cXyqH74d+qu5BongOxj6zUEd3UCGX04GKFXeyXElCumuOoYg9TvHrZEnlcfPzElcl1PtmQmaDNBirw21QnJ5rXmWbYAamJpvNWzeVKQwKZewJw6bZ2fpQThJvgZnzuBG1XGFTyNtsOzZ7vLhTmk3r7h923AoJRswcspeH6fakzthskGmbo110zx871cvNptZ9oWD/RTv8XjnRyt4rl47IRolU7AlGhFnNolOEW/nzGxRoSUu/ClGQwDHQlk1lhPXzOvIFu00TLZWS5Er5xnAC7ddWjGhfHS4oPGGNFOsJLBWopPCbs+F1uAB6z9OIbvlUxVOyMEwiOnDcDf38IikfN96EBhJJCR5M5BBMP31hgpBB+A4cgpk+6fiqzzqGaIyWTgEITdkeLjyFwjHd78MxLUTT9PtL38VjRVxIelqIM2LsW6Enfv+HCoXUpBz+5TVynR2hU2rBR0QBXfR60KvZ+M7C6IMyESGkgy+VzT9zuzOSbsJit6isz6vsqWoFKCWRNgzWznCfB3tR5efGTGLZ/baS5meCyQm75YL7NIZDMJ/ojiOFDR3MfhxfGc0Jbgdo6ITlud2mlSZXaCJOBfy4rrakwQtQBj53TPkkW5OsEKwwWDM1auEYemzlDa54z9ajBZ8j79Zss8m27rUwcp10mwD9pWcd1xjb5x8tzY1FjC3E4NmG1Xvr0y8ov3j9YjLwJH6BU/0UrIGjCos4U9mIppr0oCi3X6ZcXoAQSX1JGxbIWK9usEudIX9U5ON53M+GCDUnB2b7R81dBu6mPMfEbEI60irvPUqk/mywLoOodx7sxtQBY8Vr4UsfMlpgAHd1Ofyh+D4eD/KmaGd80P8bMY7505RTKCfu90/j5QQ8diEslQY2s1qqYDHQ9Mv6P6VyqHMx7MmS/DhNLuDL1T7JVSXjF2rFRaADna8b62ulFfNs7joB+Hf601VE9a83Fgqh1M2W6NP93+GGdP+PL1jo2TVtsM7tSOmNr0hpkrZGPBiqkbReC2V87nO28CbX/hb3/923Q+YGxbpW2ZWLgYkSfCAmqua1L9875++woIt/3uTqg8eb4/ub++eLekCI/nYG9eEc2+uK00MKM/TgzlfDz59uWV0U+eZ4fSaPuN5+OBeHcSx3CBJc/7lC8vN2/POYyj++SeUpWG95Kfp2+MwoZY41Z3vn174esGnD95f//B6CfbdgMdnG8PHx3eKsf55BwP9m2ntVf6Gc50KOPZGf1wBs/WaPfC/ZevPH/9wa/vb9S6oVT+j//+dx7HE6uFdt/opthuUJ+MfvCvf/5/U+kUgaN3tipILSGA5fRUofAcwsmNYZWfP9748fNgjMb72aG7Anspu7N4imK1Uir0cTLOk5928HI3tld/vsXxJ/ZSg5arFGso4n3RhzL6JcH+hC+zCDj9Xx+qDjaTwDG/5xoEkdS45rhLmYVRczujM7C6qrPPRMlsBn/xYaTop0iMjw8POyv4a3bsrKKtyRR5yYmyxwhNs1nxS4eXrRnZqsQluZw0U/J9AAn9jVrZ2jb7ukngYwYvxLUsamr25yYoMVTZZ4C1Kv9eZXbwKQYyzudTpEyWUy7XqqQxE9msiJUMAATQ4fefANtM7JJ9sdZH4vnlGO9rz3NW7UoEpX1kVVE4YiLTsBHXE6KjKKqdvVVMT3/G2RIVAfgEa0hn5utw9hV0p16BKssZYdNJWlYpgp4qckneYXqtuXYizNHD/5dPyT/pFayJOVKeeE7hyF3nw89mmcBf7DcRr6ZLtq8luMiKLCKxmwnN8ImC/mFrj6kpNYIAr8L7j5SoKnrw6ldopsGu8uqrM4Zd4N3Ps3/4msJXJ2tlBr0zIPEnlIlbuTDB/BRcpqGw9pVFC0K2+1zySJKiHBtuJm+JC+QYzkmDDo2VTAYXMybA5PneCTp5Jczj3GCjzATI7ZIvwRIsdrvj+moE6JV2dAWqfg3RaJRPcz6jUp2d6tOEPME+TwfXmXYmgHC8QnqrO2uq04W1lQzHWDvXmgpWW19gVbac+K8kezKDy1hXHZEIegzEZS+axfpashVyYtuHVPhTvkw18XpvKSOCfxJkWGdT4v8twJpszcyzKNEaNhNJILUKFCCeayZ12cRBfGZOAvN2nfhMEfo4PcGLTN0BcH+OpeTI3x7JSAn9Bp+iVOqJi3h6MSSFR5vWmUjGSrCo+vEVWwypzP8Mc2HU8MNjrNZZkNCbGXMNFmiqs1V3RHutAV29uDfPZu6/BGpq6KKp0rvO5DbbBOPKyRahAvNsukZHrmONUcYRA7caWmlXv+ugU06YmcyjmVAG07Q7jMMY6NnDfjl4qaOTU7VEjX3bo0jlY+DTbl4ePYst6KDsEl7O9Zdo90if537fW7Wgh05SKd6CBRnLyFyf60G0QABm0eeTvqaPC2uZYr9xCkmmgsjF5vlvIpIaMQ5cTfsavid9h0/CDL+T50mCTVgugEnssRaT1Za2YbJSyqU9O0DeWQgENEdVy9wDpooFgyQ/5/rexOfaNWiM9xOiXbemJktODl2af+Ea/dzPZ64BSvu7jT6iSDForS3GTmpZmSHqnTQe1zGvi9mWaRM4y8tWAdEAR31JoGZBlBAs9zfzdR4T0KnWvJ1UkqXUgLAzgJhLuHvx0Pe537+fzVIKokYf5/RDyxeFxTOjtX3umglwxa1J7LBcw6ESLFT3o6uInT+1zpolE+bi650tlE9zlqCD5Sbr92ec+/tn83eBGhsnVqr3ydYSVH5F9ET7E7F3ijzo/Y1Og/pK238BbUj9hZNXdnlBtbhhwTj6gWOeBQbo0enWsT5AjVbbaq/oQb0FVDvbLaYTtW0GKGW6RXNAJxLL223n+Ty8h16Vr69faLu3xRTpmDoA1M+TL19eSNopDG+rCsPQz8MfhroTdiRSqKVR7jFVQ7z6WWhs+43j7Y26bXCetNuOIYzTHcLtduc4Hw5ySJuJ8cvLjfNw0Kb3zqjCMQzVEuCMcPTOsz+prfL6cuPrl517hVacdSSyU+vg5/vhgkpdKQZ720Ar43lSv+zo8+T9x69IyZ7grOQXr+Z2bye6lcp2JgLYuO+vHMP/ve07Ig3qxnZvlNedvz7e4SHU7caPn+8gN/aXG7++/d2Tv9eNejekPfnXf/nGy03YisMG+76D9jn5Sao7QVU4bePHU/jb3w5+/evJ2TX0cF68XQ3F7B0RpW3G0CfaBKo/E9Ed65XzqXDzSqoNw1Q4TvOfQdEqnGPw9njnPOHrl2+/dzz+qa+c+pSWcgaL5iwawQPO7Gv9UAG0FTKqrZHbSUv2iCEqztovrQeLoTH/HS1QXJDheUE6rTxXe7/YFf7DmdQs+7XAgGyByshxBckw+10n8OIZf0ktmvmfM4hKyUQ0M9ZLVeWS+GbgU6TE9IbQD5AFmvgtOuU47z0D91KEVnNigIOPRVKL6uoolglfiahrA3Ex3LmkJZzPLC6xAuoMPBPcSW9dWqxdZya2OekGKTNx88TUHX9r/l6TJiorCMcSzknmjreZnodyPJXezZ2cedvXGKmHlMF2Jn65ITwRyollNm/Kq5pZScmq89ARCeLnbUvM65+PcP77cv/BhBohMi2lhtjwVXxa5nnWaJGYYxXCrxWRy7Pxj9ehsyfekhli6u14dmlps2vl2s/x2uMBguT5yecQQaYRzLMM8FRxXaK1N/K9JnFsGoFLAHhJXoYOSqvLjhiLtQeTJQaQ+i0ClyAqdDLmnzb3Xdq2IlezmWsR/9ZVWZxtAka0Jfl9aYpzy7KhKV6ez6GIkBOq8/vzjeeHy2T/EUVQKUwtHCnV7UAWiMQjkq1WLzRc0pTJdiSDdQvb7VX681T66cw5yAA0tUg0GAg5Ltkv1MZwwcPrBDq/iGWDLolwJt5mXDQMPt9rjOHVWHxNFWDu/+FAjYxVTAhReTNPREyShWbAQMoFFLf1J7nPwOPfEglb7rVoN67VOVgOeEUxQsCCLePTaUtU7EuI8WcrswsKe4LviU4NofC8JhvObrQAco0FzvgfeU4hk/msRlv4YBvDB2gUmWBoFgWSueY+y9dYx5gyBiMq2L17mtbT34Qf7QH0GB6DqtQZyzgjONL2+JyMC7K9IsXyLc9mrPucGBjtB9ma7flrmb4u79GfZbCFo6XNz5IXR0spnGeKE8Nxnv6sAiSyAbdtw3QsVku4z7wXpn/zZ6d421iuqcy2VpC+DGbq0UjJfMfZQ0WMqR8aZxOCVTNjgPA2cTZrFqw+9Wuxl5ejsPmc00/5fyGwLxUjhkGQ33M/NydopbMxmwn9jLF+sy7GAtmuumP5G7nPkvlUc6pUnL0aU9gWUJMfZUEsyOe79KnI/T590ooNSymreDFjfvfx4zyj5efivwOxKVJi/Hyymo2cwOSAabBm0LU/SYY9s/1QxHEAXTs0YsaILSJmyXAnz6zgEiWWZ7MkG9iF1teY7WDBT1uWxWFiop63oJpEi1pMGsyR5RbdIFlYJhn3COBt4BJ7KB/FPPu/iWkNB2fcbyp9hN2hRPwZZJPJMM54/WpX02bn4AMDu8YMK85YEgf/ud/8XaDmbYSAUNv8gIgvmlpHZQN7BTPq/hWjorzStj+y337BDI7n0+mRvVPaBj3QPZGJRop4y073ebIcx5Mnxq3ZFJ9Mirba0yt5GMf5ZNuDIm0DUZ84pacHN7VUtuaVhVIKv3x7BWmMfiJSebnvTnlrla9f/8jb2xu9+4Z/Pp6hqD08ETl7tEM49ZESQfAAG0Y/H1B3sEoxnzzRxHsSEWEUxVqN0Y0VKTf0NJ6HV0XaduMcjhqmg3h/vnFq0t03Hm+Dx9ug1crr1njdN2cb1Q0R4eW2g2wglfbcEAZbLby/H9g4OR4/KRg/5OBZlduthFDy4P7ywvnwjVSkMI7T+47F2PfKsCf1dme7/8Lbj7+zteabsPqB2e8NFeVPf/jCMOHHe4e68/3tO3VzZex9G3y7C//tX16o0vnf/vIH7k0QKtqNx/sJNrjv22QU1NIwbjzfGv/2f77z3//nO2qFP//5Xx3UUqVtrnGkQ7ndN6qEMON5eLXDTs4i9F4Ru3NjpxY4n48IeF85deft/d2ZyBv8fBfOZ8X08wac3tNdImDxl0hGBtkmkBCcQI5tFGe9ZJubV54hR2XOtqekRhuLvjhGJEfZWnNpRzCdrmyO2p3W8KNhXA5yVQTTKRUuo7GLB6Lp0mYQHLdJBr5cKxLM5C+TfEsWmjkYWcL+OEJ/qboEC6aUVV2o01lyQeoz2I2ANrGwWqjRL28ReiYANHUswjGU4ro4FAKcNIZF325Y8gzWs3pNBPBzAtNcz2jZs9/oDqy0c1Z1e7eosIeOhwHiQV8tQo9gToNCasYHQWmLBDjDRdVB78bzHNEmUPGxtZdAX4mdEX30FzZAvicBLHABDKBEVSeqIuLMEy/+X573J3uNuceZgVUCDBpO3APPbInzdsxySQoh2GS1MPWT5lsGA4eV/6eYd4mxsKtabqgNKnHuzTURvFIVbJn5TAsW07ncjBiJn/r7yaSPixlSsxKtuOjeWNo0kqLPEcyuxSAD0tUTIpd2JiZrIX9n7RO/n5ksWq7FaqcauW8TrBmuw0IEh74Hry1D1+tayZG3Anl7p4d62T4WyY95jOGUaYVaJjDtTAKPH3wCh58nD8jT7iUVXqM1lBl05gQaiARNoIUegGv3BaAUdpkAlRywSi0oB2SOo884o9YWDOXQBwnNELcVAdSYgzXe7hJrdNGEWqK0laTkS7SIpzB9+bwdw+43rcQR/A0TNQ25eVwCoOpgjU+O8TXzdk2ZekrI0peQmJyVtt7tgDJUyKEe6UeSTZd0e6xP/TQgimj+v2sVNlthrkLhyUYd46AUZwKMAC8lkrKps2LrTF11z9KdTyo/aQe8/anESOD0/amflDbgOqL7an8ML0Z2HcFeswmknqF9VaKVYQ0gSJ8n8z3T36lZVO3j/TWFXf1sqTmbweKm/L7zeTBFshPsSS0flJmUl2KuC0QAHePCVouEOzVSCiXa582n3/rKhY0L/UBWJV6kMtQ4zkHvvui1NVKcn/n7FrERfr1zF1x2Q+QibqMzHnM7k+1kJhYxhFxAgc/3inr0B9Ak+WmaUzNlncUlFnxtA8pYMP67/lXW2QQWqOHBxSWJDmZzxKezMJHtUMT+kcWhXu/pcWetbd5HKSVaoLzo2GqdZyhB2Iw5M3a7srP98xdoNVvmjQ9WYQJb874W8ODnqc9rVE0miM3hIQleu4ZWxmUWUx2Fs58T6CvFwU4JXztjY/Ozg0EZC0itWbhUZ/JgypAyASYHuQStFSljsl519BlzeFdLRapcOmBYxQLTKYhc4lxuIU6+BVPf4sYm21fksu6+DzSKG8cRBbLSYhQ6sf42WUwkQDptop9BnfVxuZxNiz0ssyCDQB77D13iv3n9PqOm7lhp1LozbKBooLgbpXxB2Bn9hbp5L6ByQ9mxvlPkoDDAzqjk+cNstWFjoPr/Z+7PeiVZki1N7BNVNXP3PcSZMu9Q/cAHEiDAB/7/X0ECbIAECXQXWNPNm2eKYW93N9NB+CAiah5ZdU+DxW5meFXec+LE3u5uZqoqIkvWWlKdUtiNXZOSa7Szja4UG4m232+Q0hypGXQyEty3KyXZQ8/qDtE9UbedOoR93wFYloUxdoTOdrtyvlxAhfe3Kx9++GDMmr6zLDZqb9st2K3rYovFslpa65SUKGtmjM7oZm6bFLQ1AwBqRVTZr1ckTDT9ASyLU72GMFKijw1F2VsjF2FJhdqbdb4UGIa231sFvfBy+R7JO8/Picv5xL5X7xTYGOOluDaXTCEWc+J+3ygJntaCaKcsC5oaXQd73dg/Ntb1lXVZaa3aJKzWOJUFzYM6OklWVBdO52dut3dKWWCI0TzTThchI4gqtVWGFNroXK931lPmvGT+6ftX/oc/vXBeBWHQbztNK4wYiaoYmUAoeaEN4dPHyl9+ufPp4+C+DUZq1N7ZW2W73nm6nDidzmz3ne3eycVGt5fRSeycz4sdhLKw7Yn325Xn5zNKNmM6tTVy7QmGAW33W6XeB23b/2h7/F1ffShJhhdXh4HhTAYCoJkvS1bmZILh3dUopmF2pePQGf0Y9TxBGQcAAinWQE0EoqsMh2Rp+GEYgMqUr0SSLBEoXU+bbbrScLB1TneJQ80DWQlZwlG9eiAMbw4DCqK+Fd8Z+IGfJdvGLpGYHdTWkAxFoLV88WtafxQuYwxKKWZy7F4AYQhrh7wVxJMWG8/CX8EeDI10dFoiyLYWRqRHpyQml8wENmJ4PJMoYj1wxD2Law8grroxuhBFgY1qjLHeQVmPRxya5qBZt9p93K9R87sn7TFRiof7dkzkiSSyH2AVxsDR2t3ILgoXk4OEfAqccaDykJR+ey/14G2eTJEAYN8bTzj9eYEXvQSLJqQUBn6ojq/G9gYTxvZbms91dt/GgJSmnnqM4dNioqize2+deM8OBjaBUccEfpMI+OCuJMFeKWjy4lysiJ0JTnIzTPU9FEkRh6dEFK0a6JLdLCbwqeoJkdrYa3hIpIM9Y7825r1wIGU8eGu5tGcMr6NdJmHJOgc4Mb/IwSR43HvDpRfRpZsm6cQ+HOaLYCjJPPtCBjZQkjvzhzRbko1kNnkUxKSWyWzCngPdkryShCVnVvf/kTgD4gY+JuR+r2J88LZ39uoeIX5+txix7NcZIKziLOYenmbBtBNGO+Qex4Oz3GIo0L2RNkIy9e0Wg10VGYOYLQRebMxE2p7JAfwnn9jxIA3zzqeooZg2yedhmhTBfMDiSHx4NCT8Hg2J/ZJIakCqaJ8m+3HOJ2fSRDc6GhnRKR9qPhqjW7FnxU+MwLao0x6aBXZGH+fzIcfFmePwOOErJEXSfLLJ+BooPeIKUzYdzFvbs8YSjyEFIYuN6WOPzM3WGgd46iyTiHMw9+lwpv0xrjimPQW7JvxE8gFAqZ9ryXanaJoxbXSTYsicfKj2zMUnGerDORH5FmbTkMWaG9oblrp7Ee/3ZwLWXtO11qlNad0LZpQlgC5vzogcZ1/K4kxA8zcLZhYiaOO/2pvqT314gwSx69PxNw2tb+wl3tiO4vmIhTEK2z0sH/fmZNDYzye/0Z7CTTDFo+OB3URjMMkEK4+GXXyjAOX8T6qHcfCMSUdDajbipuQlADV5iPX+ZfznD8awS/yTNzzwLeF7c+bhHu9m42f6RVmwi3wjJiISH+cgzoynchiNj2Fy0NkQM30FwQTV5A2AYd6K4FK8B0PzYCwZ1jHc4ydBPcCTiK9GnsikVA4WkN//ya4Z1kS1s6pNlnyAwTFWPZg/5uM3zNM1WTM2p0RJYTRu+UJ/uCdE7RPPDtubezU1ylAbpJT1wf4BnHlnfl4E+OLxIxhWkav0Fg2aWFHDWUO+Pj0Hnmfpv/H6Q6BGVM3AExspV+tumlpPNscASQVJKykvVviORpLd/pkyOjopwd5uZFnRbiauyaouMzJKUNYC205aFsZIJMyRvbaBrOLGtg8barg+bQWlWtLEwl47t/vOfa/TYXtdV1Q7y7rw/l653szLBenct3du9zen58NSFnKB9fRkBmFgrJK90fY6F6OqMLqBIEsqlLSQFHB9+v12A3y8KcL5dELVAlEUV2nJPF9Wrrd3bvcbezMH8DqG+T14R3XNxYCG+45iI8LbsNHfiUxJcD6fKQk+ffrEqEpKCzKEulnB9fK8kpaMFFhPC7fbZt3VtEAqtDFYZFCWE+3uJ0paud0rFWV/32m1IwPK6cL1diMl8+u5vV3J68rWlTZ8YYqwLCt1dCb9UAf7dqeImSmPttN7ZQ1qp2KsJVGGntjbwn278+Xtzv0OOa389NP3duB0k5/1NpB14Xy+IAnW1ejEy1IQOiMNcoYsygVl+3Rj2zJpObPtHcmNZR1WIHblnM7ceUdyY98+/9H2+Lu+RrcurnjR1No45uaIHQhH4S8z8bL4chQ/qmYIGJnapMIP9y2YZ8dEPGYxPiUKE6DRuT9MlmG/N4ZpamdHap5STk0UPEA1hnY3M7Pv2Xr1YBWTmhxUgdltmpIlL2LMZDc6pF8XDcHaIIKS6gz2j6852UaCrTAwYccDIOUHbUrCgYup33vrvCQsiKQUo46TA0bMoirnCOT2vMJX4jhr/CH4Vww2RciWbCRqmKWa5CjudUxzin9GInt8B0+8E6iP7tav1oHL5ybDKopBAxbMKNK+X04O8sQ9Cr19sgRrTpCSAHtizLvFGpPhufZfH5IaTyKyZLcdHjP5/hZfR9J2JAKBThz/bi9jZB1ypPnfPHEb46Dkj9iCvm806dFFi88mnumR6NtHP4AQQ1DpNsKX5MmF39MxjFHlHhmqOgcEmAbcJzN2kCj2EGMpZCV7wRmLNcxqZQKfASK6dvsBYAoWy/wzx64MH4sAdZKIySi6sXTnyPk4l+JuPAIICZvGMhfPcf+Gy/Oi897dUDXOgNj5oUH/6txzps4EUwkgCZo+FMROXw9TSmPOpPlsUebePJgKOGjufkK+NnQc/h2PjKPhe7P1bh5U3dZCznkykaIgVHSC7THpSt0bS3lgHWHjk6cMaNg1W5EMMQFkNAfZ/uYs/ZZew812A2SM0eeP4MB8iYBLdw7wSRGnfagXBTFwL6b5gR4UfQ2ZKTBkFlEpuTxRhWOKon1+KUHTNxCna3f6vZrXFEyvtuQSuWCDiwi9H2PgrZ6XyRSN/6j2RQhD3DhGVJ3hGc0VEQdqBmiM3X48p+K7D4/7AZz2w3RYB8dUwTH3hmLsMcXYnOPhnDqKaR8Iokfc7SHrcMBCgaxhQB7nDSCDYJHEOTTgmBw1JUcy1waERMQ6+SEbGr4Phscp9UDWGwb4FIfm5nlwnF0HUGwM0dYGe7U9rQi5ZG92PIDrj8XdUDpqjW90xj7xM6j17tJq8SL8genrZ2xIPx+lpN/aK4C3ONfink/kRO1eHuwN+49xhj+e1XaWB2P1AM1i4tEEcOTwB7Ti2s7vyP+OBoNtjmA4Ige7NOJAPLNgSwbwMLRP4FbHoDnYEnE3AMVYzDmFUiSu5cgjjobpw43zPC9y2mMsPQ95/wFIRG7nt+Zg1Kh/p2k34lJYMUaNJCHFP01eY1YokdPCfGY5J0rJ5CRksoEa/ihTgjRsqnScq+q/o6PiBc0hWRNBhs7zrY1hjCUJ2dYBhvsuNUApchoezKL/JjqpBEPep6+q7ZXmI7lLLnO4wjGcI55tNNd4MMA+YogIRkrxP+jAbe905grBxsPj8L/1+kOgZnHwpaklaHHjkAQjGSVIBdIz1kOojHEnjTtCQdVacr3dSTT2242SL7awLaMwo6DeoLshWN1tFJgjZU8vL4xWpyEWKPv9iqAUKdAr2ncSZsp1u230PjwxsWBRSmFdC6o7KXdOpxOt3WyRjIz2ThJhPa1GGxWFXtnHOKjCzW72vm2syUyKW2/g3UlD1QVNid2TxgBlzPNhsQkrrXG/b9ShXJ6eURmcLifW88LHzx/R2tGUqMP8gWrvqMDpNEiL+pQWoXajn59O2SipdL58+UKrO70l2hhse+d23Shr4fn1hWUVzpdCV0Pzb/fBcl7JpZDywm3fWFPh9PzMOS202hh1p942brc7bSjLsnLbdwZmziYDk21d79y2yr0ptQ9u241bq9Rm5l9ZEwWluKle3Tegcz6tpL5b0i/FO/Q2tPC3z4Off91QPZELLGXlvF7461/+gihczmfO5xWjAjuqKcK23Tg9w/n8DLohNEid1Dvf//DCkCdGeqacL8Yo2m+MsaH9nZKV5+fOL7/+zsvr93+0Pf6+L42ukSeGHElZJDuoPlDvmJKkR6AlfEMC1f0KrIkiPoKEHyjRPTvGBfohLwZGHKl6BLf4PP9uge5jgSS5v0ro+C1QOHDh7zQn1MT78hCQPCmObkME2MdXdFeOz41D9wAvomCZBmsYg29ZlhnomHf7oJcepmpfd7cjoIMXfh54B1YQTqPklI/Cx5OpkEEEgHYk/JbYPRr89nYwX6JjGYyCPmwyXa3G1DNz1X4kzmO4dc5R3E6volg4eNE43PyxK7UN9totWHlamgSTQLVjfYzeJmAzPy8eyCwl7B1yGK5jVOHwHjE/HqeIJ6X2blMCvtGX3TYPvg8SQmD+0+7IIXOyfQD4fAVjTnQkJ5PrAsUnyKiImw53xhDEO+hz/VimOdf3GIpmdWPTA/wTBzEMtBM3vzRmq8wCxp6PAYrH54yuRxLl4GcYD0ddGtd2yBoDhMBZjva5cR7EvjvMsO1uxlkVpsCxtUXMI2Kv+yy6g1F2AJORrEaR4tcy79WYhWiwCaLjH8m2HSqe0A3rskVRYLW4+Z4Y2/dg4U0JCNH513keTH6eT1xTXyI6DnAroe5b5FOehuCOqH7eWRc1CmS7BzYl0WjbHGfWgFYrMUVveN6l6uOVUcZomHNGgDbOUBgBzj5IK/RgTyTx4kJ96pB8u3szgIh4DlGYHXFFvaDL89+N/XRs3JC/2lqKok9cunLEGp3FtheWDyFpdHu2ZsCpxEgjAer0QbICaIQixgLsAdSkREptFvbBkjkKxgfj1HRIOIgzgmN9RHOt90HI/SJXsL3Xfd343/vej0ZBSKJSysd+U/WR3UfTwPaXxweRecars9bhkCzb3gp/KZggqn/+slhHPhc3Fu2D8bA3cxK6NhRnvT0Ur8PzobhPxxltEkm1Be/r4wGQilUxMAlGcilVC9CHCdDNNedrABKtW1PNyx/iobda/dofJvNFfBQw1rzLtfQBLFZ7jwZeBR7nWkwAyjkkyt923Mw5wKYDCDz4MJZnqVe7AX5FEym5qfI8WwVQY5wDPihIPD5FIR37JPYXEwxA5AAgZh4dgJH6nj3O7Yj5j7KqaLjExKgkYeivX4FAjzn7I6sTvKcZHAWNXEnmLXnMN0cPu173e3psukW+rofLTB99XsPw/HI219ysWAS0hbTJzvk0hBHPSQ3ksBzA5WtJECm0rqim6V+lBBtweP3cfcJlJvyvht+/+TxSBjd8bl7XS0r0UYkAbHV8MLZtvWTh4VwJoPZBhhgf4PvaOSMzbj6uP6vjHxKbcdRLdn+txiXOS2yNzYmIYpQKmTmHN2v8e0iyGPzf7VEzeuf+vrNeThab1dDAnJ0apQs5FURW/zJ+KLdKa41cTiSxjsW27dYVuuBbLzaTDwp+KDzN7TmR8mKoWa0kMnurZFHT1reBNEWyIt2KiT4qtW203mzUnarJEnLmdD7z9uWzbxp7CLVVxlVZTyun9WTX3AayJkYcvBgS1radvC62qBDrHvXOUjKtmoQnSWHsO7U1aq0PG3ew71f6sBFyrXW2utO08/L6jPg427IUdg8GHdetVuG27SgbkEjLYsDIfWfNiaF2n663K3XvlOWM5Mz91thb5/vvXzmdV6OfpYTklb5v7LXzdm2wKXlt/PTj2aRXbSBl0MdOLomSVvT9aou8JLbeuFZHKtWCkjFTEl0SUoQlC/da2e7VTImLcD4t/PDhlTVbx65kRzzbTtt2tA+baqWFQWZvwr/8/M6nTzdSPiPpxGld+fzpI6hyOp24nE6cTytf3j8BidZ29n3w+mHl/PRKzkqreCd153RakW7j3tZ1Ia9nbr8M2lbJeeP8UpDlzqid9eWZ5GviW3wN7zAfet6j0AeOQmAwO+LzMPekLxLx4QX8HIvrRSZe3ARIoR6VoimjQJiNKWOCBzN6xQ/B8R4PRatJxL3THB3iv7nG0Pc+vteRVMsMtqh+FUgtuMbBrcf7y9H1to+PgPMIaJk0TCnze4dJnUayK/JVAjcDN1Y0JdEZOCL4zpHg/hk5PUwOIAA0LziH/cwM6gTyz3Ef5QjUYD/fHUwxFk2f/z6CzYInquOQuSGPvjT+U6oHS6GrjTju8e9MfX0fhzzEzNitAB/iXSxP0q0repjahUxv5rMPINpMXgbYKN0wVB2z6P2vFss39Iou8fTcmatt3m7mDp0A34Du6yjb2N7EY3f7AFKPf7dCRiWhyUHVB7leeDlYku4jfEnmn+Ld5pAc2yM3g9PowEcyEx4OIVu0MbPJ5HKxn3S4lM0ezWzcKoc/08NZgspX0ozHhHMCnbHG57EyXNv90K3094iCezx0E4+OPmYU6AC0RWSdwPI8t+TYzzGCdZ4TD4BRAI4IyCL+d15IcHRt7bPVz7cAaH19R7HqvgdHkvc4+tveJwpXqw4fCs1H3wyVeW5se6PV8JiytdJ6myyh2Nvdfapaq8TUqzhqDVh+MKOPtSsCYtRw81hQ9zp4OGu+4b3ZXfb16M3i4XAW6gj/lbSsD2MKGoAzZiGoiskIOcAN2+PHep9FGzIbDsxn7/lwgI+EbEMRN/gcXX0/HYVdUmPehMfJIwNDkGPkr6+rYM1EhReAHY/FIhzg5tD5Xl8XfA9NGPGfV5MMDB0gbe7N+J2IP72bxCIYno998OasHANH7YwKuUXc04hZUeRG3LO16pLHPhA32B05O4B4+EMdE3+iGWGeekdjxHLaxz/H+W3Ak++hbGen1W2HTEyJfR6/E40M+/2QIkbTJUmib22eOdj28iJa5p7P2Z9Rfyjy/KyxzxiIAwGthXzR92c/8ooH/Oibexk45nvT12oAIPYDDp5MBvRjI9LO89g/Mw8OSTuxz2LP2e8nl/dISKDm2eVr2NlRkaIJB3g0Y9kDMD33p7Ngw1zYYol+tX55eF84wFPA133wcI61Dg8NgHm+R24NkRgYEGk5cXcAk/FgbPzwOzOepdhnD35qEoCi5/klPwwwGBP409ZnPSKSaK2T1BpEM5ec9zmxOohhRt19As9Z0sNkSWegdmuCJBkTpE05jJoPRrAR6P3Z5NjnwySmvhbsTAkGsxxS6mFNxlajcWIPptY211Y8r5lfh0w4zlXB2MqeazwC3SL23UZTPysUyfhpoUYz+oO4+YdATW/NQIzTiT4addvp4+HNulJI7LU6uq1GA2yDklfA6L2JRL12bvc7azlbEjisQGQMSKafn7rblGmKjQNHSSWz10ZeFrI0cMpw67ZQ6t4oa6EU4eX1xJCV3z+++XpUNwi+O+NmpxQ7BE+nE+fTsyG53YCblDOM7JNaDCwpufPbxzfyGJxeCtU9bFDltJ5p0rl+uaL9bsjeUPZ9N9MkoBR3/Sez3zv7viNJ2OvOtmWWtXDfbjbKu1ZaV1JZUUnc9zvbvXM5Fzc4NlBHpFCb8vHTlY/js5v/CaeTjTZvrbM+XzifCikNY/+klTqyTYBoym+/v/P0+sGAtf6J18uFl9dner2TSyLnkxVY2Ojsu3Z0KdAWQ6glU2tnV6jbDmKspuodyoHJn9Y18XJ54nJaWZfG0ApqbKU+KnXr6MhoOnPdhbf3ynW7MnThtg3OF0gM9nojJ/jh+1cDyRbhdnvnt99/p+SVbb/z+uHED8sLQ4WhJpXISVFtdCmU8xkdQs6d6/vPMJQsO6VAG8Lz+hNlwJePHzl/+Hd/tD3+rq8onlKKgldp2h+CUSDvUWR5hyWK/aBaqzK6HTq54AeePgSDrxk1Oo4kBAKICA+Zo9ieBeljMpjFg9UBasR3w4t203+DiE1KitGZkc0e3jvHdCcdakbQETj9FQWTSSoGkr0AHQPJ2e8RXidFMBxAftDRW5KZydatG0fXJIo2/D1wUFcFByf6HM9qHdYD0DlGgTMD7JCQRii1GsIeBqHiv6Mc0o4YUQwPQTfuv4UC+jAJ5RzL62BMj1HdMgVWTKTqIcmOoGRBTajVZJlRaEeyMELi6PpdEUsoaq1m6OoFUngBGcglhAmyPd7ocFl3X71wmkWM2HnaRmdZ1v/uvfO/9Wt6Kj0k+AHaB8hmdz2mJcRkJkdn1PJzTUyKcs6DnAaqAWp294uBlB1QTQacpTGIMe5m8LvY93CgAGz/dxkUbyTEvY+9HMVggE6qkFI8v0TJkdT5ahOxQsGTxNgjvXdkiMtNorsYcsN4/3mrDmNP4jjxYqqPCTRYYRaJb5/3t8+pRm4qPB7u+dD55+Gx55EtGF4XBqxEsj8cKDz2u+1N80JDzRA0p5gG2Q9wZxaeDgRLIjCPOJ0tefZ7EYWdd+omCymSdQ2Q+ziTQnJo+9xHcHcDa1o/AKxIlFOSCc703tn2Y9iDmUa6ySFe/PIgf3U5COJMpeHdYhVvBNighb11ZxB/m6+YWiZ6FFpHQ00fCjI9np0vzlg7BtwzJ9DZ39kzDFDVCkrizY4zL4AaQLu6hInppTaG5ezRiQ+QQjVYFhYHSs7sDrSHNCtAvVzK7IIHM/IYPRxF8MHiEJdTxc/bmcSDiXzEg8e4H2eY5Q+tmXx6uDRSYMoQH5luGqDOAysn1nPE496Oz4z7DlHwOBCtAcokEmmCsLU2y+HFPr+kbGeP78UsmSnVUubejAlyYNIK5Th7Z1EejFCR+dzxs0Wjmn+In+E/ZaCqek4aMkJnSz0w5Az8VYKNj6+/aIzPB6fmJ6UMhkQTJ+JmnUw6EQM+ci6MIey1Ucq3y6gBBxyn6fXXLImIMwFYHvcjzmyPLcQ56nsIjiLY94oBqCFJi3WfHoDS43NiXz1O9xMHycwh/JDWQYCbAQYoSTNhhGusGiHodSoBGjGBJjuXrLFlmvkjD7c8G298qccZneAGDgpErOhjHMyZccRNa/CYz4rGodcPJqoBg0f+Erfv0T8nJaH7wWV/TqShqDrwMhJDLS6qN/xSzkgSWussOdv482Qs8ZyzMXVmnFb3uvMzMGVTBSSz0Ugpk1Td/sH2lknCw0fIf9evVSJejuM8HsESN3LqzGntui0G5pQmy7yPbjntsJpaHESNJ6/qdYivwYNhq4xenbU7pjeNgfz2uVKWf3Nf/DFQM4aBJoGW21ah1k4SuN/unMpCXv1BD+84RPLjOlrpg/PyytvnG9t25+XpmVTsZs7xreCMNE9CBgy1QqwsZ5Bt3gDxQgPJ5mav5mqfsnndLGtiWVZ2B1T2vVJr9UkMifPpFVDOpzM0naDC25crKQvalNN64nQ+o73PAKCAXG/k52dyKdS+MZJNYlI1cCapsG336Wa93e+UcqaUZEa9zY0Jy8JaiumLt0ofzbvU0FC2Pqg73LadUi7ksoCaB0yrQqsVEWVJiXXJlLLQBtyrHTRlPR0djlJIJfP08kobQu/C29ud67XS053leSFX5aoNTXe+vzyznhf2/Urbqnn0ZEU18X69sfdijKUxeL/euW8bIom82DUPNXDt5fXVFmffzJ/mdiVLRpJS90rbqy/ehb1mbnvj45dG7Zm8XFARvvv+BxCorSEitF5J0smSeX//wsdPn1FVtrZRio3n+/zlC5LPPF/OQKG2jdP5gsoKeSHJoLV3eruxlsZyzly3Tk7fk/M/sZwv9PQXevqnP9oef9fXcCpln9T5w5QLApF/7JZZQfVoCAuRlyZ0NJvOFsUyzCQrEiad1GUPhv7bkcDOYtPR6ONfjwLREspgAwWI4lNSsIlpBtI8duvFO+FCFws6OeW4pOMzHxM7je/GUZw6+FCKHY6jD7ToTHansl8OTWuAEGNkn3jnBWMKVsFCoC1fs2v8Hrk5bqD3olEURyfa+zMzgbREdQylq615Ahwajeymot3HmsZNEDFgPSjm3cGR6VUxwmx1zMI0fARSwuVKY/5udCddXWEjuH1U4fAuoRk1hrzjsbNjiXutFeZ6sQSkjyNJjzXytx5BQdsW1JNsKwSRxYG6iuofhq6/62t6DDhryIqdw4S3u9QWOcbDz8vXo+uGG1CHsfeYxRZ2Xx8YqCaFEky3bVMPHs+Co6uEU3UsEetixn4+LJjJmhNbPx3ba8MTo0jQTJJ2yB+sm3QYnSoheQzTQv99orA8vKWmAWIkXF50ESaE6iDuiMTdEyoOZlj3JKy7iWqMov6aiXZ05WN/4kVOfwSg9TgjFTcKVQe3nEWmPuEqq8lfwIpC/JpR/3Tf422Yy0QUdcFqM3mKn53+mSkmVExwNcxLY48F5TySS+v0m3dH8mflQOoI2ZhJZIbLwbd9N8mkj1K2wjekFbEH3XQYW1dRPA11aVxyryKxAmSo0Pojy/Pbe4WRpeoRNx0iAZhAxWRjHhW5/SOMfhVimAK4fwIynwvSZ4EY/1QOOVQ0ti3m+ipUiyP2rGNik50BY8SExmOsrb2txdBcvMhLibFX/86HjGROUpz5AM6ABEnN/y7NTj6YpHYCGhO0sL0XxUnsi+ZTpQIMPnyjDqCm+/4NQ/js4G3EzdmdVmaxPBmeRKQ0maH4+SgOUuLgRuudpGbAq4Z0G/toMfDGYtLXe7/1ypScIhNgsnuT5nlw3FOXYSZoYo0lO/+Oxgl6xHwrhqMp4fdtBDtg7jDihkZOd+QtJnvMOXxRbICIPcYxn+cjwzDWqE1ng6GJvcnDdXyDLzu+7BWgxd/kn9Hcipc8/gEmMJOT1VsG4hwgZZzp4QsyKYRzn0aOKg/vbTnoZMtN4DX2qpA0Pfx32wNJnIDgOe2UnWnkBfqw3tNkogHznzzk8dEUiVf42ByyRHWig39MNNmCyQqTSRbgqIdeQtYXTLI0gUw/z+YeZD6DiHt4LO/dmhYRe0pZ6FVhdHoz35eUDThNKdFTp3Sb3KuitGYesDEhS7L5f4mY3CmlQzKZczYJlTNxjsmnzMZga2rTLlOc43ENaV5/797M8Px7Npj8Pj3aQIw+qHWfjY54TrV1N0+OHEOnxHzeOfd/tFjhAwM0W15LdoD1v1P6tLWEVuW8ZJPydOijsSyF9/cbXz59Zi0rf/rxH4FCGzegsZQFm4YA+/5OFqHpoPZB8hHSbXQv7oYZy2IUbM0ZNPH7X3/l6cMz3/3wga4NTit1fyMNIaWVxoAMbb9Z0t4TWc60PrjfO70WSnKzOxLrcuL9/UopC5fLCyll9tvm0ygLIGTO9Fa53itJTrT7G0UaQuf5+QmRbOyibXDfN+uAuxbv3gaf328UXaALp1VAG5fTidYTeb2gqXGr75xeztQhvO87W31jPWfWU6bundEyJGitsnVQp9rW+zunZeW8nnlrm2/OjhQzUkMFzaYXX8vKkhfz7j5bEi9roapy33a2O7zdlbxkXl/OlMXGmu80TrJwv914//Q7p7KwyGobbuxs13cu+cyXfacjbK2bXCklGoP9dud0WpAEW9u480SWAe2dxInb+8b9mjmdLyArrWXzwaGwNaU2KHlhLStNE2ktLDlT604R63Q0VRs1ronrW2W77by8XkgJljVzfiqI7OzbmaV0Utr5/sMPljC0yvvtbpQzHdy2yoc1UVR4Wp+grAYIjo0fPyg/ff/tJpzDi8CUQrrjgIfLiGIiRMmLJREcHV5wNoYfHEPNx6RI8eRVH5KVI3CoAzKtNitSsne1iffHuxNeFYbcZkSCEXhK/D1+yFsxbslknl131QCRxN83ZEXMkdZCdhpkmhKh0U2mh3hCHQANQYdUSAYk2yFt1etQH+OHFT8SxZjYz8UxOjz5m93A3n2M9wE+TEDLA+iRDxwB3Z4Lfp3eGXGEP8AUiEBqE3maMwGikLOE0EAaPGk+Cjz3D8AmPI3R6WrO+D1AuGHMDJtYEYCOBeExhK72P8v/oqs0ZjJkptFW5sd45ACIprRF5DAQdjDKkpko/nUGw0Ah5mh0DcmYV5B0coZSvk7QvqXX494MUCBAiN4taRGxEbp2zcNzRi8KHBzEAczJkvLEqVt1RI6iYRhDTFTRaiM4c0oMCbNa97+Ioi4SfG+uAAcoGknGUIYYdbv5iEyw/Tjc2HTKKXwfNwbZE6UwEj+y6pic4MlQcoDB16m4G19yEENEJs1Z1aUAvgRaTJax0peQHowp6fOzSAf9wVT9b4Fn+4YHU2UyugCmdBEOH40wMnW2HlhHM9k36T5RKbqv0Wm0POeQU0ypma0Mo3bnQ0ZhHGQQuv+e7cfjDA1vMJkdUFVIDtI4Tnw0vkYAthUdg31vtNrmuhzeoTevQD+XfAiEjkfmHvMeZgHpXnzKoPeKqdKcCvaNvrqzK2ON21lzsE4f96Z51R770KrquF/i7Gb3bIob7nFBVE2SOGwP4mBGdI4dkwGfXxSAPCJIc3mWOEtNOLxjRFCXHoqDo4hNSVFRcEPnR+YJgKRxsLN83xh4AAyXG0h3UM5jUYvx7bE3Ze7N1sIXx1ltcMSb0ScAYbEozq3whlG/Vd0bNIe8Krr3s1ESxrxyVPAD76KnfLDinFH22P3X4dOaJNHbca7Es7Qud7e/H3btARrPwrZbs2TKMHzSXtLGyEozc5gJvEfsB2e3PvwZb0BHUwPF78mRZw2fNjPl3nbxfp/TBPGsEWxx4DFu9jHIEsKeYAM+7E2+3b3pChsmPur3TtLBqEyIKxXEzujYb3O9+3x3B+GI50KEogBiH+6DCL02WAqLIZ72OxIRJmRA9plI8jPOzKHFE7mYkgTRvHSZzsxpA3wSeJBsDbVP6M28qb42Lw+J6wHRRIxr3RiZc0x9nNEuAVICHHUp1Bh+1jFzEdUjLg4svxbsLLQ1fYCpx5n0NViWUrIa0769GeSK2kQyz0kjb10kYp6g2SY1KZm6KyVnywfdKFgbpFzs/uRszQJ/dt3v7YI6SCaQik0PVjPqbti5VrKZ4E/GYDxXP4vw641nFyzSyKNDLlVrm2w/fK36fHJ6TD7UTnEmvDU/HsaID8uLrO4K2wO7tzkp+Q/Ibn8I1Hz85Z0mn1mfMk/nzGVZEGdNvL29se87p7Lwfn3jvgsiO6fzymCh7zDGzujKvW28f76hmhAW+2dSWr1bZ6osREgUP04+f/5M08bzh2ekJNsbmMN5obCeztChj8reYb9VWr+y1852t4VpxlzJJ1ZVTpcLT5dnlmXl7f1qHSQK+2YboywXWrPD+PP1Trvd+P515fn5RCkn7veNMeB+s+lXcjrRtp33txv3vVIRbveNNRf2+8aSFc0L9b6xD7herzw9XQBjnGz3K10KslyQslDHOx0bb6062K43JBfyWcjpRKtXnk4/8vRUuN06rZqhp6SMdMhFKSmRFitYT+uZ2m7kxdDckpTe3tj3N/70D898VxdG79RWCdp6ksLtujNqN/zqJORlZW9KymesDkjc73fKunI+n+j3G0Uy+z4YvbkZWmUpnbZf+fGHD1yentnaG6M3mo8CbW2w74Pb/gY5UcoJTQpZub+9M8icz2c/6BZqGyxaDODZK9v2hd6F23XQWuflNdP2TCqFsXR6NylYSpm+V6RVnrKY19FaKM9PJGeBPZ9fIJ/o0hDdoX/h46//4Y+2x9/1ZQwvYxwkiUQBL9Db7G7HqPu/7byoJ+j43jgSCkfWg2rpP38Y7HpX8mGagqHrWJKKU0fxjhZR4MTUGgc0HgKogRIyjcIOGqlMNoYh1NFdVBqdGI2bZpB2oCI5M2UoSp/snD6sY9zHQIaQca2pf7fVgSfELTUVS7YdEgo5VHZwxu5n8u8JhfyVZ9BXZs+efGmywJC8MEDEQRzvencbUV3ETBmPjggGygQj4KHgtG7IMZq7zdHYzO98AABjykJ09Dk6sT+ARGEY3Lv65Jju3gIBOvSZAEhw9jFwoEvUMxbsxggquy9DPajDk/ruiUby7yviXRXPrsxs2bs3tgLpbftfYRf9b/MynbOawezcm8GWMulJdsPI4cljymkypzSo7arTDyYYJWIoJQKeHKQJFookWt2tsFsWSwaH+Y4MNVlqKekACfwcsGcWyaEVo6hNI2ijO1sgzcLC9ms2CbK4tt9Q1LnWFpf7RicwpUM6Mc2HA2QYY9KR+0MiGYy90Y8Rl4dZsANhMJPQYI311uM3AbwTmyeoNLu0jxWB73L/gr4OdQJI6n4tuQhJY/6b/984J509oCmRk73/3Lsc56gltvbz0TUeDgpHoa/qPm7INGN0Ytb8HCuQA/i0k7v1bsBXrCP/3EiyuzMPgsptkhWAMGoOAMySSSsS+gSRZoHhEs8A5IIpZ2fLkZx+a6+6Wdy0aX0cBbaoD45QcjLgu8feTCHv0rkv0QdprDPKYm2B+jRDX8H+TIMyz8r0p4lnJBMEZzJXrdFhWXHE5+T7TcT+e4yijbVvL9/DhLRWbbo4Ro80ZoaDbN3OmvB2iv/13mehoiOO+AcQBAMSD9YPXjyGqbDt/eYA03BgtfU+i/GUxEHgTBRI0aCZV+JnQfJR2TYtLcAcBdxseNjkzuSjcjWWYAIdYtPX1OUqLq22AtX3n19rjNeNbOcrlp8ai19HJxU3u28W52bc1+OMmhegdrqYF1aABHPT2t4KsKk3bKKsg/dZMLmKTwpzxkKwkgOEfwSopqzMP+dxbz4yo76112hq+bccsvU4syPnkRQ5oc4/w0Q9J8gWLNb4u5ACqxhrG/gKrBljIL2jLsX5iqkjIR2MZhGE71KwUSUkr3LsBbO8KBO0sbdyCG0EuyfAPF/Dvi+mFA4OebDv8x7WEmPMpkk0vuJatB/MXWM5OyjoTPaEmecG8KyK7U0RBxPEJo2lYuvxgcX5t2PMgzWU5MiRw5IgWJ3GFMWbAbansypKnt/ThgB1ige0lDO9V1Rsum342DB8WpJAa8zpzrmY31RZMopdj4xgQ3lc9Wdz+ObZUxleA8T1TFb83FNjNiFVD6+zlJ0pj8kWI4cNKWbk/nG0xrYPb6VH/6+6/9t78w+Bmp//5SOn55X39539Ipz/4Uc6jb5bUXE6raSSUKrR+1S5PJ1Zygttv3O77mz3xu39nYRwPj+TZDXpVOqM0VjPC/d74/z0RB62eESED99/x3o5sdedpZy8c6Z8/v0jMjKn5UymUK9XEnDf4LaZPrN15Xy+WEByGvHl+cz5dCFJZqs+YWg0tja43c1Bur9tDKmsp0yRwqms6PmJ6+jo9UbOC7etsvWBtsF1q5Rl5X7feH+/IZJhKVxdp31+OfPLx19pe+N0OnM6nXjfKikJuzSef/iO9/eNL++V/bfPSIKhO88vK9wqL6dEbTfOp8p3r99xv+7c3++slx/Iz0+0lqh1kHLhdDqT06DVjft95+mcbOGklZKE0Rqfbx/Zbp9ZSuO0LiTt3NrOkk2utje4vt9RYEmLjeUeV+5DqC3x8dPOl7cbmyOw9+3G5XLh+bSwtU46nzldTlwuK9t24cunz5xeT/zDjz+YWdxYGQitmrFla8LWBlouIImtASnxy28fabXxT//4T6zr6rRtta5xg9en70hAu1Xev9wNWb2sLMU2cb1X2trobUX0wu36jqjJSZf1wmDher2xt53LpbE8FVgqw4snpFB08Hx6/qPt8Xd91d1M+4JuuCzFAhr4VAsvDAik2PSQhh7bPuttTOp2uOPPQ8YDy+xqw5EspofJBOkIQqFTT9HR6M62mAlsJPeRbFrXOcaMRvKEf1b3DzU5hxidWbDJYZJQsfGZDJMdqHcFxK8hKhuVMT/TJGMFydmomArSEmXx7qAHrPW0Yl3yQd07rHbNSypeQEZgrLO73trGIiC5eFIZwf7osKgX6WHuK5jGXzUKnEjcdQZHu0Q1iWd04/VIzNsY1NapAaoMN79UDoqvv0/JmTEyo22oOGOjN+90hlEaU0oxQSovOGvrPg40uSGrRx9/lZzpRGLjE0oeKL2jD0g6C9LoxgJeqAQoaIbMc+qOxBoyAOHRPPNbe+17dWNCu4ZSyrEfY31zJD5wFE6HD4SCNkrOU2YwVBFP9mM6U4jGTO7kYItYATSTEYXRd0ayLmzJ6glh/HawY1wz7culj+jshkQgwEkvwCbwap3vnEOyiDG2BsgwAMkkNn5ZY1iROA75jwYSIUIWobbma8QTMpcDDDuAQG3yWCTwQ4cVYMG4Gx2SdZd7dLY8mSTJLNAs+R5+vX5O+M4E4zvEmHrbzjLvt9Hp7ToMNDuAx6bd9h7RDfezCQOj5oQ7L9RSSj6edBBysTmm1cEcJDyNdO7Hx45o+EEV9885irTh7LsoeqG5hDMo4AY8mAcNDsCMmP7mX1IVa+CokrKrBvTwaVEVtPv5942+tm1/2JtY3Jw4o1X3Y+CyVLCzrfiaGpOBFBdtzQrQ1gkES5LQvJEBkfgfXejWG0nT/Plew28uT8AvTtW4t7HnB/6Iot+h6jLXMfetxtfGitZ4nrNBIObxYGiGAeBTfgiElDmkVhNQ8GIjGkETDHDZ4fAf0gG1ul2CxypJtu8lJH/Zcg7FwEIRMzq3po8yz0SiEeEG3w81+XAzTxt/zARForljOYgvXzlAqx4sJ8QbEmPW+tqPMc+B4Urs1RHFb7BJ1c+eOOceu/Tx0lkEqypLWZgsGF8bc32EN4uz5RSgC81zjZGioXWMhBeYEvJg50wvsdHm2OAxzMhU8uN3+7ZerXYkezxJUEr2Nf0AyszGF4CScNll5Ky+j4/9dCCLipLDD9UnTOHNiVyMmT2fi3+n4fkUCXB8PozmA5hVEWuQTzBHXN5zgDRzbczvHvHEQYMJKBmxQEf4rcU4e6Wrs0b78PgY76cOlgit1ZkjilhuOPMOB5NMWh/SHWfGqbF5em9IdjZg9z8n25uPkwWNleb3u4/jnmB7TdOg6WG2a6zrI+aK59a5m2dNEot/vXvNQbIJyP6skntNLcsy5fARI/E8dLRKKpmEDewxQFMZ+jBRKQ7hrvMQbT74p5TCZN5Opp57W+U0n9fc3h4jx+hI8oa1HOvV6qpgBEeDyxu2PMZyO1vSH8TNP5761DLaEyqZ83phu1XGYgvvfH6CMdi3yu12JefM8/N3tJq4jcpvv77xP/7f/kdKEX76/pUPrxdOpwtj+GGUbaHct502QLcdIbNvO9tt41QWtuuNoZX90+/8+NOPjL2x3ytF4L5vMHajGYGZECXhvm2sq5ndSim8vb0D8PLyzPW2sd13brcNIbF1pepiEzHKYqCBDvYBpyXThjI+37icMz+8vpIkUW8bqSQ+ff7COJ25Xjeu17sZ+VXTuooqqQ2qYZJQFrY+2K93lnUh58wunfuXL7x/2Ri1g+5cngqlbLR6JcnOmhqXJ+X5ubKkT6R18NY72/XK4NUKLs2IXJwVpD5qXOk90bsVyV+uV1RvnE+dD8/WCen1TttunPLCDz/8ic+fd/Z9o+4nhizsrZFK5/SysG2dWpW3rfO2ddZzIekgD5Oe5VKgD57PJ86nE23foTZ+ej7z/HRhbJXrBjkv1Na4367GcmmD623jem9ct07dGx8+fMfzywv//M/fI2zcbldExA7t3nm+nDktJ0Thu5cLbXtH042U4MN3L5zPmdaFZRksS4Jh/kKXy4nOmfe+so0TnzeldeHp5Z8p5WkW0JI6Pb3zfNntOr7RV3Q0rXaVA5yBCRDMKQ0CKRVC49pa5xqTvJJ3vnOMzTXvh0PHatmbJbLDzT5B+0DFQAYz0hwzwfQ+9ixorNCzAy60nKEFFwc2Ql8bxQRTYmPfLyabMOwwlGFBSIZ5I4kzbsSDWzjKK2Y4rt0AH9TQeRsNePgN9GFypjQUkgEfaY5xFIqavry13YCeBNmLHrRZUSaKkVncQE4iukNonEM2FOjDcC8ImSO+rRAIY9SSM9Ud9YPlM302JLpw5h3T+oNfTHS3e5tdtIR5PY1mia0446p3p4p2pVXryNfWqbXTmnln9TCvQyhlZYxma2B26EKGF0FXnJ3YrDsh/h1cdjipyhMITHSM9WQ5ipBKeNL4inGaaUoPHctv8KXO4VaUVEJWIA/fOfwmYspJ+BN1Y6De76QkrOti97KEPt3Xjne8yQc4GmBASZnerCupY7Ce1tlVM+mQHRLhuxIFC31MoEBznoaXFEEJL5MHCYhPujjMgT3pEwN9zARTXJcfXUNPgCQBfSZ+Otvf1pkK8AEezjA/N4LJ1Wpo7aNr1efZhcbeDa8Yu3ejg2p4HvmnTZDBgbOUpsFnGCnPwifeZ1hSbCad0Y0/6Pd2e8S7eUwpo0kATfbx6NM0O6h+/kVXdbIYA+SLdRSUbC8A4/sgQikLqn0y4ZhJv9+r+Ryag712ng+MvaFqMrSOg90eY1S/TjgXCkxZqgMCfh/7ZOl8e6/RTWYwtCMl0Wr7amw2wNBj0kf42QjG2LrdbghCKWboK2IGzVZw+R7QNOPllBRaeKCNigxbSQaojekN1wlpjn2hCcQFC0uPvQU2beqYeHQUg+oSDAk/E0MqvJCE1GUW/EdX17vE/jnBMIkjy8tj/24O/Pm5EQDmCMDzwYTYlqVarNDIESwPidHKdq8a5uHkn/bg53IAheKMVOa+T8kANzvvdErBcin+PY4YPsGmLE4nOIAaOwYf2G2Watj1qrokyYDxJMkYV1geYwwOnWDAPBP8PmafPlXKcoCf8reAbzBNsbPMr1ncFyxQONV8TBX0+844vHBA53S/+fJYAGbk/K2+FJxFi/uJ6tyb8gB6htdbeKaNYd5ht/uN5LVC8aYBXijHSO7wpDqM7Q9GW3i99abIstiTdYZ2xF8rsh/Y3epWauDbwfMcb6SIf+fJGpt7U2aTgfG457sDG8H4sky69e7SpDEnEU2gfdg+CsZkAAUW0pxlo5EPRm4f+9O8YUC9sQqRZM+GQLc8NkBgkWSZiF2cARnqo781nuRwxqLfFwLQSeRlYTjoOUZxY+1Eyu7D1PH8306KrEpKgzwirzBQbVkWu/Zq+UHx9zGJr0tMw6w7ufxYIxex55IdBColH3n1XGcxeU3nuaWjH/cOj3sxNh4/gyJ38bPT7r3tzaVY3JxAux1c9uT7v703/xCoqb1TxsLz5QXJC9u+W4GlSt83l0AAaThgcKI2eHv/wn/6z/+Ff/mXXzifVj48v5JzeNbcOV0WltMFvTf27Q6pWCHF4PblHZrprfu2c71+YSSlJOH5vJId6bverjZxqXUuT888nVb2z++sTxeeny5e3C/sXXl7e0euOyUlWyDDTMW2NhgZVIuZBosZJe9bZ0uDZSnsDbqunJed+333ByFoKuhI7HujVisA6145P51t7Lcq171SkjELSimsy4rmRFN432683TeyJnJqwJXRN+g7ywpLHvSlUkri5byS+o1ltQdKSrT9zu8fr+w9keszkk9s1bqayyKI3LnfLbkoWVlKYymZJSmjVfZ6p6RGykrdf3cDJ+V6FfLpe/M/GIl7TdTWeXu/cds7+xjkoeRkB+J3H56p+8bog/16RetOH9YJXkphf99tXGC3DX15eqZujS9fPvP25cq2VfLyzJfbjo7Brz//Z3744QcKcLv9yg8//siHDx8MRd7vPJ3OJglTRbTxD//wSpcKqfIP/3Bhu2+oZsoqnFZLRM6nE89PF+6jcN8L29ZI+YXz6Ynl8oG8XKjVzBVrhd5WVGG7f7s00e5BJeU0gxXicgEHWSKOqxrNO+iv+75b119A1sVo2g+FQCQOQyMh83hizlvgSV0YjKNRyBwAUTAuwsQwxgybjMUO+2C+xM8f/jlOvXcvG8cHZuAwp3ljF+RsCVFrVhiOFCj24bxvX1G/Cq4hnfCUEQLdVoWhaOssxdtRdAt6fu0cgDnCQkBTQnhXNJcyJDtbkrVAg9Vjh3IkkFZISuZIxoaNsFeOwK86DNDmYCLE37faaH8zoQO82OvWYQoT0d4bAcL15gVde5wGZVrcfasG6gzrdI0xfM0IJSdqMwNxJmPDzTnH8C7UYCkZmxJzsCrUTRbjzh76/ygGFcJvKGVP2KP7AIcZ4/+6++l/zZcxXY69aY9jzPvzCDI9GgWqDupe2fdKzpmSC1rsvxtAmr14U99PYcztHfGUGUXm803ZWGBrWYjJZ1M47h3FIrFPHqnYdpb0MaCF0ah3nzx5sQ6SyfMC7RRgJJv8MFxuRT72LxwJUuxlcLAupXl2PY6IFwcgpiTCQVa/maDdAAYHI8ysOwBqddmJAUgmgwh5DvjOeyjm7PmIA0tRZPppCMQ5CwEOBZLSB1PuoaokH5f9OEVCwCUxAZS5JKT75/qBLTClD3HzUuQuYQrshXJ1T5LeTaKmJVPb5oCam4C3hoB7jjSTbri3WYwyxqc82bnjZtH+bexIVHrTmajbz8QudpgmgLi/RT6+oVdtlTSsKAj5AsH4U30oFm0BFKzbrEOtibjtHutWWx8jir6Ifmr+Px4PoyGBmuQiJEBR5ATbsI+QdjhrJuJmMC89sYcA/wY6msVSQibh3XsHX8ULsulTIzEZKsx2vcFib+t78xinje+3kDhjLRz8MrFCL0AG9z7rxyQ7HPjDu+oRbYlLcUZKgM8yzLPKUplDUixe0NiUGvxafG/6+fAo7zUfLTcIVkW7ghi7Qh6W5hjdGx8OnETczA6GDReePTS81IG5KZ8kgPavJSlMlgfsW6WUzLoOxmgO3GRrvPi+bRpFt3tD+f2OSa/R6DIGEfM8VqIQDDwuzjQm2POVVG98u4EzgICQOs8BFRzX4D9JnKYWEzp73am1GSCWyxHPNNiiMoGXsH953DfhWdVp1mRLnVJiQpMxWXKy+Jsk/MLsvUOSI86yGRhYmYnY5QbatgkIyY2ISey1D4a4x4mRTcly+ERG8R95/pjP8xFUOHxk9CHmBCgVJvuHn00jzvtgikTumEiTcRPNscg5LFQeeZ/goNOD504wWYw+H+mBNwlI6B4xxqZGpVwQBmkISkZ7dTDLwK1Fra4lZ2eTHUxPdRZMzplUoO2NnhLJhyQsizGE61dTRMtkvVmuVViXQh91mhOPPibQFjJhsyUARsjefP3EhMRx5DZhMt2Dme7nWLD9RrAmHaSJ/O/fev0hUFNOmS7KdavsbedcMqUZxW67bTxdLpzWlXt7Zz09gxRu953WN/7681/48cefjBbcBq1XlEqYDLetsZ5eKcuFcK+utx1pcP38xrjvyJK4PJ0ol8JJMu1eOa9n/v3/9B/QBs+XZ5ZLoWmnLBf2vnN5eiGvhlwPjOK7ni4sywKtMXRwOj3x3XcXPr+/87btjG7InyQhryf++i+/oir8+R//hKSC5JV//eVXbtcbr6/f8Xx54f3jG9f9xt46+Fg3NPP7758Zo/H6+kwaylbNyVqTUrcNVaMo7705mt7I6UopH1nzjedlIeXGukJ6Mgr7fq3ksXM+JZ4vhc6NVDIZeL919nFnbzvL+kxrO68fvqNu79RReXpaeboULmtikQ0ZOzJgTZmyqhVS7QsprazrwufbjaondCi1N+rbggLbXhnINMBsrfHnH7+jJEVKorw8s207rVfWdeV8Whm7I+HSuN2vLCXz+79+5pfffiPnwtPpA2sapLXQRiVJ4Z/+8Xve39/45ee/8N0PH0iy8PblTik2hv3zp9/JLOz3Ozk1zmthJDidT+iolJx5efkO8jv13hiImRPXO+dckFFYTmc+fnrncl5YTxubXtm6Paet3km80PoTZf23x6X93V/ueWEjNI2p4jFlduCs+xoHSjBkbGRydppnFE6RQEVAt2IZYMxDyqae9HlwT7037jMisG+7Y4meaKIz0Ib5cCDlkwYZ7ApwNkaeQSiSX0uyPEnyLpWHCadOW1BMHu21dZKDNh3rfvfW0TRYVxvtHKOAo6CSIdAtUJfFk03t6GiolsOkk6B+dsZI9DaMcpn8G6sDUh4MxjB5Yh+wlMIIvXwWByqwz9HhBeRRqEZgNo27eZZER72No4jvUazrODqCwQgQMdqsJ9FCAB1HEqGqtN0Amt4bMXkLp3QKsK6FWiu1hu8RLtuKJKK56V+b13CYLNpnl5wtcA0LbMm70AIklWkansUKbPVe/5H8J1TTMa3hG3wp/szc52fS7vXwLToKZUv4mmue97pPCnEkWKkHq0yQDknKvP8BmgpustttdLRQjMrdlUYjp8z9fienzLKshLwsEoeyLHECEJr1WQx4oSApOYskunLmHRO1j3VrhbIUa6go7LUeXWVn6jwCcpHcGQvjwUA7CgqJZOZgks3zSjtKxRg0ANHI8J+bHUUDbRLYusnQ0YcEygqzOQ3IM9DYmyJRBIafcQBMJqcKgOdxtHhzIEW9+E+u2RgoSwqPG592N6U0Mn/OPsALC8HA2BbJcyTFXqqJsq6F1hqbg6kD9bNyeIwIULbZ/vR7al4InZiqp/F7HGcvfmuTmzOS7bpaVFb+DIVshcZjNfyNvSIGju7gmoCM/1bc1K/ipjLY6z5BAZP9RqEOkA2sjALR90zsz9GdpxXMlmQMqpCw7NsGuDeX/30Sm5I2Ddd9jUzvCpydFfExGVvU8mkDUw18MgYaItbRdTnp1jbGGORcSCnRWgvs5OF+2WALRb2ZdxTNX3neBejov2TAZjOQFB72lANN7YGXIAEyZPN26nqw3sQAylLyQ9yM+wNC+GIBs6wPINNYOU6eOYp+ogHk2YjAGLazl3zca7HKipBvTCN1mCCWiFBbdTBUJjvgYC3AspgPx7aZ75QBNMZ6jMmLARqY34n4eRsTfVymKuYBGcDtnPQ5BFFn5GUvzKPoDr8tTROc/lZfkb8GmysFqOHgQ/gxmdmu5X+Wq1o9EgDN8LV4HKQBIJjXachpAxkaOsCfZU7GfkpxBkjyicGZLo2EgTeSHHwNP5uHhmB4o0Ks6+TsDjejVyFkQ8LBcsolz/N/b3UalVuO232638PUpuHS1og7cbY9ADjR1Ot/EzdFDKgxjGZMIFjVJWg4800CxI6fVTT2gcf4InnmkCEJK87mG/MxiMdQazCbD5zlzhJ5aRJoMcHJADtjhynqhsHGPnQ2K9AwuT1J6E1Qlz8PhJzdL9Bj+6wZ0qO8ODN65T4M5BPM79SaHxYnQ/I4RiPArJmbuzdgDO+Y4XI2obC95zYRdp72Qw43bC2PMHf8N15/CNScTpl8XmBJJIGtNfbRSMm9Dmrl8/VKWjqf9439ulkSLcrt/cZ3rz9wOp04Py+kojS9o02R/UrvjfomPL+8IqmyiDBy53wW2n2w92FTkm539i+dl9fvIXWXMnVLBlds4gCD7fbO+fTK6PDrLx9RVZZs1PlMciqwJcb71tjfruwdlnKhqdBb4/n5BVDOl91H3XZSXrjfb3z59VdyXmht8PHzG9d7ZaSV2317IBmKF0/Cb79/IqP8+acfKWc7IOq+z65MKXBaO2u5ci5X1tK4FKHwzumcMPNFQctCUJtPq+nbW1fSuPL9U+H1aeVelU9vd96HkE+F7frZxnej3GVjzS/cW6ZK53L2Lloy/4Q5QlEUdWTyfbuZeZ4IqotLK4Suid4TVQfnNbE5q+JyOfH+5XdOWXh9eqEP2O+N9/edpay0fSBy4vOXKyknfvrpT5i54wIkOjuXlxOjVy5PZ9ZFud93zuszIoW3L29cLmfb1OtixeJonM4rORl92AJu4bKe+fTXG6dXSLKwlhOtQmqdsgprStT6xik1ZB98+RVkWcjpwrY1hj5Te6FrAV3/aHv8XV+W4BwI/Rzd5zFj0iolgp5lK0pMqshH4oUBAJZ8OWW3eQeASMosIR3J/w6X4dThvhZjsj+IQ9/T/dG7dSOGgbwWyMIfwosZERJuWtbFvWwO5D7n5Ga8h/dLeJwM1Qkg9mAamF2Re1YoKgP1JKq6jOe0rtOMblJICUaRYoaNNgbdgIPu81is2EQThvImTAbQPQhZ8meaU2V4wBIRG1foLytgkx3SGBMADeDDijRLOqJIjVGfBy09EPvwCAtqq6BzxKCOBtrISahNJ6vAvA0sWa21+332EcrdC4TRWUqmYUF2JMGWRpqA7ZyK40lPH0H5d9oxFpiTGJPRQLoDvHA1vv/Zx6Q/rkGnQUfibdSIbzfh9OxsFvRjZitRUCitmm/DGIMhB5OttZiamIipFmM0B3wG6hTjsizQw49Fp0+SrflmY9TvnWVdGTlRvfNt9OiGpDJH2ZZcsHGWfQKsyVlN3SfiBOtijOrghN1/MygOL4AjQYRDehefa+vVzqjuJqbHLbO71buxP7IXY1FdHbRklzB6mpYCnMGZMOhMPJ1fZsUdZpgtaiak4hYFrY85QSJGl5qpqCLJgAcDO3UmWlFYzg6mAioGKk6Aywq/4evfvrob1abh0yuFMZqf5cY0HD3GMie/nZakmxlj+CLgZ/OYlO1gStRund9g2g2X1oB165tLIe2s0GkOrYoDsIefzXDNq11vADoByqYJjh/1kPr+fKj0v7GX6rEH7bw6YiYc3WsbXe/PxV+tVmeGu4fLiPiqSGpzjeeUMQ8cB2yGsVraUPd2s/cznwzmuR0AHDpIZLoOcireXPHpQ1NeJ3Qe6CW2eZjBFxjNDHZNPmrPtTu4qN3A0WCLhVxJkcnu8Tc/2DTTZ6U4mGBshvj++HIQOiIDwQFU92SyQlKjVTC/ugEJYmcLYsWvDje4t5jc28FEHGr5BClhE7wcVHFZy5QQyUDJ8wyNQkh8bPLwdeBwDylBFzuXRMRBkcOHaDhjZnrpKV68hVdGxDsr+LKzBEUMG+ujm7RS9cHodcw0KxgkKc4UXy9JrGaZwKAY48FyFHveASjSMQDV/3ufTIYxv9u3+kquYTMidbAoY11ZUdt8v5ohvyNw6PTmiiaIrSvL1+JZNTXARNzri2iY+Boj+XpuvjZ9zcK8ncCRf4WfmwEtneKAp4G5znh3ibE+7E31QJ1y9rP/QcLkcdRsNDzODNsHlufZ3gyT3mPqnwE2xY111c/7RxmiBZSBeQd2QsoboJWCA5P2DggOOMsDkOUMQ4L5KhOkAbt/OaXJTE0S8cPPhjBklsTQzBjiuabAECNGTONwy2tLHuj0+RsTtC2agcUJGXYtySVvOWXLZ3KAZJYniV/T9NiRI1cRWdDebaqt1xb2d2PuN2O0BXhvoFvdqoGo0ezQI9+zuNmczQb9IW5Gw3rmEH/w+kOg5u3TbzzLK8LCcjlPL4fRGu1+Z2wbS0qcnwudQd87UGhVeXl64U9/+p7L5UztXxgJbtvO81m4X6/s+859S/zy138lp8p5PZk/wm4Xdd93hppHSE4nfv35V1KxTfv8cuZ8PluXXAXE5Bv73W7gdh/cbncSN06LafRrt1F9t9uGDmHfGqmcIK0wEkUS75/fWJZE7YPL0wlyp/U7l8WmD0Fm3xv3rfPpy5Waqj2IXjkt9pC7O/1fLhfWfBRwUDmtymlRnk8w6p2lvPF8/sjrqZN7IgPreSDJOzAtI5pt8RdIbTCa+WWULCCDrb1zTgu6wLa9s++Ze1243cygrZx33j83RhOeX5R//ncrpzLo0hxUs3n1vXZGvbLIhVO20YNKQ/o7DeG0rLRuG6PtA+rG22+/cz5lFn1mzVdUM30X9rrQe+Hf//v/xOvrK6flTN2tK/P0skIStvuV8/kZRmI5r+SSeHr6gd4rKRdeP9hh/OWzgTR2Wme6Jk5PK7ftzqe3Gx+en1ndCHZZT7Sr8v/6v//P/B//z/8HzpcTvZlvw3JabaR4rTRtPsUhQTUpQKVOX47BCeTpm54s03sno0axDjNOR3pnRwinOHMkPKoW6BendY7hzC6fpDBG0HdDnuMUaD0old3p1MGIqR5UDAWX2QWI/xgFZHzFzkAGR4LlmXIUhbiLvr2XdX1bbT7OL0xQo2OV5+fNYCcwWqOUxTqMKWFk/eisHNOZVI9gZRRKNVBLdxsFmYr5uWhyiVg3X4aR0ebAzDj8JdBBysPtdOz+JDG/K+szJu+SW4esNaPBpoxJFgnWAJ4I+lSqfgTQSWcPuvzQaRqsozuzpc2f02Hdk9EHwwHr232bBbBJp6zzoB6YjkAMiGn+W2uknMlEN9ifl6FQqBtoWs1wSCcGzOLmfttZTwV3l7SfmDKQ+DxfOvN6+3y+sxr4dmtBO8Pcm2hOOPLgHdMARMQ8lcE9W+xuBUCSs8keRsgJ3HMliTBSoXXrAA33sbGRwmbIPVQoKKTCvu8UHwlsSSpAgBFO8WUw3Guk9zFZbTYJ6gBG476H8bd453F3M8EYK2ugbXTgvWj0YrX38KhhTsOxMgJ7bwl5QjDabCOI2AhLS5isIyhi8gT1v5+JvSfmMmnelpzFBKcAdJIYxdyARgMjmne30cMza+7NBwmeTDQ6mA72neep59307F4bYZwa7CEVMfmZWW87aGDveb/vfv9lvrfllfI1iOP3KeVs3xWZIM1B1x7z7I6zxMbAOvjlhWLvg+v7jdNpJbyv5oQjIEwso2saa5j4jhOcSv+LSeff81XrbjT6JHNvhhyAkLgQcdNAh6MADwakTRdpHZ9+CMxiJbErE6gBmfJhYBrviiRo3X7Oizsz3DRftu40kDAVVV/HwjEBzd9oFpohxQiGtwi0ZkXQnJKmffpRAZ4bxFQg73ZzgL8O1321N4cq8gA+iygpqxdng0QzqeHwOsgpSxpsAl8gqsPNN23vzbMgGiaPOYM62Intx+6gdy7iUv8xASBvs9geHo3wiSOWqUsWE8e5G02G6A3kfMQnK9Ts5273jZx8b/rZE/fSPDhyYD8Pha29ac7ZmJPu/xUNDvEcJzylYgAKyc6P1hrX653z5eTxtc97BRyFY7DZxI1ifd3M+0Fc07f5as2Y3i5viOMV/JwKdmFI1q15YedNxMw8Rz7b80yKS4MBzFsopQfmGsyCOcX+VmdueC6bUiKXkGPHOrW8rUdMANBOzr53vAEYI6WBGTNx6bft8WOCYeR2kYsGc7oPA2q7A+rG9DiaF2FuHmwiy4sP78Mk4SXYEIm9GRBBnwBqsKxjfw4HGia7TK3pGHvTQFoBDWaTXW+X5Hk6rItMKZ/42G773Hivgnr+YdZ13rRK2UFypQ9BPO8eSwZdreGhPkClD1Iq1NpYlsUAO5qBNBwG0QGyh1l4znlKjAVxtq/XQd3YzAHgx8SnAPYUqzN6G7y9vXM+W1P/YPBGOXDEYjsb+gRpxjzTrQ7/o7j5h0DN7f2dcllp+41e7zC6m2yawc/9urPpYIwnpGS27Y11OTFG5+my0OpGTdat32/D9PBVWbM9nN+/vPF+g+u1cj41ZJifyFKKyQlyohQrAPZ65ZRPnM9nyrKYhGAovReUhb/+9VfevuzUffDl+sayFnJKZEmclpVlvfD7xy+ms1bbBMu58/yaGa1zrzvb/Z3TybSj6fJMkUwWox3vDRCh7Xfue0eTFV+52OhSKXYoptGpbSefz5QCtV5JquTUqP2dslYuF6AIpe88pc7S78gO261Tr4WhjZwKOS/c3zdEhcvTgiZo+2DQ2YsVYq0N6r1S9+wys8L7e2Wvhfu+8/rjmZcPC8taeXldHFhavFM4sJDXKHrjTyuMVbm2zK4NHXfOJmgGKQyEMRK9JiTZ4ttrh9uVkS8omb0O6m4GpO+fr/z5xz+RstJL5YcfvncgBnodPD8tnNYzt32j1o3ffvviHjuZZTmxt87nT594+/LmGt+F1hvomWU9s+bEshbOZ9ClUtvOz7984v2+UZYL67KQpLPvG/u2kZZCbY1tq4ym7PuNpg3JmfV84b55tzhvDH2n9293eoX5yWA4SjoYLu65iXoQMDDuSPgjWQkPguEdi5RgZkLeJeg9OmV2SM8ux8Du00NxJD5R5dAG48mSU/28OzXGMVI8Ds3kxUW4wVv3GGeVjYBYANwh34Aa+1o6dezdtaM5PxTyUU9Z6Pbuin2OGeIa22ZgVHPUmF6iCVFBe0OBFknjEPt9HfZ3Q46flQF5UEczHwRJzG5mEpTEGN5hwcyMTY7tgbF7Iuysmak97o0ElEjO3NwS997QDF2ioB90GkOGeWUNnUl4846gSSD6dMy37yLuuB+Tp8zYrdZx+NuMGO9p36215iBSd+pnm0E92DiShDQM4K8uPQ12zUA8kEXiHhwUmWARWOd5SuEkEpooib+9V2+2Zqxw+ptiXt2kTs0LwaR5jRjNi4Olnq9YV78YbT1JQlOi12qMGAa9GyOmFPEk38vL8ByZ982kjGOCajZ5wFgk1hVGzOA0JWOv5WyAZhiHzj2eDWNIGsncMY5XxAAFHWnK9Oy9D938NFnFu8d+r+b9wkHbWWpEJ9DAFR2+/rXb+TeGJ7Fxn+VgpnjXeurHiTNDbe8708VwT3HD4UEqZogtMXkMCM8siPPEANIsUCQYPPa3eYJbD06TUUh6Qs0YqN+BMdkAZhAd3XhVyzHM6NLeW7BzsDubcIRfmF/X6J2670ciP4bHzQAl3PtKD/Bs28yjbaw648JwCniArMGmaa07OJYmy4hggzhg+62+bMJHntMH4WHtEXFRST064yHHc5DNz3xF0QSagJxm8WNnbux9Y0AFYBm+BlaI2X3PTu2ffgcTcMkuUxtzvURsjfdLySUHBERoxUAMOMHjxxyn6wCOpkOOZUG0T6nRMaFmHJCmPpxlBN0/1okXgwnAmgaIe9n5uf+YfwRT1IrrkLVEE8O+sxU4Bt4csl+TfqoqqYiD0ke33gCdMfenjfEdBtGIhsgDZbgE0vMUz1ECa5znQ0sTfBzBIlOh104+mTfXYFCyySXRQ5qLRGNL0XowQux+eXzwzwsgO+4Fqoepq6oPKeleRJ4OdkRctMhX93R2+kWm7Mkfvn1Hvt29GSC0dhtFPiW3/veHnND3ph6szMgFzQA9clSLDSmmJg6bHtob9GwmwDnng13hMe6YPpomuDLl+Q4YWiOszTiWc6anRHb2eMp5Mk4CsE1Zbcpo5NGzMemnuoeI7vJ1A2XGlLXPNTVjXZzfjYBdRz/OdQNCLE9UuwGIdMJzKzC78JoUsbxB9Ahb80zy91eF6BEObE+Mh72acyIX9eciLi8OsOdBuqvDgbFjb8rwsxLx8dtuMiyZTDIT9mp+Tj1n8lBS8zMvDbbdZOPePyCX1eoOPViIOWU7w7FYMPemn/Wthmw/zoIx6yVwcE27N9FsmFJrjdbLlBEHy/Bv46Zqe4ib6Th04vn/9wI1KWV6bUhR+n4nAyexDt7t+sZ+36yjlpXbdqUsQqJS6x3opPNC26HWjdGUNDLsnZ5tvDDdCpxlWUmpcL+9A41tbyQ3/FGUkoXvf/iRVFb3UBjU1GhtcL13fvvtN37//QtbsEguC6msnM9n1rJQUqbuQq8L7+/vE3W7XTdqH7S9U7edD68XRJSnS2Hozr4n1uVCHZ2tCrVu3PZqxl0p09Q39Gjc2oaOiuow02O9UXSQ8+DMTrvdySK0OrjukFJhdNib8FQKZQh9L3Av5Hxhc2rdaIlTUbb3Sqt3GMKynBmpMlonayHXlfFebeFrpt4K/+Uvn6i18+OHV54Unk6ddWys7UxGyDoYY0epDK0s485JYaRBKSuUhcGCqiUSZlbeUe2Up0LXQdPEbVt5vw6Qwl7h/f1Oyk+oJq7vlftt47sfTrx+eOX5aaEsL6zrSsqZ3379DUQouVPKAmQkwb7d2TdDWy/nlY8fP/P09Mz68kJehGU5UXJmu9+4nM+czxc0NVqHT58+8nYr/PzzR/78D98h7PS6w4C0eCc1L+x1Y6uVMTrLmmx9Sjbmz0xI/mh3/H1fluA4e2S4wRmBbkdBbT8ZLvnTaR71//8gmRo4+q+T+i4euIA5oSlGR050BObY74ns+yePYZOIeh+z25OyG7ulGOXrib5GUmxF5RhmahtU76XElJkjuZtURjDmjIZHqoFIgYgPsaIvqZKWxbNAiIRHewLXiXbvCqCQ+oOW2QGVOb5XOyw2grpWuy8h78qlGFCWshWWOhiSbEqWQnUa9+Vs3WtJxgwYGknjQ6BVY8kQxbLamPnhFMygY4oORDtJBkOsmwLRGbDuU6t9TqBptUNRkKObYx1xK9Q399MKQCz5VC0b3/0QiBykAYhRx5MJIBZw3R2E2gZ9mJSjFNP1xjoNMM45RYRhnrhmeyY3vna/5dewDMuCchgne8Js49MPhlB034y9glPdJVQvE6wQX6umfnF2h0+9aA9TdvJsy9h7ZjcNbu47oloIxvjYKiEhy7mQSwCm/omRlHVQ7TbdIhsTQEcUeeYfAXDQhY9iQOd6nhfk380K1q5RdPBANfc1h4NacU+9JB3O9kjgWJQcxfM4PkuQKfMjPt/PjujW0wNwsYkzvVlifM7Z+CFJSQwDY/2CJlgYz0YBUXKYLDKPxq86iEmOhDdhU+kiPzOAwE16uzFfrEPsXhwlGDbZPUNcNuHvJ8QEqD5lkNXHjsZzigQ/pkvIjBdQ66C2Qdqr+yf5vp7gqd2v8SCVSqKIu0UfWzIAqW/zZeaP4Jfu682+c7BJgQlqiggjHewRNNuEUU/gc4LeIGfxAsalquogZB+MNB58pzzGIRPkivHaMtdHovfqch8DHSQfI2wjqY+pRiHHscKgO9vFCttS0gRSbS8lMwvlMLCM0dxRkMX67nqcz8coeV/3eoCLw5kxiAHvaZ5bMNpxHoWniuUr1gCdjDHkq+dhTRL/DCmMAbv//CWtMIazeBTlYO7F+TFGFK8AznSZLJT4mwkPTZZG3AcDmPIEMpHswElHUrV9GT5jfu9zTp6zyLz/Eaz6nLbkHjL9kJnOxpaGpCaZrKvbd9v3Tq2D+32jLNljvj8z/ywrJnXuWUlirPH4HhLP4NvdmxHjZw6KsVyAec8gQAFvNE22Bg/3RZ3FG+vQn3dgVg/+NuKyeJMoHfcnJgspvq8dFAwPmGgIGNvmmICYkjOCOBgxmuwcHw9TyNRl7zYRk3mmioN8MY2sP4DtY64RZ71HYwyY0w+9iWF/FyCMA43+dxL5f4/PfMytPNeYa4kDTPDPZ8gB1JDoQ+bePJ9XknQkRaMtW9tPIJobtmM9f6Qbe8bZbXOwwFAsl0yQBmhG3a9qVCWNldEtvuZs099sCMYGLCaP6o1cymwitbZPVn5IsMTj7WMTp9aKSJqm4gHgmz8ODgAaE2rbGtveQTY/a8dkr8aS+2pvOlATzPO43tgB/9brjxk11zs//PlHOpW+XzmVwtPliZQLut/R0+qLzZKipRRnMQx6u7JmR+7r4L7taIN76WRVshT2bh3b276T8pnlnClFHaE6cV6fqPudT9fP/Pkf/8RoC/fNTPVyFvba+f33G5+/3BE5QRJaV7TDdr3z9r7xdDqb78rnjdGs8GytuRu0jZ3e7pUlWQKUMnDfeXp6IlNsfPZQtntnr52BsNeKJGVoptbKdx+eaPXmXbLKS1lYEyxpIKOSeCd1uNULv37q1CG0ojQqz6fEn7/7jnPKpKpIbSSxQ+KcFzRX4GrIoxSbNa8ge6PvldEG+7XS6sqWznypmf/wnz/x2+9v/OnHD5RW0Wul9evUOhpVc5ClGTNGGozM3gttZLos1Dvc+gLLD6xLoe0bo9mUqJway/mEysLQxJpXRBa+vH/icnmmj8x/+Y//wpIWXp6e+cc/f49KdVq9sN/vLEthLcLz00ptA8nZN12i95X7feP97cbr65l1LaCJdS0MadzvV7RX7vcb2qqBV2vm0+cb/+U/X/n5d+Uvf/2dD98/MfqVdVlJaeHt/cblcrbNPiyx3bcdIfH25TdqH5RlZVkuvL9vrOXbNRPWYaN/7XD1ZMMik+cah4QgIpQ4uv94+Kgnayp2MBow4A2xYRKGKKqsy2Y+GeI66TGGF2peLKkFP9N022EmpCNpUIyVl0zKIHJ07EPPO4EkTwaz04STmgQoOhSjW2DKOdPGoJQ0WSXZ3zeVuN5kYM1D4SsOgqhYx641pXc7Q3IZdAWlMHIyv6aGXb/4SEEPFBL3LoxxXOOqrtMXKXTBz47dJ7FlR/uVITbpISaHWNCIIsklBx4zTX6q9AHDQdTercAcavckCOhdFZUMPIzMVWXfN0K2lktcd/8qCZAolkWcDSRWiGY3TtNGzonikqgI9MG6CT+LSMxbHdR90BqkFFNnFEeAsWkX6QE/c6bGgDbaTCiMfaUzGf4WX602lmlY3b5imllX1fZjyFImMwGMZZHCVNq019E9Gz0zUnhbBN2Z2ZU3E+fFJ6ErY1TWU0KcsTRGR4s4U828KsL4ULs56o9q3iWlKCNnB1gtxh8gjq11dZaPJdDH6ExUzJBQmInv5EpJ+DbInHwUZr0uLvRE0TrW1pUXWrfunbFPXLaUTOOvdlh5IpnnWUUk7lEAxwHkDBsnj1m5ppZs9uasB8tyCYnnQ/MLJVgK86qO61RLQ5FjYohXuAwH4qJ8iH/vrRPjzutucu/kUrb4/FgvkdS7nQNB1VYOiUtQ3nNOxpJxenwYCbfWJtA2hjNgt85eFWS3ODsaIfPq46HzqwHUgvq6edybARp8q6/WGkta7NxVy0eSU1Bm7MHp7f7cJAoUjNWkI+jvykgWA3p7kN8q3l32JteI9Why3tZgjMZ6WjzeevHiDAh1KVIAJ+pmmx0rVq1jn0z6MZP77n5FzohxALi7LNEMNQ9fseggW72vs/AEK55ibzKLt2Sd9gdPKPNQS7Ru+9yuwqJPyVYTTG0TYDJlK7ItlzheEXOs0A7Qy8rKroO9GXu8FGNqjqYm4SrCSA5EeBNlMn+iCAWTpgV8JMH6DbCD+Xvqe/mRDWw5ymDbq8U0ZD5bW+/H+1gulSYTIXIZU/rqNOrP029Kvfi337UCXBi5WDztg+3e2Nsg5TrPtqi5xugPMu4wUQ+Z2xE3o/n1Le/N3jtr8cmGE/AjDrqZh9rL2VXBRA0QwJsC4sA3DrJMebzY+Z0Jpsx8e0JG1dsgrdnOdPVzWwAJL0DmBCg1AgsdZdRGyQFqdtszYtdi7+Hrcuj0GYq48ni+mjx2TMZk64/eYJ3DT234ffI/M/zcar7WzJOw+/li551Lkvk6bh4SZyUYI0dD02PdlGPafm9qQyq2apNDS8lob3ZCyIAMzb8f/ozEmXcqaTajiLMVQdLi9anleClDUqXjbCSXANuzaK64afSxMxqMdbWzPRjcQ+nZJyLqmLWDSvh7MQGtYBgGo3D08Je0+9pa83VouU5tndttZ9vcWmA4u85geFpvE6APf7BYs8w153tTQ4r53379IVDz3YfveH15pY07Iw/q+xvX2rk8PfF8WbicX/n8+SPmhn6n10KVxn278d3riZeXCz//5SPbzdCm+22wZSV1NXZIKexDIa/8+ttnni9WUA9PBt6+XHn7cmNvlfv2M6+v/8D7+53WO7fbDZHEfR+0Fkh3piRBsqFo+33j149fqPvOmlZeHGTKJbEsifuXSq9Oi0rC+/sVHYksC/ut8td/+Y3eYnyYIfKSE61Xat/IeSEnuI3G06VQW+V/+NN3rAnu71/gVikJGsKQZ37+pfEvv3Xe907NlctLob9e+O7lR757+Y7Xn05kbY6g73R2JHV66vR+Iy87DPXka6eXQRsJni789lvjll75n//lN/7DLzeeLyv/+O/+hBa47sLWM3V0Ksp5NeS3lJXRKqqFvRVqf2KkE9vI1JHZRmZsJ0rKiC6IKufLymmxTTr64Pz0Qt0Gvd74p3/8M2/vlS9vdy5PZvRb8sK+VX755V/Z7p3TaeHydOLPf/6JP//0JxDlvm+I2KQdM5NUSu786c/PCJneTuxb57ZfefnwZDr60UGfWXIm55XRGs9PT1zvG5+vN3L5J97fb+TSOJ+eSKxs2zv/+tf/wj//8z/y2++f6H0nq7BvFRHrVIyhtL3b2M02/mh7/F1f0Y3RoMyPbqh/SuRgP7gxZ/xMFOFG6WcW0+BUXfAOtWt8/STtPkUIAlUfqIqDA9a9yrlMze2Y78l87ymJ4giIzWmE4YmBxEQHJsUzfifMdJMYa2W7b46WmwN9LmWaJFvyNEjdTMKXpTBG57SsZEOozDAuW5GmSdj3wSAhvZO6supiB2jJUFYzOcsZlczQjPkpi3fiZXrVKMwiKswfexuQM3ur7E3JWVhzcqmWJaYpGbPGuu5RWEeR7p0ENQLA8OI1WCe962QVQLFJEi06gvHMM300K9A9cVbvEG73zZ3uhwfz5M+zze+SxH0BsMK6lOz327rPtbphpA2lJJLY6AraeGGfriVldheCqaMDtlpZljJBowkxSki0vDDVgB6/zdcxat5Kg6AxR9A2inHDaPVWwKnTc4snKdYR85a9vStDOk2UXCwmZTK1tsABrLPnnwVxzzeWJQpp6/jalBcDe1LKJs3NeUoxmo9qF//Z4iy15F1ak+NFEeST4NyfBLVRmHadx/XKLPwefG9Sn+t9KQ66BBOJKCATtSl79TGX3tnMKWETJIVcBDTYBWYAaPTvxEgdNMBgo2EHu02TUIcljdveqN2KtfW0krKzL1xvr6gzLaMDKfP9przUC8GhdgAcCap40ile9OM+LwBmhN6HTjlrnH2jd0s2e0hmxEf7pulFMLv2GpI6o/5HAWL70Pa22WIJuWRGxwFgA39qa9RWWdZl+lUlIo4Mb24tU0IFAV48FhjBuvh242aAjooBMMMlQOFbEF4h6nvTJK12fTl5At4OJkgQy3iQD9ptsQ5uzrZvLMHPBqp7nGytsyyrMzbwYl+itvcC32VOasCfDXYYSGX6WSX3c4tCPfadxW8rxHIOluruz8jXZjAtOOKtgHtMWTG8lCg2jnO5O8heq1KbF5NihVhxZkFOmbzILJxUjaWDeBz1XM8u9YG9pdh762BI5r4bUJGzSZ4Um4g7JKENUj5YnyJiOmUJ8ChN5uEEYYT/am9KCk8cnXseB57HCBBcZ9HWm3mqBBMqJdtXISeOQ1nE5cQa0h7mNQdbIkcQJeSwft4Ma6i1HtKn7LHR8hwh0Xqn77vtzebSCjWQK25lPOFJrPlGXzEaOUCF8MCLnFYkuReXAxIp/qweD9JhOp3EQJUwFh4OEkh4N3WWIqaK8WZB78FgE3Rvk41m8TqYlPZQI6c9Dlo7+1prfvabj+hs0Aj0YTHfwJ/wLfG3ICY7ORtOHeDRwxQ41mRME9NugOhssLnsKQZQbHtnr3ZehFl2SrDkRMnJJGFJj7ipcQZkXyuH9+Uc5hAgTbf9t+2drRrbNhePS34U9oF7PjLP1mjehbQsANaInyKKeEM/CaQhlJLcC0xN4m0ngD1vn4I21Py4jA3jLHOvK8w2Y7WclQfZrkQM85rFQXmwuGCsOp2Aqu9Kem/+98q+V7a9siwrk2Pk7KzWBq1tLMty2AIA48FTM9aKDuh/AKL+IVDz008/oX2wlMwoyWaeywBt3N5v3Pe7SVXqOykNPn/+MtkqS2p8+u1X7ndldEtSTs8nGp16a2TJLJfC+fmVt/edVhfG6UQpL+z9xtvtM58/3cnpjMjCVoX3v36yzqxPDlmXRC4LpIFKNc0ikSQt5AI5LZzPT0hvKNWKGh3UaknqtjfrIjZDQ8dQRoP37c6vP38EzazreR4EkoW9VUPtUzd66DYoXPinf/wTZdzZ39+R1khe9I71ld++KP/6y5VNC7p2Sip8ePqJ+9tn/uP1Fz6ePvHjjx/48P0rnz6900djPUEfle+++wfW5Tvu9zd0r2QRdGlc287nvVHryv/j//0be3/j8wZtOdNLp0nj1x2unxujCj/8cOK1V84XXAOorKcnchaut8TPv3XSAvn0DOVi36FUdsyQV8jsn5VlzzxdCqdFKJxJudNlsPdGWTPreeHt/RMiwtuXN+7bzvv7le0OLy+WpP7yy6/03rhcTqh2ymqavdErvTVKAe13lAKaKSXxXFZeXs6GiIsFKh2dPr4gScnLCc07t3bl/f3G58/Keuq0bSB6QqXw88+/86c//8m7yGKH0lDKkhi5MNSAglLg+vbp/7tI8//HV4zBOzSuUcS6+ax3Xfp0Lj8SMRSa1vnfAKJTGyawlislYvy3de6TgyYmO5yyJZhTgyaV+aFLYF8UL8C8o4XMADWvQC0ZtEIneeL2QAf2BNYMMa0rnktBiiCtewfY5E5ZjFGSvKhbl5Ovr5BT2cQI0kLfffKLBzJRSwp6G9zuuyHrp5XT6QQobSiLFmfcZMos0CyQhJFcUD33vYHYdQ0sCLeSLNn0Dk0pgqRD63+8jOFT64RMvIiwhCUMCMPdP0xbI1eMpuic5CH45JcwSKvuWTMmTbZTvWsTSYEXjpPSaV179a6LwMEw8OJQkqA9TNe86yhqsqYx6N2ioiUI4oVNoywmo/MVyCwpIknytRqSmG/xFaN3maBGn/vTjHb7A4Dq03YwqbFqorWKdd/N06hQCBlGThkVocxkxBIYA06VLhXUABabRimMsT8UdAbe5SJzf4onVcykMj1QkM1faQQV2duLqgdTLvvfG9fmmB4V01OSZcpHIejA2xAoJbGUMllYgDHdABVb+/vejLAtUXQa8LrdqyVzySSVzSVZ4rKVKGbGXKvYlMgxaMOAnNu+M7TbXhbzGlGU5qzL0U3Wkot58sxnLG5GOMyPXmwTgPtnpWTFrN9h6xcOn2YlEIaScb7F2dZa9aSzOQDrLMJsHkO9d5eP+noals9Y8jjmeoupIMMTe5EDIDBQq9PV/QpUGWqG4rWaT89ElNTKyn2v3pXUI+H0NRmlp3g3sY/H8+vbeqUk3jk97kOcN9NcGex8gwkwiAgjC/u+z3NVhMmEU2f5iZuUmknl+Go/DfXC3qU6Js+tE6AIgDcMS42902dBGPd6Nk1wpt0Ifzr7ORv3DBDyHHycbjfLAQcnkDhbPW5P0AbbuxhjUh+8ycRjiUqij8G+x95Rf18fRd0bQqWU7AVV9/hl9zPnBaFMuXQAn0N1+lrcN4sfcTZ5SUX1uIlaEZfVgckAgZNfFInm1y2SJ1gsPilW5l2ye25Fsxg2rg9MRs9rat1tv9c2Jd1juIF6tmvMJTtr2WPgZOR53HSm1AOW43vZ1wtW7uF5m40Xb7TeqC2j2BkV48cBB9/zBNsCLYxcT2FWoH0cMtlv7ZVnk42v1uVXOS3R+FNnB7p0uBS2+93XkXhMyMSUMREhk8nlMG01YMDyzO65TkrZximrMb/FwQNEKO7ZFoyLkHoPFbJ4KS0uVQSP9e612APoeJQGR65sz2t3xpYvCD+7jZUbhtEBVKUkPjG0zcEO4dHT1cDTfW+04SAoxonurTNqpUbcTMZCD78fVWsCJckPAzL8XBkHmHW/V/P78fV1PKOvc9qUrTGJr+zwkFEVk9omB6M9f8zZmuR2D5U0lGF9Tp8uqR4/uzNr7eystaE9sW2J1nbHzO38Wpbs7JsyByqkmI7lh/mUZSkHeymkmp47HGzx4U1vjLTRdrYdA82I+GHPeNt24JggJY5gPcbN4XnN+IO4+YdAzfm7C7Xdud7e6NuV2htjHyybyaLer1eePrxO2v4+EnuDvW+MNnh6eube3xmj8/z0zPvtbvrYnpCcuV3vXK8b75twPic+f7lRd/NTGGmlnDJC4XQ601pju2/s2yCnM0pnaxsrTx4c3tjHxkD4UApZE+tq9KooVuu9klkZo7Jdm1HDtNK3Zp32Umh64vOXndt+R1jIIkjvNEw2EYZcSz5xzkLvGxnhft/4l59/Y5WO7rvJH9SoU2+5cdsz5XSh3Cvn5YQU4cuvPxtCWMxAqn78xO9vn30UY0i0Vn795T+SdKCtcy4Lz88n8pOy5J+432/88mnjr2/dNkg+UXujp5Xf78Kf1ifuX36mv29wW3i/JV6/P7HkM6hwvnTO58zHzxvbrZO2hfHpC3v7lfOysqxPlLPQ0sb1XukKu1Z0NIooT5czf/rpJ8qS2HvlfHni4+cr19tgq52ff/2N0wX2rTP6yeQuaaO3G9rf+fD6CmLu/Vu9MxSW9Yklm5L6crbx48+XZ87Pz7zdvxjS7ZtMJaMpw+iU5czz0ys5fyalE2NcoAv3bed6/Uhav0fHmXpTTuWJNhJdFt6vXziNG/d7o7aV8znT+87X5Nxv65ViKkzvE2UXlx8EkyHGfwZ6OxwICSmGC2zcBCuSeBxMUHSOBQ5Gi9O0PSGNhC+KjTEOICY6soCj8kZtLJIQDV8O/EBVL8tdK6t+hCU7LM1p3bofozq92jugaPh82M9mTIaFJ0qCFTd7regw6rWBNw7KYF3s7Br0sP+t2wZLQQR2cPNO67CVYawPQ8qNVptTZl0W1kXJS6KUdZrzbrubxabsYFVib4OSE70aaDKaICUAD+9Mu29Ja2Mmr4/GobY8rfC3TmtzEMsnPo0j0DQ3MNxrm9rnvtvP9W5eQpbkeVHrHc7u3XUzDu4ui7N1kLAhjzZxKFm3dkTnB2ZL0ROl5EZxxLQNPTpnJv04JmJZ2HQDTtS7w0fn+Ft+KVgB7J4h4fkUz6SPI2EBowcbjb0ZMJMLiHXGlpS+Gpstou4RgzFIy8GqSSlPKbJzWQwUHDaGO6nYpDjp0IydMbD1FFOGBB9GJG427AlaTmXKMawTZsCM5VeZrMnWEM6GGYqNdjMZXuBuAU/EWdOndEbximjexS4+6UUEQu6WYDQfXYp3iRXEvZJUQVt0JQ1INLmC7WH734I23zO+rzTeURIDIYuP5x06+SHD/bPQwJEDAHdGXTdj5ijOJRltfowHNpifdyklHydr+ykl7453Jfy5DrN2H8eb1DuOR3KvmJQlPAxiz4IbSqsVDrXVr8DWmPIxwdyHs9eAeXF/K5uaMwbO0oujR/x88UepEROI+uObfEW3Xns/gGgVYtreGB43CVDbgRpMSmDg6cFS0ZDGWGoIoznAExIIkzEY+BH3Tg9WVMgfEDR5karpmADl8VuG5Z2PrDxi7UiGMYxIIh5j5jZKHKPjj72lGndD5vOy2M0Ejqwoq+jjQnHQoou/x+PeFGj7btfpZ5t5/wVIGHtAaPXwQEvInE5prCNjAewtJl4dGULtSkkm6RO1s7MHAOoeUSn5Z3oxdRS+leLmsbaNx7E3/f/hZ/Pcmw5Yt27nxRhAq3Y2ehE7RicNi5m9H4BmgKlT3iqYVCVlz1kyknzS3Gy4eY7FhMxmQ2wMK/gN0xrYyPFs8dvPvHjGsTeD6RbguH7De1OyxZzej/wlTJq7n+9zb4IX01hDSK0Qjyl2SKKPPj0OxRllWptBFi4dRDshPY5z+5BCOoBK+D9pzA/zc8TkTcWHS8z38LNjqMl5x+gx7MfBtAOgC+y8j0eJ6zH+WuOsjkPFgb/m0h48f9Jo1KmNMA8GdjTSwGS1cxw8zMEjh4m5N193A/Mm+CwW7yTWWle25rIol2uSxawjvGHCUGuEZ0jFDIENQBsTuLV6BFQreExUz2HUPW5sOqp9h5QMLDudTtPr0vaaN4qHgIT3TyKa8H10SpMp1Z9NZL/+GGKizibvMwcNJh1zDSo6px+qn4XR6LTpjjpjsKRscs0cTTt78H+7N229/fHe/EOgZuuN3377nf12RRhst53zsnDbvpARPnz/gY/vb9A6WQraC2PvrKUw+qBq5ZzPpDWzpIX1cubL9U7ryqmsbPuV1jaT4chCGp3b5x1GJpdMEdOo1euN+/1O33cu68L5bPrBty+D69sbKSXO6xOrvNL2hOo7rFfUizlRNzYamS9frqyLUu9+42XYeFvJpJFot2q0c5SyFEoyg8bWzayX5BNLaud9NxR+kcTtuvP5tqMp0/fKKWVOpzNb3WhFOK9PUAennkAH23VDOq5XE5b1Qq9G8R4jW4d7ZN4+3dDiie4Y0DfObzuXD4VFCv/6l3f+87/+Tk4nGlDHoCwFbcr9feN3H+W25oWxD94+Vm63nZyUbe+cnxrPL2fePt0Yu3UT9q0ZUvicua3/imShDmHfC10zmsW6qG1nyRu//3yjaWfrd15fn6ld2XdjK+wtIQ3aELb7ACpPTxdaq1yvO/frjdenE+eTgFa2vXHXNyQX8qnw5f3O509Xnk4vqCz8y8+/8eMP3/P64ZnWKk9PT3Qd3K9vbDt8+vjOfmv8X/6v/0907CwZXp9PnNbCvf4LMjqfP76TL4XbGJyfPvDjd0+QBrV39jYY25WnS+b09O161JjhmCXoggXxJJFUmgyi+WltRWBoY41+aI1ft/CSmCDRmcpqPToYkUKMfnR+LT93lP9BKxs0b0PWD9mL9zXsZJboeHtGJwD58E+KSDZ0Jq6omhQtKaQ0v1cUPqjR1AO0slrFwBUFtDZL6JJRUlUEGSB9sCwloqgxTdQ1rZEYOY2Wh+RMhwHKZVGjeGfrNtQ+WHo201c1qrpfhCcF5juSBEbzYseTMJ2dbO/8JQO0Wj08C6yLF902n/oyTP45/gZYCZ+F1tuULFgxeCD4kaxawRldlTAlNRNmS5o6ozU3Ex4exAa7dwxa69zv2wyAZnBrXZZWfWpUt6L5ervPDm348gzvqPbmjAgg5TKlQLZ0QmftD/4bfbVuXiBx/ydg5nvVJAwhIXFWWozzVfP/Sdl8KMawjlSYQOOFZho24Sk5lb4NM9Vj2FocIla4dZdJQijIbN2JMTDKYl0mbW7sl63gUDXTUdMJFDPmy8dUNtuzaj4lw5hSQGxI+1cCsDm6uyP+3X9UuwadB9NvezHsIMSUT/m9PYyB4+MCYDgSJ/Ux1nE+BfPEOmn2PVob7N4QibeLM8W69cf3tMTLcCeiQHXq9Rzv6awJ9TXdp0kkTM+LuD1iwECtYZR8sBONCSNAMIPUWRXqosLY+36Wu7TRjITtv8cktj1A4KHcfPBDADv4/m2tUmv3PTp4f7sd3T9/lK1bqVzde2tgReayFOto+jo+APhveW/2v4mb42BAYM+mtnrsTSK2ekNBjioriu3ujKiDGRF/MHbS0Jh28iB99LMMte6uSW8Oc/+Bs2aT7cGRTWY6RoDVMv/ZavNnJUT3HG/GoNHN95cca3D6Q83rPLr9UVT69N4JPEwfHX30O3EPNX1gdMTf9AApj8LX/LH8PIg40FwaCOy1+94wSYNygB7d5XqWo+g0Am2tG5isbgA+zXgFY9XZnlYvmgIuHtNc9wCphEHdo1ge09w9jPmdT2bX5OG9lIQ1OZiMpuT3MCZXBjNKfZpXFK97NeZR9kZOeAl1N4Td90arjTeXXwkHMy98VFptBoqrrcniDLxDQu5s3W94b46HvAW/b5av4tfs4831oZkzQkZqElxrZvjkIJdbR7NomtBHk8TZaGGKbv4nX7N1TY7lZEnFx3s7O1Wy54LKoFm8/GpvJgfhmADnscZkArc4KBPn+mRhhRdYNF+HPvy75efD8wt9OPvtLeXAVgNkCMkUfgYFRDniM2NvHt8rzjXbm2q2HC3iFhP4sftvIEQ0XGJv0s3EWLG9GWOx48TSea+FkSqteeMjQIx0TLpradCqgWIILMVydztyC+w4WzgjdHpPnNaF7mz1UMZk//3xeF75GRpqgTFgr/WrqX0Q4IxNVN22SquNz61+ndOKnS2iajmyMy+jmZYT3tS0gST/S3Hzj4GavZOXZ6SKHYJb4dqvlJTMgXwMfvv8EWricnrltndKLuz74JQxmijKsp7sonTQZWHrjXrv9CHkXDit2Vzzm3W7n56e6Ped63YjLZnq9Ps1Q07vLGUHfeLD0wc+6V9RvXO5vJB1oafEXgfS8vSAGD46t947188b8rKgwwo1VMh5oe1tmgUNBrs2ysh0URbxUcRxICfrtLSts/dBaoXOsIEYAqKZ0RP31mmaGbfKLl8oo1DKwj46IguosN0tcLR6d38G25DrcrLx3COxNzXz0dHZ9x32Bl82dL/x5bc7qZzYtzv3BJoS52Uhs5NqZU+VlIVUbFpXFkVJ/Pp75bffP/LTn8/semLsBiTtA5AV1cStVvJSGXdIcgZdoRu7ofZGySdU4fZmv9fJvL6euZwXPn/eue6NJoqcnni7vrNv8PZ2JckLr68Ll3Mh0fnXL7/ypx+fWc+F0ZS6N+RyYt+EgvIf/9MvnNJnak1c78Lv/3rjdrvSR+O77z/w4bsX7vcrv39655ePGyUVru+dJCstqVHTMZPEDy+vSHnmP/zlF/7jz79B/p1/9w/f83/63/8Dr5cnUhm0UVFZ+ZYd8o/u9lEEPFJD1f0NUPN1CU1tUEu1R2GFT1dQ9z9xVN9PzyOp809LNj5xqAMgcCS54SgvPllCmice9kESRal/9AR8ZtCEFGMS/TpjUpWQzDRQBRnqE5ScGslwWVboX+0A7MY7JUe3Xoyu2ocVh5JsJpFoQ5OyLIsDSBbgzbeF2THNJbvMJKFk67ZLp2S78jaUPJwyK806o0G/9ek7Jbu5ryhj6uIfQpZYod+ayVMiCXmcXmNnWkfpzrAxpnQE8zCfO0bzGmvG8mpLWqsHbkHYPXEcvU3pVSShtbUpB4mCV1Woztradyv4Wzc5qQ6TpnZPdsw8s7HvdRZ6hh17ou4JgWCyHkmJvTX2ZnKxtRTOJwdsgmGQEt/uznQD/RHMhOS680cNuBx7c3ZXj+REh00oC1DUOomF4YZ7yb1rEp6kSaTv9ufmiV7K7n+gaoaKzi5BCmAeOBNISQWbMlussLRlCjkMYy17SykjMqZ0ImQkOjz5Tc6yk6NYNC3+QW+OrnCw+qaJoRdmY+rxrWiaULGqJ6BHMhusuQAppj8H6msr2IQusfAHYx1of19PFpNT2YNfA3Y94nImgO5+HAer0yWZCuY/EB109QIj2GPuA+KAkb1Z9PHVO30O1A0zMs8Yc8AS6EbJMTLcEuPad2uYqO3F3g0uC9DmfjeGW6tmfKg62PfdPcfsS9S2U/fGVh3IDY+HKDB9vZq5bGKrvjcR1rVwOS2W9FpJyiKZP+oM/r1fdjYerKE+oONSRAdUDUSN8ca+Sjz5Fr84kyaFn408XLPdO5uydAB9VtR58yP8mgKwdCmRcUsyQ6t/hotqJVmH2l2DwhR2+H8zaZw4fjRPAjtfmZjIBBHtaHHzXjmYrfZVdQIq9iUe4vTAzyCXvbl8SJCZD6AyPXfm9KM4yDjYIX87Xa55TEY7vXkcHzqZOdPzK77bV1/Q5XnVzZaL8ECKOn5YDSCT5OBq5E/+12HUGs8ximdZDnlMa3bmTKNuxQxUHUALcNN8ZOJ6nYnjDSv14i0R9wLq3ieTImcr5kzSaJ8Jdvbgz/Nx0qL9bGLfmsUVscEu51Pxvek/L3Iwrb7B12GgLfMcn5M7/RxqngMlCVBKJpCq3niyTNQZDsF261bc5+MB2f3gkCpFY1FIR+HszTUDcrKDrjaV2MJd9iDt7F9NDwCAsRBzTsd680Q6nh84ADnBIXXJ+NEEjbM4psMp6uCwyZxGP7zKopFm3+l4j4NBGUAyM27iVx3noc6z4OF7NtvDvdo6GnowTYNlOHD2lmLeXth9sZzW5Lil2GeIxr0IwMZBnxwgViZMexkmA01J0KTW3JkMKMMOrG6utNxZ1QYFRVZtsqc0wU1B3aPHz1BDUDz/gu12n0BN96ZNC48ZMZn16Cbx3mrzXM9+Tr7aYDKn9NXa2GsDSSwlczmVOdTHpKCHCcR/6/WHQI0O4XJ+pu6d1pS9CymdeXv7TBnCokJrQtNBGztV4FKKTwfqpMWmOw1p3PadJsJeN0wmmVgW4Xy5kJKyD6W2YfziMcipcXpZ2UYlZ2XbK5lCXgVyZ7TObevU/Qdau9K2jSI7Cbh9bliJb4tib52RNt7vlXrPLD6pTwZG3/fpG713iiYgs+RCr9ZRpmQu3z9BEpoo1323Tnnv1GaBQ1IiCxRtFCA1EDc+xQvZ3jbq3S6xpcTIGYrpBrdakdZQMWrm+1ZpzSZODQZJrMva1dkJmtCW6NphZLba2YsBaq13zjKgNeRkifnIhVpBUuHt88YvH+8WXMqJfVPaPrDx4j6LPoN2oWzfkZPTwUZ0GQTVRm1KHZ2cF/a6MET4+NuVlw+vtCrc90YXkPfKVqEsK73d+fJm5qXbZSGnzi+/fuLWMk8vF96uG60lqiq3faC1s78p//TjK3/5T39hqLCuC+/XKzkJhZ2xv9PptJp5Or9yv12pmzpd3AytSsm01vjy+Tdef2hcW2HrF/pI/Pqx8T/9+1/53/27H3l5OXO9Nm7XZh3qb/gl4tKmWfA6fdGwkpmAdC9EDkjH2BqRPA3XYUdibiCzuZNHULDzWuYo2vnBXmhYMssspo3BY9lSm1p9jAKKeBHnBVDyz9SERiHiNETrqligSwHyZJgjJxNOHUwgycAS41qTi7jZX5q6c882HzpLBuIO2y5myOro0QysrTFQuiplMdlEVwtQfQxGMYPX4qDM0DynS9nk7TEp1To6JdnYasn+OTEWUiyBbT28YYQuwzsTYwbNSKatS5getLMW8Ed3t3sPLjHqMVz7e4sOSxRkEdedtYR/Xh9seyP8Z2qz79JcmjG6Tc3LKVO36uukPxR7PLB1xAHD6BLF+tRZsPfeyJr9fLFC2DxKOixiHZcRhcq3C9XMhFPtWbVu4Kgx0uy7R8Il3tHRcUxGK9nMo7s0hk/Es2ZodLDTNAdt2N7NSZBkoImBgz4pxvdMH7YWvS1vYOqwgsK6kg6GdgNjzNw6Tcqz+WoUB12sixV6ffNp8FNgHKwZFZAsPirWp8ygYQ8yDTTz9GWKM8leGv/XzyQ/rnxaxMF2+KqLr/pwjh1vpl4gzvd3CdNQ92zwBD4IE1blOfysUdQrNdgJEkWen4H+XPGCYY4bncVlXI2DRfYmsxnQ6E7HD1DVJBXTLF5jHHMUat1GAXtx2FpIM5TazHy0VwPUtq3OCWPBbosC0mSQwbrsc39NKax/61YrqdhaC4y/1gFj5+RgzVCdhsjf6kuVeXY8niXBgrB7G7CTm4vOOHSwjCbwNve5vX/4JamqTWzzs6BkW/TxXFMKWaezPUZIjAUTWChau+9LAyOMDRDNmeEeKM2KyDlJxJ55gCcppRnvjgmLDuiUPO9LH8E6j/j/UND6y/odOhszEN4L/h7RzXEm2JRaHdSB6fHgT8P/71Es4nmIiEuXghk0zHpgoL51456EvFl9OIGScSaFadG+XgBRJHr+Ep3+6VURmI7qZHna5MnsUyxDpupSMv/56lPubJCDsdYWc2EnpHJD+5Qn6lCWnNl8yls00Yi15YwrOzO/Hu0ct9TSKPssO/Md68LOdVRZl2Bmui/cN/6KJlkY4kIYxjIBas9a/NYba8GAQQMuCV8j08MT45AtbU0eO2TmzKLmWCjZFRgJP7fFGhbRqBqKakbFctokasCBN2REBMft7RvG+9s/vo5H9rZfScVHxAY14DUkT81zuzCwDSN5W0ed6AqNYLUFI6l1YkiIxvfRQ1LFAyB75GTx0w8ZfgTO4UCn56lzktXo3jSa1YXntExQpwW7XmXmoZEL2bM1eaeQDrmVbVZ7XtIZ7l2TUoIekzJ389FSm4SaNFhUPhXSv3ut4kwWa5Kt62LndKwnB3FRY2YtpbBv1QFCZr486xh0Sot778eIbz0aMSIG0OSS6ao2HW8y8QbrWqZhe2v/PzBq9uudl5dn/vTjD/z+8SMfPjyx1R1tF04ove08nVdq6mjp5J5h3Hh6zry8ZM65s5DoI3FTJ+02aBVutxtryTyVxPl0Zm/Clha2Vum509udIkJZBn3s/PDhzCWdfJFU7ts72/tHxu1C1srrB/j+h5Vte+O7ZSXLhdqV9+vOXgXyStbCfSTrYKTKUkxzt/VmBb2IGYPed1Rt5PPz+QSjst9+pUuikjk9f0dqhTQav3/8TLq88sN3H1ipLLlxSkZ92+4NeiMpnHLi/FRQUe6jc1Wlu8mSIXReRI12FMUIWSD3Ts7F3ktiEznTyINnV9NQDxrlfEHHxuX5xMurcr83dClce+d23bj1wdaVl/PC63MhjUHXgeRqAFuyYq61FeE7tA9SVhpXpLhMzI2dEpn7fWOMwkjC+/vG9Vb58uWGSKbVzudPbw4k72Q6b++duiutwp///B0//LiyVdi/QG1n/vWvv/Pbr+8kVtKAD8/P9A9PfPztxk8/vfLh+ZnLaaXuG6eycHszP5G9wnpauCyJQqJ3p80thb3ufHp/o5RE2TZ+/f0zyAIiXK87v7TKx7/+jkoFXWlVeHl+/qPt8Xd9hdZ5cTqodVWOhM86BY5qx5gc70BIcn2qd6dxbaWlNUfylfwg7jYm4cEFXZn0YR0GPHg32rpnJpWJLntK+Bg91wOLFzEPRZMdp1H0cYzxUywYzs76AD26V5ZcGTChXSll8aTU6MBlDd8ERdR8c1KgWB4kxT22jAJrnRj7LjK7fmGcGSO1VYd1wVGcLeqGxJ5sYq2JlIaxC9QnAeVs4JJkptpazVj4MGMzCVLJ2b0UrNoWp99oAGea58i/7t41kXDH/+sjfC/G/Nlm81Qn4ybkVBrdGb++JMY27D0kVolt39l3o312N9sbDnaDgTZadHb/woPECh6Z5q9uDeGdYTfY9WS1zUDuQEcb9LZZ8hTspvDD+AZfvXU3fxWnY8vUoFsXK6bzeELtenrJaSYCjzFb1IbLW4GoGFLp00o81bJn31GBLGpm2n2wLDbu0jqOg6HVAGwKJKGk7M/FpDTZk/+QEz6OjLQpHNEFCumHkKPz5YUTHv9MNtcY3S7IAFX777U3EmX6OSTR+UmRMEbhnBz0GTqshz8ZOMfr0bATPPEjCi/vuNrfeBEX9zgK0uisWkdbUiTm1uxpvjfjvaNT7e1Du1/iv4P4Mwr4yQHW+Nr+q9b59MkaXaeBsAI0+95Hbh+FoTNcyqHBVywJ3LY29+YIU3hhjkoXbN8MLwaaj+4O/xCJAvzhPkZXH5TcjS2oYtWMeREc0ps409O3vDdrs70pQht2X6bMDua9CYlbnP0hJbEYIbPwMVYKE2DA6e7Wjbd1Pzvm2n20LFOykUKSgjJ6o7cKmI9CLr63MJlMjnhOLCN9ACDtGkI2E/skGh7BnrR9aEXSCP8FxBifqoiYBFzFzVOJ88BBoEewRtx4V8Jni3m90YM5zDrtkw6Q5yt4Zv7bnHoT/4sq1t8wpUTKzg4QP1e7Okihli9PhtexL2OTGzOwzM8z7x6XJsW31Ci60vz+rfYZnwP7CfncbFSp0pPYBDvJNJcyD2emdmfx6fApRSh1N3ZeeG7EZ7faZ5ErfpYeZxjzZ3sAoyJzbyr/H+b+7VmSJEnvxH6qZu4ecU5eqqqngZmd5cruUsgn/v//Bx/4AApAUrgAFtO3qso8lwh3M1M+qKp5ZGO6AKGQ0hkz2ZV5LhHubmZ6+fTTT73l7LBBO4540jpt3Pf6GjG1M4uqDmbiBYGHPec2NzUZfZR8dMiE7opNDcOTIdwDBFCqnu2uFkn3wCh4AcNGCM+qRMuTL3pvd0QWB0yLsFTFcKHq1GjK/SIBqDqLy+1n6uV4HO1+XWAy1ElfZyNss+d1vme8eNcOF9ZXDcAjhmfMeHaMCfaIgJIivzbP0/SVdjJ/7PG/8XCm65kgq3+vR7w2wubXYIYQLWXe6lceQCWimBS2JO7p2+mEYOaibgO8kMzDcww2oRedOipLtIqOyWwTVaQLXWMiFC1AlrPdaV0XQEI3Mth8rZ0M24wth3K777EHwqZmDjByGpdXTRJ8ztZnebD5gg90OZJ5SbTDqrDf7//dZ/M3gZr2+gbbAqJ8+liRUnm9G/bxyvHyBWsHnz4tfPrhJ75+fWe/dxaEj2vluu5oP6jHzoHyJvBujVENlpUfrgtCo/Zf+HSv6OUT7bJx18rL7ZWnp2esH+jYkSY8lc6l/uoUXwZ96/zjP3cqN5ZqbNdKt1f6UDrvvLz/wro90btXKPb2mX/37964v9358HylXjf6AXW9Yvd37vc7i1R+2DauRbi1O0e/c1kPfni+eIWxrvzy2vj5618oUp0RtCr/8uc/8bRWLqtQlkI36B3e7402hFUbP36oPD8rVoz3Lmz3HkmRUraF0XHtlsMTIZAQCes0HFgageQaMEbx8dO6sPeDulQ2qa74fTSKuvL+P11WnreF17bxh5cv/OX+BmWjy2DZjMILz0vhaS38+LFQV2FZlaIL//mPX/jj63/maCvDLu6Qe+Eeo7pF3DEOUdDhArxt0IZgo2J2uME0YSmOgFZZqKVy7MZf3t/4+ee/8M+//z2XpbKUyn/8lz+wNuFZqjtKOm8vX/gP/+GVy1X58fPG03PxCWNyox+d20tHrhd3TO0FG3ee14XbfvD88SPXD8+83m70Xzo/fP4I1nm+GB+2la+vdy51Q6zShyJ143Y/YPjUge/1NaZyOFNV3ZkbSo7RXCpz7K4DZZncjZmIDZxxMyKg8eWKNhzr6AiaaSQnOXXEgiVSJAGdBBQczV5WgD4Tc8STOw+Aj2ih0LDShfvddWWKehICUV0hglJ1RkUtEpWkQVF3lqUYpUToF8G31oIJHNFjaprPCDQosqJKwZNRT24TDR8+DjD+yHAqsQIy/HPVxCfJjRgnyQArUbmxYCZUukY/7YjM0LwNBRtsASINM/ajTz2bZCi01oKkZNRgK/nVDfbROcaexZQAO7yS5JTN7Jd30KVHq1JW3eeY0RCjZia6ISLaO300788dwQg8DtehQGbA3Xvzyro4E8TMkB6hT36OMUEjw4E4d8YO2nm8YRN8KcMgKmtTkDrESmdr3vd7ND3ZsogcJTV1/J6td9+7Jc5mrENWe6qCWHfRwj7TFQ9qSqFoRc3F+qQPSl3IaTPgOg0OejgNW3tDxfe44hNpllKoxUX3ShkUHYgWSgUzF7DXEN3UUrnffQ9JrTPJ01rm2TQswCCbe1TF6cUiHjQ7qyuFdj1APY7DwYP4nzQfuWdELEb9+nMdBDU7WCYeV30bSJHXNKKCmJisG0AMF+6flHmN9osH4MeARcW1qUxoxwi2gANGngh2ighLlbhviVzSp1m0ccyKMGRymympPFRSPQDPdhML8czHV1bpMtAerXHfO1XP6U9t32GMkMJyI9BirGsmLB6gO2DQe58B7tQ8GClI4slPoBieAEcir+JnswdoF7WiYIo8wgjf52ukZkQmceKttETiIww0/eYwUoi6SNx7MFZzLc+BAxI6NiMqzOLi8SIMcbBujukGZPj7VRmhTQZVhGUBlYOc6uLtusFKs7sX7MjzXubZJFoAwDVvRoIi0RqjQbG3BGQj+Sdagds8mwCh9xFAzGTZ2pmkiECNAseIYk0COAZnpTx8Qoqi8rCPT/gm1mak/ozMpDzSs3ntA2MJfYmO0Ia3eoboXjCJ3W8WvAVKEnwOMOPoI6AVT9QGmYs+IKnGLF7MsxnsWIF5ffPf8X33hwdrrX49Ig6WDAu2kj+X3htvLVvcxHdSMOiGiWtiaQy6z+cS8YNqccbFcBeROm4+fMCLN4iSrXfJrnLg7P8Xp+j/P6/RY8qSekzreOl5Nn0qU07bsxnTFhWK+s2pOYP6LOydQwxEDR3hD0tFtCAxqaeGgLAGILaIoXj7uoNDnXWVvzqbvldEvA19FiIkcs7dmSQ+LYp5HlOofRZUixcRR9gaVUNHx0Kgdz/C3wdgdBzdfWsA6jnkI0W4hTFBq4EXCh913MD3a/pAsyzrnSDO1GOJtXFAw4Hox6NiONPHpynGhERx/ZsecSckI9F9k6qf6xLr7OdTOVrzaYwoNsL/hNbkCDuo0So1OBx0LnpOUeoB0MipaaOBbvY+ODDu+84acUy2oJ9xst9rw3yCGIYuJYoZLdh0/hxMHuxdxB1j2Am4hv3NXMmGiwt7q7rQsy1WmIXxon/7cP4mULMsxuvrX5DbwdOHhePY0faOjZ1LvWN6OMPj5WB9O1hNWaVQ326sBpelMMbBIsbH5ysvJuziAfyxd/b9YGFQ+ivj5U7dnilbZdiNSxfGcbCo8fmHD4jdsftLGHL1VgONqoAp7U0YrfLypfPr/SP//v/1Rl12hgh1Xfj8U+dPf/oT1jd++fMBxR/8QPk//1/+j3z99Y/UvvNPv7vyD08r69MTf/n5T1RVfvfpwibC15cGr69oEZpVOsJ1cRTwy68vXD4vHPfmfYrdZ8xTKh8uK//mpw9cN5Bi3O6Nz7WgpVJ0ASvc3w/WxdhpyFpRrRytc9+FpoWj3+lDuTdXNby9G396e0OXDyDGenHNmxVF+05loOPGj5eVTuHXP70wrLFtK3sfbMvGP3xa+F/+Sbj2ztaUxb6yjc7SnCb79LvO735353bb+PLlnfu+0MoH/v0fX/j15YagXLeKjIPeG9u6sm4bixW6QhteKchZ9xbOb6As68KyPPHp00+MduOXX39m0HneVm59x9bBui10U47eOIa//zEGf/75V95v717hqkLdFm5tn4HGWgq1Cp+vT7TR+PnPf2DZNp62CxoIagmn93zdIPobMWGRi7dKrYLpdzwCWGLvJx1a8EghHTYR3PcWiXZU5IfxCNwqIVg7zipYUsLJFGZk0OQBZ/aXCkSfpXkCmkEOIYyKecliQPbSD0q008R1qlDqCIHLFNEe4dAG1+eLs4fEWBZhKVCqG/6ixrp4smTklIoQ3Rz4Z+PT02pxJFsMukq8v+tP1RD38haMrF4SaHpUs0abAnIV4hmr34f1aMtyttloxnEMSvWkxqdvhT6O936hdKjentlao/WzBcmGUYPd4Bo6YO0Ix+7Mg0UdYisCRzjbgrC3wX4cc/16a9/Q08/2N+aadnCgJujWhieeNdpYeztm9TBqApP2m8G7Fg+ufXRp/yYgSJrurItICMeZOaghznKaAaWcveMRDZBBVwY333OzvSczfh48oM5WsOF/4uGMmI6gItAH1oVhMivnWtSnkcW+FBMYDbQEGyxaASzaGLKCPwSKUpbQsekHzuEuqBgFQ6wgIwAz88C2HcXHnRZv+yy1sq7dx2hKoR1M+nHrnafnJ8bwiYm1whJtThmUOYiRCfxJ6ycTQvNChFbXLfLvxx9xNkEyGfy5ehALWX1mtnIY5m2TkeQNAQvKfzL1DKdnH3ZSmJP5kAycTOpq6Ar05glAUaWbV0VrgcvqSYR41cR3Z2SgWqHYYAwJNpvv5XvzSimcldPU7wGmjZ6tXQ+tjlN3IF4udj449iOSsEBorVPUwXdHM12I2EeruhDknBCFeCtiVmHjSWrxKvBoPc5iVnQDzB2hURTMqolC+t9mkP99vkZMr0q9lpMFOjefnWcz1yTBhdTCgGRVPbJF8nt+LtW8Qp+MOnKyYBQd3D97US51MkrYPDFxzShCYwPYD0O1e4GhCHXxWEbE2+dtBv+Dp+cLvTcUo5bhUzTV9c+cKane9j9in0h6+9SWcZakIjyOFM4KfBGZAEGZ7Srx8WGre9iBgSEBxFr+yfd6AFGZ1xLnIcEe9wz+fesUHABzDblo28OT4FqEdQE182IKPXyWM1nWAqV0xlBc7sSn0t1T4ynAWy9cnMWwGdcAZ8tw2HE7wSWQKI51B15ib+SNF/W21NQJSa2VEZPbPDZwJ3cyfc6XD2ZwgX5RBwf9rdM+pCi9zZ2ZgZ2Dvd+v3wSj9yNi1ADPAzx22xznc5jHtBZ7JBi4ZQKhIdQcbK9khEHs4gDgvDvA10GCPa2xrxN0lWCknUXO8JfD97jve8/1itNR8alhg/v9QES9dTvuzxAu1w1n1zngUkKr4DgcuFNxaQtvZz0o5syaZOuMPjiiSOqty84wa8F8rlFMmPct533afIST3xFnP5gv0eaV+yptuR+97vYIm4XPCVri56WIBosz9ri5NcT8vpZF4mzioFpPXywsYpSlY1YYw2MhpLh0yfCCT9GEbsMHmk/pcuBJ3Y9J2hSP+bv69C8RmWwtCxq8FxseBgLEuRnDc5M9dBdzVLozhs6zmQVOIb7XO30cMz5JEef8jPTr3R+665XFNff+t8/mbwI116fK++0X2v6Vl19CHIuGZpVBKxa6Bff7TtWVr/eDta7sQxxMWVYul5Xn64Xn8sRTdaPxpz/9yv4i/Pzlzn+6DVY6ff+ZpgpFqOUXaln4/MMHPv/umR9/93vG+Adu71+4ff0FRmHfhV9ub9wPo/XK/Sb8yx/v/Jc/vHJvitZOk0G9HrT1iWbVN81R6O8F0UpZhF//85/44ZPy+fOFdblhMmh74+nSWeqClMbL7cbd4OMPH5DF2Dt0bfxoz/w//tM77++d19X4/VpdBFCE3RrHfkM+feDL6wtSN7Q1bPdK9d0O2vuLj17scHQ42h0X+0xM2Cnqxs1Hgq8r16fCf/x/vyK9YlUx3VFdgU4x+LSu1P0rn5aFT7Xz1gbS76wi1MvGy32n7ytXqTzpC5+KsJQnRC4sKM3gvQ9uo1Hrxod14fpD5e21ccco9oXLulLXKx+fVqrtvL7tLpyF+kjP0WkH6MArtYfR7rA+LWxrJSmhb+83OA4YhXXd6CK8tzfWy8bT04U+Bntv1Jga85eXG2u9so8n+nHn7bhPE1zrCsP1HZoVVBZqFeR+cHt9R2xl3xvrtrCWKz+/3KEoVQd1cQNcpSBV0EV5u73/d7mXv8dLo9cd62QcFSGzvx5KsLPlIpPnDKqjUpcOSgIF7gHUONnCHWOKhfnLAxMt4gK7RaG62LX1DigWlM9UVfcWFldLNwQJ2qBW8fc3r8KPYLBIJPNtb6yLzqkKWe2aSvzimikAojF6UzyhEyq3fbgmVOvUCEBdC6QHs8aRfJEK4gbdEyU39sWiUtKGU+at+1QeUUqtqGlUMrMVygNIZ/J1UO/f9eftoE2nu0MLynZrzsAD8cp90D+tprOLdxhuE1pSL82dpFcPnW3Xu08syQAztGQniJVVy2TT5KjanAzivxUgT7JvohXskf6ZgZQ7NHc2e0t6Z4yOT0row/0PUqA5A1CZDt1HzQqWgs8RaKQIbSbSCJM98T2+PE52sOaRZZDJcGAUnqx0p2RL3Pdo+BhoHc6YwEd8ehU1wIPhZ+mIyrjq4VoWRWnFBf1tXSgLvied1EhCr324ds0xQsMiqu19RLXWhGJCwUGhMQamggz//KHOYDtud5al4LJOEcjEOZbYH97y5bYCmc0FFBWcsOjaCVUzJRZ6skxUad01J9I2BTww25fSJKXoYo+ecwmD6ICqzFa0+73Nz/FkXSNo9QRJhjMFqhA6iDHxR71yRwCoJZlSQ6C6sLgRemBmCBqsBYJRAbfR4lwmAKzzXLr1HRMo9+lrQae2uFyBHCc8eoxltTgZ5s8t958mcymAsqOFwLgJrUer5OjnJD97BOhjx0ZS4IDOSUOfegOSbMrIiDzL/+Y9vreXP8NOajP569H2Ec8jGVoRUOMMBgLc81bZaKONX3QQLGy5GYKPaycBB3EmaSnKVhafWEIh9ceKKH2EaorlBWXrTAI6jvf0cIJBBvJ902WKax/3g6U6A9UT3AAFxX2CYHHOiEJCJGo4SHk/ghEZwEGCVROIC5F0VU4dxgQdJmjAw7Q6ZlvTfGABhJT0J6lkKnEW8rmZt3LCyeAdAXwno4JsZzRQC0ZTgIwOosCwVKQJza8iznwFbsOfbyllFgN8tsh5NifAaeGHRrbH2dmqDXNschYnZPqr8MkiUzlnaphFzGRm9AddnYcw7ptNPM+mCSZ92pVsY0SyDYjYv4Tf/J6LjzDMNVdSC2W2s1rCAv61niyKKCIaifEFwyYA0tRR693BjCAYehvO0Z3NokpX1+ZcloW6eJyW2nw+dU99/4ywgyOvI7RVw2+JCFJCqjsBtNzvURw47ju1ZGzW3W6HvSBs+RFThUQlphIHcPQQ+1gUXSziNBvRyqoPsV/Ge3C26/yVIH8ybRJoDA8DD3oxXkD1A+at/Ke/cj84sgt4+hJG6HvF+/r3O4q3/sdNREzCFPPNgqRLA4wAit3HzAK0MYuHPfZAaq/5YAZXidSiFMQBKONkjRIDDjjb7lUdSE+mzOgna+txiuR5GOM5xp5M2YM+cnBE2K/wiW14UVJIrTHX1EkA57di2t8Eauid43ZjjIN1q54Im2JqrOsTt/tOK4Nf396x9QdvEfiwOEhTjGVzp3QvhZ/fOmLGoq4d8fpa+fpm3I+PtPaZ//gvf0ZsoaPc243L9cZlM3YR9v/tja9tYa8NWKnr71FT3m43/q//4c8cR+G2v/P15cYPP/4D//C//o5ffv6CLs98eXvlTuOPL+98+rf/lj//+Wdevr5SysJ1fWYA//4//oXrOvhwVZ6eKp8+LlyflGXduD5dsFvj6y/vPD1/Yr08o88X9Dio+yvPVtlWZT8OWrvQLo6Yl6XwvD7zp7/8iV+PxuXpkzNFGMhSoWwMlO3DwqKFy7p61W5v3I+DJRzLfjtYxkDKHRuVZVmpm9CeK+/1C1pWDjHUCtsilD5QDj592Pj97z5zH53DhHVbUd1nr//ebzSeeO9CoSP9DkXYufL//PONf/cvX3m/Va7HE0ijrgdIY6nv7PfDE9vWaDfjvr9yvzVMlNf3V6QW9uPg3itrVQpG6cLYjdsh1K0GJTWM8NFYpNJ64WgHNi7c7/B6d6AkJxSZDLQK7++vRKzgI4F1jbGN7xAtEioH49q5XDbG0RAbMN5QjG27MmQwLopWpQZ18un6hFjhfmseoCzlbx6Nv/srnYBlD/MZSs0WETHch6Q2RLwiEHGYIoxQFryjMNuHMMwDx7afjCh3Rl5lqCi2D0p18APE90W85/s9UGRzEbRaF5atukHV1FdwemetS1ShRjAJ3NDe90YfSjkcDT+qUqszeQoSIn7+PVdyr86W0fNGndEQEzzMgkXk57T1TlkKuw1kROLrqbO3XZTidIFQhTfVoLQrHZnAjhDCrWY0g6MPd0pFUHNRa2FwjE5VQ5bFx+dCVPfcMaZwcxFlPzqFBGo8ybq1zv3otG7QPW31BNVH6s6JQxbBeEx0cpHiRmrUtBBHsz5mq1OK1KU4cR8u2p7UdQduZFbnnRLqDi0DxNMRMqusJ1AUiWYGNHA6PcvR1aGKEuuXbAqvNEegJEn9/z5fI9rGsBHahTqDIBGdz75HZT7FPz3JCFYNLpDdj4EOWIYn2HmOVSvD1MWciyFqiHRqFWoFkwLiFTApWeXzRj+GcN8PVCsiTv1d15VtrZ64RVsTBkfvLMuCDWNv0buPB8a3vfm0r5ioMCcrqFBwMHaEvpoWRULXjNCKys+eQGAEYVrUR5ybV8laIjIJtHKO8vVn6ud6jOHBXbC88l0zUBbBiUX6wBThpM2LGaWqa0NFMOjihan54RVHHhIt4vNMCu9H47b3CTbHdyMJzskchE3y55DAy2PAl0lKZM4e9EEEimfA+M3ZHCPETgNsj8KGtzvmfkv2jJHCwXmWc6pcVloRmWd1VgzN6fYlHma2k4QchOfmYV+/11feu4vEyANjApCztdIBv9RoOX8mWVgDkoo4E8rRHaTxaWo1pohmAmqoOrCxLILduycnmmBXmcnd7ebTQTLJq3VhXZeg1teo5upf+U23AdX5ntz3Ruvhz4rrpng3W4BLwxN9jUl7ieiXaIdWyT0pD1Vff6/RximmL9nSFEjiAxtmTn0aJ8gKMb7aADmBGT+bEuKtzn4Ryz3mz9lbnb3Il7aU2eLiLCZv+ozdmDpgKHsbvO+NYeKMdxwMHTbItm2La8pzdupG9plIWUZOwxmOOdSgJRoy/ZnN5+Cgn9/DSR2cOzLu9wRQRqx7VuXhBFqyzXUCLvk5qgFmWNi2iHU0hKkj1sqpZd/jK+MRI+ODMMKx1ql30pN1FXsQc8hOxYc0pDCsDGaeYZPI6gD5sYfodvfvl2qht2TY3Vn/ohaspeo6T8N4v++xFh6n1VpZ1sXbYsSLGg7ad0otzvqKSmpeqxcGo/DkvIQ8Ng6KxNTPqeVYiu/ufurR9GERIwWwMG22F8vQEiLEyeZ1wQNEJ5grMbk02ViOt4wpupwAAuJ2ytspA5SY2mxMsKaGTuawYAtGBWBETDtCtwZ80p7fsHI/jNvh163m46qzOJfaP4jHRt2SveNnq0H8rJ/zBJZKFg+EYOKErZe83sfzZZE6nWcwAcL57Qk2twnAnGxef2VBZ2RsHdYiwRiPfcLWZZEsQe3IHf7W6zeBmkutHOuFForGx46LdarSWLh8+szeB8/rPQ4VLKWyLmsYyRDNKkJrR1CFjW53DlfYZamgz43Py+bzy7UwRqXqZ67XC5dPz6wfL7z1StOFWgtSvUXi6/iV7fP/RGmF4/WNrdxYPv0AT5XaVtpQjlvlGMLTx48cWpDrxtO68Pz8TOuNYZ3L9QO/+/EHqkLvO68G6/bM9qGyiwsSXX76nbcYlIqWQqkrywqf6sZPP33hz3955X437lfjH//NTzx9uLIfO7YIy7pC2dBt46BBrYyxoLKwy2Afjdf3O2ogTRnRX9rMwLlGYA2RlaMX2tvOnw/j2K5eYe8+zvXCQdWB0Pn9v/mBpw9XerkjpXK9Gqp33vcbxuBtf4P1I6M+0fWgWOEYnb2sLD9c+ak8834bLPd7TO7wytCqlc/3J95vLl5sfacAT9vqbWZSeN3vHNagLNTtwlNVPq1XrHUOYG87pbpYHtJZ9cIihdGh9cp+b+y9QTUWLeiQYF0MTAbrtoHBdlmoywd24O3txlI3p8ENY1Vj2yrPzxf2o/L8fGUcA2s77TjoKIcsvN9vaIHnpydPZrTw66+vIJXel986Hn/XlwqBGvsrDRcTSfYxqUUeUgqDOWlpGjsiqcgedg8CUQ93FKOsDwnyUCBU9FWQkjoyJQIqN2KDhpY1EjE37FJqXHiAHgKGRGIkLkYG1MWfu+suKlqrr6tAN6GIAycj0HORykDp5hALegI16Tx69+lMS1HqUt2AmwepSQIFf08QxHJijtEPZ8D5+Ojoq1WY43zDORUkGGC43lHQtVVdc6YUpRsstTJGdycjHnRNvQhcyLuqg5n+OLOapw/PyVvHXMG/I8Ui0HaNokxcs3KS1T1nOIwzAFQ/s4KDcK2dopAqMjUGOh0lR027V8/Y3PciUbGVmPajqFTXzek9ADwXJLbQEXKALRxoeMQR1Z9k8PjtutNVzYqhTMf5Pb5mPDArn6mLEZoG2Q//MJpSxKu5wEycPEnyM+3jmqNvHwAHaJLerSVAhVLQABZRpY14zuKi/uQkQln87xGwoIXIX74JhGcvNtGKtfhUNMskvVYkgI2BtwaeIuaC1MXByFAbEnFaecEBkWwNMoW61NkGlAEWOc3mAaghQJ0EBiIehBDl889OcGzM3xk2XE8ti3mRgGWyrQLLUqm1QIxsLsVFZx35FMw6okv83iAVwYcJUip1zWA9igtpoU2C7Wk86tAkYOl4TOjExKKqOOMw2R2zMkmw/co5FtUB9/xEm/fksaonrRIBp6pEYSSD+MKQaAeKyr+GfRM9J1dm4m7z/IVWw1+dzdyh3+MrrPsU4Z1+k4jVg0YvUx0r1ijLuOK/f1b7T5BtYG6fAUrqa4XfNBCpDjhrgajQ2wBTL0yMPHu64O19sX9SKXWCEaG1FrYW1WhnKjMZEVPqukSLXQKNrm1i2e4hNY6PTPskEEM8Ku1w0N8ElnXxc5jPIEGZsPUJ7E3WA3YKDD8wMv1sOoMnAR4h2mDtIaYJ/To/nu5zlphglGybUgTtKbiaTJ/ivvyh1cPCvpVVvRvA4rM90gl/V3yq1UN/Vmp4SOjwWABkIj5RRsW1RjxMOEV9I2VkCrNKcnIe9o9vHD+pD61lKt5ybETSnAlnRiiamlzR6mHn2STOZgrTlvAzgjhLR5xp8L2+fD9nMJFxo8w8VrREkj0efkfn+ZS5L7/9k2cT0tfZFIN3N+nTckv1EdyegwIIJXykx5cd0RXCDzs1pPrlxllNPM4Ld26LTc5JcO6mUlg/QHVzUFLVYzBDEV2/YXH4CfB4QNXHlLcW4tlRHOm9o8PXfMS+s2hFMoM54WiMv/Kbpw07ldH9ebk/HRzDAlo5WSWqJ5hRlxLnxN/Q7aWzihNcs5hYPMRivkl8ZhRdfbR3+kWbIK0k64RTJD/3BXKy9iRsYcn9QJx9szN/iW0BOs96MtPTrqVw9fTd8RwQ328mMTY+21Q5j777zQCRjRl7J1M8J9rNmFbCb8pDIf1fef0mUPPp4wekNP78851fv77Su7cU3I+dsm5I+cK6XTj2N8Qa++3G508fOVRZ1426VF5vPmL65fWF9bJyeb6ybhc+Lh/5JMqx39nv73z6h411vTjF6hisZaEs3tNWq/J+e8PuC+/7jg1voWj7zk+fPjKG8HytvN0WRAfDbmzPG+0d6mWh6oUOvL19RRdhu6yUFT4+X6Ec9KNyHO8cCJdt5bIstCa8vOxcLsLlsvFyK/RjR+QA7ggH9Fde37/w8eOVt7ed/XZwOwr33hjvv9KPxn5/56KVsjeW6gJWx+GAhwx1pf+j4aOxBTucinq0zkA4Oui2obIxuuvWfHn7yr/8/E6TK/f9ndZvXLaF2/1OWeDHf/qBy4cLh3U6xUWeloXrpfLeGqMPPn9+oi7K211YLrBW2OrCWuCXX/4L/6enC/oRdt5Y6sb9HY6jsm4faf3K/a2x3xp7O+jm7V7H6Mi68G8vP1G2lf/8L195+/rG0/bEdSnoitPEyxZB6cF2eabqwfN1RaXQO7x8feXeC9vzhUULdnTeX1+xsXJ5/oRFe9MPP35g2RSq8cc//onezUFCUfbXrzw/r8Ary9r44YeVy/KR/n7j9v7GH//8M5flibI6BfqpevJ9uRbEVoos1Pr0W8fj7/pyujK0ZlM41gO77KuOStgUih1MUbUI5kawINocf+hWTKvGmDtnTGgNMxGBTIZiOX3Fp02dCV0GDpMFYQPTpPPn6MEwipGYnfRDN6ZaoqIxkzIPWjJI8QkPXh2xVIrHaDid39tHDBGdCUrvI8bkee+wmTM1rHfQ6tc90oEYw3q8h8S4egttiGDkyMBq9UkYw6uMZoOjg1mBHobboqI1hLJWxhiuCWRA6Dz4dJWTZdFH52hewZ/xnwzsOKgGVYyhwWLB5rMfIXQnM3DEWydtTIdea8HuxxQrTqdrA2oReoBHIopJJm5ZbRZaIzRplNKMI4TeCkuwbry6lCLGxxFV1GyJ6pnojLkfsmJlw3UXCIeIndUPDURIYt2/11e2FI4Wk0KCIZGJNrOa46wPMw+2bDQXSjRl9HTmrhXjLUzVxYKDlq3h8EutAYA4+FGqT8Hw9lKnGreBa0RpsiBi2lPJ5+iJiAsxZpIfLYsxVS4FEWvVM2GQHA9ePOGKCnMGLBaMEIkARcT3aw/mXAp2dhsUOyvFPmFGIsjRCepmLZAMrvI1ztYLIBgGUZHM8x8tQMjZFz6TcRwoqq7m7Cmc5PEZc+R4rSXaujyp9NYov67em1dlC/M6RjAsQF0zJ1guyZ4QIEUIDWVdnWnXo9UyEzoXYAzQNNbD9WiC+ZggiQgFGEUZLaNw0FLp4iJdEmyNMjpCMG8UZ8s1m2dTdLgmQDAqhtlDpfdcDUKg1vQ8q9/ry0FEpfVz2hVEQB3gQOoHgSc1JXytxgaerJseOiHqouha/Nwly6nUMp+VWSaVTB/X08b2wSD3oxcuHjenqDMVnQWKF0jUAY0+TrFhES9++UdGuw4PAA4JPGRLQmZw4fPMB3WM4RoXowgpyp0CwvlzEsCG59Xuz2cVG5uxhR+UmQ26jSDBoeK+DxfOP7qvwdQNIs+/sCw1Jp0R5zdAnmgNAUK0VWaCrwRRSEDawUU1sNwxc1GziCGKus4PhC+Nz9CY1iMFWYPh2yNJs1PvL6fjjUjgJAE63FY05zLG94hYKpJSraRNO+/RY7uZgCKzBces+RNUf+YuUeU5ERLvP8iM1Le1Rhyh3/HZFB/60Fq2zOJxauxxIgG2AO5smNtjcH+mcrb3ExPQag1GZ5mJOiRT0r/mIGcNn+bPq0/GVABrEuXIEAw+22CCQSkJRLp9HRgWemT5PQ3dGCzaYzhDNNf36/P6XLPQJrPZ25r62fIVfsDUz7u1nODZQ6NIfK9btiKerViPxbvcJ2nT3K/lKYZkWO9Hx1npY97L6D4spCwVlGCnpV8+wWyPD/zGetD1lMw3DFpjlbgP8bbhBJEc4AqgJgFJOX9X1Kd4Id6S68WXGjYK1/XTBEZD+xJvAfW42C/K4r28qOEMcIGZb1gCYrE+x9ETlmOezfivSe4TheH+vXePaf0emICu72mLPfm3z8ZvAjV/+PMfeHn7ypf3V17ujWV59gkNqgiFRQW1w/u5++D5euFpW7DReX/9ggsp+QQMa8bO7nojtfm0ov0dGcbt5eDtdkfrwloWtlK4659BGuvqBr0dBn0Bq1GZaqyXQu9fWLRSr/Dp+cLb7eZipbJQGDxvhcOMtcKlXCCEVj99vvLhw4qUnQ8fPjO68MuvX+lH47pe3YEMb0Pa24FRnenSdralUMqF9emZ5TLY26/UMmiL98D31rlchKPduC4V2o1NV37/00/8+vrC2z64v734Eg+jIvSjc+y7o/qqvL69gxSaLby/D0o9eHs92LYnjqEUM4oc/B/++XfUTfjLn29UXfnp08qP/+Yj1J1jUjsFClwuleVufP6wcVkXRm98/XVwqYUx3jmacn0qfNiUq8Lb2xssC3Yo9VjRvnC8GLa8o2Pn89NGl82f71Jp7aCbcT/e2YDPi7BtC5sMVO6I3Rmt8bQ9I7hgVAU+XC9ctxCvW5XfffqMaOX9vocIU+F3P1wopXqQdXhV8sOHlbq6s76/LLy8vGKHTz7ptxvL88bl6gLHtRpjfGFwY7sYv/tpoa4b90N4fd1dbK8qSOenH5+yo+S7fbUQeO2j0w1STZ5Jm4VEe41I6DSno0QylHTfSGTGY/V5jn1+GN8qWc316T2nkJ3N38vs2oO6PqmI2f4xLAP86OmM5C2D2KTS1+piv7UuM9ghqkgiGRSZB0CqaKD2JVTX3TEnuBDAy+zXdcqhG9YQJ0/6ZAQII0TkHLWXKSTKdBRebe6DCM69xcOFO/1i13UhxVUHMiep9DFw6YIzTRzRl51r11vDBnj3nT9/Z4vFSOys2JsvuSeEDi5Zovbi+hiqEuPqU5sh2r8yqcW/PoZT9XNYutP1IzASQIy1KlUXjt6wMTgElloYmu0m3h4GhgvPFkZvroFjXs1kuJ5KAhHu0L11SzSSjQDSxnigv+IgAfb47L6/13HsAdD00DmU2buNBWCZlR4iGY7f9bGkEahk8NkHXRyMHQV09JhqEAli91HutRQHKocwauwVdUFiLSUq866l5EmTX0+NdgJvU4oACEj7IZGkOrATYotFXL8tzkgmAZKBzQiwIs608wDOSQweXHpLYNpaD8wEi2BTsBAq1hm4ZyUcOO1PgseWorhui/Ic+h7yJLKoM0/KtiBCjMF10eKlhqWJxfJg3xPdkWcwrmv0uFaGx8SSbZOuh5WAUt6eC4UOsEGZiXIklCMZc24b9eHmPKD2doAc75rBPrE2zmTLsykcvTkIrBJC6dVteAr/ksKvDva1bMsK+yhTf8V/1nyGB0K2EjDZIBBAGhZ7krk+3+PrCHH11E9LX5Isptz3/p8YB60nqwkgxYSJvecltRMolKjgjgATlGAc4Qm2J2xBhxcJvYY8F+6TNPXWwkZmbJ+jbVMfKKeXqHqSv1Rnfda6REKY01Km1/Xri1ObhZUEb0W8RcroaB90yachoQ0zApT15Kuu3uIl2PS1s4IcAJCHJfH8BDCX+BVJzTPPjp1sK6x1BfFkSHCB4GUpSLYlOWqGWkwaDH8192skgyNGF0uMNhfyHAZb0/s5ApzJtfFTO8ZAqhcEZ7KL+8YzzjIS4NZo5U4hX422FAJoWZYUy494xAgGpZ/JyVDzDNavVZKJEElvFLP8cUUJKyZFIQQDV6bfJMDUs2j2fb/24/5fx7QBpkHilskGCe2w+N3eG49TrhBh4EMqjJwWFCxog0ZHi+/logq2e6xUlDGioInHeGl3S3WQbMaqek408zV8KMBki0vs/xICxYhruybLO/VjLIDD2TkQ7bs+lTPZ78myOyaY2fuI1snB6C32eJ92/2guzvxNzE98ztREsWBKh+A3XqxIvznieZuNsC/izOuYNFdqqMk8Fk5IgNGFxyWKhb2BVPebbnN8WqTicU4YuVnc6Ich2sPH6WTr5nY288KsFp1i/jZ6MFQ9/igky86LVWVOrXX7/M3U3LiFnKB3+gKQmR/FGe4pFu6gFaGDp/hZNR71cLJQLXPSp4OQTODtt9zmbwI1v7584d7umCq6XWh4NbmUDezADgcWtFyoT89gnVt38KFZBSt0Kaj6SOZlE9poHO/QBERWltr4+NOg6TO/fnmh2MGnyzMqT0jp1Aq3953RB9uTl6ta80ChboPS8U3bodTKVS8ULdxvnWstVBWuxQ/otlxZFk/GL9eND89XRK4c98797jopZV14N+HYARZosGzCsnlwZ7sxgrpmuoDs1Cr88//4b/jDn75wofDpw0e2bed4jcNXG08/bJjsXC6Fuq7sl+aU0S7UsnJ7u7Hfb764ovTqhqBz4f/+f/vPGO/YqHz80Lg8wzI6y3bh+bqwfVg4DuO4D/73P/yZdTn48YMwWChbRUaHGJl7HHdGM8pSsDZgWSNADjZLE+7rT7wfhbF8xPRwwdiLi5+y71zXynpd6HvHSmGUSinCfvdD8un6TGuN/vKFi258uq6sK1yfVp4ubkBu7437Larrh7d0tONgqW6U6lK4DKcVUpT1siHV+N//y39CZeVyudD64MP6mSpP/HA9uP1yTJRZx4X3r90FMJuhTwuXzxXZjApcnxZe3zurrOx370Fdt42ywrZV6Clg932+PND0UW8C00GTrU0WvZycCXHGUe5UIm5PhxRtNGOCN0GDLs7Q8OQjgvLskZCTlZNCk2mr5cGJ5r892PPILydLeBEzxullVVDlHD0bfeESvbWZ9CgljLVEb6g7ydlFbgkCCcsaVNao9ia10dvExnQi6Tiy6pmBc7KQZsFQmNf99n6L5KVQ63BnPgwtiwdwUgAfuXm7NWz4RLKllBPpxx2Itx05aNQzoBXQoIl3g26RxA+NQDSYTJLBpAeLI4APnYG2zTURjBHBtSfREk7Gg82sLE70H0LoMR22Zc5JimmKOECRFFMPXh24K+oCyqmcDz4BTOI5QojNZpCvJT7qcT85oyPHLX6/MA2hCTLyqJFAXP7Tsg1FFBGvktuIKg/OFlPJljxPYjxwY64ZODnR2R1nEFrEA6mSAeMQ73LKHF3MAQPxvvcgCD8AvRlgxbQLMWoIoPoY1BRS1bMyh8wWSEYCMwnuEGgCXuGTuKdQkliXhSNGAddaPHmbIJwFeJ5MiEcelUzA0vQEb2T4zw8T7u8H2frk7XhnO1+NoAoC8I3pOVU9sESdhj0r2g8AMwRgrH5F2VqCVtcdKQWC8k3x5HquWT43iGA+tAMgGDOpRRBtRZZ2UadOFCLTTpvgOgPZskEsr0WqEUy43htZiR6Z8IVItVhzkCbsfp7NPNeeGAaomoAaPoI1LdjJePvez2YjK98naT390yMAJonAzyr9Wa0PLpGcLLP8Xhx3Skwn9MqsxVnKvXwyU3WCW2ELNd/DeLi8WSRIe5v0/mSR5PnJQgWRkGWCnu1SIt7SK4TANn79eUwlgJyiBmtFAnScZ3O2rSb7w+YEqUeGmwOoIYaNebfXmEaI29t9Pm9v2zxtRTI/swjUumu9VT2v8WGh3M7FXs/ziUVMEgmwSXVwMZgRlnSg2NAa58VGgOj5vOM6kpXrFZFoKxL3Sz5tJvzqIFqOJZhQwXgKE+gYq99BFiB82k+eVYIB5W2kPX0u4szhSGr9/sKmxSax8N9kvILMYphOm/r9vr7xm2TuGtFLPIe5UbWc524WnMDjwSxiRALexix6IBat6xr7JsBOToHwjHu0EjH0CP9zjmI/k2qZF2thkOfktmC5IhbsrtiPoQl4AjQJ7PJwhgYJS2YTzul9jGWp2HHggr1yPrNx7u8x2izYoVEsySInY7ZFpi/FMwHe3nfOsxlxdoCvGqBLgtf70YBBLWcBZh5Bs7geRS1ZSDJ9amoODQr9QavKIi/I5yoqzq4Ff5bxTHnYDgwfAOTyBJFjlGBIZR4xcjVxpoudZ3O2KsXH5rCMx7PZerD2UCT8ZMbJqTlnscdUz5g2427XD3I/PmLibW6h/1bh8TeBmroOugK2wNg4WkHV6fLrsqIMsO5Vin6H4SM61wVEF46mHM0RyrKs9Ftj7A3VJRDQAWvBVuXohnLlUjtLOXi6rviEAq+YPz2vfHj+AGXhOFogjQfb88bRBscxOPbG9XphPF24H43b0Xk7Osv1iXF4S5VXyDanlx+DVaE3pchGWTdurdOPHS0uLlVk8akzBVQq3SpmHSmDVn0s9bIpX77+gpQ7nz79SNkG9aJ8+umJ+3vj8rzCCnWraFVevr6yUOmtUdW4LEqzG23cUIWlLnz63Uf2e+cPP79TF6G1ZwaFX18bv77t1FVZFuPL6xv3X3a+fnmHvjBQ/v3/9mf+l//pI8+fVrTviBSaCct25cdPhdtbR2xwfXri6eOCboOyVqoUfnm9YxQ+fFiwIbzeHeFuYpTrQqmLC0dq5XJxsWNVqGvhWi/05hTdY298evKR4U+r8XQtXC6wPa+syxNtf2O3O2Kdp+3Z+6JrbO5u0A+WAXsfHEAtK2Uon5ePoML1eqGzc+wvtOXg06crf/kvhdf3w6edHMZlK/TXG71BGx1dP2GmNBlYK2ys7Pd3rltBi/H+8iuXp5V6+YgsQm9/Lfz2/bzOkYNZnTspdFOoley1xI3atAVB3X9IhG0Ic0SrWRJzPHCP5Dr7RoP1G8AQgXQrCRalEFeCMRkYJ6PkdEUyq0ozUIwE1cdv6wyIs+qYk4EkjNs53eShMioSFEo3vKO1CADLTECyEin62LMPNhqiNQCis0qqkWC6XID3So9xAOZ6NGLY0WebiEnDdkNai6DcA+zemwOBq6Ej7nfGIFn50Bh9erZQgHAcjQzCEOMcp0388f/NdZ701kye5n0E28Yy8T+dlld+M2mLQHVEEJvAzXAIYTIYRFyuQ7zqKRqimqNjGXhHcEkEvUkHjovg9PASLWFe4dBIXMy6J62E1ztzgu/uJZK94I5OOCgosciCcPan5/KqyGyvETx5tx4/34ExKKEvMbpzHLx6Iw/JS7QHSiZfEuCETiA0wYmSIGSAEDmyFzkBylI1Av0zcbeHNcz2IlUPXsIcRHD4eDbPQDCTUIPQrvP2Qmej5blMDYYMCpOh5Z+QYoYZVGdbhieuMfWvx/OyGsGgQU96s9upo/WoagKoV/DXeFbZCqPemrcgc3xmeaDIp/5Iy4lQFWf39RwNTqy5xHly4zm6hc4PAQY7CpxtJ/6cY/9HUunV3gTH8mz6ergillf5JqA67blEIh1BvbhtmJV2P8qZNcRWHYnIIDGZKHa3+4QRQCwWwLmAlPNcf6evCVhago3zO2Qr73l2z9YFCQQmbbXFz58AWezF9Hua34tCgiTLQs6zGYBnFjnmudFTd8PXuUz/Cp5kainzrHneqqd99Y/xz5h+c5AiogkOTbvxiCK4GQmmm++xWkq0p4rH7i3ae/QsbPTQ4UpTp6rO1NLz2S610Pvg6CNG655xRO82dfXGcGHs0R3wMIQ9zuZaC86G9XbIAj54I8g6qj6FMZ81kuySYJxY6KzF1xMQ0li/uaYQrDYHglLWwxl5p35GJnSuZyOkKHDahcnCjSDME7awCxZgTxaV8HM3XKk5Chxz2NycqjOCRTFMYuiCvxxQOpmt4O0xqhI3z3d9Nh+d+rdxUfoQ//54OJtmf1UMyOJWxBsi0e4y44cEMvN9AfPhFvGGER+d7M+JCQKpLZI/6xOGZJ67YeZt8gZZoBNCe8b8HmbsHK3gfdqQiN/ifbAEZ/zrPdqQwNv3hzmz1jLu18CW81nGdc3R7R68+f0Hs5qIcZeYKLkf53OFGGDQz7ZlF62PPRorcg9W6lryxgPcjLOYPit1Lf1Buk9qD5poQkw9JYHOzFPCb+cjiiLSxG5iz+gU7Q+2qwEhCD/CrswYON7LJEGwlkvqn+nGImLRiK7HoCW4o9HGPOPfAGnDLpiKn+9AeX3NvUsnM5N+RAwX7Xu/dTZ/E6j5p3/6J3758itv98bbPUZ09Q4K+x7q/uaTTKQIS1koqoy+o1p8ckl3wb7jeMeks0VfuuCARDsa3QQTpciFZTGW6oK467ogx+BoacQH7f5Ga51lXahlQyugg3Ur9K7c7zee1ycuS0HfDp6fL97Hd/FpFSKF++1ABLZFolLsD/E4DoYJT5cnsIaZg1Iy4pAXr2TUtaLLYFhjKxt2HHz69MTHzx/56dNnLptQa+PDpytr3Tj64e05bfD29ZX77ca2PtGPzt5v3N/eKRS2ulBU2NaFy+XCUYQxKv/r/2zsd+X19aBZR+vG0V3g6pdfX7jfG9bh4yaslyvXpyf+8Xcf+XQtVHHWStdC33cWhevnJ2pZqAqt7bQmyOZboWpx/QC7U0rhAFo4yre3nXV1Su1hO3XZWIv3KlvfuWybt1sNoxbhn/7xH/ny5ZWlFpZSEDvYb3fa3dk5i1bKsrCWQm8txIB9vLe1g8vma7a/vnkg2gZVFtdFaI31Uvnw4Yl6Wantwu9/+oFV3wBoNZPG4vo3ZfD28srlUhm4ENdSVi7bgkmlLheuT1e6HVgfNHOtnO/1ta4rrfvkjqwqZI3QbeVfIbQRvXmMGpTY2T7jXsaR6LBUmgY2jG5U12WCARMmmp+VNM6ZmEWAmklaUoQzWC0PQc6jAFcGrI+vTMZUdSaA/pmOkRvyTQBqbq0DA5DQ+ShnhakotVRSx2KMk94M2RZF6NGot/PEc06EHHzCTiZ+yDh7mIdx2DGToxKsBA1WgkyHNs7PH2fVfsQkD7WzvzcZDAnEu91KVf2MFE6QJdfS2ULhbCIBq7VGtSA9lj0wqrLCKvMzknYrkQD693U+q5E/P4N1d2aIp/D1wRn1cFTD+qyOZHUrEyXhTPRPKlPsTRG+5zGjpVSvvGKTLZNVpOx9hvNOVTPYNrKVyIbvpdT5yUDSgbHQaYpJYTWBsHz4D58AzETDK/slnySCRVLj2ZmEELCIgxNFfYxpatKI+ISKhyhn7g+vdOVI0zQJZ7B5tjzFmRenitfopampu6PEdWg8M7c42a9/ivQZPcbSnsKQMoEqEfGx2LPyNcNXjHh2sU9rTVaYsa3F2w8sGUN+vwkcnQlX9uqnpo/v85kzuLEKmrPNpGAEcyor9fm7brOyTSIm+djZnuaVZpnv5bb+rJJa6hAMewBjTtDh3B8PLVzF16bWMrVIKA/BbgIxPVrUIsnIs+l71wHsbMdyG/L9ns1lWXya3UgRSfz55qGA6UsnwMbJ2ohvx1HLdpiz+CCRBPi34iwkIJrgmkUzawJDwUL0gkQWIZiTzWIrTXZU6kWVAHQS9EhdqGQSZFnaiyTnuOG0Dv5Tcv5oIC1SHn/CPyftgoiyrOtDUnECgqnnMHqnS5+gJLH3fRpnQdVtmCdPNs95tl/03uN3NMaLO0qxRGsfwS7L/ext3fIAEtq8nrz/nAJHxBbDHIfpfcwKfLZXkGKnkdS5ELOFTkUF+owBsp3Lws5nkUwEciJUDgyIYIBTeJtpg9IHeyVeZ2I6W49jv8w9V4I52JPtcbbHJPvQbVLxvWyRZM92l+/vVWudZzNbik5GTfxQgKGzAJA2dJ5N94ljtAkGPO75EfHiYxvNuYCnT7bQU/S9SPjijKVyTzpz2QWHmTGt+/Ezhk1AxOOWYJEYGDll7wRjskCYMcNkEpH+z+9DVVnkbE8FZ2KVUp09iTNzR+8BokbhIOKsCPlnHJ0FvFoK6+qF2pxImPGGn802mfkqZ8GnlhKtaJkvSLTym8cn+SymT5W5L90ExUrY6al7i7HzKgFOZsHjXIfcF4bHtHmusgjYzeii2INLyqlMGa9mrJz7ofcEUplrIKl5U/w8Sa61nYVoi19KplJrjdQ785SqzLU6faeFRhm/6Td/E6gpsnhCXwe1DUrx3jvMIsiLZKdXtG6sZaWIsdQLYzSKwP3eaOOd7VqpIqyycL/tTqUuhXWt7MeBFPExyQXMGtvlwrKurKuhy47hk6OenhdsVESF7fIE6rTeUlZcUGswduPl6ysVuKwrzx8/ogL77c6+H8hiMdnB6FYYdlBK8dG+bbD3HWVQ1PjwfPXkpzntuC7K5QJlMY5R6e87jMbTZQEtbM8Ly+IHqI1OP+4s6waivL68slyubNdn9vcdw8ewbdeV6/pM2wdVBRsHbW+03agyuOobl0vlh+cL9wNMKrf9wi9f37hUF75VVX66DP6Hf/yBy0X5/KxsQWkudcVKxS7G/vbGL7/+GdXKD58+UrcKfdDujTa6996LV/YWUTYV7BjUZmzrBQxuv77wfH3iOG6o+fOvVxfAfLpeECm8v904euE4DgTjeonK8gHH2FnLwrqd4ral+qQf0cJaVzrvvN3e2a5XPjw/kxRbWReMjsa0mNE71g7GIRQGH68Ll6drTG4ylgW0dC7XheWquNi0M0DW9Yn6VtibxLQBoeiKSGEplaL7bx2Pv/NLZvAveBCRTAX/biQrPDBOzEjWzRjGCCM125dHINoRbBTNkYiZ1GSsIfPvp//05G4a3myJyWsVwVum0nFF9bCcPcDgBvcMCqPnn1MPZ3qYh+AznbQzbKJ/NS+QB3q5+Ps7Ddz7cvMeR/fqhAe9Fr7bpzc4YOHvZ+H8JkfdBhAAjWQvdDrFXCpBZLgOUhFvqcjxvbE2gsHoLjKMTFDH14UHR+AJ6PQv/RyfO7qP49ZI3BLE8d89g4cRQchsx5GHwGicDQHuvH3hZwBBBCj9TPi6nUr8HvinM/Z1wpLmn2yJdMo+/SOZTedu8jXrSS2d66vzmf1XQOR39Jq0c7HJGPKgPgJGmTt2JoMeOOb5lfPccVbdhw2KJOU+V2lGXCRA+1iBf6z4zj9FJ/07K+OpO+EaJT45wfvcy2xhyoRRJJOC/JNnMICZTDYg9nYkqwHEWJ4l8YTDNaVOMIgMjvS0F16NKzNwshHnP/bTCVr4GqgKNbdTTtwQr3r3Pjz4Ex81XcSp5NN2RDKUk4HAz2vS1U+mEIH82Ex4PSnwvvukJU6Nkwg2zylKY5qRtDsnMyGC9LwhSyDnrCDPs5l7KrQ+RnfmXQmgSOZ+meZ52oQEXYv6hJPDQvxRhOhjm8CwP99Yi2yRnYlp2vvcl9/nK/eqOsYMarEf3Y9mYjDB5vSn8iBAHWuXAIwgD8zAAOQs9+J5Ts+WDGIErn+9Fp80VUK3Kz83GajpH9M2q/iYatXzWYskcMNMYCSvJ3/ALM56OkObz8R9Ztj3YFWldkMyUSX3zMPZdH0ITxC9Yj3iM6LVK4GweLYW579oDD+vMSUNoViZAKoCFLwVcRY4QFLAs6Qf0UiKErQ9web5uUQMADN3iaPqzz5aA4v6Gvu56LOirxL/Yxbg72nn/GAGgDoT1UxAfW1SC8lI0DMEuh8AhLicec6dwuNWzTU+1Ke/PsResx07XoFhObMn3ydeE9z4js8m8BAC2Ezkv4kChGgZ1dny9dg24r+Tgs4y19zC7j7GqMS7jmEB9PnZs3jPMfrDJLWzOJnAkESc6+sasVSIEs/4bGoZJVNLThaG4UwMToHfBBv92KQPsGl7bIItJ5gMTGBnatHwoE9VSrDTTlDU2/WS22EP8ap5p4y6dku2AtpIX6JekFAJv1nm2dT0/xGbmLoL7O0AkSiM8gCA5KJ5O1K2cxL3km2bo/UJAgc31td+rhnRypT34T+hmnFoAL+x6I/P99EOt2QKzniXMxaIa82ixVwvPIZprc+47DFHig064ycZcp7x2M8j4uNZJ/5XXr8J1Hz59Qt9NMSMWmCpzuKoqi4Ke93cyQ9oXc+HxUDj59dV0CGoHj6xAmHdFgSltYENjf5Qv5E2DBnC7d3Bl33fg2XhTJ4xdtZS2K5X6nZhb8rLywt9NNZl437feb91jr4yxOhN6Dfv1ev7YN8HfSjH692phfvhiXv1hXfE0Clmx9gp2tiWhaVUllpZV8X0nctFsffG0XZkHHx8vnB5fmJ7vvD65kyMWquP0MQR2Y+ff/B2mjEQdbTt06dPMOD15UbfjctSgMb9dqfqyvO28bv+gX33jvDny5XXdxc51tb48eMzJgUplX/8ePDD1VjKwZXCpRaEEroAgi0Kn54oauy3w0dYa6EOo2ql1oV2O1iWhcviIpWrCtvTCqa8vd/Y1o1bA3pnqYVtW+hjx5ZBLS5qOMZB7zvH4QamtwNsRUXpbeCjxt3ZV3Uhy1Irx97YbzvLsjqiC9z3w8dDqvDhwyfuJap3ZXCMfQbpPkIZWAu324uv92iorqxrCcZCZ10KVTfW1ZXBn54v6A7HAaiytzv7vVGq8PT04beOx9/1lSJjieB6s3lG1DarSSfAEb84gRQmdd5kzK8nsj5bbk4AeL6PRTnqMUFKz5RMimzH6r2f7zuNs1+A61uaa0xMnyO0YZQHh/t48WZMYdqhnuxngucBTPRshYMXA6k62xWm84tWjRQzzMkeM8gymyMVe3N2BDHqW1NQUV3EOIN3cOBk2OEVu1Jn4O2dTMNBX/zZ5EU/BiIqKXoMWTm0CKxn8B/XOJ2uMdX+LRMKMkXIhD/WzsY3TtsicD0Dg3R0D5WJuL5Z6SJjjPhZO0WHU78op5jEdoxkNWjZkl/T+TmZRPielUhc/HcsnnH2NHvgXf77Dsrf4dV7nwCZyAnSJCMjAThfxjN4GMPXXx5bE4Lv7v4xApmHPZovXzuZYNvA2Ws2hleBUksmgwmyyuRneOC0XQ2hjD7AB35ZRpxklczvK9pyTH3vS47fxIPPTBzjuj1xO4GUXMdSclpOmXoOmYzM+9UZYp3spGAROUFM5nPGiFavAPJTXFg8IO+Cj0utwVACFh1nJRTi3J8BncDU+RkjtXs8OvRKuz/fFJm07gCMSsE0JjIJMRXOTqZK2qiHNXxMo86K31xl/5P06sdAdwQzmAi8MxiMszlUJ8OhPxTuJuCmzOpxLk7a9kyyNZ6jn79zwsqEfuJRf89nc04jgpn0zSTs8WwKE8CZP56gRxJFwm+BTNs1c3TOBDLyMfR0k+dmFV+vbHlyhpbbvB7Cl2MmE5Fgifro30jkM8F0Mf0ywVbyYyTTMfMk6AEUPsGoEWua/NQc+6vB5DlBR//UBHic3u9FDb/XIsn+S0FSebhdZ3DlRBpP6EJHaXgc89heUtUlCMIMIHK28BinEGlRjTafM0lKpmL6LZXHMyGYeoItASqfmiUarUWRZH9z2M5kPT3sw0GcZyUfewJPPCTgPNgVzcJQ7oWHDfT49zFafsSZnOaG0wQfH/aw5WVFRX8YZIv6d/rqrTHBmYe4JBPnR00PBxD8n3aa+OmnyJZwiXZ3t4ruY2esIlPsvw9Lh+dFkdDx8mlreoKlluL+OWzCfyftqLeBxuvBhyQj7wRLcnrpmOBCgr/TiMCDzhEQbUcM970aKH+bDBDLj419kMyz85VM1dHHZF/OfYvb+JI6apaAVcR6UdgMGJWlGEWCIUqAJ3kkCPZtCcZ0tllNX+3/7RnDJsARAAxEYStiWt/3J2NtOru4dgdpHlpyMxbiZKkny2xYrlnahVhHTy78uaf21MOzmy2PCMSwFQPXdHzw7b4PTnbtBNOmngTTxybDKuOev/X6bY0a9QS63Q76cVB0Q9Wp9+u2RmOoOfXL27ndwPXGEsDH8+XC+37DaJSgJa/rJehF3rJTtWDS41Cu4Qx2breD1judnbquiFb2+wtH37nvd55+uPD+XrnfK4Jy7ws2Ftjg8nllXStv76+89UZVpUtFrxvVFI7GfntHa0U67PuNy0X58fMz7627mJo1SoFtUYp5ALff30FvjL44WKGCrUrVzlI6yzLYFh/NW1W5bAvrduHXLy9htIdTstpBXUrkf5XleeN1f2OJiLB1w/qg3xu1Lby+vrNdKkbh5S+/8Hrf+fTxB173d15vB80GW4dreeb548a6LJl+ReBulMV41sKyuHZOlYVFhE0XLnXjYLDVh4CuNYTqz+4YPNWVqgv1qhztzhgHWoWlXjBxHRDrg350qpZz9KuIs6Z0UJfK89OVUoQa07xUHWhaLxWhYkOxsbLf3UCvWw1dHGV5fqb1g06jHXuM3lvZPlz5+Q8v/PzzX9iuG/veuD5daO3AUNatcByd/fARuMfR0NKRckF1xcQnBq26oNW8Z/r79WnkqFCix3UGTzD719NgpkdLoz0rh6I+svUh+MixkzINyGM+eAZ1aQRzcokQffBRVdOynEkUUcPKUXmJWpuP9pW4cIkRv5mbnEmd7+MSbRISSaA+BCz5fm4wI9FFA8H3gEsi+HEnb5M+nn3hGQQTwS92PpOZIA5/j25nnD5Gh2ijyikDpVZGP/BJ0wJDkKUgxXtrve/8DHp5cEAeV4xT1BN3JNHdEN9/dKQ2n1Mm3Wcr0fkMvXLooFM6FixbvvwZFY22CfVxpfM9xAN3nzKgDE4BRyKQ0EeBv0z0xCn8HF6NyAXLypFIutDTMY9MRiMQsQjwy6yi/m2H9l28LDULcsrZSf2d7WTkWYyvx+8lKCEPxifZGt/0eMfXZ+LnBwgITSXz4EqlOkhhhoxO74KW6mCnKDJwhpYEuyZGgSNeu1Lz5jbV4uczgpfUeMqzWUuNsynze9nSmMBEghnzOURQc/5MsouSfVMmAOHxpERAfrI4JNoIUsBxGisJDZIH8GlYAzOfUmbmujIw92GZdskDspkniSKTaern0JezIJrTLvJZxGdnmmGnoKvv8XMMetL2H4NikG+29wRv5vr7PbbWp8CiheDwGIaaYsM1drItC/Oz6xoaud+CLRA+urVzLHpOHsqw0h6uQ4QpxJq6RHnW51n9jo9nJgkp0opICC8zEwT41sLk2Uz2gp/tfL9kEZ4+1uZvnWdcw6+Mh8RpVp7HcHZrTyAix137ZEwNtqazvkusQbS3BOtmtkZyMmEgW2nKA3iUf84zZNM/OmBxAqxxznMsbThlP58axSLmmRzmP5v3jCoSLDJPnOeBokiMJ4/r780n2dRSvGXjsZAghVrSfvqzmwlwxA3aH86ZJOssJxfmmQaLViGRmDKazIsiMQY5WFOilLClCTA9As0z0SNtR7YlJZsl1zcTfBDT2TYiEZuT15VJvQ2QSha8GsPj8GwF1bPYkW2k9KzIiwdTomRLxpkoRi7w3zwhf8+XP+uRwFJGRLO4k1cf/mTKgyT4zYwnfJ+lzznbrgfmQEcUErMQNqe3hZ+ZmlAG1jujKKVmW6NNOyhICMjGmYgpRCez/bQk530l8HYCpX5/cV+5N4jBDtZ5BDt4uL/8hBnbx3u11md8lxPX8hlKfG7nBI/g25hkTGBMfGrn8Ph7auqQ9sSJFkhq1D0wZYRzwqHkuXywO9hkRfkF2IzvPRSKGIPzuaTtynvNfTA/NM6eX//J1p6+a/ro8/oBH8Ue1+5bKRkz+XXjLAI7k2eMFky+LMS5bo3FPSSQlPck4cgTiJ8OM9fv/2ugphp7OzywaQdH7xz73cdTL9UXVoyjN4YpIhWthWWpbJuL791Go+jK/TCeLlcW9SRZRNnWhf0WRqgYUqGUxYON0C8oxTdr743Gggx4Xjekbnx9eWeMjVIV1QoGHWOpxnaB60XZ6kLvsG0+3amWimrl7e2dVzXa3p35IpVSCst2obRGbz7RalsLyyJsVahl4e1tIFIpOiiXhdfbnadt4aff/UCzzqA5eDOEp+3C82WlWWer4nosywJj8FqU/b6DQZWN+9vgsj2zFWG7XLndXzmOjpaFpXtrVVmcui02eFqVTx8Wyi6YDo6haF0wXWljcIyGlEL1bQHi4Ml+7CwF1qeV427YcWBSaPeDoUZvRjsaUiUoaF41HH3QW6foAtGNPzB0LdSl0A+vHtRa0aWiMpAQt9y2Cx8+XKllZ3laWTZhjLtPPYmk1gkNlff35ve8bmzb4sAYLtB6v71zdB/fu1wq67q5k64XRl94+vgDX17efQ9sTkFc1ydUHVjcx2sYWuXYD6Qc1G0BBpfLxQ2NCpdSOZpx7N+zmPCZYJzRsZ3GC1IYnawyeOA+okc7DZ8HanMCSs9AZWLQTDooZOz5TYBHptoPwcnoMQZ7BgqEcbSoepHvGNNNol1itu34rxR16mnSwn3KVd6PkJovpZwOTwhWRohcLjEm2/dymQFo9o8SAW8majMIi8rHGN4ChXFWTgNhOl2cU8BsjHmN+T1MGSHKnD3t3oM+5vOFFClkgi+CnNoQEBXsU0T1EaixYCNkJf10tMzgItfH3dbIq5vgXGb9Ofrxm0qzhbBcXHspPkmrxxSQ3s/e8vn8YYI6Wio5ZjH3qKr3+xYR+qwYZqBlJF2p1jPRyLaER1r39/b667NphOBqbM48kxGyRVIjZyCTv69+LjKgy0MxabXh/fPvMgMAmEGunYFT6kD14VNd9CHoyVxTFZ/QEslHDeDe26B0JgwpIO6s0RIC2kJWyly0XwNQTTZYmQCzmffN16XOrDh70FPPKREKb70KGnTsMf+OM2pqqa4lp1EFtwjAZoDkbZeehDqbJgVFLT9XhVM0ORfp4UmqgnjQ3znbDfM0nUk581/JiElwUUL/wu2NIJTQrnhIMIpMyvpMOMlrtaBkD7K6aObPOkEnVcFKBZqfTVzIsmeLZOwBn2Di16MBwE1GExZtZiOSvqgYhn0g/IL//9lWOp/E93s0Y2ljHCxEYP9YqeUb6ygPezqr3d0SvB8T6Jpr7FSM+Kx4RhOcPL82bDx8L4Tzpcy1d78X7JI4T6JMzRaRnA4k56QTTpars3NS96nEvY75niJnIuSdGGdL1jAf71trdfshTI221IgzcCAm7xMYOs6CRrxvKQXFr6GP1F3Sh3jFweWcMFdqiXb61HXgbDE7s63zM8PXlXIKl2aClKBvT30hS/2m8+89QFPw59ElwEtLllquZRaFsl1YQkNIAj+2B5COuZ+cERFfUwd/krmWCbF9szeC8WCCmE2moc33TFsVwDHBpPvmbIafSFDdb+6795snw5f5LBNgeEzoT2bC6f9kJtd+DlODyH2P27oZN833ldne6jEeEZjmKHkHV11TMMHstH2nb7cR7DOZsNxksj/Gc4+tLWcbt/9Mjm33781vOYDLQxEgwDfVaNl/iMHTLozUEIz7id1w2nfL9py4v9xjE7gO4EvmJaHKfA7w4N9ytwlT1DiTD+FkgaeOHLE+WaGd2/HRBz5q3z2sO/GZ6femttd8nhGfhj+fNltgMp/iZyUedLahpV8knqnM/Zh257z0vC8HpzrnZT5ebxSOIXR3Mp4OtqAkLfMMN+xxg/zV6zeBmnWrlEWQvdNbozdhrYWlLm7oirKtlePtDRXhet0QaawL1EoEZAMxjUTHjVs1b7MZY/gEJFlYl4pUH3O3rBtrHfRxUEplkUHrje2ygK2IQC0bxSqoU9Hu+1sEI8JaCnbbue9CHzsqUHRw7AfNCjag3Xe0w7JsEYiGrszx7kJB4gaiiFPyjtFpHIgI67IiauztjhblenlGS4E+WKSyXitVNrZ1ZVuVX19+xvrOerlSFY5j8Hy9cllXxoD76+GHsjfe7x2VBYb5iGKFD9fV236OndaFf/7n39N64+VoCJ3rVvm4rDxfn2l28OvrK4cNrh8uUIyni7NrjqOzbAW7D3fEF0UoxOAdAG7vXymlspaVWiuvb+/R6+6J2H2/O5hVXf3/9fXGdt3QGBXsqvsL4NO71rWyrTUMC5h0Oo1lM4qAlYUiWZ0RvABstLFzWa5satAPGJ0+jLquky5/KcoxOm+vO3YcDDE+//QjL68v9PtBXRbWi7c+7YfrEF3WLSyocvQGGHWpLMvKMQYmDtzVpbAs368oYrILHIg9k/ZHsCIpo0QCmM4dy0B1kkuJtIdM+DRowYlip6Xy3t8zGJP59fA4mRhF2O7BwTlyUUVh9BCfzXgtDPMwyCRINJKjTLQSNIxrjTef7z/c6br2lJwOpmQ7xvDAUpz5kYnmGMnySOAp1f51Gm4zIiBKp5BVVaeYe7DuzrJES4WP4otAwn+L1jpdjDKUWkvYJZ1VO5BwPunuM5jzm/HESybrokdlaIyzUuMOIsCa9m1f8/So+eZ8G+BYAk4prz+fcVY4RyQxvqcyyY0Omrnu/r6eyJwjuf3ZtN59fHBoWmgEMfN5x8WlQ0Ui0Z/7JdlZ32/AOQVDLZ/reTYz0JMicb6SnRIx4kxGmH7/sWo/kysbqD1OhzmTB775vAdgh/NrGcmNSckOWze6t0TF2SP2jY0A5k0ddJMEVnNHJah7JkiQZz8SoQmEeuuSBvAzg8yHc+ltGGO2NSB+NnKCmHEG8xnUaSR8ucWLaLTPeVywbSuGxWSJYBCRgZth1hxs0gCD8Z3YY+qFdvVx25LMrqzYSohEx7NX9V72AGYm0C1CwRkDMyiWSPREvA1nGD6p5GQkZTCeU/fEI1+XsXg8BxLPQR2YUnPeW55NCfZbKcrR3M5mQlxr5WiHV6mzbZYyaeK5bsQzyX2ZVPr89zdJxXf4mkm44aPpkBMM4F/xm+HvZtVbIlkZyQM87zufUXsA2nKNHYQ0MtP5drKTzNMz40sAAQAASURBVM+ybKuTBOd7MALO4R0WCbyGtpjT/B+B3mgn/MbmwJnU5lpGBXm2WsZ9R+tPJoMpHJ1FBRfDbW6/o03JLLR2Qi/TCw02CwTEOZ6AFoVaU8tNuFzibKb20fTDBfc40ZYk2X7lL4lEMOOHbFuUOAtp3/IXkoGXSaHmmJw4H07APRkRGgBVttmoBEDG+Rmk31SYBF4mbkIcQP8Ze5gkZGfCK/GGmeCPqWOVoGAKLGcSmqDceV7DWsWNyvSbZxL/fZ9N+HbdkiEknPcKTLDFn+O5Vjb3nUTuyQNIQwA0Lv7roV1MFZsxEDPsGeZ6NsmyGMOwyAkNcUo0p58dpO5g2Pto58tCV7Zt5+6fjM3pw+zcS/6Nb4oSEcidsXH8Tp7MyQzDbcY3z4WIAUqKxudnRN4QP5WhwQRjI3ZblgpxNsHPULZq+pn1PulHUNkv7wTAE1xJoDoMkreWBTNW5KHdKX1N5hbhxzLmzntHnL06/pV9PVsHkylFoi42i56Z/TyCQpnTWJ57O+/BB3cwYw5nmffJzMqW0gS4Z7yVnyEPviRtw2Nc9jdevwnUGIXW77R+o5YGpjw/PbEulXbsYZyrB29aYTTKOtDaoFRqWfj0w8b7252P6xPH0Tlap4grU/dubJeFbV0RccaKFDBt2Frpu7csPS1PHMedUnb2qi5Sexv0vrN++MhhsNSDWiwSnUGtC8taMDZfmwKLCP2uaK0si9OfRZcwdAPVCM6sYKPw+vZOuzXMYB9C0c7T5QIIHz994Ov4lVu9c0d4/3pn3VZWq6xLYVkUkca+D6rC549Xii4hrtzZqtPktBSuHzakv/L69sr18syqhbf3A6rTzxfZeH4etCt8PcB0habsr4Pj9Z323th0Z5ixr5Wjroxj8KyF6w8ragcr8PnpwsvbwY4wGux20O1wTRatlFK5Xp4A6EOoS0G1M6R5gEqhd+Plyy9ctyv7W2dbNvYGy3WwXgTkwMwBt6LG83Oh6MGyXkA2ijaWAlUGxSpv74O9HQiVZoPOYL02tueLB6qtsr/cWaywbiuv1jlGhw6qlWu5xlSrg/fS0RWuduF9LDQab+NXrGzoWrmUzfdu3xmm0C7sbWDloJaDZS0MK4hUqqw+DeQ7fUUYxDRCck6BSCP8mODNeBAjvVapggwfYDd7JUnwww1kTrRwpkh8clBFMa/m5UQFCydmI3+unAESExs4k4ZwajOAJIJMDRp2BGWBTZBvlyJ+ZnjrRozQXGo9rykSjG5gMQ5URlToIsHKThy33UlL71PckWCECd6GVEp1Az4GIyadKFn1i9jL3Mm1YVFBBMR1PEwl6MqxZtWr1SWC67zmFPk1oDV7SD4lgg0LpzZAz/XKQMQstRiCFSV2Or6RAUC0O51lH7/fByeeVSALxo7fdyRlio8CbWeg0C3aQsj1y0U/k55iMaoSt9MGMUI6tQcyytXEUyMAnqH5mdx8t688m2cSUUqO5CaCwcfkLpZAH1qKFLBT9N4YuIxfJldZ0QWdTBV/YHnONEAunWCBV7kVQ6p6AKspcHoKu4uEiHApU6Mif6aEILazZST+LvMMTBAjE0gcoPfkRlhKZdhwgDSvpxRyWkmZCawnPbo4eDPCHqV9c10udU2oaH06gVdfA0HQ4gl1N2ejYoaMwW4dySqq5J52lnDeV/RuUovr6Q1sanhgkVQS61trnJkxAzpfUw26vU22RLKkMkHUSG5z3YoqI8BfUUGGs3kwm+OBzcB6gKgTpB1oSYaEzCBcAzg6NTKEonUKF0u8fVGNccqDQZ9BtXJWMT0plwnO+DX6fcRunIH69/iSh7OZyZuGYPacqPMIKEgmY2fSVYpXust8JswkJwGJR5Amvjx/aCY5NvzZh8KDA9Z+HuAEHeeZyLOoZ2tGivaq6GR4JFDzTeEmqsiZpCUUmftD4jmYnIl+N0g9phMEcoOWLLpkzsw2Vksgyn3QoE/71PuZdAmC6MCK++8+4rx1c/FQTnbC7DmLJLBU9UQUKAZjxNj6xySfdG1Kram5Eec8RVaJKVXh2+bHUR7AGpvBSwI+nic+VMfjZ1Io/BFAHamTIcmQBB9vb+fZDOAwm0cctHWrH0fOwZoeNoThBSGRuT5/7TcRi7ZPP695Ps9iyPf38jUbkfg6iHIKaWdR49RL8uJNTj3V6UMcrD51aOBkNRF+cnaxmE+fHASIHWvqS++xVMNBb7AHOYeHi05B8gSVOBky83MjFpCHSDgncaZNygmB+d/TI0Ay7/KrZxEu4i0SeArblm1L2WpL7JEA+tQGo40J0loObhAD1DUV1XXVSLAJsDZIsfFAgLDwz0rGJMmqTm3Q+FmxWbiL3RhTUk8Ay+/xZMoYZ0FytgelSQj/8wBl8TiIBBJkz+USrJ/gbT5L0b8CT5PpDqEjl4y8WIc8mxM4c7Bv4DqoGkXrrF0/gqMj9esej2GiwL8R0/42UGM5DrBwvV643QSzO2aDUmDfBy9v75TqNM1SF1QGqs6g6AOulyfW5QooHz8uvL29c7/vPp1EC58+fWJbV97e3jyIUtd5aM0Y3RjlpImOLqguWCe0RjbGsTv7RIxSY6EW2J58JHg7dl/MoZipT5MqDVVHxrzy5RuhtR0tlTZAivJ03WhLaEOYMsaB6IFZ4y9/+ZW9D9aoLnbpjKPRirEsG5MSFbTjokpdFsp1ZfQ3bMBaL+y9AYOPHy88L5XagNa4rIW9N1pr7MeNWg7qFfre2ZbPHE2oOihy4+OHFe3NmT/t4OMPzyxlcNx33r7e+PjsbUC3+wsvr2+gF+p64X6/Y1LoeP/6uq48Pz/72Oc+QDtlXT34Fw9GRcHuN8Zw9ev9eOfT9SPrsrBWbykaQxA2Pn56Rhdoxw3REBBmRdiw0TCrCMLeOmPsqK4M4OuXV1/7LaYbXFbf+OvKE8J9f/eAOsYtXy8X9kP5+vIS8W/H2DnanaenSu8HWpWu8NYOp/MXZds2ll44umtIjW607gdt3ZbpJL7H16wpiaO4wzKBceMwkJnc+I9l4H+OiFMt5MQfr5I508VihHBWjvqDtkjSAR+R+POiJKjTZ9vHjFMfDFeOA86kEzMX+FSNpBLvL0U8ec2E4LzlMNYZzJ4BpFnnODopEDzprtGSZJMCyryP4sqfZ0vYjM38/1R8RHG4YP/OOMflYg4imXjwNLrNZ5W9uL03GOJ7FheKhBGKawL0qFi480qFfc93x2QZnE4i0vcAUtwpn9V/p+SmWr6vxzn6khnsu2heVm7cucXFAyMqCAHu8KAz84139H9rjDROIGkK1yHQHhK76bxkvlW627lfA8hIYGM67wiIHzKj7/clEhUXf5aZ6Pm6fVvBevwdCJClJLvkDGYSvMpRnCL5nZNJ9c1Uovk7+TxtJgIeWOa46KA3l6j20ef5MCS+R4zzBpWzhVGwmTiKPCZ38TUCDMDo/ZhnfYJU3yTE53VPsDYC8Oz9Fz0TQqkFSgkSmDN1TkDCbyCFb0vxAoKPvLfZDknYSp9UFZU6G/NaZtCsoDn6Ne8vwRSCYh/nvRS3DyN0MEySpn4mG5ro1gz6Ys/UEvFOw1uTnCGDnAK+zm86WwltpP5N2FQhRFLNqeyAjO7nLIxfTppKdk/sFmcyaRrZCPgfKrQzyfUL8X0VQfR37DIBv3ZDghmhAWpFAi8nE26yiiRZnRn8WySE8X54q9ojTV5rJfWM4kPj0236rbyWZKvkn0nLj1/z8+Z73gtHwfpMXyQnUFoe2HRZ2fX9qfF1B8ofHoZ/asYM0X7qoPLDj5FMGv2vv67+LHrEDMiDLlIaDYAxHAAJS28PQEUy5WwoxTqj4AXbBDvMtTKFU+9GNWMNbwVEBCmeiEkkdVn5JwAUvy6D6tc3LCvt5Zu2Y89vAjaRs60XYIlcJ6fr+H5KFm+8P3/FjiCSzTy7YcNigzkj4LG9SZgtpj7BzffOBP/DrogGK9qSzeiXIWRL2MM1SIIe36/fHH1MG5ln8WQCe9I8ZtvYg93Kxx7PJjWdMv4wMy+KByCbjIwU/u0PYMfphwjhWz9DLScPkdoyzMLBjISH/Sstk9lmYzwYTP8ps7lW6dwt49xkbJPFtzHBvbzXHByQ5uOxwAbMluHks0sUegh/rYuc5On5+86uDdmZyfA+431nJebwjDHGjGld65EYx+3X3UfYK5VvgJZZbNKzsORxgk1QJO3TKWTJzFVOVsr527NderaDxf9aMt7PGMgevj/awB4YjjbttUPoE9x+sKfOTBrzmpzVH4USM8RnZ32TA7kfiZj+oU1yFoR/I6b9TaBmdAcd6MblotzvB8fxinXl+vTRBTMHZ9VbC4aw741x2zFApT8Yv+rJYRh+Fy0U9tam8vp62Tj2qPYDWmGMnbqo68wcnd0a1+tlopV9GHURSjGGHciyzADFK1AdG4VjN9anTl0E8GlOr18P1ysRr/zVJQLh6u1Ql20DlH1v3O93lgrbqtTlid69gr/vRxxyxaRzv99Q6Wy10trh1XhRbu93eu/eU9wF8VmFvL1+oYzBVdXHhBZhW64cw/jy9Y197EhvFCt8vFz58rbz5z/+Qnn+yMenZ/bjTl0WtG7cX18RgbVWLlWR8YaastaFy7bQ1dj3gZZB2ZXWlNZwPZ0Pn0gK9nG/cbS7HzgcfEvyYSkVG4PLZY2R5zeWreBTQdUFoI87y7Py4fnCfhil+oE2HLCy4eAIOkAH27rRu1eGPlyfGaO5iFVVytOGqHAMc0RXJBhRI9gLB9u28fzhI/t+p7Wd68dKXSp1NeqmlKUipdLH4a0jVSOIL1zXC0jhtjdut50+Dp66ovq3ewa/h1cmCqWAOXWEEUJoGcplFWg6E2M6L0mjZRkA5BvnezMp4AmiMsX2EsqI4HQKyXrQ9e11MrVWZi9pXlu+h2UQLJ6cRLBlozPS2aUxjWt81JRhOqDsz6+z/SK1NdJ5OL1YYkpEqO93d4YqZdK/BWjjCBH0CFQtnUv2w4+zhx/DBcacfZNVjKyujjFQi6TLspc4qhCi4RhHgGzjdGizhSPpstlPnCO2fX3s4U+udc9xglmFt2QCnFUXsxO4ynhzPKBxM3k2mWNYR+rYaFQ3jQlQnU7Zl0VVw1d0rBhItphBzJSfa5hVHw/I58bx605w6zuu2APMcet2JkFm3tqpkZBk2JDRYQYdKSBdcs0k93V5ADIi+SDZVjJFRr/9PnPkvKjGPspJZHwD0Kicgox+WXHO7AQqcr00+Plzuowl2HuCaDkVzR/DmImxf8a34srJnMvqsz6sucR9eN/8QzAjZy++30fslwAae1TJs61licLREWe+TtDK18J6jvd1sNivI/ah5uflGfL2JWzMccDJMJxaS5L+RWcvvYbui0z7OJtnXMQ8xrCKSLAVyuyXdwKSuMh7TlSTBH3y2fjZnBoY8Uysn8E5wxiSjDx7AAI7I9gKGms2s74MnOEBczhB8tO2xMQT+X6nPon46PlMqWKDk2fsofgJcBZrAsx2s3b+kAH/lbhw7tnc45OxEntaU3vIz206UW8BOFuWStW5t2X6vjNJ0ajuihA+5IENZJBAjhfJU2D3tCFzzTQZccEmQGaxJT2rf1CwRuzBzhgBTAZYireBTO0ljROphRKX5WPufXINCosW+ojiqxaQh2IKAlGlVq2Ux7OpcU76IKc3Nphr5NPfYnyyWHxuxBYSLM14Tsl4FLyIMlsI49y4z/OHXaszyycQ5zsFI7Xd8pycoHNRbx+Z+irJZIgE/TGmYtommZMnx5CpHTbjKZlWOjbf+ZdHG+od5d+/33wUZXemVodoeZO/OpuGP3ELllYyGR389OdpQ6cPemSaj7D153vZBPfFongBkfMw7Tjx9xOIIfygTK7LxI4iflE9/aUkIBeAxXmfJwjh2yYKCBHj+bmNuDkAJhIsUJ8wGdtuggdAiGMnkH+CQmN0xKLIErYqWXXOxD4ftMtehG5pKVOwmyhOzHYocU07j+0CMAvgxObzj/wjPq+UhB8cXJraMHC6HmOCmlp0TixNW5PPzeLnSskx3ieAM9d6fj3Zf4ExqM49kPFY/vacHJX7B+YZnnqaaRvVWfYZz+UN2IMdyL2Y+zxtiD/Wv30+/xuMGl+M4zho3bg+rZQBtRSaCUfrTlmMAON2i0k50rlelqj6uWCea9LYpNuOMTiOg/fbzenBo3O9PtHNFfCP7ht17DvL4vTj9/d339jWqHWb0ytKLfR+IGIsRbh3pd8KZivt8GCs94V+DFoVRvWWLevK82Xjy/7CcR9cLlcfN1oNOHh+3rjfG6MfqA6enwofP1wpOhAbvL86yrnVQvb13RsITpXeby9+4K3y5eWVWgvrujLoFCvcbm/envPyQrEOtSK1sMhC3w1ZVp4/XnlajPvxM2qV62VF6sbLz698ub2w3xpdoFxXfn35Qqkra620+433Pvjxp4K0jixKWZWPn6683w5qvSBl5cuXxnq5sNZLMA58o77fb2yXlT6MoxuLQF1cdHipC70dtN6oi9LGztcvjct1o64rR4fb/c7ztqHauVw3Sml0O5DS0QV6O9AirOI0/N6MdamMZiyqUBZQC10OZbs+ISbcX97o1riuT+Ewm+ve2ODpwwf2X+9sT4Vt3aIvUzhsp43DE+VS6L274PBS0SHcbm8MU1oTbu87fTTe33e25fsdz52WzJP2b0fhmgXvI4KomYEDRJDDg/F6NELp7FKg1uOIMRPLb2xgXok+VA95rEwxqaiSngSmgTSyR9zrGQkkaASAsyIyLAJa8XJ4Jh1hXDO4PQVPp3eYQa9O4xgBQThrQThGo5aCj67zoGAEs2r07rpFWmiRmI0W2jQxmnSMgQxBSgBR1jnaDimaWJTRmgeI5lWhNoy6xPjQqNBmTiSSwX+8n8SYz3i11uZzzQkE/lxPh5/VGbMB7WylShucwUA6saTq5u+IOtAtFuNaVcgp7i7IyEOLmyelhKaRqgsIO+hiAfDoZOEtpZyfN68znWRWlM/9jSSzxmag/71TuL2S1efzOAOwDAzPsySSzvrUmEAiOctkYh5A39en8CtzxGuyBWagR5mARpGzDW5q4hRmwjNHWloCHgmoFCT05fL/IKvuzuTwilran6i4AclKKVqoAdLMlpwJ0OhDsHiyrZJJk4FmAq3+mSdjzyD81gOLT5XqFR6G+bkjwFo/DhFMBojjrJcQMA6A1NmEGSRDlRrnRn29WmfqWwCooTbomYDnxCoBkRhTrMIYp3j7ZL8kYPNw774fvHI5LBh7AaiG2aHWmMLGKQiLGEOyvUemRpfbcn82WQ3NRLHWyn54G04JMHpYTMOzPMeZ6CQjMpOJeP+4j9bH950PRoKVzCSvDiez72FNwtn5+FgiWfPRtTPBBjI5m2BdPqd4BnPkduzVR6ZS7vUckevsmWxz+isGqqgX9iSgFFGw1FlyO5G/m+3IWVTIdqk8RxkSOOsmgNxIjGLLfgOK5v6Rb84ZZBI0J+6Eby0oOaknNWQmBCGCxNk06wE4lACwCQA0xUzFwdbHs4lQgwmcP7PEucrkqfUxtaz8BgzVSFDVRfAJxo0n0AFORgJcINinpybeX7/8mSZY7JthDNc1mWdwJGsrmTsCUkLcGJAYAz48YEudjkzYLexI783P5kML2CO48BDakazTM3aLZNO8iCTfMYhqYZf7aKG9mGvo6+QapMzNpElR6mcRQIjCsgRbMOJSCXHmHPOdwHkGT11SQNb3DiqM1uZeP5me/n7DQEZqCvlZTFsg0T7kGiYJCNi8lxExe54nC7aNSLTaRJFBsnUt4yB7KMTlubIzNhrZ+mTRFh+2zrJVLHzA6LFn5aGY64eTEjqxFpqjkvFriNxj5znuw/1hAlGjD0qN55Whb8R6ybDtwwdzpM+HzBW+nVLosUROhjpj2rSfWWRIezvMKAm2xVr55z4wuAWIaa/npiPsk8wzJRHI+F56YNM8vk+Ad617jDt1s+b1nEwwI9lasXEtfQ1zLzgT/m/HtL8J1BxHR0YLivWBilDk4g265hTd3nqAtWugWvD04cKHp2eUgtE5jns83MOTj0DljqO5yvtSWHVNiC/Q005rneulcr26Vsq6CMfRqMtCXQcihycUWqjqPejH3twQqqOtH58+cLu/c3Rhv994uqyobBF8Dkx2Lk8FLfD0fKH1RrMbx9EhRq254F7ncr2y324Ijsq+v+4xatynK+z7zmHKl5cX1qWyqIuuHe+v9NZZ14XLZUfEsO5A1f24s+93SjekdMaycClwWTf0Uvnw/ImyP/PHP90wlP3oNLvz+ceKvgmyKK9tcG/NNWre3vhFOv/2hycqgnRBh2Id7rc7dzOOY2BdKLJgfY+qX+H9trvQ4NHQKmhVhCvtOPDRc+7I6lKpRentxroUB71GY4zBvu8gG20Yb283tq1gNJ4+OBrb6BzNGUb7cacWYdEFpMNorNuC0Bg2HLy5bLTWuL++8uOPP7HVhbe3gjHQKtRozWIUlIW6LtDuXK4brRm/fv3K7XhDq3HZnj1Qb42Xly/8/ve/57pUVDsuXOaGuNaKJznfbzKYr0zoAQR3whkYcYbr8dNnVToNk2SgEMyQhwg0jJVFkJhf48FYM1krktVCESaV3EPTafgmGITngmW2YcmsEnxL/wuAwM7AyJOzcyqUO1IHTnwEsUUPbVrJCKJ6Z44wDaq1iLcpqQjNoJQIaLqPDe3dprPqDlfMJI5I8jR0m0YAFUgEEDnuD6ZWzYi2qaU+Jk8SzqDPKSSSrUzd78PEq3X5DL9J9OEbgCaT/xHgmAPbTGeWQNXjqEd/5DYBOYRTSFr9enr3RI5hD86LSQH1ST1lvk8G3pD7S9GS/c2CmtFaexBKDZFY8/bDZYn2gTlZy/dQVqJni9Z3+srWrmRh2dCHACTTFsiTquoaE5pTUnLMbWZrEoFr7IFSvDiQrNQMhPKzRcqclJbgZYkWCk9yElCN6x0g5WTEpDgh8LBGTLAm8EOmVk4EUJm8Z/IwE034q3YvmdfqYJx6e4A6qyXFNP1nz0q0xJ59HHOcz9G1OSSCR41JHeAD2zx4WxZFh9AjKRwktdsrnVU1AJo8+w/gZTz7Sdn2XHiC1EZW5yIBf9gHIiOuKwNtAGfYZLU+E/DJEA/QyVuW+CZJyecvA9eiSLA8zrL/x84WqxqjVXsLu6WzEps+IQHFPlz3Jye6kYG85ZQ3b6X2gTM298kj4+N7fYk7Jkq0BBinbxPwvXI6l/mfXPPHgB7Crub659rEeXQtAg2A3ube9al5D7oI4OusEoXOR9BW/uo6lBNEkXlGJtsu7s9Fk4lYBpIRJN/8fE5c9I3lvuOMzxMUBuYqK1klt8maPJu1/B5TgDj3L3FdRT1dLUVhQGu7X1cAsstaKN3Q4b68m8U+9c+qpaDR/hRvGz7WwRECMNNx7r/pp+yxPVMwyaTWmBNq4ixryVbLPvWoTm2Uc3/kmenDpwFBAuRh5xIIekgc57YKu6e1+Bh2GfM9/roVVgI891ZNArDIBNHBYmfK+iAMfQBq57p8x2cyX635GGqAHCzhsWYC2ulj/Bz3HizOPJuR2IudNjnP7Igpd4LX+lJLbbamTSarr2Hq40zWSwIXDwCSWUg3h82Fs50SUk9IPP6Wc988+n7DTob0BHFOcCBbzy2AKsFjWYPpN3rrEzywAEzys7IgwIz/zn2fKU/G8W6XPJdqLeJmA2N4S7R6iDvyvXyh6C3anYj4YOYIqecWD2nmFz59NQGMGRdM+/XgU/JdH9imj2z+PF/u604QRiJWzPPr9xLgsZzg1hm3nKBnAu4aRJNvGXZzG87X+Z5Gb+fZfIzHxjybOgWu89ye5/Rvv34TqPGrdqpfa28c+2A5NmpdaeoPuNTCIhvWC63tlAUGjft+g+7I99HulALtaBzH4NOnH6Ktyttg6lbZ9x1RH5eXI/0qC5enhWULGqPBuuoMMOuidITeQWWjNUHUuK6Vve/4+M+BFCh7p7WDTz9euKxeAW9jR2pDNmF5rlS9QYP+btTiPeJFlW1dGbYzxkG7dQ9EB/TWufc3RBxAenl5oWyfsFEZXbg+f0SAP738geN2sNaFn3/+mY8fnxHrmB2U4gKLOsCGcju8irCPdz5/WLmNG+UAk+oTAUpFUbZL42iD9wbvHaQoy7JidmDDuKwbl9qhD95fd4SClc5bb+y3xufnBRsN+sH9dnAvd8qysUjltr/75lie2A+jDTeIGcze3u58/vjEtgoqnXUpSF/Y205TWJYLey9YV44j1NOHO5rWFNuFpRZ6Gwzp1KVDOSuZa6mYVHokf4vA7Xan7zumytPzE/t+477fEYWPHz7SjsKxd5ZlYd2uMQJ+5dhhu3xASmctV9czqkqrB+9fb6yfYbtUvr7slHrlctnwELuy1Kf/5gH6e73OFgCF0CrIINHCkPkUg2CrRCUhHeHZX4mDNGHkZ396VFGRCAxSyyZ70EkU2R6uKf+SQVSa24g+OSmkIkQ/KhEum7c7TmbJCEJKCpkG4jyTmGzZkAkS2Rge3GmZVQRRpbcWV5HJr79v0UJvzR2WDJqNmMYkkVS7gy/Rw24GqDHoVBGIyU7DDB1Mtg8hPpYjuX1ssU7nakO8YtMtQCMHlzIZK+rJ9+yDTXBNTuaSlDIR+ckuiIBWNZkPNh3ZGSTEw589sn7N7rsfhIztgZopEcyazMDcokosKtB8f2Qi4QJyYzo3OGm+pZYpdAwxMjOdmvmeyHuhOAjgAVkGr5m0fN9ATYJKo0UAEf3uySQ6K7Uy/dkM4CUnYUUegX3zLFM4N8/qBEszWZuB6+O/408kgRJjfj0pKfF+GqyKqFBKJJPircjeapDrlZVuP39+rZksxupOQdNMmDLR5azQB3jo7B7/zKKuvdNa9yRJnI1VywlEl6B+Yye4hLjApF8jUaUOBoSkpoo94g7x2Z4MCZlYB0Aa4JBFwmqhN9Mj6X6s/pnTCUiGgdvMSArjXkdUDRNNdZsdZ9UctI3tP4GhDH4BtyER3M3jPPVVAvwapzYD8ZzTRPvXdQKkyZIbactFz4k4hieBacUN7PFsBjjUh38/9VHIxOQ7ff213yTWIBMJgUnrn3ZLcUBhJolwRuph12LErZ9n+TYxk0wcHBAsRebEtPIAxOS5Tj2pUlxKQIP1QiSSc7Jb2Pi6OAiS1WbVbB8NKn5c7pxsFUnZ/N7Du+W15tn0KSuV1I5L4Kc3L8yVADByMpvbMDmnYz08dwO0JnDDBKcsffhodDEHcYYn3F2cWeCgUglWieHFmVyGMe3A4CxezaQqr0Hl9E++us4uiKQymUUT/AL38bE+Hsee7E8f7+0trY9Agifmp33ISWPZjp7JmkVRCckzG3EYRtESPvhxPYg9CXMYw/SHbpFGNwfc82zKCeD73vx+z6aBA4kS2kODaInP80SMQk8PkxFMsIRTwwibQGUbg6UuE3NMMHxqk42/BpZ9jRw4P1kphP4YIvjuOXWJ/NcTEPR4yWJf+kCNE3A6UWGZ++OMuc4CJNhsk0p7nyyp3DutdwifkGCi4Ho8qdHUjnZOJZ36P/4csl6guA8o4gCM69cF2yaMghfpnKORtkRNvvHBU0Oxm09/I/17jDiPlRsBKqYdmudJk2Vi0xY7kGUxxCD8UazXLExIjFmYwMfDngp/6jHyySpOn/54fuZLo1AZ16bBisuYtpQyYzT/NZ0yBjbM/UfGdzajPLc1MRDF86/HwvR5Lf/a6zeBmvokQPXEwlbvxVuvsFQq3dk0xadDjKIsdaNWn67y9npQGJQKZbmyLCuDBtL45devCIOPz1fQI/q6PZnvNJo1H+ltxvt7YzShFqH1WwSTEax2D6bGGDAORFyo9v1+537sjNHpfUe0I014Wlb6Dd72g9YOymqoNdZSWatQ5I6MTitQl43be5vOcFnEx1tflN7E9Wq2xvPTM73D/Qaiz7y8GWtZaMeN2/srl7VS1wJ6YXu6cH26UGuhRjBI3fjly1de3995vlzYVNEBqyr9Juxf3ugvB+V6hXVh+3jhuH2ldGNblcsxsLLA7i1Jz88bVQa35mDL9uEDNpTD4PZ6MKhsZXWKW2vU2ti2i4uSycGyFJblA+/ve4xKdOr4cQxKccHm6xPst68UUZZ14aiVITvlunJdV0QKZat8fTfqKhg7o1Zq2RhHYwzBGrTDDWGRUCa3gbWdoxkfnp5QgdY90VlE2V9fuO136lLYrhfWInQO9uMVbZ3br++8vb6wPSuX6wICzx9WpAr31rjfvlC0cLk+8T/+D/+jM8ZwAO7TUwVpPG2dshSOZth4/63j8Xd9pb/1alIE/0HlFGwGe9mLeRrdB/EyInkqztjQqLi6MfLkaMTvOR3ypF2mQU3H+NcG0o19Gs4+AZdH7RMGE1TwiQlnC04pp2EPqAmfEpSO9gyYyGuM+zGcMVCib38aQY9wHNDpbQamHgvInEwDKWDqor7dopqXzzQMch+dPjyAG/NZ+z5292fntUoq7xt9+LotUQ3L/lwiUc0xns6iUQ8Y7GE9JxCSAFWmnQDORDsXgodqgT+DokKzqGbMuEEx63OvjBHVFDvXfTwkffm7judJPNNOBizy8LkqTpO13iPZ0FPLKERWc9qUiLIu6wkCYWh4KYsefW/P+Xa/fU+vb1pDSCDGPbRyVm/OMZsEDd+faVEekrU6k7xsn8m2CNd+qRkJnAFkrNswUDsDCjtPUgS9OaUoW1hinc3ZTqk1VWv1IG0YneG+I+5zsnNSEC/oy49T2yTOVyZrCQSlsJ7Hq1GAyQdC9pt7oFSkTHpxJh9ttif4BKoJ2iA+PWbEpDYVB0ZHj0jzrPbLOJlyBHgBkQhFSwwdPzclA7DhozjlZKtZtJl4dVNI8dlJm1bXvbOpAeDrOEZHilIyARNxOjXO+pkJ4ZFV+wj4PS1ze2Z+rnK0aU6dyxaKPga9NbLan3T6EToI1jsjqtka+6REcD/MJ7CkNV6XNa7eE8oae8RIEP/7PptlTnK0MxF+CJhHFCimnYnEwPP3ExTDTjAjq9hAgCjh/B6C/3z/nBRkASJ2QuhZ9eFsJqAQuo4BMkqe6xCS9UJFVveDDRKMrjLPXq7Fed7Oc3kmKVlIKJKgeNojHzQxRenj522CxVH8CN+UbR9tdG/L0+QxcDLMBpF8+dmUGHFLtjcGU6KboZbtn2eCVWsNFp4zUYVCTf0WS1A7YwQmEDL6mMvi9vQU+hYB632CvsMMKedYZ1EDjSEABjZScLV4+8lItkImwCcLJH100bM9xiLHtNB7+7a90+8L82sefXhopydgFFZo6nqoKuu6xGdGDBVb/Zz6x0zWv8tXsmfDJ+So7QgxyamYp4kx12QcSjNnQVru67hNEeFoba6rSQpDRwGB/gDg+PMtYfc7zHPif8ZDoTEngiquDXmyRRNAE4TRXMrD96Tf42S+ccZWImeyn+9BADuW9y5+/lSEnkB5Dq4YFhPWwi7NFud6go/Fgaaemk4RR6TfNPNiRII8iIQ4/0BGnhv8vJoXlNA8I96iW7XMdUzGeI7fduPjrFWLdXQAVueaPAIxuX5eL8iY6fSCUr7Vuusj4/8okhD2gIxjs9UrYiWDHkXVbDO2eJaCEzUSNJosNXF2DBZrG+38yfIJ8+72zLJw48znCSRZ6i75fkCysPK3z+ZvAjVlLby/32l75/X1QLhwGzsXOmqHi4YBx7g53asL7VhQcVbE0/NKXWCYJzT3vdPacBaNDrQYdSlYUd7eeiRyDSYNcHDfG/ute2uT+AHxQ2ZgDWxQizKsU4tQpPJye6fUiuoFWLFxeKvOfvDnP36hLK63s66VKkqRyv6+U3REz9lKb65Sv+87+37j+sEnD3n/u/J+b3z89BHrg2VZ6M0oujDG4O3tnaetUmi0+51SkqK2U5eVfjSkVPbWeXn7M/to1MvCUEOKJ4yX9QnbG9fLlb/8+ieO+2C9FmR0lqq8d9j3RmVBxkAZdNsRET58eEbL4Bidl71Ri1DLCgUqhW1zh1ArfP78AbGVbkETQxkUdl2i8ubTaFRKtCEcfHhS7H1w3Hake+uTqHGMxjgOlhVvXWge2F+uK0OV3QpDldt++DQUq+y7sSGsi7Nn1roiQ3h5+UI3o0ulrgs1r6M4SLbvbzw9X1mvC3Cw324ctzv391d0ubKsrjhe1OgG27K4bogYNjr32x2RyrJcud0adZHJ1upysF0Wiq6/dTz+ri/JqpHh7TtaphEC3LClQ4sA0zJBQSbK/jhtJHUOcmxgIvQtDLeaMnqbhhIjVN3PwNwyRo2vTaBk9opGtY9JnSGrRb31qOinNoZ/P6tMCVY8BkAuDnxW7vMzNEZpZ0++B75x3eEOR6D6ZJArwlCNSQDm1OxZhetoOL0MeBOAGLjDK9k/azYZPZaa++EkarQg2MAFxQWqqAccfltTdyYTBL9qm0H2gAnOJO4VUZ8HA+aVtUw4BpmUZZKX7+f7InGeZAdZ/n0w90Y6UINI+uwb8b/MuF353/dLKV45zPGns32EDPgtEneNdrMHvYNghOS4wwymDA+Yv+eqPSrfaASAM0WVTOL8lWMi/R+AnGyZx/aGBNNqifHYwpwIRQaZ81193XO/eLUuz1qcowgcXcLmZO70ZkgVF7aNiqGfQ5kaSWX1SGRWNY3ZAnGy4bKVCAePgZzA4iBwncmS4Wc0McC51pL2I4WP/bOyAtdj6orGZLcMfj1x9WtpRwvTJyR7aERAVJLZEqChCRQ5NX1IwEe8mljssYUCSsWDtaCfJ3A9JlCcif5c2pn8j5HJZEHUTnsg58+NmWwGkKTKaNEeiY8bz73lIu/RwtmbT6nJoBNI9kFv355DiWdh5iCQ25ewn3oCPzkaJM9uLrZYthfIPJv+9+/3bHqL7HCwIJ5fwup+j5EifeNz4nfRKdoL55p70iAP66exj5IpaNPupk+Fk/JvKnFWBOs8UOzPIgvxfdCZ0Iv41MvevF0n23lT5yrrGN+2T8Vaxf56FClOYMh/JzQ2xAFD14l7AFPnVCSdjL54gtE2y5wGU+IslSiSgNCP5gBJJISlKqMVREIjJIAPiSp4kWwfCZuX9q9rJETx6WbIIt8UGBI8Sf/n7cRMVoqN7r6KbBvJZxaPLQxwiTYnQZB6snZJX+oXFm0yoWVFRBtFYmCBe78suOS+GDaQYOyd7Rh9nlczDebPKbj6OFJ+2uF471MX5Ewy/Za+37Pp7AkHCo4j2CIPLJn8qWEzW/e9nOCHZsyY59J/Ps/TsE4h27M914lgxycRIiESfbI0ZTwANRAAzQmCqjBbdmU6QKav68On3c5W4iC3TJA87qL3AA5iMl/6mnzD3l1H8VHAOoHRk20bpIX4fY9pg3kaT3D0PkGavFa/n9C5U5fr8G7kszCSNnEWVyDi62ydDbAGpv3AgiV7hvrUmkykiMSnn801yTeXc5CCSNgDX7M8txnT5nqMsLNTvxIJ5sspTJ7tURNYzucbrPuR12Rjkp9sGC3zobAzI4Sae++uECYZNzNzg9QMsiETZPSzmcW8NEqpl/m3z+ZvAjVLufDW7/zl5184ela4hPu+sy3ioENWha1Rqsa0isbRB8fRGHjrk42gA5dKFxdyrU9X1qqgQjtu7PsBNGqF67ZQxCsgildr2lGodeH99u7/7s0nssRnQqUPWJYlxFR9wgaq3O1w7YNt4boJH68LS4V1qdyPRhtKG4XWlN6hHT7mt/edZVWEQq2VL7+8sKwrP/3we2R0Xl+/uuONNoelwnUDrGH98KqHdRYR1ipUdVGvfR/88vqO6uDThyt18VaMj5dnrJnTP627cV8tjMzgeH1l0Bm9cL8fGMq2XBhLp4/d9YCku8BkUZoU9v2OLJ39dnDdVm678X6/s60FoTBHO1eZLIFlEW5HR3TB6KAVY1AX0LWzXZ64v9zZ74399k4rnaVWmhl2dNg74w4UGGtFl0o35Y7xjrDKwigr9+OdhYGGUxq6uyiUNnS90E3Y7eDyfGGJiqbdjNvtjdf3jtYrYg0x4elZaVq4fKo8f3Cg6XZrLp5cVmRdZiXDk9nOe2us6xOluJFUqejih3xdr791PP6ur6IVrHP0FihyVqxPsWCJkDBCgwmIjMzA5QGosYcpCwRNPoy+KidbQtOcnA5PSJBHZoUnncwZw52BYprj7L0O4ic5ZcXbjzKRwxMe/dZBzIQ0xluLnJouNdTkR1D0BRdCU0m6MNiIMdPR2zyfVEyZGlENLKSo4+nYPID3gCH/7gh7m0nwiDGhSDIKzt/Jbt4JcgkeoORkgxCRm1Ww8/ExrIe9xe8/BS0ma8LXSCxYNx3XluIMXAkgyfJZSvQdE2CthJhoPJNo/2c6FsnP9N/T6ntFh8ZEqZi4Mx19tBv2MauU/rl6JoM+asYdZ2yamcySCUYk8CLMaSzf4atooZsHV8wqNpninklABiucwWDkjswnbsFGy44ZER//m0lWvhFEi8TZFlVLmdODfLytX5uPF3bGWAZKRgCNkrVATwo9wM2Wi9S8kZmcxQ7BzKnQA/MEXpLFpzMpoUCtS5y/nD4U9qbITLgk7VWyZB4+D5hJSGoTIFHJi6Bt0rFLtBpkNS+AHIuosaiDDRIB1XktwXoI23YGqGdCppIiiYpGwUrE265aT0aRr6WOcSYcS/H26qhqpm0+c498ovGG6KmjI148GmFPIv2YZ5jQwNLqzJ4MvAVn6aoGC8mCzRvJQikybVkm9dZzLYTx8OyZYI5NgDws4tQ2+Z7bK0op0KGNRrI8YwXOMxgx9JkyxF4f+czzjmOJ5Dy/Rc91H6ldJtkakCBinK4ov2okYKkTkT87Qa+51wtZxX88t6lDVfJsRhuSb9VkOQVjwKLanteTlXwVlrq4H8322ljfWpiTwtIN+rnIs+kJ7yCEuYtEZd1/LkHRmRwDEu1bOZXJOJktiiBV41x+ezbzNQFMObVEHHAMQBji3Ngs0Ggwd5wFM8JtjmDS+mTTLj2SZpuMDstYI9qx/POJZ2wObGu0NYsXZyLaiWJIRlU2gWYjwL14lmdBoz+0d/m6e2uYt7xZADKpacVfPxcScNX5mek34Dyj3+NLzOPI/Ti8JSlaj/qDtsjU/sv7J8TWxXUEU5D5PBthp4NtnnvJ4zYHyLNt5xTaj7NC6ktF0U3SFmS86yyWCL++EWnv0SWgkkWmAFRMzwQ+QkdP/CM+G9HSF3IBvTlwU0qNIthDe5TlWcy4biY3AaJkb6B/VsabOcY6z+Z8v/i5nGbtfnrE12XuOQeDI47OzxRIVl4WHfJt81lNUCYeUsIpcZTipdMnelwfYFA5fRpjzLXIGHYy+vO/ksy2AF/irDjn2M4fFYt2uzNIewR7MlZxUKbNQuJsiZ16NqFhNVsjM99KwD+exUP781n0iOet357lx9dvAjXK4mCHVZZtpY1lakDUWl0wMg7CaI0ioEvxB9m6BxYyKOK02uenDVs2VIXb+zvHMF5fXlmKYNZRbay18HS9UJbBslRSDM+Rq05dC9da6a1RUS7bFbMD75ev1HLBxCtp7XAg4vXthXuDpw8b103ZSmNVvy41uG5P9NF4ux3c74MCgTA2LpeN69PC9fLE7f1Ga4113fzv75393oHG7fbmLJHR6M0BkXUtWG+sS+Xt9cY+OpePn+i98/J653bb+fGnK8/XhW1dnMY+4H6/83R9xkphb3eun565Hzde3964bCuGMUah9ah61MKnpytladxu7wxVujh17z6glJWG0oaPKFWtLGtlP97p+w2hRvXDQArrUjnE0DbYe3cGVF0dtFqEcnGHa4ciJuxH4zg6R0lqYKPWymW5coyD42g0xK9JV2StdPGkVFdFtDHGDbXmh6MMtu3CUVbUFPrgy+0VGS70u9bCcrnw/vbCtlY+XCq9dPpobM8FqvH5x0/0444h/Mt/+Zn93risG/f77uLE7wdFV+qyobphNth3N67HS6PUC/dX+63j8Xd9ZUAtIkFPlGl8MxBMrRpGGir/70l7jmkEEaynwOQUv50GMFDoCPx4MHQi+d8wqHY6w1k9lDPoSyfK5Be4udJoXyjpKMOg+/QcplMTcYOWVYRkIJwVtABoMmmzqLyrJzpe6VavoIR3GCEGnrTWHmJtqlGtj+APc4G4edOzkucC1dmn7+czAnSV6MVPfCk5NjLbhjJpK66w7JWdWTk5dUIyePC3sfBJMquOkTJH0uf/N/o4q+v22Lrk1bgRjjaxO0NPpxKJ7ejJTMjnfwZ7LtzXH4J7ZwS21mZSV1Tp1uc0BZ+w5Xb2OBo2PIGy1BWYIJ9Oh8njPYtkKvtdviTb1bKdJ8HJoNqTZ0AiEJKzKvXIDBMioaoPmjSx9foYZ3tDBBY5WSknYKTIr+/t8701Wo+0OCjqoE5FS46F1qkHo+q6Qgn6JHsik9IEaTLIyUTE2T/lm6AkQY/B/4e5f1uSJEfSdbFPAZiZe0RkVnXPjCySVxThI/D9X4TCWx62rFnTVVkR4W5mAJQXqgpY9kzXFtkylA7vzspDRLibwQA9/PrrrzJQq7Emg52R5gjQqAZqaA6ojwO16wxQaiTSAaiI0cRzKr5nuoNaSvMzZM9JHNTVYfPAEjzTeoqeeGcRJfFkojEq2f4+grpOi7Vsx1QKA7omCIBPH0me1F6D7tkqaNBP1z6CPCMTOngqRi+fkb7b8iQmbt7n2PTW26WSjwNOcTZlBJspW6Gp5ET3KSr7bsMfjElwBXvjZ52HEutW7Z7bf8sp+v/PK5jBVn2frCdg2Nnr2ZzPzZddxEEu+zaVufe7dm8p84TeK+6hvYQwW4Xk6ifj/Muwn2EPDHwtF7ZhNv0SHNTw9qMsE9AMwEe5sK5EiLbgUor5zcu0uADdzB0E8BIsQLfjoTkFIz4QzJ53VdS1xOxshn91H9utxatH+9K6EJPIRpkkQUydS2Ltjip9ME8m29OS+mEmmMWj7gNAGIk8/n1io+3VxLqz3zseuwD2Z/Xr9CksoTsU5z3n7LbCfTgMQDlAy5SLgdUKuMYO6vZA3F97AjdEb92Why6J7cWwB/jeMfFxshWSA6Do471mIh3AVvjUYRsH0+TrvSz2dEYTwmSAM85gv8QCANGbFgzfdGXbXIZVWKEx2pn6SLgTyX2kXs5kvL8O+aoJvjlj0m1nchZN/IzpDwXLJc4w45q7Tw7sXuTSPveptT55DA/U1lzLJVkBsVsB0OK6AIgc3Im4OOw0irZmMYP7I2PMzemL0292VHJEj8xpq/3vgL1gQ9tkOWNdyggMY2dJmpMAZcT+Hn/684g4FY+tbbKVA5giDvqE/bV3Fmfaof69V7CGYI7NvdF9muwYIqKevtgbECBWxNZW7PYW73HGGWBbTGaKFWlqLYm2ZlZQ1ARaKzGZ0ooxbYCnc8qtesgzMiC6/OOz+adATWuNdV3Zbht/fFSa2hjO5mJcvSlna9Ru0xXyYhODWqt8v995fV0R2dleFzKJZ+08tfPcD57PB6rCcRyU1Pg//Y9/YStCwZKrzklv3QRz9ye9d5YlcT59kyXhfrvT2ydII6+JZQHtHyid3mC7v9Bao9SDfCskKWjb+Xw+OeiU1FlKptPQnlhKJqdCb43jqLy+3km5+wjHyuPzD0RtOpG3oCGi5KIs2vn8/J1OopSF5b4iKGW9kWriOIwx8tx3AN5eXnieJ+f+waNUhDdKFs7nE5HE4/ngrNUqD0siyWr0zGx0V2nw+lp4PhrncdBSI6tw1E5eDAk+60la4Kgna1tY18XGDNdmbR8on58fLLKSl8TL9sLL6yvH2VgXG6dOzYY6a2VZMyUbAlnptJLpiwfmoqzryn7sBuStK0Ki5EKlUfKGNkGbQIemtk88duXsiaSJm4/lVsmkvKJnJ5VCTkI7DzQvpHVlycZyejx2Xm+viOzgzBptppFUMtTzk9fbSn8+eT6eNkIuJe63G89npfbO53NHRDnPynHsfHycLCXz+fnJ//3PDsg/9RVVt2zJi4x/9lgzvIP/LhMWSSmR3cGXnCHZhIXuBn0EEWoMk5IzmXCI1pcZVY3W+3Ru0WcqUS3sI9AIkdiAj4MqOtHnoDOq07wV6VNE+Bp8gCUPEfzC1AgAT8yY9G4wFpu1PiRnFchYo6iwdB9bnSRTu91nbVAoEZc7sNJm8CBz4UfOFWCC+ihpdAJYI7lxL+YJffIfbLXR3Zlod92HbtTwEMEbk2Xs29BLauRzbLzdyaCb2BOB/cROsD9HMB/ADx70RTvEhICw2JGRpYTTHSiev6NYW6WNOE8zUe7XaV3WTmYgjtNY/XquAnOjAubBT29B6/266WAksSl10xkJrYtoZxqBG2NvgwVdyxD29Xa67FX0oMp6goQaUyP5BL6c8qgmBh06EvRcbL2SA2WRBEj8SgpiahmKsWIZ4tAyPrtrp3UHe9TZUOMz5/fZNYe4YOjgOEA1QDjX2ZHYv2HPZjtGBIa2Vva7MSKiyteJCVMBHkwAJRg5ERiCtetAzhaMBSgYAV+AqeLntLU2GArClQEXAbGA7+0hqpplBPnXqUpxVixv9rOUkhfyZiIR7WAjgFcHYbhU6Ab7kfl+UQYlotFpV8c0FLFOtNSyFb4GoDh/NNYlgnq0eQJ4XWP7zNBlCA2O7j/fe/1vOkn//a+UhCIuiNtxsVIInxTPSOGS0ICKuk6Sf+/lDEdrqbTI6sx2LcvChCqmj47WFPuzsaUDwM0lWvl0gK6SdCQLoeuVsEQ0wFdjsjmjLRJc95lDiF2hLGWcVRPDDSaP+0I/MwbitMHYTA7sTKF6ufhcBxqWTG3NGajTtoUwuiVl4XfUWJvRNikCtSKkofsU+7e5vluWqVMSIvrZ2xiGSLtLo0oS8EQz2sSj1Vb6bDtLZIKJ08NGe7IfgFetlSTZNL1aH6ws5/SM5BoJ4GV6Vzv1adjT6SXjkYzF8uvxtsfLd8R3j1Y59YKT63BF8pzGvpr7Sz1ms6lGky31FV9xzXb919WdAN34pa6n5VW8KDCM2HL4jjnYAP+5nIS0LtNHoa4VZM+hBUkk+bSnAFBHWxteBE3zmvtk73QHVyCNthmLF4Oh9TPlRIl2u1gHH0bR2kWLiRGnmS35ubgwhnxInAB/7xGfO39Fu5/HAC90fKYv/bi2AMw8uB/TGIO9o6NA6P7Vb8JYZhdwWAOAcQA0coSSGS1XcX6u9vgC0kxfF75M/Nz3S14wYysheVsa4z6vrVVzpwVz3P4Wz2HytfzPKZPUwZqwjSM29olcYro2se6dWdS4DtmIiawBLoZt+jO/+eeMGlFySWz3lb+9P+nqaL4nAAoctVFbpp4W5by9bKRU2M/Gcz9ZS4ck9F4pIqx0nvVEurItN9Zlo+RGzrCtCT1PlrKiCc6unPVk216pvVGya1KkzLquKEIuhd5NOHjfd2rtdE2sy516dvZzd1V8pbaDqjblpVEgddeesBarVRK1Vz4enyQfy2WjuQQ9n/RujJLbLVPPTk9++PLJywplLTR5ofXM3hslZY7aef/xST8tuczq9FdV3rZCXrpp5Wx3/vjtA2k2Dh0Sz/3gPA9eXl54HscIEI/jibaTl+2N8+jUVnk8Hmi7UZvythRrfXjuHF1QrXx+PPjr6zeyWtuTSuXtdWFdTFQYCs/PT0pZvOLZuN8y9Y+T1oScF7acKQJUpWeB9cZ+VFRgSWD9uYl6NmsXK0YJTSrQYGFB00KiAp2eO0Ij5QXtKx8fO/tpItS3243tvvD5OClloaCoFI4TzvNgy4nz80RV+Y/fnrxumdv2ihydswr/8e8PUnqS5MltubMuief7aftDlEQhIdR6cLTTJ3spuRiDqje437Y/Ox7/1Fc49ZSTTx5gBJVh8UeCPX7Gadka1VUZEw/GOE1PxpMnfhZhuX5Lm6J31nvjPbASBjAMpQcew9QxNVvU9XQ8gLCqBFwNqA50Pqj483sGGBLO28Eku4fol9dR5YI+WiDCcYRzjelDSQSfnmuABp0oroY/DdaNJXQ6nKaJhNl1tqisoaRURtLYa6d5sJzDwbSG+ohkNIx/H0BVcRG3qMbTJpuEZoFltHggIQp3Mf7qzABf1Ei0Jo3cUf3YHD71RjwiSAkTPrWIhd6rPUP/jAjA46ElyTORjQqOAs0dle8bEza1QAP1drQk3kbV546VmdSGIxaJqRzwldsrhKh0W2A3s2oPZNxJa5Tr/Lzk0epnzzq5uPXchwoa1SwZU5UCCJiCu+LJVVTmHRhAxrpdacjau1UascRnns3QpJiJh/3N+6wJxoCdiQAdcU0F7WZr8YArmDJWHdWRjAJe9UrzuRMVRn/+EfghY9JUztk0R+rPbZuxvjjNfN6nT5FKGegulq8ey4h/lhp92a+zj1YEtw2q/nwj+RNClBT/9JRlVkdH7i4TKPW20mhpmrtmnvG416jSqloTFGKggaKoizr2bhN45mjXySr0QzTsgvYZ9Ef12hIMoHcby6qhWxNskn7ZATKDcY3qq91TDL37ym2JyZlGP51NT58CrBj5ou+bK6svKrxXlnoCztP2YE4JdfaWCM4eDJsbSZGOloPsjibOahQwYo/Z3jEwMYfeE77/L8s8zkiyvRy+MACga5FgpEIhapmTi0L7V9TO8yykZH4qlngsgMcT431VXNRXvcU1j5HCXPZEdwBFre8EYLDAigOktj9N3H6C2cbaibOJFy0Exr+nJJCTT1gJAeSIi8yv1tEiEs4kDTBysBIu7dABkIKMuCImpuVkAuHBOhvgNH7mlYtuiO218Jv2efbZbQAPdq4qaiwpfwa9Q+2N0O9Mfn3dW9eVRpLs+2uyWyESTXwf/unx+Ke+zF4aeHLWaX+uLXPdfWCciZScVdStPBVhn+JsEGdthc2bjNZ4rrZuIyby56weBw8gQmbrz0j4ddrEOUkq7ESfoAaXsJg+7KPFZN3jJrvwACHQKJYx1sBPAMaE9xgNGewccLve2rD9fX4SccQjDo7vGwCR621dpwY2dOghZjH9SvMvDcW7Ilx+wNr37Tp775SUfY/aOpQ884/x/WNDeiwQnbzjOhl3TUqmvXg5z3hL1mDhEnG/fVcK+2nfyshTcCY75u8i1gltR8J9egAtzGLwWRsJZ776WTZNpY6PFYF4rwFa+bW6iPFPNsWX4O/bO6+vPwVqznpQsvB4foB0ajsRKSx5IRWbNqHnyXmqacFoYt8PF/ft/P7jndebsMjCljKtnnRt1MeTlULbd8qykNfMjx9/0G42gnuRk7QKy7qSc+asndogy0o9D0pZ+P33nVY7v37/zv3+iqST5/4ky8p9eyPJYoygLLT+NDaGJxopZe8pzyxrZsmJl22FrjyfJ/piwMGxg/ZIgp7ctwVV4eP9Nz4/n/SaQBoiBylXlMby9gtZVp4fn9CtEvfH54OSNl7XjVMxavT+4L4m8n2jrCt/fD7Ya+MmzjJaN15fXznOFRD2o9KA29sr5eWF8/MP0pJ4/f7KUk9yXfi9CmVdLBDtB9oqWk/ut4WsnXbsHL3xx/sP/vKv30ArOSlpsa69JEKru9fnE7UKS164r5tVEmjQKojwrDu7KlUWjt7Iojz2p43fPbqxgbbCspioa6/edZktoCuLUXybNpoItS8s/Y1+njRVfnvf2Y5Plu1mTslR5pKste48OscJ7XS6cWvsYhWZ2mFvndtdSdLoxztJF6fxF5ayGauoQb4tSLIpONv9Rjts8tXjuXPWr1sZBA8q2qyuRiAxqmN9htcerY1YzDRbLjTDyCJ0TnKKqkR33ZEw/uIZyGzpcLFpF9ELobQrhXtOZ7Ggb6Digbb7ZQrDanm1XgaNelQJCSHDCQaFpkvv1ZLIljxoNUwp+bQ4cXqxZKMqttZQSeRSLFgCE+dOApIdcLDKYh4JFGN06pWBFGKkGkHDcHgWiBm13ECK0Iix9hFjACKJ2hplsbW0QNrbJ1pQWsdjIjRGem+mWwGglnRbgOiUc50BwwgyRvLOpEzHTkl4y4OzcsQqCtZFZlUZdZDlyngY1fbrnhv/FtUFn17kifW1LSSYGOo4zuB8Y6BFvHnQw7/qK4DPegG0QmcmIIEWCTTXxHYmivFrZlX2n5yyA1xTT6I1F2Tupr+QXB8i8nRrZUggPn4ZF/iLqp9a26ONxQ4R4TltxRgceVyvcjmbKQT28Cq9gS2hkxEBl1WUTKQw+Vpod7DZS/CmizWhZUsSo/1tBtKW0DLO01wmW+droGlmS320p4x2liwh5HsRSx9n114pCRoHSy/95SjSrU2zu82Yq60eY8h4PvFlEWPlRBVdAwRRdVt+2QZJrO13gLXjn73w5UG4n83YH63XcQ9XkD7eWIdd8B9xbQR8cs0QXgybEYurkYzMZCK6DOYklJmUftmXeJzT7Lq7P5dEGqChOljumITbycn4zDASdo3nLaGbFaA04OKe8RTs/dKwqyKM9jrbm/bvplc4r8emhiwD1BuT1DTwj2AGiO9/A3FLTiOxNH/nZ5Jg2sA1Gf5pSl38npK18khMpXGWjO+B7C2SYg/fkrNkoFBXA+cT0z/YtU7ACuwzJCefujTPr03zwQ2h/Qptmkh8DO930LAkKzQk15AyNDky4tEiHNpWYyxy10sLEcQAAi7AbvNWEzwhz5LH2czJRGitdXva2OYFwe70+9asMBXrO2yUv9TPJcocgzzum6kn7SysyZY2Tm4AEhH3qO8VvJXqChx8xVfzqZC1VbvHbgypdLFj6s/b/2bP2B1Qb6aFN0Du5iQBL8h1bJJWSsJ5nPQcgKbZ35x/ZirHIZNkbGtVbxvMaVxHgB7Rku4R1RDfD88UrVuGRfQB/ptvVUKrUX2/D9akmtZdazPmuagJEoLiV3Zba3OSkRLv5+CyG7XaLKYdXE+J4Q9mi65gnxUWmmlb5WyMUxUas6AgF/Bq2lEr2LTefNreJc6PoEEvxVd1/y3BRPMgSKLQEJCJ2eDJMJux0t+DHZEfjCJsADCkwfJX7MyGtuclm5r34c+m+56KJyHY4BFjKXkBxc/mAOnU13PEtBgAnWY8YqDc/0Gg5sfnJ6JKVkja2dZE1kZOHaGgaaNq5+yVVZTMYVOUion5tpo4SXwemVpWVBOSOv/61xtaKwml6SdHzex145RK6k9WrdzOwtIaFDOcJRdWefL2uvL7j3fOR+Xb91+4LbDmSinCIgWRwnmcHP1BKY1WPwBIbLQm2HE4QSo5FXJaSLmx1wfHs/L8OBGKHagnPD4tWW/9YF0LkjqSMktZ+XzYQTnqQS4b9MKRO7/+Wii6WrsDmX/5P/8PjgNqFc79SW8HKwfSheOZkLrz8bGTaqLnlbJ2Un/SqqJNTCemFH755YX1lvl8PjieGV03qnTImZIWtrSDHmh7kpcMW2ZDuOWE9kxZN/ZHZb1lCgeretKbNkwdptH06c/uRu8bTQWkE3nS2RXZhKyNTU3n5ZAMpbOUQsmFcltIImStSBNKSRw8UB609EZPp+nHdEjrggKlCOvLN86zcyic+cHn8c7/eEkspbII5K5IPdGUaKmgdeNxdFoF0jdqU25rZVl2+mHj45dtQ/sTTbshsj2hFC/eVtbSaeXGk8LeO1s5obpgX/q6QE3zgDqJ7egpUMgIiJBAb9Upx54QqDDG1IIZQk9ySi5oOCa6AwzZnbxFkuZzPJtW769Xm74WDiA7TTpy7ZynJg3a3JjHKNvEYHQkq1h62DmShubGb7SOeDATwEeIweUcgaEbyAjCcGq5V+PDJievFiKTLhzwg02AM8ObSJDMuGf1GM7XDpyynpjURvf2HmoTPbHa3dCLNZqENoeKV7jD0HcLQgOeEcsUiSsEG+Mba2Q+zSvuo9c5EiuGD5gtNJN+iTb/voTSrAr1kwZHVKK9JxrxKQTiztQT7h6tEwIpezJpQbNddxv7EEKXpnugKZfqqd+zJ7NjFT2gkWzTQb7qy55/JCaz6huJ2oBAPVBKIdSZ5JL0xiSwNMCHSDByEhI2llY1OQPSnoMxw/oAvTxkJVtk4y1ZkYw5I8bboSxZi5Y3bysiMVq3MADSgk4LvJo2AxQ8WAv5lNY7pOzBXdy7f04HGePAzSaLn82UouopSC52PKIdSHWEw00F6dZ66fwF3+Pdk+rZamiTsixYak5vj7MrXUlp7nerPDs7xBMzkWATmi0VDx69xRzGng6mXfrp/OABJmL2sHti3zyxHnY6p3GOQ5jSAnKvuIqjLEOtUUey3yNO7krjtPtwYco0khsdwqTanBRJiEn6mFF1oIKEzyX365hJoe1lNfAWS9rDrESi8lVfsaxpME8EURk2TnHAyq3OOJtuh0ZLJuJtMpbI5cBbmOvctUy2qcJo/xO8AmwwvOmeGGCXcyGLDPHusBl28d2TyZgqlAbo4lvV2qTSHJlrlfjkoI7Z2NCUalGJHoBqco2asAXJr9A1oS6MOMmuteD3HGCjLVo2u92DHcDfARTRdl28eGL2woqn1g7Y1Sr4ZoeuSW8eFXd1v9Pcl2b36aLJYyIgBLYd3LQY4sIG888l2T5IAa5HgurASBR4em+uP2TvY4VapyE2FwcXY9IIjDWzBLFh4sUSFstbMWW0HFrSHYmnva8Bf30U3lI0twyV/+kjR+wkVtvvOv2mb6L/ppP03/+qzlqOrHgUMGQyH3sPAAePPy4WSvARzTL9bfd2WcV8l6rvv+Qtr1ZkTmN4AsPmK9Vsq2v05VwYwDpR2IokuznDJZL8GCIQ9mDaEJjJfTAchW57JBiPQxNn8p67O5w5bRMkB/A4bVtZihcYvRXYY71OhKHG9ol9DM7WRAww8naisD/RyoRMMGqWSz2GDTsC88zLHKQw79w+bZzhiHDV4oxrrBpbIf6UABVxHz4LfCkAEf++ON923XnYEA2gRCOmzUPrRmmcvbmkRh97cDTQqQM1I3xNDrLo+EwrfsfVBrgTrB6/tutqd8/L/Kb7qNT859eftz6tC/Xxyctt4/HY0dxZl0Q7DlpLHGcnSWFbIfWDpUChcS83qgqUFdHO51HRXCyIOA+KNG5L4rZlrCd+4fiA83yyLY0siwkj2hNkTUaDfL0v3G4m/Hq/K8u2uoCfPeyUjI3y+dkoJdHaQSlCSoXzgFqNLZFzQXIyZlCH43GAGlmkt0TJwnHsPPfGjz8e9GbOZduEZcvcbhu39YW27qTS6c8HSaCsGfILwt1oUa3RKJQiTm8Uyv1Orwebt/2UdeVvv//gjx8H39YNlZN6NvajGkunJ15f39jywrra/S6LMQSeB6gW9v1g30/W+4J0JZfVJjUkYSnKuhrlE31we0m8LX+lHZXWocsdygu9V7abcrsn/vj4QGVF08paFlQ7jXkwbhREFtJa2NtGz42Sd1JSynJxphiSKhnW22KVIQQWay2y9riE5kxJ0NvpQUn3MZjJk3A7Xw3hKcrnc+f94+T+8o0jb5Rj5dES/fmgvXT++q83tqVzPA9Uhdv9Dtr52K1Xt4lPEysFpKP9sPVWS3ISO3mB77f8Z8fjn/qyqo8lgVnbDDodyFANxoVZmJQs6zehSkUdeQtEN4JQCzSMzqgO5vQaDkwHICQwggALMKfWhnpFbRpOiVh1JOaGKHP5mg7QYVYpgtkRn2ivmFQ1dBzEHEyyrHdUxGR46wCyLVizKRSCdYLbe5vjmKOE8cA1gCd8D9Ix6jQueOgirCgj2IJJiRyCZG6t1e+3q4McnuGoGhss5wBE7Hpx6nO+VnuxtQzm06go4IAJc71+rvYH8BUBhfpHeNLn1RDt4bAj97h8AJdHId4y51V5q/MI1dtTybhwoj2z5M4/ZZtmAAZwxRXSp42JSRlKsE/w67e/lPKV2yuM9ZeSkHrsJbmw1iAq2tEiEQCrbdk09n+0AQ5dGqy1JrRc7Nxe2pQ8GbL2xQhIZCQMoQNznaIEDJAmRZVnTISKsxlBc4SojCAnBB5L9rPp58x8gLjCkwHBOYWYqz/duPeUsVHgEbh6IhpVfwdag7keGjIz0PL9ojZxA6a2zJyCl0aSHWsalf6hDROi7K7fg9j6pgSSyuj5V2KfBnOue0si47Mj4FUEnB0X7WJNQMWBUQ+Ys7MWuORVJhAsxnxJMZ3JgKPmeyJaWMJ2w1xbTxOsPNX7ECHtbvO0T4q27ak+dB8GM+kn1tI8g9aa6cmSXPby1z2aZB+rnFKBei0UzOqssUBtl5iYvBKClOPlICBRSfZfU+fGIVKNgkq6+Gd/P/ebOWWyGpidcxmMnNBgC9uRSkbpzmILvxe2RAajbbASjXLl9+iginqipzKKPGPKlP89l4S6Noddgw3lCI0N26vCTLjcf3jyhMQo6mYFu2T3HML1Aiy52H5NwZRNw69qJH9i09xUp5/rKuRIxjC7VcRa83u3kbqSLAlNGme4G1uH+T5WoTfAc4qGC5ojicauuQeIbZocAbrHpKwimepsW82m0ROEj1kpd7s8WHMaR9TFpw2oat3Z/gLSg2FhsUcuiZT78CGhOeJb0WMd/PnosG8To7H1zOVnu/+VXjZq3jT9bLO6/exKgPWEPcd1Z+K8jrY+K2CVIRZtTIwS8anvUZvi4wVoZhtOFFdwhl0SBsgSLtNiHTsLxrZm2A7DYq3FZYhCc4lzdQIvEVYJJkzbu0ltxPdFLJ/8IkT6iJPCLuDAa+gqjTBtnMns6wjhg1trtNqHnYnPN9seDNZ5zwGDTJDC2SwpYpbhrCKaRjLzDOdCMGKsQn7RTBMZrV+x/nEPfuw9SrdgZsI9F/afXNrRcD91uXZNQrRBB7FlJCT+ICJi1sufO/Ns1moxrYpAN7a0xavG4lKqg4BTI6k583tMt/QAJXbPiK0HfvGPz8afAjW1N273jdIbzzW7TkxDF+j9ZEmFz72y3QqrLPzlZUXOk3pWhExFyMvC3hvH5yfbahMmHscnt7c7cvPKb+0+1nrhfruR+wr7aXSr3hFpvG03lqLU84lIpevJeTT2U20SUTFa2uNxcu6KsLBuNrGk1cqxd7R1mtgBLUXQ40HCtGuEDLLg/secXknkYo5tW14NCfeNdLbKerPJSaBst4JyIDnz+9/e6ccn9/sLmiAvsGA9xmvZ0LZQsvKsO2kp/Fr+ylZWct15KaB5QdaFvN3Y98qWV9ssTWmayOnVRvnmQk6FNW2c7YMine/f/8Jx7PzHx4PeVg795L5BWkwsuaTCsSulbEgq7PXkOK11ZWnGrinbwvNpgM/2cuOslVoby7IhKuyfT+rzIKUDTSaUKknJi6n0G01UKEuCIjyPJ9tmIsG5H5RUaCycdeHxVFJW1s0AmSUr0EhL4e3+F5bSua1C6o3PWjllQbaFRTu63NneXilPOB47UDm18bmfrOvJeisspSACn49PHp8dWOkZtFW21RxXrTY+HRLaMj0fdPbR8/sVX8npvVyMZyDaYAmeTfgyo1GSoMlFy9wRIOKVPwcMunigaj/TRZAOKU0tAlRQn4oUQWr2wDb+roZaeP4h1rbmbQ0j2PFrHfR6wPMZT84mMDBp09f7n2BItFtwMX5TlLOzLHk46Na6TacIYcRBv8nD6Nu62PXkbHs6jUTEEJsxaYoI6rpXumRUdWLcsQWQ6jRxpVav17pGTYAw1hKlEdUZ8COuC9QU8UC9RwAgF2fv928U2dCU8ERiCLLNCRrD3cWYciK9wJ67C+HF9xqAYAlsUkFKIblWQ5c2E9xsiaWp4ycXbnTmT4pnCaVMIKB7CTFovOIBfFQms9rVRRAe0wC+7EsMSLcJFDrOwZh2ZPzncW6yJ+OzZ9mruURVSMYzSnkCFnjwVXwCUvbJA+PsqE9zS5Ewxns2alVKsb0rce7GfvF2u+62GNsTP4kD+/uDJZcWFKknjn652pFcuII7s33Il+oCyhl45+dEZFSnAvgQ//54/rkUklhfeMLWVfzsqIbu1iV4vYJNIqTeaX6us4/XrL0TUxnmnk8uJArEJBrp3j4UyXL2NbAFDcH/CNIEodc6p3YMGxxZlvXAayRxcJnW5AGoB5EGospPbVoQiXK0Is1A1vJyZ4BkhaYX9l9MtwhBbwd7HLwwFoHty2ggwAPsANfHVvD9OC3313uF8HPYOtvuyc+pncPWQbJ9T4mv+dfjLMeahdaKaqeUNILtoUl01X+JBMuz9JyzFxrt77Z8Bn6VS7IUOkXCbDO7gjTj3nAPGFuKYOhF8SLYVF4xD10c35+mETPZtRHvjpHSUZBxjSxLDGWwLVNyQFmC+WdjsCPZLVLcr3nb7LCN+JX3AaKkpN4K423VvRvjQjLG/pIJvKTZvhueLhhkBoqZLbaJtbZQrXVjH+bkSXvzdqIAseyJRItUCKfTBU0ykvBo4yVB7+b3xjQrT7JFxZiHHrNFLBG+XN2g2zJ4W6dGu7MDVN5aIR6biTDYJZbk2maOUGgKtAYQBmETvuorNH4ESH3GfXZrBp5oAASIF59tX/bmmjRu785Wvc0eY00l953gdi55Adj3EIxnHN6qR/+Zml03TRMHReViW1UmKzWAOObXLNS7nPHxigLhpYVer1Ov7LNH0S/iAdRZpHYfNrY6YiKJ/5uGD4JKnBS33cG21am1JZLGWRjnsTsDUyzuRCOWACube4yrUF3vzPTTolDkfk/dsgo01cG0s/g5npn75GFrIjbw+x+iyrFmc58Hy9Eve7RE2aIZ49Yw6+Si2nEKYn/ZWbE4JuzwNfbyVm1bPI9pQ5qgO97fxwXYefWCB65JJVHs8RgrQrTx3z/3mv8747kV9aklt7Ly2Cv7x9Po2mmh1QOq8P7jg9ebcOROUeE4KpqFvXWOo1F75bYo7Xnw7e2F7eXOshae5wfPx4Nl/Y50uBUhe+Cy3m7YGO9PShaWksgYxSpxUBKEEFSMJOzNEqJlMYZGQtnPxnlUejNK17Fb/+OyFG4rqD6NvVGcLi2ZkjcLoLOQ80prnVY7Z90t+V/gPHeEQkrK68sLZYGUlc/+QFLn5S1T+85RdwtYu1BPobWFbck8z+qCydDaye2u5Cb0o1Jbggrrljh6Z0vCx+dOx3R7znby8fHg5fWVz8cHtVZUG/txUjeh1ROtJ1oTPSX2Xahn4/W28agN7Z/cXu58ng/SbSW3zppvnGfjb//xTlkKt9ud+8uL00ldgDEljqbsOcFaEB892H39a+sktcS51opKp7g5Oaqt+5ZWWj1BCiUv5KyU0inJZ444K+J4nOR8Q1Q5j5MtZ1YSvRtt8bZukDYbP5ofpPJJzo2XXwrLXajHwZIz+3HycZ5o66zbjd4LtSu9HnQ6ZRFqc3aEZEpZONtJ65Usy58enn/mS9zBWKI/e0vNVnhSJ0GzZwR2I7hTdREyN+oaE5LMKPVuLLbBz/DARREXvg1nFIZP0EgUwh1FO5M4wwWnU/o9/KSBwJVGbe9lgYdEBMpPgackYwnNd3PqN0SJw5zFBab2yrM5bOvzli5jPVr3qrbdBKJRaY0kE6uau95HVNWiHzl0MLpGItQu9ymRjxHCnig0zKDbyFVPOl1IOMQcRXzS3hkARhrXPG6NYPToCFaCthlgwSjf9MmCUBgsgUhc9BIYeB49KuYpHlkEOJFEJLwtw8EvEW8hm73WNhqSySxBx/2VcqmW6Kg3WEIYiUQEJ3+XoHy11wwCQjsmwCoPyvD78uDqeicRwLTRYhjvJT5u2wKb6hOzImCM9QgAMmxBLFMkhzI+Z15t7JUBkHow1aWP59xbo/nPLMvlTSRYeM6AES5n9FKhHBczz2z0oxsmYGc2J0/YjK7n+7zTe5rJoUVSo3oVQaXHtcFungETUV0z4CEYMEOjwnvpR/Ltt9cVZyHiwsPeT+4itOKHQbu3emmwMZydKEzAGAO7rkLpxPON8ym4KKqOoz0o3AHscN37btBd5yDsOPGefk0CiFPdRUNtxYNLmjEQ4t387A9x4u5ghLNsOmqdWhLP0eK1cc9M8OYrvpKftxDOjpHPQtxDJGAz2Bd/ZgNshJEsQADwydufXJfGtVlSgB2kMd477HD21oIY6Qs4E3UyY2L8L54gpshIwnEjl/0RGYiPkY3PljSKGQbAhA6VeYiYLgVR4OAnoCbe1sSMxfdz+MW4bj/TbkMUmzYXPtQyKRlMW7lc99g77gs8pRxMzzjjydstdfwe58taG4bmQ4LsyZ8R3fp4PiLBjrHPCuH90GELfb1RqfEDlILBFz4rzXalsJlxX8N/axSrrG0jQBW7dtcRGTszQGb3HtpBuvncMkEB8ZiOKKIEOzjA1iu7Q6adVWddf+WzGX4Tgmnhkzhh+n4szwuQbPyIuMaNJ8IpeXt2KU7ZZEzWE7GpPcWBmzjzMb5cLkWQ8CEMH2JhTsSeoT/HAFTCDznYEzskGK9RZBKzQhp35/v1qq8W8WX4OnTGDBGbNR+kMUALu6FxX03bJY7w5Roxu/uLAHjUWViShuaNFYyas4+yyQH4opsvtVxgDAvB10Gw640WrhR701BIcZ9dY6pWkp9jdcKHz5g2fM31a24CB7M2AK7IJQIoivuLeGQy+Z1tpJ2g8HRnfwtifrMr2XMfK7JYqxvSR1v37HRWqos0q7ecqtuHCcYBXIrLAb79SUz7p0DNTeDzj3c6hf3ZOM/EcShJOjk39lq5v3wnN4V2cp6NljKtrDz3k0Ph0W1yxb0I27IScVurUHegF/a90ffG8v1G78p5equNiunc1ANotMzo5RWE4zxY850lZWNvKM5YSdR20OpOQliXjXwr1POAbZvV2vYEKUZvOjFUO21IyxznyXmeNqEE6FJZboVly6NftBRYltsY67zdCq1VbBTqitERBNSdb4Jan5zHziLWHtSyV9h6JXehNeF5KO//8QH5N3PiL/C3335Dc+Ll9c4fH++IJM7j5PV+o7bugZVw9ieSGt9eEreeSWmhZGh1R3Vx1sTB+8cPyv2NnDu3TSjaeZzK3377jdfvb9zvG+fjB1WVvGw0YN8PqiR66dxvN5YExynUfU60yHmxXk5pkLtRxKSYQBjKuhqrQHtFtHNfEpKMIptUXKjKDXVr1ONk3UBUuZXMKrA/G03h+Th4fj4gNyQ3upy8P6Cysmih5JWuhwUcGaSsHKegTclpQzFxy8VH4IJNUlBZjXo6Esqv98opDSdGJLGRUHtQn1x1PZyHJGOW2MSGacDMaEfrhAybaJUsRhCEYG1QGr5gOpFRTfdAcjiDS/XBPsuCLPurhzYe5EVwOgLAYbgcIBJr9QgDO6/dE1kPAr0FfwQqo2oROhTqThmvsUeCh42NF2wvqjvK4cy8HYjWOav3UxdP0oCsNjIxeVtaLtmfgxnrGJEpMOnrwznGw+s2DtRFGq0iZ9WK2mzEcs5MR/oT+2E68CubYDitv/PYM8CPWMef5wiWfLFQF32eiYatl4z3FaK6bElh1xiJ2f+LZ5FG6968lkl5HYBSbJERAgs6FISuocfXeuU0BQwjQRkCr75+BkAlBpiGnU87Vt6CIOE30liPuPV47qJT/HsAgN171sGr10KXyWRR6/8byakwW6IsgLLwMkREUUyocyTkUX0MNhkumIftjQCgUjLGi6QZcAJWJbdAxSrSxljxtIL5W6yfnXeTd/LzH/tp9HjbdjIKd/MzVrwqb0luG8CMXoLCOAOWFOVoycKnraizxTTAneaXpCNA60Crp9+vCy/2ABvN3hrTQI2NJw7ueixkNs3Of0wPiWkuY3ynB3xWybPedgO0LBC+ivhqaEypDh+WRF342N6je5xi99+sHXYEq568IIP95eSw+Xxiz459GfYlfeWjSRl+c9oUe02QYMmZGKE6pvw4aB73JsmAnhQ+Ls401mZolWhju9mxEGZywAjKA7AI0X1w1kWAJ37mpuC4TvAlWDdpVqPDDkvQPBBmBSNOYBp+Okkil/xTDBBTcAaN3382pTSSobiXCTQ3kMTA78Z5tntSdZ/lsYd4Iq6qJGezGSOsD3abhj8RwbiCyfTzohWqB9vUBIq7xykZ36tqFfwWDKLsbJceU5pcqEmsnZRk19+a+TsDQ7wlzNupZAAhOs5ncjadjVm3lqshAD6S54iWmIAr9l4Zhk+NEb5Du0PUW6JkxC0Ea8//55HQWG3lci7Hnx3c+sKHU1R9umbsDTs3sXixH8NeatgqxItPOFssDUZHd0ZFxFmAAezd/KRbTJoa0ybAi6nRNi6O0NBLI8Fm+szYcL74M3KNeJbR9j9GevthkZHA6/xaxECqxubUOQGxh66NzIKf3+J8uu6Le+hKeqwcLbUD5NDQ/WnjXJJcL0hM/6X1Nj43p1l4sD3vbPEUaxmaLCOKRGkGruU84lPBWgmbx7pZhN7qjDHg0tbMLMjETV7uWSLgp1/0e9zvxXJE7B+Lo8HECd/ra6ez4BHQTOjFae/Ocu2Dfdp8StQ4bg50KeoakyO6m/HtuAaPi+V//2z+KVDz+P1v7B8PDl343DPkbySUt9vCcXyyJLvob/dXno8PHvuJZqjZFM/zuiGtUABpT7KqVaS7sn+cHJ8n68tKkkLvjSUXzt45TqMi1rMjrbGUhkgjryvbdqe2yrE/WMpKQtj3g2XZqLVynp2lrCwlk/vC77//QUobabMgaynLCJzpG50bn+fB3gTyjURh7Q/vZctzg+aVrpVaAWkgG8rB4/PJ/f4rOd2AxpJMWLVWtdFmksm6odXYSbcVSjm5UeAU2gpHP6nNpmWda6d9Qt4fvL6+mjiv3Pj2LXF7W5Hcub0UsjS2rZCLevU1s+sN6Y3SOvvnzqrC+vbCx+c7vR7se+O+fqf1O+eZWMob9XiixxMpRqf717/+wv1lpesn9TxY00omkbGge03CinLLCmeDWkiy8t5N/0UFyrIa4JE7vVfQRsmLgQSygRwsuZG0IgU6nW8vr9CMLfO+nySyjRFPOwuJ2+1G0xOlIQWKrHA8ud0zyoLSSemFlDPHbqPSWu283DZUnyxbQXrmbA3RRKudXhNJCpIS/TxJqZlobeq8fb+Nw/0VX9pd9JWoAlpin905leSBhxjgpN6c2T1xTDmTmxloa00C8KTJezmFyYCYUxGM1hvV5gmWYOuofQRQYUlFIiANbEZGcjF6XD2Zn6BOOEChdTNm0ZuMhMiqeR65TrlRhuHrXUnR8++BXiA5GteHiyK65U8uPDqEi4FgDDiOQggUp9E/LxTXWinZg96kiAt0AuAToUKMzthjaehk0JScivsMu9bezMma6Jk9W8vJmweIV7YQM4EMR9QxYUVlOPZI8JVwDZ4wiPi9zH7mmM4RyXnSEDA2R2bTC+LrDjZhVWSamjhqqORc9Qf8epPrNEiK5H86S0tmfN8wg35b26Hc+SVfep3Q0Gdwl70FqUfwMbNce2oyK3vI/Dnx7x2jWptpFsgl2RTf063rEDAVTxY1TaZH751Syjh/6glRBMhhM5onTql3p/o7H18V7dbGpdX2efaznaMCGJRyBbCpUjFWM9gsrStlWWP3YW1XMs6T7ZU0IktjH1h7oSCj4G2JntO0O9ZSlmfimXIZbYKhr2W2ZjImuqZxZmz6g61dFBe6J0gSegCR7GuLmI9i9AG3ndGyJPghtOQNOyPadbQxNQdgAugYwGoAX74WwfzwMBQT+jU6dcfuW13fwJ5rG7YmAvY5LSQm2EzGhUYbRQ9mw+WEecIQqWbYP4txzR5rPMXZr/Y1X3q1JYkQvLyeTUQMrAnwyw7lRSDcwXb1dhTLyN02i9s9s1sxIaa7r9R4P39F+5FIVNAniGK6GzMRi+9rfRZOhKlNFz7OGDq2/yH79LAJjo7x3wGYX5LJKY6ZrZiQhDlCVy73ny4/Y0QG//ShGTX2UQAcrU/GWYciyRNvRbMFFNFSF6LHNgLYsnCJ9gqsiNd9bcymFNSLJONsYgnespSxvsoU/Ox+P8Ewi2RKff3rBVgzIMy3ELiINKZN4wmlafx0/z4vHkl20NXsl7U3GijM34HX4vvTSCEXcN7NCDho4wwZA/sZoMVINC9nc9gUmcnuV3311gZ7xX6bxaoA0u3vGe2NmPhkvsBjG2/vm22i9t4tdLiivYcZt0x2uLfUBglMGe3qvQcQrTQamWij8oKo75XWLxOXLu1I8X7icXR3IMYu3ZnXdhFx3D2xn6iE+RYl9LLsLaLgGuUr/7weQIBNYXNId/hMDVaLx7R29gL8tcl00f4p3lJtGlgDpiGcRLTRikIqeRQTTGQ+z/t3AV7QYduMZS2otx2G7l74GglWPuE37W/tgkoNnyOJKaQT+9yfg69wgEjiLYkBttqe81xIZkucGR7/ujZiPPmYeKq+nkM7KmLon33238e0pp0FISBsOpf/+Gz+KVBz7AdH7azbSj2U5/ODrawcXWBZ2XLiaJ0/fryDwOlTmlhhW4T7Tfi+rpzPnf44aK1zl5X7vVCy8ra9ICI898ayJLKKLfb5CWqjunNRR7KsE30/T862W0KVMr3CbbvRqrUG1OdJc/Di+dgt8MoH53mgdPbnYXQ4T8pIiZQ3ehNyuZnRfiq1Vaoqy7ogHhQXybR6+MG2JOvl5ZU1Fc7eODsgC4hV02utthz5hZY69XzQewJZef88aM9KvhdS2TiPzv37jSWfnPvOt7c7v/7ynbOe/P7HJ0rl/XM30GFVtvuKNuGPj9+Q9GTbbhx6YykrPx6fLP3kl5eNvJ0skpD7C7fbG0pBdeXzuZKXzK7F+/szW87kAql06llZysJtvaGiLCmqgp28CGt5Q13YWIHjc+dUE2k+2o60QpODdbFeUslmZhPKuiwspWBTRRUreiZasjYqrcLj40ntxtDZG6zqbSVZIGeSCve3hWVZabLweD4QEr1nStpo+onkzkFFe+X4eFJrR2Ql5xVV2B/NWnxaQno1UEAafaks3+C+fl2NGjygsMkTXnlyTZScihvkC902UN4I1MRHSVbv78UDzRThVvZqriVqkVSOdirwKmsk8x5YhH4KMhzTmIrg7zeit7gVt2Zd+jCghkF4BWEEo1ZNmtRPBy5kvuVkFDH67yO1GQGyXCIu5rWqyE9gQbRORSuTTWrpY+0U5WyVJMJ5nuDtkkkSdDFQUIwa352ObgEz4yIjyI52rAC03Aub8x0Il63ZCBqw4CKCzEGH9/uLZLS363vZRKmOU059XWZF6MJwiOcSgYwHRYa5WLCunthEFDvC+KDwSjDTil9vOLIIpCYTwBLqoBFH1TBcrozHlfLcj1/1ZXvT7EeMflR/NhkDU0OOKHLgCBBStrG3UyDPqlQ52b8nmS19EsGeRBUpXUCICPAsGG1dvcXBnmnJ2ffSPH9nrYPZ1qW5Pm5GtWIjGAWlIlJ8QwW44IFim9W2q+ClAbsRraoBmwPMgBG1+v4f1GPSYJeIZFpXUGsPvAKs9nnRrmx7z6ju6vfgzC4XzGjdkjljgTkrzcfoZk8ec/q7a0oZ08C25PVn4WG3P3EaB3iJT2uJ5CB7S5kxk82eBmXcxQcdWB+w5uVsho22iZIWDDZnQJkvrfTLukYg2v2Zd7Fry9k2X/WHFUyLAOIj+JyJzEw4riLMEQD7jVo89YWPpghDd0Gi9df9pqRMQMBXHYUBaLkfHHprXmk27RHXaYt2iq4QvuCSNMOsvqYLgKre8pq8vSjYodfgvfe57jgQb9ooNjkogCHEWDEBKiZJo8kiDKr45/4MrHn8IKYvE8Yl7FjKUWwRkhS/pk5MpNMeTJLkRKzu4vhWtEzedtW7CWEnmeBvStP3WVGpEcUDY8OZB8gDCE6obWb/mURq4ccuE3xwDqYamJI9ye3dpi+NMETE7YAniNJNEBZgnMnJYHDsjrBbWRI94cyfRowH787EMGHiYa1G+j14dxedn2AUBGiBf1/X5iGWJYXRXYC3nJqvtu/u4/xfgKARD33N17UlDWYh73oGh52+xJ4AIfwbGjc4A9O026KYGKyyYBzbWTLGSBQ+5s8pscYXNqqqFb8ckDFbOFvcIw7vI3GP/zALLcypYIoaABmeLM42E2yb9xlg8IzLYv9AjJu39ZNL3AZCdb8Z576rx6pY+30SGQLMzVv28ULF2JNdqNGenzLdi5m1BavG1GCSAHkOMFA3UoL+xOiJ+M60qfRiGfWn3+OcyWXvSvg4vBUpmFcjL/C4Z/hdGSHG0I4Zq+4tZAG4eh4R53VOsHN7nZylh59fzxnm8+ojv1GPbcKn9PATgeCIoGKC6PInjvNPgZqyrqSWOLxfXaWTloVDK+t6pyk8jp3Px8HtfkfySmsn5/s7f/m3X/nlXlhX6FvmPZsT3IpwvyXWxW10U7IKZzs59pPWTxYO7uvNnEBOqFrV4ewnQqPraWhYNU+17416VtpxGsVqbZy1k9Jmk6V0J2UlyeIPPLFtG01Pqp6gwm1bef1lJWlHy8bn0/pez74jHZaSSNJIpdKrsJQbKpuj/E+qGrCTlmIJKTizAG43MS2aboJNn88TIXGg6ONpx1Ub8vZCPTr9bCQtfL5/0FRt/Hcq1OfBshhY9Lff30l9Q/Xg+y8gvSL1SVpW0nqjPitNO7pXzmelSOHQB89+six3R4oP7q8LjcVM1PGk3IpPajJw7vPxIK+Jpo1z75R1QzXzqCtnzWQat7WzLpXzCboKtVfqs1P1QXrJbGWh5IVHrSPhVnxqSWteEkxoahztoAtstw2LIjtNhL0ljlbRksh5IfXGvRT2/ZO9CUc9gIToRmuJk8rLfeV+2zg+ofeD7Q6tdmqvkAu3t1dKziQaqWeQzPvj4Hkoz0O5fV2JGtN6cTAjwAVxgxoK+EOjwCnRkQiUEv2yFrjUMxg06qQTCyWk26QSIlhXZ4LkRMPo4zrooTqQavtrZJAecAxE2SnVUd1DZ3sUV9CCwbTIIpNBEJZ+JBd4e4X/M5f2qbDKYklNYiYZREA5Lx8IJrQ7CA/Q4jpa7z6mN4+WilHVccfXWncjbqh5KYze9lzcsfdOCCSOwERBXTiRsUYeiIoBLHnoFZjRby6q+JP4WjgFR1RsXYxmahjJpNimECqWEHy7LoXMRYn1Vu8N18uXRAZjB4lAw3Gb4cDineP6PClK4pX/a6LrTzFnZFyD+j7XAXh95cp9gHvg4Mul/9p0EaZoJl7FUo+y05JZcozQtmpQTiaAGmM453ht8YAVe9Z4O0aKgD+Cflu3ECzW3pEsFvA6oDZGYitISeOczmkn5QJC2F5V7WQH3a5VZAue3PZ4Eil+oeLJ4Oy/9yTLmQ1dI0EOVoft4a6Ktvm1GJcNwYawipviE8UikJc4B7YOtQUS28fIcjeS4NBIBNm9ecAlczIFRG++jde2YHCy0OK/UTlXjVYGRpAeejdOE7BxvNi/NWc5ulO0dgBVD0y9Qtf9XiPeU1vvkBD3fMOrjmqabN1GmkdbW3ca9/zd/61HRTGN68eTg2AJXdtT7RGYDeiq1tP/hc9mCEYqLlZ98UXpkiBrgBlAUOpLLg7ETwYg2MSfeSYn0BM2XFWN4SoxReliEz1QH22/MBMKjf/42ZEQALZvSBfgKFqfrm2SksRF23Fgz8+D29TkFfK4nuTJgiCOl/t59zgDZNiUEApN4wwTWenwR3a/yc+HZT/6UwJrbYLXvRYtdyOG0RnTKJPpNZI6ZbRmRFKcJdmEtG6DSHDQIuEC/dECiSe2nrApMhluMgHsARIM0NJ9c7KpkGY/7MxcwZWAWKKNSbx9yb59nhm7Txnv27sNa5i6g6GHc2Hy+veEuGs82xE7Xf4TANpPkn5f8eXAnSXHtvazKDcLOFYoDADU7GbJZQIySegt1hP7PU0wK8BA7QaQCl6fjGKax7LDtoPJWQSzok8WDornqMzz7aBgAEtR8ItdZrGZDG2w4avUmep4FBfPdRh1XxsNxibTl8KI4SRFDNjH9QKj7S+GAiSPRbqJNHmcOguB6kUc81Q9ImhynnEBDix3jDVK7+PnwyeNCZZXhhGx3pOlN4orvkcD9LUzH5OEMaa3dAdqsTjT90Ea+UvEtDreO2JYu5Z4vn7yPc72R2p+WGO9I+4RL4QwYgTvLLP3iOfcZ5wk7rNtewcL0ZlBidH+2cR0tf7R60+BmnM/Rs/fLRfKkrwfLHO0zt4aZyl89iftOMnS2TIsKbNpRvfG4/FkuyW+3zM5FRMl7PD+sSNayblwauI4G5/7bp8hidYPA2fqjoiSS/HpQ0/WJCxpoUhCckOlcWolrRntiePYTSz4JjyPP7jfTMPGwsSMauY8D5rA7x8nJWfut0LhSc7C9v2NZSs8z5OuncfHO/r5N85+ekVzMfrzktAMn4939rbz4/ODs95IaePl/o3jqCQprOy02ujttIBIlfu6sSRDx2s7OI9K8hGDOWVeXr9znCfH44N+Wh9q6xu3253tJjzO39k/Gn/5/he+vzbO4+Av92/Icqcd8JQ7j57RXaBlm2ZxNp5VWbeTbbNpBNUDM7LQUkVzgmIOds0LhYVlEx77B2RDS9elsLfG83xSirDmzK+vd1o1jaKjdx61o61y5MbNhZrrWam50Hpl2xZ3cl5JT92RUQsc6YIeJ1Js/OGP5weIcKjw+fiNlBK3JCza6VXIBcqSyKlT98bf3ju/y4PnN+V//Nu/km6VlJ8894PjY+c4G/eXV3OwGYrC7X5nfbvzP//9d9pn5vP8x3Pt/9mvGLMN1lKRPQEaybAqJBNNi6Q6R1LGBG5ElKVkepcxrau7wbZfl+qOB0JgFYcIUibNbwqmjkvBDe6lImEBpRnuXLwCK5OGb3mT0Fo4WDdu4u0yRLAWDjdE4pIBTQ5wIIyEsXc17ZeUgeJggiWw/sNmYMXZCpcgwSrLDqYQSWVU2awJAQHpFih1X/OSI2CTAWBYYAniM6ejhSCCs5yDDu+pWoBfnozZ9IDkwbwFyldRw5HIegUjyZxGEEDIFEbF2aKevEsiRnoOAOAClpjzm21wE4CJwMYDmtBoiDg37l+s+lB7wqQ+hKVsft2dmGLR1dbAtoXtwGjZqrWNnvOv/IonP/MmiaM5Ahz1CqnFeN6oYAeD3hqlTK0Kd/3+bJk6GJ6oJIJCHIG/A5TeQtBbR7K1+eGJP9I9wLSz2XqzPTsqm/knYUWI9gFMoy0vaFLQhsYz8+dsgV5HtdGNd88YbykJlUzrFcdMAD+bZfGzmYy9NtbHduAUUJ5Bl92vfd3a6WBoJKmtd8rJWxyaV9O96q99JOodB70jKYvKW2jMuBoEMnWpFHXQKtY9bIjFSa3VkXWHQGbQvMPueRPHGNHbmiUFEXxr7wNIibPdvQob0yfUQWS0ow7AWCuB/bm2znmes92tN3rTS6CubiPVNTzEhTg70AZdX8OWR84vc+9qE5uM1b9uy/BkkVz8ZGxyt3nWuuSaDRg7JaOUlAd1PieZU2XUCxCWMdgZcA2uCcbyk72UaA+EmYBgPsy3o/37ZSx4gLSIjrakAHisNTiYCC4QLGm08Q2GXvhmgN6MLev2OfajmddgVgHV7G/OxkT/iUnF9JPZW1mvCXS0lokk8jL9ZrQQIHmAS6qV1nxtsyWWKaZiaQtP7YmQgLgguKZhQ+OahuuSiU0EIwq/XppCDpvm/t8jHklQsFHuHQc5x2fPs25MgMuEvgvQHAMR7Hr854bdgBg20DWEbid4GAGOjLU01YiGotnaV601Oc5uH7HV2GM4eJfhrJFUfmHHqbNYZEMd4lovrE0JtooOG5q8LTXWIRMsmuTxU/KWpNgjs/AWwGPELd3Fdw0c6+OsW5uQnb1ZSDBGcW3GQk2SaL1Scp6bDszG+7M2v+GAqjrY5myeiGl7b2iv05bE/fvZVbf/xvbxs38BCDS2WuxFfgaCB1DpsQREG78X8a5Ag+tVdTUwv7jftHVJfm8GPjUws+nXG4w0ke4tjpdl8fvA1zY2e+QOoRcU+3gUDTz2S4QUQxRXPOZRXH8vwBRbZxn2OCJaB5sIJmss3GRRRWEipi/6JhzsGsXXuXVnLBmjcSnFbZ/7Vz+//8lvJpvuV6uz3P/kaP4pULOtG2illI3j6LxuN55n4vSH8myV9+Pgj8eD4zz5y9uNl21D6sEtZY7PB8pBkUS5J6siCzbBqJ4IlVwatWdyKWRshHTOwromNzIbrR+2yL1zf72zlcy93JFe6NJ4njt7VpoqshZetsTby41SEt/FxIwUZT9sVHerlgQ2Fpb1jlbo/YRWERUe7fA+bAMO3l5u5BX288F+nMamKS9IWdHe+Pe//TuSYbm98ZJulLxx215pLXHsld4qJVsQmJfio8wqrZ2IKK/3jSPDsT84qjFKNDVe3hbSsiK5se/KcSgfn59UCpoKj6dpvbzcBemJejSoB3R4+/avPPeT8+zoufP9ZaO3RtbG/fWNvPhmbZVaT7Z0A7lzNpCyUpaNx3Pn+1/eWDdY7oWzWTtZSXZdrXdSr7y+vNFO5UfZ6YK1gWniXgq3dRkJaiLR1cbJne0gJ2EL2orayPXeO+08EU0UsYlj61KQZeU4K5usyOtGSoXbknnbCrmd3G7JHHfr/Pjx4G9/dErOHOfBf/z2H3z/tpEFuhTKVtjbycfz5PW+uEibUmmcvbPdslWKtf7Z8finvlKyfsxAqy2JdmOYko3B0zCU9vXow7eWB08S1en5YuCLGaVIOLzikDzJ0RAXNMNTZBp9OuD6LkG9VBxI8dhBvMIWlcChHSFBQY5KM+AsOrs3LHiyL9jdegBmCX2MSMWTwIRJCsJZT7tmD6xTyj556ucqVXfmAu6ELQ4wpXslKuSWvBn90SiSo7oyKhKTtksETrHGGhOhsmsqmpMr+UrrDBHTQEqULHmyWLxnV5UxtSBlp7peHOwAVySR1OitwGi5iekhs63KVliHg5+JRUzTGGGTqFdir0woey6azaXE8xWNdht3gq2jZ1SHI8D3iUHJqn7NA3HbS+aKg6VSInn6wkhNHi1FyVtv0wASImwffepASQZAGKtfxn7B7/sKVMXoSZvY48COxMSlNIBN03SRqT2VbDpiTsk1XOI0efAh0Vpl4FJ21l2cKyPnKZCtcpSzBbrd2qMkAmev6ofwYAjrNWdadBVrbVSszSol08sKxpBAiFIPW+D7cyYtk4YMs90npp+kJEZfDjuGs9q8+t9GQmYrgCrBpEnJWzOavZ8tU7xvngGeur6XyKzseSBpxRZv00w2rSb69rl85syYPWi+7Ikr2NQ9IB9Cow6uhKihXW+dAE6frVPx3qNVKTlTTQShmQ3ztgzxn7U1asbsTRE429PvnjGOlhY1JmHX4CQoX/hoUkpxQH5O1Iu82OxfgCv2bKJ1AlVvDYjk7mfND1VswtFoO4y1Zvw91hKASEI1WoUc+CGNBN9zKAdAzd5LmmzYK3MpmAOQJhsxQG5gCHz7j+Rsn2U/5ayilM3Xp0Q9D7MjJfv1ZZso521QAb4PFq1chIRxlkGfDIcAoYMVIxKsQveJElBVH7FA+ABVB6SyJdyh6mvJp2kuGWPBnl0zVNMmKRq6AmJ2LeyxZUwgycT7rY1M0aRoj9azThVL/jSsX+gPeeuLXJ5/JHwhgOoL5Yaoz2fBZOSE2Lt6q5l3dgEhTm2fb0zdWRRrzYSLA1yMuKH5RKTYY6NtlGgt+bqHM4qPEQ+WnEZMG2vae9jIYJrKAGzGaGl/3gDIjN3GWYzYRiZDLBhpInN9Zrxro5styZZZBJC5RwfbNUSbA6BTBiBj9kVgsMdsezQHHyZ7xsC/7tOWzLdbHKodztPykjFpzX+FTQuGDQPIwH2VL4kXOXpvXggARgwaGkkBDlqhRfzsBNglqANDARDm+V7aLyLqDuz7Z18BRUU8FrUHo8318zwOMlAuAF3Gulor5vSlvYd2E4FsjhbFAFBxIFQE75IysE8Hu1XAQRWBsX905FgzTxKPy2NypCqmyei+/6zdJ/FOTa3wmyEKHsyfbq0Mtj/1H5/NPwdqXl54HD9QbSxl9qmnXFiXAs8PejspBUqBnJScKimfpGy6My0mUGjjue/0nhFdaS2bfsmSOY8TBV5uK1mUc985KLR2sN0KSGUpiZfbhjEuOh/nk8RGp1lLjFiSeb/f+Le//ELWRu0Hx25o+VnbQA9zEZZ1oWmCEz4eT25bZsk3tttiI8VPa9N5ntZO9fGsfDwPmgqv6x1pC1KFtje29V8gKcu2oueT8/FkyzekJ1621dDh3g2YobNtBXGxzdYrOcHLfYUEt1xIpXG0H6RlZdlOfi2ZoyaUhaM3ttvCvu/oIWy3ytke1LPR+4FKRUl87u98Hp3Ho7GljogJfy7bC2cPxrdSz5PeK6XAudvULNoCspFEOY6d2pWjnZwNtC+IrrAUbi+vLMlaus5a2ffGsTSiT/G2bLzcbhTpfO4PPh87wkGWxO2+kUpGcmG9CWkxptPWlJwWVIX98+likAnxyUxn98SZSqaTOEnyaXo695Xn86DV3/i//Nu/WoDJQZKd5/NBbhtnUyRtnpAL+9nR1DmpVO021UoOlg3W5etWBlPO2PjGGSym0HjyCgEajA0DacyuO8iAfy+CehUhzkfozYiqVzVsr6JKq3UkUQI/je78iVZ4hVXc8aZkaLMwW12GzXQwieEwLbSIxNSED2dghL97AAuBWHeiuoK1kkhmjLNGHcWf7R7ZqcOCV9c9uB6foEHVjggUWj+9emnVlgjZHCeyNeyAiLdauPMbrJUAeIJx4UmUU39TArlQxGP8NyIzyeidLn2CLfYN44FEEhtJiPXLY4mBO6y4h+7CfJOZFEGMeFCDtSop1OqAj9NWxyhmtfsJICL2m6Dk/DPTZ1uXAdLIAJQiGffr9uuY0sc4ENFN6E6uT+lrvVKwZcQDe4XuAFMUg4kgkGhZsHu1pfeEjxlYjikUoUcwgBZrDYwA1RJ683XGIpkTYyKJicQmnmsEQCUv45n31pCcR8zb6aSOjxn1IMUKQabLIQHqBNDpwEOAfRZ9mfh0cwbXCD9CJNn63yVxqc7LqLxN7aWIx/rYBwFsda3QLeGzuMMW0IQNbf3DJlqVsI9ATVVpGqwWHX4sKnnBKJmsFtubYaNU569432DJqNqH2742lDeql611mrbBihnplBqDrLY2tGvsOc5WqjifKYlLxMjQDpvnC8IQhMiwRZd1rJOJwFcHf0NPQ+mX5NCek12Y6S7he6e6P1U3QV83Gcw5D52x4LqHqKwlC/aMrsWEGVwbmKDqWmrBCoGL/ZrrNfzWT4mba7gNkNt/fsJquDMcezslMb85Ei37ifGt4RuDioP5iSQGvOTI6JnvGUCQDkDENCcyie4xmPlinxyp6gUtLizXWbW3dopomfMzmi/3Joq6FoYx/xxE8bMJGOCJIDLBmABbLT6x9a5dY4CagydlVNfHEo5PnvSkWN9oXzJwFEuCxcGUuDePKVSj9cYT4nieot6m2C9nU+L/hEabqCAlm/A6imnv+MRJRyCUKHToCIpillMOxqw2llL8iVkE3L3YY/eVxq1b8htJrbq2nAELX9htWkI/xnHHK2KjyaQZCbNAgJEQMU8fPz/bdoOlPddLUZuq6L54gBnRPiVRgLJHMtjYOgugNhU0GYMmdtflnIcNH/cWttNBRAjm6bQPcY8BynfVcV+T5eNAoyYHF9oE4cLcE8l/xHNhqwbqYawVEWx09ulsc2e/jH0pg9GtI6YMdmUbduDsEYsT/LIpc6FKuzBWhn/xe+vhz5HBMlPieocHI9qgAhBqrQ/hcvvOS+uZ+3EPTEa8Y14M9AKYhHC3gT22jsLPUyLHFCkB1ZhOpUhStJ42TCDuTtvoTvhHZ3PYDgw0c8m9f/j6U6CmlUy5b9xvL9S9Uo9Kr+dw7LcsyJK55zu9N+43oayNNQkvbwnVjaaJkoXWDpaSgYXzmTiOSm+N28tKzjtad5ZUWHOiPzvnCYjpZ0j2SQwnHOeBJqGpclZFm1V3lzWzrpmtCOfjyfvzk1oPhEKrmaMDGURsY6e0k3PmXlaW7zckr5y9oCccxxOtjV4bWk+yZH59u7Mu8KzeQy6N1g6SNl5vdzoYkiYLuQj3bQVN1Fq5bXfOKiw1c7ZqI467QuvkIuA9h13hxx8PcloQyTz2JyUruXlFoSRSFlrf+XbPfLv9K10/ydvG7fbCcVi70ZIyPa387f3gUTNrrvzbLyvSbVrV2ZXjPKjnk3XbEM0InW/3he/fbqSUeD6eLMV0MGpVWs/sT0jpzomxZD73T5Yk3JeCVsjLncfn/2K9CS/rRsmFejQDj5rycn8l58Ltttke6o3aDvrRydopxQKGb28vaO0s/WSvldbg2BtnFfZmI922NfFSCul8kIsJtmaBt/sr/7f/66+cT/j4+OCshd4TtVe6VhKJdh4khX//9/8gLzde7yu/vC1Uhb02Wqu8lYW0pD87Hv/Ul41vnqKtwRAJ3KbIBCHMKfnUAo3xlw7sEGKbZsylJc5eHVgx0UrLk8LKJQuUPKEeNTmdQetIIrD3Ff/sLEG99CRC7DqIwFOuJs3+nHIaBs9x/J+AFMsTvQ3sUiFRner7o789rmV4eSwAvSSy6HRoV62M3ttkeiTTbDKb7kwUmUr/SUxTB2cj5ZRH5UBgVEVVTOTR9Hc8aY5Aol+T0BmsWBAZ4nV9rLkFbWksSrR8JYnwNMYfepBDgD46QLTQShgsiwg6CECQMd2qNxkOclBOCXBBjCXkgYCxO+zul7J5IhsMg8v7YOspSThrBdcaCAHc+CYTE/66yaA4PXjsdQVxLaMkUHANGA+scpotUqWksY+jMirBOGK2po3nFJo9fj5VY//j4nWegBh6Z9pG2klqZ7rE3iIAO080cpn7w0EfdT0L1U6RxXPFzFkD/BGSB6GSxMUrjQ1AiiDMzwk2IQ11YVa3W7Y3DTRMIwD2pKlNAexB4/a1Cg0ZS4JqmDNfS9+zHtDm4i2hkshLIXQrEl7Jq80jsuYVWwv4Q7xz6A+NNDeAxinMbpVfb+fztsPuSWe7MFe02TmrtTFSZ7ePeMXOzKM4U6n5ezjIxKyMxtpZldP+vbVuLcltjhZNovRuTN/IRARYloXuGltEYsxsd1NvcTtrG8zI0B8KEcUhgvtFX5KNWRbtq3jQHz4mp2Sgc5pAfEy2CwajEmyz6eNUrXIPdla8EuYtGNY+h0RleTIWxfcEiYs+hdnyWc33zw1a5cXOj6KG2rMfrJ00J7gEjyPODW4jriN1p0tU96nmi8JnikAueYC+oY2SYp7MBQH4ezAgQIyr/xYHmBQT4FUUSZmSFwNb6Uhx/bM+NTjO2klZPY6Z9rX10FpqHjPYus79qdTWBrijDp7a7179vgqXq6drktBmDIacZeph+L0lo1E4a87bDXWy3eI5lZxN188ZRLgPDJsQepYpgXiVPQC5nBJp29DmtuMSZ8UrEknT50remicjFrM9Jnzlwxl+8786m2HfMgz/kfPlbJbkOMVsARZkMLvMjillceAfY2ZcAfY4G8YCwZ+Rjg3darT4zjNhtj5a8KLVLzyDBmIE3cEUP1NdO9qSsxnbjDs1/Jif464unuxnXOdTN3vj6ySz2BA5gboPimce5z9aElGooe+E0PU0e+LFQBwE0W6xqw3h6SCdnMtPcXLG28vUY5whuDIBaL3+LeJz3+cB0ERNEmbh2N5GRzvUnChpmjF2ZuydrcASIKX9bIqpsN3ZaQJR5I743tOHEVNH8bL1qUmXBPOZRB5gbaPrullLf60/xbQTrOsD7Au7Ps6mf98otv2D158CNettobWFTkWpSFbKhiW8mrhl5ZY2ahJUOvdNuK3KUhI9n2YAW6eJjesuJRZYKaXY4QK+f7uzpDu5d3I/WQs8HpVffv3Gds+sm6NYh6Hv7/uTj71zAkhiy5lSrFWmHZXP/SCJsG0vaF/JspkYfzpQPWj9QdeD2p5I3UHeOFsm9czzaCypk0thKQu6rGRVbulkKwtHE/ZWaP4wTz15fL4bt0OFNWV++f4NVeX9j995f39n226UvPLx+GQ/Tl6/fRt095wLilDbCSxs268seWM/dkQ7ayk8n+/U3nnWD1gSIgfkxrl/UNkpd+VoAmlBj4O8rQidtQhVkk9dMgNTa6epkF34edtWRCsiDfSktQ/W7Ybsn7SzscgbpukDrWb2asLSz37Q6CxJeP/jg0TnqMKvv3zntirnZ3NdDDMU27qhKXNqp6yJdV04605t3XSJsm3bZclsy8bxOKglowiNxLIlak+U3cSsvr1kfr0JW76jkqmt8fys1FPptbGVha3c6C2zbQtlyeS78jxPPj93Xlj5/Pzg49E4jsb7e2XdMpTM7f5KWQvr7etOfYqxdkCw+JAQ7Yy0WibZVgZzI8QI0zDkllApdHF9Ak8Ix3QWG3k5qoHd+9HFQIQY520VgP6TsTWw5OIkPBM00dzQvAqKtBvyCIIj2fX3iVhjBpD27zkAHgcDgtUSla6AebrY2NXZTmAOK3sPM1jieU02ZkAuRG/xEAtLQfn36kSyJMniIUukU4eWZgtU9l7ZANVM+saNuydEUZUsgypvgZyKIjlP3R2N5B2CyTACM3cDbVR4LMAJivCormiIaWKtox78T6HjWG8Y42yd4aA6Aa9gCol4C02CLMWrBMGymIBbyYUxvUqE5O0T18rkqBhqAFVWEc9e7f6qrwmeAmkCBuD6ERGM+i2YQKl/y+WsTOAxWh0nG8R+LloN49zM1rqc82h/mgLunqTYNvWWrLiuznlWb/XIHvRGkOPAj8yKXz2VXFaoDc32vLLK2J9ZfVLMSAV9PUIsSYR6OhjT7QwuS/G2BbNLpgc3hZlzDj2LCN7EQUI7SFG9M+J4VN6C8WGAo1Wa/eeS7VtEDBgagTQjcYoJDlEBHEG9fz7qosGhD0AboJFVRbkEfAHeBJBiejIt2tnAEzx7p8mgmfowyGyJGiBND1BWvOU1QNY4mxP4ExKiXjmm0PzzewutGtwsGMBle1jH2Qwtk2jHwmnxASQN0fIv+sqexANIt2vN4kk5br90ns0UyTNqDBH/gpu1kUxrA3LG2kKFvIQP8ap2Th53mf6Y+W4dCYbiVWf338HkGRXiwWDM5sNddD7GvMIUTrWE0dr0oiU2J0Zbk8T7e5KrmPOV8A9qoBxYkptTIpeCwAT7UppnU2SO0R1s2AliJW+3CyZLShcdvEhmnBkxGG6JAUjEggvJwJmwKWJxTfPCUc4Mnz4BijYOrDjwbAyfYF+4zXAgtjsQ01sfYEvJBdVG06k3AQxWRIgZBxNBHBgwcWFPhK2Mb8Fa909Otl96n34zRbFkADjq/j0S2+Da+DrLZOYhPrW0m3R8JNFIfBZfWug7Jn4OI0ScL2dnpABKLzGtn0ED+mT4LRmxEyOIvPrNnKLQKHRxv+wFhtHR6HGstYtLYANuGwN/6S60y/CTOMhn7xGgu86YwEZyEMrSQ7Q6Ltcd9GCN+Z4LACKYNuo23wqvUxw+GOTxfcXP7hUJsLHQfqNh71SGjpEVMsIfdjR5AcPtYHJlahFGDBKvyYZRZgRgcWdgzPGMo+0x/J7FyXKJaZ114v+z7XCJaT12Ui84xrmPZ64oQ0VbwnaYXWw+4j6GNow35QLESewX9wEpD7ZpaxFfiMfRJkaeJAqx3f2mjjUKv6nd2dYyWelc1vDvX38K1LwunbN+oF1Zc4ZbYaXw8f4kUVglsaQVloVnfVIKpNTYbndO7RxnQ6uS0k5ZdrQ3sha2ZaUdJuJ721a2GyROej3Qpmz3zK9bpiy2IGe3ST3n07RlzlPRBrecIZnadz2bTUHRzrZUNEE9EtXVm089gdOAoCVByjRZOHsnUUmpoZwseYFeeDahNqXoyi0nfj8+sBkXC2dfQDJJT5ay8MwgcoMGXbqBGTSeR0V1sRBAG61W/vjxbqLBdHruvLy+2cMn0c9qCadW6w1uGUjc/nrj+ahsZ+Hzs3K/vbGujdeXhMidlA3xOyg8dOFsC/WovP94577e+f79G/1IdMm0bteSUzdx526bLaVEKXc+HiegvL39wv2+8/n+ST1f0XrzxPegaqV3661c1kxZYF0a63my6cF6Km+L8C4nHaWJcr/daL1xojzag/r8pKyZsz8sGGgWzKTUKFI5kqLLnVxM/DZJRruw5ZOSO8sqnGTe33da/eR2uyF643nunMeT973SdUPKG6t0mu4ssqAlk7aF8zx5/b4COy/3wrLAsiTur3dEKtoaz+efnY5/7itnoZ1RGRCSCza3Hs5gahFMrYeg6F8wbgGJqUnazahlEI1+Xatux88kEVbJI3kKl9rDOZGGfkkY8qthDUOt/nFRyUz+j1GZtiDkyiyY7THqvyzkFJpWZ6NYohDSbGOsp/f32jU4KBKZ58U41too7uAUc3DXrEPcscxQXayFIZK0PjVFrlOJ4t5Gi0S1JM0m9BRiGmKAIvFcIjESD6hrUwoxoedKnQyQxgEpX+GpSRArZrGBoD421J9pclqxeEtT+Cz/w6wuevuICOKaJ7EyIkJS9Q4V+3tTtfazFEBBJJtiINNImgz4SRr71QDC1rrrnHiymeaelOuD+2Kv5DR/8P2cDDhozUbCmvZJ8nX4e80LRuuKdC9uoIgzQOxNvX0xaNr+5FNKFD8/NlUJjGmX/IwHIDobE7V3m17UBbGBhbTuzyepCf6rM3ayJfoN6EnRVl3EHKQVhMSp3cf42t7qapRxUUWSsW16a6SR5Mxgu/mYzzibSawooKi33JkOFElcZ8eDQE/OrjFgT4BEVUvoLVpOZgsL/Ay+NHUgpTWCjacRNPYJlgTYHGCm6hzBHkCGVddMXNcAm+aVuj7ALg29DbW4pXcDklo3Tb0B1MS/aVRulabGSB60+Wjf6g70SCQ801oFJb2ptTA2bzPo3SqRLVogVS6BtrX5zOQgqridlAshrhk2OiaIfNVXyT6SXBXJBlDY/nCA+L88m+r71TlPHWIq0ICevYCRUjIwKEViZZ+VmADJJXN0UG4WIWabbpxQO8NhA8Pv2PjladOjncqSEfu2mDAVDAAkmX5u3HO09XqiEPoa5g8YZ3T4zrGKIWBsVtimZJm/7q2Schm+7LIFGe1mgrW6O5vFzo6zKZLCHJJO69BC/8zPXsb8z2CsoIhMRh2e3Nm/ZxdytaldIhaHm9ZbAnyCjk6xUnsGs9KOTq2/c0Q8DhQEeNpNoFsS8708c4w9YtvL2h5FIQWz2OcB23KZn59tnbNo4tAFNtDArktiPyXzGca+8uk3w69Eu6qOWOMrvnLEAvzsN+fUIn46m7a/p12/jk7HtX1G25QoMZ78qplnIJAx1COcMWCF4RcCNLP9PkEaCLBEzWf7fh7v4b8GiwuGvo5902RtKx7vqZ9V17WBsBGKaIjfzkC6e4xlkiDBjtHhP1qLYSJmYEaruhcMIQSsPVZwvxlxmLrfHMCCx6YBc3ZDJgzIbA7gpmT2SYLlFLYwxIunaVDXc0kpkeheEE72i9B4GUeJCKuH7Z2ktfF9EKwsW6/a2gT0xjm3H9Bk+U9EbBo21vdRiLGj9vXmUgb23EzaYDLbnfU0BmBEfuHnOXmXwCUuv/rNn4Dpv3v9KVDD/uRt26hNkeXOo1eez50ujZSUdUn0tnPbXvj2y8bj+c79ZWFdFU0rvVeOw+g+t3VlyZXUhZ5jfG0jp4O3zSYGddmQZUNkYc1KKisq0Dht/DYH6+3Gdl+otbHvBzmrU3kPRE9KEaSdiBQLbpKBGFu5kVkofQFO9toQWUg5sT9PlkWhVo69ojR6Lvz+4wOq8O12o7eDnBaW24biwmmaOM6dlBO5ZIpktiWDnvzx/jvaO9u2kZOwLIV1OfmXf/kXvn3/BclC1cOCpg7nebI/D0payFK5LRtJDGgqUthuQQndUaClgiTsfVdjjay1kJPRsM66sy53Xl9fSMX6j/ez8vuPd5a1s63CtizeNna3ljYptu9bpu6dWhuPR+fYK5I6y5LJJXP2OiYeLHKwFRP87RXacRJRh6bKjz9+Z11WXr7fSQ1etpW31xd6fXKeT0rp1OPgl19+4dvbG/vjgaSD27bwrKC9gjRa3aln4/k4EGm8cON+/0ZZ7rS+8tuPnZIzpXxjuXWe+wdVG8/PH7y9Fp7HO3KuKJnn40R74vnInEBfFLkvsAiHnJzPnfo4TEz7i74SkIoDEBICtFP8zOyAegtCHslF0KSr0156t4lqNiZTaOLgT7BGxAIDoThN0xK9zFRHN8fRB2tkOjY3oDqDhpE2jEBSBtNjhqY6rjUC07hWM3BexcJU00UEmpKyo9lutgOhFw+Ag43TXEgZCUjHjGopZbRtjCqGJ81dpxJNsBT6uC8ZlQ6/sWHMU4IY722J3+zrjwQo7rN3F551amTXmNSFJRWeEEZFp0VyQUzCsVRi8KrkOumAUXnHg4pRCXRGTQp0351ZIoI/E5K0PWRMhxiA409zJHABoYwx4zC0eUafsAfS3ffnT1UoDxgQY9lE69twtH0GTV/1JRjjzPaVVZ37OA9xzwZWZEnOHvEkP2VvsZtATBJGMIrOCn++gJpWMfWqePYJMAH6aR/VwgmEesDoe88EfJtN40qCpD40ryJJMbvRRtJpzzwACDVAKGWojZozS86kbBI2uYhR+pkU4hA4jhSka0erw70u6mv7Tp1BmMaes/MWU1M8BsBtECBNnOHGfz6bzEBKIl4NsNOBCmPL2T5trVFrG8mORGKmTDBFo/0qAuROaxBjdyNQNVDJwG+R7mdD/Vz3wUo862ln0IGteM4idm7x1qYI+lpTp2XbKTTAJqY+WTtvbzG2HGIaWK2RqJqd71rRrjYN0oEa9dbYfvEZioJPSkG9lbFHXPd1zyYKJc1xuga8zFYT85vRspqGDkWKJLuBJnueRiqNoF9Iadr8EFuOZCtggWjb8KcEep3UE61BAazEWQhYOv7dffzFb6ZgZvp5tqTFCwPdxr8GE6oLFDU2h4ldz+tKiOvbpPEZ2c9db97K6j43mKg5FxcBnUUG2+oBfNj9hsYE4mdTrhML+QnQGfFCB5pdk02PcZaXRPU/ElQdQEXvpj9iHSXOoFHzjXphuYVIMVmHr7L16jZ1mERDx/u4qzWdvq7W4ua2OaXsuhNt7KGcrCBsYrYO5IYRdzDf2MgWX0QbWwhct6Y/rZtewdIkQIfqvt3B7XDxlieLg0NTS+crM1HHWbiczSiaCZCcMZV8T0ZLioFR5jd1+E4v6uhkR1hibGclkvFgSXugZNchweQwcEf8e+ckInsvUAfm1P1HADQyQR0CpO8xcHGC3ePd1P2M+YOYCDUAlXGt3dtiGWuUfF+0Pqe7jmlPqiPuwuPYmGzavU1HJNGJoRmKNLF1Rod/E2dGt+7i+HihVJIX/CaYNjSA3D+21i7Mpyii+jVi19i0e6don89wMAXDUtq5GYB2rFy3UUGC0IiJiUIuC4G2REw7CyvGkkvZi7J9BrNTv8rymua+d8olmN80f23rN78/WEGYf+9eVB5Ao0zmvTub7uf/2qr1X73+HKipFa2dkm98HMr7qTwekPMC0lhXoB9UbbA/uG2ZtShZqmnTSKLcbpz7J1u5c795f3QT1u2g1ic5f1Cf72aU0p3jMKHf9b6AJKc/g0pl/b5hFOeMamIpp23MfqD9pJTMtgn9gN4yWRdOFRvNnQqFhSILS4H1XHiclb0qy2u24AybZNGlU8/Ky/2N41npZLblL/YEevKRgbCfjdrskGht3O53SjFtlpf7X2hHhZ7pDW7bnbLe6B3yupAzlPJCbUrtylkbj/WgnkY5LaUgaiK9CzeWbSHlyrptLOvC5/FEirBuCzVZtSDJSv3Y+fb2C8on37/9lS4HkkG60urJ6/eN798XbquwlpV2VnrtJDbocMpq/ZQN9ofS6h3Vwros5KI2+kwLReC2ZO5L4qV09trZe6W8FBBr5/pWlJZOSil8+/5imzZBksa6ZH75/gv5lvl4f2crBZFK1ycpr+yHjbxb7pl1tUN6HMLrvvF4fFDrwcfH74hs1G7C0B/vD9Cd223l9W1F08L5+x9IVra1sB/K58eD/dFJaeN4CMt94/52oyyJVne0NRMcLq984encoz3GqLCRkOklcDBnY/5HXYfUUfgIxJKMr0uRkcwkEWqr4AKXwQ4YQZfbkyzWmkYLBNu+Z1Lv3QXppcJDoM7JgJLxa7Z/BDdkBKbX4N8dULRniLcpXQEHgKhkhsK7OWibdmMK/uZcwdcqQmE3oDld6NMi0CeLYzqjoDSKC6B69cbvP4uM1iNbd9fvIHQ6dAS3GslBnhN7fAFH8BLjJvGksPdLQBvPRQGn3yeJyocHaSkcjZKLoK5U/9PnOTVcsiXdrXcXpDWK8Oj/FggR3Ag00EkhVddOESxYjQqj3aOBCrW1MYErnL2OpEYhC6XksScmyvS1dTBsYgEgMbUiQAVjQhnF24ESfN8wmWOD5u2B65wKNgNOE9o8/d+yU7dxGjFmZw0ZsvcSmWfEXxGIlRJMpWlHxNsC8L93T3Dt/IlhPGk+NxEX4/Pn3nunIixka5lqxrQxqnhU7U1o2kYHg6rrcjB1pKyyOtspRPGpLTKYR8kzw2jNErziGtk3k1XQovXSstZx9nufIM91gszQmhA1v+92pXsCPNo5dU7baK2PZHBUTDWq9t2eu3aSdhvN3RuT/UN0cE7b7NcabVjZGXVJHQzoNvUJnfo3Zvs7KU0A35gz3hrRja3Q1fVxRqnTHru2TrDXegtxS+Mx9m7My8ghpgAkl9aFr/my6rZ4ghKBeYD5biM9kTIwZiZ6ioySbowwHxiLMp6xMdY80ZNkb5em5swEJy3hdi88fIcBNZGkX4svCbMhkXxFW6MXPYaVnPZiVtDtuoe2hAgiZRQ2wodcR/oKk4WXsyDFJ9/4uUrZpigO4MgTZnU7P1pyYNwfBHgSOla+j2GAECFeGmCD9E4qBgDnXCzxdVuA2IQ6c23uG6tMO9ADXOz+WDuQmdN9JjCWo3XGUenRkph87VVtTPsYv+v2tRtIalOInO3s4JJ6a6TBKm5HJNYDpAv0NFg0Fre4TRpxVID4xpOuriGVYLRUxpCB7nY5fk27AwG6f9WXPXaz9z3O09+dzZhmJ8xpmREfjLhKZ4vmYHAPDNNsqAFvFkfYH/0MBr3E46KJ3oVtY8ba+PuP8Nh9wUi47RxFga72C/MCM7XdQYnBGnJ/mrwHOth7A1AY4K+PEw+/HmdG4+rj371wwbxHGDAToV00zgsW75q0gflmay+MCYYQxTtVAzLyVS+TGfsb0858bXY2U8TlEUsTQIZEsSeepUfk4wFFTKse005gKPZ1Quazj3sVxp6JODc0gawtyYgkrTVnbF1iaX9X06eMZND2ZhvMWI/ZElZMbW38m8UA/e/8Zty2+2UC6o/86b9+/TlQ4w+k9k6tgpKpdSNJZnvJSNrJSeHstLNRUqbSoGT28wm6UA9IqmTEUdATMHpoyoUkO/AJSXgeO11fKHklr3d6g+M82fcPejsovNGqPdh6VFqPql5UrBuf7zuLH/gulS4bXTNKoadEyxagiAqJYgnDaWOhswMwkoTbuqGaeHz8xsdZqSlz2zZSFgriNEdLVJdlQUR5fP4gv/zCkhbQxuf7O/ftjf3RWMqNY6/UVtkSrGW1XnynYa650HKjpMXpYUIuhbN1zmrV5VxMwFFyYrlt5Cx8Pj9BK63fKI5C7seT5/Hkdr/TgLQI1Mbr64pqZ13F2tSyRfT1PK0CeHZEC9typ507sNG6BbfP5ycvL0Zvz/mOaKfupzkGEtIrqo2ymID02RpF4JdfvtGbK/M35bff/sZtNdHoJdvkjW29sZaC9pPbbeP+slBK4Xk80H6wLBu1Vur54KzmZFtrnGcjl87ZnuS1cM92uJZFud1vNIFbK3z/9gLtoOsn61rJTsm7bXeSHPD54HE+WdYE0mlnYtlWbtvLnx6Pf+bLgIQIfPwZpGBFeIAfPkcnswQsic4Jmjuv4ZA8L2uoVdOjyiyBcMtA6Ac6PQKxNMGZoM6PGC054KNXH+Ym6oqX+/lzJxOOZGI0cT7d4DYLprKEkzDEHoJ26IGUeCIWFT31NhSv2kc/fwixJZmtG3E9aajme3DvVZfe02BDjJ/xzwzKNe6cYbYQhI5JKO9bMKiesAWNO9ou2iWYjiqkJ+SqQHMQx+jnMp7bfKbxChBMMM2PeW2zGoF4zNutDz8Si9BF0gBkZFaDjU0wBZDtednnzakjMloDbMvInDLjiaF96ZL9eAIb8VMHHxM7AYcv94rgUa97Iv90Ni2CwIIW35cxvl1SMmBQGCci9rT4+1uwb/skjmDo3sT+tUkVLpzaHHAJAE10BLJRCTbAyBLNri7E6QCb6gSOJCXvCbfWm+zTSBKmS5OTUGu19ihVFiBnv48E4NXsFOK4DigTLG41MNX/NYS1Jdtesgp1LLXM/a0eREvo08zAS8f/7F1NGLKPRDaEgmtrZhc8+u6XxGCOI4WhG9O7gyNe1WvN7FKL4Lv6/c6EaghPMnUFgnUVLMUk4tOi7Pvr6SKGbjOGgLdOVk8wMCw4bP65nd4q0X4VdHhLCJrnId2n8lgw3KMlSwJ8aJc4a1b+Wq1jKpQl+eIJ1dc9m3FGVMU1IGSwTQwQ+Qdn0+99YAjeRpCioi4zkbPnMNvWxAEd04TyC9GoDjtjUsTjvqh++1u5vR9AhEx2VvjMOAJmH2Yy5hdgAGOAKcho8YuWYE9R/fPMHg/2Y29eIo7kw1rmtSsmgKyeJ6Txs9EqYImzJ9+E/zbIwp2kf273Z+PnXfsArLjsN9ufycEtRjIrHkuErQ0wO3y6rW/yVqnJNpptfBY/2XkxwV/x/QE62kTi/XNOmL6rMyacyRZJ9BjpKzF1yK4/Y+Kncc4Mi4s2LZgxhwHj1lrlDxEvksAonNhW64RWDzCKyPQY5z0ujRCl/6ovcf+gYccZG3s807D3MzwLMNTPg38hfK2dWRfCx5iX0AgUQAcY6eC/2/QAftRM/nw2cW0OHtD7JQZ2eCHe28+oOFgQPxb2+so+Cf2+EG4f7YzEubkAOd6SWWsbrFSL3/rQ/iPHtLA6Yy510EImw8YKDRpGwIsLMRnP109THCpncYe2jGtUtebMOgNv8qUIGYCLqin5qMb9xpp6EbAHcBL/3ieLeDTtdo9p7bn1HoDwzBOiYyB0HJu3PSWPi8M02pKFvYhCRh/7pWljjNd2YC+YPqEvmdJVnuBi+x3YNQbqnI5o+ILtmd68pRh1v5n+1G/+KVBTbjeen0/240Qp3Lc70jZKSWwL9HZyHp3XrbBkoyQmyWxlQ9nZj50kidu2gJ7sj5NcivWba2JZX8hlMeS3niy5kNKGSOPjjz+gJ7R12vE0KmJxmlVLiBSWZaGeJ7lsJFltNLhU2vlOzgmVhefp69e7jRhOmeexc8+mbp0k8Xw+2feDdV1Q6SxroVBY0srrtpjWjsLZK/2oZFxzRZXt/mqgxXnY9KSe6BWO/WnsmCIce+X//eN/o2yFPz5+sLyv/PL9lVZPUlls0lDtlGVlSSsdqE0hNR77zsuSKboYbSwvVmXuB1mUdV15PA5+/K//RdleKGXlx/uD2+3O8/hE84mkzPF8sOSE9sZHVdq2kXPl3A/WXAztTdkYd7WzLjde1hfSlqjnzv78YF0StcHz8/DkoNOeJ5mVz+NgPw9yE0iZz+eTTOP7t+/oqfz2P3+jNXjsB3XpvKyFdnRYhLQU+j1TUqI1oZ0mUFyPyv1lpZ1Kq8q23UgJSrrTmoEFuQhKI5eF86iUslDKSs4bj3qwnE/2erCglKJsq5K2gnmERGFl/zwoSVjEtA+WJdHTCfr5Z8fjn/qSnL3KCkFDTl287cHAGNXJ8oBpmEVkjHxOqWBUfO+PTcm0t7KgLraorQ2HZtVnHcg44Yy8yjsD94hoGQCECSO2Qec0H+yIv0ywI6fkreweVI5qdxh/sbaPUfCYk4qsXSgTHtKCvWB32P9C5wG/hfOspJycpikOYOhwTkFxnO7SftAC6GvVEEb2JPOzajstSEqJ1iwJbd0CtixO1fY1qWd3xom9jQk7ywhGgyWRUoin9uFILND0CViRlsZEC6+cBFhkFQZjMsQ0A49ZLUDxWFpVL1oyWEDRfULFJeizNTMKeHjDoQkynnEa191Rs8n+7FMECaTx82CJwnT6UUm5JCJf8CVpVlMNVJlVax/zYklagmCTxa/sVUMkWgJt/3JhrA0arsyAT5Izd1pDJfa7VSQ1q8cHM6l2RAewRGpM2vB9G61FCUx/QtU1kjx5SJ6QeItQSkLRgit62jNuzXyZREW7m/aapKFjEwXIAA8iOLQKlLE9Uk7DBsTUsXk2ndklkwGHB58pp8G4ix9R3+QRkNt0MVvPWs3G1TZB5eYCihHE2UtHG1BQoIO+HJVai7naoE631qlN/T7V7CAGDNVWR5BeW/PpVnb/5zHBFZv4FQlotEHYr+bTps7zdCDLvid0aILd4UQtW88cyWIAi2G97Gdrj4xoAgMj0B1JcB+JlBB7MErMX++Vcv4pUcpyZW+pJ+QMVlv4zpSSaUSojvOSPNgflWJP+KxIEroigokyX0DbyIsCoFdw/ttgooyWXSLZnglBMGZmi5CzCAJsuSQdrqrtbVJuT66VdbUKeu9RGdef7jv87UxYGD97nnV8VlcbU6yq1q44kqCYcBcJmPvNfGWo2r1Ge7E6+tJaJUB7uz6vShM21ABP/CyM+4m9am+OZ4q2BkBBabgmFmKtQW22RUVMM9gq44xZG2GABa01B2YdOHabPwT8iUu1uwowOJLJ0XqifQilq/9QjLG4riNMXaEobolcWnnsO+12+wSlRaCLuOH+umfTM9+xl60AFucCP5tyaQWc+9N+VAnG2ojPUhQQZcSo4MWMiAgDnHZgMAagXMMM8T1pjLPQQ4xJTpNx3i5MRGCyScM2dmWK/s7zGkB/sJ8UTE8ogKcUTPQAI9RBD6UnAz9Mb66ZyO1pI6SjEJhzupzNmOrqcYmzLWMvKkr2HTgmSI142Fu5WqNHkcPtVZzN5ixU34mYrJytXzzbCbRZR4CEc3FQw3Qx02hvjBOVUDTbdfYBOs2YNnnxMdo0LTafYr5xIGLkeVxHq23E8S2GAyhjDUSEHjpYKQAcA0aHffQfmC1yDrB7nIULrgfzNvStouh2LQ7//etPgZqjdzQLyypsS0G2xMvWgMbz8UFJQlkz398KyukGrLGuiS4VEeWk83LPJN0RgX0/bVz2rtzvd9bbSlvvpNLIKPQEPaOt0iuUVPjl/oqkRiud9LJSa+Lc7QFst0LvlZxKxMCkfgOB2hPncZK0oe3kP/7jf/H6yzdeXu70ptSz8nF80LVy1idND2wqRSGx8Ln/gUgxAyFCKTckZ7R2zvPkbI33909etjuZgp6dI3XO/STnzPe3v7CkG2sRnnvn7fXNWiTWzP3lhd9+/xv75weSC2drvH77zkKxQFGMLbCsC3vdkQPKsqJNOfaTb3fhtthkqrs02lb4cZ6c+iStic/nH5xn4+3tRpGV19vKUoR+Kj8+TnaUJHbg6JWzK3l55blXsiqP40SS0LqQtFr7kXaWkll75VRMLR3hszfS+kbSnVIWJClLOnhbb/z6+gv1gP/v/+d/0rqw3r+xpYK0TrexXagWPmqjtyf3W+IQ2LYXHs8H56Gsy4JoZl0TrX3w+bnz+GzWK507re6sy8q3b79AFz5/fFDlNBAoJ/Z9Z9nu3G+/kjkskJbC5+eDnpXbr6+k9MJZn9R22Jj5EqHT13zZOGUz2NaSEA7JHTsC5InightjrxZJotVoU6ho9pG1EaxIAjFAK+UO0sZkkBlAiglKev05aUIzJjA2PF1QiyO4CJMzkXzBxDfLUjxYxBytB6mz+mXvl8SmRkwkOyqfExwK5N6qniFc6MGZGMPLfqaPwBgcNEjJKl99svWyX7aohzr+OaOH+hLQWjww24OUECLtDpKdtC6UbP3rOUf7lq19I8bcuh6FmJh2UEmDrTNYERLwijuJSMAxxJ6odPpii1jbWk55AFV273k41wAAwZhLiI2ajTHkDP2B7IHUJXjQmG7lWy/ZaFfnDBFgg3j1LweopXMdm+tpCD5a0ZOkMrChr3s2RRIkH9MuAnKZKuYgFyKXs2m/ci4jsNI+W6Hs5y7BP17hysVzLiFQy1HdFwcq8LOaI7gNIJGRkDLAUPuO0CBRFQdLKrkUF3gGCEpzQisXNqoDvtj3R2CHAMl0MvRUB0VNE2pUhn2fpSy+L4OxEhUqxtXHCNxo5Qy6+wAa3K601saI+BF0hfiteF3fE8QBPkeLj6+9dVNYMhiaUFdR32hXqi1YNRATktSZLcGiseTJGTgaOjO2zjPwvui8qHoA6QLBOtsh4jO6RkV/6h7E/VhQLfZzvQ8B4RA0tsk7Zhe6V/laV6sm9jka3GPnoREcOhxWmLVrb+Ctd18cSBWI6TDFz6YmXyuvVINNlht7VyGlAPjcH1zPJmZdtc9JHiHcP1ZCZR6HAbAwwB1bNW9TGmfTkzK8VUjs8yMDD7aVsRbnqOFgSg3GpjrI1J0tOxgGQkpltOJEQqutI94mDOI+3/yutdi7to/inyvebp0uYEYkhsGaCdsUrcY6QQsYrbnBqulAloXqo+dTEm8pjGeEtwCaNkWtk80ybEf4aA0mm441gQvzRzzRj9jB7234TbErigkxNpJbqGcwykwsvbvNFNI8n30CIwbYX7UtXCeIOI8BrkymbTD+zOZN/609ADVHXmXabtuwk12sRJzgB+Arv/xZOD3c7QnjuQs46zbijwl8SZ5+094j9rQl/AksXjUBIvOLwd7V8R+f5hV+K1ggtpLxpSuzMAxj+JDrqPQUAYsaUNf0CtTgsWfEPMauioT/51Z3K1LNgRX+eQloAdpNANC0J6ffCzDqPM8BBo8Cj4N6Mempm6FAUqJXA3yyg4E5p9HearGp3Xuttq+jvciOsSXkramDOurnbZ4vvXTc4vYtmPYWd8bax6+Ib8RsoTD8sMVbZkt/imklWrIY56d6+5MEyMVsk7SBBlE4NuDLxt4LuOBxnE1jwbZ5LeLAXJxNuZxNz89iOm8URMKP/tnrT4EaTXd2n16QuyLHweu3zRajJbY1sz+f9NQoGZZy4zzMrbQm5LyQboCcvLwUqlaO1jibMUVSASkb6/JKUaHV02mZ0DRR20HTEwRrsZIn6+oz3FvnPHZUC6qJ/bS+8FwWsjaEStWTXJSyCFI2IPP69osHdocJHdK4lcL6bSWlBtK43e4UFZ6yUyWzlZWzV0paaIc5odu6IM2mPmmFZdlYlxvPxyfnsfPt2wtlXa0qUBJvv/xKbbCt39nrk+MpfH/9Nz4fDyQlltfCbV05z6cFPMB+Vjrwdr9RymJjiHOm9xNpTxJ3ekuQjIrZvXJ/2wrL68ZxHJQEa2ncto2CImWlkzk1GaPHK6LLslLVAsv9rCOIz0lGRV2lkXolL40kCx0ZRjF14b6tqJjmTpPEx3Hwejx4XTb+8nrjx8cJ0kmLsVmWbUGKVVkR+P35g2VZKHlD+8nL1nk+Tz5+nIistHNF60Z7Amfn5CBJBYTa4VMP2/y9ocWEGLOCLMZS0qTkLZHTQs4rtTf280lDud3vbPnO8/ff0XPnpUDK558enn/mK+XiBgMP9oRc0khyTandjYAHP+FXxgQUnyhjfeXdgxgMvMCrDj5ty+xqsukzbmxxUUzFY9OIGfCgzAUqLQiO63AqpDD6/5Mka2dx7RJxg57cySbffyk542eknDKMcDi1mEZk8ewURUzZ269USSX/pAGSXO8mSXZxL8ZENLAAIEYIqlzAGoIuH8mmO5LejfEUTvNSEZBkY5PVAyoRxppEdQMs2B6aGR6sm8Nuo+KZpA+2TfR5hICeAiEiJ/E94SARmnaST/MpKZmArQTjIo1ENa7BWimCHaKzhcVbQONr43r8ZQmJadWIeFiUPBmJapmYm0pc9mqak6jiPmbizVjzr/iytrT5zEBNBwacMs+gwOfBjPKICq/yZberzkqKCk60AVkrUgTq/rURwCj49K4RKzADpAhewRheMco0Aq0xmnNS1jwhN+AvAMlo4YtE/rLBHLwpA9TweIqliE+/8rZDT/SC+bGIiZYzgp/k4Krg84uHjRAX/R3Jl2LgtQeeOVpNxtq6qLMDjfFzAaIRAWZU1Pzf0FmhHywVDTBr6rf0YNc4KNsczBmgjf4saDgp1d1FUaeAYfF1Tbi2gX/+mBh1uadosTSWiwFAplsTQJAJAvemcwpVm9RuPNjsrQ02QNxLj8Ca7tTxGIGuFsy74HcwC6yd7uu2VyBekLC/AJFc4K0i4Td/Tn58EYZvQVyUGNciAFRmy8QEVmag7is7AnpwUD9yuR7PNcXHjYRhZlwMX4ifw9D8GqCCOvOyhH+agEqc52thwmy3jLawyXQRZ126vosnnXbUZZyvJHkAjSmV8bPRHqbanYV3OZtpglJxtsSZgwFmTaao3XNZMr0LMYUy2jbMh1uM0QOA8d+DadPDDwdDBs+v1cDTKHqQDNyMdszQ0sK/31htprVZRgu4XyAy2qSSX3SLWMlSa1KaraYBjKGJQL6ipTgy00juRhEuniEOFsDUVzEEZ9yzuN/srfmesNjuy77EGP+xI6RHu0jEIq4v4n5unE1iSYKFE21itr7RVpO8xT1pGjpIgc/YWesz1sJ8aCLYFBDi2MDY78CI5WLduZyzOOztMvVvsOHGXpXxY/4Gf3dfzvDD4stomyHiiK6UxcW8PdYU37cGGnZni3rs1qFkswfdA5Jp42JymA7GB37+JdnUZdwvjKlxcdaZ8X3EdAG8RUvvvEUBbbPVacQZYzmYT97WPXKQrn2QmLoLbncgROGzRJFTR/wol/wjXq03Ep7jeiuy7RX/dE9Uug/wMF/uvl8iJmaczRHByXVISOxM+3PzQC5lyzuCNSUX8eT/6vWnQM3+2e1bslWd6rOxLZmmmbrD8XhyuxWMepaAheM4SWmj5I39PCip8/j4gyUVs0cevGwbpPxE+0F9VPZDSXm10ckCpDuyFp7Pd/bz5L4tvC436MJ5vCOSjUbcFo4jobLSEepxUPQEfZAWb3eSQu0gt5XfnweIsGVlW1feKOzHaaBNPtnPTx7Pndwt6BMbJcPr/Y3np7URZRcW1ONkLTeqmvNetsLGxrJmlm1FFhP71dL4fFaE1VB4tV7Crawc7GzLSlkS+/MDLR1NiUTi9WUjl8K22tQougkPSjHRxrOdqCw8zo6UQikLSYQ1J3Lq3L5tLEFnawfkzLqubKosqfDxvvN8nLx9+8a6bLSPB9DZtoXWoJ2d/dmxKeGdt01Yi7ItC7AAiZyhnk9ebosHlY2DwvuRseHcJwXlX76vvH98wrqgS+dsxpIvCbpWSsks94WjPVFdKalx38xQ/vFuAF6tnR9/23l/V0paub0KFKE3C4xSWlmWjKSKypP3zz94HCctZVSEX7/fUDrP40HJN1gS7XEMoedcCstSabsjtOULB5zeZhIUWDzQsmDSfjc6rQc9RMVIKPi0htSH47MgywKeXCyYVVWke7DhGLCkbPRD8X5rEU/CRyrh7zeiCZQpBmpIjn3N9C7E44/kCa6LhmULXpSggSvBXFENR+AOYvQXMymO7phHMCiXyqU4fdbbC3pUXdxhjHHS2sbPDt0GN+BDRDhAA/f44VyiH36IM/Y+QQ7lwqLB10R+AjI0ErbiWh1erZHQDlBrBxTvPS7BAIigjWij0UGNjmrEyFM8ucvZqyge2AXwFTFEgC3qiUCSUP43lpa/1VDsTykbgDvE/hI5l5E0iDCSVjzZCd2ayGuy5OlkR+JngWhoq3zZlyEmM7nv3rqEzMpcyl71g9i7Y819L4Wu0hVrsK3uyXp3hlgyMPMaEpjWSyMTrRjQqESbRBLTYUniOkWeqMRY75wzrVesIpU5W0O6sb8MRPhZOFDVJhd2b7HIkgDTXIsRoRawxQSjuKeLaCNTtLAPzQgLNqPlB6yiGq1Qggmfj+lhkTB50Bq2MIJEpdOcQh807xDStVRqJobBgpmJ0exZj1Go4MCHJ15dubRDWBVVCIHfaRNRZ8Kon0yv8tcWFPZuLahewdNkpzXYAKY9Y4wYxQYFmAZgQ5wBpL0NsOY8K+cZLCBn4owWVr8kuxvTg6vx3lFNNdZQiL93FwIf0066+5cM0r9wMojYnk9z3woQgl4hEG1JujE2tIX4voOTwihQ+FtaIjw0bqYexWg7Fmwf5zzaOceUH9+ZXH2ounFwsCHhe3gUBswXWeKC2UVnpLiHZrZSBrPGQXi3TCld2wgjMZk+BC6+IAo+Ikbo8yQ3fCoaayuEXsRgvjq7wUCF9JP/HFly+CgHL7p6/C3CJGk5q5MQKp7aNsmnbHUVYwonb1/21kVrHfH2E72w9ZhLIElIPSGpUyMO6IJNaLI1iZQs/KbUmWDFVB//20hgg0VpYJCxIFoLQFepZ7PJusgodnk+7ZP9wt+pTW9Tvx4JZlfsYxnJ9mAYi+/J/p/beb7cKxDQEDFXDBx2UKTVPtqe4r/BLIohB8BgdF3jUAN8pg3u1Yt7jhSKs1QjP00DeIBgyJjdFWc+yQSsR5uz25TOeD6nMzGCYR3sxdHK3afemDFB45lNeQJRbOKq+kACZpyExJ4JtvuENiBkCjqppPF5ydugeq2Y5pXbGsXjcTs/E1jxGFm9rShaw/wl44LChOgYVBGFFEmCNvPv4ben0K4zrZ05GjhJHrFnfI578Db3gYEmoQejpAYiNnGttQ7JgFgzIbMIHHa1t4aQLbfxOCna4EJrrlW9xNHOWhNnyI0zZYL+vauP+HYw3eOFYG6pr//MdyxOcbmtf/j6U6Dm213Y7q8c5+egxebc2ffKtiw8H52S7mjdXS26o63zeH8HfC66HmwlsaSFLp1bhvXmk1fEksROZ70XajOdkxMh+2HdFhMuO8/KIZtrISSgcn8RzqPSVHnuD87WSAuUsrCWO9vLwvM4aRUqjVMPmhTqefJ8nvz12xtlEW55odaKpMLr23d+/PEbdANy8lo4eudzf+c8lcfHzm21iULWb2+bJ2drJSivLwjCuha6Nmo7afLBercTLKWTts6pv6N9RZcnfam0LPTSOLtPaxGb2JCl8nju1LZRTyWnwratlPWFUjZqM+bHvn+wlJVtNaBoXRdKSdCNvtalIniGpkrJifvLN3o6efTMvnej0he4Ly9kCu2Aj35CSeQVvr8lkhzstXKeRs1VVV5e3vjlJUM7qb3wOIU/PnZaM1HaVu0w/PWvv/JeEuX2wnF0Ps/KljKpN3pWXt6+0dtCub3Qjid5XXi7L7T8QS4rKWV++Zdv/D//H/8v9seDNb2wbQvSE/WEz48n+/7Jdkt8+0vl7dtC2uFzbzyPynHcWZY7t5eFelb2facl5fN4wJF5zXd+fVn57dGhCf34umOflpKHgYYZRFmgaVONzCAExRIzWu4MgmKccgYSTayVRsAZFla9aKIUya6dYFl+gCXWohDVp7ie6HdPkY8QAmkhbBpACXiCkBwt92DMa26mP+QTIYJVM4KzaGny7w5qs3ilIE0LSozmFtfRCtBIHTQKsa/o6Ve82iUuoOFiff0CxoCFbcM5+g1YL24aaxROzijTNsFuMF2YYE3oT3TszERw3InAy42/U6+DDpow+t21xe2aD9ooSw92gK6WYo8947+XXExUM+eRdM1xogEsRQ9w0MUTadyb3fNxVIK1lJPTxNXeZ7S2ZGMsqeIVBgazIrRSbNqUB/W+b7KDg1fn/RVfxoSZLLWftIEikWFG5BFWBWtJHGmRPJOZuN8hCv5TAN9HgBA5VugC9R4VLh1JpO1/Y6w0tx82ScnYmaOvv7tPVwNoLdATKNmnl6UR1JSSR7WJBElNYLCfBgZVqrFPXY/BhI7t/oX8k0B06/1yvZ5A+9paVTyC1e4VOZxQNrgAzCMpI4mJfTOAzj41J5IDkYGU9ZC/8CQYuFQf7YkFMBlBcgC94sG8Xwlhh3qf40ejGpfEk2h+bpeKNu5gDNQhbjxHhupoUbP9oFg+ppHAUwmR8rJkzvMcI8THnmvG/Gn19KQ8Els4a7B+HFBwDQ0TJzYWUCpuDwZ4JMRY9K/4Kinuow+bGFoGc+TvZSqQ5+Fj7C8MMCP2TAKIFh+JtpYBv4y9G6Kfwea095cBYjAm2zCS+PCL4u2vKbuA50yh4qow7ZcJhNhLxhhauwZGNX4kfi4YLHrVIlMiMwlwKKat4Qlq+HBzZgZMdqZ90khcg4aqF4amNsQnnXgkMoD8uL1gD0b7cLy6WtJtyxmAmdm5lDI9OVg6F888bQJ6pKWKOrDW+xU4iVs3uKt764K2+SA9xQZiitbUqIl1jsebUmZ0aHj3tpFt2wBfUhLa8/i57dFjOZvO1ixuyOY/6WEHOtY+5f512KJurW6YTc3JhMkjGf+qr5wYE7UGqO3rkFN2u2cT+dBZlNN4aJhlu4KAycGyGeswQEzUW40m1jb1lLrSR5zqfiphQaBcmVkTlJRkkyxV7VT2br/jNj1fGMSTrSijkDFZZA5YqA72+xxwMXUpx+CHAUq5f/RKnEh2ULXT+kkXW7u4145abDZaPgXRNDRm4pqyx9SzKKNDAyYYhjmAwfh6t5Y+8RgjAF0lRPKnDwvgRlVGfiIwWNshqi+A9KtGUbxj+N4+ChoBFkdx2o5lC1zOnlny/EKCNWe2svUJckvqVPd3o03uGj944SRnt91+/9oVlWtMa/ZMfYIXngdkiTgCJlD/n19/CtQspVKkcbQH2irrsnF/FZal8vn/Y+7fmiRJdu1M8ANUzcw9IrNqXw7JnhGZh/n/P2tEptlNHp6qyoxwNzNVxTwAUPPczVOU6W7KTpddOzPj4m6mporLwsLC95NeO+1w4SvRwnnsrKWiWujtidkT0cb9tjJ6w1BP+qyh0YPZhgsgldJY10LVSulQZHfhr0W9390KBWOMA7PC6P5gtRTWzfvxxuiYdE/+VXk+DkyVddtYRWlWOE2Q28atCvc1Eqqx0Ju5AZWTZYH+7Dw/ntg4WRbFaqGqRFtEoawLOpTRhW3bIjEdaF04jxPrQq1KrTeojbOfnPugzz5AeBw7WpTTBlrW6FFUlnWhCsgY3uYknef+STsN1RuUyn50aoV13ahlQbYbv7x9ZdtWSlFKVY79weejcR4Hre3IONm2glRlNBeA+/658/HsjC68rTcWNjiUOpRxdqxXiii1Q3s2hnSOPoCFNmCMRimFvZxUNUYzjkdHBny53VGczXI2Hy3+9f0rH4cnzcOEIxPHIRQrbOsbZzfOBrWsLMsK5YkVqJsnIv+v//e/cByejOzPJ8dH5zwHo58c587XX//CL7/+wtE6Zzv4el84n3/w8XEAJ/f3G+tSqWsBWWm90fvB+TTG40kVp+DXn9irlZoCrMmakNmjm0YHAvVVr2yV6KnzSv0VlMBLMKXqollBpY7Oa2pW1Xoa4kCLeamqRoSV9OcEKkrJandUJnlBzZNWMLNvN5AlwYyXoFcETMdE47M/2XUGQMdlgLM9QyPB9Pe6nI3riIBYnw5zXlSASxnXzOT6JQBggjZXgBez5wPIYP68cFHPs4f3apFgOhW4wBNPumwGbyUSWc+zXqJZZE5ouuIwmckHIkHVjm/+cB/XS4uzB7sxacGEE/Z9dDGXwO39pLWrzvu66Qq8KNi/JJGirkuyLBdLpIhXQPO6icA8k5k5FSu3SAot/8RAjciVuE5Qy6fYzqDsqlZdAaTv2XElbbNN43XfJV3bQLya9Po8p5ZCaOT4ktoEJH5Yy7mGL4GPhYCvKqLmVa34PNEIXsSvL3urZ9Us3nOMTmuuS5SUabNg0wgve8/ZPo1OlQBPcUaOVyADOHmpFF5JmsxKeu7zybsSD3wGr+crQUOb6zltwQv0mme/d4uWpBT/TVDNK3Hn2abYaCbyFgFXanlZ7AEzF2NPjQ1n8UUFkFfNmGD32AXculixX13rfTIAr7apvD4PiPtIfZor2feIe1CXMlsKUwi19WDdhJB6MhyTzXW25jp2EOBEPqf4/KguS3zetDM/6SuLEWapLeYsUhHm5LnrDGbhY6IXHuPplcA5ODPNJQEBkE5H59eY4I8fS50/H1cW0/qu8/GjgKj7rEsQPL8YYIeGMLImYJS+VEkAiPAT/9hykUDfZRBkshizdWsmX8GsEWKPZrI0E9w4m4FOZPo8q89hY5CLXW+iqLjOzOUzg4k5wSD/3dRlcsZpMtVSuDkTqEHrY4pa24gWpR5+Mp2aMc9TSruktoyAx0F2AavuxzMuCsaeerGk9etBBV47j4FPJUq2gFzPPbXlirFuddqS0cMWhP+zAM10Fr96JI02Wz+ykOXx10vCyLhaMsfLdvsJX69nk5ezOeJsOk7obX2prZKAZIIYDnwphN/UF1B0srr9N7h0HvOEzmPDtXmdRZOxbbJDNGPQefU2WYiiigbrIvXSagnWRgJqEK3iLlPAiNhg+uy4Bgk7+2KD8vylbmOy5a6R1HleXwrNL/609z79pkx/LqHNkkBTABNpF8IOJLPQgQy9PhP3+33EPTNmzABMgOIM34hdtmr0MW1f2kn/yPC5buDiebgIvufh/tR6bxPQSraLn02PUfvMceL94zlo2FofzR2xcrK5RrIXjWV1vAGi9S7uMYsVtZbJUsK8CDdGp809+MqCzGJT+vr4U//8YP4pUPN2v9FtBzp1KbzdVob9znn8gRksy0JvB22vFBbXPKHjdNkH63qy3Qt9PPj8aIyxoroGJdeo1RPxt/eFVR3wMSkMqxgPVMUFkTSpmyc2Vtq+0g7h+Ric4wEiLLrydntjWQWznf04PRmzQJybcS+FTSt9DO6mlGGManw+vvP4dCFZGwdbreioMWlIqKuwSOVpRl8Lj+fBe9mC6dNZlzU2k081ejyffP8vf/D3v/2NuriQaWsFbAmjfvDcD0RcmBgGx+5gjlZhUXUU3QbLsqAM1qUiAo998PnbN27LnXZ+8uWLUWrDbOdbHxz7Su8npSq9n9hYyFD0ODrn0TBtLLdGl8X7EEdn9Mrx1EA8YdOKDYHS6Wfn3A/2vVE2aAa///E723pH1Fg32BdvXdpKYcjg+/Mb6yLsrfHxudNbo243BvA4lbMrFloBixjtGFhr6L3Sdt8f60KAKRVR5f72xrl/crsXtq3y+bHz9nbnfVP6Kfzbf/vdp2jtn/x//78Pilb23XWHpBfWmycfygk2WIpSbKGdnX429t45Pr5DCGYOO/708PwzX0ut4XTciPmko063EPbMBGWCHK/JXBolH0vbzpjio6lkHxW5EgZo9Ek3dHS4MUb250cgYQ72jOFsj5500EiKaknEfaT/+yEo08xkYWoGZNDjSSYwUsX/aptSFXdi5qKCZhfrg/Hi8LgCzt7a1VI0qaRXsuEo/Jy7gI0Ehl6TunzfK7Aew6e4aLSXZJCc4+Q98E5Ggxv0ZKLYGC7JPB20B2J+BQmEwRCiSn45ccyZKVry564RjDqvM4AWdUehr9WKEC+2Eb8vF8iSCQtTDwRyFHhSh1WdIaniWFWCa8meEkJnJPy+VywSgHNAm6j8M/dE3O9LX/MrWPZaYf3ZXho6BR5UxbmivQSgMp/p3EPxPEX82XiQMEKsMtguub8DyMoJb5GDebU89tuPtNxrfHsmejbBDgf1LyAkgr/hkyr6aKEddQWKIyjkk5rdPNhLMDGfe3S2RTVLnbUqQosgKkUhzZIlAJzGsqyu3aPZvlReQKVMMgcdkJ6MH5l9/GnvkvDs+yjajCJp8sQmwbRMihPgGJOxNsL2QbAAxIssIzRgeh8QYLkN8wpijBz3ZLJhOC2+9+5U+NjXKiEc/pLg59SQHKU9erQp4ZW+BGL66BHoJe3nAoEsGIwjc+JMGMgA+GVvire2GiGYGGPF5wjvPvDAzO2gycVaGiHOMgQkwKHxEpD+jK8S4vfTJqri7LJo+ctRr2npJ0gCuWZumsdkL2kWNcKnZRX/B8aJp+AXwDK/k3vUbQIjiwThC7M9Sq4KPITPSXAo7HPu/xwhmwUV4apa+8vmGQG32cP8vGcR5HU0cILLZ2sstTJSlyo+On1yjqWebIEcDx1+M9kHboty4pK8sEbibEr6tkEPl5h6GNdo+Yu54myYMcGJ+EsAR0wA1WYyGCBs+L7c59fZnPUWXxFVikFL251nfzhrZ1gmbha25gKIHWRmPo9p8+OYqOqLtlOMYo9WbzVxm4mf2fPkAlxwWzO14pJZHWkocaZHJoIGQy1pwT/l62JO2TxH0LkYIi9+c+gP8aUzx7Mo+HI2s6hlRmr7ua+4Qi3X9LtE/vPlviH4V8OLZCnULXnuc5/OSXcS4CFg2bLIFVsG+7U3B+8T2JzxusR9BvCP2aVzZM7+utifse+iDbbUGm3E1z77kb0DcTjQ+DwNEMSnz8X+nv4oiw5MRo+W63fntb+AX2Yv6zcG1szjmizIRvHA3zcszovQek6OdeN2sVR6PyfoU0yREEoW3PZlUaJ3jws8LRqYjBfNmbRpAcp1e2kdfCk0xe1o5EduPy+mjRQBGfO5jjHY9yggz7Oftjn+EWc+0hhn3+GFFr/VP/ebfwrUtCFA4Xb/6pQuKkVWvrx9Qd4Knx+N46n0Y3A8Hoyxs8T46LoWtBhnO3genWYbfSzoMM5+oCKcDeRo1LPxZTNWUY6j0Mw1W1BBaolkIpCuNnySk6y+aSQV5g9qLbzHVKi63EE2+igcx5PDOiKVZ3d9gMNAW6P3zn7u6GL85a/vjLai58rz95MiFUU4Hh++2Gflbb3TzoaYCxfbMjjPxrK4Gv5xnt7LXSrn6Cx1w5r3pD2fjVKU+/1XsE8E2I+dpS7c7ht9HL65Bq6pU27eYjUaZx/UpfLXX+789vt3/vj9REW5dWHbKqor0k/O86SoU6+LwCmN0WGtG+9/+xvWjGY7sihQ6UdnvS+cTSdaSO80OrIKg+Esp1agKM0Gz+Pgl69/hwCdPj47xyF8fDZ+eSs0KyALZVHu93eO82CMk+fzk9F3xgHDFvY2kCp0ETYD64WP5ydDmgM0fTB6Q2vFGjy/D6wpOioihfu6sO8npThz4uuvN1Q33t43ukHrjdutse9P1sW4/3pR/D3INNpY4Gns0qlfNrb7G/tz58Q1F37W1xTUrEv8OwKy5aJB20iHfdFERYkRRiMmB10giVPuB9JlCu0RtHyNEZaSRocMZgPo4KryIi7qNkYaYIlpLiHuKQ6QXOOlnRk3LPVh4v3DOZSi8+uCYjFVKpOOTFSXsBVCiAdPfMaDrWQaiWpMrYn3i0DL8Naf1FhwcEZfKqj+yoArr9PCkGvx0b49VPgTxMjqwozOMKY4cQRrdV3I6qwn6VGVCdBG5EpAXcVTZuDhTukCMEqp13UOoQfAkxWIHNMrInPiiYM7FuzLrBhe1XKMAA2IaU0voMHLPsjpH5kyp95PggG11pek3z8Jcz2oBNVm9WpEtYNg4WdLDpls/qSvDJL0ZUwtXh30wNzyaJGVQIm2grmnIphx8VNC2M8C6Bqz+hXoDCCMEEkUEQ/KSfZMnkNPpFLvSdXHpBfL52exl0KHJFu1uoF0D3rJ3EAmwDFbgC3sjniiN9pApaNaUa2k+DABCGelslS39RmIqYaOjbkWTpsshpxWcQFeEmKrkgArWY3P2xlxDtWr7M3bswqxp8xmYJ/rDjZZKa/BroMTkfz0TkTuk8V4tT9ZCAkztZgMB3FjuzP6oE3GFfGZqTMQVHGxmP7Yoz3DE9ek15v3KEKwdrLCl0BNVv0g2QeXjU4Wj3HtK9eqwvcjYNYnuCqaDAhAdDKHDCj1pc0uwa+f+vV6NpO54V8fM6mPRGMCgxcbDdKc/wObdCZ95j7EQqdlwGyHneudNfz4tcCOJA09F0CU5EQHQCNxjETck4NIMMABswQZ4ndTzN2yDmDp24xXPyxWZj5jibKSo74ziYmCalx57imf6mdzbWaLb34tbAtTD0PTTFKqn83WA5TXq8CczCf/nzN4ko0GbqsKoTNuAUAl+CkwxKKAEwAP3n6AZMwik1Hjul3X+c2zrBLtVmHjEMUl1AzrzW1InMPUHEmQxpNrmy2HmM1EmIw7RuxJ4j25bEKykVXLxa4RBwwQYoDR5U95sVNp4x1cHnPf/KyvvDTJ0UqxIs4El3/wm17gRrJode1PPxs6/Uu2zTjbwl7GIl8AqT9aYerMxAVlfHr5Ev/uCECxaJxv9SK3+4fO1DnJWMYG9gqmYy8xaujRxP37WHrzuFl0nrHY0tMvQzLAkk02mGBk2K9klUgCo5aMnCs2cODSd2AykDxO9AElfRhnnk3Rl5azyy7MZ5gxRABikkMV8gGPEUyW15whgIrMOfKc4QXIBIDTBjgz1cG2nPyW4HYNZotFscPPCjOeRa5iTlGXsMrr01iPnP5GMl9iQyjEOQ7ARx0I9LgkYm+L+IxpPplxv+F7KUAaHxShLzbu3z+bfz6e+wREOM7UbFDey1fe337lPJ98P/5AWTE5aH1n3ZR1FWod3k5kK8eIMdntxnkO7je4rT42uJYbRZWlPtjkQHpzA3gKam/4COWTozcEpZQFM0UYLOvJevMWmd4MlYHZd/bnQJcNLW88HqcfDIxD4HM0jiF8fnyHfnA+vvH3v3zBzPjy5YZIdxqsKaoLVYWlGgxFemfbVgaV9ddfKYtr3TQxxmj4IAjxkdJj+PfH4Dgbj49PiqxIqdRF6Xay3QrjPLE6uN0Wvn69YcOZAEczuhVMFrb1Rns80NGRtbg+QCksa+F87jweT375+s7tVti//5sfhFIw6dxuGwve4iTmB34/TijCrS6oFP769c1HmanwOA567zz3BiiDgrBC8yBl787YEF042mCpC1oWkM7HEx7Pk+eze8JqcJwn3z+/4XjfoKhxWwvbeuPslW+fO5/nwTA3mOu2siwLLAMpg3bu7K3Thvn48vs7akZrB6rCUquDUe2BjcLb2419/+Tz8Y1mjS9f3ri/CV+sYtbY3iqG8vjYeZ6dqjefwtIUXUClstwXRiayy8/r1DJ5JwIQDzZ1itcxujOW7Ko4Z+BnBt5iIJgYouYK+zPJS3qiMaxhPRQSileVcOJnGK0RjlJQiWkZ4k5NX0RCfWpp0gkLblf97wZOQRXohutm2GDROp3FjF9NfAoZ3k6Stk1LwVBqKJCZRX85TKeWSVgpV+9oOlRRjVHKl1FPgManNLmxzSo14gG+RcITKAoqHqVmkqSq1FIZw51vMkKu8dQZkbrTvQR4HfiBiwLvQUQnhQLnmsTfR+wDD5RD4Fm8XUTi3n1B0mf2l6TAHU7JgOMFjHKndglTS5EZFKfjT1G/vJcEDPI/7z3PCmuCbxprwmQJZSIsaDCluEA1YdKNjZ83GZyjkTNhVUHxtfXeb++1z9HwCbL68wndpzEiIY5g9XVfJFsqqOJzkcxwSpPOqlRO8PJ9koWNiz2mWmJvBkBDmS0g/sU4EyKOD7aGYMHw9M+SEd9PcC7Plfme8LCkT4HCwEE94E5hQ/xns+VxWIlgMvbJuMSsCYBLS/a2X8FdlnRcRPjiXdnwquOYtOXOUqMiOqfIXPsZUjg4zkpMaom39UTBvIW0kcK7OXo7fqa7DWgjgZWLhWTZchHXEtla7I9Bbz50YEzGjNsMp6RHIhlrrPH8JQ52JgN99NB1SBaA60eNaAsZ8/uQVPkeLR6zHcjGTGJ8Kobvo9EjSZdsGXoFGV4i95/slfhbJqwDH+maezNbDYnzmDioTNHNmB6IYKYzr0hBU0hfFcA3DpA7fvKiJfFaNIhrE3FtIHs5es4oyLOZiSdketFib/Teke5ZbI320FKSFRqvfB/JhMomIDKnQpH729A4q3N6SvgFGWm3dNquObI9/xMJgCn3wlUkmIBVJrFxbSQoNAay/NginOCEJ4BAJjzjBVSJTyuioH5vHrn4XrcAqNNO+H4IcPPla55YEzG9zRgqgZvW2pxik/aihK92Vq1NoGb6YQ2A1Po8+72PyVR4HeN9tXwk46bP5F+DpZvj4Z1xEIzciKkSx7raXHU+l/9Ri8U/8xXbwRNlI9rKCqn35muXNjr2WMQToHEeO9OHxp66hhiU/8PZFCJuosQes7kXLpHdYNtxsaYsWHW9W9h+jRYa38oJJQ6D1s/wP41aSsTjfsMOtuvc/74QFzsHuyYrWgCKsx1TXOA9/aJZ6p1cTCOLa74Yo85QnQXRvFfRsPHZzi7THuS1OEA0MM2JdgncQwJf12XH2Q6DKz/EsnkWwhcyeVQXaGNpgTOGzzg+GSsWbF2bNhUx9p5juYXZJhfgUh/JzAsgaOZQESdPwMsu+wY/nPNcw/HKHhxtFqFEXQfNp7ZKrFu/zmaXKMB5zKSOaPs6/MlEtj8Fas6z0tvgPCrWG2UYH+XBMOH2Vvnb/+ML9ELrG6JvrFtxYddDOLsn69W+MA6LKR4dVajV2Bb/c7QHpRlDK0Jl6GC9gUgDNWrxkZE+mu8Diap+OQo6Ft70C8OEFqOKRRfKWjiiH7yuC8aCjAfKoKoHgJ9H5/Hc+Stv3O5G6995/qbQlbcNeDeadZZa0GenNGXblHOcrNvdJy6Nk/tivG2V1pxVM6h0jO3thtaNP749KHqD5r1uRb31onWjyMLXL3fWAu91oY3G0AFaOJtQlsLXrwv7+sGxe5C4rgv3v77zfG/0sbDWxcUZ+2Db/iNjnBz9yeP4zi6DX3/9Qj93jvNA1Shf72itNGBZbsgCq3kAv/QHvTe+srAfD87zZN2c6XAe0PfG8Tip5Quqwtk/QBvbuqIEM2NVSjWKGWouuPzcH5SxoFo5S+cva2Ntxl/qwn9+uL7Q26JwdIYCt8YxPrndN2wUzmfjj8/OkwfrGqKsDI7xibUnFf+cZVV6X2i90Dt8+/bk9ia8vReWuiC88e33D85TMFsxKuvbjV/KwmN/MroySuU5Hg4kbl/+7Hj8U18iJREXpyyiWNI/lxJTdDKJid8hK79hSKXE7ySl2EHKUozRmwu3DmXE+GUCiEl6LtckxUkJJQNXCkj5Af2fxj9+R6Ny382TUjVxB2fZ8uFgjNOQIwmczJEw+kO9P1euiU7ZnvDa3y5y9W4nkt1jiskV1Mh0WleA7qh9DyFuiWuEYKgojBH3J+pGOisSZKUGiq7THfXRoSg1mExZAVCtQfuWEHnO9iGYo7PzQZqF7slVQXm9jyyfqup0EpcztQmueQtGMGAkKqFRZWrGrBpJgEBSbAItSFZjveUhmUDZj5Nrp1pm0vBaSVZVByCC2dS7Oesk1hKEUusPrQCioXPyEyeDV1UrAgtgaFJlDQ3argvZxVq+9Gh7YuZ2d0ZgpnHfxPPPIMfPxWx346rMATgQMUB69IF7guntRM5O8+2rMRNhkO2DExhTINqTvPrmDJdaM+kP0LI4IIwW+oj2iOFsqWHRQdOh091XlNegKPZYBC2t9QiyzFlfUWT1JPBFIDsTKb3W3ddMMBqXpkecabXQb9WpdSGRfLvGS58Abev9orETQW+zOLMyQdsM3ry1JcEO1/oacgE4aXdn0mFpizOsj++FLk3PCrIBOBNIh1FGAD7xzZxeNWi0AN0GY1ZCiec2JkhzzrGurww1b3mK5EGCqWiGWSYhWWm9JsrMijMS+ns//9n0feN/SjG6ecKs6iOgM0kgihn+e7G/IPr5gARYp69IJldUn4OFYQH4pA3Pp+0m+dKREAMZGr59fpXwJFeSlglA7hu7fLvZoJYEOzsjimy1gKnRU3siEqkEJ1UMG22CAxNEf2GnaDBbXT8pYguNRCvZlllxNwJYGmQRIe2UlhL9kJGEWQjni2EpykwykS727+u0FcPP2ZgBR+jQAJaJ7RioemJWa7AWopVviLehQLT8hR8doSflxavrMYiHP1i0/F5Mi8LAx19XkikVjOT07eT57KSgcQ8R70a2rko8Swe1Z/Yb9+dnVWYLtVfrJb526VhlDJCi03k2Lbcj/wDe/UQvL1D4n2MMTAej+Pw/FUGrMxgyKb8KDjC1mlKg+uXcvk6bzJXGXuKQCfYwQUx/5wTJjXCSqCUzO/x0tj3yMjhgpC1P/+Qsi57TikKvpae+pGRR0SZrlWQnYqQYLeaMMi+UeVxdYh8kkNtHB/sxThxYTPr0oREis+E/9sR1LtVDkQBhZBbo/PrKjCNdKqA6cyWYZKJMRksCItny1EfGJ0LKAegLADrCl6lm3sJsJ8zzls+ilBJnlVgfPycuZK+zcKqiDDWKDLQ7W/yMZyMizq5VAkRN0NSBQhffbhPMArePM+eKz8x968URxzcmWz395ms8poJSpk7NSDv+P/CbfwrUrHcYTUNw7qR3ZZUV11zxft/b/d3ZI233AODw1iQpC7UIdg7asXOcg1rgtlW2VakFzvOTYoPjaNPJCFCKYdK8mqiFTRXrD1ROX8RmHDh4oPpkmFMnl+3G4+jo40lnYKNyno37+8ZaG/W2sh/NEep+8Pdf/86X9zu17iylcDzAWkGlUdcFpKB9IMXFkU+8X7BJ53kePJuPnV1UWaoyzpPbsnKOTjGQ0Wj7A+13d5gAvTBMoRtHb7T9SW9PPt43hu68/WWj9cFvv3+y3W+McrJVqLeFYz/5/vkdRDnHgWp1p0Lh8fng73+7cb//wvfPjee/Qu83jlNZt0pZT2pdsKGoVr5/+/RqX+s8nztLLX4f60otIFJ4uxnrWnjsB7et8PXrhuiNIsJ5Kn/8Pvjt986//fGkLsZSC6MslGWl1oL0Am2nyOGMIGuc341zE/RsEdB/8PhsLG9f3TTujfv7QilCO7wCoSK83zdQ5Xg22n6wFOXtrtS6oSqsa0FK5+2XlX0/kFYoZWMM+Pwm1MW1iYw7x/nk+fR2rFKP6O32gH20QZEKY+XxaX92PP6pr1o92HLKbxrtelHVox1MJASwsAA/QjTb8MkA5k6iTM0GD3AaznZxZq9FBcIdnqonETliOh1b0jgdmb6Se7gAhTR8GQCXIhGopUH3xKCslaI+/l3CcBO9rJOt4W9MGl6nYIdImiW98wWs0Yv6ieD2JZK6pINmfQS7kkhnntgUMXO9HiWFbnOqxkTruYKIZJtoJSpD0Ho8INGXICIZEz8GGsM6RXzCTjKmiE8pKWD2ssZJ5+1TayKfnQfQcypVgnhk8mvOJFYPAlxnIesZXm2yKVTr4Es64sl6kEwq/LNqTH7yMfE6nTDCDCxy3RGhVMiRyLkG/rZlOrKegefPezRnZeQayexJjE7WrExKetJ/CXAyg67sAbfs3w7oz4P2ELtMZJTcP8mEedHCGFe17YckIypO4PvS2yD7BM2GBSMOftgrZi6eB/6sNKv2Fv/OlikiJ2FwErpRMnzktxZKAACqCsVHgIt2pAmoB0oqBWFQarkAF0Bk0OPcq/oUMK0BnsS48lF6YnvRonOxWiIaR8QTn9TPGsNoLdsdB0i2LDD3W2stgrkROgNpKyLpG/Hv0D3JRNWnQrgNPpvrvvUYKZpgumRwPzzOeJ0CZRbThUKTZ4wWk9FCHHi0WbW3YQH2jEw3vNXqbLM1YwRgZLFPEyRKJlWPLuhMrifLbhhGjACXCyCYL5Ef//2TvTQBvZFJgkOUfv9hC0tWjC1AHeb+z687KyKq/mm7A8R0gPPKnK9YP1ZUXIx0JoHkX8WBlOjlTVCMSOzy39Z7TIS7kjkHjAZLKWGTI/GI4N/ZYMGmiUr4BRCKM4qyRWBYMGC9CHGN4Hb2We8x5VE0uLW5f323DXHmbekOetQlJkv21Gcb82z6fko22VVAALvOpgqG0lp8b+JMyTKLM/cPTLKcyJbVfYIpnW0zqvlMI7nscJ5w9gRCf2Tq+AULqcMxz02CobO1sQWYRZy1Ack07hlPRRHFrjbEjK+I/Th9fQq3ZwsIfj7TrhMsiDGT0JdrNt8didT8xEfzB7+Z5yICj/Ry/x2/6WcRmb2DXC05l+i3gx0Oil5r8PIZkgcu9/EFtqRvC2/J1GUUH9IBqdXo8VoyMpOx7n83ylojPuvx7Jlxpr7ek3+yA3YBSo2wN1nQgNxHcq0DyTiOGDJAqtd4qZmzKmstWPhWApgQM0aJIkiAPC0YKnkmc4T6GA4IlygE9mZgURTUBGiuvW7dWw6dVdpf9jo/xMouCOy+pZRgEpM+ydlqvTUHejIezvhdJDTdwgYDdEJWweZ1G264BTfJqYnVW5ZSIZ3B6OZC+/IK9vk+GXYdQom4zuyFiUcwL2e7G9Nv5lLq/MCcTPXff/0pUHP/6tN0KJWtfmF0YykFtQbt5BwNGY2bFBTl+XnwfBz000AOtBba0WjHk9v2xttNebsZYie0gTY33EvdOM+T1o02hvdyl85tXVmKcjyeDg6NztGMMQoDp2ohT4YJZxuUZpzNWPRkXSqIa6B82pMmJ22cnAeM46TaEwb0XrhtlXVdUeB8GmtZGQxaO7w/X5VR4ZTOSec8gFp5Pk/6fvCf/v4vnM+DUgq9FcSM4/HJdt/4+y9vHHvl8XBq6HE2jr2zSOFWFx7PT6Qs/P7ZuH2pPFpn3zsHxuPxwSnN2SYI7exstzulFN7evmLNGEdjtM5ojaPtbLJS6sKy3BmjorpRVyilMXANG0V42zyM3kdjFK+c5OHq3XV3xDrVFGknbTS2+437vVJp/OvHwfNjcHwWnruwrDujCAvvdF3RWjAqj+cnwwZvd9ik007D9g+W+wab8nW78fvvD2QRtnVh743nvrNtbxTZKOqaBYXT2yWWL9jNg81lMVQ7nZNznFC82rC+Gbb7xq+6stQ3T/635gFLXdm+GM/HzuPjD45+UrSwaKXqQmnKx/fG5x8/73huH12Nt+mJH+OrHSbJhP61UoobG2bdhtQjUSFaicKwDHFy/VAXiSwX0GHmhmXYiLqMB0lm0NFpjFyfJrwe4YhSE2Ci5hdwotMxQC2eEJSoaqfGSYI1CfBMQPtlLHVmDlo0ppGE6PJMMq8Kl6iyrt5a8sO19ivwnkGWBN1aMpKXqML6eOr44mzFGCRLB2fgxJjvdM4lJX6lREtLXLp4i0wmQLFIEdS9gFPkc46FiKRaw6n1nkGGkEI9Fp5BZqDjAYOzE2x+nhAAXNqCYE8l5RqyyuLCsTnq1ZkzNSrTrkkzr1kFrRrv4ym8O2oNMDHf+0qIs0Jh46I5O+PL2+b+zKn9s18zeSpO3SaBTHsJ/iL4hkiqJ3OD0J9xkCBFmiUCpwz0Z8Bqr+vmwf2cpJYVZl6SPnwtc+wsSAjBykvS6Zo5zqzIhF5mIDtwFs4EZeTaGyluyLAYf0sAKP511QrD6DLY1jWCNiJWVsY4JrCX+gHWrh51FyEOGnbsvbk1wwbRO9pfJu6YXa0jRGA/A3CveDnzLEfc9jmlC4iWoHEF7BFspi5N2h8HTLyNyae8JMgbwWYURtrpE278nGZLQzIJsn0iRoc7ROKMn+EJuYU9yhaKBIRc9Dir0r4pBAt9gisgRiTGpnoQeo2RHz4NcmYy1xSNubdnW2dMOIEpNm2DeM+fOBuUFCZ1plceDhvRjoMho09GyUgmx4uLyT2lmszLfBPmvprphaV2EkieLyKhy/0YSfTULunj+rhIxnMSykxuIpEwybYdovDitrFc49pmcpXgzOsEmbQQnnNksiCuYThiZHl8VgqLZwU7ma8ziQ6mW+6ZYd0LbrHHcsrMaFfLlf+eTP+YbUDZotcY8+sJpiaAmEUotzcvwFMcgDkNKsGQ3iORDRA8AAGdwsV9Tlzy+3KwJp+lGS8aUel6RwjGBvikLnbaz0YWXghbkKzVDCNm2KPB3IqkHMvxzNF2KHaxbuxaawMvpli2jQarKpLR1zPvSbyDUT/r69Vv+ozfWDPL+MWLij/6TZt7A3HbNP2mvrQ3hV3OyZXXiPs8addY79TiSqZHxocOxDQy4Qe59OLCrxuXPTYIXxM+ARiW044AuZgU4b5fQJf4zLDfeW/DjKVcMe1lv9wf1uk3/eWg6lUMTHZ1z7MYzLBh5nIJGJNvE3H7LPr88JkJsPr35rCCyBF8OxvJzPE2pYsFyuvb5X2TPjnbuUKCAmht0BqM2W7q+7yU4hIP4qyflGNQ9YmiZtDbGTpHri2VE9Uyxm/d5r4AZktxMvtKSjjEee0R38xVVgKsjXjqlTnkwYWf3zGmbYufnObqf+Q3/5xRs8GXr28cj4Vvv33w+HyylRu3e8VCGPHxPGi983x8sj8eZD6DGob3v3/9euP9yxeO5yfjHPQjqsR2cyrQItCEuiycjwelVrZ1YVkWFlFGVM16c6OnslCXO1I3UDhbZ9WK6MYyjDpORjsuVeXRMS30vaAs1CG0ftCejQ/7RFj5+P6g7QNGoUqliLAUF+LsbWB6Q6lst8XpxFpY743v3z7Ye2PdFtpxst42FlbO0/jy/kYtC5/7wa9/vfPxsfPHbw/evmysLIzDEPVx2apJxfQg7O3Lytdfv9LOg2pueHbdfW22jXN0juPEms95P4/G//a/d759Kvf7Ql06y+pV7TFGjC9viHT2xwdisCzKujplrFun2cF5mI8bX6A9B8LGUgsFr1Ic+2BYRVX58kVYbyv7YZTyBRuD83nyb//tm7M7lpX9PKgVztpYl5OlPlGD3Qal3Cn6hbpt6LKiS2FbF2wRtvXG23pn3z/pdrJWxUZD5cHen1E9jOqHFmwMHufBshZsdH77187j8eA//qd/QeqByeCM9dZSqUW5iVLqO20/OPad4/mg7TtaV+w46efPmw3W6sm0DfP9+XL4fXxgBuuEs4Ecd5hJOzqQmKjVe4NBJGCOZKsMb9l4MT7eux5tDgaNCz2W2L8DmYHiD9WsAGASZQecpRLfz2Q2NThE5h3F/WlgM9EOpJe1Tzp4Bo1FrgDGjaSRzBMf3Zcie359I9Yxq53ulANUEWDq64BoOIhwOh54x99V3XFnvys2HWTDgj6ef3rlVmNSgWtx+P3P8dbTEYKr4JcZX2gwTSIziJXSaC8lhAivykUi+5B0UqYDd72TAGwUpKiDDJJAjQcxWpwhU0qJQJCYoCN+X/FndEY5cBCJ3BQ8Hh4gLKFVNlGteNr+jBSzEgF7D+cewpFi/MTxJszkAnrrk2ni29p3aKMjQ6bzvnJhy/r+BCo9qeA6G5mMBzjile/Y07F3k52Ryc0MHIIqjUiANzL/DakPBNIvbQx/7/ISMMNpJ2aZtEkAfiUAO8U0xMRVqPiEKtdLHIgWGJ2zN6oWzqicOxshWsEAs+4gs3kVTbUQuVMEsI7Q9AEVjQoX83dy5KYDfNmW4M8ES/bJYBy5h3lhWriYr0TbhdmYmjOewHtg1YPtMvvtR0x4i8/1+LdN4CRBEE2MYHiC2vvrdKkQHmaghH6NeRDtCZwyslVu2pnYF+SjvE7INR2qMawF6NNJfY8Ur+zdC3M5QWTyC8cL2yFfcmmW9Ja6ABpsnv+bjtH/pJcWwUSnVk8Kxrsdsh+Se3tFhCPJ9jUOdsYYjH75qvkM0jdFgjWZg/xo57JT0c/h1YKKBTgZCbx/KRw6CY5wgTBkwB96ksFg8d+NoosE4zJtrQoymLYq8KK5P1SUNrozOWM3aPxeFliSAZkg8BjBNA3g0ZlxF5M1/VrkasE20UimL208M2eqtO7+1vPEBI5l/j3Fs9POJoDkwFCf3/f1up6txXr2BHVeGAu1OlhtVhghaN9bv85zggOzia2THmmYgpYJrNkIn52tqwOGhH0gzpWYP7cAI8inbFc132zQG/TRWWpFdcyzOTNIJFpXZPqLbD2fgMe/nwv+01/Ono2YNsY4T7ApCjk+/feKZWZsY1cxJIdPuCC2A5f+Pl4o09fi40shaGr5TDwizm7o5Wm0NQ1LRnWcndG9MBHgoLcbp60GTC5fxFWQyRbXq/wWz94AdMasgQlNPbBRfjxTuT/ynF4CxgRrM2QpLHE++eFzIYZ9JNU+7mtyiF726ivDqA885gvbOYHJeB4WovSzGJPReZ7l+FpuyUvnMGNAFw1Ou+nSU2Ff42dyn3gMkgCPx7I9ziCWIsCuUWpTvmDCmf58RSdbecogkLYkwaXrGaVmFhjt9H0xz+YPZy1stEaMbr6PLYDG9BGp5/Pfe/35eO7tnX52fv/X3/j8/sm5nyxvjePpxgaU595iYofRTViKIkSf9PDqT7fBt48/WKRwNGiHUdVcLFSV3799cJzHdPhf1pWlbvQ26F3p/Y5QMG3U6kGMmCBj0EOf4nbf2G4bUgpqg/NoHhjqYNmE749Orb9QdeXz4zvbcudxfnB/e/PFRfg8PhiA6sIiQt93tCjL+oZqpXWv6BLUz9u6wBd/yE2hL4V1KcBgfXubjmo/PlnWk/vbgurC87ljbfAcJ27XK8uycFsX1qSt1gU5O3ac1OVOPxvj7By9QYw3VwplXejdOD4+eXwWOsZvf/xX/vJr4b5snEfly/bObVG0FD4fHxzVD/W2CRtCXaJFpjjfudSF/XnQ2sHHubmify388e0PztOwXj0YLa4hUjej6Bvt7JStUhbDeqdJ5zRjWKXpiq3+/KoI+6H8/t8++OPsFFHa+cn75v2Q/VSOJuz7gU+ba2CNbTFuW0fqEUyHyvfPRu8b+3lg1uHZqHUBfef+tnJ7v1O3xrADaZsf0gicR8/qprLoHUP4t//yr9zfV6oW7ov+u2fjn/2qdfGEaZwQ5uaq7qVZTAP2Qhm1y4joZJjE2OswIqhRUO8Rbg2RF2Mv6fBHaIokWOJUYjOjcCWCwEVRJCvs4TE0p0OBpGZGBKNmkSxklSMFK9EL7MEBhQxmk0qcCVmOwhYR796RfJ7JIJHgEIdeSvTfY0Jv4wJp4t6zalJeWoGyR5lxOSZEgqWUyZg7HPDkoFQmtdxBD8Gn4oxJGy3Rq++izzqNfAoLe6KeU358YluLPmS/BLmejeRI83TW4TAttCbU943qmE6xRXKmAWaV1KV4SUYmY0b8epf6Cuw4UiOxZ6ZOiBYPZIF1W8iOKUsx1FyzqDCY4WLM3QVWJfrzy897NKO6ZN5qMsdHjxdwhemg/R/GFPyFSP49IRrjoGih9QiQpFOCnTZiP0LSdzPIjJZIIuCYgSdOn8/WKMS1GPQK+GamL0QLFl5MkEK2xoxhLoo4wDQT0dg7xgQ6VBVF6ZFczgQ0qN9zvHckqaou7JpsFQcmOjmee5iPOM+AJpkcqqnTEAHqrIgps6qXa5ELQQSbvUcbgWD0eS5tss+ipan3WYmDpLnnur4Eb+YBemtjfqc1m+wbD+BfRwwnXdumrWiz8jYcT5eL7dGH0frg7AkqxeeM1/dI/Zs+f8asYzTAk1dvZ3dqu0XbpiegF+9ykO0fGTi/Bqk2k23MBVZVkw348x5OEYHB1QY2jKKRVM2zCfMwhj/JLCehEsGBu9jSZPvCbKvtFygAEN2CV1Ix7ei1pvMpW17r1bqQwKsfTwcVfVxsmcw2TZ+UWR2ZMFnouHkrooPmCiNbMzJOgCwK2DDXSwSwq1UhGQSZrLpYuWGj0bPaHZ+vwe7LnCz39wSuJFge49KHyJcZtJkMepFRQ2x5WAo2Z3J+tSjlurnPdjR0xIcn+3cM96sDb6fwNmFP6PNZWvzsLH+Fjx1cLIui7u+keIGkdWfMnT1twcUgGLFmCbhFlEMK/usEkTz5tGAHZgHIb8HjEJ8QOOIrMteLl/fI52D4Xr/20c/7Ehxgau3ymw6EXAyz1xH1Zhbs0VeAw2++9xb5F3HGLzbp2a42WI3ik7eQZuwcrJvRSS2zTK7zOt1fp79xgFKGPzd/sh4/+jX5tbTeLkZzoi8TdrBpdxzfvQBYv7kfB1V0efHZHiUS7m+25PtEtJxidBUJch10gsfuK7Es7uSQDV/jHEg+43dxGzl67K/eqCXblrha9E3mtWSMgznAD+KFlbCF+YxdtwcQmbqZeR3ZUgYek+T95um4ijNpI42ckOp+uE924yBZrPEEsu0032v0yWQ2XPrAr+liUsWOZFqi0Gf0+/IYKB7eZVfybAaLqZ/H1Z72f7b1qX8oz8dO6ZXSA7nrf9BkUNcVrXfqqFj1gHxdC1UHtfagpRVkdJo5wLD3Hfad0TrrslDEOL4PzlZjIRu1Vh6Pg3PfGaO4OGxzAaRaC73trEUZ5uLGaGXdNqoawo6LDxZYBLEaI8bhGCdjNMqyUFflbM6C+fL+K4JyPHeW5R0rAzs79/sbj/1kqSt1W2n7g9tavdJAozefVqQG+3lwHt3ZCMeB0lmKQFf6Ad8+Pvny9QtFLTRhPhmm9OJGZKt3FhXu9Q7HYO3C/nywvDlg9PzcWYqylYVhDekD9oapcapy2KAXocmTPz4+WKvx5ct/dLGm1nn+8RvSlO2+wAHPZ6eugyYdlUrrguqdtg9ECnd9Z1sU3jq/fxxUWWkHHHaHrWDFWIBFC9WglkJZNtp58Hx8IOZrPcYJnwvPY/Db8+Q04cv2hbUI5+j0RVgqICdVDqdeA1pWvj8/QIX7unFbFpTCsi7c3gzbDVmU4xT65yfPs7Msb1FBEmrdePv1DjgoONqC2Qbd6ZLP5wkRkO6HcZ4w9pNqhXv9C3LuNOs8vu9/djz+qa8intjXUl3MLkGaacCjB3Ymg/nXSAJGMm16GDinDM6ESkagy+IsJIiEP4OiCBZiapOWrCTbRJ4lQCJRmRVrfwUolAmhQIm2Ga8SdcAZdRm+lkgmMSL4G/O9w7O93GcGwS+J//zb5R5TC0UDODD16jdioXkRUxtgVgJH0pgdJYpRfC7AHKMAroQxHJRXDD1Qc0BjmU5WAhhyp1lCozKrsnrp90TiqCGG7njxVXUVrX634XySYk+uM9m/nKwIT06c1W8xbTn0AGINk7nk7YeRv2ukcOZ7UEODZqmFuvj9l+KstUwkihYPhiTZOHWCh3PsuW+FWUVDBC02q5e1lKlZYjir5md99TO1RbIdZdAtAwhfRI8pY99OgCT3Y+y1DCraOQN8FWFow3C21DwzEoF9AHcpIpnJXorliQYjTrLVIICPYM6B+IRAmFXLkgFjIISvgE7vV1UzW3hG85ZjEz/LJqmV5J+nVmYi2Ifvbx1ePCiZ/EUYXEtxAFFkrgfkfacYuCLRzu/TFzKQv3Rq7IU+nu/S4xllqyAYsi5eNQ1GS7KYewtNGfH3cpvpgI5F4uajmP2/FkG/60RpXFsIrmfjaLaiFYGWqZvNM9pHBMmh04b5mW+j43DbgGDc5OSaNlKbw+YzId85/YEkYzCAIsuWFw9ui9YZkM7RtMacEJUC5ZNRGLYr2Sc9dQ1+wtdoNsGCbIEb45xn89Jj4TqbXMk/8b2LRSWzD3OITC3RZDJmgnFGUumPJZPBBAWDyZlFlpcEzHIyXxYfIvESfP9mi1bAmn7t4v51TlwhPqP4uSOm9pk1B3ks9waTzTrEYwQRQeP+JhAVSUatFZWLBZbTBYRrUmIO0XLQAwd2ibVGPAEa0APxSp/dLcWth+tGYei6kG13/hBCpDd+LkHZrPabgZMdklHi69hjelAfSk8ZBRnu3OL8qZq78xyyEKCIjKvN5pxMgWSJiouzqu+rjKkcM4s2wwmuRIKeQJc5YD4Gk7knoqFz45+Zk6Xchun8O/yYhE9sJ/aJcrEhf2b9qBH37Z1CviaDKES+sMumF5CrkJbfSL86472csjeZxTKBZ3AGuVmPPwGuM5qAisgF0vi3hNmWhsW4d/flWWAwmACkiEct3pZ86aWkvXXWlZIT3hKcSiZLnu+UN0lmi8eHwWbMGwphW4+3ArgbwwdLxQ/lgAqV62BatPipZOGFCayk1lLGLUaANTKm/9ey+HtETkHEAhhzypG3C0XbFTGli7hfgh3bEygyRoixZ2wo8z5/bJNMf+lAtNumsw+6eftT2uGRYBHpa+NvZj4kIO5/gsbiLB46UTQLmxK5jcV655r6HmbmlrHxXs7cxbK1AP/Sbxr/F1qf/ut/flKKsdQ3/vqXG8f+4NH+N758fWdZVnoPmnGBQUVsRRXW1dzYdEVHQ8ZJsY71A5OGjM5SGhLCaaUWSln4/kdjlYKcAynQjk6zQkdo42SL6QylGmYH1RRl49h3uik8B+u2MGqBsrpxVaV3P1jLOihLc2pc3TBTlmWjtUFdNsqy8nx80h47n48DkZWiC1hne/MEzpqx6IA2qOMOzameVSvNXDRR4+Q4E1N4v7+xlRv788FxDFTeqLdKt44OY6uVKoVFC2JCLZ4kbUv1kcWlcPQDKbDVBbrx6C7OLMXHo75/vfPL3+4+OvBoaL0xhqCLUZZOvQnbfeU4jG2D23vFbPfq37nz+dnpbaO1zucH1GWhW+djf9IfB0blON2BL+/GqktssthGciLi0pHP/YNhjbdbZdk6j/MACmdf2I8CC5g0au0UNZbtjtrC15sH8nuDritHh/0Mo2kgT6PbwbfHhwvGjcroPvrYGT5vSH1jyErTzloqakpvgujCbek0efIcf3AcJ6Mbn8cZxrlC79xvN1of9NMFIH/Wl9M5Yxx1qW4QOGcbCgjFJd1/MCiITw7JikLrgiZgI0HJN9eq6SMSdSsch4sQj9CwcQX7Es7JjeUMTDPZyD7qCFQywJEAG2YQHMlVDWFSsxSozQkFGbQGlVt0TqBAnH6ZycdstUJmcOif7u8z/XpWL0okHt2rZUtd/Z7MM79IXacj1GD9uMChUSySIZmmORI6mYCLcdFrbRilLn414hOVSpEQTHVab6056cmDYr+lmK7UbbZgMR25zAAiP+caySlz/X3f+E1pUdcmmWBP/D4y9XgkQBiBaIULpIb8U5FSLwQnnunwrNTBN3UmXykVLQs+AcoDFslAVdRzB8ZVRbFMugkb4+BwTsvJYu/P+DrPGFUrEi1ywrBz7qIp5ikw+5oDCYt8xddAcj/nUx7XPke4RnE7xdv3cf58gKGalZ3hIN4Ab+PzIQFqQo/2m2RnJStPeiSFkYwlQys/oSf1PJl5NiD2iQwHOSzuwSv96iDRcBDz4hVkoO3rktoyIsXZqtnXLQ74ervTtfNlVt3S1vlzsAiM8myahWhinstIXjJRsmDYOIjtoLUGKNujHSQTazOLanyyAshIf7YuJfW9x98l2zEziY5nO8zbj7wdKds8+g/97CNubI6HDRAqk17FQbNMor3Km+/hbamtd48P+ohr79e1U2ZAGbyNmXx6G22f+9LHBdtMnIQEIWQCRD/r6zzTV0kw00awQxKEuCr2/pJpG6czweaJzKDf8wnLRzrBxtRlcWC8Yy9BvPHKCHABaf/RAHHCf2dB4xXgufbvuFKO/DF72dvI1FTIXyxZ0Hltg8aTWTe11+ea4Log88yQ2SrWffx1+kNPuPIsRvI08l4jFnlhDcxpJwnWvIAg+T0XmL9aAxIEm5owmRzHOR+TTTaCKZOVeb/9MQbnefrnD7cHY7jQ6Uxa/+FsOlu1M3oLX5osteucwCXU6zFUsmEl4qwxW9Vnoh4XJd0maGzXYwqQTkGcPSDy+qwysXS/CT/6TeJZCS+MvJc26J/xdR4ZRzlzKDWFNKaYXWfzAvTGCD0mXmOh+NvM7LOYkLGhxyQOxic728937NpZCIQEvcPPiM7EOgteHu7ENcVeTvA197cIFyvZjJQhmOLuIwubcb1q07y8cNPn5xUt86tpGsSS6VyDYZMggc4Yz0PmKBKG79ZZnMsz/7ImoaGQ3w/nNAd9OICUV+IMM58gFQXG0a54latw4Kxh/9zeMq6xGPgS5ylASMfoXuOFV+BsBLslZBXiM/zn1acSPUbfAAEAAElEQVSRzj1vpC7j3B+RoOQ019bH1ME0M+/ayWEswxc6RdFzpLlzhGzG9x6XBZRjNhmu/wiUznbstNd/4jv/FKj59odg+sTkO9u2cHb41++N2/HJ27Lzl683fnkrUIxhynEUbCi9Nfp5BhKlLDEGmLLRrKNnY6F5QFdA7cmyKvd/+Qv7H09WqWzvGx/S+TyM2914/+WNVSpW72htjNOoo/FsD4YUjjYQWaPFoFPK4YrxrCiFL/eviBqlNM52oihn65Ty8NYtrbRhyLLS24M/HgdqBWywcLIPYfRCH56YyGJUVupauA9FpFJ0YZQye0TZfJMv68Zog2/td+g79e2Ncnd9ncf3/0pVoYZi9uiDdfX7OJvT9HRZGXV1rR6MpQp18y17WzfeQmNEVqVuyuPxnSFPKJX9sUI7WN8LbZzURXkrwhgPH+NIp7533t4LDOX5NIY16tro/Qmc/P5t8Ll/cjSh9er9wMtK04W1bvRSeaO4HsHSsRAkfLZP3t4ry9Lph9GOQimdZa2UcgsEHUr/6vRvaZz9wFi4bxsrJ2aNbg2zxkc7GEUwvVHKYKVCh207sNJo0vncD/7X//IbUlZWGiuD4+wcXfhPv/7CL18W9L1CabQD2nHSurIs7zzHJ9a+UeuB0rjrTxx0WgkhwTHblnrA5koCAG6cvbqm01iYRkVRYAlQYnQ3VCNADBMJ4C0dw/bSB86k+TrwUsOBWAT0Hgzn9CcHKl6cRflRTBa4HAdEYBLBvyR6DmCM1h3IgdA/yeQsQJsEf6ZJz3/JC7DBDLqTHdA1kiRXVA02QVQr8pcySQ2HjkXyqkFDziw7QIsf2CIz2L5GEGbfuvcHa2iM2Pz5BKJywsbriHLEKCOSRGvx3hrG3xPzHKN7CTDrdLwiUBb16TvDv6fCHOue1SeVYL9IOvIyRzdreREI1mD1qL9H0QBn1FtUtFSg0M3vh+FMHYsEXUtxYKdGhcF4CVwDrbE2RQZ/5nzQA06vpmaC03KsqhBC2TqTKpCY+HQlC/iXyQQMPPjTCBYysEl6eFb1JcU/swhSigfzkiKGUYEKhklOdfH8yfWFPFT19j4Xu04BTuaFjX7GxKe0MVEBjRYYE8PamK1qPtXJnEuiw/WVzNk7aoLmBKjoIU/GlcEEn6QULIS6zTqEfkOKFHrgZFGYiaB6tnYE4DFZdFcwlomuMThbJHHdP6MUD7S9balHOxDkSFJgglsJ7rgOQaefMZbbMsi70MUf2Q4B1gSwQrRIqPTrd1/YQb4oXhl2wL577GARNAoM/Henvo6NmKiXT9CCSh+tWt39ZAJWBEjkBAwHkxN0G8TZxJmQrt9zRNJ47def8dXOPJv9x7PZPbAuMcnEFzlsbvqNF6OT4Dvw8r3JSfMkW5VaHTz1s5XsFQMd1ADBHWC/EsKsImRiMH1HnN9sHlARb+CxTMQDcNR8z0i4JBgqLQGXSH7C9hB+QiSbPvLl4vYp5B2ppP9c+DDruaeCQSquFWXdW9p7sF40QIrZ3vzqi8j875UpwEy4VV34uvUTA59EyQiWbYAp1kMY2/2JiAuKZiI+suWQjuDsuBaA4xQOjodp+VBnm/iYbU8MC1ai25ycpJnsW7c/HaFM4NIZZho6ZQHyjtS0ScghQXIuhqNFu9YYHOfIHXk9Z4RadLa9vsYmnliXaL/qTLb1/6XT8z/3dZ4D1/oZEzxow1zcW4QarXTzXgMEzLZXj/H8vV5xVbG894z//MwUjVZ09dxlRMuaqqFr7vlkvcTzCsHdS3MGPPazxFU8di4OAoMxsmVvxHWIA5vDmOyNTOA9foudP14sSsSEYmmf/CymAPnrc516URGfa82BDWDDRa5LnmnL2NRBrOzIEnVdK83YXRMYjEAQMgyhS59238H98GsjNR/zfKXtSPA6W4n8Zi3ikj6u2M+QWYjJz1fVCQDDdXZ7sHic3W6zKOlA3jXlyWMnuWxx7AuPvROQHvF8rmfjN+jsfnA9sGHKebYAe67WxgEsxQcfmDJB5owfPOYyNCbKJiD1773+vPWpfVJvHSpYNY7z5G9//xtvt8K//u//mbY/OL+88f7lHZHu7TrbymhPzrPRu4J03/glE5jifWjxMJblxrptPJvR+oEslWHQ25PyduP9fUHXii5QyokUo9vJsvro7FutrLc339CqHGen3qs7NQnqGoPeD87nE11XtuoMlUHHzk7Hq/xn8xGG919vyNIpKLevhVKF8/krsmxoubMfB6ID9j8o5mrUfRyYVFhcNHRYwVgwKXx/nijQtDO0Y3Z4n2FvwOFgxXL3NaEg9YaE0FSpcLbBfjqVq6syVNikgsE6VqwLH789MGnc3yuVzu3NaO2gPZ9st8F6qie5R6cxqLclDqp7pm4HrZ2c3dj3nRsLo53Yw/hab/zLL184zsZgZSxP9v3wvuT24LELh94oSyVIRN7u0QTpytvtC4+xO+1Pd749n9RyY1nuGIVjf9LPnbfbRokKiZaG1p5m0IEEG9QbcJ7UMqja6acwnhtKQUbjl6Wy/YcvfOtfGP3E2k4bn5w2+P35wcc5+MtfvqC3d2wc6LaymPB2f4N7RZtC/1fsfAa1/Od8pfCaG1Vfs7WuPmXhzPGQPuJWRVxMUH1E4RgXUu5ARYgYzoTFjaz3oLsBTOp0tktUVU+qDXJSwSWgFcy3EkwB8rODJq8JoqTIWQQhUTFPhFk1KwTpUBRL3QxcAO2qQLox9pdBMGKuANOvc4bTiZoTAES2H2XQU2QGqJMKGT886Yu4DSsRoE0AJJhY2bLUI0lPHzcV5sWT2FouVYcEpnI0p861ynW2qWdiBMDzOqY7x1TCC0IvM3DPNpZkMYnIFSRIJiCvrCcCNCvzuZUik9GUejRadDKBai0BEARbJsSHVYtr1qi3fvECuOQEn1rdJY3ZfuIVIhsdrIKd/KMmwc/26r1FRczpxGNcE2JaO+kwgTlPBhPQuaoqr8DlbPuxyyKVYJ+10G7CopJkKVxcvBo+BlIsvh80Zcmzp3NfwEsShwOu4NPTwGKEdlzQ8LBq5HSc3LOiZPuFSSb23r6X49wtgrMU2bQxMC2Ydvq4poCJupCpRtI207ZkBsZaeOBWZoB9AS9gMa0p66/+XwRZUQVvZ8NmYhCaBFFl96kN/lkJuEQkNpPKnoDGCO28iDl682SgRoA+omWw5Xjt1Lux67nnqF6SVUMEfdFCMUIc1plCRMW5u33EZuDpzy6uX7JdszNGi+fj/01RVHONjEWFNtxXmPiUHycXBI08BHyS7RU5QhgOb0efE5B+0pcPVGD6gmyVU5HQxuiMeTbD76gD3762eVa4zoN5siAB5Oe5dvA1gD2cyepVaglGZgB9MPVLwslc53+CLemf8WuBiCFDG0cv4PYSuQyHE/HY1MWIZHdYthmWaYd7JMXElQ3J8diRDopOYFjics2GV/ATtM330DITE1OLVuDu7ze62xa5SiqSSs3+K7Tz9KsIlm9WrF2vLgAUM29LDAZOTp1LYeIe7aetpW6Ei3iK4cNC+sCKt6b0mLY1ep6NCzxKmzJC084Bpxbr+CI4SvCJ49yWF2ZEnkfMI5UebbHuYwezIiTmQulkDAfborQRbW4B6F42By9KBzBtEaeIemLvT7NFwvvzns1Xv+ntmKl3B+dx0sWiABQg4WSt2GxpTQB+slniWbi2esQx8pKkOzLmw+CS8RIxj/81znZowwARy+RZs7mir62gzkrPvQKkrED8TJ5f8ILXkBdGjQCj+FmL+CyvJQFNzF6mt4VPmHBNAAaS8X3YofzJeY+5Tpd3RF7jDX8nB4T9lcwj37vmMTjpFocTdxnoy9nJlqMplhv+vI9ktkXL9PDfL3gB9sJH7Dpb5gzVHgWJa+1BGJHv6A+Mm7Mlg8mrug5eDgrZNCVzHwkOxuXz9M7fMc1oslXzTCuDtYqfzdhL2UraeqeP9JsxRZNY5oxrDAIx+NOY9k+Bml/+cuf2RWDdeLaDU+C2Ktu28Je//gvWT9b7zdt5GJgp5/nk6B+MYJlUDeTbnEbbmiC2UMtCWSuleAvVx/5JU2Wpla0s6GLoUl2DQ0bQiR1dNjGMgjYX5uxtJ6djPc8nq25oraHGX1EpnLszePrReH58ch4nt/sda80V3RFEKmUBbLCWxvvbHa07Yge37QPVDaOybMqxH4xjp+iCqvL43Dm7sNSV/fHk+zFosrE349kbxeBdF59asj9RU0Q6Kp3bbUPp9LMzCjyagVaIqrSZ0HdPJtdlY1tXltKcdt0LHx87n094e7vR++B2u2EYx7lzts6X5R0TdRDmbJRto5QVMNbNW4c+9yfQWRbxEdUKsm60MljWO8vaqdWdoif5DWSll8I5DLWONEcRb5FMb7cv5GCadRkcx8ExdqdfP08ej3+j6o3zOCl2sC1/Y9hguf0C7Q3Gr9y2jef+4Nh3zqOh51eEA1sGugrWTrQNxnEg1illoe9GHa55s7xt/PKXNyhCbQ+O/ZP98c2pla3R7aTUG2fb6e1g0cJ9fWeMJ/VlcsbP9lqWhVIlnFpoJGj2WDqykf3rnpRBmJyXanJUoiOQNKth4Ee0A7gR7YYXzpXQVMkg1iJI8YQjR/0JgNpLoOnXPMKwJ22QcExmQpkJV1STI2FP05ViyITjdTAjHCPjCqaRqAjDBVj4e2T1vY0Br735XP33iarzeq2RbF+gzxW4+rjATCJD00au9/VWJWLkdVBPNVsEfCpbib5Z40rgs80jv5NOdYrAidAx13tJHxFg1jXlJ9f+JXiJV4IwHsNngpe0UxeIE7kmOxFU2lJcEF1De0Ziv4kJwuJTf8QZNV4xDpFYLTFJRjAtUflwCjLqleGcuAOu1zD0IrtarJGik0r6s76S6kw854F54ELQZSPhy2Anbvly5HFGL6Amnqk5vdf3cSTnw6uQWgolqkaeL0WCZNl+cfWlD7L//Wo1uM6Ur7dI0vb9d3oEVw7UFXq72CwJ3rrobyaNzvLw6STOTtNSggEComUyUswKFiyrFsmgJx2+T0tci0iKSfteKMWnH/kUJ66AU/KMXhpHPv0tWioiXh7dEx0VGGEfERey7N2BZgsae+rTJEshk8LeQx9mGAxnIE5QDH5IGsE14wyCHn8lgxm8zjau1GgYyYZpE0BKkW3XGuvUmjbIGVI+MU0YzWgxkAGc7WxzfHiPhC/aowYwzMeM4olwreG8k54fSWq2b6TmULa7vq7vT/vy7QUi03d5ZdrBaWIde3e/4s8qwK2wrzmBZhYl7GLSpD+zSPzRZI/GjpQrqfFtZP9weZGMhehSspiuhIr4JKatHIC1YHWUAgHa5XnI8wlEUWdcb0X6YbcxYkS7QAqKvuhBxOLZ9H+E31ZkvFT9w/Y5yhc/m1OPRJHui3AVCNKn5Zr2aM9zgWRG6k/0OeXFx36Pq10x7ibPwYxdpoBo+LeRlfZck0SGgjVhcRHRLjbbLyyvQ6a/d/vXGNYnq6N3Iye/YQOWsHPRB2qWYrL+X04E9FQsQfIx22syPvPpQ5fA7hTutjFtzLV+FjZ9ZAbrZ3X8vIVHCPxQxUFFu84Kdk0kuuIbLjucgA0y4y3f/mUCoEIAIpEct9GnTyTYxBOvyHMfZjnPdwrVzjHL8tqCcwETBrOtitiHo1+iutn6TMR0WRx59fmUMU+ZhpYpEdeJJBMrY9OI0bM9npgcmvFsXAdGFNeYX/c9NjxWIfQfuXAd1fS9F3OuR7usTytl5hkz1hF5WQ9wjr94XiHOjs4iHML05ylGbHGPKsYcDDDjvWzL8oR/xkiATrZt+tWY+mZhb8cZa2SIDdbFtXF9Hzg7eJ7N+L3RhWSpCna9d8RuSLY7ZWFEWGoNv9kjdmiRK7ht8EmaoX0lUbj9H5zNPwVqbIUmLpz7+XhwnlCko8C6vVNL8b5N9SkTulTXdpCNIT7TXUunaKfIAnqjKui4eRBfF46jowX+9h9/pYVT0zG4VTeg7lSrH85WIpkxihl17Zznv8FQVG/UuuBj9ZT2dB5b76cfkLG6jk4tMDZsCJ/fO9vtxrbcZ+tT2w82OVHr1H5wPB8sC5Ti1HuhYFRutfKxnJx2cr99odxvpHjakIXP8fSNUtwBFFX62CkCdal8/frGslZqgf2xU1S5vW3IohiF1oX9bCzbirRBWR0RVFUohq13+uk6QGhhPw+2txvrTRjrYJfOfnbK+sazLHz/vnO2wf3+C1+2xbUEFCiFZVUW29AyWKsLo/Z959vHTvnyRuvCx+e/se8f2KHU3pCyMMDZRSj3ReiPB3VZWGulaOHoHWvqPQ7DqEvBbGW93RhD+fJLpZ8w2sF9Ne5vxbdkKVCUuiyM0TmOI5DQxuP8jW1RrHcqgpWGFuP2ppRaGWOw3QT5/aQxuK+V23tBtTOOxtMGH2f39ry2U7U6qHU8+P7tO1Lg7183evsyKzo/46sshdSSyCAnE7EchzwdDAkqDCTEg4kgE+toaA0VHYzhDnHYpWEgGmDQ7HW/aP+po+Cg/UUD9kCyxSfHxaX2xUvACe5Qs00HCZ0aCJqrkNNnPFF3t5ZJ5Gv/q7+XeCXvpRXkqsJ7FZE+SJZNJklyXWno/HjAm1XIWjOkzmoMIEIJkCzXGUnKeQQLxbDeQ9xNpv4Lg5kYZ8NEqS66WxKo0R/XKsc1pzPyoFwwom0LmUwF4u8y1+oaOzgpwBFY50wFI59BrEQ4wqJCrWl/vPVJQ38mW1QcWHLwpVRn12QLVC3F702zquH3rbVQawlNknExGYzZ821xHyMC16LFE+KfOOjsNkL/x0WEbRDjcZnPoCXldwbSLwkAHlioXoCDHxUPGjIRMUBLvZIGXKZ2BoIRMPnYyYsxoyJ0utOsCdabOHjkDBrxpEAiMRNF4zoxr9h7VTHFBzOZzAkLMXWqZMvamIlRtjMZRg1RaU+CJdbOcIHycQUxMmbrVpWrVTIDIORi6SUAk8ll2g0bgxFnKcGRgU+WEUkunldPc6zx6PaSBGUL4Y8gYcSR0x4wXI+ix5qMcYbujQfaFp+fouQKl63iAkGyhp/jv1/BZi1K6llpDTA+A8h4/947rbcAia4xxV4tjL77AFi8TcTXSAmBxqmDZVgWAwhAJ8Eks5mkIlBVoiXr50VqktKeorOBJUwi4ison54TuQAAMQexrhaAydf0l2TrofjZlMuv5I/NBFyuc/zyDmTLbVb4ffrXVfAgQZgpGJ4Jl1eDRa8Cg1m0dmWiVaIVSxxLQWKSUGSp3UJU9IVBZwRzxYxpf2AmZDribOZoK9wmdMZk3KVQek6L8su92lG6Xec3V74Nb19KAPCVwdZbtmz73tN8Rpk420vSB3O92hje/BmM9t4bl6i0TYaOEcnhLB4Q5/cCVzPZzGR1mHlj7rT1erVfxb0luH2dEYucKQOG6794PLmkDsZhEaP4N0YfqKWfsblP0+b2F8aNoT/12Ryx5tYvvR6DS2dEJLTJbJ6BScKK2DPjoyyI5Nl0H6eTpVOqzjgn4+eJZsQrfZJIiTYevc4muIaUvSbrxlV8SJ94nVMXnNfJqB6R+Puc4AACxsXemPFy7psY1KGiEyQB/3cye5xFFb9vqaXiTOXLZEUkq+k3YULNoadVskiWNkuUa+uETQqgy8JP+IQnj9Bb91Yf1Yjv4jzkek6fG0UtB1wvO5d+y4+Er/GrhlMKIaedQ4im0MnvmdfqBWb/QItH7OzuwFPCbmQMljqJFwAY9jKYq174CZMScZpFzJBfd1A+gZ0AcsIvWPid3Cu1JDj075+NPwVqdjWOfrBUbz2hAVVQrYho0HirC2H2jmhhb8LeVrb1zpLjlPtBZePsl7YBqnw+G88jAojSZ4BbgbEWlgXWW3GBTanIsqCLYnpSZaDnyRid5/MAq5Tm7yuluJaBGed5OFJeBmaN4zy9mlsdbT3aDv2kmyA5R36cHK3xx28PHo8dpLDojWX1Kt/Z3Lh+Hh945elEdWVZNjYicSvFKVwM3qlsoqxibIuii/D+rjB2hjW0hHq2CWNUztY4m9K6cvSnV6kHiHUOOzEK7GBWOM+DY5zIMqDCyeDb9++UUmin0dvv6F44zka3wXI0fv8OhU6phbe3G9t9hWHc1oVhOxzNxxaPg9ZhnMrx/MDayVa+8r79itTqVMT9wXHuIDvogUinlo1tVY7PHai0vmDiVao2YLst9Na43SvL24LYytsm/PWXO/ve6LbRGOj6B/vzQJdP9r3xeXyn9Eofd0Y/aU1Yl87gO1oqrS6cXdF6Zzm/ui7QY+foT5QnZ3vy/duTz49GLWu0YSjjPLDT+HK/8e158PtHZ5E3kJ93eoWWAuJV7KyIuh5ITky5qnwzIBrOfihZbWHAcAPcQ7V+Joyp1C5ReRhjipV5vzXhNBI9d4MWdTcYnTFC4d4CYBSviADTuUlGsC8GNydP+I9Fchl9uYrNJN57xsPZBlV9hEBZVjomZXNWTSwojxEi2uxevcAu9QTTqzo59vCiwjPXNRInDaAmgsVcx/zhKmW2kVm0pjDbFeYFzoDDLFtKSjAoNHRNmM/UgbMEbXC7J2UK1mUynNVuLHUIfA/0kaGBUOaTS1HQEEWPakotyrI4+ONaI4oWIyvLIldFS2P6lEiIJBejVCM1h0tV1JaZXF8g2ysNNQPc6duwclXSpJSfWui7BzghEjT6qPJdwEsm5nE2LcUzswc8vjep9C9cW66qnT+nZFvFT4S4/CsDzYVDPeEqkwXh4pgq1TUXQpfpxxaLCHIwho65dyBG2ppXx3PkaGYW3TSCZd8PxVncs2JoONBzalaHC0WvkaKpnzMz6MgqM/ny6npmdA4mkYBJJkTRxpAWKyf0JGMsmTbZljiMAC+YoAakEPBL60kyEyQZAJkMhL5MVNNbT8DkjPbrbC8FwoalMHZqMkk892QIXIDSiOlyTHaA26msPCrN2rS7Ro9WpzOYyOcMckcyaqzTx+l7NK8nbLEzSkac72AtBJNnAsfThyTjyoPzV9bez/hqI84mTL/pbNFLF+VH4MQCjPN7K9GimSN7M+GK/NB1IYj8TeWHs5ktSildlrYOiWozkHpCWUy59CMgbcAM/v9hrd3nRI4eoKL71eu8tN4uHxbMRgmQ1p99tunGeVcfXYxEMhegnVfIc5Kjn81Mgl7PpqjOQosDCJ4k8XpbAWZktdvzGh8dX1CffhZnMwG2ZJvNSXCRCE2fF4kdJFPGAWZvF3TmRR/e6ia4wHnwE9wXju52bxYEAljrV2tDPucEYDJxRM2nzSDTj3nS6rYP6yA9ALAYfjwFkoNVQwtbGbUxvQpWPta3kwybPlKMVueecLviIM0YRiNjr5/Xb7YAkdNvmrmtT3B/9v1OF2VzPVTkpQWd+Swmw8N8ch8IfYSmSKyHECOlJcO861zNRF2BAINaH6S+4Bz2MIuBFxvDYr9iTNufoMAs7cV5SQZestgEfdEsydgwWJ0RD0ucbT9TOvdKiTjCQSj/XpmMUS4Ll1o4cskNzGmqRghsE23pV2FTxJBgfqd+EwmwmP89Becl//On5UBa5BgXwyiD2IuxkoyTBF4kYpHJ4Pe79e9FzNujXd6mvUpQ5SoSJZCnEY/ktEYvhrWIrfo8V74HfJ+4PqDnTQ4eZ3zqsXeCvBoPxaJd2VOpcALpYcJ8e/tifP//LFDzx/FE7MHbKtDEBddMOI/m1GULBHocGIPP58F+GGYLi35wWxv/4e83xnOHs/F5eEJo7UBV+fY86eab6ByN0RtvdeVeV+wcHPXk2GEpPmGIRdDRkaVzjAfLOCiLsY2NdizsT0Oi5UJLKHePig3h7evG8nVzZktrtPNkjrhT5WyDbv61zgZjZdONb//tO4/nyePxnfP7DiocpzL64nm8SQQ+O8LJe/nk7VbRdaUJ7OfJZgvPvTEqnCuMMvj4aKxl0EbDxweuoF8Y5QvoilEYwwXJtmVlK8Lj8xs7O/W2ciuFMQ5KEW4MZBW0H46wd9g/n4xeQL7TjoZJxUR5fj54mLHUBVXh4zh4O27c1gi8+nfui1ARqpwcf/xXCnf+fhO25R1rN0Q3mnREO++3wo3VD2KvWBt0Bh/9A6HTzs4xDF03Hy3aoJ87n49vtOPJ/b5Sl1BSb9/Y986QN6S+I2XhOAaPD0XkHmOCGyIb6/IG1j3g7MZjX8De+e2j0/rCrd6Q28LZTx7Pf2P//h1blcexctqd46OxbYV77awR9GpZqX95B3WUs/zE1Qe3BnoBC0i06vi3ZQILHlSlmnoyFDyRrgxr5DQluJggfaLXQvbiil0ARRpbkAD+rwTCrCNqXsUZgln2wF/BhMAcE1pqicrwj68EFl6DUsP3JpLU5xDinBTUSE5jBK5TF3PJckSxf9bUig5qda6XV018IUbesw1sjtUtM5hPZzhGi+DAKyYTsKk6K/K+NllV8NZHvxV5uT+LFhKdTtQrH0D0Sicpx3qPJLeG0y4zK0ig5gfrP6NL7wP2KR/u6AbDWRPxvP1egpYqNu8h6aEi7joEmeO2a3XR4KVWarJlVEJMePWAAGdSJkXfe3rdn0DoKUXgJRG0kVT1uTFeQ6mf77UfB2Cxvc3BxJnjZ8jiL08KLlqxg2NGdXETTx0i9sxEPoFKFcHOOMsJ0A2DqCym6OBQmYyBoe71PGCJ6v8YMdb7OnO5G6sqUi9B6hfqgSd4c48pXa5JYzOB6s2xltCwEVEXKA2ipVdBjaoWukeRxKlSiPGdEsGiCnK6MOPMgP1uIsKO+42PTlDJxiV2KFxn08c0jwB3gz3Te7CQG7N6/pocw6TAA1diZZ7YYZ5ktNPbKBLQfu3Xt9CPwUbowWTwdlXFA/OZoPNkFPR22RIyG7hGErvETY42hpzqNNshiWcebRhjGCMGK/SeCXiw/Hpjimca8+e9vTYgr9gXRdOu/d9xgv7nvXyksrfU+CSh2EojwcG0mL6vnWUR9ppBE2OpUZq17Ea4kvQRIOpktIpXeVU1WHU2AVvfkMGmCEBULDWnrqktWWjJz3FXajEE46W4YuMyjPNrcS3hFHzam/tN62eIbafPTD2TtL0S4JSzKnMynSdQIWsc4BMC58kPZ9NjkIL3v8e/zf1JJpLYYETrsnJNjcpApLcx7833NcA5wZIxvxeA53x2M73FhoOY2bLSzk5iwRr6JuDnrA+PXWabg16JpAN7CVLLD3YhJ7dNwDqirdECUBovIHGPuCR1aNwL+zpZgDcWyXMUxB2g1tDMiGuJYloPYXFvq/Bi1ivgLzFUQhBkomM/36uN0FjTOJvmS9R7vwyLXd4zGXE54bJJZ11ytLVO0OC/5zfznMxJTAXfl5lUZ5Ah6Te8XTRPiiExrYhpM/KafZISLy3uhMB0nsmLPZt+3z1TTB9NBnGMa54/8wL4JEhR9QI/0j6AuEhycf/ZQmtsFhbkipFFK0wboAGOKakZ44XX5NDZjN2LHyi/fSOKDQKMeSZE4sxFDjLMkCHTRjh5p11raq5bZQg1YgDHrcKPR37xEtH7uUxRq1jbjGm9EGpeNA7mSz77ESxnfz5eFPW3MB+xLcKrHhlkHO+f2aJA5AL9Mm2eodGJ0Obn5PN2e3NtK+QqMCfg/e+9/hSowW4cx06lu7p8gbMXmg1kgedxcjYYutCt8Hx06ELVlQVjHMYfvw1u2xc+Ht9ZysqbKrIpZV2QZXjrTN8pVEzv1LXAUihlQ6WxVqHggsS9PyhqFOkYB8aJ1Ioy6O1Jl8LHx5OiMWGjFpoa7798oXyBUho2NKjJhdY6y70yaIyqqG4gG2aLB5iq/If/cEOko/xObyfn2fn4/sColPqODaG1MYOY49P4+Dj4/u07rBWqMdbCencK99mMYywsfWGRkyIrPg/FmUBSvmCjstQ7w3y82NDOb5+/cz4/5hSPVgfL4qPApSq39c5tWVGp9GY8P58sS0W+vnPaDgatNW9DEE+OzyG0dvK2FrAHt83HkTKeKMK2Lfz1L3/jPDuUyu9H47/81/+N41xY6h0Q3t5X7vcbX24Lunbk5oGHiGK/LPQm9BP6YRx7xPnaWe8biwrj88moG4cahx1Yj1R7gRHJxvuiFB28397odQPzfnspDlRs3DnlRpc763pgn985Hv8rS7txPHfWOvj6y41DFmrplG6sZeP5fFAQFjWsP+nWQN4526D1dtExfsJXKS6wmo7ZN4L8gFhbBpGko8kAKYyuGaWsmDWKGDqCeoij0D3FKofGOECbFM+c7DQTDLv6xNOwuu13Jo+Lw0UrIzaDO1VP6FMFPt7Ag8GSBjoYKjEpJn1oKdnf2klkPmnnkkyYGXi7I83qE5IBo862hxFgloQTQjL1c2OLVNKpZgXCjbFXaDQSxxm8AoixhOq+vN6bKkGTm6BaKVcrURptFwn05DQT6Px+6WHk499n68GsckApW6WyxzhWIQJ9yS0w7yXvB8L5404779+rGgHMmVFKtDUV158pdQktmiWAmurVnVopyzoDRZHhouHmDBuRBROdW2YCY6YRMCcbIoSkkyb+k74ycEnBbgwkpxQIM8lALuB05icxXSTPah9t9ptzbQsPUEL81kzo6oKe9KDiEsKgmiLeUUEyiwDGgT1/5so4rhHFqX9Ql8qgo8MYs7znwYsXQnx8rIjzRSbnn2wfTDAmg0QHSjXxRBkXGAi05lVm0WjvCb0jBegymQLSX+3Yi78hA6kAXqRd7T7/kKhkK+CsbiHRcSAOsOmlv5I5vCfiAa7k78fUhmQp4bhXBKaDZg6SnGebbL9M6i98NqJ9yOwxknYcCRgJ4KSAa9DE/SC7ne4+7vRKYBO16aGBVSaA44FltBCSLEQD64xxQFREJezAsHzmUHnROyF5jZ50ZqD774eb//yXr5u3Akna8Nni8HI2M82PJF7z+EVirypTd2JOiXpFqZKxaNGyEMmKkpO6DGQErZ9g84xIRrI44slPMkP8Iv2PBLrFZLabpR2X0HyYQGaCNWazjUKrIrT5ht5CZNN3pM3Ivx9nioJebbklGTVD4ujLTET8SDujYxZGNBMjc3HtSKC82HExPtMH+brnRcjL2XRAAzOfLCeCqDk7egQ7XXCAJkWHR4oJJ6DWnUXXB+d5OBuM1PPyz08wKYEBVZ+OVyTP5I/+c+rXTLZqJrA2Y44Efbyw78yEYRmr2IxxxDojkkWPHfxsivhQkDk5CJlTaKTk2QzbaAlYlXBDP2+7MBDaW8NFt2O7txABniCocQFe82xa7DnjxP2Jt/tp1jNnfCmxt9yX6MycZ0EO/74HR8FgkVy7ZKDI9CnOrrnaZkb4RnnZw1nQvNjWYR64WFKpwVJrjbvL9hubv58JSQItF0ACPaZGasSQyYJxMoVPT01myxWLZov/FS8n872NnN4qE8eZv6eAXROgzC7NOte6SdsVzy6ebx95/oK5o2H3XpiZpV4ai+fokVsnlJMxrc62qR+Qm2z7yq2fAAoWxc04m1H0mwAP/ku5yvnofNy3Rg4hsVaeR5j4YBMsCrtzEMEIFpP/jiYTK8BHX3/gxW+OuLY/85t/CtSsIRR7HidvS2GoG8ExfPxeN0F0oTNAF0otbPeFKoX3RVlkxWxwNIO6Yih1u1HL4OgHZVHW9Y6xoqMyzCn1uhZK3Sh0hpzUUlw7ZfnC6I1hJ8ZJa4eL8CLIuqKi1G6o+BhrXRa+fLnz9W9/pS6KoPTmC//x+WS0jpaFNg7vX5cNLQuqJ9Bh+Cg/BnDckXNDW2dpK9lb3/qBNKdVraVyf3tjlRt//fXGqIUhjVoqiwlig8feWMbCMLitlSpGNQdIbtuNdb1FwHNyciKhYt1WgfUOXdjWDV1OxngC3qtubfB4CK2flPrk/r5Ttydo4ct69+AtenZrXdlP4+zRU9tAbaF93CO2q1ExUaiKjcbeH1iB27vSPnwk2aILfe8824keJ/d7Yb25UbQBVp7cthUbyrmDVuFAKEulyObtC2NBy0pZCkVvrsg/CqcJoxhiJ4zBtla6GVKd2nY2ow+v7DfrDBa67RQ9+bINdts4904x5TxO9v3JZ/vOIvDlfqfK4Ognpa4euKkfOJHGx8cD60b9icuDS10Yw12LvqCxM9BLYx6eRnqn1jTPhIFxmrXGBBlPyL0yZI6ioEOvKm0YPQudGosA0k1zJcX5rv7OCGLUgyy14PSEgdeilGWZSVAGlT7Jgn8IgJ1CPRtkXnMblhmoala7/WYmSJO9wjkyfL6BXMDD1EXJqkMazwx4kilD9pcGkKT1xdmE94mnMZ9LfB8Z1Aqq/tml1Aja5WIO5G+KV651avjMu/EgZJF5fwCLVMZIqOMSXZ1CyXNdmIH1BGuG0aMVLZF/vyZf9wkiiU7KfInJT+sa2joltWyg1Pi7CGVZZvDiwa8HHDWYQvkoRZ226/ojmVx428iIysfZU7D65z2bFyA4opf6oi3njkx2GwHUlKI/3FHvY1Z8jI7UCiNTOV6SwgBWCZaFuLuy0HeQ3IMW1X+bIRoZkProUQcWNNZao6d/svAMZnsDUYAUT1yTJq0aIsUByKDCGDlBJ+5VYw2kRyCT59mnjJWS1fdMa/P8EGBpTnu4ViubPf2sRguSeJtCnOjoAhGQfukITFuV53kgOoCO9ahghxZMVkBTuP3HCRYSVdCsHF496LNNw5zhkuBxgsETrEl7ZcZltXK/2LQfHuRff4/Y34GtoNT4ffUAJJwdGYccb+foAdjEdZLX4oyEnC6V7J9su0rWjFfyff8kJm9iEzy6pgb9fK+clDUkz2b4g0wugB/8JpcdCrxqspQ8OVcgppb0HoWObAkOtgvMFowMyhN490Qn/YPM5/kKvAzLirZfm4R0QOb2/qzkaheZST/+TQHNEbrRDmORmMIFNogwx0YT932dQ6haPOETEC7NiqmLgoMFgOuKQAD7aWcu8eZkomeRJN5pJt+5Bv0fzqaIT1RLdoLnQf7v3kcInXrynG0pPoLbP6HHtLVuY2pRjGg18/BlHghPpeT1eaQOhydgY9rPC9RylsALaBl6UkWu85QggMSZz9YLT3D9szNtDKvj8WmXqYuT4uQ91qCoP6OesQuQLW3GdTZ/3pPJBNWNq5Vwui+7zuaUB7Y8Z2PGONnSanEQZttTj57ZOI9Z3PJnnG3xMhlmXrRIvcY8mw4ypFC3/+E+ycLnaLT6ZXg52VrDC5nKFdMkIKxYuGWbR5ZsH7YsPhIFmARuLDQcC2MYS63Xe8ReSP0eCZ+fMUaCBTmVEzz28rPpviXBfWDGnhdAH5c44uzJoFQDUiDYAdVXNmCPa07WqW9rnWxi4ZX1GSwZ3E62bmHGPFYa0f/s9unywxbgpcz3j8+U2Pdx4xLXmIycK4Ziru3U53oJ5V9BWZ9gF/lTRhnjxW9a97MIzkrO9vbcR6HLZ+IAFv+Ds/nnYsLtwVaEImW2karC0U6WrXCrC607jX7I4G1dPPiWQRUHekQWVCu9DT4+H/y3zwdf3zfQSq3KaYPHCEpfb4xzR/tgrwtLgUJjq/DsiuybX4QUiq6U8hWpcf4MsMb2dUPO3dsRxNjWdxbd3IHUwkBox6BsK2+3ytsifHx+wwyW5Y3bbUXKH5h5z1uPHtbl7RcwZ8+cZ6M3w/rqo8J64zh9XHWpnfevFXThHIO9d6RXpPmEFkzpe6d35TyFsqyuDVEUacI4/mDYSamNVTvShaX79KSyVE6DcX6y1Z2zn+zPkxLCnopQbbDVlZvesL6ytE9qb6AbR1d0uUEvqJmzeLRwX1be3wpSD47WOZug9UaRO8du2B+/YeOgcPLLXVhk4XgOajGWMhC8snocJ+3sfj0U2vLJUQrGisidswjPs7FpcXKChUo7J9afaFQqlAJa+dd/+zcU47atCHd6byzLTh/Gvg9MKr2u/PF5ILZjT+W+VKQPWlt5PHc+Pj/Zbn5I1nWB88l57M4E68o54DwObovRZXDKM4K0hbPZnx2Pf+orHUlWPdOiZMJ78WbCNJeMqDNQMmwCI84gcp0pRaksxaD7yFwZIxjazspx/yUTzCADrzCys7Im8yOjHeEVUYZSq4sWJq06NSiCBaIvDjqFtEWuQDITGiHFk8PQhgPMpGe28sDMMD0es2SQzp/vIxVBZAqrpU4HGawzYjkHYhq00hotBTad3qyEvNx0KUuM67NoxYq2DfHnqeVKjn16kgb4kUGbOVASTAoLsA0MSkyhitY2eXkeU0/mJfgTcJFWCVq+eZUjASNfA53Pa1Lhi5Li0lW9XUlx4CVyCIq6Ro0nKxZrVqKPPNqYXoLKogk65jrV6SQFbyMaQCFYVT/v0aS10/dKeN+ropbjRDN58T3seGS/zmtm7rGP+xiM85w6Rxl5OCYZyc8wmkAJ8T4BSpEYQ/2j6PMERWOPJMFsxlDDJ55ZAkMZ8eHn3llWMluABGJMZ95B7DuuCWYz+EVJACb3qHUwDWoycW2pL+FZJhaBjvHKYmDuYaHxw4hbmJNo/Lozibn0LeKnmKNasWu6vXW6OZiULD3Dg8mcWJ7gWPatI5mGXQGl98wHUMLr5JUM9OQ6vzOGTXZi3neKqObPXaCChTi8De+HN/BYJKNK7AJlYkxx3kfrPqXKASY30jklzHVyLO4t7XCydeRlUmCmtMk80tl69jO+ejszrObymHFGNUGZy6e9xOmeGOqVYAnirVTjKip4JVs57WUR7LWNyM+GJjvsB6Zasid48Zth9S3hJJ8gxzAsGXITOArwZXjwnxpGfgT6dW9xf6JZTfdz7a9kUF77MX837zqr0hPQItv0xBnR4bvdr3Q0tB+CrBN3WqYt84/qARQmCCpz3XOiUQKmksDKPLuerDsgE4wxiseTcfYmm0SEnMLj2ksuJiyW9izPpe/qiYTF4xyZjCKTIZdC9xkOTSbEy1nNt2itkcUeF2KP9pmRbW7++z6Z8tKuYrYwhoi65lW4/Xj9jAT+ihCCpq8A5M/7GqEllDDVP/rNLCxNnrW+3tEFjLqv0QDtmjO2E5Q1Z0NkPCcR9wxJ/+Q7uvxAXxUyPgziul+bWMStFjl/ArfhAef+NlDXLBUuXcKr7SV0VYwZM8gESS4Wpr2czfRXelH9fA3hB980jMledrZ1bJywZYFOTik4B3h0xqxuUwJYEAvmXTLNnMVEsl5FvOgT9hGLYgcEOC0Xq6Tk+vmkQsR1WF1iwS5Gp3j7da7B5c+vYnDej+VNRAyRfs7D62RQ5hH/x4m+wtl8eIxGfJGgLBZgSsRmXqjx4pZG4DSG5y5+Nq+4m3/nbKpcuUm2xP+Z3/xToOZtK/z2ONAq1NuNkwfnGOii9HFQMG7rRh3GEKdiJ13MZGHvfkE04/E4+PZ48Pl88P354Nevd963jQVFWWF0qlQUb2XSgrdbtRj9fLZQka/ee22FfcC+3XjujbIsbPd33t8XFnmwLhr9pgqyu77OEOpRqKex6B1o9O4K1713zud3Kit1iQcful8uIvxfg74I661iw1xjph2IuGjxsEHtX7BW2M9vPPeTWozeDo4m2FiQDpsMlmVlWe6INCR6bx+P7gDXVtAKZVWWcrLKf2bQkaViDY6z8my/cOzKcy9UdTCslsG2KbcNyvZg6PdA+5TGoNeNsr1R9Y06VmqvFF1YtQAPsIO6vFG2wtHg7Aufj0+Oc0MFljJodlLeNuwWjBNz6lsbRBsYmCqL3pDyjurGfgpDN84T2ihsUhjWWLRSV6GZs6N4aQ85z87b9i/UIrzdNtZaaXXn9l557gOh8dg7x7NzmFHbwbpWaJ3vf3zy0W6c7aD1D+QU/uVf/sKqC+0pcD45zsG6/Aq6UkTox3eGDqwMljIYNGT9887Af+ZrqYVs3fVkyCKAzCpQVvPkxekxEwXLYNuCDm05ScSdj1NGlTJcF8FbAUKUz7I65pUrGymOFpWL+RSjgqjiSXwp+ISRAEBCfwVgMl6AVIWPkDb+jGTeET6/hzCGOaab+FQyELeXRNnAqxhBUTXzz0usiZcKSSaLSXFOKyvFe3MlKLEMNxDYZcBNMOrUP0inFlgMpQgSQrwqPr7avxkTlUKoHYkpS1G9k6B5umhcJNjD2RazOmtZF/iRb3JN+cokOsCAcODDMjDx99KX/TMTcdUQpfMbWYpSa2VZqutdFWFZvfVJYjKU35MDXrXEGPJMduIZlqIsS/UAJ/aT5wGha2Te4mcS2irZB/4zv1KvALzyPQNlD65ezyZk4cf3apCN5z7M4H2MEeCXs5tsrlG0E81E6goKRo9wSjQC1xdwopSIp/xclhDaU83kw/e1mKAjkjJzcWDU6N33m6pG5cify6RDA1Kgs5NMLDMvDEhuv6z8qaBUP595jRHwDhMkPz/uBYqvb8ROWbnKMwYuyunCnUxcz4vQJdojgvac2ZVEECgu9EkmgJbPJNdASXIcRKXUov4Xmj82oLcco52VOq5AM5DrC0hOdmIkBAGiRXxH79BaBL3W53UMG/QoJmQvvDN49NprQE7f8wVysGaY09szMcJgtE4L8LfHdJMlkpwRY4e9qhwJPhpnk5kIT8bET/oao89pYT455aLo06Mim0By7rl4SSSAedLMgq2EA8y1FJ/GI+4PUw8hGawQIEKAAH46E0Dx94zsx0EDDVC0yGxZysC094G1i4Xjx+aaqOZ6Rr7/vb2U2O/+vaLKGCephZagqeclFi48mXoOjlvsCd/KF0tu3l5okBl+5vrLT2gJjYoJyB/z/NlcnjKZSvk9gTibkWlKn3oYfqYd3LLUaZlxjtEsAUTDTIPlCO2M1sE8cwnSzhbGPFPjBdjy+GEE0NwDROjd6EOvVibSpPQ415DMBLfVqQni65LaYAGf+jjxkfFJJO0WDMtgMFjY+FI89fcFTL2WMtdtWPiCqSdl83n9jC/BaJGg///rNy38hepL62s8tzYGtahPJZPrec/WKIJBnH4Ew1KU9mW9zJwploCeiFKqRItdsqpfgX9mK841yxSyUJO+28sTlvJNEXeNaZdn0SwBz1gb8nm/CBiH5yX7pDXPcbBnJP9OAqDRGq+x1/COlLzOC1wouM6Sx9CzGKPR3iPZtmyxBmRygpgGu/cFHp/C0cFOM+KsegvvvEYbV/s2L3kMES5a2igFSx8N2SY/zCiXOZn7wu8hH2ye3cKl/3bF7aNHbBbn7wJ/wvb24TpRRDv6CL3G3CvpY1785gigyGYr9p/7zT/NRAeDYcp+GnoOv5FlQesSqJt51akPirqIpGgJkbFKOw2kYghDlPvXXxjLyvPbH9SPB90+2LaF9+1Xtq2gMqAr5+k11yI+QssajDZYb1BqoeGL9fnc+e3jSafwH/6XX3h7v2GlcbQ9EEJPeM7zhGNQTBEW5ADs5OiDUQu9u/DpUoVhO20Par+sSCms240+Nvp5su8Hx9EYo/H1S7BJUJb6xR+cgMngbS2sm9CHshcPGpsZ67bBc0fVWDcHtjzI7dRyY4yFUo3T9uhrf+No/5EhJ2UI3YSzG/t+0k5hub15G1DrfFkqn8eTtgxUP6n3k7OsIJWy3NH1K9R3VAe1nIzjcMpuO7BzQeUrffgYb6QgsqKlY3JnsNAQmu0I3d+jKkUqowvajH0cmFZOW3nuhc9vHkxq2Sh1Aamsq0ai272mP+A44XkM6EwNHe+LX9CyMJrr6az3G2Ur1ALrIuy1sXZY+oHIidLYn0/2s4PtVO38+nVDBH7/1z/YZOPrm3J/u/PJzsDYzyejncgoPmK+LtxuJ1U6x/H4s+PxT32VeiHuGfwgWeF9CS4z4MlgsKSRC4FYA+jUaHXorblhwUHWosqiS9DlnV6s5tRD61HxTVCDS8DUp6X49S3R+pLXpZmkadAADZLBMisWJEjg9zQT0R8CyosOinE5SHPWj06nVV/9M75ClrhA9M7igWYY1XQOQDjFdNpXciVS8f78cPwxNK5HBVCj1czyniUrri6eGIpzDs7E6OtSrvGNWTESXMdFooLjzqR4i02M38z+eHfK1zpZJvoR/PofkQRGVTc/r0ZAP/+LZ5DJWU4o8dHMJTRqFlSVpS7xnF1QWKJFaoIL/8jMCWDABXB9eWspiORo9XS0MdnMInHRaKn7icv2zrL0xFVz00nQa6OQMZOy3OeSvdC4T8j+5wBODR+zm7oVIkKxwC0yvAzwEZISHtRjvbhn4JdzRGWsLguQSclA8/fVhQ2lX/oRznQxb2tQmUleKaG7YRGYxf4zhBglRDMD6agMliUYPnHO8gzNaWd+Rbi2FfiAAAelXsJmMr/OOqgZVzumCIzFi0eSwWa2/XiAmEwTjeQV9Wt0oCZrtRptpPHsiKleBFg9PFjOwQoJ8IxoJSTO22wXtYv+HczsaX/S3ngH03h5Zm5nu72AlOZtHK1dSUG23E3xQiSABA1R1I5JJisjfIZXB8cIQXaLhFI9bGytIWj03SdwGMEnV5XSz6bfW07c+xlfrTcXAcUCgLSJJggj2Pvj5WxevibB8bStmQgOC8HOMdAYDV/L4lh/nsvIuMeQaauH9aklkYyWMQaj+XvWZUE0qtjWnCUe7zUBhLjOq9hgQcu/7LidfoPTTwCzoBqV4Ux/SmEmc6opmp/gaa6iYKHx4pOdytzXE/TKPjH1gRiWbQgjE5KSy3slg9kaJTn9aUxWLWqIdNAEogOYCcc+pzWRYIsDpQ78jNmy6Gwxl3CYvjG0UdK7k3FC/Jft0ik8DmPGNplUWtxztoeMqcuX6xFtXSYvtj2YSQKps5WTEHVq6gT7J+MaLLQzfIqR4kn2pUP3wpCzBLf9e7N49ZO+er/aUmOI+tyXbn/zXwngyfSbOZkvk2r/tu/c3lP0ts+zmcMK0n9kXPjaDp6DaeZRGzYLW8tSvd3UrufkNiEn+QUQO/dRMGmuj5qxumX8KxLtOwFMRDzr+8aoNeCRgRdM4ohlDGAWviiYKTPuHzFuO4o/M1dI1tAPOcOlSTZfcR5dE8/Pupv8KAzE3nJRdC9kmPoQiRQYdm2u4ayXaF3yISN92jRfA4tYAGZL5Yvf12DXzgJqXK+3YWWsmvfkMUsWo7MoO3XI5i1e9+5vecVk7tsIm+MPXzV+OZ5N61e8kMBYO08EH5SU7eBzGljsZSN/wa4Y5N95/TlloBSGVh6PHVv84m5rxXRg/fAKpznlnTHYPw8GC49nwyi05oFRKa6d0rXwPBpLM9b3lU1PpB+ofbLUzQGxpVKXhWE+dUGL98VqqXQR2hCa+defo7NuK7/+9e/c3zdEjf14YKPQxNuBKsUZO4pXn0yQCufR+TgORr9x295Yt42lDmppMM5AvAZVYXB4z7oq9+1OkYOPD+OPf1uo5Qa2IKyMISy3T5blRMRow2iHo5DneHLKRmFFirJVRUdDi/jIRDp9PFBr9AYqhVruKJWjNLQ0zv6kqLEuhbUsyJcK0mnnye9//M4f58nRlf1joaxvLLe/UtcPbreF+/0N+VxYl0opT4Y+eRwH7+8b99XQBWR5sMrBMly93kLDZejC4yF0XdlPGJ/fGGOnFqiyYs178M4x+PY8+XjuNDbMjNY667KwrasHlyaU6sLOtbjSucngeR6cT6e5batyv28O1Amuu6MLay1sBs/95PnpQFUbha28cb8p6zLg3Xi8HZyPnVKc6fT925PPfzv5/fM3yn+6sfzqegqtH7TWPFHo0Ibw8fhgWzq/3JRF/v2D889+leLCtjNw1BQB9SA6hWfTCY0I4Hq7aOpXBSr+FBcNLlqAgU8/cgPfh6GmHjhmEKGerKi9Vof9+ty+ibc3BbiQVML8TyW7OxOhJy2d66XoxSrx/tpwwlmtyCQ1Yqsa95FUw6zKp8P0JD+TKY8lTSWqJzk159LZgKhKBbqVwbD/f1QONRIwrusqpTC9qMWYv+gX90EBCz540FtMHEiqZE90CjrXADPKbPu6qkq+DAXt4aBVXZMj+/lTT0eymcToESwk8f9K37Mangm2TZAmHWOeBFUNgKZOEehaq7NrSpl0ekTiZytLLROsIa49BWtHT4aWXcle8arNMNDo1VZzXQEhBCXLv199+Ge/MmkfwybwIXPEmEVwGHVBS8rrVbv3IKXF2tsMlARYikaC4U9RcQrUmJUui/cKtoq8AhiQZ11EqXVBeGHPCJjF2M1xneFOgn8GGmLco1DKxcAJ2gCzVVF0tsL4dWQVzzgOo5ZCF536S1qcMTQDrXj14XtDNZQJZFz79SWYTPuRexiydcHPQwbEZDBomdR02kzkMsDTAJXiZ0mgtnvxaqQdS2PnwHbaDF8PB7X6ZEQZ1tv83Pg1X5Pwk90um/watHmCmIH9NVXDzMGV3gYZecq0XRZgYdjMaPdINpEnL25TihIV6QDn1N+jd4sW78ayeJSbqdIIdDVtvgU4HQNmftrXGJegvGqAepORmrohV20zge0LCAHIqnZS930cc3KiurVIrC7WGkjsY71AFphoXf6zp0Bxde2yMfpM/pKhk9X0mTxkUmMWTA8/wxogU7aeMszLihpMNa7zlpo4/QwQ/aUlS9T1ruZZj7Vwv1YmgKlEgpqt2LHvVCR6Ml4ESLG5n8k1muue+7fRuCrg7lf8bAo2GYUOkHhFPxlOTP/t9z5m654fpGF9Trb0s9nn83/pMMSwAMjBq/Q21yzXI94Ss5f2MhJ4SDYL065ZtkpB+PJM+gY5Ocir+2H7nVKD+3Vm61Zrgza6A98BsGW7lvGyxbrHPSU/6yd9/R/9Zp5NIi5igh7IBf45KKHX+SXWWiMCNgsmtJ+dMRqacQpyzbCAGRepZKGI+FCZwJqzDJnAolmwHcN3+PN+AS3js+fobVHX7Mu9fwWXE7xxM+Rn1AdAusaZxkAL1+cURNKGZUwY9y6+w1RKAHnMtUkbPjEa/+SIy8qLX82z6QL/JSYymsF5nl44AMYZgJmUeT2qLjOSsTmpdZbXETZJzLzwiwMpmpFRgLAW2kqXPo7MM39NnYYEujMPSfs1LM/ZBbr51x3InW2aaZfDf2rGv2EfsvCSzzrbSk3NJ6iOfP/wm304A7HKVRyPOOPVb86zmeb233n9OaPGCrf3X3n2D3772Lm9VayLS3GbsRZBQiRpNKO1ymM/eO6D/TjpvbOqVwPqqvRlYVk37ssSCR6stVBusKtPG2hnp9Y7Fi0BKoKuK6UUPvfGUlfumyf9v/yH/wWVxvHcae2D1jqig217R0ZxRfiyUQVODJbCsEGpldsXhb3z+QSTgskah+sB8oGucLaD8zjQ3SjsYRyEbS1o6ZzDaO2D56cxWgFT9m93b7kSQ3VBWTGEut2AhW6uNTP6wbosnL3TeuFxnKwV6A+KKO/3d+hwtB27PRnjifKkiofgR6+USI46jfvfF/T9/8mzu9aKrB1dB+/3Xyii3hs7nvzn//X/w/fvG8v2NzqV35bO203YbpV6E97vN942Rc2naJR6cH9XdN04W8W4Y9I5Ht2ffWxkhvHYTx7HoJc7dfuK1gflaBR5cr8NZJx8HBWfmNxQc2e/bRu/ft3od6GKsm0LIp12HuzHGX3+N+rz5Pg8GENZmvHHbw8ep/BtbLzdK1++OiCnWlhkox8HdhQ4Vlb7wjDjPITPz87jeFC32A/iqOu+d57H4H3ZoHXXEvlJX6VUROuk57qd1OnENNF2CIOj0bdeQjQ223Yc8ZVaUCteEY+QsxQ3Vn10NJB0URhRiZyVHoJFQqL2+TKuiT1GEaWEcjpIOCuZzuXSRQlKYSR6ZVbpjZwkkUGXE3nG/NzAp6fBnlUsIEeeXmvkjICqNa4RXHfGwGW2feLNTMBSxs7/f9iY1EWZd+XOXbgSzoWKlIUUoRN1KnjRi80iqrSz0a2gODDj1dfUdPF1cC2QcIxkMhBgSjVvo5z3IDMGyGv1SWkFbwvx55e6CSOmd6hkwJyCwSUC/wBpatBoA8iR0KOR3EtR8ZMAFExBigfZqkpJATs87tZc23TgI8a1zlg/qoSGg7vyY5L+s71yelgm4HMcbyQNP5xNPMhwWq0/swRlhmT+MrxlCA/me7NoJQjBYjSSBGeC5il41ZBSQqgXZgLnLVoDBtH2VBgdTxZK7J2s9HIBrJ6SRU92tvvZQHVMRoz1Hvs3WzNf9GpkhGipMoKSrVZ8Bo1IgLOZ8Uf1eHjrG7xMV4nzncEtln33YR8kQJrIvCJvnK9kAZRSvdIfoCtyBV3ZvnAcp+dKYQfJRDOS5xLsCSyroDFCmFgfErAJynO2RuK2s3XfMxbtTR6MhlC8pIBxJIN57ZF4vY7czUTEz4x/lt9386pj71hLIdWwlvoCDgX7weayKS7QHHvbxsWEjOsYw6HqqhLtnv9nT87//FfrHrN0M9o5HCi3VHm+tFAyJ0zdNIMAL1NHK8DL8gJMJ7NSvaX2nG3AMu3liKmWeU5noSVsYqkaz9tFj1/t3FXpzqQkvxO15QA7RiQAqfPm9/UCbuYkHRI4egFhRKKbN+2IJ3uGzbMpcb8u7u3ArANVzsDNscIuSu7IR57/IR6jWBRNggtHgmCzvcVSkLxegqpi4esJYOP0s3menKcDVDnwYB6uTAzNZmKdIsIT7rZrMtNkGMXbeIvgwIg2bUmmw3V+Jpsvz0S2lKjMMxp3yCUwHj8zrhYlMWO05glw6GtNHXaLJDX1LoZbdWJfDgmGtL4UWmC2UdXy4975GV++/zzvOFtM/0vx5bDfHt29tJmbMwiT2ZKtTKICQ53hCxNQcbm1QXs5d0K54rdgDZtEq17koBCMX7KVLvePzXar0YMJm+ssDp1lbFsk7GgAt0iJWDvYbUTBygDGLGaBF7D8zLXYm1F8pEZL76WPA6ClBuDhMRZR5Mpo1QcHuD/JtnbwvWuaxRBL90ZyWpL1sq3Fi0NcQIzf8hVjm3nnhxdAijNfgsGaLGGPNUtG1F6IkYhvBlNb03rG4BYxbZzlEUUpTXZTFnRCksASJEn2p0UL/1XIlrBRzHzBISrV5OnFOQrQqFtMtMxi4QTiR7oRb8Uc5sw93PYwmYcXwNvN2/JeBcn/e68/FxMeC799+8b//sfO4+zcDuGXMagqvN++0mxQS2eUlVEFa0Zvnxwc7B2WPngbjU1O/1650c3YXCWYzsbz6Dz/GPTSnS1iBvZBEx83iyh13VjWFcwQGmM86cN8+lFpDO2UWrDRvcJ0PhmHB8znsaNSeRw769sb6+0NKZX9cIO4bYVujbHiAnADlBtnP9gPoX1WtEGtS4zGVoa6FgrnQBvcRwlEu4MVhm10zIeai3AO+Hh8j7F6DamdofDbh/L9EB5NOI/Gl69/pZ03viyDxapX+0Zj/NGxUSi8sZeTUqCNhXVZ6XWFsdCPwnb8B6opWzXu70a1zrZ9MqTTSsXWjf/4nzZ++XVnqYqUlbpuHK1xdh9b/tibtzJRoSuje2VUGdzWwa0Kcr9hrcJ5YEdjf+788ejszyeUlfM8OPfvrCYMW/ykjMKKsf7lK5/HSd+fzoDoJ/rYMflk9EYvK4/nxrAG0mlt5TiN57HzOIT7ckPHiWDcxGd+LTc4jp1v/22nVE8YaEZdBJXBfRvoGMDCH98bnV/o9sb3x879rUAZEK1ORd9cjLE9ULn92fH4p75qXXwcMx4kazgYBwgrKSj6KrIrUUk1iX0eyZrhlbhuRCIChP7AyIxS+ssIOZt6FwmuzJdkEpHaMjrR6sswR6IejtInTzkgQFyv4GCGRKIHHshktXze07SVcrVNxPfMv0F+0Z113oFf6zXBxaMf0QiYAigaePXxooHb1DZQi2CVErbJLzyvs0TVxkxQFhyrkDlWXMsgSwyqhVqSHXWBI5dTl1ijpIhGEB33ToIr6QFmwuiTMOjy0lJIAG+RHESLlQPZdlVBSV0gd6IltYvwvaPRquStHwriLU8lWk5RnRoXJFBh6dBfxiwa9J6gqFeAsv0CfJS3BwJ1JtNiPy+I2rsFAO8VFB9J7WFS0dRhymA6WGB2jU4Wc6UHvQ4xHnF5WjPwZChbcESy170zJlDjz2cCF9nXDrG/riDFIjHwYCGZLzqBzFJL6CnFOFKCMcMIFggEpWYmCxLgqKlA8Ur6sKw2RlUxbZYCL59tw4sNkBWxOPMRtzbzpDWpzlpKJDJGjQAugyNnHET0BL6+sYf9nn09RrZmxJ5DL/FcP3sl3mNMuzInOg0XMYUMwixo8i/MmGD2ZFCYssNtDLfj/z/q/q1JkiTJ0sQ+FhFVM3P3uGRWVVd3z3Tv0u4QsMAD/v9v2cUssEMz09NdVXmJcHczUxVhxgMzi1pWVyV2iQB0QIkiIzLC3ExNVIQvhw8fNmFEEC9k9TXyZRveUm5ZcU+Q2veNPeydZF9oBonJcCImxsQZTFs+VB9eZ4EyRworUMQYRejDqBZC5xoC2Bz3kklyAvPf6jW6+tnsOoGEPJvZ7vUXz+ZwnxAqCP4rxyEXb4/r5sD2UEOGYdE6LJFcWiRdBBgx/RpyJOPlmGwIAaxEkp5i0fn6oTpBUCTYsgnQY3PyUo6yT8Fdoi3Dfau/XuPz5+eVBAFBrXtiJd7i5exYX8/0wUPcV/Rdwmf6v5dSwycYraa+it9Lnuuj2n0AWh5/ZPwS7LVkBhUf651tKJi3xPqIXOYzmy2FjAPg8KyNnGI5GW4lK+8OJI3hU1s80YpzpQ/ipXH3BUJ49KGV3JiJX+qZZFKW7LhpbySZTRps3rjHQrDfILUA83LfGPvZYpJV6u89nM187ePZzNjrW7xUH/0mFLVIho/WLkFcJyZ/BtAAkvOblTy/xTeIiURxMQqAvrH87ItRRaNDV2L6bxQ1DBCLwnK0LE7bmA/K11XDEarGWXXUccZw2WaXQrOBocQfC1l4dK2lGKagYYUC/LF475QaKhFXZQuyx9cObSVI73fu9zLivGQMSK0Y9QAx5oPwuD1/Ns+m/yH+1gSRFnEv3iaGIeKsUxO3d8uSez3frcb5JM7CAdROlj9pjz0WoIU2XoCtGozIEQwlB2x6xBjTlFJwcG1MrSn/B58GGX8nZeq8+bNMgE6QKJTOQk/GG1E46ZZrS4Zn5IcU8ULbXzubDhgrJiWE+xV+5Wz+KlDz9bbxw+sb1z5op5Whna9fN05LoW87z+eFzx+ewdTp7UWRFxeV5NzZ//QD5faVwo6slXW8sp4WTC/o8sS9nmjrC80KT5fC5WnQ5Ab7lVpW9t4pbUWDeWG7UXTQtxsgDBtI8ypd7wPKgo3B13dl7NDa6smfFbr6pKFahFGNtT1Riy9PLca2XbH7xofzxSn6Jqznwn77ys/vb1hpnE4X1uXE6ML92mm3Ab0grXJ5eqIsQmkLI5xqCZn7SzGW5YLpoMhGbTcqg9t9ULdCe9+pl0arN7QoT8ugWUeqcV4kpm40Z+jUhfv96qOOS6frDtqQtjDaf8RQ6qmhTWE1brcXqGc27bxvdxRnNZRSud833t/vUCpb7yxrYVkbTrbodAWWhg4fp34+XRAKxU6gK/c3uPcdXQuLKS80rhu0JZ5NLXSgb8r1Cstppe5wkZU9GB2tnXg6dz59OCMyEBq9C+9vYOPCJoXb9Y1t3ymyUHpHdMPHFhdaUYoop+Y9my8fTpzPhfv7FSkdoXPnxmlp3Ebl+mXjy9tXzueVWir9dqM25enUuC0daxufP5z4cP5AKadfOx7/tpcUEEVqYZkBX+b9Hgi2qQvjhlmrUnV4wLd3cvRsdJ2wBFijOEtDS0NMqeLpodlwDRvqDBonDV+TkRKVi6zaM2+KQ0PjYM5ItL6VcgA1mcD515TZtlHFE8zHRCy1QFKPKu9JzFwzYzrLCPpgJl9qRoOJzvtajUhIB9UkqOhuDw7xt6xOAqGlctDHdVbS5itEENmPKptjGEhpAXR4BaeG0GquAxwglfdWHyOykXTgzAC/JIoSTtBUkeGtabXaA/th+qzk9s4eZs+5j/suBdY17iv0dEB8slutZHtZjYBcCMHNUv2eaompdC6wlhMYYku4oxdvPTiSZZ9gN9e7ZKIR+ji5p77Ra6jOVhbwAN3PmFcCvZXvl/fv6yYeWOqIgMQCyBCKClKrO3Z8vxeCYVUi2eEANXx6mFfmS4ChvTs1v4ZoJyLeWibJWgkmqBRKOcASw9lfWiFHeirBzhuDI4UoUb1Lm2CI+hSgWsvsuS/IDGRqa3irhkwgKnvnEyjIICgTOol2ArGooGoPK3f085NBUwSW4MGrB5zM6pcf+y2+JQEYGdaDNWQ2WyQmNTpBGA49CMk+dsvkMMCaYIdNIIQQBg3QRDVGZkfFM2LPAIGisid4e4klqBwBrPj0OSPiGjUYwUQ0QuRwzHOtYRMOfadgGUWVUQSUMRMRHSMmh2ViewC4I5LKWh2wE3FWhTMuvt1kcO+dLQRbEUF7TDQMe1SKuF4bRwXaYj8VDOsjnpWhAwfPRbBS0Vr9nMdalprtUUQF29kCyVCZwFn6Rg7ffVwR+2ZLjKOa7o9QBlHFz4QfSL8zQiy6hn1N0DKTBOCw2+LDBEoCHzW+h1cCcF1ujdZWJiCSI84JRoc9JoK4PXNbkSN6M1nN3RdrnOOjpw+LApDc53eSEBXW1MaL76EwY4Q+xjyfGmcmbVIyIRKgUfWpi2qHPo0mmKJHTGBhQ3LM8bQbE0SPlhbLaMtBhZpsAPXEVIZrdUKAC/Y4hjpBo4wbDjAgwTgdg2yhNtXsrkSH25Qs4iSglAUWhGijbt/02XRm4XDAmhzNfpzNWlwDcbIS8Nc529e8PSyNH84E9Hb9glJBfOpusRTOZybO2eoi8UCO9kJJ9+HAp+QeSHDBpi9Jn5UMSn8d4YYOBrf7kGQzJwsm4kycuREcBbcVgdOVCF4lCAOP4spFEghOO2wRW0G2I5lBoTy046UNgCIHA+34g7+/6sEynd9d8mzmJMu0AR6HZ4HwYLzG9MpwcDkpLTVdjv3v/69k0dLvA7HorIhHksBwtoqS7CXivPmLJJjY2TcnROz9YGNDuQXMp5/aUBSN4my0hR8wFqlHBETeEmsU7+9Dj2QCsjrG9Js2/DwmWycLoFXar8a0vwrUvCnY6czzU3MGhu7c3wfv7xs/316x7z7w6fkTtUDfNhDl6fnC88uZut34uv/AZju1GLWVqJArt+3deytb4XRZGSpsV++hZBVu147e3lnXswslV58Kcq6N03pCLiefRGPG6D0o+y0M2MK2bdzuO6obVRrnyxO1nqhc6JsgzY95H4MhsEtn33befvqJW3tnjJ3vf/eRUlwgt50Ll+cn+g73/c4Pf3pj35XT+cT68gLtxJ/GhpjwfBuM+6DjKZ9KoZlB99amZe0IO1I3lmasKiwvBek7tu8s68K57Ii9Hw6jdtROdD2BLixr43TaKO1Gqak30jB9Yd8KrZ0wq7y9vvN6+4LUG6Wu7Krsw6ne6+JULNQT4N99/sjSOmaDItCWhiIMAVXh3Bpbf+ft/Qba+Pmnn7m+vlNMOC8Lv/38zO9//xtuNx/vfbvu3Ae83ZQfru9Qn7jdhHK7x4SsgVqnrpWXpxXTzcc3mtLvG3YrfP3pnes2qOuZ+z74ur8yTisv58b19obVwrKe2PYbQ4Xb7YbpEzpOXJYLRXbu95uPHRbl06VyaQvr6klD35XrzdDbxt7feDp1ZL2xVKGyzN7rb/GSWqlhoCaSO/UNfNpZDQ2KFNhsrWLWQAe9eLuiqQ8C9MDFp0SIeb2rirffzEBGgEoE8C2quXFDxabmjFfMiN8fgjZJRXwegBjXMclgJCuNFtnZY9LgyaRFsm8x9UpmRd3sYepUK1MvZUSgnb2kFrFlii56i2W2EPivpXjQ3VpEQ45gTDR9avuQE68eksw5ZeHxidUIgCtJlMmfyxZPwx3zZNPgrIgWk348kSgH00YiLQ+/6UCHPIjypUaQv28G0mMcveB96GQ/EM8MmE5yWcpMyI4KsAMyRAJepiaPhHaSOyIXHY5q6Ny4MUK6hMOL77EsJQAnZsKrEbCBRhteVMFy3b7Rq6snDykMiXnLQzcHO1utFGlxRsLBF5lVQ6fzjgm7YM7jsG6h12a0tkRrRAZUUTG1Qyg3gxzHMMsMcueECInJiJmoGR6Y2PA9WF2zaoruGs5qiRY6HZ1Z5aou2L2uSwSrGoCPJ0AusLxDVCtLtLB1HQhKs+IsVRGmYDYPTAd5EPHjz7AYy5V6qJQR4V5U6ObfxXo7ayROu2YLSgKG7pumwGskd6Tdyv/PtRVC44J4/UHTNlX62EndrNGHA2axV1JsO74KRS1aU6Hv3dtFAqA5WjQi+coJQ5bnevg+2w8dFguQkKhcDh1zLTzRDYFqTUBUAjAKFgJedZaJHfs6HEmvTrvp8VeNlrNv89r6CG2VSPXENQ6IBL216vGhgGVr8GQVOjTi1du0qb5nVRXGoLSGz3hx0K22YGsFG8pBeP+ZEnb/sGYWwEb+MfyneavWI6Nm6rwVwUY+h4cEEd/ro2eSYNTmrRa5F30S3MDMGUb+XQultkAAPEltUiYzBHZyWhsEiFgcEPD4LfyaJYuOaY+Uh2RQ3JgYAe7l32meLX+hhVBo+iPV7nvbjjWa0+ziiCYbLdkLNnRW9Q/75y/uYzv8Yh/zzz7Fq7As9aH1LZi2OEAkpfrEuQAyD0AJWvXJLpKfGay70QP4jWQ9XuHWK6QEMjnO8+mgQpkgXd6/4Em5T5H0z7ZpK3xvOw6Q63NMW/wWr31osLoTkDzWTXV4oWrxs6iWYFSy4CL2k+M5FASCbZhfOzWlkBTIZz6nUmrUqLJIIA/FL5v2/BcxLcno8DN+tDEGMDOXOwF894dmATwEYNNajeQ9vlcg8GaHWK0Wj+dMCj1AmBp+MBnkWSBMm5J6bDUGXajpbFN3ICdbNh9aix7OpiFHC9rUZIuHZFGkjE9T85baHCufviqLR7EMfj5adZtoOtellsN+OfEuWqQ1BzREfiJeOGqtUmMamj+DbFW0aXN83R9AV4xGoWQLJakNBaOH7Yg4yWOjKLDltEWZITI6HGSxOQCEwCUCuEWoJVlzqYcVTN0sSsb+MQq/EEv6s+tXgZo//vzOH378CSmF8wJPqyB6QlT5x7//d/zd33zn46e3G7VV7+Pedwd1TgvPf/87eKqIKm/vG++jcv74mbUOvn9ZeLkURv+Jt7cbcl/Y+wnWJwqfuN9+5vXnG1tXzk/PXC5nermxLxvL2hxQqGBWGD17MwtjV3q/cjq3SOSU2nZOywlRp3H2/c77uyY3CppwOS/Uj8+8//wFEeH17WeW1Xh+PrO+FNYy6A16E9bvV7a7jymvq2C1sKmwxcjy00vjtneu+4YajFGxe8f2wb7dWNc7S9upVViStVGMctpZ1leWcsfsHalGtwUbv0H3yn0rvN9uiBSe24XnlxP10liXFaMClafnM6f1gtlA9ZW2vIYuhVdiq3Zs7AwDaY0qlbVWGgqbT7Q6n8+U2mgCtnfu9w1RheuVct9Y18rlw3f8sAv3687bz++gN77/zljrynJqVDO4DvZi6LiDPDtNcx8zqDydT5Sl8Pq6MzalFuXUFmxfub698/5+90lZS2MpJaoSBqNzWRvLZWWUyrk0tvuglQutFK6v77wPw2zjcm6MsdLvO82uNLnyvCyc2sJ2U37aF25qjPsbL9+vLM8LmIM+tXy7AadXe/1PTr+NiMmMpS0PCZMjGGP0A/ku7oD6HgZpZO8sVFNauJMxekx58nNmUdXHdg8a9aAqS1YmJEbshm1OUCbV4oVsX4pAUw5NivCRADMQJYGbhz5OifuvoXEjEaGZ4WOHA7kQKaH54CZa/iwIMvB++mAXuP6NB0OliAvaGS4YPBMSjUk+Afaweo+4JaouIX4v0Rp0fNfUaMnnYiR1XSY7JoUcE5AptdFajv90oWJvwYzQft6LA01FCstaj8pigHQe7HkyrTH1wqmwO7U0/57RW++soBC8CwFjw59hLTVY2DJZMhLAUrZGuY5NjQlQyaAJMWEjHGuOF/WrhP5AjQq1Dug5YcCcIZLaRcd4yG/zum/dgyuiRUzAK3zGEiPNgQhUEmA5WEalVUYACarBeKsNwZNzL9RuTtFVAa2kOKLO9xwBiHhLsMiY6+2T0hzYcO0IT4DUoo1IHOTIINTp4y5cqyFimEycGs93jE6thb3v8xmWSOAykK5RPCxiFFLM9ggyc1JVnqMiJSSLsg0nzuBcT8LAWIAD/r2dvSL4SFGbAK5B6DsFyCkHuyyrfodwoLOLMvE7wFm/Jj3aM7ip0UWGmpFYJxPlF20rlq1JgxHMhYKz5HKSlAv+DszqPJtzr0TysPceti+CbDX2fTB6CjdKnDc/cCVZV+VgUZoSU63cJzv1PltIwiZgYIMcA59rRgA6tUnYfyZw8a1e2959gIDIw9l0AL+1SqsuUHu0mCmWDEkBIs5UAjyxPAPG0gql6Px5X/9krDjLerd92vuckvXIwPSk6/CbeQb7OMZ4O0vH90zfbYqsBs8Uz3SPpK13H7frIqpHYiuRPGIh0G7JkBlkn6GqOZggDr5465QckxpjP4koVfMERCXeAtSVZNWkrxKEJUBEmW0aRZIh6J9nERCYRetet2DX27QZqfmSNsO/Z6x9sBMTpPG/snk2s2VwjBF+N1pjhrKbokO87TMHDcwgI5N7ebBBbjMzjnH24hHv2CDsgU2QRfD1TJjWNXnC5tYCqli0i+bZTCCI6DLwRthgnoqDWiPW3nT4aPbQG/M2k283pt37+Fd+M8fZr+E3/Xy4T3FNmBSodr8ZEkOoEa2IXqhq1XVJsD3ivoJa9WI1zgDRGDHt7OWKoVg5mCR+rPx+0hMczKxgtJjHiJJajAYjxtr7e/iblWCTqwufOSAhybguRwucWbC+CGDW76NEu1QCvUYCuzGmQh1wiVB4smimjo0lQy30q6Il3fdvkB6MY0KeFAd4isw4DHG7MTXjTEH6L86K5CLYXML5e56/Ry5gfJEAPwcSAHELUoEG+GwVZ0bhxSAdMTlJPa6eYJodAEkWrsZQ9PFspr/Nsxk20fK+sy2yZEsb8wybhX01BxblYc/CCCFrOdaELFa7PlrmTUf88JevX2fU3DrbpphtrBQ+fPzI3/z297w8XdiuX3k+g+mGnCu9ux6IASjczGhP3/F0/ui9s2+d69X4CXiRO+t+49MzvDwJTyjsO2aLi2nJwtPpA9vtC7pvvH25cb92Pr2s3oazu35Jjk/bt45JpS4nalt5aQtSWiBUTvkrZbD3nft2d00aBsvpjA6BLlRbuKyF0ycfX73plSaGDAd3RtkopXE6ucEoVqk3nBLafY465cytKbTGaW1cxonbvrG9dWzxIHlpJ6oYi7jYsYnPpxeMvRtdTuziI7VFCtSFVl8otfByWXj62On9zoWOcqNrZV0/odKAjdOpI7IjZqx1Z10+YlJjU1RnIO0uIDUM9l3Z+53bG1QxzBbudx+xXgWaFqqcuDytCCun1UXudAifP37Hbd3pIWD88+uV55NxXpTL2tDuImy//e0n9o6DJefC2k58WJ5ZlxbBn7E0odhGGQOq8Pxp5fzJD/PejX0v9M14Oq+cWneEuA56v7N3EFm4nJYZpHufJtyH8vr1yv39zqlcOS0b67qy1gv3687XL8IffviJ3/ymsiwXzmcHvbyV79vVqEmxVXARx6VV11EKR+9tT9736AJaR2JvGFYrS/X1KsOgD7oahYFYpxZjqY4ye/ACGgF+lcLO7sh5GNLy6MySzUkCCNGqQ5kACiQYc1Q2InSMhDVfG4h+PXpmlYOCLxEMzg+P4OmgO5bpVLNv2KrrzQx1R+w9uebO9aHP3RORTJBCIMMKIg0ScLKCVR+VnJWS2TEsDjCECIdrwUgyoMRbn0qCN2X+fa3lYY08gPSJSaldk9XYfJ/sgT4cYq0tnIhXOCZDQZLRMijq+8g0HU8lq1QJIGVVqQgh6lwoSwkm1MH+EamxB30aUA1gxRORGhT7bIt6GOEcjrTMhOVYI79/pbXi1eDcwwq/1s/7b30dFF9AbAJXzmhxwbtZlolr7jcLJkxxMUB/qq5zVguIeiBZBWfP4D3UNvB2M8qszDqw4qJ3Hkx5ojayQo2A6GzPySpmib1oqjHSMlg/GRCXSgr4CXaIfQPJHLASvd812wAI8XB/csX8u0gAPoRYoieRkZAmYyjylrliOuEQwJOu+PD4uzjzlqkvh2Cg5eQFpqBhajcYaR812laI/VsQcR2C+ZoAeyET+ryb+MSsJkYgGP/oABAhUhhVwDG6r3l89/jyQZ+OpN+/VgB6GQgGGO0ZtZ+jUmBxkLl3B1lkfn+b58qnUySzKvafHQmws5VDrDoAMgl20lBvP9n7oDWhkq2qElPsvt2zufc+p2HVSO5aq5TFNdlsCgvj+8dcpyTbx9wXLYkPourj1Itn0yx48oINB99ir2bBQJPxKRoJSOjDzBg9wQz/vynOmelY3pp625M/Np2V2vS15L3ywAZKOwFHQYXDH5dS5nQhb8+CJhIgy5EYpmYPkWCV2NHp9mz6+GSWph84vqe35OTZTBvjBQRVibMpZFtRTkNTPX4u9XFmUcdsJkGpuwTJzORIljT3faypyFwLcB/loJBhfUSbfbIjfY1bzTHFNv1ViTbmGc1I2LDM92rqrwVrSJkAvUWL4gG02yxMYfH05zk9JkoV4myKJ/4uYOpAUWu59tn6/RhrfXvXo98Uwdv6lzb9Zk7sTPOXQHSCFF4USiDCd99uQjNDNDT2CqAa2njioKMc7ToW52QP4NaB6mnegMNXZ3xaq4SvSCfoPk/HOHxEnk2IzRAM2hQoTs2mdFzT3wYzg2ASW54698MJ/yNyiCZH4XFOCo339q2Un+HFRSFb6WNdRSDEfbPVbOgI7+gM1ZT0gGSlJEhhtOI6hzXi2DGOWEezeGHOkkqQOMzG3OeCTN+MHOdlTo9NBpsZJu5PSwEbHkM6my1ha1/HGi33EyTNuCaeZUoSzLNn+UwtVy18w/H8p/2wBMj9z1kkFUI4WcRbzobRH85mqXkeZZ7fv3b9KlCzb0qRxvPThf/b//Tf84+//0yVDjbQ5wu6vzH0BrKyLCvYwvv1zuvbnS+3jXo6c9/u7Hfl6fSJUitnu7PIwrh3/uUP73x3Efof/0Qd5poylxPl6cL7duLyVDhfLuxBOdzV2Dflw8cnpAyWJrQmfPjcUIz7dmNw5SK/Zb8V9n13uuHYqMvOei7UpfN0WVkWF8n16cyGjA0ROFVj2I3TMihVaFTGbtzlFJV8B1AGhb2ujL5gfaWUFVNl7WDDl3xtjUsTxrqDGn3bGOPmSY0orTW20rj1jqBoU+4qfLn+yOXpI21ZuPeNcf+Z8+nCUm7UsrO2G+dSWC8nRjFU3kHO2P4J9Hv2Tdi23b/P9531FAnR2FibC98VcaHjWoTa3AJt1877bWClc3lpLKcah0oot8F9P/QVrtvGD1++sm3GXgqyKVsfbLc3npbG9x8/8uFy5vJ84vRSuXcf6SZ1ceo/RhnKWv05jLEz+oaKcj6tlKcTcnKNlNvrlbefO9ev79y4U05gdC7nE/W88t4V1cq2KbVW1ta40fEgvrNapZ1foHzkdIHreEVpvEtlF+G773/Pet4Yo6G6cu93TJWn9fJrx+Pf9CpSKM2r4ZfziXWpDwixJyQHAbKSzBlTF2ybVQT1DMjbMVzDQUzAugcfOB24BIBSCnS8xeGx3zuDnVpz5DYziEoE2jBqcQbKDPMs2SduREs9AIvp2HisHCjE2Pbw20cb8WPpw/yXWSapRn0A7Q1YeAj+LFq/pE6hTSW6njJ4AnT0CUSNWGeRoyLgaYqDou4TI5myhRo94ha3WhtIlZkYl+Ihb42Aw52xJ8T+9sf0nEx6M1hAjhGMquogqRplCffs2dcEfWqpPq496KK/dD4cIsWkTo4//6U2Sm1eaZwU+EOnJwGdVv0eSe0hshUqAJwZ+ObUlGCFkdpHvteWpXrlOasSwSg49sa3dznbzPf1+ZRnEyKLCYfvIGqG9cniGGahaeIBV47EnAFLgX0fXsDpPZKw4lRpCsOSkZU70s+4iUUr41HBLw/BkDfqhkgxOtc7JzBMwDRAGaeRgWMEXjWaYzPV/Z8imBQH1TUo15Hw5iTsBHiL4pPK4nMmgyGDPI1pEGEblAyY4nOU+d2IM2DWZ3jqGbOfcymp36Pxs36uTLOtUZB6jMJNvYJMIuYYXTKR19lOOLVe4mec2Zq0cq8g9t5DWyIBMMB6tFt4EFyPw+ymLL9JACrEc3cR6tBmSFsoYfcK9J4trR5Ig/4StIFDs0aI6mEwd0KTCEn9miyChLZfbZ6QGLNoMCf9fKPX6KG1U8QLNtFGi5kLhY5OsskI/5SMqpwCkwLXJcBnwyg1JqB1pVXB+h7JfdjvUjCpD4CiRFDv+7PWLGYEblly/KzrLxWaj0qf5yHZpSkqLFGFP/am6MzJyNaGpGZ2833lNtyr+r4OzpzsD4wsMaLlI30BD4xOHooEMgGFbHNK9o9qjPiuvmfRPluocl9WJKrWnkB7e1AM8BgHiChlRAvLwV7KBCtbeqfQ9zhEhzOxmq0Hcb7TNquqT0eN5F+GJ2oShaGprwYukh7xAw/gDExIzT8fO+xagGgFg2D0jHGczfRtOYHLzWzEFWGLc9HF4nXqCeYgEuAAD1sL4f3QBNQAwsqcuvntXdmiJCKcTuv/Ib+phjuReHY12MOkzTLYbLBUgd59FHS091KbgxZy/DIOe99anbooAtNvpu5YiTQ6AXsN0M0ft/0iXrFEJALA8chKZ+yWLi+1jFIw2H1mmc9TxIWPE7h37CdGhJcAhbJFTh4KIMwmp8msHdqnz002rhcOgnVTRsS0CVu4gI6Zw0fue71YIuUQ3Pb258MGFcTZiclONSbjNVOV3AMOmHGAShh7sONMYhuYRin6kARwXcoS/vXP2J1R5DrAmCyDHTGHmsKIQkwOToh272S8pSm1bKEtEj7D90ApYbsoUGBYTEc2JgMzFaFdaDg+51Ei4M+uX5/6dP2J37585LuPH/mH3/+O82pgnev1ld7fvMolIKN7sicrP/7pB376+Z1NNzo/M0bj6eU3/PS6ce9X1K6cqvJ8Gkh/57Xt/E0x+nbjZl9pN4HXhf3ye8qy8PTygaZOkXx6PiPFaIvT5q+3K+wXCgt9KJUXGMpt7+y98PoWrTOnhY/PKx8+LewuukI3jalMTo/u951dlbXWGIvaWJoLUC2lsDZn5vRNnV5XG6+98n4jRgN2EDhTqVRKXdAxHFCqlULnfF5AGoMPNCqmlX3rLnIsiuyKaeVenvjx2nl/3bn3gd42VhHOAh+eXjgtg/qkqK1YXeg06nKhSKHrQEv1iSAmcFdkWaltZZSOVaF0Zb917t2478aPX6/8/PWd+12574aVSj0tfPj4jFnny89fGZtXY4oMLhd3hvfbjkilSaFGNcpEkK78oF+oA6yc0OXkmiiyM7bGrieaLTQKXe90MaSJS9j3DovRzNCbb/CulVGMsnrSo7bz9nZlmNEuJ4o0+u6igDAY+0CX7pTPJpxOF5blxKVWiu3c343+3qEYz59PvN+v1JcTnc7Pf/wj1DPny2f6/dsNOFu01tRaOZ9O5GhQ0AAuXGn86Hus9B4TgEj6nQMKs1+WtIsx6chCJNaS0u4GOXVIkOwDhTmy9QEskAAWZsuARABSS1TBhdqcUtnaQ+ItkO0tDzY8gIkaAa3MYDEDpcxhEJnBWY4rzSA4A2R/Lwcwamri0Ei9i6RASlRZHMgBkSWYChr0Yg1whqgYGlOsLCPpKfxWJjjl2jox/jrYQtmakpUvy0RhMMEdwWmeSwA1o4+5Olm1NPeYZOFDosqYSUA+DixEhC0BEv8mqVkj8Z+k3BbxQLvOSkCyK7xiUGuNFq4MJg6QpgS1PJ1d6ivkuuRkEp3Th4zaghpe8PsbHiDke36rl43uLJpaWFojwxvX/RhHNGaZIBX2PoLhEKxUcX9jUYHKFgJve1KWIizFA36R4c9MCyYNLYXa2tzvNSi2WXn1RClAr6zAS3GGGQH0BiizLDVYEvEdzAEdiQAjK1TU6smDRSAblcBkFfiZjIQWSJqJxFmpwRDzsaoxulYkJqgxz4POxCOJxHnQHazZhsMJuY/8rKdoo7NG0eNs2UyrYmRvgDWYzgrbnGY0gRynSvcx2HuPiUAe8hkHUNH3/Qg8LcU/7QBGCHAq7Yt4e0xGriae1M5vmiB6vt4y6dS5npDB73GvZgc9XTOTyy0YazTbfPAM0RPiAOcCXMjJYPlvahodfRZ2yM/m4/f71i4dO7W4vtvSXFTF16VPG5k+gGAQ7Xs845lyCKU2+vBikKH0UpzxZkqrsASsBRHgi0A7QQCkiZKl7bdoERzTbx6+FaCb24cJGBU/1wUmS8OM0Mrwn0lQb1Z+ibM2tca8JcdzxwAuANXOZCZA2GYHproOpsmww5+Yv9D9bd60eIvG6KBW2Idhe7JFopWRFLIvtGKzhc7IM68xetpIQWWTMc/YIwNFo4XbLKYH7YOhhxj4AYIEmyze7/CbD8CIe9oZd1gp2J5xgz8/I/9RSPFjQZhD1SXfz9syUkNQ49z9pbMpASBNZkQk9s4eiHMr5kNU7Phds6qEUVoAYxKsYYuEUuqjmfjmrvSbRYQlAGsH4kZ8B37hN4mz6YKyucPd9/WRi+ftclpAhqEdlmJTV6iqeP7aThg5qTOHWxxFsIxpHeianhXM6CFSrw/7rBa8+Ajw0KqXDJKMQX0/5d/nDor9d3wpSqkxYVHmZ2ChUZQoUryVAxZMW2P5fkzXMpn3mPuZMX2bTQZn1DwQWbx7xa1NuHM52qs4zk7GjBAswuIFnSk0rkYf9uA3IfkoKcqbBeXDfmWRNDt24tnaQ5HYXMvGZpyQWjD8K78ZTyLePwDpB1Bbze2gkeB3Ar8Ru/LwrON9LEEWYU65zLm3pslycnazJnhtBvseZ7PF5LG/fP0qUPPhMvh4gaLv/PjHf0I/nVmWBSkry8kNQFsuvP248/r1jbf7f+On/U/wYXCpldPyEePMYOd6f+f9j6+cl4+srbHf3ih9Yfn8wvNvvuN+e6fvd/Ztg+Id7Ot6oq4r67JwfrpQqjJGR80napyfXxC9YvaO4ZoZ9VRh/YT0xsvyxLDO5eVEW4XX9zdHU4ex24LKBdPVWRftQlua9433nVoKt31wj41QbitSKrUu3N53unU2eWXr8HodbF19lPZ4RvvC0laWk3A6GydV1r7x+VyoutHayr0vXEdlM6fcrtU4twpl41Zc6HZXg9Yol8bzeuK5VaoNyiq89o3rH+/cx53OjskW7TpvZFBXa2N9HdTlHZrQzovTZfvOftsdqFG4bp33a6e4Ug2jG2stbJvRt3f6dmWpwuVpoRUf33x9u3Julct64bScaFFVTbaMGGjbkLIgdYHqY9nf3+98+fkH9neoNIooT6czz5cnTCumzfUz9O4gjQl3FbYB1mI0n1Ta5SPX/YruN0QaRVZPpFUoFS715IdJjE0HOjaGbB4QWKGdzrx//RGKUFdv3drHhvQN22F5hr5ff+14/Jtey1IjsZdIKgIImIJz/jodWVXqUAa1Qo2qWWqFDA2QxiqF0LRAaAWquGjpCOEzb7dwauJ0DnL0pBoegLhhSWd5gBOE6HfSYEq2NWWQDEBJ1MOdUYpbTBgpjS7T0yUqntU9YVAgxOncoO/q75fVeneI/p41WiN8HTJEI0AEf52WTACZ4BBWySk200fxMCkm/i4T7QzafVxurJ1BaYWhzjJJLR2TDBQOLR9wCnUtjYT2j/HPEbyqhvjnLzV85r8RFX/CsUUy3MeIdgcPDAK28T7vxJ3me2Y/c1SWSwlNmhITh0KjQHnQEorkm0MsNszrdJje4uWJCbEW/qwkilDZcvbtJoP+nA3TQd+3ySSZiVdE8amPoObi6sFQnxT6FMYdY0SF0AFOQbDieg4qmQ4aYl5Rq5FE1FJnsh0hg+//EjaCTFScjSOleUATE6lq9XM9QjdAJpvNZrLm9O2CWnEEJgQGTZVSnY2awJ4gDiylVgXic30FvJ1QJhuoZBJqRqsJ2AjDnMhtcx1jFGYma+paOhkGHwCgb7RccyPZcklrzsQpg78ELggQOsDZoSFmakdwq8dneyuhVylVh5/laAE0A+1j7ueZwD/Yk7wHv442AFV1JtXMV2wG5Y96KpCB5cP98VidDI2uYEgwtbUOmrg9VDUP0D32NhJgo+8otWAIZAZYCo8Aw7d2CTq/477dH0Dno6KMyGQimXlcx7R/x9kEpXelluYtJwHwVanQ6rSrIxIiRrTUEWcnpwIRzzyCebP+AJ6lfw0155KNZf68etd4LdPmzgknYWunEHZYAX1IKgSYAqtmUALwSVNlRoojC9nSGoUJPOZz3yDsXWaLVwJUGvtkqKEyMVW3Q2QV2/9qHzC2XxaMcg0fiws5wcrm2iUjNqZAmYvkp+5Dgq2igtUUyk4tlOPcpfBp6r14K7DMAkmc4rizI4G3tCnKfFUJrbn5+fAQX9i0Hxy5+GQeZbKcyW8+q2LH/jxahDT/2WMm7RwtKXH2I8lsLfbCN3pliw4m7Ps226f9H3PTOLtqqEswdB0kSajVJV6bfjPEu03QESBbq6Ft6uswsCgmaEwgZLZ1E/YPgpE1/eaYIAeCtxwHk2OeOyH8ZtrSYFj4AZ9A6KFrI96uNwGXZNSUAGchtVf8rLoP7FScPZms7IjvzQI4zhgzdIs4YpEE4HOfWASrUsQH+0QeJ8VtmIX22S/vO+xPeog+Jr70eD5tKD18ztAYe29HTDLjblVyalk+ejOJyUlx7lIZOa/02SXea4LTBDNmxPOPQorI1Opx4qvO/ZDT5PLeLJ5XFrIOA5ZnMexBOXISzfgBO2ydeCs6cQ+TaRfrWVsUXP7K9eutT/uV672xtpV/+qd/Ytu+43T6yHKutOUM4lon5++/5ypfuf6LUk9PvF+vnPuOjMbtfmMfb3z67oXv//6FU+08nyp1nOh3b7n4w12oy28ol4Xbfeft+sZ35zPt6YX1+dkDpdJAjK3fQZ5YTk+BMO5TgKz3QUcYOCvj6bSgHXS8Me4uCqZ7xbSwb8L7rfPl9YZibHtHcXr456cL275z33dM3HzsdqKPMWlQfdypZaBa6H1BTVjPJ1q9Upc7A7i/77zdBqstfGqN705nXpZK0TvdNnZr7JolBGWRs1cmC2z3d/a+060gnLgN4Xw5835758KF5fTMWM9c3+/sCqWtoIXSFtpSHWHEGL2y33ys376/oTrYys7OgFagFdbLilSwzavWban87rcvfP70RK0L963R9y9IeeXp8sSpfWa/PtN3F0Meu7DvjVoardQgJhpbu2IUdDgocL1deTlXls8LX7lyfbt7oHdvjNvVabE0pDaKDRibb2rpvL6/cjqtSF0QKVxvG9s+uN/vtLpgfef89OyjyXVw2v13qUBXTJStGneJIJ3B3QQbLsjYt43TqfHx03e8vX/F7KdvuvqQOIlIjtWt4VzcYeS/legT1X2nSotgJDRexJO12lowNDxYMxXXbiJo1XWBFiM9dbAUd1o52tKvSIYyooVpTBOM8P+J+38ACDyRqTOY9OpEJFLA3o/WlxpI9Iw9DYwc2RiBT/x7VikSDGjNmAaWSGyi6tCKUMV7kns4wpzsEu6NgvjY7khMctRvkZyQ5aKEUtxRDrUZjJb4nINF8gBciCB6UGqJ5NfFFQ9F+Ro9uuuyhohv3keMVQ6tmKzESTh5s4doMJ6Lkr3zWc2LcYTNQkDOryaVmsCKJPulkDXZQ7uAsMMHoyZJfaoWrXXBrqFQogKpWMg1yPFMYU7kKpEUiQhtWUIUe/zi63xrl6pX2kUk2jEbjyPiA74LYe4RWl4LOrzF0Itl/h1bq9TFpxTUckzbEoFtQCnHWEcfN5/nP+nZHrh58FDdcIRQnkQF3Cw1K8CridE3r919ZoIsIWBo8W8enHh1sxbXE9gtKdAxWaE2YBxgjQQ7K0QcieSvFBchVALAVL+nysG2QQ8a+wwMs6KG28ExhgM15kFXwc+NswTcNinFX/cIKER5bGoLjQN8mSBN6NtoBmB4IDjBYfPEtRYfh5sTdTANMLrQpi2UeY9ZpfO/JZ78AUa5RorFONK4b4tWthFMICJ4Nw90k23jIrT+vppA1ji0IFJ4VeAAjSL+dCv5wPIil8YZWXFA3QaWGsBG/5Yx1ONsItzvGtNW6gTvHbDBzyZK33eM5okNzrzwaWuD2iprE4qMOJtMkGQbfg5zEqKfTf/3kooPCYYEiCgJcliZfz8TmUjU/BiEjk6SrywTBIkkCCDAufiuOfEtxTB9fyX8RoAhydxzNu5h8/fpm8YePhsfYy7BCHK2mHhMHj5vRDydwEvvI7SZwj8UF3hV1anXoFl9B88Qs7U44oVMZg5x7WxhPHR6jIgpxOb5LMJkOVpxhr6DNfrgNx+m2MQZJf10tP86CBJtySQz2G1MMm0NkJHsNJkJcBz4eA469aoysU0AdYTArKmRE/C8SBb3ZPlnJssr/ztyP+C/u1RBTHwk6VPf5uVtor7++26olnk2j/OJ94wHsEG2806/pCB+rlsTSjGfvAPxHGHPIRjFn3dXZampu9YSS0FKmQz0GrqG9nB+PIaEtJQlWSqzUDoRi4hpo4CX74O/ptUHduosYuS/h/0W388ZHycjmdlqFGw7Ne+IEKFGe5xnO8nrFXIhLStDFucJj/0dg3L9rKFKCT06tSge4fhCIYGqkoYIszJbhkb6RrGD+UbEdFUm08RwsehSBIspxhqAo5+7go5kWpcQ5c7NcMT0OUONeF9Vxyf8i4eg/wRd+gNIHID5ZK+mwHislcQwgji7s7haMtM17+bI9CeercrxFP22jqQlxeZrTXC2/+rZ/FWgRvuZrz9vLHWgW0HsRlsL67kxuHF+OrGeL+j+yvPlif/r//QfuF5/5n/9X/9nnnTQ9isfnwQpA9NX2nJjWe7YbugooMbbvbGV31KXiz88WVhefgur0WXlfTNOp8XZMqXy9PTEdYPb1tiGYOMDQvNRxFJZ15UiXxDZWWtD+5X79UfghjBYVqHvdoy2JAzm6g+lj8HX61fXxDEf57gPQ+gx1mxQqrE25VQGl/UJ7e5s6rJRh8SsdEGWE8uy8HRpnFvDqPywG2+3G1/6xr1AN5+4wthZrkopixcml2dgo4nwVFe+f3nhUoSX55XSXFtGLiundWGoC9xV7Xx4fqItgtHdEdlK9nda982vq2GLonRqPM9aG6bDp3YJLEVYl3eQK/LUgM+xkRWxO6dLZVRBtxt3NZblzOh3TCuaomZ98yBBF95/eOPtyzvLaWFdT3wqz5zXEzocCL2Pwb53qAuo8FQWVlWQgelOEeNpKbS988MPP/H69cq2DeqyMuqdPoT685VlKdQmLHLifDlzOlUoXkUpo2AFytLY+s6uhUUqOjpD4V13ihoijfutU3Mi1zd4CW32WRsRN5PU4RAHdV46tVaWpaGjc7/f3PCasWTPafQvG+MwrOLMCo1kqgAmRmEJgSy3zW22IvldHa1VkP20mby7s/FMoIROQpCtZ8HkAGqO6Q5SUxw0e3qPpD5p6lO8MJ0sjppHbBTvn1UDItn1u04wXA2GKFp0vseslOe6V5+UliheCbDF0f/siybjKXdMEcR7QhqfWVJAOACcWETXHSoh/i1zylMGx65FIBOI8wpvTIYhv6dManWZ1ZSjpctvLp2rMHZ1Iba4n7Yw3y9VaBCvlnqAU2ebSup9LEv18efBVhDxsesmFpUEJ4QXc8dpxStb3kt9JL6zqh0BbDz2+auUnB720Cr3jV2mMjUefJljAkiATgnaYA5gnM9nVEecTXNd3fh6kiDcTMQBPKExWeK1cb5KhUiYUJu6Fd4+Vicw4AlcRewYuW7khC8iaTR+0doU9gVgTlWaiYQ/Y+l9gj8JOFR8r4+hkxmXoGeeBREN4O6wI0U8iZOwJeqt46gNDolcZptUVsA07MfBOHGDkPaBAHRFHunf+b0zEdc5SSd1IEopJO8kadUeWIa2jWU1OFmE6oCueCXV49gRdiES62DSWNjMNIEWgRwIGi1xE+Q6LFEEngebCBGyA9a/Vn43j0lG7/R4PySBmyM6TNuRYJoGUwFhvr/bQ6Y9ytGmOU1odJ129Vu8dHil20H/ZKyk/XkQ1Z46Ni64f7/fPNUZRitRqtYezDKdCU76L6SBlEi83JYP9XOdE5wyAcvz7AA6028m80ci2TpaWATV/SE5Ip65/dl+yLzApl22eP9fapJlu57vhXIc+AlayMMefRwrrhbnsrtehErev18SYp/pqy0/b9p2e/DN/mdv2TEkkKhkqxoKxea5EfF2iCpR5KhCssoQkNYcZB3pv71IBcNJg1Uwy5niMcWJXEuJs+nfd4z8Hh6vFCn0aJ+aZ3MC2n6NCSxFQhvbLFluWMRravS9c2jr4I1zUe3PAtQEcwO0yPgv/nI+/2ScHp/zsJe+5bOpMmMtJ5sJGpNX0286KNCdIHA+zbNZzAs+rXiMKRZCrgE+QBbtivvNKEb42WzBDHTQptbq/2+QYu3DO2so0uZ6IhG/eMbmsecIcD72SQiMkS1vGkyp42eDsRrFBgvb4LF8Aui+PgfTK2O/ZBcndiQRdx1TQXswJj36CkaJG/+IxaMgIA60g9vyFjHeo95Yq4JKZagGA90eAEz/boQuoeqgSsNqAEBSA0RLK9TcR0UhxH1ytKOJ+MCPBKzjnCjMwoSDLJkExA1GIQV1u5DsVS8slrmOFmdshCPzNQnGGgnWpEtQB5hVk/wS+9EjnINxl6ymLPD+0q96O/YDexfPsXKSGzai7e4vX78K1Ly/Vvq4cz5BlY6Or1Be2cedIZ22rkg58fbljb/93Sf+4d+/sC6v/Pu/7fC2Ue4dkY2lDWo1KCe2/ZlhzpDxYWjK7bazfbmyXp6oy4nFTrxRuW1vYJ3TurCulVMVpJ5434zOSrdKu4AxWOsFU2MdZ/rWQBvVBqf1zOX578F+QvcfsX334fNNaafCRYXrvfO+3VlOK6enhZdloS4r264s5wvX9xtl7yxL8ZYcNs6nxqKdpd6DXnVnaUoZDTFPnkYvYI2xLezbmZ/vjTdbeSsvdHtnv17ZFUQa1RoVRe3qG6d5ctoELmWwslHNuFzOlKLIuNF751li7DYLRXaeZARvVRm68767Bs+yNijeJ3+5NJY1NsAJahuUxXM3MTeE6I6Nu+sQjYrxDJwwBpSfqFEVVxPWtXHdN2wRGAMbcL3eaWVhbJ3Xrz/wv/0v/4kf//SV0+kjTy8fkFpDAbvwzp1yKZS6sp6fKcuJXheeR8calNo4LSu6K+O2s73dKAP03hkd9lOhtgu7Gdt9g20gq3JpxirC0uD5aWVdTm4opUI3lvaCK0jc+fp2Rced27Xz6eVCs4aW5deOx7/x5RW/MBFueMbwcdNCGGGvuC5LdWE2Uc7n4kDisGk0PQBpqDZHgYsb3d6dPeJCngWplqBxRE4aTiLf4wg8i4gXxLApkuX+pxD/QG0lmEEh/JkJRiRnRdPBGTmGcY6hDCeaQsD+d+EwS0Ue6VCZPCWzRIipFVnV9AloKoIWH8vIGOHYMhG2WQUp1YECC6dSw1iXGVFGRaXATExLtADN4NxvxwEPTxpLEdrSZhtTbcGoKeVwCPHz7qxTVO9gUECPN2YW1jJwT2r2GEoNjZExBn3b6N2ZFKmfkMBIF1zwGAePrJQQ1itzZHZS7EtWKBJl8FWf06L8uaYTcyfrE4HKrHxkopqJX1ZRDdfImq0Khx/85i7Xh4xxtBbbT3JsdAbanmgvrbKuFZHB0qJSqgEmBGuulOqtRVmJjjNiZvR9n2PQUZcElgBZRUJktHhlMfc6IpSaLRMx1lt9H6WwdQ1xPkRRRrCKRyBIB6TimlX+WtfC8fdvLfSezCc+eQLmukNVzH0Yx/1N+Cbshwsb++HYVRgcLU85KSxBPeEAlYjqM75SRyA0z+UhEpiUBrNsh8m2gzFFth8TSItgUiyA5Uh8TDSAtKwcptaJr7fGPRwV7UxIjhaGQ4jyAFRVlfv1/ouzma0LDqIfVfs8/1WEosl7YiazoodwqTNucPFcZNq1FEfEjqTykQFIfKeptYWLKINRlGhbDF2ib/QaA1LY1oq5H5AjeM4q6p+fzVbV2+/UINpqCX8m1LkuaTe9ReAAfoq57dTtYNslkOqsAKa/8aOV4CLICODAs/P42QWvwnZ/1mZR8Q4/i+vRpb9wfxyMkXL4zSK5N13TxF3YeLgHeNRfcecpU72lUwP+cCTC9KHtcNrwo4Uv4wcXMnXYI4XPJc5PHleZbXnysO+Hf890bnH3YiGRE5t36gyRY8EfbETEAtmK4n/X5zfMNZx2IUCcoTF+O9rh7veN0Qe1LofuUNhnDfttHJpEYlDtaIkQAqTN9km1A3ydYqNhh9RmL4ivTZ7N46yl2LXgNkmDWWVm82zKA4j2rV3O4tbMkCej2VIxJBxins1lddbm0hQJoNP95ePaHCxzMrbUYIvG0AYvZjjwxhjeZlOi5V1qsBPjs8s47iXO0tHyFnFRcfDGzM96XiLe0qt6TAyU4oyarMxM4W0kt1PEAj5NLke+m40gDoS/FJnxgcfRxfNshBGFxSywDA7/iB1+wv8uea76AMTE8wi/WcmvZZRg0Lo/cxDV4t8S8HDCjbc8B4YIuP+JrjP3neq8Hy+S1Bn/QT/iXjFqzbOYKYgdbJk4Q/fb/UE37WAXqzrmYDMOP3xn3u9cDwvZiDiT6R/t8Ts87M1iaW+ZBdUJ+ZgipGhkMFqjKJ5M6egw/4vXrwI1P/70hdNJaYuw94375hWyYYMhhesGP33deLvu/Nc//MQf/vh3/OblI989/5/52989Uc5fMH2nsDm6ZQu1rpTWUCrL88rKQN/+RLm90/cdhrGSVTFHEce+ufBvE7TvqArd7tyH8XpfEFko9RqLeWWMgkjDrLDtG+u5sMqNj015Oq0Y3iLVzitPq/DMEwLs2w4o57VyXi/UcuJ+3VnqicKJ3u+s5YyUFe4D3c/c+gDbkLJT1p12/oHvvn/GBW4b2lfebs9cb2fWdXHNlXGl1c53H57ZdMW0IENBb6ynimrntLog8X67smhH7jcGg7cOVjxxwQqF5slvW7G6836/sa4ry3KilMpFKlsfnM6NsgjLqbGefcLPGDuuP5KOy6l3ah2TDhR0L6jFtJbW3HCNZxc0W0qg1wXb7vzwpx8Zd+P6euN+21ETlkXQsfHx9898/tvvQS7uxFrBaJicWZ7PtHPjdrvzpz/+QBVjG5tv8G6MrTvtXOAGlE8faWos5xtWxKd2lcZS/dmKDEYpaB3UU2NdoawdbX4Ybm93bu+DIis7sGmlXj6h9ytv+8bSK3q78+nztzv1yQEQBwCkHAiuhHObaviaI2CFVhutrM4mazqpvy5GKdPBpVGri9LH7gCQpQZDQso2A7NE+IHZrjT7YSNQmXFVVJ1MvOKkKtE61ObEKH9djufkwWBHgCtOh5xUaAsjazVffPR2m/kIP1Gg01oG0zEuVRtDE3R0x6OGs3gmg4G5Vrn6It43G6HZQ8Jo+TXJPmRPfn29XF8mWEiTUVMDlKkxWeIAZA6Q5lF8N5bI34TUTfCg8gEkyTUYg9HjGYYg5VzPAut5xXHbbL2Kd5fUOPH37L1HwcQj+ny+U/xYCmWRCbqUWr2FqxxteSXFbiI2ybGImRlaBlzx7A3cXyT1NILbWr/d6RU9+ql9nxnD3ANPJopBH15h2Wph3xdaa7RyZmkl6MzJzPBKo6SIocjUudDoEVLPDKntYJ5BBmLJ+DA/UxK0YPMEcswKngfJ2d4GFm13LsA7n7tZtDXJ3J9mmaQni6cgD21/kgyMKlg3n16RSZwoVqFWoy0p1Bjhoi2RwE5YCCFbw/LkAeZBm+a/VRyMjv2eDQKagJ/+koWAZLgVqzCBzZkxus+K6pvhlb285lS4SEiPiU+5qvG6iR0nwdoT0969XDuFFDlEDKUKa3NdLwdinOpfq8yR90N9Wg2+DWY7RLZrJdhkUrxIpalT5XdzsI28lfWoFmcgGqs/mK1S3sKC7ynzdtEEu3gUhv/Grn3vJINGTOmRF6Z70k5o5MXZ7K7LV8vJz2ZVMG+1ETv2qvvM1BEzSkz7chugfn41EwQiMfHPNEk9sxTJPs5jXtkSkvvYSXk+njmr3qkfkb6llfQBCQy4T8mzUSSzJCb4nS9HEix2ULXULApEbK4eXyckqJkkJ8iPRTHIi+w2QaE4L4MA+XKfPSS0Eb/4PkwGV66JTVBzAj/R5jS1lvTww/55BglqGhP88c+OIgy/yL6CSedAOMhMUs2SZRCgc1shqvUiydEonnzNglf30fbz7f/sHv1N43kfTNdci0D6/9XZnDoY/OWz6YMi1CcJmp/N1GH5Fq/ee8SgzGc829QR9EFQe6uVZV9YaqXVM60VSkkr7nvGAbLUbRRv0xOh2JjvH8EjWchKRqXHRgWzTjJRPL/M5D7O5gimRcYrFgUWzAsSEwhl7pFaKo0D0PAzIhPozaLXZJvhPtSLYBn/eZIvpdNa+s0SeZzr1kjaAnMmi7c/xjl6iP8g95PbC0lhXjzX18dCZ96yVyqCwXrYjwQ4kYMxm4U3b2kaE6xJnzm11YCUHHDcKde0zLVwvbjYL7u32Y4+JhvNL4+FaqvxfcNnm1FC60uKx++9D5z7K64lRt5Xrj1Q62TGTRWBjN+nJ/fVqJKGNhtV3cQmQxbCxop/J2f1+It+Lab91VP7u999xLjR2obJRugrgSrreqGdL0iD0Qr/j//2B6x+4afbK/zzO7/58YWPH09czoWnVVhEWKyjt6/sCu30hLQTXQq6PHNaLnxcK/1+43xaOZ0KphunxXg6CRWlYWzdeKoLb9sOtztoY+87Y3OkfSAMBtfbxr7HYXvfeVkW5LRwv2+YdepyhjrY941C4XK6ILvx+vrGezMu5x3bjFZOWBeWduG0XFha85aMMhjyispGq43T6czLh4pt/xfefwako70w9sZeja4b6MYybnzgHZHCpX32cdWtsUgLIssX9n3j3FangD4V7gN0u8HYGaNjVtBywlRcaFIaKpVlNUqrbGHJz5dnVq3UbWM5n2ApDDF68aSdslJrY7tdwSqtVp9AVTomA+vDA48Sfent5gZznEB84w+6B62j8t2H37C1zio79gScF05PlfVcWJaVERVSlcGuHcqF67Wx3wa36xXG4PPzE/v1xuX5zHq6+OSMLWi+BUaFc6nc7hvyvFFr5d4VCB2IokgZNArLUni6NE6LcLmslIuwb8p17RR23r5svF7f2KRz/vAECwwtvA/FdGN8/eHXjse/6bUsLibree9jUCKkjogo9AHb3pFiGJ29ewU8J8F4y02M3NWHKkagL0VWr75nZC+JhUTSVDj6xi0davbiHmObLazbMVaTKcA1qxCSJBTfvxncSQSUadRylK5PEKqHI35wADnFxasCrm+FVXKiULgpKEelW0wp0V/srSLplAUbXllLLRfMXJgwE7T0Hg9JpDuuAGOqBw7HrzrZC6VWao7+rDIZKK51c/yciEyWxUyCH0shgGUrJVmZcAdbVwc7NCeEJBgUpeEDSMvkNaq8wWrCjNO6gkWvf/Ne7qTBl1pnq1auWQ0qRQ02gISDLOHEay3zz1mE1+Fi5kfSakjNfvKj5jH0V8oP/8ZXC5HQ1ICKuAqIqm8pNIE+hPu+gwy6+WIvrfo0lxLtrcT5zvaXEm132YYmOcXFQcDEUUuwtDI5A3JLHroGweqwTJQiJ5iVJh2HDoWFcKzkizKg9H8bfbhYqNoUoAZxodUqlNBO8jZGDbAh2uhqQWj0PYNQ8YAzbUuCFpG4llJz43rgpmA6nPEQQWiOq80zm5/pCXUE45k8BfMIy+piRmg2k84MwDOIs2ArRkQZKxo6IJlUm1fvmLs26OFxEz59K9mI/nutbQa5xmOrQiYLSqVGm8ChoeOBfQDpcugEJJhrKKVVB+ZajL2N4DG/H6ZUO4DiEonFwc5zq5kaN3k2LT5jZNW27/8fOEX/37m8/c5912OC4CYvNWU8Zb5tHWPQi+sMtWA41pICuuE/I5kTKUiAsVOrTNLHpb0+2nvyyWJJ5U8/ckxKtNwuHGwLBPYeI6NFiDlq6RgOvxfJgI7BECaoWoINoJKJX7INLECl2DfFJ/yZFcaeSZgbESvJXMvP8huV4iN70zZ5W1iMoJ7gg6/v/Pm0khMssngPSMHeTPkm8zKSQSOFwtOmuc/VORko44EEdQ3nBCTE1P3fjhoMEC0Ww9xumVGLa5RIKQcLMA9KnCH/cs6gcyDGn2ctzr6dY5pNDwxOwIgR8Q/JrSSYHGtuprSoyDtTyWKPcSSVXadNUGyK+kc05F9u9P/jh+b/R9fU1pRfAm15fqp4O38XuO9+NocN2JWltV/4zSKCDOdhkgUvc402KXWymMn4qkqcw/TfzGJLMhmHOuA6fUDEtAlUzltW52oRReQ838jc6WTL9xgDjdc5qOOAaI4PFx58oqSmkce0rRWwEkwktxuJpwR8B2rUaHEqEiBF+O7JskkQ1QjZA/fxrr+Uvuthemu2KZcEVSJW937Zaetcn1Ans8yJAK4dmrFx2k0NnU1nmWdhKSIVb/U4hIwzpq0e05LgXi7T1PLJxxEMFinOdtYUircJyHrsHYCM2RxioebsJopgGqyqCYinbffP8SIyv4hpzfBpY3/Bb/p+KAGOG/YrZ/NXgZrvf/OJ23Vl7Dtj37BiyLJx7+88LcLf/f1vMKn85kfhdBL+8Kc/8mU7c93u/D//+MpvPrxwXs98eq78zafCb58GZzrFGre3jfX8gWX1iUzL0lgWsGUFMxYK63kFe6XQgR2RweV0cc2Y2qnrxtf7zqfnZ4oZt8346bbx4+uVfQO9DZoNfvP5zIcTnJ8GtQ5EGvvN8a7zCvsY3LYborDUlU2V9/uV07qg1ShLodlXLpcXPyQd+m6IfqLUM+fTE20psHdkGPQrlDtig33fuV2/ch9XKE47MzN2fafrG5VCqwtLXVgQqg5Q4/X97hOfloW9dsqlMvqOWKFKpeywrM7GqfWJWp6oZeNUBeVG4YqNK7d9cLvvrOXCWi9IrYybsu1KH4W2nqHCZnd0U/p2p29X9tuN1oTT5UQtZ5+CYHdPyOzMvu8uHtxqGCZnZJxOjbU1+rbz9b3z3nda/QhLpS6w73dU764LM5Qf/3nn7e1O74O39zuLVE5iXF/feH+/eWKcAWnfoO8gjW13NkavKzcTSquUanS740UO12D46b7x/OGFLivOn4kgXpRuI8SEN/oNyrKgUnjddk6thfL5t3mt6zKp+gHDRwVnUKoDY+DJYNsqvXd6ovI6qCPHJbuIeisxVtqyMvMAnBA0xOqWzx2NC6GCQgoRkywUQ608tMFEsKBGV42A0Y1hJqZzDKxIVC2YiaW/daFJITgJlCU0eBAHWIKynsBCtnTMgC9KBIqSUwFUDRt7fC5kRcLbF/pDYCnOWoogVz3anYF5Jod+o564zRawAJJEko5rAVLEPYWOgQM2MQkmqx3U2WmS7tIeqpClFq8QkMGazKQPksUjrh2TgXv1at5QnX8nk0WV1Q3fUxaVgEwWCkxtgkdquSHeW21HSxpZpS8lJkv5fVVjBrdjGBYiq3NMccbr9q8TGWen2Nwn3+pVW42zeST/OUVIxEV3Dajdv0YPbRc1Y+uDpfmeqUVYm/jZFADX03LKtq+9Jw3ggYkHki5ZcyRBmaxDtt459dsZGZ4YqXmF2zw68Ta8FjoxknR0f47C0brg7KFMo2IftOYBTvG2kQSPph6ROdAitABhPXXOSqEQ7Bc1LDMayYR6oPpwNic663uyTzCPYDJ55VHHMYYz18TynmD2yltUH6fg7hGFQQ9GWmZQwuyZ97YijYBTJpA1Jhf8SMDzrE6EIC9hUreHEOPu/e9dwPZo3dg3b22xh0qi3+lh27AEYHzvjaRwx3nWuVYW+gRpW8Je1Op2dbIJHkQhLZ6N+trk2hc5ctBv8aqtPFDtI8gWnQH5sni1uw4/J73v9PRXfYQoenGfWYWlBJ8m2nAl2MeemIcN/PMrbKyRVPkUw4cStHj3Lb6Ww3yc7ZQ/MqWl3pmEd5XD9xEeYOicXUhWbycghFAZTEZJZjnmwIwntm6jS/y8SYoZZ6ITrUHz55UU7U5fND2SQY+9goizAYQJlrmLztadvNIXyvRLamOKlHo2m5+QTLk4l3bs/xQDT2AomRZum5O3m4noA2v10aeLx0ajD6xITA/K+wsdjgCBetgJI1tCZJ7NPB2TDYxNUFXD5+YrbfpXm35ExJ+JFKFoWrF44mkKLdLiqcHhsVfhAOm/xavW8hC/5dl0+1bEgRxEqJHP9t4jzjS2vtGCrVwrLFVYqoTWTQgOF6GEzU0hWA9wI7YrCSz2YG4kUBc+rkTL1ENM23XQE1SLluVWSwxWiFdFMSGBIH8eCbpkq1yAKRGLpQ6k5EirCTAeRb4sijhAT+z3ZNryED/7Pk57MIt8HD/j+tV+Noc5U3ySs3PN4l6zhdLSPeYZszF1z7Io5/vb1zennPnHWvhOP5c5IesYcHDovpnl2bCHtfDLi6DlaFGKuFjy+0e10cz1N8ceE9rs4RmYOTHhgSWrR5USeJjYKZnX5Pr62pbYS92c7a0wRYVTvuEXfjPW28xJEDJzrb98/SpQ8/O//MTpXHg6KX//D79j398QXRnjzLbdWG7/xOfvP/O7Z+Mf/qbx9fXf8fV14f3W+Oc//sB9H3z5Ori9btx/HmzfK59eOt9//z3fXS6czwttdYFXtc7oG9u+U6R6T3yH2k5QVvq4c78PehferxvX+0ZdBBbo/crHywunU+Hp5YkinS8/XeEsrKXxcqp8/3Li/CRQh2uj1EZtT1AL13tn37z/tKpytkZbheenM6WsmAp1xbUpSqfaxirGfu+8ffnCNpRVXmBUVL8istFHx7Sg9UIrZ57ZkbJR2h0pG6enF4Qds4H0TrUdWwu3Zix1oVPQ2ljrypN94nReKZIIp6NvIor2jnXj/euPbLsLFosMTIxdB6Jf+fxSWc7GsDfEKqortZy5vV3RvmMy2Pabb1TBafi1ocP46Y93sEGRhdv9DsWgbDg9u7IsPgZ733fG3iOYhUKhDUey/+WffkYabPsOWvn8/TOXDw3VG2o/c6pwKgtLqYy9893TGRP4+br5JJS6UPApAtv+hiHs+6C1hbfXjV0EY0W1RoW6czmfqMtCXSq3rbOcFk5PxuVpYd82uihaO+vTyrh1V323wVMzusJ927D+7VK4UU+yS3X9oazeOO1RKTJorbIuxuVU6aOiw+mHex8RcAcok+mQuJFpSwnkPZL+MJS/CDrcm5DCMm6EhJw4gkSvcDAq8kf2oCk6mOHVi9SqycuiLcMTlAw+ZVaAJVBropp9oP4RAKfDmnY3W6VStM0ZOVIlxs1nBKwzwZ2ihNnGIIR6faa/noiJHVWwIyiPhAdiTRL4kinQ5sCUg2MOVBkimWi7mF2OJA4Iyn9/aIXyoCz/bIkRkV5aiIkjHJWITNI8AAgn+kDDLrXF9ENnGv3y/cRBhKgwecKe7VsSgYivY6m+3gLRehOVavFJf1oyyHenmGCdZXtAgdQg8sqLhfgr/0qs7Vu7Rh/xnGFd2gQADAdwRDdaqywrrAuM0TzgVPHgM8AEG56paYXWPDGsS/NKYAoJCkiwR7Ii51shEiLMp5jF8yeSQ4qEnajUEjpLw5N5yaqkv4w2GU+ReMmhJePmIcSBxRP7KuWoBpYQqBHmHvdzrXQTymD29EsEPhkI52f5PUfq0hp5PiUCREqwOUhz5Guz2BHk2lIn+2SOs1bofZs2xtuJc/pFjzNXZpCY5230McGJof0IIAnGzEy+YkLVZAWlQTrObP563M45UnXXQ38EC82q4i0AebbSzlr27BMgVwaJsVaj7zOJA2LEONMHZKXvEHiW2erqZzHOprmd9bN6BPtpFdNHfKvXft/JPP20pu0X194yxcbdwZgGS/WzOVTm2XTAQV3rphjWvNCxNJmtgqVY2M1jes+Aww9K/nsmpT7tJin/eaZrCJ5Wca3C/qD1koF9Fhmmz42e0ikoPGGIKLkkJTN0zNKZS8aVSLTHFoq0cGI9QJXcp37WZ4tkxKXZ9hVfLAAkt/mPwLqIuMahlOm782cy3sAMHTsxl4Nk+ni79Zjv48MPZOZUDjb7lVXzfG2CHfs+ZpaZZzMBlGQYPd5H3HWsYyRXo3srZ5zNtrjts4ezma0nWE7ZPCbhJOPOAtwFJoCmD2cTZDJLpz6fpN/VWfiZySDJzjpazSJfnj77W73GPiJmhOXU5nM2iwECttNKpa2wLsIYPkjFrLB3R296tCLZ8NzQmrA8MOEmI7lEvOfBkMdKGkCBZOtdiYEW2bLjz7BUn+7nTA6Xrdh3/3wvZOUI6F+CaBI6N49AvZCt8VnIC98X7eUOXhx73feKzHZAj6MssabwzXEuE4RKxmhGrmmvAzCt4enS/qw0shCUV54TnQWJo3XTW/KCBWPDx4JLedCbevSDHneMkc/2AOVMoe/BVgm/ZL+IXTOOOdr37eH3/Hpd/bxo9E1LyRbtKMDGIagRb6bkwtCjoJPfPtc7n5mOEWBnFB9jLacOVdhJZ7s9TgIL65p+M+xuSXa/+SS6v3b9KlDzN99V3u4/cT4V1uWEcKeyUKXQPq7OdLn+xH2sYI3nanz4LbQm/I//4ff8tx/e+Jd/+QH2wVl23vbO9mqsH+DDb04sJ2ilk2KJ3QRphSqFcw3xQG3cNkNZ2Hbj/W3zJqhauI/B04vRqrFbpaixNvg//fvfM/7OuF/vbNvG0I7u75y4+IjXVbgWR+y2XrndO31TntcnqMb93rG90IdQVDFZ+Hp9ZgwfJy3FQDpmHZbKdvvK/vaTb97+iWV9gvKVD5+grTu31yurQC07Ujdq2VCriFbXFjBclGlXnsxoNLoZ2gdm/tq3t5uL34lBMaQOatl5PjWWpVBeNCYaWdyfQjVK/zADOjGnoYoM0M7TWhi6M8bGc/FkidJQKWwC233w8fkjWOG+ddb2kbIUehW2bWAqrOvZW2u0sLYL769XunbGPmgb9H2nLo22VEROLO3E/m6sa+F8vvA//HcvVDlx2+Cnr1eWWvn4dOL6/o58eaXKyml9ot8HBUXH77jfbtxuVwrw+0V4377yxz+88eVnA60O5JQdM2Pvwv1+53Q+c9KVsiz00bmPjXou6N5gq+hQWlFezoXbqNRyZm3frpjw0jwRLvWYXjEr5uQkg6D3Iy4bUN24n1joPZyLhUMxRSlekWhRlbdEjN1xWbT8HCJZmeAcAX/NqgXGkaOFwxFY19UNt6bmyFGFyITOHUAha0AaoBRpBCWTOw+HHAQ42CCp3O6yABaJjWHq2lWIi2cjngyLPdBLg69oORUpGASa5QOR+X0nfJKGeFbf/V/myFbPUifSP/VmHpx0AmNZ6Unxx/n6+f+FPNCH+Gr8fwRxM2+aQUEEgFNryMEZZs+7zOeUQYZUB2yL1HBY7nwc0HSnnAKncwpIViJx5lFtvonGeBCk5gD/wB1/fq9aHp5xmaiT7yWY/cliqZfwbV5LFdT6EVijM2iWTGZ0kK11DmYqshTstLAPdTAg9rqa0YcHmS2CTeI55V4o5oFgJut+LiSCdiZ4Y7FPqsR6kkAgnJYGMfFr6iFYgrMSz8ZZYEfSH0w4khIc+9mUUhv7ECQ0iFNPS0JkdYwd2APUadEaALVF+4Xl17OoMEZwGPsiK9KzqpVVRiOSnaMy5+BLTnRI1hjAkQBi6gKH2UIU63AkVA7UCMmsyekiASi7NQjdn5xOZtOuJfhhc9WP4HrSsyfmYfNczrM9LOKPnEbkL9v7cC2o+f4Eq8qF4604i1E1pvphVHx8+L71CUIBD33+abO9OlxbnZY1ELW4Tf/BEuZSkQeb9O1dTgBOkEuIOyYZIOAgnVmeDWGp5pp6p8Y+fEJPGCIHcQxEfMRvbtpp9x8TfVP3EbEvLYJ9nUCqr2epzMQhb3NtlaXVyaBKAC7bHUqCNfgZ6WHra7Q1jUhIkmYP+ORVy0PG9FsAZoOuPe472nJL+nSjDw37lj5cGSqh2+P3IebtN15wSLF7UO0MCoOeOVl8zzzHcTOZbObnWK5tnB3L9sH8ShG0RIInD8DErPUM/dcJc+zXBLdKJrFx31P7Js6bJYNXD5839uGajUVYWvPEHxfuB+YYchhYgEGizkS25iDycfb8bPau9P0YqT1BW3FAohRBqoBEK7ZZEoUgWjxEHFRw8lFMl/xGr6UFy2G6tfAv5cFa2kjkz9ngDRDl9Og3cUbKUEO7txCV5g4lQq3AKeYpfTivMZ1NQtw1fQ1t2lWzUDUJTGFtlSWm/2VM63nWkbzn2czCnQNph80+WhB97w2rWEzQKxMv8f2a51IEbKT+n861sGAKapyfbPXPfTT9avirBBsqx/7OnWhh5/zPYwI+JfJQRIjB5RHXlelj8gMTmHQb5efS38YNV4LUIKGj4++WQsZKFK1kRqggIcYfTX0puH0wX4xEom36xMJ68vZ9M+g9mCzpN3unlDbjCD+bbQJLgmMban42R4BDHh8HW3H+OdrpWg0Q5vCbc1353+83fxWo+fzdO88Drrcr//Rf/oVtr/RYpM8vF86rsNTGn35S9g67vmGyMWzzyT1W+fR84lSfkP2ODmjLmfX0mdvdA4elgPadt9cb1/eOaeXzx49s9R21hrSTi+eKb/xycitkQxm78vOXweX8xNiV/XplrYqNf+bzdy88PV04X07U8oT1O+sSNKneGfvGbdvodmHf7vR9MEKLdF823vfO9f0Nd3zGvrugn7MSAp0rXyPIPKP7ytCFIf8M3Svjr9vC0hr7viGmMSnpxFo+INxpdWORwlpXlmJU7Q7cVGFXp4a1tqBlx4rQcRtlxWndfXvj5VR5WlZenl5gLWyb+usAauN0/uiq9GKYdZRBld1BG1O2+xXtN05LQylQB2VZaEXZZaMWOJ3OtLZTywIV7NIQObPdR0wd8dHZ1pWXTyfX5bnv7NvC+/vNdXTKwudPn/jwoXG7fUG6sb9XlvWZvTbeVfm6b/Tbzh++viP9jo2dy1p5f3+jSGV0Y9vg1F74/vvvo6J649N3K4zKvl3RsXK9+TjvZVkotfB+u3F9f+eqd5al0apSm0Bx1lK5LX4wq0QldWA6+PLz/deOx7/pta5gIf7Y+yDFJlM0LJPErv46T7BiIkkkWkvooqCKWdBKYxQ08V5inng4up3smKxEZHsNk/0Bbv6TVi8ptKg5gntQW3HgLp1NGm5JP2UzULYQOc5+4jSE6Uomk8eOQMrvXSeYMn+VDHAPts18jYJMc+jJnMy1ikAzOY9RWbQAQ2Z4a0xdGNWB1AAsQr/F3zqDTO+VptSpZZABSi1JrXVnUaVEb3whp5JYBLQlwIsEsrIl6xCy9IDSzKC0AGoUDX2reEheRS6RqMWtSvQ0R/iPAdtIQdcMbdLBBP9AqmsgZR94NfZ9hKL9wfbIlqsEjTpjrsNsgTM88LcMrmbEEv3K3+ZVqw+11zHYNj3OJjGiPZL20H8lp5V5xcUDfBfl9QBccICnFNcmgUxjAoRQD0pac302B2PKbJvx5Yw/xBqOAB3A/05EEXYH52qZU5/yzpOCbJYi5Mmqyn0b4EtQmUUEMRekl1IompU+Zxw4ZTkSGjOQDdSDqWGZTtj8rpCsgBBaDhCL2E8eoGlUrP31GRxpnEdfa2eXlCIPCeRBTU6gI21G/l0CuJlQTZHisAVpu9zu5f0lfT5ALklW2MHYy2lRdZ5li+SdAHrcftQqoU8HNhKA83rjmO0CXu2cbYnaj8qjAVIpEY2bKVINrS4oXeYaMm1VTkcZetgim88lQbAj8cnnlcnpt3jVphPI27edxMaQmHQWeXsfNvc7KRwadq4Un2w1v7ZIaC/4M06gfOiIP7sel+tVyGyJMjn2dlbd1VyjK/VlkjkGw8fuljJBOMym9olGkuL7/JjqpJFkKcbofSY/cJz/jAf8f7IdSsJXFYzN7YiK/yLaLTiS3RLFoZxKMws0WdWe/jgWO9Y0U7xcA7Ph7D4ILaqwOeSzCF+efjhijWz1mS2T5gyIQxA8x/l64plnczIDC7SHNc9EGFNaSRvFL2xLicJKq57LuC+DyQY29RHeuSEsG5oKBEMjGRsSRTJP5pXSBNPd9UuibcbXN1o1o4AFD7HDBLhyr+b/xyqrtyd+q1cpPhnI8y37BcOgPmjI+NmM2DFBwfCbc1phgJgeM/koaDfjFiCW65YJPqEQe/SbvmbJKJeSxTvo/UEnSZPNss/Jh8fZlLlVH5mTyfQwIwqJ0fZkMZwi4i3GFjbA95P770EyZmROs+po92KH9oezmecP31vZ1pXMsgP4goOdfXznA2Y5AEzTQU4zmoxdzUKt/YWzGawascna9jM6ps+YIBW+Dpm3uBZkxIBxzrK4WzQAycjZdJhP04qiWPo/H2IhPs3LvNNDovA41HzSq7p91dDRKqUE20fiWfl5dcFmwDR8eCe1ah5Ze55OeZ6lHHHXcRzdrs6cx46V/jW/+atAzekE1SpleebtfUG3BasnlvMK5wtyXtl05/O/Gyzrif/7//xf+M//6QujL5xq5+//7jMmUJ8u/Pbj31OKMkrn+nbldh2Y3jmtiyPLVlA7YwjbqNT1hI6C7YNb/wp148PT93z/6YVt7wytfH3d+OHrlR+/bKznj1hf6K9f+du/+Z7L54+cL4VTg/3u7TE3BtvXazisiu2v3O9fKCKsxZB+o9bKsjTqUhC8V3GMNy6nHyllpcqFsTeEM6a/jQ064uEWpHx2VK4Kpe5Q7pTlRFsWhDOMBRsN0ztjvGM6GOPONnY2Fe5VKdLoavRhrKo8i7AsK8t6psV0HEqnc+Z+/cr1y8btvVPqR17fblhduO2drQ/k8gNSBrUYH17OnNfGb39zptSd2/2d9/dXzicfuduWBUNpVZ32u9+odeN8GaxrTNQoRm+DdSnoqfGf/rf/ClpYFcbeaaVRBsjY4jkWTnWhidH3V95fd2oV/vmffuZ6hd4re6v0paGlQSlUUZ6XlWqV621Q6F4ZpNC1oLsHp8084Nnermy7A2jX+526LHz88MR333/GgNf3N7oqT989c3mqtAb3t6trHbVKO5+4ve3o3dfsfGm0Yi4i+I1eSdcrVmbbhFGibaHMoH9d3Lnfbxvb1oPSDMvibKEiQl3qRN0t+kwzqvJErDmdm5xC5EoxmE3aY62NWqJiR+jRRC+ohE6LqbKsrmvk6v5h6C2nkPjvVSLwNA0tl+QCuOGrdgAqHlT1+QpLNo6tv0iI3KDWGaC5i89xwzBHH2fbiR1ixGqRAFY7nFPY1zn9Jtgi7gHjc2c1XkAbOT5zxsQVRIa3nrRKLYV1rUeVxYgkLcZIRsuUfwd3xnN9EiwRvyerlW3b4x5jbWO9vchqERALh0v3Csy+j0gUva2E8tDqIqGdAUfQGEHs8f1nhBKTPY60uxTxXvLWwqlFhb/VoP5yBDLTQUflNH6+MN/ym7xCU8+LAurMFmaw5dxuw6jr49n0YK0UY1k8KJBaXOA9nL0O31MjhAcTJLMQIDSTqNgHljgGFKOW8BkwQaOhrtFVSvOfVWVdGlJbsF9k4jpKAI/4M9fh4qmeoMovQNoH9ARj0KqFVk2KjFaEOnV2nHESFajHNjrRuddn0hiJo1qMmTabUykMgm0QgXFoMswA0uoM3l1HontbbVTe9u4g7hiHkKGf46zwx1kLsKaPfoBYYRNSLJagSyP+PBOgBAdUFdj3zZ83CcjEGVELG5otlQ6WaADd+5ZnM5dESMDYTGc3SwJ4c9LYQ3tWJhlqAcAbM+j0xLOS45AxkNTOmqA+81mrWrSb6dR1OGzut3f5frOwK3LsY5GgfMXZXPy53u872z0SYuJsOopArY1klPQebZ749A6x+WnxPA4NggT5sl0o/eb0N0Pp5sCnhR1eWnWxy0wgNX2MYV0PIMGMMfqRn/MAOjycTUwpxYFUTwj9bMGhf5WTn5A638PfR481i7MZO5ls78tJMW4/yA7paCnxdovJIsCBDQnQM6dVusmq9K4BtEQrQsnvddgpF1aNs9n7ZOXknsz4QeP+JJPqTDjjOUkRtruLYac2D1OplLDlyTH05HXgz367R8HM4lw+2MTH4sY8H2mrSBBC5ueMaLPLfWFAK243gQk8pzi/yJFQ+/cOZoMaFu1RM3/+Ri9fZgkAKxLaiGmViBf/7Gz23QshRdRZhrEnl3p60PcKthFHe5EEKGM4WCI14icDHd4ek9MqDwDDQaJ9DC+yRav/0iqlBVNWOOyuMdt/INnd/mcJGqaJzPd2Px+MU0ZIG8QEJ6nRipgHWwN0deCmpE6kpB/yn8nzaVFc/QX4Ar9gYPvvORo89qIIYpEfFN+XIwqYItVbDcU1biwZqWKzpcjPpsRnut/0LvlkMfqHZ/suBqUmgy7WJsBvf+buNyVAH78SAMrvnt/HmS9gEdMaqjsm8iDx7/ft8bv7/7Tjc10gSLj+Fxp5TRZmRCQGtLiFH+GTSwtB+YivzGzahDzXKS7/CNj8petXgZrr2zOdq+vAiHHdrvzpjz+CNH73+7+hrStdBx8+KsvyyuUE/+7vXtjug8V2Ppxfsap8+NB5eYG1rVzvnbHAUKHbgpbK+XSeFYShA06KrM98fvpIK4axYvxEkZ8w+wNPT4W2PPPh44lP+2fe9Zm3e+NyuXBqyscPz5heod1BNp7XlcGFn778zNgGy9q4tIVPz8+87zdX3C7CuVT2m3HbXjBrjG6Y7dCEotUNtyoqA+SNsnaWpdF7Ybs1RC9glWKFYoO1DdZzTAsQUN4Zi7GclunChxW2sbANwcqFt/c7272z35X7tbPvN15HodlK22+s9cTz84VT3bi8gD5fGOOEUFnKlfVF0CJct8LbbZ99eOjO/vqKVeO/vBdO5wtrXbg8vWB64z4GGzuXc6M0B2s+fzyjBrW40/T9JLy/XikXp4j97fd/y/V6p/cbHeV631xUtMLpxbicTpzaie26c39/5ac/3Tmfnn3sd79TpPPSnpDa6KWhJUijQ1A9A51SBm0RVBS1m2sBsbDtfriHPVGXJ55ebmh55/nlic8fnliXlT4GtRSWdUF0Z2wdGcJaV8qAG0pbV5a+otrZTDgVWKoxlm8XqPGjG/2rAS6MHlTlJcfaunirlEGthdOpeWs25klHaqSUo8LkOhqBqQcAkYgx5tWFIi2q7Z6MgavrG8OnUEgBKwxzlpaqGzKRZItEbzVpFKNdQB2oyaRAHwL+iC2DUXBUx5zinOBHJojx9/jrPXjyX44WSPTVP1QXA1yRdtDSD2HhikllajlogglhxeX47BJVWRdLLWSIL+L6ABncZuARoW44Z6P30AmqqfHBrPJIiWldAiLt+HciyM7ESbzie1rLHGtNtD14S4dRiwvlFfHXDFW0uwBsEaBkgO+MiAk08KAhEol6yYQ9gsEEgnxhg1ER65vAU1Z2pWgwJfL1sefybyQSYRFmm8r8/du8VPP+fRXUjBFjXtvSyApWrc5kcS2bElVaqCXo8j6kgjnefiZKwV560CvyyMA8oMvpT6KI5PlMxlIBqTQqajXex1/vgGCAFBIsLQ4RQvBnsbQSU8OS+ROJTOz5SSkPrTlRmfdTYn/UkgcnQD8DUbdHbhd8/LHvBb+fyfSI4FcDSCzmVTANfSQCLOgTnHhgtswg2INzD8I6tSUDB8hR8MEe6gEgj36Ajr/UbMle9EMzwt84rFJqT4wY6yyFVtq0ITk5bsZrc+39ZzV658tD4p6V1hKJMBF4O7AsM+n3yzA52qrmqHvzc+wJkFdraz2A5HABJGCVkX0QQ8i2EbedKdQJ3/DR9MmT4Akcmdj782nLQlaUa7T4ODgjh98sruNXU3w/gTLC5lnqgxy+5fAPqd0E4FNrXKfQJiid0/CU4q1EDYQWz8UBHon9puYtMjZtvgODJaalOL4bwIEercJzk0XBw8+fgfhwgKzkmz2c7dgVJdoQkcSCdNpoYK6fxTpAQVTnmc0Wpp6C+8F88UmHfn4TM3OI0c+mRcaUnzeFeLvbyt6PNZcZOxheizkKEXV+HZvffQKVBaC4PmOef7KVMar7YUNd+NbP4b65XzPNwpWETzuYlP6Rvj+yfTsTayyn2zyOAXcbX4vQbbhA7YOtz7jCz2Zus2QmHBvPQx6Z//Y4IfRbu9xvxvMlEvvdC2buN1Orzr+HFxyPFtPUSqqlxmCGww9DmdOQjna3AMeKgVQHXqfRC4kI+gR3jOIMDnMNwWzZzbOZz7NWL86kaG3GtKWVo6UYJpg4z2agJhLt7xHqUAW/H7IdSCBa83O4A+pFTSkHIJizvkp7jK98Pzj7LyQNsmUogL6egEfYC2eza+QNMvcTNqhLMDHlQbA6mEY6dgTYRrKSMpaJsztbvvwp+YQ5i+cSt2uH3hsIS12CNTsi3j1A6iDgkf5eoxXOfTUzjylEwSTN4ASqct3CNggOPGmwu6YdLBHrewxQSpmTWhMQzAIWaoevzKw/JRHM9SOrZPz/169fB2quH1AulK7stx9Zl43L0871duef/+U/c90UZGVZ4MOHC59ezvz2+xcu9c6Zwlp2WoPL6UalU+zMZa0M8ZaMslxobaEW12LJPvbaQj26v9OlILJi9hkbO7sa1ha2r8rz0zO1dJ6WHak7W3/jh7edH3+ESuV0WijcWdZBWy0O/YLdB2/FWE8LlA+c1kZheO9yA9lCzLMUSjlRyoU2/pZ9u3n/8tgpRUE2qJW2FnbbGOMHTuXMeX1iqasrxN+N7b2iw9itY00pS2ddlWXxAzFuN6oI5/MTz5cz9WVFrHC9vvN+u/G6dd6vG7f7jfftlc6Fj3tnWYDionPLag4ctUqtJ16k8f04sZuioyCs6Dhh2iMgNb6+/kQrBdXObmcGhfr6zvOqPJ9Wni4X9r5zv41wTHfaqdJt5YcfNh8LvheGrdzMaE/PlOrtQmttaNk5rSdsc6R122/cNuW6vdNOKx8+PNEZrFIRVcx2tm1D+0a3itWL0+elc3m+UJrw9f2KjyVX3q93Tusp2liEy/OJshSut3f+8Ic3SmvUpbKrcr6cYQyMxvnThQ/PT9iu/Pz+lbY0vn59C/V2RYrrJbT2q8fj3/Qyc6DG/6dTigeXqj6pIns+RYhWlMLSGkXc4CY92aneXmmenRAiIHUa0SxKZ3Ie9bC4E0+2ZsAQgI9X0f3+nBEc1NtxUKYHzKDPbyZacx4qAllVFsOnzsXoy+juzhuOCnFSiwOoEQkqrU4DmuGMAz7lwUjrvHdPlPxd0sWJCFbEq5rG/Lyhj9XrDJris+J9SuiKOJlCohqDtynFe2d7RAbsCTwJxU24xbQSSYp+JHKa7xNJeDF00tPDOYhPcLFytGRoVBFMzRkRStCHCXZPS5d0gFET9Y/EIILNGtNhjCNIcIHgYIaIuIMPLaE+BiWE5dzh1XgGxLQED0JySsmWzpjjuz6KT39rl6pXugwPKIrEWHQ19v0vn83WQlyaDEIlWoRiGkKAVQ6E1Yc1iKD/4Ze35GTNtzq113/Cg95WIxk6SM59eCU+wRfBkJI96QEcmDNWEpyZlOm0Bep+xfL1CFgKqEro4HvAk6ChC3zrZN3NUcFxllSOQMzPh5HjN8fokf8Watx3E6HHOOIhLuycQIcUcS04TyXnnkoRct/ThrSwWcO/q2rBZutUAuI8JKQgsyWQSdPm4TOIwFA1ARn/Qoq5PQgKeeoPmcisuHtbRSaTDqxpaONgRrGDVk4m5vE9s30tp5DpOIC349Y8sfR2oD6T/JkMxpSZWr1yiznroSDsNqbNyymJcz98g5dpslLAhSWNEu0Wfd8mm0nEGXG1SogL60y9/QxqtK2FHY4Fk3oA2jMRlGBMGS7eLpliyywyBHclEjEjGV3JBvAtJxM4y0rsnC6naQfcryVgMr/3n/1JpMZnW7CtLJJEDhzHlMEeFfajdXFOV7Is6MR3ykk1MBlZeTZbKVBltg724YyuxFO0FI9NHrZOrl3+uVicRzOyVzoTTJeL8Gq3AzlebPEpUMOTISGS91xxYi84o6gH6CPBOlTCF+f3K/EsIyGb7WXqTJ1sT879RYDNNkWNBfOejYiRDkaqkCLOlggYiRnUWkL8ewZi7msndTMKRIlCqU9g3LP17uHZf7sn8/CbKRjt+8m/w77vsYYhvFsd3FsXt28FP8cClGoUOhITMefezHZeOXxmMo3AZvLv615n25yJ23hnEvvn+HHpzhwPAH/Gqnk250EK1xgMMchwKuPjZKQerCqRZRpo1wOMg2USDKOI46OQlwVVUTnEbjOK1BGv879PLaQqLrBsUqINy2MzLd6Gk/5KtURh5WEziWAy5vd28ONhXxIFzixSpAZT+IqRzHfibBIxNsz2wkw8kiWLRSelOUiNEDp7ua9jSpSmv/MzY+r2olDna02VKhLaMxp2P1mBNhlKPYNuCzZgCdAH/+waMgN7T627YNOEHfWiVOgvht9U8fzV8js+ZCZ/7frVTPSmZ7Z75/UPPyFl5/P3jX/4+xP3XblvcL0b+xB2W/nxy51/+cNXPp3htx+M78+Nz08nnlYFBrt0artS2+Yq9rWylA88P30KJDNutgjYTl3+iKnQB9xvnb4bXS/cu3AbG6fTwl1/QihcLmc+PZ340pWtnhgqfPly51/e3tnVkGasa6NKZd/eQN5RfWNZheW0cFkK52ZcFgFrNPkb14RRcNk9YRNguWDqwlyjd25f3pAmLJczZS102bnbO6/7G62/c14r6yKsFZZaqcM8WSqArVy3we3tnfv73YOE8TNDGyILT5cnPnx85uW88uFZ6Z87Sue+3dm2O4uBjcHYd7oOrm+Dp0+fOF1OjO6ik600SjV2CqWJtxsUsJjQtJQLP//8isiJ2yb8/PZKqxvrbz/z85uxj4KaIDS2vjF6Z70IXRo//ekKemd/71gR3tVHRpMUejqUE/v9yvZ2pXRlYUWWSmkLeyns0nj+9InLp4osHevK+Okrti20285ThUpjdKVww27G/Q/vXN8NygmVwt421rWyjxGHzVHf69sOZaCSrLXCy/MTRVbe3geqN2y7c7u9sVlj32/c++C8uibAvnvLwDd7hVilxgSSWr2ly8KYRfyC4X3QI3RCWvG9kUK3yeoVicAzbIU7Q29XOD6TcCJpZJJuiwMJEnFD0AjFPICQGr3YYcTGULwlVBhis+J1jIZOxyLxfvO2EGlR1XAQw9FyASmUNOZm2BhHYBPJj4tIBg02vEMWmA6tDGECP6p+3mcbU7yyeGW0lUqr0x2SwqNZi0hqI+aaVTUp5BZsiHpUAEtNTRBmNcOnrpSZDHoSX6Pa9lA9TG0Jz1pnkpjVuTEDgXxfZ06lyr0/9hqUU5nrVmt1QeDgredEGzFiIkkGvwQVlWAMQFY7vOowQpeB6UiDGBUPNmiyEmCUZ/JOMSUZTja1XTKZ+lYvtQzkfQ/UJqxL/J2B6ST8MobS904vMdlJZE6n8IQdB2tKnCcpEZQ+aBuB72WMUrINkAcQMije5j3g2Qufwb2fMd/3Y7g+ABE41pqAzAhgaMwWvBbtAy0YV1Mn6SFFVGI/mxzPNwKemVwQAIg5qJXBczIMOGIZX1N1enqO3LUIovx60BARpbTqLT5V5ghQr7alsLafsVmFt2O/5fuJCFTx0eOx9j30nYYRf3YKvIsZH6KGmWg7QwBGD1uiEYRaxjyPQXAAQwmiMiNZ4pQjdcmOFAjNHBsWwA2xpsAcS6qMrse+iERlsnriPlP7aeKi8fxzVHOOU50tVZbCmAkQ2S/i+W/tGpY+yBPBWmFZovXoz/ymC+4rtTz6zTifuGqXTzELG1qcUVayyDEdJngS5nvG8H3sFdUyP9O1ZrKlp9BKCm1KBPkWmifE84v9oHkPoU2R5yd+uV5Gmz57HifLlo7DllpP9lqZSZALgA4/T8maTODCju+HBKAwjj3iH+ObrUi2B4gPD4hk0vdgrM0EHANECV9rqg8+Op+Rg5z2AFaWUukRE40EJcV8pDZRGEqPPX/GYxM/mxIgcgnWazAX0n9JTI+MfT4F3e2IJWptyPSb4BJknq3XBw2jjHfGFpP+4gz9uQ3NItMvRhTHCiXDQh9b4SynRh1nk/mt///Bb/q6uN+s83x4rOn7dQxvces7LIsD9K0mm9miLTQmvAXQ6BMOG78Y4BBnuIge62+QQzgs9bmKoAHQ59kcaZtJv6nk5KR5Ns1ZaskUy6JciaIdQJGVo1Doe2yCMvE+aoJ2j4tT89DCfpcSovYBXjoYxeE35vpKnM2w4xYtzBEXprZgwaIdc2CWelfM/TVtVK3H+8daZCwM8osCQN7bGBrslvCbokitkVfIBLdyDxDxbY+zmWPvRxZZopj3+HM63OcFmjJjWgNKbVOsHTN09z0lqrMoGe/k67TrL89m1BfTlrpddwBeH769WYAzlOk3sdQQSyYQEecd9//Xrl/NRH+8b+y3zr4bHy7PjHuH+42XpwsfPzTqd5X7tvNffuj8ZMZy/sjNBv/ty5XXt5Wf3hY+PQ9Otxs7rxRWTlxYmgUSunG5/MzH7xeW5cT97smkaafJzxQxmhjFPPjs9oRSqKMz9p2lGmt9hm1le6ss1mhywhZ4+u1Afrvw5evg7VW4Xm9s/c6H54+c1+/Zb59gdGTbuEjlLMIqMMbGpn8EadTlwr7h7I4G1+vGvoGaz7OndMx22F7Zt93HacZmErxK3WrlaS18eDp7YhyJ220zbreB7RtFB4sYNgpj9/e2rmy3V85n4dNH4/m50c6GrIKxUOzsuj5d2W4bNqCPFesRRFYFHPFdzyeWutJOjcFgvZzQscOofP+bv2G7D27jlb1cud/e0HGld+VaCrafaa2h7cRg8Hbv1KK0tnBuK7oWuu7IttHHDTFjv+L0UXkFHXz4sFDN/Hk9Gc8fFnZTtrFzvf9X9tcTS11Y6omPyxktZ7RtXFZPBse+ulG7wpe+8357py5Kq8b1+oae1pAvCPEqHSzL4hopwxOLfr+zlcLtdqesC7eqLAIqK9d9AAvFjIpxv13RPmaF5Vu8Is7DCNHRgJtrKdQmM4HfRwhiVWerdFU3vubToiJUwKGKnDLkn1HUaM0dh0YiHtDPTA5Lov4SShmSyUVW4RVUjpYoIayOq+uPcSQLrsfRZjAyA8M0hqqTwj/V4RN1D8Ao+7mDL0qKi83pLXoEaZDBrEd+Sa9WVddWMZ3fI8nGFomvE0KchpvtSNlKlZVHApTwOC41bCJBlaSCVq/chrBz0ukzsHBMwqPASav0nJpC+0UFMh6Jt74gUMNJxvfPQFgiqbdiQWuNgKEQiXuwGWzMRDH7cDMqrQ/BgIg4CH7vEWhEkqLq1ZpYX98zEeCTlZAZdTNiykGuWTKevHKcAXoG8d/uNWKfmeFnU13/xCmyeNJvxtaTReFJQR/OfKlFaFViHK9rn1U5KonOYnJB9NybE5MchzC3A3uCSVTxLII3BZHosQ99CcGzutKCxWWgQ5xBirOmqkS4YO7bihSKJQ0aD/xUKNUZpM7wAhkRDEY1WgohZh/VSEkGnT/1BCtrAMrHlYKpEaCRlTNPBnOPuCifRUunJ0dSY4JMTKXQ6oBVCQ2hQ3T34Rd5Fn3/lWh3qKEdoEMpKK3FhB5zlp0G4yAsFwmWZ+qViXRS9i2SuAhvQVLYMNMANy2lynzWahs6kjnn7H2iVc1ZERZi+3GWHlpkwGLM6CMrMUDmOH9MQCsEFoO555/JL2xuBqwaa2Df8OF8PJvJjGC43ySA6jybAyYQ4H409yRISTHSEn4v/aa3MrYm02+SoMKD35T0mw8NwNZ9/zrTMZMeP50mPrGqFoIVBTkByosuFaNMQGBqNQgBCHmSiWQbZbSCjGSBxotTqNvG/Lc/TyGSzTenGgZQcUxXTOYmYWP850zM9T9KtnW6TTjqYSWAhocJOiZo6EfFKsX9ywH+560bmAhrtCFJ6VR03pNh0SYo84eMnK6VMYc4AIrG+XGtuBw7b8F0OqYc2sECDR+t5lNjS7Qv+/MTKMdEqznhSYPpmNOO5JetVsfCHzDLwZQIlo1Tk0loEElGU5a/w8bkef1Gr3k2NViJ046XyT7WOIsD92GK0YdzKTymjSQ+2R7Byq6x17QOarPZRsoETwJ8mOc4eTrH2UzgwcG8WNtQBG/NaEjEs8FEMe92KFIxzUmsvl8kgT0BVW+LzumX+mBDLXzro9/Eup9NAhCK1iIZ/v/toeiX+2YO3Pizs6kj9z2ojsmwL9UnxZpk3Ovsv2TYZBtf+s282xn/BbPMOPxmKaF1aaDaaat4wTZBkVjvBJhyklPaJxGoLUSF0z6kqHaeFctJcfHVU9YBCd+8YSOLQw+xfUmYKe1VQlju03LNdDirNU9jtkfmlXEY4Xv1ofVK4l2PQuPB7nFw56/nm7/e+hTI8nJ5Yug71/eBjpUvrzvLuvP8slKqsVblaYUfvryj0ng6P/Ny+cR//uMf+eF1sK6Dy/N3sRsGrXTWZpya8l07ob1xqifet52vX975+vXO65eGbjea7Jyr8nSufPqbDS3K8/OJp9OZj08rp2VnOQ8ohbf7O5Q7qif2/crlRfj0odHvJ758udDqJ6TcEfkZ6xvYme2+IHRe1oXLeUHNuNuVbd9YToWbDMYoQIeqrKeK2QKlMYbRtbP1O+hOMWGMFaEGbb1gWvn6Bl9f76y1+rjvsTPKoKzC0twh1AqLVGx4BX1dhOeXMy8fVtZLh2JYbSjOitERRqhW2nJBi4EWrveNbVeueAvSqRVKUfp4h82gwV2ydFQp5cK+GdvW+PL1xK4rw4Staxi7d2ptLMuKmSeAOjZO68pSK7J61bC0C6aFtS4uPoVQzzdq9ZHMJQLvNRLRoYaVyt4Hugvb287153cfja7CNnZeqxuoVk9s2854H4z1idN3Z++7tDufZKGUlW2/c93vNIGXl2dPskUordL3nfv9Tt9f2TZl3FeKVC7rQl0asFLYqSIsTbySVZdwqt/mZZHwei9kVFLCUXhCl8kOMdkj0uLSkFLZe3e2lBqlNECio9VIZXf/O69oaYxYHmqo5jSaAGSK+BQtiSq4+BpKsGUg+9X9HrKK1URAC2OkgKEyVQcp6KjzfrL1aIp8CYFUQ1YrbE6LAswrAtl2VYgu0FlRO5KcnkGYW0vSjkopPvkJD5cT0Dj0BBKbsV9EsjPhNMHKLz8rbDhKTHOK+zEdUMvhmDFMsopYgjJfIkEK8AKddN70Fp6Ylqhwx1jeKcTKAdaUJMjmzzETrlzfTMI0gqd0Pn5+47MjuvS2jAhMgzbq/+QAQ1aaSn1gDZV0+IZFC0WOKXwcPS1EC5n82f1+o5eC7x+SAuzPbER7QnSEzYr3GEr2xpVS2boD7FJcpBsiFo++51J0UuGSpaZqXq0KDZHs4a8F2moBtjyKjR+VP0tVA3Gqcq1+Nq363suR4qWMCGbi76eoceY9zrIoJSelHfvd27Xi73J/qc51yqA5K29mzlYZSSmGOJsawE72uPs9aFLO4jOyFQ+SJRGBt2Xgin8PMjnw9VMisQ52QnDT4mhkC57MIFXNdU+GlkhWIzw2N8QZjsn80AgII7ksGslmO86oFJ0Je2wlHiJRTISSQXL8SvbcFBTNQFzVW6ikhGCmB54uSiph012LrdZI9FO7x4JhE3Y0k5MpaI7M9TyO6zd8MMlKrE1ARsMvMlIbJW2ynyGnqKcWU2XrgxwVn8KuAEdlvtBimQVP2ka0tIyRez9bNYTafE+nz/XfbVZaRwpTR1JQA6xpGho2NAcIdJ97M9uSUrfGQvvFLM5FgIYSiUFW7RO4IM/E3HMy/xQ/wBj+vbLIkfDBY6Enz2L+f9qbWh8YgzCBkxzjC0yQ5jEZTLCpRCJnAYBNI8MxpcVtYoDN1ANUxHD9EQfSju+VzLWH9pMAsCVaPcHbavz3Mu91ti3j9rjgDDSL566R1B4cGfeLM+FEkJqt7BYtw/68U4svmVy5kAnSzNdE8jl1bMgJVjld5n/H4fg3vqbfjNYZJ1VIgP4OcMRLKOIjysF9i/tNP5tecMqY0guOtUard9QOkwGowVAzjXgpnmOtPiHOmZ+HftRxNoOp7J/A1Cdrfv50CMiCqxEOqBYxafhwiVHUePExbYxpj73WJ5AgAQL6tkyw8zGmlLArfl56d1vkTMjjbCKHnc73yjWFow1sTqVLWxKr7kzruBeY/ifF/EmQgmCnSb6L/2OezSxkDAVVL0ZmfoClvpZ/ttuEX+q+eYwQTDrJtnkDUeQB0ZgMM8DUtYtUDpHt3nWekVngje+aRV2TAAndgQfgF1PeMqYthYcuu+Nn/9/EtAnUIBmz/XXf+atAzdArFsZ423c6MOwJs871y08sP3/lN7994R///W/5H//DR/7pjzubLuhQLqeF77974uP5zH/8X/4jr3+o3Lvw9PKJ3/z2mdOnC02EdzbG/Z2mYHaCpzNLVYYMtts7KoPb/s5VCtefO08fzlxOn7HTwo/XDd5v7D8M2mmlrh8YGBd54bQYwitPT7C3ndIq1gtFFvq98PUdpHTa8hWzO/eh0Aun84nn0xMf24XaVrpC35U6DDEHZ3yc90a/f6Drwq2fMTmBPKMogytd33h7f8eofPj+xOfvL1zWE9Y3n5pRG+108sJ/36OPF1BlDOF222hNsdOdN4F9F77+0LlelcvpiRMbrXjVrGhldHUWiBoqjbIUFGMvG0M3WhWKOUVUykDLYLsPhIoOr+ZeLpVFK/cBsrgiuXUPWHrfvRWoCO10ptBo64kiA2icnk60srDf7wgWjIcXtj54exOu9871dqfe3G5hQltWkMK9XNE6Dnr1MLa7UsoC1ti78ac/vTltTAZDhNPTiZMMnmuFvrOcT3x8WVEGtQmt3qnigp1VVvY7vL/Dz6+d13tn2670bUBdsfpEV5d+bR7TwENQ/y1e6faz3uwYgxtYHQMZRmuFdV04SWHvYXQsnNRSqVK43+8MjdaaUliWOtXaEQuNiET7q/ubkehvBAoRCJQiSOiVaAAoNiz0JzLFC1aBeCuFlUDcswJt5qKdAqUmbdQ9QK0egKSnrC2SqkDUJ21dLVD/B6bNDFxciyqF3upSQnxVmMrscCRZAdSkk/CEJYAhCP03YXSbbV9FDhaKAzw8VDjl+HNk6qlh49WMmK4WbVrpFFtMFUi/+ahF4GyIxyAtkryosNegzmcVb4I/5kHk1L/Q3EjMiHuKRcaOE/HQQyigMvttpyhcJJG1MANLKZG8SAa9Nl+f08A0MDqn+usMCoyjInuANFnR+DavDBByP0f47dWXMRjDqK2wro2T1H91Nltz2uz9dqfH2aytstQW7K2YWpB0XeJ8UueeL4KPyhbBhp/tKg2kxmjKTEaPyrSLSycow6ymZWAhJBDs1WrBzxwmIeDoOjM1JmggEroeR6DjFfvQrUEQfAqUC/sGLBICfaX6mU9RY8wwif7O+PBZhTKbYJVDKz4eU4c6UykECeUhMMOCsmzZfuH3pCGcOFTnfVt+viWDx+bvmZAGBDTvB5jMO8MDvFj0eGog9bB7qWViAVwNmIleCsY7OOXv47BSAk92nHHxCl4Goz5yXCfA65/g+9Rg6mrwYG/yC5Vov0HtuJeRZ/PB+9iRC37DbvOvnE0HqNQGIp3WCqelcT7VYL3J4Tebs9tu9ztjhwQmWzva+Iblcwo7GexDck+R7UTuN2oN9qTgAtgBQLiNbFFocP9LtCCOAOH9KPiDTYkN6GRiZDPJPLRzPEx4nEKUVXGB0PDJCYWErkMWUQ72q08qTNZsgjqPQpmx4vO3bJ01semr+7BgepV4LnEf05ePY1+FB0gu2OP7HwKlx+bzgoQnr0ImrJki2dE2AbOgxIOfrnFms7XsEQAZ/QBFs/ZzsAKDeZOtT5kszwqL+1JPFA+GqCejrp2BeZH8QVbf7W5+i5IAvbOSR9yLs0niPqfdzuuvJ4LfwvXnZ1MjDv9lTFvDb0ZMG89ons1S2O4bfXcgudaKLD4xDRz8J97b4yaX3YhZZSGw68CJDi/wLcVV/YcaA/WcqMiMQ8VCvykGA8y8YRYFkrkSLYqRzI9obUrmlR+3EgBNsE/l2NtYneCi++lCVj5y7cBZJ7X59D4mcB97M0BN02TVwGx9jVgvO/VGD+0Wg/IgUX1MPbXJ3MpTp1NbKM5fbDlN0CKmrhlHQUUttSAPW/HoRCTtnIivoUVsac4+S9/jTHf/uZGs+HH4ewk2oZJcn8OPqx6nRdVma3M0uEZBKtmp7oNdEirB6DijfsMTpCViLdUsh/m+SdBYfDPMr/3Xrl8FamR/R7eNt33nVKvrEshXRO78d//4zH//j7/jd7//wLrsXO/G+Xxm309AobTC2j4g+8bHp3/gD3/6wm3boVyp7ev/i71/D7Yuu+r64e+8rLX3Puc8l+5+ujukQxIhgImAvggopjSJhaKvEEFLSkFJgPALglogKEL5vuWtRLlUpApQKlWGSuFLUVZBUaVWSktJRAFTMZgCEo1EEXLrTnc/t3PO3nutOed4/xhjzLWfXDqNSegd+H7gST+Xc/bZe6015hjjO8cYEwEDTs6uYVwlnJyskaJO9W5VMIwrfMoj52h1jSEP2F6ukEPGWEe0VIAsuJhm7C5mbM+Bm7cK4lBw7b5reOChBxBO7iJtCtJ4hjkVxNOGzaYgpwaRu5A64eyBgNtPbHD3yRuISVDrrJUoe8GwEowrII8VMSeEnBBXDTk0jLXi1HpwG/bYT3ts9wHzfA2ljEDZYDdvsVknPPjADaxWpxhXFWhbtHoOJEHIQG0Ruztb3N3P2O1nSIs2BFaFj3makYaA1Rix3mwgknD3vGKaIvZxwgg9WnRIgnEYTPsfMNWGlnSnqAUd+7pKKwABQ6sItelgupgRzaGfnq5xstHZBDdvXeLGtfuQR51PURuw2864uNhjv9tiP1XsSkItATkNGHPUU7jy40AGVmsVR1qdMU2n2N6d8fjNC1zOCYIVpAS0Ipr0Nzsic47AHDBIw9gaQp1RQ0M5OUEtFecXDVNNGpyMgjYM2DbbrdjvMeSMJhWbccBmvdZdj13Fxfk5cogYUsaQMk6HMwxXVwh397hT76BhhwodQl1KxBCBMgkidGFu7ams45klWPCki5wlRRYxjGPGOGbkISEGdUop36uOx5gRRJDzCqXUrmjHqANFc8q2m5D6AqY/JmBlydZhb2gU27kzR6AtCprYIWhfbR4yYKdm+M5l9P5+EwWkNeQBKLNWp7ly0B13sMCo7+oKolcoeALVoNemVVPtrdSxqbONUfS4U3dyzWZX2C4mJFjlkLcx+IKuyd6SnIXeuy4CEy4ABJv/40mw7VJoAmgCSPCgMC7iDZaUOPadHBORoAHEkO3ErYPKA+8h9lNr9P3arnwEEGaEqKXzsCRBWoRUQa3VBrstoWwPVr1sXZbkznd27CZo2biV0YcIIOrvm+XkOu9Qhdtl3oUmj/0UHttdihJRbAAv4OmxBWMii+9esuKjxNt6qiyl7gE2E2NUgWYYdNi2FiIl+HDZAG2HgwhSHJehc2iIQUukY8rw02FcEARsDo7LaFHXVp1pE7uie1hervdOBd2cs1ZZRRWNBACiHV8dGoJVrcUMtJrQara5D2rn/vzo82ZlwxGQ6MljNSFRd/v0M7ntBAt29XuHMZswbMGtVd4AQGhum2IzZ7zfu3UR1Z99fW3d+a91EVr6g2QPd2+nAmx30AJZ38XrAbc969ZG6IJGDOgtKMlsue82QqsQPVj2taS3OUJbHjxP1HUm9nkkTRY714sWtC1FvOIA1p7oO4BacaP3V+9x360MunkT5GDeVAjWkarXe6nOsbUKVsEQ9Xhz8aRcluqj3qahd+hjsp1PNPfYJqBrHbTUZTXED/GbPiOsr8wmKMQ4qAgmbh8VkICYs+rvsT/4/RrlbGJhUNvUnfBg98wSpqq/ionfKQF5GFBREL1iVERzNLiwoS2qMQG1RLSSTevQREU/hyUUcREUFhFeEx+BAMkG3Qqgw0BtzoQ972lItsuvP19Q+2t4qb/05+teEcgrvXSN03dfih5pHdDgZXUuSOgLBJNc3R/o72wLxGzJfYN/lyZlS5tFRbbKRP+S5sKjCU/u63x+iW6eVBWarToZImjQOVRqV+a//WeLV9DZ02ICUZCDd68KuMUl4g+lzsjpoo8n0V5NbMcjt6qbIv7c2i59SOpwdT20n2QzpPweHLtdAvfapgo2gK3KGMeI1TggD7pO+cai2KmSbpsBQE6jPlcAtLKkQVpBGjR28s0O3+QKARhGXwOtzQf63EtYEv9W3e+IxbQZOWfEWK1l3dbXKCa0QO1DBCmrbdZD2zRNzYcFL/GVrclB7TuZn10O5/A/D/BqnhiBlHX+jlac6GcG0Cuuy1PYprbbQWNGExKqVQP2uYX2PbHH/eq7BdLn5WhI7WvlEpvCBF2NC5Zqr1KajTyw15GDDRer1il1cdn+uiEUIAhiWvyRNBVV51JRqq85ixgD0cMHpLkwo0KKtjcJJNrmZdV1tolX6vuGlDVn+UaLx/8BQKs2mNiqkqAVmCEFoOr8vS4R2WaPXh/plTYH2tSH8JRCzfV1wJwjpj2wXg1YjSOunW7xrIcexI0HNhiHCavxcYSYkFdrjGmN2gaUqaBIRUwNcdjhyknDtfuA081VjLGhQVuYJDbkkJFFk3tIscBqh5MToM7qCM5n4M7tW8jDCAl6jGQYB6yvjnjwvhM8+5EBH3jyEhfbm3jy5jnuS2e43CXkcIIcGlIaMA4FJxtgGK8gR6DWiJg3GE8GIBSEVCChQFpFKwMmBLSQMISEcZXRVpMOypwFtU6ATEAKSOuEiBVaPUELV7E+WyO1ivFkwHiacH55ifP3NmAH7FuDRKBIg8iEWiumArSQUSWgtAEBG6Q4aOKChCQR46Qq6bgpCFf0Sc3hRBM2KaZeqmFJHVBDw939OaYyQyRhmCJOxogBTYdVplOkYUQIFTEJyhww5BVSyJgvH8N7njzHMADrE8HqrCGnFZJMGELD1ArubCvKrKKGSMGYMlLLyClgHAUnm4yUBkxti8u9YGpXsJ0jLvcBE1QF1TkDFQER1VTsXCesWsGAihEN4WIHwQrn+4bLXcNqyBgbEFrDPBesgh2Znht8gNh23iIjYYUTSJ1w9+IS8/YO9ts9VvkKTq4+jO0lMO8j0pgRc0UWPdoxtobLuxdIVzcIw3jP7syxkaOmzr77rMluwzBkG6qmlVMArD0mQGxYmy1hQGh6qkV2QQCALbqLE1ucGWALte3mhOA9uW0p61OFwvrXowVjzUSPWduoBHYSmTtSc0omEIiI7U6qkAJRtV/Ey5Nhi7+Xblp1T2u682yn2fhOC+wo4pg0qPGdhdoa2qwCTvM+UQA+2FA3N03AaMCyXC6zZHwAc4ywsssAwH+uLeoHu9PqzL2twtqpJOhpVjEAzXvbYdc9WgCirVzzpK0vKdt7iDpAz+/pIiypWLMMckV/PyFoKbhuGlgLhKgb8eTLhRCxexAArcgDrLS79Wqipp+4B6qw3QsPDf0aeJgdbAe7Njnomdb7o+tCuHeXwsSOVmuv1ui7L0eId5C4jWiZsx4lmrMLECqIhqRzXpZTVOzzmm22tpw24bNNukho9qZ2ZK0XXrQBoEULwOyUCq26SkDSllAg9NNXStWTl1oFQtM1OSDY/AWvyPH5Fqn3oPvgQn3GF3FbB1O7QLSE3DaAAMGeOUiEIFlVR9VZTdHK/mdRnaanZ+hCS22Hw2z1mQGggXvQk648MHQxV9fzZLatiXVzEchaQnyXXKtI7BnsydNSCdQr7cxSW51Q5tqfWy+e8RkxrVUUWZ4L9IDXXqFX1AHedy+IdqrcoV4k3Ta7UNJ3osU+t35tqVap1tdufV0/ZUPgCUPwV9M1W/xI8GpVBzpHq3kuHW1N8GgTglr0efUqvmMlHJQN+tyHFAVDjmabFVFUAAzQ2VsqsHnrkLbDpgikjD47aqlIai4hLE+9Xf8Yl3vYAlCKrQHwRNrnUyUMCJimgtpmtLkgZ7NNqGAGEz3VD6m/8DkPli3ZPfab7e1s9mZMHbT0CLW1vp7AklVNS5bTH2NS319bg0yw50wsyXAbNf/jSVL3ZH5NzMdXTWRz9Iod3Wj0h7c/QWIhAGzjxEUHF8Fd1EA80CI8CbYd9CrdNmPURLonjmZO1Vpgik7+VcHGrp23vGjcY/U84vHXYXWn+7elhQziHtbep7WyuVDjYROAvhb40+QJoYujfg31vfrMqYgYB7VNcZFredEgWlXomyRPlQw+0xz6TT/dKEXdnFLbXIb+BgQ7jGG52vr31h6Y1G/2ZxrS11hfZ73tXH927L5CnwcbdAvYo6WxY846222uuhFYakMOEbWY0KMPXm+P7FUxDRDYBls4iGDMNrvfNIG3Bd/k8acB9gzoGqvV81o8oX5YH+kmDXWyq9JNpS6vcGCTzd6ALic6/sDnS+qPbkjZjj/3U7DsCgWfeWOiRK2lz7HUpSVY5cnyarqB6V8T7WfPmMrBCVaxWexohg+LE8Varcxm7TJjqdpRYUUF1AQ/kVX9pviYGftU1ooPwXIsdrOTh4NVwCx+0/139CvTA1v02Y/Reuq8nVFzooSY3DY9Dl7WCNiaFvpQnY/MUwo1D1wHVsMJWh1xslljyAnr9Qo3bqyQ0yVyKhhSRqgBGXtsBkFtF5AhAHGF2+d7PHnnApvTDa5fvYbYmiaYMaFIQUxrhBixygJUHUL7xM0t/tdvPIbxygme+/AZNmmLx2/fQlqfYhwL1qlhzNo/2NaCVi9xsRPcuDLivpOEYZgxyiVCXkFkhsSIkBIKAm5t92h3d4iSgDJilTMK9ohpi5MNgGZHB8olJA1AXCPlU0QE5DohQkvnWh4xt4jpsqHVjP08YlciZDRjHh7Axb7g7uUelztgbDNq3OPWbo+bF3tUrO2hjZhLQYwzxhGYp4LNELFZNwyriNOThM1qwCZpOfomjogJKFPBKiakFLAvAaUlhLDGlHa6+yAZV9YPIMSEUhpKLUgxobSCuTXUIpD9rEPPUJGinhiU04STB+7DphTUuaDJhP12RskJgjVWm4hhBVy5ElGh0/0vdpdYr0bINKNUwZO3L3BzuwNixp09sJ9VgZawRqkBtYR+nLY+4w0SZ0hURXJIGZCIUGbEOiFChYia96gxQ2TAJlTcd5KRagBmYAgzxtKwLhn55BS3zi/w5N0Jstshtx3u3r2FUhJKPEdLAyQlnN43YhhXaBMQMGG9GbDbFex2W4wb0WPU5KmN55kkZ026xNtfgirhOsSwLQ4btltlCYBXYviObUq6m+4L37KuekmpLfGigss0F8QUMWbd5amtqsgTLYmPBy8iVqI9xCWICIK+K43QV0M/4lp96lJKqkmPvQd7XgBYoBr7YgoESIg2qwldNVdBX72zlrCraCNWbRPQIEFQseySiQkOre/wBSy74Hqtk80UOFzMEWC9sHF5TwAA7WH1xG6wo4iXz6EVNs2SAxUqDsQRrZ5HGnK/ox7cekAaI+y0l9AD59ps2n7Try6l2uBE6Il2gqWSoGEJ5rFUDcECzAbd9WsuDLij0z4tC37RZy8cXoGABl3ttO2mWIVBhKA1TZiDDf9DUFG6HwsP6de/BRUOfEDnsZJttpbuiNrQ5WgDRtG6KAn7fDoFEP1Z0WHWOkckeVl08LlR6M9M71Nv2kIwzwUxJ4w2l6y2Ct+NjRZsLvOgtQIle+AYBBHeVuP3Qn+eV7C0oEl9tFlRi7hqyReKJRPekgdL5i1Fs2dcirdV+MOkz1cIGaUKQjPxF2rvtbW+Q4bgMysAYKlwCwfrV9eMgwrTyVt7rKJNk0m3oaTXXwKA2Gd4ILqICJjUYwHjYYvFch9jMvHKIsLmbRUWLaeUewWAiksNfuS5iK7FJqujdkFHJdAu0tgz30vrg5dvH8zYghm1z9/x2SRB70yK/iXSBTyvLCm12U6mLqCt6qkgQXx6WbDqAt2hDdFaMKysO0QXfj5+tvTxJifbMYYJ59Dn2RPB5Z7a+hsqvPJE/WbFXFuveOzPeThYk11EtQShVMF+mhFixGjVOqWWxTY9aQwuJurJKDkFWxsFED86WPp7AWxOh/tS8TVCX8OrXiA99ddk0oQdHA6vDMEqGfR1mldTRtd2srZ+WFVBtHiiSrP5d3ERJUX62uCbKzG23j4AW8v0u/R6+SwKwK0atgngz3hADFmtV7ztT21WRU2vDvDPpD8nAFoVbz6nV8uFJXFOgI/8sqTM4iRrVSq16hjoquuXnw4HS7J7+1RPtiyZNeHBW8NdPLYatV6t4TKWJ5zuF6JAO2Vi1PZN7VFGQLPW7WAtKQXe5pVSstsqva1EWlhEwuMNae/xmzAB4OnYZjAHqxvA8iF+04VUrZZyv6nPusa0FXFIWOWEGKG2GRO8hceHhXsM3f1mBIBmPs79plmfKU6+Ni/PifkhE436Qwf9DC7GHJ7254KKmke0X/rzKwQxZBXzZ1+lTXw9sE3F7VFFELENaq/i0W6ueBC12nzBgwHEPm9J4+3WfUkM2Vr2D20xm69bYknpMbVeu5jTwSmJhwKJPqgppt5OpjGtxb+Wq3tsIqJto32elb0vr5Rbfvlnb3YaKuwfFj+q99DeJ4LFtFgEIng1jraU1tYwV9tIFs2J3H9LKADCsnFlcYtuSlrVjuc3T+E3n1KoaQJc7rZ46KFreORTHkAIFXUqOL84x+npBtNccWvSeR9NKiQkzEUvwH53glu3AaSMK1PC/J5bQBsQ4wZXrp5gWGWkrEdMnlwJiK0BOWF9/4P49KvPwb6+G6ux4GwsOLt+hkkC4rTDOjYdkJsFNTRAZoQhoN7ZopaGsq9IskWYAkLOmGvBsFphdbLGejMghhVaKWjTjFo/gPF6wXplRl8F0kbM5RT7qWB3OUFaxrRPWI86hXyem/WWRkxzw7Q9RwwTQiwobYft/gqCZJyenmHYZJydXkHdXQLYYH3lDMOdSzx5Z8LN8xnbqWK/n9XRR50BE2SPFPc4WWcMCVivE66eDbZQCNbrEUEEQ9tpJUTSqoYhF+znHeYy4+JyC0jAMKwQhz0EBaWO1s9aIZLMA8xAaGhxQG0FJQrGYcT24hytqKg2pGSl57UHqlJ1NzAPCfkkY1wNGM/WKLPg6skZSgmYZyCN2vd9ud2ioeFiu9VyvApMU0PAAJGEMmfUqseS11q0SiMGhCGhTRWhNKzWGav1gNXJiCtnG1w5PcX2fMZ+WzDvdioa3d1hDT2dZEgNcT1gvizYnIyYJuCh+6/iwUc+BdhscGd7jmnaYdoNWK/PcHIG7PYXiHmDO+dbPPb+LXI+eyrzeEbRpEd3G4acdPGxUsFkR3d7m4MHDh5EiyRrSbKdIVs8Y4h2TPRSdQKboYAAbcXLKwAzYhB9PoasAZNom0TvHgKgTgy939NkZR3QexDE+bR7fRlPdApyNpUdsLJ+e+/WVuAlw8EcUBceDgYQ6hvR43NFPMGIfTictIooOsS1tIa5NE1YTOTpWwSwoNd2AnV37mDAH8TaoKQff+wOOAa/D+ooWrNhruasdXfEM2hd0JfdE08ANMDT23k4nyDAp7OGg3vsJdEhxF5NkKydTwQYrVKp2gwA3aVbHK/v8/aTgfp7guUiFnwA/QjnmCJyTsgWLPZks/doSw949GST0quzhpwwjIP1glsri1XWqKOuFow1DUjCMsjz2NBb1DAMCcNgQyIFespQ8hNNzJH794h/n1WlBE0gZNaqQwSbg+HJoT2Eej/02q9ygGCGn0aWc9KnRjwZRN+xctGiVqCfCAHPDNDtJCDZAL2wBDUofQevn0wUkj3H9vw0tTd/jkQaqgXOSjUByapnbEcvWTXZkG02BHRQZIhql3NpvWXBr3afF+MzZaT158aTOFv4ekAGoM+taaKJT7cBBCD44GALEps//T7zRW2keTVLCP3Ib7sl8CNGg79He8fLiTGhJ6Ruz2qbumIvwauXd3swZ8GkBMv79FpZURYQ/b14FZ89I1bpWGtDDbpLKE1QgwtnWNYcExlbs9a44V7b1MQZtrY0ZH/d0hBwvLYJaLKRc9L2Q6CL2snE/FqXpN+rtvT7ovpN6OwkmU3gC1FtxHbDY9ShpV2USAGr9QAxv5mCDoxtAMTaVfRVo1XE6fdJRfdj3f4Q4HOKQgomtC6CH6QgZN+NtyeuV39IH56qmzDulpdEwee4xZC6P3bb1JZbb81U2wwxAtZaWAW49whpl1zgq4Alg6FXC/TkG7inQsvfY2vVhMxqlyVCD7lYki//en89v16wNU1bEe37/av6z29dAAuW/EZf18wm/YRJUw90FfAWyW7/y9d4+4wn4Qcm23+W3eK+saVHI8c+M8uHBYeeGNpKasJojKHPOstDxhCjJYgWY0WrhAz6XNXWUOZlvtUxcug3fU7i07HNEKO2tVd04c39ps5M0/ao5C02wTeSNEdc5QCE0v1mSkmvuNiAYItR9XbqQyQ2kxDim1UqpHqFRIg+PHYpExIp1hblnxb23MQeg6W4tPo1aYttBF/za18jpOpJSg0az6Zog4fNv8WUdNRFNYFV3FdKf01vMz/c5EjRc4Ie+i6bqHA/ptdexTFfU1RUblJN3ljiPxeG3Ai7r0boc2aWSBrm6+zr2+JTk4nriMkO1NGf05pghIs5tbdPdV9/T6W51dH4eodlPfCNFT+oZRnynno78xInN/hI8WDCYu84aHgKvxm730TQjbl5lqe0zac+9Wm3hsgOjz1+F3kE1quA0/EqxvE+PPqB23jP+x7Hrdtb3Lw54uIyYD9PSHlEygPm9ihaKLjx0A08cDXiLK8xrga0qLNedvMFcgu4fv8JsJqBNmE1DljnAZs24O7jV1Cn27jcV5SyQ2mCJEBcDxg2a0SMGiVgjTENaGWLaTvhZL3B6apiGG0nJEak3IA4I8xF51MEQUsNLQbMtaLtE4ARZRJARtSQMKQBY9JTiaQ23Llo2O8mG1aoi/J2FqzSCikJhrhHgp7OFMMKSQoSEoLMUNU/Yp0DHr7/Gq6cAlfOBbcvKuZScHlxqXMckpbZlrLXoVIpYF8b7kx761kEbu3OEQGcrQasGrBeJV20yl3ElDBE4MbJBud3L7AaK9ZXdYHLSU+gam2FWnVmybjSwFiH9qojfvwDj0MaMM8FeVwhY0CCltXnQR/2mIIdNwggZqyGjGFYI64ybj1+B7fe/wQu72xx4+E1rl3Z4L4rEcMqYL25jhh2mHYzpilC6goX5xV37zQTxGYNbMKIWQKmllGiIMzA2WqFkytrjNdGnJ6dqmVVQS0VZRqxv7wEpGAqFS0HlHnCKleMqwF1njAMgpQbdtM5EAqGbE7hbISkGfu21QBnjFhv1litC3y2yTGi7037Md0f6DDQiFIrprla4Kxltt4Go0H4DJ1NkTFkLdiMKaJZMFilwafSa5mGnaAVAxIiWkkIPWFpFnT0N2GJpb5PXVZtlk7UAVwxLIu9/ufgTx6IeOWEVcR44CO2o6+OQh2EtlIdDDYT35n0yhQfjgjzPNUWV7lnEPIQtJR0thkB6ogOaiZtx6AvyhAsqbYmPvoRrK7AE2pIf88xpv4aeow6eutajFokrTtjwWaCmdgSw73vBThwEmERTzqeyFs1Rgooc4GUgla1ZzomDWIQBHHMgNRehQRo5Vvtvb5L9YSXvMJ6uXO0gcz5IBjqiWbsYmFvMxH0WQlLwGIVTK6LyTI3oe9o+7WKgmNmsc0GhGIzKxJCzChzxTQXPTGwWquXB9fQgFEgGny3oCd49evgzzh0UGAQLD3tWp7cSrL7qD0zeq9MDI0R6KIglnspenqCV275vyForz08eOnJhtlBs/Jl6Jf4aUA+6DJgGbrZBSVLXPx4d7RqglDtwoVqLV7qr8+2BmgJISSzTRW+PNEUObTF0IPS1gM1TWL040m3XicEQc4BxYbnh+hBmwko0a9VsFNZloASAOZ51r/zJLEd2qMJR/3Ll/Ly4DMrStUq1irIg669usMM3d31dijbzazFjhX2e2gVU83ma7loHGC7eXG5LzHYLC0XIUTQUOE7oV7F5i2amlsuu6qaXOu60Q7mAS3DVI+XZiXq5cBvJhuiPZeKeS4q1Be1zeb3s/tNIOeM3Gydt7VOhQHdmAhx2Rhxe4gIqHPoPtNFWl+/tdL10G8CfvR8DAkpWtLiviS4CCM9oV3+yuan+LrtqX7/HHrPq/8M+M8MB58X8LHxkAJvR1iSNTXkGFRkTxGIDX0TpXaR0m3RB/dasnOwhouJKP1UO3MAzY6sFlGxsFWblWWDx321ENs1X55N/3v9fSnFNg60iq1XJmJ5nuHf2/2m+RroYSLN/GYePSkOJlots518s6XZEc2AVed5Egj09wpYVW5Uwc0HUUPQRWH9r/dNwNZp+0wmIiBYG2c7sE0rm1u+d1nnejXeEXLoN1WAeXq2qf5xBiDI44Bcdf1MMVjhk/SW0O43IeineYVop+3WZYPP0NeIQLOcB0tCLt7e4vNoxFrxPZ41IcCrwNRO+6rcRQFxYcBiVzQ70RSLAODFGMmrGe2e+uw4XxuWwdz6vUNS2ywJJta0fkIgQrAI9t74tsrBJoVVrqRgq0j0NWWJhXOO/Uh5hGZDuF0UWap5zCyXzwlt/1xEmdDn3wRgaf0Kob9H35jV/0+QVlDmglaatqKauIIowGBNh15p01Toq1VXj9b6omFij4mtgp4ThX6YgX5Vc6HHYv0+F0qsijCG3tb5dPxmj+97TvTheUqh5n3v1xc/OWmY5rtIecb104Kzs/vwznfdxK+/+yb2RXB27SrytQG7y3PspSGmGSEOODm9igkNl2WPIa5w8+YOU4uYyxrXr57i+pUNUiuQu3sMgwoZUYASKlbXzxDngDolhLrC+fkFWotIwxp5WAEhI8aMkCaEMOPagzPOHtjjZD0h1ROgrBBCs17xhlYj9pcB+1YRYkDOA2JOWA8j0DJaTaj7SQcA5UWJi7pyIqc14majD0UVVIkIxWaCyCVCLVp9Us8Q4imwj5gnvbFDKgiy6yViJ3mF8WrGs66urNTrPsSYUWUG8oTaCrIFV7oQ6w5mEw2mYmhYRcE4BGyGiBgKpukSNQWEkFFbw36+iyvXMlYbIA9rSEvIaYNWA0LM2m+c7IhJSZC2wuVFwc0nL/Hoe9+PJx5/HJtxwPMfeRiPPOchjENGSLM63lKRkh5RHmLCalgh5QyUiPf9+rtxefMSsWXcfFRw++YOp1dGnF4ZUWbB6UlCBLC/nOyEqA0244wQKtajOr7VaoW8vo6CFZ549I62JzVBSBmXd7Z44rE72O0K5grsdzNSGDAiotUCtALUiCQz8hixnQokahB+93yHX3//u3BZKh548AE8cN9VpNMtzi9uqfHOI/Zzw2q9QsoDhny8Qeesc8KgA/NsUGnU+7nfFUxzQRMgpUEDm1Y17LIegRiTtrLYjkQxxyCifbjRZp+g1R6Q9soa69PVFqFoO8ehz8LpIoE5rBwDkvjRh72WujsGf61WffHShVFbuxTxn+HKfFiWtQAbVNvLm6FhnAeb9rN1hz/1Nivp18OTUQ2+x6TtSSICDLpEdsHAPG7o798W5OWd9hYwb43y8lwfeldK05N9MroIo2Xwy+kcMfn3J1Pz1SnUMqOUihR1uN44Dt0pmMeDD8hwJ6A7J4Iyz7rjLTqsOdQKP3HKdw6DfUbfHUy2BnmC148DDwll9qNj9We12lCLl/8GCxYsMBa9h+EggRQXbYIG+NN2r7vdQ9aAKgqa6HqrR1t6hYDfgOPEcnazzQbfqYsxYbcvmCYVGGLKZps+H8kCz7QcWRkCrPpNhY2cog7ChgeKdhqa6LMcc7Q4VJON2paKHE1gXPzQwCINnvxVRPjgcBcZxExDxZhapR9LG212kgpxh7dD7dkDV8AESFmeR7Hnwr8xIgBmm+KVfmjwcndF7WFIKgxCABmWoYRAs+OKBU2WvxcLOpsEq9Y7aPeQ5ZjNZMKwt3KqPfkuuf08AMu8iKWkujWd0TLPM+Z5VtE3JYzjYG9dr6UG0T1a7cE5QsA8zZqIum3a/K2YNCbyyiUfggrEPn/BbTWEgByyHms+VxOhLZmrDXW2cvF+EsaSTPRE1Z651pNX3emd5j2qqLifs1Y4LUHqkhT3j3ukLLap8ZT7zZQSdvuKaVr8JlIAPsRvxi6YBgTMBzu1yYTvxTaXZCNAEMw2pQvhJpJ021Q7dgE2DWKtr9X6ZzxRBFwsaXURKL3qJtiRtV0oACC9FXoRW7TVL3db6ScvBd0ECZ5cISFI/CDbtNfoCVbEkNBtE0HXEr1WFb6t0BMuXzTEPebSoOFtVV7d1qxUbGpF10yrABP9YPAr7M7EE2nY4N95rijzjFKK+vchm98M/bm/x2/6+mZ/mqdJbVd0LmONrd9rsXkogJ1+2Fs/TQywlmevGhboAGVb8IGg4l0pJhJAbdVnA9qHNC1JbbKLYOZzPdbLPsvF2l71OruI9cnlN3WI7dOzzd66E81vao0J5gpIhc2fCtqxAMD6Z3qVKSB6Ohpyj3/cb7rPcoHBn5c0CJLbpvhJTYsA6Lap1hEOkvKA3jrklWcR+nxZObq3JPkmG+D+0pULe9UAG8JvR1TbnLbgoq7A8sWIIVr1nSSNaYOJDR78me1oxXddYnPEXv0SXNg0v+otWX5qYvLhZwefsatNB2KQfka9PrU2TNOMOuu8rnHIGIYMbynWC+c+u0cn/T7M06R5Q1O/Ccv5PSbu7YcNdr1ttqNvQugFg86OhPlIXyPVFktzAW+JaXxu1qIQm988EGZ/U34zHFYZfihPKdQ8cWuHq1dOMJWGi8uIcQW8Z7vH/r3vwzyPGDb3Y3dxF5M8gXEdcf+VhN20Q20Fn/Fpn4McT/D+D7wXjz/5KHb5BCmtsZ0LhniJ1BIeOLuK1SpiHRvWsSHNetFjEMRhB4QKxBknmw1OHzzBPAFt2qHELRoi5poh0xmQ1phR0WLB3f0Osm/IoseTpajDgvbbimk/oNQREvREo9OrEXkjaFNFaTu0tMNcK2Qa4LvMabBBrSECRbDKUWe8AEibDTKAVDd6b9JgAawmVPv9JeZ6iblNOiw5AjENgIxI0lDmCTFkpDRisz5DGgPSOCNY0KhVzRF5WNnCb8PvUoC0Ga1UhFARUsNmPQBBB7XOc8OznnXNAvWA3YWqzZfzbaQ0YnUy2sOszrTMDbdu3QXiGuvNiM1mxMMP38B+e4HHbz6GYSN4/u96jj6gERjX+p7FjpbdF2BExWpc4ezaNbQpIGPALiSUEHDrouHOvuJaPcF2m7C7vMR+P6DViNZmjGPF6WnC/dfuRx4ySqkoRXBx9y4qJpyXWSd5X+xQ9nsErBGxRpkLQsjYzXtc7rZIsSEPCWmM2OSMVgKkBex3E8aUUduMnEec5oT95R6P7R5FPIlYXcmY9wP2lwllOkMOI/IwA3n3VObxjFKKBgu+CPki0eZZBYmYgVrRrE0hJa9AEaxXJwhBTxkrtUCaLVQWfMYQEZI6Na0MERMsrR3GBwCLWJlosqBfA0wXfKRFC+x0xWywign4brou3loRo6FaH0ZmQ0zhbQ7WiiCW3ff1MQB9LLt9vSYsOtfJK3KAJfmMzY4utoF8LsOgJ2XWC24Ox4Pz8GFUbxdTcc/PAFxF1yKjpbUL0KGyfmyowFuNbBCsOTov24WIDZ1UQaeFiGHQwLXUglCA9XoF84iA7RL1kk4L9IJVvcAqkzwF1h1QX1OA1tRmPIbQGQoBwzDAd0kAqx4KSzltsdH8Ksykfi2k6V6973xBBH1vVlSMsNRGvyZoif7cZv0syRLiBkiLuqNyMATwGKk2vFGriqxK7aD0NcQMPXZWd4zT4GKNYL0+gc4um1HqrG1yQXcBS9HkKVtrQ4INLbR7jWYbE7bTGlPUNsgGwNO5IJoStWjl3M0EAJ364H3pHhAFW1/c2ASxV4KpHTZ7DrTFSoOopRrGK9qCNeTrLqkLiRaMRn9ePBjSath+hCiWn+9ZcU8+7OcJmh5MJGLDdb2f3p4xAWCtPGJVTGJiCLyqSVRABRYBBuItTFg+A/yz69wnhAgf9DwMGbWWbptdrEHQbj2/jkuOa2KbiVmwcbch9GPUU4qITRO63ncP3V2PUY9J1vYOuza1WYKslYxt1vVMbS70zyNiA4OxXOdgP1sDf29R1fedzJ7L3KxFxALuFiGS7DQVweEO/rHxIX4zAq0I9vPcbRO1QlAQos6JaVa5uV5tEELEPE9qm8GHvAtCtQqPmLrfXHby790UCFErnmL2HdzW12r9YwJciAiWdLe02KS1umobU1h2rYOeEhWsdEtt04/YXdpEQvcxJiaEJfFI2UZmittoOrB1q974sLbZe131PcLbEvSUxRDQq9vMyfVkSK/NIlh33xk8adVnexisks1tE/qMwhJgX7dchKw2Y8nnCfnpoG6bq9W4vB8XTe3PGk5YFXBKqFK1FdD+vVhFR7KYRRNcT9hMBI9B5/+Z49T3rcOK/ThtFFtD4aK3iVMeFHnCGUK/DrCEMfRrZ21sB7YZzDal6fOh7cnHbZv3+k152rYZQsNqtUFARKlFK6hi7Bt9xWxTsj51ya+pPtB2jZdqkZSiVlH0lmCdMyIIQLMKHCv9rT7H7ODAhntt00QaBNgp3zhsM9YOfo8ZfaMTcOMK9mcNF/0ZD/Chw30OFWDxhVe44+B15MA2Nf6OVsVhx7vZ+qPPTgru4fxtWYWWVxuZ3+kFqU1jWp/dJNZuLObPFt+vNuYz+GBCWAwRYcjQ4cx6mtNqNarwFIAgJvr29yldAIrWZh+SzXaDndpks01DszbgtlTZQipiCsgxq2m6CFO12tHXe22/d/HVxV/Lo5oNQA5BfSFcnPrE+M2nFGoqLvHYkzcx5ICrVzbIOWDbtmgSMW0Lxhyx2QwIJUPOB4TNgE0UjJsBuyf3GPIe952eIc5AuYyY9wXrdUPGHjeuXcd9pwVDnNGgRy8H0ValIQ9AWyHmFUqKuHWxx3a7R50BmYEhaptGQ0aSNc63E+awwjRnDOEBbC9vo7Vb+JSHb+DalTOtskgFLQJTScj5DMPJCYbNyhZ6IOcdUrpEa5c6ryY0IDUgalKa0mTHdkWMa026StwiIUBmQNqIIiPatEabI8rcUNvKEpQJQbaopWiVTU1oCQhDREDGXBPKdou412NXNVADkDXoy0H0yMgY0FrBMGo10H6v3YwSZ7SwxzoO+vAhQmRAE6CUBISsCXXQOTjzfqc7KRGYpoonHr+Dy90OU93hyrUznJ09qCX3FgjnrG1YQEbMGaVFFMloknCxm7Hf7bBKe4R2B0/euYW8XmEcT7HKM0KOqC2iVGC/K5BtQJki5nlGqVtcuXqKa9euYMjA+d1zlFnLi+t0iXnaYZ1PsX7wDHenPbZTQrgcIVNGqBFDyGhlglZO6XF0836HJhGrdorSGqYqGMYNNkNGqVV36rMmnVFmtLyClIYxRezLFqgzStlYW+XxOjU5oRnfYQABAABJREFUaHtSJ+yBUIAP+4suBlQbfIjUS/MQdIh0sAVGeyvVIeQUkJKJMweLtgcMKl4kSFgGeC1l1o6Gq356iVbf6GIsKBgGPdnM1fwQLS6JPvBtaRSI0UQVOehNhzsdsfVRumbTHRM0GQsSbV6PJSqyvL8QKrw80fvzpb+mhbLt3ufA90msAHwRZzzojaGLZ+rP/dp68OqBsQsyvnNi98ESucWh6ZUYctahpD0w1V/+XvU/Fkz6PJcm0MoEOz7QksrkopO4A9ONJsjiiJIP5Yu4Z/6GRSZa9puSlYMK/FjL5d0IejQpXh6u6tVS0RT79fNB15Z794QxhoAqKi15P/cxCzWCpbWiWWJkhxkvQqTZpu88+SwYKWqbOUZt0LMkIFpAllNGjnL49HVLCHF5BoB4b+UEPGjy51WPZzcZBQHJEoaKccjaEgdvBQB8TlGI+cA2fQdfkw2fh+K/vGrHhzJ6Dzts88SffY2WYt9hQhd5CuCl2b0Fsn8Y22n35Lb1AN+fj1ZtZ9D7yoMnVP510mfMLEuGB1tL4OVl5r1n3n5firaXNqnaQrweEAA0GbqYg4N1BP31Q5/35iPEdYClzVTo1YLWdtV006YLlrCjwO2QgVZdxNYvEDsmNOeE4rujIWj5PjwBbsv76wG4PiN+SbwaToKeXIODdc7VAG/50fXTayKOl6fymy4+dNuswYRv9ZveeuOimjQXzPSVc4rIyW0Tiy8MB7KEbfcWOx2kP1L2DeobdLCvPu8RsOH3gmo+wDYhXNgEVFCx2Rj+WsGq0ryqT8xe0f1l6yKCChWaLPR8E7bRYrPdNHnx6k+1TU3g9EP29mL4MOK22CvQExd/9noO6c8RzD7dWELr/lO6zzbbxPIsBpiP7i3R0itUum3GvPgZ+597/KatgwKfZ2Ftn6WiWBV+iGqbwTefTDDy3/v6kHoLsA6m7Q9Ds5YemzfWxMTkFq1iyq+P9OfG4xLEAB/YfI9tij1/wT+H2qa3efpR18fc8uQc+k3/9XRsM8V0j9/UPToXJvUy5pSQo8a0S22Z/xyvpNJeUx9Qa29qeTahPquZ6N0kaUxb9VCWYchIcbFN900Bi232vQzIgW3qjwpR7v09pL8/LVQ7qLQK6H7+0DY0pm04tE1/rn0dahBrq3S/ukRULhz3CwTpq1k7EGq0LdGrvswGWugxiV+xPovSnuUmegJbs7VB53fl5X70i643R1tw9UJ6u1Jruhmj8XHVtStEJHgFHtCq2UpzsVJjWm01VNHbY1qNL+zfQ9ScVZq2j9bQ/ba/N29nA6BrWdN70T6BfvMphRpAq1pCHnH74i6GFNDGgGmakeOABx68gdUgGOMp7t66xMX2HJvTFe67fh2n44h52kNSwGYtuLPdYj8nPHlzwvkQMN89x6++fY9xFbG5eooQJlw5XeG5z3sE65MTzNNtnF9u8YFbt/Hk7du4c+cublx7NlbpxKreBLVF3Hdjj/18iYv9jPXqCtLJCe5/zglSnnB6ukEaElIAEkaEuxVpP2C1ug+1JVzuArbbnZ5ahBVS2mAczjCkO6ZwVd09TIBkgZbf66DTECJCGQARlFiRhxVySCjpHHWqevz4bsY075HDBEjFmBPyekSrgkki9gGA6M7m+fYSrWXMu6xHZw8qpOhis8d6PWAcIgQFszSEaVAjjZYIY8Q0z5jajBhH5LTSZK1l7KcKCQUnJycIeUAOZ3rsCwrqdI5Yd9hEwSat0LYXWCUgSLWAZoQMA/b7iFkiGgpqEYwnGyBFbKdzpKRDpaQ13HjoOloJCBIx2XmkrQnm/YwURpQwIIYRV07PcHIlY30acXH7HHeevNCjwmvB3AQZDVfPzhCGNVqMGFYbnO8C7oYJOwimy72W/daKVgWbzSlSmAFMmMsO27KFIKEGFRTXmxXSAMwNOL/cYy4VYzaRsQpaaEipopQ9Li+3WJ+eIYaPYh7PKOYMQrAyTQDBdxh0J8cX+VZaPwEopWTD8XQxjMFEDNHKqhYAqQ37nQ4tixYU5hSxWo+6C98qpIjOd7LFcsijJl7o6ztSVuGjis/AiEhjtN0mP7FJd/FrNXEpZLMxH5oI9MwsRERoJYefJuOOpA/S9BjHFk0AqmK3gNZPDpC++xDMCQTABnpqm0R1jwqt6PHe1B6kHdwH29yAB43BAlcPCTzB1I4Fd1592dfBYzafSo8ADv0iaiuCRy3WquRJpfVXH57WBOjMD01kvcdfXysPCcusH+kOtu+OiibIMWpbVoy6G9Hmw6RAkIL177qoZjv8h+WhPhsBWOaR+DXSIYne5ra0M2mQrCeeICyJcn/eoQGCt4cdLybsuW3aR/EdppzzMuSxasBxr21qAhWDoEJ35tosaObcp70GSTEnhNCQrc0mQeeVtabluv7aOQ193oIHpTl71YUgxqwzUXJa5i6Y6BNjAuzkiBiyrictLEFPNFnFT2izXb9ow25sbNWSHMaDFNYFnAiI1MOxGz25hHjLnT0f9qz3+RM2NFdnKaEnriIHc6m6iOHP5hJ+amJnQofdNv/7HkwetBKqaGs7apYkBUStZvKQ2KtXsATJvqGpO6G+i74Ee3nIfe3ydcs/R1//oLMXYoIJBy6+HnxewOZd6M/NIaIGoAZbJ+uy2+lBpRbASW8D87ULdt1jt03p1x1dJBP7+f4ce1ngsSLwVgn1m5r0uM0Nh36zmt9Mbpu+W6x2UUUHnrdirbW1Ybe1E6FM6IwxYBxH8y3qL2e7b7WqbfaTbkSfl5yXaqhoLbHqN9s9a1+I0ESrWVWa2OyO3mJq4moQhFDRd4APdA6vMl0EldCfQwSvAKi2pPmzI902vVKymZ30bxVNsn02xJKB+jPdFmHZrbGv95446non4p7UhBig79r3ygJrT4QloTChRW2zwjb1l9cKizDj4k6wXpgmtYsgAOxIZnRfqj/GfZy3OtnJizEg5Wi2uWzwuBWnaD7b/GYQ2HQo/Ux+Qo5/Nq960lYTvxa+bvpMD6uMxeJz/ToFq0TW6rF48O/HyAf5zd+EbfbZJuZ/msW0MoueVtgq5r0O849JD1PJKWG1GmxuYIVUPfiiVq1iG9J4z3wSHQvQ7rXNGJHGAV5B5XPWRF0CYvO5hMtcHR0yrM+ObzK76UWzT2+D8sHBekJf6P7MKzgDDofeo//+0Da7/wnoNlbb4cwzveZqg8umy/K5D4Sc/rdh8avAYk+yvI/Y1yATJSD2Xz3REUFj/Hjwcw795j2nubkPEq1I8//LQ1r8dltyj+7v1SP2mDYEoMzFWgPVD97jN7012wZw+5rqo1A8fogxmYUtcZS/rz6X7OPoN58yE334gYdwMU2IY0YeGqTsICnj8nyPzeoUDz74LDx44ypaA3a7CZfTOfZ1hz32kBaw3pwiRGAlwP2bAWenpwAKIiou7tzF4++/xPbmFpt9wYM3riLHEb/8P/8PxnGNGjPe/+j7cO36FTz4rOfh4U/NyE1Q5h2kVdy5dQdXr15HGkbcuHYN90fdcUAqmOaMtt9gexlQpj1CC9isZ6xXGWUSXFzeQi0jzs8nvO/RD+Chhx/EZjOglBmtzXjgyjWkIMhR0NqkbRjrQW9qrXqk8RCBVtBET1W6feu9GIcTAJMlLwPmSaBNrAPGcdQd7qoOJUpGrnpiTqkNOWRMVVBKwOXlDCRg3GSkrP20dS8IMePalQGtTSjW1iIVuPnkJUoNGDeDtv7EiBC14fPycsL5+R7b7Q5NGk5Or2C9OkVOAeMwY70CGtYYxoQ67zHkEW0WjCkj5wbIDCkVu3kG1lcwrq8ijhm7OiPGimtXN4jYI5QN9ttLTGWPJILz27fx2N2IeW7YjCNOxhXmVtBWBZv1qQVKGbsSsT47wdlpQ1hVVFTcun2Bxx69icfeu8c4Fmw2a+S0QpkTxrhGzQVYR2xrRSnqwGuImNqEnAI2V85Q0LCvM0Qa5ibY1xmpNUylYd5VNMmYsQKkIQ0Rw2bA3PZoJSOFgLLdL6V9R4iW8VowbZm7BABNA6ac9VmAAC1Ln28k0GFhydoNELUPOJsgo33PFaU0zEUHeOec0ELEdjchBG0/KWVGSgnDMCKPwZIsXRxbrb0cP+URyZf4YM7TTrbx429jrKaJBMy1ADYQc57nLjh58p9TgisyfYfbAygPnvrX24kRZTLBxBfbA4eGYOLTvbt23U3ZDgJsgXYxwk9r8EApwGaFmKovEN0ZtZNlJHnrj77ZGJtVBGiAMYdqFSzqhFPU19MqiGSCzTLfo/dX+2eJsYs8+n6kz0vwdgdPwWqrKHaiiFfntOaVD6Y6iVUFxwF+QhWgZcSlaMtYjBUpupNeRIAeTNt1caEqHiTwy6Ve7qOIB+BLJuEBTK9Sgn5NH2hwhAx56Ec/ujNG0J7sGNU2h6xWkW3XV08RaVpfYbYZY0OIyXaELaFqDbWIJodiJccI2O72SBaJzEXtZhjGJdh3caLpiTchBBskfW9+1k+dgiAIkJK15ImgoEBnPOnw3HEc+mBdQDDk1OcyhWr/7aKPBWw+NBPaplXqjJRcQLX7fjB3wisEfHnxSjRXM/pQRhdCJdixt/a5rYrLBTC/zkFgpzceBIcHSm+1/vlqu24hxt5SCJiI5J/JkykbThh9N9MCesTY5/T4PBFdK+z9+uycoOX/1kXYZ4OJfXB9jWUHP6YBKQ6QoK9aStEqn7nZ7qyvL1jSXPufXvMRpFf/aXXcQWAuvibqZVxsc9kV1KXC/JB9zzGngh/iN+06+ElKeRh6Yq4bBod+00RMS5ByTFiGNuvzUmZthwtNbJZUwG4/9URm/jB+s89RqtWEh9j9MWB22/2mi4X6/t3/oFT4aYfzXJCHbCX2+hlzX1PQfSRs7T9McG2VAdBQD2xTCVYRqHZ6aJuhCzxL9ViwxEx6O4RpFAhASO4qte0WiwgB8dNJLWk1u/P7VSu6CK2CRoK3U3sFn4tUKvgmsyf3mb5eLH4zdJs4iIW8gsXmvbSmtul230+Dcr/pT4IExA/ym7U2zKWgzCqaueCmR2xbqOnLn19uLFVKOrdM7PREW3EORWd3qCH26+rithvkJ5PfdH/39GxTp9Isp64BMaFXNR36zVIqougAXPWbU68Or7V22xyCDb63Z6XW1g970U01oK/7XSA1WxJ/Dq0yulQI1P/PpSDnbO2Xy/MWYJXD9uzGZDbmYotvfAT3T5PNUvN1/XBm04f6zXv8qvjraPzd56oEs02kXvmbks6yWXyjzmOrdRGL9DXN3zXznS6WpmRil9h6BYiPPjiMadHPiVr8Zo990ccfpBR1TbFrLXZN1L6s2ib4uipaUd8DMbWVmLQy3fOBUvRQn3lqCNErhXQD1IVumEjvS6G9UyzV8OiVP4s9fvz85lMKNWfXrmMlDRf7C5TpHCerjH3J2KwShhyxWSVsL2+jxIDhZINnf8qzgRRxcXmBMjfMuxm77V3spwvUeYdQb+FZz7qKBx+8gvW4QZnvR9lXDC2g1EtUTNaDWTAMV/Bpz/kMzNOE1Tjqgx0ukTNQ64xPubHGagRQ9ghxQh6TlsLlgDu3A853FVIawiwoU8PldIHNAxushhW2ZQtIxMkq41Mf3qDMt1BaUkNuFe+bZqxGTZqSDR0aLlRx22716OtxzGhyB8MIrFYZrQ2YJiAnYBgAhIr1JkCkADJi37Tobio6cyIPquzWFpGGAcN6RB4mIG5RMUFEA69pKojzBsNmwO72hFwDxlVCwRZpGABZYX9Z8a53PYrHbl5iczLixkOnuP+BU5xdHVHmEaWNGNdrzPOEy8uCx+88hoKGaSpIaYOAE6zGgmGs2KxOUKaKzWqDMQGbYcIqA1hVFARcbneY9yNCTNhsRsgEoEzYTrf1BKGUMKSM1RpYbS+Ro2DMDatN0LkIw12InGM/AdN+xHw7QULFkIEHn3U/8jhgGHWo71xH7C4nTK1iyA05D2jThCwZwzhiHSMu4x7zNAOokKYDxE7iGqebAbnNaNF3PQVldxdpzFiHFbY7YLuvaGGPCMFqXAGrjFU+QSsNYxow5OOtqIlevtdL+gBI6Im3V0NIAEKKGJL2YzcvefTFzypLKvRYRD1xJAOSbQEFdGX33lddXFfDCsCi2muNsgasw7Ao/1rhYUl3QA+yfN0XUeEgZy9LMUcVgg5zNrHFA735YNctYEkqACzH/AWzu+CL3+HMFftMlnz6IDgPfPwkAdO8dKEG4Kdf1bocLe5lzNEW8QYXLRr8FI9Wl1N+Yop2ZHOyWQDqmnymS2tAldIdpjpiXYdilD40VnuoA0JofdivB3W+uxAtORZI74tXfxVsJlGzdhoLnhugx542CwYDpIb+fYMNXwy2ewosp4np+/TJM6Hv5vZheV1QsusZgj6XB56pV5FEK10VwJXSYDfOZwVFLM7xGOm22WrfnfLTyjwIbc1sM0YMaVAhx2eHNOnfC9ETeYY82PHcQ/8aPx3Fy6yjnfy0GtcApP88/73ucoUuvASfNWVGoUmgdLsXAVooNmPJEwhBChFhiGqb3s4mghk2DyL4TiAQm9icIW3xUVFAd5C84FwObBNAT24O/03Xi0Uc0d9a5UKwo2xtjRBLfqMFRiL6TLtoFlxIbAE7G7weos4QyCn2Z1DnIiQtE2/AJMXmxDR4JRsgVqauSawfsx276Oll8qKtnd2GAEjVqjegrzl6rVsXVcJBS4rLPFJhgZ9+JhfFNei1pKAPRLT746FitPctnoQs19eTz2W0tX5/P0o16jwODez1X6P1FoQU+9p7vJb5QX5T2iK0B5+XsJzoEWLEMBz6TfTE/XAexDCkPoBfWjqwHxPsALs2EatxbeKBV5S2bluSbUB0rzb0tR2oBagCdRL2kEuogJ1K4kutDsu158A3sUUwNzs50AUU2PMVcCD8BCBohVb058mTfnsfKqoAh7bpP2MRWvXF9drqc1sPZqv4s+YteN1vysHJlE2w28+YZq0izTnqSYjJhWTdJfe5Ta3Ni3hhad9hy6VXxulnc6HKhIB7/GZUoVfE5tIcJMxB10zANx1gn9Xm9ggQJKHMzYY33+s31dyWSoHlGkhPtkOGtjI2T4x93bUTokI8mPWjz0qwdbc1LK8NS7pDMNs03/xJ4je98uTp2CbgdulJvlZnNlSMYzbb1DUS4hK+x6se0ybElVY1LkPe3TYFQ17sVZ8HLHFXtQYFab3aWVCRssZpfitjDBiz22ZbbFO8anTx6W4jQEMNvmlnpwemYOIn4AXY+kwG2LFz99imXrCwtNu7uCAV1WbUdWHBFhIdkeAHhS/eINiA7mmvca1XkOUc9aRWW55izBCzzSKlz31Rb+YbjSbUtOWUwtiFFWs/a+2eliK3MxeP1L59tuVydLnf6wCtuJVmoonAug4O/OYH2ebyTIR77SbqnM1+VfrICK9yPIh3P85+8ykz0SIBIQ+4uHWJs5OIhx6+D00ynnj8AwhhwjS/H/ednuLKfVdx7foZbt++jYu7W4wIkFpx+/aTeORZD+DqIw9iTA3rPGI9rpDyjDw0jKdrDENECjsUESCubMIyUMoTmKeqc2kKEDAgjVe0lHsVsR6TBoxVF8aQM3y45fUrO2zGGdOuoEwNrehHrVNFCxOiqOI3txmX7RJVgOmiotWI2+d73N5qEpiT4MrpGs966H7cf6UgDQmnQ0PEgBgHtHZiAVrAalhDjw+dMaSI1kpfwKeqjn3Igy4w6wEpBqxWA0JcY7cXraLJAavTAcgDalHR4/btW5jCHpd3b2K9jpD9Gmtk5NWMlIC0SnjWI2sMm4cR/veTePLWbTx+a8K2XOD6dBXr9SliTBiS4GyzhrSKU5yhIOJyu8f5tmC7A+6cR+R4BcMI1LbDelMBVGzGhAevbTAm0bk9AagxIaWM3VQR5xnrnLSfL2UADU0iTq9exaesTxFTRC1VWyi8H7POCKEgxBnz1JDyGsgDpiaok+Ds7Dqe99wVLu9uIaIDb1McoTsjK5TSUGZBzBmrcURpwDzvMU0DpM4Y1itcv34Nd/cXOC87tNCwmydcvXIFYxpxflGxnQvGYY192WGWCfutVtZIGFHngtW4xrhaPZV5PMNYiWfVRFB36ANq0d7xJrMmHTkhJT0+TwdjAYDuLIyj9tT6sd5+1GS0BGHZ1VgWGBdBxBPvLsV7a8XBohP8a/RniieTWUUOH4wHhL6IqdOwfZJDkUa0vLdUF0jUMeWsR5eq+r84ON3d8EoPV61NgEHra6rusC9BsbdfuNDRGg5Oo4LthOjX1lrRoDuhIQLSorVBmQNBwzCqA9tPFdV25ASCDB0i5s7VF/ugvSeAiRVewRNCQmsaPFSx1pcACyCWXUT/LHo5PXi2G2OvGVNCDl5JYwGDVV7qyUzqnPz4XwRt+YwAUkxYjfpnv7mxz5lZKmpCCAjZWzDEhAF1qinbzr3dhCZahqzVXAJU9HJ6He7mz5AlB0fe+qSPtLbOxKincQBahQYAIrOKbUkFO10fFwGh1aKnCdqwuxh9+B96VVLIVhFwUBWg4mDpLeYw24wxQ8UaF/mA5eQ1bwMQG3gvXWBTe019N00fsWXgHsz3AVo5JiV2+x9ysl39JSldTjjzQdkWhEPbgZbgCljKiT1g9URS15yYdP5VKRo0pZyAqoJKEP37FqxN2e5LgAWgojvdwxiBkCFBtEK1CWZZ2kvMzG0XTyxItXY1EVTbRQ3V25kEwRIJQDAkj+ZNLPEd+D4DI/TEAJZgxhQxxMMWUk+71Ia8jax6GUzwIFN3kMcx2GlsPn8H9jW2pjZv1cy2BvvDotc/J51r0/pMKN2gioiWbFtwbRUQukaYnYu2RQZX6Y6SD/Kb1g5aS4EKfjNy1DUqpaQtSgd+s9aKMWekIfdnPfqua7BT1zxQt+8BPHkrXTyxI5T6Wq/3xK5bN+nuOZGSrsv3zLVBgA+W7j9HrdN+hD47tTYTaPSzpxh0noa3Kia/LtrG434khuX5vTcPESy72QfVckGTYBVa1HeFZNUnVtUC+JBfQWkmlDVvf3V/AuQxYhMHhBgwzUXtU4AmJojZ5fEWs2TVYD7Doja/xG5LDTG6yBKQk23AfBi/6b7KU1P/mm6b/o8B3R78poWwxBNLlYOuo+No/s1FHb++bsOeFKYESVAx0AcU20yqJhW+xDTxFnKNU/p7EZ/XtfwMEWtB7i0tx0f3mzaM9enaZrTWwVqLVnnGofvJ1AUAFfn8OetVHfYzITowWG0KcL8paPdsPATxsQHLdQxJZ0H5PZBum74G6KcTWWwTJrarL9HXUv+ctDI1Azjwl/rsLs+ex1wBh1WX6OLP4TPosbh+3SLo6fKz2Kv6FbPNaiJVsyqQaMJ/FAxDVP9hfrPUgiYRyYJIXQ/U9qHeHSLJ7FKvz1w0plUtpJnfNB9kG0zu/0WdvlpYs00R+ztd/6xAwNdL20zxCluf1xOC5hAxLvam111ts6rapnnqQV5z6Ed14zSZcL9UI6acVFSy4Ovj7TefUqj5wM1baGg4u3qGa1eA5z73YaxWCVc+/7lYDYKUis1/aZByjmc9ewOpa0zTjN1UgOecIKHgbB2xSg1oFbXcQZUd2lxQ5oBZMi7ngpOzhNUGGGKARAFkRBwT9hUoccB2W5HKGtIChmGEzBG77U7nJ0hAkYL9NNlyuUKZB5ysr+HyfAupgmEM2M+XqPVSE6QY8eTFBe7sZwQM+l7mhu024vICkFoQpKLsCzIm5HmDk5MROUWsV1cRZYWct/awJBTflagR804wzVukpG0Xc7zEXLcWGIwYxxHrIeFynrDf38bd8wmlJeS8wsXlFimskeKAebdHxSW2qWJ9BiAJ6iCIJ1dwtj5DwwWQbmIcCp51JeL0WddwubuKVjPO7864vJjw5O33YL3KePjGA0C7g/UqI8eGlBvSjQaJDdt9wd07E6Yp4uqVB3Hn9oQQNihtje3UcPv2BR66/wxlmtBCgeQdbt+5BFrBJlZcffh+oAXUtkeQBKmC1TAg2fyduTbcPL8LQcDJeA33XbmKcbhAGmfg4jZqG3Dz8QmPvf82TjbXsBrXOBlHrMIExAIkoNUJc02YW9SjFmvRipEYMccE5IBWBCIRuyp4/wduYULBHBrmeY9WZ9Sh4f5rJ5hFkE82EBmwyiuU/RalFOymiGrtKFevrlEkPZV5PKPMVc/n1lMJgHE1mJAwmkggiy+RZicFadLVRIAhWhLix8IJVH1uWhFpYoeeOmKiTf+6eOAUdOGPMS5lujHasDLAv7Cf0gBbxELqIoHPbPBFT0xIdZuywgI9Qt26BACg2cR62PtTddvKNm3HpA/HFYGWdIr1sur3NlQThA76g2E9vCJW/aOLdj+GPHi1iO2c+WMSYG0OVsxsu5NDCkhjQpOsu5/988yQGPS4SWhlSgwapOhpc369CkSCtiU2T54XR59z7K1LgPZZAza5asjoxxVbYOnJOSyIK1UFhBCSHmEZdA6Q3sOEWqqWDNtR4Vo1gSW5hmaK0nNS+7MLeD3h0OGGba6L4/UkQ3RQrkD9l0AToNoHwflOriYax9xgUeyI8pgSUgJW44AQ77VNwP+rYh78HgHAOAKQHrBoYmRDFkVbC72qJGYXB4MX1qoY0VQ402Tcdwh1zk07SArk4C54q4za0CIA+ZBhfbx1plUVXQdc5Dm8P/2kpyCIEvvXxZQRdPy+2ZqXf+vsBLGWK7HsRnc9YQGvCj4RPvvC2x/0edYZaXpVtSReS6VD8ufLhKIQzd7VPscIxGFArWpT86yiWakzQsBBSygQRSCpYcgmeliJt84xTTYnRwXi0sRmkKQuevQTfMSF5YQIE8J6PniwsyZiayBsaGZADE3FtFrNNhumqdra4Tv/SyWal2F7BaCgdXFGL5dYYKkGORdvwwN80LJWZdrT4L30kizodBECgKhwfsx0v5kiUkQ/prnbZjhYWaRqizusYlIADPb8Rpu9JGqb8NYdW/eaVZLZxmlPKryFE/Y1oXl7jlcMtINZSYsg4n4wxtSP9fYkx+0lACit9flqy30PvVUAEEiy+CB7eX/os3DQbc5FGvTP39d5s00f0O0JodWvdbvwmW46INavo9smdO6GzdlD8FkeFQgNMamYejIkjFXXpVplsU3Y7Bj4Dji0xTrr81xrs8M/dN2pxQWZaH5dD5bQBHXxm+pzRYUsWx/DgagdD31Zj8GynTArWnlbKwR6n8pu32eZ6OEcVslxT1K9VOgetk57MCI+8L8UTzn7aW0ItnkEudc2vRrT7BPwTaaPwXg+wRz6zRDa07bNAKvyHfXrUvCNNoFPAAqC3jrYYIPEfVwQdGqKtraGfj+a+VAEoFUsCbsstgnYEygmmFUX7HzGmVUABZ2nVj1h77YZe0u3J/QxABF2/DuizZ9KiNEFooNfEuHDcuFtjRHdNqO1wEa7RrWZXVgcq7GiiXlNN2H0I3v+YPGo+U2EghAFwwoIOaE1E9PMF5eifnPIGV6x6AIPsl6vJto+1USPWi9F7B4e2Ka1uIn9n44QEARpKmRJ7FXJLoJ4C77AhrVbjJLTAMDWaLPNMlXMU9F2YrPrGPy73S7Ndtx3mkkKAiQsf24A2rwcQuIzsn4zfjOlj2FGzemV69iXLYZVwHOf+xDuv/8Mre4h9RL7OiEF6KBCqQhS0eYdctAe7RPfdUVBqbpzk5JgxhYXuy1qS7h7XnH7DvDY4zs897n34wWf9iBK2wECbOcNbt/d43/92uN4/MnbOL+7w0P3n2A1Aik2lP2EVoMONDWjmqtAgg6dOjs9wdlpwdWzEwxJg9mzkxUQKoYRSAk4lRGTTJjnhmnfMM8NZUqIGLFeD7h+9RRSJ+SYsJIrSKkiBME87bG73GNuO31Q24hWG5oNoALs+MUIhLABsg6b2233mPYV27jHRdZSt7kCpaqAM9WK7b5gNVTUWpByw7XTFbCqODkBNuuE9XCKNkdMe8FcG0KqiIOegiVSMOaE2+d3td9OgNOTAdevnuHG/Wc4XWVEVCTsMK4qWtvqqnM2YHs2YZYZEVusW8Cd21vIXDCUinWOwHbGKq+xmwumutfFLURs64z3Pv4EVhs9Ch1lwjqvsZ9m3D2fUZogjwPOJ0FIEXdv3sTm9AFtsRki1qdn2F5mbC8vcOuJPcp6RAoF09UVipxDMFviH4E4oCGi1AmAoNQ9gIh9iwiS0IIa1zwV5LBCCRFFGoa4wno8RY4Fm7P7UcMOqTTkYYXtxR5FEubdDKChlIJaZ7z7PY/ig0/7OSZi1IUwRGhljO0sLcP3xFRh36k2yRxLeSUAE27UYel8Ag2wdPK9BkfjmLFaJc+/NdhpwH4/o1RBrYIhe8k0+qJ22Jbki5KX14fY+g7P0i7jTg6IEpB9wr7A2kHUoehreAIJBNEhqgJ0gUhLI9Hfh/eu9l0Oj3RhCW1rKPhwCY4HZktblK3evQw8BtgRe34aiH79wYaZHgVsCaUH0cGCrJxib2eK0XdXD0Qvv+pRUKuePuIFvOpLPcgHDo/4awCmee5DGzXZ18+qx3JbhZzofWmlIAypJ/4eXLdWUYsOy2v2nqtV1/mua59t068fuuhmd9jj/CXYFWjlFmwQY0q97FwFLV3Dgiz3AxBMc1mizyMkpmS2qS2yKUdz9q0/fy5wBHfo9r2a1PkTqM+u7oS1gwRPT+iqFVitAlarrEF5iBAk1NowzTZMuDYMQzsIXJdy+64EQoOPZaCxzbGx++pH+nqbXQpe7bIkcyKaRPahxPZspDBg6df3zyBoEl2DgYTWd5P82UDwCqFFjGnNhp0fBFEx6tC/ZZCgJkIpe5C97I55su3D/Twg9zWnWuUroIF+ilHnjPQ3Wj2Ms/e9iF4iWnGmc28CgrdxiPQgubd/2fucSzkYqKo2DdH1VDzY70JUQRxzbxmMKaFVuya1AU3Pj9ICDW93tHtrO38+jNSrf3pNm32+ZZCwXduDo5lDzHpiigXFrenPrO5X3Dan+WMznk8wKWadBBVUQM2W5KJfG8AlTABYdtrv9ZsQweJRdbApYEeqV6AUwTjqsFJ/pppoNdY0FZun0JBT7S2oh35TutiiMW2AVcO1g+pLoPtNv08RvmtrXVL2Ol714p9Xd+L9yG8x2zRx1E52MiWhi/oBoZ+U1FssbPYZQusHF7nfPGxR7HYWgYQIRPdvdhJiQ7fhZc6cvrcUI+Z5mZOh61Q0ccTbKlUY9sR4iBE1WZKOhiI6Xw0SlkrTQ9u0hFTXJmAu5Z7WUVNM4KfKqWBtfrPWvnkRArSdoanfLMV2y4NAYoRAN1H62tt94RKPIXjr74IWQHgiCvQ5dYBVTLblWjc5EObMk4jaZl9fj5BDv7kaxqdtm8E3joC+FPXWKXjVYIAUjSFLFazGAetV1upGaEY9F8E06z1rTTDkdrBRcrg2iptGFyqjCXE6F9D8JBJEYm/ljTnAD2X4YNvUDVf1iSpu2GB/e/5EWt8IiDHBh9dqS5Rem9hPQ1PbPNwIbfY1/vx69dgS0+rctZTMNmFCFnRwc5Mlhejxs7iPWk4E7baZtVIfovanlay13yQ9TEkANARbM4NoPBQBoNmGsMjSagT1knMpZo6iX2cbPhrT3vs5xQ7gcJ1Eh4vrv5fakGzRkhjRpABYNotNrurrt6+NFsL0jUmxGUoeTwT4MetPz2+KCOZp9qf6w/KUQs12PyEOEYjAfr/D+953F2ebU1y7dgJpFeeXO0htKG1GyoLVGLAZE4YMNJmBmNR1pITaCso24eJihSdvDXjve+/iiScazs8LSt3j0ScfxbxPeNYDJxgGYE47yDBg88D9GMMEwTkua0PCiO1uh7u3CzarKyhBA5jtbsJ2P2E/F+S4RVpnYG6Ic0GqDVEChphQ2iWuXT+BNB0We2V9DXkYUNc+PLBhP++xGjNCu0RrE6QJatghj1qOt1qdYhzXOL8YcevWHpfnE0rRB32z2lm5+4BhGKzndYMY1tiMelNSjFoRYspbqxXVVOPVWhO31RBwugnYrBLWeYUQt0CdUC9n7C4FNUWEtEJIp5DtoIN524wqFauwxl7uYFwF5GGNabvF/3nX/4Hst7hyskarGwSsIAVIssF02bCbrkNiwObKCrv5LrblAiEIrl+5hjEkXN68hZjPUGNGGQLWp9cwt4rtxS3sqqBuJ6xGILaGXZswXRZMZQXEDJGEvL6C1ckGbXMHLe1w++ICeRpwsQV2d3dAjdgMV3B+c4cxC26dn2M77HH16gl0NojNC5I9hiFiXCXE1BBzRBpGTSQxoM4B53cucPdyhzgk7HZbrFPEah0RTtd44uZdbPd7pJxxud9iPSTcd/+AYVtRZcRuHzFNI87vXqAuwxKODlfM9fc6eNcdBYDeVqQBv6ninkt3pwd4miAVEImoVSvLSkEP3OYyQ1qwGRlBW+CwHHMHaFlyDLqT3GpDDDosNVgi5YJLQAMGFWJ8AHHwgEeq9aCbYBIictQlqgWBRE02Dnvfl0TLdtasN0DFpoZWpA/I9JMq3Ll2J2397n12jy/MHjC7AOFO2ZMl32HTaWdYdjeDBrE9uI09IYpWSun3Sppgv5+grZbJHLTtjnulgQ3KS8kcPaoF3XqsYbMdSwmhzz1RcapqgN3kILgR25GNLvPowDb7XF7O6uXUrXq1UbI5H5qUiA2gbr0lrvXAW0UefNB//ahh/X4f9BglADbDpZQGP7Ws2UkdOQXUYOWtlnDW2vS44SOlBz/QzzvPFSmmPkDQZ0J48Bn9ugE9iQKg4juA2gJaS9YS3CyQBBAEpc5WZaoVAogalMacTbgOPcj3wXYpRkv4Y7cNEUEUnaNUrdc+QGyekQcdFnhJsJZJF+iWoDVFEykA/YxhPpibZbOYxFsjTFwNoT+NLfo8ApulEiJ8po7vYi5J7YFt2tfoH2MP3MWqZ/SEQH8N3an0tkKt0GlmbbMGyFZ9t99PGuyFYKKtJZUSTTzWFqKY9KQSr54Z7Fq1UvR7QtD1IEZE0feinYyyJBnwE+ZsgUFQ24wRiBUSdJ5XsCpGP1UmBq2sCSGi1IYWFpHIxSuxe+LXCYKepAYErbSyIeEag7eeNMSoAnMX56SoP8kBoen6JDa0WIXo46Ud+M0mapueJAF2TcU3OtCTpSVhXxJlF1ZaS6g1WJIHe84a9PbEg/kWVi2QoXJKqT7xAnp6olWEQhBi6FWdYut38MzchAkAduJeO9ioMYFNt+X9r9Dnv6DdI1TAq/FCMpt0f109TLBrELo/C+YzVbNRm3abdDQ+sTkMLvZ1/6AVA7DjiVFdAPF2IU96rCoBYh/FZ8bo2jGVCRCd06ZVg1Yx0m0z6dpiSWKzeEEr2aAbE0FbxhFDv/Z68AJ6m6B9IluvNIgSs02d+VQRErpt+lBnnxnoJ1rWVu100bgk+s0S2WDVV9ZmlbxCGVYZVXVzJQT97N42iWgn33mbst3nnAKqOnRrrVkOFDhWDv3mb8o2vf0vBCuitqi0BYhElGonmjafwSJazSzAOCRdf5N+v87JEX0mTexpAkj1iiUVQar4aVp6/4bBBQyLtcT9eUPCQdUc1DblQABcTllyQQAH8ewyMFhPQpU+BH8Ra4Negwh7BvR6pXiY3utapY+Irzq6jnmcdmibTXQzTJqosCEC3UiA2Sa6CKZxatHNnDyg1oJpvwfMfvT4aZsjA/X9telAZt1o0ePN3TaDwAYwA75Yewt2a+o3rc/MPprFtLJUWvt1k6Btc9U2Lmpd5vDEoMJ5QNB83NdRsc1rE5JcvPG1LJoYGu06aEuXx612AqC1rX00v6kSgG++fmSeUqi5dfscIg1PPN7wvnffwcX5HVzdnOGB66e4fm3EaqwYsmC1inYChJ6UFEPFgw+c4fQEQGhorWgwKiNiGHGyHvC8517DjQdnlHmPWm7j7Mopphjx5JxwkjfYnd/CjRvX8ML7b+B3j6e4mBo+8J7fQNlusQpXEMODttOnE7ubNFRJOD+fcPuJmzhZryGtYX8Zsd/pKRgpR5yePIR5WiFFPRGotA1CAvKgO9Y5AavxDKEJtrstLvYAYsQoCdvSMAyCk9MJq6sN165V5Psr7p5XlF1CqgOmWXvdayy2a5BQi92UqspoHiqmNkH6jnUAmrWihIQYRkwTcHFxgVZnxJp0d2ZMWOU15rlhlgqEhCYJAQNKDbgoCeMwYgxArAkFBee3buHOnTuoUnHt7AyreoZRGi7P72C/m3GyvqoGPAQUqbh19zYCLnE6zLh6OmC1uos7FwF3Lhr2u1u4c36J29sJjzzvEZycjjg5XWMzroEpY5MFKe0xXU4Y8wot6Qlb19ZnuHHdTg47OcE838E0ZWwfH3F+a8LF+TlWp/djffUM+4v3YS57bK5cw5V1RB5OMbWCihnnl3ew2xXcuHqCNGakMWInBXVfEFrGzTuXuHNREfMal+ePAeEKbp1fYL+/hU958CGsL9fYnKwxTzsMQ4Vgi9V9D+iwrmFGaAVXhowURjz4wBVcXExPaTzPJMVKAUUE01TQqlao9OqMuDizYDs6WqgrGIbUA54lgNPFNISAcUzIeSnFTSmhBa28EDulJOeA9XpU5V6AMk+2eAGwY80P9j50yavaR+xHHvquQuiL8WBloHbKQ5926wGMDjL1na3qx37aDwn2dSHpSVYhC+bUdFQUwrKT7usmZNnFa8s7bT3B8Z0s+2WB6vI6usgvAs5Bi5F9l++uaExlSlnQRLkczG3KOUOgVQxSKwqAnHIPdlWsrBacCIYUEUKxqid9/WrB3LgabRfBlP0m2mMcdPfdk4wmFSlE5GQSgVhA2wCpVmremgWkCdJmQCJizObU/fQDr2BqGIYM37093HnRJNYSnKatT3oyQLXZXVrNoUeFqwgXsw20tnvv1Ts5pe5sjxHvdQaAeapobRFqclJbdIcffOfFcjAdmmkv1AUPlRD0qF+1TeXQNk1EqA05J6wHFfzcNmG7x97zDmC5RyGYkKEtNBqgadWOV+SmpIK77955MhW6CGOvCbXpHgq2ZZ5ESjprIwcN9jy56gYCqBDptgmgn2vu79OTDXtRF0a74Cw+rNxbSLzNwI9HRW8HEAtAa/PgVqBD1DVRrWafKWjCF4IGkKVWE5L8rTeUKoBUpGAzYKJWVegun37PvbYZeouorh/Nnn37OU1/RjZxVtvY7GSfYrucrQEh6XGzdbKAPyLFZCGmftAqBa3a8bF2kkWz14LoqZO1WgLSJhXsW4M0PaEkNh+wbEEoWm9TRNBydJ91kHPqJ9McI7V6siq9zW3xm0ur0lJV6AG79I0K/e4Pss0QsDLbtDTRNukCqtjA36Yl/Seb3P3mtN9BWkOEGX33Heqbtc3lXr8pTayaw99rhshylHMXSA4+t8+qaD5HwdIrVF1fU2oIKSAl2Aw59PlTiwAjPcFcKk3RBVJZjLjbpntBT+5Ksd13izv0M8QumB7aNETXIBf5fR5PbcVmHtrJhpIQoDbbmp8sg94CUq1NOQYbyG/zRNw2q82zGMYBfrR6CgkQPTrYZwPFaOe52cyinGAicoRXIreiIlGtFTFlnaFjcz+0fTF1gTwEHVhcq6hf8NY48QVK47xmJc+tzYBVTDbR1q3QbB2xOAJum/bcasWqPwvJKr+Ok0O/ud+3p22bMbptwh1Qt00dXKuVrYAv2Xq6k4SAItrWgyrdb67teZvnyYQ0LIm6W5nZRG2CWupSJWzzkXpMGAfobES9ny4ihcMYMdiGnLRFrApWvQy1zZgDUtYOIm8Fd6EG1kmg+xpuP+42Tdw7kOgOBRCPadU2baPMxdHgldihPzdum+5HteULQDOfIwXzrKKIih5a4+czMn2zxt9zbZqH32ObYtfVKoJLazrvLvkQ4sX34sBvqph6GNOqYKL+XOPkWrza1CqF62wbLQkRpidAfZoPtc4Hm4/NBC+ItZnaAQGt6oZMaQ3SKobh6flNPUAsQmx8wUfiKYWa1WqF1hrmecIHHr9pickeU9nj5l1gyBUpFtx/bYPTzYDTkw1SaAAqMgLm7YDNyYCT0zWGHCGyRcqP49r1EavNKWJaIcWrmLcP4875JZ68dRf/81d/HZuTUzz84DU88dgtDMNt5PUJ4rhGQsN+v8XlNCNCUGxgb8rAbtpjtT5DlIT7r2+Q0xoAcPOJW7h16w4utnvspoqT9Qab1YD1RoPes7M1VisghWbDG20YVdMqhdu7CyBGbIa1ntSyqzjfVaw2A4bVgLlmbPeCVhOyZMScsLKhwed3L7Hf73BxMSHGEXrs8Iyr1zaIOaAFwXa7AyRgLg3zVDFNglr3OrQKBbXNCG2LWgpWw4DTzYk+qDng4lJfO+cNhnGNhoAEwSpoRVNBxbjKSHGDhgkNEdM8QTADuWJzdYX1So+j03LPistdQ50HjClgutyhFsG+DIhpwMnpiJCAcbPC5e0ncN/VZ2N35xKP/voHEMuE6zcynvO8B1Cnhstb58BmhVUaEWcBdpMmFJOghord1LC9iNhf7LG7mHE5XeLhh64gZQAJQCiIkq2nsCFCcLo5wfX77keuEwJmhJCQEBDTgLsXF7i42OPWnQkFO+wud9hPQB4CQk643F1iLgXjam0Jh/ZD374zI48ZQ0p6yhACpM2Y56nvgh0jnpgAejoYAK0QkYrSKnxOhJ9iEm1ApSe8cpAs6N83CEofchps5wjWf1qbYLfXIwHHIenMEquMQF/QW9+x8GA4BC9DVS+addsfgO6+1tJ6Et9PZbBdLG2NQg/qNGm3FgZTsQFPOKV/PpiT1B0UW9PFnbtXm6gT0MDde8Sb9QVbsmkBk+8We0UI7Od4Wa6/BxfHNKGs1m7lQ5ojmrU/+eeLaUmaVUhagtcYookXHnSHxTcFVfHVoer19yA+RqDVosf21oppal1YG1YqfLRqlTYWDHvgKV2Ash3OZvdTGqK1gPTAwHYcPBhXUSgfPJX+hNpusQXGvfroQOBq0hDqUnFhr6iDYoOfZOaX3QXE48VPeRJpve8eNoDXLj28zDiGcHByl0dY6Pden+0GhKZVLMlO2LKKEy3hrdjtJ6SUMQ5ZhxM3G57ZbdNKwCVAszMrWxZBinp0hJ9SAYR+NLUmVhp0paS7jzEtIqC3LkSLkmPwdNGCJ2tt0+TO2oJswKhvAh+Knb4rVftaYjfekjK/84cJR6t+8osc2C3MBtvBM6nvq5S6nDxn64ragAZxLl551cASmOvzG1Ps7zWIIDRv0fSdTw12m685Sf1yuMc2tQUGom1a45hVJK2i18yCd4iYydiKarucrVmFUFhsE/7LVgqLXRFDRBoSvBLD/hUacOs1UuFfBRsv9e7CWNAS7iX1D7a772X7vvJ6ldP/ldn8lhC6PZjftGRG/aYlt+GD/eaS2nS/mXyGmNlm1mqplR0VLW2w4fHV/Ka20ZVSuh/S+7xUztg7sfepwoWn2Yd+U9uzK3xgZgw+dBTWOmsVZV2s0WdVdTvRirmglZ4wHbBBtBgvBhMF5MBvLoNLq/k1b8nT/NMEExNI2qGPtJ+pNuYrg/tVSwaDf3Z0v+kJbG+pMPGy34lgA5wtwe1tUSl04QyAJVzqw0Mw/x20ysRt08WRVgty0jEGZaoI0Ps6rgZdV2oD4nItg8cD4qLQYpvSRNvuhwPRrItci/9KJqyalNXvvfvN1qqKwPDPUXt80yshwyLF6NotJmr4RgD69T5i0/xQv/k0bdOH8SazS6/qVfGq2mlhdvJTjEAb0ET95n43IaaE1ZjviWmDxcXeLup+4DCm9Zlu+SCOm2e3Telxr7feaIx4MJgYy0aHR0s+JN6HRANqmw2t+1ht1Qo9TvBNktYEwSuv4Jtl0mNI/xqtxrGhtnWxRcDa+01Y8UpYBG9b9lkxbuu6aRuDV6H7RkN0K9fvM2PRk051PUlw0dg2bMw2rb7M1jK7rlbZnZNuUMzFT9PUE/f86HXxOFgVo26PWvkjaFXXoFb1euZ0YJuH+YP9Xjc98j3VOz2mFcsfrBJQauvxDAKelt9cxLqPHtM+pVBTbTBSzgn33XcN4yrj5CQhoCLngLPTE8QgkN1t1Npwub3E6Vonbt++fYlbT1aUMiMmwbXrp7hydYXStthP5xDcgc6ViahlwDQV5OEEaCPOLyZsL96Lh+47w/XTATLPON8+hotdwfb2XWxS0oFRCZCwB9CwzkCULepsKrxm+7h633VUABgn5FkwTxMuZ53F0NDQ7lTATmq6enoFAQHb7V2dkZEz9kVPh7pdLwEEpJQRQtSz4qtgO83YTgWb1QYPXb+BdQ44O804PT3B6cmAIc+4ffsDuHXrpiUiDcNqwLAKyGNGTgNabdjvJmx3Bdt9wOXlhM3qBHlMWG/OsB6A7eUWKY/YlooQ9PSAi6ng8bsXOL+4id1uxqc/8hw8+8EHkaWgNiCLVvLcuHEVN88/gFIucVkuIHUGEHBykrC7ewfjOCKGAavxFDltMMYRoVxoiXyNaEUwz3tIm+zI6ohhPMX5rVso84CLmztsouByqLh+9gC2T0wIe63gmKc98ipALi4R54pyGXHywIj7r54gzQH5JGJIGY/eqfjAY0/gfptt1GQHwQhBxFwKRCbkPOL6tftx6/FHMQwrxASs04j9NONkMyKEASXO+PX33cIH7syYpoiTVcDve9FzIVs93Wu/30Mq9BjFmixJn3D1asTZWUIrM/KwQggHAesR0nevglYYHJ7SFGCBJASwEmZN3NQd1KrtE774JDt9BjYgMBRrSTCZXgDbadfgYbfXky8QA2LywYG6mEZPuuxdqjAEAM2CutQDs5S0nFEs4fH2KNiORNUJbgDQg5FmwzgB3NO24aWgHhhqMLm02WibkJ944jujwVpJisUES4mjpzJdtGkaEHhFilcRhGhJngdO9jpNfDdMr/96NWIcxt5X7v+Tc0a1Hl9d3NXZJCulFmg5fDIn3Xd4rSyoJ5F9R83aq6rumNcqiALbUc8a/GubrAlDEWKBBRpsVzV5LIwQdPbXXAoGe75gO5+AVxCJDb/LeqKH2G5t1GvigROCisE6+V+fx9PNaMKNOnXLkuEzRFQlUHFA74/3rX/8bOnjzbKTFfoRkF4chgC7l4AeS2IBnQdqtoukFWU+i0HnTrQq3TZdzAJwj2iznyYMKdn3eDAE27X3Njp/kx9smx6i2DNgX2ZdlJpMapSq77vpjiesIsuFxug7giZ8eOtlCAGhLOKLQCt1hpR7b3s/GQo6l0UHdlp4FE2stEQF4m1LYifCVejgYu2zj6EvFZY8LkJOqZpEt9owDoN+Xt/lt8+b86CtZSZmQJZqPF0H7H2FAxHTq6BsAfV2yBD0boVD2yx6HGmrgpSyJoJiVX5WpYDmM7o03lHb1BcLCJirzrpJHoh7Eg6vDLS215RR5knL5EPo65auNZq4TnPVOX/2fk/Wapt+mo49Keh9+mg2IwEHtonloh8h/Z0F9JPmYnK/CfOb0KG3H8Zv1rqIdinbjBQfDomKGPTeahIj3TZ1EO6MIUcVZqOglWY7x7Xbfxd/4J1LH+o39RQ5uDrQn2kVM3QdrZZQJhO/xY81dh8ZtNLK/27xnTAhQ5NMtU3cU6EpQVtHdEgwlteI4cA2pT83zYVGqxjRTQgTjhHuEancNv1ktTEPGAedwWV7/xAE5Dxa+0rtcQCgVYq65ug61k+cA6ADRb2Cz+M7qwiECm21Fn2+q1YHt2B+s8yLbWKpSg0i2hY+qJCtM6f0vZaq1RZum4vfXBLjEIKuM26bdi2b+c2cdId/mqudeKmi1clmxHK6jS1YYUk30bTKxMWORVQ7Xg795m/KNsVssyxCV8rJEnF9pmppCNEH53pFhseUgv00Y0hJTyqKWsGmyX1DCqHPkZPDmNYFSNg8J6D7Ta2YMKFC7NmHQKqYkKIV0/o5aq+u9c1BbbsLQFv8Zj9qOmjrcU4Z+WB992rXWgvmulT5LG11odummJBULU72+DrGjOAz6GymSsDytaU2q2jTOT/aqiQ2bFjtKVv7E8Sq98xpxqizWaIJrCap2vt029RL2Q8XgQ36TcuBAa3a5oU0pPWq+03AngloGy9ExZmYA7L2YKkpIGBvcX8Kfk+bPWU+41NbN1PSg4KCiWPqk21OVo6QarbZvOoO2KxHQHxO2Ef2m8lyhl7V9BTWGY59d5IQQgghhBBCCCHkdwrxo38JIYQQQgghhBBCCPmtgEINIYQQQgghhBBCyJFAoYYQQgghhBBCCCHkSKBQQwghhBBCCCGEEHIkUKghhBBCCCGEEEIIORIo1BBCCCGEEEIIIYQcCRRqCCGEEEIIIYQQQo4ECjWEEEIIIYQQQgghRwKFGkIIIYQQQgghhJAjgUINIYQQQgghhBBCyJFAoYYQQgghhBBCCCHkSKBQQwghhBBCCCGEEHIkUKghhBBCCCGEEEIIORIo1BBCCCGEEEIIIYQcCRRqCCGEEEIIIYQQQo4ECjWEEEIIIYQQQgghRwKFGkIIIYQQQgghhJAjgUINIYQQQgghhBBCyJFAoYYQQgghhBBCCCHkSKBQQwghhBBCCCGEEHIkUKghhBBCCCGEEEIIORIo1BBCCCGEEEIIIYQcCRRqCCGEEEIIIYQQQo4ECjWEEEIIIYQQQgghRwKFGkIIIYQQQgghhJAjgUINIYQQQgghhBBCyJFAoYYQQgghhBBCCCHkSKBQQwghhBBCCCGEEHIkUKghhBBCCCGEEEIIORIo1BBCCCGEEEIIIYQcCRRqCCGEEEIIIYQQQo4ECjWEEEIIIYQQQgghRwKFGkIIIYQQQgghhJAjgUINIYQQQgghhBBCyJFAoYYQQgghhBBCCCHkSKBQQwghhBBCCCGEEHIkUKghhBBCCCGEEEIIORIo1BBCCCGEEEIIIYQcCRRqCCGEEEIIIYQQQo4ECjWEEEIIIYQQQgghRwKFGkIIIYQQQgghhJAjgUINIYQQQgghhBBCyJFAoYYQQgghhBBCCCHkSKBQQwghhBBCCCGEEHIkUKghhBBCCCGEEEIIORIo1BBCCCGEEEIIIYQcCRRqCCGEEEIIIYQQQo4ECjWEEEIIIYQQQgghRwKFGkIIIYQQQgghhJAjgUINIYQQQgghhBBCyJFAoYYQQgghhBBCCCHkSKBQQwghhBBCCCGEEHIkUKghhBBCCCGEEEIIORIo1BBCCCGEEEIIIYQcCRRqCCGEEEIIIYQQQo4ECjWEEEIIIYQQQgghRwKFGkIIIYQQQgghhJAjgUINIYQQQgghhBBCyJFAoYYQQgghhBBCCCHkSKBQQwghhBBCCCGEEHIkUKghhBBCCCGEEEIIORIo1BBCCCGEEEIIIYQcCRRqCCGEEEIIIYQQQo4ECjWEEEIIIYQQQgghRwKFGkIIIYQQQgghhJAjgUINIYQQQgghhBBCyJFAoYYQQgghhBBCCCHkSKBQQwghhBBCCCGEEHIkUKghhBBCCCGEEEIIORIo1BBCCCGEEEIIIYQcCRRqCCGEEEIIIYQQQo4ECjWEEEIIIYQQQgghRwKFGkIIIYQQQgghhJAjgUINIYQQQgghhBBCyJFAoYYQQgghhBBCCCHkSKBQQwghhBBCCCGEEHIkUKghhBBCCCGEEEIIORIo1BBCCCGEEEIIIYQcCRRqCCGEEEIIIYQQQo4ECjWEEEIIIYQQQgghRwKFGkIIIYQQQgghhJAjgUINIYQQQgghhBBCyJFAoYYQQgghhBBCCCHkSKBQQwghhBBCCCGEEHIkUKghhBBCCCGEEEIIORIo1BBCCCGEEEIIIYQcCRRqCCGEEEIIIYQQQo4ECjWEEEIIIYQQQgghRwKFGkIIIYQQQgghhJAjgUINIYQQQgghhBBCyJFAoYYQQgghhBBCCCHkSKBQQwghhBBCCCGEEHIkUKghhBBCCCGEEEIIORIo1BBCCCGEEEIIIYQcCRRqCCGEEEIIIYQQQo4ECjWEEEIIIYQQQgghRwKFGkIIIYQQQgghhJAjgUINIYQQQgghhBBCyJFAoYYQQgghhBBCCCHkSKBQQwghhBBCCCGEEHIkUKghhBBCCCGEEEIIORIo1BBCCCGEEEIIIYQcCRRqCCGEEEIIIYQQQo4ECjWEEEIIIYQQQgghRwKFGkIIIYQQQgghhJAjgUINIYQQQgghhBBCyJFAoYYQQgghhBBCCCHkSKBQQwghhBBCCCGEEHIkUKghhBBCCCGEEEIIORIo1BBCCCGEEEIIIYQcCRRqCCGEEEIIIYQQQo4ECjWEEEIIIYQQQgghRwKFGkIIIYQQQgghhJAjgUINIYQQQgghhBBCyJFAoYYQQgghhBBCCCHkSKBQQwghhBBCCCGEEHIkUKghhBBCCCGEEEIIORIo1BBCCCGEEEIIIYQcCRRqCCGEEEIIIYQQQo4ECjWEEEIIIYQQQgghRwKFGkIIIYQQQgghhJAjgUINIYQQQgghhBBCyJFAoYYQQgghhBBCCCHkSKBQQwghhBBCCCGEEHIkUKghhBBCCCGEEEIIORIo1BBCCCGEEEIIIYQcCRRqCCGEEEIIIYQQQo4ECjWEEEIIIYQQQgghRwKFGkIIIYQQQgghhJAjgUINIYQQQgghhBBCyJFAoYYQQgghhBBCCCHkSKBQQwghhBBCCCGEEHIkUKghhBBCCCGEEEIIORIo1BBCCCGEEEIIIYQcCRRqCCGEEEIIIYQQQo4ECjWEEEIIIYQQQgghRwKFGkIIIYQQQgghhJAjgUINIYQQQgghhBBCyJFAoYYQQgghhBBCCCHkSKBQQwghhBBCCCGEEHIkUKghhBBCCCGEEEIIORIo1BBCCCGEEEIIIYQcCRRqCCGEEEIIIYQQQo4ECjWEEEIIIYQQQgghRwKFGkIIIYQQQgghhJAjgUINIYQQQgghhBBCyJFAoYYQQgghhBBCCCHkSKBQQwghhBBCCCGEEHIkUKghhBBCCCGEEEIIORIo1BBCCCGEEEIIIYQcCRRqCCGEEEIIIYQQQo4ECjWEEEIIIYQQQgghRwKFGkIIIYQQQgghhJAjgUINIYQQQgghhBBCyJFAoYYQQgghhBBCCCHkSKBQQwghhBBCCCGEEHIkUKghhBBCCCGEEEIIORIo1BBCCCGEEEIIIYQcCRRqCCGEEEIIIYQQQo4ECjWEEEIIIYQQQgghRwKFGkIIIYQQQgghhJAjgUINIYQQQgghhBBCyJFAoYYQQgghhBBCCCHkSKBQQwghhBBCCCGEEHIkUKghhBBCCCGEEEIIORIo1BBCCCGEEEIIIYQcCRRqCCGEEEIIIYQQQo4ECjWEEEIIIYQQQgghRwKFGkIIIYQQQgghhJAjgUINIYQQQgghhBBCyJFAoYYQQgghhBBCCCHkSKBQQwghhBBCCCGEEHIkUKghhBBCCCGEEEIIORIo1BBCCCGEEEIIIYQcCRRqCCGEEEIIIYQQQo6EQ6Hm/QDkk+DX+z/O14CQY+dYbJO2R8i9HIttPtO/uDaQY+MTbZt85gn5v+NY/CZtmBw9QUT89/JUX3hkhGf6DRDyW8gx2SZtj5CFY7LNZxquDeSY+K2wTT7zhPzmOSa/SRsmRw1bnwghhBBCCCGEEEKOBAo1hBBCCCGEEEIIIUcChRpCCCGEEEIIIYSQI4FCDSGEEEIIIYQQQsiR8H8l1LzxjW9ECAGPP/74x/v9EEIIIb/teelLX4q/8lf+yift6xPyycorX/lKfOmXfukz/TYIIR8F5pvkdzr56XzRS1/6Unz2Z382fvAHf/AT/X4IIYQQ8jHykz/5kxiG4Zl+G4QcHT/wAz+AgxNPCSFHAvNNQu7laQk1hJDfHszzzOSNkN8B3H///c/0WyDkKLl27doz/RYIIYSQj8pHbX165StfiTe96U34oR/6IYQQEELAr/3arwEA3va2t+EP/IE/gJOTE3z+538+3vrWt97zvT/3cz+Hl7zkJTg5OcEjjzyCv/yX/zLu3LkDAHj961+PBx54APv9/p7v+eqv/mq8/OUv/zh9PEJ+e/OGN7wBf/gP/2Hcd999uP/++/ElX/IleMc73gEA+LVf+zWEEPDjP/7j+KN/9I9is9ngR37kRwAAr3vd6/CiF70I6/Uan/mZn4nXvOY1aK09kx+FkN9WXFxc4Gu+5mtwdnaGhx9+GN/93d+NL/3SL8UrX/nKD/v1N2/exCte8Qrcd9992Gw2+OIv/mL8yq/8Sv/3Zz3rWfiJn/iJ/ucXv/jFuHLlCkopAID/+T//J0IIeM973gPgQ1ufnv/85+Mf/IN/gFe/+tW4evUqnvOc5+B7v/d773kP73znO/GSl7wE6/Uan/VZn4V/82/+Dc7OzvCjP/qjH6erQsgzz2Hr00tf+lJ80zd9E77ru74LN27cwEMPPYRv//Zvpz8k5LeYT1S+ScgnMx9VqPmBH/gBfNEXfRG+9mu/Fu973/vwvve9D5/6qZ8KAPjO7/xO/KN/9I/w1re+FQ888AC++qu/upeT/tIv/RL++B//43j5y1+Ot73tbfjJn/xJ/Lf/9t/wdV/3dQCAP/fn/hxaa/jpn/7p/rNu376Nn/qpn8LXf/3XfyI+KyG/7bi4uMC3fMu34M1vfjPe+MY34tq1a/iyL/syTNPUv+Y7v/M78U3f9E14+9vfji//8i/Ha1/7WnzXd30X/t7f+3t4xzvege///u/HP/7H/xg//MM//Ax+EkJ+e/Ft3/ZteNOb3oSf+qmfwn/4D/8Bb3vb2/CzP/uzH/HrX/nKV+K//Jf/gp/+6Z/Gm9/8ZpycnOBP/Ik/ge12CwB4yUtegp/5mZ8BAFxeXuItb3kLVqsV3vKWtwDQXv4XvOAFeOSRRz7iz3jNa16Dz/mcz8Fb3/pWfMd3fAf+5t/8m/j5n/95AEBrDV/xFV+BnDN+4Rd+AT/6oz+Kv/t3/+6HbKYQ8tuNf/Ev/gVyzvi5n/s5/OAP/iD+yT/5J/eIooSQTzyfqHyTkE9qRMR/fURe8pKXyDd/8zf3P//Mz/yMAJA3vOEN/e/+03/6TwJAfuM3fkNERP7SX/pL8nVf93X3vM4v/uIvCgB59NFHRUTkm7/5m+VLvuRL+r//8A//sDz88MMyz/NTvR05eM/8xV+/E349bc7PzyXGKD/7sz8r//t//28BIN/3fd93z9d86qd+qrz+9a+/5+9e85rXyAtf+MKn8yOe6WvBX/x1TL8+LHfv3pVhGOTHf/zH+9+dn5/L9evX5RWveIWI3OtX3/nOdwoAedOb3tS//tatW3L16lV57WtfKyLqHz/zMz9TRET+7b/9t/K7f/fvlq/5mq+Rf/gP/6GIiHzVV32VvOpVr+rf/8F++3nPe578+T//5+95ny94wQvk7//9vy8iIm94wxskpSTvfve7+7//5//8nwWAvO51r/tIH/WQZ/pe8Bd/Hf76iLziFa+QP/Wn/pSIqJ38wT/4B+/59y/+4i+Wr//6r3+ql3Ce6c/IX/z1yfjrI/KJyjefgmf6WvAXfz3lr4/peO7P/dzP7b9/9rOfDQB47LHHAAD/9b/+V/zYj/0Yzs7O+q8Xv/jFAIB3vetdAIBv+IZvwL/7d/8O7373uwEA//yf/3O84hWvQM4cnUPI0+Fd73oXvuqrvgqf/umfjqtXr+Lhhx9Gaw2//uu/3r/m8z//8/vvP/CBD+A3fuM38OpXv/oe2/xbf+tvdbskhHxsvOtd78I8z/jCL/zC/nenp6f47M/+7A/79e94xzsQY8QXfdEX9b+7du0aPudzPgdvf/vbAWiLxjvf+U68973vxRvf+Ea87GUvw0tf+lK88Y1vBAC86U1vwktf+tKnfF+HPhtQv+0++7//9/+OZz/72fdU5HzBF3wBYvyYwgRCjp6nsgtCyDPPx5pvEvLJysekiBwOJQ0hAEDv622t4VWvehW+9Vu/9UO+zwPB3/t7fy8+7/M+Dz/6oz+KL//yL8db3vIW/NiP/djH8pYI+R3Fl33Zl+GRRx7Bj/zIj+CRRx5BzhkvetGL7ml9Oj097b93+/xn/+yf4Q/9oT/0W/5+CfmdgIiWZLtffLpf/+Hw13jhC1+Ihx9+GG984xvxxje+Ed/yLd+CL/iCL8Bf/at/FW9/+9vxnve856MKNR88SDyE0NcEEXna75eQ3048lV0QQp55PtZ8k5BPVp6WUDOOI2qtv6kX/rzP+zz8yq/8Cl7wghc85dd9wzd8A77ne74Hjz/+OF784hfjsz7rs35TP4eQ36k88cQTeMc73oEf+qEfwste9jIAwFvf+tY+XPTD8fDDD+ORRx7Bu971LnzN13zNb9VbJeR3FC94wQswDAPe/OY343f9rt8FQOfK/PIv/zI+/dM//UO+/kUvehFaa/j5n/95/JE/8kcAAHfu3MEv/dIv4Wu/9mv7173kJS/Bv/7X/xpvectb8JKXvAQPPfQQbty4ge/5nu/5qPNpPhovfOEL8Z73vAfvfe97+47lW97yFiashBBCfkv4ROabhHwy8rRqmp///OfjzW9+M37t134Njz/++NMK3L7jO74Db37zm/GN3/iN+MVf/EX86q/+Kv7Vv/pXePWrX33P1/2Fv/AX8P73vx//9J/+Uw4RJuQ3wX333YcbN27gta99LX71V38Vb3rTm/CN3/iNH7V18O/8nb+D7/me78FrXvMa/I//8T/wy7/8y3j961+P7/7u7/4teueE/Pbm7OwMX/d1X4fv+I7vwL//9/8eb3/72/GqV70KrbUPW7XyGZ/xGfjTf/pP49WvfjV+9md/Fr/0S7+Ev/gX/yKuXr2Kr/qqr+pf99KXvhQ/8RM/gc/4jM/AQw89BEDFmx/7sR/7qNU0H40/9sf+GD7rsz4Lr3jFK/C2t70Nv/ALv4C//tf/OnLOrLQhhBDyCecTmW8S8snI06qo+fZv/3a84hWvwIte9CJst1u87nWv+6jf87mf+7n4j//xP+Jv/+2/jZe85CWoteLTPu3T8BVf8RX3fN2VK1fwlV/5lfiX//Jf4iu/8iuf1pv+X29/s4g0BKlmxAIBAKseb9LQatNSbgQIABH/1SDS0FrFPaFn0C8SAAgRISQIgCgNkAqEigBBsC8NIQIxAyEgxIiACAgQY9SgNkSIADhYY0II9h50QBCi/l2I9h5bAVqBoAFN0KRCJEDCCAHQWkAIQGsTpDW0OqHME2IcgJABKRDR99lqRYxAtZ8vrfb3oH/WhCHGuJTd+0UC9DNFPR4v9Pe/fH8M0Y7PA1LSqxJg1yJGpJiQVmsAATFE1AJEZCAGIASkmPp1iSkixoiUIoLon1NKB/c0IqYECdB7EPSGxRyB0BBDQwz2GQMACWiSEEKESESTAGlLe0ETASD9/es719fU6ywopSHmAQ986u862gwlxoif+ImfwF/7a38Nn/3Zn40XvOAF+P7v/3782T/7Z5/y+171qlfh9PQU3/u934vv/M7vxGazwe/5Pb/nnqN8PxL/n2//fyTGgGhHJ4YQkFIEYkKMGSFEu6ZNr2bQq9vtwggAYkwIMQIhIvZ/E4i0PhcjBCz/FtQCQ0z6/ElDQIWg6P3rSXCARL3/CFHXABF7HX3+pAHykWwTAILoe04RAUCTgiAVgABN3yNChIRRX0/0c0ubATS0OqPVghgHhJABVOhiIIDo89oQARF76tCvHUR/dowR0gQxBlvL9BrEpLYZ/VqbjaaU7LlIen8gyDnZfVK7DCEg5wFxXCGGiBgSWoW9R7XfmPSahQCzy2R/p38esq17uoAhJrXrGMS+x/6cGmIQpBggrR6sixEhZAgipAW0Jt02/fqHuNil2yYA1CYoVRBzxvNf+LlHa5sA8H3f9324uLjAy1/+cpydneFbv/Vb8eijj2K9Xn/Yr3/d616Hb/mWb8HLX/5y7HY7vPjFL8Yb3vAGbDab/jUve9nLUGu9R5R52ctehte//vUfs1ATY8RP/dRP4VWvehW+8Au/EM9//vPx/d///fgzf+bPfMT3fMj/+2WfJyHq8xZFENEQkj7foT/TCUgZMWWklHVtCEGf2ZR0TQgREbHbQErZ1gN99mMKyENGyll9RhCkIMjJfnbUZzDmE/Mtg9oBqq1NFZCGnFeIadC1KoiuY9KQYkCDrknqT4GYsj6B1h724fymiCCkZd0SCzy0pcye7Sa2hKh/brWhNUETgYj515T17xpQporWApqIfV2DNEFrGscAGv3UuejPiQGlVrTaUGuDQP9c26wxQxM0CAQzpBYENMzzBBFBrQ1zAYCAWoFSBLUeDDW0YMbXffukfV0/tM3/30/9q6O2zY8Xd97/zt606Ou4ovfTn1vA44/leejfESxWaRWQiqbBir0K7HmxZ6y1g58U7nnNZjEe/O/8nYjoewjqH4I0SJshZgfBni01jmT/tee7iflR849Nn2H3lcG+rvQKCIEv2hpLzRrTtobWGlorgES0MOgzLbrGtzqhtYpWJpQyAUgQJIjMdl0aWi0IYYlpW9VnXo3LY1r35R9qmzElwHzaB8e0Gp9Ei2uAnNRXCsyf2jqUxhUQNL6tBYgha/xiflJfM/QYNpnfTDEhD1lfL0QAEbEL4Pa+Y0I6iGnv9ZsB0pLdw4TW0O+B32OB2v+H85ulCkrVmPa+Zz/3qG3zE5lvfjje+6633pNABsByMs0DQ1S/AKnd3rA8QQDEbNb/aTEAQfvwtnkwKLbZ3WpNIK1A6ozaZqBpntpqhYjGi2ozan+1VF0bWkNpDbU0tGJrv6/1raEUXVOaVHvgYbY4Q+qM1iqk6s8SBDSYbTb7bG2C1IpaJ9QyI8QMIH+IbcYQUHqy3e5ppfZ8U9eLtlwLu0bxwHYOY9oAzzk9FxW1EcDsVePaGDPSOCIEtdNWAkJIFmeoHbodD0NGHjKGYUBOCTllDOPQ45OcB6RhsLgDyDkipQFpyEgZyClgSBFAtZg6AZLsuli+KR6zh3v8JjSDQZDlcXk6+WY46I3/yE3yn2D+5J/8k3jOc56D1772tU/r6//Xr/yCZVltET1w4NSa/706taUHH/3vRZbSOr18y8f3ZFBfrGhCGNShAdLFCIQMgYsO+mDFkGyBV8eWYrIb4g6podba33eIQEwBCKJBoVQ12O6Eo6a80iBN/9vqZAkdutNsrQEy2UOxPMgi+vlbLfozPGjWTEiDUSwOuBtKjJYkLwFpDDABRRZDcsfXjSmqceSElAdLlBNaAYCE8EFCjSf6IQZzdBpwx+SCUNLPE3SR8mC6maATkwCoFnxXE9gSENcaqB4m5D0RN8Mxhx09qgiAxtF6/2LOuP4pR+HUnjHb/GD+v3/j/1mSfgAxBiQLcoInYhDEsMzoWH7pM+ey2L3PjS/QKqaq6LckAYvGY7anaT6kFftZetc0yY/6DFgAhWZJf1C7aBod67OND2eb+h5iCog5mK1VBDTzLfq8hJj8XQDiNjpDNaZgIm0wW59MZDTxKMb+Pa1p0uZiTIomgEQNHJt6aQsoQw84U0w9oE8p2vdhEXAApJxMAIoWQKqTiimrsIaI1kxoNqEmpeW+pKTCTTa7zykh5wREs2GJdh00uNWVVO9dGgICKmLQICfGBIQBDStNDFwX9pi6SV+HNeA02zREgBYW2/zUz/g9n1S2ud/v8bznPQ9/42/8DXzbt33bJ/I9fdx429veht/3+34f3vKWt+D3//7f/5Rf+6f+6P+rrwsqojak6LGhmAiYgZBMmMlIJqSmlBFT6sHXoXCTclJbaU3/PQakIWEYM1JSYUYfSX39ECJyHlWECUBKA2IAgIqckwmU0XxgQAjF/Jj9vKQ+RyCWKPn6I91vuf9stfmCouJpiuZKggXYtrkTD4QaiPnr/z97f6xz29Zsi0Gtqo9v7XtBBCQICYvMIRIQQErIE0CGeAYnfgNLTuyHICSwSC2LwBEBkiGyACFdCQkJCV0hTuKzv9F7EbTWqvpc+//3f20unHV0zzxn/2ut75tzzDF671XVqqpVVV0BGNnUTNqgCgVqDs5hEMTYZZ+DOgy3+PrvdrkrnYKqwH6Pgiebn9sv9rsZqInNoPL5xvf796gDnHrwngff3y/OKex3t+3kNYUDLJuZ1+mPD9n8X/2v/zf/qGTzv+rr7/4f/5fBjkXtlwZn1l123DDBmrk76Us7MEok3j2rxiFXkKSvI+Rac6b89+hvcZBN34ECzkbtb8SVOACAimBwBNF2sxyogc8kseNRIAoA9t54FShk4IS4FkH7DNB5PEWn5APTbj7L+/4XCHkvZ1Mm9t6o8/d8HxcSiMA51AXv+zsiqvH9EpYNBW7OYVBTMTHpE4YxbkxrBvLtJN420M7f+vqijsqFxKMEx+CM9YxuWM8iXn6etsOPfv8sJikY7A1hXe7njWltNxn8/kLFb9hba3QmVMAz8Rcw7XV+6C0F1vOF/8Z/67/zb4Rs/qu+/u//1/+s/+6z0kGu8DmwnDjQGugY4S2fdV/pr8vmKfuo+nxAyfdvnPcbVa8CIFvBGeBUYMvW1NY1DxiU2YXv9wUqsI8DNQfv94v392/97PUjoWozKFQv9ktce+xvVjBAdKBAEf3NO0jL775lk+tEs0ZbQ902/iZ1Y2o96tNuCvOG9EJEICWzXjNgMLDxLILYYa0H+Ug+sVA7ABBDrGdhJZONKxNfX19Yz8KPHz+wFv/99cX3fq0vBmWeB5GU2ZXCxc+Drx8pvEGJWvmFyC8g/xnOhzqNjivcdhM6Mz79/6r+5j/oeKV/+S//Jf6T/+Q/wX/8H//H+D/+H/+P/+oftMB0ZvsOwtgw2Q46qkXlBwARI1A/B2n4s0Jgy3AKbCkCdgdhMkIHLzpKNqEyHUpl3nMFavO+VwbetxBI1N74/f1GrsBKoHBT4+nUYW8ZVT17HSr4XEAU9v57CdNpRYNYVAabAk+jAKxI4DJWFNDTQYxsoUFHX33kIENIJ1XCY8xRmCDMYzYLFQpwmHlA9FoBFjoBW10nU/cX2jM54bpR7No06MEAFNk7jwACnxv1hVOrlYbPwJwfG/OaZ9OeQo996vyXrpP9N+FFfOizDnjdCgdxHAmnIg6i+V7ro+ColfI5R84Rz0gpgAL9YcOW4UBagOhRxq92G0r9BpHBIF5nNaI/pnf0WfND/FE2DwMY++B9XzyPwdNp0GoDfo7Oo7TMro06KWYA8O7fUecbgQ04UBUGqTRmiQCOwOEVUIKMZ1mfpDN/6Ovw+BqSW2yrl7EksLdsCkWLyXKwlAkA+B18vrj0EHrfeB3qyFlDySYKEcVg6SmgFoGs9xMPUA8qcjJQ5zLCQIOgsEHTg1mfG+Sc99eXzf/sP/vP8J//5/85/kf/o/8R/u7v/g7//r//7+Pv/u7v8D//n//P/6Fv7a++/qP/6D/Cf/2//l/Hv/1v/9v4F//iX+Df+Xf+nW76/7dfhbBtVp5QuZIGYefUxcC8P1qdEUcOyIklp+ocLNmwqETtwu//xd/j68eDr69ERTFaAyiJQhbcEwmcbzB6unF2YH2RobP3NwIvMksOFxCR2GcD53c+j5IdqaydrcWRPaqWoSXZGSzhzH4JidNG3RnWUOCGr8zV8v6+G2dTO1D8J9nEa2ezZI+AbfXaO+Ap52ETpNfZCj4dQgs8OHgBOefnJE4zUEswi7Y3hA8iR1qd2KH+r7bZx5SHfwNeXudA8NzWHaRxcIbvvAM23shT1n9/LUgzmBYRqEvfT5DC//64dNtGwPp6k00jBge9Q91r35swre2mntIXniAUKJv6/rUS+1VidL9435cOVcpziSu4F7a3dnyddA0kEhFHrPHfQZa45DAWHcT90pkDIxBMGAymg4Kf9gnu5Ib1UD+XMS2KZG9Ss1FFG+z7TQVzqoB6CxXEtGYbea3MNB+8woSiA720nxq3q8DtLqqnyLww7RciHHx9UPWgYs35uM6IjwTt5tUQ/rabxmD/hGn/8KJsMbRl+bI+JcTl2rUv0TIwgRbg1vz/KrI5wJXVIUAVk83cOOtV6RAH8iIaW4cSfXyjqgocKF0hbFXIxQBK1sI+DNwgQdxd0gURup5ZXOTWJI6CSg6OFN799zjnd4R9Y9lOsj1pZzLG36zLh6xxjwEFblbqPTFr01qm/TqvcKFKwRsz0xYZ3lWFIx1E2ZSfifkzWt75ajwN6cjQf8Ic+wXiYTK6DvUCyQMG4Yu4Fmv223rSQfkPu8kfBZSA7eNVf+pv/oMGav6H/8P/If7lv/yX+Pf+vX/vr44t/Uuv6g27JcQq6fTPXO5QDnP1wn06AfeV+2/DLaShzNUi4wMCmI41zo0NsSPzgJW/DHqGyhmStwQyTr5/f4GvxPM8beYLJUcQTZlOsQVOU5LJDsoYYw4UmUAAIvbl9BJ0RgEVNGYrefAKRxkBXrOfS+t3ZyG8SsnIksA4y0meZ+nwBhJLhzEAsRfocJrxMwEvC1pvqb9LQntrxIg56FWFU4mMLy29sqFyAKuzQpjP93cfAXi9xyDCzuKnn/pPL8jo1whQnYPqAIOdBZ9fvtdRd+7bMLQizUIBjQui3wdfRWfVXx4ybJanOsVAHVxCpJKcK+BhENOguoM4Bfwsm3tkk1kC4Pv3F18/KJsGnHTWznU2+R25mGlz8KrExJmgylBkV8pZQwKVwAkvUsvmALuYZwep120LrjNrZyozLiaZHORH7DSQQXNOIGCj412jrMqs9R6ccxSUtmxen7nYMQF+vMBnIMtK0xqCgZvakt+95yxV9e71c/j7gF6/0t1/evm/7us/+A/+A/yf/k//JzzPg//+f/+/j//0P/1P8W/9W//WP/Rt/dXX3/3d3+Hf/Xf/Xfzf/m//N/w3/5v/TfxP/if/E/yH/+F/+Ieg3V98Obtm2QyXIEpiXFbRezx7y70vtJjIdp9zeGIvBibkCEUsfP/9JpNsMdgYOnwMApOlcEqfF3gkm0tlwiGWyyJ75rxg2V4nTAK0J0potKl3Ru+nLKEFIDAhkzq0hecokMlHYFmR2LCZDJYUCNIdKInogMywh4OgmEvepbyAS2TQzIuzWxnBaGM7yAQA+BKmkAx+Uw/vfYAzQYMBoQxOP4uJlyMs4/LtjwDrvzGvPrRoRmDrqL+8GEZSN8YyNm1H8a9gWjvktyPwl7/G9g7t3BPX2jCI7qZkIn/in9mWZH+2y4qB1tEQfjvgOTjbGnrh99+/8fUVKnF0WOZ8ODR+nkxi2i7mM4MVow9uTFsAYiWOKoq9nmT8OMlwiFHhYFCM4+0VMs7UF62VV/A0sdtu0i4G1jjQYnnz+xjc+txzOY9lRsH4gB1dqT4tyAvTsuzmi//lYgD1CCPZN4HPHPcgUsnLP9hN3s+syz+9Pl4deLlZEFy76OC79wq9j157YLayk4p/UzaB6tMN/DFIO6zoCmFu3WvgUM/7DXCFQ6DCpTVmcgZi02885yCKpTq///47nq/ASpb3HAV7ymX50hMtm2byQAlSSbOZMmTOARkvsKKZc1XRIkF3K/RABy7173J3rXeda10jgHOQDxOZ9nujZVN4NYhlqzF0XnI+f4YYvFClSQfA68PFRLcaKCOA2edTgQyxdOMLEauZTk1SvPoqpPfGPualx32PAeDPRPMfNFDzL/7Fv/iv9kFr/TAgGaVFY2Sq54A6ypmzWxhH0yq+BQQIaVOKqK+TAlmjBHEOkxLQBmAMGB1Sfk8IJJUEOCNRceSc0nnNXPj+3sj8YuwgClFv29EOYkQi8sEKGrxYwIMHtQmgiA+KmuSojwaWHpmZbAqswYBrBzGnFA4IcbHXVXcfSJzvb6DpmnqfnTIBuIgko+WQNrZdo+is6BXUAtQzRI4nHTw53GUWj+4mUo4vv35vB6JC5WpyAs4W2N0tcOhvDNwizGVlVBcONpCW8V/iUP6b8ZrIuAQwwEx4rgGpUnxR7IcQZ4JeNE3ub2Rm1/bFhV+0S/rMuUryKFv1cR4OZAC0q5TlIx0Rc2GgS4gsm1aqdQY0hqLqPN2JyoeyuR7Rq00k5jUITvEhmz5wz/MAJ2XcjAlURhnJIA0WQgDx1EHqHo2ZtUq9Bg4+H7AU0UHhiMT5fgk01f+K/Zp4nUyWamak6OM892cf9eIxY8GfRRuxI921qxDlfZP0XGDT/9Utm5vUcWZlVBJiWroVHFJ669IKdgZA3eCmWzR4o6t+1df/4H/wP8D//n//v/+Hvo3/Uq//xf/if/H/xTS4uvSssnMIMWQSXbOtMl4sBhzM0qKThSneLTCgEAI5y3DJNB2DzsNSpyIwRBwyG4qlSbZlGWS9FDYqgv9GQlpK53YjNoBczGAr+ENHUYzcDESdpmXffTIyU0EUlRpmosRg3e9BrnJuAFWF/RYqgCcN9gJnA/ul9pkyaQxLwEt90GVTALEI1NumVCpmvTZSpeTG2UDyngg0uQZ1Xpz37eBQsyN7V/XTUsBJTL1bNjuw8G/Q62Y5jDMcvfYOVhaMLSUoaaYV7JGh2c4YtuHReiPsfAt32lm88Y3Vcl3/6O9FXzUWA5kOPtDxpANV0sW3lo26/m1nVGfTQdEI9VQ7F6ZVCaJ7vNk+MENNbE3cuBvDukehGaslJhAOZYt2ibqF53xK8xqzc2P672uld0ABHNnXSJzXcqbnPxNAzXzk+LmVAD+/j3XAlMF8YFo7f+oVkvnIZhofybYnWUTGtGdvJY1CdlPfraArGQuzOe7hF5jege0IprH4/idM+1dezW4BnZBxmi2lDjZUn3v7fQAG/8jftKTfsnkzaOyo3zoZej8Dt4nKAsvKIRbcYO4CfccK3gf6Gy/5PJL3IsaLswdfBasQ3u8X67dHH2cQNEMfdaAFQKwHGaowySKZwP6mDFGAwVUyQFezC29/c+zGFZzgJ7GWk/osF2xPIdhjLSVLXMfE3oV8XE0h/43qoWVz5fSnbGb3LZcFlR6rJ+Ylm47QtGwZB++NsxJ7B+L5gtm29Z4OoFo27+eEdii9R44XJGXTPtRfe/2DBmr+q77OOW1+4PIiCUW1X8YDwdrqCcQwHmkrpvdc4LKBl5yUMBMkRDvtz9Ko8jAnoi42ho9gmCKtIEV/jo7lbiodKZO7Dn7/3qzNS2fX0I2RGcAQUAQbdToY4sbobOJ6+p4RX2ys6L41+xu7tgnVmKzKGJtc7AngEqgjSvpa7Inhmtpz0H1r2LhpGtEBynYo2NL9RrQE937chqXfI/Bw3tN1xX4khCO2cx0g2qF3w8XaB64CoXKbJqnO2LNUUtmWBhvX/f7T6+N1ztsOiHufADI1h3tlN0obPeCxYSJLZNjQWzyaqg72WLb7KNim1ZD6m92h83Oa+nlE4XTZRLKGVKjTIBEYcH1TJONDNnkTNBbA779vLLFVnEk73S9C9OWVWCoHIki7mC0NxgoVCQTrYVWHgIqXIK3dxuz7Up6kg5ErVjOSANe9A+tJseXcs4M9ZNZ6BAhHNr13ZiHYorRMWR7B4HLAXvSiUcTpXh2QPCGcEbzBSChQ64aZzOymzody/1zry7k5qrNGJPd067z8k2z+ki8HFNzgz4j3yCtxwoKOCOVmrd+kzw9WDFA55yD2i7XcP8JOMOZMALLxB3//O/uqfH09iARWFk7QyaNeCHz9eNTwmuf4lDN5uj+DaCQOFjJ/9Lmv84pBd4BKlu+d3SVBCLCPU7n3VXWdfmczk/qJfSbYoyK+wvEoGBjvLUAuR45g1wGWYYfyD2MhlpO4nHqXgKNejocyU3oHv10C6X4EAzgNdSiNtvlHwSg70SzrhmTTpcv/Zr0ubHKHNsoYy0xhO2L8TF3raxxofQk4mM+fObi3dN5vW9gGs88zg48uX5pzVJiG9Zj31oa5LDJawnBLjo5+BTsy1c9SEGvdAddjbMWSpL0Pvn/fvTZbrJD9uok2kxo0I6UG20x0cpgGGMTAvp53+qsBhff7d1S9spJecTtXVwkTltjbF6YVM5V9L8xkje5FM034f8a0ZpRfesMYFmOf2GuDTfOjyFTdb2Gt0v54by9M6/9Jl0fU+DhbrWfLrvntSBbccsD21uUx/4Rp//prgtIhKMY1sly2TDtSKszlhvJmcxuHQnszZ7CjDDqYpRLJ/hYFG5g4YND8AD7zaneB2mKX08dyiZCv4bKokn/sW84Mst7PRrxmXCfeHfhdsklWDO95v/Sf9lHJovzpD0zbj3SQ6R48APLH9BXF+Juh8kezTdP6D6CNr1CPxWqbZoLAWsNYNaZdj/rR2Q+Bgicu28xWfNrjalqMZYBMF1eZUEb3y/6aNR0OqDvNeu0AQ7Q/flijjNpH10RjYJM8xt+0Hy/MfxEY/kw2/1EGanw459yb8nXJQ12dtmGlxj8N+nz8xlmzw+bgjPu51GUIJ2oWAOvf8QB2BtuYSBHDn5s78T8oLN9UDCVAeQobwPvO1Cp+nkax9kGcwFpkIjArsZF5+v743wLWD0ARR5SyDniRMU9apO8AZqmk1ghS8FUAdmcZGNAg8HVjVIIzOm5fimJO4IRA+A603BN+vJ+RdNLCgnAmshn6oJlCZS8eXGPGWdQQixZO9PaJbjpb8nQGpIysrjsBWUEthIl/ev30KkZ+e+VoYQCgzzqB112rzd8KewA4qC1QEfNzNxGmHoyu3/8DlVdOzV33SWWq6U+qu6VD9wD7S/FcG1xctlcKXUrdJzIzsb9fuHExWVqsJ7dspg2YgPHZB3FKDYg9nYVNAW3smJV4gPiByofUTmXJol5QlPj9RwbZFFTLZoZLDjdl/1li7MSACVA+RzYLT5DGqtgxpheoAzH4+K+hecT0rinJJtB9iiKof1s2e41FY006DQfMbNwljvDyo9g/y+rRexTu0VFqNgsxav4JcP5qL/drgOSaup8MSCgj7nPWJYAxMkn2XSHz0tvq2QCAk5KCkxt2lzYpYLoPXrA/BptfB1YG1pM4WYiz8X6HEhanAyxsQkzwTUILbbn7xYQAMvvbtavqblfwDKUMBnfj2LjOlJrCUXWgz33osQNITluK/BLYY0kUYyxiErRjTFva9qzvoRhAPYFCjiNvCrl069E/qu2mpoJoQtSRk30c8FGZSptbKchzBR1c2rHW07KZ8W+ObFrnfu6Hfzd6lD+wDp1/NtvBlse28qNpg7LzxX2zI9jYCID9vvS9lK+v98cE+Qd+FbpuqKqHZdAxXIh4YJpz6+vLFpodZOAdEKZ937ar7TwWz7lLCviRBKdcbeAEW0zVQe2tIODpPhoHYtKsL2JaMDBZ5wXqm7hSB7W6vGEw7ZQ48zuIaW9badQ7Paniw7Fj0IMxYu1qVScz2z7CwRp0kIYeRaKOEyM1uCgv1oXLbIxpUWTeo0DWE9dxXeUTaDz9iWlTTGPgnzDt33oRw1lyo3/abTMAeF/57gmQjG4EOAzG8n8nKH1Fvs65PgQ785pym8fHgpOYaARpQ3HAJsMJ1I/RBZ0Y47VYTHGVx0lXZCbeenWvV6KxoGbfer8p2EqoHRSWKa7lQTwHK3ndIyZNLGJa4GK52d/U2h2XBauMmCWz0n1Vfe0w09BJTFi3atppCnMmA6gOHg1ujZZDBmdH7/hnLaeHAd3SF/XOhGx242oMpo3CyQNsIGuhVWH6jEg/01meIKrOGqthVvtJDHT/ddn8Rxuo8cZBgYkA4MZm95SnIetiDmLXksKoozei7AS2kbuMlwBnOghjB9VZiHZGR4zv7+8+c/qtD4ppputZEhjX/11PGjRs7rbPeviNCPanQR/3hYI7US8AX/r5bpoovVgpp3j6uzxyGAAONhTo/wAcVAarz22GxyCztKKbCB+CvXn6UYD8fzMEPtVjB4ku4MJDXvAkGK/xYat0Bo2sHMK04kYqWk+dAVHhU07sPufj+3h+eBD+qZnwH1/RZxvWTDCl73oXCBzEGPPfw9VI0xDXTbfqPgTARQNFf1+XVMWAYxshK3hY4em6zHTsS+7i+uPTWNZl2O5ywAj2XqLTUv17SEe0EarqyRYRnESWaSAAlGQz1w8gHkR8wc3fbDTpCBVQiVCTtDRFXXLHXhnn9nGlp1JZQP08V7OUzICqgvrwqO6+g9SY5+mGwfG55+Xg+JRC0JGEgI5M5NX3STVL07+jjRb6mgaqpvamuuz3SFrfo85JVeH9dqPFf3r9Ki+X+9ylGWd7CtrY6FyLf4YiE+oB43IExHUuwL8344Yqhxpb1+KkB96BARmAziDbWeUkGU1wTDf0pFxC0wIzOS0K+SVn+ZJNOMMdCPXFSpVEG+Sdeps55DKW4xIPrU8d29lpqF7g/b3vsGBmooYfCHQWzZg1qrwc96px+qdO/loTZR8Z3CmtvfqEWfdY3h3ouRx/9sLIxlKtgy/Z3P8IGn3/a3vFvc7R+zFW0gh+bM3df8vIaJCi9Ss3ZPoQlo0uXObK4NucEE/w9PeH/k3cmX17jWftdJXLIqptSbMcbxtwH8aGpg4QMKFgZkqzzJ7F8j0AJ0aPA2qMWomQk8ge1BuRG9m2Fjga1R3rCxEP3KMRwdL/UJLEMsoxuYNp7aIZ0zas1l7QH3AvrWidUig1Ak6YzYZYNmO6ltjeEd2LAtFL4y8RE+IqF8cENP029vpx6SSEaQWM2tj/EdO6B6Mx7fg5I///hGn/+svHoYAuSTc+NAa0x1L9Tv28A+nRe25Jnkbh8x2tG/Q/nrTEY1HocnIl4eDABYrBxo3GtaXvX5l4Pxq4j907rTeuBLnw13oWsBnQP+qD2H2pUMgldqeZmMEJbpmj708tVDyUuVxAiRgQn/7mjOfWZLRlNni2lJ86TB7esgkGKX3+MxXcyBDWDaDUU81BneoF7sWP+Ezstl9xyYqxc1d7tL4UKy7E2XOJ1KHOtN0LKZdm6la0n+0+ViXbvT/sZv1N2fxHGahph8FA/myBoSn5cSmRDwnCC1wfe4ifBAuYsoqj4AwDcv77CGozAFAIbDmkPzs5+hL0x/RZ61wfYru6ckwgoCnhYe3udP3ucEa9A9YCQHwB+GJ0MwBTP0v1/M/6AupoBBxdbDJ5DoCFzC8dPI6IcxilIlA7ZPwpzKY5HwnTykVHVcJP3cIxhRO0suGZ5XBDUd1Ng4Wmc+b8jMovO6Dmtd6nmjoaypaEOnV/sDO8+FDQZkm4381mVccTNLwm//S6X1Ul2u1psHiDznb8WxGd2Rc54IyWD1XznpYykedLTLVxLDdi8ILywHIndxRs2fxw7g8QHFfrHikDiedLpoFgtH65DZ2zKx+y6eCEaN8jmxjZhBR0BBic+YHI35QMcalH0Ul8vhDQNKiAZNNn+JmmvPWizis8wQxgnaCdrMORx8nSqKP9yWUmTSnr7WB09jOVHT6VQRpQVq/JMARt9OyUEwyeAZdp48opWrJcANwkWU0bFTQO/doZofK5yETtF2uxj4YVx+n9+qfXr/Jyg91TZp0KyB6Wy7ohIhsW2m4qU2hBlC3Ktf4CM2OCqbYNPrvs7TT6xT2rpim3giRIVL045yWDK5bs5kLmP5PdVNmH7UbmyOb7Taju2vQP5zBQ9TtKGX5VnzChAMA0eU+EO3LCQj2j9j4qPbJvoOSDgyCwAw1Y3hzE4k9kZ8MlUg6knisI7CARP+PvdEY1wIBZbdU1d0n16GPup+zmPpLNzTISBKdm/Rvy2nsrCO4QiF/jxLl89M7UuRzFr/Hp/TmV1NpppyeObigrZ+QjyeTkhDGng9uAyhHMMpfjp2DNOKN2UtgvjOVGKg24cSw+5W8ed+zmlOTxTJ6Wed4nz62eIVM9KNzr4oX7gZCZx2mBkV9aQrG61Vcpny9Evjjx1zEt7+kukWKgtE4w4uLg0coPuxlipJdwbao3SAoj8h5HMgdFeD+P8Cuf2aPtZzmVpOrWA9HB1LONd7lHnF6VfaaOsNg4lKM7Afr4+U+Y9m++6v5LWDbVTcTnu/1NBzill8E94xRB4kC6mz/jzE/ZJP5z4I7ytlVeWz/JZp+sqpZ4Rmws+9HnKYqlQu97B/mj8a1LhfV2yqFklX1lIHx15rlKPdcAoCZBVg68xBcifyjIn+wrJ39z5dP+Jj5kEwgFeApAnW9UfWszAqjpZcoSewVm0niVGJe28qhckuuaF0uHthqXDcX8zrrZaxzzM+rEI7/BieRsvXG2976A2h0kpf2NxiVov5cP3T5zFUtDz8E0ZP7rsnknwv8ff/Vdv9Dr/f4dzqbVOexBg+pMzy0gnhQBDB3VEWlvIH90GyCVArXSjHb8+jW2SUqVmazCNEZE3Nf9dCrqEobW7qVnwtCyUAPGPj4rAEoKXIABi8WSirRB03PEN5DfiNyK+LGnzloPwbDrLGuDRVdHgQ6zktjp/p4O4z45Dq7wDKsuUc/jsou8HLo7M89V+WRNfK5VtSKEHUjD+TDoJUiEsz09blLZBX3n1BjPffS9aA/S3cavtZ7g2T/465eQzb/7f/+/INh1AfdP4+U/2SBrUzmFWBINQoIjNSFQx78BMSw1G00DDL+3Iwr9Oxuwn46RjUgBzkq4Pr1lc5Ak/AtnLj9lM64g7qUT/opsbgFQuT2oWEA8DNTcsgnLJvtXhBzH9bCv1FoexzmySVqoDH6Rqm3ZDITWmk5UR/Ylm8wG1CWbOU6Al2Ce5qd/3z+bLEJdijS07lyL+pRN69TiGnrSW48z1X3clNQGJwpWGejwmf5wc/9Qr19CNv+hX//yX/4/AZh+HMMGNWCpW9RCNkUMEDutFs+f7IRf/vfZ58OkutymHebyeN7q88hXdHAEamJatpshFo3tXHwj2m5Gy2Y+X1h/wW6yvJd2c2RzAVj6O53LlanYpEKgyWlVrePysps3Brkew0Ec/Ut/vdb5Bqb3Gsaso5kCP8ume3Ah8AfZ/Ot2c2j2pWf4RV7/P5XNsz2FaH7Gf5ecsGHGcJ2PzRyujQJLGj6DM9Z1PtPGtUtlx/5OD0BwcsPOiIMh/KucEcnmz3bTwRy9uc/FyCYap304NvPE/b0fdhNoh+U+Sz9jWt1Cy2Y1pk24qfdtNwvflM91WjYrknbzL2HaYOnijWlbPi2bWmtE/GQ3nUVH65ieWto9BOYATEKyl3OWCbdczhr59y4jZBDUJTa2n9UlH4Npo7/kZva6suCfMO3ffu33dxjDuldZY1pMFYX9zeoAyuVvak3JCI1P2cSfyebgLp+bNL69AqDzh+TCsolrmqj1iq7VO37ZgPNTIKBl8ye7OTmwCQj/UTYXk3HyN3HLpuymOhkDfyqb9jeNaRNRC05AAqxuMqatYqD0xrQO6IxsXizxeRSMrbwW9rKb1oM/282A5ZYNjC2b9jej2NfqL8nmPTjFa96yaRpri/G/WunTf/vnX/7v/rf/Eadj7e+m9ZlaWzI+PaZStWI+hHfQxIYhc/3ReRdrhDPZD9bzqMu6jEINcHOkfh54Iv2RgezABtpBsBJGlahY4+T5OqU/4zaiNqTayA+wZCdjXcGLi2nTB+F2MnWNntxw22lE04xT9Chft7Nh+vrMYA17FeIEMn8DJ9+Y6aBMdnfYz+s+og/hPmxazGcpCoy76/u5C4BHbJdGeRu0WmlADt8JfIvGHY7MwiBzDEmXVvzRC2y/Ofpfn07eOInKYMiArXx6L5eEpVk8YUGm0NgY+ytaWIA2cFtn6A/C/g/3+oNs/i//Z//T4mjZt/sl9Sh3FHqijvpGpCLXALpUIILjpKv3dmGt7JrmBonF61o2qaaobDszpb0YinSoii44raV6lft/o89Hby1iRYPCeRW6IbUUW1qjAh3JLs+LCTUzrVAfFsnmpaSrb8I6Bmh/40M29YmaMbwjm9XTOG7ZJJU0sPI3Rv0DMtYe0bmvtbKe5P1WsD6fzpLL+FhG5T40NLCUv62Ma8tm95yiIUuN9qyXmfaVq9XUyOPIxRiZC2xqmRqAt+4UMLze7Qwwz6AbjQ9zKmPaBfQ1tYft4OkXtCMCENbTR+OWfx3A+QfZ/B//9/67spsvSDxwhrYaDHQj7rAeVRboMur83ASzbcsahhWA8wJ1ODXFZYjTfAi2kbabH0G5qnY6PELW58dn4A6O2lbPvUTrWPYPyin7MT5wrwd9baZLZZN25+rx0necDt6OM9hle5dMWmdUlRoR83350UPL5zz7ilWJ9fyGXF9Ijd4NMcDYuBSAJq1wcoT3R44rJrCPMF37v4DLVPgl0olqOEiqtzSnmBVsMoye9kQ76olUATJjDpoPXrJNakbJzxtAA905nysNJl00JRFo236Op1VqibqxcDVgnaygMpk+O3ZCYFazsq/JzP2vLpv/r//7f37JpuzmT7KZfT7/gmwCsMEyawle+5/A/XGiYo2soOqTvQkwodFatBr6uFkucOlLoG0WbYhK1/zRcNDk815gm6174H5mX9s9/vg8tt2HpUnteV52s4NAtpv1YTcLwwZrdnvrlSsJ13pk6ywFMn8AIKZFn+8L05bKJWqSsqhNTGtj/hOm5e2fC9MCVS+eZ12YkPtdxWlLpxJHzUUneWA5iHYOQ6X0f8AsgM7PjT/spF+sYTvSCthFLCaZC2KWKukozDuYVgGmcVyEac26cpDmHwem/T//H/7TT0wbgbowLbc2L1w7/evGv5jyF9uoVFLZeg0AUC9wCut54PJwssV7lxvTfry0hz873t7nCcBQNvFxzi0blunz03tqjkkm4phpqvJaH+tQoEPtN86eclfUMCw73WVzfNCVDg7g2YY0g+ijaTdtMc4f/U2qvEJJFtkranDpvYZVQJ3vwZGWzZ8C1DGeRbPB0oBRmLbAaY2nEnivfpk/xxQu2fS/6+etDC95zZnxg3uzJUNuEn1ONr4avylGjru6IGRC4uN69xnzPm2zWf9ENv+09MmU5bUWzn6BWyHoPLpBjg15AZ2RkUqW4/xZHtEXce2swCCdnDNsREQDPjQ4uGijkbIUNji9+v6BDKwOYl414HqImh/ASvUjKu5FVhPL7sEAsHmUgU8cNkS7r1fVysX17feM9TZu+haWWFyGXfc5yiiB2FonIONBBSe9GDSUjjtKTYVRYNbmUggJKfJXjiMIJF0qgSUnaU/ZkBzvqqXeNM4GUnFS4AcEjBEdZVqYWkmZHtjc+hyVJGayMGPcpYF57wmBzFRHcCvr64xdNtLfH7Opeo/YEVrfyMTvv3gPDFJcTf9jWVzkKH0739Qd99matTDwdODG/WLipn7qLAY0SSsVECyWl1XaeFop6QzcNaEthgNwAAMN/T1tWM180oPqHm+WRQd4TMmWnGWuiyPI7zq7gOT+muDR99RfMdnHqjkalkt/f+uwBt0Yqqru3Vm7c5JBERbR9zraYmpHaHTP/mibBek4gtQtXRiqdyWNfSUdMYNhMU4pt6Bs9jjQIB13LRqH9XPGWyDbOnuccTRI6upR/V8oCKTbBVBdyuRxx3YA63j9nDEC1yCmGayu0DLa6vvMvaUA2vv94vzCI4DHbqaaSQ9ApkmbwMMdOPmDmQ7tRd0AzatjGYIcnA0kp8KUJh1SZ99ZPh36sM0dINe6oiwjP91XB2k+bZMBkTYL1uohUO0SBE+agMsAIRC+3KflUzZDh88lhbYb/r8Gv7iCM5l41tPfFQKarQthgJqI7uOWLLdNr4kmBYZLr5RVDbBvVgbLH5Rx7TG54TP+xfurl8yfQE9JRHBSTTMDyhm+t/fmWYvfaFvtZ66te9USVQFnAKjFyrbXZ29vljoxqD79rdibbcHB0ISz70chngHy3Wegz2W0zezSMMnmfjfe+nVLn/4om/EH2YSZRn9VNumYdX9a609MCVoni+rW79KeH30R45Jr20j+rvptl33y1wlLBqobd5fO1GcvRFzn7Moe68R0IBgMnJbsamnyTJUa+l6vafJ/202dvnbMhltCHYG2lysX3vNKzmVrTsghysZg5bIsiJmkMwf1kGRWvrp3XMhpOPUCGixgTAuEeigS09o56+XAFxAPWCq1Lkx72oTbhk2iRGsrxalxGJgnl6+iBt+pSY3R8n+vYf2EaT+DMYQOfA5ij2hb/UdMy8l6PAv/iDEt0Hrn9n/sJwB+7rgYtg46oHF/Rwu8M+F9Ol3iE8JzfdKbLYM+Pw4C6dKtI8rfMXeEkc0LTwItLx8XKSfk9JwQ7BEzm/r7yA/UFMA6OMfrMdc7rUf6BvX40Q/XbBDdZUQpF8A37L0N9vTM8q9PqKR9qcm18D4KncRQDxo3SP/wN83okS2qArBP281MDQQx3mtjxwbi4X6obh6MQkrvrEuPw/rRvp9/Z0zht9UErq0T82bR9bZK7wSwz4s8LPG1fyo0I3h+68rLfkjOCwz6+P6MT75//8afvf40UMObdhTX0XdGsTyKOfygAnE9qq/vURkpAzoA0xgrYRq+pzu0UgIu5s1k+bo7cjmDLkWVSUaN6JoEV77HuOi5sq7h8IDqde3EtpAP+mkRjOwDFmGH9dXnFlZy1O6HzLZwzN9T/RnawHwAgeqmiqaIGjjz7xQqgoBgh3s5gJSD+jD8VS/rzVH9Pltyjhc9Pd2CgRkdvHTWn3Tojl5LYVWEgkNSm6Xx3fdapp23VNd7dB8N30uXKAHo2era9yPBd6QVUN18UWgcXGFjygtKdUDsEppLs9vJ9vMAE3zrccuqy/xVX8+jKRsCyjMi+tGYuzBikpxxAbSVDegtB84qpSl8yRrTXMGscOQkGRUUTDtEmCAEHSbA8lcHwJJcgxlr6opF5+86vzfrSsdoti3GKF2wGgYu1lV8r4zHEf2yFtZSlu44kBwwx9PgF0CXHJxzPu4Jeid7vfDwHBxM89LS8zNuzNix9Z1xgk5cG4qNc765lg3wnJmRvjqHTRg1dSKXpuiYWu+eP/qio/cgCltTcoBURt/2V86mRg3fpQo0rXJWnUnv/yb42lh/UCSQrm0efV6qwb2doc70qSzOwUQGALT30OZnQLEv9f9xxufXlU3axgHTprvn1eUfaMitPbds8RoEVjFANIBuyCsnIjNwXtWxBxpseUuG+ahXOCC+5TxALFf+LFufX1nmO3J5yUJiAM+nLvGrjJPgniy2dXxaBZfjC+wh4ZGeoZ8rgNLuiKjNMT2VTHV2YuhZ7k+jpI5+b10VGTivBf3eC96R7VDbseLUJk+gCLNrzst2vHaCZIvp9B9A7IDMJVuo81p2Aqc/BzKw4gtn7w76xgJiU8cYK2CtZkyG1rEMAI29UDhphM8zErmoKnQdBk6rmU9k2BmL8CyWGiIzmVqINSAfPs/ajwWrKcrm+cXtZifZpGMc9LhlkzJijeqk3I11fPCj9Vc3im3nBsKFIVgzQVYnJYxdSw7fYNrErpnE5zIHMrLE9rky+MRO10OeEVnuaXRwqAMUrYOjf1YAs/jHDqx7Fg548nfRBFbbNQdTdw1ubKgJZp5PFbCB8oRR2FfghLYT0EScu1k1rifRfR5jWmM5BkN8jtmI1dhH+iMCUD/HD0wbsplq6G095RV0bzfIblZ4Ito4grSYhdQZWB+YVroZDkQpYGN7eO29Me3IqrCV9q+uwJgvbsjsJerz1CyE+keDaTk5bnpNQsHqTDaSnkPlgIvsaPdD0jNfdhOSPb6C/kQGsF3Syk0cu3mdF6CDZQBtJDGk8Ga415NPgDOBF7tmnMeWt5/SDK1rjtilp4T/rOT17ThHmNG9lx6cHpU9o8H5X1xBSj7btj95YVCgsFZg74uBdU8lKyVRQJvl3mReG8DMQX7gnBfuT9X3LX+Tycej5zjte3Ddd8cNSv6YeUHp/WjZ5P6vtcamwXvJM94pjQDP/QFiuffW+JuOTQCzdMYfPmOngGXZPMK0mnLYnysoU1pz5vr8mTd8n0M+BXtGvm1T/9rrbzQTLrjBlyQBpi2PAs0rMHBFd31L7SBKqAyiZhv7s6QtKaLuBcOAwBEgHaY+BIp4pgCOvqEpclKGHee+ols3FZObZ5DTD6CAzJkbdshPi8BI/YNxWIEx2nbA+nICNjQmM9bPh8TvkZPo4EmM0BHABd4XYpLYAeR+HY9BDLF47saC2qHOBABAKQpdas6KLUMNwBOewoGADnN+KIGPpqsGcoDuX8+Tl/K7oVA3yUOfnpLhot6zU7DQgEVnJps6eLmQ4axDfYKpS7B42ezu+QYefnE88q9r1AC0bJLZont11prWWrWQk2UgDX7kzOUODVI/ap/RZ5j/rc6eMkBD2aTScgPPauemAyuRWBmgg4j+HpcOet/nGrhEcBxP6FQ5lprxMCBQt4q7z3Qg4gFiwWMyu24YVvy+trMnP8vm5ZAqkOwbTGvhRsrSBxHqKKN2wTcgbl0TrUrC7DYDUUDNy9nCrRuvBsCGa4zeZy4OdosigIwryBOhTB/EhpnmrK7zzaucpIOXxoHSva4pvld3zNqcDYOoCfo4c9WHtfe4V7A/e2+dr/vXvpdlXhU3dfEXexloqeF2AO1Uu7tTA8kqDCgcpqiDlXP4CADbbgEfmfk0ewvSs508mUAodL7ETxlqbuiOOqD0ybi5zz/quh1Uy2LvEAX8AkO7v3+cF7PfFnJ9ySGUPlpr7GhIv2R2CZ2b9+ZiWdJa999X93eISDz691oT0MkHMFPEfbPs0wQ8mcLAnU4XgE7vBYDKpKt2OLa0FNicXjXoBIrxG//uEl0ooFsqrQCD2RDoPpt7+RK0IwtZdOBcZpQRQCb2+9IqHtGzz9jcFSn9x7N1FIhLsycajGNOZYxcc8+1tf4TIafbjkT1ugD/CGQTbno+wQRjy3b0oP2qCxEYakLvL4Ntr9VkvVup9vVkCztwgOt3aPno6aXX76kSB8v4Xq83Cuv6fdC1xh6VgSX80ehypXE0iwEh46qk3WwMaxfAARRYnwNIMldpN68kbauhS8Ff+oEv6UfJXsGldMa76H53/d2dmR97ygjQrDv3l9ywD6yKK7nZmNZJHq2BEj3noLGO8eisIcaxLQc+hUulk6bETbcrOcwu0/QZOpc/5cCMo22BY1xUthE558Fn87abFwby+Wn/5rK/v9qrxBCOMP6InoDlo1Mf/qZet83ET3/XGs45kT8E/Tzcv3LOpuXVd9XYRp8ZeHyzaUIJs78sm/WTbM7ZPpfvMfI9cn96/0SxIVNarJJ+Tgdp9LFz+WYRwLZsZjDfne5F81PwL8CkeniKGu97rcT3N5P62fdb04vSuuZiQPNeznzHcbNwl8daNqv1RsAl/EpvxOr1r9odP5g4rHXn7IFuWYME5nRZyIglPkWhHE/w2Yth2aL9Rwd860O2okH7tYydDbfODDUPdvWK9YfMa8af2s0/DdREeBb6dUhd1mQgUopkXQb+nAI2x3/1QyvYwmyuf05Koxkt3fTVzmMvpIXH4sJF9eceB47E9uEnpifEAFQLwFy2AzDXro2CHVq+68elKnhHGQAeZDyzNpCq/dnRMCCXA7UDfH4DAm3+3oXn8ehc1+8pE5kLp3ZvPEIdvHPAZUkgeZiVPdMzjbHJFg5xlVTWBZCGLWe+FRxaGZFF4EkequHPA2w5ovm0YA2tlkvu7JtXKUWn31vORVjZVTuKKNI46dxfAAHAjGfD9WxSpGf2lMA4Z52lTG/absnwtQNSrGP/VV+Zo0gbLIbPZAA5tHZcoNpH0l3KGURZ+sjT/R1CUfSQ4jYllSybKXXySHaKrXY2r6awzZpRkAUh1o0+18bUCrJRkOj0hq2XAb722RPBSnW69KdCSvYBaiLjrUfQOhvAH2Xz7AmgGswXOD5vuQeOMz/SK2b5oZ29wNme+CAQeGYy1e0UXDb2cojGeNKwARFuKEyAUW3kqkENWWyqvV/ZFz+71Mdk5LH6AdGYJsrOKzUDy1ImkNe3rUkXx1T0NohcXzvWNyRvmYbsh+5h6axOwH7e3/jmvtcqvO+vK5sRbKZ9B6PNGFraO/0Y4fS3nt+12fy9nX0HonnuUqV8PO+JwOpyohQbhCBHmXcnFtoOzto6CEgdSfmGyqUcRPrwta7Pt+j6TFiHYvY6cwGHo7iX2S2L2cAMNiFcZsYoE+3gcQdXkqUqCE+AuIIvYV1jfZSt6yOYdWMfCq+PHSR/B7rGvK8RBWROkAYl0g0XYWEhqrqkKXBoA2Vzu7QBuBIQLBE+x3s2DKgqYooThbOhXgTBs8FmGjgViJPIOOxPfA4nDq2FWByBzEEg1fex3629myB8VmE9XwixJvZ7puwtgP1uTnESY2GFRxM7iBhtKy2YbqJpe/r7LzwCmH0RVPpygW8D98aI8wEE1Efoks074FwK1DBpeQAFPKhf6WiYtQGg5ZnfX3Cz+pvN7TM5eMUyidYqBvoIlcp9OOTjDDSW1LURI79nb7GpdcSTzC9gmCSYP+Zadnr1s7iwdKvpw/fsTQerIZqUujG0eydlBmJz+tnoJe3XvWdAM+SPLtoYVd+Z/uGH3QQ4zU33Klu3XzYaruQ48Wi8xKlXVnBkxIwqaCtelFcEmmFMufKhst9xmiG38aLwk8NYEItVVrPGpwqIYd5W004j2v4jJoHJ0jOfj38kdhMH7FV0nyv7nH/0N71sZ5NZ37r9YlN0IKaKOrrbTnjh6SdepGIAofLU0QS3vDtodr/fFQcALnAZwkkX3tKP68J47kE6+0273MwaJdAr1G9FZUyBa7LTrY/MxgbEHjLGLekPl96wV2nj7gPJlDFsfvibjWkjeI1jf3O3vbX+ccUINyn7+yawoUB5SPYK4Bhu3uuRT0h8ucliyRQOTspmYWxtmSxwMWYko2T1R/dn3HuzIiHdnsFKzj642FaHJZv+jpVs+WFywK0VO9BWZvvIr3cfM6BtqHV1XIIfBbzvXy9/+vMeNbUnw/3p2YCpm2ccHEfEZXBCmf02MKZGh4SuA06TMaYDt2Ba91DDbaiGMonrYTvDaBXnGlMbQ1DQTO5tJs3hIbJBGMN90yqhxT/da6DBKVgeAtOnrmABBL5ut2yuhwZO8NuPJ1Wo9lCOXztgzpYLoLvO7ah+vP3EouLybURVU9N4i9FgzkbfjiAN0e7DeaxMKhD5BVSidrZSOfvgrMJyw7fNvQrRBKKGJpcxzz+MDZ8X3qydgtnXWdaqYgmEaXkIZFnZVt+nNk7f6b5AEr4GZc5Mo/cH13cXoFHAv+4rg4HQBmDQnp3LiIWDndkg4vQIW9Z7uibTNH3LJuOxp4NpdK4onymGExXnkqyrMallJDA1nKGsNZZkiNn0D/aAdQPQ974s29f56IAkJghI3WE9offK6axaDQ5bl0hMCbA/GXQFdHDF1z91UNtAmI6cm3/ZqKFGh5QAZL0Maq5lXVSqVff3SZ6bJml9VR1b8/dUHsRhKcbyyFCUes78QJ1EYXW2qM7BzsJapLBXbJy4guq8uAAA2lGD16hlU/wLy2OftZFhZlmoV0IymbhKYazvMHRurzVHmp9hdlnefdAdbIRBqI3ffxWp+f/Pq2pPJuc2m24K34ATWvTQzyeZEdaHPJBjb2DbO0409b8b24sp1cGZmON9nS+X7PTe6D3DXtUrLjZsGGB5D7kfdiwcSLe8U9Z4/ic44QCJSp5wl1AqWKOhA3GVYVo/PM+DjOjJS2NHQ7LB9/r3/jMN+DFMlwAdsxRrtM6mo9YO8/m4ZgfYqrB6LYgXDn4HWWvEHrQlCpwVGQynuB7Ve1B4FpsJdjILhR5NimTm8xxkJU4ccGLNke7iNW3DCxCtnDoIa6H2bmeNa7WQ9jYLPCcRgO4bSdvnINJRk8dnPTMNJ7z7PAsVM8Yc5+DJX5dR85cwrfUlYeYE2Vzi631uWfXvW49F2x5BI5hlAwB3ee983+hAy2OzcXSWnVybT4294+2f1tMT6OZ7Z9rPfMbOUin4x75FtAcmkjdmr5GBc5UW9S1i8JxCApRrTNPaXZsY8Yib3HoEV5JjWAVHAzXcI4PJcyXNXLrVz2D2TjTu9V9C9+RV2+cnTNvJhQeoBRQbF9dhUnCtRC4mliqm3JB4ejXMdLlys2FrnifCSemLsSC5LPXw+2AbQHjJZ+njzNbPrgUAJTARfTZ9lrrxvhbbDuwEW3/NF/GmFZPlQBirwCSw3uk/eGSHRWnZDIwdNavFgeboSwgn+jv7yrf9k5xeQRQdBOnZ246jr/PB+Jkfw7IJfRYKoNif43QpMVVgBorPmHXKsP16yprJL/oel9GeY9kM2pAio7JqY2/+t9b6uMkOMCTa39wqjT3uX6O+NTzvN8ipLrMbf1OMG4tBH2bAvdM4EAdw0DHiGUwLY0X6nLm4w/scxNfX/B4PJin7+TKm7T3QNrLtR91v/NCpp0KDS0b3+wtv19OX56PJ38QfMe2QAmg3zBj7W/7mnzNqLkDRZ/eOQKlpZHTU+frs5aTNIvnGCw4coBd2Pp/zxFq3sF8xSsxOB7xudqxS90wB3WdOcMZkJ8uKF58OySjDMxuAaiDLqIYzlatvexRmtkL2fU65EOCpUykaMxX8T++pUidvdCDj1EF906k7yobZuOUBjmtna8DFfl8Ztj0KhidknEorQ0jRxcM+Pwh0drUS7wsBWjcAZYZwbzqoT96NrB4ennJATo480IwZxlxK0yfYDMpN6rifOmGiulOZ+QlEvz6lYNucg27u+NPrpsQ1+PH503k4VZgQXV0K7Nd72ZxPEzWe9/XYaWEWLyImjuio9HrgSQU3KyaXAik2CVd5gDMbef0XcMAmYEfAwZqPqVG8PV2TjDozAGxA40NO9Gx2/ltPAEBNs8Sq/nyPMZHTwQyeg8AyrMgL0OmbcnSXZYe0ZYEoVFOVce7gqL4fUH+gAWv7CPTVobFJZUvLH5tmfymadTdatcX1LoTXdsHwi/uqoHYF3h0ITP+LlbdsFtbiF78vkPkFNz6sCNQKPPDUrAksm41V2t/OGFwnkM972uigeGZWLjIJWgXSSV+XA/cRpMMA66YOY35/DDgCUA0RnuG0/nqvU+qR7wVAywdfPn925OSkOAhysY3abgaTITyXDGwNUwZjLwMojNG3XRuzablzkuBiy162egJ3E7BkYvPKjMOym9IDl0NRypBnqjSXn6XueZoJl12WNJnk1h0rGTgRy2+5LEosvVxrmFvX+i6VVaaZff6ssYuy3ysXHk2rykjk19Pb5QXIJO3bewDUpVegaVegboFZg2L/nMB+AQTvxQ4jnSYC8WcxY0qgyT4d3Rx/0aZ6wlS65KhcAkXs8u4XeJQo0f6yiTC/rwBkJbAIdr/rFWPnKmWuwi7pcmdAYSbqldwawCOGr/SeGX4BMYJ/0VdTIvqgAh1IATpwj0+7MMGXFrL+u+Wke6MgWgZbjtrmqETNMng7CXW9X5cnAaC1Qb/RbBWU9UzNew5aL4f3B0f3h7ZZ/oybwAMei9vavfWtHUjC1RtzjAMWwfPrJEJksizZNpNv6kBDnerzU+qVSGwrTIvTdj2T2XzazdPs9mF5nWbC37qpIlBY7FxR+YFpz+a/O0gWZN++78GqwFpyql5jWmLZU5qY+gTiFGKN72BsuVR5sB0cke2qQgceuuImotmG09wWfRC6WXuvHT6eswpXc/3oz1WRMVE+nlUXXvwFXzqG48hzkYzh2t8Ll90Le5X12PVsYYxku7l7rS2+t63yDfhv9gkmaGYZvL8DowfKttbyUNdeWVYVRLwDxEVGJuoaAX7c46WwS6yxtikO2Pi2efb33heLZZI85wy70bi5AHS7g/YldbMK0hQKeB3sYeDl7CO7wsEUcMWGAhv7fbUfCgDbloiAICDUi0fW0oOqjcTqmEFVYu9AYsHJ5kjK5t5m33G39iWbW4MAKgNh29nbM0FvtvibAOn0WRaDW8mUU2LPZjST0n1RbTdv2eSxa6DVJ6rkZ8+5ZIBml4YQ1d/2N/80UMOxx+dyHm5FeC1+ToatGTOdIeInAlaKAOemM6q9cgHpLJwNpktdpPV13c4gakFc+w0boo+74/8O00RKUD+3L8CopZobQUKkv6+lDPW99pkAWLrhDFuzg9w8FZj+VabJ2aC7T0tMrbkVKiKmKZsoiq1kLXAlJosYOFsZgNqikJ2D/X7DDZRQ3qcNN0jCRW2rQmctOb+e/XaOAO35noz3ibcV3anUnvK2jvox7P1OJrQO6cKh/VKENpOGqWDjc42UUxYU6FAE3CxySrImgANU96DJFvTJNIXdpZpAjx3LMjBVYMv9BVDAb18/BjD9gi/LZo+4rergC8Ggghh5GSvVnC8xY/h86v+Qj2ICL1ym5EajH+UJOQGb0HnN5akfkvTOmkuZGTtEzOQU/V7q7VJwaGph4xsotFqAz0Cqp8MHcgFUeufSQRlmCJgVuga6QCW7LQtcIf15gDX35KyyG5TtzQbingJ1jnUUs3fMnlf/3JmSwNTxOy23i30tqpzJ5BmMXDgK0pAZFkj1wapiYKa+VVoRbASbYhye9/T6G5TnShlxPssWs6cQyDyth4573VzGrCn1dqjNMPA+SNnlyu7n5TVtRlYzqKo/2yY743JIJrDgyWFVBWR1IPjHjy/8wqKpwJ7t0ThU7RiVwVY0WAMEnpRVNbBgcGuhVLIRWV2e1n5z44RPZ26YbVfW1kzNS7nJHdCFHPzkNaxPbrab2XY+8xN/qg6y3CVJM4HpS+WVZOKazcI69IWEpjdkamwqg8jWJ0s6KzPxfOnnMd91g6e1FtbK/p61nFQZXPJ8PVjLlGY0BsjGLmTPrUV6vEsXppQbCA9ViN/adhAgA6iDdSGsKJU/7UKsBLAR58XKL7wHKJUQVtEB5LGnfj/KsmYPAkiC8zrIYvPqxzYvD3VCBvYB8DI7eiLwfr9kCFUh1kJE9fmIAHYwyMC+N2cyslQI8yxmOgmf+RD8WNML61d8TX+PO0BhW6PgAUJlbeM0th0RVnCwzkEs1AuWPDlhNwyHCWZj8Cxa041+7c848ODSAZcA3M7658j1u/Sg1Gw+aljaU5ZkG2M8T4fKTYqd5UdPdclmkzKJzjs0O73vWcEZCA+QGV7tmADQeZWzdAdvwLO25QjSMQzUmUll+/1uh5IBI5VchO36hieP+ckilryyr/YXgMT5tk0vRJYYc2KiN5sfSAVDGTxhOQQDL0k7uvmsxO6QH0R85X5RxBmrWXlOaER6v48qAKoTpACGJSiMU73yn69TXmNhkTI7z3bU5x348fUb8Bev8mu84sJ9XV6Jy6OrI7zioIz8RrOp4eCK9r6rJTbPczePLcwIetlkfQfFTYnliAn+ee8u2xz6/pFTp3kdYOS6TysNkwY48IZ2YoKObB9DeQ1MWR/bGGQncxBm5qaqJQCcav/2lLGyAQLmjCwl/t8trO1g/+6gAlo2uTZnc0og/9vIQ3YnJHe2Q/SdgTov1+ZqaMx1XRe2s2w+yPxSxWLgbK0ngEqVLBYQx3ZXjyM/kuW/xEw9dViM95VmzDix5eWo1j+5jJOy7VsPVBEGBoq6aBF/u62Dm72HHIqPZEZNuswBvNIZjwi6biqLiwJ+fP05pv3zZsJ2qpwtkQCYEhWAJh98fkWsATN2Bgmw7BBDADLHCF7U317U68FaqXlh4HIKCNiG1id7o62UDHz9HKwTZ4dqnFeGdoJQ4YNtpdHKLXpNurzrChxpgT7q/r1G7R02sBlXxU4ffRVNYxKocgSc9OgxcOcU62BXsI7wvBTWmsZrAdffQm7okaFQ4EslGc4YoShcdvD2e9SINBCrWnlEN9Ljmp4C9pZ+G9Te/S1MvUwBTw8AxRNIGd5dDtYNaLQBK+9JYcbd2UHBsDKA3g4fngZWl7rvreSz8zneKgabwIzgyqux7S/4irAsFuAR7J4mUKede8hp0iEDKppRA5Q67aeAxOzBUmlU99ZQycFd9tSsHAObDubkyK1KGCfrjb4uAHjkrhQBndOVo+yJRnX7knv11IENAxi4IOgkKywEdoEx4lHu1m+DFwp4yeg7WNifik/ZhOnWySktwYzD3gduiO0ADXUMjfbeR5nNyexAytqNwEkpHUYZzz7/7kbdVansPvD9vVHHvTuACvWsSAfDlWk51ouFWNWyZQo2OqAEII8MIo0de0rV9MK4zp/ZO9C+GxwMvfhiXl0Z62mypkCxwPzpbFmf8FaXJM4VkMAj0Psry6aByUf2UhlT1B/tZlW109dIBBfbwYCKMAxu6tvWjRtuCCk5ER28wecEFpHRP3OCpU/9FZiZcfSiWx9PBlSAIFtyeVk4SMsx4cAEZSOAfB6s9aMTFMuBFpUpPmLVZEZP4Vnr6bIll0ixN9oaRg3QbM2Vi2A+WK5T4DQRB5ahZ/n68eDHj8Ra6ECP9yHFVFsdqJauBWQ3n8YbSPf0GT37vi+qgK8vYwMzaNgA8iyd9VrAISsl9kFF4nnMhKNNdYPaPCyJdvnfkhy/L7AeIKqwagknyIk+iVCJzbuZMXkegM1s5AyBGUL3gbMTFJky6hRAO+HWiR/BCJ2D51l4tF+/6qv2AVoFTWAEADyGPORQ0MR0uAX9F/3SLAzcPSH06I1DdK7sbIftite+S+GcWMIH2yWAdsA6Kyx7YLtIh0+O3v6mYyqW1pRAWTfzXsnqOXOz0Qcd7j/hcqfZb9tbzHtrnB5/T0+fuRxtO9DvNYHUmPbUwftu2U0nUsgy2O/GqY2z3/4ultjbmX0BNyT2+vV/BSAJGlWo9P7ORIr1FHDwnn0ljcDycAR2hpgv1Q7bOQqA1gHSUw0DPcWuyCCyXc1kGWopOOj77PNRaJb9eATzmvPkYOl1pnwuq/rsFoJ+QBbe84lpMy+b8gu+yv02ZQMcfLTdrLAt8gcczAnJ7W3DgG5IXcQzfnafj5yGgLCstTVzoLGvp6SvSyT7Fq6NBC6mW7WcN+Y6G56K5IDjTR7gsWEA0s2AeR0mCiKrWd1VVjvGTbd/w3Ngdt850/fnmBnX6zalevud97FVxOA/B1GJu4g1IfbM3lPaRL0hrLvBvjp9jwxwf2wfOLQlQH/W38Fgi1t2mD2sZytJ/4n5eWCwuVlpwWRIKti6z8Faq4PC8ZMsjE2TD992TOcL41J6ye8j6DPIVc+uEPm0MZTNjWKSGLKbOUGov/T68/HczyeMc1Yl5RgA7EjuhxQ0422mo7qKPGYgwplWUZqUoDAwakAfBrqTXQQ0HeGyhB3oEDBx7a1HeJ5+u7LkCQALKWoW8WyoizWwt1d9DGoL8g1K5dDOPTITYeNvJ4OVFoKRriW3mqipJfc59u87s5eJ9/3Gz/Spc0qTnRy8eRlZPehax86muCN3WLEPRZBGM8eZ76xKYr/fDPKoXIE6VDX3PHH6HT+3q8ieyUDGQcIZHo5L8/0wmkiH+hyOEPZa34phPQ9a+Kt6Wg8KqHQ083LkJTWFqxQnk00AI7j+bvyh8+N92jorpw5WAk8srLQ6/zVfXz+efl4CrgTyoWzq4DtTPQbIDAoFU1QKQIepVNogZk1qL7uXjZydRDszjiyzsSe/w01BHYwxo8Iy1d97BW3shEZy3N5i6x2EQCXKvVq05+bzR8Hj8AJA09laAT86P6EfS4INdAMAPMGuWpbaKNfU23sJzSIM0LmxRB/xJ0tlT3UOnh8LwNuZ8DsnlgXs8+Jo3QHiScshdZFKKyyzSdk8+8V+XzoUBQFX9dYongfWTj+U5QoNlgQWdjtSVQpcVxGDH3QCrorOXcLZg2hZBOh8CkfgbLS1Yp+C+UwDGn4IzZSUQavey59PeGjf6VYyQ1J41gJjU7+ubN4tOtqQ43LQ9G//rlcprAcvHRUK5rlPhOwTJDvcMyc2nOXztDUCngtH6Gtss/Gh4txIXIZWt+kAh3tZhb/qOhMO0jrI74xUIJ/Fcyedslxq1AwZ9rnKXAwaA+g+WGn2DbBW9J+ry5o82Sj0+8JSGaewFYM5z1cHOM26/Of//Au5xO7soPLD0bqS/Ywp36Ietf5StlYlVhXUXYHA/v4GTuH5oT0pZ86lqfdp53pv2nGcjVx2noFnkQnDIDxEh9/Yxww+/ntlIb8ICN+9G6AaTxB4s0dVBhCPGZdcS5aRiHUTDtTL4ReLFtJxPnM8uboPQCODNzILv339wMqR+V/xNa2cxtk1tvvQKNZz+t+6wHppX6k0N+1UOHhacPlUnQv8d1Y52kx5XcN/L39jdbJxAiD1cV8O/JSAZkHjeX1vDhYI0zaKPmbcFEwuYFBn014c42pnw6Xn4aSWbkW6h/j1XP/Z4RS+0n0eleAExKy5MG3JbnJy1MFvvyUKL/Z+0UfPXlEFzvkGnT7iOTfZtZN0KgaXg4E3Jj6/5YAu3uuhTc0bTxBBomrhVTsOuZFYyr6jDp1LsbrZxgCIQwcM6rvhALWZQwuAxsShY3EBBRGUGCxvIa+9FSzrvnZhP8H20adWew7q/n2ADeqUFUcjw8/4u7/gi2X7erWDnteZFm7Bp01FfCaDUGQQWjYZeLUDrUX3RS7dDNkzvxzwBk5j6r4Bnfvew7oZdPM2qB8M+g7w6Z8V0L2W7p5UYVEXMEOKHDFBGOuUXa2hiccKTAjsc8mnAqFmtdmvqlJwiM++3/cn2WQi0ph2fVE2z9mIc7W78BZdvXWAuPofhgL+gNk0lSOb+/ubVSQxCcomcPSyHkQa0/KHuWijHmCCqaVCZJ2ZOgBWyOZuljsjLhwsiWqwWiIocOlLWKY/I91/AAVlo3GCU72tO8P3rvMMDgwipiXGGH/zr7/+5nhug0etHEyvNBhkvwln4S6nyyiwarLqdthirpU/Ze4pf2veH+F4+RUMQi8ANaFuL2U8vMntyFaDx3NkrOtgxcP3C/hMcMaSMqDUE6rg5mKKDnLxHQ2zgZMwIuRETuaGUdRXRmZKEyyTp7toWzGXJjAQXO3NWt59WK+7ngRq47wvHIxw8+DahVO/89uDztzxs0QA+eAAeNYXWS67EMHmcec1tc3spIVYqn0v9PhB+8SmyJuxBKTA55YQO2tpZ7Ao6HCkm6VJqT07+6U1q/io3aP4X3uEtuWo/nf0uvqcOtizug4HEiZeJxN44gvP4nuut/2yL09f6sbZuXCHA6N7wbg/CL0lO1vuf2D6+5Q0QcGX9eFYZQd0Qj0gpklnBpo94TKXniAVaNkNfdaMAjuqbmYcYV2xyKpR5qGVfdg8T1YSWYjaKAVtCIbNKDAQBIDoEoJxZq1d3MRNwU3//A6k1qArswqPDLgDrKQwO9N5CBbaIF7G9QCFl0YhQuCRQI9TfUDneDHIGxXAZmBzvxuG3s5A2Kjvo6bs0rPWexYZB0K/vtYABAGBXl8HPV2hVWgWop/hqEkpGVkYB7Ewulxno9QPB8HAfouVgZIyV920Fbdscgm+IvEs4LnO6K/68lrZBnaTYEVmxiTPubZz5M+4nxTtzO7nvbOMEQlPdByQMWd61GS1HI5vKvv9U5wsMiWbGPslG5fPYvAifCYHiGQ+YtKsoQQDyAqyVkinhHtUkeWiZuShsdzB0rmVC7ESa321jnEQIYBm47gPzfM8cnZARkeyn1Nk4vn6wQbEzcJKPCvx48cX1qJtImuHz78yxRhlmVkqSF2Sj8wA0xAL6+u3pkgb6ELBE+/xB8N0bzUCL0Qs0b2VsTys73fj1n0Kz77A9NkN7M/ZeN9vPLk6QJOZ+jsbuGYE4klEkOHyu87OqZnIZi7CrkMvMgCcI/aaI7YcRX7X9LuEOoQDMgtf/0hkc58z91jV+2NQXeMFtqxZLo0ujIkGjQq4X+tjGzHC7qaoszh2zIwd7TBATpKTeai6dIctvB0gJxoEWCrgXig9KrdgLjXspBKHua2BAieHJRYppWK7ax1dDgQaVR9jtYO9WW7vJIp7KAL1E6bVWu1JWziTP6NriWFLI9DO2UpEGgu8aEc5VBYiW3bUi27lg2YEGS+/Bw7QiWRDhvfhs6QSTpTnmgl6cqoD7FtzoFInXf8ct0lQY9DSmPoqvN8b66Gt3VuYVOXmpSRW++Ncmllf22EfIycdjbUVOYuWOQ/J4P6zBDTwJFSu+ufO4D/0q0um45O1Bwdt9LNu5nyXh13+Ji9mp3CeeYI6gW5eMl/OPz7/BxOsgQXuKmVqL7x7M31cM6LxIf+doIsezWwx2j0muPm/KOBsnPM7Cgw0OSFWbQcccFGZqvWEzzjI7tz7pf2o6vdanl2Kz6NEfbCNtzNHNh30OQzqwvJdp20T5f4b1hARq8uRJtCr1hbKCJ4qlTbuBptVYqJZ92H8B7rNrnbQnuk6Xb4c87tWgK1HDzjRjt+Zueg3nIOzX54zyX2op6VjAMpPtC/P77xshZ1bv8tnzfeu53cyxP5mKp7wZ2bzzwM1cQkARIuNkDKR85BW/1Oi5IdrQYOTdHIexLaZqTDoB3ZJhmm403BNThlXpUEk5IjYgUCzcMBShyBdrUtoslgrfnygYYg8Do+VQh1EHDYVA//OpqRcj+VR1OU1cJY05hoXVa/XBA54ObvGrWcHbzqDNg4Amhq5XzmCqhkkYHsR9S1jNg4hqliH2EbFW1FAUaiRAPIL7z4w8TODPS7O3vh6vnp8W4/p1XNOACWazhUKqtnBddPV7qpeYjX4/ixcotSXGmVF6lnvfhkd5Lmi7tFiqNMhQ+aaUUmHBX9lfgR9TgMW1qQzG7gFTLVWv+hrPS5zonV3M1oYhASzwLjOn50zsx3GOZkgjUuZelpK3oEXZ82Btb7U6waSX7T8O1uOyJFj4JL9u4eNHc/7PoFQFiNkHCxbvCagCKsczQHZJ8gbifVcjHSO0iXl+WLiAdA3IYr3FCdUdmTmjIzhRUev2p0tZbZElFrZA5Y/bZzN8zRZSQFzQBMb5ICHSUCE4WdrEXKxDALoOttS2ePX87ATvwxPhnUfwYsnSOzO+oVAtDMLRwF0sZRgYziyaRZCYejcXHoaczaW1SQarWUbJgdhCogVk2NpZwYNeCKSJU3Pp2yeol0IB09x2sj9yq+h0MpY34Ey0FaObXVywsqsJH/ux3YnOCwnMR+3+9W20H1lYkBq7XZI3VNqSnUmiMPPSw50t7bB1qHh8mOdG6DgiV2QTWfQtvA8CU49A3IFKkK9Y77EfDEzz40E+b3pkidPbrKeEY15etDwvwwGltczTB32yWAQZz1P96k5FWRNPomvdSeLotk1pQw9H4n6gJk/yvGzHiB/INYXutdX0eGMh79/VarhNUQBtS7GXwHfAsG5Ek8tyZVYNUcy0M4pmzmeKjZazECpPn/v03b6fSk4K4MAX3Z4rcURoHJsXrzI9WDFwYtXI1wPh/0cyvw5cxbdJN6jpBmkTdrNFVhggHkCU7/my/q29I/b7txBmo83287Kllh3lUrI7K9dIejrmmLXOMB6O+aWstL7Gm5MMEVvtYZumwWdUU9KAszOUm8blVXcThuvJJYBmESAnDM2mv0NQLYDyG+6GECFDhgZo7aTp/efPUwg25FSqeQ51/vOMMuOHTYlUd73IOrtZED364FG2Dph0p4brfjZBeQjtvb4FEDR4dyF5+sRZpa1FUbs4LN056GRHHa2Sxlq9B/7Vig55oDQZg+oA7snLMXgpJ132iCES2+4yvllfR+NFRBmLKgiQL4F+5UpYB3ZzbvpN7N72AJ1bko2Wc3wh+P5S72mJL7aP7Qd/Ut2E4AwyOXk2iNmExC7iHAiBMAlZzXXkS7QyW5Zb9nUe9xcG94r/7Wvk9qfuQa/6vLNBG4aW/qM742ql7J5Xv19w/FW+5rTONt+r65xHMBVMNl+su2InsOsmrO3gixbslny9fid1iVVwFZybm0A2D1NkAFeaqj3+xvhslqUglzEDABQ8QVk4t1keHlXjlpsPM/TZVSlqgtvqpO5xiJ0BSbZO8MY9L11wH6rV/LrCmL1ebEvKrzOJOlGZaD2Qa2Ye4jPUGcFm6dz6inkdwo7BNsUOCkC4CMA9iRxiKtP/oLp+Hj9eelTTh8WK+iAKK9SGgCmfv6KHvmLvZg60w20dKq5BXLGp2eNs1/6vWsNVVP4aRAnm9yG0IbTQZ6OaHFRHKN2zxuAjYf6oNPnAZvyvUCQosTDsRD5pUPgXhm4ntsowI4cwY4kzTp6jHW55IKHy42kOpOm/zNIM8X0/f4GcBjQOL8DRyO+dK2Aa4X1hXZ+ayMcDU0gn8RRTb2DIO/7YuXqg0VK9RKzh6KX4PvXGspeYBqyer0j2EMnTsio8cHP2aOI9ZzpDMi5I5ViLTijaWHp7MINYq59DfXvADO4FPSctRZkap9GQcTlOuJLif+Kr7wcKmcDed64H7fDbIbbzWoJjGy6TPHuMeMRuUv9ptby6Fw5RJqsxHIpMWoi4P4TefepgsulWC4QCiqtlTIm9/2CzjxTv0D3xZhmgKmsHJ3EoxpwGoIVvwH4DXUCJZkGlAVRA8mekCCw1smVk1TQbfA8elv10XK8ADTNnPriNBA2YyWjVMf7zfefK+gISKdGd6DfpxCxJzCVgfhazKpAshkH+5tsoL31jTqmpwAoQwDMmMto+SIbjs5qIUsd8Q2CtZfQeeqypcvBQP87+wzVYRV8BPD15d5HF6vSQWudUTIdqNNXWj5dfjIYKg63P6IURJRB+0fwyjWy6akbzXSzn3O9rGmm784Ezgw8xwEWIPThi/nczVCbdH4BUBPeBhrR17vLoCyXsK60TY0+tA5Jth37nORlffHiWYVcG904fC3E+g0rf5ApY/qxgySiQDNr7f40CyvdFBiNBQiAUj1RrKdCY8Cf7l1TRRbQWgvP84XnoU37ehJfT2LlxpOcGPHBEATEFrmDbFewMhPxPIj1kMXYssIgTUgPthxHCDj7/NOC5tpdPulGq2k2LOSEn7FC7/syqZKJr3Xw/X5jFZ3QvROv7OOLb0QEvr9fuCH8V67WU1WFBEvSTgRZBVVMvJX69lSi1EsnJd92Gpmg45lJTZJiOaKCOb+w3bTlN04SJ6SDEA4+Ul4bqWnvnKW/Zbg11vyLAOX68cXcgR079OeGtTk6fZy6Y+j48dlOTBqtmIGiBB40NZQZ8wDcFzBeFF5wmIcwZpB5xSidsHrN93WioR05l1h9rqwdzhkDrXuU0+jko23r+1N5l5k3zK5/o3YJ0wa67xeshWxxD5m3SmDQ51kobJbjS6f4ns5W4OMw6eopPCyrCOQpDXPlvpyC+tCKuarfO1lTkcTQpWlVciTPVt8b2fPTdpSv931hpvLz9QUHVO9gHttDCeuU7SbvbSkRQ4w7oYxyIiMCSPf0rMGJv7BsGsO2TATtJm/+8i9vW1gtAf7J5eDP/utfWtvbnspfua75if8vf/OWUUDCyO/wt3fQUvrCft05Cm5YTjHycE6A+uIF4ndQH704OKpWWcDJXpfWNTVlkXey39rLN32u79t7X59VwLNmOE0B42vqfYB6KNZRGdQ3oPPqJRmokp9rUp7SJhwfxPRbdYWJ0ChryabXT6VK3XsrL4x0Ridx2SUzkk3VKwmfaMfdf4yKf+yA9jG6KkZ+9D7ACpZJZTZ2o6tPilqfOelm9tZLJMZX8qRpwLIrXy0ZUOLU12i7/Ndef6P0ifSjVDbJ/0d5UcZeD5sRzWbpZnbph59soBfHjYZN2zOVyc47Cu2gAWCABNrIsDEdJ18hHTbPSoEJU6lkyFJG+dRmXTjUbMukHRZngyVPhUgqSd5OIuKLQZr8DVVPK1MHYqxkeL/eVB0MOUP8ne4tgO7aDR38owyHsxod8WO2rc7Bu0lnyyic2DivjYaUdQEluptB+bFyKlFNT2F9PXgWgFPYOIhD8tt+X029cfO0xB3zIc0UjMbq+04djiFWYC8zEafUq4aGsNwcWAbUgSRev1CpEgxEM34sPDdLqSOqIDgsjOMcgQbyBsyMcI5TArA/j8HEWgKelxL+Sw7Vr/RyT4TMa6x50DjQ0VkEXnaWMc61S1L8fHaWnDl1Fv3RSNueniKl1Vlrvzc1rSWG+p6eNqUMeweEVsId+TO5e+wHQXRoRgenkEGjL3VeDi7ZBBAOkATlMRYQv6HOc/URUHZvBSepNGgBkOqB8u52cplBI7OGNfI2ZgWP4XavpU/jaOOhhsEJGWWDaQlPBOWrTutDEuaCWdCXhnR9AcvgWIAd4D2t9eBUNBgcYyn2YAPT085VFhkyW8w4A8MUuGPHfQHFpHYlzXQZ4djngB3JMCDszNcFiAIqoUkx3fi2ldlssAj1R7INSUrgfremrpAJZdzlhrsGvb/qy8FSl/Y0Ng6IffJH2UQEohTmDpc86ZzBdgTXtbQ+CXTm6udgTnhdV4PPTz04EDY6uDrNeC2bq48vz7dzYY7ruJcAHQeIjXfI7lmc6rCef4b1/HMAP8S6MZAZKnT3NsrF5uVXAJlBmBSDhtjhUbDGTL/nUbnm1w+V0a2Pay1d57cfD377EQiXSKxonRlKlDgQHZ7+VsXyYgD5/MDz4zcgH7iHm2XDJabOWrLZN+XSQZnGQgG8Ab1vKVizmml2qoDzmfTIPNiZ3fy3qrDzxd6JfBPf8Q06bN8E+e+Bg3bv+3aA1mkv2+rnaykwiotCf+lKwc397pb99bCxM4qBGliX/cqyCTMreY+M31fbGJfEdnD0prK3EgQmjOP9ETb9yQn8+OMC4v13N3G4/I5hqZz5sLGus5AdxBmbU1tjcferz9FOeuSvJ0T6P17rC8CDwtc4Wd2nxljLtk4sb+HWs50QcCkY+tx0olHleMS0tiunmWJmhe69lSAkS7W2+oL4+WU3jWnnN8SOR5g2HvaxmvUkC2a/LzIfVAw7x2tqpiq6LNpMJY70th5CswiVdEk+65YsnraldNBsn+llFvs5ye65T5tZc+FgTLD8qoqMOcjRtH6DfK8OKAfg0tb3ffuZPGTAPpPSv+Oc/pKvVPtKrrMDaHxdsqh10sPb2rWv2SWLIzrtY82r9B/XqZli/RYHzGre62CrZLPPu8E3Bq+5/UREsRG2Ah0QWeCIDT6Tz8jGgGwu2f5fQDwAHpy6CBN1JwprZFM/2++rYMuZtUA0drsDo2e/Pam0hC9LvqiJAWy++4rMIHne8jcjgFRvNrPQwz4JMWRpSnE+haWlLJ35AxMDHrB8lIyUjgEYZ5fwdJDxd6qwQNmsXWoSrLYBcyLoVyrI6mfv4Sr2NXpdCoa7DW56j8me8VEi44c+Mtm8q/XESvd8HR/y3WY18zs8gKUD4tCZ/iuvv8GoEW2nrbWnJRlQ0klvenRM45/OptoAppuMqsnkBRiz3wcpojFe9/t8Xf7adDRgtfKfTtW8f5U4nboAyEFCWfhjGijB7i4GbcKZdCQQXwTY+YXMfwYIyFpBtNrT93Iahur/ET0nnfcvg1oMznQ3bgEFCzf7z/Dht2rQXYvu2l1Pi6kztFFTWO0whu6HdMuFUCF6MGWGyi+8J4jY9mH/lh63RoNQ5wALeOtllu0cNZ8F6lU5n4zDrkIcM4hqaOG6z/f7Ra1oB74Qw5YQ46BkKOXpQbVR/M4E0L0bHLEl5CR1V+chNdEq6Ewk0O83CHoelxA4Y9xoikcv/lxw/qFfa321nxdSOpGBMJCJ1c4imV968+GoZsgZjHaWslkvXt8pgYKy4tGOVTcZtgMVqRrv6VvDwIdLlRhAC91PuBkxFKwLDFghEgTUFND1/ywd9dlRpgFFhyl+wykGlo8Crh4R6nHfAC/LmnEFHFWbXlfZISD9UpcRlGwe004jBTJrZA7KpLne1LbxFOVN01yooAuuV6YGW0gks/QAKh7sSqASoZKtV7KJCpwky24aHKrEIRPoRocvIBku6dfUOmwEzwWPjq4L9iFxY2Q9h8Er711MIAHAkOPHPanuezSH06xC1eU+KdmDsg/OYCk4i8L6UuPamGAiAYxxwa8tmy7ttV4xa5JLprUts5ZCvQiAAZtoh7cQDTJsbAzQb4f4o5be74HkR9eauu5xJoPqVUFTX5dylXpDOohdZjoyWDOME+rehGU8OrCSzw+s578m++kSIpWZxqxTB2TSo7nN2ovuGbZWauKX2TbzJz8byOfB1/OwjK44GSrXwtcXe7V8fS18PQtfXwFgI+MRcDLIWpzckkCuBwz2fJHt+ZuSQvmo7Olphx1no9bqKXJsJ6AkRJHD56l5w6wis8gJmEhNrNBZYOJG+qOxz2ZpxUpUPWLNJDLfK+xG3XakVYwjYq0O1HD6YnDMabF3Csd1O/B8AdiaYPT67Qu2m8Pk0vE0EP2VZbN7cUVj2nDJO+zLVDMD50X5YtDiXD9BOxJG8c7eMhjCniSUe9sJlq/YceqpJi5l5YGSTt/9XZQwlZseJQRKQZc9bJoe78sQeTtNQLTt4jhu2k3EI+fTXpRwEtD7304TjHN5j25sfeoVpvV4ba5Rj+R26VPQGTwKcJyaaxjTBiDbysBHT6q5WQCROCeRwfYD8Txy5Ba2cMNdZkyHeCOQbc+wgTqJ97zIDKxn6d6/EZHC1cab7MWEBbgpqIdhnFA/m5iMfTwP3u9X0zKHMez/olj6xN5SL065TMKJoOymqJHGUQ6o8wQpnDF28xmG6s92s2S3f+U4jf2FAJQUtq932bbChS+yz200Ldp/yDbhJ9ms6bVHO6jSbcuwvuRDp4WDpBIE2cLjYM3RfXZFwAHMYhHLDaU/z1ZCXb1gMOw0BmfU+DgSmca0o2+qMSiDm0fj7C03w+Bh6e37cgrc2afloFmc79vyOrJ55mc1AZ20H6dz74BxNzvvPgMM1pQwbUQAi6XLWA8OVn82gWYZOZBoYsDZZLEb0y6VEKLe3o93czJp6r5jXYe7yDQFZIMlT3RXGUTFoo90QrZXvrjZeZlsHRCHyXw/nYM8oXOZyT6KmSo3hNzWiL/qb34EAH3u4q8L558Gakzftp+Tij4abAAxjhfcLFbR4UQ7v54OYwcFjsAQhrZCDUz2qqdL6ICEKE9hIRSYxDXKzBQnN/WxsEOLFoeO/3lrouq9aMDn6DodNmfNNMue/o7JSn+MT3em2o7LFuXKvW0Sqgcv+PFOTdM4051LknvOloPm6ypyqjKmtxhUYZRRzeFqN9XaVHYgZLZJM3fyBG4OrEPiwBbBpQAihqKaKQf1m1FMTukhQ4LZ+uI+sTGBHOVABQ1axEOmRGhdnJGsApTRT60jGU5UuAcHT3q6Qeex4NKakKMfge4347Pq809FNvTsn0JtH/KSP/3uV3stjZk2OPYrRBnkQzzNUAvxx2JxXZwJ7zKnUOYmpjFwigHB4Codp3GMQkEalwygG3yyBCIaWDRzKQR1BWy6R0qXMRVKkx48WcV754EAbpzMIN9DwAYyLZYokXkKzvtnumu9anbvLVWdcKay1wuIbZq1A9GnfeRdNlAGq2q8LXnNOP0sbMpmo1VsB6CG5NObZV3Poyy3Rgoz2FIA5z4QtJoBY5o3uPX7fdmkV44e7+/FejghyWwZFNTAEEBn/guuK878AmvcDzLXlQEcoGcHg3KoKvuoIVcquGBuHAS2UgEWOtsO5PlsUBrzKm76lE0hrXAQ+teWzegSXd75lPpeuZ7LbjJY40AhgNZpOhsCQm7YPgGXkOibdUPwnne5Dn99rXN2sAsqGWQgRkFLBGKVbBZ0j5LNs3VfU/LIPiXWEWLGrAfP1w+O4l6c3NST4CImICz9E6DOcpCGZUsERyl2pAMxK5fYfKHyJzUKll56vr7wfH01Owjx4Hk4ivvrcfPhxHqCQRqkgjIKFoOsp/VwBHeuL8AMQNWbl9YADmglcLYSUWWG3AOXH1bJyWugT/3xrMD7EnzWw+CqJ1JYZvfZOhbse/M0KBUWyWxGIMqaR4gmNyIVmP+mr1DcduQTWNhYZxObKIBPJ5nH8Eh/RakUyg6T7AEAOMao3KMw4q8bqLE+7uQGJkgDCHc4icQfwKwVf97/60DGlBDwmtxmB3RGb831uE/EIwrGwXYFxG+XQ0Y8p1XORw7bJ4vz7LeTDRPsGTkGSr0uWOYUkWI4i1aq4MzHOhTxoG2Kg1dmkDjzbvYD5AiXAjWl9Zjs/ARy3v2CLXWkW0DGT+Hge7OZPxk3sowXpi3tGa2jNi8Spb5UKCBU4hEx93/2sGNDPSh2MzYSeDdOHGEi7sXRs6WmgJacSDJq2P+RbDizUWnJ3LR6741ywBaAMlKywbv1ySkleUpBGQlq2dOSzkVY2+takJt1BWEmiflxsPXnr2w3jent+/mBpHcI6OX7GVtY29EXoJSI3SvZNEQOyWapR2nHaq8WGPpYrx8by+s+9N4O2ljWTqFioTQQww1tZ3LbbkbNTBKd/wCVrscC4quf7YiZS/WipHu55Kiapekg+kHh+/t3+GbPeeFy/2a4dQLztGyfGr+VQVcGkSib7Gdln/PV2fc1qNu2o0yIVJN8OGQDRH7Nvwv0QwpswKydJ+HABgqtY7rUErRByNOY4biNQYbYoA/OJp6p4O8SX5dvLZ2peADLfRm8KVV3mFVz6qiixjaVPqqD7rfPuRJdnu0YIvT329+kOh5WGBASx7+Naf+cUaPwJksN3GgJ+lm2QxgOiEBK5MMx9mdH6DoA1Jk0Z2tF23NGsp0lAYnQ9a5MsLMH0H+ZBCSnZVvBgLIjA+SiMbaRadaQ7ldhc4ExOoN1HfjolfjM7N51cyfm74Hqci0ropLBcHbC7Jop6wm8iooyeqixwbER8fb792bTtR7FhpcTkzAKm02WtW4xdb+AsqVVOBEwZR+KZhYIWm1cGR0lQO/suR2AEB22CKBfGdsnEx6NzpI0CXQA63lkoC6WjstTwgeba82GdF5rOdPqxwEFCQrOflhQ/FmfY3SEfK6tEiyfV91DP9Qv+vLEJ58nH+AZ16iofKSUi40OBlB0oGb6yNCJnsbLZtxkuhHoZLJd9tQsmnDjT5WeYZrxJaA+BgEEM+brS6wgqMv7edEjxnVGzKDz5lTXKlM2GRRQo81NA7CxFTAhOIsV2GB2rjAyQcYBeyjlyiuomHSc9ZpsijMx6MAPYIfmIJ7ipLMrm8K6W7MqDna9OocLpWlu0JozMwqdO7H7jg0ez+z7brjhc1Tg6D4zGeaoDHXolz56uC/brBokdgDrsL/Vs9aH3unGaEFAvJVZUHVUA2Fce8PgDUssGhhBpao4eBZl0w632VYtXjFB0/hJNpt90JvxS4slAHQQCrB+jH6G6sNs9EhkKE3VtqVaBRm8yvDbzvo6bWv5f276+sG2Ac97xpqkSdiRQct+mMGWQSaKADMDQ8wGWqfmNSbbTeVXslngWl9YzxdyfbF0CAAqNCLWOkMjuEFdAwUdbn201sLztTpYs0KMmphAzRJj5nme/m+tRWbYelC18PW18M/+2VKgJ5h5DmW0wyVVBF0sAWWAp5l/ixhACwvT7jtJkIGTzMwGxAzrrb2cJcj22lmUHivZzpXqaxMJFBuEZ6m5q/Z679A0RYJZsqDElLW9V9A29gt8fysDyjGxlSwZc+Pg3348+P7egKa3EUO5CTlfau/1B7vp89PYyb3R8AsHasK46DNoHw2a/UMDSOvv0zLVQw8CwpAuwQUuwZWDQDbVYD6/7XQGtwzgr6CQh0OQGW1nkI0+XWZI53wpuCQnEZjyGozDaboxE4gzqfXUQW2XKZRUymXn2vb5uU9jNE9w+nhvM2qIdYdRgw7QHD3n+8puLg3qKCYfz9ldylQKx5zGv9nM2VDw5NjzvRwdM2LtW/AZce2BGflcq30OTk8mnT0hzlYD0/IYZQZ18ejMfOjoByg+96qlXKNKPnS+bOv3JpOHUx8PXKIIDTZYBMTtYxQ8dpjP6PNjvXTrnOoTaQdde2Tm+C/4uu3mh45p2bQOxk928rKbpKJeZ3hkrl8tg7i+6/4drxO42GitFoz7RArowI2Th2p4ew5lsnjfuSZo17IpTAgkYjEIcCBb6JKj44a+Jhdozx1c2QxV7kvu3H+m4vYxJ0BzjicN7qnGUPmhpzC9CmquVcA5iHD5ossSHaCmzMpbvDAtkfYBxC6S7axmWwCpQNR2sBa9LrVtizVu/sa0PCwdsEIsxFFDfdUu1SmcNZg2qrCCCURiWtq1BNpeZ/sc4HOpPJT9qAKVM2qdmIcJzZ5qHflxlri/ObJpXXThvs9z+ddl828yaqyAeAl9oYXFNPuOOI56sJh1nbmdjxuc2+BADBWBpAGhFraQwynFexnTdkJRYokQgIQyO8PVWXIoAlUe7emgCa4ATEhRCmD34ivzpABMKujB95dlpzejlcuHIhGF+Ba+Vqp81qkBPp1Re9VvZu9vxFehzjfO+/bkp9N1gAcIl2PwkHWd9Sm4BrIdosjuE0NKJbN51YEaRSUFqDktZOOJL/5uH0BBGTqholDjEehkuUZPJFIJiKdnsDzjrvt9uFZas1T9dtrhqbdpqJFmbACuvY6AWBvaEzuAHUy7FK6ez66Pd2Ea9PWh/yVfz6O1Ct2zlUGH67P3X9IFADA7xiUI3fQXnBTiJsU9Prcnr0y2205Wl0HFsGv6c8nvdVkCitcHgmUD62mqq3LqlF9dG2FqfYxsBkuBINBbovVnvWBujCWDzzM9WCJEoywA7iovJ437fABNSoiILlWczEciUllPOVemhZoafUT9fh5QkR+NO3Vwx7IukLSL4NNBwygMXb5G4dfm+zJXs01cKgkFUOqtBn7cX2X9BR72YWZgADmdcjoBNKBfuVS26KAKddg+xb5T1qXFLAh7ibhsRTIXrP11nws3GSWYpg5hCUtcjoP0/4fjd3tP1gX8O8q2iProV3058C+3rv9esDz+zDqgpg0D+WstbEIiZ2LbDWJR1TLqZvDhr9X1UrbagVkimWG20KEBmLEni3Qa63aKBflczcZXdj+WVN8Y9qIZVo2p/H4qsn0muDO6iL+LTKR0DJsIm7Gjv4v5R2Zf4vl6yEAJMmu+fvzo8srn0eQ3Mfa+vhIryepLlS/wesMONEORJZ1fHagx+KaTZXvCVWGZp4OdL1AO1JzZI6+fAiDT3BFAEmyaxYLDHkb7BdzLZ6sMOlcgvkVpPyw/z1zUbzwwBHSbQZr4ZnDv3S8SHK2+MvDujczC97vxvmIuxZJ+YQ8aqNRjn8PALfrY9Ln049GfLOTDhNjPz/1LvqyGGi/b4fUvgeYmXYGI7imjZ/5DHxldqicVtbwCpvzbHrRnAnQizBlv42y/rdOR+oJTxyofZxf4VdQrbho+E6GAKgZgqdudqX5dYXXh3wnao3Gknj1cglFXE14l0Q6dxv0eGE3ZBjvo16UaYFkCbec31gLqvPAYbgdKei30FKeY/LBvwBIhygHX0nh8/IaS48syIo9IB8ujZL/IHF5kEhRxBV3MLVneePDwugm8YN+uSDYthhPP3MhJrIAXj4pO/LDcqdReAXz+9NQ721YHAORDGR/VYYCNBuETn/YZ9VmeMzutF/6Cc/gLvTopB8B208/Y69l20891Wobt6X0k0ucSbckc9HC5KyD3CFcgADrnmNoJs2cQt2zKHw1j1dETDpD1e4SvAXRpT4UumZqmd0Jap3obx9/tlekAKEK9m0Lycd+9GTP2Jff+OA/Gr0z4q1Gw/Lo6G/u8WFmowx47LvEvsW0gnUB/k3rAfjNu2ZTdrHGIJ4Hs+/H5BXVnihwBTL8lY1pOI1Qw6qjCpxig2WL8dFPvYvLeZYTbvXEkQ7OHkK7mXSyxjDNSjBlgJZl1GRMEtr9Z9y45OMND139O+NT/O3vh8/TXXn8zUHP3gvFRn9jXJ2Asg9LSew3mL3Hp3OlHhsoHeMI2M4ZZ2VfYMMzzM3PECHY37ZTTaRpcAcpqb0UGSzquWJ4TywNk+F0F9XS5F/b6fQt2NcD9uCcbe4Ns0cuHtl99OKdh8KjWArr+cB/2pnGjtXNerHVw3t9R+vkpPt+MIGdGvxzkCguMFJd6wjBA5SAKyw5YDh2sG1SjKBoMgtnzbjzPUsd6INXAiRQ7aCSqav5A540Ogxr+no3zFjz5a9dR/w0AWNiivpmdUbBjRmCbyVIO6mo+F5U7n657KmEwkJWsPmEXCFb0owJ1PuU8/wWc/Uu9cqn0D540wOfcBnwtf/qAAwCAHBGafzOieuztwzIFO1/P83SwZUbfMoMdwDhc3c9mmnvm+pJjxT0yZTHX045jlUoV5czrZhSplnpq8O994bnoPh4nydgCJ0LRIO1u0Nm9Ik5hLTYaPlkoNyCMK5RVvVw0nqZ960yyZ1S1QT41tFAase9LFi/qqoTc5YcVDT1gGu2ceZ3apniePseM0ZBFVptnPk8JP4gKGmQNnALO+5LBsDhy/CgzQIYNSxUNyvd5UUj8yC/fZZ+xoyBJ6Bx1mXjQeK0EnuUADffI5W8IBwDHsxvG5GTJWmfeG3GXC0k23TPhV315H9HerBx8Bfo+DbJ0dPm96HVwVnDKgO9AD9ph7p44+u6blTTAY7VOpNP/Q/s3VrwnySlLhKJD4VI17+N6vljO5D5VOT2reNYcTKc8Gjx3CaUDNYgrkaMAy9fXMHRU+uSGwU+zbQJfXz86WDOsmtFN7sPFEd0EWk+6rFN9cDBsQd83rkBNsnkNenpdB8LkgDUekG567OA7I3slgbQPEQE8T7MLsoDn62E7KYQmykTX2xOrcAIIKvB8kYVae1gIb7g0KfHEA0+HAQ5yFdZb2CnZTCC+xSZk6AyZj+r/qVOPcM05pHTfjMLbbpqV6ftEKAjwKxtOOEvOlwMU7d/65Ww0xokYcKt9vgM4Eb0uHms+AZpLo5VxCJmgpdJ42hP1tIk1ZexgYtFOIwJdEsVyiq33qedQsP9Ma27hAma2qWvKj3eMR/3306q49OHGqZCt7d/J5vEBNerX5+QK1Gj5zoVlTx2878b7bgAv9pbdlG09uh8mR+y22rmadebeuMwEDfjqsi+lKU9MGr5yGJXgLfAZzNAJ2/xiUtS1kEWWLjKJfVGI50ssHODgd3hCJsEF1yqLGNd6n0Hxo6MVvdbGSJ1ssc9j3GKH7jqK4e0ck9FnyLrGwQt/Yvy2X/TVPsvlCfpnP923uBI/ya3lszpg1XLjzwvXtX+pjZ/S4P4C6r3AnOkquNyVv8v+ck/0bDbL3ry/ZrfoO4P9EauDBHzeLYy35W9XY0x+xd5X2dO5/l727Gb9yiWzDhSdYdI4qHLL0jkTxNlnixywgXoZkOkgqpPZmGCzdkHe5STWLtmkHMbHYbUK+RnTyhuZthvq2eTkbUFTmbSPvhcoGBOXvmIlyuZ4+rX6Lv27oyRt1FHidjBtxFGAppR8VElk8N8ZMYMGPg/x9d/977GbdQmm4yrlM/RXXn8eqFHG2mDZG5NyvKkdBkyOZZh6dG9aabpPZ8sFiCI7dDOOmr7LNOkWXh/uKtZoXxkDOqwCTIuGIQGVBr2IouAQFFpRBqKpo/psFTylqDeuv2HWPu6N+DDk814buaXncp2uDygpl1OPfPSc7motFYBzCu+7UfXi+/dvnP2tmj5+9XatojGExizSDpV+JrBYF4yKgJkDBOkPn0uUMoP1lbxPCPibXsh62uix4E8RUL/1Ip4HbNaozzJs3Awee1scTchobRx+H3sIU6ElOO6UM+eBTgFp79KA6A74eS+BFkA+bvRa3KDMBsyR0dnHX9eorfUFGwJEqKQM+HrEiACAVj5cCcun+8g4O2+K4aNShnQwpkff/jThSf9+Flk9z0PafE+L0r/XcnM4BkhmXLrl4dWUFYILjzUmVfQB8oewy8gmVjV4Y22p9tWAxk+eZpVQ5rIALLNZwPGlumcao2qjYQfyfTVBBaNnOhgN6b5jo0XgGedF9VlXVtN6KrQnAaBSQIuZiFR2rgFDpKYAURai6FThiLUmfWsYyzg39VZEuI9wG8AHLA90o8ejflI0zswuoShjezMQ+/X80BMLPPBmAAd+7fQm8Cz2AwqXIi7W+Xtce9g5bjac91qATHbAwWWUgwxCymEnuDf9X58w/Wt+cSKbMsE2Dz6nMKjLy4G/ALhspz/b5cEXyLl/NqWcWhzpQ58Prv1c3wFe9yNBXSVpCuSmxs8CEwy3HkCIbbd+oEsdI9u222GnHolm5dz9aHwtB+pS52E9z0x7QvT4bU9lWqEeNdI/Xz++1IdpsTfNWpy+4PHcEapZP7ofBqzW84W12PQ3dE33zMpcbKqLOZ/Wl5C9I6gKlf6a2hzd27wghVMG4+6BgLaVmUAcZfrWg0cHhQ6YSzAAZOErvhjUyRCWYVBpv3RynwgGYAWIKwJfoQDMBt4Evr/JsGXceTUYjShs3cfeLLMJOaDoxqY+o3J8ysFYaJ2E/ToI+evKphN5BgC33EE/tR4K2dWGtVJFY1dmFHI70i17vv7YoFtnMaHCn3kcbk/jk4d2tntCiSGjjP45L5mhh0xmOzBH/fwAB34gG0Er5hJv3pdwXmFKvQGV3g0bwM8w30HHT1z7tiU44x90Zr7O/GfHzj6Dr1Ub7/cGjjAtQufUvdyo304BZMe4B1T13jWYa/ugYFzQMQ6ATByX9ntv+9Pu71gKVKtMpQ4elWejXgQeFF6sYANgJBu/ng0sO4HnsKQbgXf/jtXl+kQs7JUpPAVIzrfssZquYgLbThD1XioIiH5+2slzxgntAwuo1BZzBjFn4Fd7RVcpzBm0X9h41sYsYICjD+ecW8ms/UEArZ8sw5Yp6Jw7iUQG9tb1Ax7WMv3GeLFyGfAlm1HA2QxqBBx01XVhnywVaMjLx2NQtuWz7Dsad41cAZ6UBn0vz/KW/t7ndG/ADtDske+9Rya3yqY+mTjEtGShb7zfL9wjy0xr64Dy+xUnaJ2jNiGNY4DGl8bxpaAVk0ryCXU9PzPdVfIaz2Gz7DgOahW+vhi+cPsMsrodjHLw5mBBPXX2VhLIfV0DsYTTvUOhYEyKQYMCaiOSNjuzrkT09K3rhOOH7YsP23D/eCII8fGrv/b68/Hc4aZxjlxepUvXjZgG6Z+lgKgFI/pPKq0MAZRQREvjQxuUY2iYuo2+tq/X2P0wq4D3u2uMd5lCypKh5VpaWPAfAhuVUbhRcTsJlyGPj4Mjp60+fz7UQmWj1upP0/iiO227CagPV9cHHjVcO46UYqhru1phHNUI702jtg8F1EaKAfwJVLQjj4Bbr7UCM8YHcCo5sQmBUM0yDg9vnQDAw/mt3h6ZCezoTvOIxLsLcTa+VrYSYGoOinQeeJqHHco6L1yXSlBsTQo9w0bXpiKmXOZieRSg7CdBagcBL6GZ8rz7nI2iG4UeHVCL+FcRoX+Y1+3QubFglxl00PHa43YQnnbm3M+HQReXMFEWHQBzZsrMGZcfsHFwKLPuEieP+dakqKCiq7NZ/3mY7Tvw7+xAQUeIwTeWU3JCDNblg9KNQbdPMFOr2Avn8E0MJB+BGtEXd7Ou9P2StWl6GJiJUqdZLG6EONPUcAGCCb7y875XZrdPFfYFCqqNkbLUcJ+cZDDzomMfB1xQrPZSADkk66FGvlEOegFZ7vUU2Hm6DIWNSakLvp4lZ3Hj5MO6Xqm9qACK7CRWxOxrf+SUZgGxBWhTxivQjCkF8jiukL3EUka5PVREO8FTyiPo38reGpT73D9xkPZXdgalpyibRi9+Futm2zJ0b4jsJonoTKoDWG3UDeY6iIUG9f5J96FZ83sGSR1MpVwESvp3dekLADb0Vm+hCI5hZiBlIfBw5PbzJTuwOjDUDdylRzgWfJh0DuhYhxjgrPxk07AZ+cIj/bRy4Uk1C9Zo9x65vTh++8slU1+PgjGLtehBRs3X0ujwfFjWZIag+nBFmA3o/nQTeL4TAai7L5v1q0CoAhYsxSgAa+yxwKv3FbHwPIE4KmEVugiogWo+1BFx1BSRI93pTyhIAPbWYa+PxLsTuakjaiXiTVQ+Csp89bnZ+/R0rlyLJVCbZdPYsrc1gZxC9Dl2k9NhxAXM4ITu7ROs/lqvc6xjJrPa3RfD+zeh+bsvoYNX/nQHQIUHmcwSjnRCTPJdKEVMlAwK0vAn62wbXSiN8z37u3XGFj6t8+LUO+fglNiZqx08l+e3UyRb4wRHB6XO7vuvupyjM8GlDkitJUzNn+0iQ7r9LCUkpvcFS+H9GffScNnE+6qvIuSQHpZvHdhJ5X01GVXJx+Ob1X7dpSr30WtmiRjtcYzpZr9YAlY4x3IcTIRYRuGyw8KTgQ02+0W+KGhyKtCYNOognsU9Cqgp+ulrK6XS585MYbMxECV7mu17Wfb4aEok6Yz6gBmreF2IBQfvOlH0l5gpv9rrDpiW/8JfwL/wU8xQhklOZrAnZg7EJ2rs3jLGb/6N1sVBkUCzaOJay2kYrilF7zdswI/LnOqVj3z7kJxM5niSe0g27ixj0KN7EMtluzx2AivAlA/uvVWuRKaX5dSs7/3Sp3RvF/elcdm+e9o4kTi6Aj35KaAlOyRaHOlA+0yloCmfRzjUCf3WkjrP79tnsiU2gTjRsulYQvesTVAeFUg738WJrfowA9PVB4Wy5gAxfXomQC2nwq6wbd/CrgeRp5OQkVf/z+VqAfq/Zu2menEyfpB6mNEj7VP+5G8OEmwrcgVR/7q/+eeMGlNxNPmBtEDNh5dD0MR0Y5Og0z4RygGRvpUqTP27o5xeGIyQANZlupad6nLDzgOcl5kFSfBR3RrAbEc8sxAWTv6ZI7D+7l7P+lyzqY2a52gLh+6FUXLq7n4CnVGvYb6gSu+lMHjMrw3d6/rdokHbqvM9eyMfGrrtYE1NxodOo5SKa+VjjoaVffu5AtgtQCHQL8ENHcLjyRCbh3/ZkBVwyvPjuaaZQGXhfV+QnyOF81LyPFbyx7NoBLF6LGiqy7ZJMdEOoE8O1919UAygmzUTjlo7O+8HvxXuKEqvi//XTaV8Usex/vVe6dHnoWcpAy+Xg62mxgYK1WyWNXsuZ8SMB8vjsjNlR2hdAZhgUIdNPVlC1YwJM+bAqH7UlqOlGL/O42TbU/Fc7tmUGjxAPKZQXWUhAjed3ZA5ENBFFjTsoQ0F2iG+9JEPRkymhpkQ9nGZhsx8lQHxcR+ooWt2jLZLnJT9KzlcMYG/9t9qMhgFOVa6N+OviOh+ENhbvWJKneeJjj3+LwDgGMSSmaQIkdZ7gaMJef2zzaZhDfFR+33rtMwvsWxCTrwccY1j9ihT72PYR4sQ28I6waxKU7ivAKpZQd4lrw3QMspr5sfP0Pv3C7/0zAGe91iWTZUfpijy0DNm9HQJB3h4mZizoO10iZB//lHe6K9GffyOwEQSIZmM2t27ZgnVRnHPnx6xbR17lzc9WIssR/c06/Kl1tujP1zS6CCUfz4B4OxnWsFrPWJezXv5YJ4UtR4yaAicvqaBsL73eTiydz0MoKxkNu5ZQAbHasfiMzFg4T40DDy37QFaL9qZbp1kh8dKOIBY2WeY8mTuhthTogC+9/QssdrWeuCJcGsBATL9dpWC0JR1r2kVEF+c2pMKrK4NfL/KjezAswL7m01YC8APna/3fVEIPPJd1mJDdWOjKvfIuLCbwXmfM58vgfIw3pks8q/4mhHF5oTo2Y8xrbENZfd2kg0QC3ZU2vtCB3ZGTTWmo1rWn7YZIbxxju6Bk5sY9SCmhZMFNT2MUn2WegJMFVAsFagKBY+qv4/3VCiVlfM8OlM/GXwHRpyIdCsBY9rWyOFpKbR5W2zSLsfY7BXnRN1HyYacSZbxz2czWP7MHIQws4zlkc3v9QN6rc2ov0/b7fCQFXjZD30+KjD9KgE3ET+6OnvA8sotH4dBsvXQmUMB9bKxM/Yhk+1hArJQeB7p8WiXSPpR3xFiYRy+YaV7y+nowX3zFN8r99eA/Aef10kU/wHTXueggMYuv+7rJ38TDlRUB/arZr/HfxsbaCacsR+qBkf99JopZ9XJEp+1kizQnP4Ff9M+JVyCpm6p4YoMy/v4ZVCP0wn+WjYnoDkMvNPvc48ZB1Z6YtN2w/Hd8tUjuAvYL0sNuxRKesp9a/raYqhYNicJeZCn5KNC+gYAQhNQq5+NMU75xBBYEbDjtGIzUW0n0GyoZeY/l/+qutD0UEP/OmSKC5ecwwbBQHRAdaknombZAADe74P88dXrHM9qHJsJrMdJHJdGK2niGEXmB6YVQu8YSAdpOrZQI2f69+jjK1Cus9Vn8U9k808DNeWgwwWM7bi3xBQPJm7Z8AHv5Zehs1btZwgEPJJ1Sg9wPaMvDQV0WP/HSUecUOlvS3juOyn4OiQVrAeUE8poIBuZHoFlOyjlZ7bC9rPLKNnR6hGA4dIhKZTtjMgM/ePmiVrpOvAzDQU/6ahyBje7bjto8/39NqXu+z0tFF0ipevf/0YHK0xR017EOAAFILYd2avZpBxgllpwj5ldt5MBLE242O/GSU6oWfgCKvB7HTz5oMTgiQ3EJhiuALAWdprOKvC4DxYCz8M7m54nEgoxtDIfqXDtaYWE9X6FToX3l2fomIpY87tbiKxI/My/9EsOEeD7Lp5pTQ2KEAMlHNycoKgdEdZGT7BlGoVevSc8RtvOmJSkpz2ZSbPErmAg4XDCSy4Boex7/npyHCEHjNTUEwVNWPGUlaGb3nuZZXlHB6b4qHR8zi4gFdQIdJDFFyjV00t9NSjzubFMt0KuO98NNfkm022/U4fc3eTPVScr41g667xfBRQv2Y/IBhSeNNAOapQo+O4tEdrbR8FeadLSdLoijdqN1YAXEV9ABF5sPPlg74OMF1UvznmQz4MqjlXf5yA2y2QqEruAx3u+pkzO8pmZiLWw1pcc3gWz4FwawTM6Tu19kAMBj8vsn92OUB/4+qyB/kVfDngCDtbYcXOWyvYJ4KlwRjXQ/bYunUawwL+ngpqT9bE+57ouZ3lcUoToIA1qs+cMUj2LFNTTWWNPmOknlJmAxmEjAmt9seSp+9PwuhOoKemIp0FNQjoDYtxhqWm5nSA2oG3d4wBOTsNiv/8RU+br61Hvmi82FH4erDDDS6O0M8EJhIFctOXrIXMoYjXwsk3ztKwUI8/HNEBd1YGa3hTZkcuBIBnNP08yYYNOsHVvVeFL5cJ1ChmbHzT2yQCUvY04XZJpm8jrUj0ymHOQKDxBnZcrO9O632/pV5Y1//3vLMXYBeRmQMjNgpd642SzRPj0njyEmMCGF6LLjO1ItZ3+1yxQ/xpfdD5SWM6y6UDAX8G0gHoE6SKXDpoJkaPnUSE9XHLyDurCHI3lwRU9h3vFcgrq+SMmlp019hKzA4XGvM12iuDo6OLdAm74aXzrDMZgXvbRcHAgRO65sGw7mXbAJjHb/S4OgzRbU5mcsbejh8IwAJx83Cx3KvXDyHBDWK6FEyVtQ2E7ig9MO045YJz9YReC9ufet3Dgxk2JYQsUrU/3+/KzaeczsFFY+TA4U8Cru8n1oMAyDAZfoh13B3meRyUgwYB1T5YS8kAzQoSJD0svIOc5yzqEh2abhXUKoX29kxt0T4ax4bWhD/Pr2s0pjbt+mCFGx5xB/n91Vbw9wI81sPD28XDzaf68k5tVI5sN+a4r1MF52T+J2LnkN0o2ob6ngBJnlpHBiy7BO2rmXO5nKF+QE215Fo5/Zia3ZPiYUeeSJVVSnM3+oD0V6UzPGcuu+0IdTLAU+n6cqewgA4fkAJSnTg2DtKpG7ouB/A4WQ9j17MuR4m6wHUY1niXOZ/ltIrCVgKjiZMjStQfTCmfgGtWdTECiaMOWWmXs8+JUIGshFtly8cWei+97OHrbcgb5QakJkw9LqclGVkJsLSXPRkY9AIGAPX0IYVDndfVhFMzr9fBa3v7m53v++Prz0ifYSYYujgZmbD63EXAg53KOQ++9o0oxf7Gz8gHMDYviAql9jZDRsBwlnhUqe0qwpOcbrlFzSQRLm34TAFL9fUdCs5/So/yAz3u2n9DUQWUZjkeQaWUdRSsU4hSOauD8+e5N4w0ykOsIqVgymwb6nMLvv/+Ocw6+X44qPGbQnCL1TgeWzZ8cHZ3v6DW30ykPPdwbQQDeow2Xov1uKpiq1ZtG3RTKOAdYC3U2nB2uSur/zefOA47xPs6wqSnTAyASGxt/rzKMXIn3/V3MjR86b56yIXUZSRe1WOoldxmeStb0Vq1rH3jrakfifzYC9pYazFg9Q/v369bzZmTL0JQeFtYT8Bg/l4h+OBvOgvo/l1bo325s141FFXBxvxo66OobtOj4rBx2RcJTgEAAn4UIBlV5TcpnJjPbiM9+OUAg8mklxmh8PzWmftn/UhbUVOc+q8oufTi8LYRN+7bBvvUTn5n1xi23GAeGGUGNThSDz/0f9luthDszAgFhGIBu6clq2RyWSLTzwL0LOoBqytpssUig6LF9AlY/P42hbUiBjeISgY0D7ADwqqM+nbUqdAAn4xFgfxFYLZPsNfK0k8a6cv5XELDtBsBjr7Wzo+l1Fi2Ps/+lJZhgTfkCZihc8vorvj6ZLt7j7H5doecrfDoa8Pm3XvLvy8GD6uCHs4hTQhQdsMkOPCjYArFLkcgHPSKTDfIOgxnp4OsiqyS/JKN5NQznJCVf11kn95/pQI1owX5Pl6LG9NVJM2mk51eXTzLw/kj3OBj4rIVnJb6+vroHDXvYPCxn0vc5MExGjoPJLuEO4ArShMv27vvttbz2MsduooaaDf18HC/JbDr4pEBIzrWacSLFTfKvJvBYtvvAc51QwBMPdZaZbnIiIwNf6wtVC/mmrv+27ABMVsXZBMcqv0qN6M6dyCrkgSZdSK40SpbPqp92IkwOrnVP3lnGX9tu1imcPA22J5GlvTFWOjeDaDDB2BivrdgR2/ZHwf4zAJB6zn0lzOIxdjyNK4eVDf35jQCTYMT+ATYWftoZpH6Q04RpUOr+Nn2rlx5qZ02OZsPfQ/fXTi8z9OqL0fjIayU7d9zzbLAwcaoCNu04HnyLScNmwm+zCPZGM3IQLuVxIOiCbO1nTCNT60zY8cHYWdqQMeBVtKMdhGwc7Mw4L1eW9U02IGWKn3t3tf1mi4MXkalk6lbjc+D378LX8yixaDxNe0wTyb08FYBwfzf71rCEQJDEUZRDOV8NVSrulPikm3q/e9nEHuqAx6/5KhTLr/+Sv1kHuM7mx3tifC3/TBfk0Ti2dxduMKM1onWeAzkOvp5eL5b5Qwl2ysa3Ag0AIhSkSSAeyagxXI1s6uY8MekOLDbOtC9XTuiXmnATs3qYBfHnMGnqsFl3FdTPdIIydX3H3vY50XJfBfz+/T1Jf7NsTmC/wMawffz85xwWT7s2MaLbK3TATLZ9763EsGxORgcemWznGc1YOFdQyDiWAS3pumZY08l0T57IVODZ/YQUUHloE79//x0/frAf6n6/kRn4gvvUyf7bcVFgjfrU7Ply2njiFsWSY2mgxraD40Y2ET8levSZObdz7v7S629MfVq8meuKPGwDqgtb2NoKZLLBFgwbRI7kQiuZENix/8RnHKd6NsmU31FGdT08v0PUNLhXxdNCQ84xN7fHDfayXTX/dtygJnpZs5AGPmeioXxGHpzj0qQEcJSVVqbUPWSopGWM9lGJk4WS2XmzaNwYam9Oh/h+3+6pcVRmcWrDDf8alHVGQ4vaZVuXQ6BDtI8dfhniGFeqcHAiNUZw9UeXRpEuA10LaJE/E2rExNvhmq3FRqkH6r2gxqhHGZT1fDHrXqcnTzHIUMhjXg6/PyWYJxg0ynTNZKcCMafJ51X7aMTs38xhMgYYjYmLhfELvtbz6NzP3nZZYHINGlR2gCparWQms9CXIzLBmWn46XICB2za4WrmxDilGVcpTElhxlbXdN5r5EIsOoGILyAenUHKnpUxnSVSG8e4+oxzv5tLly6jA4Bz9eMJnD0Ov4NHXS6ECyDCRp+OiWWM7/F/CqpuyouzX90xf1frLEgWrHsLA36J5z/Pl4NUBnUVV/a6zhWgJ5Mto8BqQgJIEc5oAJGMlsaj59I41ITKEQ1MuUd7H0SyFGZvdCkMUGLQWH8CZhPaASgQSNrBtHE6VVhubtw9pi5HsPfzMlaXMbsZcZ+fPH1vv+or1WRbzQQ6gOKePwSak3cz29NPOokKBV5WQwAA6OAqrgBNOhExUQGMbDJQkx0fiC5nY3DFzvsXIn/0n5FfLDVyaVTmgBpd67N0UgmYdE+r67P9f2TxrPV0r7QA8DxLU8JYerU0gYk9Zp5hcK2nSzPX+lIZ7NUrJ6zLVn+eMr0E9hYAB2pUvpVr7u8K1LTzxs3QXlDvdJ8a4RfqUYxTqA+a8m0744axKxNMlZdGGmOCQ2ItRwanIsp53CpbSwV51pcmiBw6eisfVL09aMEBI+qGIzaRk2Qx+vrENd0J/R0VzHaGb15n6VqUBsXQTn4yeH+9V/csqNH73l+gxFDURnZ2HL0GbYrO6CDjH5YhjR5HjdNyO3/Ely6hZdl+B/VrS20ckLdx6KzjYXA+HhxhWgZXahKJ45pj2D2TZLQN7GyunIMupTgXQ0xO4jZzvQZjooBXERQzkfz77lEjJunWZMVXuJbxj91Z/1IWfxKYspvnalb6B4fzE5fdPonLuvhR+QJnMFJVIdzku2EF/YbuyycAe1A474uqTVaM5LrOwbNYThxriUUMQA303x34yi+U9nm/ASze2/JZUkAgQSZ5xulzkxGNlakwA3WCVd/A1SAYbQNm37VFN+z3OTBT6hd9ZT7AtX92egef2fYLh8ByeX/Cv9fp8bn5STb9uZ8xfjf2Dgf8JLcKFPGfG5EsD+WZeFBYiPzCqUSpSW5dvljbAEyAxjICy+B11iE8xZ40G/tVCwnYBzz6mdjc726f71xsGjPCWFpJ7GriwN4j900WKMu9A0DoUn7LnXWLAxid7OSCf7Be+kyfxMarRZBfmWZIK5GSZvU54RKNaZNgQy4c94YTXb2bxLUvgC8HoyV/AaDStoms0w58IoBKEiSqpHtdajwBGp8pr0P7KfyFgx3zJ7/pks3BtLe/Mev5WV3z8+tvlD5B4HlMwBgfgs0q+7em2ffbgFIDSr1OcQyWjcXBURmD/7tBPP+19xbFid/HDO9t1ArF2ZZ0/k8i1j+DM7x1LYwXxQ9nh8rP0xFnZRzvJksG0u5gT3orkDFz6g107EAe0ytPkY7oet02WpO1+H6/FaDZ+P13/p09ajjpaUvBViXeffD9vRnkUFkKUJxwpSwGwvt0l3EIWF6g9Egxdq8RphRoJM5B4ukDlmoS7MAbNrCKWVeiSQXLljL6uXD2wfNIOLQPz/Pgx9dv3PVWXtMktmmLD2uvVwPF6rHhbBTlMjzQgYhq5dCjQy2MQLM+P4FkzJm+Dvk5+z71v94rFlkW4cCElLxBtpGinN+74dXy+NyIduy6HnM25XKtPh2yof6pX1CkqPMXlRpuOq39igTwINY/Z6Z+sbGwRV93CdPQp5xjgO5E6i+NVJADkTiikA5CkUI/ahCoQCebmb/dP+BGbc72TTPhacLmxt37bCrzrZGj52DlIqNmu7P+xqOu8AZJNh6TDbzAr/cqQiV6lgN0/xI2F1RzZAUsOaKb5YoMLrtcIlHvN6fbyEgFgB0BwE0vk4wKRGdK4nkm2BY2llpTG+fDIOnKGZWdMmp2OqIYiDoA3GfKuhEKEvSzB43zR++Z1l/aa8koV2oA2y/5CrNNzgdWvvWubcqEKqD9158ti/d1w1hPojzZYF/XExmjpuFu5CFjw9dHiU0C9QcLZP5APv+cY6mXSg/jCoCgmpU3/aVk38sB07uXjZg9i/0G+B5eby2WTPKR3NRXzL1H+kT9qtx/ZnVfLF7j+frie0Ddf7NpPD3OGfrn+dEjw88JfL/UW0+XcJXOYCgIgg5kNstPug+FD0xj80JgLpx2+jdd9md80XhDe5a5UAk1E79PtXT4ZR/dv6dqw5NfjhzKKgflRmfTJqIZTnHLNex8SMvUAawDdL+QPPcB1sPamexnDAergIrOHf+SL/b5uPYBg2c73FFmo4QfigjIJZx6vCPmatsc67erpL5kWxw0ce/BzNWlKN/v79Ryh5jOmHYajiZi/QBnC9GJN/O5gzyYpAC37g4eEQcav7b50T3SYTuqcAthV2FaQEmQahtTvq4wgEs12rmTg+R+F+ccfH+/eDd7I51z8H4T0+Zi4/992Gfi7BfPl0sYxyltZxteY01Jxe1woXUroLLOsiPH+ydGkTuh83vECjAETNNbup/IYcsBsKSY668m6fqulYmv54fsrOz92ezQqP0X5xRAYiHQQz/qxVruI7eADHyfd9iN+6CWmcSXvyS72SwDy6r0D4MAMiA1bJBf9eWeWCG/cpze6z2Nivx7cN+tZ899vSmRQx+Vi6V7ySf0PsqARj1H4d3fOjtmvlECHdyjbP4GYOHAwy3OnC393bJ8B2Wnb5NZNG78Ow2AZ3S2h80oef/93ffs4NvIoEsOPXL7TL8aUNW/L33FvSmbW7JOAsErJjtLKV0OtQ8DljN9eY+/ae1Z7sUXYpOqrBdiiUUOw8b7DTaAdnVmSp6JhYsMYJXA0aChf5eygTibQUzhjOcrWPVxDvLrYdm22LpOMs3Y8tPtEU6zh/h1qTWvVH/ViE4KJxQDzsE2tc3eUnLOtrCPMp9hJurpfxSw/2uvPw3UUBkB4iZZOnQAbeDRm3BZ8/67QbYDS47GRQH5UNAOis0N02U5cyn2uTALZve13cXb1DQ2H30I0PB8OEUN9FswHKS5DOqxk1nXdS/q65UJMWUTwZ6dNlY8hG6mFz3vncKhWkAHemIE6/v7WxmHb3y/r6hunGX/+++//9Rc+G36294bbxbHJBdU02jwYCqpgYiUuv8OZ0F16PfGMXiMbCf2UAui6+HTjZzkIJK3yvHBorbxbGwJB43IE4+6qdPBe7+/EfGgamHvF3UCWM/laCtzqWygBTfDkKN0P4EddAZXPl3viBLd+BaaM2e4DLb1oxu08fx9oOZf7yXj1DR6QI4IgwjRRu6mqhvMuywBQKAnBXWmHuhyh3Fa0N9T5Qx99HuYJV6M1zloG4BlMx+WOuX6Abi5ZrKcYwQeINPAjpBBiTOB87b+Myybl9PAm1QDtQM7iaeKFFWDshJt/UzDtqq5hmV26KBj7Cifb9fyv+8r46dshQzAF74MEzubemcm5mFCuGOymg6U+GwerSuzBIG3inRRZUKfR98UWsGUUYQdWVHU623Hc29OhyKgf/EVq3UHAfuWfAUitgKkNPalAPo4PpDcOMNiiivA4C+NnvujmDnlnUZn46eUwvtwC2PgD/jt13pdsmlryFNsAMifRNtNSMcGPprwDyTVNSgr6yEvyh/OS49XnZ5KMAE3Nt0lu4WOhNkU+QjErC9EqscQ0NMVIgY4ZYQa+bmfjJ1+7uNSgIRBnNWlkdYJbCoe3QOGgRYyZlYysOTAb0ZygpP7ZwVZOF9qIpxi7uR1hnIN6w9yxBxU2btQOROo9in8UM+cbvCJOYsdUAM+AyB2jnCXrZHhxwqX6gPa7ODS1aUnM1137wQIm5AScMvWKYid6Z4Ur/Q04P5DuxvEWj7Gtlve90afAU7rY1eLgGVW2K4KCI44bWZDlvpgGISjZfZOynFRqr/jVxbNvc9gipo9HEaHV1FBKukiO3GAA1yYz6mEiKo3217c161zcFPbd091eYkRy6Xvom8CiPwBjoBeOFgXc9rYFtz/ZoXGpRerk1h3Nrx33o345cAfZddFkG+MS7u5OzBnG4lgL5dONp7LXiiZ4VHA+yWWdR9F20qATum7XcLB79pn48ePr1l3B4PgGi3w79KqkCPcbCAFkY4nzVzmI0oOnNhmxpUdwI7AiUC9LyoDaedbfWvSthah8kMG1/LrB96XE/Qox6903mm/pipRZ3SU9yqlL1L9qTzi/ZxSS4JAQZMWNe7b/TkQGxManeRk+0zXd/SI9F/0dY7LRG9/82/L5rzHn/3E8/aNMqLPoN8XECtE/ZroRKuqol50YEcBu/af8jcw2/GgYoE9npwwnf5Aw5RQuaPl8QyuLCf+9D132dOwXqbP00xvog/o77H+KPmJZ9/lUbz1LpnS++1PVrHJPfve8BobG9/f39hm24gt9/WwZIi4eZKj5w8AfUC7feLM0zLpSohQUpfT6g6rYVTGuWQHHRgFSutMn5T9vKrPvwdn+LtP27mDqp9KsTJwTmKfxDqJszUM59xBNOvvTf/1gJUmZoqnkxvZOJyDE6r9jkLAE2URwCe7chh0fyaZf86ogev2zvWlsygQcEHTSAtoBaooWplGdoFWR8rkaPs33eDJQqQHGFB6Oable1DZi2rKFBe8BNc45AIkdf3MG6nvt+qfqKuDUgS5DtQYxfpe+T7XcMvwvkM3ne7aVDH7+8X7flMADoM0NmAO2Hx/f3eQxn1o2hixtz574ogyxsN1PowaHWLvx24AGlHAsXFLOcgCeN6tAoBNBgSPFFgjz4VZGkNemx3z13rYjHR/w6BhJSd44H01TpTMB0+neDOxKoEnUfvl31GAeDSn5iAzq8umq2fbsLkc5w7yEW302YGopAC6AZRAp09zZ79037U/naRf7UVqv7IscpaG+eXyB7Rs2mHpBpD0JtvpbdqvAzig/DGz3T4h3J285UPClCqzIZg47eDletiLJh8gUwmP0/cTNQEjg0ErNqnblskUBbhtwHEWbBymDyqrdAiN724Kp43MPZHC40MdtJnu9wKyx+wZUVFFR+VnqHVyLZYyqFE4RUgAVBO5GKSd++z7c4ARZopJ6btBTwArFgCuP7MJWiv9t/fGQuKE1P5JfdfG19cPpIAlgg5LgE79uze+UlNyoDKph45BnkItr8PVs6KyMw1HLLvl2mMZV/avGfaWdSPkILZbHMwqKkzc0+d6+paidK2+9wRxfsUXnVidw7AO4j8c1KAIbr3/Cs78FASItnHX7zC0eJcNOojQciXTzH1ho8uZZgAxMRcZNF9fzUA0K4e9cCTPgZ6uYPYK9AyZvJflEbVhFo2ul9PUGIWPaXI83y5DYiBmPU/rZo/xzmQj4PWsXicGa6JZIq2gwtY8uq9WJkd/h9YscJBPdlBs1v7Wc9XrgVDgpL9mgOd9DB3snrLpELnCodrLoZA8bI3DXkn6dTW0cEaR5U5fX8+HzogI9nOA99n/8cQQSgpttKzp71FkNZ3FhsfJngVLsn1wrucEM5r6pkIhMaPcmx1m2b224td8hZjdFxaEMactzrADvb/GFx0ouegrDpp06bt/eua9p6euzOuGpMQd3DnrdPa68EQnM64uZ6+qnUrjVO8RavpU0MZXP56ZMkAogHQY1MBMDnRQiEm5o9IBYH/LMfsLjv+3+s7457dj6XHCdgaNTQfTEheaTTqsAjOLhBwcxOpV9r/0t9YDdhLRjmFgmpGS6sI1tx5zEDWKYaD9XtPYzFJIYtoN3ut63HvsRby0b+/L8E7WRq1CHieAF6oW1oL0pxxP4zF5grEWcBT4LTqvXe4UTtZwMycsKh/IsB3SP+1EA7Xv0/frvUqyGfLD/HTj/ttPLPko9jcdTG1KPv9wZQEGv9AuSc9eQUDUJPTR3+USyOuisIw98h9AGfL9dlnABME/yAFxya7vN6IZ4w6g1IVP934/seq5ezhJLpT0v6c57TNVG+9+sZVIdNLx3a96nHrU9zBrfC+RPMu7vmkX5OeeTZ3UOuCvYNpezQ6ICw+oF9FyMsQYB2obEoEstr3IVcO23pSFOlulz/IDQmO8ZW/3flUezT08e6Me9bQpJy1dmnbmDJxz4d2thGSMbKr1wJ0Qjo55FCIWXFnABJXP0X2W7IdonQ/o1/wJpv2bU58oCMMMIeCqSzfasW692P+O4kOK4dkH27fk+lHXPYccq3NUA35K0W9+jXsdFEINv7LvLbrRZM2fVTAf9ENozgil6b8dBbXquxa0jsj2VtbHgRtn3FUKZZbPlVW5o3IuQXi/N95vll58v98M1OwXv39/S3imf827neKYe2RU+BsufeLEACgau0H6mQ130RHGlzEAAQAASURBVCgJFHf2zWAvgKF+l5riORNZFMz9O6n062GoZxdgUKYMOZ1gjUMUgNzsMIx4gaqlkXbVGYZTB/t8o94EQKFz0zrQruEJyAGFyrQSwFKmCUAcLDmN3Z+hG3fN2Q8jojAlXucBXlv02gQgZs4vjDjlIzAI4+BGNShxhp76cBaCQHvKnQYwyKm+WTry9uZ9aAcskRzjXmp2WJtlNhHgVDU7UEkaMUYR3VlMYpSL5u+fBeXNe1Kt49woXHJ9rGRtfNGAk9m7aX6mQ6ogzGmDVcfUytMGDwgyZsxk2y+ZX+BlTgNsbka2g0h9WTCgEkCXnmgKq3ZjHEGOPDQwNgW9jrN9ANwDhOLbNbXsDaJA9Zn6WWw2EAWYCU0pUq0oCnQg8pBhwD7PUyIBHNQJ1JlpUnUSRyWGHfwOZxyy9/KU4dN17iIwsjlObtjZyOz9tu6yChsXRyWzH/2mfq3XsGmuAI2BSZd8OZhK4w6MA65/wP/Xf1/SY+4llVxfM2qqxFIpICvYnHJBPaIYHLHenwCIAxjRE6CW6tR6mpMYHMAV0FXgp5sCu+zJbD0JsacBZT7AYcnHetjDx4GQpWBKgjbfDYQDDH4+XwzgTDNr6RM9g/6qfjPTpNj9a9bzqCcMExSRiWeRFsaAx2gnBkccbLBudJBKmjRnj8bICDfoXmoTwBnj2SkGFMy5ghu8FJt0N6usD75YOZFYX0vJFQBwMNzs0INRR6O33eemQ7oqlShMIK3fK1ZQCLQ+mc2a8PMjYvpngbfoIKEnH7kk7Vd8nbMRcbrke8CxcCAAaFJQDUidAJ7+9xM3KHERgVdsRze8tY7cYiiX8FzFUQYZHQQ6palNF17U13QSkPhzMvt9DzUYnc6bWQHWodbDfJ8dP6AUqJnpiS6FQl24OT38Yu6jUL4sg/vvMMaZtb8y9mBfG48ZBtAMhMa22KjzooIDJpqlILvpJLGDO4ULS3iD3cg+5qd3W6XiAoLJvFA5Y+B9ecadQGapNLCLTLaebHMOAi5TCJxvBmvWevqZ2LB0o1QqWSrLRBVU0EU5oZeJWAsbhdKUTOAgl4JoYJItPDGo2G7BB9LsISdvvTc+N3cAcp9fG9MyUT6YzwNEpGT0XJ/+ZkHsv+uZAShIqsoAMRm6NFvfpXcO02W75LxYy+3DDQdN+ybgxMNxgAf4kHc7IFWf59zJ9ILKbVRWST8T8NhtBl38J6/jnqVdii/WDFDyF3cnHbtqA2wufG5mznHglNUbxLR1+YyCdWHds4FyPxgQB28FNWr0jDHbJ6ZF28SQL2K4jYACj0oOQcQOvEAdnFxMPG60bWLvNtpkl2cRZ5jBT/k7tYBX7OLGPfx+TlYOVLrkU6Wb53SpE1ZJ7wQctEp8Bg4ZLJTdVAXI+GA6C74vn6s+pw76Y3Tan8jmnzcTFvozwPA5dbaAQSYzLK73l6iFihQGbHMmwEH5c5NMBwxCkTM5FvwbI2zLYEnAST1oGtDoRNyLCAmJu7SXhGciqNx4Ryd1cnSdmk28HHo7fPIvO4qYUgRZOsgKRHQJUR2cELPmPew785GpN5Nmyp62BMzv8b1vBXMYmBkNRQF15r64JKimiJtqNUEasyjsQJPCFQE1xBp7l5F497eeVb0yimD9PRsRCysC379vRjEL7I1QwLuLk4B0r2sd9ASUt9qgoTRNpgAo6/C+ABOpBZhtUypXbEVKxxYFJPycZbmVwjk95s10OMREau89tiI/568Lzj/0K/W8Qit0NtSzx6PM6zBrrjdNk1IMwLHj4Aw1pKC98VXO9NHJZmkhfxc4Aj10vM4BEo++U6yPKGZkzRv8YPu4fE3N1y4DR+N4l+8BbiBHrFVtkAroEYNOaHxk+1o/lozb1n+vMhcvzgVQt1hsH5TTbbroNF+8Mxe8fDVAjbIhidY3ponu41JOZRGuPkGAHM6jNRYBKgMsTYxq41QAQgHFo797z036PFUcIaoyCDYNRYNyCggBgimu9UDBqW/qgJ2ke0p/ea8M3KMdVj6bLCpOmjgefaaol6P1SjMNAJhF1edDvxm5rNbhv/JkmWdZT/l5xHoRw4KOWcANeHsv7f5eBpUBH7M/qnutEAz4GlevmiLTMEEmLHvm+fcQi4Z9Yz4CLkkHvqfAXcEalxfxvdOINlZ0kMasxrtMyCO+s8+1GpQLdGUkvh5NkMt1jeR2CdUElPhMChaUAwu3s2Z7xrKrW7+Bu0E8EWxwHApkm0lqIEkANQ7ynT3zd3Vg4sPJ/0m3rkRtOlyfJcll9YZuSgjR/uNBhcs1CILD2UfzQ5MNfT05RMZK32wnAv1vM6gYRBmT0fcZOmdUMFrb7HdS1rlepwTAm9k1AXY7OGzS2FL86716j48W6m4Iybc0y6PQ+ubUjHPmT6DEk5ybDibAVfKTQJAdO++GaVOn3oYziGQgB7bbTv6N0zQOlLK9Sqh9sHacKLSuhPS5G+1Wtd2y89il/Pv8AdMCtKsBYVoxgo6CTacKqiZoTGun9RSHYLyeUlOlMd3E88aydmpOsa8bk6Cnp416LfxMXNLbbhr33w6ircaFA4GWeTtUtM1ytI8CoioZJUs0kVh4zzsx2WWf4bDTTKQc/A08DJDX9+9YmQq8lFiD43PkSQMaYl8cZD3cQzHGF0LE79B0p+pEtssMW+4jUeo7d0cUjTE6iFf1S2Na619zARuD6mEc0PhwaC1fGOxghp/3fyYgDby02/gZ/DzA2WzanmgbfbOWmwXmSAbQ9wWgE4dmtrausewcBWns5zZzTAEYMVuMbzlN7DQhoDGv/RWIAa3G3O/7ovbBLsqQMe37fSUdVa7XsukA0ClVZuwPGT0qlWLZzzUVrmVTyUexMbscWXgVQJe7E4NAScnqs0xI62DH6TLtrbX0ABHiks02ChCLcS3UAWMELajyUIxp5Vbu/YqZn1rjg50beRaeunSNokkOFlcuDd1IlTLTXoSYhrjOgw9ZCSvYRgK24x1K+dDXA37/+PrzHjVXV+Vhp3CB7Tj9/ve/48dvX3Azv9EQ1cCmFJAJaOqFbtqN+9QBtctaDKDOeYHzXu+hAzKsCDl/LbcuyYjPRRBgdl0wnSYJMUwNvYXYjtU4awYt2gL1osEYrxznpUwtva9RmuJ0DmpfvWbqqC/Ni/cl0+a1gMqpe7/fyVQoy0/Ha6veWtSuGqqbtoCH9OX0lgiXNmHAeACxud4ExgSEnDDB+nmPH21HrbgHmdXRTQQFGgjsrfGwyYDbsnMf0WCOWZYH+LGQ5cbP7LdjoIT9wnWFj5TDQgGLWcIV6rwvx5gHS2PDefgAQEoH6CCBhSlG4U2zWklL+WT8oi8bbUdydYgz3fCPI/d++/GDTlGOMelR3c3TpnIELErrcgJs/53F59j2nkiBxQqO50vXOArYoINnNlaqmprABGIycgpqQGDMShwO4NhY6nxP7xgBV1OBlQVuBS1A2V3w/Xct400VPW6qWGTQkHYqSqlkyVPZLFvsRVP9OQJOysK6gJKNrHXUPiOndL41eQVAvdXOU9asgx1SN9TOtbokhQD6mJgJaFYas/cv122xnGnJsB2wf83WfcUOvO+Bx3avEg31bLDUSSWEKxvo04i5Z9Xoe8CyqTIQBe5WOBjBQ3x8dDv41N4S7IDcgLNd5l/YFwTk7MY4c0DRD1MG7fv7xW+//YB7fXg6hdkts46UhcYg+nMpExwRYpsoGFMbiaOebwxAsHfMBGuWQNQ9WQkwW8aBGXTgA9AZha+3pFOyAyPsRRMdaB/mjQMtd+BF970eBY4UnAFLOmfa3NM/B6DyqhBA0r0nkR9HG2udFVBqcH2KADMWA6i7hHwE6ONmVzAo5OBKMDrVgbIOTJQDEg5YHCWlzKxxsAstj+eMPjum3ptdIJ0GgbtmQvC3rW/O2XhW9HO27gda8u2k/kyxb2Cs+/N/kcH+4vqRYzZO7IRGDPs75lUff8T1v7/qazAtlO0Rmw922hK///6N3358XY5YtfPVeXizAH9aY/eYUKWS9tvm9KDqG3W+iSl3qKSF5273WXD5AbPHk0TCB1apunvdjA2a/efphOwYAy77+vwEe5ql00Gey5loFozPIR3Pray9e2sQkx4cVJddOIHyiiVQ5YCBHbyLdQ6ebywGI2HcYCa7MJmd24jBMnNAqR8yXMJ/nVGXmq71GYQ7B27AiyrscwXOc8pTIwJPkjWVJ1gigcAqlnqaycQJUcQfWQzSmGVWkG7SMxOPJ9VRaoLU1vedQiGdBe5JmhVXsUXkOC5x7M20GwZcZ7MDGL/mi8FHySIOlRBccUHfgbL5Az2MoAoFT6Z1VcVUSaDlAQyWVJC5Ajr+XZ5alM1z1KR3U++TsZI6SV7b0pAEEwOidV9J39tHhJ6me9w0vDFTYwKfWwNiug/N5tmbHoqTuC+gE2VODrrk3rrg9jf93gMFJ+yXGt86EHSmhOoe/83Gwy+Wj+Oxv2c5tW4Cvs+L51nolhuS+fY7lKhjgnEr2Mnfr8Vepqd87FlmlevRJGXuG4qsGzd+XqqwYGA5AQWUzo7eh/WwLJvDRS790z4E132pL+6pwJJ/VbUbC+FSN7S/PgWz9/1Gpyobw45s+pyiT+5ff/2NZsKnazetWDhyttGKDAnauWoDAGWtAgBcd1hSsARWG4y4RSSysrtEu4szzjdQ32hqUfnhKZwZq4FKRzQNcKS827AJeNRlGOyJ9iGTwaHSHYMGBUxQbmg0ZQcewRZFEHk7bTP68HRQpsAo5yv2SzcP9t/fz4ZR39+vnMHNaKkFrkxvBVCivbk3y5k1GGdVFLM0OypE8RRIh6Kc6LPTIHw9S40MNTnnMKu//TMAa7ExE/tSHHw9X3BDtedZWEUa2ndxv9eTiO8XkYUVV23l3kONP8lGyUBfhzRknxuDnFA5z4YzKh3JNSWhGOF0tppNEzFnxoE7g4Izndt/zZdl0Jk/3T9GJp/HpUjKgMawVNzMLl3SUgfQ2M9oK8/sxvTcSJBWCGQeuBEizmQayqWM7aBwDZuJEQY+01vD9dcOpjgo7r8TbMaHTLmJGiDadRFIf+gBBTa9Brvu5odngjZnegjYoAHRBrCzge8wadwg8WbVTKmjshGAZJN0TAerHLSwCtr1qreF9soObrHfTK9+Z7rpkuV6cJ7VLAUoAGQQmiAoeVZhy/itFchEB5hcC3zqAHvA8LsL6xQ81Y5Nibmd5xy8akhMPzcUxOWYZQdqYEcBcflvNHp8DJXshMtjLdMD3H0OPtb1kPn3y75CDKJydMW2BqgkQ+Z5viZIEwAngFl/Saep31M268M2lXAgliYmpZkW3ItMrqV1dsoDT32+AycGTlcmOiMn4BIz9QmoDrY0Ay9dasT3uCk5Cn0N72Hm6PLl7wbUe+bpMjkHadI9bCKxIvGke+Ogx8UbCHWZlX4ekL6xrT4KUOi/tbKd0LtPgFUq/7jsvDOkRfPRxEAFhm7dB4FvxNWbB5ANHpBPJ/tyfsv+Fu+sG17yK6QLOYnmPSqp0ltskydIfLEJta7Tv2HspiHiRGf8PKdxlTGEZXVuaPzDnsxX+p+Yd/5qL9ohoGXyDFjmL2inOB2qP8U1lQL0uan9/n+Y+7ctSZIcSRAkMIuaR03v/v937vRUhpsKM7APRAQW84j0qNPTfco0j6eH20UvIowbgUDAWdHrgkpFpUE5/U0m543KN5C3rlUgNYZWSfA/xMJwTpsPgXoWPbrWzmn30Vn4ksM8ASLltM/iD7A+kmIxzCo4gIu3p6V02b744i4Yz+d0PLRwsBsdHj+2aOnWCmSz3Q9Qw7xsqzgvMVe8kQqKE1XnPMeIbgh1gApQaPtURH02eRnpi3oxxs7e1sLf97KDUGxjQU9/dgNgU3Pikn3wdycG3msDozofmVUUJ57HNrm5jdeH8XKr5ihc14tcWF3/UYmd9tPMUzoOgOzw50SDbfKICT+Arm+e07oR0yBUlSvczh+siwnbg8RkYzh/VS6T+4ttGizg5jJeqxRw0qBDLaBW22YVRYJpU87Nznt5MlssYF/9WfQHBuPtrFWfwaxw2twR9SUgQwbMkb1wc9FASqGUN1UDOb2wJo/wcOEA/gUuvXDu5+ZjNhBjrRqy29YtiYCqBmUqlBfLNn2uSrmOX2ut3bbZMFaNzgnGCOx7K1+wkDMwJ1nD19SWNDHTC1s5LfVlhljLPa4frAOYylQzgllHvzBmYO3ElQMZG5VsUHYzaQ+stYQ/WIuW455zJKqORtnz3iIMxAgXcWOpr4X84yk2z+/TOfO6yr/9u8c/atRsd6lcaDmBBoDK7gKjHmMKKJQ6F7xwiUqu1SZVmyhymJWBrY4s12fKetpwYWSyRXGdwK++waHMpVW9bd9KbAsnUTIbxZel+Pb7c505Qd1IUK+iMnvjBtHp6q46morK2UHUV0aOEbulz0IGzeqNT5nFFYZiz6z7bkTU69IyLWDqMYp9Cu2kcT1p24SFBK4I1GnqupLY7p0U7zHLtMA1LyalYv9wReolimygpJeQ4KzvXjSY66JTW4ur3KZ0AcYcuNctYCdw1Qu7ODb3Mi1UxYXuAq55ab1hSmSyenRjzkvBk3RTrgtWNzR2C2FuFwxKKFt4OH7VOvHZ2PCGhmacfOuHBNgAuDt2RhPQxu9YZxsO2SpBmcXAlBJq7uSEHZrMBcdB/kZgV2LGgJYeIVeBy8doF3svxA6t3eWfVFEzNJc6VawGTicZ8BiAz7FBjYftajSJ39coUSaZJoDYKo/kuUzxrDNSmLspowZZaMvVibiDmv90V6JB1wPsdEfzYZt0mx5HPGh6Mv4goI5NgB2ziGalOIE0xmHNgF5hPMgMyFzYI/G6rk7IZxDszsUVn6uo8URWlRJ/kF7aYmsa37rvhTEn3vfC62M+EupEad1p7o3xIphtmjiZXPR9Y14KrgNYvK5zno0wpwl6tAAKHIFjgjz6/j2TbHQR2njrt3yYLwbZUAicMVOwKnC9xklgFIgMxHk1LXEwbWnSumrbMBkuJXZbKs4OxORrjSEgKCYgQXd3HdPrdhGY8wA1KLA40uhir3UWCOP36k1MMSzkfgSInanZ5svvdxxh3wZ0cOLz9L2Pr1o387q6M+f38mXkKcLG1NcmlA84vkfjhNV/DKzU8AjhYRY5BtqfcvTA2wTFj1mKlVXdjURp85WKLhf7gRA1XV1F+6dHQWVAJKXJR801JrrVHU7bRmFcZhc7HzuJYOjvBqW7OUWf6eSe9YyZhEr4N8dznltJutIJAmMMHSd7av/EJ2/A7Ds+HDcQCaQ1O6rPns9VN/x0bVn8Jawng9rI/YaFI5U+oceMDPg7tSqPLWzef3X3RRpg1EzGzU7u/dqPQqwA+YfHaXb+lyp0mfV3MdBxRzmt/bAF8+czz9HPu9DjZ9nNYO1zpTx2O+9HwKuBuxis6rXAAHp82LG2z2YXlAUuLnl8JmtQgit8n4DVkyFsvwA8Gj4w01xxUT6UOcS7weZcjNVzzhb2rSr1/ULgGa/1lURoX9eFMUc3QguB6/Wi1tt4YQ75jXpsq/G1y5Q+jf0K79W8LjZTRmEkgLVxTee0iivx8IPKxRAqeONsktKtVB0inalvntNWSa6hF52A7x9iUWB8sc1qXalTbzIHkoZnWfKC4IzZuj7HwCNH3AsAmVXd6E5DRn4OghVnZBR9juU4FKcNWhw7NEDs957b4EgCymnXfaPBmLUFHJyzfsbvd9cuzmlt/27y97rpInvTv0ebx1nZ7X/rOTx2tfZCwWP6Zs/Iv5gtZ4Fz+cmUbfY13mdUewyOCPZW5AYpGEuui1M5Zt3lvrldqpwjkOGSm00g27XEIbH3jQI3TI7xwhX0IXsX7rUo0L0Srw+0PEmM+BLnmlCxtzS5Nrb0cV7KT8iqLxQ2ugc3Tj6SPh/l6RHAI+pPn+UrdeRRfm+b/zD6JKFQnGLB9K3oQLJJJ3bARrWB6Y6hsIHSPvpkEunsadsgdyGHHG/gJDXlziyw36IPt2UbfIE2lvglbSB856Ukz/RNf6DTAT8BLdylcLEeRjHpDGstUmDLowxoI2rjr0KqmHSnoqmgyTGK+76x18ItEOZ9U5W73J2XcTi4Po3DI1DujJdnCEFU0TlVgl0J07FYBJWS5XMNzsFhBTmmOkq6HhjcSBHY2PciSOJ0Vit6aS3Zc3wMToMd5ABiLCUfaXlqxCpcMxAXndqFAkW7qu+Tuw5YoComozYAMxAKsdhVmJPAEP9AK8PJ9OEvrV+AmkMzj/K5OSMwkd83qPkM814LpFT3Dt3J8w+Kaqt/8y9SSytS426d6uPMfz+YMipIxpCYbFx0ZgAiJvamcx+RPS4HBO4AV+pOMaHAuioheqO658BJ/mO4uweYwfMsrlosDdD2JbFmlBBvgzDFs3bftit1+WRXTAzO+NLWZqgt9ppBmLUEkD6uRSXt3bP1paTLthph9X5TThmcfV8STPbte3zNIwrXnKqbG0Y9IBuYHDjoTwVC+5YxZvsd//cIAqdzQDPX0jGJ0T6QdkLQ6n1vjA18fFyYIS3y4VXfBAlSgC394qGcpnSf9i5gL+wgUJEP24Tq6xikvOrDqPCcXZAALop4Xp28874dv/XdHr1ZLdQpeRQUT0BSUfX8XmjduYK9GSAmWLOw0LhQs1XROjLNnBnqFpeucbmgyAZECta5eGHGGWsaCDF5eVYJ5Ix+nfkYgaJqDF/XXz/AzGi/NMdh6YSo+978VPK9gBiAVf37FAGEmgQeP1JcN6gijvRUnPF41xjR/q/Ze/1v9HXnrZH9gCPCtmsLFFZSgD2L8YpdUvmBvo+jGwKh//VtBto3+3eY04qGL9/Kzia0Evs8/H6dUO/NNcCjcFgUypgd51N5AZ5FSal7ullA37cYvDuRi8/rz34uDhNq+iGPKLdHaj8EVNO7Dfp+x0fntAWCbA/m0rkzYhu5aHwk2NYARC1ACx0IzrBx1DkYqsGrjgEGr+E1wdIn3GeUtgHE7hrrfcun7ywg3KB0USQfrv9mXuzOvXPQA1psGKDbLDLSI9NH6BeAGo68EAF0jnvOPq8XGfZDheBN0eB0N/uAhAYiOdL/bGyYKWn9CJ85gVlZqDz5Yz0KQjPnDCb7/Be/2feNmogs4u2Dq6DicWMEtx/yWBOQbRFYbOpNiE43JuPeWGQDk20VcBY1Z+DjCun9DIoJP/xdPYq2rNTX+ZkyOFQ+B3U5d+ez8nFi+SCOf7VAOJTT2q/AZ/AB5HXQ+IaP+vX91dM2AXNt/mKb+lnnB2FR6trICpCbcewOVeecP+4DtJ0nNTa+12GBNWiv15vTOix+nwIMtJXLQKt9ouvAA1KescW92Zi3rey1sO6b9bHjQm9OI+t23fdpoJXAmv1oJsrO/GcpbhgovdcBXw1cLYHEX8FTNzGp07Rlm/4cebqOba/PetM1pwIjepwYj7zWjbnUPWWy23GR0xrMl8fUMm86TNRYkmSYBFXmET23hhVz2hszAx/rwktTO8+FIplTn5vXeM6JzEFx4TJQpt/Zt+QDis3LqU1u5XgY/+WctuOr/Oq/e/zj6JMNgiCLutYWtwsXGfz57tYHk5VqEa6FKAYvDEgAaIiFcvQqhm0H4OtkoCR+xeJMgEp6/OVQit7vG565tQPj9dDvGyRxp0odRD6H7MwXbNcDHLEDQaOCESGDqdMRLzRd7RkY0caSB4RJjR4I4VzrYYQyytQ6tdUCU7uDe88L58OQdpLdkNUFaUxRxR7Jbc8kikb+vG/c0CHEtwoAAxjXs23OXTOT7C1bAzygqEM3s8MIXCo+CEw5oGYBK7kB5X3dXJc2dT/GwyEqYQmAeF0lChcKgTk9UwqtBRdleA6EVPoGJGLl84KkgGzMBmqcVpcNv3QPkp//2z5key7k+6HA8LTNrN1jQSOajK8/HssJJuL2IVXqNrMIKWkAhROBIgA258CSkLe1HUKdavuB+74xlsYa5mil91In974X35GAh7Ny+NHhhJON6q5BgF1BXQ6CoVndKXTwAxgU7/vm19dG7bOW0KArt6/xPW3ZrZNNv8YXAbUHEONE9MydHn+TD6E2quxXj3648DT4C73GF/ZAeRW97zuppdd015RCwUdc2wFxdMAbYjD633Z6QwCMyFKInbhj4ZrqbmjjE4NZIAevFTGFgEEAYCHGiyBNJqIWx6fG1WuVR1Abp+aD2earEEzGeXaHyotSHCGAyiTMCf73fTTTAxCQ7QbHo7iFf8TFlgXCo23U1ocAvD6bLBcyWaYKuUvjSRFk0Q2tRZ8qCKLs5yCQx8/FhH4jBXIfBg1AII90YjVT5iSQM4JxYXjFtl77CUHpnM051S1zt/EAWTEC17i+AAlHzwzn/D+SPoM9vkIu0K55CYxx97X7p0yU4wA4zq8BNU2hFyye8zG/jm0BvE48dScmuI4wAB3hQvGZv58ErEejqx7XKvp7bJRsxUHen73PsoOdiV3OLUpNNDvsZ+PpJFJMME9xUCqg3+8bez0KB70XXqsTIUYEkgi4RrpYdlSMI/KI6ovRDbZv+uicFgcAdRloYUu1oPrr/f+6fvRFC+jRWBbziNkdY+aq0JmCwBPlVskm096FvVIC9VtmUIDY3WvfXdgMxfP0pQY6z/s17/XCDY9EAegc0oDOWmxaDQxsLL6fB7Dkj781khEBbnpxjGrgSh1pftSOeR6jqD4XYoQ73pqJXgYX5ePNXFAORsAJh1060IBJSzDo/WZkG7bzRzMSYvrePYDbEuCfQI7s3EmXUcXlsxu+QbYiNWnutaSRkdg3gF2Yg/pjU7IMGamij/eCeerRqHGx6BPJIviNa74w5sDrdTGnxWChiinmqc6FCtHCAWpKSnXPuHle7/tGzgMk6T61IhSA3nSVykPr5Lq6V82iqoXa1FAsr0YON6Xj1IUGB/gCMCgITG783LLXXQ7dsKjiuk8eZw1PdC35dUOaGe6nIcYz742je2fbWQHMW8vjiglPgGwBu3YArB2Z/24xxU+N+bAz6zk+/L/HsWKEfm/DI49bufCvOS1Z3nx92rHyh725CXD8td7cWUBuYFbn8n7/3bgSAxyVmpRgs2+t1bUZpwZCubFy2vnMaUn5d5PHOW2E3p+2Be+V2JN6M7kTOzbGHqhJhpE3XtpfZRJEYi68cNfCdX30+69xfE3Ms40ydFYriRNUTJjK4nrZ0xv/lZz2H4Easlp404eSkM5yjKQp8X++EN/LRmDTGgoAPM/OIkCf6QAu5STBaNR+UK4H5ih1thPmvndiUoA7vC5fCag4WEUHhvQ4VB1DakPL7G78U/0eEUIc0V2wLoTFdgGMwKJXp3UBCRqJi7+d6mqtdQLYfnT+9/njr5u5Q6RxwYhcFbB2EgDax7hmDSSE1EKCTLsQY2LFbicTem81tPVjDN0/o9U8YDu10jB3i0tuBXwAGPPyDgU6ptxYyx0Xd0YlIHUV9gjca+Iak1TAyYIBmci8UK/qazuT20oKQObALcT5rGcNjBzIEbh3YlRiTmBW9Bl2Es3EwcarLqdnMBUcdp6E9Ts+nBBzDvcU3o3WGpApgwa7KbhE+znD2wh3TozrBXg8oqANhSFxLzNx0Nqbr4uBaaiAcxIw3T2SR7AKvEGPMYeSjaUClY46AqhUYQAlRsP6OnKsa3cQfPoOgjAERNqWShudUqwXHAB2rVvJYB4qaTIZXTvZdd6mJYqeqg5IXwdF+pAfyQe127/jEYi1Ut0IBp3rmiRzq1tdY6poDGRxtn20L0yUGAZkUvIe70pEXMpTmMC4k0ZR5RvByl3d/uLM/TQgW7jvLUooGS933rqX9NHLOhpw0cblpNDImv4FtCjxJTFkjXDAnSoWL3DCrEr2FKh9ZZVQkV3EjQnSGwDZiIn81rZJbS8HahULOHZ1gAKDD9H26t8jhbAQMRExMebrjCKNIRq/RljFNOE2J8Y9jsfRR/fmMdgHX12EWEflxEyt8UZ0YQEBrlPjS13MCvjgODAe7BZvbzo/Py+DSWTXXJe2Cg5gDm9+8vsdjzEwrr712ALPy2jff2KYt6s8xiCi+mdK17JBDr1OgeyD52kaGBJ31pjdnIx9ApdH0Bai0KyEc1OVV+h+VHGLCIvY1efd485QQl5KYPnZeS7WKtzrjNbslWRDZKKuAesVNMNQ4HELrJfp8Gbhcg3xEqsEo4Dk9WTpMJq+fgAbjQQFyz9mUl0NYxiYjl9yw2/62HsfG6s8J7+FPgD7GjijdXEbUEFz8+8ksNBC6JldDD1ZJE2vVwMwwuwVucF04cR4tt0IyFRu9xyHwhlD6ufJHif02E/HesRXEdI6a7irWPgFDmBpkMZaKGbOPPUWUZA9QJ+7jlZGVReazq+hIoQj5We03MWJl1DwNc/13rpGLVYMN3JWA1u0zQK8WU+2ydCcbPTKVzBOkuVAVrhiegKRPhfx0PFhTtsyKRHUn9kb7+JnJXsYSCzUBHYAP14Dawgy0T261Ei0oD4uN3AZ66smAG1VFd39iou2GgN3JcZIXAIUIHdjrhtBifPf/LBmf1Vfw+8NopbKOp4THS//32PcOcWMwfE3qhcrF6Bma9UExsTROaE/Y7pc7X8NxrRtgDFpgGN8o+NJ9Epn40l7bSygf6+B+Dj1JkdiDJweMBgILZC5G7BpfTAAa90wO3J53F/2VfK5CNaaS9tMu0aEQeEzari7iQ+4JnggypygUL7lnLanNZTfuumw87B9UPRJ85qoXioDhOrNERM3Ttx0nY3ScpLBGLMF0AwxN/keC8DCxASU09aQHiWRISDNKoYav4zV14s5beWG0AtkvZDJ3JbLjUYTJhCBK6fGophXjTSQnhjT+ngCmtTA3oIjmlGs9+5/G8/of4u5A1A828Dd//J6bq+1hhEfbRuxnoIvprwi/J78V3nIpUrCv0PsNb39SJCa+Sjujfy6UK5z8FOoIaDUX8Xf+Z2DStmxHlqxig4XB+4adWHFN82A9uhu6Gf4sYW6648PpMEEF0O5pSvj8afQMxV61KmZAQJqbMRLG6CaJqo/XmuYWXjfN86aMYJBy9/fpvExCHTCEYGdSwAEV2hXOkHkZyTLidfP4ygppzlCrKbNz3n5+iZ6FnSouAfUHVZCHZuGx4Q7ENfsQjf/uHCvxAx3Y4aAGSUI4wjdzZJBrxvAwJgXMKnTsEBm0hgD12uSelobNTgnaENiYqFxGm24gs4OlK7SllIF0Dd9lItbJ/tAOxAlm092B7/hn+eVyDLaPwXQKOHUUyWYiGcG451shSMB9aAIZge/OUkhfLI7nvRjJoFMhI2Qr8pj75MCxzBQ+EiarA9zunkGD09wYofybEdbsi+/D4M1Hkvy62Qxiee2J6BF+B4+oNTR8Ot3wCuydLJS4wS3IYdm5xhA9T3ba2M7uYpQdxY442EKAPa/ul8uzFnccdYWMXiddM3HCG0bcqchsEcCQ12qLDA/LZ2Bgaw3Xq+Jeb1U1HvUaBPYBrAe5nDmcXmuEIHIwUQJ2gSEALzq++e7O4QvjTrOwTwquij0dYe6mu4Ans4wuxU+49/zcd5f9D8s/noNA5rHJtHXkaAcf3c084VAzUV/hzMH33ovI3ojEseVJLwLJf0+VxE9RtSsDov6/qJH441FvaFxWItGmwCfjK90uYDWonHh2MLDEQJlRn92s3DGZANn6jVDF3Felwoh+iXfcgLUp5s5ppPkrdGw897MmB3qdKOfKbWy0+eOVjYGNd3W42yzSEUDS2fjyInrPYLRwBmLWWvIuVuslEYxR3EnOELajBgJeGfhADoCjdghXchXMH7JRtwlPaBAPuIaz9Peb+xVStWG8i8yGuk/Nb7YI1PHBz7fNzdqkNVQfQXR4zPfGUTdezXjln5HxW2Z3f0Aaex/jEupkMqSzow2uJ2ub6nuqUdeadBtsTn5AD4AYL3v7oqfjvtZm3vYFieOdk6Lk7umQVvwHLVkcB2AhWfVjUk/r8EogGCJGDhukBlgcJPkMQoCgSrWiPMmQ3fzG/TxeBfQmgzbI/zK826N3l2D2lsIsEBSIf0E95fZ+bonNC0LnEezEfosyrc6P0ck7n2DpP7NjTMRmDX6GpQvS0UntW0DUDMTwBBwG5ONp43E3hPrpq3P4fFijiXPmt0EHTO58bQCe73bz9OmWIPc98Z73Hi9Jj4+JjI3NWym8eHDEOElOqzZbj42OJCdI3zHR+59tun5BqBLM+kiVf8pVI/NAq7HUv4tkBXdVPy63v75Bw8AQlVrnqkJ15duelj/pcdD/U4SnZSkzvqWGHA3Nx6v22NOBgn8NRx7fea07fc7B83H58GJAaVcMavZMyYPeBTW4F0AWMqRz/vSta2jifO+F+vNcHUQTTawbcZA+yRAl3Jz9KywuT1J8ZbsfL/H3csBnFPCItB5ctoYnLhxTkssgg0V+2oDUUMJZBaok3q9eHYeUy2A8sjlRhYFhtdaajRtUEya7HU2TQX8gJ/78/ON65q4Xpd8b+p+Q03Kr4xgfUj+HE4siMDZO/FvHv/MqBFC+2XN6PkJmLLYAUBG9BwpCoye8TT69HyTTs5SHyS3AaJjCjSAbIc9e8tSdmA7yb0M0/+d2UwWUj7d9TvPsffqzkDIAPwWHHBZZFpXAm3kNjoHAidMDsB+fReaWdVjGP4+2QDWuOB7vdeSce4+hPctQShUd2sY8M6cW/V7pWq3i2NrWFAUMYlQ1tl774B378VOWSiBr0JGYb9veBxFxxDlvEaibLWzZ2mzBnUH9lbSyc7CBIDBQm3vhRWDYmkRyOSoUooCBxnx9Pnz2B0mZpJd0xTYCgEFhcqBOYNjFkObUzxuUdoeYLv55bqZwv4MFt/tUV/sMPo+n3FA2WY5SRjItZpuaNFDYKBwIeISsMdO8QgHrIFCIuVFnPg8waAhnaJhcCGA52pu0xEdWJ3UWi/FP2fl+zkndVqUeFrgzMy5p+M7tiNQc5tVs1uIm5oOQ0Dj7uvX25zSWjTsStzatOGEoCFpvWYLfJuS2q+V+HzfviOP4In2LfYjTEJ3g7g71U0fBE9NHzULIQCyZDJR+9wHjAD2Qt43Rlz9M0J7gArknKi1UfAKcIKql+Zld3GzFNlpicDCuAYZcVTzBmYJc9C9zETq39b/il2gwDuZcw7IQucxCwA2Kilii8mEZ4QFdP250QA3b/KzYPoF6PiGjzHOOmcXFwXHPduOiziLSarkUwPE1yPGRfBhXg87irP5KKKFdyvF1BreqiRbLTR4Mab1w5yYnnn73vCk52TOf1ZVNztmctOYfU0XSSEmjYEc4Kze1s/E4GiWC50ny8bP7QLxCN6D1yl4JhHA67o0rqU4LmfOJDVVmJEtErK3rc52FnrDWRj449VmgSc7NSDTjQi9HzQA6vNPAW/HjBM72EUley8QMeF1qapalatkFxIpqvTJS+ifBC01iEpM76lJ8NBBqQMONatmb6xbene7sG4Dy7s3TXYwL6A0Eut/y6Odz29WW2avmG5w7BtLuzGnPcm9xYT1XRyQ5rBPCs/Y4+cBoKUYrtmaTQk089NM8fu+4dEbNw4zrQ1kwCuUq+meaYvJl5wW6Dxvm7GpnPaas3NawCMUjyYI0P7IRWGEY6g+NuJLTuuxCW812XkYOIUjQtoip4rrvihnS2lp1Nhai48uvxqbiMCqA24V0HkZ83JuLzwgk22d/u6q0bmEz6yB6vumrkTCjSZ10m/mtEOaE8YIqBHN5ma1L6lmEObe2AWExkZDn3sMnhXK3RRyqLgrTgRQSPjp18AYnRuMm2Qc50usygq8Xq++vq9rIicQy2ANmyKnJhEbDgcUcJLxZIx8x0fWpgyCDqPKRJit1wxbjXMZlOscEsdWrDfTLF3nFDg1nPP7fAKohb5u1Az110s1je1ioYXFcWwTelrb8K/1JuKAKvbLkD24KeBNwievZU57Rgq37PBhqzg16XM5hrUWvXnNvg3O39Wg3knNMusUuqZcy7/LnP45UgWgAWeU2F3K0xqo7hFsMmhMdvD481S+6nRlDjHrBrDut3Ja3efk6CEA5rR7sxJUThvJrWkNmtdCFWUuPAZFRp8YTsmtqksjjHNs1EPjhqu6ed4yNiImlkbwuMbdORbP1euaBP67cRXoLX5F4kDng2Ybuvk1dBH/zeO3QM1adxcS0JFvQ7fB9GiTM9DqRPPsto++wEI3gL5wfHY/dxkogR3uYe9YSNQzo9apcHD0c3qD0hPBXJ7TS2ueDETuNiqvvu5Rmv4kPnRGp/1vdJHnz2XWT3ZAlhHls6uizsJ+zhHy+rUR7sTbdLbKBmrWZmJlvRq7eyd0KBe1p8gxZRsAWlU7EwMST0NiS5W6V6LW7HnfmjpykdoiczEAZSAsHFXoVeUUHa2mtr/vu4svj8PUACa40WOtN5APcckkq+bq7ow+axauSyNJmBiDm2VGTlRNBevJDGItFYMDexSuKzBGwarx3jyVKmgNHpSS/YjjiL7r4+tMo+zEllMnya6mgfJMVrIgm2Mi5kRgAnEBcYK9IBnam/VkZDssuo49EJyM7jZcGmPK91taFnRmmdVJ0zYALEDWNgElxBGFjUJtMW4E1JiRAxyAhnZ19797tHDnsTcVQ9SsqQ5C3bnciXtR3NurCM+YIrsdBoI8C2z2zRY4tHbh832fxLZFKKG5Yr1n26OCswtjz9pCdrTLnbChzT7HjZeueyhgjMHgEIOfyb7LTIROfpIdj49Bnae1N3XCtEVk7Y1xTYygIGLuhYUELp6R2IGI3YBCkFeHwhYwc8Yg2TGcDXy64I+dWAVQ22bjmoUaJaC9WxE8iz4V6cTcjITvbZsRj7JWxWvPsT9GKshg4H+P4fs6Hzo0+mMGjTVpBKxEnTHDALeGmGEDMOkxA4vgx2g2zVScGxp1MvDjbjTNVnY7AnEZFDnjRoDuRTDeX3r9oZ8zCDJGCNih1oKFyv2zc5Bh6YZBa9ggOhl2eTGGMolSkimw4BQjB4CBbCe3E9lADn7f7J0sj6bJP+5ElLZ1Cbhu9hAc545uleSX+z4jzJJTblOyRyfjzgdSyXyoiFC+4NyDvqt6ew5gUIli49zEc8ZAm2VR2Q2tHo1KF9EpcNm5kc7rGEouH+MASW0ivjNf/QcTU6mo781pEBS+c+jM3A3q8X6jzyk/i3JaszD5U3CWGl38DaS0n1y8OQattcS+qb4vWyM/TxDEQAiLOT6/x2sJpqiwkh32Nhfw/PQabMfGSgzFF7+mAVYDoYelaAaCc1x3uHFAOz4ltyLpavR5S3fuPRL8KIDV9CRAenRpOEprXR+CQ3sn7nVGsDkuBMVeCdanNDTgc3aKHMYM6ifGHMwbeiwmMPKwD53v7aBGBXKzeRWzC+0BNjcoBUAmOBsRJYAlsO8bxoIiBhIDMyYuMQb3uhvkHpkcW45ETTOUaJOjgDGqc1p/feYU2MKc/L6Vl2xe7xGJ6wrESjEItd4YAhA9q+UzpLzpu8fNzntkdSSpdDaK+qXeXC695IvOZkTrpASeDJFSHvcUbX2K5j41lcySW5tAC0Zhv7UuG/adPEfPTUsA/lpv6lzbiyxtdEqNYXY/Ko9900efUah85LQGalM1Jex7YAbmQydKOa1HmDpPbjBnN4Fh7dW1pdd03w8gucrN9FS+Fo/PCPkpbyA7mnSowihOMrghxWMqrIA3mDkiNGLs5x2ujw2LMLd2/oFBNvklDZh7kWEOsBnYG+Ci8LouZFGO45oTGaE/Yv2Ngb0HV4tPvnZLhIxgwyWg3KZ6VTx1Mc3aJ7dgVDF3q/3IifvAKqc1iGhg+n8RqMm9lGxCN4k3gxd4g7Dz0W1wQU7nFmcNZ/BQO+CHbt7zYcFX1Pk+A5KClZKhUrLflNDuHrvYzgdQgzac9/uWjREZ3ft0L70SG3Xety+s0dr9oBGi3GV0wDPVkiLAFj5zVyS36aQayagz77cfBhPBw/C+F0cx0p17zSnufbYEZGkEgka91umkVZ7tWBxPGAZQtZ0D2MsbC3jgIr1HfmJcWosewJZGAERV5YalB0U+BlAScMpEbQtFQ0ZDEOi6LuQuTCEjVYEfr8C6i2JpIQr9nJxQ1P3PnNgJzOTq9hCyOScLzOu6eDZHYYfWxdcEJrsYO9jd4JjFVGA/FNBzxnR+VER/85hGx6+PUVUtNniAmkTV3Uj1101oSiJKBZGKYoeMsiOJY3Ne60nWzD6Jj99PuAhM5BcbZlJb2BIPPsCqHdhaWwKhGlF4J/aQuv2jq8GO/XHi7hoT8Tcoym7mKXCghNA6UM9AxO6yZ/h7Rjg9F7zaNgE/h7dWuJvJ17kFFvl9TWt7CVzmkdZsdaKps2ejTkkIFuwUCOjhudZse4kiuoHULI03O/Gm0cfWUDHnAlIdibU567szke8bCHYHp4riXRtrU9dmxEVfFlLTD4PpKmwWfTWhvkk/I+CXNX9CS6ZJBQ139+g/Q9TcypJtChx4FA78+3SyDXzwDH/fzuA0a+2R3ABKRFKJJrgZzNfThSBnaw5Aw7/NdoFs0MyWs+baQLc1Z/o+xdm2FHHAEDNcPDL1nPoIFxljqGAnoHJdkwX6IzZ7Ne6IA+QYLDJD4IgOD41ZHuDmuq4Gnbr4UmEpCKB9Cc+gnlfJ6tacuROdgdngjrDJkwCpyON7wMkZnHtYZ8Ug+IOJMCIwA4CYrzAYhETu0K07eUMIoG6tkQSOOP4jT9KZWGv3e9r70dDpJE52UBsf1wvePmTNvmfxn5nYxQJ47cLaHKFYLRTpLSAepzqgN4BO4kOg+a+mpsvAmBH6LP5AwPn7Gz4MhrlwNfMLgPJZMhni4YdSf7MIjAMKor6ANAbDvCFwK374rGauBi0cK1z47Qewc8aw0fkvO9vMaV0g3V0clMDY3eCF4yYA5HCDBec1gI5rzq8Zm6vzZKYTu5mozJslDWAWkQBDA5NPtgB0Ps66bhzWuIAaj+y76TpHNHOMW1aUz8Axn69rn8kxILHmHjmtt47uRQ2poXXY9EdDOXFqs1X2OLH9Y0nU3Y2bFgpfq+2Wo466X2KTflw/1NwxWC5f5JEJFEby9yIpB8Drv1XYJuaeuOrCnBcixbjEhZosdmNwdPnSxPo5k3/NaYEHE+v/rfH8H34YSGvbjJOvutak7mkevwPBKjHk649tOiY0ONm/cEaP+r8NdgvQcM4RyrMsm9HLTSAfWKvrTcDmHLglzwBw6+atrWVACKRJNaCPhprfhwETM2t685Pz0DSrQ7XjkgjxXvDa7QaI9wHgGWes2ZjdELgXJTE6r9XrtZyGiRjPhkaZhfcAwvKcMaZyhTkmpuqPHsONEFGTWEJcL2yzy8fAnK8Hc4k5bUY+tqHyBbJIHphzIHIg33fbJe2dN2RkYGxtqhULZ+nexmYetHNj5MDaAzESsdxQS4zBRmQUgDEQa+CSRlwEdak8kbJ0zDqnHYO6Pz6XigWokvSrrug/1Jy/BWq2HTCMyOo6FxFIBjTPyznJNA3pSV/nCEWEuzHn0UDM8cAuF08hqGDWSbr+3aMEXz5sYq/TTXJQs3gxqnrW2F23Lwa7gbpmP1cnQHkQL34vvlxcJyu1E/f7jTFnjyiZCdRdfM8SlrQq1AUnNVRboPSePaOembjXwlubbIaSbhsAFaR5rQ3++LLGYCDm1waVMSzcJqf4haYFdsXGACqmdGmgkTRmv+7MjoBEfj2CBUyQbcRABlSSeXBdF5OdLFzzIpq7+J7mGFgNNA3UddFxjMRMYGXg871ZFs7E9SLDJhMEgC5pLwgUAAadYIAOZoBrT8fZGIJ6UBadvMip0S99Xw435zRPIHOAQtsm71XmsU1SkgmcZKI776V7uiNZ6oyzmWArcWRnfiL3bsrpGKO/Py8K380x8Sg7NTt/wCEmrPZIdoYutMCONuoAqS64KpFIzrrmQ9k+zSY7Gk5PQe0OPEoi73UrqD/ZN7sD9fIMsn7Pc8IOimTSZNuj6aW01a9sNieZToRpkHkSAQU/AHz9TTi7ktfY/k4EBK4AVQd4IJArgUkghGy2KRsF0oW5kwCBG1Us2q7r6jWjBQAKLAULOKd8mq7VDmRw85PjAhBIDGRNCgiXCvW9SQ+/LRIpuncUsGmblGzlJeFSma1z4kSrcwD9EE+Li8spFtB3fHR880EwUFN5OkHQ/TeYZrZJXGgmjWImNyFpbDVGFxMKyxp9emx+AhrsYIgLgaDnd4eAhf6egJE5zyhTBEWJ53WJnvvY8BSB+XqMOA0CR0PJVL+XMLV3nvc/vbXq8bd8f8+r+73iAFG8lNFnj/8falp0KgD1YlEqXEgrD4xIXVcC3fB1iIfgcuco0SBq7fN1Mtaci/jW6j46R3jkMtW27tJbMSfCkmAwExAge4ETgwM76U8qDkOPAPADnMFhOTQAYIA4i0y/z4WfP90dLdHoDxvCz1N63vOeBYgJrFH6pMPrs61rkdW+2o2u7/io3GzG6O03yI3CaTx6UQNjJcbUWRpqQhgQ4+8tMZQs2Muxp2dcgZpnu/VcGtSHcmDlYR6FgIvMBj98T59dWbEQVWChmysnpyWTEojXBagYMxD0HNdgLnTyWOCZ07IzH3O0kHGJieo8du0lAO+cRwNDW5/bOS2vgTQaFUcB2iS3hBa8dcVx08Kq5y0zh8vYuPLktK4TUjPYEQORh0lEPGMyJ64N6zGFWN07xP8f1Irhe1TDZHtkQz4mNwVUEUDkyWl3irk84OK+cqCm38PAGBcQG+83a4kxBy7qpSKnmX67F3CwETVQc3LEeARyFZuq2kLla8PGsf5b58hx09qT3/GRWyvYXfgCf2ub9bTN4Cgrt8XaNgF7WwOGtpdmFj6AGp7nI5rbbA5EN9SAh6+wr9bfvVXpC1MHsECOm/x8V4d5SNugpl/bibQOm4VXZuTxc51Nb5a+qNZc6UZj1Zec1mw+Nirte7zlyaNUh4luxnmPKqI6z4D/29IGgfZnJ+xNWMenG1HeAB3gfcNpgphswX8XEhsyHZ2L3ZIWZNMI65EoflZg3Qvz4lZZxkydCbGwvua0zA04MbCRe3CbqTGDkahbW2AX8HpR6+b1cWGtBJmmS1MjfE85piZMeO9ZxSRGGdYzUIPOEdKKPP+FevO3QM2tjT78wI5tfrVz+BoGBRGkM0bhOT6cm9JFXJxAAhc1gBFQMwSem5fq+S5kQE+QxYFibd8QATQ4RcrXQoqdTa/zWluo3i9G6wOP/j10gPXoRH89GdTGo3OQEoPK8kjF7g0AnWTZKIsMgZXHaJZpaPfSc5AyvcScMILqQ+A5YICbIrzyGgByWu/iqTlBi6vNRNlUVtLSVQB6Xn+9yabY2kIT3LA0avad9Vxm7qXuBTAvggNXTXYqwY79LhbeKwJzcB7XoxDX66IRdrFMBsAff/yBuhNV6lBdibk3rtcLV+mzpLRycIpWDM4Ju/vDRCJAhpSSpgZqDsDwHR+7PNNue4D+tlMIFLyhhUEtcPUYBQOAxgiDZTNzvkcHQg/ifzzjd6U2L/CaUctiAOvuBDFSRaACqMdxAKAy8OtVjS68eAfssAtmjBzbNDPcSW8+Cg1TMhus2buTwrTA8NZoVbNlEvWwVQe53i5VB6ShILm1ow6bZ+/E++1V4EQelnDh7qgWvdfO03ag8Jn8SACVspVpnQy0WHP4uijZxJiIKTu/KAR93zder1d3B3Z5TNTz3ATfxxi4F9k1ZlMEBmYQ5px0gshkABzSDSEIICG2MZBBf/W+3+B8/cTHmNgF+ZKB+14qsoMnqQJRG4ikuFxwVS1ED3/aJqSq7/uLgO4vsL9vLciZaAEagG2yQBssIK7z37bNMVssuKoaRG1RYAEXzzGGp8CvY5yBmvH4fsT5N0BAziOJ/h5rV94HgHFhajsb9XLIaDMgPsZs6i9KrEyBNgY5zvs8ujnPzVQ+y6HXC5zfMaDu5C6+XE96B29tYiLJ7211v1tfRnHvCyBVhdSKV7NDnZfomKEbNVtjPjVaENngioWHeyRP8uCoasH1ApO2bnrVeR2oEDA1nrpVOIV/cvQoAuxKonCZtbhP8s0FC18L561xzPd74/NzsSMcs5kM2blLnVqolDTrs3fxbiBLwEHrH0HbMwaAoF0yCf7fYkb/Rx7vJRBc9nXYXGeTi+ZWYLAvUg3IBFKF1ZfxJedumahthqcZm9mxCkUGx4mxzDn2g3GNBmcecaM49mItNQBd8HfBqSjP/1NOq4IPEaj33efPMU8XgK+pnNbnwIWq81+vu3WT8RR8h8m9O/76PZ5u/N1sVOjvUOw8enBuAkacMSpiYanRgur3NuIwen/NaUv+qDYvSAwyvM20GdKZGHOIUXsfXyk/WwVEuWbwGAbjps/PGMBMNg2Ga5bcapEFNsiSf70ulME9LbdYzZKgX/4YH9pWSj3GTDa9eBbcLOFnHeGcdiA2tWp8vem7BGKpWGbc5O9/55z23tnXluOJ1bbpg+nV8/wUHqW14LXzHT6f6ynXlRAYAeeKaoKXQL6u84AHeC3QKM97OGApjcbA92ElxsOnHoAQAjXMcH5Kdxw2z68NQjUfM5v9bR3THm8VI/0LAJyHDePPuu6jP9MaZukac6kB6XFMMy7N/HZsfdTqrt0dY8Pjk+c6opgnWuOJICganCH4LfZoAJc2B2fX6/tRkzpn4di8Wf2JQA1qTs0qxBwcPULiGuMvOe2GWP/KQ7wJkD6A2+BYb3zi4+MHrtcPxeXE5Z93jqOaiULYJQxqIHMgZlDYGECVayCNT26dO9ebKfDr3zx+r1Gzk5T8Gg+ARQfUCKEoggSMAthOTQhImEYIJZB43Og2PjgZ1719gCl7LyVhej29C/78oZUGDKp4bRgasDBNjs+3Yar2zt0J4JkxLCzEA5SpL8WWv+5Eh3GoulL27KE/xzFCJX51uvVreauTnIJQTI840YA27rXppEWXgz6rBaIqbVDRaKi7e2snoAb4CK5+jBFHLTsAji7NDn5mMowxkHOCq3ZVGclpzDERm8nqrAI2qZspxzW8/Se81aMwroGppDPXjfeOFoScY5Ivhhs5J655oWoJddxAsd0wM5vmv7fEikF6LxOFC6/XReG2Ebjm4DmOgdqFGy4cT8BiMYi+v2ZgxG8Qzv/uh0Xj2AkHgHoo4IfA0oawwaLXn6c6GY86lFzPZid2s2jcFUrpGPTI0wjy/DxzrTPkaxi52RFnWwQu4fauBooAF6InUbW6fvqcxlcdhg66eIwiPbsj0AYmgTPPhLI1a9Lo+Zmfz8xHELNQo7UFRC01ZdW2eZNqum4BEI9ra4D4mdDb5Z2vAasIag5Q32peHE2KqA7ic1JQ1r6rAGCii13AhS5BzYmJvVMsOHUvdG88DlWbbL95cX3lBDAj8OIvcSRR9+OSm1ghUbkYWNjYC4bTECNxldaVZlJ8ui7ENenrJDIMnDjQKxljdOFwglW1T+P6VcaArfG58DqHb/hgsyLEZgJjHDN/+HN8FXZk0Qt45IcJtwGuGKNHVsOgBb6CMc+/v7yX+Cto4ycaYpR4u1TinKknIOQC1slMPf6bdipNGtl4+w0cRo+1cKDX8Hsazgv0dTZpDOKEzskDmPJPOyF33lHHo5fGC8lEuVjQ4My12/44/vlrR1qJusBGNjOUcHfucgpTMpQGzNg7ulNi5kQ0G5eilegzYT/o4tMUd4uTj2BJco2BKTCVvufR4HloIRyQunDfic/Phfu9OTazF4DQKtfH5jqcUVSDhC2iWymAonDX7rNFexTtu8hGcDHjDVnf9ZHKEU9KrK2jndO6GBBQgxBwzEKKBcbWWA5gJvEp/HRPMr/EJ3fyUfWIWR6tP4LdZDWV6PECPBIcbcfXs+vkf6vA9T0YcyBrSL8CAAr7b3Lak1WjAXJ3mvGMVz5zj9HfYwenQD1s1t3nCAEVfrcYNc5tyYQuPNZyB/B+vwGcArvv0oOFngWsJAtnjsBSnRFilFdRvJkj8hMQ6FPQCKMA5tim4QFr3w2EA1rDG6FGAuQblR+LPRjXQGBiDjYZc28s1S5f/CfoA695IaqwljZlFX3uvM7GvQCBneuaAloGCgTHoTNRwxutBCC+F1k30A1T3rd2wj54rf3t42ZbYGn7j8utPgejQTq6fDZyuOJMvvdBeinFWddvts3+b4OQaoS5Ye6Dz5pM76tBR30vk+G8CDDZh5+HYs0+bJEtWYiokA94bhA9INAtvVSedQO1Ht0/OW1vN90bpcZjL6Ox3o2Ak0zmtEtjjC1WvPdDy9H2mV07EJCoB1iFjn/+jE/AporjyJ2/iM3aLBKNcs15ESuvVC3D3I/Ai8YDletywcjVgHgASJAVZ/xsAKhdyGtgYnL0KC5cI/CaEyhqVCKT8hrzwo5NTSkE5uUFH4uboCbEervxIQmYKjJaSzWQ/a7rHurGDrSG2+KUgutNPoeB/up8w2y3OAtu//L4x9GnKqFGTi7bvRucKDibOStUf0H5YXXu061q5OTpjAUSdGfhgTpG+KMaLU5kLqe9gt4DuTm7+ysrwA+LMXWnujtsuliAupl6ZidgD5TQN42g0O7PYIOy8aPqsU0BeK5YqzKNLTUvfjotay/RlB9d/Tqq+b6+1Q5od9Lv7QK8xAJqcNb6mj1Bp5P9WdkRGAJbeC1nydGMk7yEAr4PIFH9rVnbpULQm2fcaUysGLjWwAqgihTOgULmAC6KI1oY2Nc25nWuocSbrutFTaGdyDkaXLuuF1DAHp51rN48MyK4YjhCCbBZJYDRDeVQBPDWV7HF7/gwm+UZkDqwATiG5YTTiZ8t0h3nLYdXuk7nmtkpGq2v6VE7FthO1ChmWrp+J7pWRL+DUnfIKzd9js5Iw8DeTL6G5sERZEYV6sv98Ht7JsENfuAkjOteX+w3ReE2mOktUaUz1iyaPP7rPL+2ta372GZ5hhao2qKg2u6FoBuk8c/mSYC9znTOQKlQHt0FPYLBjEb7MboGZIzWtXDBOAZFDUsq/XNeKNyYeCHID+7Ci6u9aSs5Q6LIgRVAxNXv++O6sGMhdiHVFVkRonQGsm5wMxFwXS9+xtZBke7ARXFEjqKyaC5lOQwdpUQmCQiaut9nAOrkUzOlikn+d308gZFCtS/sh8AuAxDPc+2kTngaEGZ01BeLPh3gs/XpOW5kVk7r02hsSZav0SelYgZAZCfe6BRiwUwBMn5ts324ocggIdpH+/fh92lw8HFtThfuUcycy8PPDAlq+toJLIkuqKpj+Jge9wDjjhQKCbJk5w8F+p8h+jU0qrkFZBCoQheE3FTlnEejH7oTAeqiha4BYzXPc2qFcGvZ6SabrcochvHSsT0fvqEysVEYQZ95vlEPpqCT8aNnQG0Bxn0CNCkf89L4iC5llhMZAqX1yBINTOluRBTXIEPFapWA5ANycARHeVr+JuP8b36s+yarS6lqlmyh81rmSz32htMlN7iiGlLMJ3Rscf73jCHON7PjjdbxMhHmGZEvc6Ogm47FBkBl4b41zv5sosnve7uo7dITxWdsQ8w5bWdswEOjUDrysh/mSG76PD/TMw8uxXDnEM/nc/zba6OgM7nOdkRrYUCsmgIbE6cu0PMr9i0zxCU3cG+vPQ5wmxpo/1vNW+h++kM0WCrgZasprPENgM+1arcvXXtrpF+d/YKaj6URMgLr1wzcd6KuiSlZgYjogm4MChyHNlLFeLHJkwlACzDqdOkpWsr3NMdAhtl4RcbzKum5hUZiJRy9R9umMTnW1fyMvwqIf8cHJxMGIpzzZY/bnHpToJlBZdms8wU21dwY13dtmwKSAQGeDzttNvVzO5LwW9r4xmEsGbBhvWm9Lz8c+6zP5BjZr+MGoPwvQNv9Ijre4G71KGvntPVgtDkHfv6OgWN9ni3tGmvccGqDI2QmA6znNep6lT/DrZT5xT5DDdwt3Sz7pXzktGaUDjXiEqc55bgNHBJIJXUSkWThACfPqb0wcKEikfcic8Zi3wYIgnlhBEcPmwkYAMDRpKX7MoLkhz3oP8hKncBOVCzMHLheAz/GlDzHxngF9kqMkRq9d5NFAI7uFbnBAucWgSE0A5B2fMad4oByv4mb/yAmrEMVDYc8EioZBs52ERrGo1Oo5MI3fjcw4l9/0Di7mPTsn2nLTlKrn9MBqBoJ1aEHL8x6UEkd1PzLW10yO66jg+Esg58ywt2Xx0xuPQIIxKqxgert7UYsq/92t9hf80ygf9Hv04KkS8GcSZeDJJoq6muf+8wBA2ecgxRdgz685q9XYFd1594K4/GgjY7gfJ71Dgwy5ToBj6MupyCwVkQrzyvB7/+OwLwGBib2WFijABytk+uaWLc699OJQWIPaIIvQEFNvv5aC7eKidfrxYB8o3VqvA7140X62dFVQJ/TxTeMng3d3oy0uyi575uI6jd9tPhmGamtLgy7qHNtrhw0G5g7jKJCIbY2nEjHhiMQwSKBFT8DySp2skWfnWbXAJzPjEIiT6IgwCZAfYi9T7fV4EsXhXKWMThcU6Xg1UCnfFBRgeh0kPPY2SMwWyzYoGVmItdqsLPXp4K27U5Dr6oFA7L9zv3oWPjPMtCDEGV1K7HPx/jOeY/2I078ODYQmEFBQW4QqLaBMTyJwhnfcV2yTSVkRVv35qbrAvZtNXoyM3YVZkEdO91fg6iyi9yB2rSXFJtmXhSmXXvhhQkPuta8UJioe4Hbnl4Yk5333InPtXHJNitZyNYi5fq6gPe98XEFxgwxdgC3rcxMkGpbJxLuRPNru0XPv+tjtNHp3x69dOYXYmmKjfEUWiZQYFFL6FowgZ3jgBbMTcxMOYmhI3QLDT/AG4IyHjEy4CNwIg2AnBGj1qoZ3NJHfQYxUeL8rldpn7XgOJ/Xnx8iqn8Z5XoyZZwH4Nj7cEh2F40Aw+tlllicpkP6Rd39K8Rg3tBJchbBQwE5B1wRSwFDryHwc1BI35oJu/2N/KiuA3BEXP05qpPrrWJ4NNjbuYL8jHU7zAI+Ao6JmKEkl28sDdB0sX0S9b0IzphNQ/aZmjYoMgCXmMPKw0rXu3Do/r12ttfhFualeKlz0DmTxxJAG1/aDPldH8+x8I6ABjgeBdqxXoOBLtqqz0zrkdQp/Fwo7UfhY3FOgzUFYHsrKZxbPppvLjgFTqxlUVD0dbftZ0jjMII6YQ1O8r27Kx0AvEb7jFYdgMa5A8crFB90FZyznt/3OES05o4LxTOOlV0Qbp1757TWjSt4Bb23XjnunVhfvn7pn6+Om6/gognmJr7O3tyqxQf73fnsU7vHzU/7n1ouPo+eJnotseobA2wIzAxEDawBgTDJRkZwTTrJL0nGcRYQiT3Y2OAmvUsYSmBm4fPnJ8aYeL0uBAILi83MKlSxiVVXSIeRri4z4IES9OKn0WwJN3LnHMgkk+47a7t51BQ4tgmPahmIAR6jvq4tecKfgIv9rxtjZPo9JxC+ghJmovAM7n6tU/uZqmMWHG1zr8RSLfe0za4RpR36tfGU7XcB1mrY9RVwWY/mo85qL8NQPfhk7XXcMFsmj/7iWk8mnO00OtdtgAdna1QIQMkyg9kjh6r+H80BhwHHTX5+gihk3Z5rHcobKrRldKC16nzffX9iDIdK5ibYGDERscXElg5qFCL93wnERM5Qjcs13OiR/UDlRjqmbzZBEYklLaHr4nNCfv3z8xMfHx/NxGsfFKENchztuuaUbQOJrZroOQqs6YMlUIZIDSLoA3+X0/6eUSMxXCdX3UmyoRS7RyXn5XVioa0+DxNsMCUezrIZL2Wk9yQV5Q6fHQ5UaOJRoKaTWDt10Sz3V8MxKmdwxiei9HonqeRzno7hMXiPMxmAKBwq83Ms40kPdZF5uvM0uHWvToqYMD0paERVbwM1a58Rp6pOEOyEnTR54xQUzHyYDFTs5FrKUjCyxgYWi/LXdbEcGIUcfF8WBTTrIAa3KHG5ABPtFR5RUZIeg7obSv54UAeuAVRNopio7oYskOg/IrCGKHFK/JfOzOv1AcbegXd9dtGRg9uBdjIAjT2w98TrxfXdBdKyzfKwOCU1BS5gDG7tEUsp4GRZ97zW78zjv/WRVcB+dupPkPAZZ7fzOIpOBMtg3OmmIRPQfGgMiHUxUIMAy6ghZg27Q/QB6tZWAXmEOf3avdUGnNfei11q296zaDM1PPLY3rPYO0GQ/u1rIvxXjSYXKafL4K+vE/Dq0Nlb4LDtV45Yv2MAdadEgwWmrKZ6H4acfZa1PzxKx7sUHXRHj5KU1hWiAymTUYoYluyj1tYEYMmOPTIk+9noAizFlB7quo3ixjf6VAatUUPaU+qaJDekRQDYajiqMzETGBISnukteYHrBVxF+3+/Pxt0mzmRSb/D0a1E7oXXx8Vu5AYqBMYHMGPofdn/suhkUkOhYXaG6kux8C0fbmd+GUOK81ehAbdTEZaKqfoSsEMd0QZAgAOKyN4ItGsEeZz12fxZr0gX+wYHuOHvjwZBwj/3AF88rgR8BXKePxcCnPyZGpiKQNQBa5ohVgfk6YL/XJpHkQzlEwNPv+aZ8qjQeNP5DbJl9Lu2jSGqfJGd0qye4vjI14aNOmTz8ZoJ6inJbrfGiREGxOTvrPEF2nLT64uikadI1udwYdBNIH5eC0qOAGoUArP9dlP5cRozXuO9d+HeiZ9vbo70RjqATBLr5EQ83l965Iq2Z02wL3dB94w5gPIfNYPMzDLLN8b4egO/2YNaJ6tH3gtAWCQW5xyGmbaVFPzs+OJCQmMHYnI3+3lbP+LJ9Mz2+S4W3RxyrPja8VehrWu+lzYg4YAqwc4TO7aVf7Ulgw2P33Ex27nk9gpyM5/R57OsXaTP2ywu5d6+VtZcW/tsLnNR1wVniXWQHsvwSnIJoMLAEa/bky3Xub+vaWrcEM9GbPTn2V2whbbUGbTlkolnTpv62e3CF7vHQF1kApBMQPTn5bXkeAXZC9TOo8tnfm3R9r0JfA5JCLg2mJMsN0ScuAmyKjKiWRQRHO9y3IykGLhz2tk6XQMUSq+/xE0Who6b/3vt6X/no5lhilW0iZPfWveLkJ3WtvvcFOAI0nISum9fRp/ynLU+exoLcq32xTbrxOVm7Sh/cjzwWKIfp97cX2zTIL3t0u/HY6b5yFfN6m/BYgGWT11Gbh3l6JMBlgOouhlZvXq7BevzADv+4/iTOl8QIxQQYUEjY6FlAW0/BqRk782AUdwkwwxdk1p36MLZqoZMOBXqBTkCoiy8PwaQq8CJRG5SiiHFlxEI+QqygIHM0zShRuYga31v3PZxEhXOYlMz68bwIpUYyLzwfr9ZG+/dY3M+p1mJqxIRF7caP5qzCInqF1DaaIXBDaqeAgkYwK+HcPbfP/5x9MkGY5DAhgQ9sd+YD5veGezbeLarD4dnP204ssGDWOr9PhXpT3ICHFqogJpyktEvrcN5aEStsyGAwo8nTRxAI50evTgFrihnj0K0O3Tqpv/dmIUPOT+uC0cq2BvRNzjkr90N1py1hQyA0c7H9Gm+xu7uy5dRrqzHf7vjJ8aFjP4toVAK2HOF47w40zsiUO4GnIjNA1xAjBI6v1FbOgfDCbscGbwp5CQ3lcAujdEEUU/P+Q+NYOBmkRrjUiK0MKedJMefdi6MLdQU3CI1xsB+TUT8AGfKSU9jrcEk1AKUiETehdoCAOMwPHYC7ztxXd+3++Bxt6F7ah2EJ4haAa1Yfdom8EzqhmjvVTz3DCZytgJcWxA8U1sDSlRjB0Zta2EcVcYn5yrRL0enSkioK9qxA0qI93H8LH5GV2/WkWnbzNMFvu+7/cXpNBtgzdaN8tfWujsoQkmihTnd9TtdKTLdvIFtadNTFunL930jxCzq7nyq2wqf+wOiuRty/MgBPguJ0Htfi9RrJ7dzTkhOBoXCDDQYRaDLBcYw4gNIqyuxpJovsCbUhYtoH3Z8aiJ3AJVY8Dgk9N4YcMZ2x8RVmoUqJz5eLybMQ9TaSsxJgP31cWFsBdIwy43BO8PisFvUcnZ3ed1K14D+4L32t7ZNj/UZRPlrbhydrPnaH0Bmtl075lcxuWmQRMVS64adJ9M/D5AC4DEape9ZVw7ucA1pHAx1hJ4ixX999AYn+Xu/5nP19xxm4e32Oef39X70man7YSamEgedD+vxOGlt35XFLSqbyZlZKxaTNOgyBJ4EvKmO20TWvYE4IuddqJdsCAZYzDY4DK/7Xg1I7L17LXnU8cFOmgGcJPiRrB8flV0gfwF69Xvw1gj/fDkHWA0A76TuxfteGpGxTt/XomWOIa0ajtmse7GAXgsctXSoV7Lcd0NnSQcyczEVwMnXIGHyXRvXfP2Tify3PfZazSrTh+BnFO2ccEbwbEQ88haWh4w9/PdaW+Ky4wAFj9EDi3F23Gmg47BxnPdSV0kAfpDx7dhngGapgISARib90tho8zIIeVjnWd4cdxqTVWel8JiOwS5Go5sWZ5vXE9gBoHXx9tPv+62Qszsn8diXpQiW8tR7sYi0/ADt7G9yWr4pfY5HDMUGNhkljGWzr/P7Xg1Or7XF1J7AsF7m+JLT7pXcZlW876kGU4Nb7Uf5t31QROHjsoBroZTn1EjUMLsuMK8Xc27ZGMKf2Q20AubQteBWxftms/a6XggA12sipt6XctlS3CRQ7U2nAmMeOW2mwdf49nHT9UszHRUXWlsM0iuNk9M2A61v6QFJ12be89xE9mTUtA8uNRBRavqdxhoEsqI8mnXqTcdu4KseKvDVv+NhdyPmAyDKPk/Ocd0kXhopqsdzPZuT+ymNsb/+d8m/mL3mbaQnHmWPQ63WvKn+edsm74nrfsWgZdC6On9/2qbxAI8AKfB1U9NAZimnnWCzJMyEa1zg5DQk/zl+Sb9xDAoEC1QK5bTT96SMQ9DWkoUn70UA1M3lBMDOjZULc77IbJkXxt64180G2XXBbMj7fqtRUZ0zXJdE9dmpEYZAXTBBHQhs5L2Qza7K/kxZgXttvH5jm/+w9emooRfqy0G0YR3BQffDBKCErrKLqqqmWs3xlYL4RSVaB3PrKcyiaQaKb0CK9t8IpwII65MOMk6YLeq090Hsn4YG/ILoykn7UN73fc6ODidFqFQTyXCeQIr/m+yRfAS1u69f1hGaYyFoQWGPQ7EwnEL+3W2Dg5uvtQstJ4t6/qnRiUxtkFmkTq+1uGqsqnUOnExer4kMINcN+FYqLdPkPCITCw5+9aC+j+5oIEiVjruwJvD+LKS2hnB//RCFXl3fLX7N8GaRDW8NMrp7hOsmvPqSosde7Vr4jMLOC6/rQgS7HWOC67m7+D/3iQixg+hAYuC+n+Np3+/hlbQ9vvMLUFEqMEzxRwlULQDDs8B2akP04yVk+NhoRjzQFz1/UED6jHRwXn+kc/lQwcP7NUZ2wpN5AMcnUBqwEOLsIrTyzFVvCXp18RjR4Mt9mylXDWhuAbXsOuxOGt0FdXCLcboBub3B4wQzB7hb9sKVfRx7WrdGLt3t8Nyw1PvDDglnFPFpq5R1OP4zswDZ5r0SE0qi89DUX8K81jqdxdLYGZN70qVzHFo3tZ+A6+L9I6h2igtuBLgRuLogbQ2EcWHOwE7a5pwcg+BY1tkQx7PBwuSlMwSBAAbyYhHwyaJYOF2shTDRc8m9JliJ29qJwAVUYNfAvR6B/Bs+SqBwKAa6c2I/StE5gTmwfaJH0b4AJcVkIoubC8bgCFQXETjPEW5nC0Dz8xlU8CjD0YU6AAqZVw9WgYAT+1eAmkcGJRpc96hDFgWu8QBsFDM8v00AZ3RMmXN044Tn2AKZPkvj2AxwMJyhxKsp5/RnHtUpAcXeEMKf4S8bDK4R5xrDnW8nVh7FM3g2lA+ebRjIYvEEFgyR2eOC9hsGmFhkJ7Ki/cAp4kvJ6InfLJSVcIv16eS38pGUJ/OJeyfebzEFC49E94zbtDZeEoy+7/tRSDhXISjKSx0qLkL+xbFiw8seDq17IuJFoK9uAN8XqFl7YRR9qrLTBxj1tVh03Gwmk+9NgzKJfS/sgT4HZnU8tWp6NC1V8Pne5gFqzmgsJGS/0fp5RVDC+aVXyXeRKFDfcTP3YQI7p91jPD4T41vnu3k+795HZPg5ftHscBjsQucZO8kS97Vc1glRc8PipgarGJuDjOWqL3GTjcQTJ9F/uXA2myTka64ev1r3wro3Yjqn5VhRlWPWwPolp00U8r1QQaH75+s5fjp3IWuOGorMKW7cQdbHmANDRTkZe9ywufaNrOicNgwy4NFwTZ6dOWb7L+a9RVbQhtZ4T8zteMmtigltXSvWQfSLYgNnoYrjm6m4+Sh3vt3DI80NXqvJ6EZH/WqbnffWl8/VALa27cbj95+jes/607m+m4BPQWzKa1SD08xt/IISm37YY49K4attsjFNO7FeqePiM393ztmjWG3nSz/jGnGhN0RlfgHd7Z+WdW0cCxro3w/blJ06Lj3eh1lY3Wx84AAFLXooA6hsKHXe82iaeGvxuKgVc40JM/KvF4WF/XrD4+DwRjwBIAbjgpvWDIh4kcHTNvM1pQ+kaz8GN6vW7KZU3QQ35xV4RQJBG/T1H3thLY1/oxTbN64XYZMrLuROYQPVdXBVoQaHxwyKOxb7oPKeTiTI4NkJjPxfBGrW5rq4s975vBmjd6QYvlQEShhMCaORPYAJxVpLW0ZM9XWyVZ1g+JDcb3Y+prbK8KBtY0GHila7kw0oudjLQTG/JKiew3MCeWa99ZwlA4sjgOTD9KQN1r3h7oQLQ3enkAeosqje2kTxuruvA7nWxtruRisJXKnEbjVYk7tQ4dnq6NENI3PderGrKcBB56mr4xl7MnjorK4RokHT2Oc1UHd28u9urBkNEYNCaN0B1UNOlJR5hcH5wsiNCuDjAt7YWGtolGlIF2eQ8SJRxhE84Ekpd0xMJHgOVy1k8b3MnLjfTD4+fnz49hODuLMd8BgQ+BAANqruLk4sNNUJp4C8rbP4ZXLhmz22ApCV0p1EdTdCScDr+qCItFBxIuBADIICnbhloopieWZ1DAF4odEkA5RrvaURdDUVHpW2fAI1AYTB0WQnocDRGieDBlEBdGHj6jXfNxqXdaCsxC1a8ddO57PrRxs+VM4UyOKNTe5mCFRV0b+zei0uqdkb93o3+EA66gmQZ73m6Yj69c4GmK8AFwAFMiX7gLrwBxDOzYKpXNiXkvtRiNL1UxeXYAdpm8jEmNwMVVOjY4NrCgeAfScSpGiWWDTE+QuZA/dNX/26Xho9rGbD7UwlmQzUEaejZO+zgPb3BKfJXnu9ri56S4XquqGOBHBdU2ygbDDW52HgUPYTidq3zr2C97d9eLY6TtEvQG5rw0Iqbir16895ioXNJIOm9YW9koS/eQXcUNCfvTbiCnVgQ/ZZIC1eo59iqfA1B6iXMAhu4AG6h9dc0y/POR8aB0OA7EPYtxw3FZcC9BExJDjOPILA0VA7IboAjpJ2UR3hY5GbCW5N/re3Dk0QNIILuTp/GQTb6qr2yDWvLlKTaYIpePn0Wt0V1eV1p7E242YKlDGzaQN835vMlni+nXJBFhJXNQ08209Za6417IqsqcqFyoFVzimU32wXB4rp3kCkvAi6X2ZadLIs27ydZ/i0uUjPTVAG9GdjXDADZO9G4dnM8Rka45xzFK4JzO+8AnhtjZSenBY4cdPF4DVfAvE1jgnfz1SBRU2ge2/MIiv1AP5uvBmM4T3+/PwEIjpms1hfZDRXatzIsYme1aDBWtUj6Nt4LHD0ZJwb3meNNWRvfJ3TsYaKNYUdvn7HUeicaWTC4qq/5LQpYPM5KlwJ3HudnL9OwWxGDdniB3QJ8Kk92uHGrD+fi5wwcAjGQksUZC14LMrrh69xcpqUnwAmVt3N5DNYwqJbgszOReqwabC1qecB3A1d948LuJXTXteln3EToxDDwA0XZ1SkwlYg9xn5TnX85+A9DwSu14U51GQcoA4dgJonbq6le4nDvspMTF87mPN2c0oe2THkOz7WMpN+OAo2WGOW2rPerHqedT4ogItuzrHedG7ivNgAo5k1wPvzrQYzDqMxl42eoEn5/JshE8p3yN5yTpuKKltz5OEcrhlqrjW9jKLU8OD83NHZ+QrqbwHwXp9932Q2UgD5NBatG7PFzEFAgD7BxdJWSYJBR8Sc9aFAoe2Ncae5YN/vporSfLg5xOZTwdlllQGuoo6P6ruAmwkQG30jd3XOwTtvVtjQJjXqLEWYEb6xNfUwY3Ydw9jzzGkv4OMDc1ofT/nMLIzKbhxRG4tJAUG6wTMUqmWC1/N1vbouzpGqaQqxBgIbYyReL9abrk382LLNxqCD7NT/Sk77W6Dm/fMmtW6cNZ7owylKvoo33rGv8+RGJKGgRhAkhGw9EEW98Sct+P1+UzDsdQlUIeWstxUg2nB6jEHPYfTTiQU7JaeDn/lQkkdIwMpIl6lqHJeYj1lmjy2kAB8nTgZfvD6NJ82ORaMeoCDpUEKUVXjr9wyAUTTORrOFhIIAWIS0VHSwXKSWEjg9T8QBojzKUrBcQiKTBeuYBlp00MBRpPABEyA3x4OubeMr3o+h61fQOu4O0Oo+FHP56+PSSJO7k6TGMwAOxNqY10XkH4UpJzJyoq4XrphN6mCxZwpxtGGPMfFqJ5N46exd8zA2AtWdIMiwl76nCwcAzWxa6/6defy3Pu73etjmGWWooOByZTbV3SuyY0QDo/DXcDqwmUVh4REKTsCcpfEprwcu3PcbmRR4jhKrQ1Toae2NIgjh8ZUGPB9zIM6FfD9mzBY3O+r8Ch4SYOXrkAXiWo7Fi4GX3WfeqvceWaJ6u8BYdxYEtJhWTpHgxC1qKN8DHkw3zqpujUihvO3jyQbge3bSSahJBZT8Jf/ODgIGgyppmyxAORa1Q1vZ5mimEApYWLiuF3LtnsFPDORicToEcABQh26oazUoDlqF17x0/Tynr3XcgwlhxN3bLua8CAbciasu8AcnhtbbB90JUO4kMbzca+NDleS8BmoWvKp775BjOZt5bJvcukmGnSSksUXJP5ph3+/hsdsYGlcClMwUDCq6K47+Ph6xE7AopwG3TrBdwaia0aXqQtKdacSlovCwZPxvb97yE6WBFTwFiEfbljc5zXkxccbon3Gcae2S4spmr61kowX9ufiK/AymgBOIwRdQsOBCmknz9PrvBiBCB85jT0CvUdbrkeEje9PZNaBhsAaoBoU8ZcTiUbT7wZ+pZKxm3PSoBfoaUliSvmcAMCOp9S+cdPcvnUScYsF1CkeQlXNNgam5mz3sov8IEItZI+B5aUzThbj9D0XE9a9mSWijlBAulcOt+9MJZVGLxgWsk1uExbAHRzHkV60R+B0fnz/fylfGl5w2Rkjzp/CaE7eKO+ZUJ280aybTIp1Jcf2oZiuZIW2R+hIQ8X6TNn9dl/zA0U9jka3zsE9M6YbDfqb8X7vw3BzCRsOzuPLPZjkPTeUFeDSrxFpwJ11gRAuN7tP0cY4JHAaB5RGe2jNbTZ6zdeYwZt63Wet6b1v+PatzWutSmLkFVOd5iNHgFInB9dectsiOpb/Qevm89brMi8IFWucmyjnFoPHYjW3DORGUD3+8CPzet0aeCi1mSpvgSOY1L2Q4pyXAS8023id9KOYesnMzAXekgG5uWaxc+DVuRtvuI266HNP7t7bb+uZx836T+RFqEH2xzZv51td68ysr+4x5Woy32CUEmonYEhRlsgCBENeb8+Jih673DNCUakoDPs2A5FrnDsK/1pvAww/Ylh0THgwXAS2/5rSos6nY79mkgLXd2E+BNR4tXB0LUGiWOHWiDvtl7QNYcRlGdr2J8HgP83zqHB1/WGXZk8ZpaJuKwQaoSvfkmoEaE2aehFet58AWcFS5mRsOXz8Dy5DW4XwAt7NBMr+HMcV4Ud65NKp2SxRc/SE2ISvxugLAxkjLYXgsO/p1SglDM5w6NwMMuhcmIhYiigLne5960/XN4PXo3kB406Ji+T/Y5m+Bmp8/P+m4RmEO4HVd3g7bb2ZXIePQJYlckUpMBHOpo+STLHpj0zujkdJSsIISlijgXXaYQO6lIvSMQLQWTNYX4/FMtcebOqEtYOWt1zooohOmcmHz6KoBEhLCEfmicfkQnYBr47ZA5/1+nyCom55KzFpkzTeqOymiwqZXMq5mEWwdYI/wpKhn/oB8nzKicai8TBhvZG059zPrDyOhFVS/D9HodY/GoB4F76kOHah47e7rljgcJiRYCeS+EaL9rbWRgwEnsZETBAViaFvTFjBw4d6fGDHwQ7PWrKELE9JHiau7ERUsjOYUSDVc+C5cOYHX1cyvCOsPnUQjggHe97oACh6v6kLzOz7eb85PVtA2r+tqBocZK1mJcNQuYFwTY0Z3oJraGVonqYI9VDjPObG2NgVEtk6G0wPqqBxntBdniMeYfX7ApzIuBHcPwtUpDNgEFjyD66Km2nYM0ji1qUzMebqgvG8P1XwVSBRS250ImokWwVX2nYSWt1Fom5Ni/LYQWzKQ0jctgSgL1LmgX+NTDXVMDwDdARvaivKYZWUuxQ6tabZDiWv7saKfxU2fds0pUV1vu/Nq0pCYGoPgdRWuuJRgDzHmeKZr3zwP4WKSYFCBXfUT1IbmfjlLvBbPiymepm9PTNQqjhvOQR2qdQucuSgeicLeges1UDVR5aBmjSvFgBZ41QaQfavILjGyoO7j93yse3fH3nGztyMI+GgAB7zPIw7A2dplosMPHJDClG+OKqFBHLNnDKigY6CS9+0tfywS6mnLPqNhvZrZXWRvPvLMegQ15gqBXfT1pbN+jdHJdEiLroU8VTcWDstTWALcCOFRHsCgkDyKZQnPM4skjjHMTpCtbRERDT4yN0idn6uT8TG5Nc0NGr4cBTgN8jLf6QgpoPnuJPXrqlLlkXVGw1HQ5CcTwMwD/DsHsFC5iwYnv+42rvtuEIGNp8fopHIk2j99VCZZoLd83fB4mSjrTGx5XbhlcUAcuE62qyD2hUa14yT4TKUI7pl5MaRpw6BgSjd/Zn7jrv3nn+9mmY0BfHy8WBhtAxHA2uBmPCjvsF7D9paV1cUTf0bszqKuAWCNxOh41GLyRc2ziKNtuG+tTZeNPHNajwZ6JKATbd872diux6rwzgMDFol2Lsxf5+jMsxlidsEzp+1tSwKNAJrnum0PfP0SyywFFmQV3p9i1hSwU1393GgG/Eidk+TYbUj4V/mxfVczZWtr5KeObVah9o18+ADUGRUpiYQSJuHnH1Enpy0y0sxU8JbJL4KoACoKgwKVyHUL5GNuBPB7Kxe1cILtkTHZwKjaGBO49ycCgf+Y/4Fm325I668Ui6nxVFXUcBsDOzdiy/5ngJtjHnFTrOes6rg5noyxX+ImvnHc7HpTcf/1uto285d6048pcVuLvFNP9IanCNwgrNrS5yrJHLg55Uag898lPy1bv00mUKx8MMq+xDHFWYM0XXCi8H5oIhIwObk3a2BwEgNu4OzOz11bZhbuPMCNx/2PiDA3p73f725a0m6PPhT0ltb9YMGpTsVS8zKZ048YyLCuzdnmeMx+KO+n7XPyQg4MBFlXkVzRzN/6yn4qjXNy9FJNzH1yWo9Lhpo0q27Mya1oPX4LtPwKkpqr3PaWqEH7qxjKaZnXzotNmdiJiUC+b0xJZ1gnyn/vHa3rZDCQG5qiGybM26WdoxjpRSJzsMmZa3fclARe5wMnp31cnF8e/7CeW4yYLMTFdV7PZU7FrKELH26rONSs//zP/0QgGryZc/YHI7tjfznsgOhY22MEPFypYJmb6yVRwCqg2Th9EauRTJ6N6Lm+MTUvpyIu4BlO9Gs3UBJOorkUiRfcK3hF59wLCbFz3MXPc+PQn8vFoQ81X2xJx+K+haSVu4vZhppbW7cicfQ6CpSmUcENw5m+BmdsyYJy24dksDMGVINKQBD1dzKRDDaoYmd/BBXRH0CNyKN0SnCxPyjKps8CUMAuQCd7b+lUDHYhpsQoEYF4W4SYY1EfHy+8fvA9rZsdfaOpr+uFBpiqsPKNiQs9FrDZLaOxAfftmWGjOEbBeZ9e18UgLBCBQMf+kiR9xwffvxJOkGmROIZeOIGobXPT2e+18efPPzEHhfbmRcrh3hSL9ZxpeYtYQYGK/x4I0ZhJF35dVwcFgKu4u1CEigCcLoM7tu4uU+hwwWLbVWbEnMBAx3k0haoKsSHUOh6AKZlQuxy816OjZ4DKTJnz9e7EbK7pW5uMNgOoBmj4PsyES3B9UaEZOrtgbQ3bZxep8gsYZYqb2HnHNg1wOsm6rhdMHzVN+04mreMyQGP/GTC2yGClYmwMvILChPd9Y04KsQWmtgtofj7J6ptTmzNA9gA7BxQKvl4v/PHjo9mQtsvMxOv1YtKAfVgCRXHIERf2uOivVgC4mlE05Qcgpoa3o7yuCy2M+QDmrTv0bR/aJgC4+1Idx45gHn09EM06sebIz58/lai+SJU10MFAp+fKfu4xlCzm0RaKBLAKY3w0YNjAPgSmhJk6YmBax6KBEYmVNyBHFk20bgOodSS/w1/x7DqACbym76E6eYo5JRCBtsvPUuBneMZvNjGrE8XqJoYBUPp7ohIe5zEDGACW5t/p9yIuXogQI0jG2d1BAy9ldq31WJSE7cQzbq59FhRU9f8BA1hF0NPsF2LXRxeGv5M9Qpw69z2OKwDmJOzZP3drLGXts0EHBQlum0G4GkBqbQdEF7zs/n8dj1JpyjNsf+215QLnqhLjegExdSidL6XO4r9POP+7H2wuhI7AwP2+fVD6kSruAAux8jrc74V//etfXdxERP+991Kz6bCinY963LEFeqMaUKNApTRlSuCA8mGPE5lBltgPGzrNSgORgIFQ57QGFU/zUdgO7AMAAX2KlVliou6j5+FmoPMjiyk7p30CkF4TfzbePArS8tkvhJsMbsrs+8RNvfeji2Qw7GjiOf4O2SYLcDTb5pqXQDLl+Ii/5LSl/MIMoEg3L6krUnjksCqS7Vf2vZCbemE7CJKtqesM5poG0F+vD1zXhR8/rmbfjzHUXEtc19W+PWBgy4DnsacqAr9btf2YA7l5lpnTmkU+teERX+4Z6mys+Y4P15uURNCoqP1ymDUjVleQlb8FSK618J//+Z8AfM/I8n8CItZA8mi5877TZPdoqu6//CgAGJRnLFUN0TUU2r+6cdVEggf7hmCamaK8z35/voktUdDAEX//XgtbceB+3/iylrtrznwAO641+R6Xau37dg2dGs7Yuh4a8dT2W6Jjtv1AYsDpKx6Nlz5bwwkKyIx55rTWUJIfndqQxD9xarfcmNfo3Mg/MwTioEjWGHMid/a4IUGqwKW8NnfiXTde1ws5Epk39lWYQ3ntvakZNRY+Pj7w+vjAx4fqTeMFigkWPE8xD3dREmNONkmmtrrxXomROgZKH5zycgew/7t6s8XpmwX518c/iAmvpuHvDWR6jrPgrStOn+gcPTu98fl54/PnGxHAjx8fCFD4qmAgxMFg902vgtaNpQovoX6oFkNbi/RO05B4uJg4rgYkRheKu5hcjQ5kj1nfRlL1mcoUYr2ZOOMyl2nMMrq1NxOXX4rBiFAHX8yY/KqcDxn6ve7u9PNgswCER6+aXYMGfXh3df1KYqodkNG0NiYY0Q7JiWb1JTPNtJSUuxujtEsNsdp0LIATByf8TvqAi/32BrlqDGwd8KjCqsJapEvvbcFfsicA3qPr+kCB3dv7llgjs3Ya0qNIa4HNuRV4B1ixk0LLdW80/r0KmJMjXaGCUsydBgbzJEXo5OivYzrf7cEOFzdlZUEFu4y/Trea9BgWVRzzSbw/33h/3ogR+OPHh2jKnJH3iMFhHHHdur8WCGR3m5i5eBU1NX8GVoqiilP8+TrPgMfd0ZoMD4jZHbWthMtn1gXO04a8/nuO0cKHZtNkEfRdooY+N6cZlPF2gK/6MhLblB/izy3Owu/DfGFnxUUOCx4ogT+jCbz2VWZJyJGDYxNnHv+sKu+kuEgPZQJLEeZKYLijAJ7zhEeWOqPhX2PIVjg+tYrsFqvYj9cL9/uWCHcizcQAwRo+FdkUZOlQA+DjJbsbwMfHR3++MR6z5GLRzYsjS1UlnaM3KjmuAgA5eG5wTQCjfTJdLwVYx8N3Hv/8vW3T98BA9DmzaPZXOHjSSPv83fcSmMbtdgTJnoCCbIXm30/CDtNgUyXUlVc8fVk/QYUb6jBfzDAxs9EjqV24y98jHsmF7r+jv9k4Tn57TEZZtvVNhoE/nE65wZLxKJY5B0/waAIPHSz5h1LXu0oJouIyxARTkTdiaFOZRpiIPjMuGnRSXDDwVOnWjz92afxZZ1DBo3BiR6GQK4FxGfEAAe7qRDrT7BUWvNMApFh7qMMEYGGYnacYaKnkggd3RKvQ4zfNbJuBtd5oRoJ8WgDKNcjau67RReocHIkkqKz7UIcGnkXgrczmjUE/FNFnhAW1i5P/DTb0f+ixFsWEySzlCIBS0r/PaeHx8I3Pz0/8/PkTQODj42LzzrFSUNbeR7g+xQi977uBdo4G7XOGIbaoftb+wvGg8+MHlmTg1OPITxaqsI/zKVSknsIKDW6kWcnAiX91GhxVBj5ObGQueNg4ekedyy/5HbNndol9qo2GMFAzHyBSiUlQX+Mm1EztnLZczJ6cloLeaNs0W263blNI/Fhd8UdOe+JzARgUKQZUpGscyjYvYI9jONzoGBFYEbheL4Jw67w+2dgEut/vpVjJnOXj4wMfHx89lTBiYNUSyC1twFGIIPOHoyg8hywIHyyCMNDmuMlcINNgls/H989p194YFWw8atQdHkORn2GcEKA82VWk/tMbnz/fAAofHy9cc3SuAGfG8pdNDkhtV5Lt7aTGUaEwVGtYUuOA8c9cLeEtiQbEj20eP9rj/M5lFcfsm4+UA99nRDUrxPmsc1o3D/dmPlZ4jsPeAoM1otmMudQCjOSabRCYYc3AXDZUWxrI5ZknA6QQ1AgV0zxK4vp/k9M+bdN1R6nRaOyAda7lRA4oEgA8G2SdIBQQWdQpjWhhZoBgqXPakObdqtVTHpVgozOyY+Kcl/KqQs4hUJnXe47Ajz9+PAglXK4SQE8TcBQxwVXeFzJvjLz4OYKaj7wGGqFrtqIaT0xXjj0+683fjAz/FqihgJEcaCgBchGvLtcIAjDuPGTeqEp8/vzZgZzgyugRE3eW+ERGsXUo19KqayW07YzOarKfPz8BfHVWIQp/byJRgmmErNiG7MMFzZGahuYktqrwfpM693pRtCoA/Lw/e93fiMB9U9jyKRDYSKapzWbGtGPg8y/RzrzWD7UBLJRU8AEGrwjd6I2HMaGvW2gc5TAPvN1JwlTwOBA7jOFOkXwX7UbaQUpcKSL1CGBySk7YIwKRFBZ9SRjaCTf0GTnPm8h9qOhclXdJLHV3IVIA16wq2Z6viXV/4mckfnz8IJp8m1YK4P1uNs6cAmBiAGN2gTPGi8X5ppG85sQ7BfKAO45zs7PW5+NRDFZR7K3bN9/wUdBcq7DTRy1D4MRFouz0JHKJz/dnF27Wa/KYC53kEd4CaOtn7XRpUxiTlgGyqBIAqvDn+xNVUBFo7Yqz9rfKtPjoZNAMnKaR6sw56eNT83zYNuc1u3683291lY9t9trBOs7SoIyfz3OhBofa/+wtUHYj8wawULlUOrIbMSI1g2/Qhh13fp6BCNqrmW8IjyOxU5Owjoe3++xToJavvJF8ghve6kKaZ+De3oLAe00wdKFqYH68ZGemqJY6DxoFWZszw2DX9plojjHZ5ZOeU4pmfX1M7Fz4/Fl4fbwwxkbVu4MZx9FIYb8uJpb0PRfe77e6iC9E8rrHmHiJbhrh8SoWDxwxoW064eTfg7aJ72ubtE4W6h4lJVUDPcLgzUXDjJZiAbTWLQ0Dz2c7eQPjZpXEnqNjkTNAMlBp+3NMdZgEhERw60IE4gqMeFx3sBvVjBqlXpxPl26NgPTrdXXC6S6it3btJcDyurqg92z+nBcwrIVhYMSduWgdt0ujedZDsf1GpIemYeozgSoCh3MczZEh5iQTMOkEjQGAjEFMM4t4prwtwosLnPwNx83ITtid+AfY3eNN0VhBs/8SidMBLsftot8hlfoUnEiDNKKcC0gCosdg1k7cWoEsPquuhlgF1xAl/nT1t3RGXDx4mUEVk94KjlFaw+SSFpVjhdlUmsJnkdo+5dkYUIIOjpN0kfINH1txZBfP3FB+BPC+MbeIBlKWR1FKYsA4OW1Kg8ogaqqQsWi6R6Vykxls0U+LcJ5GQOHnz8++5gZv2VgQG6rGKVDEOB84Wwr5G2pEVMFNeoMr9/sGAQTGgzmVw0rfbI6Bt3JaMzjd1HSh6SLZGo2ngPbmmPX42gZwA7UldFxAFEKMKwvhGqu2XbOjL+aBfMPvclrHTdhV6j+oMTX0++7Myc/KbzneKkCiRuDVPkBxtmSbATaitwHckABp4L3fym/IPB3Dv6cYd72Qe+H9Cbw+Xtg7cb8tcs73bJH2OembmUd7G+fo95XazBZzwJvqOLZMX0sAbOHO52gb6Y2lGuG7Pmg/gYnCTue00fUiGWj0oR6H9fjO56frTYMqFJF+Nva69nNOuMmyJDlgd2nFdIyLK3Infn5+sjYZo23z1JtDzHADhBoXrTpnB1ADc3fR7liQudkwSzZJfRzvfR+mJALrXrjlv22Trb2Yu8HKrU1Q9OOeDDgbiXm2N8q2CcY3nkE1QtTcdH7NT1yYs4B1cmoot5gXc4lyThuOnfUV0C36lNqs0+mvKJ5/DoHq33B+oS1KWWKeGQg6jPSISdA8H6BcEgS9940s/u7r9WomL/OGwHyRqPD5+RN//PEHqFfEUdQ5Bz4/f6KuD+TeeL04Nh6L33u/P3FNLt8g5lAY48J1Aet+a/lKAKqRQvnKFrjGvGEjMEGtuH9vm/8I1BD5itatQCPcxBd2kaa3wc44bYGMkakVrKZEpsCQgA9pHaQ4jyiexYq7i1qpzl/2oQsE6UWyrCp2GI6glOcK20crgJyCsOB/yxHMODhIcZVjBIB95h4NSK21umvvLviZR3aHS8kfztctROoki6DMjcJG+N8nq5NR82cdBFksD9HiQda3doEApxvHS1PAHCrwPEfXMR92MIDYR8n73dBqiqrOClpfosgyNVKIRKboZ1M0TrJiSH9DbbGyblgDwUn61LjUcNByMrIW8vqQmvpGvapn+KtKwogT1jdAhGTWBj7vN67XEIIK3OnxnwCw1W3g6MzxRtGAGirUdfm+j6pk8qY6jewwXruAleAZ1LmVhAAVgmfWor923jtN+QypuJ4NXsPddDl/5lwb2CwWbOc+/56ET73Hqi0tlMK7Rf2Momu8oUogk4pO22bSTkccu81M1GJXn+DKsc37YZvLibEKIX79ADSnMGEHcfUab9vlwgDZNFEe6UvwinYphQ4OttktdXcVhKsSW4Wn3yv8Wae333BsALA2hd02fabI7rB4IxMYirOR9Td4brMwJ0Gu6QK/VFyND3iN6Q4xafZUoCHIQgDMqIC6u3PguaJ958aVVyc6ZOYBgLeLBBAMLUORrcDx0X1/Yr44ake95LPtDRhdJOwAsMYpzJ30lEb+vnHC6ULCb7FZEdCXioKABG9GJzNO/q/r0v2C7DsJnuZGgsC6O7TQxigSbRwPDfoQSIj2ZfLhw6OgpOReT0Fp6cQOgZ6hgn6EO2COAywoAmJexADm6ST679ZkmmjGggvQ8dhyAoBC6HtjJOfCCRzh2FUJdAkKopJaXfpvARbyPQMn6SVOljDrbAYL1kIB+4xa7HXazVmFWYNaEbbNOjZgn8IU9sTdcjJa1ts4ybrwqRYwZywlADwVD71WlX6Osci5ENfsagZ+TFSy47cXi/AMAVzjqw7bU6uicIo7CHpmgTzZIAueI9tcQ0YBhNhSKIK6HI/0CvXxsMvva5vMO6MLgUQBLr7Be7OqnS8sFFtFsIPj/bqnZlTVEcvtNb8et9geld3YuZD9s74PXmG9G0RwdXQENYGdR3fD9rIe9IjDbAKAeJwxPxfAHDJb/He932gmc3d+A/eyFpvyWp25uvn7cx5R0B712o6DCYA5G8rNDeadgPMraNvhyXM5dq+9ayQG9kp7gy3PnLYGx/H+Lqc18AMQkPuS0/KuHqAWaB8zSjpRpbw9l4BoaWIt6yhOudKBLTHhZ8PE+fKUXobBmL03Zl5iSty4ymw9dBreo3YFrEhcMTBH4PPPN+ZFf3xdATPvyVyWFkeWxPY1mgqzvQBUdjP3+z6cX2gLnr7W0SsNbhcWChFHO4Rxxv9WExxkORtw5Oi48qmW2Eix7MVOEQDyrDcNlve2sgiejTHJ0HG9aVRDP0bGtNnpqjPhcSaxibWIoZk40lW532/mXlqwQUBGIt/7gDUeieVo71K9ea7BslzI0zZja0EIAVUev+qpAsDToNV5fxSB4ZiMMRtsFEcAZ2EIY2nMyc+EEkvNbK9z0Bs8BHr6BOFcpfqstg6ndQ+TTSXb5pwXkIUtAeSR1k8jAEPx7tnArNvEBuQNjDerUflxSBN2jIEbN7KmplQmr+GQKDomfv7rE68Pvs41q2M7dQgJLmYlIgNrR59qn2eSW34fN3+/9en9yQJ6eI5MnZbhgooHMYS0b21gsP8FRG1ODbpkIWBalg8YdFiinT4PrboNDkC5aHh+uHADgLLjPYWcO2BHyPPQzQqA1wtydlX29WaieUuro7QRgYdRBp9WCb8fXTMJXe3TwYpAU+t48Jben7qOSfpU4OYy106ojsMg+ne0ZgDRowoEZpQk8DhYWTyEp7lbkBxlKGBM4PWKDprKmmWmvqfRyVnVEd8dGOiNH/qZdS+NysxO+bh4gN3U9/uzu8OxeE5er4t076TYaSaV8DECc7y6yxwxqDWSm9oXEoei8NRj8xOAWRIZHi+se+Pnn5/4v/7HfzAZF1LthMsjX00nB9qI/X22ap9zmN/vsRa1eyD0GjoLZm5BhSFVyUu6TKMTpSmx0NImnVpbgsIFz4Pf4FkZXsnra1YPpD0GwbRHYuvishDAZtGy6zjo1Hk+M/ayT+lgnIB6Ah87dNqgFmCBlS52eL69Nns1S8a2yeBIpsw2nqVRyd3gMLvTqdnhBdSb6gwGoOLoRzXGKkDWAeeYap17AK4n/He2Sd2IwuuDs9VbB29gnOduunn1ueSQoXRGxDCoAhKbGxSuiagXxihkTnADKbervd+feL1eZA0qwL9QClp8TQqrXogsjhVuMWTG6Gt8SSiYndqNa0JrERP5ugSG8azlKtrm/+c/SC8dibGjA6lXph/WY7tmJsrJz/vdbTP3pk/XtWpxYEhbx+dielzQvynWijaDIEg/XnvhFRPWRgEGPn9STNsMJgv/AtHg5gwyBgn6DMw5BICY9RDy72HCD1lVo0grxyP+YauI4HrjOScqEteYYmfxXDaDCxKKlxZOlRiAQiA7cXLyJqHUZgnBjJHDFmQ8J7tmxMYV9D8D8fgZxjAhu8xNlH86UWxWTLAwNOBy9AMCMRhruTFKcRMnH4GuOQXPF2x81cVoAclxL99b/q43b/j9srNHIJJm/OfPT8XAR5wzQCJf1yxYAPMie27MSXHEvXvUUwQh/vwISQ98jf0EAzY+f77x8ceH3q+vPZPpZgb1p0F/XkBFFM6I8Xd93J+fGBfj5vzCCMbXuKmmnbfrPPXeGKNWb7oqUE/Qo7ZmY6KgLVBnpLYBmZKfrXxcLyfueo39Nac168w5ber6+34efcb4EhsjCHoQnCUj1kLVZ1yD4xG7822NSKjRwHeEPpMQYMzrlQi4oF2IWCzQVAO4EdugobV4VBw24cVn6QnmpKelomuL0Ljjv8tpXdr/bU4LuVX5ygCLZWhF9l2L4Inu64iheMy48/n5ecTVF8VipnQCc6WYg/RLUUcnBfLPuTfuouh+Kl9348UF70t+FDkEvmz8+a9P/F//4w+MSXBgDuv1nAL7NICyc9vdebKA1G/cgKQe5ei4+bQLCEB92mbgACA8CwS90iyrTfvkVrAthn2JHR29POLUortjLHWjqt+DYwfPoJoreTa6HRCR77i1SHsUUA1vnPfrnNbakImkioMT1AJWLtz3JvtNdprb67jJYjPgZNukj5FGlHXDksDpiNVxDAK94JqB6Ub79RAeyLrUII5zWl3eYo2aj7jpLVi2zRHV9TrjpnxXLUDTGWYZhuLa0Kvw/VCfayNQg/Umn1OaqGLXvN83Xq9XkwFci7CWWAI7guLEI3Bp0UAvxNkb9abAvEWU9z6jwaEb/AFgrMCeA3gvvD/f+B//3/+B64L8VT3qq/2XehNwemAZFlcJ//7xe42a9435YtHU63/1bAQyVHDpgmTeD0AnsVdJz0IipeGDocB1aw3yNmfYCckzMTA44m0EtITowpqH534vBUgm9Kdjj0a7bTQn2fI8qgOkkUfPIZYzkh6RsYAU0UwlZiqgUkBNVrLEKlGwtLpx54Lp1ywuEwg6Es+tsYnhai+aUmXLPeJo/hw0DKOyTPaYdOamOBP1QA+VGSemofnalRgFzHHxOWSordiNr3voY6ivs4GsKdHRASPYAO+vV7oi+NxGepVi0unqrHB0giJrNGygIPT4mpwF1mdmIltKereEUNkVvdfCzh+6d9EzozaUZib1OShp9bgQojv6xvkmg5qDiIoSukEAqJ5FPToZR3AydJ77jE9VxCW6YgF73z22M4d1HjQGUeW6SufXQtFHI4OJHO3uvpeSkGObR9iQZ6tXyqqg6eQlBa72yJK/Z7ZIiTkjdk3bJ6/NAX6P0CMPv5JHgTTcmHBWHEIjiVkeGTgggt/nutcjwdRqcPjsiGL/X7BNhLfAnEQ1AtjS14C6L3NwfT0xjFKBOmCGQ5AiJjG9ANbGro2cl2jZLHAz2R2eY2A/RDEpQurApa/thcrAToI5c3iUhoD3utm1uObE3hOpdaJkDxGEqEi834W9CO5+rI/+jDxP75PQwn6zukAN6VvxsJ/k4Ls+erZ+JWqo4NH5DKiggpL/CNy6tnCHKpNskyoFfdmcZNyt37QXcF20sWt6EyALb+pXRMeOoc6w7a1UpNzLCZ3OwfTWMNLxLfxnnZcxCG5MqVZ76xKKdHyo8PfmH4Wa9gtm6IQEH7uRosIunCDW6m0QFQQh5/DQD7q54dHf0s96G8VaW0ye6GTUZ4lv9zAQSiBNqjHC5QWyTXiMGfKjjs9mVWzMgHQV8CjwgJrAAWiAHhbSfaXLNZPGulX0I/PDQr2phkMq19g9XtGdVAHQqrBRRXCvBTLrsCPsxysT3E/Dz3OrY9saSDhdxoqTaxRO08psA4+p+bN947DJBgcEmu4zTgRiGPDYi7ee7Z0NajAPvGWjXjxRvOeKJ+u+ca9sRqubCGRy+swJAFGnvq+Yvmca/Pu+NY5qdre5NH/Nad2obLFvPRfHG/n6c0yBHOSEejFGwc3N6rjpBkcBYrtvserKyAnzeMXMUDGGtBhp9jgtYGCRF9qC8A00KKeFYuBhlPF+WKPNTOj/1zltX8Shv9h8dJFdSWAaMbFx4g6qOqd1rfC6Xsy9grXH1Bg/zKTdS532CTdvq26kGayTZzAvL70gsD+Kz8dCnGKyrJd5v1aqo+/mmv1JVtsmwgX0Aca/M1Bz32+M4ur6+fDTgFjGFnTO0UDL0zb3XgIw7YPpP6Ga475vrHVAlW7up0cI/fUNi+fb4J71JhkvC95K+mu9CTAOrXVGBK0Hym1ctjc1+ToXYhyszN7qtFMCwJvC8QRm2Sw028dAT6XBUsaJvW/mll1Hb+WIPJ8csQW8pIO2edhB9gtVQMbxjanmK6+V7ZRAp+MmG7xmZT7qk3AjgxuXxjjntZBcctFdDP4dGKfeTKBwIccg++axAWzdS6PT/KzcCkuGLjeFTYxxNOE4hnzhhRcipJu6dW1fiY/Xq5/b7Pu9E2ssTmO8gco39kr8WH/ovKYaol4SUca3GtMoaBRun4UY/1Rv/n7rU6UXvfSYkUOFFeEZtB77zccRHWul5mRAGwJqXMSse2nkQkWVUCsHBwM1PPjssGcXdA5EwL12K80T1YtTDEbIyNi9fhbtmRuxF0y3bzBpBOf0JGB0EFcatOnMT4GpQz3cKrJoIFWJkkEVvApQ11dBLfx59+nWpcEEJfVmIcHFbKBFl6OCzAUUrAz/nLMLFVa0vOOow8em1BUpCJwxJUz3XAHVAfCaBrEGGk0tf1+UxCCFdt4Tr49DY3eiSDXtpXW/ozefFKxdUlq5HbjzDeDjUOFzoMYR7ZrjBSveE32muJhnClG2+zM/36vUITBv1GP2UvfgQeD6bo+qktBfIcojYSBgqgQ+AKR0RhBosBUoDLibSCo4xwd0nRSQaJaaBc4HxRfouf7RgArELrHeCOfMl1d3GpwbGqtwV19JGn/Om2XQyb/v05znLJZFske0XXubG21UgGeavXdGKSHw1MGs0ttRBOpIxC4tOmFKpCafysEM/Jpt03o78BUWaBwJth6gYPYb26x9ACz7VoY5XjtqS8wGZnwOAh5D0D2SDbqoCgnGbdCmxph4v29R2EGWG5gQR0x1F7hm1mOKHM3wVrvqop/dncsmI3scuJ1gDdJZqwLvz6VE9ydePy43O1h8j7PRy9sYoHsMpxoNrOrFvumDBXUKVDKQT5+a6ogd/QONIuzdeWF4pjkC+14YmMgGtdDJtrWLPBbmrU/12Do1L6+kdrwsuKt+3wvexBBj9BaFMaaKCIo8O5mE3hvHcbQBLkZ3j0zjJ5uOYn6wAKgK4b5tLvp1ztkgi04G+bVHJ0qCtpwuIDNkjugkKFobRXTpok837ZujWmgfEFCi90iOcjNmVQHzj4FREk2ujZ4JMxiirmSURFKLousjAs0/+BIT2WF8brmsPPdkb12zYgJtDbU5RdaWRsUYH1g9Pim/PghdrXWzSClpEiVzm8OgcsEGIATyFrdX7E0Q+b6XdLSOFsFzvBgPALVB9QfI3Gf0mz72TiSW8oizIZPxfus8HsAgIrpIOZpSkB6LRnrYdu4RII/DG3QD0FpoLUbvHBZksT11uNYmwGE2jh3Ds1lS6WZotkZGgB3cbnDUA5hQTlqrGvjzenufwdO44jt7iu5HAFvgjKo1HPDOeSSvU/jnSqajnNZsXee01hdB57zu9OsMbfnSojjwfe8TN9NMAeXDqhwcM585LfOd0eObxxYcl7dGlEafc54DjRCW9CFVXF1r43p5ZXGdcf4rcBhTuldKQHdu1CrMQR/7fn/i4+MHRzp2CuDRqOgIQOOouYH3m2yQk9MqSSuN5uGXuGmg5hE3+Tl5nb/rgyyY3Wf1jPmFgOds/+LxqBpHg4jbvAhYFFJNLZ7FvTbzxtSoa7nBl+ccp8+xNio6xzZIk9n15lpmSigXjmrfYIDXIu89fmhgNj2+Gg1wNtCKoCj32o/V2ye3JTPvVpxYbftm2VRxrGlrhP/JmiOrVU2iKuSqL7YJMEcNWNLDkYz1ZqmRHRloDVlpBt5qWs7/UNxUjhHlOIh+XdojOv8jUHOaPK43jdWM0OsO15v0wwY+OGLkja8LY4jxJtscc0ggmH7fC22gz5pbEz+TsfS+bzbutfGJrGd+fagptrXOnFubC//615/48eOjGcWh93tGqwot7K/a2vnPfyWn/S1Qs+6F1wdRJXZHo9XTUfW4uanCCmADUQFJh3KnqVnVhwqQunwHRPTvEDHUh8nqbq6LpJ2HGWOqKSoezBz0ezQL5KCoYgEFZ96wDZjY6aILq4jAknGY1cNOjJAxFYNDibY79ETo1W1gBav3Hbj1etTgYDF4DR74UnXsRK5nyZul4o+VXayaamVdlV3A582C6LomC00DRkVD7GocB6yh74rTjCghoSrcTiJW8Lp0TS124cj7yPnl+/NTgUQd/g5+vhelgt8dPDnVhk64svG6XgyYSpTg1YTjAC4oCOjZ+PxkUJvzs4E3j1JR6+gUuBbbOjRgmYvEby1Y9R0f973w8cOJ/e5uzBn0QxeKDgrVaA4dpruwtQupoOFxJCZOQCG768Ng5SKH9+2+OZoGHNtSPq9AVZ04onAEQAEFtmq2DQCBAGf8Kds3AD4nrbov8dvchbMx4ijsU1wV3WmodOeBAY32yu7WSo7sMJGnz4k4q+g5MrCVGB62wE5uU0qbp5LV3ARq/NkSAzv/2TbLHe04dgCwmFLOoiQXiHlxPKoKkaT+DhxwhGNRHI2518I1X9iZ+Hy/CTxV9SyyCwr6HhfsBH29/hnyHQZsjtaUEsTN87XDxTSD/RwThYXPT459jPmpyrykhTKQtb7apgob0sXzkWDHt7fNysK4jl6abdMJtbe9+Pa6WHTxzQLL9gaNrvKccyuTZvHBzutTy6WgcdXSuMNln88z5PfgMzc7nhPcyIKUcT0WbMFqdXx0XurRgQbYrW6GH84IUfvUoY42CKoUNPKKkzjOmBT/7VfPE9fSWRtfbU60WHL0NZR4udb4bjN5/fmMSpSuVQoAGhO7XBBRuwrJzvh2QTgf+Y6aK4DHaEPx/ADUhaniKR9Np1TsHZ62YKKYmokvgrhkNzEhLAmKI45/td22dpAq8euaqLuQoCZVldfX6h6p6PZ7CnV316K4606emTnHYcmIudNbuXQbvBY+Vdw4xnYO8E0fay28xqu78AOnoD5sSTMh1RUGZH8bEDiwt8dliSi0vsFm09Ajui4E2eDje2BBQaDcXfm1V39vbxaRKJxiUQ2XgOJmRP9MF0IhzR1YpFKrqFX0GMB00yITndOaTXzup4uIbB8A56xVQC110wNrMydMuGufuNQwqEQ3Yyw0bTDHb52+Qt16M5ASqNRQVQGf74W9suOmz/IYBUhIHAAw4q85rfyWbTOGR22r/XCGQWCC33Qc3Cbp0e/7/VZ+fIRladvcNjMfrNAuNnGAMp6r1RpkZD3wed73uxtYzrXYxWdOy3j75kru9Mawwc283mhVRwvTOW2LUXdO+31tc6+N8SGGUcfNS2CL/sRznCu6ZEiNRZfAUYp2E3RJs6rT40JmRGbnwZUHYFlLYHWFNGh4TzMT9zr5ZW+nTYENODmKv2f7H8PAAroW9Vkxa9OvsTW6amKAdXA8quXGDoFhMeNVZ9ZeMGkgM/C+VbtCIE4UruF8vto2ATVZ+CagL+my89qX6uyS3ds23/du24wGvPLYn5qPraEZj/rSV24zqoYaP7wYZO6nc6ZyrckMgRsLKTD8KQ3ZQHR94OubHjcPgHskmXNDch7+WubCGC+xno7WLMsmjkD5ur1eLyA21l3Kac3orZb78H3v+vUB+lgI25/ln3La3wI1RjS9CWHvja2uLZEuU5/zHGY5eHbAQyJIQiVhhL7gLuDWodhrtfBWiy8lWtUa4Dosa764s9vaIl0pBSdwbCSikPkGusuQcprtyHXz4oFjuDNSqjGNIloArhRpGpnPjakO3F4LnnnO2igMfL437iWHodeaIxAXRwrGhCiUpddiYldBp36CJIgXF4NEBTsOGwM/3wufbxY982LCVRvYaeq6V6t+wWs0pnKxOC7P0g1UBME3FaxjBMeVxMyZ85JDol6FUd9o3RQlH29t5RkclXhF4HVd7eBauDoTOQq1E5c6/V4zvO5bwCEPt0c0SvcyxsS9rFMyuWlmBmmn4Flde+PjdYmWmIgKa+f2fSYD4TiW7/j4AsoEsNeN/XBS4eLbXfxHV5W2OR6Cw3S80XPlQMPZIZ2LwRXNvF8DWAa3yGiZ81JRUK3BYtt8IsahCNBCl3WSZX4WAkRNC2/g0KKzwI5HRwPoQr7F3/I5t80xhL1vXGMQPLBWgBK+nYX3u/BTdNZdTMCHNpvNERhXINLPL6ZOFRAvJDZFIMu0VAYoYjoT6862zfdikffvbVOdliJBvwtkkElTCNRWwCqwc6EgOzBwxeS9LM2561pf6sizq3RGxO618Pn5ycLwmlTG/1HShRLQ8thOMZR1umMBsLPzro2PeGHIh5gmvwVgx5h432+slfh4KagNUsczzmaC1+ulVcF1zC9MoTUIAOAbAzUGNppRugVQjcMk40jrwKH2OwGY2t716LxEYfsaVGrNNdkWa29cEQ2SVB17GCPw/rzxehEEGGNgYbWQONQ19HhkeEwS0RpEc0xcnvme9rcqGsNsOoFxsvV1m1k3zrWQ8HmqCCwM1NpaBV748ZoaYzCjxiyOgfsuLNG0ERxLASa702NiXkcJBiCAQdc1xYLg17fifANIIaG/lG3eW3FzwptzKAZIWx+u+SQ0yHgxkBlnhKlMj4eAuECVr4NHtZSUBYvN66LvdNOn0/fkamf7VQA9ZuhCpuIBhIO5yHVxCwWLjeoufUj82WziKi6D8Kgbu9TzSy7FlaOJ980179S+ETtSAJn/32fiOz9ceNC/aIS9/RmAR9x8AlQsjoHOaQ12mCGT0qAp6UgUcxI08KMlBju1lXAh4gYwO6b0Wu96siNUn/LgMe9MM6qCI4bOWRFih4ZAntQmNvqCBQEzWXBV1mKzOAxxoCSizdz1EniQj89j0OP9Tnze9G+lcWTntNcY4FRRwpqWuvIoDEkBPAo3MfFStrkykTHx5+f9sM3RbArmGFwiIX1o4yG8Z8XX4QWScCmIcHoyIBSrxnTRf0b8M7WlUbWAwR4X4m4YjyGxfkCaYedNsEBDf855MaeNYExd+0YM4JovhEdLB/Nd9qomlnLaP3Bh3fp5RkKxLu5H3GROq5RdPqkOaPa9zfM8Cth7YWM38zcCYnKOR9MXasDy+/d7ndwSzzEhnj0zU9bSUgucRjxjF+vN+74RMTuf9L3ej0b6AVr4TDsPYPsEDKD3YYApBRBa68ln+f2++71zYsWTG/sLw6XE5shNXUkSASQaXCnAFHi/Ez/fsk2kzhcBPo41o0ExAkEClx2HWwjY9fsRjn9nomLg53t/sc2/y2mvSeM8Oa0AHEzapwgJpdixEifPxJA8hkaeQye/SjntGe/0/dh7435v5bQERj9+fOCl7aSeDuASFeIJgMAX2Ei40nvMDxAlz85nOCrMZUk/P9/YCXz8mPj8/ARXeENNC96zp20yZn5lutGfqK76N49/BGrooNjdsmhuwmMjJzl0V7W7Tjnw+fOnAg4PawwLOJ05OAfEvUuz60w6vDqw4O6ckc8DCjl1b/qaL7Eq73MhGJRNS3TRUbpALuiMrnOcAXjfd3cG+TlPp75wDrmBmuuayL0Ou0aZayJwr8T7TbE274gfY2IvGhiV5oe2I6mTAReoZ0tS5WmLbrGIqoB//XkT8Ep4mEqIOlqAeF7cgsTtMvwZG0TVINIcSugGZ/2+CD0FBc9G8Xk8u9/0LiHeUZw3LQxub8oTiF08oshEsCaCyGv8vMnV23sVaiRK4xqUalCADIZgO6GhxGLnIjXxvkAhLWAJ1YwY+PnzJwJ/NOW3gzse85Q8Hkfl/Vs+SAclyCXmVpyCj4wUND2z7uzCP/fA+/MTT52PIRS7VFDGGBhztlBZTWBi6rrcMLMGYMH9vk0RVVd/mNx4vsYXMPirrxh07JHGR8FpdF55ZQRtKfOs0POTdJcjT0DzvG4Ewancq7e3pbSfVhXuO/HzU6r6JQrnpG3megN1BKlvb4WSHbObJXHJTFRxXXxmYuk9/annZpOFBdvvbLO7cRFaSwqszWyd94YBagyP/pmx5jGxoTWfBvKsii8W1LqRO/B+v0megGjfadCbgNTHx0uB6RLgdTRMIH9KvYxJvYs9sFAt7s37wq0/MSbu+xPvu/DxHigwuK97dyfhrU0HbZu6vz1fr3PPe/t9bXNK9+wrekD/16O7QbsFqKcCGOAp0ZbPiCiZM6VuU+AawCWQ4QB5Li42Vm1R7AeyAvftcQjG1yFQJiIeZ43X01TzKcrwGZd07KMv7sgqRs+Jve5CsUg7iwiyP2MFfXaCdv16XSokHrPyWcCc2IuMorIoVkiraSfeeWMPAhLzmjwT4SSvcF0fGGNSDDXrEacsYBr4+fONAtcqn+I0m6laSd8xVS3T32okr+axTZTYcO7SHZau86MY1sfwVdZZ1tlmvrVUFOcjQVeJOQL5puDmSfRP3tUdxFwqwncX6RHozh9fk+evdQNDLIQs7NCoByDUa2Ddn0x0x4NZFXzPzkcM3hzNg+/3IPuZRUjHzUecys67ADO2fV3nCLw/P3GWYBymkzUlAF4OjtlrbFXX7L7feGvcsBpIWc2acXHJGGuxXvRzuuN/vphYvtay4863C/1zbLjzvn9+csW7tV0aFFQO7fNdYh+/XhebhHlEMVGFCnbrP98LuwjAErRQTnuz8do57doNGOzcmPOFiKsL6RA7O6s6bv7r50JhUYj/mdMCyJs/c13a9GI2zD45rdk+ofMPsT/nNGSjxjC08alBEmeEHMcKFZN737q3S6K0ZNFdl7v0hetV0qMxi5JNWd6HgWiwCz0GDkgwXhqOW4tTZg2Ob9bC2hxVDWjb5fb7Gvj8fNPXq4Fkv2KgBvq0VUBKa/M7Psyedb1ZZZYXfrFNEQfq1IK2TZ9/y214dOhvbTOsfcN7eovFcurNbODlkcE+GoH+6gGqS8lq5iOnpVE1wym3x134OiQ8JN6f7waM7NfN0nsCKtZIu64B5GZOyw/Nn4nA+73x+V7Niicwzc1++70x4u6c1lpn3uRG/bnRNs8RwPxim39+chHHX2zzl5z2urxIhJ/JTb9fc9rWi9KygKrDinG9+ascR9f/oPYYagjsNnHDSycCFJThfbvmhYWbtW1RRiOCzFLg1XfUpJGWM8kNrEIJPCRg88a9C5+fXJo0Z0h4mJ/p/f7EH3/kF9s09uElBvycv89pf7+eG0IkH10DmL6oAzy0qg9gwtnOeKFFIL3dIW/Nb7qYhLu7fLXtQk/fM3rpInqtrWTMM3LcQQ4hraZbzbj0HrM/B5SEOHli11FUZVGLeXMGSmi5wZge4+oRhXNE3JXv7nGPVFT/7oIppQRafN72TR0IF6hZBazVhebeZqYsXTcBEhE619y/vnbh1myEsHMUOLZ1af0131Ngz8CcZlcMdfHdIVDxHYmqn5rH0yrGgJgGIq3KyY0IKm2r0B9jquNUXSjPqY4tSIddsQCtbX69XpwBt8jsCMz5AmoSoAk67xHzAIc63qvYYbTgoXWz3R0cm0GXjpHicHTKmhvX2Uqrrpe6qE1x+511/Pc+sjjz3OdNjKQQkNG2qXu1th0FxI6Z3dEaY3zRThoFjj8IZOP52BixBcIYaMkOri5qEGbFrS7AUzPDT9sEbJf6rx6VMKMMsimPGchHl5huZaQfZ07X/sMdi30EH+8bADir7IC2c2ODDppBZjdwx9WlBVN6LJrqa2sxxLJtbidjQioxOUqwCu/l7jtHPkb83jbdibGmxrZ4WxQZQUWGU4yJGMAep8Ctxfc/AhRKe9gmNzQlBWR34OfPn6SrBs+DN2ukE/NNxkNKyHLMiet6sZMxB655UTfkGr2qcmShJsGaHCk6NzBEmd17E5yBtAa8gSC8zYJrq22bey/R8FlccktRda3yHR9kiXjExCvi0WO2v8bNFKjjuDnFNOy4mSymVYuxK5832SQC9q1TNAyM6H4BZHaRYWVQnnTfLsp0PS+lXOOhV0UTVkJRHvGrAwKHOuQBxe98aMQBBAFPcR+htd+6VmZ1bZtNHVbGYaZEfz2C7EGO5fCHSvP8APp3xxjY67N9RrOZBjBiSp+jcG/60LAo7qRtzjGwXVTv0DitacwUXY9harxS7twoaHQJwTGZOrp0R5PDIOzsr3uT2tYYyb1u2sF2Zx30RZXyrc6BStuElM8wM28AxavTb3WQbTqO/8DR2JDneABMAhY1QskCfxpi4zke1Z9/qkv5BaD8Zo+CYuc2SKNGgPWBMhsIOx14FYbg+V3bDTqoEVWPBonE2pd10LKfdzcQ7sLTjAj9fopFrQtorb4qMttO38j+8WtOy3EL5mdnCw01dhw3GwhSjtgF7COnhXyCt1V5GcZhekuMWI0HMsH4zu73J19Xn2Rnsrhxwcv0Hff9k6/b7AM5gAps2dszpzVLt+Om3ssqambMaX8z1OyQ2HZBArwbpbiZe9CvjVCjzycDAjYHQUkBu2S+0DaplXM304raUGfMDUggtVVM+Rc3JYoJIEA04dg4+l5ZDLV6SLQwxV4zAy5FlWHdsQV2nXEanxGKP5uZ5WmCk+N9y0e4abdP3ZWABWj/apvVtpnbtilCgWqFetjmVj64pGd5xIPryx83vXamtEohO3mMV+VX2/S5fo7Hnu16WjQhwd3WvQHvreU9dguDp2rvVD52mv6+7/QnHC/fEo63r7ldU0egJB1A+1e9CcbxbbCpnrVp4L4/u/5hvRCoSARYP90r/1JvAtSQ8+rs2gkkwVLmtFOfTUBjkVARw5IiWwszJjAKGTzvS8t3XG/OMbipdBzW8hLRI/dG3NKyUyZP8eRjm696IffCdfHvOSeu14dyq8k6ExJex+glQh3SpmJIAq8XG6ZbGrkrSHjYmwSPGBfrpsHY602NLfhc/3Xb/L1GTR8CH2iPoRza871uZ1P8AD4YKMQ2rfIcYIvy8vm8rQBdFFnlvhHLQtNIW19GI0xbuhN+0KACFXd3CHmBHIyIWoWSTDN9HLzYZaCT2A6ENhA9RxqsSYvtMTFxF9gH3slSpmflPZJywKFn58kIWytry+h6zSYvBACzXgiqvN8b9+LzewuVP9/eRFnZnY6m0lGzVQndYALvIM/fpaOYM5H77o6pUU7OAUOJC5kvrnAtCpxCWtmwqg5kZAJcWNhc6p2led3sImOvjbyu7pIWgGveuO4XdpKi9uPHByJC876imwpJXvfG//M//0W0Vl2dOaSnU8D78w0MFjBjemOKQUIAe/eIwnd97BRVupPN7C5ZgIDX+yaKbDFRF34rNwW6noBJBLz6lY5UBYUEvAIF3ubHdYkHaKvnprCatjjl+RnAtvn2yz5qbQIRvY5Unaqn6CLahg8g80yE/WcrobF9Ak6SsxNYB6SdLqLiy3PY9lKdiyPOmA0EVam7AJz3IPDGxe37k6sV2zeW2DL1e9uMATl6jUiRJkcmjRKJmoEd7xbbNaMimgUB7FWkgI5o2+yiuaiPUGszsd202R9xoWqDQt+3RqDOSuc1Sfmc16TCfgHX9RLwV/j4eOG6KHg459UMDthX3Rv/t0TdRgQubxmS7/n8+Ql4/EM6HXOcTvFhCHxj21Sn3HFzryMeDNDn9JYeJzvJGegKIJdBF2qlxJxId3l5pJlMaKsaE1WyMgPc7GKgMuB7fwmUV0G6NtACwtScIgto08/LpUMUZet1jAiB2QBtYzaA5O7hU3ScpVz/AoGGOp3r7BFCfg7qEug306LV/NUAUNaPG/Qn6POsp1fSSF0PjzgwF6GwIL92396iIdtML0YgWFbaugWg2Q5s6MgG3eBY7o6GYtVhqAQE/pf1vsqIDgBgRerzZ98XpRuKm/yMHIPj9q/jg0ybKFiDy40tM4Lu+833lYWfn+8DdG2DzswvLHwZCPz552cXMUNxnmePArfUGgLGvLhUwNl8osfMvFnrOz7WXp1L0hVn531ugnk1b8BaAtUAxnPLCOPEYYkDbAK1hoZYh8+tgQZ+3MVeD7FrRGHfHrd3wUd7W7G6YH3GTXew/5LTloEHWYBjlT8H0Pn0KUTx+L3DsvFii5PTlljW45zH7XOndxc4eSsMRDmfV12g5yRQyi2eqMB9p4Cuh93gv5bTVnmE2Lp48eVz1XhsqIJGLvB1ZDwise/DonCjww2TY5u8x1UaC1f+vvfG65pAbVjnLSORe2BeFyLYcb+uC+NNRtXH64XrdeF+L3x8fCBG4QYQQSmDdSf+5//8T7jBMafFkcWSfd8dN2NMxtXw+AzHcr593Pwlp3WdifICGBXOOof2d6fhsBQHQvGL43X+OW/HM9v1bE56nnPWa9aFaduU/2PTkTGGgJmY7d1cwuPMmyUhBp58pPMC15Vf8s3HGWqA6QH2umbsz1JiMMrsrLHIs42OaV9sE7bjR4xLxx6e+653Nf45Ju/D39mmAaqeBPE9yUIuLivxPYpRrOu0RMYxElDdMe62TWugRlhrC9hBqQUAqlFnj+4SJNGnj9lxlo3mUwu8rgscOZ6wjmDuCztfwibe+Pj4wJw3dhZ+/PiBj48X5pwU854TgRufnzfuVXjfG/+//5uAEoGkS81s2ubPnxyJ2qrFaLuHWdVj0b+xzd8CNaZ4MkGmg0pvdZGa9doLXOs7utvmBA1VeIaVrCJN0uhvGrF3saOEIQZyCSQCcJIPI+O8COzQEiUMC2iqK6z87ABF4EFc99ahA1CeFbOh4Lyvx29CAIipeO601D4aOwUhu0AHoENJlpXamHI3e8OvbfT+bLWiY3oKgrm7DlHZkFtbk5RQwEGWnerw+5Hhejs9wCJu7Y3rGsjSatfqs63CvTBmNZW9z1H6R9z5UeR6FFGFpaQhgTHFODjF+HWJJh5yPjVRcwpg0wxzAXPw+a+xEXEDMbHvxJ//4uH/+PHBNWpOakV5u3VNTSsMsT/mnIC2W7xvMkRer4n/+PHCUIHM6/V9k00AuO8brQcUvq4C/lTRHttUZyk6vEANVwka6pxq/MUr5AGKlWZCXCh2VJGblOAxjn0XsMMbRgYqPYOeEiwNBUH3imQOBZCiGl0ItG2aWr6zHX0Xdvocz0DnlC6VOC8x5ZxwmgIbdUakesSwweOjru9ADT2zARoXZmsfyrfBSQBcy7zXsc1d2hxSKqxlmwahjHIywmDd2bZJcFHf09rWKHaexgRis1j2gzZP8NOMxVIR4DGtnWQmJqh3sdYCIjHuQtWLWjXXRMr2GaRUfK/EfAEjvUUvcY0bY15ADdyfZ23o6/WippR8q8WS93IxD6xhsdohpg51Vd6LW4Ve18QfP67WGSmUtgt944Rzp4pzjfkFhc4BKJaQRYJC3xMW0EVdO2V1rHU4Jx9jck21aMhzWjiXhl2gSGCoiLcb5zptsiQjGBuGBN8jWCDNEADW7aI2QfoJxWdvEhtyHmc1rCzPRzgtdhuy0cCp3auPsmveZu3Ylej5XGDyOkTbHYDuVrLAHh3vQ4KcXJ1tLDpsoBKjT+xlADZlXoEZ5+cYrQSOxWiftWWbc2omP0Pvo/ojVBUwlIQpYTZo/Ry1ccfU1zQEGBz/BmkFAZDGyZE9sHYY2v9UmsXA9/B+84ytnb197zS8zDrYuCVwjqDmA33OABu8GnmMiRgD77Vom0Gtt//48aI9+h5+Y+0owLqDz5yWGjwBxaaIL7bZej0lwBHueKPzwN7aVdWxA/K9W0AYc5+tUSeNtaWKNhfUCQEBN8oCo/L9BiQcjZxrMwc+XfPOvn8pzABrEMUppByFI87nKjfZTgPT/A6fcxdypQKxm4yq+54NFn4v4REK4Iia2y73BmC2T+KXnJYPj9si87G49MTNCmjza+K6hnL8FqtUTsr7g5ES2z9/nJdaV2z7WocZMSenXdgS8VdM32T2z2sw3xrA5+dNvbFZ8CKLugK5ODax7jfmvTFiATGw7kTEJyICr9cbHx+vdlslrZ11u/BGj+5Qh+NCYuCWzhaBn4k/ZJtV2njZbLnv+bDuZz78puOgqFGPnHb2eS7l9/C5hHNF1psHJHXuBnjxS5oZkknZCueY3ZhLMZt1TopivRGqNwW+BCyVcGxz7wNumzFu37B39lZD57Q9HlNmcJ+m5N7MaT0SeXQST+zJ7S1Pp3HI91wyHeevR7zY14lgtRjViqMGotdi3Hzapgj8X3JaqFawnla3SRSDMhPzEgOnhPjja5Ni17HNbugWr+2cJAzsdepNnu84zdgAdRprMXfKhcCFEvuF1+mNHx8X7SedvwS2gFtLsYy4yYpZrDfnHPj4+MDr4wVvkEtr7Wjkco/SNQK8PbMKjJuKsdc1WG/q+lXVY8rl7x//ANQ8Vu2KFsZDbhEwdZQAov36GjLRs89KXg4q+AgI6mKYYmnaaHHFChAeczCNvE5XIQd2DmR6lekZiXlukaGN24AKlYFp5bF6zOnKoROJfFBL7egtwFreLLPVRXj8voNbniD5RGrLIxvAX/5YM8OipKe7JqAnTtf/8XIwcrrdpQh13ZQohATwbFR2FqtZMJpdfQQ0vgDUUbIYG5r10iwHhLqLw5fu0DdT9xwDEHI4pMZoRfRMFl10PoGpAD5icpY3tHI4AvFxgevVTvfqui4EFio9cjLawTihNxpr1PK+N+bFLR8WqPT40Mc1W1Wf84rf95Hps4oOQgBO8jTQKPJWATUQ7LpL34dgwzKu+KUQioDGKs45JlMnEQYsNdeayY0t4e1AIL34dDzIcAvYrAWQpi3G9FQL4OLYD/ScAliy/PNiZwmEKCVX7bAbcCkF0hPATDGtp53l6WCkPi8L1Efg5oVQMvtLt1HXr3ASVtoaFPx4U/6dbcp5glsHjo/omeWHbdLH8joP2V6EQWSx3TbHqQimERR5v1cLl+78yjTktF/i/QasUTMHk+y1EpfA0DEK4+ZnYQE38OMjkBIkfr2ucx+VPIRsk9fD7MIz6uitSO/33bZ5LwZdFkELP16X5qn3bwPat3ioeAHQQLvPGG0zOi76PM+gFk2UAWbpG4hJFbn1dwqMGH4pJjFj6O/oLSMxVIy5ioOLKM2ECxSEtJHoRwXIuy5SAT5iYowCHvoOkM/vcFChzQgdmhDqeMEdvCCYCPkAmS8gZoP/+wAsKo4hsCYgP8/ru7OQcTZToUodt0eX6mk3pU58J/R+bv73OVn6UDHa1+7k1g+gMFXc/cpggP1VahbfztVFRP8RQKyO/qqNoaSuxVLDXdEQq9gUf3ZR76XtTtDWJm0quvdG7cRawDWkS7B2J7mM2bRtFy9jDITGvStxPo8acLs2ZkEluwVWuSnr4+W4+TXv+o6PtXZf1x5DsD+Gclp3ZeXrWZQVUGd0qCoVbwTW7Eeh1X5LrC0VfXsLpMmNBEcYGvBAqSiiECeXXPRuaxZ8MPtLeSZUfCbEFAOck1V8jZu+LVuxEACGgIUn0wf2V3wq6MPy349GhfNjOCY7Xj7/3UnqKbpdS7TNxMkn+yn1Zq1HE8ppw45FvuEZN/Nv4ubXJ5WNIxDlMT96IcNfCBbIQ0W4WZ4LEuZ+5LQlzS5verol+5DN5tEq8StQxUUXpCQPlYTAHx8Xfq43xpi4Lvosdtsn3kUtKue0PDNm7FbHzIjEuj8xX9eXnPZ9J6reeIl9szvn/76x0yK79M3RACRt84yz8dio3iyfjXOuzYLbmtB46nwxbJVy/GObJaaMZSyyzLwhGJIJrFsaoAm0hk6V6k0eTAMuQEn4W8tXhGwY6OzxJ9mawZryCO+Izh3ubUHkx5ik7dLxUXIOfM7H53rkzAW1+B+26Ty1m7V1gCfnu/Ypf6k3C7DukxGZeNSUp94sNk2rMGGtVVsqxJyl5uqwbQaM2DEvAnPao1PD5sxaG/PCF3zCjwiCbLdi33PENAv4qACQGLMwNnOg99SyhmJzbYzE60WYhAxyxv3rmsqhBqoWNph/uIHGhQ0J4KbWZ4H3Uec619biCOuOnZzx7x6/B2q0+s2OEjaivi/Zzry3FZVI+AMs6HgtaEQSiQqoWKK76+e3ng1QyH13UWMRY4IEmptOKjuXUPMx5BTTHTYF42Ty29BeHU2LnksGDSYAbYKrHlPo93Zviphlqaqhs1j3DYRGa8xG4HFWED1sgDGgYjO9AbyNCQ4XdQymA9jfdEK6G9gJZ6FDuQrCkD6EVf63HEMqOZ1gUm/2hFfm+rWYjr9OlJegVIzRX+LYQgLFrj5Bt1vJ5uj36BEZMmZorLMGxmtgjEvdOz7e+0YmRywCwXGKyQ7hD62LH0LSMxP3m6suK7I3T5EBFF1IeO7TAnE2GlOLawfeP994JhZHtf37Pe43A7zBTJ/ZsqZLloIPUGGqYmFGcLtYaT624jCx7EQFDKaKcTpv/U4ygTRVm7YnoC7dGaA2SyXbva+LW5MqiZYTgdf5tnOvQi7aOnDOSwJtQ0/bBKBtTonE7u5bA3V74y3bHENbWqzJU8dhmzrLQlEjj0+beiac+u/TmaCPs/3yaar9zNOO1VP9rW2S5cL3MAe7BdAphebu7cpdMOWu08Tuld4CCQAxH+XH7iUAhz6sFNQRDiz8XHsnrjnw8eMDERP3YuLCYvtTtjExx8THi5ue3u83fvz4kP7RUIeKANcYZM5NiVNDDIUYA0PsN9/znRv3cyQlAnclfuKnADmex/mNbTN3PoT6thgevO/uorT9+GTUom0OzXQ/fHIERau54UuFhLy92UgkkxqU5Jx1JcdEp8ZbWegkKm9EEHibc+J18ZzN4eSfZ4hdIQF9PnlVErFi0jcgsKVLpNAsOX++ciG5NB4hTZYAtyaM+cLrmgiQgTOaTSe7wSlIWreorxsfPdpRBuePhXjsAb7ecBrwbHgcwIZj9GQO9egEDgDspHeaCp5eb5+a4WdsISTuMUXAI5QFJkfeLtO6MvIze99YzR40YNr0gwavfV/mvFREkGV83xvv9+6mFipQY2jzj0YQrwt7LRW3Li6sZZOYMZCD2QFdep58qUJaQLzOHp1aa8mHM570etVv+CAALfF1U/XB+zpcuNCx97lw+jgGGaY6OUA5j1RHv6xLc2JFFYVimceu05AsF588GQZ7qMNIgHKqFuA2UWWVVQIJ+lAwhu9uZQNlMAfdkKmdbQ4EilksmDlCwVCCU2stlMZOnef6QjwFhZVe0e9AOVY87E8AiUGNp82h3/8p2Pp7eIA9XTKG8t7fx81rHN9DBMu5giCZGsxV/SOHHn7eA8xUvpjvJrdC8hpbA9C1ASNVuTidwGtciJjYNXrEY2n5wRiTWfV1Yc/Cujder6DPbl9WWPfCKK6mvq4gOmAEvvh6XunOaFB/m9N+9gp5x83vu547VW96lfWz7qS/8b1ivYmy3ULjvtXnNZCITI5/hfIXONerxzkzeLh0Prw052gxmoFMhgx4riIxZjTZwPkizJLjm0Nl9QIZ57Qew0eq+Zin7vX9v2+el50JxOznXje3ug2PncqPjEe9eUBnV5XSf7WdPWrhA9gcoMONWNeaAL7Um+1j8MxpbZvV+eXef42btE01bALdTKHLDaA+uk5T9o9eWx0O6dX1i6VUUv7ATVY2lUtgrusa9GKLvYHPN5dh5PsGsDDnhde88PHxgTV5D/7jjx+s3WOcevPmdi5unLy+khVQiJJup+75nPOLbS4AK4A//2UWGP4xbv4DULOB6xTy1K4QrVkz9nNwTmzvBEeyWAwScdyihhVGAUvCikhgBosyztHTn14RnA/cVIzfye597C26NQvSocTmx1WoWpxks67BBEqFm4MPndTE+lOdYlGly+MbSfTVwMUcZy4Qcv4pId0N4N43HYLO/H3fwHVRzDZOIpgt0Jvd6SwFZyQDTDgYqbt8aOsuGk8S3Kam4JrSlbEhdTwV/6yUfGMM7FJiJbZJVSIm7xN11ajQHWGAanJ7Ur5piLAKN+nRvaYVKvC7kLUnYNL63AjimMsEkAnm2gs/Xq8WHF4aeeBYGu/Pum/8mRZS5oaQFgxbgIEfU/SrwDGKCMzgVpqtBMpCn1Cx7NEQbxOCngNgYvZdH2QuVQOlTF4SMSFUngJ/PdqkLu0MiS6LYunNT3lc8glmyYQgYnYw2knEuZO1KsujNDAxIvAxyk17JobJc14DcnIcuSjZ5vvNomRaYT7RnaSqUukTKlTFwNNrDWzUAFYywTFaX7nxXjeuOekj1GWstLAc/dg1w9grf28nxzKqcDmIiGmV2k7ngOBuBeARO552snbkk+KMjv2tbaaYNAI3YR+BTdscgUtiiS7S3vfGrndfv9QLhXQlHAgBIOohtJraFiGwrWJos9QD0FkEWe5F27zmBK5s8LUqUKO4kS05Vz5niOXITrtB9arAuCiuaG2MKb8849J5K42TqCu/WShsnb8+b4FO1vKhFfHdHrkXAhMYHvlhR35ECEhNjEu2qW6chfKuyeRnlIon2SmhjlNQR964hlfbB5P4SLy0VWEO/vyFwhUbofHkiMJ4DVxzMXF60eczQd5ApLSFlNTHxPtdSvI57kOW4jyFX/DrMwoxaHtjUFgwQpo8u8SI5GjSjsBeN58z0JphIfssfklChGaAHBaYgT6UNSScvAFwl94JZzjpY1wxQNHAh8GSRIO1l2yJjcTSdp1GkrpQnbrWh+028b437v3W+zjpbrmj2jGy55hwqOroGE8dFQFTFSwG08KUm+uPZez3vSgYrX8nWGB8/uRqbotD57nI9Gc+s8mYeE2OdJLtxtGue3kTSGFWwCwjFuonubTgq2vw7/jY9wKu2b50TuYpU0UaqjCso7ATOart70tOm4VZhaot2+YP7b1Re+H/z90fbUmS5DiCKEhRi+w9+/+fujOd4SrC+wCAFM+qypqdnt3xvdYnO7Mi3M3UVIUkCIJkHJ6hwgYW8PW+wn/GtK/iLLFqCuv+x0O/ShvS3LhFZdsxqd6buxb+8z8ZU/IhA1hVswxBRGACWE/Bg+KpfGPC9IADer1gwXiCW1QUN4XrUehiamMJtxmipKgZNXNdmLYw6vNsLDukTD+fC9P6cko2+C8xbX9mmQXld87sIcP8J/H1HrznNwkbBcnCtNuYFkI4fjlemuxwc9n1ks3VYY6z35cFjOKyi6+v38KagBOHvV/89/88364RYFueMe3B288SYFdsBYfEU+2qFfJ/g2l52ePrfvJAYeebVMAX1hJ1oaIjUHiSw/b3u5vjY15QGmBbVPCjaGciMp6UWuayzVC8ejdj4RRznctskil7I+vgEwefx1mPfHYGDoiNuJGT77139HapXCJNRPIeaKGA8s1neai4lnVE4KPWWZzzbV4OUPj99YVPPWNH3/JNnoN0vqn7ElXwLk7gL7ZpHJsTe6uzUOF6oFU1pTPcmLZKZG3ho3mIG8B5jWm1JTKYry9hf8Z2n31uMP7af4LzZWSbJduUeMAcLOooN+Hvtv0fFQLdEgyazzmFr98v9vvij1+/4GkBX1+v2s+5iXQX8BvMTZ+1dO5WE06QBztPIRZVkpmpTacA4uni9j6cg7O1CTpyaYavyFQpl44wwd7/4Fn69fdbn2qrd1n9YXJcNAJddBXOe1xyB6tKUo/A1QUm2cvJHE5XXEvVha3Eq8BEsyqUcJL4YXvKCziJNiN61C8suej7FnYl/vz99g0hkCz8/v0b7L3WKjJ9z//4jz+UdGolYQKfDzc6kIyiRPScYo9peeYCDwzleC8etQ+gLLNiACFolTMBgC3mtLdwoJPLI1KnjlcKF46HCOqhIimB9qG0hJTAKfq5VDHxBTwsWFtEwKC1MvDrVyCLK9CiOCmez5bJxIPpu+bwxgd/vhtfWuu7+FD5THIk+fxbgdc5UN1OElIIPA+3bZzfX4h8L1aRLGaGq5KUhntLApSwItTW8gqgoJBQ4ilW932/ZsixzqBJGT4rAVYdiKNgfH5wUDtncwZBlKSVo0yB5iUBkkSeahCyDwFlBCZRWZptoUdpxy+4hcIXna3BC7I/L0XCnHr7/gFKCpxUxQIlf4V9lmwz+wfXU/jzzy/QWSugCRj98X/8gf3OHKpHa+G/tDb1WQtRlEC+eyMkFyuUfAxXCHIBgyopB70lhomWZmn0xYOoyIq7gtRAByxkRMuyjyp1nQBBMlaTLjXVfH8ACbLThMWryqyrfgCB9K9Hyblsk/ksyZY/llra7JdOALnwW6tDvcrZtpcCeHx7ta4E5L+uQdAiCDiAm/NR9vsi38CzHiYekU0IuZUs84Ov9+Xmp8Vk/DnF4KR5IGW1hobavvsFtMHHYlvL8K3XZ6WU9y6k1AFwzSn4iS+SEjilobciDargqjvqu22m+rwLbh8i6ep5MhlMIFPPjIqNDY++SYOhkyLbE8+HKhwD+CglL1lIbCQearljUSKeD35/HTwPSd3nk3g+rLBnPODeAPqXyIP/8//8P+iXUfj1kJixL8oAHpE3VYXfAijcKCg1HAL73cgnezVlKOGB5kI8KxvMDWjzsOLo92KCKnVRlSr7Y9X+/wXZfrPIPHcEglYjbt53Ea6uFnoT2bMSvx4Wn4h5nBDwG/zHo0H8J7A3cA7P97tHAt6+tX0k7TFKZY9wYedKVGsIlCcSUFK4Vcg64H2PFfRLxSTCvp9rhQeAe74D/8DzObRVp0ysRQ/rv5NUDhqe+5uxNKD+f6EZ/T/xKm3+w6wqnwGYhdZwvAelQpqVE/SbF6YlHQtIyYazcfaLOhtxrrXAVYA3s7wbOCTZzuHP1iHZQ1+gtotiC9Q5oNLmJP788zSxQEwb+P37i9jUap7iN/iP/+MPvGcjcHogO7eUSYup5+exA6mzvd3+tI82LAXgOR7lqjsLfFZhejOdSWkTkZ4td6CFGPIN1iHd6nyA9gKrzHCRn53UDKalHY8itkTEPCvwxwckzwqDaUFjyjXruffmjKIK4UR9TytZq7H/VdW/kkb/76qaDYcRrLIX1fZnv4y77gpQEhki7aiMGUzLgqWUlwcqWG99Z9r3ORvn9+4qvhUgKJ1D4YstYthxMwLtb37mi6rCs4VpAbjDQKktz9PX5JsJPQvFSP/sMkkR3Jy1o2ab1Hlxr8GGh/Fu+vGMUOuTBhsfEx1jm15u8ArT/ud/biB2n+v1LPz552+maK+etQiPX3/8Ag7fP1biESnFViyegdql4t2LOEAeEiFQR8lXfeFxMexcORooeHBhr4p438o6AH/JN7/bJqMZ2jbvfLPjJsY2J0DxPi72UffA3y42IfBk4I8P41vKh+SpxpK5gOfxfKBsTPvn69Y1SA3J6/PM0bhijgc/Y8yT/i2TCu5F0uX33sS0zyNfQ0rbaizGXC5eqT9/067Xatt83y9kcftpnRLBSEz77uEezktbPOeoWM2zY1GF25rRkeefv/6WqAHcirDVGy1QgysnE1nh6k/7Ac9AaRDkdiICKK6gVA/h+wKlShFcNT39MJ6H09KRgfO+OJL8laq37uVjy8XB1ysjdFBL4CmtuYWkuxe58fvP31QGiVzaMkxX5JiIaSVvTh89VQti/fYBuTcREfp9D2r6eo8A0G756NHPMpjzUZ29h5DBFQ8sowoC2N/eqjP5bhMMLK7SQS2QwbWDXpRFATyWyNpUQEUAahfqZF0Hn5K1lJpARABCE7dpeL2KTgGfjslKBcqmD8SgenZCcZCcIXVqon6JlPEAOA4P4z3+XS+e9TQgP4e9vFmLTHZR2XVKCgwx2Vx17nlG6vk//PDwYcIAfcQltfyRL81JKtomX052rv9pUkpAJRDYIqA9vydvoi+Ar68jqadllIEq2hy94kj6fv2h7R94JA18tY3BQ1V1rmWb7+vTEz2s9DkPBzgi2hZ4KALxn38ysVRFkfmc5amWV3Jg4xCDR6DGg3xF6pB9a+LlFKtRX+/pVpMmAnzfZNvfKhcmfBpsTpUyAvi9TWTrnMcQaQsEoytStlmduK2MHmjJ8d6Hg15lId/a0C4Qu1pFQxACzaQJSNkiUNIybSWyUdH+bBfltMpPe4K/VykvJMk4UK22N+0kwQD49b4a5PhBaLDauwqZrFg860GJnGUfvxMgy5mz5xH8g21CRKNIKQ+o/KmvEJhGnfHvHTH/AvBF6H1tzxthJWYtJuOPAUYPpqMt/T6FNyAFzotcjE17kbysT+DzCazPLynmBQaCw+N3MUSnFXWncIqtguflEPmzD2IVOATa+SZViVGB9+vF55NdhDBA8naoQHW77XqSbZOA2rQCv9/TsftJRiTGbBPNeam4xred2u3LAKC8f7isZ4smPgpDhK3FzWMGSE3N6loXEqiXttlEM8/ZCp9ESGFRakXTZgoNYj6lOSCxRJrQxg+AP+tVW3Yqeayr3dtH43z7rqhR2vQ1hwpUh89GbCDcUucq4/MsFq4Olb1HSxg8w+H2Pa66V1z3EJ7hMolzRGojZjRoDddWAz/eNiEld0m9AKCBPr1stK/fbvP6Bnb977nPGV7ZyyHV70ssW2pV4P2nGsdJwxPBVsAI4MUszjiA4HC3EX99ceCzK8ueVfJAseBs4ETH2ojC13/+KUUt0ArzPs9M+rcHVSsO8/w4bh5UJoCDR/g9wM+qAvLh0OUu1JUr8YMFPXPESgHCkYmbzg2IaRO/fxvTmjwdTLsy/oJp/zFuNqZ1e2gEZoGGFHmosY8V0Cxw/H5lm2r/7FYSpTFWBQHJxF1YonCpWEFsgb2t32sMZtLHcdmzs9gad9RmZqpwI+JoXgeTXYTbJD0snQQCKoBMqSM0hNaks4GgZi45Sfypr2jbPK3OC+OyMmHH/+1ZdV+eW4LqFlPA2Ifx9KC0xhp4v1iYqr8M53XMYfE4kOvRO321mqIO2AYuv7vfg99fG79//4Zv6y7O5Funuk307Ms+6gD1J9aCCvsvYyR71eAh2u9+tc3NXQ4iqmSn1DAcEsVXvllVKKkiWbd2G+w/yTf1uT039V/aJvPNXr4jX68Um3lWaaxCqMBdJj1TOV0oDvOao0L4TvPO2reqaAXN9kGpSBmIXFfRRthbBKfb4qO45ZTiw0UyXveMQ9zlAWV/+xRQG8/yOSPBCanV/vz9hc8DzZk5OEWVG1vvhcfVlu2tqhMnEieszC28R449priUyOZF3r/JN/+WqDlez41zVVyZeHDLEw/wvhJB3+x2UHyn64CU1n5zMN/+Kpyz8PvPPzs4ceAbpfiZhd+vNqB4kHDR+e598N/++xdmUjNnlDzPw+q6Z6Qc7ql3hfjsV9+BjvD3+xsp0sUyYQtDOPdyq6ooULasI0aTNq76thI4QGLg/cJ7EuvJaacCBIiiJVhee57rYQIpQ3IQ9PwQzzY4wQOiJjMC5IvpXyupVgH695ykgTQKCsl6m5wfwGaLP9+D/3xFtGgld0qOG6qIMnrRUI6DM8wORrtLD2Sj8ocG5vY59z1G4BvY8VE/59XMBKlrVrCFrmZ2AqqQ9SiRFyj3nIzykE3OLToaFOfK4Yw6qE5qHQROXNXGH/jywFfUUYVmlEiIbAkjhwGbT28KB66yRgVvKMY+ZzhiAJVsJ9K9olqOwejzsKLw/FqwVJKkLIHef5dtHr3nsx4m7HsrYaQ9vL+/sHJxdarW0VOOyD5R4PQMCztqdi8SgGyRPBFAJStkUKJP8vPotgwxEBmol7LphcTrICcjLgCxWBmLtZBwMsvqYxmInpmCb7KrkrbZNSDbn2zvX9qmHt9d2eA5ZaX6qwK/31KFQbZ5t5uEZi6IADknetBdyA4ixjad1Fl1FyexN/08k+1swHPOks+kSmCtUdAtkQnP5yHJoD7z2Jp9kwdvbEm2SQavh/99ygTbK+IwL7JOgRquCoJE2/8HbJOE+8EkzhCPMZVk22ZAQLuUaAQBOeNaIfbBx/JbvU9m4MTC+2p+zRFoejb2CSCB//zzoIKKFROrKzis+c8/XykS2fP++fzCf/z6xZaO55G6NfD73fj1+cW4XIetpBGoCK6NfbnF4PdKfD4ERitHaXn25jr3XIiPyL1SJRRqP4Q8sAaOs1Vqa51l4rdIThd5qDoK+YkZLNy96QK7JkMAz7kBiz2aI+fUXL+MCknrpSjpdkKcb8+t4MTwTlAdN1XU6kmn/kcgmeUKxjcVuOintXZVymInhxCRNeSHJPyH95bvCyWVas/076h4VXI0Jpqh9y4XplsxK0WJcITJZfvMnGFYSjjlK2LaohHRhNxPfHXchAc2u50N6MHRoaGsNVsyrzxiYqEq9OdIgbIh1RSwd+LPP1+cDbWDcg5GKI4Z077lFg6RtLXx3/70ZioSeWstPL8+OF+vNjMywdxfwrSHEnxj2lOF988vYazquVdtQ5SgUim5KPuPR6oL9/UGz2QisWMwWWSyLeosbQy9zpTtKWWHUr9mPfA6dJ83t18XAv9lTKvn4yIKOxuVWYds8+vgz/egTiC0NpeqbkNZnf2ibew6XRR4tY7YyHm1cpuJGgsIImyCCrre4gbNzBMp47kVxDJeSQ58ldpP5WdIynvGGxPAVSThG6vxbuPsjdQcDrbtKObIfyJs4zWH9we+eI3GtAFvFXTy3huQ1ElAqHadQc8+hAreItrYxk0C9d2Bsxd+/6m5hgUpqViEWpn4Uuv2q4LA0Vy89z34v/7bF46KkLbN/DyolypxK2G2ntvvry/56eg49d/+8zc8qzXTpIFZY+ZU+6ViikE9iWvfL5F/1bgphHFdENz7RVXg+fXgbXIRrTCFlOU977CEYfmfPG+mYzrfpIJ5c2SuOhPlTxQHc7EwYE0i/epRHDnOsJooDLXzvgj83oX//GLcW6JhQ7nYSrX1aU4Pr/E0Pvx6v0SUEvcHgDzObg7iEGum4tLJ4By2cNEzeibSPlxm8RzgvIX6kBRGAescnMUFRms9OEnhRwgDZwTOQ99QMH5F55u9UEjfnf8WMbvPv8W0f9/6JHKloHkpJxRoAhsFr4XlTR2wlHZKTmJKEivQUZ/StoYqMNfeyI/nOmiTi7YmwD1v5eF+rq4xIBYegbyDWAcVi05eXJEBJ9fV8jK9icKVk6jAWr90fe5FY7JyBNJi/erNOgZnVCPwvffXiy0H+SwCVoIm3qN5MPfcHMDKknfPhP9JioF7IGL/jsiKI/ZOJB0wqSGex9s2yrETXAPp99bhR7DSXa7WBeJZeDSLIpzY6hEzuTdphL6H6TMQGlpsB5tKPnSYDVvDFQ+dpyWHYEUPxsXoNB5oCBI8+yIAPB8x3+HV0KGkJDq5d4vV3F/NWYKkvjHDSaPBAoZ0+4Evg/iqUvuDVmoL9ISIse/fYYKF/uekEjpYDIROUphYcN2HnicA9065auQNPXyEfEav1j8Xom3qcJoMScIaafhSL+g+hUom92b7C6XtXkpiDvpMlUFuPJ3c8yqdxKnFQqTFhuwiQu2WZHzoP9zxyxvjRKpum+/zcxOSOq80BhJPBQLqMogM0S78/b+3TSVlqrwDNS1pQZI41cYSh5UWwIksEPV0pdhy5w7I6WdRQJAoaeJSX0HHQvfySNk2fqqg9qMoSB+ETTiK96u0KtSEd6rYf9heFzxPbmnMNLEaSIjsOwayQ+LyiRJcbBz84PE0AOQjRVhCsW7MLqBp3m1N7bNEOoT9mICah7c7lnWbTBZi3cWFICnyLMTiP1vVrJULhYXj+JkfEpG+3nwY6SQ5r+AQ3bWWSH0qadbz6LqY5D6fD31/kJTP4OeWfHk+jM8VCVhanKV5PLtbOyoCjzZ7QfE7VbXq+XP63wAr4U6SI0oVOsWgts255xSGFL6qULqf3LwWDUwBbnZIbVJyUo2wyle2mdn+ArAPDcTz4InEXiTX2r+KmMrztOTeLRtW5EJEasdgyNYRXQzZL1UX3ggWsRBV2CaSju+Bix+BUv/UATpGVyXW+hBzuBNPJA9qzup6RBoeV3xl/zG2uXpA9Axfrh88sBS678ZRHEzKv8oEkGwh5HBSdFLD//wLeRWLCmnh431UtQ4AqxCrwKRDLYtHcUoJ+gxNd3VWMwTjo6LoRsVGBWfsQbmpBwCvpLqpbkzbeC3hDW5V/KznycsPFbD+UKkDkENBgCT8WomzqZLEAj7P04WOU0s+ieetQCLiGGDDN7ea/GmiU/c+/Jn/yzDtX+Lm5QoYNx/NIVJyGfYQpbZTx81qyGl7CWPaY8zMbWopO7UXaFJevs/+vB0BvxmmM2GwBb9SYeXS5pglbEQlYESofXmGJS+1MvsZ8/1NXBzN7uLP7jpYoVa9H/syhotuzfF5JVTj900BgDkj9F9tnz5/WYDGGhyrLZOfkx90ayMXwcg2lTy/m02jp1Jdy7TNyF/6YNvmTFw6Ui5SEXsVVnQO3JbG2MaZX/scxdkH4RZKAFif2eQqbMvWHdrm+/uL/n4x34x0vnl8J9HFcWEoFOb9TXb4fhurIvosjW0K0zpu+nqsoo25Bud2rov486j0Wrxf0UCdlr0CT1B5EyIyAeHZKCzINmMwrV+hYp+y9MarT8cgxVJhrJSNrmVfqNjW1+X/DdQJFZUZW2NpwHpCOMbqYXSuYYGH46Lfb+mzj947w74F8CIjXN/rr6+/b32Sw9mvpZtSMkgi7S/fG6EEfNoJ6yI8KZnEi1tLQDIjqgctxmL7hOepGCxVsU+e1SGZhcBDXgk+Kzmj+GhDCaDXfsM51RHABFCBfViVT50CVjS2W/KwXzTjxUN9gMP1i6HPP/tgRyDzkJErzW8Irzxt5EYwVphKlt/b0v6rV9cXbaPZWs0JjCohY7Ukcz1Py8bu6kMG77cnTEcQ/KdlaLrO+Hrxh+TrR1VhiFWOXOBwJRpGVyJgRxiU6wfbvc45PbOCDPIlDxMYz+A8nqWpWw0CH4ENVSczofdiwP7166GhqAKbQVkxxRgiLnDgyeKRBLbcVuH13z5TTlTD3CD64f/Al216214APU+SNLhsM8Dv7JXJTqxMQlhGyuHSXi8XrEqUCTBWeNw3DTnRAtsX7dR7y1c7yGqyqM6LLR/NoMYvwplU8x1YjQiC5QK2eoo5ODh6Da1wIs6Oq1ok8uq88z6Bvkd5Aie2NhJJOgo/8Jo7e6olo1OFnsDp70qbjgYXtM0jwERJbepMrwDnhjz5N7aJXvHXrZYhNXgAe3/hPxQNamlYtyrjTMYFmH07fFj0z2ct5LPw9cX5YFhPkyCcd6QqcrAaxxkHHr4Zqgh6hg0QqrYG1jUU8eBZn67kMlhzwG7mQpV7xEtnjdstEkAFh+chnDhSdtr2acLwb4La/+6XFSecyXSpKK8Ksnu3/aCWh5+vhSwucLVi4nke4PNgLfq7Zz0qjjB5eZ6PzlCqSKD5RCmg9FKuf6RMjNB7iBTiNRt0ZcfEVLIwgxITnomVS4RBUCr8rKeTNdvdClaa+SqYTA61Li4NAXYrDos7u+8VirOzuClO8cfoohNt+x6priZi4uR8F1ezuV574ubCZZvPI6JqCBjb5hau8Aw1VtB5IR03f3/hjwx2R6wjTMAkAgJ7W37F7ahOLjICjwjw318v9itCE0BpaHR8VmOFykAdbhRbO7BP4I2DPIGCWuT2QXxtHJFknEeSTbw+ldxmI/IItXouTR21X2QilgD/Ofh6qbKIIIZJgO4zbfuXguwHvoxZvVbbWFEMGGNWehaWMGZO+wwCGmRarObC7SqlFuzTyczza2FVYr8bOwOobBUVwKo/caYUUsVW46UKL5azfl6HcSEvw2pxSelMgi/+99mF3S2CnnVSJPdb+THtSaUZN+fMPAjGYinT6wDbNjpxMxDdOmE8CFR/x+jk8DtRUyZk8L8K0/41brqazUQ1HTcDQDCGuSWDxGd+axE2DrAPeESWfH3tblU0pvXQGSdbbnF6niFq2KJRmhvmGVv8BVb8iWs/HxI1nKWxlVQKs50jJaJJUq7uhmLp+25RWjCXhcbZ/x/AtCSWOeeDq7knblL5JdsUaUy1pkfk8ttyhTVVc7cfzwysz0Js4s0naJtnW5k+tsm8jf/9ytbZieE5Q0Al8CBwzsaWL2yixP5FIzr8HSICEGm7tQmOxJNXNJ8m+iiWH5/AOLGlwq1/yDexbbvaeqziEDkR3h8TAo2VhWN5fdWEjYL0t3zz3cK0Xu6Rf2ebwmiyxYmbbL+1ndB+mW/+ikA+/5hvZi4UEr3kSg+UpBB92Sc/QHL+Fuog8/FX4L/X5PVrsUj4PC5Q8ovG4hzZZwUY4oVzn+wiGG0z8HyW5jIWVnKkhgmmKvMB0D2C8s2vsb0DzWuE/IaFAf86cP4tUfP7928exHM6AbQzixhZt6vxvDmhg81DOr3UmnmBtw+ADerse7I1aITFIWtD9vhQ8cb28DIdtAC3L5xSghXRCaMPXzsuEU5L3ivF1HpPvZ09ahg8VtHlNPqkUTljKS37n9kyEuGBogBqI7G6veMACtIaQGij0fc/hVkFWICFp73JqowtCr8+3NDBIXEPD9qHQ48cFH2DQkoEbgCRauBAVTerG6I3hhwRYdVSshS1reFaS4ocGeX0PhJkrkDPuKAMlc7EM2ZATNubP0LE3PPJThKcoJqccXsav1INAaQEsY56Uo9/l79TZwM591hFUd1rPmcXZd0CNTfv571+v5RUjkQ32xZoi6xSowr3QEnAs2fq+2yEACsMAh1H+9JnKLZALni2YTpeCRRp+2hP2m2ShDJNVridgPZlNYqvoeSE1zx3zeWw+qa/4gHKltFqu9PPLJIbK/Z+m8A5G9ixJWjQ71Kiw7krrogoQbZdQr7KPIEHcvLeONm0o1afbhR+/fHh/X4PIh6BBVcEXc+rSXQK2g5nHyqC0XLp/gcjp94AkJzvtAkGw77agcDEKJQAb/SQTJRaLRSf/R+hXvzeKAG+5+dxW6EJGrU/eU5JbUQsnPN2VbBbNPIg1YsR+GjYcWLvr28gn36b4+Z2aagnj42SyDsd/3mv319f3+KmQST6OwJs++HZcuWbZ+WLBAPk80RYeUbFSlbqlta8em3osxaetfDiaMjtYuUbBHLPepC5cOJIXfiCc1Q0+8ZJKfhsl1oPneS5jWJl4PMwUX+e55L1sm03wpV1F1J8BkgU83o+TfKi46vIZK2iJbBim9Dn0eY6gH4cmHiueAOAoMj313EyJm7qCVxxU61lyH+Mm36Yts3DYYguRNE29X4Cro6bLs4w5NFKPN8tQXI3W5FjEmkqeY8INNsD4SurcgejsIvl2TAHSOD544N9uK2N2yMDKbWhr/ec9jqUhSs23i1RqYSXimliMdp/aTMkVTluDfGD+Mlruf36umxz67mF8GgowVevGKx6ot+vTlJ6+5+SmFaMKjnbm0s43vcVsSYF6fF8RbcXUxncyvV+BsTOqSTDrWzQdRj7Ed7QtxAPE9MWCs+vDwB0otlDtgFtHgFahWCsI5xFguaFz8k+B+to9e4dN0MkuwnILtjWdc9km2GcTLxI9bnj5n8N0/6zuJndVgt4XlSCvqKEU6JYBKwCoNb+JaWQk3s/k3PUuhsmQYpkpjoC6I9dkbKvG9VcPqtJQsBt3B6GKuVguCpPDM5jeLQddhQ2gRk437NqQF/H+TW45qLwGtiKClye7ce9vt4vYTBtQrtUETxuBOuTb07+2a2jyuGoQnRrKbHnfl+SL1+nCR26WLa9UCTwDlGzNctLpA0COOfV2VEeGEP4urDX/hVjs8ZIpw7ys3Ay6R+AzlWrQNINblk1EQuRbUtEAEmdf5pvgt8nigSKh7J4lfuNadvn/EvblN/o3zv/t2zTeK1tE2AB4pOdb/qsJ2Rjmd/yzbMLkcxXnG+SsAMshTRu6Yhah3+nFqPEAooxDYcb8kLqpswkUaoiVCjOrfWI1IGEBBC2Tdo90Ns9PaM1M5oU4uxQF+m4+YsxhZi2XW7hwuf/2jb/lqj5+vqCFzgeM08KGCRJ6qatcHRxTmjcA9hqjFiSUypgHANBAgBWecuUAKVWlurXyOAK4FwGAYSaP2xA74AGzO+5NQb8UXigULmiYYXBuQMjH3j4og56doT/FUFp6Nf79o3PnCFS/DxKRLNVNTwwTkr2PgJgvm5NeUfiP//7F0rrwTnzoSY4pYYuSe3w9b4EwUsD2HwInJOrUomAjEHXk/zfpwInng5WEBnSyTREvlg5FRPUjpSnegCABr56yOpaZidXywn5cyKNsLEqAYpUed/Enpik4QYnziI658WqD7zxZL9kOX3e9kuDOElpHiRX45lzr6NZ0NWg00y306uf+Pr6+sJsAkMHCMG2Nkt5Sx45K9VMoPTxdMDDt6G8BC58/lvETW/1kh2VgmIKpPNSbqdzEazAfL7zKYyzIkkkIbiu3c7OapZ7HhK/m1R36u0dTmIq45/Pg6+v9wJQHlYH2aSS0oBkxb7WAcHte6rUxlGItfB//V9/orrazi0Yts0VMdXoYsUrE1hRwJoWFsiHjKRU38G+SmTYLlAGXzHX0IkSH6Dl2P79igGwpesqHK2JDkRX8+Qv3Iqh9sLja0AB3Q5AgoYVjQk0X19/EriDYHmtoPEdbq6oANfdIoB6cVYi8wyB1YmRkyL5UJxut8l5EP/GQv73vV6BPcPkU9VEWPu8tk0mBttJbzHvZpvstEUAgdrVEl+kSHVOyCYBEokV2YReOPbI73EKrjMN1798jlLzIBTOYeCvs7yYVCwprtye2NX3JmxivofeyDGvlKgYnEZA6yt5bg2MTt/JQj60427baZI+fEM7ButXOvH5b//5AmrQZFUarEgrbpJYYNz8rbi5EmObV9yUQXWFsosFYaIFOKHZPvJjBSAetIx/CSe5KOAK2zlH89JWqyQyTFK7IJZS7BXJSwg7O1bpvwNg+5XdWDK+fX39J6Ztxwq9hRWPgONpu+55pPKted3zNKa7Xt3CrGTwJ8fN2zY7BmKIhR5OiWxy48h/6zGSXAEACDPUVODFtfV2wt9fM+NRNxNVs6XHuNLtO03cQ6RjGKW58Dh/5oIYE/xsTOv2VIdhq15uTBuS75v0A4wH0efk+SzgZVHOK5Pto6ly+KCs7hBBAKDln3U0e0EqgxSRURXEtLbN/zKm/edxEzEYp+LBWyIfQ7asMIn+flfcxGBaQEQHWOhLzOKATPqwu4gNhN3OFQdOF4RZXOT5iuBcEeNbng0SSCuXZvYZVwnTmsV5FhNAJcKZ9A/fnmOqTVKX9ZNf7x7SE6HWevvzJhWg5I1xa7ug3v/IzjTrKCKwv154BbJtMzPwW9ujeG8SO0jUGStGgioyOF4yiT/9TO/wYNu4CN70AutJnkLzG8+eKMeW/lG3TKLl8wkAo0gD/jHftB/ijxeVoZe643FLcwGhOENix2TGP7dNnkv8T9smPyPnFtjGJLI4mLiJHqUymUzbpuLYUmuq1Tr8furSOfvyh2oTXMoravwaeZxoDFxS5XZLuf6b+eZv5ZriQ2shirSJFU9Q3NvvQVWiUi2Lz6hlDtzhE3MtVtC4QP039vn3M2rAAN7wWSymzyX/7d7QczlLrdouoM7VxnPEMgG99tIs/N4+qK5QXW1B+lKjApnDb+daEMMdeSUbNKrIeVDtiA8rVaHvYsWQB5/6S7bP18kbkFL9f2RVX7RMNvlD6QFuGaym+c3EfM4g3RAhVv2dWMlmb7GBdJWl02OA+xyuiNNUboBDHn/9WiPNBL9zZmCpghMiP1YS9DNZnYQh205syk469d1SKzvPBLnodcA8KyulXompEnhi9ivpN99Lv49oowtdB/fPJ+owoVmhqqwc01Ff/8oHu8h+p9UcWSInmOQuzcHwXIDa3i5DJ3BeVYku0uGnvjy/hY9jngvgJK8UOyYgUNbtmFLG5jzjr6tlQcm0/rzHkWnOStWG50i4ZcHP7mJJ5GDnukotM+E/u23TLUYoBjIcYA95VBVtm7OJa663/y3g7asuVR243YJKLmcS6yE5ynY7tIPe+71Asf/8tC8I/e453FqXKwXmWJ0nGchzfepg/z4iG3h9f/5+8cev1ABfB1YGm2eNbS61rzipZvVfwXPxeRwnaoiuLPr5t9n7ky9Ch/Yjv9L/0DYz2erKQk4BmQ38UFL6bc6XqROoNKiwj6VC6eyNr6/fOI9UFZLi59Jn1erWDSaCHzhFd4KxLetH4v39m3brmTk/mKiZ83eRCm2r/2ibbp2hH8z+/gUAi8NIkz2HoGpsfqfeSSKASdx8LjJYfb3ndwWAGcJbslW2lfKM00+k+s5tHwyp1Qktpdxg8lMkBR1vTPyQMlFhoEkaA5P4vgI6CNKWkp5cIucu1YDjtfvD9+vzq3gmUPZukxK8As/dsg2fKs6V2wKSCPz5tS/bVHLcQHfBxU2216qqFyR/XrdWqll9XyDYChom5xewLKjdxgUp/t1SJZ/57o0h1I4djq8BFBPPgwJE8kRBrZvOFqV8kF8/2P0cTbyh25+qpfhub/LcsYkDqgyncPfRihHFgp9tm/Xt/N0vq3w7udY9cu0JBc1XZEzqyv12xoFvalUP42fytsGlCBx26yq7bYIVbMVJqWhwnFwEYikOpmdlJFBeGjAEeytuFCYzFlW3ZY8gMse+x/9fh5NeRMVZDURnW2O1XwCIF0utlIDOpU+8vtsmyLL76K11X683+v3XMC3vG9uShlBZHTcd87byBSerLmwd+7r67hv/imnFHPD9/4JprYxxexgT4VFqeY19iBHj+/vhJFDWjk7LPTfPvFjJeW9OCN36bRKOWdVqf0ZoYyURnySLlwEY0/5o2xQm0X2pHsgO+aEY++xErDr3J4zMK9+sVs2woAhh3tDWJKHGqLbNV/gQutcWSW0X3e2PQ6QdEzgckIivrfXxNOZWeFYdZM35asIE19Y/Y1oFOUVwsBD4F0x75Zus7HCzIhUoKm44zjSuGmEEz4hbDKNn6rzfWiuh9u36L9lm/SVu0m+ssc1wAVidM3K2bClC+5nQ/XPOfOebiMAOxjfapmpSynOJwdFxNcpnCoJUp8/RBmPBhsgbXb8VV4AKVYfFzB7eHYFTXLnurWWTD+mEd/4i7JKTb/7dRra/JWqe51GS46AFrctsztbHC9CXMtkCGcfedf2+JUManFuAZxVstUJwFfP3hMwgl8ZYvWJ5npEBwiRtkfx8D97qWITvQMIkjX+X2MnfzojZwFpvFfO7bKuJDrprLR1WSsMBz2jwtR/NBMk25CO1DPTZM/uHhvDHHyXCy8TQ6iTbLSEoaGZEIPPB55GSBde9kUNalmH2d0Q/v76tul+0o+h2LR98J94G0RDoa3ATgc/nI8AXncNTkm0gjEnydS/73hfZbR5+nTNVCwJkpf091ko6yefpilizqFB/PyhLztDGjk52Ys6upd7H5OGQHD/t9flws5ntBwJpiDmnnRwGOshZWtnr7RDNrDPgD3vDVpp+q0tmbfurBrUGlaWfC/0cGh4Cp17ON1BUJaF22lFHDAlL3Dh218+iP9dkqmSE17mFPzVslwefzzPrMYNB8nme7p83CeT1qSaRfTVUoox98lZoRHBx+46rod9sU+dx6YMzuR3nET90nD1WodTv6u/hCoDbNnxdASaqs5J1bNOtQaNq4N1oAlTvyyrBDBu2fPg4AFfAk/eP/ZWCrrfv9cBfS24hkLnZVsNhwwWTXICBIhVacYD4cN7V799/dr85r3Pp/AzoJgDjmZj48PNeEzed2B2BPFzGObapHWM8K6mtQAIox61iK3tANTCxFUFSGxoceepgacgzD+w822zfn309mVAhS/LhYJxYqqCv0HBRnYWOjGKTmNS4KjexywfTCMH+3+synaAuzRx71qzeXCvmrCsBZUvzaVs4sq0wkSDwxt/jh/3xB23R+McqJUC2Cdo2QR1B5K+/2CbJmkLFwbMcK3RzTTRX9Xf2iHWl50QCXbX1vRAihMmSwDlMuk8Cv359uPlS13xqd6sofM2h2Tla6cr3T3jFaybn1vD2O24yHtJ/sKBUm+e1FJtZbdXGTTqZ9hNtmzond9z086Uf3f8l+/l/8nXHTUD+t4qovq5YKufZqYcSmNqDhTnM/q/3xi3yiq/H/ttkTXy7Hvtutw8OJitzX90SwGs9+FxzlEKDrz3Drf0KFI+VjDXeqy69XHGiOtFg1TpQR7YJKul4ezbnOF2YjG02WjseV9zUmffnutB6TuBZkG1emFZrev9HMS2MstWu8DyiO2JwiIOOReyQsmlcsGKln73i5I1pM+Uzas7PN0wL+qWCXaoLD7rH5VkYaPK51YegH+uhxDUxf63Ek4nK0wjW3y1jlM1nz4Ycx03IbxLf6v42Tvi5cZP5wsRN2IPWPG/0s0XnAp3zoXq+URkj6n386lloBVjW0We2WscByKa2VD6Mfc7wVWCX0lyTLjUUWHavjpOE24oGZ1Vfg1bdtz2ZyKu5Zl+/jpTjq/NNz/gEDvJZWI/zW7dX7m4vZDfI6ZbAxrNpG2Wx3rbJGGns+D9vm/nPbFOv6H9L1eK7XyWSMfu+uQhgopmxXveneH6a7PCZqSHrTKi4EMviiRcLAJAKsmOAfYNwjkbIwYsy2L2BS9RQjacBaKve+OTokwLlrTEziPD3+ebfr+e+wfA3gOkg5oTCAM2gJZucoAH4oPPJuFrhB/W9VQLdbwtI4uRzevTgNVmohwcWgODgwdKmDW8wIADLBl7+rE40cRM3+t0aqaAlq2ffVXX+/LDbo9IIgVDUGJ8TMQYlcL1XO3e1K6iK6KuaA11YUS2n8qWyx3HDgysB4EkGkghK3VISzyZhMoBTvcqRs2J06+ti5Q0klZBauv+shz/nIV7lKpuldvouGobXdJ49K7+OAOEF6sMmOtdKR+PVrtlnrQ0pDFacUFMOGtCGr1YN2XKiq4elxIHV4iSwsiwt7JCjn/NPfE0/LGBoB2Dsyvc0irbhOxwBl9uOgJx/1km+38eO1Zq6km1Y4ujzzveiDfDI0QeMV/ontgnaT7dMqTppB2qZpxl2P/f2FWU/gA7mtk0m9ao/SLXhM9qBuFztGPuO4JpiEqnE5l31PMbyp+0lgHbW69esiTypVsZWLdA2uXEKms1SAsV5PVRoyLWGysZVoSgnAn51/ZKfrwS2tnv+S8BFigQPBgVaWeAkxQB/KriJmS2FHvw4JJbVLgru5YrftHntc5B7YweJiKN5O26Z4RmlnzCBxtWcPlRTBYIIM34//v1PJmqUc8EqiT4wFxD/Zptx+beBKjjnReYjXweB1MJtm/5ZgHbFREpDJi+7WYFWQHj1aW/mgoB/WOUZiAd4tHHEh4zXV3BSwz8rkU30oa7cenV717zCnzdxoKvEoeqYkp8CfZMxwNYZzfV0QsvPCHjzpM9r9bVqHsxKfKTGIy6Rb7haOJ8ofD7PqD71/svDBvWdb9sM/S5Ol6ka2yTUWlvBWW7yAVNgctzyv1PF9eBQSJhEJ8GrO8h7EipCab5IRuIkSNYlMRGrfnFtBboJNCOxug7qkbJ24etLa9shG4xFHEEX2qqvlupfwHTi+OXTftwrviUNgNyN7rfv7zEpFp4DZKJbCaFWbZO0FmbUjXActZ0C6CQ+MrlEMUt+dFOddZxbiOC7qqtT1PNcsGi7tI+pxrRoXGljMsb2vIvVStdoRSwFkVQwllTc6eKE2g5Mrp4zBQUXHdeTg0l4uzDDgOPyGYqbmtX0DdPWv8G0eSV2wuWBwqukDoErbvq+DzbyzVnhNi35mBoyrLFUFROzyuvMH8S5ccj4sskVbux1nbqcZ7iQ/4BpTfq0A6yZ7UbMMJtW7avbn9qlpNup0AojF0LtpW4E8eNennMYfWjR9PKdJ0E+TX/njZHRX61wK5E9fdoE964hYAfHmqDzMFlIARyorcvR/2viTQfXtu5804oWL8ZxEZRXVv9wJvex1KdaGe3REE2shxVDxI2B6hjuA8g5OkMWuwjofBNwYSX+iW0Cnj+VYGtufmybHImxRSr+e9tUjAnes/MX2+TznBjXxxdW+6HtNEBMC+HGQKFONLl626bHWOgqcGOuZK8n3G3AGXH6O81COlV9DafOKGs79/Assi2F3CzW6Bk1OXhnuADMiIDjYrRRQ2uQ/9Y0/pao6f5Ikwb6d7PwV/XXzo4feTOhAnYxyZ6vywe8B9zJyZPXOfDKMR48rx6rlpuZEHk1zNdM/z14uKoE7ufzHAgdwHzF/HmAIJnXdOyA++bLaSQBZBNCAKBVqT2MtEEZ/zvX+sZoB+zA0TLaCewiHSI1q2cC+dazCDD580P+rBLLyeTovm5LAZ+VrTZixXR1cusE16DaV/8R0+pETerXDholNBBO0GFGe0gwy6ejr0lhY9CNQMDd/2/Awfux1kfvMQlwV7HuzUd3EhfzPc7xADDJ4Wrar/xzp652nvi5gNMVYfT9rQ48k3wDPbC3YdJFkrYvs52Oty2vDpXixcmToWAKnCLmGXuYmeXQ32aM/INt6j27/XDIyV27ScV2YmHyRb8p39JAJDxQ2ueqNKOoRARwe8nemg8gMGV31Oqa4pnee2M9S/7I/o8/e8CgsFbiEwve4LJAh/1ucDbMM6QEbdPAwu0ca/xhMjm2n8qwegcTHK0gEJYpAWySwvKTAnzfSBH5XoVIkMCaM+Eq3VRYXUlZDRT4XE4na33uTgHPg89iKLHtegNWWPUj0LA7NPtr038vXEEO6HPnQNuqTBTiRyeCmCGifbq+29tfbdM/R2Jw1E8cJCx1UlHFmJTIsG1vpSqyq2cTbLWl7b17EDeHKspfi9goUP7tjRrlmGfff4DYInLlXXgENxgNCpGlzU67faXnzVjM4RW1rGpPK45JwrUWNysst3E4zlrBlg2cFWYAYEhaJ7QCx6jr7AuoRTCOnkKfvk+vEM+2zQC/z3e/H9DEe1DJOmAu+lohEJsT8ovvucD5TEzSHa/kpxfvbxPb7WQmCWlndU7bbyckQQKZHer3EOSAlRS+Dp4fb+/pH/wmt7aSZhQ0Loqgh487oWT8ROPBKrV4Rs75/oGv/frLTwLUd7u+45MOixfhIn6A3zkmOWT7en1/bwDC82PnTvLlZwHozOpMiATbZ4YAM6Zo8LB+lXL9km/lJ/aWU8dJ9e2VCAJeGre0+Rm5PaCwMVtaqrFZLM8GvG3TdzO6nUkfyPeUwW7NfkydGWO1lYmnJjb+D2PaQCfTmEvgltHHcSy6wGF87QUhnsGFmll03zCt3tnFw4orwSo/O+EG5Q1O+KLxyMzJdHJ4qpCNnQbTokrrhONbklfXz/lc0DZXP/8QKPN3Rs5A+ibe5OzuBSs9Y/AHvmZTU80zUDJehZmLeT//C7+Gnxcgx9T/InnyF8WCcc0RkeNraFWOjCsAtaiG1m/vjlXnEGd6/XddimwOIZ4ZV6jqtrUChGn9WZpN5hlvjRXQ9kgbMqaNzoHvZR8XTGU7k9Rt+oGxzW01DzGAcVVG4Mk1OVSmul0cr0XiR+CTFBH4PFplro+iba7E0WBi0/8u37Rtxthm4Hurc0Z+w7QdY283oGvrc+4ajHJeDzoO2ev9IuaZ3KE34N4++TpyvXHRc59QrSDn9siluFzTNnnFTdu6PxeoK27+a9v8W6Km/VqD5O8BuFdKf/smnQoAGLn+DAWOlnrdA86AOcysXmzUVm+tK6oRYik3+77zwTlxBTD+NwLtmHftbnXpLwX3w91JIoZ4KFC61r9SDVZ5gLW9pp2mHgbmYTgoWcnyvnuCWQf/OQQ2OAM0BgMBs2LPe6pKet4vcN0yDXGfeQIRiY+qmfyzms9KsZSV8PDggGTfBsYmwHBdv67ToLs0fNUEzWrv6NOgeUINblwNZCDz0FJX4Dv4B5nevi8iUjjs1G0rsyp4nDYd0Lu3VDhrzt45OJIHVrE/nM9cgC3cGMWXr9sO/ue+aI3ecNW22QGq7h/tBKWqek6N7XvQX817wMAS/ZyF1AT2TPickfIer/hM5PpIFj3E2l9t85SH+vqg8BwF8K2i6Da7Z7FCfCcxqWg7drxnqGW4R9xOFxMQFAxXpILWtO8ckTu+ByGCdf6k+t6k5wMpenil+coFD53j2kf2tT7rIrcBpVT0SAbFx4N+ZXtUFX4nMHH5j4LE0ZGtbPMzdFW0n6+BiwFAeGCm1IeyzfFlaNvkAMQQuXwuf3EDKima1JN9TuFJ+uHzsl2xCljPEihyEh/cRoXoOQg8qDFAR5Ds/JMWgh/1UpCfAfW6m+df2OZlf27bGTIHbb98aydsByZvqtiDXdL4W5qP8L8NCEl+fSSPv98XBcRi9W09CweUcrsCB0CboNhXvkTWnbOxIjQXYs4rP3bOT2+LMRgLoGybGGBn0MZqIcHPCBvj27mnYie7RQlOqJTEpOc16M1LAPt5ngaf53Aix5Ly1lXxuS0CmE8ij56hJdQx9lVXQle4bLNKlbmgbZ7TSiK+v0ltfcPInn0DGEfwhq0w1vEWPExMvJJsFItTmdmldbbOeLglb3iVh8AH9v7is92egaNWgLwSAeCyTf8J+v06hPxg0wRUtT4qyGCC4d2yQvIfIsQVBzDP3HPJgFJCn2wBjejf/xYzWR0D4Paw77YJkSyx+N7VMzoCLqBQRk8ibaM0akcxVUG9NHMvYMKNcfM1791nZmzJ1Xb6ojN/j4kV3/+3huAeJ4HCC3URWgjhgvP9ONTEq1ckQwE47/u3mPaJf144iwypBVNk9IVpVURsFR8vEj3fq75j2lb+pz/LeGjw+ve4M9V5zqYcTOqf5Z/l/K4xrX8+vGbb7zsJIgn4rRaKBOAtjIyDntO4z19sU77QpFKAGfm3nOMHvuh6PZrgzqkGt90Opq31Auveptc/FZMHoM+w7MPvEgEXu6qxBmSbVM8VAhGLA2PP+GFUMhfV57/71QY0kaXpVv/DVid9pNVnSzHb79O2JLLc+WYbL9A+nBjxwuwxJSzOZHMLqrH69XtSfYsyuX5Ovq9bAqmIOY1pTxdMY42d5V+OlQsK3vjkJRK3fTpO9lP+J7aJiG9YHPK1cMbj/GTeBcB0gUR4SUG03+r5U1IW3eSP8wK39nr+lJVX0Ptk2ja3Wof97xGzeDNrY2hdZ6uNfO5d+Pwb2/z7YcImV6CecN2KnmDvQ9XnxG5BiVNcPZFiCp2c6cT02xyD2zlPMtRq46mCGHrexC0VCh2jf8dMuoZz1SV1anyhVcFIMerRgTUiNUy4mnHsbTTtvPXvMOgcpvLogFIi5wHIMxhwGKBREAEBr6NLfYfJtagWWBeAZFWCDn5XYSaS8xB1ShPjlKC/d5DsBwQMuPXD1O8ZY/Sf+9NjApcJFFcYJhD4gPKQf54HiKPeeLrJipknZCftC6AxPZ30BOi8KtDPy+9tIL6eB/W+Ojo2OFd0NZTLX0eMZlyfd3+Hbw77R75coUKz++W2hUZLOkc+A3YaABBufcGcA0BgJaYCcdk5FCzvu0KbnOFtjjvvy/XMd2XE122ZqWY6Su5oJ65Vim7bU/BphVMTRIprMUCS6jZtcEpoe0ngedY3NZ7VCpnRduPZM91W4jYsAcC1VrPsIzcHAXaOI2f1XrZ51AKEdVXMBBzt7CKwMDM4MoB8Vg8/s38fUIJ+Fk0G2+fapnWNkEQ67EucTOndHDjTq0STtliYhIP/vfp72/flpVhg9WgLaGvYd1qa7zYp2t/ep9UTJosR+U0R10GgWzcHoPto30Oyf95rzqgVZL3O/F/Y5t3+BFjdQl9pDUwr2nR0zjmqaLNFpYrnLQREvHXFhZFnUSH27q3qtN657io6/80hxGrTE7hZl8rSvj9zdXvgjdbu6pcrolZpZmSTFZ/P03F+4mkKpOECOjrnV8LBvnsNS9bPlIctZwCHpEfIUcSeDVaRs1aVN11g0GDt8v32BxkBrGhZehht6aE0qXK9Ah68a6JaFmvnJeBr/7zSg4hNVjFWjt8pKusISSDTamL7nvN0GuyXCGT59jBG8+Y2FYBqMIIxj83xW9zEUVLoFrtp+/jpcfMmk02qTQJ026ZB9aWAikLs6ITCSrIIzZGSTWzFzW8DK+HnP4WJbp/xeS3i5eOChi+67cJ2dRcmYYOc9gadTbceckSAkqceUyDz6mlKsz3qgO1Ha2UjfMOAtnWddZJH2f97fIkGgodtk+fXqj3GSX/P+LeYFjYX35dC38sjQvEJJ8/6+65ax/e4iYLYN7hY4bho39b39h/+N+3FW+My0HbKWDkFUrZ/RX8G/d9z3Xu+9qYKYz3Ztmi2NnNdsTsmtgKNaf1OjWkVY6aw4zaPn22b3qgUuNt83N7Cn+H3uHwzILULWtEWEcAxDh4cRdXb4N8mH2OhOEK21dT97uV4pe1MJpAUE1C8boRVIVaThme38ygqd3QGkrapCLX9X7OkAnr++m2raTPUgh8XYWdMes0tO0O2ht4/MJ0GLm5MfF6t7KHfmnvuW01/EIgzd5qxQn5U3zn6G8d0xAQFAnVA5ZlsomPKHWBu2xx0BP/0+B8/ofGVron1BsnElW8WKBPm3CbbpnFm5Bp7gZ/v0WDhIVt1YBg9c6HFShnX9fFzHW/9XRrIYwirCsDlk7s4/dfX3xI1vgFNlAAN1FDVN+E+ZOqwboAwfV11Jdjon7ck06qLggHdrBis+2a0p54vCtQkqw7C++D056CDbykp7XVtcTmBYkXenj7kTT1F3Wp8/4Xn7+RyoqYAKUDnh7EP17119U2Vg5YrX21Yp6oVAf4ob4DxTI1ff3x4iBwsZWyZ2gChFrRUoF3LwEDGdXCBRTkxBXOuYY5m+y0bVU6mZ5ug6ulcrUp2etGfcVAyGCslfK/PKHc8MfsCr2MPjPBNpF3v70QbIHscmpGx1nfJ+71ZgY44OsjP1hXdFwd6O+KLwPiJL9tRfTvLvnkMMFtnt1dQ43IGRWfEirJB6bjanldxMf26WfO5YOIAO1DfS1w/o4DGs0gGhYPUanIkqYLuz3Wwmuq0n9d8h64U1JwPBj9NxDcI97lMNIEUAW15mnkYKE10T137ruuOmPDK64zim21G/iIJXCZkUkGcic+B2ocC3wBIiNj1wOyUvdQ4HZRbKOxX7sQKZvz5XpUmQ0wERP/jwZNejT3fbgK/Y2GED8r4CqsUWn1QmoVzRZMI+dh9cLxlRZWQs7nZJDVcjZvd0CCXZ8VrHXn2Ri5um/y5ttmg34Piap6zQU1ihsz7vuivL4B0wIHRa95chJ4TyOUhnLKzUDvUJBd1P0gldsXZGqBstzJRWFRA7Rcb3pwnJSIOohZJR1WYvCbbsfKczbYsnQmSROhi4NyA6Hket9Q3YHI+taUq4WHkPbxWiaKBSXdz6PytNXEtInrujaFxxEf5m+5dV+wUN936GGjVX/vWBfmCuEiKC19cdhrGDOGh+2op7tkvQ4rw1jhVdaFnWiFm+KkAJYrKHNlkAIgtRQHYfpSZOCn4Zz4zg0pa8Bl6oK6TEhc5nPTqG3ZV8NYy+J47hnfCgCv+/NCX/b7Vjg2a/SySvtqbP62saAQhf3hXgjMTtdCFJMAkxgKO2rJlNx7Ez/NNsvJEfLMRu9wD42eRhF3xv+YwKDvpmTh6n6FU/fP6Dv6ssi50FDi+BCcaISVCgPMMGbd4/979wrYZYQiQHeeJx2swrXBXx6EL01YBn18syt2YNmK1KsbPwwXRe0jnvDfvSeQdnzW4HsaN0WS2/aIVu74PnFUx55jJ4OUPzjtnX/HS20TRdvAdD5mYX49naul9C50/ACa3taUmGfOWKvVzfr3KWyTTP8G0Kfx0/x7wvdXxp71uEtJ5iAtowOQpJtiNS/u5/5Pv1tgng/imnNvJBj03LBPQfy+p891yXsJmZzM3O3vj7Bpyg1GFSriOWc4PFZ/OmTPqRBqQfdG3+3pZtDoX5CZItiq28018j2MAbWFf1+CPuwmOOQOlduv7PvJnc1mFG/j1eWiDikMuNC7hlvcctkNLFLRMDDuWHPvD74q4CN5LOKfLGb0BmGc43wpK51R/DgA912iBhJVq8xkACwszH88EnolgmuEQtuu6zr5vcW1n2gXkQYKtn7Zxn7P+nLzIHfly23n81TYrEOt/lqjx1+lkSA8xLbk+iBpnDjHhMDOqL3f2QTxem3b0VmRgAoFYcvQVI/LADVoU4FAiX/gz5xyEAgjcM6ZA0lUD3hfeEMzxXTGT2v2Jfr5msPc5nG8DdMtMxIDK0jDIA4E4qQRnS/mpAAEAAElEQVR8DcCsZ+vePn8vX6sILxSlcXm14rThIBF5OJSzBAMie1gVPdv0FJauyZJ051NMDjCtPQo8bNF0FWZaj0LJnPwEPOxra/Cat13VASKrpZcRbK1KXWuGE+EQQG88fxFxuldBOfZ3oDpDiksPweA7I3V/7upXNog/2PAqcZ/HrpbVgMyuRFxVzx9cfACAJkLs0T0EtgfedsZnMALZpxKDpM08kd/n+gAtfRwAZ9LD80LubQUMLLanrqpdmTttwwn3X3pN4X/z86aS1388eV7xD0Z2DVVJCjMYdWHX29914veANd+/iOAmHOgsqIrcxEIAsTf2W6rcs1+8FHVXPMg8QBy8J8Ct11w///VS0p4F5DIVQkY/kxP63QMd0JR9RVYPQ55LD0orr5kcvkv/SK6lbgr/XVEIr9HWID3E4RBL2ysgGxgwUeWneuZZrVmtiMCQQVJNnCok+QUqF8yvwO1V/EVPuydhtPQVeb5cFGAbRvWaZgBNiM3B+XkvFia0yWWeYPvbO5nhPTydfIc2PqVa2Lg2c+N9talLzls4nL8rUq6ysGWXuqO6/wRcW3MtsjbyM4lXx6VzLjAlf4tRoRl42IdnApypozkPHt6o50eSjliBap6Yvnn9zHtmSP6dMLut2qvFm4ScDAz5BM57uAEwKWGmqpA/zHYm+vZtey5+5tkbmjWMUOXLW7U4HFW2of/zTLBz+Vyvj49rwOT9nMOAQaeAWwcZN7sqGMHYWYpeNRVBql0CZJe1DUyk99b8L541b45wIkGbOUpQvemwMDPCqDDesk21vgTQBRg4gcGFi8aH1CmcOE1qzevnkzV+fjqqwrRzbv1qKqbjT4xtbc4M2b1Bavx1r7Q/1We6lQ9OSizx11DdoyoypKw+WQgpZIwlPUh1sLa/jxJajwi4waO+0BIxxFYOjyzg+6RIcid5VmC4hdJE82rcj8ZjJiEBKRbqKu7UDOVkIZYJJC89kAvCtNFY5ca0Ycwi29yl+VBPOpIiwsr6cGaHwijloqJbNvlQr7ygMS1EQquIKQenemTHZ5IDwHpcQOJ9C7gIXY09fc781TqBi1HZ0M6XIY0ep4qQLlI56StdcAYONmCFjhNE3ae9fYZLOCOu2YKJdd2KH/diQEPP7UJMW9hNVMFxYGwDoB2vJdvOhb0P9qW8ZVzV/DcVKK2g4Srog9q+/3X5wOR9lW3ymToHKs1ZlK+Ec+YjEQPPDvffEDPexVXjLASfXc+sOdD3IO5euf4h38R1L9rcNc5jZjBVn7XG3kncuV/aZmLWZPMc8vuvh3kvdsjnz8iDVoHo/O0CfongATyPRpvqLuLG/zYR6jm3AzBd8EDn0u/2QpAgsESgrnyT0T5kh7bL6LNicjmKPMMJ3Q9tc8wVxMKpfLZjsLXME/cSS/5s7L8VjlLVWQnNfHqUNZwRR7v0EoZwZv5vYua/2fpUDTjIdkUfQpuHwYpfBjYma/IvzvwcdFX5lIYTReB8ffUDq7tn9jLE8gMtB1sZcM0lWNzBvHJWifnqUn8+Gos7U6wBhArK1Y7yJqyK63jbAeoU1HfV0UA0fZKDdqGl1LRHrnXLWJ4vhO45hzeq6GAWE8Y6rLpnQOtVfX85B8JFWrN4NlRO7KfMa2tDjJ1Frrz6AdHfwoG75yYcGxkrh5/nsXBgknRIynkuksDnw0l/zNno4InoShMDnUBwjCHxGESfy3v9Ya9LbdJIic1i+4Zb7Po9MEkCnYhIDit+fuxryLzpmffmKoi7+8e+3GH6bZv8Wa8UbtY6MADrzFk/ToTqJhyBVrq1bV5qFqgSbKCSQFlR0yA/mPBdVfZWN102VLbNpEKFz6z/HwrcAHGf19uVjw3eWwLUGnfh32a8g8MNV3quR3EujX1FWfYOBUhNpy8govD5fOg7YhJvHlcSTcsSU5PYY0i8TtlaiiRiZ5eTAt4fb1Ti87kTRP351Z7o2vdaq/9sFEoik6vr45dt0hl7fs4h4mQg0hnsxKH/f3UgPg360fdnwco7tWhsV4vsJ/izbrudtry73vnzXrsTZ78cO3QeT4F7eSZSuBXsW/wRUZoCDD2XBKyyGvQ5odrbthVIzac5KMQheUnb1gwSDsJALeqaMgqMRqfj0ybdD+TSpjKvJXW7BxB4qPRyhbcmOQVwkb2Fqo33awssukUAV4JcfT8mceFP9QA+jK8GZo2t/Vvd57CuGF1Aajg2hyUXidLrKTFhn2uCYlJpvgCTo2z/0vL0CDxrlE0E2PpGAo1Z1QMnoXOd6VYHKycE6rXCnHMVbtus3jJE7DDtTIjA0VaqJlQMbovFnuO4HVY4Z89l4DUd/aMlEiIXupAT/VFACTecugo/0Pf+udY5ZIeUMBXt/4wVWsGiePH967ggEK0w8/BwgM/lIwXE1/sirG4rV+eZnCRUoS7iofC8tjAGqcayvrfI8Yc3Vk1fO1x4io69V9rec068Ka2TRQFAJ4qOJQ6rJj4dT9qugte+lgfB+p4CCK7MPqHiJUyMDc4q47R/g2ltKzOo3q13Vrh4FkT2TDBD9bSi+/IxVrYVZpsS3O4r3NyqtituIlLDxmNifvBMOedx+cTPzN7v7D04FVYtLMZQtWPwz4VRctpwrEi/27GNuxo/6V9Lg5jti+wKCnJX4+5+5qtE0CQ39N1+56+YtkdRyA8z39T3P4V4AniB97xNwHlb7VtDjhuXOI8s5xZIFj96C5q3DKvAF98xsOOExQ0uctCXVueiJnSPVJg2QZ7vVDu97Yy56us129CHuUMEkzc59rRt4h7pQAxgFW9vR9NhnVhQgL6DW2ozOUTf694zU/fuss2oJq2WtqtSTcd2eW81ttFIizdEpXOFu+DR/33ab586eDTHtAtIuivrWWrNKmFs5SG6yWU79VnRuSF+Up6MRKyk6j4D6c3IkC9ZxJ/c9DQjAvgVRv3jx+S2Z/1PClsMAjB4wf77X73+XlHjBPZqEWG1hQ/9xlX+gQKrieMkTjsYu8r58etiFSQtBW1EEGo1VcJBSbVnR1Rf17xxzR+Uw8uQTveK0MQ1gA92rq6A8Jc97EyMCn8vXJEKGWcRuICMWl2A0t+vJcKusqjNATp8UZZD8gtFsb/+7NPOgIrrxD6cM8ADs+ANUYiU7A2qVDulmhYgV755PROw2Db09LOZ1bImBPhMepMUWHHo+2oX4mRMz8WBcBK5aHBqYx6yRfNkeuCqgtYlDfU9NXnj53+vo/VzMonRyZ+MfZ4Nk09XWkdpgxmP8UNfUxUbMGNjtHqpLlNAzPq+ltzdv3/aBKE73e87MA0yS/ZG8xYe2Uk2sTjrXXV6mmwZWeP313WtYirjGwjLNuuWE9c48pZXh8/MVLWmmsRv0O0mdvKX8wZKgXzup0kq9v8CLpsUBE5FuEYEHg2C/P1FFdfnuatZaGC/EgJndOIZADQ3wxukSEyoqodZCcwZX5fPhP2Z7WIk4u2H9DwNIBto9HyTeVq3zNhE1W17Jg2cEJR8ykF1TjlT+xlgrcL077mtkv4IDboNMu6OQ8tOOZgXqNrIK9D9xFcDkpoZIVQvXKSykpl5LiRUvCa2HONwkFVNrDnhqJKSQqSH8ffttjjDRiBJfz4yYioCaE5W4F3tuJlsR4zEQUk1xqr4EiY4uxrkMaGw5V7PF/yelDCnfHu2PDrCrUc6b3K+TjDaTdfYGVviqmXrK6ZV0Ekot21oC13yd05xQ0fk0uA/EcOKm6H3cdzknJ5wJtyk5ZG99QwOJU4N0GU3jSdsmypQNL5oPETFAIyZUkrkBFC38je0bW/bqBuIRwWe53NtTkGrGu6Br1M0G9UzizbQfwPVdWG9Bk5NHMD4hT6LANZkDj/25SrnXeAgSFlw4crnsb8jvJ0FwjeOD7qHQZs9WcA53+5t5AJe/W5aNSB/mhrqGWyh9flhGLjiYMdjF2b4d24FiBwb2bLL/gUZ0VR4jXOGuE0ne8sbRuf3ef5OP3/A8cubpoRpGy9u9DbU670RTMr+ZzBt22aMbXbrbZgcEm6pwbSpomQxCfgHLFvtq6zGnYTXIPZbgSG5DMMEn+PT/e/s5zSYlIPKL1y7sgG/E+1Wj8h3sqI/FpdPTP4ibH3bmjFtlUmM6Nl35xxh9J9rm8wpuGobCHUzUA1qcrT0c84lANmjVZr+5y+ERReycNl1RCtAujWVB3TyTZpz2+Y+Byvd6g6YDDgY0qSPjzB1pPOJwH6rR4X40AbQmCeXCUdvalSxBoHj/Ff5pnGDtzZlTDEDQJPw0z7L62J3ikxHn7tUsNn79OgMgCq6fQrv14tYi/mc1fYRIrGMu0PI1RgwOg4CJcUJH0IkFxf4ePuZ+bTfeYIxi8cHdL7Zeazvo9W5U1BCTKGSR4a/Z/Jz5SLB01iF1xaPpaRS2F7brvzeJqUjoIIrCcZuvXZsNl4oiV5EHu1vrXPz3P7Z69+2PqEPwzw4fddvf+4n8H3uB+Q0q8F2Xb9ghQcwiWe/lfyk1TX3LJxJSOdh9vtehmIQ0cNO6/47vhwovaaPD4NJR1fxqr4daH3gzNSJITNOJTiYCt3/HVCfcgwL6BMa+q5H0/q99rNBrLdNlEHp9A7vU2KxACfiGYnn4eBTVEklM8/DM1wCkrpuB9P1zTjYzpQNlB3MfMh9vy3RPpLgfyOnBPi6eo9qx2WAXy0/NQmke2BFSzswV02VSOb1LJwoP0ttWdHgOaS8MAMxah4ZU42sHQZhpfW28ZN1onzZBu9BWCNvdvoARA8rmFlRDbih1aLKCBqYGZA26OBvHFX8xvHorCsBmfWsk5T0nxQ6KjnBmBY0NEgBRP5UidUf2wQY0Gb4FpUpfOa6RtvrfaYL8LSF2fLkgWdDUnS01f9uPKh/HxE8z+ch+NOmqRULR/d/KxkKJVOvBwZm8lnINruCmAR+54TIDb/HkFQGYHu/Ss5VOXJ18RTWekRuQX3Gu6vn9ivSSQxpAtvmLSUORBaWFWf6Od4HVxX1HdUuWZcPh+y9wOGY7C3fQAwxS39Zkvg7sB3M3CpgZo8p+T6b9/JSXv2015B8TtpVqVHc3Gf8DZ/tVA2X5NTe3tVbuRSfuF5Zm8VqNWDoNonNZDD2iycWspgArcwucGRvOAn5PIK+cya2Uf1lybc+WyvB9z5Y+fQz8YyIMjpNxXzdhyWChj4cujdHcYEJ2A1XOIAb6Ap5ngFdiPFNinFcl+nYo/u9EquYNCazGlZIzyugO2Dd5Bhb9RQ37/OewfZQA8JI2fPqeAT9rOddlO6j/VmdW/logq5Ehl0+yn9Xrsa6FYnvxRZrIIvJw97QGvb3is2zsCHkb+qtruA6FhuDRabUOIV87tmA11pnPRtv0gAKdbY8e3TV+ey/VBV/2Kvxif43n7PxiROdSQCPnuEoSHT/jgj7i/i3k67vH3jFkpDP45nK0BD1ML7izzBpPGrfVgJWOjVhAnwpjrrPxsXD+tbm1IPgdVVDOvDP1oorttcMsb9iYZWW0Raa/OQzN4EyOMzKmqPZG03m47+GaXmNR9/veyzKzxI5rri5qXp1e5m/y1HS5WdrDEi7mRzC5/sccbR3kUGPlSSJ/MiFr/sYyDP4md4JnH1C5Kh9bLs9z1Fnbj1Lvn9UtW5Jpf1eZ0ffheezGrs5eZ/NsT/zZcuzn82VHH6tAEGSxXHmttN7U1k0tnN84JY3vu8RaXUvr2kcLF9LxdusC3cB4hwQD8VBd4sqRtIMXYD2O3YPHBxrnVM6P2JuLBI1ojdGQZ/btlmF2qPgmAxS7UmFLtIHggUJ2VDpN1oYINtMRA8BdkHUmLRqd/xBBM6acQMeP2GVtGfc1Dlq59e9SapcbJtxZJvPLBnhffeMmTnDALpNrVOXDpN8nxknQj9BTDKq9SaQXUGMizSGlMFWLScLRt8I17RSjj5gPXfLUzSOMnk682wAq/1dRAv4WWrGDSxU0LPxnKx/8fo3W590JEIJktdgw8wwBnD2iyxlfjMaG9b3G95KE6in2kDfN7Mss2Y/NTK67/d+D17Ld7mfMdvKxCtrnBVtk/DbIABXJq+qWDsCG85UqV1RbEAGG7aSsuCneBbD5VHhdTdmaBs0A98eqleURhXe9zdMeAWA57OQh/Mgtr/zJY19PJG+/6+faiOu0LX4MN7DjlgJuockX8EbOvwGtBFzVmyhdT3fuhNFkTWu8gbaEdsAmt0Epn3lFJ7P0yTRGEtKlcCy0pIiw8qILRVJY3hdxX5fPM+nHY2JvFSiAcS3I/vTXjdh6fNkuwTQ990V7j5Xam+jHd9nHXNG665oG1z+pS0JHkhLsOiqldubXDOGTdW2qbNTmHW/hTkr94skB+CKim3zugv6uenlvYNS+KwATarufboy72oTz6c+U9/N5GOr7aDxtsHE6LbNr/c377cc4ufXwtqUtts2J96KqAgRkk2OzP2mr4lJKK8zf44JHt7higtpJNjLHqF5Vw4m/AY9wLRmKBv0zOZ7o5PhnoqvOzCBxAQ17/nZG5/PB1hPP1tA1UngCo42wuve66c9f4ekxIvneeY7iqxxEnV7s5/44mYTxwn/P57jslHUfa/59x6iew9V9vv0xoYIyntjfs/gkzMzCFJJVK6xxfIwe7XYxMKs+taAZ1WxS0DVtrPPxtrRG5cI9PYkMH7i5Sog4A0olnOfsxUvCIZXrm4H+BIRtE+B3QDBUkevF13CEBv7SoYte67i9w2d0UgXK4D3BcbACs8TmodH4uUoCJ1zsF/gs1x3vlQG9pG3T7yet23T8bPnyrj9qUkhJpLV6+XnvX0arCK0PdqG7MNaERMmVu1fvK2k+rmNYiKxVMQ4x8RA0HfASZ6/G7/mu/cMpezklu9H25xizV9nMf3ouAl5Isn4GTUH12Qa06HPTcjne3Noz/A5lPxvJYN5rNAYoO8iQMnnAgHP3jORgvdF6dzRTkVwgJxF31DhFy+iMJ/hGNFnUpgqMcQdcM0vE07z7MDG3aX4EqPyM552e6Xj5nERMiCiVRi/poDTBRn8a0yLGCLn7zBtSR24YlQ6oyBRNb48TqBvzNy6wtgm2P7iiGRcTujo76nf9y0NY+SLSG1FzCR3ekjw8HNimKuiD6uCeFFeDw6IUFDCl2shkI2RIvyzLHhUldQX0edrvy8+n6dzKmNakvj5Fwz/A1/FI+MCndUwtkWfJlttFwq1edDnlb6SBZ9+LmEswgPr7b59TzKBM5vbDkrKh9KctQLqoJIE3pK/HZyciNpYuTigH8o3V3z/gjCmHdXzqfHLfMMDq7XcBnlOtVJ3ltDQB+ybwJGtNM7NK162Gkd4Sro2k5FeSx+ZeN+JsQDwPCRa4sQVN5XDvptx8zrz32Kb7CqlznUO2shSn3HjiVEJDxHkWMRnNn5FD6AVxK2w+RbXZNMxLU9Ws4fue6Fanesc0uSL89y1FmOBbNSCf7cc9piI0JBnYb3dcTNwTYVAb4PE39vmv1fUuLqpfjlUuD15Ytm3xFy3uubLW2qLUnV8zcR7B0NPZndq6afhSjOODLXXks2BsESsHGhy3icCeKAp/lVk88OgaGT/JLIPrnPUD3yUO1drQqE/wwMGj56awWOuxIPEe154Hek+W4lyDRA7VwJcYC+zDo2BdUFMupzXurB8Ha6Ey9PpsQafDmCrMvQDq3tuL4IApp1aRjsNty25KuxDz8r9BB/HJ8PNzIVzydfHaOQ0ylAYnYg4N3ES29JEq3oGS/UcHfg+XcwqkL3lyk7a27BWPrpjNiB+7vMsfL0c5Ixr6HP8aEWNgrsdt3LDQGhmAJ8ZNSZxDeZTlbSxmUjE0syoXFqbjn7mrXzx5ymIkswDPJ/mekT63w1NfLktGyU3OqCHz/HKqQBEKDkFZ2jQvscWo8HaBKk5B2Kp4UR0t/KDNk2H/6WNbIGYGSkGsmqZMEA2ZoACCQRGM2fyOwOV7O7gW3Ju//ispRYLM+kBqMeXlXSrB2hTPaBR759hCbv8poIxQP+3Mnulc6o32EDaa3e/bX+47bIgMJvolmK/f9Rch/7dQKB9v8C8wOF6dGn9uzOw1f+2yG0iN/C+G8+6iYBJrHjJP7kyWFpDyWd3DpD3tkF/UcUsn3mTgwGTllQ0HfD7+pmXftcD1P2+UVwFf6q0qtZqJp5JHmE7Cv5jQD+kivXaaj2AyEQNDXbgrShkPFIssh06TvTZZ4sAP/cc+tYTU5CwQshzsfD8gg0s1T//fr2+MXg3yTvbps8Sv5bakJVEPjlHqVWh4WpXsdPFFdEMLjE41cmkgRrnBhnYlmyLkMlxs/p/WTn8HagOxDRZlh0rSaDNc7I03EqK8aeqiioXjlg9F8gKIATVEfAGqGO8UUB40DCTdiuI9ZbwevDI0Dwoz7py5V5+Qdey94FDI0maiZnz75/5sh/PGKUB7+nVlsL/AAS8Q9hwkg69l2EGpFQWoRxasvDuFwgRJBkcOr3caqv5FMz69Hx5r40ni73lqKIC8rgdCOB4gLiSqJTCtPigsopJYg2mHeW31Ddw4YPPtwlCnfcqaCtL9v3ogsgRoRjRKmbfjIy/wbSZU1yIsU0A/8OYFoBUh9X41MUWR4hSW6jjlLG+C0p/LQyVKvQcFX3/nXONsQW37npIaXcWNhYZhaQVg1bCIKYNqtqXMTm+Z+p1oRsayh8Oxkzs1lp6LFbc0lcxv+I1brVmTgtV/Oi42WojiEQ41+bHwuANYTLbJi7bbKwDwA5zrUXl2vL8wBCRUT1Q+ByrH6pjciheJqA2Wyk8QwUOABz+LTWLE6FIYB8sxDWvxfiU6qhwa3oWtHitz6QXCJTtrPHjKNmt+rdtFqbw+bV/t5/oGUf2C9BokX5P9CSyFcyTSmc57C9AX5OhApCM7M7XHTcj5vpQWv5zqmc36sHJH/gz7rgp5RwmkpyjZQRhXJ6qTTvfzG5DvuMQvybtxWoWnopR2hj33C36fn8dylb++nepjpPP6pmTOr/KP+1joXsnSMFnoIH/zM+yn8P/tKJmCvRyGhV9MOay54a4WotCz4LgF3AWHggcDuOr6oE8DXcUbCaAgNJgOTMOapovXJ1s1kzBDge604BI/0GHdSASYRJXB+cmmeRY72SmDall3hCwY6Jmo2HrAvqgzrB2sXBKoXqqQBCsWrHQ5KG+5zkF7EKINYbWpqHY61YdkOf7O8ErHSQbqe9ppoBFFZZntCgo+PuMBPhKznQf0oPeeqT9JPGelL0WF1G1wzN1adFUWG01QsEJVA6Ck5RFEJQe9TE/DysH3paSMNCYZx0R2HE74OldfJ5fcoB8Tr8e9k+XAkIhOvn9kS+pwOxwDXxomwIzShhCv+A40rOdwN+JpC0lOLQMcCtVfb8FVWqR4h+eU+3QOrGQA0c5vhZQG+Lt2b5SBigCrMXBxRPM5PBhabpPp6pYmB59BxFAwa+YQOVyNRHqFV7YZ1oPDbSeZ6GKzvkBrjPHBORVFfq2zbYxE8/5IBbRf9RBve6vVxx2gqZ7TndImzYRTvs3+HLCRuL3Vvfl87ASFAxoThCUeeDRmthOFiXVjQgVd0I4Ykh1X0tcbUZVttkJbKXn3+2vVYAGQNbZVCokt1Pxiw5Z5q0J6zGRquCsdqc6bwfLz+eXklwPUgcAPlObZZ33/461/L/7slnem3ngKi3QcRPj6oFAncArQr9XtsbqH3rfrWQicc4LbAKgDc8l4c8+K/EG7bhEQjzPA0faBNgWVPOsGwoEk7xzCIqfFNB9D74KyDwzABCBmcdbSrw4sHB540tP5+SP7bPxZHBIHwbcmKAsAfDUDIeAFbqfViKYpHELmedGoJSAHq3gLczAzieboLbgJUIbNCosPrrA34KTafbsq/ChZxiJ2Xyh7/+spTXC9Gsk0avxUmShLE/vuEkbX1cy8u4rYb7uTw/3LQ8mno129kXj769Ydg7XrosUC9umEvv9fmF/vQKUTnpHzeY5JhHaPKcvPQmlVKvyt6OE+nkvzqTgk84E6gSgqmn7tE4YeJ54R6U8kS92SxGeBN6tddW0vR2b/tXxyS+TPyoMWKHOZILv2wmn4lgIV++rFfke6N/LHw46DvRwZP0/FhEZH9nKz7NnssoFAEdpE30lxc/e6LhpLEmy4jumbST3LzAtMRyv8wjTRhLD/R2m9a27E7PhRM48p+T7nzSWTCWA/4hpWQyZtC57SD+/Wzqpj7FVzoeyzyK4jUyq/P3ty8WQy7sHSWQXWJwPreDvntozIDWnFW2paHp2UW0k5Xh8dEOCBQGrlDI/fW58vgFg9TwTzDX9wFcu4/8gFqlAXMNcmygTWZVts27XNKnmRQkhYpqE6VJuuM2pBPHa6T6m0LBXfvY5wOkC9ygfvuFUBA5OtzN5hXZAyzgAmBzvTTFQ7rg0ekKq8XYv6GNP8rw0VyY52DdPSD2Z2BYwVPXnerbdWok4U1Cnb0tAtskCKNo2UVTnqDcTCLbsbc/XAwlj+iMjftM1VPeseBSnROLXnPvqfPgigWynYDz+K4FqUvQUW5hbiap447bI2zZDf8fYBxVw7IljcKfy1lNU0jpnDIicIRhBJee/eXSBSSuTZgjNsJFa0Wvj/Q/zzT+GqELNKu5l///3tvG3RI1ltmTvVHWGqoXthOqbPNPAJBF9wdNCEC017kRGYOyczX5EvSfgL6DfPdVST3FByrEt+/IfRgefMQlLMUuSytNSJofSkWkZyvJ3LRu97wk/+zDJ8/ddi1Onige05VplKakAUB9CSVsNni7pKll4s6CBraSkAgqkgbMvYFoiKpLvSrKEN2sO70i5zfghgCcfNIru6Bf3LUA4yddTMfkzg5Fz5K9wYEMDcfN0EZxJY0BZan/y5hszs9HPPRBKCuzCe7bF2Xg+n24hQV2SRzz9/b3qeVa3Yj4DIuTKkkd+hsHa3Ur0014hkFXlnkdvsxDYBpgoXj3srZqCpXwAyuu2q50kn4VsKDTEtXNrP2XZo+3+vjYFPVy26fc76o2YOQZKCqrwfm14LXvENa/pFO5HYfa5bMs6nCZD9i6tAwaQgSNQmyIozPyjk5boswrYxqe6nBrk6yrXckABsM8rt2PgkNhi5FcrXTwccmZ8eRAskIgVyOOh23M349dHYN4EiirwGFWTfQedv/ZRHbWyhJPdaVNA6Mz7WSnB5X/bf+v5qj3K84F6gOT2MFOSLgUmg5EGQq+GHwvk1FYFtlr9CNl7D8+tArwN8CJzfZRmRplsdf1c2/S5rOONEUzIUzbB86K1tJBdInrVZQ+jC885iwbxc+Znix2PjJQrAnb7BGBBSqU+H5qVwmRmLbZZpILHjmkZpfdLj3XE13mRhy1FrNAxPlH5BIEjgMPZOVehBFoSo6Dhef3Q9kxeRkdh2Xw16f4teVaIryqceuVHpGwT3nBVkYMRPZ/pu12T2OfMHscVxsXsBFgpAX1D2JUYS5QIXl+T7PLyS5CNTlCnirVwhIf4s6H4c+V0mIH/JrlcZTSO0FwCv3Enk1wBvvfGPgfe4kFVFyvU58z2ECYYu0kcE8hONu7KNMlqbw0JeFCi/bd/LgXEf+orutVHSmzhgIqJZQCu7+7zF7Q5Fal6ja7Oyj1LogeG58TlmaMBffZR2wNjQK+sHywvEk4kwEWwdEw1pn13v3f6zPLCRa7o7OvfnjE3BTidoUJvL1tSRWcBKM9wdGJ8GtPymV9nHv+IaU10OG6mzumofv8G08bYZm94iMFuJZTWrQ0ofD4P7rarxrQu/qxU8Wae9oroGOU4Z9s1/vQgVcBkUfazb8ILpQRQ6rwb00JFqnO6oDn27oK0i6UA6X10PDZBlDk4zr+jx817Jf/bLf92no3vf+gr5oaXtqExvun69R3uQj7TMxP6ScxrwkRva2Kvzu4zY6LnKK5uYcFz+QAnLudsHBM3p1DiMny/z+YptDIVmlF68GK/p22ftun3nOHH/s7+j8Z2vgz911pP/11Kfl7GaTobPKzVZ6rnx4lYOd4e1fkvxg+cwpMP3rsIpuvuiVP+HV9zFJ6OwWoD5SHWBiafZZ7zFat9rhfA0B86d0T7Kd0NFvaO79H4QFNFBbdU63kvq4ziikX8Peq8oZzWSiDlgEdYq5V9zhXo04h9SF6hrqRINhWobsjw9mFgvotnZlmBaP9tH/c/rajxB3j2CjBAJAQOSg5+plbnGElHnZlyTdDjRK36ZzhdWms+DzRZHXA/KQQyq6qHDTJ4PBdTZWDvG6eHLdDhA7A0Cb6rXs0OogOvWVMP63QbzJYE7nk+DGBF+AQBq7UkGa7d162njllVCiUkzEh62jvQ0mhLu5gPCcQC13cl6HMAdJCqY2fvQBC6756GHTDTPHIwncbLh/PwSrJG7T2vIQ0INAjPEPtiQmm/8135HbKfDwklSs5soCzexzcwE5ZsJhlOD6VstVJxLkMoIWDwWng+C8/jRF7vFWO0rlLZhtfjlij0d2Sg/bmtTwbx7oe1y/CZc1Iyz8a/OUm/g4KJADSYmyQCIDGbQA+jXFK1xHVeDCI9UJaOeD4zItv+KNe1P/EsFmi7F6uS7V/AL/d9vgf6LLtaFgHsl2f683wAqBJu4AcAUVj9nHWOTQZcRGnbZoCrf5U8L8mM+eZ6j6XqV0Q/B/oKEiUrGcJr1QV255+emxV3nzFBVl+3IVkwCX8i8Io9i6zrZnPuAPKqilb18Dd/uYJ/RyZvObgeo30BQWvBquvSWYgAkAseajj9zSH9hIeLQ/NUZOvBymVXzvpDzzfCiA9YlecYYqv9FNBJ/k98hZLAr3d39bxg+7GfvO5BjP3WOdjBmNkJONQPXYXAIthod1UiCxOPY+oF+P37BiaEE/p3uUqoVcMrp7f/MK5tqXDchkay57A6vzl40YN1swonDvJQIr0eSs5DUm4U8HxY9eVstptoGcKV4MWA8I4JIilEvnCmT0yl6wpgBbigPtfsIyZ7SbG/Fd+XFMjFkDhtU5lWkRtduMrbzz78TOU7L7zU/fEbJIHLQ39bA0k7dC+F4iDt0uQqjai21BY+Q8ZZdHj8vTOxwMO8T52ePVN7CweAtmpAzUtVfPcj4epVk4qclaUNeY0PdHk/OBlc2lb6apU5uuptbGgyz35YCXHfY+Abpg238jsuFvIcnW/g1IuAB6gvVHpuId9zv3qqmjNlEryq2L6ka+uZDTUzgfx/HEo7nx/BgmrdQVgxs/EQxrd6KPDzfKhaNpGj+7CeBAV6/NwMz/eIxrT65F6gYUzLGGusLy9XUAHh32BaGPd7HozPmAds67k5FjTGto/7Fvao4Pc9cVCDZ+2B6uwzQ+BLtsOQqKKIPyNciFbxeUlzkC6iVBNIED717xSYN63nuRQ09h3GX8Fiz0OyYj0Ln89stOP38VB44TX7dYhwV9yUGxGU/rlxcyUViXu/cKx3Qu4xGSbHyq25fr4HaJvwmA4QC0ELGlzsQXCo/MTewLNSM9hYoDvnIDZn0rxvINyCGAsntloSq/3g3tyqxRi/wM18wo1YCKtpwjPGhLWRV6FUvl9q7pXJ9t+A8s2CZ73xrRIZZ+6Bzk4WJn5GtB8zHuSWI37v7OuARiYwDpR/9zRD0h0s/NwaLNk4RTlAVRNeJohbxX7FaZ/Lkk3xNS3x9mWMTzltYCZ4rVwrNKb1dfRAf6tRO8DNXFXfn9R1efZkSIH7rIdtijnKqBS2pyKYmGA9zDd1d3TvTCz/xTaVUzdOsPjOv/MvXv9mRo1ufnmV6wRjs+TzgKu/uMkBA0Y+y6vyUuxrDR1sO2pX0HozUUwi31/qOgypBOAOouxpLAU0/sk5DgZBB+o+et0lbh6Rg8Z1cIFe7fxt6BoI/OwLzOBGWO5V05MKbm8pIZpUr56Hpa1HydwF3k+xOo5DI1sPK1mnpnfVRz1Z8pYqpdoJGGwCbG1RRqYDBBFc58aDvCeWjBU0l0QHN6Yqm0lDStmM//F5MHZd6T5c/z0Qi5tImphaJmmG/IuQZD2S7SFQ8ke00auKTej0tPwCmdxkS4uNdu8zxl8D1n2WugImT2Sn6Yr3z3zJQZWDWfSfdyJhM/Tf2BjvP5TdeasKSg490MPWLGXs4cFxBYBOV5zAG7KhgaAdbiDbIZcCzdHmkIAqSX89C3CSK0WaFSllX0H5Yw+fk28Q1ryAqH2AE9hUoNH0ep2rUzP0ca1ZmWmA48pyBSui68MtS6zSq8KXoaCPi8TwZiyfP3mg7j+/fCcERPe5gg/av57S7JLimFWUW4QCIQCzMfNK7lk99jFcJS7AX3piwWqCfR/jIJMSnp/x+/4nAth1cLZmCEhJw/aXmarPddP8+KWtdIXAftkytVotUtMuEgmvqmxOR3Y8G79+3svAxOdoqEtZp3KWrgwKqNzbKtrXCzhBNso4kPjSRoqIwBNPpyajQqECw11xVGJx9WknWJ49oyQvlxIsn0tdN/1xXvHbpOOSn9RzSyp0dm18nqfPi59fJltXTwPEjb235i3Qzp+16MMBxeYDjraRWk6+ORXz7kSnzkGoNYe+ggnibjUPALdiKVlcSgAbwHfE4ucbFxrQt5KvW5xwAbK7EHP5I/u/cOLJz+6EUB6w/VNcc0rQyAiuMBPWiCTBNfenCc/O9mibZ/cAUuKhwUtOakJDdJfVeZE4e0uyzx830E8zOyoKWVlr2/RssZ/4Iv4hwbg826iT9ehzxy8sgB3CQnW645gkuWIYgDxB8geaC+T4lFTioKSaSVXmg2pCPDmq7OBKdvtP1HUWsTquAYwlxENubWh6iT+dyYbIM/7fifDI9/NbQgUMCQCE5nKgCalO7AA8HlxeVqgcqUaZ9DZR47PZ/oJkyKN5SVVT5OCMFeHgv2BaQzFeWoJbnXj+rVix3xssgAa3s6Jbc0nU5sDzTGLFWMN+1zjR+U2qxcFPJRBqaZo5Ym16OTmPcU2yH1sYIXvTZkCzLmxD0JYoRBeQcrHdHyAxt78YNz2E30mgC2Gc2zHKJ75von6wSpzxTd8hrYrAFa+ifVEXtDOm5c/v4+e+NMskj1RnocUyozbiOTSWZVuUQBdJG53vzqGcGxzjFXQOyzxjYb8vdtInEP56yLsI0GShcte1Lj4LsXcXK+1/O8euQu3jtLoJ0VHrjeKWs9+M2XhGz9aMtWd1vunWJBbKsjEJi0JS0XVuQVUn84pQAfOf5ZvhxOzCcHap9i01fhXGPi4gSwElRYrxSdsmTPzAnyafQKLv9phW7Hg2pf1RpIlqtWV5I+USfhXJs4sYuufWhL/7mu+UiVyB5/OBMdr7bsaHmLlW5hRcNOFdkI9XXJ4c7h9f/1ZRszJRz+KMAfjQ2BpwhQbAzgK6+RyaexrkuVXifV94ZfZRIHmehQfZgYUJnL7OGeVK5xpV2m3/fdaMDYI5u+q7dVcxlZjUJB/+rr75DfSa1df3Pl3T0mu+a4arvmLPu0LP2RA8GtWA71kLLzZa4BZu+bkIrZhkN5vu5N9lFD6xuq+xv6OTqesZegMHK97j7PqadEw4GGnmD8Q53xw7+4CBDCmm5Cw9KNODiCNmVg3vUvX7emhin1xcyR/QG20iE7CMXcNXUeiJ257Nwc96+vP57wS6gux1lYU7wHqTDq57RRDrtZbj7H7kq1xJO7gv867w/pVEg5KClTMw060CRwCGieABjjdWsI3ISQjP+LDsWwy/yT0/U4InpRmd14+38AwIHqGpyvWQcSMlBYBU1dAO2r35tluuLsSc7TAor1bfQY7WjjIVpPkhBUsouU579/vl5Ri4khcAAqGtC+WWDnpixKHSy61TJjTuvve7PSIiEG4VKj/B6O9nm/YMiCzgBJ+7ny29zRmwqApsnKISSJ/Z/hmBSLcxpMgB+waDd58bVwl8TSRQ/Wf9uOxjgvZ3Ts1gb6CDxem+bG0L29UzCvw9ba/fWgzqsAU3PKz4Z75a0p+Bd3pUBDR0GxqYVEtvAW9+YoLijSBO10147J4+ePDHH38gE9MyVJvrQuPB1xdj0eejMxda64vAOe8FbrdAWyKOJdbo+ANgNlxonlOBc8giTf4XACZrjwotJKt2P9c67HfPXKoSm/x8EcgmbAAMyGtlAu/TEgg9ZzOprdXnukkh+BxBgImG3NVZYZFRroz6kDH4CKhL2XOpLoyUz/FgV/rhpfkfHKRqbFT9fD03xPZqtwNInVrjn5ys+d99pjwv4a5yQoDb2eFVPRU0bACMTM20SLxfX5OQdvJx+n+f031zjdEcUx3jrRBDmazDgPcf+jI2qdKcrox+jjMjT392zXo5OIqbxFNLCeIurpTeZVKDn1NV+Hw+Sp6klDnTplC1mwDR4BYguf53VBB/ef4ozlo6UmuAxQ8THiavndh5w4jns1SVkv1rFex7Zs6NY5FShlizbrsxXSmdUHhu+BosbJRWz5IcoqqjiTwjsJb9Z2PaABBqCfru2mNiMDBrfNvHZtun1Yq1J5NjPL8wbVgVBv29YvOltoZ+PQFdz6XebTK3FM+JaXuTk6CCW5z9GcYQuRYKXgWsYrMSxMfzJAFw/s+FOeTDembf81D5ceU2LgLbd/UFXDjwnJ87P4rfgc9rZjwBk9sBdRdPGyYKt+k+1Nmoop2852iD0RTvPLOtUi2eRwPWdcuYp4ggOCQL6jjfBGaGrwh+2fXzaDj+AlDBbVEuMlW1rVjJc+enxEomGqptOIT9SgM/QwczMWRNz7ND8WyXBQO8N4GZSYo6vDfAxJpL0UU7BeJf2aZNq4YS6bmRpSKaOlUCaGLX59oDyEvf376Yv+9zqqET/8w2EYjj+D74uYkUxfnu4LglKzozPCbZOawxzBJJs9ajwlXq7xfW8zQGiJwilIlR3j/i6GeRL/HL+ezMyFJsUZFgq3Xu7zDt3xM1QPfN+wBZKuqXz58NqHt1UQ1cfJ+4/tOVv2hWmwBAhxNz4y0LzrQDU0ADq399MNSSUToIBUv8PLX/YiWdCLl0DAMMs6szUBVwruhtT+xZW6pGd59295ixajm/yL/f/QB8cPhfTzqQ5rCgdTulURHwVkxABaA5DZoxAg0YrJG8k5Glwzt18ORSixl//pEkPXR6J4kDoHkFrA4BLUFTNMpcOKnp1aVv9k1+Pgw4f4VGtMLtEtFOxEZW5+A9hRUc/MXhX2iwzcR4zQlSInGKldHHrVIR7COly8WTS3Ld3UkwySKB2BDDfA7WepDpc/d31vG//0V/kxxQqWcE2M3PMC+Dx5YF15Cu9j4RQNo2CiKBmGB4zkRVfdsEZgJuSDfdtzb4+HZdHmA2ahZ+vucG2unaPp1UZTs3V3V94Xz19raIq2VyFAp4Uq0i7iN2QiRpsAjIVnlF4gMAaeLm6Vkhs43hfLtehBMiOpPnSZywAqJgH+cz1Uqi4PU/kuS7wtlB3ElPBwWSaj0g2+DcijJ4or5abS6Fk8+Biar1jfCYld/zLF35YBDZ+qwV2kJyLEnGdT8Bb8oBgPflxH6vGUYF9ntwOPzg22Biu/ju66nqqiNPS8o2J3j/xFcrRJ2QwdLXkQRTtq+Dn3MfzmG7USbJuJZ8a1ifk+UuPAiBM/EL9HDq7TkISihD5EMqbjZwP9gAIlgN5MRpErRrMbGv2jiH771lu1Br4GoSYmNvkjwUgvlhCnBndtthWfmBsYdkNQO7WGHfh5/L+BCDBWBAqZud2cN3U98Nuo+0d/S9n8Gja7ZyWYaOOVN1CiVVyDljm8QWZzCNn2W3e1rto7lhNVgH8pfES9HEBvR93Nbt/PmKxECRzNnYIlroq62uOQWpX3aDfiZxp+Xiu1iR3XvjvCxG8O/pa0Ox4v3aet5v212vdcWmmhDAqX2dQ3+P0Hf+ubbJ5DexnsL5uttGqg+Vq7fGhdwCYhJsnid5kOActz7nbCGqQ+UOlSeFjAdxgL0Zf9fzAdR6dnymwPO7wuRL6Hl+VwT398Ctkgxwxd6o8iK48fRILXDUHuLfM85zQfYI62UFny+c8FC9ybisWH4KJV/Tsami51UxedS2nQYafLUqUvkE77XHACxE0NedYqHwxrSwKjUAK9QTVCeQ1IhrK+g8d3/XlMqiFa2NafkE15NMnMp+xoNQB99anRNQgugCB0bJ0wrvKvrDoJrBWLYKImuUExinlT+PSqxc9k1UI5HoE2n9aGMHvmPazjZizgf9e9fXf+QrwnmhzyxgzDU50TdkAm/ta2cK+yGdw2CizDia+ESgbMtq361MAJwxSmzlYgb9bUZqUcVRkcnE9hZRh07S+6wWY/YufzG1qfmciqwIlJZDQN9vYiTPk2Z4qvDV9PuKzn18X5znNSFgu9N/LsVY2tIo4hC+pzcG/xe2eWSbnvZyExVuMdHvrPXQl54jRbXzD6Udp4T1+B1WhgpxM4s0PODe58IS4RhfZP/XXQH2xSEFWbjY6tEdd/ElcLSlD4atUkpyDmD2DaIAgznxR6M4dGI1FFoxwf7UbeR+HJ2f+foAFs50//4m4fy367ldFYzbFi6kFBGcYeRKjgKEv/RRD7QTtlCAyG9viF6Xdh9Wy7mcIARmzoVVNksMLEGwJGBSp5wmOXyA7LT8qfTGzXjDQ4Msh4McKCtHTlLPOZ24+YtaLcAAOuxYE0k+SP5c9d1afWPQ5Z5Bb0/xvdiSvXl9cEnOncEQc4qi9lTwQU07ixU/qQNnBVMbreGkZSvjNTgvRL140ba/+npJFNAptizaASsnuaRxJiwvJ86wCkEVes1FcE2nKnoVmiXuXmPYzgEKdP4O3efnljV+l2xniQY8JaMqObTPVT2xsuanvszKH88bAAA9fz8+S3LbMZbJUMr6erGCE4kqeEUnapLEvY8GXoEBSODMoNHJkN9rq3r3+Xw0j8StOeP4on/T1/Xd+RbQLW5r2YkWtyuV+/Wjfc3K8QtdfXZLkS43F50iyVtpUBTUPDAYAHA0MT/RtjmgjmdsyQYAoETshtbA1zlYYQUQA/E28PO3q2qC0EPuACbwSwRsqo2zFOxDT9qznTICYek8nHCOfDjX4tweZYJWEvBa+WxnMHLAhUhfp89U9bnSsxTgv+17qhgwd8AzEZoLIJUaoGRcz+RovknfH4NLOkOeiwTu9fBuL/2pryrGBs8Esezc/mhavGQ7xVWbHIZoJBpawStTS3T/+t5JJVwAv7++UOWZa7xHD9CHPhQvDfGqXuR78OuXSO/ygG3HJymhpBggjaPiQRKosYXR6iz6bIeNmYPmQo0rgYH3/Q23s3klKu2M750hhR7QhQsq2HxuC6j9rUK9t1oQUyupU/Ff7slKuiatrMD12aqCRghe5AvPVissDqXMe79dHLF92A/PvBlYWT+A95rRd6qw1VJ8UNpWUX3PHO/tt3w5gWqSRtLkqx1E8RKJr/c3Wq3l1ipl2cQuwgpb/z6bRIzmMrx7o0CVpKvBPMP8PttFAc+Kczurnk9hyMif+IrgNhYPdCwpfFMz8xC0B24HM3Zx8uK15/J3Pk9675WehQZAcyucNBCbsp2nFkkztqdEL898tQ2VLf1qEyqrX0J+tZBKAFyg4PdyMY9KjQfyNaeQ5e2Xfg//2mkfcI5XtvfJZpIk3JShFmEng8L7+S254GBRb2ShKlJkFqrtvk+Hqs6uaDMOCuNV4SCxC/8C06ZOvOz4AOuz1JrWiUpj3JpLJI68MK2CTdvNYFrHW68WDrZHdIIjBQiMedFtqv0/yq54CkgrlwgpbWWNu32/+HuZbdcr7bus1PGQ2EA8/4hpn/Y70a1Bz7P6fP3Ulwtt+4w6zfmJsUbJNue5DWYc2yRJ6nvfxEgfC7cnupXI/p4zRqnODqyksjSReN+XtYngAgVvII46+Kj9jGuk+XduG8xMth4pblJJwmtnfOU58ZbhKBcl9rd80/nIDHmnb1lSaPXSgUzOHsNFFna+KUFEZuPAJjYck32T/gdt83vc5Ou5xBpQ/HjUFWHhB9/bnnPECGyZzDEhx2A/P5FH/oTuOJFf6LEGygd7S2RG3/dozsCJktpXi+SnBSRW/HB2jVRLZZwVHROhXFURAVZ4BZbOcI7fVb5ZxSKXWy//Xb75t0TNditPg/sJXmYo9z6dPKRBZdUQSQ4gQDuJ54meDJ86ExELuzaMXjtpclCMQNRBLrYlVLFtgz3mIgY2L4A35Yg8OJ3M8c0EpprUcWJ73ywdpoIkTEpW4vuD4JDoaCKG8VOzLczYAfiE1+bpZ+WLFV94mKdkob+rPmxWoDzPapn81gGDHngWsOGqAh/W2VqPKPVKigxxG0mHOsvAUD3ok4FrKhOe0cFrIREaOqAnA+lnECNHc8Ln2QrA6fYN/p3kZU7eH00E1y+e4lrCR8Ex9V5pYsdvlIlcH917O3GBstQGgbSRMUjrROqgZTPVjxOiTKBrEz/v5fkx/Y8OuQN+YWYgUJVixN/onkHijDNEJIdidcLgORfB8yZFnJ0fSVQPtTxikS2x9sAyKXJ8loAmPifQ5jfC6N76BIElg1RTPKEp/DB4FQC00z4bSuqthCG7/jwLS86pW3i6hQj8fA1OpTJlhr8BDgT87wVWr54V3cdMhUJ0m5OyxWtTnj5In5Xh4E175ZZvJ4KpyiIQLZGnH2FgNZD25i75tG7/SNTis++hpmW9lUGpySpdi4BLCPBYgNxDEMH7vWvjo+AbQfVbAH2frBpwtYlrGoHM6gGt43vdaoJ+vl6B6CGqEQrOXl080PvHvb5e9Y+fMzlDEyUg2DiaMYOb3NCZBR/1PoVKFjeWyAZ6sELA8m5WVXmmXzwlkKElhMRMIvkOCf/1xx+wMjV6xoWVIV8EywUUFhYeFTyAwuYmmJDNBLeeHQ1rzFisNso3nSycTaVj5cZ61PoHgeQDAIEsEpyaf9k4Yn24kbAg0kHEK0mTRAgvRJ9R3ku/r4mMtYY0ZXePK4b8gdTzqTZzE1ztobCV3fLaqx1GIfhd9PsM71crpJI/+hDFz6IaQTi27bpBj97/bpGh5z3AOTo7g6dIyHvI5sLX+5vbJ1L2fkppqdUW9CkcSJ4iXp0AWKVnBZDP7Vwgv8MBcmGjkAcIlYmY7P7cuHlqCoUMSZbMq6gTUjulh8G6iCBcGUoRypidMeHXJ2dAdGy8B4h8mNAJy3m4s9fJ8kBtrFz4+nrpH7W2XsM1dF7p88/ZarGvVuEcxW/jXcaDIfV99gILfyW59wHc3t/bNPd331oHwIpu+0IVFh5kPm0GPedIXwnBQqcVtIgLH3YMYYtkiqi1si+12QYKd67SM/657Ssa0y792Xq44j7Drm3wgOGNvAv/qwuUgHFgdsujErcYPNHvEI5b2fYyOMZfn5iWJHN+u4hCIT+zPcb3Nfzz/o65gHxUnHRyz+v2wsOI4ubUiondwltA0mcBWIuH6HnWj24Z9va7gJNqKZgaCwqTe8ZojMs8OnxNoefqwc+/PpyFeDRHaRdwVGhjIdPGPC1uVFxsPCvxnrdJNeOVPKIfnQN73ltJhbMS9VYX0pu7iGmH8jzEbueSYsoYT8Huup7S+eDygDvfDC3dqQrgV17vU0MaxWD+czxH5bIBf2LJR62ZB3kqO98MUNHpHAH8Wi2QMOFIothzJDFETbfN+x8HWitiQgp3PRsr+vVBu0knkyDKSdQ547ibCVQrykfZG8trvVcTVIhAZWgwMLHWs0isrxgitRAaTPyw0JrMOQHey3UtXTgIeFYNoFiigpp7dhI60kEl4b96/S1R4yFh61moV4ON/CThhHwmQFumlMvr4STh7NzwSri6nYKG+fVWG91dreBMFQGSnL7PYhSdpBzz0FzpM5MKmKWcPmRE9iHt33GFXoDaA5UMFqFDlbFUkeN3diEikn2JNKrT382xnbmpFCW6IwgST0dVeL/qFELAdeXT7x8BeSW3+aCTY6/lFpYVC0j78lyYWMCTH7hy48SB90+Jm54vK6dtIiLLJoDZMbJns8bobBByMgCHz/HPZy1z6aZGLjljVY5sbWXFVPamIVcatqV1oYpGrD6XnH1gObyrPoU4UnzJqOzwhVP1HROx+OfPDx685gn202o4JJnbkiBAA5GVVq0UBsx5va9i/CT7aypAgerEI3G3PpaIMGiTmqrgOqszm2GA3zm7Qc7MfnHipK0cqAFHgys7sNiHTAUQHWBnq5JAU12BLi9Fj8mWDFyqdkRfM+2HlYo9YEH3whHBMmtvr3GPLj9jKhRLa13DdyOOzjdwB+QFrWA0dmCWSlvKWdeMy0cCkC2HroX/PhXMyJIAqP9c6N+tTq1Y4pfqRM6h2/74On3yn+h7zgRHSooq2qb9XVnlAz4DKwx833Q70P7AfsSJI/8rDagDP3o9NwLdi03wh35W5YQN8/1012FlioHDkXKC2FAFkUgRbwNk6hTnJOlsnt68EjB7kNpaaNWk1XMngDyJHRtxitK0Cq2iZVuGk6ROxNv2FKf0TONRLAiSJSmfUIcDpEeVapKjps2oFlungqSIzYJh5gKUOmvcYsTZH27hTQGgHUfV0UdxyKCX58oKXd87h91+IuX4ZkpHK3Fh8lXJPEKKYbetbT9FdMJfbUiIkkw/wHvpWV/6wPA16fm2F6ewToqj0uyFeQ49x+kmWwrfEoJdhd974+vllsC3CnV4xs47MnuEPtVONzSIsqB2MQHuKpTW1pYfC7wy/X+JFf0/8rL6+pMPYrMt0Zgw5MPWYtWYRQkI9Ge3sPO+C2pnoLZzMCpzIosq8/fgvEzyopOe02BeY7X72tZ1VqzCivCaeQ/2PLo+FslK/sUhya/qGUrCNGFCXnhRPqjk261ceGs3pi1wJo5JB/TcSBLBA7OZmAlNAzkLHEzGW102v/+9En7HTecNQM1cnCuXS7dRiODk0OHPXEMCEasT5EwrwYTNb3/i5xuOwcSX77ai6B+JmmmRjr5evxWET5DeFqNYna7yH20wxdWqT9XFWxy/4NaUjNVm+Hw0Wwj4hnH2Rg8y9iZbQPj/2PPRgSzID//QV66FOqfVP8Zt3lBbNbNWTPYHZHcFVIxP5J8nsElqIhgPvYggy82KvD9RJnFLrUb889X27zEM9K0nqXg+KGDzLOxyjqq5I6mZYJc7rVMileRbctSniJk1xZAQQvELKx2LmD26AHpEjkSIII9AKqad43DZ+w2REfiSOig7vkI+3wqPhe/5ZnXREnC+HLpPfhN+NxbjZoYkubaP3YJyuxTOIaFFFS3JEyf0ft+AZiyi1BKX+k731tex5+68gLHOECUkhxZIWmeriOPeuqwtT0sDhhHcVlpF7EoI6qHoDIYmU309PZfxuMhoexXuiLgB9v8Qpv1boqYK3dNZnhvgJ6sj5OFeGXo4JbljP1i3ATn5CckKdXOLWx1WKgkMMYVOwsqy7JCRVFfyDeKBUr+fE9Xr/ftuTLI4309Hry5y4wJ1mYmjfkQP5GziBVCwqm/gZEm1cgy4ETJ2oC4GM1DTouA1piXjBeTcQzJ0Eyr8TTqN0yA0SmtRozQI8ijQhA70DDe75VtOyny/oKAUYKDuIYl1JRDgs6HMHDD7nSv6PVBQixKcTTTb2fcweNjfU3SIVlFkSgpM4+EGASfEoYGlScVSsgXFq8Ajo6/DK5tttAOAV39H6H64egqEipu7//6nvtzaEii8NRtglIbxHPu+B6e0236sdiiBp+2A1w7JgETBq5V0csyuDovdWXLoVq+VEk5LWFNObM6aSEI4iJ1RbJUryRfws7NVYDP3E2WQuQT2pPwKtPIs4LY5A0BQBvqIOPShNPjBfO8Z8rflh2wnts0hO8ZnRPuEAH2EZ0V5uPrXuxkwYuu6+LxWFtzF1GD6oEHkWiQkd8/kSJzjvvUAaqly5Gq+iiAxFUgr6hxfvX3P7UV8BkvPj2fNPsmD4RjwHvr8lX1uDEizQsn7X84Lqv3GrG9Vm+EmFYNAJ4Q+M9m2GUAcPdef++q2NJ2Znj3ixB0pgoBnxMDQFfejttgDki5LlazaB/kJKUu8GYaf6aSsY23YXHgP937hhCheUJVRD9bJHvweWqMbseBZUOd8Kbnl9WMxyV+ZOElZPrf4JfbWeZNaZEsq3oTCnrjqTWzB449zFurrxY7ijA8wGXSVw34cEe6Ob4myIhnvwlJxQcCd13HUsjnEaccFMMteShLefUhwxm6g6oqfieFTbN+b7UnCBJGdDHdi2rCDrSPeEFeQ8sfrVTUzRihG914YRzinTMgUQfjeWz9LtWpJYUS/sGGlRYmocZLs2X4HlOgTKPOf8oYS8KvtfXqRhEmL0/5c4F73xBviRkX2816p6u43LkqxkdgqeW7VhvhcuBPp9c76ZREIudymJytUMW5pTkuVSM8dLBYdt+8xBnHzWWiEwCRqwOBYFz/8XGz4S0ZUgLCXkgH4u4kKCqtqjYWUtMgvO8Y8j2ZpiAxhLCNhUJ2UxcyVQyht9DHewsOr84GOm4qxpwBbXyfLmVLdShWTi75PVe1TmvVYzDpuBf9fMe3ulislbn+ZbdgFXRCHwAm4VI6AW+6tUOJ3NjawbTvRY75DXGrFhqvr/TOBjonPEq5V0TGcGCM5uwiBJ1wAM35CY1qrjflsRN6baJIyymTzEHgTF37qK6Qwal1MCU9hdU5RykMSIhRkL9uYS9+5Z2hlgu2yjiNAvocYJRKVD+dZvm/jFSbNE0+X5tMkpigOoP2rfSFjCH2mcy4Otxd+1fOyTC5yco/JWcGz0EsrjAnUui7f0Z+ZS22ruwvdqTXzrRSUtdk2f+UvnAvTOndAjDql45aIBw8IBkwsKd9Ugeg9mv+i+XpdLI3At9l5Z3AelOdxED86b3OhwG3PbZs1mIZE6FVA1P3ubVHX1jkr1tQPANv38nY6srlYyYHe/PMlVdtq5U1o1umKa+uT/jFB1G3XyrNuUth4gnxCtL+OOPMM/sXr32x9QgeFZ1mGaWMX6FKiBStcBEigg0QIgXYsTjAzgHPe6yCPIoa+MwEQ0LXsT0PG4owypmQwDk0mDvxnTdxgbox/jwmAt8Wk34xQqQNlymBLzC76QfAQmgHnux47TydGg9T0uXHdC3TQXyI9lOMOqNawJUuQzbL6MbRcMOYTMhIrea9ShEcPqROxleua4aP7Fpikb3l/fNDQfXfR1xaXfDSuZ3T/nAKbq+YxRiOTA9IrLKNBjy0gcomkUeBUtcNT8DOfdkZ2ws+zupLcPdkgMH3WQHrfM18vV0RGH5EBLz/5paQjSBpYXTF/4xkgnSuj1SBgAlNNDlY/UwcE9tWTDJp+/cD0lprgkaoOTGAa0CCuc0l7vKtB5QKaQdtlKrz3Cg52dj7POk9r2Q4ZSJs0ANguInKvB8/qPGRP1/dlCeBgiBZ+hMD3BeZ8aLpHPuLyYQbMrsAIzOvzSXQkZm6HA9lWICkAnFVSu2YtZEEDPXmvn8dgTM8nVEcXCWAFVD4C/1d1tjez+T5/K3+X7EIgJcZG6CJN1Jgg07mB73vwv9XOyGNVKKnt1hOXr4xJomO2xP01EfH5Mvnlz+4A/QNfVsbwv/lcTm8BiJ75cV6esxOrk1vmi6c30jCp3Ih4mjE7Z2PvF8/z0TteSlL511J7RJ1D5QR3XCOzOPsGVrehAY3nzpikYUXZBOrp+PwsgV+1U7i1KrVpIy8SrqDNJCUS8nDrxOpAyvfmtdCG93mpVIF+rgKVBFDRG5WGOHZ8w3ZpaNS+eztxTAAsYCwpcAZwF0JqmSaoILVNOM5DdjqtkMYeex/Uexp4GgugRtlI+bjxAKmmY7bArZVKMPwyyWJ79ZBgXkvpGR4VTvZ11k7fU/59ARocSQuln2bL1gZiVBlnGzOdfh8HDCbK1SpF3jwlFDEFue8+5We9XKSJ8PIIXFXPbCzacVHxyefJcer+OQ7K/o5pHRPX87BV/ZXPXIn3CyLFx0/Qa3AguJ4sAM156iIb4y+frfBfuFBwx9viLLdLoRxB5egkniAhhHPZOL1rnUDi6UREi5w0z0yK64AKJvzspetYmsMBJZG6WY1pu1UB12Yy2xIwA0M1+NdALfyM4IKukh/7EJyOuT2A1zoCzUfrOTCw/TCwVU1rov3hqYAXnLiwYeIAgBTe0H+Pau95ksq5jMa1mcS5VSKw1ncSJ8JzahZb3zoGc9PQs7Jn/c0yA16/VTkMmaMC+kdMO+TST315oHaABe9eHQ89E0hLoi6Nm6L3s3/31fZ9tu4v1UiMmxtWU7g97gCI50GQ/UbltIh6YQwXqxxkJUJtxRWFpRbJI3t+e6QG50D6+v3Mos81RE5AR9wihOyRBZ6XaWzO2xGgIkS+vqwaG/XVsTy8zrdFKSG8VihwnKIOtVqOOJuJ/uBc1+4cOvPeqqiH5uuXxY0vkc9xvtm2OWQbqhovPI8VaBfUFl4/Is4n1x/cOrNjjH3ui7PCKZpILRVul4jSJmrAmbDOT5hDi6TJlG2SODJBnBl4Pon1rPETGE6CakDb6nceoEkmxRLU6e/2z15/S9Ss1C53eN4F2vChS8pvUjTepNDqZBIVdK0orQEMoAQqGFiywZorthoL0w525s3obMQVJGUUNod80EDGziwQwBPwem1/gWpL8aVL3u0ebTtzUKYFJa2MkA4SVvFUJ2+QcXx7PPofBkFx/XEDO9ChupreQ5Q1aRoyMLeORRQ+a5IYJrJOqtQKESbJZigdK2c3ACB8O0fgNJNgvA+VHBqth0DnyWFezwQwS9F461Sx8JMIJdoIGaETPv2DUJLH00HpPGRYq0kn/v60UI3sDPqsMcw70QSuIVoGN/eDMGionAf2Q18JkjC0zQvvAwIVHMRJPzlnuVzh1vc1cdOJVdXcix6o3f742x2x9DrVQqHf0j0cYmCeTfYbOPEDboJ22GeiwGwQB0hBVFOpbkkhXF2/iBbL3vQdSUzqLKR6uvX39kXl63KwifnyEWDC6/vDITgclnvmHrqS/c02oVaRILH9+azxi8G3ykzEQQfpNHEhVdDZwNfXF5OCZ+bfRABYMavkI1rezNkEk4Q64DNiK+CW/TSBdbckFfBJgwT0Zgua+0SAtjE4QY2+7laNBJ/nKXvj7DMx8T77rN3zi3rDRjiIM5n66S+qHQToarZrdRJ426aIPtsNY1d2r3tvyFNsCD0jtxn6jDew29N2tc9GbFfkCFrf98Wzgu1SSeJkqj1HGwyYaDre2G8Dnl1H2y9srIpWFSCKhRQlRam2qYQGMJ7QwEXONnmx8cRC1SufLSzhFpxzk0V7iH7Zv5W74Sks74YHzteqb0Tglm0CU2H1vXuVjY4axPd01Gke5NhVO//5Ad79gvMj7mG68x6On6EEY597bSu/r0FbEzSa/dE++UiZJDKGcwYslz9D2lSh9tbf8/0zdC/qYL8v9vslsopKnHdrgLBMz9fcMXECZ1/3DD/FN0LnJ8/BWBkdNz2bT7w5XKB7luaP6NxXUGXmocwAE6PEYNJSawJApYxjsbdMnS6o0/a32Y/GOk7eDirB5B1AxkGtRQINIs5qNYl05Pf9tEjY0X8w5Fs9qWRGSRWh6wHiabuvko0vJ4tesyvsmb4vBtDK80qEDy73Df2HsDJJwNkcyJXh/BnHTchncZmHPqJcaCHJ3PmHMmnHcSeUHhrumHROSeEQrcIBiI8PdP0BzYpxNZzz5/zG42d0vfqmLsCsax6KImEnfMuJpLBC5sIKXqfnjuVfCpAHpVZpztaCkk8OvHbR8///MO1soVQu0RYF/W/0EPP+m9Cf2edkMjdzroQCjgpb5/zFNrXNLBoNobc3tT2dzlGqQiM3OGNo74N8UtuTeIaX5xItIHa06tIE+ylovotMs6x+4ZwzEoq0YyqoAZSVyC6iavlAhvJsq6uN3WjHRyKA3uxbg2mHE6DP2/s0bohEiy3cNhjfbJOf461v30lu4cDLNgEryi/lOyj8ePcLVKldSNcfqYG7wg4LSPmpgElUP25j+VG/dV4Q6CUhtmEEi58marw6G84tZZOeH8U21WiFtOO/7xN01cwZLlwbUhLBBFvhnq2k09z38RpA8U9ff9/6dLZ645VUByVoXIF7emTc0kwaJ1BH10FpmgwEQAp8mXxhC5Tl1iIUBOjp+i39hT6XN+2cDaj6F6BxW+7lygcd7vQVO4G0bBEFeKiRhzq5OuQHi3Aio0Sib3Jpjgl/b60PHFl0RsWbOLBcCW8AEerBr9DQ5QmKpeFSvfHCSVDSOURaXTMqB5/aA1XpUe24YqnSpc/Om8BR/2/PPMhEilWEEwodyJKht4Sw7SqAZ8nRTeUCQKsBHNCGqLkCjZL5tZZmzRB4u2JqeR0D2gCaFBloNjTbeJQK6kG2lFJ/EKf0XSx91fMx6tC9bAneD32d/cKDr/k8l+SgtLeKQAVbnnqGQZ/JaiJvrQQ0LA1KpG/CzoDJCfMrkG7nE4iubtwqNrf9+dwNsRDabuOgzGoTMA5Wrg+AgZTmnJxE4HR7U6upLsfsaw24CiCbvmSS/t9O8CB/85CRmHW8Ye+j71nVpFifN2iIqqSyDzRjpw+4QtWRn6uZIUKSZ/c1UYng4a1SEwp0IhO/fv3qqoil9uhvpevSXK8G2el2D4O44BWW/bUS/1b0mYaxSkebKWTrPnPznkxi/roh5dTITxGuZEefAd5D2qFts9dKwvmfbZOiVeh5r59um+/X3KcDIBaA1Uo1wL41wVXIZVMBABIRMed1EB6wX54JV6Z8H+oUXlh1ZfnynPe1GOrZZrFUXdQzO1+MBQs952zvLVAKrT/VG4lU3BU98PjNwnMKJ1TBTCdwAQeKV8PGcwFvvQJEH22kIdm+o4CXq7uDQwcEQgFArSQIVQIvYtl2KmJZ2jjee8UGxwKq3Vh4MXlZPmNVsgt9R/lNHPkJaEMWwPgqW9lXv/857xArQXJ4SI8SPjgSTMR8BqSMtF0qUe6kodDKmV7zKsXh0TyQvTdbld4XZ78wibPPi73fsfnzAt8siIF6iB4l3c38+1rk389Ufru2360FiZ9rmdAw9QHQmQ9aAX20Nl44g3HzwGQHoJliBI0cHApWsEtMjFttITyxKLPp+NkkUftDtuF629ms+dUzsALFm0iReN/ZEhg9csQFCrYueZBsOXkQydPbz65ny39o93U2zgGe51FcPF0cCVAl0LNZpCpIYVr7d2NHo1+Tsv+IaSf55J6qf4ybxrTAgfrOiGn3FgYJzbBIVeyN4aVCSOAjTFtKXLtNCQ3b+cxNlirXOWX1wCg+TSwBoypz61GEk32eocetmU5Yw0NUaSfP83Tc9zUBQfzxLzAtr0XnZtHHp67Z2KtJR7ikoYLaD4+buIoQvI+0Eba+DRFjtYwzM95b3i8uBT3AftEUo+NEZceSVk0fxZ2Ii7gTLonE88hHb/QZaiUzOF+UReaFE8DvM/i0ioUHm1hpZuCGSPWeT7XhQlSaiHKODBcHZMNH8yDNEkRRCQQoZqLzyAyIlOAKe2Pa3kQZwlkHwGtF+l8xbf1LTOuckNd12ebZ8ONyJ4Rts+ogfe8T+JWfzjdRLu7yvcnT0OEuXyy0IUuPifnjgtdvd+FWMb9HYMT9Z6nFPJq9FYFwd4YIHbY+8Vp69AqgPPyaY+PtUTFxgyShMUjBarb+fkDbpo/bv7PNv1/PXbxhKZaSATn65ix9kPvhvh1yM8quOGsiz0oj0qS0HrMedKWqTloJaulexdUFG9U3EyAI8hrrCB1rkSt/HcrUiUmnNmh2z1UMApS3PXgrAnxLLkcCFB4PqNJnpg9YJ8VAYlYg8qHgIpX8+zoMWSrWZw/O2po3Q3b49OFhwsQKShMgmf081hLrpyDTa/78bcJsru6D2lqi/3oGPBWApw8kkOHkje+z9wY8l0KBuHCwnlHtFIaoWT1Lht+jE3s983OqySkqah6eO7dkIZCPE+bVoMDETbTRDotJ56zv4AnrYdgm56BHG4vS0Z/68jG0EywP6RWxYb6jByD6/+ueMyhEz4Li/fI9s0NGk7H9Mw6PAgN9CHSvzGxbkhw6p/fcAhJBlj1XO/WD03JlxiGy5QcETpkm2qrPoavncwnz3xxCbWWKN4ChByXzLbRpTEqaSCtR0PeiUA2O9uY5W+tBQYTJ8nef3mTAVUK+L9uILMdlpa2iUGeB65XVWlozRyMc7AHAM8LAhOxZDCyj1FDiXr5mICUD/trcEsBHZXDD1DPcoqW/cv9tp5bty3hBEUDtecahWOBn0jORdP8sL7aVeXVmAFOYPde2hbRtHg26hOIQOinv9aQ/9NUKS4GpvbeScAVzEGiYtHErAQwKQnHWlbQ+30uAQz7aydgx6Noi+QpIkpv+bMRusB5CLkzitXJXaoHT/iCQq3g2Q9XsOpqBVogsxjWQ6N9B4LxqAXXQ6MAzOjZtPg5bUEm2HSoNXvpb2ht/P4Ge8bOlxKmCts9trOdpUPs8vGfvt00WxWod1E4kcMjWqoO3Dm0zuTEpIlB7T8tkla7DwPG0z60zSpfxeugY32BZ58CcZoUox+NHV6jarTLYKCYOdTCIRefexI0KYgH+2a6DV3OpSNTsVuscqTb2Kbx8a94jYxCYRDIhhEnwq7o9bJTFIhuKip1W1PAmgyQ38INNE1Bs88DMnieV01J7Y1p0gS6wVrVvO5utYSgWQ0oFNG/WfKEzrHzq7Jc3pkT6HQN34FaXNk682hlPk3kpNfq0vnY1DIwBJA8Z0/aREqiq22ladbcmHkyFnNjyURW5lX1KyBA1G/uk2BlMG9jv7oBhOLeUaL37YC0O0GXcHBzutiXjuiMicYaBBmNOagBvBkoxN5up8vd1LI/GnMYFs+k15YdvHCXSTgcgIvCejVs1AAw+JtaOxrM9NLlVwSaIo+PAUcDz9tZc2uoU0DgI5jncLiRMGzmfbXwWaP9wX1vjZmPwMvbjNeSTP9o2CcuJ9bhd+ya9iP+tBo9cwlfEFi4KrcXNZccBlUwCqjhX6VTi/XqJG32GzuaA10y1vJIQjUAXvD0k+OwD5ENCO9SKlR74zbwHsmljR4QVL8KK5cHZMzT71OHwZxHGkIKHmLAak64npKylj+fzJG6No/dR7N2yTeLO2WqYsXA0lBxF4ig/q2P73kfFlrow7Z1vqjtDeO1sxsglYqMigRVDYsAYJ1Bn7GfpnFLZxPdcEk8A7dVks6txpG3TinQTmZ6LahzpDozeGrwsIjARk92ZwbSJOXf4zwm2EG5/Cm3edF4aCa8vtw+E8hZicRFwyfNXVrCElbtTaELi2zKhv77+zdYnbmqg06FTmxYXOZ/jWSh2jHQgj+RDQOFkEjSU1A1LgP+I2VclkHeMK2qpCIAO8wQTAKrgX9djrHDsvMQo5lIyunVePBRxgHChcCqwCtMTe6wQQoMiD+tC3eRPjILlDpZOJHVfVpMnBgK2GFfLSs7ebKqrE5OwIdwCRpivr8qH+EywykxUJnA8qPROmP+SSCOAx9UdOhfPDghYBTSExxBLmNalkLNQVaOTOa1sjfBaOyWP8KA2B2Y0EPJ8mqrQADgNgo1ALFZc2nBg5QRgFuDb94po1rNb7XRLTRh1UcmHAmTP7TR+cjLoodxTq2UCy3+7Vc1Dn61uYbKUn9WS3IrAVrBbOuN0pJI57+qecydl6HYUwHewqjouEvxdZ65kN5BqTn2woZKGiVCTlna0pffpXlLQEZ4zsmPAc2/Q9mISxRJkD+1GRjtI/06qMuIk2gDxGwkFqTiuNgRXucdW1G4Van0QKFs64xzbkpwpEErcweQmfI/82XLoz/MIOBxuBAm0DR4D/QxkVYNU2qWq3YvTpVYFBwMvnRm3VCq4pKqRHmzHb+7vCedovKex8ETj8QGJAlQlAGwlDR/Rod2yUZ8QJZOgvSvJaN9aAq5OuB9V6c85umc/G3De4OQIqBlkAhBJc3SOE27Xq33wfB4N56Y92cYNzmkjUzUFtH4zR6noY8uPU6//1vwLkwbabBfbM9b4zz4HKx9uzhMBDCVXnJdRBGtVUsQy6XfiwL9LDaClfWcFYi3G2Xiwj+3rpVplJXcYZuKFYmuV+tJ5jmolztfErvP1Bbwmtj4avMzE9P36kv9TQWMXPGtgtr8wcdzn4ICgkgUlKlbiTNKDcAFJ31J2YV9wrljbrU5SZ5zSoOzwmSBoY1w9PawXSjBrk1jKC7P1nJkrqd77oDc+nYN3vz0D594Edc7B+27sOtjvab+x94t3H7zvF4kdKR728dwxFcnsd9yeJ4cQKbm5fnabnLS86Ie+1rPav3JehAsX0WogksSYFjfwPnKOAk/uSeBNDg8deidxtopWUG1StpsZyBI5sALrxPWMiqo15MTrm4SFfWkh88F6otsZJkJNDNyaYeP5CgFe8LvfJjcLVhPrPBeQ8fBcm7wtaxYc70UOAbRjzftwXMq1tHTEDgjw3Au2tXu9MYlfn3mvHjYhyCIlP+9UKG6KhBJOrCYkvNCEaj1iPw9Hd1z2f6/BtDqj9sGh521lSgbw5MI5TD5DSSZbOLTxJl3wcPu+fflgGc7LER7Vd0lcMyDTJIOIhgvTNuFisicGC1W3WE8uVA7UwLeT8b7e3vezMS23uNKr3C3sVgaj0IrDlNrFNuSZPwjgZGJLWcYU0nHSJCjbf33HVkAtTIVKbh+0qq2sNFYhw2363QJvu0P0lkGrD2MTWzHeMr/a+wUOt+CS1D2ojG6dnY27aGKxDrptBy7wq86ZBlkRiDh4goNvK9Hz3LaLuM43+QtqGTL+nnzz7zCt1WUBFk06t/B51MnrMSc6d8sF2MeEC/2Mu0SiFjxM3bHa9zYzvp3tXKF5WaERAeQWUGwVt20VSH7c+aZJ+UxvdQI4I8pzaNhVAgsUIlG5AP9ujG1VtOShf/ZZPnfyO7jmu7qgW0edztUjYpiv/mvb/HuiJqIr2y1FktNxbT0WwZirn6mErydNHzo2BwgTKZYuFkCk9+4B4Uugpb4z9j2/QaDHEnufMbPQ51DJkZHY+yXodFJZghdVKCc80BYSGWXkM8aI0kYmqnwIUsZxQgcu6gJUkkJevhIda20kCsYmahDA83z0fUkyGWj1G4VlVwRz5xQ+zwfPwwcOTafeqkbb4HSV6KGc/vyYViJazvTWOjujPExVNF0GlT6a3h+8d08tbpqSCojnY7eqIQJK4sw+ToJgieckNHqWVU3yAJ474rYwqrwoiTNb6upFSnLOz/n1S0M3NbDLFcfnmqw+4BT4er2O+X6AP+t198tTuXbZZpg4ESsPP00leUoUvIHnEaFaCkSo07MdEAEc4JUdOoiEgKM/32fVrWSBcTwGQ8AQDWu5AhkNmsLyX4NUTeZfYaacAJFJ2FTPvB+1W+4wA9tKg9X2eRGHlSoDVHgwcl0DMGOqZKPAg1rteG2uPDhJugMKgwzXH3KCPG2TW+PYz7xBWyBgBEyg2b9kjm/LOoDXDzuhz+p11hEMxE4EmWyjr5t9uA++Xvq7DaoTGGbHPxgU+j0ggmHcZnUMSN1/y29PGdhD4CabTI++n4IUETiHP/ui2M7Fd2nb5LNc/dlR01LxpdafdkY/8OX2GUAKSyW6Qt3wxrWDIuGxlcwFicRSkSAXVaa3OmPvgrcH+jycKjyP7nXRTo/eh8/04Bxtzltq3Ym6gBbjytfXb3w+H/78PpoXpi0wIiXf/SIqUe/B81AZufcXID9vUjYicN6NnS/JyZ1ItV9ZLRAiUHgUv7DWwrM++m5r0EkE8nj45mrgFsFkOF7HWt6vvT3fBUzwwOusDBQOam88ms3MRFqbGjeJDBZRq7+LCWMAHbMIG0S8ne2ujKmaASgNr7zB9z6zFSSVYZ09SuC9oSSs4BqU5yRwbgCf6z4eGMw5RPscfH3x33tv/szm0OlzDr7eF19fHi6sbU9ShTTBsw++3qNZDioARYD47mjlMrDygVfZRgDIwFJLznmLs09+6OveHuYqMYR3mCgpGfO8BiX6ldw+5PufEfj1CAfJZ3Uba2bH2FKrU4roz9BGLlVQj7aZoFiRXvHALWo8J2rP7zkR/O9HpIfPFo+qSLx3VhF7s1wUZ5sZ077vS8WFsyaRARWyk3OQ5YUDuj/CVqF79cTTBU3e22jykjZz8Pl8aFv5V0xrRa2GhGfAbaDPejpuGtPeM3NQIBdTnQKh2xZycHk/K9lsYQozvHenC6guPO5DRZ0LwKeiW2e4JdObqFJFIDS+Tfn3UYu74u8Wcvsit0ShMe0RmA6ReYFUS1SIbEtsXc+qxOfzUYHU5Kw3zarFWpiWA0+NaX80h9oxzWiVeUBOXhD8fqX5KSi3ZbstltsNVwTym20utn7yQwAVCXsTojDvWtmtTMQiAA6LkyWH7XhblaPC2buL5VtquFNAKefdm+fsRAJngV3GspXFfLNJ/XOwN4BDfFYAC2wldXsW9rsRi0pd/ljTNRhMV10M9NiIm+yv4qDz2hIiyDbZgimfghLJAc2Xg1RxwrR3vnmy/VPG+CK1qqDV0hh7rZh4aiLDeYP9Ykqx4lx9yQ8/axHn6r2P24+No2LI9yZmUvghlC+ueW+r7J412J/kFZWCtQBk4omQB6RNtv1uiUMAYtqYfPO2zUHbUiEW8H5tjUL517bx90SNlCCw0iPdF08D2jVBHvrgpUP/OLlQQpK8siYz/B4tUnsG5EHgiYdKE6gLADY88Vrhp/uIX4EZBsVxzs9jlY9kvgX23Oo9XDn2ho1ooiC6+s7vZKa0moGzs/jaf9JBPw/cV+kp3GUmMu/k0glu6mC7sqDrwLB/NN6RUNvZZHTjGQwySKww+OHD3fU2yo+qolGqKl0O24SI+xabODmBxz+rYc4m6zjgmPJe/kwglAweV9Aj++A3MaSz5M9YIlgQThAh4JR9Bn0vAFCS1pK2NZP1e4U3n/PXO2RQAb3+uxDd3uIz24FNwfzjM/t3lvO/+dUDeGNW2/F8CMwVgcgWqFxpclDrLo/6X6+KEURywuAPPrOYyoZxrUifkU3TLgKgTLWie8KrORATf9HsNP9irv8mf0yYIGYekxVh6zoPbsFwVS/jUUAG9vsFgCRoatAbgZJUJ3GRmRFzBmuqOZZSn2DyHPJz5wTyRNtF6boRj2THVrk0FajA8QcD9ymcenU9IoXW+JkFJm5yMyjM7J+q3baZJ7FWXcFNZ/1srGchD31ozyhalp1WPwN3VrkFokmsgL4HruSUZJJVSSElHSBFTbJFZ2W2/N8glhtyplJ41Dpm4npFar2qg+3pZ1k1q6xv//XTXhHZFSYXFk64uEGb2mpVMfDIyJ6fYZVpIVHLsMsJvtQmTVYo6TjVCUIDgQggVLhYVzIBKDaw8u6Kr1dtlubJ0A1y3kV07AsSnpkEjD5HWkHMJJWDST0nh+B241E7bIJtf8cDeJ8HKx3jDgAqWn///q2BisE/A5A5q+kdQ77qd5/Zz8dDDD28kdhhn+g4U9tgW3dKquGjxOD15qNz1C5poBXdKnQnjgTnZE0DPONWE9svHbVlFUKqntNr1/c+VLycw7ZnnAbZVjIBgf2ylcuqhqNWqF0b7/tKnXNQm+RNqcfKm6yuAzrz6YI47ZzCDrVWFYmjry8nLR58HCKy3L4ptSKktrmI7Z/6etajLXTZhZzBVdnf1dm+k/I6R5tPj4q3h+dGwW2rzRRSh0ScVgUS77jVoXDKcxyOVtq7cIA+syzY6ZxB7UjGSOV2Xp7jfr4qynw+bkuvgamHFEvq5399PtrE5s9KePtQ1cHX129EcL4L7STnXgl2MiaMniiaLKpRvaQKukqy6asO1vl+nz1SAa9bLQhjq1XahYhfjWerZoxC6TnNwavGRr1xUBtbSAStbu0A0DgACDyyk+chjv96q2dunk2iZy3jFxWl/29gWhNKrRBWvCyMAvwR3vV2Rz5r4Ou9yQy0IgCASDXF5kATNV4B7TsdP7j42DlItxtOKz9nq8xg9tDPZ5CM8yzGlSMcqJp8wPgEAPHkmgULM4/K/01CG++XiD3NLFRr0T4k7I5s6o6r5wQsFnhfz1FKnCBp6yKfsaFntS6ktoVp0+FZnC3WbZDReeL70pc8TyKee6aNMAKU0VSx3csKaokuIqwQhZSDofw3eI72+Htll8h8WjRgTOt7mpEI+Ymxf5/b6kUfxBM191kF9lbJ7sLneWSbGqx9PNB9iCYWk8CBmS0AoUrvo9kyLtQ6J3HLN1uX1NWxojsr1qVqeyTy6LYmzaX5fB7mnBESgkTnLe8eMuoUzyP9ltTfZ4ywFYRBBmI9ypH/Jt/8t61Pu7zCM0Vo5MjctxQh7g9MrYRT62wi2qgivZlEDPEhCGc1i8Dj0U0/exPQHrY1GNh9VG3o4XwiVArsebdy4Hl+UeFSA1DIiN8rsOwE0AbuxN5rdUtgFgUc/TwPtualFCt0z/MHD7BIqlb9GDQryYiaWQx+JpYPc0w4WGFVcPV3dwCHIJEn0J+XvYSRBGQeRmZRApMCJ7j8/e7T8224EnEngiZV+reaFHDgIdCLNQkZuRlJhrHA7R4iavRZ7lOcYU2SqbkC4fXZBtBwYHKbjKo+YLBa4TVrZNRXM9iF9Xxg8sGPYs7wgPNJ+o7tCJkmdn5uUMvM3tTRCgjc4OD0swVkgyh4o44JihCVa2fun/x+34ZYsayb/ez8uaWqPP/iCgL2TbaDTDridkgjrebPAV6d6JpQFdppeqhtXd+LwPYC2rFwBJ5QQGpYWaofNxRYACpe6JsS3buv7+oX/9PyW1XWeUDxPEwgq3yt1f7jxEFkIfIaHjxGr7YYvjcvPWBpqZVvnuzvIExfRyCz0n7FCULAA+4qgCdSgL7gLKCJnpLcV25gn83WBQEaB+L5N3971cQbDxRF37/xPwXAM8dCvdBreZZS4dfnUsnpDLlVzGtt7Tej++nGr5H4+TcG8hNeVf3M2qbMOMFn2J6ZtjnkZ/RzYzwaWX0KGPYmJ0XamVdEssNv45kr5xy8tdU6QVIl1d3MahOHW9Y5eKuQq5AnuiLVbRlxvrdkSaXGg70BVdlOBHbYJym+1EHut5UNgeA8grORVlPFkXImtR2H1+TWZCZcM/zw9FyawO/f/DkT77RdQiC3flUB2IUvD8dqjxTtTzgXjsmgCSiYNK1b6TpzP3wNZ28OqISSboH8nidm/6iE4OtlSx/VMEVPKn/17rdVZl2l5B1hQlC78RO/c6E0k8eyaiv/Ws5/Duq8qHrlS4uJx/4SGeHPOnh7s6ATC/mxY2KdK2s7eco25R/5ej4fEowR8iHRg/ch7Eo5pFtWVRQIJxVO/GhfW0o5+1UsD4QGcOjXj56r8SQxR6gViAmlMW8g1IJKPJn6t1WvRwqXJizODAgGcJ3fw6GjV8J0t+qVzmTtArQW2kRSVODz/AHA179FjKSsbzDt0fe/4OL8hy9L8Q7yM0tD841pS/ej6mAnBzZnus2Y/qNXistGTYbwXuZVVMBgcLUz9pDUSPkW/qzcYqs4rPoNuHhaKvrKdynH+Tzc/kr742+sXB3nunq/fE2DY5ykWinAe+whwynMHFK0Gbewfek//hCmvbbHhM6uCQM/Ank8PpcMLCn0fnLc/Hw+2pbYaBX8Js7ybSNM/JeeR+WommybqEN83ETK4lrtKuWWR5/34ghnbSkWTYZ9ng8J7yNBApr+IoZUdWt9PvDcsojVisnnCX0fz0dbTaYzXyR+POewTarYklqKm5zN+LA4bf9fzG8BADExxPMXl5asAMLqQXXdOdNuExHwJJhc6DjhuafumHDXDAUDnK8WCcwgft8LFWTAMSKpeN85V9o/+ExSle55cG2b1xgEKMc1wcobKP/RdlStcooIfNbSPBrAMN1kSip/WIuDhPk93CIVrXYx7vDw8JBqaGmu1EqAC26qN0LtffDHr0/j5RQuN+bp9tNxUPqX8HZSFPB3tvk/MKNmGGNU9YYDP8BA4ix+uNffhW4IrIYBL9xr97bkVohZP+eBksyhKfPj4CUpTforjvOTQhmlYUoL6NYLD8gLEzJwwjhJYiZn05SCVBhUXkm73/tBDOjqYW7gKjQdqpFLaWo+APf5VXFIoA9VXxS+96bt7vEOTJUOOuxr1qshgIcy9cj5DMvVgMC7aVwZwEcTvONW+mAcvq4Ez+fpJLscIGGmGeDANXp8t30weUoskNh7NDCLU9gdWETkpYc4TTWYhgT0dHsNJe5EXg7ExptBUu+zLiDzeO5KIn6NnPRbUh/8f36Pr3fr/towqyuEa8WPDmoV0QPoBrT5WXIQd0jRgCqRYWj1UduNEo8m984QLVS/nKmU2ylDFS4AOu5TTQs0eHGi6udrdZ2TnLy2K/VsJz3zmT+kmUR6iCW7ddKytDGB4FjsvhIz+qNnkkQpe5qMhFUHU7mi/ctWOvnSPb++D3TuoiD5ZbaCaEXSNusAeYDPrw6y/H+Jr3e3QuWzpDrQeWXlaOMRePV9bxJoH8QzrEUeeax0LGTVn1+HwYMy15fnAPaTI3v1PbVUnm+j1pkYv7qEBtv2dW9MHofA4GfJpjH9+InAr+eXYoCT5EJVIHrIHu39S2qNNHEjp8QNcT/fNq0ohJKpUlAG+C8qaScBgIA0wgTYFSfkF9tvFxNioDRDpoNoqwS8zvPsDZwieZlFyfQXQEBGUoBqrMD79YUXjCXreZAbut9g60KwrS297SDYSvFuJvoRSoARU7Xifm9UQG04/L5N1oPSYlZGFfV0/c+ierLP5fZ5UOXqRNuj2ytXLsSLVqYWpB4RbAj5+605bx5kiH480YquqoMWQl/K1qMedLe8EEfyWe//H3V/tCVJkuMIoiBFLfrs///sdrqK8D4AIMUjs6J6d+ZO+dpMdWZGuJupqQpJEATJfdoPdivKps2X3md7Zhr4M/sAX++XSBbawNba0n1225gts2fQaJOPVTenqKapOiSLzmmlzbvVEqVW0bPfmd1XfO9fnw/2LmyoLUrzbEw8eNv3q9kkmVTc8rOtF/vZtvl3THvFqyBQrxos5eQ2OoFJqkiqsDfV2/uwfY3ElwdvkmyBEheUW+mhcwUAhYrkeRDRcyznx8LzCD/K/oeIXfL9wMrTvvGolXiBZIIVdwho1EApJjPuxhN4NLflXEPow6QO0MkSMcTqDMjqem977de4ORhr76ONio1poTpZAGBlmzj5ARVKjJteW43GcIlXRFWAizz4uko/nkuiP3H8QWO/UZOb+HGzEWIwfM++DA4zZ+F5dRxubK5KRrdLCa+H8OzMP1rzofKPTnTv3/9o4K9ty4njf/1KEXQ3uVz9PiScgPfdwkwBt+4XeKZIAF3P6oe9YnGSCckGNBZqgrCAldW46VGRJ5Dq4AgcdT6cE/gkVZL768ADqh/NioGeesaDL6lkUkq5o0KRsaBHu3MfzsQUF96huNzdE7FUxN/0J1H93LwV1zxHd1dApCc45+nBwtop3xqD63RWupMlOa/I5+vsg/isIdZlB9+Kj0Dn5e++sH0TKvop+Y6qwicAfDTTJtn2ZPLVcfPVtSa8ZAdoytC57+UrHpGbAbf+rWmPilCnANleK1WsropIfD4cKsz3YOxn54BQdlo946U0UiVKQeStTb1gwTgjnCunYsLk0KlFFiZzOFpj1Hr2t8ZtpdiKCHx9vU0CzmgG+Zt/g2n/SNSsVkOo6hWahxOhAMTTVkoOvaIuwMSQQ9LEKumfKMnu9fAygPWhcWnIgcCtFRYD0t27v91XLZ/lPmLBGFYkmrGOSc6hKlg5uFQnrHbYXDcoWSJvpdxp8edqjJVzFUKDzcbpL0kWPfCPB2sSoDSQh0kIp6eBhdVMO5SUWtpabUBm7arvafnhH1epA5+Y+SSp4WwotnAsJYGWaPfzS1ZgvQ3ERmzpN0BHdOq0ykVfBJHAr/ULz7JMzZX/CUwRQXbyOpXRbRQygBhpr4OhWVfoZ1x5WDl/T/8d+txsafaSIifSSbAAZb7dNuS4mQHdg5+99cnJmJ+dzbJPkp4x9LcppteJt8HSJAFyjvG96rKSlT+bIZIzUNZ60MIrmG1Bg/bScN4QGTvgSCoAEyQasMfrom1aqdO2oi9UGLZ+qZ8VAFYUINk2K530Q7wgBUldi9v0rFhhcEAHUvewzpkbRUQWSR8HOZITmk/VxCu6TaSUBczspKnyr6XaZLHCEHqA54BzRvQMj3uG9XUecCfe3mfmQVV926q1i9JYhOYc6HN//frwPYODZXk9QBwllvpOHubG9ZJ6Lv67oKS90nM6gBnCaBIM+ORFQIeBhu1xSbKLJmshKTo31dB/7P5OJnSZ+DsY/9SX5eYlVRvkU+yrqUBOdU2YuBiFzSkP5rNZ0cbFrcODXLuFEB0cwK1Pfg4mMuwfQ73y2nB2gDzFeTUvCR0qJeUjQ8qdIt94soDD7VEkgjQIdTFpfdTCZn/BYbzvxLi9geTZ2RXY++04vTK7ovq+ryrhiwBccWBpQcHd9sRrTBQSeQovvtBb1Q6B3am/OmkShYuC52PJOV1x8yhxhVpDUdXJLJOADcvQ56Hw2Z+j+T5KMrmNqWAZOX2jcUgpwTakIvFWrkBddn/7F5M9PBNHbVXoRO7s3fL9UeHM+Qqd0RPrWuk9xEwdYSvNCEsNk2xF8i5tOYn216yc6iv93LCJ5/Pw+WBA8ohJo5OtatflSudUlj30MiGSOQtvua3hIHS2UMnV6TpDX7vweShhq+LSAhxWlzlnqIQ/pfSM0hnmc6Fig4mLRlj0WaKvmWHQAFsLoLhD9adeJZ+iFkV+pSGCS2egWyYQ3S5PdZBiivxy2W8AjeGqfVJwiG5M68J6Fmpv2od/JgoZ1Ykl3HrAL4meL3FU2cdF1NQ8Q+cUN1lkcmVr7IJnZVE5Fm2rVreHsLXb+z7rEdnGn2dB0EkZv+ujpK0wftOq1OVkELiUux4mrLYWkTRPWnGUTRQIwfPs6J71OIC0TxEBFF/EtC6auzggTPuT4+bzPDhWHygtOQazYFH8tk1+v8ldFGRxt+zgHNRKbSOkT//160Pi8tB3Ps8DqJ2I52+1CnGtB68Gr9fLlira4EGPw4Da3hDMw07gpEj0OuBmv90x022XFB1weQ5yFMc0xI1HGwr3cdFZs24O/cYRaHs+VNiw/bKEKY0fVbhvVYdwteZOffK7bdJv1TfbjDhtEzpNzMNUiBpFGjqWdVdeDDas2qO81bV4JMPYpggnFZwMnk5VF2w7L8zEr2epaMXce8YqOLbzXLn1G5h5tMsqG297EzbINW1PJko/z8JnDbnT4oEyScoOEuZaUhO5sHrU7q1CGnG+cV9y6Ue4+PYvbONPhtOrtOuw4mnwsc3iT/J8rHwJVyWG0eOjOSR2bHxJa1wrFGQSSG5IeGJRVeaqR3iw8PTjoY4Y1biCAgmhTOh6AmW2nGwGAodVPmiAHwD0rAr04RvHLQMs9oeTKLCmU/3vJqx0SN3v50TEbVAEUNWOh21MXjetY9KMHv8gAshHyZHuHX/nNzVMMnR6ujsiUHtz6vWag8W2iBAIiK6k+3DxfrMfD1D1PhZbsPSBdGUUzy1XDWwENpSkIzJD2f3Julaek0k4zOhaQsqK5lRMDVCakTRD2vdt9T1npFQAVD8yyUNKVlOVUcSDs79XsIdAGiXOT3ylJe5QQEou5etNJVCQDm89AhzQ6kr6+D0LZm04T0PySDHPAVcLZE2PE/jAPbuoBvG28/42E8OBIJx/BCBmnpbqpBICmPo5V6fCskYTkKmNQFskw2LCptYHFHAki62xMBJSqkJkb5MKvO/RkGMqAEYlcrX+JclUyDm304VIllQNRgFpvj63bng2DkBVxXqeBse8V5xlIX8O/7bbLSIDz2ch19aMkBQ3WS3dnflFIkJQSD4gBID1pJJOHYK0P5rPy+X5ExAgl+2F+q1LtjS9UTqXsu8mexVCFRPqcD6LHqpNFTPLgN/1iYXc45d4L3je+Gx/rnGmEuiOByJJjiTRJs+dGNqWfA9OgUqTOu3n2RZ1qUO7MkxixyTa0p/xLDBOeisKMAROhQgaKUAqC3iYKJ2TInuAOIncIq5XohZn6SCArLerVxzEyILOq+f2aKuSyVoECZ/Ud0EEiVpXHONl/3+ND7MaaZ+Dz69feEXOsJolpUzk5TsYS85K+aaXT+SlbZLgpX2eOtyGBZKvjh97n1b8/KWwf46LIhfRIru87TdMOL5fqFo4h4oCV4cLaPKkra4BMP9pwM0jIrB3ES6AlDYG70VwDgTezYR/n5qWUMAOGpCM/30psweAs9125W1R2hLHPqAGnLz2GVDN2RrGIbw3ewM9lOwHvj4rpWwePzW2mcJcg2ntw+niCtG+frOQKFwWj87dEf7VvwOsgn/iAXJ3rCThDWiPHSD910raVjk2p5RdJnr1vuHZDAEVKkWd9OwN2pYx05xVxYQAzv7Ss6T9zDni+VmtRp8ZccCoqQKct/S+xme6ZsVU/mqpMBuIJyZuPh4QPIlOmvxATRzDJDX0Cwef1ByPDpDSxIjYsl8E0IndWgufj5WrJKjcLkI8FFRColpd7XwlwopSJ9f3z/0d0zaWFGllchl6Prz2bOyP4kyflRMnAc5TuheAsD1vNQ6KKM7ZAPrZ/gpo+52LG8bJOsv4uXHz12fhfWkgxq7Q84fPkO7/kR8M2YiXsMQGIEW88U5oGG/ZNitQyXaybj+z79dKdjhmlzEj8KzASZMptF3efffE6nOcxAvo9hYzY6KChAwilcoE8BGvaoI2iWmFkc55ubnpDaxk6xCEna0qXesDKOt1HLWi/CgHcmkeypUCAW30FqYlab+QGj/y/M02mf5rDpVwMvbGk3n5AuNnq+A7ql/3nFjg14ebWumHn/Zn7cvSRQMoH5RdOx+M0PbG7/liBdRNoDmswra2TY/faKTrP18LSyqlR4OHkUlC+1Sr3cDHpe6eYMeKjm6sxCrAo0M+YJGA8eG0vzAO71j9D69/s/UJqo4RWB+UWK9Rg7Q0M56pBEYASPY3C/3b+UUBRwMOp/q3xG6Cq7GAbmXgjTiaN8Pd6QEgjzcsOaqxXcASpieWWMthpztK6tg6dSsDxz5GPOAeqsREJptw8M+hgoOsngQ09MzVF86XyHbYEYGdifXoXpgU0TUcsTDd/hM+OHxrLCXhkqp5RsU447iYSxupZsSke8jVMynDifX0c3SwqEuaXgq6BO7u55PcUkGyiRkFMuLoaHDn7UHrSf28iCM5Wld8PmI9ee4CEUttW04SQcNz4MxQILsInWT/olfkAdeQN6VHoh30XA6wTm8dcIBlDz9+dFALA4XLNl0Fd/CyemVFMplrEjAuubrJBdj7Xvinuh/UVaD20v6hYEAcsi+UzBgQkoi9z0if1bieW/rvJMu8ArXnzSDE2CcEgkd54mGIHNQlC02q9+xQh4w8qkjxv3MtxOG63rUexVcHJoNm3fX7ewao8Ai1i0lSGznD02ybVG4pgYl7pgU6yL7vC99m3/fneTpZbQIOhNYn2DZBRYL8MUzomiQZ36elJHJ6hVezGp7P060yViKwMkwQ2dXCw6RlYak9pDErgY3aoRyAsjeWSK4eSdJZftzum5VltyPwwdGHSAllIphHjX7/ln39tNdR0h+Aiw2tsIJBi5VltE1vV7DX8fPocwaAiRuApim94cPxSeSHFWpQbDlb7WKW27JKzzgROi+JvRNVVC0VEojTBpdlskIxfjG5XbWV/Fj6P8WUZy2kAFIuPrKTJaWfgOjyOJYgSAdBsDdIOZlCQIOn6QveenENjRGIG6VNvqGKNs/b7jl0k8D0il21NQE+q/zct2flnZ470JX0GvLa5At9Ef+cgySzY1OZXOl0T2dBtu/3CwC77AuoZKgaWyu1PR2pajx4lNulOIx4n4NTW1usDvarYcNnN1wi+RN431eQaEgqzzgJKRytcjtqV+TlymZlh/YZKGD/5K1PEYjnEfSYuLmedXlXk24PvKEJ4FPb26uOjX/ZbnbC29aUIAbX/J6Qiq2AWHta1KqAzRlBLDasfl4mOADPWJRUCcI6XWmW8z2jqmlC7QymPfbLqXNyoNbo9T2uAz1gOLaxGTpBYzuuCmb68zipuLkaFvNeSelhBQlcaMnBtJACd3sm1YT9KZpZOQwljTNzBvA8nj2blh4WGG2jjktNUJfb9YnZjWnrwqIZaLziV4jYM6ZN2SZxhtbywq2QfFafZxFPVAn/Sl0QgBcV6N35melZGEoyUcIX9udNi6rd4/Qz8qISZCLinzBtNLb/qa+Al54APc8LIvYhEkx2y/NoNR+f57t1//Ws6mg+FNRSJMVhxuL4jefTfv3UlnKUrYi2zRULqxJ52DrKgpfGd3A7A89SkZDPFeoecZcISbJ9tpQuS/6bWJexk7FxbxP+CQsMUgUHkyh7b3yenkAkrLAV4zVXpXOc1GbGNWe8btscjGtsEAgSDCIkvGE3cuxytS3Ft7h5j7WAUu292dZJ23a+OSTSd5HAuXLt77YZ6SLM961svHb6toQFI1rsAyCWcIiKYNDnP8+Dj+JAakPebNP09crnyuqYt/K5mGAz8eUEqoUkqO74Kc8l8D9UPIZjyN7KN/91gePfrucmUTEVWF80ZzRAN4uBottclFCtXIwx6iPzz2UxsO/z0gCDfYGeg2IpdFcQGLOQn5yHY1UEBPTLhMnpQ7KWBw1egUiVH86bkbKg80ArMpjEPs/TfWfZRIw1XQInnamg1+kBwOfzSGEQ7TievoboOCu7h6vNI2EcUsHgs6pQz80gAz0LQMFw741HKgVvvyDQjzamj4cpWT1kJrWg3jYDyINSQOkqw0o/ApElbBE69gAxlc2VgSXC6vP5TGIe6g+9gslsFbLCJZE1E/RNYMGtdDbOJs707CLhFhdL6si4qhe7nRMrqytLa0j53Kv4nbF+Mk2DTrad8O6SQwgHZyUNqtiaW4u2Kg1iUyXZQQMw0WcFnEH31aoitYzvmSvaAPremtywj8jL0QeGwfZWFwZiEnNL9ufoMKBGthZk1AlwtO3L7+3rq9HQsMLi1fYKBJBfKLHaOQTkDdLaNgvfbVP2yEHH/Ea1VNnwXJmc680VqBryFouAsgw4QJ9xFwpLbRQl2zxHlRYU1xLrubXPTVeAoOukusPJV4RIKPEcqflTn56nBfTsnWSi2wljcuAlARBQYZkp+vOqphWL3xskEzKaI3+SQRSIBryuZvVWPgDQBoS2zSogFH3SW01+6qv02EnQvfLtPKQ1dijFguXAfV5LQF5QzKS8A49VFC2jx+rCxnpo025PJTHkDYG/XWIdgS2DRhImOAdHhIy3A1Hlg257i+14LcgYs/nHs3k2NpWNKOTZrCpaLaavk2eh1mrVp5Mwtle1xSMQIjpGgambIeKBa8DvlkXau30adXdfe1rGvpSQQSREx4tI7PNFW7laQNIiMGMhfXfHbRM3XJkNVFF9wEv1fDsnS6fBeeMQfV6F5mIg2HKu32syJ+Z5cbg7iR2AbVZ7y9jiANio2PAQ+f2aLEDPoXH7E0wmBlDQQBqwHfHoPoQT5wTvbcQ1LB2IalD4I1/eDAk1wkfN7DJWXZlg2a2ZgGgLLRaDSA6wBaIebnjhvJpXNqT5P8HBoAkgViCS6sZ9XiCeJqdZtGQSZ3yKbk/V+ToA5BWAC9M+PuOzhZVhwP5CkUaf4QQtGv47lgNnb6wK2U3gxp4Bb6yB/FteJOJ3TOv39WIO+GfcIrv8w0racpS/Vu80TtuM37ZNz18DGDOeZ2nr58TldqT98ca0ASy3R892JrdTkDCZsQ5NgCjuV+A7poW/NzEmWz9JDjlxnREDgeO2/HusxFUMm/l5zQ7Cw9zXMtmmDX8wEaf7S9RxYdqJxf9fwLQm51mkpW3WsRDAbTmjcrttc5/CqoX1yS5Gx0oVzAu5X+xXibfVN+EzwM+P4iw3SL32kdLSpGeKPKIgYPU5r+MZaW7B0z8rgUVSPtX61JuranC2/zwie2tTFyjAQoZJeFRphg7PhXOAqtVdF3a/52lD/JttVl/HYFr/+brGAzx1YVrHZwBefgENLR8sYgCHJsDXNR+zVX2Y6xiF37lsTUXUtLrcyhkqm6r9Rk7MV15s25wcMTvfzGV7dJfJ6VwCUuN7K1yAxV8o3/QCFRaEB7Panhs/rOmoOWohprHThr08xyNYIlIzGv+1bfyRqAno0NaVhIl14s2/e63RD5t7YEtgFFcSTiLlqCL65AMUV1VS2lX+PljqTT/eFKWHZ5Z1vpV4Rd10HwKCvWH+9QX4PioWRok6OnX9Dl/mF9/3hWfWuHrkA1kOYP5vGZuB4AYDi/vtPXjN5IoPqu/2aVCJ/hw7gIwJKAbQfNbXgGJodkioirCILEO/97jakErwELgD2VQ+FEyTu+ptVk52y/cxRhK7VKENTekuWGrOe7e6L3h3QGLvJM/T4xVuQO+33wLV7i8cpzLDZd1+Ymmpg6MJgKxZNXs8IFEkQT2j7LERFlJbtxLRoO4nvsRIo2SfcnBw8j6ACrieNebMTT5tQAh41oxXyFm1copD6pC6L3KUI/v3/Cb0e2dGJ6h2rOR4VClJ/5mvn9eXUoicb+0t0RV76Ge8EvWACpSbzfecFc8w4v0aQnDv3W079ku3WiYu2/aw4t5speuB2gw9gNfOR14Hni9j2fSt0FkrcZykB5Me3anroUlaeQpbgTKlsCHxUt8ItkzO/DHIT/B+M3cq+Uh0FSk/D05JElrAu1+1kABDOP+Cq5Pu9a8KrlFNAQqcfs5O3u2T6RtM4/EePI92Dhz7B0teS326trtqsGlQe8Dg7ArQj3w56S63rFgJaMKlriTFSWB1qwRnqvE8PmuG0gOycMczUKZtkOcqD88eh83SpEVUx8TSXMm2T4124vDeBLCRmj91TiHPwVE7aqt89DxcbfO6e0VJsA2PpB5/FxqoeMUyWFnniuDDJFmgl987cJb3U0DtAVclOnwvYmK7B2jWFE7sCxzfSTaaxBJx3EB5dwWyY46TURf89P4mKO52U5TbiK5npmua9L/aNo9nlYg0PjoQ3Sao92fywd/t81L69zo9y4TX9TZJdzZbJPcm6bs1ZJjtZPbfJAyPz4sIm4m5VtjR5xEHHdTZaufUGaq70PIzX26ZKVXDEQCHUkOYlonPTS7I9ehcZiuglrDHOYAFJZEPzn7Bdn3OcmFbkUiPnvEiuX4u1DZWJhFmRbeogql8h6P+Fe99cQb8JcWTlDl3wcHxf7/Xhqn4jmmNHRtdl+ZZSQXNuLka024RS9FFkN8w7fXv/pzGtHn5eWAq0yoORQ4Z4Zi8Hqr9fDa1x+RbIaj0/W3XxrQkYxI4MZ9pckcY3wTqk4o1ELml7xABQKTyo5XEnlnlhA0ZiPVIVcpvRsWNtyN6ULAHkGZfd0Qq0cv+/o2XjWlXafMU/bYT/8GAg2mhYpFJ7J9um77PVejWkwhMEX4SFuULKmZHIRaHKS8pIq5TCPf2uD3f5GgkbS48l4b9iI1fJnkeeQRLifaPOqu2I/106gJ9/LklyqomtyOPQi6bXP2SvQv7QTZYjGWnsShtcTmAV0g5RPMJ+ZqjQeV3/njPk/S98Hfw+fyWc8XARxN/d5uxc+1nPbAwAFV4Psbqf7dNX2ffG5CQdmHCRchWvutuPCulwFUOoYUDJGWAB2wX9DKfc/uncAHn6a4OtqURvxwpRL0u23h8isT2QyYPR0TweJPpoW0b09I5BSACFbbN41ZE3ft/g2n/7danmTRP5YTnrUh9Bg4IsjJCv5cJnKsfFwY4DEGe/WDSoodMLiBPzOX7d/mmcHm+CkqmefAtKafJnjkBPhhKUsOIog7W+mhGjeWgClJmWg1oL2MbY+TAt+OwaWBV1WviAGjNoObhyCGfw6GN0GEjW8kb5WAEyHgiELAs1H/XFtMVew++mknyYJXcwfdS4KCPnCuXpQHRI5tzwgVMCwZEeBQMyHgvS8+bibxPHa+Pst6nEz0IyPf/LgLPA5qYrGUn+l6pFiHnA8tns2WPqc0/CAe4hNeNW/IeACpnE9hcrAF39f2pkOL/+pmf9nL1rZSwr2D/JJNs2laVJM79NdSGU8OkcxL6BL/vqpEB61bCGPyHg1iZ5OT7m5h1RhMwGAIQhSiv2aWduzo+09bHTlembPNIHUf7StyVvvl59tjb5iAVHwC4WrXgVgi3SbACzaGmLTtfqfm5cSVbhgT6VjrSwvoNpBGhPn/7T25YMfHntcJ1nbfB2ia9+LmuUlQILNpPZOKTC7lK2zxo23uPWor34/T1DjQdML3WQhxWapWPMYanfd48j/vZeB2kB7QCAS1Cwcrn4oRMrl3qo8tvwEVn/ZzVTv25APb7wpgJALKHYjaC+nkvJTunQVpIkh6yzf3Ptum4qOfseQdnV8fXUWRcQDQcm0gQ3DOSMkWcFBMsn1O/Z9iXlyu1fJBns62o3gIbrdnK8WgQ3xBoTFgQwHPYt72srNoTB+wH1lrYkI1WQkMF4DZi/nsBB600yWW7WawUA99IdA8dHUCls/isbwmkq/H2V46b0O+bqOVaUwMq+cBTvWhg5sIodRj8BbcMcwPJVtsFk3nm952KYCWVM7RzKm9m+Dfj7hfwrU2VZlXXs5edl5Q1XxtfX2zXqUK3RPVAdflPFkyojIkjwq48C48/v0UWeVbNDVYBcMMUvCLed/50MvQTX59fvzq5DURviwmgt4xWz3y6CnGBqdQrYXDRkSoVULHgyrIWTkS5vQdN2oZwtNXKGUOeTyJDmyNJOJhWIRfAqDC62ovB2xtoTOkCiX/Wamlc2JUYXSq8tQQJOMvF2IyEhLfWVF/zrtL3VnnzHzCtYzUA1XvuWRY6x7ZNLNkOv8zSPJ7P5/lbHBr/6e/H75393sIpYP4yREBNLBa5JZAirBlIWOlAjGLN4PP5yOZj2i7yHt5OTDuzadgSw2780HBT3isOeU4l3CrySiG8RBCxwu9W4mm9CqAJ9N8xLQu4e2y1QcbPxbTP59NtQQvQ/cjGtHxuh77KAEzPfJ9pX+WfH9TJnk+TBWAFi+upsxCHQ/KPN0kNBbpUkAZMnpuspJ89qeLeOah4mRedPkgXWQm1aKGN87VtoOBV6w1y1MUBkeXMb1VoNmkoFQ7P2ILbp5ZUIBsig7uqYEzH+OXuh1Z3Y/JNxKjPfVSMJYw67nzTs7J+/frVmG9s80Kdv9lmFSTRdc6idi61pwFobOlnY7TNeK8WTZOcYMhejzbJXgV555sUkETnMiaQ2FIX8Nwa41Hnk5lP+8C2c+Uty4Ss5rUhZi4j89bbNnUHXUT7ZpvArRT8m238a7PR2VGF+qH36qJyHz6k1hHOAbUktmqkQd4rfk4J3Jg1TEQ+SIMfqbTtjJALlJmdWRddZgNjrsUnEjmMHazSIWp535c9ZSk27UxvZ8SR0pTAzLf1yezbZ/LCro7VCxnMNd/FP7SeDx96iDB4EuuQyFlrCURVB75nPXA66CRwab1b3gcSENuoCrcrZJdzgO6xHb+33aAkKXcACQdrIBedRLexXAqiwGrD6bvgBCFDm5osRaOxrUw8z0dJgIbQqSVpKcA5yLlOZBUOBHYQYigtU0WB/cXDaDJ5JaPryO05Dblm1kHPA+BvE6wEVOF3ZXGkeFPZ/3kvS9QJsOxU+N16Pknc7Te4znb1u9zbt5hrhIauyd5BCe2VFjGIuDKUktjGJddUVd/nenx+9HOJSA6V1Xk/+3AlsJhq2u4kOV3RVVtHnY2brLMks7+JCYVeYT7XzsHTmukhEtXSxds2r18hWEK0XZro8C3h/aWvtAQb4H2pTCY9Amyeg5EOCMN6c7sA5gxDSppIzvBoubmyQ6oS6N+eR6uFraoRsbbi87fAuSKk8gO+vr4QCHw+/9XEW3+n4HfinCH6rs+vp9dr95DEcAuqZfLRyY1BudWFvq9cw+lEb13tQVYpFJ5fj45udXC7E/Kf+PrXtln/1jbts22DdbbmhOl5Fj3wcSxIsC3XCYlaoFIxSRFS5KWLLkNglpNzyag9P46kKuPO+/VifR58Pg/bakQc2Hd4RgTqQeLFFvFOwjvxQAqBbp8GAltnwuBFLQ/JmOe2nFMHn/gIjG5szWDhF+H/+TyfJuYbDAF4D+dyGQQSgI+a9Kg9xUN1fR2nVZjRWICblpoGJdGKAfiWndvCCBwdU/iaEQpW90XbcmjjDTdEgC1ssk2SAbf6oPozSCaZSNFWwyrU15EPhPDSwX7lX3Qve2UzlOjs05uHvAJ8xeXT9aw4JJxfNnN1e0Anqj/YNl1ZzSRWQUxRqAmzcmut4qnb34N48VY+R9rHLZz3qJJNEmY9D+Js4j8ciEVFZGLFBwDJMH/eOW7/jDkTVfB2GX4mlVCOA3tvYtrFBRwuwngrpNwPrx8aOBpMsOD4cxGIWbPRMy9FSkCzpr5h2s3WhjODMR03/wnTGnmkDKW3hemzH8+4CKC0OGS3vxgFupOlZw3W9D0JALWkJAXgDTsWGDuZTLgrgOd1T3Wh79dK+h1jjHMOnnS1PvB+vShoi2kMadOYVvH2eR5igk+KIJ8FH88jcuzCtADgjTDruckpETnLRWGpgPraTcBNDG9SuYfB/lzbhBLh1Yd2/LbbyYE1+WbHzQR2Na4UlMIBbYULENAbRvdJ5Dp4Ykv1cFB7d0El4wO3Ea5FTOWteC6QpnByRSjO8R7bN3Ou2WCfOsGW4jpN3tGvTr7JAtjkY431jpVAig89i/HIzjcJg4c5U+6DiJc4VlK/Lnr+u3xTP38vieDsQnQ8dL55jbxnTiDyh7Y5ipzdrZa0zY6fUuY5Xrj4m3CuJ7vTM65QGc/EaN3zbUr5pmzz5Vq8Z33Qm6DcKREqFBf5hAwuFdnK35fEBSwol7CCsbbyhVjMV2L+zNfVPsq4z4SfMG11wdiFWRGOf7DNP7c+5UOg6JsYw3I5STgaUIcwax6dUGUEt+bKyTdIPdBAtmHcM4YprLjaJlTt90BJO639WirGwOdDjwhE7jaYuAYFc2aOwKsNy6DPg2wvtsxtV4iAe8l8okMGasQUEcgnWz53T3pHFJZutfsNI5Jr4uSA7GQckN2SReOZZAjXtffWIwUr3xAHCc6pGcYyUIj8KFkaIMJHOwqHTrSu62ryqv9lgGyvM543gwczraVhtqnhoVbIYFY+5vpO7nDjVH9VAQOpZTxorSSN09lbqSFs8b2CjSZdJGurCVj3+tJYPlcblndH3/Af+IoFb32yPVp5tDX1n6x39XNr1rxU+aUh8JkDPWuBg3GVFMaAAeYkCqK6b6fJvnE4U+Fx8nk/B12bPtfbnKqA5/nA3iUwzmt95nd7gPQRKdgJlQFOzhkOg1GdBZMlMa1yEeie3A60FXieX03kzXuOuvActG3eVT5a1mkAeDLlQ4e8mCoYrQ4Z1z2Obn8wo8Hnw/Pec6wc+DDgE0VV4qlCwv3e/B1X8E4N4YwAPk8i8PQmJp/4e4AvoDOVM0OEGEnJqb5rqv3GpETqnNJvZvujcqxAoUSAkbBSUqAzdJqMSl0DbbNbzX7oy4MEC0I/OD2AH1swRWqnXnluSGr/lCTHVp+7AQQ8QwuJNWI4YjTMwaGEIzMQLYaYSjJgRdnGVtLC9bhKJmOpAl0NoM4ucX9U2/DIyG4qen4NiklcapDmt95z6DrA51lSP359cQPNWouD89XGgwh8vS+TKZE3PdNBZ/TsjY2XAD1Gvp0ZKBVaMrUMYX8vJhBIjp1bgbA1aNtnjTP1RLGI0O/nXcQKBrsGdxeMbd8D+2FoHoKrwAL7LjodFarqaKbMOfBMAj4O+d86eN8v9Jyxw5akvbcIGv4s52OWNjy9OGf3WeDP7cYb5UynqMTiZTpRupV6aMx1qlD7yIR/rnWu5yNFKDq5tdR974kztjsXFyM4UyvOEQnAAHBOgzLEtXUv1Gq4K7CzkMU2xcLmQwkAlUgpyiKTiyJiCE2UyO+ENjgxNq8b066F0OpnFMlVnKO2kVGbu31giHIlQPI5jWkxM5ns5+8B22ms/Q+Ylknp02odxndhWtnGJIQTfx2b3UpvjGElN+9PdNw3NjPJGz3cfpRF/EKpODm5AoBWC8T1HVP4vvxnARYsQ/40XFB04rpU+AOHr3bF/TtRQ9I3ulBaPftHmDkSTzC59JruVFLsgfw9ciG1fUbPL4ApDDtubi1ecdwMKcEgsuYHR871fEieG1Pcit1yQn76/pRjH4BVHEZtRSIQ3CD49aI3gVn1qzM6LUKv/PyWr/c21RoMpM/x7zBmLLitNU3swBjYhT+1cwULixVbNrTQM0pkg27lJ9GjSHIOuzwWt0CiMO1bUlTP8oro3/+s/+J3kALnd9v0/b1t0xuJf883UzbUzyKcI17v5T/TdYxt4h9sEx0j+ExLhJDtcgok/fndBne9d8w1nn5bDTsWjo6VnW/mNe+Uc3X2RZqi7Qww6ZsiwqIVbHcu6vs2iiP6C8ZiPxNzHCKxS/mYtlZt9kh3HvuvXn8kapgvpAC0jMJGFFKQ5LI/REDrx5KyP6/dna0ljRd1GIZNNGDhpGeBH1C+x+TKN1NBYQXH2+BKygRgAmzFaRY5hGIf9fETByMDWK2q4QNqEFKSUUGHxwHbcCXUm6o+1QC0NemIWbSz/i6tQxXiBD4Pe+n2scx2JHZAtFSvq3oOGDpIMLAHg0FGCkQM0YSYQGSjyUyumJPhuNeY1e4zyTyuj9O9ZUeLZWGW7fK6UsbBn1uUw4IVzGdRgvjXe5CfhAcALw1t8ryaUjBZ11Dm8ZQpNhuqNmtgsL+jDM5MrqX5db3PWmbbeV44p0EDXlXheOMFh77eQfDnvcqzg1SJZduKmHERoZaLKjtSAj8MNG2TFVS/IqQISUkzOxjyXElHwXmuSnQKgXXNFTFRclf3G6AZIMoszfumZlIBA4SemjPccxEA2pCCoIfvuQJhlYplnhDJmDmVuyYbgt/jHjBtFY7BY9uwZhiZPFnrdsqChje/AvkmFM+WOwNjyCGfRf9GRGJFIYtVfpJRss29WRUSOeXEEUryo07bffpzofdPgg6q5cAVxxBhFcCvZ+G/v3b7G/uv2wQjHkBDmUPAnzPEqlsuz3u6ZZCVv2gmqe+pSASfHQb+grIR/Zmejyu7a/q1uR1KbvKHvkZEoXOhgkNhNvxMKxPvl20M4UHw0DaZmLeqGURbp1rCbGUZZBMGR6cKqzQTqKqHKJ7DNgeCzZvU5+dyyPuR6zjy5y/ycI6N2x+8wrPALUzTZhpUZ9YX1npQ4ZkclGU7iQhX7Be/m0m/F0DmaSA+azALqIXM2fiRmWqPq05yWUQRUaqHoXEyBJfBA1RKmPnPO9bi4mGGYD2H8WS/BFxWgvacCD3QcoIt/5xAv+88Zx4U060Fxv+9RZUk5flRav/L7BZFq0hvsobzCizH5/W978yveL82vt4zZ1GKGRN/gNP6g/d9WRG2vxSRD8cccIBwLpOv2UqkAa4/82U1pSUWVWzvZhASJk0oGVyA5u4wqS7s2Kg82K8HS2puYh18fj0iwCDV2fh0AKhYiJN4369uHVhKSvbeKhaV7iWDY89WAQARt47nbK+6ljsorqcGi0KJAlvfjKKqD+MT9kcqGADgBrrVONDvaaWfn20PwFb2G2d8vIfOO3lDTgW7i37h95pqO2A71BygKKpvYGWi4pLim3ORjOif85n2tdTR8NWIK966SAXc21MdVBrT6lrBq2x7eB6qPp71wde7gWsYurFsKFZz9iFV28vKWWSfjV4XfagkXE8KezLOf55PE9JUdyhuWkl8Y4/2y960w9apzA3U/vFxM67uDJ8dKzuOlIAumvE4sF3XjvXUwbNCxDXQiyaWPKwKCJBChTNBDsqzVRCoejXLLfsc4BAbOZ/Yr2aPakC8c5QM9KDfhFrdmcwiFuPW51gd66LoblKGg275PNfS1mGJAwLgxpDMwesBtWD9ht+XyVadl99tU7ZHEnhs8/OZQvdgNfuG07lpFfPBdItS/D3XdNyMDC7+6Tg5+Jq4+/QnNB7onDIuAoWHl8f9u20ipM6P6qHiTybzzWeKsmnSRucitImyyVF+idZuROh8lXG3cG1QAZ4ia12sOnVIqCfbnp/1HeM73zSG5xdI2ua/scs/EjUfbeUZUM2T4ENeGpYbSkn85UqHsz87ryr3KqQwTCl6VNsag5ureHTKD1ydDPezAYisZkiPBhCa0ctIrRHUMMdCD/IjKL6kgylSBDaWD2dWKAiYpDilYqKDQzPnDGpdpV/+ygbihcitP7Z809fC+TB2num+5n4CMUm1QV5EH9JQAhzFORWP+uUcJHne/W46LH6jIKuby0Ls4FaCkoLAybU/M4MD85yrdoIAqWAW5pOipYhrrR7o+l/rYQVVO+4jRr7abGegp247WBEkOBAufP31ihlPDnGCqhM2+Ag8D8kbIHo2QC63vKiyXDMHwnNunm/A/8/G8598ZVpe7BWeAJ2/zq3b267edhSBGDo5MFEqEGTy7zen0UlGn07JHONKrsOzmb77AQOwTmz0DIe9vjKjsG2iQZnPCc/D05XdBmKYyuA5G3GdLT//2fZk2807PZJk1EkJgNiyBxDQB7jpBd+TEHI/3JxjOyFwfBrAxyGIX8vnVD8HyL7kW8uf4ySexIjJHiRXJKclk3ENwkbJ0UshsK2CIOm52oeLD99se2A7IAAkfsXijMVwpcrXUbJT+lPPMAEood9arRoRqF/Af//ff42tGVQXyYpT3P6XD+kkt2kcq6Pi+vmiKsuAgUTwwu4z+3NfnOG+vpFRgGXLPq9DHDqRuttkbJtORm5iwKCoLuKG2O8YdzVo4tr3owF3gNvHWAAJ+ocY1Va1fxyCgAtQONBw78KvzwescIa2Fmn4/3lRJzuunh14PbRbP8P+9wu81EiFTRhVEx9WhI3P+uv9gsmoqEDw0I5t1iSBr/BJXX/Ww0Pr9OwWA0r/jOPmrVINVWttH/sUNGkflqf3+vODiwApjRopJVlzdiPQiYnnDLxuR1qaJQAmcVvD3KsKr8gcIwzjk5AtdcwPtA0vBP77r6+p1EoRslXB9taoXFYLFVAmXlf7/t4spEpvL4oNKqeKTux/jyH9/+H10RBXb+QitgrhidkaElf8j/C8MLXCn0I+DyKgleeBN7iO/ZzoNrJIANuzbaRYSxbp9tV2xmTE+FVEavm88bxwZfMMoBXEdk27Ma1nOHULqnKcvV8mfM/Y95F9WQGbGUjZNZUDQ8zc/rZAhRD6b5xgqlAg++driCSGF9lIz2gIxUVXobWe+Xj2Wly2mxem1f0y0VPVtmllAKCC07GiiH/WthncIGPM0tgpiGmfNclJIbpt8Hke4vZIqkCUB/guOaFbmdrwgo6fGd48g46bEcm5UsI1Vt+4ot/xb2k+DqyUQy/PcIJwDv20FcuZic+z8H59oXPDH/p6HmIVk+u8R9HxZeLE5EO2GypH+bO+14GJB2sl9n6RJzSDLIC9QTjs4qKLeNpipKH+/DzGUKtR35cqJa4OT9wDeqsKO5Tgy1DrSJyQQFWqdZyFjne/l7KSMXBrtEhtKzKAFRqQa2VUoLEs75dVm5tFMgRyQpjsL7qwxjXiaPuzrY9tKs7G0tmZkQT0n8S5zLljDlcnjkqfw7bJIpSziCW/lybKL9tl7kgCxL7O17jy3oTpfJNnZjV54nwzEPkMbtL9iky2WoYU9XBxkt+x5/Qg8NdfVL0ska3+c+KAg4XE+gUs+S7bJrxZbrmFzfihdHaCm8nemZv3L23jT4bD5MibK0SeLOCEH9Y8fM//GHCuJKLOkDTB4xLacGLQCkjG7EE/Z0AqdGD0RHQORhoKVdqnYD4M/Sn2WCNYuZi3EOETfXz5pwJWy4O/zCAFlQCWOM9E9vl934d+EHkffN8PPyQxbQASw2L6EFtm5R86TsCVzHrrDpPQ0KfPyrFQELFipkk2YTi3BjFnO1Jg1NWXn4Dq8jZsJ0d9DfquGTMh3PezKvAsHvznSthWJuL5CMw5qGVXcT/u9VUlfonUOUp0zYYykM3mp+j+eVI1n88Hn19WZhUiFt699dwvsK5gb7DmjQfx0XasPxnHf/hlR6U6AHC1/Jyj9c1yiU7qVgf0ke7fg0ln3V80MnOayefPQGgMFlEtxZ17Nf/mSjigzT+6x7BtSznDNxd4EbE3qpf1LcAsiIE//gyDP0mHZR+ppJ8sfHQy1raQofkLAn2+diV79k/+8vZHXT3oL2GqBLIvEVTyHSTToitBftk2j/yMBwLr4wHEzJtoxY+uV4NXXQHg22r9b02fbElt1e0rIFMT4EDDTKlvij6PQ1txBUZ+qVat9fUZPATKa5z13f7r//rVireqI9WjQzMB7fMosdiFz1rsJzbZlRBpkP280r5WALoHYP/QlweOTouM5ezo7VYtA47o50vwWaA8zrZVaJXI2S0BduWp7NPC1TtXzKYiyCT6bb/tzzUwcJXKtsuV7KzIOq3yoTBRRzBnQOxZFvwf51RUV43EIfVnum3VFnRq7DI1t4bx5TqMvo5QvJfz81m3b+84XHVt1sC3pMekoJO9ldkrt6HK2N6ODXoW6ZZE+pmv95W9qaBQgKXg98adCGC/HJLh6/Sg1VyB4/tw2MvPPnkOaOVyGmnjYk07U5ls8+Bh3pt3Hw345Wuf0wTDqYP1YXvNqcL5OmyD2lufzXk+lwNCILlB6lI7d8yNq3XYxI0Skp8cOD+PVc6KW0qmoQT+nJzEpXHrzFms4pwkz03syrtwxO6kv0i6mwDRzIo6iVqaQVRsFyMGluqtIP/g+GlCArSlQzV5SOldKiA4ZE+IuQolweHHJhSVE7HweDDfOUN+K3DPpjV+iMtnFLKv98a0gNoCYn4PmLgfcjO+bn5f2aZ+f5Kh75jWHmMw7ZlEPBUfQTWxlYsuCqVxfnlbF486Cxy2GCNcEyPRR5kuSPM30kpyXmtp3XfjyzXJK2ffqWovv0zSgWpRqsITz+dBL8kIwINPU0rzz+fB55fIbCnbTOQZZ0SQUu0ZeM4NqhA9/+/nxs3Ha4vVrsl2nWjl7mwklXqlZt6KZ5j6nJCwA1txZducJ1PXcye+rA0tbOAModKA8TocCo+i9MKzDNGzYU63qpbOZS6dd9lGCw8gnK6YsZ7qOJqb6k4S3aNEqQPs8BlH5ypWh9fla/ht+H+4kOf2xdmf+7ttut3OZCdzoiFXAeJpX5fzs0JctsnnwgILiZ66vq+JRObPW/kmumhuNA1Aqi/nmyoOYIpUBauA5xmeY8LSviP0Xle+qU/wjEzYNp3fgn5oPU/bZq5R7JOsErFvn6v7zU4O55tAPlRd2TemO3sy1VGg5KWohO+Zln+wzT8SNS3VC/QFAxsRlNGVk752UnMAMopsdhMGcsqwzOn6DBuYQEllMgHon9KN8d+foCEJIFhNYfbaCXjUFW3gz9ZDNCMXJitKQ72mulcgmDIDWQWcsMFyIj8UaObw8/P33hoERjLmTgS9zvZ7ssf/S8me5Ww6RIq4dj5HBsd+5bickyskdVVoRLzYsEtOSdfDDT0yw1DVH96iJFIGQCtMnHwetaOJhYxgr3cqWO5TGtwY9hAXeRVAfB/eSsP0CkIa61pco+bNEjO7xt9JxiWGk/2pwHrS7o5nN5LqsBUNaOxcUN8rV064w/KpH/piMqsEqhPljarp8YXW9cYBbMcQwKF98ixOFXbUEgart8wUEVhdZRCQNJhzOKrstiwr5jJXO1AHLT9DqygAwL22y/acM6uEAby6994BwKvc7bBHeeBjJ+cSTgoL++sLz+cjpAoAfg++Tstg0fmrbjNsiK5Y6ZtwoNxBDyRzGwi/WqFqt8/iy74D/Vm9teACyGGfV8F5JLgI7ayWBDsxpu8ZZYZ7ZU2iZhbwitg+G7s8bPAi6Xx+HChrbGaSYvXLyyc8nrujzyGhvTi0stBEKaLwvqM+cNvZDC7nj1mneQTGDQSAASw/9ZWZrdZAGNTTNp3A9yptFwQMhYKJ4ai1TIUMIA2BJ853UnQMrpSFqmGp88HHteHMi8RgAOGfo6+kQhStXqG8mluL1np4tpRUxsOztr+2D3D7catnHjVFOTZyUOoG8OF53G5lVQvJ4dk9f/2Fz/Pg29YJjApySEcfvd22OXLo+Zm2rXK70hJJ4gbB0wmUD3o1phFPZKm6bAxgdd2DXzsW1byP6oB6T/6voJXmuid5SNSYiKQPIFjf0PM/8tOxmhhqxNC+2kD+XGBeM32KLbAkCaiC2Nvr1uirvqTI5aBmqXu2SOIqngtcs4Zs47L3OhzGCQC1Zmj1T3x9Ph/67rNlmwnElpLGhYvBs+QOonEVEByqfQ7eL1X8RRjesv71rJkVdIB1Ejtd4Az5h+pteec8eN/NhDQ0lyWuYkGdPr/V8R3OVvivCnUFV/bnPDgRsXqAz1S2sS91sX/+iocFAOdgn6PW8mgcb/u3Qjn6z1z1l5/Re0egVdIwXi5/lfnzu+089P62bcf0uhaH2OYjAg8CO5SECksY1/LnoPDr2RC8ZqtDXTikijwmBu7Sf8/nZSaQa5JBxbIVg5/cju+ffz4P6nBu2fPhsPyPMLFj78oF1I2hFC9MDMpnfZvdGeNHtmaHBgK1OZC+izU/9LUWVcS2v1QeaKWoi1TDyPC7TJHey2YO3nfy1i7EWmGtFpQyXsvE3l+MyYtF3WhSh7nQ+x6O4tASC6Co3HkKnq1qRbPRMILKuCFanRtqW1RpexJkmxmwgrtKcwFBLOnC19nuZpkiM4msreUWPEcmRFesK27+fsdrfJ7OTg/l744Kx5PV+SacDwiYHakKv+WbqB6A3DhXz6OxDmSbNb8TWd+PqLCgcbWfR6S6MBCoBbz7XCob5xPyQzEFLehe++fMHYxiT8KO5dk1brNa/btWANFf0Ke+mzzEFN3SnWI6zYzjdM4m2YVjTYicf22bf1bU9IF0gsWLWgvACrKP3uSgBHCSOw9IdEVIT0rAxeDfc2xQ1YoG1N0bqn/KEk1WhB5Ec5UCJ7mcSAGsQM8NiXBv6JAP7eCfaBAHAegC1Jbkn5PCI5SE9bWNsmXXwaqFE2bTPejYeVCAU8UJbM4xw2vWcqrz6MMlSXMGno+md1sSl6nq5AShJrgk5+O/riv4doY4vfVOBiP6r52cO/F1UCiw8tnJXDoJ0IBgJWTPkyPFNehWgE0FN7elLCV7w9oOm5maws1p3Hyfta4Kjoi1zwdi4YegK934AqWVl8fk359AYo9afF1rkVve+/NetgtvNIGhSC4g9VwPbaFXZTqo53dw5VWiDdL0foXq4Yn8eTHpSr49mKydYQFxkXsGXzw7JkcFgtNDoUsgc2k1dAqEDOmZmT3w0bbpc0lWiJXNpRV5rf5wi6GATNmmZLv2b0C2GjBzIfTchRk7uPhLNVC+wHyAtvm+7/RNQ2qXSChDNrztQM7nkni0YeLUmc85qrrH+Nl2Du6F9jrlPhgHz/oAQDP3VOt2bQKe3bU+WvkNb/qR34toPwlA87yi0ZADTp2DlUOeejVxIJCPgxb/zq2oJF75vVPEQ0F++7cDblLez5TrznWd9XOTwVEgaGXjBTwzFTd99s/ETQOGCNsmYBWVlaecabaA2p69zPuu6n4I7PW2Q7Srh2PYqDAmPkQD2iE++xq6qsdE4bxvx7V7wHSdwpbaY29vvVABwLN3UuofHLYkZLLlt1qLAFeGG+KU1wJP4uKNcAawyMA+1+wYAyF+O3BeQOH96wsAE2fGTdf/nFhW+x1+Z7UBq8rbg509fNcDYutWMOjMXiodBGQPeZGj0Dye6O9G8OdWNLq7vV8gSKQUYmwApc1cvJ7W0lz3qFDYBRExAjXnkDgt4S8n74FuE44Elc0o+XRgHJNg0ua985ZGXv9G/WDbZDJYwHI7V3aLsGejTMebiFETacsEKwnLXA89asz3Hf/E1ogngS/d91YyV6G2SVT6SV6S5y9dCrMgWVCVM+cQo2aKGB9DzDYkIX1mNKatTWKIbuH4UWJ9lrasivQpE5C0+X0Oi7I5mIz3RnMmMEWVSdjQZ7qV5Yp1VrzZf0Qmic/tVt3EStlNTTz362+2aYCtM+q5TAXAYwY4h0d+DsQGAbRyiC1Nv/ozHNerXDzk3C4mcFNsrio9U/pGNFFDQmWpyg/dD7YbJ/LzcGbGpVJb18BUq4zKPvLb0oI5n7GG1Opc6QTiVexewbNeTux/rm1C8cVpGCLUHqNzefANB5FYADyfjPa7cYr4MiE8hS1MSVKW5IjwmMlwoIlwnRTY35nEfAARgDxfd2v3UWGZBMvuFqnG3rLLAJ+vh4Az36UCw0Wao7msCCCfBWwXvKOH7DvHc7wAoFwwUaW8V7ndimtJzZkNbc430f93yIwuiISUQ1vYoG3TLVeF0GZY4wn7pXyU++K0beY+KD/fMidwP/8u207crMKvj1sLS7EmqGxU7MkMPJ/Vvun+DoPXbVvKlUpF4pqcCHDOIlIPJkNNrkAchzfUXVuKAcQaxauFI/CdKlBRCSpj2QqXWpIxt+GfXn9ez60POGIJWcFbiPDcmN2EDKvsBD/2gDz8dgyUjHng5XyBAKdt04msZJ8vxGB5E4KdIEAWcKqOM+QXkpwzKdFaPgRvcAQ8D3wrEtfZzXazr1bnoFbftFwEiuHvFInC8y3YeKAeAsjDYU8rFjzw1FIqkxC8P6rspYZ6rlEKlIJgO5dzUEsH9DrTToQsr2RVy8RJNdhzUCPA5LNsxy/Dug9hKxgAIKiS6QpK8slSyUJFBe1L91kHe8l43C5MyWdKorYArWZDTF/hx/LMvLfpuOplNlUByIocyVgzPJhtHJd7D5Xhw+uURzqbDGrBCnhKejlyxmnd+Wkvkw7TcsCEiHk716/2M9NAu4g2IQA5yhG4/7cLdOg5EGGrEZNfAbiPvYF+Egjpl22fU/kudLtVcJOBBwdHABWp+SiJ92iA6j7T/rQAO2hLvjPta3yd0zvq66j+P1BSokqlzswQuEpM2m4M/ii9vtf0/aNtog85LOHu+SQxSZh77gvFTWg1wc3JT8OEDDwPz+pKtbOVVQkObtGkVc/QyVGaJQC2ckAKOJMeJGuOWjQQJvGWBoeGhtFKvVHoAYkztHUCfxU42wDjS6IPG/9+SWXCQYeX/5Hj8da1o5YTJjChAtok3/1se/bWz3sZZFoRk0lVpf2TB80KBg54aADO+W+tukHAHLvBIe+HSVQrn4q2CSlnVA3yYF0+kpq5ZErITx3gFenhx6afPzAha1sBUAe/fnFN7/MsgscgtIHaDylYkK0IE6zkkNPdatnCSfp0kwyZJDvPvXUuUoPSdU2q1NW5rvcqOBzN1/CGNCuF9marISXaG59n6e9eudBJjtttVLGVYjNxdNKAIkkSIsUK41/6mVXAZEh5roAIAf2GZsDUt2RrVeHr67JN2L0oXktlSNUwuq2Fp+n033uwqrHCFj6gYmb3+Sz5Fas8PAdirSHEeF83720EamsrZnBmwt3W+S2r/mmvMInnSnZoth//bL9Hq+pdHZ+NfyTJOItpBlx7S2R26+jaG4UXZ7+oHcATeHehaiGrumIfcXjk0ueDZ8zqc31A49MFDc2sQKxONSe2XZjWRcuO9xVTjErgnFd/QeNc3qZY01pk7Ow4tVR9j5wxB05WAui2yFNUGzhuor/KxMixzSBej42TilOp9vYL0zqxvCvyzGWvwcOXbdoHfytW8Ntj1NhKLKMa0/7NF4e8awRyPSIRFO8TIpUe2bS+V2gkwIVpM/nMUNUzGn39VtD3vbz+t57HaRIAz28MP/lOML9hWgSH34ZVCC6I00P87Jdj3vh+z9jbZwvvXQPp5RetbuRLibrayZ/PZ3zXEemu9htBW+yTiCx8icAm1kv55gMk84M8ni/jA+IiS2oQvFdcM9/Esa9l+7E7BpaUGIXkLJFevECfjlMoFdofDUN2HDYhiipspZMukEcGSuoOKA+bfFN+6m/5Ju+7sXOr1HTG8cpWOt98qNYVwdA4/5taJoDyPKiZSTnYGjM/tsZH8M7nXJfOL4Lcgx4OXE72Z2XndqfxJ3MEFomAUNEJnYc/z4e5iro9YBs54Ha2QuMkz9LJ9P0sqbeERXo8R0DbEdBz/6o0DiCwxUk4J2ZaHn1e/9Xrz1ufkL5qZfEQI89Eg2y9Eg0nZnKS7kFdsBMBqjgA0yoVAggllMWq+kF9r66KqWaCM+wncwarM9AP31+evrQa2EOB1hX505XcmSQNJ6EJ+ExkAjg8PN8q8cRc30AJSQ6BLbFsDGhLATf7QLiaYLkqtx6ptnclbctzIy6yrJ7VYPWWoUZyHWpBrGxE98M6scsekuTvoYARwC1ZdtUiPbka0deV62lgScOlIVjNkk6kEa3HdeVgrcBnLZI/z9Ig81TlYRFcPECzzsHA41Vr4YpEzpyDlUtMr1cSiy0O/sxSy1PGEgOtZ80bj/XUtD9FIHK3Qf/YlwbG1bGTDFSoN3RZweBgskRCWqUCPlt4uwPs/5rMcQXAIMJ4r/Nv8Ex6ngT/bHdin7G+tfylglmTRzA5OsSgTnTLtp/Hju/6nqsQTwDhdbUkDq1wy+4VrSuxV8XY0+rznjqv98jsKysliMutWAbuoXMDwJvtKg9cRA0Fk5MHHBPHm0Wi9uGwzzo4tXGgAXl3W8UiWKQSgLbDyy9EbilQmDD1c9P9iuNqCa/57C1uOzS8nc8o5+HJh4kE51vRdg+HZr7HwTX8UWAM9dyx78CeSjZvaBKIwUhKPXKEUl0BH0nLAQKgJqvCrYquBhlwbiUuP5lEdXDW2QVwckjC9ekybieOQFwioUBcJLFxjM8Yw+wQse3v1PoE9/RV6MxuxWYrlFJJWPS6aqQAvkhexgjGJBt+z0uCpNZPSjnD5/XhllmcCjyVLFHGovInDQhNDgscndNzBPzdEdCwRsHlFFYI4wSRtChdr1pwel5HYFWBDUQgGZ9WtxWwCibkS8BpZORe2Zn9Z6HkIRDd/tPQsvyESXS3qkcKQZ93VkwnkXSs8RwBD3bl9er3BJgDAeSLR88rK672xsLXfvn9k6u3Qz5hn4NXQyv5vgKVGtSKGvVXKZk/pzh0M+e8cfilqsSaE+Hh3qe8gWzaLX4yUbPWR1iQIJGtK0dJ94OlGRMmnAH+w/PEqgr7PIgthVIstZQxEatVeKOAQ2zDmLzxCRPt+uwweb0Ral8NY778dAzzq+er+Zlg3qvARNOJ3Hoo2Q+g431moGQzGYE8S53tefkQ9JkHHEOJQf0eCNq8ORgr6OdaA5+MVpOYGDB+5ByIhTpv+7XMhbMWBsOrsl8Akq1B3HC3mXyuGdROVLH6zDmeGxtPOwqm8KCCTpOURVVAJ2vhhDK6DSr0fitIDpvQdMHoWQupUQvvQQ/xdxsci00Ha336XtM98nM9S4etFlLAZ+JZT2N/a6W8aZJf2evjJxdAUv1jcsbqcOK6nxs3QwXDfn4Qpg0VozvfpILDXoYQphqLpFpN/eytyNzBTcCnslNaYrQDbL7Pg8RbVhJuKj+jJEALZDxYS37eGW64YHnaTtsadC73AXCMhaqTd+Z0xF3dolg2LqntRDieCKQKFi6QGj+bFOD2v3tExOVH4mnijrbJeHB+m6/ULXeQX2hF1uAP/h0VhS4+ta9oH3It/air+K/XzPC72mzdL6Tv6Pz5Vuqxm4JxaHLo0Dxa+grPv4kAPovKGFTgq2SboQ2xwftfUdryLMWvCqNI2iJSWCoKidR2qXs+3uTtLviHiNt7WyJHqeSMObiSL7dX/dPrzzNqFgH0EYAe2dAcwnvieBk47epE97vTxwAAcIWVhxADlndHPxR/jV5BBxDUteMKASVcvwdgtxgUBFBT8XdFiJPaf4lA0Lo1YZ8U2AjfwzCrpu+dzn89SyPbyB63XygYvNiaLyBDMMib/wOTSCaOUAKqYvqe9ejH1AfsZDmmv+7sg+dh4Nin+PthWTo/q9s1QDlrV+h0t2bmzARpq3IsLZwzQFnb1iG0rHMJ5HJewVI+wsSO5B7/bhVaUoxQoEsmZ89nCJmuqMKEEH9hZeJ5PFRqNo040eX5vHsRZUQpKZ8CgifIP09LSZByXH9oGfyPv4KEPLbQmJ+XjxXPWjZRAJgs1c/pbLuqGoBktHCuxHTvAm6A5cz6HZMgNhT4/afKZTuqUp8poCBLmSrJEFZvHTg5A+qD5yFzv9Jzb6ja6Lk5cvwMjAaEBqdDIDlBuu3UNmH5Je+BQKve8+jsesMJZx9xSKdpaJNBJbWIHW9LLvVeuWRfJ3Fe+0ZdW4MO2uNrRVdxwBz6eqNtEkrs9jlYWkn4aek6sEVKNomEAdUBn29P9x/Qk7IVAhXPB7LdSXmjoGfipzfcKZGHP0c+sAdJ+v4XYHKIygv7e4NnbxVwAj/JZF/7z+1K/Ne2abx02SZ0dr/ZJnwvZqPbDL0rZ9UiKBImxCpmyGzLQxUvrDpthScvBADgmRlx0PecxBsPsGNAFhUbrBjyOQ35wCHE6+GGiCNZQOHgiYcbNuDh0iTllxIsDmeVrzoHByLOi74/U9eus7vrbfu1LXiT2Ku+8e0CjBIxvBhAbd8AkjVLKzxra/bdliLxW9wkkD/X5qc6l/20n9NZjdOSZgJWILDbD+7X7YY+D1fyJaC8z9vPr4qFV88b9HaojuGaCWhADX03lAeSn940kn2d5UeH2WzEs7fb7zDJ6+/f1dbZo1kBhIaGVwmc/tDX89B3bUqrOtl2shQL8Ky0EvJ24cAxCuECHM9YLQB1cPLB+35xQLrw4t6a74CtJRneWEJfmCdxwuovyF/ciU2XD+BaNTAKR/pUcFjxCaz4JcLchVDAK8Y7wyIQ4gPNUE6oYcoiJBvldxJozOmMRHYv/KtLVHy10px/77j5vpphFqBSRMG2CppoNWSDMe1HWPAI0yI0N+ayTecmnfzUtB8E1jfb9L+3Ehi4cpoUwUms7WGjHmGQin1Ow11kjdAGGb0XijbWav0VyA/nXCxWISHDv/InEtCNafV3bhVjG4tVQ7I8n6FEn9EjTPttgDKKhzTuYsDPe7F7wV3ieiKXiv6f8k0XukKgNUM+Ws+AuZr8OtCt3b2pE51OwjbzrNC6Z7CAcQonplVQT5/3vd90Zsd4bsmC1J0CA7+e/1K8IoF09tg8P/2oDTJQIZ+rM1YaB8fC1tPYICM7l6PqJton+J4Znrfq0nYSwqXIb8S/F4S4dYqLbowNHTc3Pr8e5ZsH73vNirMCvs8fND/U16gcFsaIwpu6d+60CJFgxCqJs9Gq2FG4pNoJo/OfVL75bd5YEbuuKqCcW6PV2pxNRdsKxQN3FfA+RGMbn0PnnvDn6p+lh2bdNOOiFVE+y9B3k5+PP8fNPxM1D5pgiFhKAOdQO/kzEPdazT79/XOnB8u2+qVKbKZXe6rSZnAq55mXhLl5DYw8rv0QnKBNUtJ/beZOAJUqmXG0Vm6kWVYDWPhACZSaQTOBoQre8zydAFY7cjrLtT6sYpavBt2GwNYgVkBp4JZiA6HZLt8U/jHKFISrtnJSWWLmJTOxpDWD4MPPS4fHDr+qrmc8yW0B3f/uG9l9gKDB7GMnmvBkaw4AlhpBUv+1Fj6PmE+kSBZKYw/oBD4aHGxHYaKntwrFJWWTw+iAbbCrCobN3kldV98be/AgsUp2rcnEkH3EtD8XcOai7XFNJEFPH5Wyqqo6MbcMvh12O+9pWUw9YyeXsJOft73a1bIDAIlGnazIDny7Tm/kcivCquhAxtkPRyCRcx7svOwLUu2GVLi53/tm9WNameDvpipTFdZn9b0xoPMAckq1XZG6KyEiVEU67APkkz2/oeBqpkhdQL5RJEeuBovtmAAMceXgxGBhKa83cljhd2Pr++WA2zBMq2YNAt632q5L1SaeCakm7N8UN5YIAIOGlBx9VQJ7WnO8AWfmmDg5M4DMEefElV4E/zsg4HTGPpscS935LFQtdHsGZnVhBOXETJj/p5byf/7lHvvvttkGB1Ez6C7vU3+zTRIBBW/F8/2zbdrv+oxKg9XPIjoougggOKvEouVN8r/Yam2wfcGED9VA4feowonCxgKQSI38APR8zlE7qYFL4dXD8nDhfdB9/16HXL4v5yjRNB6/hvZuYwLOeeEPkUAl6NXP7o21RTorxrn1GMIfpUGNtONRrr6v+8U1wyaqW4JUSqdtd6vBJID8d16XyZD2wWKN3rfwvuC8mbKdFLrnXVZ9js/+URUVVJ+G3jwL79fWNj30UHE7wlJLppUzAWjjhH1DoYfN6uxAw8lbNejqpofbmpiQbbJyqTgr0OB5Bj/1xW1LQFQi8TR2AERgTQRARGl9ue6Pv2ah8WwIi5rzQC1sEBMezwTSTILIgxUsPOz90o+FE0XhFk6Mn/lGDmzAVMp1HQEXYvisWsksUiHDhOLEkSbo7uevz09tO63iCmonDsS59vOB9StxHFv099G+xQUACDNiYvdzESN26rBiZe4B6kJvKSyYgINLrrFNX1cgODsDwik157JDtEhPmo+SwUzNRizQ9OVXIxDhhC/VHieVYXG47VpUOABsMVlq91rFBP7JdS3HUMtIeImGvrvUpj06wbkFXNgWQf0E4PZmYyJVBKoKS+7+qK0TzlN0T6NwKfN/5stxs9vYa2zzn+OmWjv5XxDagFsRfcTOkZ2a9ehV34sDeyMRtVnUPp4T6DzixrXVn8BzNxv8Wi2imBuY/DFDg/7DZ58jGUoEm2P6OQGkSBx/ssmSlVSVnVK+PLkbhM1s+3WGaL9J35X4ZpuuFZ0CUjO7KqYwj9Rij+S2ok6w/QqQ/MAiWY34ZpuOm4FoscXeUjzB90J3Sn6pFS7wKAb6iv1qUAPZFTk1Y+Boe/B9eFx0Ls45YiulioMi2akU5LWYqGneIOY9m5TRtfWD1n8z9NFPewSHj4LjClCdbzpBugtGJKD+tW3+G0WN2dzUBoHqjSNMqFwBrZbAAheo1s13v+qxDLcAwImekhNJxrpgk9EgYFt5U9NrydMwyYK/uFK8yyFVG4jX93Zc1PVDFcXZ9DCAMMBDEetpCZa/JG1STF1XnU2UaO1nM4ShPnG2dIQe7KyWZpISzB2xdOg9FRxKMOGk6UrsbDx1gKPE9ZFSJDRHhiSUlBXnNpLJI3kR6KCBQk/5NzjwFP3nkfJEQ4q7BcbPocTAej1iBo0n3de7EOvBSg7g+qzVldpcHNr8qLKF+L4dzPejCUJMVd/P+mw6pc/zwDxNk2wO+Alw8NaZnmn/hcHrD32FQFmlVsGda0aUDsQBKw4MaOdv36eqtAKd58zkRFfUhBO/JSExZKHBK/8yBvBp5bYJRQc6Vo4HLAwoJghJt64pIJ1QUOnzGR28fR7KNwOeUQMgkkTWVREArnONkS1TOcDP9UYWg8S6v9/14jwC9vzy403+uJpxJ3Eknr/+OsgFqb7qujf2DQw8tZVSh39Osd+fJUBs4pdvs/pznGCY+TfWHzBQ4HC9URcx8QdC97uC1b+IRLoy2YkB35eA4PQzVPbT1zlPOISzVPU5hb0JKNm/L9hz3Wz7m1R7wmlVk8+lf/5nvkI+rM7vtunnrUQ//o1trrFNkzi3f51NWdFxM5eJzOifZ2FjKvS4AAliiMO2pwZkiqYeXO9r2xoaDOAvXRtn181q3czABmMj1F51jmXBrLC9ybjuimBvCBQYr9BWhRLACSZKXv9tI613CzDx+1l+rbBLzCBCaL9bNoYmFv76cvIn/ycA7ep0t09c1WgnuE16H4hwZixxK2aBfiVOYAie+Hb/URxAud99Sd0LXAtd3b4GACdSZIDuxanGNL5FCUnlu0BVfc56lkkRlHPGlEmewvtFe6PClV94G3fMCYCEXHN2ndicwXA/8UXFAs8HV6haYSlVDQYPHT1jq7pK2DWTm58QofXl/KWjZCiQOHnwQu1qX0EC2uSZkqjMwt68kY6E0qOgC5NWCItxsZsMz7eAE7VCYF/xykmkMFINfnNC2+TlFSeySNat9SAe6DxaqXm6UGJlGtVhs0GOoXviBNJKdH63JmENLvAbFlXMRhVbmiDcnoHPJzrGRt8DFXY79+D78AxOFHLiz8Rp/J2xQCDwhNT7sb7hBv4oiwocRiwF+QJW1hBkMZj2yAf0HB/9k3MdR9njPKOLhemChn11dX6wtWnu84vnKUIEoJLqgNX90ep72/oM+v+5L6tw6/AMWjG6NArDcc+41iQHMFgSKA3qpWK7Z1GUn18gzkbmg6oXVdxSl6k5lVH4Ood+t9SepvNrImnvTWKjRPgJnxzPlwmO+DhdC3HSgut7uAABQQKqTM8JXY/swYWFAhYOMXFqbo9iycJid4qJiCp8aqmNlUIAElVg/p7Rkx9yQUsJonEw1Sf5DdMCtk0TG6FrhWxB+F7nG1F8X+WbfRvCow38vDS/VYRSxlybfyLAAdMPk7P2B3fBvWOSk0SIIgh0lwAymafHmcJIAsgYItYELtBtVZzFO++r6irofcCRBsa0vz5DdOljQ/lJZHF1uuIxcY2Vf9Vq2X96/ZGo8WyVV/3JdcrZLZpZHDUPj+CVWTGpqA4kBFbfnR9SwKvMVA7YI4AIRPgypVfp5NHufpwhIjQs3kfKwAtALLU4bdRhfzX7eUPJvfriY0giXuLTn8ceRMyDW+qH059/X4cLgWAZ0RN4VD1lNa8w0kw57vQ95X8fDLlU8Rvgvmb5fH29rHIgUHvjeTydXvvuky0MTHp8bqPvavhUXc/9FKb9KL0qeYD9fe9c7RlZWHQrUiYlnZ8nsJZWLEcCWCg9Ew8Y9SCu9EC8i800w3oP4GR8niFTvudmYjkJXI68mv7k9y70BhbO2irs90WsUrXk54Y1kxr73V1N5dDZ+ZkZCl0D8L69S3QiwX55AMaHIgF6zad+wySNAWzbAqiEutVJVapeXU48rmdkEyLwIRF6z2zhcK6UrdjROFHlVRIgCbBevbYRwYFgBqLyAyEb7qBfmrafiaX7gTrf7qNBqPIxvn+pWh7ZxEHhIM8EVhKqgcILF1fr/WolmH8mFQxPHeFqMvXuuVXovs5tiTifZO+UVrt6TgcE9qrmOQn8X56RZz9oGstgubjucAtAaKrCdWaA79lYdevA6Wgz5MG0Yxh0qhq91K+N6g1d/XO+1mKgLhT219szbfLnmmYH/Pd/2TYJCp0gt3QfJjvGNnmGFsLklvuiTcj1P2X1Ttyc9GR6ss3YZrIynY6bZb3oSPBDNuPVnaVErzchlmffXM9Wdr/PRqkktTL0WRO7OSvFAwELpTXSR8URx2oDcW/csVrEG2Ga5Ez7/rnT2zFtbxQ2ky+wWpLL8+7qW9yku4n2lZ3Z6zsexRWTZN7QY1DuSiD/dTaDtG2Wkyz02QkNI957Y5+DXSZaR/W7pY60fsozS/g/L39An6tT3JQFGDib1IOAKEkcxGA+n0PhTPqHKuyvL3jocDugH/h6ng9Qha8vDtMNWFltH+7zZz/leDfPkCIoJSzXYFgfiIjEfr9ke6cTqFiL9x0LgFXknJm3z2QzTmSsjv4biYHqVqUelNmE25byib9zlC3ab5gwDwE+x6Ajh7BQOOtSUi9j2Pb8/L5ayZuLihQSN1S2LRl4D9G9EqhRLzmptMpdStyc7/u+bBVETIvikkSHRdASRvHQ7IkLXEiiZ6L7irKCIRqTeBi+42A+gx/ymhnRfldtYCw8Jp4FrGUiJHGOrk8K8tVEjf8XV26gJHdCe8dqxLVs4Mg/Lxag3BJOz5vf7K1K3z2Z3NU5+Pp6pej56Zh24qYLpxnTvg2YIESb3AyBndyIROcoRt35kLlQm0OFTcISL8rOVNxNEW2ZBw/Y2iOxFrfcPcsgGYDxTQ2REYWtDWbjs1/07Dc5/733tLsomQ6uVAYggrwuwjhn3hJArGV10WqMANTxHL+USk7qHyJt5WXTasu03jj5jCLk5jMjOENRPmNj9ziCfTaL8BqInHe+6W2EMbGdarfBocy9T7dK2tY8i3GfmGuIID2d6zLtMSjm4Pze0UQqbXMfza9RIXkOkoceVxf/eR5v25QCuPOeUTyxAKyxHs8Dq2TDqPmKDZ0dKTbUPhSiKzf5V68/r+fWFzCEo890n3MASByDFji580FyxUlpVzOfGngaehBOYG5DK7QDBdCgM3yQ/HlhBxstQYpQdlhxGS/QLHZSUVHgwL/1fOATHmsOyRKj6Gn+qGqW28qMO/i004ghnMwe4iI7mEsyKHvN8ZAdAn9pIK8hw/q4o+mEYTDLG0mQ/CyEqwq58PnM9/LzapmVelhDIKDKaw6h4MvgvwrYYleB6EFIVjt5qC/n0lxkWjuB0H1I5MP5M7miyZj7vjzX8DV/vp/XDCJOPI/Ahq7pfZ2oSMas3/t8vCZ8rslm0huHINAtdJ0JrpST8PAHFwY566HKG+z4Z7Uvh5bX98/+/mHwUnNWebbYs+8zEICCSE4yEnT6r0iTEwP0IkLrXNEJBAC4U5qBwFVxkQMGPqr+JIqtCUc91qmV8jUDxUzK4pw+Y7bNsQsr/4Cqw5GiQSI2fUYwwI0DxWsCrm+yCZoL8yVURc65RxGQ4k+J8xV7T/EcVRTe/SXiislCVLU8PoLKBavkWKkmyDCgbpuIQObRGnAfX91T4QB9Q7kpq8auCrscDVcqq+ohuXABQPrJTTLo19E97YFtECiPmnNSBIkObP3rAvd6I2740vkqJab9OcfuywnV0s/9WSb6H38dzYT532Cb/N1RQaQqrgZfOuSchxOj3vF5IcCISzGnZ2JFapM3d1XfKFTkR2aDj1O2u4RJEZ+2c6xO210NJzhFD0g8e+LoAauQCKteRATvmdmzHqoWANud/NGxzDjbdgD09RWA3dsalRCq0jz+R0TNIamRUVjrl9qo9ly7ErotW8dxYkAM5Hs9VXvNsdJzoJ3KsmKApWNVnMOhlfPEe2bJW1vbduSnzxTJjlZAR2MrDzM+/d7EMGhfeUQCHV2jgWoTD+HtRSaTSJ7/s20KUxUQ/jk945/6Cik/3TJWIAmGGLKzi49hpQrglpcqcM5Y3TOI9PsqyJqky+Rg+bRNmYlASXWSTL7OlgJLFrgcUwdmVkGzcPRewrRQ28wqKQjAZAEIPTcHI24iPSJYWFj0TCt8i3unjGHnXN0KGM+9aZIqqFgrYIb6xyjrJmFWW62+j3G2QW0nKsLTj/EzeL64aQ4d732mOSj2wvnCFbZNhsDs6997FK2p5zz3m3HPils/3zuBG3sHc4YUyaDfjS7WjrIu1M7EX5XfAje2saDqQbShofqBx/cXo9jRr1/nWX6v42FHHKmjE5/1gVukNn6ubUJqg7yi0cgYnaRbzUA1iE4kz7JI7zgks2lz2m4HxtFefX0lzQiMj0Ngn0nES4k9W1akspIqzf7jFG2iYrpIQhP0ec0k1KzEruOB/QEkn9OKwN7vt+uJa5PRPgdVzE0oEhJWNt6F/HPRN/eIAI8liIK5jaUiR4+akP2n1WTl9IzDghvTR9qU9RxUtEHg+fzqXFNZuf7Hn2tvkqn0V9gDxBLrCWRV2yY/R5uTMQUq57G2TW/2AjC+TKeGwp5ovBEr5Pdlu911IoUT2TAs8DmtxfEaPfYEzHHckk4MFyryKr8XqTp+F1eRGcOJFDGRxxWgMGT9P7z+SNS8rwPOKFxOvd9WOw8LFH3IIiaBcV8fgJZw+0FW31h+6fd9O0kE/LtxPbgxLL9HAyAf3k417HzlKONoUjMjaqtFcrbjdOXkeFvJ6qoanbgpRlcYtNWmIyoaOEYIFKQSFQFqbrVaLblxMhVlWaq/ez9bgbKj4Yv8y63ZEYi4x6heAPfTz8atEKkqTJZbI/pxiLVOJVhKrBNqzcrrPo6cMyUlW2IwJ5iRfXwWwQhZzqUhw6mhTDQgT7Z3hYKPN9GNHjFVLbcOFAy4tTlHiYfbNTqI+uyItKNQ6IA946XzKwckZ8IlVzdA+5mv9/XsDm8oUWviMnlxS3dtm9Hm4nMEGLQUcEi0Nskiu0uEekttJ3zPkmM7VT0BnRWOI+CqdcSHrjMzcWKPPdAJALg3c43z6/7qGyRZyhoDvGIJbDeZyjNU93cvtL3w2nm208RtmSTJrtIA6oLrTxqAqStrlVuz8UBX9v2iQlBw14miwLuTBNi/xBHg91M4VONUduujX6eVPwO2u9rvVwWkm9HmDAXX4J+XifUgYTtgFwNwq9RjrHaQshrJaQcYGbOwrcBqh118xmFiAOPCXQ2MOXfemlP4DXyaMBbo+sm2+fWl+xfrz7bpeOY5Tv9gm9CPQPE04kzMDfrcvdUE0TnZFAvo3OeM0Xu6lad6RlhaKZkpcBfIY58v1ZMxl2O0nrHjJk5xeL7iOkQs2d+2nF/KRq/4HVvIvlTaKxVCHmBbtrwwyi6RA9mfGbYxmXCT8gK/bkNGKQWIwnr4/U2Knr71JrKvWC3Si/J7qOrnczxAa2v2Tdum7l+DUzg+8XO4PnbrnknpKELo3UeFET3XKiB2YyUTcfYB+4AJnO6TFXh7f7VdDfFiElhAVPGA3KDPJe3u1G5Vh1tfWip/J/wXofPTXmerKLYSa5mYf6VyFOkmpTKPAG3IWJbKDSaFJsICau+papVHF+mqUGp7OoeKydLwfKum6LKtAqhu828iCSEMOjEPMK6bNsbZAClMKxnAOUPgLuOomHNN8s+ka0KbafH7UyRJCW0TnZadOsUYrHPbCRW09cXmGuhq/sSrUOwWue2Am1cyXDyvn+cjv8D/GdPufRrT2mZpm/St9gv2sSwcuxBotdMUHwOcJ9PkaLcdayWvbMaFymetxtMIq4gWizLh5xhjT5g8QdCkcTe/umZe/oZpGx81nqGqiPHWc7T45d2mbEzrNkjPB/mJr98xLfOlLxXSNMuu5p7NvnliV4YGqX/DRYkjpUfheooKsQelTgGT2FaC7jPdFcxn6BtPx5TfFruIkEzPESoRMYDySJ33WKjkEHH65Re9gTifjgfVtusDb2U557PVbaPKVTzn7hM8m1xnHr2BWN6+v5fPOmAYNrm2O2C83c2FB6UArQxyW6ZVOPactk0OAC9hWj6B42tVrA3B2ir6RhNm5XOuPLGjZgyxerwVBbiGUV9+kQ9H/kLfe9nG3a0i1ZXeF8n2qlPBbapVVBBqPmo1GUz75JtH31fjiKXv3LG2nFbwexmH2/f+Se32R6Lm7ADAoXYEnFw9xyGznI695PRxAZ3eB25n6CO1FgmBUvVIAcmVmf/69aHTRbS0k0V9ER8IsNxQQG3ap4/fBRohw1nNogceb2hRkEjJy4wdQ32pvcJU1TIy936b/HZQMjwEjEF+/t0O2Sy9ZJ6v2FzJIGmI7yRFApm9ihGhvklrgO4Eyn3OZhZL3wPteHhfiK7zccWo8Pi9/Oggp4/VFXDHS65IA7j5Ifz/Jems/t/Tk/G9ylFrC5+lwMRBap9HW580wJmgieqf5XgUnKLv7wNMcI4MPAKTeuKgWipRkTiV+HoP4vCepQJtFfDBwnoWnrRTBrA3E5W1gOPhjZpd8nNj2jfbZL8m8JqEi9C68wsInI5uchq8obOmz4ii2jYBwATm51kiX6cP+ogYWGuG4TkZSdADK00CRGqGk/Lwe2kb2J1pOhEMKQjC4YXn8ets9oPzAulQCx3MTNBOoI1vtnkHpQare6MZ/DW2qQuagKhqioe0IaLXdU7ubWtG/7z/8sRuW9qi/Z8+5xPQiA8ovzVZQjs8F9hkO8apreeBTprue2D6NxPcZlDoc+OCJisBqlRauQKgyeiy/7nPjM+SB8dNIGXibCKKv3tO4a8vggc1xDD5Kc+oCiZJTiR9etx2Uwz6geq5Uz/xxdm5hcL+n9km/tk2hfsBkPCHVDntE4vr2D/PkvKVVSMLpzKltLTfln0loLWjquSq1adigLIB6qP2NA97hkgZt1j01jL5g324RhSpPFErawOBOFMFB1Tdgs5b/nZm1xRZYNJUmwERoMpGhEsVVX7dIgz0HLbS94CSNSsbWAXTW0dA+h5uWgJQh3fpCfrZ0/NFmn4hkF1X+0TZ/xHfHM1wcQIQ6ZYPFzWiVbCszErqfvwcDrzjuyRc973jmnC1qx6SOgI+InRmmDDn2KArsS4aZXhwJsmw//5r616QfCklN5+1VOAKnVEnzyLXUMiz4crpXfH/eS8qvgpDEu7DmXYZRUzrIZMXpkWM6ioyEHV4T63k3G8nyPFQ8cg5Jb+mPfnhAOjYReRtIg0F4DDelJ+lE0LbmMPKJCzA5R9QqPIWoMGptIVSmwVYnFgiR+B5K3N37ve23ZY+A0D7qZb/e3ZlZtvwOa/IJ1GSVV1QY8JY/Z2MQ2f7q5d7OL7iUv/we5XmeHBbmwijSVuvf9IeuqtMBRhvdnJrIP2dkzsNGs3SINVAN/7KBGajDK+HsxddzIZwDVMri0en2muMMDHfKv9u4SidDfmIc9iKbNskxGI0thI9n2yyNrS8xMs8IFVeFZPZn/oypoUU/4ybUNzcvfKcN2gIM8B4yPkAi4vnwndAcym04RWIeLC/uLqbRnAAbS96Ph8VAZYI6rfPzgFmZIIyKPr9sZ1nGf+YCJrW46pAuU1oUaBwNpT7qRBaspckpltZCCRSeclw4dH5jWNhiyjeF919cOWbfSQbo0ZbTPsN49HQz3kAcBOtY5tW6TEuAZA6DMHxGEtEIkGbize0n72N8VRA3JrFVGZvDJJUSLBSqFVpqfZJ4ZVHRRM9m5XRc8nsKyOeeXKy11jmB3QX9LEHwiQqHBNPuwdamOelrfIrK26A812XBAndOSRCla1bwlHCyPdT+P31R6IG1ywQXnRpAntgv194X/WAdWIjoGIQDyi54bsNSJhLMpFRJblSy4YKsbL7XfsmNj2/5LQuQBdjHO0NHWwEWqwIcWXIFe3QFoxgb0Iz5muFHLx75S0/dLCe5MQsn09BRgoo8jCI2J3DDrV0QEx5mam/AKcIhXNXkqvwWfOdUe5nLCpbHLyKzyST8yd8+Ojgp1Wp8wQAqwTedd2rQhuaBLZn+hRn3zgxU4uYW1RysXrzPBoSjJCqhtfBn3/69yNI6vi55VoN+Dw4KkKBxvJ76Bn3QOYAYuGzHg5bNHo2qxleZ5x05OdoJCOJJKj9B/USzNW/Npz/9IsOeI55VfE5ReB9v/g11oC2kTnbqTvRvlH15SoMOIKKLfo+3vEeRCYHRoc998q9xmxbW/1nBXQ1z9UGt1QwXwh4xWHoUHIulsiVZPucuxvjcb837XJUX4D02bCayqIO5jOqMJTOTn9ltRtdsx0Y2KMZcV6WDYZ/PusOdU71bt36QHb7GzCrc9QywJaM854OtMjr80rPTI/MbVd1DnBo109vzWOy3W2mRRKyFNi+4VcHqDDhpmSkdF0ixyyf5/pj9Ht34DbRVQQZVlIGWXTUGbCecfBfn8QuE0FHm52A92zsUjtoUIXi3MDDI3kTXszGop/5om3W/7Jt8hV9H9z24ATZ8xKOQBPXN7tKfanWGkjOGUxkV4ddGMhOtvyzTIhKgeS2zao912lfsSZ+pVoCNBa/42a1qQhRKBm2Sqs0XPAcEUQAz+Xhxrh78O0wI75PeSPYb21CjLH4Zt9VmJXVCs694lotQzzDBW95axBrG9P7sKjEIhOK/iyRat2qxo6H+8lZmRWZ1H7V175P+0JvziBpwm9iW9771dma37cyVM5TV+ghtIUQAC7d+7BiBIX/+iTeYyJatllcBb7Pb7bZtzzRH4lX7/tzjXMGuaPt6vP5YCVt04qZdGugXk0EhAoNh2+QyG5BsMKdgumFF5tn4glUbEQdPJ9AftBtsrJo4TRikBT2LPmGY1wKnb/Cb5gWHER6tS7LO/NZPIFcn1ZzqsCu2M+EaWzqdALTiW/q+2sGouNcgkRomqiRkx5Mm/IVoyDRCW58C+UEJLD5JytZHDiaXZlF4sMKHnbpLiyvAU7N38iJ5f3Eyt+1Gi8FGDNdQwESoS2anUvofW2Hfu9lrOvPEgGrh0OSSfeIeFwNxMo7+FfR1wTUtFeEscZ1OMFtWc8Kxk3duZmtQ0z7PA+Qi/NUdJ/ZKpVsO21M+//QYP4PvhrTdpI8cwrfry9ef1avnx915PhIvs+l6pMa0AUhFtQLb6tcl4b6b3ZcqGuBOIzthOyMWKgtW4vQliMN642JA06mTg0WjAxkTTwCeNncCMi857jAmX5fgBuLcuZPnd0YzEKSCpIp/mwrsesczYzUmU7HtykgBhz319x0DPJtBBLoGGNl0zfb1CIBFHBUWG0FtvPsrqxNTHYhz0tKQvfLRf+eB9Or0Yt4WTjEZI5jaEK2qu11bnE6nadPOyNzb+ULueDRCaP0L+UptteaPNRqSjAPXxGoWP28tzDzPsTfa4koO9XXyxzJ9/yl+CX/tXH+kajhSise9kIBWzNbIjgRvob5ZMKtW1BzGK148AEuGU/AubXnJEiYJpCZ/oFCH8o+RU7K67sqpIGjAdllFDC4RfSgKhMIherWo5Znw1uv0IkHd7e7/aA6oTHDaIKke3yj+t8TArAmGDpo2OlHY09A961TPq5u41f3vav++b2Lu+OtwpKzI+ggy2g5danP35VJT4NvGbQ+tQm0MwQL76WJKx5wEzNex23H6gn33eYkNnLms3HbxxLrnwA47JnsZgYDT2/PkPNNcJBaXgmFbAomAq2+QChZ0DDqgKazy6AyMKy7siqevUdV6Z8b1daK3vDi7+Nnw3lBU/WiTTLpOt2Ar3t2PO/HJiYoI6khnfIRwPhNMRbDtFcDfqtPeOah89/bRoQ/7lY7niU6ss2JMrRNJfMQKC64qkYw7Ka/9LBNXZeHurF67cSC1WnaY8z/lJDSyaPnUCh3kj84DSyj2kIGS13nJNOJDv/4aO3evZWMoEEVVwVTJ3t+22qwLshyHDh0n5OKHPvdm8z0EMLxi/IXTJlRmC1qwFSaeoNG7Zahs8+9uJ0NBQ+sLbXKMJE4qLP6DPQ9qZrB7uWZO7JDxY7U9pRQy2nNBGJUn2FvZ5Ga6w+9vD/hxW1N+F+2Tf/P50NPGz0MGwJ/8q1NsthGAXQ61Ec0nG9S3h0JHG09DEqyD5ywcN6IB/VzZfTYJmc+CXwY9ID2WFK8EiMmEPcabvQZAqgO8Yw0qsJW2yZbE/l9qLZ1gWLUbW5v2t03dfn0chykvWcULJHdW2qTvNuwpD4QSDzK9upvuEMa11Ntd0u+x/fb8cnvT8zAZ1waqNh2Evxvz6ZC243+J5vhPB3aAv95QJWI7r6TswiB6cMWkExUsYrX7alNQOlwHMDkTmZgfR75PJ7Ns7fzInjI8FGrIr//d6LsJ74+n4ekXByphasVEl2cujDtEZ4sxSsm2J5dMG1k4RlqnnUWYLviIv59lPRZDdEzJ3z/VqC4r1eiQikOkU2+TsAxaQ4AD0zyRnEtODAtfz4LTN5GNXJH+7q+o2MtAG4hQ8GbSw8OEA/4b8JQeSlXO6Rkq9kbD7RN3vMleBWpP5sykdodKxrnrSd+w7SzJKLOafULgFHOKBn329oP7yhhV/R1NGnjHAGjkvFzd+4DTOHJ+Yb/de8NL+MIfTeE79NqTEvCScXhWmqRmmSwpLb1025Vk3BYPI8BHHr+3MDYzhOqACQxreca/tRXY9omy9HtaM/zdDw457rl3fZln2tFCtEoHDdjdfwJUAkGE4fJ8RbnFJ5kXEShi4dUo1uRoZjtizbuRF+QRsw5Ps09Xyqolf6sZ60mPQ3PFM9EpvO7jZPy08FkuJKYnAVTzzSyYlIYFnPvjHiNHz1bkPBjcKwLYsYVCLcD2q/xXtYucOYOvuWbe5PkXYs5WhNDMTZphdGQyiqm+hoUdyOppCrlBlQzMsEdvuH7/75tHn70/WRDp4pk3CkAW5j2MwVjJIDV3RSF4qLFMF6LzmmKb0jfdIhPrFptjBfMWGZOmBMdtL+e3CP/rV3+WVGjKuuAIQEIQCwcJgkofDuwThVcFSvcVV1X9nTTF/CZIc5yqH6X69U9iWinXkWpcsLZVV0PU79WpQfhnjQYb/UK7cmQpPAF9OBH6ngz4r3OLb1yL1rWXFXY+pBW3Pj9wPe7SSADL1yEwQCAZFtGrSZR+NYxzmlxUrrVKhFWCx3KvnIGnebzSM6u73gFzbi+LwMdCB5C54Ben6TWWs2kRiY+mjNDeeKiOiY5ZHg2cvEgO/hZugYwYbWElH1/S0mNN/7oOaYH1mnODlyxiT5TDJh0p167aiUW5ehKpA9VW67E7kMnmyKM6vfz95NeIZBSU10BHFwsj662ma6y2QYb8znQmNzyuZxBfOujddtOUla7q7F5JzER/a9NkFiuLcNym42VIoHshHCSK7fXrXn/oyQQUPIkdco+VHmFzlVEj4NOJbX9Hc8kdgao8H/JBkg6+n7q+vPyHaXhxw78l7LpyKk3+ZKlFqeRmBcKG3xOGyRa3VfbazQbRARi+9aVjqorOanA/Pb8L88QMRgA9LtqlejZKIM05vFh5KHLgS4nALWPQkxAayAsNU7IsXYbm4TjdqqnANumiVRCA5yoDuAuT/uMbyWJKwM4/z6w/Udf/5tts4G6E3pJaWmb0b/geNXxNWTV/hxMTIaTBMczJVVHRKWrXBqqIV9A0my/p7fyuVJGYtFf1MR/osAqaOAA9UxhAHqPPk/8jiY0rtqjgObEp6VZPx54640V+ubwRi2/l+MiALXH6t57S52VSQI3FfRVFYGvbVIxr/urzyvdRzju8sp7+xQ466Bn8/n2wL7RYXUqgwtswjIoPp2VyJYVP88prBAO0/M20gKk8FHcPHVw3t1nI8vtwOO7OrZutsUlRjXQq0RxRObMIb1tk/0V8aO5mtDMwfF7U0nlXD8AqHZfK64Eo31dgAnyUiJzcE52XNiHxPqvXJwncQzY2UJ3zkEWnyEJbp12YbTqdvgQztN5ctxqrK2fUhJxuh1+8bo7GZNyR378++anuRdQQkR8z1mCuh04VXj3QRkXVHV6EGASmmtmQZT8t/MExkQtvhBZ7c92G6CdVhWQh9tmnyW7U9zPM6MRugDwfLSIAg3jnRD6pPIxMsbnMk5/J2EuKYEUUzPcZjP438qEb2rFAP20sOw8F5rD43XkwrRsiVK8x4Uf5Ksj5RPCKiSZWwGxnXvF3zGtzkVBraf6RfsPkljruu8/8OW4eU4/K+IbjX+w0tj3RK9qW3ZCzcCWCKndxleZ3H5+RStcuNDB29e2hm7z7JxSK6SGqZzz6hwCTdwCEzd1/RGT0JJcOso3n77+glruUY0vz0WcGAdGEZPubXiQOE92USCTc8ycm0Nz7Oju2cKXV77pWYckPnjjjRe9TXbJcKbt0niPIy/O3n0OTU7Hle8eeD6QSciJTc96Wsmqxw636MbHhcstIjMQB/ByAitl7JfT2OXyh6OUgXC3SOMrz1lLM1GhonRMiyk5gETlATclMt/pVKfA5Tj+yLZNXY8FSuXz5Zzlmi+IsU3+8J8x7Z+JGh1CHpb5s6nolRxj9oAdVqz1xUEpcZQr7XORDnzN/IeqCDpsxl4zHNR/ML/P0o7XwPpoOnjxBpQrWQJOBnGuYPn9yu+QulIx5pQ0c97NgZ1FIuEAqweUbHNasPyRJ8Xva0VNSEq1OtmV5Em9GcZzgerBWb1RSWytNTo80MXhVJhqSffsKSijDMRISuyCu5d4KNUKZObUQSMLYFhMVG2RUg9WLrUmDZv5SOLpVqdnqVKu9piQXLRiepB7Vg0Y0D4f9zHbgPhs4I0eVn/Qsudnare6hI6c19nMqO+dg5qMPQRoDIrzSWydx1g5Z/4HvrrNYUwK4zmcOwemn/Qi9kK92AbuGrxbYTdmaf7Y5u1UB1eNbfoc2EwbHDICoB9rBxApT05pNsb0mnrT0q7DDRoCRvQZvKR3766Uu0WxrzOmb5Zqm9myYC9x58PiEGWfPlMTSNwy6YpFrzuUTNyvXmOuhJvnze0HM2iXOJ+qA/6ezujh3AMzZLz+GDApEKCL6GvxEFJXjYCYoWxGedDcG5E1W5X7K3+U37VyL1phkME+/KNDUiggt6pSTOK2t4lIAWP/XfXCW3gKIQkon8S7vfaSVbGzSTi3NBT28SRn9zlSEQnN/tDXifqDber+/dE2XVGz8maAKADNKiofk3nGaTuRfTqh07k22BiVU7HFqKZiNMSOQG1XeKvjI8Czfk5INZNtUwBts6qwpabpbZjhOMxEMdWWG5l4wmQF7xWlwNEtuyYY6eZ1b67P5DXZloKbzIQnYFuIAo6VdLMNg8XDGpsooA61fa0AKvbPQ3/m3nMAY5t6iHxv3keTHKMy4O19pXYxecKrpv2clzOs3Dbd8vEIKSBlm3zkxCZHhRVvSRFJfooDKyHAD/h70v90m7XPZ7JVgmvLCbmtADnelgPINFX9Dd5v7HOdn5/56oG3F/5rf3MfqFZYTGHHqo8IDQY+o7QyMUBWHgCsVJo3tVI8PNw0yiOcYGUAiq1yJIWUwcP/DMUVf4bUw7rdS8mh4AztOQMRC1Gj7p52w3SNaohBk0HG1GoVSQCPWpIM2bvwKJv9PCQCCkXJawXcElXyLd7CEhh1SpP4VztGZQHJOQ8Bty9ARJGGv+p3oH+Pqn5/xLXgwlGuHLftb61OX1LkpJ5FfbsszhRbrZZvXEvHBChf8DkywbLSm5sY+wr060dJP/3M0dmafIJkzdb3CPgPM4bUY65k26zGSVSlz/N81urnHvnAW6J+4uvGtPSljnujCDPGHMJGZ/nKN9sFKp7y32mrJlGZC94q3urPCoAKRBBrFFQILADvbPLlj61uYQIgdSiYyzUx5IJjDdbTywsSUj63Z7ZgVO72P6fmbDquwyrs5JgQ2snT2bZtc3nuBoo2BLsU/aTOS+ma3ASji7mulf+ebduYeTKR8NBqCztc/K5WakrRFyJDlCcEVKC40Ggi2F2BaMWuF2KYCvD8vJVq47af/BtXgLZNzwl8Hin6pdQJjQ3QiEYqIEvjC9Q22vP6IlA5i3JCjnwfI2oWo86ehR8dO8ukHX+ec3D+TKL+kahh0qq2lJpnVrr5PklHlnHUkwXd9szCYzBaaIdhT98OxF/NDFncgLYmtepEzMCGPY1kpvN6p2jA5QpeLrOKBppDSOCSld69yRmrjeRFAbWxahFoHjKSdQKFhX08XVsS8mtXe0aOVMrx1qtDm6jqtFEkRnSwlF4W1eDOU9AN8kuVVb4Wcvo38erQ2PB5fzzh2m4hAr3uzgxoFbhyOcgEP2pJikhVpkIzcS4DWAtezUjjcNBcfS8884PPWhWOuEAxADOcdaqrGezhu4blwcNXbaQKSno2DqLnvFzfmoETC1IY6+wweIaDIfjM5kT8zBeBnOYo9MCteb7973LOBH8A75vWVGvVuZ2qbTPCbQROwAxcPLOmYEIv5SB5GawOUbZdDcjKVdbD95o2Cd5l2+aswwQArixsObWc+4FJITo2VzC/LDHASK5l6Yg4iCgsSYsNHk+VgpvwUPIa967+3u3494IJxBJJ6iDAeUe7ZfIGSjR/QbSrj9qggdtwpBzR+TcR5SzCA3/Lz7t9RuG8XwgknoRAnIDuFWBpSwEq8ngtbuQqBSGkEwC0qoUtEtlY4C3bpxRvJ0R68v444QTQz4bXvKQoSgalI+VhBE5tyuvPy+9/gIIG4xaQMURYYNR/d3XmJ77+bJvXv/8PbNMAzQkQSTan9aBN2ZcW7YXvjSZtEAxLHkz4bbaa4mRBoQv6eVlAJmckdKUSgBPTaRn1YZc9Z+LdBxuB95yei+IhgmnlVugZB7BTqpWVQJgRsa+BVC+K7fu6lwgA322zX9pVX3u30q19AowWSgkc//soWSaJWv2d6hy8eg6AN2WpRVvFAr9noDjPANk+Z2ZlsZLG7YLOktHH+T0vbbSCRJhiJQtMhfd9v21YrI0Gg4LmfQb3e/qKfObCP6Mq6DZpqt836V72aXvLNzHOnuO4PWW3AAtZ31UaP/Pl4dIRHMxJBa0BNBqHOSFyW0FVKsnlwGHbzazOZQLode/AqJq4icZ4TbFF2OiIoHFBE1VKYAJVSzhuMC1vuua+rejB9+1v/VQuczXGS32/99VKes/hCz57/ryLgnNPlvxAE+7C5CG/4yO2z+tQQtNJr/q1AsW6PWHcZOvXKeHzCfa8zzXEYLri3JdV3QZZ+r89bFjvMITm+Ls6pcG8Ljqy8NqJksX19m++8/rv5ZZfpNSEKpvKTo2f+zpdvAHziqphACM0vwKAZ2eGsFU/j0i8F2mGJs53t0qfyt4+6W2O2cYZfb5/um3+LW4euvAhbb6rod1WbkeYWXjAVto6UJysbtn82rLN0vyQnhNogvJMXO6Yu69/arxEPjjbXQ+nz/PpOW5u4eL34vNyy9O0aXU+jEeFEKBePtd3v92WWhVqN2UcASanTgwOP6W5UVU9i7rbZl/ABQ5HvyZ7jMOTikgWZCDljWK2JeYBQHNQm1SNWTRyFDezfcr3bhxvCyRGPuDwaL71SuC8b6s5veAGzlPbV9ffbBOBHktw5/2zHIh8RMA2w1XgdvmhRSJ+Ni5URuPwwZ6c9ZRAJfYJvDWYFgG89aI2ZfCnVARX0aufF0AfpALz5TL+8fVHoibu3qm7hekyrNI35cGbBMxYmsD8wS6uO6Mkkzd6lx6WD2xMsG+G1LGpW290zPR/Ikg6uHB1zjwMIFCSCi8RC9+yGKAD3Xf501TwH9Dhz+xeGUIkPODMD5IVr0l6nehY4u1PLriqMIBRvwDE08HN1cEqyqc5g9zXlv0tPATV11xV2KpMY3nl25U86h57poSVNDOoFyQskCgdEcvCtnryHyRSAW4lN4+k1m/Pd1ZrFGYjVmFm/8zsGv09qiX4/h7rkpoWwBJiDXMaAcQ5qAxUMGmlwoCStXPU/rKeDn52Yr1dg6cZPl28TwNEf+SrZrUdMGDLAea7bVp1NrZJyToT/H02V0jrbEA2StM/fb+7Oq/Na22b4M8FfG+VeUTALRaFUO9safMEz0O3Hup3quYdK5Uutq2vb+ecw6dJ2AIY+2v7uAJSB0dgf7laBakQ9D2crIQB06iqvCWjXeoFgt/zwuqYiKSigqYEhFdbG+BRahsZwNJsEPtB+02MYqdbnnx/pIyJit6kUQi8p/C+f+HU+AbPimJFp+8q/3454AM4d5WH5HogWr5ewf1i0Hkw90BQah9isNhvo3O2ITjB360X+3zJNk22654mCZonZg4NwYUVCkvA5efbpjAn/ie22QXyf7LNS2UGVNsKK6pKvaXCgUjxNmE4KZyWtNZQOSHVk3ePNYCu5C63iXgOla4RAjIDchQ3e/Ba4PO4XXCUW0w0A55rBvh3o+/Z16sZD0mVJT+DWAG5JH02pTAvb21ke7X+Jqkm6bOU1zXrqzzPmnbBqgacZZk9lJjqd1pF6yQVpxOzbmdKDut3/H6LBEsT1kCDwNVzAVRxfPgdV6mIKzxhKf5qUvVctuYEI+ZswI/CeES/dz9D6PxlIjRQs+oFSZqikqLXEVdjB7ec0fSPMOG0Qv5k24wweQDzVT7ExARtm9m+1YmBSffGZ/Eik4WpU5u8YC5tWGI8OBdpTQteVEIsJW8e0Hu1uwHEZnvzLDlu+jrcFvN8ZoinEwwArZ5rggD29fziHGNTgJPQGnn+DP2epMdr7bdjqzci6dYNKudHZVhtI3+Un773gO91dcxbcccpkzVToOOdH9tEHlg55jkP8LVoiGtKFfst7gGo8nam6sTs1UD7zIXY3hITeDK1IctYnucc7X3sQ/X+wrSoy6+hvok/Q8/QMx+h/OVWj9BPs82MfrikXmMO1ds2c2mwMmCCzzOuvl1ZjC9zLvATX9X+bvyzfRHCfrczQKlPeL/Fx+FVbraFx1qNESLZQD/nPAIa+p9HhB2sgD6dVyGmIAVjHPmN9wXQ+BMc7qt80/ec45ZkL5mNYaACFnkoFzM4A8qtMOdQZXznhCaCabe8P/uauZNPyoQGZ+gOAzkeAbBtCpvqdv4TSXMTIgDnkd2r4tn+GozRuAuSEw+O/1txg5el6mjnv563xmf91/vyOnUNFgY4bnYOaYduzO+zUnpbjbNAFUIFEHceFQqxqm3HY06Yp2t5kPKJCAlDdK1cQnSAesc2QfHBwQxIj+VZmUZD8r+XSu5PgfOPRE1Kbl4wI+3H3REfrr6QLVLvK6LbCfzzvtEeLkSgw8Cln4BvG9sZ5LguB6j7DIeGezOIJ1yjkywFhEw8Hw/3ccAKyvZBMOy0I+CV0dXgy+0Q2QSJA01M3x8IStnGw2oIW4N8mFYnNLejcc+7V2F6dssYuBKlYq8kkBz5EVTuuEfXN8Fy3IjCr1+S60ESM8zzshE4yjK4kHTp1qfr8BdqiChdRyC6xcl980v/a/nnsmR0wcGtQCPwnAFvDiKDaaCNb+CprxH4FmlcIfRWG1fLMkK93+gEB5fTWGkQ4e9YA1pDw7lOH/Ef+RqAZjsCUL3foy/+NGgw2OT2MSumWKyhg3lyycbUhmCCoUw8hhz52CpV2WacDVn6tPHfrIASqDLRGBnI59PP30o2K1ru4aPeSNNJIxkGVdWk/PnWAqmbwEPQ370Q3GAkQNiQKzDVGaDbORzwsoGXkqTrO0IVMCewlMYPfC09JwapQ+cuKe3Se85Gl5lP5UBLeGEwN4oBB77vZLoreyStLNVGhVZad9jktaodUXxIf8d0EL1sZI6WqxXXd/Q/5dtNeHZFB6xqcFCmCDUnvaqq+pmH28rC34WfXbqv9eeY9h9/2bb+aJvhKhFvvkHP6iSm4R8mudFzcHwMtG3SPhSLeGjh1tSuhhkM6L4zUZGN98dMbMvngYf7T4wR8DAZclRJSqos+Hela2PVCaF5AbI22xS/PmXLIZVaXErUlQaI+lwlkR03fXcU5/m2pSQu+jwdDX1oFYqZMWGJo+IDBx7bRgOjONVzBcnxfa6WxwrUuSpxkEXouZskygTed+zZvvvYhlyhtIIiYuTnu749H7czzyagbEKHw5FvgHydQfsW3/4qzrMogL7Udivq4PBe2jYf2SaumSljm9Xqk59sm26hbPVBP2Ofx/kz2ttpTMLwNz7X7SpUsyXnEQXt7lSyFcwzlzr7kEwA5YDV8wN5FtmyVnq+VUA2UQOei5XdPs4/kjxfcypmlof8Buzg/T11sEpJQuFKFGoSKp3jXhXcWAt9PsPXr7jkYo9jaqurde0mVkLxAct5gVoi+mW876GbhfX8M6Y1fjvl2UtTsfZcreh3heavzVP/5IMjG/acScd74lM0kRTLf5dtyx5I7jyFtjmY1j/HhByDaYW7fN87t1G89qwZL4NpBSxK7TtuT0TP6Jlza+xRc65+MqCF7hEAb44s8NjecbPaXh0Dgs9Hed/goWh/SV/Lgi3njy3EKa0sn8UGLIjzgygTSGEoblCyMgenuH30FNYTbccFkn+5emNKkx+n3jmXssGZzXRU5ixU+hx82ic8jm1Qm3sAxgQrOd/x8/HYDMdgf75njSqHBoSCaXPOs9s1yHaZSz3fbLN9mH7DGBdxsB7i2oJssybONKZVHAuzJ8KEHqzPotP4y1B70naLtZ43DttGH/sO+7i8FH6qJh5/b9umbdt/NoG1DZO4wYdSOBQbc/fkO4pKfdr4EHgkqiZuLuUSu25S2UXp/5lt/pGo6W088I1EAz2TKSX/X1Jk+LGzJcAHSnJcbdxJqTN4Ay6ZHz+0gb5nJACWxfXdU6L3NAixgXFO2SQNDGh59XsSDK3nAw8Mc1KQ6kPNNLvJb+PZLAasqZYOs+bZSd8MJ/YQVM79uKoFYBuzD/QQYJYt+gGXAObpLRgRcbGSIWntwKLszUwGcQeBm7nUswj0PTeJRIa/xtD1nQFKoJ2b83vzzx8NCjbp8rtctIcvBjRwWdLpZWnb/T9g1ivTOWxXOq6WtZnTMEDiKAGuigYKx+xz9+FnV1nsvGdF3YYr0fwMJR8/ObDJNvv4dDCrCVCYwDDr5/hjDnA8DNkS7nvwVgVmuFkVHU0Vvur0QGf2ujfMhZVOqZ4Agi0BxjUAjonntcoyPH/mDiAhX2NbSUTs9qsAJMGc8zFpQva/tUxUb4m4iQY5+wKTXvmeU9dUfqT8yysSaw5GnOyjwnxns0pTp6XJVb8dpVgqs1xB91KJ2eE7vV0iqHYnlASgK7ii179gX+g2iUnQeQ/2Wy3N1TQ8WAnh30sDZF84MIltv1ngPW/f7ZX5jVhx3Amw9YW9y7q+4pnZ+3COkHxsCUzNZ/rPN54MzdzxViprqH7oS4nB+BP9cRkgTU0FKGA5meJ/37bJRGBs0/7yKG7aNk8pKWwl4Nimq+RWiLmA0MQjQEl3TcXe7bUAuvros7fCs9pG7bOkyrjBDgG0N/eN0aYJF1UXfebcqmBSr+mh0ppS2auMGD5lREEayujvX4Uotts+ybY7CFhVJ8QD1mgzOXinDJ1ljzEx3m3Hnr8jiM5YHKlWbKD2q/ivpGBFJyFt5JDP6dkEgQqnJtEFg94C5BlXdQFaoKuBBVC9o3luriL6OXfbZXBGFMm6DeNbz3CjberxBzdI7W+2KUAbGNv0Nf9PbOQ/9IowcNaWr/5OYLW5Ma3j2Bo77swDQEFtTpxDkMmzE1n42hsoJxHclnUPffCza5AaIKaqQqpj28+J7bno6wSKamXNCETwjHC49INuTz6j8KTP2ErGLoyHGRbsxKrtHG4DvJ6oMRWKs2AUt9lCx3d0XmD/QghvDMpRBaiiD2g/wgfjNdcmHUMHjANM7RPrG6atclLJ0x9K+kgQ8ee9MQ3yaedAG9E8YDtQIqPuoeE9L0x+uIt+enbMY6jCoO/ChS1NNPUtpjpqq0VSz04R/0qyebi2n1OZmA5spNRNPqfRahrftxCWuNvEAv/fwbT2Q0Bby2+Y9sJe3ZoyZ3S24hJjfO19JeP8yVPouSk9VB067zjzPAqNSasWcnH2y8FRna2QcRGvQBM1vv9UbRTW84vnEvLP4esPAC8VnKByir5emxWrul2LyngNOT6nVXslFqOOdGY1sbHAuH4C6JwMRhagug8cTA/NSg0V6NKtQKC6smC1psG3zmcuUNF6EFyVJDwfjbUz0PNIm5YJY0VTR6n20d1zg2hXSyMwhFtyRn9UQcok3uyjfCDJrvYSjT7+pfslGzXxyfNCTMutbFbQHZj0KT3fXaXP1KZD+NlIldO8wRrfVyNWYevUxM3vJ/ifX38kalZKfhkBr9cy03U7K7v9b0ZkJ6U/9lTnqkLWlizf6VS2s7l74Vyt4avQMt7ye7IiVPrAzCWpopMCGbfea5JI9GF0EminkA1SQ4FWZEYWEFsbYUIHD/qs05XHJ7kes28CXD2IToJXb6hR64aMATJQH8gy0aJhm3YeHJj9wPNwxuxUCVwQaJbByxA8X4IHyP9t9RIZZ8iBFDjn5ewjAxODGSGCbGbTmKzye3HT09JmEBqx11cC3PDUhnt55nu9Gm2dm0V64rsMt6oQAidUD47qKgHs91wGyHP6eR4FsQ0UKxHe1kWZ4e5z57lbDhg/8UW/5MqqnAUge7NtTrVwQBp/6MS09Rz31tfBI9mmScrVJSGBLn1Gr6ls/OjEgWf+XO+dSeZ/bJPnwEAqNBfCISQVpORNESAhwfWWg3lL/y/y1fdToM7ACvX+X/eAA8ADnA1jmztNJBmDWeppUMtgB5g0mrhfyPy6SAomMWffElX7Eav86Edadg4ruQj6oGB6wkndtEcBZy1ZQwABAABJREFUS0m6P0cDXVX/8f16dKx5NkbdQSvXsysSz0cKvSr7a9fVo23Nahk/5yogtfJ+bJb922cXEKz47dLg0lZBESAfVZ/P2YhiC1vGpbKpQsvkwQo44MAGzEH/ma/MwPsqnmW2776BZieE/UcTsNkxx9hjkuacg1XVttmJQ5W2mNwxTqeukzurLmmfVacH1SJiWlbhFaF+H8noz2asKCctjlV2N1QgfrdNx/a344w3Xj0iN+y3SJB4AL/UBGvwhpV13/vTndpUK6fvwgD/8dXfJZNn82iVdbdpF21z5ZJg50W3VejuWbHZhLCT1EaJ+g7LihVv+bCOiNe5bmbdhLAdZQHVP01lLtXMOQo7OBEzvjoN5nEtNwAcd0WyKLYbf/UmIoCEjr7L3oc99VXY5/1mm1y36pWqIstk37xHdeVUP9c2n5V4XxXmggfWKQ0TijD7dNlmR4GOJx1HS35ul7YUsl3+FHC8rm9lz6K5Zya0mqUTaxc9lCpm4NG5MjnRmBpDhvAUKsHSy8swAKtcZtBvf8+42uf0zHqgJjC+vzikuBWcgGZmmNi9iQ3ZtDEcBsdFqmAEJbj9sUrqysXNqfgHgFiqcOeZ9zaehVqnpTY9btMGQPm5n5ZxQJKETeKMKQbz/jTu74KV8h8XityqjSte5552/oj2T/2oMDbxeda8J5j2c1YRmGgeqYKA+blSkfv4Xfl/n4+26CmxLXg2Zn7DtGyVQ+O4n/rKjBmme8XNf4dp6Ypi/rSoLtt79+B0x83km5AIWEmCRDOmFqhOgfCS80HbuX2mY0cmEOvh4OfwcokhJvwM/d1MgC619I7iVjYjQuUJACFRw7HaByBupZP1Rj+Sciy0nkTHCoker1mcAc9Ucow22ibBaGx72+YQVlVL5mRMHnhE3mQCkSaYJMrwrJsY2/xm8o6b6rbY3QaqItet4qlEPEMw8UxE2xSJmQVcYgo0fjydQ/QcqAgRJDlnqrxNWO3QnaN4iQZEmkmlE4ORzhU3Q3nB8zz8HIJ1PWv5Db/6bODfYto/z6hRVsLrdPJsFvMKV/3g8/qscGgTcEusRflPqUXn6EZk4GIXS/6k9KWmQoZwUsF3JoPFw/T5PD2UFqUVasvVNxpfDP2Gmfkw6p5ZNzbEQ4QG5LoNBAAOPV8geobKep5WyMzvmsbTjJCrfYIOPgcNomDFSYMw/+VhlS1DiS9cSTvcxnL4/TKXpHGlHEefj5gKxnrQQgolA5QM8rDzcs28UlVzDkFCLiuD1Me3XF1VxbaJG6tnlp77AtvKFp7H61UlJw317oUPqis16J9x8KNjpFFFAaGho75XAc2nCbqLiuAmBEAM7bRmnXA7hgKZVAW9HQW/S/1+1otsspUhgD2vnQd/Bo3sDEBtk65i2T5yaUBsFULya9tEXGZtAou3KRrQ8UyNo6lz8KWK7XqefoNJWgUka+N9RY6YcYaogjS7b0B6EIcb5oABT+WHWGoveQt4XNG6WwrnEsnL0Da3E6HQKQiTwn0X5cfoj46iF4mOh4SQ+KwO6EWA2n4OQB1V02oDrT6ADzqfRbnqKLxlaWgsJW3HF48meeDn7pMhS7IM26QA+Mx2uVIklt9ki+zO39pg3Lnkt0ApEFsQoZQzjJF/Th9vgBKgbLdK1Xp4dg+w3xcmm/K6j944M1dE1UaEq18/8+V02d9jUFFosK5PFSvAjp1+jlX2ZgJ9SwP1RNgAruBHq1AIBgxIdF77Gc/7QrGFQ+4Kn1+/WhHqtqGJw6U5S6pk6f1OqXAjv5J63nESbr8CBhhB5y0Oj7lnOFntM20GV1pj8lC+KtfExkmu7Ks9TB5NXrD6/8B4wi7SKksTmB6OS/K/hKOqiazv83f0VGpUS2crybvIOJPVVqrNmXDxJNBJube/6JsQCMbYOQDjID8T+7UqrWXlBzBZONMKDXiexVIFF3O/CjyLel9vjaISo3rI6avhjiv93aqB57Rc+pnJfs/Ptc2JkcQHtJcb014/GoGb6L4ki7JnKrMRG/tla0Np6wuJkNWEzDkxJKn99jkwGPNz29qYVgU8z9PFM8hvTLuWjKrQOJQxgWc3ambOXVYl3zPkZxmP63dJ9vI+dMuS7H7BcCJ6WGsfLAVXb7fRrVact48YX9TY3tVnxZGqwqMVvRAxza07YDJ5YVpigxlXEIh+NCbFmOKMbYbmkAyh5GeNJloyl5F+YxUo/p8TQGX/TOSadv/wpdkfe6OTkzOr0CbXSRV++YPQ5jQgz+nnYXVUb4DUxtj9bpR87JJ/tM3b2XfRhSz7j7bNG2vcrXf/FtPq7HkLaJcjVQg+78s5lgKvCwvlmKl3bn+fS63Y8ywtTnjf3W1E6/N08ZhA6QyhUrPtKTAFTnfW0+8MNvKgccZEH6IC9sHGELpNTUS0f+5WrVa/LA1Zlqd/WNDrfPSyTRON/DQTJzPw2pchgwKikM/4w5QaE6GseplQUvFQcbOpbf/DhLVUh9yapSJqRbeBtQVe4zh6KHi7atllBeqN9kH+/MnFed+mi8cEkkUM93iDbPwdK7n9WH4/EVIeO266eIG+RkAze5DaDomeEep4IDCiGHMruv759W/Wc/OLeVARIGfRJjPAEBcoPQ0meGEd4AM9BJHSTQeG02DRx9Gsfhi5y+X4w1gFoqzt8/nFLUSAQNj071oi9V2SGO0UaOuryZjMq0ocaCDcbU6RbRR8oA+4BYW0fySkHLBZiZ2PArw+t6pbR+Za+JBWB9D5DjuOVB7851ohY8o+FLvltcA+yXtwlNgkEz0ggZNcfSgn1eSUQL9ztSGmFs5xdSFtaZcZCUjrnnfb4hJcL8u7zCjLEQQP5opomb+dEeK+5/qUQMuLt5Jho++MpzmpqkcBX469aEzvZpKTT8ySkMaZoXBWGqop8N4Skp/44oM6YmyB2zZvRwcYiANWuriSN8GiQgk3Ck8+41yvgWo9P+j6fED3/UqyAEKjyMTn83RC7lYJ2zGTybETILr2f0S+JLgWNBMjVdePR6KrGAOQ6CneL5/JxNn8hVx0sPZNPj+MG8PQJwJdkqippvoMW5lHJ3+YbGk2FH2W78Xh/9sbG2Ljt6t1iUjN/orQHApflPqiJdFnUYLkRnavMIle36dSIk/ZuBQToQpHtfaoEwX7nZuQZuKKJuaaNGugoGDphAXoiryeKpU06u3keUoNYh/g6GrKOUeVr0KdLw6gnTfmANkLuJ16QfXD/9BE/mOvaODoJMfD8dt8ypZS095yfI9+s00Y0AGtnqoC4gJgOr/zCQKec0c7WWH7KfCsp9vqTHbOzBrH+5RNzZ+dQ4Ip1eJL3+zwLQ/kfEqJXV6/v3eIYF1Y+WCfQC7HqTmLjgksTaSIgPFtTYjh9M+GzzZs3o0OEcGZUCsngd6EwiRYXzqVyAWIzOllARGXXH4KTPm4Old9p8uKmx2cfQGgtucryc77mHtz3ZAlvMeMX7bT6nPUJ0ggsa73HaUjz9BpOw7/nItbkrg7bh5J/rNn39E+z8ttPvHJVhDfJI396K5t8ciPfmUmapkY8fy98ddAw1Dag1p6SvnYubCFi4RHsvwhszRYM4A62Xj42L5SrTfCpsAoyU9x2+EvtZXzOXLoZI8MsJ2HEThfVZqfFFzsMC08xmxGB+GgLQKK9tDzv1wFl0oh8rsqEgVu47kxeVW3AUT7jLE5AGCrM+CBqvxjJyc1iz105vc+ONy3itoBxCMF3JH9Wb2eQCnWKqY1fp2H2f9btbA3+rsel8mFIUxGWWnm5HzSDzpsK/Fta1ar+iPte40ZPOfG0CnUnhUJ1K5u+WKesjRL8QDr4b3YfLa+N3U23rPxeRKwONwPSeeXtqnWkwDwgzGtcdaQ1CbR52eMM1CzMvme1Xe3hBZMJjpuHuE6r3oHMWYsqdOrJeKJI+VyB2ogVJhX3DNJw6LiKIz3ceHOuFz+PIimc3nJin7fyqHishj6lClkHxVoyvPgahJ/xBbudEBxbkP/1gIEB2N3rFyZAv9p1avPf+n+6wcy+qfHNvndv2ybJ3Q90D3l+5Ziyj6ni/TfFLI1134ysbdHehDTeoxAJotEfBTOm+WPO1ckBl5IeLPxOYFKYBUH/DpV6aH77tow8BUxl0mSZgvLtk+Dug6uMRx15tydUzjaZvqv4qYxlUUQ1pj8q9efiRqQMQ71X7klZh5ytHH5xYoyup+5Ewt5L1cCAainV9U5V7IEcr4pWIBOSgxMI4CP4VoTOZgE34x9ZLdBQVJKiJlbYPCkOuSBtx9FXm1A/FZM3tdCKkj0MKIsAOrxzgLigddqsrVHjPtjdQ9trecB8IlxL72SrW9D7oqBsv9d92NvVz5F7jyBWJ/Z454AN87wERv4fn194byaMxM6hMsElObVWFWkJDLl6BCpXkE5zJgDblDB1d0P25/UAs2d9VdlJyFCjPfMgN/PO01sFfrZMoBZScSg84rNpCHGzOhh2RYe8sXqUgh3jIGPeob/ZLVk1AE/G3OGEgq2FA7xxPtl2wwF/qqxzVZTANcwOzms0Xur2Fe9ROWcM+AxBgRN8re6evTYCQPw8F1K6FcDCKtlaPNJoCMHGR2MCMTsADnsk8nR3p53NQDTVQ0naUdAGwDq9WYYJ3SulPHf7ck8n6YuIN4kSqEBFyXKVDhAdQCe0UlKA8VWj/yooqJ5IoEmSL0S+OvrL7WaPrwWSb3Zb0tnfs+dcbtiNZC0z3Jlx+dBsk2BcsqjPWBxYwZBp8BLtf+xL261RleiqsFNE1ceJlqF90szLcrzUMom3EGtb50rKfrzU4eVrar+LkxiDyusnvPxY1+/26aikb62TiPGp8Vlm2pn9Nl1HHLi4NgbAviQiqwK91YVA/VIDZrN1MbFwPpY7ns66USI2AR/z8TPt/dzW+FxPDGB4u/jVkOSp0frept8Dw8KnsTJbYNnz0YnE6wAiD8EQ03UdlWstBkNAbYSxtUGUaDWWgokn72aM33OJnGfH54xFFy9y3wGWBXw9fXfiusP4WnYnynmxWnb5K3XxpmQmnYlhyurOg7M9RyRNQeBWAtVbyeETOiq59q58OWNhSYZ5llZIVHwSlAynqfP31FlmIOepWzT/Qn5ZujvQzG4V06XFW2NaXuOwnpICt/kwU97kcRgZPRaaC8hYNKmn2ucq42iVpDAuOS0D1rPA6jFIvPwvrpooqMZK6T+pa/18otufdP9fz6/GCOslGoMO37fMbaqI2xj4uz47kQPTFBlH4XqggzC30HfdpkYZmx14K9K1LmKIfqsFfp8JZ1Ro9RBotuemyR1sqd4YL/hIadDaNDnf54HkQ+s+3IMISlsfExM++5Q3BTZKdszGTljFpQk5qP7lFhFmxl7Mzmb1uKo5ekhxheW4Zr26uQvGhf73q8+S99UisaxxlX7IIpLHs7eUrLGtCzpGbV6WEqmxOpMrDGt3atjC1xcsurp/5m9/J98dQEpgHcL2xwAmNk11EIMed2+0yTjRfyZdjW+4W2Jjpuj4JH/67OZ9MPbbTg8j+ujmLVVaPJMnXCOxfP73OomDhTCWjWTKsqEunJqfxefQ4CEOeZ5ZtrPss3Y7oCzUVwsUMEdHCth+oZ4+o6buOLm6XvUfjuPfnPu+/eWwsKzFip+8acYOMClCJNvVgFff/2F9wuKmyoEBoZ0joURyJbyaY+6AMmfE61G19OafxMuSRVzoXtmcsQC08FOtIUl/+slOD4zLeBANnkNcBZN7WMRI1AH1dWp3zB3ASHbvM9odJstOq84BTxq8/5T3Py3rU9nF16riaGtFCCQ8eF3BSwAgvU4DUizhpXTbWJ/F7N0uJLnVVmB06DW3zsyf5MFuSd+Ks6j2gkZA09Ey6wAJXnuaeXtfVwCSjvaGMALMFhZoVKSU8Vvq6dz4ZEix1JpD0FyDy8/TwmaQbaCKhl7AtkKcqq5AjhHla4FD6yqUvuEA2wYUgRwVj/QDAc2kkh0QlwpXqe6LazVQU62oHvYJdHoQBoRmnpvImcSRweM+T30+3v40woCUQf6jFCVOFqGzQ0WfouCZ+kcPYvQjQuoUlNAPGSda/sQVjtNy7EjgA0rEHh2PQSw5ehgxQJ1NA/jB0c1UOn2bjmB8jQioFvR9CzbM2xy4PSJrFNHmYB1NUtEBRaD2IacCG2zDtczHxiZOBCCdmz1nWwTl0oLAHrlc+NTOWQlPAgNeytV5lD0J/Cjze7hxuFQ1SVVCIPtPSARSvQwuWEr7GZK/pkv2tf6frNNtDQz7dhEPnkDCxAc/o1ooobfWZt19mwCWOlET1PyQR/xPA+mQgIgs6WVOJyF4KFw4GPRP10ZKElXedGphO44IYhk+xEmwQO87SK0QpDfraNMAFbAFILzFXRzPUANAbYhyjZ9PSb69h7Q4SFxfkieJ3aC276qUp8zM4xc3XfrF6HxT6ZR/51tDmicZE4Vqt/jZrlqnVdRi/azt+Jocbih1Sw3QB2ydlo9udb9wCYMAK4OOgGH2okAqAKYHee/AZ+rhRQxYOWEtD9yvhywKBhZMa2OccUWt1hdxNC5iQ09csq6cyrda6FqaQCwk80ClPCQgJSqQUUUFkVoq1mPEp+i6g70dQjaHDLx+Vhaz8++2wmd/Hq2hn2P6XLzoPnIF4hI2XvjRKl2q+v2gEglkVZPrbU4D6ZoGzgm2tUq42dWvO46M/diQDhtKUGSivbIgkcrdYhCdQ+sXuPsCCub6piE0vk8bCWxbU7V9ge+fsO0CdlmUJkL4Sb7l1YompgpWUYodkC3zIs0SsRPVVfk037Pfkw4Fbhule1K17gekzEG98aQ/UVQboFMt0byrK0wyW5M7TmFCmht2ffmqJhzVOBw8evTZgYIr9OJJcMhzw/dPxHrFEh4bSuBWeih71+AVTa+BpP+yjIQ9ej5uKhPMsy5AYTXTfiGfKUTUvg+hC/c97lEXPvTTDLqXhxZpRVVCH52J5iDgdciqQsoAS+rH72xKoVj+4rlv4HKQOAhpi0NJ1V+5KRcHmZsU6rSAHfRkMSluqjJMRdGzpHyyKT8z7XNOiRovjaJ5EywyBU99hoIMEPUozzYOI5bwrTo2EZ82Nv+HKf2FDdQxMCjysGciTAZJDwU0eccAJbyylb314Fns3CobCKfa919nW6zFQMO20h0zuwV600r8nv4u9EBKcZMpwvn5qjtDeNv0hg1aPom/IFArEfYr5oYIXZzftzV37aRxgAnSHaewhPO8Qucv1jdTha/khuhEK2GaVJK59kK8XKRwMSv7Iu5RDbgLbfpovqaDPJbGaTc8vlFgghnNleHzgqfPdS+rEehojBnJZkg5/PtDkVdyhE5b39oP7PSfsSEHdVXVPuhnys6D/ltSPM/vP5I1JwCB88BnTS5p5tEoQedDXALBI6+Sak3EDVVxXAgr6Wq/BLDFSJSeKADk1D5a0WDQR8eV3N1RtSaYVmYD/tdMXHFLTu5i/luVfish0HBEq1zs2wB5KKjKKoPRolCqapBbQqg9urhBueFezBclqsqTZGqCrnZ+g77E1f9Uww8BDxprFEFJLfSdKUvbWx876NWBM4bY6W1uhmTxrrWvYmKwdUxrrc1Ib7/THArR+lwQobCAWsGiawyz6pyBzsqBZ7HlVnB5M0KcRWd991+wYqvKk1p1pkW4FYu9gg6cTk+LRqYaNXSkD7N3gdBsavPP/W1z8F7JD5U0n20/s5tE08nhaHnB1aETqHeAxzfo4AHYkMA6TSIkuJMtulhYm6bAfQrl9MNRlP9+VR0CjM8MzOxt4BNaBgj8YRmIaGD7T5k/2PputK1gI2zdS7UJ87CWAmnMDo9a10+TEBJ95HkqoNmMWDCgRVwf6QTNybP11afcPwIXasTy1IF1l/kCw66EUBFYR/a5haZ4muDgYPnFpwXd8uRfYLtlpXzqUJYsfRunXMU1grJ6m8FhCpxJ6SmwlwvoM+cNk3ovjmIFQIbG3U2MgmWz1X5QLU4voNpPqxMGLR6HlDpTO+agNqzsURGRJTa4D5/DGr/6VfbZk10p23KbsIFgolfzLUCyEK9m8qLmOAfGeD2v+TgaXheWH6Pm535Xf7LAMeZywktm7mqrdCQetCXxrkTOFjg2DakvxQ+PVOUgNQCRwPKIaXO1UqRzJARATyx4EH87X8UQ1LFDpR9fNfWCYiPfZuqkFK3yt3B2C50L2b1NVMf3p+Dwn/rY/nfTHCU/Jaq3LC906f0EF3btOO7kl2Leo6f8ZWAHlQXFTIDS3OyVrfk8D6x5VxKgCOCpTD2hIPPQ3KGyYHUpaWB41p7D9iv2Le5ZQ7CTcZDBp/8Zt5gsYVRjjeoBKbymyaoD7wd09f/E19Wr+H6zm0WIMnhrWR+bF6agFM47xfbVOtotp1sy4mIlMGowopivK2NolQSa3sphBJDqTabbPdzka/1OXI48lYbIBrDmFTK5+nz52fkOO0RAEgRhHswUYZIzzMf5IJmn3nMNQCQEsBZnyvhrtZPIWZa/ZV0xZzve4tqb2G7qros9FxxM0E/Z4KpHJ45i9DKXqsLOu9wclSwWBChol1vH1X8LqklIheWkzJhIsCq7YBvshXltxKVZ0ZVfT2rapzvf9/9PavviJSOrh2r6MKcYpQcqKPY+E+YNv6GaSOJaTOeyZd+4GufIWkcK99drYbPmNksxFtTpFtxcN6D2i8zx+D5efQwqrRAIzw0Gogl2zwHn+CWWWMixjXgNj77d4UAtD/X35eHYTcgDpiUy8juC/WmqVaQxcIpfrddL9zuDBCDN6mxjV2VUeXEqJTtSUg2rVzKN3nphXWdQ5IMauNV3NOtnXwagMUOPDrq5FgA4i/ZPZRrehrjhWH93XXveJ+qY1DXC5XcKbUTbph7DMS09qe+Z8V8ns++/EIVOKMIFJe03QeVcM9ygf5apKF5W51vnurxF3SDk2/6Zq2VIqhLz5y/tzSvh23NW8US5SYerREs7jxJ0utPxcc/EzVgcr26Ku4+6kLtg2elNuegD+ZaiRX0oKc2Wr3tG6nv6ApXD0VqdtHExIHZJrcv+T26mteBw85dYCg8ZJhH2gGNoE+JoJO2uCrEp/Bi8+A+TwO3jMR6Fr8rXEUuxJOIz4PKhVeg6wEPkdu0PFvAn0UHSqm0QWQmiRb/d/R389RzVq9LkeZ5VBFFYfVwJ4CT3ud7WXrPNgcbvj6j0GvkSDBNxbYBQBjx+r4reYyFV06NB3/h+SysRZDmvn4CeQ+BFIA50DBYCKxr4FMndHQyicB+NUk8LBMmybcS/XwtB3XC0AFV78nKIb89W0fscOQwWPZCnUOiIDgHpNs5fuiLhZ4hHOvs7pWsQ9vMTyioWE4ZOvsHu3Yny+HcCLJtAKtO95LTsfJenCqtvItOdnynGijczrfZcoM7E586k2q7Y0DTZ3RbHzeWoArv2ShNVv/16wOv2TUhaYLq6+uLNmWSMAP/fTZiJdZ2cmXQG8SNCr7ElCKkFDCWqoSd0JC96e9h2wRGScNtC5wDMtWCpb5jV9MOznknsMC3SpmDE+QAHm1da9IDIVdnkoq+4n1Vca/qe8gZXlQA9mfoc07L+UPSfitncIFcVm77ke5NJdM+87sFEVQMQPtsjMSW/9zvbhLVZBS3Bc3ZDJMVuiGevWHZqFcJe6bQT321bT7yoYottE9uCPHKaifFSW0+osY2v8VM2P85yZTfbzJEwLJ2E5ksPI4CsgsGSir4shrGfrRI4NovB6tULsb2iJSwLYMqEDEIz2cZrgBXfD9qVTQp8CSLGH/pTK86iC3ApfO5TOzYwdy2CYIh+xie9ZLiTxdZjpvGBSA2+TbnpQB9v6hAxUKdw/Mcjq2jagivznaCuFJx0YB1KpMgfECVZwwU3r25rlk28KzAWh+co62YOie7pGIR6QLNc2IyTKLzWdkKtYJl8Y6b6HvwvhuenVH6Xn4m3B63tZVv5O+dhMff4yZtk//Cin0p3Psu/dxXRQC5sGJIBBfj+F2yVZgkT84UqMozjfYkD8KO24cCni0lEtS2FR4Ejk4oXGxr+Crn7GLGRf9h63PclsvC5wPPdmzFm9SY3ea9mfi9p/A8C0iSTEvzEh2iz6uC7NKMJgTVZIG2Qxe80V81utARMa34rUS2ba7kfBQXKB2BfV4itGkF8MDu+RwNvs5UfBYB7sxrfhIAunhU0Bp295rAWF//rBkz7HlFe2945lpG4vMsqQ91L9tPsliRGiswgVV2ky5oVj/fUnF176meVz9PyNdMizht04SOZ2IlgNNERgB4/oZpdf8VW4lpSeLkfdh+4Gsw7ZDIbjmss7mBru85n2tkcF+gck7bUKNS5ROFcGqAduBn3orr2vXn+pmllvNv82/k+5y+Oz+3IqfvrohDcoZxf3D/e53qYcFW0CGu/FQYaH/txoZUyY5tpu23Rq/l/pzvalVhxbrzzfqGaXU3YPBQ/TwWXKgERgFDBRcws5pIGrZisK64GNNKmMHCfmCuoTEwhnByyy3f96VtKrd7VuJ5nm+2acXU7iJ/tG8HSN6t5RzF+aafm9XrLDi0Cr3b7bfIwsTtp7mx0rZZ8HBlAL3Z2oWcVqAXT3uKeOaMnD/b5R+Jmn0Y5BFucwFQDDCfzwe/PmwhgQGbJWdKwFZ8ENtfILABzXkhq0XnvXXxAS5BT2R8cM7uinRK0p8CaDpOYuME1lSis7GtRw4e0A2RUsQAc59WnLhi4iG7ZOZJFD3Pg6WD4ZuPYpUwU0ogB7dAT4C3k2hVkM+/jVUGAzlsDlWlwZDEsaSZSZ5l3B5KlZdsdda3AYhJDk4dsJViPtlGZtDuaosr7zRwD042bUSyqVTBzAzk5zOHrjjQeC1PwNehi9D1u3Jxs+FTqWLACvU4D0vt+QkRaCGgXd5y/5iS1jgHdbS16hxJAZUAKbizbeX0Z1QBu9wO9fLP2XgNb535qa+/vrbIMoxtIv/RNgGgB5YdBbfPg61Kk3sl83kY/JerUC8d5Q5wADQrEudw/kgEk8KVrPgENBC0ALeTdfBSxb9qFEAEMk4cQT+CakLDZCqlvAtn8yxvyfYNXgyIqgqfZ5KyPm6pOTBxJyJXwDl04nUOZsA5rxDg+SPg07ammi1PUNuEVygrnZNPsPMNJaiqmLUvUMKmz24VT/u0uOL7aTUj3NN/qHAqYKSurrLolu/NdfSfzwTLEkjg89lAav4X7wyvWJXGvSfYUhySHI68TSKP2sbX2bBEZ2FL2QMRSBwUd/qrMZjyOnt9ogNbAYWN57P6eXKz27+uPvynX+8++Ho1tywEpFUa/3w+vaLVLWoABrBEID8PjqpJW60EjJv0e4xBUktUorYJ+oWqjfMlUbDi08HV4il1komZb0UP3f/SeTfIAC+FBIYqYS6FLbWysp8/REKkKugzSLrvA5hkLis+HSOhCjIAV92rpGLIQJzD6l1UK3H9cqLIs6w2ngoUHn2vaAVBgPfEcwds5/l0iQQcBis0foNOo0lgADDAa7RtBuNYOIaowl+b5NcnF95Duzzn4KuAtQqJVAug1FHnyB9pnbhI5lbIRJLsjWpMhCJQ3sd+VsqQ8vlC+0X/llvIAfsKJoPmiznMUYSFMIHdFBPJg/WEzLHko3+ubZ5LDQUlyVapfD6/8Pk4ETyKCSY5hWvjIwIUeN+NXVDl9uAjszh1uC2rQb0wbX3Bw6PRifMkMk4wZ6Dn4MM6QDxDNPS6aAjTwgkqOj7kkzgZ35RQEdyQ+q0gWMBxy6zeG1bZQOrUGGLByZF7D+vb9aOVcbp6eFOf1ao8gB+YRPW2Hiv0W+0OfY7wadtmOVNWexAwdtn+ygpUJX73e+p7oaD5iyaLPiJrSkmySbqZEbSVePuabScO1N7i1C3BjaOX2hSHrGssIOxtTFt9Taf9HBUS47NLBhg4WL9j2s0BEqGicyuufzim/Xp355sOMcaQxrTG9wgl0ueKm88ChaAadltSZIKkPon8PS2kAJRNkDSxmqcxyCinezkJIM+Z/e/uYujRaPIpKOHK0uauxpTKS1YpXo56eK1UDqKNYRHIX0+fp5I9uFCNU8gnkEVlNu01tGa8MM2ZxuFDpGcTrGe4JOWbbkPywHR2jMg3iWAFonNrYpmNzG00qMHm9hf6TF2DofFW8T0Mdeu3XKV4r9bz8Gwo32RL/+nclWQV//oEvtmmfdfyFrDj7y8yF1D7nHwCxo84l25FuwIoZ7UOV3DkhL6T9Od73DzA6/jZcTOu5///UlFzA3FK8BKf50NAdTbEWUiCxAuh09YhfpLrCxVoqtQRYRZrqZ/2dxYdHMSLzZt3jszC0n495CNmS/+lIJd4rhkz9/pZ9wnqL2Cj8dTo52Gi60HCnlCtx88BuTqYz1pcTd0Bk1s0EMGqRGRf2ThjycDVQuE63dzjg4gH3UuaBJxxHWQOoTvwqvGClTG8TgZDyeoBJKhycQuTHbzvQRuRrUtSMD9TB5S1VquEWqEkdtKDeXfLusDNGnqWEU/fbk/kN0nzbcNWYJzIql6vZ0WHwbAreHzq0wdMAFoDXhSkvRJesKCBDquXwLtfPE+IfFMVq4A/SdH+0y+vgQZKg5QXPs/Ttpk+twE5jujf3ceDf9VWcEA5P3hvTx0scKh04vhtmtjIXChVIGrTQS9J4GNPFYlOjp9LyeBqZ28YNySiZI267sKCM4JCTsVXf89/hGzGwBfWKrPKwoMspyOQs1JhNuYe9q1xBQLOXfv/sIqVsgv+rGAov5+22FUdyVA36vC5HKnfUhJc/nphPas/n8NLZ0ZJQUHy3HND9HnnMldEg3BfeBV9kWdqHBS+3s05Wtqwd+SDWZXgN3LFwJJUq6P8TflDkmJLjecNQA1cUa2cMqHXOYfOXrugonKBpNFp20wk50hsJo/PE9/uyw02fuLL696rOEtgZeL5fCRF3/DsHQMnr/JEjYrVc6ZSrX2aXIKo6QnnrIwBYbzPCxu7wUwVWnlyuU1EbMUlPTeROqMktF+28kmxNhjDNCwJnDcTHJbLSo4SwACVZ9HnCSJvstQG7etR22pY6uw2Dd0fHu3Qv8+91al1gL38tX62Um8dWu+9u3q4j5IqwjR9b82EicKKxXjz8P2+kWrQ58t/9NwtRLc0sdWr5l7p3hwBRmBIl70LB7sBndsYnmepsrebHHC7Nd2SwehpwpYklFRMtk0N5iQ+UFzUPKTyvZVROoEtlNa8Gmxa4cw4v99Q3BzlIp8dgJ8cN/0vwgbreb7FTW9B8wa0VpH8/6j7wzVJjhxXEAVpHlk1+/7vOqoMN/L+AEDzrJaq++x+90xOzKgllTIjPNyNJEiCoBjNeb0Q60LtwspG7+a4JhIN2jaHkVIdfnVnEXhdLxZwTa2HEjqcOHTwraJMgE3KNf9BL2NafSsX8L40B0DWVbrd5rPpn8DYO/uMYVrD+aw4grpG246bs+I6zl/80aG46j0WLDZK00xEXD58cLFn/FkUchnDN8fH5rYEVmi8bp5ND651bDmjZDmaXf6d00d8jBrKgaa69FujalyiAsJx4fCWj56vl/Zx+Y9xMwCsK2BCiMVviWmPDTbIsjDm8hbY7YCvW7xdyAW17gCPLnKU2Zh2FiyAzYLvHDm57Ye+aSUZqR+vk296RD0Udw6DS7aUF8y+zxC2h7QYFXc58WLsnHOeOYpPO3JRfKW0zfprrkk9stOUe45j8XoYVxtQIaZPrjdnTeOA1ttpae+1/DlcWOf3XC3b9OimYtxOxj77EsZqUAvUTZWwvs1E58nBoYLUIMpgE8Ss1lTcG+t3/AeA0TeoMxEi3ZsIaMxqa7yTB/cIP9u/CQOnMwIAyhMqCulni8Dr4jne9/3FNjvYwDJ7EXEat9RIDVz5mmKtGWg5sJngYy03CIUEWs1g6AspN2p9jm3W2KQdN6dx89B+c9wtFiSdb4YW4Agg/aNt/Hnrk4xhZeK/fv74sj516HUPkNSuLlXPtgtTjzKv6SAMWNpygt4WEhy3QFCLZa3EGvPQl1UyQYcbc5ifAS6w0HWSFshUrOHgIoETHQNAOkY+ENORlpJ6CXwAIYGoCGBdaCSgpLczsOCZYd43+BrHiDUDq+tveGa6gc4JNPPwo9itjAOCIx4zqMAxOK0K73L1HMjL7ADM5x4nd37fND0XY6Dn7uqkVweyo5+wAnl4NtiQt1jNXpG41sWunrr8gBKCzLkn7rLy9mimOlLFLl54VZ0KsRwgRFFbkRIDg4I9DVVL8zArSmNNkKZ8IwsLpMN5lOYwgND4zk37oVRmJv6fnx/4uMSgQatYsY9t6t7bgewqxC1gWHa8cYSFO/DuAlaib6+FJvMCmezWJEaXyOeoWnom7uhlSLRaZzSLhcMRxrbAVg22y3UKqwPU9L3OalqCRNIjgVL3wpoDCM4jewXt2GAHOxBx/my0h8vBqsY+EoEjW6j9TtJjaQXUVlUfKhhFlMYKfU9ukD+70NDvFR1+XpiiBn9fX0ggO9MCuzhUTMQUSKfDH4+nIPvY9z2JWFbMisTLBYDUuNkwEVXsfBRBzJVBH/G9uXeiBMfmyFVtFyAAr6ed+hEe1GAFvNYYTzQUMS9EchVwK7FpWBPA9yBg/YEDFr7fy0Wl/BI3Adtmu2uh2JMRA152nZ+hCUrgdHw3cL8JZFtdezJcaJ+NnM6PWRROCNbY1kkuEHGeBRaOppQBqdmQgFdW+nywgyjAGoF4zLmb7ap0CRvUR+pkt5cj0QIrQWAUnbof7lYC8VLsCcc+2eUjESQMNHCTcGqXimIP28xyKUYba5jgdDFx5GORbS7jBdkmMN/NXmkLtHWf8+3xoa25fkD+VldaaHzePuNQR5j+JwGxkE5M7Ab2sPcMZk6h2mOt5TttGnUD3Tdjelm03M8zH77tFAozmZSb2o20vSsJ1KcUvsbNavWU1Kk7QuXf70XMsZAr8F8/P/DxWvNsMN9BPjgDXam4WRJdNkWedzTgDYdMVu69ebZuFaC1CpiNrJjCic+LMn/ktY6NA7CxexwxcAnT8sVCRGi8FrAWolzEMy2c9xqs28f9+LMGC2fAW/h8bevcnkkKsYyv3GB0YSQmYsMJDgJdN99+ecSydM0WIi3qAw2rTv/TF5sYsk0AZM0pOD0lEs6WqpMz1HZBMqbQYkZTgNhBkAENi4iCIujA4PPYjfUSpk+u+bWZPO89gBljOI1ha1KcAlZUYUvReu6VmY8tTAsMk2Kp4WMmL9eULz/Sf7TNVowfJk9+X1Br9sbKRUz7emDaCJB1+/UclworY5v2w7NxC6AdBd5l27y/vk8Gdp0xFT/zBgs6HGFZGEFxQQ+z/lO26Y2N3UBrFHA20cYpnp+XY4zPSA572YiOcYDX2srd+B81MbDPz7NHuTgZAoil7ff2e8Sxo9b56D0+ivFvy1ZUgIWUYJxvKm7C+WZ79B1kpJuIEcwHSg2bjtZWWWIG5yMNMoJY2zbbEawxhOMtcG9+evtedsD0mFyUaIEaum5deYTbo78jFSHjbdnmQs40RVdRFuBsUZrn4+3TDbPhADwaSyzyJHj8SOzo3vx5sYFfr1TxmfnJSFP8IW7+eetTb7wWNxr9eNHwOUayYXosnSl0UwL3bnUU2W1gYsHVtF1ns8pSMt3ReIUPTQOljR5BdspyxzcOSHRn3erYs7kIdub8whZHzCCl7FLFbJ6+Q5kSwyMeFEhvWgoa6cprkpvohciF0hYogzXOuHNmklwEHY444HY28oQTWMdRjwIENm4K+KkYUlWjVO25tqWK8RMMG3h7/m7ePy2apwClSCbmKnaT9tcyjshGVOPVTBKsep6qzj+7ditF+S4d+1QHuArdN6934YyCdKO2DYbXREwQ45Nbqtl+pvO84tCFmXyosAezhRqeo6Rz5/t6w4hZJl044xyLwAtKCPct6v763qKIqJvaQGvh43rJFvs45+cBAO/QfXtkhX0bdGBdH+rocqRHdRaKJVbhJbC441ahI9D5IjBZj3PtOX4Dhyp0O/HjeY8+VWeLKK7VgM4U7fAAlxDga82KOsm0FhUMsiZwh2J64lZRY7QioC1heFbuW/asTQkKSf4JawpA/4W/lXjf2p7VMXOzTABURE5onMrvOWVaWOMLIIh0QbLmmmSTNwHmrcKn2SsG0xx/aelWYHzwk4pq8FgCBIXGLbuxTSCKhbUI6QYtwwPqIrja0noOwbGjFkAwe+TQq48Wg7+QA7LtsjSLj4A0igKecm7RkP1d2PhSMfv9Hn/c59F8v1dtXEl9g9e1xu/QJvYAj3D2E+yA1hY43BvdgVyXhKYJtirETAP9/wtMVBo9ton1wbipLWWm7LKYQzBgGj1ZPIGQar0B3FaXea2FtbyBpueMTVdOv2PCiP04qf8aA57OExsB7HCzGLyDnc5IaliEikJnc0mwsJonTtsSn4lm2Kcj5Mv+1Ta9vYibkw1YMT7EReOzhhoS147BxSEbML65PWZUjKEAELeTzZ4RQYAXnIlpZPnPAHVwFZsLTEZaifJub5ebnG+eQ02ApN83TRvtkRBpfD0SeCauvOet50cihBLaJ+3KTAHbZpkJQN+yxURiI0WfE4eh9y1fXXgt2uaPj9cUCWabnOEsMLFk7/cItvo+hTS/jk0rQdkqhoGxzBojLHAsJW+JbDcpcmLRiTmHzj8YSedh9GsikVfguo5mggsSfoRmfZktBij1C3xlYfaxp4LHTc+N8O9MFclxEy5VqXiv/9sq9A4EQaK0+eTtXLvNjobOWat6SmzZX/BsnAlbX5EY1NXCAH0YKo3GXWwgmFXNulodzax9Kwc7TZGePOZReOn5SGLkEHBWsxjG1R4NxymunByjR2x42Kv2PfnA6gWyaWJ+GZiUUwU7PYcVxL3/imlZHHhi2rpvxc183MNv+BpMm3hdTk0bXfuBaXt8HBC435virw9Mm3nhFg52EdEs5xWNSwfCWoL0u0vnjOcjG7CGFU3Bv+N4gYmf9qNbhQTHXAvKAqcI5QkEFxiOB+d7pYpN6XRIKY3dPqcDYn7XukPjc8WQpcRBfj1LjyYMAhzLRWB3YheEP/ih9hiUF+ixeaiQFQ+D5PfKKVS5AHvWxQcxTYUK3s3mXtUX23ShYu/9YI035tjKSYWKdPZ5BWn9RHAJAmeXxqfaf5qM0LpH5+rtaH0QVQSTTAvHqt3W4Lkom6lfsstAaNHdM9+MkSm4MjVSiUd8yAe79+9ffyzUrKWkHI293wP4PIrj69u3Cwo3Nm6tcGYwM2e3qrDvrYJHwLNQeSXWsiE8OP0RGifIo/syOQPvaEpk08Rw6CZCQFC+bBJIs0xcfW9/Fx3LnIMNwN1FJKoSoQ0ta13SWAggN3JhAHZ0YMcF7MZKVWKXZoShfekyoBaQYmXOrA/eF3ZyDlvJm5JiIirBqMV2XXxiQLZQoe5hNe77fsxdKqgbkII+oyZoObG0mjlB4Fp8TsuguRsrqUnjLUkrl0SJBdDZIoQZElahL+koeOxpZSKxMAmtij4w7pSNuqILgIWy2h4anmuyU4ovhmfQotKZABhwA+hhzhx6uwtF3zcbNI0TXbjv90Mky+cABPpjmxu7b2DZj9E2W1tS6t5IbWBj50KB4+VRvHNm+NY5gCaXbNNFNIQKXaX373Hu3CTFriKaWlKZ2uwUMTbh8SgGoyOuNoHvMc7lkQcm8A6sZ47Z5+eOk7xaBJQjGD2UWAS3d0zHDEogEaRx9nk/5nGHncfNa8BdG6UzXA/GAYEBDgCO5h5wADMaIdFRBqBnYueA7IQRDyByfBx0ne4iZGqcU//Mz43DFns48i6Lnur54nQReN30H10aremzJpH3RIlBrpn1n6KcEobnGsLR5IlG9Q13aP0d2AlUxx6+6QWkBSC/5yvDLKuNfb85FjS2mYMLajNJ3y3blBbbCq/TVYHuLtmm2C8AYi3R6E/X3b5vxklTI8Rx7Jb5QeIpigtgbBNQEhCk6kdIE+r8Msw3bmA2+/m9PAPuQki05sAzgdLcuoCUR4bQgRtc+bY0froudpUTpFB7C1/jjJLYT7umAx2nKWDYNttJDsd337eB/bl/th2/R+6TbHlVrhMtNzi40cGYgolSDMIubh50rokYJobBHgAG30XesLfuuFjiInMGi+z3rml+Qdc8TSqBcNsFrw+nM+y4l9QygEWF+5SgmWXqnpxsBKPVoKT2VtJ0sJT/AvL63nFzpVcbF23zWg9M6zNFjQfqjr1ZPFvWGlhTEKGO4h5Q3rp3kVywUHsDGlFxUhW2BQCvtF7YSdqWGGCTqQCDT7upCfEF0w5biz+p6E779eFrp3nHSDpOoumfoe8tHa86LMjBZowb1Nxy4sErT9uls8A5uypogGytaMyI4+VOd7fG1rkqvo3/YNuZwc/zZ9bjMCZs+tIGphlCuHIKKqdFo/yB5Jg51x6HMaaF4+Yy64YJHIvexlu009pb4zkqXWnM08/FRSDILideIsZ3IaUxpsYof+X4uaV4GPB3e2Ja4z4yeAfT8tNx9K4eoPibvf7fYNr7N0zbZmwUi+QB5iJVwrSLExH899ZouZJ8/4VAXLIJXZs3az6r5U43OMVATNnoYdE4Zrho3ji+2nIQR+yW52HDeartRvllN0oLaHapqQ4WjoxpIcbVYNo4mPbo/QGwHSqn7DjixPpCM4ZrTOtC1GECOu6deMP00024Yxsend6PaRu6vDxxmGCaRTnr9Zgdqntw2DEugsRgHRd5iG1477wsp/bGbkrAZyrfHEa2FhYZQxnL2CgDQJiQ4ZwcwqrKeaJx9GVOsevhsZTzM9+0APt45BbjDv9sm38efZIjQATu+8a6NL4UAa85AwLrxREJdwFrBOg8T7dZJf1xkd2SgehDb942jpVTHGBhQA5zjOhB/zdFsnuM6xiWQEwkoPndGaVo3+SYThhz+s0RjAh8XNckWFkCgkUKa64bs8Y6A1mmQxHYcoc6K+/cfvKkPKYKHYVSQtgKqoJSAvJbwV2dQX3PFaZ367totMz6EIAD44PapYTblO42EDTSEtgzEDe9/HUlrmtxw5I6RpmFdZ1EwqvJDfKXBJZTxTUsPNgsBOqc+cNXinWH1iLSQNoOYhCIVpyFE00F4zIoFIyMOIbROEDTYFr32WekDCj8bxEqxG20dB6+64ubROio3u83uheLIF8YFUzo2DHkn7s7H4gBkNfrwvXBoifPb06H9u4AgnZfwaBz5QIy9d6A210MkmK4hZOJQ7WVJLVsUwmNaJFO2JjAQeNBW2e/pnBzyUdMt03v3AAyvzJgqBnD9ybFdI/jv2+zTDjeuPoIau+n3fHtxS7BzBCfQkFKr4DFJgZAJsdklYWS1x7q9ZzAPol336VzN6VU+j3biza+JAJXXgIxpvoWApv+WYB+tK1wupPuvnAFqIHw6QKaCUCwqw5C1/iX9p11AUbBbY+otRK5e5NZY9p5W5+Hv+P5Xyd4itHqWPOGbyW7LHAR6Kwk4Kp6f3PbbPnMwPvd8EiqbdNxM69EYaNv2WYVsHsYRN2F61q4XiwqMm462QDu1ghYhhLzwqWiZmhkygmWRzVytMP4egqX2mewiNDgaLPOi+K5CxTWdnjfZroxOcXtokiI3tuwgLuLE8PwgWLDAjJpmzw3XAmdTXu/rKXVFM+djj8cNw/V2cXUKW5Wz7lJg7hk4cPg8lk8s4TUdjUGjjF9YpYfQWgTjew+E7gu665pAYGTbgAZbPJUEYNUNToseNym8KAgoeii7e99I4OJ7e4aLYVEoh/jE63E1N2/8VMCtTSpmnGBaWZMInRs8xS+jBfmdA9G81kPgV+zaL9xLgh+I46lvd+3fNOaLjDA754XNzXtN5hAV0mvwckHt7ddP5ggMZ4tbGmGFoBO0um7PBqqwrlGg+F4MzFqOkbnavtc9Vh+9+AVn136ZcaULZ249yQLMVon9XxvnFjEl5OuEzeZ9BibHmZnQNzLsDwA37CU+Ln4Yd9gDbpTFhykNonOCLA+Cq383HM+n2MbAaBvJYKwX+DhXSuR5eYSP/N1XSoslxo9j6UEZhUK10LY3FttZ7NNfs0lfP4TGHxEWOP79sARgzf5lwVmHVuN5c1aox2eUQ3rXiEC8RiR6cdTfGJaf/5aS9e1575/xxeLVDwTn5+tLU/rJN+KK3kx32QIErYSrnQxfK3EernZBD5PCYO/qxFxoQPYvUcTLF25g29zkGEfgYjXyVd8i+M0qKACCTXL9DtwE58+dc+mTOAUQYVrnJvhsMLsf31v/PIkBbc7NizS7aZYNTUalwkTaNzyIF9iv/9Xo+j+fCAhKM8GKlIsN8aUFq5gcUzvEn38hhp63qLUihluj+RSzusicwDXdWlhT4xtAsI8Ycavi58xuNpTHoF42GYOZmFhR/jZobuB3vWliHz8CwQb9uDZM+465vdgQwprq6BqHNVwvjmnezCLfaXzZAoqF748nN9e/6ZQI4oPVIFDo9LVHwWK5MlZa+HjdaF649evX1RT78K1XD26Sds2hQoumABdr1NsCYvUYiiQvqEBUj1VcNbDOjoZp7KmThYcICREJUM3MEWHF0zAVXIbEX/W82iFpQMKAE9B4NfCGUdaKuroG0a4Oq8HqsS3qqQL9awmnlPA62PQiiRgpfDUqRwSVKkzmgThLKZ4pOjJNPGvyK27bqSPCTkpd/ucSGdyFGbpGZCVw8900mm9oaMpgrmHWaSaBwJ1c60uVf2Xij1+ncONBuDvOuwIgxSew60RnkkgQwH5EdDjCXziEbz07ycQhsDBYVwBMWN13/bVLBC4c01bEIUXqtomQfuKxM8fH6ja+Pz8pYp7ibHc6PrFLqM5lroLDAgfiEhsgy4JZjNAEuT4PmZK/LITM55U7iBaj8JrnHVO6wag5E2PiONoj0fmDjyk9+BRGGCSS77sCEnXXOuc/QHh86O0yeuhhbQbGjmUfToZrLOOFf5zFaC8ajDD3W2PhCoIOAmukmaVu9sKCuActos9SAfnnovlEV1jvwzOHD/9wlzkt4BXBQL16KSNVbA4rf9rnLXu01GKdM44/rIM8iOkJ3Luf7e+WxXeb40JOLAFwcv9oBn7GUzxZ4qyCuAP2xzqupIrHsyvBcBv93okS3xm3nrCeORkjVsSEj9//kDVxq9ffyHRyN4YfcJ+a+6b35+3SmAmLrjQz1EAF2dczDRbFA/bNBNNSZBHRyMRsec6Q+cHtoQTdjDFNcVIh5iZU1fcDHXGZtNYe6sftXf43/p06cH35p8vJlsChXc3mW69R78I8/M1CdHUEHRO13KH22xZvv+Vp3MWLmpPdaLV2lWRcBIfyH57MIN/p7ZZsS3QuqlTVQFqU7GBE8GJhBoaa35hhzER9qrYwH7fShZ4X8+oiexEiaG7pfTtfDYupC7OiGDf95f1qd7gE3OGhF3S970ftonBJvX4o0Zz3CedmBgLfNfXUncWABokvTQiNZafMX48g7bZY5sAqnCNj74BbDUEdL41kl5a4kDfxS4+t4TonAl3ENMusbQexfA+P0ccY9mAALqmO3vihN6zbAN9WNRK+Frgzj4VwNyHKcbgIXrf/u8PDOmu9thsyPYbu9Vfd/JmTEUBDIRGvmyblzbZmV1ghsqTQfrEtI+LgNmYZxuPC4rHNgGM/frdPMYxzCN/1Ek9wbHlBsfbNlKtRV2cYlgesW0xg9aXkTXZCibBmPsLwyzbZjftfLuwemzzjMr25BDegIU+GOX3uPnEtHBGMt/1e76qjLtFMlR+k1m/Ydr9BdP++vzFWFONl9gf8OY+MdPMBt8bqKbeaDkPVDGulA9OHa5YxO2G8KglNo5dMQaQNR4NYJHNU3VPfmU36ntfD+Mjpr0ndm03yHAaJyd3VSPe3zF65AT4fmK4yzaJuzTNMqjyETedDwOIdYlcAdmmYs11cB6ScXkyKRXE9C9gY2DNz3NEa41tlgtYcX6/rP/WZCL/bpu8Fz045zSPDt5tJ7RjaoW61XxUvnnldXIB/S91F08N4dlSdk6c3bjfb1j8O0Lapq244Zhp3Jz+BD0b+SLr0J6mmWK9fheOw//w+vPWp+ItsvPZu4Aq3AIAZHZwXevrtSjMFhs/XjC+w1nNB1CFSdUwJ3gZYIOI1sC5QLIqtirwo7wuB8RKqihLqibOgYOSRIF6CsctBPY4Pcxb8dAQ6DAxJ4skNJ+W+t0YCiTZNBoLC+BaZJqQKdRT8UtXO9GaBUzc6vztWDpwPQ7YeKjLNM/zSmvONNcFQskR+pDHBFNZOGkd7jZF0kGw9X5PqpgcQYi1YL8fh1LLjmUi2uwmFel0H0MJqP+cQrYy0ia18P2mBsNaF9a1lGgpdEUjlg/6AqpxKYDNw3KgaVLZJmFoNi984QS9BMBRexKA39eDW4QuEOgo8Lbznq081/ZdX1vjduwWMDGg0zLI+HvbfF2MGjwKsk3gJPM9xspbXI3um2AkkwEOLsTZobFy36nzFjovCXQEgU4DaOk+tQspiVwfYGG17I5hsMUikGf5/TneQAbNivYZSVVyoUmsw7Bpzb82zhlQIYlCqgu7vXdInYNyV1rOHIBpnrZOpUy08W5ulJps0e/kXIcg3qDRHUAIRJ+u5dx+OB12MXK8Qj//2d+FDEf6w55gnythcTjBWf761p2uxuevTwWdNQxGA5LC8b0WL9TwGpx8e4Na7z2dixnfCnZZhuGnIrULc6HnPPdBFN0J1O01jxjbbJyi3nd8Vcm/pIE5i2ruKYVYj7ULr2vh9ZHIKHy8mkUoofCYxC7R7U0nB5gRPIhun1ABM/kcCgM2/B6sZXOMIZdYULZNrBl5w9jbUjy2sAR06CkKyGfKLq27Qx7FMe2YzQXHCcbNRGNlwQLBpFl7lFLslm5EUbiclOtE69l3Hxaek5/pKY8/5OEaLTKNFkKd/fGBKkodIUf+VR4JioCZBl9GBvvA3g7gWpik0WPdPMYpMCg/CunGgAVpjkf1/Np+xLb7vvHrvz85uhxrRmYMEstjKvriB3D6fshvaZzStskRETZRMEmvC1A53ekIja0ZJIV8mdkFwmKNQpbHSQ/2+o4vTW1CMEraOoW+6zzvh21+fDBufnyASx1YrcE8ezEYy0i/mkyyItPwKd7qAldrlNAscWoK8R0tf/KYERpNJyCQTT+c1wKwhWvbx3YCSIk5RZbwGREoPb+uwzQ/YqaY5M3nIdBjZYDdwBlZ3K3ri0X/1tbw+f13MEyiCLLDHKetgRX6YRL6eLNYqLGz5zVNXVNJLPELJnk2bON3U9ybCq6fG8CY6SLQPr+vsaXWvXhiafuJqhvvX5+4bzap2YRysVjxOomdQ4WvFUHR7XlM6eQDXgl+RrcPqi/hCTOV/PVHdFw3g5h2ySd5ZJrM67UeRd5v+qpNX0u7oL8EjGZavpoMhNe18PFiIed1kYk6m13T/i9ZlHnAJjec9v0+TYrkOeZzrsGdbhKw8Ar6tYR+JuEi9xQ1eZUcU06g68ZhqfCbhM70TGz4rDX96fV6TRF/GlWKkUaoR3vq5I7w9el6uCU3cBdQseAx+YkVc0nOgx6YNh75ZJpd74JnfPk+NFUDWTZM3HgwHucAiPIq+xXZynrGHxdtwOaGY7MXdJhFc0bon7GoBrt0Fd6/2DDMvHBd12EOQ5u8NC+91gVXDsI3AGy+0h/x4ORMI2Ce20EL/H0LNhPTngYwD3dzXJJPfzRhAYi197Tlf339sVDj3e7uIqkoNE6kbuDerDbdu7BvqpNf+eKmC1c07YRBtBYCFaZTRZF+NljroWsSc7j9JVoHQJ2k7Z/Vf33cTDsvFk0KK3Bm9oPV2ZnVkwbGGWuiHk0osHlUYyHJZCl+l74TvYIiumjgeouyh8cVnwSVs8EEqStOAIacRCwahgUUq7bGeGhoJCC4gzO4VJ6/vxxghHk252C64sp7JYDYdh6PwBS6L+2RCf0ZaDAFVfZVCOluvPeNwJ5nZaDPkbHE9aKCP+YgM/Hnqmga3957rqUBVYxpDntO9tJzsePBA0zSyU9TJnW/jDRBsGY2TulcI9hFMzURKKzr3xDO/gdfe1MkrZUgiEU792M3izm7uJr5fr+4Ut62uQqm5fP5n9lOJ150KXVokW3ne842BBLpzxh8vGqwdqB7HcddAAMxD2DsPbZ5LdGzcRLM+edwdyEmeVjKUE4Bhpejx32KTs2zT8bIPpoaKuZWXzMWRlenYG9WT8SjqOXaPg1h1krrrDJB9gzzZFC6by4wnwp6zpGVbWKwuWaoFQRsC4EZXQNkG5hHpvPs+/Eo/nbj834zSMxMtHxBAHl55amYHpD/AKn70P2/byWafbQA7LfGbpbXqj9o9MCwuzDBXs9FY02+GdS2mS9EkJoL1uppAQKvOP6Or/vmBqwQoNoDpOhDqW3BBsTnvfBxv3DlwrV+at2xOnTz7FU4VvGVQrsYNpoj/gnzTpAMfpSMNbFcN7C3aMa2ze0zptLjzYQpk1ttrIkxifqMLynSxpn/tsA+FCN41kOUY8K7vUPJFQjw1sa61owdCOLxLKiaXHXT/sOMmpjvno+xladtWurj3mbE6iboHw8j04yYM5LtOBuOhVPs8Tmcj9dz/WqbFlP006nhQh//0c1NQb1pXxaLnY1yV+DH6wMudvq9DK0jWWx43zca+4v+BXDwAADpggFmU7VvmK5pCkY4vraVlNO/9Rnbmt8nbtrdZG/3/t5xUyPsPbbpkQIGkb0xtvnehffdFDjNn3hdZFaYlv9kLXv7ElaQNbLfQOz5nNMB7uPrjadgYG0bM3b1VZ/CpK+WobqkDZjjHlwY9WqaHvsQ3oVH7mKSkAmeaKDCwZMJUhQy9xThXO+o4jKNBWLoDRZ3V7wmBoHfYnzH1G7aHk22tJ8FR8w9PTa4MZuVOhDLLKiY93yORvUjRg4mBDSbYjxJX+qFCK51mdUTKvLet+LwI2666LteifW6js+wJAFytleW46bwE4tuA1AemDbFnHTM5x0IjZGcZByPe3nw+0ggzF0NNd/kh5pn4RuHTdz3PTHHOj180e9VH9v8zIX364UrE9f6wbiZN+ABGyUAbMSe/CCDWqrhrajoEesFeI+22JFjCvpvu1oskTgi8WhupNX7V7uJXVjRY1rGQBG0zKWlCT6rjJuLxYWRAPB7pWLNk32psxJvXJfZn09Mm4OxWIxRk2tkBvTdZTfxsCHG6bcwnq/er5i/B8RwN6bV+4acm/8+z7B7ih2n2HRilb7QxM1/ESw+gJk+RxIrZm/7OjKAfCWujwuINb6P17SkqcnrYr5JP17+Vt2DgzsDeb34tcuFc30WjJXPbbGv83g3faV98DG+vPLkVQJWOeykf339MaK+PkyNeQqWHWDGavTCu4DP9w0ER4Q+UXiVdBTyVH5ZmPDtwHS0oFGYnEPDUR92x8MTSQqwANeAE8i2qV+Ps0RDrQOioKJIJA0sRIU+kXA0TSzcdK1A7/eIG3YmVlIHxMKOCBc0xLR5JRIXE1R3Jz0CwWOPqB5QmUEK3nnoQTElM2jgLRhOlk+33DTZI8450Gu+88zg9TPsqbMTgJFyFdeWTgUw5hzD3V9EoIMCn2zF0QHyDNKbLd8XJ4GL9PV1qegl2qyNgMWRlIPjM0sf2nzO5kLvCRW1Y0ZgcpyOWQ88DJf+zWwP6jZgnANGkExd7sVn1VAJsAt9v/9kHv+jr8tdqOhzXgyO4pHM7cCv9w3E1srYX1hb+k++NwBCDsvJGrsSum8rKUwoB/bFNnMIw7JlrTMFVyS6wOPROsRxrCntiGstBgS9/zmp/DOpjWtLUuDGJmAzoPO5OkgQFhN20YcK/DkswZmlDZedt8RL1e2ONc52uhYK7hN70qMkAobtJM6db4HySHTsR9DSfW0XKnjvnIbx93KCNf9zTAKFuT/uyDYQZgC5cOpgyJGZlbqH0WODXJ8unRM/P2DuYzX9mP2P6bQOojmzzXwfPlMBnesCurFEF7abCCHyhgoBor2fnJunsLYSWPSsW2yBCHSj95nZ/m6v60VdKFOW5yUtBtKF+bQ/32TC7dz4dReum5uWyGjh/UozNBqIteA11ghvVQIACz8HgDp+LwzdYzYa7gdYkus+U2Vajx5BRutrLezjYuf9zAzz2am9uXY4W8V9eYW0cJ+6l/7m8juZSwsLFupOlONVmI5OMMZunUap1uu3uEnb48/ye7QA4HSj/UXDQv5AePwr3JQiwP4SN10k4h2cOIoQGwYYmwzP9k8h1LFaLFkVak6Bk890xcKOTXzBbEL3Ws9NxjOLAzpwbzFjxMxdmdJBWRM3u2rGrDqAvC7MRi34aH6Nm4EH0ER/iZsjalmKnV9sE1pX/r3j5utFkfsYjPV4hbbpCWd8vpn4lTDttZcSSd0b8Ey0R9V05smuESM71Gyz3SgunnQaUzg5Irgx/hL6KZ5Rf05wYUXQpreSKWO11vuaFbL3Rvn7imkX7k4/Egqg0WGmjRmWMRjtqUFhIX7wG+sv3psrrEsYtD2d/xnLd4R34d5/5uKRklMzK54J2gjiW48ixDgRewXd9CVTeNWNFBMC82c+/tMPn2/Da2sEqDPFEEr/EctFGHwdrZ8zpAbPI24u49gHpmUSLnyEJkt4F+8/IBY+YGHV7sM6cqFoMJ5sEzf/ztHtVlM6gS7h9OLPfdPXdaVwm4tifjUiF5ZHPgF83jcaN+4E8C42ISWZYUxrZqNZZB4DcxHr2GbCpWc3Bv/ONs0lOUUaM6hKvtEm248m9mH4IxgnAdlmW9+PI1boG0fcnbm1z4sx7dGMIuZC/3hMA9A2t6YYaAuNZdZrPPReYdtUQ2CKIq0YLOzS/cU2nW8y/T85p/F84jT8pz2uOAbENOcwOei5F8a0h1FnnJLHxOIgqmtd/FyvYleuaZ1UvtdhTPAMhL8m83zlJWtZVH6A6PweLjU9zRjCeT+eGf+7plXsG4a1SbscSQAo39Rn+8x4dPxvbeMf/wuA13Vhth04EYmaUYTX68U32SzGvO+bowMNvPdbxkNB2tdq5DprxyDNgYwAsk9yyWMA0iP5c6k2eSgYsQumCmufcSNvYbhdpGnooCaujKlYu1ruCid0o8yq4YGk8bdrLbFnfIZ75xc4lXohoKp6sRj0OKJ6EPX1oDVkIJ7pD5z/o7Xv9iFX+hwGn5iTGjosZgj491tT/I06+hNTIHGipMep7uhzvOAE0Bhapz+QDJkFdlqStNTUClrZs8eiuiianNZWCIpsZsUY8H3vqX67+7ciuAXFljIVN59BzfCq23pMHJgEXU73vouMHUC6Gj3B8cz4+7CIOdB9nP03fV3XgkXnMMm+OugBvD44KnHdfCb3vrGL9L24WRzhuELgtYArISqyxdkw1fhlOzHbAk4CD0WSZ8PjNxzBK+zzu2D36N4CPGAR4rqSI4PKPc2QcdHGz/orTVwjkuFSzX4UeBQ04oJpx6kKr0dK/FerGj+6Mb//OTAdZINywIvGBHCjZ4OVT4xZeq3RUDMMaF8H1O72WcR0XAm61EGV0zhdCAZVJ4iju9EYcB55PZLoozvl57aWxpRKADcW3EmfwCxgeL9PUY3AV51R0M5oP7pnKiRX2Yfw73tMV8UzPaCIwL3JjAn55hE6LW8G2PAGPAb+46c8VvYdX7RNnokp7EVhb8bA12vhegWuDfmoG3vxWX3e7xkhulbwr2z1x4MFqjznZcaKYCDvzvmjq4wza8+D8exSQ9o1ZMUCjI0ZwLUSKzh6wI87IGaSHY86KEENaTF1Oj6J0TrdxYCDauRFYKoqUauI0PC528Z3gKNqN6r+GhwwfS35QIJK2R9wfLvvxD6bWeB7Knalg2ujDrvzAfpmPAGMm1PUL9+HntFlU+P5F4u0Ldvw50J+xgml2a5bmzNype47ky9/RhVwf/aMt7gDHG0BdtlfPQpy1r7QSKL9Kkwd/y1ucr4/keVCn+7i4BeVTvW+Delgz09/z9c/2SYTjVAhh4UwY9otFoZt043E1wLtw6esN9B52KAuKphBanw3LHP9tTwuGOP/htnW3IR0q7gIJQxnRN/fzBgQQBp38kn4/AJNhuQDa3pN94wWgBp0GW58OH444Txi0l40goRYAED3DfRmw0b4PqfgSPYkmfQ+e7ZaAtxcvlaPQmqcPuzPDkup4ev09Wtpgtnoj7jpogl9oQpagwfoP1t3Zli6EJaVBqTjXcGMTgdD+w3el/3uESP3VrgEfY8xps+fbdN43KPWR4NPPoyCP0AK04odEfmwTRg68Vwxfp5xUePy7/pKF8Um9wHPW9HGXq+FC8DaxCH3faNamOBNTBthSQpJUUDPrANT3HfxDy4SaglEBk5R/RRu0DF4tkvjoI6ZVWRr2ie2hIyVsNtGZsOhrHLX0WYhrlExd/Dvhguv54gxbqbH9VQZqr1hMdrqYgzoB0ut+R39mc6v/fkA77GCEK/wgWn5UcrRgfFNgGVRWPg2VuTI0QAT4c2eMw7nmWi0mg3UNoNwvBm5pe8vHJuexnngnwiTBzXe20PseD5b28e2tBfIkPJ2Ky8b8Mg4jJu7H74Cown6HEMeLsYkwIuSD8Y8Y+96D58rNbWBUuHwn23jz6NPm0WSyMDr41KS8XAw/ca6LrxW48cr0f0TuzQbd99oJX3tuftuXAu4Xi8lieuRACp46gh4OwtVv31HoINgVkhMEshqHvVj4gbnt9U1WEkR4hn5AWS0qaDGmzyr9WTQ17BARJfKkJYKEIs3uLzloF78vrFVEeRffM81ByeSTjTXdX6oB4aymgk/eJrJS6jXZn7mbeUIBCrPHytEd4OClfzcbseVQIS7DgwABpC01XMI7zdp+F+ScJ2JDGoO7HCirIP/6CYxSL6RuccIX68L6xVK7vbce3ce3CnYQ39UEt1MMCagIc68vX7OHdR8jHp1NzeLpRIB62d08fnXMUr7p6r+o+H8T7/2vQXsGx8fL4HEBscFClEcwXt9AB+vwN6vh21uzek2Cw270RfQFwX+rhUS9Jb7SZ85fXgYyOicyGrvDbjIEWk6eFE4NDk2GLtGzNFaSdcwO2KSiHiwPFrAlR0E2uBS0RSNx3pwXo27nS5ooK2NtXXpzrYMBoFhP+h82zYpEkrDKSVTOo0EdRDjTmANwABCn9Pat0aDwrdOgYC2yd86Z502WmPLHqnwuJ7h1n2bnXhAKYLdbBdTHRQdlG3bpMgn9ueN+1FFXhe7ErSzPZ8XiwWyJSe669BYfQb2ZnHVmy9q13SxqlioawVEAzFTZ+1TSAX1c9Bojh1qt7r73NrxXV/7vaHQgtcPbpELaES2G9Fvjggv4HUBVbTN7uQIS3MVJoEH0KvRi5sRcmmrkLASBcB7ziPmbI9BMPnbh8kBYlbAthkaGZQ/hVhy+fDxLnzMNjHZajsOP5Im07hZNCK4CTVdDHBqb/QGt+xtwCK893YzJhHh+XGeh5UuQinJts3kk46MYbWsTv28xkDgANljW/v9SRFJZXtulHTd8jE9McoJJP1KKmk9FP1+vLfjcSBwP9hfLZzjTRJfVrjav4oqfW+Oerkg77Ft+gaJsOt/uiie3jiMFzek4ALOv4ubOI2siECWEhuxSMxQMtCcsapWQtSN3TXY7Tu+6t5iE5IxTvxE/1LNuLmuC1c2Pq7Arg/UZhHyfW89MyUfu/C6OE6xrmuKODMiBCUkJXA+GgtkmE0jrVlHsy+0s/YocK6FlDgmhM9WyldrFTA/K3Qu48uzxiP2HKayE2FhTyd2FdK/w/xAh5t4AAv7tgSfGSdZ43J0xvn+nLbQvwgDJnLE9flR8ZttykeIvYO5Htr9NTTeI7zNv0ojCi6cnoQ70iwGfabiEt/HbJuEp0v4zHxylI8ggA0WZG9vpSSLkqxSJsopQBJJ/+tnOX7BQKBVhIWbHkx0OZIvmys34I5Pz+R1T9ys3+Omi1+nOU77/T82mf9rr/3eM/r08VoYoegW46I+2fx/AR8XsPc1mPb91thoNzYow/G6emzTWpUhlsM0AyzvIfYwHHGkO2XBaDeIGGBUwI/Apee4hXVkMdKEciGoH03OhSMUrVjXtk1bVU98d+wLAEhQ2Lat8QkWIqLG1sm+u2QzKm7mV0xrO0OE2PiyZJonsteXxudB+D0Yws3Ewai23dq4FhSnMDlJBB6sozrFXogdpDNbt6/bZAoAYvpn1ZAp7GfMP2KBLoFmITM0jhYIXK8lP9lwASw01h/QxE/GaIjxvZVti5EO0GZ33Sqm9TQlo9SYEdbuhkafMY0nuycuShE7HdJKg4rYf8C0fyzUfLxY6VvrdIhmOnriSY9eCYJTCgGgf37g3sUZTx0/BPe1L1iY94A8VWzUVRNt8pFAMIhodjFynA8Fu3uSlwzg+iFKYR32BLqQkMgTzkPxTUID3Dp9aKfT6QPERmA3PdOFInUbe2Oryp3xogBxFNZFoeEudy4OUC45BSZsp/sBSNhwAv0WS8k/0yf5spAaBHSnsuDg06TJ+xUnCHZtWIXEHVReEUGLk8mhrbep9Y7GT94Qbd9ryi0YStp1jAByFEF/bRrgWomP1wuu0N5ambaWAKYqqiP0uABgTeDqbm4B68L7vRmAPRJWvD+lxDEiNN5kwKlu0IBsPU8EKvB1FOwbvq7FDSisRz2q/4CKHA3sG6UxiYzAugSwf164bwo8OzTsBupmZdcsGFMWrRFjPaJhxXVMgtSdM6sbWgFs3YoGHVdk4OfH69xz6BHINsmus23SILdQkxNJ+oEWbRCITOyikCH0fnak0Hvv2jqnl8DOpt94lNo7zNiTZkrbn/A7V9cMbxjmMTgW9gPY8T8xYK0ZnWISNZoVvrZKvfcJoLan6WK3NjvByS59j8cd3H1zcdmsOwdAA0yEih5N0XQCVtKtrCsSEegNlID3x48PmCmxd+EKDRRWobBxSeC0d6HTa0C3wCg7S9Ub709rb/Dg2B79bEN+Y0l8/Agq4oBzPnIM/f5b2+ZhA9FebEc4PqU27L0zGpTuKvz48aKmFKueyHDnLngPJiE69GKDfs9nzwkSxmDtWh3oieN9wEnQvn5+aAVpO8nDxE0AonNPfqGuMTT7rrM6c/CKVrXkxgUWBVIiErtu3LeLgdcUBa6rEaHVyfrcsP7afsao1ljUAVcTj0AQWfsw0k5S+IibqbAyY2rCNgOE/WJCT30DoMFuEX0GJlk0duDbqPEg2+JILQbQQ/cR4TFDFWusXeCzIiyyxS6OCPz48XESfDmglYF732iUCrU5yR+wtPHJxVXGzfu9cd99rp0BQRpoBLW5QsXbOnYMfQ8zBob1/L1fjpsxcdMaC4kLLgirQAB25x03bZvvewPqTnPtrPBCPsYmHDMRw7gcAcq2dYiVparJWnw/LaEhsG/Gs4/rkj0dRkswBfoN04b+uYXJ6CunaPOMB+1k2L5ZBzc9bu9CxAK1BR03MaOwofc6PCox+4Sl9GETN625EoCEnM2eID4OSNNm8PhviZOuR2kXng0SQL5IyeTSd3GG4ObtJaGWKhc/ARe3+HXUwRdmsV7KuMT24o3zV+9mXpKBHx85BZ9dhQtsLG3vbtf9OPINxza7G+taqLrx+XljZK8mpvO53g+2zApt1uk+B+cRN12cKDzGtb7h61qgbQK6frN43ZxqUKDXGV/gtRpxJX78uPD5lm02gNq4dQ4+snFdc2KgmzlbjsYm2nGDDJwqFRfA5RjEWfb3ziuAj2uhzFRWblF1U5BWz4F2pkUc2libKjp0FzVPYUZPTM53gkmPmVZv1L6FF1202Virqd8khiX+AdMGXIDs+bnBsyoqkylpbOpcgM0SIMBFHU/fomzwISkyeFjf3Z/XLdv05z7its8n/SCbSCMp55FqNQ1OI8JxtOVnc5oLjIFAJ9/7588L3ly1NzHQS4sP7r3hpQYH6fcjhgI/kvHjfUsXNOzTe86tNwanahrQNqu8pis7mMvarBIf+Wfb+Mf/AgKm1aGAbgPhHV2ZAzyJKVXwkIBa2ok89C0goOjkv7qHKsuNBIFxYmkAdrr2EaLHwQ/OzIdTIGAQeVOYMNXlY1ak4KzD2gTTOjmTADDZ0ZzxNlNno3EPW6RK22ZS/31diJb6f35yRj8Tu/MRuP3N7NxP59//zQc80ErG9D1xNkHZBNjJ0xhAnELZVDb1vzOX6LsokH6+cwPgiFIgjiI2VIhpVe9xEkULpfEjabDkM9Xccx9GNI2+I7GuJW2VQhfXBK9FmliBRbCNwnv3XGNmHqHSNvszsPI11z4smVKXsNz1UyXXtMMukNrbjxogPYENrXHYEGcW9fu91lXI5nd7f77HNhv9m226ei/xYTir0TaICYFK9PJS0qDiYjf2vYfNsdYikBUAjSDTJKMBz40DKgTAUBJ3G9jdeL0u+YEYhoZtk/FD3Yl0kGtV0muq1m+diZzRCdl1JBfRaIsDi4yytHgfR1n8LkNxVSCLuPTvtllTq2Pome4iGGifJMfgXOcHBW+0MYDaosnyTZfCgRgzE7LUSRLjzKMICF1pHLtFnPSUc7EO+D33bjlR8KoTNIAj8tzN+XB3BIlnrdbDq7l38zqZ9TNRCG8Y4nuyoxVY6yX/ws1XtcwecIEbE2jZmdlAGZBh7hWh2gEo4xDBjs53fa1VyCXbfLuLybO8BCICFC5l0vZ1/BJ4FM8MKsUw4eM5/osz77SB61rsfiOAOXOyqzALggUA+lRRjF30v2+OKq88SaeeE9+rZ8baBXGDJMYO6pTUlu2FbcodfMcNUaOhvyIR8cmz3IG7qKl0Vt1DdG/GDgrW41Fw8Rk51+QR5QF5ejYeOZ4Ncpphp68/7ZLMEzcdJ0/cxCP+xgP7HNAGkJn7fFZOXl2cBoryW0WA3Sp6FkIMK3cbUx3He8z36Snu9jlojVEIExWF/c3IIctVRXw0cU25S0qmJYlC7nCKlg7MGXjGzWifDzz8yveOm9dLTIV6Ylpet9fBcxxRd8nCwbLNbmHfdZFVMedaa3wVSxj/PHoOXGthh33/s3nmriv4Xnpe06wr6hqi79FfuJwAtjeqYGI8x4uOn3dTteOMz9lcOKbEyxjXGmI4IzHWFZuiy41hn9Gen3Hz4EFi3EX9RuH+o4NzzlI/igqT6nVznExYW7DtgX1DjSg/N1qBbRMwm95s03ENSABbuheZZuqEwcf5rHbs52vGkktNgvGZnApYiptmakcsVFiKgc/lvRk3bYenWeHfoW3S12ykRturlLiX/YhYOpu2zt5YzHN2soiRG3g+XDKxv+trrY1UoePzVw2mJe78e9v0CPZzxbK3Efu8uLkbAY3aSDOkamyTctiBU0QVbg43+3kb3zdlL6gXxeZd9y2JiMMohfOJwYPWJ0kyLP2GYCzpgiVZZMu+9ufjs85hAMo3ETecW2+N7XzBtAAC0sRyIVQx6PiIk+vx7YUL9ZeNiONBjptLduZ7o192vh32R/2wTfmgGWXXExK2gDYNRwaYcso+E/N8fV9nRMwCvE2sPpMh4ETMug4Ro4uYW+tCUChEB37d2whe1/1ovkSKwe9WcZO5gxs3GmjVMdbRw3FhlzUC2ecCJg/BiZsR8uFtxvPfv/5YqFmLiUh2YldwU4OryOtUC6/Fi/n11xufn6yeZVC4jYAqNfvrh96nC7RC1K/UViE97BEgUgc2G5nX6C40AiHByXeXnHeia+N1vRTUBIrsYHHGaezcqt6AAFvA9MKEFeW9Jm6t1kjPRsTStbxYCOrW9RXWes09yowvujjhFgG5yhh6JgwGMckRuoe+OLS9OBU5Fqdu1CZjIBW8PGJRZYB1w51EOzsWS4BdWzQsDFMmFCwJBLi9h8krHvfDB3Dhfn8ik8WWVvJbCswVayqUZO5sbURJbIGkiLf4m+G2HCzIxGTmyTiSI+1ASfSODpXraC3G54LCkhFvgYS89Fxxupcjotk20H8Fnt/xlQI6EdygUmIZePYRcoTrJdv89cavX6TsRwCv15o3urylIw5tHjgV/9FoUELo7SGmwiMKa308NvEEshN3bey3t4CcVeG5Ljq2eHyhOEr67q7Vfo8dQSvCCVRiro+jVacoE07+cMmXPAIQLHbtTmPrnul3TukeU5SA6f5MpAB3K0/Qg56DWS9Owqo2dVgSsGJ/daDk3COsJ1EspgTwulL6W/x9Fhqf7InWJRJwrWWGBCQEKdC3Ep+/LOrJxGGJ6YRuBVltwQPZNS6wf743vOLRtPUOB32Nper5W+OpFWhC7w8lGdU1/217dCuoFdEN7CBoySsHg5xRzBBjp49t6tB8X8tkHhYdwCIt2wE6xOv2iNd6sQD511+feH/ynmc0Pj4kkpeJ1+KWPHa5qJ+FbWo1z+yZl1a8ExBg8aBxxWts03TluxQ3FJO6Ch+vC7kWkGRnODaZ+eQCgP3tsINaNFMEzigh0LiRWUpCpKkQCxmXMwh4bAIqxORicSqipvCb1rIB5PRaNtrDHCiBQYNcLvY+AG8SGHHz9r1xl8V314mbsm3k/cXGMoJd2W51RM3KIFZRdBKmVTIkENaqTtKUmCC+32/eNriRANmUhT+VwHvURr7o/T6xrgE1leTgPHbUTsp7DMXxzckrJnmw1g3G114Xz8rXuAnFTdm9nv287wDO/x1xsyNR5biZg/ugosn1g/fq11+fxLSyrdfroo/NwGu9HgkJNahaz8CJ1iQtOA0sF2cZwy4VyL9i2rt+x7TXo/l48KL9Am2TQqJuWNKd8myQan98OFkhZ+yck0+Jxkt36pwdxKWfAw4r/Gg3nQarY59xWWNPAnQYah5GjPEXLiq3Ch57ChioJebN0e9B7sGhS1ubuPWnse/7fP/AXBfMQGz6Fo9ZM27ysyM4nvr5+YkRF55ih0OT8p9pIu1hEt+3Cn99Ew+H7zabMUtx01oho4M3JuPkHmpg8Pdd1OECCI3GPGzT4sKwxphwIIWp5Zfi+V2/58usaDbDD6Yl/kjeUzTygWk/f8m7937kmIFrfUDWgdqlMfGa+wsoFsJjOximWqk4m8EcYqtBdxe1VN62zQ6868brWggxs5xvlpqNsy0sNB6lnvGpgOiBzHMJILbyTOeK+rlex7OG38hxF2Obk8PCEwQBqHjJXLMOptVFTzOi9Y5xcIVxdGZg32/sLmznf9vNPsWhvKfQ4fz7WoeNWZtMY8SJRAgyZ6nF6lz28XIujsDn5xsjVA4z3vl+bii4mERCAP9s3ze6E29QP8sVbo+wMf+HcE3Pe0Ln5SztgXAyp2YKXK/NMVTmFxYF5tSQ/H8deybeMobhOFf+m7j5x0JNe6RgzlPjfvPfr7pQcna5+GDWAn78kJhlN67FAL5SXUaL5xj0C2xO904ggySQpR3nAKv8G2FmiylNK7D6QoFB16KFay10bd3wIuXIlcySYnuE5sN4YC2syoq5u3wxIlPZQIohwwSNYycrHXL437EpXsuf4V8RPjgawfgy/4czsxhBTSgzQhS4boNiddd9CFOX2lPB3UOfjWjSkjXTjmaitAHcb8AK9Al2WbkxAgMEYq6TFcmp1DaBgwtIK4/+TqHRWwKyoBBcrlTRs7Bnhfs1zjGzSe91F2iKRSfxgM83eJ66weqogps9JEkXpWd5xpwcbLs2A63Pt5NNCNC3gZbf9/u+9lZF2klcyzYRuGZlJG3PVduPl0VtGyuPM3Ghw2Dd3VpA5+RJl41msrW8Fckq9rceA5OxiIXVCxVcRphi1nmrBlTAtNr8nAeBjJWpyVTMKCSfl+zNiZ4CppMgPszDnuMReQY76+/UzHnznWrAnF++D7y0fCQ0GFBeALxC/nS/MdfdHucMBsGFxK6a7XMz5lNUOfus8/kUgD3ioAO2muvMeW2Pc6qCSK5A7xrb9M/ctR9sN4mFOhjVxn0zftVBjsgJ9jg2KFrwgHklK2cuWR0/NFpbn1jzY1C/RjDyBMQv2wAnlfSZ83dlbyh0/d/11fvEzQYB+X3zOV/Xa4puawGhQvnrtSZuJraKJS0Kbz6KdYDBuEcFPe/MR7UEGCDb3Ah13biiMsc2G5fmqClkl9pGBWkbOSZbeyiUbK4EaulKwtscge6UPfq/0TY9AkHPwu5VamyvO3TG9N/35jhxeGQI6H4DUOPD91g+b4rtipuQreymJtIUUOERXOKCw/5rAPckyyFw7R4/QHDZ4BjVETRUwco6ThFjn37XM2akBG3fsKjzlRcKZkAA/SiGIaF5e8bU2iXBYAuB87rOtgwI9CmeaXXWfD/pFXic5wvjRdvtHDevZfHzEzdhIVt/FxrsSaIUN+N/Qdzs/oppG437zfP9ui5sNSEOpg18fCzdj/oaNzkzN4wkxgb6NjOcfaZCmHVNLGVXlhor1tRL4A+Y1m33CA8SQOM0HBlPcKzHW90QLIp0gSPQOodmB8XztDrRU4I4GEuJ4sRbXaZxqPgCE7cxliPsFaHElR/jlcQFNWgB+rzkYorIQC/7kFCcCod1XqLfG0BvNiI/P0+zMXWvBsMICwClBsHT9vnVd+kZAHit1zDTZ/UvoFzn8d1bcXNbrD2GvR2RZPvqjKWTs4ltvJfVxrSMhWa/dZ8EnE3gNWNs0D0gwdAb7B6sJeNo5QUFyhB4icF3fZ24Sd+9d2ssk7qmX+JmAOjCddlvAxlbuVzMFAC3NnFz4KCaeBar2bQKpIp+Kvz3G8BbJAEASLyC9riQ2LKJFy6OeBe3pubkNWxU+gwmOGJT2bNBzEX8aOM06ApzTJJ/7gbmKdB5w5NfLMY9Gs30Djwb6/e4iSmCWUO20VpHTkxLV3PiZuq9KTVhXsjG9Qq9H4Zl0ME/6E0G/K/7NH1ZfKbmD8Ji4/zyxrTx2yF1oRIR+Hh9nKmR7rkW561Pln5XYd/HNu2/TAJAPrR4GsJGKjA5+IXj4Il5obLJush2XCspZC0SiRn0wxAHJu4XuK1v64GzgE/bdG34715/LtT0wkyaNnfcr9XSarmxNdscN+le15V4XZq5R3EcIrRNJkhXXomhpnmm80sQeHY30CMG2CBzhRdjoZ7EUgejEgJOjf15n8QNrZvQClIBFA+l5+Fm57l+54j6hG54sgsoEETxLjlhXSolrBoryEJZ6Z9nwHNA88jak3ppkJYO8BpRqKwRqRqxYI9jjcDb6RSYIZAO0MvV+gOuTDcDtLYRpqCxyOSk/lo53XaU9DBQCpqBeosFgJwk34r9FT64DlQ6lOUuEFk14cpmAFPtHvqXquhN0Ozkw3RFO2En5352Xvn8Kf2Nyd3Z5mYxaqkb1KQ/RgfebzvV/pO9fJtXlbSDAui+Yb2kKnVrm880AtQYyMR1LZ4bAJ615b83PFMZ0puwbQJQ0MMkI3pQsAq9gRk61PWAnj+w0GJ6sOBYxbu7VmIHEFlihRioYAqmz1XGmPT9JKuTILkLqK7AKbQdkbLGRkZN8dd4BqXAp4QmcvIPKCLSl6RBM2+AhUBvr9xT96qrsNRRcOeLdllD3Y0kk4VdbxWq9gnI1Y26Pe4o0TLwnofHqTKnI+ciqYtsLKan9AAYPxcruBSMy6Xvyk4qurQmkjoas0YUBh2QrewBfsCxTfr1M9Y1gDVO1zCSRW+OA51V5bxHCYgmylHS32xzH8CjB/1/bjD/F1/VHBugmexjm924788vwtJeK3pd6Ul4+eAgGxM3or1VzzHKIrmPxAkE9Moe9FTSZqBkQ6soL1Oh3f1/4y6A9SHGtzug63bnWfEjfD7MnIlz9nT+XQxkwmrBVky8IqH0JIeFN/1PHsZbl1m3MbaJiFnBCmDOWHoeXH6kQt27Jl17Kw6v4harcFLq5EbdycyYuPnEAF91MByLBRZhxg7xjhNW207AjGAyit4qpius8nMGSOoXvCVKrBh3Iz0GmddD3wncCDbbOeW7PWZhEVPbHm1TCXGJxZEUYty18fl24Uljxm7GIUgBVxJNXyCb130RWPrWySDjD7HAF9usou4AMzkVaVhYeV1uzhmz9cRNgElMR2A10YNZU1NEC7NNgBPLxF6ZAh2fyxlbBixk7U40wOexw0mbE8+jach4c03RkBgao4EB/4zYp88C4SmxMEaRK7n1vcV8cWW0WQzlGwJb9/HETgwGDyYACGFdb2eds61gfGrvh3lpHwUArY1VZD4cFqHZAA1JKKDnbNMeOIJ7hJQbs63MtoDEffO7t84Asf01pp+K6ali9BSdGjPumWZW2P/3EU6Fo2U7oY6Jm8DD5xmgALLNpWK/fMfkjPzBY5snbqLBOItz5nSy/4/s5f/maxe9GTcIsQBptuJ9f4qNIttMallyfN8sENtm4KsuSuu4+Lv7vDRyte4n/YFxYTMIwBqP1pRpxWcUmY27G5/vPvmmC9apgnorRwMbHy7mBg4b1BuRzouY1uLIZhP3xC6N92ErbqZsy/mdc6LzO2OX0Ngu1HQBaJ8NVNZ8px5mPVCbWl0uAPnceZw6RWRw3OxhE+v7h3GspUnsbQKh+7nC+nlHswsqcHcHGYbyIRGJQo0dIoIFoFBRBpgtcMYkkTl6VGdCpXVOAN9Y4pwaeY9p5MMak2ET1LibmuR7I/aGO58pX9nB3Ms6flvahF64EfDEADQm+vevPxdqYpFurSBxXZz70vnRQVOfbBd+fe5ZjXYlEMkvQoel4JbNA5acycy1Do3bhx2NXNtRSI4OAChMWDZGUQgTwJWc0WskKjyD2KPt4I1OpmY2boHcwDWzhQygiGsU+lXmAccTlpy/OlM3K5O51iQX3UDUxu4ayjSbJfp8IdbSGWmNH/l3HSQ8l56iVhMweYyA92bm6l3osTDawx1PF/ZxDZPQTpCQ4nZvRBRe14X3XdhFlkogZrZ3CQiSgcNEStWA+b7rurDvxloXzIRKfSerdruudOUFXIERgPU9aCctcjpFcEy9FMDlRwbOY1BOur0O77Ay7GhBvRStA/bKyC0AkRHUCvjSRfx+Lxo7dQuAxrrclZdtPpzh3oX7vnHLNpcTxFTS1BozABMaJmJLW9ligNI46rz17+7gAK3xuJKT69ojxnelCoZytFXA+5bjTW1qC22risade4qnTK5CG5c8XiRb8ykfWggzVidoZMSlCqmtYu6/rsN9MhWgv5u2elage7tETjEhc+GHzlQJUHfXbLgDemwVGaqqH10uxCx2RSylXE1WQSxpRkQowWdS4fXaz3HWfWv2PQVWxXZx0bMRuLPmWUZ4i82IpAx7wtpiDdoxt9zJr2kTEapGwWCbxbAb+73VvXXCCN2Dr7ZUAyj0+MRs+mKbovDbNvE4hw5w3/VVbbFmP7PA+rCPBbIOQ+i9C5/v0hpuxrGlsTyriSBvWPg6RWleeQm0ALRJF9JNicb4gu41cSNEX7YwfK7gCvWISeL3WyBCzQTa+Vai8rBNd/tFI85gwXQ3R6rahZ0Ze9B13RLj1F8+u3vfOp9Mkgdg+saGiqH7bOyYzrqaEZmpOERmW+VJ3GpWrxKPOO6mumHPmAmfUPkd4jd9XpytKrsxz/l1LVKncc73sE1SDa5b2gvuYirhmrl9Gc67NpNzfY5HEAu0n7VeEltVwngDMj4Iqk4i2VXYGpkaP0eTwllhLDBapSQAOqOpEXjraahYO4BTCY9wx3Pc6ju+bJse711XYL2cIGDuUTf13d7vN1YK0yqxzghqCpUZLsK4AZ27MwLs/6XO2tc1zEzk1OgwY05YbmUK055iYIlhIHOFGxW+DieJHtvPwDyXiNc8FksMNIjb+IcPm4AwgAr06rEj2ravBONRbMc8f2g00O31DRbGlBiq+DVT0jhjeoOQXXipFqaNE6NA3ziFUDOUdO0BbWULj9tq5GUt7NMfAJDafNYIY8Bb4yFyoW4GAz1NXSBw94Y3hQYdBJ+DY+havK1i0VLHTbZpPKtEEsW4WfvgVzsiF2rnPm2BZjDGmjnuGNntxN4b3Yzz/Wweb/4NX9t+sfg91xVYH39vm46bts0FKI9jUaaaWmbw2dVzomanigXDAN5A7DmHLXZmaUx4Ky+4S8zS4GdVu9hCjH30B48D5PistQaNOTWUNLnadZ49TvwBfN6FqVTEIzPWEaoQZc22Qzo4SPZ3TFuDU9H3l7jp4sRL97DR5wwa02mcqNHK78VoenxSK45xs7H8ZDdiJfZ9A/Bing104fW65OcUh6ZA0khLlnhTWxc8nmpswskSjlhvUCuKBW8VzZV3Uif1Ql6HnWs9GTKyMLYSYOGEPiFR8t0l5t1gUN14sofysIoATR1YMB4DyOZ+4tnYed7Bf339sVCz9WYNjfjoQ5bm7BF07u+b649T8+B3sVNcHRQjBgHeXUBqvZ9v1KqmMKpHVeQAq+4HSKMT16ABw5YKMCO61sGHquSrs/Fqjm1y8wO3kay1CCJL1bgikEyARQc0um8WIxojmIfkRgUzSNj9a3UQyycMIR2fzETcodGSMwPnjmHZIfTpStOw9d9nzlbjKwl1ZTWy0YFlKnSbDgdSwHHm3LudeENV5R6jDgTikh7Ckh4NEmeyOFCVEiPVk9jU4pnDnFDVexPIZvJwi42TEXIAnCFelxTYxTKo+oW4Kb6WuR6gPIbRMdTbgih1LCjx+7Gg5LPY+tLEixYaO8r9U5XHCdqTWPKXyS7or8nkd3vd05GSeJmee0oIlDm/bBNAxEKh8d6FHYld3IBB8FiTALpgCRRqkfrdM81AW4hw1z+PjaqrGACg7VuRC6zZb7gSHplYF/CRFsvroe9SV+glOiiBWcpxpz4bUaLpi44OOcJy9/0UldpzuVsgeONEQwDuaB06OsCk7swr8/sCHtOACk2tpJfaVSFW0JbDPSKtBpxOaqy14SLKzBMHbfvo75h1A+S6cb141kurO5mfa0RBifBuF8UhNiM7EiMaXNCsN6YAutRN0VQMxU3hhGIDdw4QTQiMpoEEBK4fgW27iEcdEB+bM07Vxtp6bo+iMVWpuRVOb+IOt4HVUEb7+9qmO1IMCSr6ls5JBqAxm0/bZvI5v6tR5TPp+MtEZw0tF7CPWpcKa2UfzGYI4KTGLCtvmGoKbQfUKVbT4aERlwuIS0LHdTo/7ApdEzcDTdFZ0PcEgAoC2cyF2ve8p32H7wdCxczqA/rEbHN3KcUssG36z8tJbvdja4fjJv983+85y8NcvVT46tDZC6iGgxbz6LmVbUCzWKHoR5e/XXQFsjeuy9o2WzHjjIu40YN9zqsJxSXgOxoJ7qwDJ8FK2hXUaGAhpVH1ib4VF6HxMywgz3jDYaRqFGQo5C4i6ifjJHU4pi0fI+Fu64RMEqAG2vjlk1h+Y9P8YpspJp+bPf9kmw2QOYljm7f1+xCwfk3O7dxifiVG86gBjiGexqU8/WBcdIs4loiSX55GGPHbC6EmJAbwr6TuEwsM/DOyqjGf1XCSqUaZPtM4VFfuhy48d/ys/5c1/vhim1PYNAZtXwPPpgV4O7X6u22bZPvCBRhIiNRxsw8eNh49I3lHR9LNDrO/rutiMVNis4xJFs2WVhb0wMwcUNJHlvcjmeqb+HE7NkP+iXZg5mNKz5NFhY3a7v6HmPILlXXuicVKCggVnXkvMexW48/RxAuVgMuYxAVrJbdh8302t3XJdfRJvuvrsKxY0GotMKCANhAqqH7e1GoL5Wjvu7BBFuhaAewt7IfxwwGf5cK6jOPEhC4WdcySnDEpYzVhLuYzKqyGmabS1sstdhSLCn7vTOuziRn+iFnOWQrUEoxhxgWLSMrt5oedZ9aeswa+6ynH/Gab0E+0cx+PUYFY1GeEfoDLdcY287xxwOOfki/x/XH81k+RPXr0uABOMHRT4mKtH7TR5jSHr6mjNVMR8DTNI83HaTIqPz4e4eRuKpBxcsC5J/i8x699ovcCWrlImO2nqY3HfUSBY0plv0y7bX+3wdGtONGPh8FnvbXV8timMXsgfhsX/lPY/DeMGt64VOLmSm3tVgGBlb1M0j735iPLXEAuii81V/9mcsZwB29utnQblh/OYoI0oz6hm8NDsFaABTorLIeqZu1MkVTMprJ21UZelBStCuydiBfpUV0bvVpdP1fMFajBRAVmc0BAz8Eh6OydngRAUJoCu8pC3GWoXagdooamDKVdKcH08sPpjkEEQSLHiY5g56ymFUjq+Z2TYE43Q+/rSiyGOdl+wIC1WQqoenT6u4d6f6e6r7mQolM5UT6dHQbZldcwMdYyPUzzn+Fn9khQ1Y1FNWrfAvO8jm1jMHvGFMHZX9mTZMwKVvSsfm8nKt3qht6qyscYPvRZMMDQWQL8PL7ny6UyUuprQLPXkufSdxAesegX57gX3veN3WZ7nZGDQGOJfdEpZgVyiire3iNujDqMwPVRKlzoOa8lIHaKBaEzTXDZ0kNY2PswxyI3O8UGbkFnuUQ7NYg6uh0A0CN+ajB68KLHO+xBnz2GVGC1CCfvbOu+PfKY+WfbJrtmMQVDOm1vbfAZlm0nmBBIdHLYMH3G/Ur+4nQ8eL0EtoF9p86udb5axeyYMw4wqZuRsLk3TDZMkTVTwt2XGQGd3xGYhIrA3pBg8PwILO7Ck+kIxOLWrKqNZcFgCa8SoOewLI94n+8NUDff84zEnnN5ioLnz7/ji0J9x/eUwNeuZ9zssc2tJJAFvwuf902gkZiuFH1hY4kJwW2jgZYwdRc7rlWhM98CbMB68bykxveWCoy2R7MLCBRLySjtb+8jkk0tFwBtPpXHmnluvAViCgBdoIA+ADzP5EkYJgGZTpTPPQHR3vWwV/n09NM3WLMdBoAt/ZAQe1c4ps95swdoj0/USYbOq6eYOfhxMlzFDeFmbmhax+cYP+CAb1kKTN/uIHBFsYjCgpDWDguQz2YLR/kmcyr97g098z3guYq6AF1+niy0dCQp7ko4OEpMnDRz/rMVTt9v7NLMZOHBeNrmMxs8z+m7vgp4YAqvG7e4e4thySRliVXTiimZi7ZpfbWH6CUjJf98SRMxwELz3mZ4uxHJvzID6+rB0NR/onRAqLN7tnjSNjMBXMEi6mZ1PVBAHAa6k7uVcZjYblqlRml91qdDbcPEIwl8nHecyOlGxH3b1sXGxYmVtvWw8UDfMTWuMm7hBNcY2/LIii+xJ6H21YRiZccjGk2R0Jg2sO9A43XGTJTHOA4a76Lr+KcIsWJzvrftFiq2DF6Kx91RYdbFpK4etqvj5n6k1WaPVASQSzGytI2Sz8jCw7nyVN6AB6PQSzGObeLvbDNiks3v+toqVEJFEE3OKG5S5xSgrTlutv3RWni/bzG1+4zwowF4K5iWLyiG7gLu+2hnsnlW8/4OXU9Npsk3A5o0cSGSthkXiyS0TSddG+wKJFrx+eiyQlplB8uymeDCnZ9ljF3Snh+BaV5iAAFf4iYBqYoDD7tyPcSxzrYZagax8BDzPEJSC9Zt4Vv3YLy5XjOmdXlTwMDxHdv5Zj/ZRLr/j3Nq8sRsjEx/hyWcmPPfptnoSYA8scr5pq8iOoB9Yr5rWFOsNU7IBUsqOp6PnqnuW3jz1DwvxUtjWhWGz4IijcsijhwC+o9C338s1PjgxNi8yvpoatRsrgz8eF34+V8vvG9XAA/IWRn4/PWJW1l3rsWK1yWB0Ag0asSZsLToOU6woFBdqkBAo3RyPvPijwpigFuZAkeYkKDZpZClolIjtE7cNzQ1ouB51hnJgt8HMEcIfcFFBDQ7jvwBHjh5UFyvkCp9ampSKc5jFGnud/MB7nsDCkJW6N7vVnJq0SuNHuEUMWamzhivDjX3vHQ4uyWE+sBnoqXBCZusmbPFQCyrr/ND/HcXYcyp5mFXctlc78s0k/fPInmZSdC6fMGCtG1RJo8RmLUEJZ0hh3pU8UlJ4+dEPplDQIVGLraLWY+gGdaUaOPY30D7N3zJCTC4G6zwWdXeiN24roWPjws/ImmbOF3rvhJXLvz69YtBqrVV4FqIiwlDAWS7+CxoJArzqBo3pIOwubYu40KsZMdjN1AGaBQZX1hKAl0osKMy8AnUVgc9OPLhrrSTiyksqTsIO/a2KHEBtShq9ti09nDJM8d9XcFtGvp9n9AnpdrnyLbZ6sAhgFIQ228WsMgK6wGDjLetzsEB0fzTk7AapIk2dsCdnvMwKQS2p0gKse8USabwGed+8mScwg0LBDnssvtWcarx5TkAwaRRgdkm4S0XABOP+65J9gsYamiOXxMlWQ+LcbBn80crmXHnghtUfNPzJAD/pzbyP/QqZfCBGNvsh23eceO6Ej9eF37+WHjfPYn3Sgq6ZiZ+/foL9Wayt67FGDK2SSBgxlGY4bmVmIW7/myscByIrbJdrXFeJ5wXGo0VF2bO389IKMWY0+eZoqPs7HNUS0Kp0rYa99lnlpxYbAPSvmuwCOtVvl9sE4H1cmHPyU/z/d35eiab+lfbv4HXgMKtmPMAqhgWDn/ZPRAWLuh1/pO4eYqb/plTOC3p80B+zkXcsVcAV64pZPMt2J3f+zSuetew8PxZBdrm8RX6O2fZZmQSApVf4iaAmd2HLRenCBa2TbJ47hYbpdVd9nPD7+nCbwnit3s5YPj46G7UGf2+hGl/yDaNaTMSdbEL+9evX1wT3CyAr2vNuJ7XQ09a5JGMDekhKdmKENMOss3QwoeSTBHtiueFXWKK4IOYKc0OMUZy44zjFiYxhsYcQ/50iW1LH3VGr/hH7P6fRPDEzYZXDLNxer2uR9w8yRQUK/MZgxrS+YgvcbNuNzao0XWKvDk+Q3WPKaycOGkfpjzBOUPvsT/LWIz/gJK/+TPINs0OSrgzv1o6FVPIfuBjkxu6tc3Y76XEFl/j5oy6+RQ2NWT6aZtKtJwjhJrRzyQe8l8rA12yzd1fbVPxQHB5RrFPMvxdXzWn7jSbnfhu7M0i6MfHhQ/8K6bdwQbDX3/9Qr1V8MjEWtfRvQM39g0mS7IrajVKmi8cCyrEzbzkogjD13HbSLiSQ1YNFz9kNtpFGd3/Li7/QHAECiC+ofyN8kKztXBi3cTN8e9L+aBxuE9Kg1pWjpvUvfOiDsY2FxtBu59Y0+ccy4bUi1cxRUWcv4mbHh3ksXfMO3nJyWtlm4UZPwZOQ7EMPvnHch8ulGB+brQVwe9mdhNHPGOS3nroTkY/fl5C4BqfOfdDqJd+PlH7sNCtkeSNySZzjN6V8bTShcMiVI65ie1o/5ssVxwmYhrXTsL+968/F2omYTgOlJ2rwsdr4cfHD1yXxJ/aF+kyJIZBcq0fuO+tL9WI4IotbsDQPLoDSdMhvzyOMYm4VdQdZHkTuhL3drd+cdVw3DzD4WRtq3LV6GZ0zQvYd2LvF1SrpOZHA9ZkJPWr4E0uFtqlw+7R6uADvjDrt6sRC+rsXXqIVIi2AFM3BXln5eCAuwO6bEwWWdoec6qz9z2ewQ2nm+u4QcfvvgYTIXeVOIbhgK/AUxvXulT9O4fOP3Dfm0C5GvWgfK51g8JWPLUdgcJSMGkglGR7xKZV2BHQiDtE1xWCCjUbdX+mU8FZGAb9Jrx0FfNUTyFKq9dPhox1kcG1G1sr+NqgSRGiCwPPv3NIw8zTPh0OHeXHR+LHxwvXK49tCtQ5O+BGlkLmB+69Zy444g12pRdGJykfDi0YcFzEbAWUbL+vCmGiOLN4Qfrhx8cPdBY6G8glQhfdlguqAEc6ui7UPnP1LKzKDlsUV8iJJ8YeXhAAWzefK5IBTueM8x2N67rkc4RmuyZx4u0Vg6gNturkhd1zzsxGqYJGohTw+tgm/zmxQbrnJFcAAG9esg9gsHBnx0CNxYyNl3SoDET3LskTEJjvdvLo4iU4DqNHv1TMrF4oqEijzxwGAdiJIK6TT5bvgAIzkiM9nIp4dDUjKfzWPX4jngW5CNS+SSX3tw4xqjJxTzLgwo8pzGLsPED1d32FbJOz7QCBAP3Njw8CzevFxKsKiIdtBlg4QTdWfoyYPJ/nRvdNQWyP7AXUneN9eX00OJqjrTFBX+t+wjDjbn12qFj5ej2SwJAmiliv4OefTvGFfV/wCNxWTlLlxEiNlYA65+ogWvwBt/wuwScQCGl1IBofryXwyt9V7X9qAPt9D+vMyYcZaE+Wp22TWnWYM3dA4sPep5D0yLf6b+ImnzDj5mO0q6qmkDzX+WDHneIYv5NtPkK4yDpNzB6wS6u4T+gdm4ffZ9xWE3NArAPrJ9TBEqzCprrWp5nDhIBFl9BD3NuaB46diWsR1+z9FDn3qCevoR445Nu+lIRV9xnlBJtiP17HNkOJhdfKAwDkp3jPXixQ694GvJnMo/2ne+sixgsFszSqzMpWMiWfXko0trbEsUB7IXPzVz26mjX33cX9dQX2DtT90nseGz/PE5CTmRJMzv80WluoyiyxBmbENgOv6/UvcdPNgW482C9OuXvunbGKmX1QU4YscWK8c60Axlr5Xqe4HHBjLVRBdtEtNIfpBQVdjfe98VrXJIO218MSJqOVCwxO4hXxeXyYbKU1+rG3mZK/N4ti7PJL3GwNz6hbP7//u20Kc7jLHiE2DYCjZ+nPos+//gbTVu0pYPC5BAytv+urOG+LbrKA/1NMa7bfx3VxLP6/XnjfLlyo8VVOrjFFhWuxmL0ycF3SDpP9oReL8WowbWHkvRv7brQWU3DD6lactJ9oxNIh6I3IxrWA+x2ovcACj/XJ+MxJYH023ACoqEt7IDam3zr5Gm2ztJDgYo6T57PtW9CB3iy2E9OefHNyvLBrkCZWtc6NYpd1Hx8Fjm6X1wyOH/5GNtqe1Gh9l1SBqcloYr4J/fQj59NY31Z+Z1InBaTf3HyZD4kMSE5hi8WiKY/MhYomS6kD2TkatAlji9DYa6GcJwEqFFm3EeNP1ZuiJEwQ85W2XB08y8bbvSW+L3jNXCJOMctx8w/h84+Fmkvz2fTRzMJWFl7XC9elRCW4XYerqw83j7jJB7BxvUKUJDmvdGLHGU7TrfiwtH5W36HAPegQk8S/FxcT/48Oid8W7v0L17VwbydmYnhA1LQgNb+VVfoh08caEdkBmIKfsziJqZ9O5FRWzR6R8rpGPnJxp/r9KeOyrooc8BgbxtfD1DAHqgDISgimLaFcMyQZaEMeJg0svuVqfUzCYMePSbh1NZ6nbwbO++1V3dCYGbVwLATMbreKNmIgrSCwvq7EWj3U8+otNkVMIDYN/946ByCwjyqqf4di1yZorbaBUFeg4wRsF9lOUemoafP7iB4qJlLmi6DZ93gAcwhcbySs+P0n6/iffZmlbtvkuBGFoK+LiX5KkCJh2vuzC0yAcGXjusgE4Rnrw4gYxw1gziyDgn1KAVqRab0aFsTyMiVxCZRs2mZeQCWBavB7UI8leNZiyTbXOHSaWBzbBOA5c86Uq/rdvD4Hp8xEdaIrASzM2ryMGfmoN2Zsh2/Cb3VsU8HjUe58+lXTNKmDYc+ydK+PeClaNUY07n2j5gzqnDkJHuDH4HRGtpjEfd5bxTGBdbPr9CVuJ6+Dj0l5NnuJdq3gWwXEYoEaj2AaT4Dtf2RhNPzUN7VTuPXKyTFmNjsAzGYfFWtqfl+sTG/MKo7I5ArnUYr2Co/ulGyevdOD/J6vp22aMr2SYt/XpRG/YJE/M/HyyKwKXmyElfwpJvkzPfaZzBwQpyRomIktFuE+BTiBjhWhrWxLyeYG7kK8FrUV9gG06aQl8xTvwoV8KPk5kagr0A/KcU8SWsoFn4kd2QzdXijA754ZqC7cn2Dnep52z3lkHvhgg7rQCOAZNyMCK1raS7TNkwDg8U9KoB9xk/jmUaxRrI/5Tpi4U/uN/d7nOyzdcLOruvGuY5vzXOR4hq0b/O4WkZ0iE9QBBqZgc8A6xb1bYxLQOnUWUWu+g4vN/v68hcZrElbVt6Uw5v4SN8mOVTJrVK8jUPu5KeP/zF7+b76uxCR3Hq+8snG9LjHZjm12ciVvf0lqAETh4yNom4p7Pdk6WSqAT6GKZcKfMiBs+b/nKAVUXAwk+iPEVNwcf8mlrnwitmPOSRjc8w54nLzHPtuJme5BCP+1Fwicg8T/7jeuZMKqtcXPuNk3HnHT9nmYbQLpgy2//AWMeIBXcvOVj+QFioeYJtC9WdSc0WsGHEBJGS9+zXcJhMMo3p9MWjMBLk4IePQYkL3pFnQ/2EDgeZ/NsGIxVh9cyq8bIva5GI25r2YjhMAz7Zqf+bTNKjWtcPCtEztei/XO9jDtEolcT9s8+MROqqqAlXMuv+vraZuegriyWDy9EhHSAw1hv0VWsIveDSBTY795GCmnIIZJtFzATrBRu9JFbeAuUNdII3F4YOK1LvQFaj3um7nSlRKq9kIMTQsEzrl0YH/mueEzZ0kQM0eEz+BLrsFlQZig7yQWfLPQH4txpT9l7/rOhANHyNyXQ3h2GLPhvw9uadQ6Zw9iiwMn3wQUs2qLPRqDG754HGPvR74ZCHS98d6PuCmsYdTdOELCTz3DRM7PX+s0kAmXKWniKR1PRQ9mMvul2TDJZkElep+iTLtBHcp7Dg53mcOxOuNMGrDAxFFksnhU6G8BKfBcMH9h0WwJ1I3Z/p1t/NFwlg+ahUMZSGw0/HOdhPBqajv7xK0OTK5FRW49VI+omGExAUxG+ut9I9fCxyuRKHZoRT3Kx4HmDaXjvFbMvLxbcN0bznsArviCu3pt2meDrJkHKyHUKRp6Gws9oYDhRLHrqXOirlhT+8aiUo1CIrD7sZbQ7/1IxDIAbx06DBAZtTxvjqHS8acPhkKfixSIQPRyfvMIoz3AF1/+Og4+pPvD+1szujRVwohhP/m6WBigEezi81p1oeYZe1uAIHG6uwJEGbhLtM2PwDP8dmpQB0yVyJUxlM4AEHWqtfe9sQtAbQSKoqYCmN0h0UwV4BpDuWUlF/CWm2+MNx+2iXEomaFnsTHdpgbPbvBO8pCTYn1vbibzytUBP8B51qH7Uax+//q8kdfCz48LEcXC1rqwFJg8x+vzA2BmODMbS4lagLR729OtsRdWuJ0UcltKJA6NM7S6wX8BOGvtQiJvcowaNXJzrzMQuORM+ayz2R2pavqHGQQ/6aHPxiStcSr5ZmxGGnCdzkpHar46URbo7kTmpaIYZu1qI1BtUdIacOEEIQAq1nfNtjdX92mfiyJwuhMs1tbcN3aKuDUkM7ValT4yck0CYU9hWilmvEK+1cUW6e0wYp3iaDpB0HvZ5lEMhu+bRSrRj6RLFfAmqg4gL4NizDke28yTqH7X19hm9+niJZkrXkfJApoLGToDXj9bfMZeKTnlh3ACxliaU7xkUve+C3klPi5uW7z3PSNRqY5VoIVsGauvZd/dBCqezw6nMBgtBWLMULGMZ3BkT8LJfiBmqE2nwEdAYLV3KwlTUq/mAzti1sMquAC5q6TF64z2MGlOLDGrSMXIiU+Sa2VeBueEZqpw7NXShOAIigtAv4FSf+ZzXHH85bUmyfPoHs8+42V24yMPpb8Ghbvrf4D0bsw9ACxIe5ILPK9NRWWvSu5yyVVfNCQ93vLNHkuTbSXhD+OmRDBRxbi5t/QIC3YRw7S1bSbPR7XH5c5Hf8fXsc04thmJ6/WwTZ0zszMaZiTmbHd52uaJFvryOot8tsSBvz7fiEx8CDvfm0mBGaWOtfa5VcS0LdyUFtbAnjEGgKN1vXvGecKZlpp6gPGMqTU5zzCmPRHcdNl8lmjGItsmr+1FH3yrwaBDtJ9x00UH6KNk+2zEulHw2JzlioJ+yZodrSSUX8DsSuBa1+CyWSse3qpiu3wypIWMr4uCvWJrcJybmDlVvE7rWT3ipgst924liyHGqj/raOE9q5PPol03UL4pUxDb85xtmwHpjtlWwetMsfTuvamXJLbqrj0f2W6WixkH+0atSD7sfLNnv+frn2yT7GmxhQbbQTgTumXabro3Mg+mRTCp9yKa1nOBsNV9F379epMttmgT932LcVYSfJWFJ9C9sdG4JGMREsZvPS8Hw24KHrdY/eiTzxlT8XH7+bBEd1jNX4ueDUwxDjiYdiuPjQ70W+Obev7MxeyQn5j2FB++YtoHphCOW8EmvcfyvOWKefF0DticDevN8EBbE67ni6ipDsfORl7X2AWLsB79Y9xc8ZU9z2U6FmDnM383gIxhwlCjSIeqH+mC7ne6PuAaQmptejNPSo0/Oq8OFPU0EZIHaE9PYa1F9mu5IXPGQ/n91Sy/lPPr2UaysFvVE1v/lHD+sVADAeTXa+H1Oqu2dpWYKBa7PECn5aU58sI7tBC435z/QzCZPPRHyMGzQhoZ+Hn9QOGTnfYAln4P6soZ/NshRgb6Zmm7dW1HmZp/j0xcCSN9BaWbgfLkfGDnYeHQN5sBzed9HnxMosWDQYPrINgkXdUPx2kMg361BCQNvB4JoR2Ibw3vE+a7eF0gPNMemK4X6c4bX+Y7H93WEeOdV88Xcj7ltdX6bQrzqoq9sWcmGRHIa03B5owdWZhWwrIz09doFWNSB3a0RvoIQhm86viJ0j0YQ86Eegim5nFu9CGgFSEQqQq3suLXtXC9XkCmAh1/3+9LMMNO134/hTC/56uaK2FfrzVFgq1AZafXEzyOjVazAwAVBxxMvKHLgsDs0PPnEIG4Aj/WBxpvRDZWUAdnbDPU0VBHYCVgoUs6IvqTUMbdFdOFXY85XVrWLUaXXQQDUrXHIWkjVd6kgElo9CYnSBoWaRX9Sq+RdwfkYvFza967TEE/AcvZR+Bo66SCyEkaFWLcxgtMd8hMky02jQvKZz0uASJx5BF/dGJWAgy1j33PN3sEdr+eImq2t0p9gwY+lhNesXHmjfx9DFYPE041AV2v76oKrnp2Sysbazd28PlD30mhbmy0u8c2VyauD85d7/YWjCNK/b/JNp1IPOMmmvo0ubypD/8SN/l76s5lIDvwft+Km9SuiQxuhAnpu3Qz+boCP16B6k/GtGz8WAsFFiOfW9pMqQZSzQTFEFb+AQQsrOeu0MD7bnR/jujg4DrQ93vcoNCjv8FfewRQ3R8LKncVNiwAyAbDWilBxYuC5E/bLBcw+QolsI6XzKnjS1x3Uuii9SSUbRs4Yz3eTMXYnwM0ewCA4pNGNkLv77Pufz8AteY7++ynbUbNn4x8+C93Ejm+yW5/yY5seNo+p6TALocTDl4fjikAREqoNpMCxN0al+wBny7kMSmouY//edxkMhn4/rZ5vRY+XmRXGzeGFiR4M5TxkcfJbZuI4Hj8W6PVoG4SgMEwvSDbJMvtx88XGm9kNFZwM0mBPxN9GATnjAHY+YjaEguOgOY+eMZJWT/JTh9Me0Q/Ay0GiG3Tn2e8OUm/7sVJ5t6KUTw7mYEV62DEToRGQu7nqB0OTg40UFuFQomcS88HADwm5nTy4GwnhhodaN9fi6/GFAmP3dQkh5NAI/T7/pL2C4/rnWsO6WadguTZSIthRDBG94wi8d7Jx7XZgqexSuRvLABNO4n98sA/5Y1BapDWtg6lC4ks5M+Gq7VwfdA2Oc7FYkwGsZP1GzlK6YLA93yVimivF7UVjU/4fT0C3qMBZwYFfRlts8F8qWvPPcwMRF7HH6uh3mjEWvj4eWHXLyDIxvlYspW9VVxxVV3FzfRyDuq0nOkEnYFgYXJFAMKYUHHv2KauRYxS+2P9+jQUvtgm+L3IrHVRkkUaFvSECYxVM/8W08YxAF3GfjBaz1IdxiXhNDw01EC/5XXm1ntkA/9hm7bJPnkoullo1ndyEw4qJk7sCtpuEMjrnorwYUwLnn83V/P0WBEpzAx9B7g4nWLq+9+Pzxl7xykor4tFv5U556nFHOImUkWAIG5w/aHhuPnxN3HzYNph170PE/PvXn/e+lTsNr3vAuKGlekzLuy98fn5xr0L+3YFXodUDh4BXK8Lr0qtEOQB7sA85GstaP0BAZmoR7EvoPbMvzUIKKAbOKMu8zC3DpRE15YAYRs0PSKRH0666hUymIYUnuSomeBw1jzO70bAYqOzpo/Q6lTv2pVUvz/f83Wt6YSbbmmAx9MyNk/w2OzK+PoJ3ri+Di1xNjSqvH6RyePeGvWSzkvA1h/jDBwkYj4RuO97wAznRE9y5X47txLEGEFC1DEFzv3WfOzH4gxnBq7VEm21gYrk2TGU7pP05Xleqkut1JadJVEpAEx0afhebRq9xarwevPn3XTAV4cMBGcEY05+1e3Oc0++46uatMz3/aANghS8973xft/HNis0gsazPbZ5XXj1KbKVwIspwddasGiuV+41OGc7m6ZUiAAEaDQGiCnAhUBuUyg8FAhMJ07bZQHtjWANJ/KQY+tHZyCccApfbRdeBcoyYua8WZtohHQI5kDJo6euLyMQFx2ot9EaJPineXd6PDsZai0zP6uply6OBM4D5CLIPrtvbWtKxy/bpDV/fP8cGNz9kW32YT95zGgucEC2izQPf3Vv3G/qw+QPBh/S2SFmhUE77/PBtp4Dx4C+dme+1E1ZMeeEl+HATlt0EdF+f+xs/IGKinm+j1lZ0xgInrE5M9/09S9xMzS+lBfu98bn+2Zis5VsT9yUbaJxfbxwZWikVIXXADzmspYOT5S6wbQTvClqWBJvb/nH5dYZ7PjBwgpKHTOttEwBpHk2jXj4RscYAEC5Jy+4EyDYEAhllxNqEPTYbDVjFN3GnuQhFC+ngzn/zvO5MkRLV/dNPn98hUFt6DPzYbd1dFe+FHC8rxy0TY+jePMcL0UJtBJlz9PbRiOCXVjZ6umcHRDYbV2aOPcXinXN66v3TeHn67BffObRZtmIJVjUSuA3cLGXvb7q4oCXri1TBfFB/34mbt448XHjSbY3o4ccCUP1ORP2F+4O2zbjm9uml2HchTu3WKDrX+PmDopKig7Pbi61la7XNbY5m4N4N4nNJm5ay43subqTtjnFEfVs3dAbpMXnv0dbQyzVwfFOfPy3c8+d4HBzjDDtjEWF+5QTV9z1tnXzGChpe4zxeMR2bFSf6uLfSiDLo0A9TcEYv/YYeYSLF8LB+z5YMkMMuB4MhwBeufhzv2GzVkHbSSHiFJWNCe73wzYfePbcr+cd5B/aVulbNt7vN2oXrhebhCtdqLwA+VCyPTSuqNjZ1aqjHdt0Nz7AIp5HynSMmEvBjWJwJDagppIK6tvx+GtjdTCvily6sTpnwHdm1FSRQcW4+WZBL68vtknWjJeUnPPZeKO7cL2uacQFAuWChhqWw+zPjYC4nw305wKq2STqrWeH43/nxDD36C7sm0L5GTV+z9pu+iEl/rYFnTVh2fMsdC6FqYxpZ8W6gpV1tYj1Gy0NGpMBJm4WAIiVdC3k4qT675j2NDt0zmXUu82U4UKC8VGtaYjuiZvGtCxYPVl8+PIdGzEFqkd5hHETts0zvsyzfJqkEy+Na5NLh7ix6yaG+WBRJRc3DrN4xXtrjUrX34ex7ecbBg5smiw1rFOFGuZHLVzlZlujscWOoX+OCKUYrWe2v9y3HmzDuGld38pnlvGvrz8Wat43vwzn93gY2TFd+PXrxi8n5IsJfdcpq4Q2V/BiC9mJdzVQiQ8wCVymMKliGq0OHVrAwie/H0I9fpg8XIlCReN66SBni2vIqv/YgpSgT4BQMIoLMyZRj6SnwWABUHgonzPwBKSWcxunj+DIERY313jMhl9yDkIg8VqB1zKgEytBd6/6a/XS1MXGCe4Q8E058GdXrXVAcl3wqjq+vLIOEwBj3o2dtn0X3u83mRkR+PHxwo+fH4/7ZaPqMbdzrYHPX78medt3oPsm68J36BLo2XQ0mZfetwbkk0lxEejfpVsnmtpu3O/3VJprgi8AO7eIud8lOmyomPP5/oujctdFIeysWS3XkzAPiv+2r/ebf0/RMd0xX+vCX782Pj+lZbJeFFAuEW31wCb50/3bm+fnJYrepS66N4NIw3lsM5FAb9jt8DCpUBMxzzLQWBfPy1pFUCwH7/lsOj76tgqBF2jUDiz8UO8kZEI93Wx/7lnBjd8C18NK29V3fLUD2R0xTSJWUKCvAeh6WaDpsUX+sn5V7+HPTyU3Kfvae09C6w7EUmEjH2C6zG4whRtKqJrjfPddeH++8f78RATw8Xrh9bowXVwO7x+LjgdTrRvvz0/UzRnq96+NLS2ptRK3tIeAGMbHKWq1mEO8p+uSbb7pewP0CV2l7VcSaBTQeP533QVEHI4XiziNz/cvzuw+bVMsh/t2Yhvzfb/r63Ns8xk38Tdx80Ks3+JmshDdALS0W2tI+VrLW48a2PXFLwea/hWhsU+tRsdjVDUCpFizwLouItK1GmgJves6ADCeuJkvMEnbtQ5TTKIHqMPUMTbB8YIc25g49xDTY8xNRC8lKv5RoaqGPx1X8i90mCsPzN172KYuvuf3CcZSl2Aqtzdk0YCkqSYWFx3eadj4zV1IdgOGI4WF+33j/X4jI7iZ5PU6SSpiNPCMX07XvvH565OFp6boZGNLsyvQ6YYMbbw0npJBbHXWhwaQFE6/3/skp4p9ts0GphMcwiSAR60YD3wiT9y8H3Ez/zFufnfbZNzsiZtkfvbfx80rRGQRttIYxtM26+b4ygtkRVyXKiH7bKLkJxInE2sywdr7sexghA/4046b63KBj02tc2tVaHOPD09Mq88BhGkVK8NF+GfcdOKod/VzHF0MAFiITputEh0XXsW2iSRLc8YUnLFBcXqNbTqhNM5qx94HU3Vs03IDTVy8VgyG6Qbc5PA90cVNor13T9y8bxaEPl4XXh+XcEifXx37jnP9DcbNzS76fhd21NlGt2LGSvf2OLB96DwG2UUCeOGW/59k7mmb7fHIg2mJ+8/3M9aPZrPXcfN6XUwqk41b359y8wfHj3zH1/u3uEkNRfxmm5iGrVnKAO+vR2+c41WRSXLpWV0Si+0RSzdek2RALY1lg9vyJl7GYL0WsyRz4/WjkXGDM1FiUwMA/BxP3PS5PAQDnLipONf+eZ2/1Ln32QznJo/RW8CfnSoi6Ht1Pc4R2T30XYHANTbl5mUc4AiP9vKbWLKEV/1PcfOzbqQW5zDmnbj5MC19BmMnmw1f882P14WPj9cp6hjv27fhLFEAAu/PT06SReJ+F/ZusZgPbkW4IdEsrIafPZ/HWsE8NNew7t2Iqc2CXOtLjGabfVf5nvta+Vyps9d4//WJAhmU11rAktC3Crtd/xmm/WOhhhoWC67QO8k4qsUXq49ikqxXTLLw48d/IZC49437fqObBZ6ujfvWcbkuBIAFCv4FQIAZgDc3dXPzSQqAMkHfSmgIOmedYHiFmkzjUbFk4hCgsCjvbC48qNkFhKnA/sMjqmhNmdEFCTsHm6Z+Rp0UgtgbplXb3lNztxNdAQTOqrHIHuJw+50fOhM+XK3MtsQOGXV3gd/X66xEna1SRYGs3511t8SzBMQ969pNnYN1J378+NBtYyKRuRCLYL06RN/lzF6FNS7YRbgLIOFHTmqKIQ4iGJrZ2ZaAEQIuyCCklWABLAfoHjZVz4Hn6nccsAo7DM49dhXuN2mMrGTzbHQvgQE/x+/5uu/SZgOMdsfehV/vN21TK18btxhNJ4D9/PFfTNbfn7jvN0oJfTffN6PQKr4mxKDqHvZIxK171qJDSy5PwVX9bkRxXb3yGXgTyXJHug8YARbfXgW5JdFVnWBYBwXqWp2gx6LgFFCa98JF4GiP1B1fwGRQoEqgcBIdnM6oHXa6+PRgcjg1tSj6OdeYMwf+MRMuYKjnLxUuqw02QKquf//hHMik2XCdKpNrUWtv3PsGosc2OyWypnuoZh7sQ3ItdmjDRWbqiFU3Frg2sMUedHGKRYaYcTiDRq5mrK/U9CpD7gEJHJU9BT0nyS1MbVq4WSWpmej7zblxdwG5JcU6WToT3/S1JazKrigBxn8SNxuNnz/+C5i4eaNlm9QvU9K1SvdCcchnzR3XAJP7Kai6myMdIBRQayi6CLKkFEJ56mUa7kA5YYrmel8FWDzKbZq7CfrUR6F2kjI94zXgT/b/KIB0Q/eJOimnaE4nwo8VOFLcHOBloKn/mYYOfxhPmjV/oL8k0lU9emsEzW6uHJZlGGjqOrZEte1iXq8LVSXWHPDjxwe8cSWH2hyTlJFpYE0F3Ub5Eo4R6TkWxx53HYAot4R1aSxdtrklurrFXuu7NQZqFmvPNUDbKPhs/hw33RT617gZ6PbI7DePm9ub9NhhjgTq7r+PmxHTAAQaPz4YNz/fn2ObCLE37wSWG5AA4xIQ/WBkyqhaQD4vNc7Ktik7U3xzK2w3m1VucDj6DNg3Xg12kuPR0Y08hT20CrAulKhxl65DAmxIAsDjPW0hX2zzS8NCeMnnWUWn1BgsPGYFYPLBid/G14oQU7jFxG035T5eF8+4mAGMm/UFC8xLtmlR0MzE67q43OPm6Pbr46VLimHQ+e66MJKZyHXBWhP+hLuAKMbNLMdxMwgYNzMk2h6HIWPbLGH34g7kiZseOytpuNn3dDhlBhxX7aA9CsJRd8XNBXQxbqKX8hMn5t/z9Xdx87MK/f4kVkw132Wb68LEzR8//gvUanvz+eKwU25sXA209Tft/10EqwKGGViIK3DNiLJ8KIQMFeMoQ7wnbp54I3w5tikeaqigJ8aqCwdAT3x4MowRC1/6ARBTD/YDjochn2IRfG4XHnNwDGwAo7cTbJjmiZvPUWIzsPhhBzfPOOjfxM3Xa/nHHoUyVpEtxOzGgDEt4oxvZlzgwpEbcQM/f/7gHQ/FnszxK9XKADPU0Fe+GTwju+jTG24kAS6h5SPfvC5utvW35RbDc/24jYkSZ5w35kxwyoCfkZDf7sN8Mu5Jxdp33ZTYXIqZ2qw3/vMPcfPPGjWooemXAEK511IncTAjhQdncQXs3UBszpStSxcGRDYoznPhsuo8XIHzgRUVWg/mVmly8FWcRADuOAbpcIGLApXYuLRimCCkbENAnNXD5zySujV0S2ASs3gAQYJHCSALFCvciN7yXIPsALYn+fO879gQAoXito2IyT9sNrw722dkwC6Cz2ASnQnrBpH+u38RcOWUIwYnGbu1yo6dpMSPdYHGHDDNTMga5tI0BO4hMNJA7JJGyhKjigHDjJ6qHqK5k8C8ApcqsbXrzHzaGCJxrSU9H5GldN6cBPR80X44nMPSsPhmQ4KYz6RdwDUgjQHgAJ9v/OJohRI90dDtYI64puxy82xy+kE0RWidLOw0GhQu5zjilT2Uze48Z13ONsQC28X1vLooaS8Ak3RPHEvNeRYiNz5eL3gNoB9HFwuE1C7iSBrgLmFh3ulwh3UseZaUxiLS9hA2eP7Vz7WGoc/YcOG0lMB8sc1WR/x32xywiwGz83MClyWwR7rzsccQqOLX8dkELPpoW+4mbXvXxq4tOuaFrnXAP5ygxgDvGV0aPYICsClgmcHEcMZccn5WDX+4uGyhaRcaDP5bGjKBwPWimFpvMHGZaRQVk12Ah5LFlOhbSMBNlPoOFuyPbZ6DYX9Q3cheD0L+93w1Crdss8RM+0/jZt2NmLhprG6tF3YHuaH9EUf0ub/Hzb0f9PkWi2TOSsxMfzcFK7s2EBuv65JP0S/O58g23e7Sf88U0MXj8cURYZwaje1W78aO4dM243F+1dCAqeuY66Ddh3Rw6tjf44qPbWLinIHwkXDrsdkDTZ/xkwUYRRhpJeg61HUtjQ5xjv2aa/G9KM/XqzipiKmRZn0/FV1DoJHbKGQnTX9eUIdWYDlUPIWKpO7scS2vNlFc3kzTqEgFT13/o5CMVgcbwO9x00zFVPw/PkdjmpCQcT9j73d+Fe5diA3po6nU2I+4adtUUuamnOn912IS1XoehEelIg1jEXTmTgzzmaYNbukEQfZ93B5/zksiuhcxbW00brxeF1fCwgmWYwe3JIb1pILfFVFYjp0uVNonT9Lq5xroqIGZHvlrs2n6aReKmzATwBgRBnjClPZJ8iEUEBFcjjl/+dxKCV97P64sxj9AcT0euHfYpMFn8n7v0WukRtDRCjPLbF4hb6HP9rIBgPMiHLlyE7G//PzRwlTcbPmCv4mbv9umBKVQEQjbZgSsZWU/Nlp1g6cOvrNGxr/EzT5xk9/56c+/5+tL3Ezbpht0iloZbKS7uPHMN0G5hk6eySotowBHZ688TX7nDoCbCLLPXCNK3Iac8pe8Dq1nbyXZfYm9tH+zTTW0jHE0Zu7b73zzNJwazyJaSBeUn67/fdomf4hFnodd0K5pm2bjuMnycAwHF/xmB88NnudaeBq/xE1oDCsOgQD4GjePj+rHe7Q2TdbDVq6DXfQ/5ytqVXg/YmhpPFm2ybFy5uRmhRvTfmUhUpz7EmPW+ablS8y4ySVGcz/OHXwW7HD5IBr04ZC+WTU0DhdTzLHPj26OPrVN1Acs563/6fVvCzW+e1u0WDOdzYhhQzln1WpmYK3rIULEwLeVzO93s1hfhc+/tqpi3FJxrcTHjw8yb3qj7sa9N0cHqnGt14gI+dCsy5XpHoNYHy8mbzgHLnpprpNVNzTXV47YrBIdztnVHJihXOX5ZwKleVpouCpIY8LcdDFGxiFgmDNt0AnaZ3WpwuaC1QNM4Wk8zjR5zX2yyqn0wVVUPbwa2pfHUq45dN3UbHEBo8sA23Qv3W8lVy6SresU1paoth3SobFejQwuxskBpsRlkg7mkYr73V9msKcAodGNaN+Pr2KSdkYTRPF7QYw/5+czgbgfDnqCH0aQLR6V1u/5EuAKC+WBNafiOb0ujb0F6XxVG7EsjGUqIO+bhcb63QQNXfj131q3uhIZLBL8+PEaoNUbsk2eudf1McDewOH1QeBS3Vh5oSOxPtbMj8KzxOYIZyjZSbJN3P1Uh56rU6Vp4fnORwByEmGg7IgWTq6siN8ngX2qbLhw9NU2429t8/kcRlLG3cA+/03vMmBLKSp4TjG26bNoQTLOqvHvqS/R1n15rBDG43rnO6ULd9J20fn2CKK7GuNdmjT+DhYMMkH7TnXxH5U4dxqXgTUwehXbbCp9pwl0yWKME+Nz7Y+OSRgkW1DvX22TK0z1/eI72+ZUq7Cl+fGfxc1HgFesoah04P4sbsvdhV9/bY2HEhQybv7Awu9xk2ym1/rACAnLNDiOWNhNRtrKxPpgx9EC3xFkgVQBWdYG47/vOuNDs44U+0txxnp0Bjp+jr4Z3HggNshsq+DPmSHphMNduW5h6jbgZDe6RX9+gjygZpxC7zrCnI/IiikyTMHGSaFjB8/6sIKYoSFcwEAeJrASNmeN1nwaazNgbf18yTZf14R2M2B9XS5mBdaMXERyHPy+3VyoY5upzVWg/yLYdaHQfuhggnjE1Gfc9DM0A27bVz2wBeEHbdq2+b3jposWFHH045u4+VLchOKmNGqua6nxQNsu39P2CCix5K+/hPNWKhFJUvmT+jS7+MzuvWWbLwROsR4NrItJjG0zZZtkN4q9BYCZFWCBSo4TxN9j2vAWtT7wUHbkggD/5mfXw67p3nJpPbbphOWMdykG+TZHzP0lU0n4cYyz0HkEhWfeUV9rbNSFFQgnCPMOhvP7uq00TQR+9kqJ7yo+k6ki29RpZpxSYhxxbLNpV9frku9+XKb+G3CWb5N9w/tRe3NkYjApvwt9a2qaP7B/s00LVwPCIwc4z38jVDoN1H+KmyPWDsWYoUJ+19cjbtbXuJmRsk3GJMe2Z9ys8nTBwi2GMkVagboLf0HM+2QTIAN4fZCNXGX9mxvvm6yrlS94jN5FyrWYM92b+pYZievjAyfW8IJDtonimLDPGdc2swD6jJv83qe5oNz+Ecuc8/GfzarpPONfUB558k1fDx62yffYSqDNEJp8rYmJZxwHffK3L2dHzcj6N3FT8X/ippiyxrQoi/sfTPvMHUvzYLlCwv+FYcaCGriHYXQw7TwDON8MkgKuJVboyTe7PRpHgoGLytnewgp407L9QKb0NPWpHPOveTYZAayHrzIlvp/30Pns/jJJ8nevP6/nvl7wthEE1HFjAkUq4YtfHMBVBB90JoVCDqCOosr+dV36Igxq993oeyMb+Pi4UBH4778+Z5Ti3jfWWriuD1wRoqxK2bx6RH6u6wUHEX5xGtXZegMVSaRZcp///n7fuF7XiP2gmdAE8ACdMaNXPIDxJchENN73p/RWbCDS14hzWE4RBZrj92AC38NFBzNVDE49XgUw8ExBhhD1MUOHKWpgAhODk5MtFlGWYtLpqnvjB40qBqiPa6jWIV4Egh1M/FOaMo8OG4Hfjd0EgdflZ6fQqK4+f1K0NlN2A6q6btyfTMwZX2KAQQQAFRsGXzz+l/RJHAfm7yCDs5CiNTgMNmiMMphqfGdizeu6Ro9n1m+C7KwMijhflzUfrNBe6Gjs9jkAz/tHw9tW9Au43+wYRzU+NM/93399MnBlYN8b61p4vT40YnGYJ12eJQ+s9XLOIqZLYG92bW8FprU0xlX0MaEz8L5vvF7yMTrvZskNNAwVCh6P2gyjKezdn4jnOkFYODzENLKGhm0TfneeuUfF+2mbE+CKCc3K87k+e07EnyyEVmK06yubzckg/5ljLLRNAFrnCl2bg/GIOmeS7QAFlZCeSYJgXBRhJsg37h0C8LJNw9a0T0oFyBdWNpMZcOvS+71xf9ZQZwM546YGGv1AGsczs7hwBCwVWnVzPRrW807Hl1J8TU/9zHR9y9frenFtps69V+P+OW7WxE0X1FPjJZcKMhFQcl54343V2h4Tif/+65fGlE/cfL0+8IqYJAUAau8TN9clSQkx0jqw+wg1smu7J2Gom9oaVSwEvV6vM7Mu2yQ75QBFMzcNNC1+b5YQ9ZaOH+bzBew03IW0/QEPsKNkxJPENY0Y/lzEkm1CY6LnzAUwcdN6PNGgjgxIvedmxlaCpbgHjYKSez0JgtfiTh23bWsNUrzJXtxlzSIzyWibxdkW7L0l/LgH8A0LQjMqLUAc0kSJJKDdu3C/N95vb/FQQtrk0tbj9p3QKDCKf42b/ue2Dfv+mzkXvHf+YwDf3jav6+IzcQHv97h5vaQz8zVuls8saafUbMvAxzSIyJi432oaVglHBv77r1+Dd97vN9aVuGSbPCpkPdQuLG3SXOvCMvssesbLLD4ezXg6Y6T3/oJpXx+vL5jW64rDtElhKACTA55CJOPkvY9t8vXPtjlJEdRUA4tdgHDXNjYztrS9WJPO547njA2gOLapa3NB0HGVzYgFNz+YZArTDmNOo9Fwo9RJasuGUwUaJlpryTZV9PL2mNqFe9hmMb6PoyCMvdSEASJfuFLPznHz88b7XRN3zRLiIuieBN2Vwy8No9H7PPeooCT6D3EzosRGgBo939c4/xQ3V9I2XxM3Wah5xk3fo8jG9Vp4fXgcR8XRN+U8otjcQAL//dcvACzAve83daZeH1ivF3MAFQfqvqX/A6z8QC6vWFch3kVSJhkP2wwVjfg93vc9G4GfmBawC6U/ilMFOHmd/nsD2PuN9GbCAEZfQO/ERQF44OLhhUzh0zCsR9JAv59L3yEmbvrcAZRHgPxfaFQ9fo+bw/zMaRIdcWAxVdsNykdep4tqY9q4BhMHvLSmgSbd2GzEqhu7ArEhsW9hWgvfRsCs3czXI9/kezN2FlaB0gyKtXOmJh9wnnBkO35v3rIC0hzi6YbJqm6sBnzvYDUJsjV/kyR5vv5YqFlrIbFEIdw6XNYw4YdVbRaoM/FaL33xOs6j1ZVQIOLK0oVMzod6RzuTkprDFJn4GT/hmVfehw0kxd8oeuobpwRRp3qDKtcsYepmxWaxJdhZB1gAeb0C6H1E2brxvvnfTJuLAPruL4eLm2tIhSaQjYl/U8DJ82hKSRhHePpBt3Lg4j3YYHJsg2JyLeGyqoeOh4A0LrzrjV+/btw3q5PXK8VsATzDnEnFeWr1vAlsu+HtS6nxkdRSdyfyK7kencGPh5MJR3CrgLoABZ4PJozpSTNYZZ3CiEAGwX5XKilg1TUz8PHjNQbbA0j5HM+mH7O0FFzVzTudxwZAVX4LIh4LKtFFDXhsVqq+RijpZ/IZ/2w3/+MvCoqaiUUxbk608bqZQGjdbCY+Fu3tuXGiRzejgN54fVx4SeW8mx3eOf/jZnhG8sc159jP2IWeFGOKSbzHbVQM830X2ASAwsbKw8LjZwQ+rpRtnkr5uzWHjxNYUmeipksAjOhbAB4DPLbpriKBWj3GBD1upy/NhFkHsjT/y5/lPVwqXNXuSdRaNy6k3/DXf2+8t2zzEvtOc6oYTRnSMHfvYXUBoVntc0bpY0L3WYFOY19bc/KhhDjQh00VTiKTPcByIg4Mozs2gE073+qOqJj20vY2B82GVwC7UDjeTEUAPo8yM69PordWfgn8PIt7EnvSlnX4NH+MCKxrffmM7/oa2zTV/T+Mmy7YPeMmurFReL0Sr9elUd5rku+e8aDzfH/++DmfS79Wc+5xsbiObjJHXdRIoO4HK6tZECvHOMUuPo/AxytBDTZ7BdrmrMe2nRVt0MCNzQdfTx7bfDxPj3lZN8sfYFD2e9zsaKBqRligwkKoEMtRT/0sJBKp8ZJff93qjgauV2q0TNcViRVm1AGfxbjpBC9gUWaNlFY9/K80ShYZixgNC3Ua5T/cOYaAeCq5Ik7X/WqAAVVdx237YTJjQXHii0Y3V9zHgO8DdCPUFEEdzQH9ORD/GDftU6oeLEDgb+Lm97bNtS5kUr/HeKA6Hs8N6KIPjIyJm15BS1B/P2xz43UtvF6JiBfjphpIhOttYImIhR8fP5jYePRc4wxA4/V6Ytr9KDhCmFYxxsl5F/KSPoke19hm3Q99KY005EnlAFDLAjFdaxZe9rDHre+ARx5i2yQTTX/YwpKyfZ5lL99QAmdDVtKXv8VN+oU+BYwC/vr1JqZNir2udeJmKxkNFaeq3sShKka0ihO8HDPu7Dn0nEMlZY1oNQBrSDZ6tNUOJk1twOsZI+eNM47i8+qtzwl2/PHFNg9jUleHZ0yLpebqeUrEWeGlAGYp6naqee6i2dxncIELHoy4YVh809e/i5uphJy2mfh4fTCPUdwkA07PQuya6wqxwQNVC7XJDqvmZ/Qy1lj48fET3lbZDdqmYtdLy208EpfeKgzmmqVmGB55b14s5G89E2Pa7q2RpZ64+cz1Az3CwV7/niu/2KbH3E+uyath2HUbT3914zx2FfDc6EaNdMH4qi2M8rDNL03O3fj168ZbY0O8x56O4FXMOvVqfGpb3sGuKtxkjzzC6hM3T4wHwpg2pKMZavr1HrYnl500KlwLyCmEhPLN6kDvREOF9ggWs+mwhE9S98JLB0KyYjE5QT0sE8DE88zELGuBfQ5tkyQA57RabiJscrB8/tE2/1iocceeFDN28RshsSag+z1bKNaVHFHaJ8DXvvHx8cLK18z5Xprd9L+zeMKkzt6H73B7lPU8YBUReM+e4sJOIPi7Kx2E1dFqJmtdfncbWctgocDqLpoSwGSx6nUtZB5tGv694CTL1CpT2SIPaFHkwqHcHUrYVPLrAORZuypv7FWk1JcAoEQsBOSQLZBw4a/Pjfu+cWsNrjunUPBbybXKGkTA2c4CvDeQcdEZdWEtdRcy8brMmtEhVJGEQL5n3fLRSCBwW5GkejoI5aFrxiN5mPfT88tc+PhIjbP5PB0anbt8NMYlw9U8dJtNwIqr125z/Ea0U1lNiMrcUNVzQC20fvH7dh8M4Dxj+XotdIOrKKNom8mC3VqLndoZa6Oo3cd1aUwROh88e2uelQHHIyIAACg8DQGTlK4MnTqGTfMFIMglrWwgWBUNQ/1IfQ9zEZkqlBSNDMzIQnHg4Nzx63VR2DBTwTMEGJ9stUdC4WLQiB9C31EJoxPNPGehtArTLJpjm5tJzZa4cp2ild/r+kj8xIX+dWNvUmaxgas9nsD3Hkp75zDgPGqwb4A6IgQYqj7z/d0ZximEtEAh2ir9GJ8E0L5er6/C3cBjlEU+kvdO31n349gm/UMpiWPxxsLzkJ9cE7CrNgu4tk11wwAG3VyUmN1P21SRZ4s26vO08s9B7X/6xccQ6vZ+jZvAP8dNPkYmgo6bgeO32JSXuKxippkVBv+N+xHi/MwsuOfCOW03FJtA941YpeJ+4wtFtx+UYvQ8YzT1SULPbZ8QPra5VAy1bbKj7XOXM8qsWsUjqQVmVND+QwiOI4/5JW4e2+S77b3R2VOkRJ3VrI6dz7i574373iqQrTPCI/YLupHgc6z0ZjMIo+R8tLW0KCQqnYVJnnj99ShS+ztBxc9cC6804+9sTjNmYcNEq7KRlFIBgV/mJdvcMHuuDxScsadAINZiU1JjnX7/f46bxCm2TShu1iTAD9v8Q2fwf/rVCgi1uS3renEchGtiGTczU2PZS2P3NYpJ+35Li4K2aYA95ypDSzy9sejQ9Ge5xJBUGDsByL/Zfvw7JyNfaTzLL2FfT9z6G6Z1qW2bwVowLGcMjodtBkakPBKHRhxjmxMffy+uh3E4Dr4Lf2cV8oNFYIpt8vv0bnQU7tLoYKdiZwsbsmj6X/nCf//1xq24uTtw9ZrzZl/IpP5CNZlo9gvsU6mcPYk/E6XLrJn5hvzO1ZBQsgw6Y+xorcPaOPf9UVzT/dm2EUVSFGPujx8/KT7e4pgO8z1OIhsu5gubqgAQATYq9saGf79HZ5A6cT0N2QbjJmOC/FecbTXf8TVxswq5oAmM0KIT2eZauLSpknGTzEN0M998LaQmN86iF/qyawVaRYdSjLOfs7xGZo+fxOKYzDIWbrC4N7iRZyBWobK1ybYxeu2OX3B+8rBNTWBuMauhn8uV+HhdwsnS+ETIn1jpEHO+iIy/3kUzmG0nM8YcAeDoliGAWNwI5bO3942Oxl0Fa1xytPJsfHp9JCIvwHFzS36kpQlr2xRm9HIes8jL45rbcbNQ62vcTGPawSgeUfQUyFfiZq6F1+J3MOMetiXF+wg3tJxvsoCzhGnRvmeAtzzbHwN+76U7fuw9Iinob9Y6iIvMMK4CcBOve6pkJHb/w7j5561Pmn/ORV2Jj4+XaMQfp1AA/51dP1wHYOHjAwBXrPmgR2jLQLUSCm0nWQfYOF3wVgHAGwoIEKaTVjW0orL2QTe4apo3lY4RsD6CxZIAdknuuWO6ieUDYWNqBeQFtOfDF9BraE/qYfN92tV7jJP1asQS8yG0/6F6K6AIUIVZARKg3OyWtiiU0H2hmj4rs4ibegOrka+F6jUd6dqFXdw+8bquOeRO7HDRWAd0NrDy4iGiFc+9X2upk8hO7C4mCQz6H7KGZkccJ8HzvF91IYuH/6XzlOm5WybDf/31SRaXxJgybAh0rq2RlaNVo1tuQPMAxPcWkGxMMQYBeLmGqcjoNU70OGBT/v5kHf+zr/e+AbDoN7YJIP+fD+XUDwfem7aJB43xxTO21hmjAQzwAVM5uS55Pc4NQf/p4iVZH5PYudr/LLLxt07yExqfA1wAObZJR7u7j62GbRNfmFD8tKYwn2yGFGSNOQVoj/4gdbSr3TWhbbZmJ8g2CZ7hppjcflT0Z91hBHrT57XGIFqVfPxmm+jC6wcQ17FNi5Du/UkzvFRADbJkOgrXUpFGs+67qPNza1yjml31vbd+H0oKjyB3o7FeFxJr7pdtc82IE7DvW/aQGi2Tz6qNiAv3Dfz670/eW1HhxzahxF6FW9un58Vn3EJ/rwb63gMm/dw7mqLzwBkTaxd+mJRqU7dord/39f8lblY38MGfWwYaANhTl++roJghGDdTxenQebcGApScl5hbHer8Kfk3cODrcCS8RQ06U/LQfMeguL9/1r/O5MgJ/9/b5koC79BWQOCcR4Dx1mKbHqH2ZrZpiOh3qm7U7mGYnrgpRq+64ukN3vIj1NkpABsRjdcPTNxEMw7tauz9PnETZ8vFbNWKPv6hOKqyN+Fjg/onts3xHVHT/U1w+xufx1a7mNdoT1rNbYzMF7lNaAQozb66gV9//ZLfU4cRKraGEwTd34mdpacjvyisEgG870kDf4ubpJL/HjdZTDqh97vHzVtFrKWxba6CjT/GzcEd1egXMa1t00DRMcQYorpn299hltAOJ+Ersp/MCKfOTY9NPkdoAW9oWlMkj4hhBhkC3VXq4NPpmsXBogVtk6xL2uac6yS+dTLjn+br+HaP6NMvb8wYTzDKlIry1pCM4BatgArK24mkBNKTrKKU3gdb2DdyMa7+P9dClYtppbHLNzJcVLTvY5vgdTkR6vn5zAv75j0pi8HuwrVUhGnaMze40TY/XhcgP2iidjxsk5jVzPxLzSmONaLIfNt34/7rl8blaJuJJ5Y/LLsnrp3arDGtMO77rY1RjgPNuHkpbk4zBddsfKvBZYwnv6f13+n1e9z8ofG9XD+IN2IyNXQXXh+pkUDGzR+vlxJyxcwmO2dYNu1iQWkEz2U8486YXKw9blg8W7W/supYALU+GP1n5kJJl4hFj/2wzZh8kzFKWLTATX569heAG41Qrkl8fAHtfAgOyo9XjMQHz+tZiuNcKsRY69oqljC4EyvSp1OwXNfrsT3FzBULZKNSm+33uLm3NNNkm9ejWOaiS1y8aOLW/pd8s3EwbV7X5JuIQu2NisAKcA145NcJaNmmsYTv88qFfF3I0EhkECfULvz66xO5Lqx1RpF5/jQo3Nafsr1aS8iTOfIpwNgmc5XDpLwuTh6E5FwyzlZGERkB/Pu4+cdCTS7NdiY1ZNZlym49tF/iAM8BlXjcNAb9rQpdQ8EIADe6Bu678ePHhfy5RC0MNBZ2FT5/3bg36W3X2vZFgEZuTlCzAZ2HlqkumqriVN42JRjIDlyT/J8g6y7J0aoB1nROdDSalDFTuVKrF/27hzmyePjRGhMCD15gRqboxFMjD4Dn/TBsFXZs3KVm0KRzcIZ2KFQSbn50Gq9FSvcwJOAkWtFUYwruzOwdWo3NJ5nMABVIJXbqzgkC7/vmbDW/GrzJjO8pWrixwy7OgLuQkwFovSGpdomOjU4GbRcHYiipeIAXnnSRyTAG1QTMPomeH7bjgscxVEkm7pUT5jvg/b5xzOj7vVZeLDjINq+VojBrxXwAz3tCgbxzRp73ysk0cKjDu+phm4mfP+h4+f8L7wZ+fd6aJQde0kMZ+jOeNFs+HzOqrutCLSZB0yXPa8aoMsPcjPl9n8WAaZZ2rIHEgpt/TExPwcm/G+4afrkt1j5Rt1kjRqiYNOaw9Vr31TZ3bDPnOOeAddZ02vF37vstWi9A2zyd9yMifEb5GlcEdpo5wDN6v5tdvxbs0vioBc9cTCkAn/c91GG0V9OqMItWUQxIgZq1RK0OF6RJ4bx3YykRN+sOMPOBN9U+RCUmoH1NBD5MHAxUHGDpm7oLsbgk3IGNq0v70cXizfx8v/+/Gc//n1+Mm6Ts/x438YhRjdYmgBM382Ey7rKmionTBRSz7L6pH/Xz5wsWY3EiYtvkuPFzDJA2MwxP+UHomqhrpG6QbGqFmaC8rhS78TwTA1rGGHZ5+edrGANKaHXu3CljHvJgtE2RKeDRRMcb055tVw0Mm6j0PoybZA0gzQS1DlWosHB+bmxTQNo2xO9hEVk/n9OV98MiYbdh8dK9i6Aa4g3V0SqoRzypPrY5wEMeikBaybuez/u+ES8VzOEmFAi872KnuDUa0ttfbGyTn3nAPBjSv7ymQTWw4ggmZl74EjerJ0niHeR3+Pz8/rbpQv3Hx2uK5O6yx+N+AWRcG10cJVwXKuT/oGIzgH039gbed9E2f1x+CKjmJrZfnzfum4nNdR1M69XMXzCtPtGYciUU+/hglsCWi5Ek4Dsp1bM2jks1SFSoSyy4MGXWY801OAt6julAgvPHYRnLswgpv+ZYHRq3b2EOJa1P21zSsGgLd5YZvOeZhZObp21mjG3yz1kINe7tDFxhNlvh3SzOsGcqJo98lgu7fj3jpgFiKIk0u5ZFMv193wjrfQnXVwWqbuyb8QsItGzTJXHeXmOLR6IN5Qk4+VNPXiTfDTMHWltq+H/DTiZxF1OIasXN7wtp/zZuuplRzWc3mB0snjgfy5g7xe9sPAtq2XRTn+Z+t2xz4ePjoq/sRtXCvTd+/fXG+y7s3SqM81lZF9X5B+2rJpZz/MXi7MRbKy/lnfp+CLzgRpaey29xU9T+Y5vTpOyxTVN2GmdU75gkz1rm0u/IPuuUHLqde6qgrPsWOrtw3qz3H9tkqumQyd+BR+79+ydurnC+WWoKqdCBQOW0A7B3TNw8bDY255jffY2bb9mm81nENZiWLLulUU+Kei/puM1ESkCsdeDqosEvTL5prlI4acS5JrhA04+GSmF+llsAT9zkNr4Sjou5rvFTxrT/Jm7+29En+2iuvOM4havwHiGZXpwcr93LGW2gue3iLbhvCiLuDXi95b3fABKvK0Vt0p716xrQp342umhII3Sm4kS1u/BFsag+FdCZ+es9Akmc/XyuGzUAlG6OCiyEXbeSFwsVhTpqTe0YF3GyT/I54zqq/OfDlB4Ox4c3cmEpcEQw0ISCApM0OQsbH1jQsnF6bz0PmXUpSN/73G90bSVqZj34foKVUQDrMnWSXcfX9SL7597AUlEuuZ3HyUYhECVBWPA879qkxyHQoYByXUzEglXtQioRVEU72HGp4O939oASBqfjUAY8hCh9SrzREqIzuG+r/zObZgHCDrCUKAe2gmmp0s2q5wMtfLNXeS4QJwg/6XN0fLJDOfxlVoyAegMjMskcMnHfgXtz3Ma2ueuNbuDjJcHhKCBIMa1oPjMwvLjzRvZFTCJPvNOI3qxYN7B7M5npM9aisjfQ0OheHjtHaKQvZlacv340KEiF5hnfKv45F50xIFdqA/B6bB+hCYzPREc/63PnEZIR7HzYpjuJZHlJuBIPHYAIBN66jxdqb/y6P6nRAgE3s4Y6xaZZ6E7Eoo3vfQvw0jbqptBwR6gDcsaNGlBX0eemlRB49Ip+J9cCequzaEaOmEN6PnsTEHHMZWs9sOIEPGYSB2iHKe/AGsG9k9Q8bTPA7+qtM9j0t+s6wP9pm9/5NQU9fI2bE3eUETthnpEkCGwGGWoDNjuxNwv5n++tQjrfg3EzqC3ljlHksU0w2V9KLDhiuBTjfD2+ZgnadU3SHoASjQJHj2kXV15jR90A8tjZF9tEz1x9ZqAYJEmXfoxJq68xrDvePTVHdHbn/ky+7OLGV22c0UUziEUDW2BXQOVLV1PvyXfa47eqCp+/fsFjU4Zw/FnrnLGbzQJJoZpMx6UVzrbNA+IWU2mJ4llXK/R96sHgY0jzFsUbSPn1EINJoo4ZC3UL9BbHkZ8Y7WvcZPLhxH0wQAO96xELHnEzQ+tqjdSFT1Zgq0D0v8U2t7TCGI4K788tVioP2XTNH3HzMNJ534hp9CcVqJ2498b7XXi/zU6mbXYDr4txsz1qtC6wbKdCtoqRezNGtUF/ezSdtvkRga3EMnCShUbNqnYAg2ntPxh/Pfa85+c66mgxKM7uCuzbieTB9casZ9gix0oRuo5HEeDosIgJEG7CqHCaYhIBZNnUo3irDj9goevm9jJsxXHqZn7+Ytx0IRTCsma171po+RAKtnP0bFl0X7YkN0K/+FvcDGe38tcNnneE4maysQjUjJbvoi0Zk3CEH3jv/cU2+baH/XBs88RNsyL3fhRvd82IGVbOumMyC1n4W1dIJ9L43o2U7/v6GjeZI2ZQM5H5jZvHJ24OjIOTaIztdAfuDbxv4PPzxn2HmB+N9/1GbWrY8LOZLzhH2SATJ/W5xD4s8kJNpII3xxUuBkpN1NcX28yeQ/QPtulzJrakfy88Spho2SbJDfvYmscF+9yMDBWI/gNMu9b52bFPiNkGTXvYNiNABuDXuMnsbp8Y/7dx8+D6Z75JAXvp8cG6uEDdNxDMITpYxHPOxiLZqU2Uii0N/8wT0xagfJOMnRjfmRHYdwErsOtGpxYJiWWULtw8MYhwLW+H7kWVxgy1FbDjS9x0vlnPfPP3uHnvP9rmHws1TPZ4EN6fEhQOC+6d+a8zAgS8Y4v65HW6Y1e8qUWHyGqmGTF1NlZ0YPVC98051R+J/qktUO9Pzmuq8AE5dh4+dTR2Yd9OelqU7CNSnPlCz8NqBQV3MvUz8XhPlh9lsEr0spFZmh+EgHfqgNs6emhWzwCGZvFhf4lqODcIDkSNdx8mzmjg4HT3+as6/A0UGGhcEaR48J6KJ0Vic5KqEnCEv3oA974RsLZCInKrO6AkSzj553/9JH344jaM6EaCIr4EhYruEAXtMnVb3f4KijsVO825LqzrQt1vVXwvfecFd+tIY2zNMIYwsxOf0KhXg/oFbwCLBZ9iwcmMDgZGgtf0uIXYFEuWeKkq+11fezvoNt7vrZl73v91WRz6FBciGnfw3F8PyvMp+bEHnBn4sQJbNEW0RmuCtplImBL+8+I2E9smugeEDUhzEZRIFXtvAaVAV+BWkKgwTVDFOzRa8+gNdw6CukcPAAdAWybsixq56BDjYnezm9ZpvQcHSSiF8diW/8TdK/+Z/Vfo/6q5MQZyygfQPxXyY0BSI6hIH+wYoC5YLPbWGNASPTrAcUVSUtckDBxpaqA3MrYKj2T1sVh8c9yiGh8fH7MmNDMfa4Qb06lIBvwANPMNFbgUCG/6lb03Mi8m0Nu26SKcrs9+Zjfp5GB3aGvbQTS7WZxCDVS90Z0aG7nxuijY6U0IESwUX+vCYdL977LN3+PmSrLAruXzYgBgf8kzdl1Hi+YZuUP6Aj8+1oxz0k/nxE1Ser/aZjVwv9+AZ85xTWNiEvWQxsy9ZyRu1vyGmXCviR0A0H1E+SCQ7An60yGW7Zfi62qO6GYAFnEc4OfGTk8S7KKIwXnY33+524rJoN/vJoWezDgJZqf8W9vfxfwuE/aY+++NNdy+ZPDocWXRwyduunDRGnvi+OJKjkFUyzbbq19rtvGw0MtRSIbgM7LI+HhAXQRxSvdGyTbJ3KA2BxfavQU+l85PKilt3PtGlzadAOw0yhdCtlmPuFkVxzZfL0Q94yav9VqXmGB8k6Vgc13rSwHuu72mkHR/tU2K1f593HTC9VpLz+ppmzFFiNertb6XTS4m8SyQZtA2r2vh58/ET40O35+f8sMXPuYtH2AQfBb71rIGJTq7zjV+wbTAYFoX5AhtbdenGB7NuPuMm2s1QrZJ7SJ3kJ9x82tRhmbQD9ty7IxzixAa8+AXCBzb5Kjl39hmCz3KxtAU82Ss0QihivyDD0vxDZAPbcWhzdHiBCL2I256VXpTrF3M8yRtlDlMWi9RSX1tJI4vRx6B2CoWZmybuRK7PulnczGhjxxMu5tanGtG0MTYM6aX34hIabUk7bU3XteFrJzGjMci2dzm9w80dUgQgKYUvutr36fAf7/r5JsXhWqftmn875M2cfNBHGjFxAzgx8fCdbGBW2ZSoXEXm+97v7Guhf/6eeGnGOWfv34xBvZCO1XWETW79b439n0/mmP+XJ55Ls0JFWH+yTb51rTNnN9tQJMXtE3KoJBN20VMa7t5uqN6GOd/hGkz4U27ZqcdXZsFi8f/bptasshvobhZvafowLhJdm2JEZfO5xTL780R5C9xU/6tle/tanz8+CCDbmmLFMwqE6YNMpBckGbT+hRPGoH9ViEXG7leYh2xeJvr5JuOwbaV1/LYqaKdbi/FqwEWU9mg4TTLjY/Xx2/5JgAwz3XcZLOMv79W/jFu/nn0KUK085qHyL3tXFMXOnAeqzEVT/UMijBpJIKAsoG4OTe2PJOqylI17l14S6fkuhb2e6NiA+muOkBdGlcd/cUaVpKXTAq8DnvfN7vS0kLIsCPmuXMV0d0CIKZQA2Comyst5qlq5xJNDEc0rZMz9KkVi6NCXodmzg7jCWCje1E4o1HQDKG8dXehb2/HigkYnIPX7+e5P8+744TZHsHdbxYpYu4Vf8MjQO4otkYR8Oh00lPWvvG6uMHg869POcbEWh90HqKw+plA7AxyXnvAt1lZW8WhcVwPmrH/iNRfiscaBvg7lsDmtjZNNdrjPqpmRjkAu3BQwx44Y23QPf++YBPweYUSk3u8b1Vpkwjv0dM2H8cO7WRh+VwXuAo9sK4LH9A4jjbMkBb6iUyKhN73RsRWwdJq/Tp7fZ5dq9OXYsdca43AdEnHwd2P6zrdTXaFvLnmwdAB7awFwKAE1uoVphayKBkTUOtpO4GxzVmtq+vO5S1MOIBJnZru376bUPNZZbwmmfRZhIBmOTB2q7t3Oo4DsTVXjoCuAzPa4fE8bgs4ejnWlogl9l4CtW+s9ULvwufnTYh2BT6U5NfeHBdTIoz2ZiYejtFjkE+6u/C6bJwgAHS0R49tZlK/ITwaou9WtaeIysK5u4M4thkqbMHwRcLC6P91tvl73OSL521vJ1jSyVCSh0cSdOKmfX0D/SkKr+3gBYg1tjVvfV8XXtf6YpuQ/fCs6zPM+lJhLBe3pzDxUEK393SDGva9ObHyus441ZzjEJu2tVUHMSLZ7ef8/2Pv32NuXa+6fvg7xnXPtXvYHCImVEFAjiVoUGJoCbXQfyRAgJ+moNIgKmCAN4YE3lgQRSUGgxpDMAIGxDYCEo1BQY0gKjExAV4Va/B9AQknD1hFROXQ9czrGuP9Yxyue+5d9i60pZPV7wdW91rP88zTPe/rfub4Xt/xHZof3TKbDohLfX1gFKBdj+b9URYOz6D9PJp5Y6mpfwZ0D3k+h7gmrRSP68GkC7rqNQduy8v6nVLOo/0d22uzizmksGO9Fj13fqPI3L9f47hOHOMS43rDtohx7DB4mxauONlrE8C2SlfLUVrxp9fQgH7lLTYVQxUyDpzXpuQv2grLnSk0tSXf61jVta1cDnW7dEphr80Q133/2B1SoeruvgU9GPwa4tyb+71ZF0eBYHgJlyUg1O9Njd35XJtul8ikWAtvepy/N09r8xxo6dU6gP2ZVvKzoWZY7DH2uTrn6vDT+tx7/hxbfwf2tbTEjvPa3I7Q/XuzciFr3Us6AyTtC3Ge59CQ+myZa1Pqd0dfn6tdRPr3Zv1+lDxXVGKTIJ8sKnC0rgf55X4Pzr8368NibfY6akMzvl5uiDC8ntZmhrAD2aqBKOpspdt+GR4iwT9/bx5AbZT0+47seUDu19TvNrQLoX5v7s+0uH2PEQKeXOL+b35vSrRt1O/KmmjV3S95fkRGnvbtem1Kic/9i7PPsXulpjx1vQkHNEZax+/NOG7HeRMKeV1GDgCR2EiKtiGDyMQ4soUnnR02o81pzoXHjx9QLb9rGiynAtaROteb8VnS+tjXcY8WrfxMukKoiNHh6LXZm3nPXJtdd8a1fXkM0BiqELtdm7UpEzVTfMaA1CZmOsSQ4cudBfCWfabtiamntRmCR13TT783oXmdCMHhmb83cXLAV4s8pDZxAVSzVV0rUsio35telWbqCZERNCPnMX9vKkKce/SCC0qM7QDgrDeRdUU0WmRNaPl3t+4QkNNnL7h3K3p8ph2n1yj933DRpPCcWXphQsnrZIq5u95EfF47/96sY/QW/N58TqGmrrfliJBcTPHhGagRzp5WrNoFEpSzZV+cxxG7Fp4XPJnVmhJvXPxcfBhY5rCHKy7HiMXnHrvM7llkSN9v5b9EEVr5DqdfIMcRyzjH3FrteFeVv6pdqvp3QxWrX04OQMxhlq1PkiO8rlko5d0cw/HoELiGTaoKTnfH1SbmtVqRtG1bVTjWsbPciN0fQuODRf3CaXUw35hlkc4dAYiGpx49wpEnlsN6U/Y4HmX7StrZ8vYqknbNUB77jyokjwHKUpqq5EgbUaWuR09sjPG25RGqeE1rXlrq1R2+VlxY3KGPBsYxYB6/IAFgmmBeJy4qXQAji+/q44NEAW4r7ekKjFyA5dxwCB6uC9cMq1JxvOiFj4C0fVYLCqyK43hOY4R9PdTZtJ3fcUHYz0zQ6eI9+haSYogDp7UpQ3ttzoV8rTGBpqaNmdXucNx5jXvGaW36wzWT6eMYxpQxh/fkph1mWzb5LjgQQkOcQ7HeyqVVVnD1/NW7Vn4WivGcbe3VeI1Rd1oq+6Val0vAUBlWIhq7T6m0Rxh3XldWiLnID6yXVrP2J6ttQUeLvXW8QxiRfr3xy897bc4ZO/CPLpd0jlhMaMFemzPbEmNXzvrD9zmsrgvhXGcZS5jf3+JqbKbn5BePnfe9Np+CrxmicL4ujZOjw/NGjmePi31co+aKoqZ6juHl5qpfrHEtH3pgzWsUwAinZU3zGofA03I8c22KOF70gr02uwc8z7v6Woxlxa+ftZkiVv/elHJ1IM77+qSWeQXRJx7n3bN+bw7FOP3edKz8FR9vUGwCbGv444ec5pZr0/L3my07hRMLSjQXQTiiHABGfxgeRwZUSn3g8hY9BSVCxnW3g6mz7adGbkZ2R20k5EeTfA+r511VceTkuSH14SjW3brGBMOWB/Kav39v7haNEgBj7G98WI9fCXHrbcCK1zEzaN/N8dSjR5GXhb2BAMRO7lyzX0f93lVVoH4H1QdKyd24bkmNYu68NqO9xrPIDlEmdhsd4wWP4oN2PkZNAfPMAPPl0CPWWLz18XPXFZP+jtrt6w+V2L83ERb3WJtZeEtea1VQiWAP19VrE7hdm+3AEexHME9REb9u1mZdNCU/S8ipcDpvNuLmM218v9ZmtSrE5LZqs5j9suPaJblZpf0B3dY1WxQF0NN5sLJ9B8hzJ35XxkftEuSB+pxcvzdLMHe3m7XZn2mR7kcgW6bQnzcdp0lQW+WL1+xbALqMI15rCpNDJVsxr1jXCglJYUBPG15Z/FVb5RaUSlRKEUVKsM3PtO4tEFuuzUcZTBoTS4P+TGunkcweGzprVR5frk+JNoRamzuTMt0Xkq1GQ06/N+N9j9+bI9sMfbcFisba8Pi9qUeIacuRO/m5NufMEN8Sk/IzRRZ40UJ4hCO5fm8Kem3WZ9p5nfGZNjdAX/TCp+CWnw/aJSMtQAERpB77ZKeWol/xgvm1o6475cg+r015xu/NEDBiIpNATmsz104aBKrVemLtc9H2Bnl9pp3rIRxzWbjPFMJtnn7/oDbnygEbdWfcVVxrozME8BWfLzvbMG//lq7NPbgC2BX8SZxV7VgKHdGCp2MLdev6ln6mzSlb6TBSGfmadkZavS/mHu17NmNtXi75ezPXBE715rqerkv1e3OkgybXZm2UiNz+3kStzXUSoSXDuyV+b4rkxOEjMqJyCVRKYmUhwgXHZcR0ad3X2Mj4mzh6/+GZ9SayeygHEpVIo1kjlmAriHb0/ByiQP/ehJycq1a1D4AVzr5db+bnuef4vSn3vjtJCCGEEEIIIYQQ8s6CPv+PEEIIIYQQQgghhJBfCyjUEEIIIYQQQgghhNwJFGoIIYQQQgghhBBC7gQKNYQQQgghhBBCCCF3AoUaQgghhBBCCCGEkDuBQg0hhBBCCCGEEELInUChhhBCCCGEEEIIIeROoFBDCCGEEEIIIYQQcidQqCGEEEIIIYQQQgi5EyjUEEIIIYQQQgghhNwJFGoIIYQQQgghhBBC7gQKNYQQQgghhBBCCCF3AoUaQgghhBBCCCGEkDuBQg0hhBBCCCGEEELInUChhhBCCCGEEEIIIeROoFBDCCGEEEIIIYQQcidQqCGEEEIIIYQQQgi5EyjUEEIIIYQQQgghhNwJFGoIIYQQQgghhBBC7gQKNYQQQgghhBBCCCF3AoUaQgghhBBCCCGEkDuBQg0hhBBCCCGEEELInUChhhBCCCGEEEIIIeROoFBDCCGEEEIIIYQQcidQqCGEEEIIIYQQQgi5EyjUEEIIIYQQQgghhNwJFGoIIYQQQgghhBBC7gQKNYQQQgghhBBCCCF3AoUaQgghhBBCCCGEkDuBQg0hhBBCCCGEEELInUChhhBCCCGEEEIIIeROoFBDCCGEEEIIIYQQcidQqCGEEEIIIYQQQgi5EyjUEEIIIYQQQgghhNwJFGoIIYQQQgghhBBC7gQKNYQQQgghhBBCCCF3AoUaQgghhBBCCCGEkDuBQg0hhBBCCCGEEELInUChhhBCCCGEEEIIIeROoFBDCCGEEEIIIYQQcidQqCGEEEIIIYQQQgi5EyjUEEIIIYQQQgghhNwJFGoIIYQQQgghhBBC7gQKNYQQQgghhBBCCCF3AoUaQgghhBBCCCGEkDuBQg0hhBBCCCGEEELInUChhhBCCCGEEEIIIeROoFBDCCGEEEIIIYQQcidQqCGEEEIIIYQQQgi5EyjUEEIIIYQQQgghhNwJFGoIIYQQQgghhBBC7gQKNYQQQgghhBBCCCF3AoUaQgghhBBCCCGEkDuBQg0hhBBCCCGEEELInUChhhBCCCGEEEIIIeROoFBDCCGEEEIIIYQQcidQqCGEEEIIIYQQQgi5EyjUEEIIIYQQQgghhNwJFGoIIYQQQgghhBBC7gQKNYQQQgghhBBCCCF3AoUaQgghhBBCCCGEkDuBQg0hhBBCCCGEEELInUChhhBCCCGEEEIIIeROoFBDCCGEEEIIIYQQcidQqCGEEEIIIYQQQgi5EyjUEEIIIYQQQgghhNwJFGoIIYQQQgghhBBC7gQKNYQQQgghhBBCCCF3AoUaQgghhBBCCCGEkDuBQg0hhBBCCCGEEELInUChhhBCCCGEEEIIIeROoFBDCCGEEEIIIYQQcidQqCGEEEIIIYQQQgi5EyjUEEIIIYQQQgghhNwJFGoIIYQQQgghhBBC7gQKNYQQQgghhBBCCCF3AoUaQgghhBBCCCGEkDuBQg0hhBBCCCGEEELInUChhhBCCCGEEEIIIeROoFBDCCGEEEIIIYQQcidQqCGEEEIIIYQQQgi5EyjUEEIIIYQQQgghhNwJFGoIIYQQQgghhBBC7gQKNYQQQgghhBBCCCF3AoUaQgghhBBCCCGEkDuBQg0hhBBCCCGEEELInUChhhBCCCGEEEIIIeROoFBDCCGEEEIIIYQQcidQqCGEEEIIIYQQQgi5EyjUEEIIIYQQQgghhNwJFGoIIYQQQgghhBBC7gQKNYQQQgghhBBCCCF3AoUaQgghhBBCCCGEkDuBQg0hhBBCCCGEEELInUChhhBCCCGEEEIIIeROoFBDCCGEEEIIIYQQcidQqCGEEEIIIYQQQgi5EyjUEEIIIYQQQgghhNwJFGoIIYQQQgghhBBC7gQKNYQQQgghhBBCCCF3AoUaQgghhBBCCCGEkDuBQg0hhBBCCCGEEELInUChhhBCCCGEEEIIIeROoFBDCCGEEEIIIYQQcidQqCGEEEIIIYQQQgi5EyjUEEIIIYQQQgghhNwJFGoIIYQQQgghhBBC7gQKNYQQQgghhBBCCCF3AoUaQgghhBBCCCGEkDuBQg0hhBBCCCGEEELInUChhhBCCCGEEEIIIeROoFBDCCGEEEIIIYQQcidQqCGEEEIIIYQQQgi5EyjUEEIIIYQQQgghhNwJFGoIIYQQQgghhBBC7gQKNYQQQgghhBBCCCF3AoUaQgghhBBCCCGEkDuBQg0hhBBCCCGEEELInUChhhBCCCGEEEIIIeROoFBDCCGEEEIIIYQQcidQqCGEEEIIIYQQQgi5EyjUEEIIIYQQQgghhNwJFGoIIYQQQgghhBBC7gQKNYQQQgghhBBCCCF3AoUaQgghhBBCCCGEkDuBQg0hhBBCCCGEEELInUChhhBCCCGEEEIIIeROoFBDCCGEEEIIIYQQcidQqCGEEEIIIYQQQgi5EyjUEEIIIYQQQgghhNwJFGoIIYQQQgghhBBC7gQKNYQQQgghhBBCCCF3AoUaQgghhBBCCCGEkDuBQg0hhBBCCCGEEELInUChhhBCCCGEEEIIIeROoFBDCCGEEEIIIYQQcidQqCGEEEIIIYQQQgi5EyjUEEIIIYQQQgghhNwJFGoIIYQQQgghhBBC7gQKNYQQQgghhBBCCCF3AoUaQgghhBBCCCGEkDuBQg0hhBBCCCGEEELInUChhhBCCCGEEEIIIeROoFBDCCGEEEIIIYQQcidQqCGEEEIIIYQQQgi5EyjUEEIIIYQQQgghhNwJFGoIIYQQQgghhBBC7gQKNYQQQgghhBBCCCF3AoUaQgghhBBCCCGEkDuBQg0hhBBCCCGEEELInUChhhBCCCGEEEIIIeROoFBDCCGEEEIIIYQQcidQqCGEEEIIIYQQQgi5EyjUEEIIIYQQQgghhNwJFGoIIYQQQgghhBBC7gQKNYQQQgghhBBCCCF3AoUaQgghhBBCCCGEkDuBQg0hhBBCCCGEEELInUChhhBCCCGEEEIIIeROoFBDCCGEEEIIIYQQcidQqCGEEEIIIYQQQgi5EyjUEEIIIYQQQgghhNwJFGoIIYQQQgghhBBC7gQKNYQQQgghhBBCCCF3AoUaQgghhBBCCCGEkDuBQg0hhBBCCCGEEELInUChhhBCCCGEEEIIIeROoFBDCCGEEEIIIYQQcidQqCGEEEIIIYQQQgi5EyjUEEIIIYQQQgghhNwJFGoIIYQQQgghhBBC7gQKNYQQQgghhBBCCCF3AoUaQgghhBBCCCGEkDuBQg0hhBBCCCGEEELInUChhhBCCCGEEEIIIeROOE5//28A3vMd9UROvBHAS97RT4KQO+Je1uY7Al4PCCGEEEIIIe9UiLvX3/25fvDXGHlHPwFC7oh7WpvvCHg9IIQQQgghhLzTwNYnQgghhBBCCCGEkDuBQg0hhBBCCCGEEELInUChhhBCCCGEEEIIIeROoFBDCCGEEEIIIYQQcie8VULN6173Ojz99NNvq+dCCCGEEEIIIYQQ8k4NHTWEvJPwfu/3fhCRZ/354i/+4puf+5Zv+RZ81Ed9FJ5++mm8+MUvxste9jJ80zd907Pu7+///b+Pj/qoj8K7v/u74+mnn8ZLX/pSfPZnf/av1cshhBBCCCGEkCcSCjWEPMH8n//zf/BzP/dz/e8v+7Ivw0//9E/f/PlTf+pP9fdf+9rX4o/8kT+CT/mUT8G/+Tf/Bj/wAz+A3/f7fh8+67M+60bQ+Wf/7J/hUz/1U/FJn/RJ+N7v/V78wA/8AP7SX/pLcN+TxN/0pjfhf/yP//Fr8joJIYQQQggh5EnhLRJq/uW//Jd4+ctfjqeffhrv9m7vhpe97GX4wR/8wWf93P/6X/8LH/3RH42P+7iPw+tf/3q8x3u8Bx4/fnzzM695zWvwyZ/8yW+bZ08IeRZrLXznd34nPv3TPx0veclL8IY3vKG/9y7v8i54yUtecvOn2he///u/H3/xL/5FfOVXfiW++Iu/GB/yIR+CD/7gD8ZrX/tafOVXfiW+8iu/Et///d8PAPiO7/gOvOxlL8Of/JN/Ei996UvxQR/0QfikT/ok/I2/8Tf6sd74xjfivd7rvfApn/Ip+Ht/7+/h4eHh1/ZAEEIIIYQQQsivQ55XqJlz4lM+5VPwile8Am94wxvwfd/3ffiCL/gCjDFufu6nf/qn8cpXvhLv9V7vhe/4ju/Ap33ap8HM8A/+wT/on/nf//t/49u+7dvwWZ/1WW/7V0LIOzn/4T/8B/yJP/En8D7v8z74/b//9+PFL34x/sk/+Sd45Stf+Rbd/pu/+Zvx9NNP4/M///Of9b3P+7zPw4tf/GL87b/9twEAL3nJS/BDP/RDNyLQM3nf931ffO/3fi9+62/9rfj8z/98/Kbf9Jvw+Z//+fi+7/u+X90LJIQQQgghhJB3Ap5XqKnWiU/6pE/CB3zAB+ClL30pPv3TPx0f+qEf2j/zoz/6o/joj/5ovOIVr8C3fuu34tGjR3jhC1+I17zmNfjGb/zG/rlv+ZZvwbu+67viEz/xE98+r4aQdzL+5//8n/jqr/5q/K7f9bvwO3/n78QP/dAP4au+6qvwxje+EV//9V+PV77ylRCR/vkv/dIvxdNPP33z5x/+w38IAPiRH/kRvP/7vz8ePXr0rMd56qmn8AEf8AH44R/+YQDAH//jfxwve9nL8Dt+x+/Ab/ktvwWvfvWr8XVf93X4+Z//+ZvbfcRHfAS+6qu+Cv/lv/wX/K2/9bfwsz/7s3jVq16Fl770pfiKr/gK/Of//J/fjkeHEEIIIYQQQn798bxCzW/4Db8Bf/gP/2F83Md9HD7xEz8Rf+Wv/BX8p//0n/r7Dw8PeMUrXoGP//iPx9d+7ddCdd/l53zO5+Cf/tN/2sXYN37jN+IzP/MzcRzH2+GlEPLOx1/9q38VX/AFX4CnnnoK//E//kd8+7d/Oz71Uz8VTz311Jv9+S/8wi/Ev/t3/+7mz6te9ar+/lnUeSbu3t9/8YtfjH/0j/4RfvRHfxR/5s/8Gbz7u787vuRLvgQf9mEfhje+8Y3Puu1xHPiET/gEfOu3fit+8id/Eh/0QR+EL/3SL73JxyGEEEIIIYQQ8hZm1PzNv/k38X3f93145StfiW//9m/HB3/wB+M7v/M7AQCXywW/5/f8Hvzjf/yP8ZM/+ZM3t/vwD/9wfMRHfARe97rX4Qd/8Afxr//1v8Yf/aN/9G3/Kgh5J+WP/bE/hj//5/88fuZnfgYf9mEfhs/4jM/Ad33Xd2Gt9WZ//j3e4z3wgR/4gTd/XvziFwMAPviDPxg/+qM/+qxcKQB4/PgxfuzHfgwf9EEfdPP1D/iAD8Bnf/Zn4xu+4Rvwb//tv8V//a//FV/7tV/7Zh/7X/2rf4XP/dzPxYd8yIfgDW94A774i7+YQg0hhBBCCCGEPIO3eOrTh3/4h+O1r30tvud7vgcf+7Efi9e//vUAYgf+da97HV7xilfgVa96FX7qp37q5naf8zmfg9e97nX4hm/4Bnz0R380PuRDPuRt+woIeSfmN//m34wv/dIvxQ//8A/ju7/7u/H000/jD/yBP4D3fu/3xhd90RfhB37gB97i+/qDf/AP4hd+4RferNDyNV/zNfiFX/gFfPqnf/ove/v3e7/3w4te9KKb9qcf+ZEfwZd92Zfh/d///fFxH/dx+IVf+AX8nb/zd/ATP/ET+At/4S/gAz/wA39lL5gQQgghhBBCnnCetwfpx3/8x/HX//pfxyd/8ifjvd7rvfBjP/Zj+Pf//t/j8z7v8/pnVBWvf/3r8Yf+0B/Cx37sx+J7vud78D7v8z4Aovj7wi/8Qnzt134tvu7rvu4telJ/9rWf6yqCMRQqClWBqEL0Aj0uGDogAgwFRBzxswd0jPj5IYj/A8Y4IKpQPSB1XwJAAHjcFvCbxzcHlgHugNuCryumXWFzAraw5sJaBhPBMoe5Yy3H9XqFrwlzx1wGOLDmwny44vpwhZnDAOhQOABH3DZGGgvMJnw9htsC3AAsmAGmL4jve+pqPmHLsOYvwfwxVA+oPgUzi9v5hM0HKBwmDlsLMMBd4HkfDs8j5PkeCuCWz8XhgjjmAoxsZ3OPgxLHJUQ6FQCyj59AAFEIBD4OjOOAOLAW4EsAHVAdGEP73BljQFQwVKGqOMbAcVwgOqAi0Hxvj0cXDHWMMXB59BQujw6Mi+BQxaEHhgp0ACLxPHRcIHKBywFBHHMzgwh6jLSoxNN3x1oG0ThGDw9XyDjwmZ/3x3/5XqA74+Uvfzle/vKX46u+6qvwHd/xHXj961+Pj/zIj8Q//+f/HL/7d/9uAMD//b//F//tv/23m9u98IUvxLu927vh5S9/Ob7oi74Ir33ta/H48WP83t/7eyEi+LZv+zb86T/9p/Ha174WH/mRHwkA+LN/9s/iF3/xF/EJn/AJeN/3fV/83M/9HL76q78aP//zP99T3X7qp34KH/qhH4qP+ZiPwZd92Zfh1a9+dU+Y+pXw//3/fLebGZYZ1nJMc9gy2LxizQc8vr4J83qFXWOdrbUwzXFdC9MMaxkeHj+GzYllhuucsOW9Nh8eP2CuBXOHqMLM4HAsM5h7rFubWNc3wdY11oldYQZMPAUDYCZwd5hdYdeJtd6Etd4E1QOOo9emrytsPUDgMFiuTc/bx5pYtnJtxakXl6jz2pQ4b/tn8hqS1xKB3qxNFYnXJgoRBSCQ45JrU2B2Wptj9HqvtTlG/lcVx3Hgcnn07LV5OaAKjKG4XJ7C8ejAcREMiXU9hkLE99rUA6KP4BhwaD93iMR1RuISLSKAAeYGEYGZ4HqdkHHgC77kT/+6WZuEEEIIIYT8SnheoeZFL3oRfuRHfgSf+qmfip/5mZ/Be77ne+I1r3kNXvva1+Kbv/mb++dKrPnMz/xMvOpVr8K/+Bf/Au/zPu+Dd3mXd8Gnfdqn4e/+3b+LT/u0T3uLnpSIZiGiIRhkgREf8j0/xHuLMSKSBUoVNUD/Q/LDvngWCvkDHkXDflBEsdDPof5iAAyCBZEFxwJk5dcVgMXP+YLC4CqAOVQAM4ebQVVwPDrgHkLBWisfK56DDon78QUMwFXh5nBTiAJDJZ6XlbyzMNTg6sBSSBY6ghXPVeI+4mULxnGB2YT4ziBxsxCuROL5SIovcRg6a0hFuwisAyVwQOtn47V6HnSPO4foEYJUFoieRfB+g575nuNGRBMFROP9imOkkHr8fJJmDllxHDEQxagPQAYcA4KBEMAsnnW+5275bDWfSgplKnFWma18Tr8+68CnnnoKr371q/HqV78a//2///ebCW1f/uVfji//8i+/+fnXvOY1+KZv+iYAwF/+y38ZH/7hH46/9tf+Gv7cn/tzAIDf/tt/O77hG74Bn/EZn9G3+ZiP+Rh8zdd8DT7zMz8Tb3zjG/Gu7/qu+LAP+zB8+7d/e0+Z+o2/8Tfix3/8x1u0/VUjQL5RAGIdx8kca1PFoLJgmBBdgK1c77mmcm1CJc5tCZkEvtemmmItw5wT7gZ3g4hjqMT9YAEjz2VzLI9r1BABzODieW1agK4UbWJtxlXK8toR6yBO8wPicS1R3fk/MuPvqhLnOAC7WZv5c3W98jo2uW7ji50pdF5t5oZRQql7LILz2vQ3tzZDGMJpberYl1gdur8nAkdc92wBMgRDHG4TUIXk2vRam+4hzOTb7FYizb5On9dm/6z++lybhBBCCCGEvCWI7w/mz/6E/jbi4z/+4/He7/3e+Pqv//q36Oe//Es+P0SEEUKCauwQjzEgMvK/IWBoOj9i9/eIn9X4YC8i4b7J70vf137JIgLpf8UhcBes3MH2eYWta+yUrwWzhbVWOmkEaxkcwLrG190QO/HLMdeCL8dyh7nBzTHnxLxOmFnssmsKBuKAh3vH3JHmldjh9yhoYMjbPfTOtC1DiRHwB6Rnp2/rLnAzrHXNV+gQd2iqFJL/DVEpBax0MCHFMDPD2XkTwg2wC+cogEUE5kjHzEDZWwQDNuO4Il1NmuLBUMU4RjtpIMDlOHKHXjDGBUNj11504DhGFM+qOC4XXB4pxgAOdag6juMRRB9BxgvhHlJe1HaSRaz3+ywqVV8CnsIaQg9zCPQ48JrP/rx7qAjfbmvz1wP/v3/z3VhrpshZDraFNR/j+vAYaz7Gmldcr/FnroXrBOZK59tc7Whba+E6F+Z1xb/Nwk2zVtw+HTnlqpER58uaD4DNWNMW54p5SLhxXUA8x5Vr0AFbluvYYOsxHPlvSK4Vga2JtSbOaxMA4ClGpLhbaxMSYowjRFTzlSLtdsCFvmF9jZAUqDzXQLlgYu0P2BKkhS6umcft2hxj4DjCsXYcBy6PLtChGHr02oToaW2Gw+a4CIYCY+TaHBeIPALGC/KlaOpCIWd5OYPw7LVZempcicLJ8//6f3/JPaxNQgghhBBC3ua8Xccv/ezP/iy++7u/G9/1Xd+FN7zhDW/x7WITtT6mn0SAZRhDsgDPLh8tp4XDbMXNTOBjdGPP/sAfoka7aurr+XG/XBexS49oRcKKn/W8l7Zi1H3FDrtAIB47voLoDdJ4KthiRpQZqhK7zVDYivYLPQRhYolWBR8hegAKtwVJ545Kij4QqA6oAHM9RDuFrCzwBkQPLFuxk+2WzhikgKXZYpBtTNl24G5RyOXuuZeHRUvsKIGm3Cie7pQ6puF2GcfoxiqbeZwQIpple0MdbxHt+wTSEXDjukn3RNiRsCYgR7RTuBncFYoDwEqRZUD9iDYxr5vHMZVuM0uBrsUmiUIY2C6EFAPIO56zE05S0ARm/tcAlzaViCg8XWUqGsV/CrZu17hDt2wLApY49NB0UYWDxle2ya2J6/Xa7XQOj3O43HwOYC2IxJoXj5bFkhhUgGkPMHuA+zVPaW2Hma8rfK29NkOFaXHUa33leauaYqP0JQslM7uXyJPuQXiZUfa1C9Ei2qKHxXVK5MgFvZ2Eb3ZtDk1nTdy/ZGtVXkRgK1770WvzSDEorl2OA8g/yxbyrqJ9K8WmWn/iz74MAPGzyz3FY0IIIYQQQp5M3q5CzUd8xEfgZ3/2Z/EVX/EV+G2/7bf9im+/t0vL6aGICuvUZgNkoZCf+tNRAg9vydAy0Vd7QBT3b76rZbdXhAhhXSRFgeWAjMx+icI/HDnhqqlWK1j9tYrL7ULRLCRVNdoZ3CF64PpwxeWiXUiVsORmWXTFV0XCjRI79SFiuE+oeAtacTwmwhOTbU3I1+Cxcw2voki7mNKh/fV229T9ZcsQVAHzbE1SWBfK8Rp1HKiMakGIWEh3Ux0jQe3gS++oI11DUo/1zDMgCznEt5GaVub+CFQu+VouED2iZWR3hEQ7S/c6xcsyMwzVLFjzeWq2ekmeauROKLGmRJE6QwQiAyIHRA0SHU5wcbgCS2wLvyX2YCsAIgJJx9hQhUutzVobA9eHK8YBDD1SoIiWqxJ3KrRJxwj3jJUAanCfQDps4mXkNQWAYGGMaG+Ka1benXhmKdV1SqEjvuknsTmuK+lEQTrozKAK6BiR45NuMkc6cUqQwci2qlqH1W41AJdsW4yfhEs6+cK91l+vl+TZ9uXVDrXFI3eByCWdjhdADrh5CGcrBZwWt+L5VKaOSohSZnntT/T24QkhhBBCCHnieLsKNT/xEz/xq7xlfGg3swyd3fkI7hF0u902jvo/8Wd86E8rf2XZbEp4OTU9ud/8u3Z4VRRQYMEAU+hAtDhV0eSIVofOO6nt7lMBFdXGaWc8dvArb0cRbQTX64RIhHKG/IAUYhDCkSOEonGBy0KFbo5xAJauAKmdaUsRaMBSSJHMvonMllCT+nHy6UuqIe1+Qdwu9LFoiVhzhcshd/jXAmyF0KEj3TSq0VKRssoy6/azMtVUDk45ItwcpvH8tNq2ylGVR3N0wGr819bCWjMFmoHwMQl8rdKX2u0TTosU3Oosq1aTKuTL+WROpeZO8HTKVP4STiJNBKbEexVOMsAx4b7awQbFziXKcNtocwthwM2BFFdUFSYrhEiP9h9LsUaeOlLyKCETKWJEq2I9B5UUcUSgdgAmWJ5ysRsUBvNsUTzlcEWLU7niBJnYnSLItraoZiskKu+mrnej12Y5EsuJCNVsNwwxJs0/ENUM0c4AcCtzTbUKlsswhJvlDnXATeAqvcZC2JS8Zko6diKMeRmg4wJzjeO5FvJi3q2n8SrDVSgpgreAlMHJSHE1bvf2P+8IIYQQQgh5R/F2FWp+tbgvwASS27ea7U1nwcJzmglEdw2ThXbV3FHrGLyLlrJX9P/kD+0WgtMPoNNmpXIedotQWFpCGImCr5wp7YfpYiJcMWg7vyOmo1gEt+TPxnN8eFhRrGiIH1Fo5eQZt6hLNYqcaM8K58qyCuT0FGFCaxC5YIwDAwpzg+EKpEsHWeh2oZSOnNi9lgwx9ix6vYNKdUg4FvJ2Y+SkrbDZhBgCxVr1E6dejXa4nB0RdbwUKrGjLxhwE9g06JEHROo/0vk+6inMAJntY4BEjghsnzvIdykcGXX7mtRTrp/cvZddGJJ3PH1+tNUqzjXRAVXHMofqwJJoVVRBOL0wU4iUFm1rhdSb62bQFCUs86Z0CLBKkInv+RRcH8JB4wihAi6ZTWV57pV4sx0mQE5VckDVMYZlrhSAcYFKhG5HK88Vy2asXwhQ7i48Q9z0nPYk1QLkOI68Vo44b1e6ZYaOvTY7ECtdZEgBt1qP6np1FoUyxLsF71qbLt3qVEJKu+wshCHx7fwxN6gL1ilvp6ZaxWFKYT0fX3Xk2qxjsQXVFm4IIYQQQgh5QrlLoUZQIkz8u4qVcNd4leWo8MsOzdx3kC0GVZhpf7k/4KeY4931Iqdd2thOF1VE5kS0VGy1yPI5OpZfM5vm1Lqw65yN12ja/BmE4BJiBlC2f4fDFmDXbNnI12ueRc0yLAOOITE63CwmOsnq3X6HwTEgxyO4xC56C0s+Qwjy/ahxIGy7lsqdlMfZbYYTxqpYKodD3F6zeLLKgpHRAb6nSJqb415jhUsQqfBnKVeSSf+wnG4XI8337j1cckKWw7BCDOs2Em8Bql7L0JHPG3286xwr11EYJbxfI3nHstdsvj+GkzDgELUKgwoZJtcsfGYy9BHnVHUpYct2AFBj57s7CiGIzDnrJ1JYtQwNXu3siDUxAF8tmsRlKtoWfU2oZuZVTpMyEUAugB6xus1gdoVjQgf6tVT4r60Zz0vR52u4B2PClY7IsUIKou3iSxGl1nSILuVeQ1lnUA46yHmtbjlLNMJ+444E8HC7nddmPUa1mZ3XpuUELoNA/LQ2a60hRNajepoc2zUpWtputGUhhW+63QghhBBCyBPMXQo1QBsvqixpkWR/QJcoyFsZSZu8Z1AnSoVB78Du4dvteUEXJNI6Swg7p0DOyHRZIYz0lJVswTLk46y8sWWhH49TmTTe29X7FZ5zF0QExzGwLAu+ClDN11ZTmixdPdG6MSES44lFalqRhkijj2Lqkh8p+Kxs5TH4jLaQEEmi+NERBWuVryF6OJ75TrgLVI8+7ioj3EZAtjbF8Q8BKsUc321OlYlRO/StXPXu+g4VvRXqvE+DOh4u1RoVlaJVB5pEpVci0HbvoGxGHapsXu4j24+b/3WGCd8FUtONUq2oaUih2ADI0Oxemyk4iNfo+P3eqghMSvzJsc/ybIdGjYovh9UxBqaHCIoUkisYOx4jxIyV7jf3BWBBNdx3Jg53hcsRgoMcMIzMcDKIViaWwH3drk0dvTZD4zBoBTCdgphiyYxScaIVLAOVVUeKrUjXWTnNTm6ZXJtaa7O+vxdi/1cyKywfuUXoEGE1BZa9NnOqNkRrrcdjdfYWtiNJU5Az39dgOT2+Oxj0TQghhBBCnmjuVKjZxbKIZ+7M6O91UdFCwnn6kIftvgSdUybKOR+lhAGBRHWfDo8q8B0OsxmFfG5BSxckmZVR056QO/hIoaGcIfXzlbmQj1jTlsrh4527kN+rVqkWGiKbocaOL9sFkvtEbWtHC8EFwAUyLiEOeYT/OhSCgXEcGMOwHh6noLVzY4ADqkc+vyvcrzflmi1kyGg8ek1oKhlEdaTjYE+AQR33PC6eRe4ekr3fRs8JNFUCVmtEtSXF6z1PtKl2M8mMHKRVYOHIUe0rJ1m54fSeVPG4eky4zXBNrLVQTq3tqCDvUGq9SmTAwA3mszNoYhJUulZabgVijtKemLZlXzndZQqEW4PYwp7E2vYUf6rtsa4ZKhptiencqvDfCi53ZJBwCRN6QHCBp5OmAtBrMpUeR7w2PNyszRCZRqxNAFgPMIsAcUnHXETiZItRHicdI55btom5h5AUrUchAFUbpUtfUU6Cdf072zs7mN16DXWLoJfIlIKR7lYzWw5Xh2amV1yDorWpRodX0k5db9zCAaQQXNfCGAPLrI/HdiISQgghhBDy5HEWat4I4D3fUU+k+Pn/87/jg/65VQjp1fcobjyFGZM9AaSDg0+7w5JWeWl//s4f6Z3gLA/awVF2mC6+akrS7pu49eVoFinRerCnG2G3VsFxzn2ol2S1zZz3FQVfTmdJ9cLs9nZ1N2beeRWAxDQXASBZDGLEg+Aau9he5V4a/Q4AAQAASURBVGk4W/S4RLuEZAixL5QvII5TPjcP51JMi4p8CenMi3ptyGlV2aaQolNNbYn3YDuh9iFwKHb7xXlsepeI2SYRb4/XncXx8RBX6phL2pgiBFZ6rLhUMmyqdCK1m49uo1DNFiqv9+3W8fQO5i7W5juCeX14M62EWwCtdVmOi/OPxnjpdbs2xVs8jHt6ts8OeV6EUpE/F2FQIUDU5Caz03PbDhM370BdSIRrQwTiA45LP47jCqj3eQtk2O+z1qal0KkZsntyt8notQnEUDbNjKmaLhUtQ9qCaGRBlTPptCaesTafYTLa1zCv61Be13zftF1p7hjH2PfbIevAaOE1838yzHmHBm/nULueKhg6rwJsfSKEEEIIIU8yZ6HmJc/85uf+of/HRRxuszNEKi/BU7GQ+sDfYZU5plm1d1UrGFJFMcZoZwiAnCgkEF8QAMflAhk5XaUKFOguDnK6ikPDLVJBllLiwe0H+N6nTTFn1xTS7U4tDnib8FEtBeI55lkq0DamtRhWBmbGa4BdEWO/tfMr4i5PhYzs8Fr3CAuufJX2AOjAWuskbKwuuARZoEzvMFCVR+FkyWJ1CzQri9h4b+Io5OQWi3aMqKFCXnEYRENw2oHJDmQrGdyhOeVJsq2hRR8VmCt8RXvGuYiqwuscGHz+b/y93pQqbve7h9PjlL3IPafmOGCm8ZxSEBNVaOlDdR7mTUW0i9h6btZTwtCj0FcW4PrMSvUdx7PW5sPP/dSz1qbbetbaRK6LGstc0822vytbePK4R4ZJucMQa3DNdB8d6dIqd8m+lxAVV3896v9yQEUGyVrWj2/5M7EWIoy3bt9fs/izM2Qq3DrPdauJZXX9qSK//l3i3ymvKgv++r+t/cnp+ez/nl+PZhtR5VmZ5f0JdqaKI4+nQOUpQDVcPo7ImZJs8Qm/DNz3OuhR289Ym+bhnvHMuKlpc+KKNWee1yk2llss13o4UQQ1zkm03H7nNVlhwCngPOO83xKO9xe87qPE2V6bEXoOmxCT02Q3T4EopWD3m8fZ1/At6JzbH83CKxXnCO5JRCWEEEIIIeRtznO3PuWHadGRYZX7A3JlnIhquxCAqreltJH+Wn8odwcMYYUXaZdEmCmiWFNReI7URe+Cb0dMWm72rvq58Dz9HacP+rJLuqrnUAXm7WvebRKdj5CCTrQMlCAU4oa7ZDFZE0pOThN4T3ipAvi2wN2PVA9UgtZZb1q2YsoMwqVi6rCZE1fGEbv2Yr0z7/XczdJVEO/X8msLSCKAVBGKEMlg6BYIlSOL1xmvoWpfGMxyspMe6CdaBWq+j+0o6O9ZFm37ZNlhvqdz47RLLwjHQO2il1gn5XhQYNmE2kgRUE9TsfK9OL3/cnOSov/uNTodIW4MVTw8XHHPKRhuFuGwOuA2sUWKOme3WAHsM31nNd0WyV6CJOwk1JSrDLtIFu33yWwH8oYg5H3bWofhjPAtEJWAaaUMZX5JKnR9Bj9LDKr3qSaWZeB1tvF0LlWJxSnYVPDvsi349f3W88rHrO/FX7bDCn6eBhZCoHu4VywFpRYk1eDTYVDo0H4PBDH1Ka6bFpPXZORrrWNex2mvTbNrPi9BtV2pXGIqnK0UeWe6BwXwA9ADilsxtVo4FUhXkNy+Jx6idGmi5yypOhf6OJtDjhLg+9Btl43FdLplE8PSJTQi1yoELuvJcuZ53WrRHP1umHmMW89R6qoKV8HDQ4ZEE0IIIYQQ8oTynEJNBFCeCr+TlX6MC3Zvz57ABERZLfBTLSjprIkkgtjo997t16E5Shmp6kSRXc6bcHHshxsjdpAjkSK2sx3awo9iZd0Xz0RS+IhN4Noflv26Tv6CU1kYu/5ZNK4IgYBXR0RUb5FjYwZzhcjIXXbPwqoqmK5to3TKENsqRlvDynuuHJh1chRohXd6TZyK0dx+aO8820kZKY+O+4Jl8Ga5Laocjt3pKBqrzHWrUOCVYofvyTEnt4KotlAlojHRJUNPgcrsreOXbVBVkLmHsJTC02kTPX7mNKmmnQqox96tZTH+KctRkdzfL4Eohb0Sj0ItjLateu+BLGgBlVNQ85x5BO93175Cm71PyFyb40iBIGWwFDBu2oS0BIk8MF4Trs6CCiApdJnvc6fOfkgIFbWworAugSiKdaAEDgWw4FiIKWIlg5ZwtkW985qp14Vy/NRf07VhuUaX530aUpQxYC24XXOdKRSKmYKLncSdus9w0IRIusR6BdX1QfP1R45RCMpmK7WmUzaM7LVZXi2H9/2fW3jMrikG2bPdXW6wNbeIIkDlZ4lkm6LkdUG0s2jO1+EtF0vk1eSo61hHlpq05nS7LapFkLrs65ake3Grnie3S9yfebQbLjPoiNwtFYHZwtAjf2qLfB2iXGLiWZCv96ZPdkA8RLd4rNsWN0IIIYQQQp40nlOoiUwSg7R7pSYqoUUHIESTcwBn5XtEURE7qh0+2X0p+Ri5K14tShV8uW3wUXRCxw6orKI7rfpV8IXAsEWHHrndxX5xcp5kO0I8l5zB7cjJS2hhwOvJ1g54tg8B0iGfFeh5dpJEUbmdAZULEQLMin9nJRxJE1WopWtABeq1844WrGK0dxRGY1SxvV0HdR/tTpEontpN4f23PO7xhCOYNYNaxfP9zUIcCyojCzrbApMb1hKMUYHP2OLISa8zN6grUnOKkbxHOFjKUbHPvRIGkO1t5VBAF/adg3M64OdpUjftFIjWkHZW5flcU5/iBe7yT1VztPm9YvsckZMTJYtgkT3NqHNEcD7npV0V+43M9VYOjxLD4lH2yddvbBbVub7irUh3UgoLXe1LnufuLaSJIIKx/eSgQekyvs9feIqh1u6nYv+c9bp0syjq3QE54nmt2zyoesxamx0YjBJh9vkNbCXxJmhYBeoCkxIIQ2ipUOotOu3AY/PV4lq7U3Ld1ptkK6eyIZZgiBmGcjvV+o6cGcCljlOJNOH2Q4kaHiJpneZu3hlOrWD3W2UQ6O3azCNdP1pr0917bYZwuwUe8S2I+ukYu0u2glleL8olWYeqrqmCdbqtZXuodVvY/YqohBBCCCGEvLU8p1AzNHfEcRIyRHoXN4pASXfMqQ0Ccbsxqijewb6uAq1pJhIFTIsqqvlzMbGkwiVFasxsFgUCyBhdOGpnjwBABgmXwJPBwFV1mTl0eDsqtvNkF1W9+30q3KNmtcgB8dw1z9cVcTbpFihHgm1xporXqkaiLrG+X0hlO3get3yNLuHkqWK83ChdPCOmK2kVcoDZRLc+VY2MKM6W1YzcLNAzk0Xz+7HDvfZz8wjh3cUssERSDNtCSNSxjjWrvSkKPQWAbrHI6eAoXcVxjAE4MOfCGFEUVr5N55DAYWvl7nydU/H+jhFTqqrQy3d+5x9JZehoBqrW+1zC1BYWAWwhMB1ID+t+pz6JWDokUlxEvd4UYUowlFvvQZ1nqiG4VX6R9RrRWNNDcjx5ijwtiNb7ne00Jdbg5LdJsQfphusiHSXCxP2YlWVjO9csRcxzO+FZTInvLawVzhnP+zBbsDVR09liAR0QxJqt+0cKw1tAiPu7WZs9TQooYRbuWGulKG399W57SldJrRMgrzW51uO5n54fym2EFp/qPXBsQUvLCSWA6mqRptxOJcyV+GS2M2tC0AVmTjLTcqOh3oN4vnu9oNuQRmY7rZy4VK1KZ/HM4VhzAseRzy/ma4mniJQial+ztN6AEvXieatWPlAdy5zqJHk+7It1Pkfger3+qtcOIYQQQggh987zZNQYjhRbopDXvfu+t9JxdivEjj0Qu7u6BZPakUfu2p826CsMVXVAcqzyzRQn1dNtsuL3qEJqgkk+oy34nKYSCbLwvxEBpG/T1UsWIiFyZDCq1S59tAKJZJtEjgOPjJrYza6CrAOCz/kZJ2dN7Qqr1rQixVzZQmXpklDtXfW6XRWRJegAUUiJ5o494rh4tmmVUlP5FL1x7ZLjwvfz20JWOqigsDxW4bS4wF0yK8fTaBGPO4aeHBFHjkjWlBCy1cLDLdTlfgY71/tSpV9VZDljKqd67RBZc2BIiTJ645yKv6fTJkOqz6+rwqzLkRPnteVxyYBY9wwfMRx6v46ayHLKf2TB63DAVpoN5PQn/rOdLNkSWIV3vkdVD/eJEgsn358QREtk286suo8Sakq4qf8ii/AUR1BizS7g6/zcjhnba8wjdNtWfW+l42XC5oSthTmvIVBmm59lGHRkeu9g3RJ/zmuzhADLx69JbKq1ruO4rrVidHuec8tsH79eS97rEyIhQCJOp8q3cjtdj1KElLxt3V+dnKkT5fn/7LWJdNFALnCTfK0lPFoKn3n8fUGOAyWiwnYraq0RN4989sq1yRHZtU6jvStcMOYWTYMi+ZoBuORtJa8xKYieRPD4teE7l8YNc3qHGHeoc/1snVe+r4Nmu0WMEEIIIYSQJ5HnFGrSu5D/yA/baXX3XVPnbqu3NhBum7HFltyNVSmXDCCn0FFpkSeyLM+Fd1C7vp67+adg2HIQtPumvoZuA4hixwDXdgPEt/LVebVqVLEVO98l0lg6C85tEeUKcNw6TrqoSVeAeYoutk6iTT6B3r0HOqQ07x/VetUOmhJ4BGexZi2LkbxHFHDb0bNdCfAVQo6dd9KthbY6ZoKYDlQtHDXJywGsCVROheR7EDk6FQCdr1nrXaxzYDtbPEUQzTYJN8u2EbRYA69pMFtk8MrzAQCMnj5VX4z2kBJnopDWbMdQ3QUgqog8nQTtVOpA4SzOJbKQ7pYsqtsjcXo9ca7mpKObqUIl+OmtztqOHAF8ZRuOtXhgyOJY9/teomTdiZVYgRJh0G4Ky+lte434STixk9vr1MZUAulauXbq6yXSXLFWCDW1ViufxlZ0WdX6s7Va9Fkr1rOtciRtyqkmIrDUqmKpamQbGTDnbF3XytGT14U6xvX1atkp1SvEWe3HD0FqYud55XW0HH19BUxHoh+xbkXTUSMwE6wpUIlg727fBDCXQR09Mep6tWzTDOE73Dcjr7kl0Ghm5YwUSyzbS+tyn44slKCS15EUq8cR683cIBngPBQZ/q0ZNKzRrpV/l7xPkTzt8pQsAdnMsPJ1leDN8dyEEEIIIeRJ5vnDhLMSrg/qyMJWJXaVvZwN8Uk/3e3VoqTdlhKtTHt0tEj4K3rCUVrzQwTYxaec//Q47B0eezNNSrd4UjvW8e14LPSHfel/R5tB7eiHULMyxFOq8OlMmirioz3EsniEWAtIvVtvngWvdHBwS18pjLhEC4qt1bvmVeyutbJ4kfx37KZX4RsFqWc4qgHLIIiCdK1rCzHhIMjjXS6WdJGIjHap9NQYXPbzS1fCHqucxWi3WqRfRmqnP1qvgHCtSOWcIPIoooBbWI69g97Tex3mC2McKbxpi3eisgW+ckUh2kpKoBmqOMbov0uOK67v91ml+5xxROEMEXhmB9W45Is+uvM9+yiOO5+kRBo9OT1OUqt1Bkq4HaB1btSy0TxnVgqVKZ6e2txgljV5Cpql9kjmK1lV2VsUKuECeZ6VOBJ3sQUWlPBYk4zaOXPtzJk5o70pph2FmLnWNV00q69HhgieXemQ2dPZUiCxGgW+z+0bt08KhTpGiEHpCNHsJbperzdtOnOudrvVuo1x5JFBtQOfrcWlavsyX/GMU9yArXQ8ZbhzCp0GhcgFaVSCmYQglW16LtGmF+9JTuKr1lVJ15iXIBbnCaAh4uaacHEsXxg5hlxzrdVobAiQsk47d7QNOem8yuvnOC6o9kX0WYi+zopZXvssc7viehVZN/tUlTxdIRrPXYDj0eXO1yYhhBBCCCFvHc87nrscNIdqFicj3SgRYqvQbEGK3fhqj9IMBI5ieIcD94d6kSioOx+hxB05iTN7KlDM4vWeBFXfB6LQ7IlS/Rj5/DssdoseYfHPotRW7+iiCsmy6kdJBIedXAEpgGTFtMp1E1pJhxDvVhDPloTtprEO9Q1BBl0kplRTk5NWZWVIZkVoF6RrRXtIaBBRHInXJKd0IEDgy6ES04/MrlEAZmFfAtz5eVZLEdwwrwupIWU2zG4NKXdNFbdVoJs7Qo+z8hGEswPWwolICFcVQl1/xjj6qANosaYnhun+erXLDc08jpMAIyoYGT6tGXDcLVipMraEIfV4GkWzAMcxcOjY59EdEg6FfLe0coA0HWKZHSPj5JypyhddCEcxvzN6kBOIKrfkHD5d52utqXI/ed+uXC/PcEFV+K3vNsK4SQVqWws8Zpl5AmBdH7DmQ7QjrcykKUFmGZZFy9OaV8w143srzlcz6ftfKYqU+6yatHaAcblvtuhZr7taqKodJ0SnEFK6jarcRhKT4cIpE86bEp0tWyc983UiM6faoKJ9sMeVJyolBAMlmjrSjWYer3lWgPrJ4VR6CICastb6WQrs9frrnKhA570+Q2TVCpv2aPgycYg61Cs/qq5Z9Z57u7Tc8hw8XWEsz1nN609fNuo88mibLRGoRsnPZYgZX47LOPJ6f8eLkxBCCCGEkLeS5xRqjqMmNOXu6RiIca6IT/+QEGZ6vzQr6dOEporLiKLFss3lAFBiQYksCh0HquulJ0a1c+YsyAT1tXyIKCdzvLTeFAnnDJsQnBTYxYqHkDFntULEDryfisk9wGZFMeo55aUyMM5FqFWGi3SblK2dx+HZXmLu8GWnENIs/HzvuK8cARw/i/2cLIScy0XhPrN1J15lFVcCYK0JpOMl03eymM/cC6RAlq0UIiNuN6PorPG5a+3JX6iWB0RLhptilmNDEO4eMYgcUQgjx/t6vBO2QsxZ5oBHUPAYI/W0FMPgfS54FtIKzUlG0dbUIk0KOZ6OB9EBGSHSOFI0rDuSFDZSADLzlOLi/DgUeOrQm/PsHqkR9yUg9NdRQl86MrKXZBfW0pPHAO/sKfEKulVUewtkixnlbkKdQS1y5FnUglvlLGGf7yVQnMTQaqeqzJhlBnPJXJkQZBwOLwFmnoWaEisXli0sXznKfqVbZqTjJjSrtTxaltxDUPXIS1rpqrG1x3NXO5I7YHPuqVRWGTa1NkOMQR2rPSUda8b6vjylgEzYmtF5mWKviEIs3CueLWbxbmRmTAu7kjPQNUW5EB1tXUOA1Rqpvp1lcMBg7SKDK1ZP90K8V/m+ikYAMixcLTVKfYfDr7j2Vk5ZHh9HORFD3BJUK5KnO0tO5+J2KpoZjry+QGJiXbfh1TnsK8/keG22gGteM1UN41AMqRYvQgghhBBCnkyeZzy3Z1BvfIiWLIRDDYndetEdMFyumAgeRTtVpMSAElVOGSSq4yY8uHaIbxw16YDQbGdB3zoKSK1pN33fKc/I6J86h6FWZoqoAisKTVurx2R38euAzcqZMJhdsxUj7m+tcBB0UGoVr7V73zviu7XCVhWYM55XCjZdwNqM9iHXbqeo+xdNBw482zyqiJxbNKqC2WoE8BUrQ4kho81CIlVuKcblyNsCQGaGXLMFBVE4abWVVatVOZoicTiyN1KsWRbuGcVumYjKM8+lylExh2X7F7LoH0AWdQu20s2VIk60uwHl+zk7bkTD2eWi8BRtXCTFP7mZRFNjic09iz7HIxVADgwxHH2ebQHk3qgJRJVZFLlR3m06bn5TYN+QIk21zYiUX8bTFYP8+h7NvE03mS2S6wS+2/H2uZeuFdsBvnuSWpwTq79u3RoYYk21R0m2QsU0sTUju2nOmc6bEG/mjLW0ro+x7Iq5HMsvmFdPMaecMt65NHFf5bBBP785Z7RSpahkOVmqMmei7Wrm+o8cn7UqM0Xjft1CgES5SjJDp1QcsxZ63OfJq1S5X5YihsMxMOQIAdJTdsvnXeI53Pt8DrNTfq/eP4lsMM82sJWT00KrWyn+xPtbE6Zqat3ymMwWx2LFWsnjuHCFiEIvj8L94nhWePo5+NeQYqoZTPKqXL9LUi/XnHZX4eOea7RE05gSF+6te3a7EUIIIYQQ8tby3GHC3ZoUbTIq0pkJ7hkKmXaZmxamLJ5xttNn8Ok53HXn2Gi7YOrxyj2jWoG0/azQI6HlzTy2pMunJkWplJWmx7yqVItThJWi2i8g0bqALN7WFfAFwUrXygPcJ5Yr3A5EFsSpEGwHThZq7ZKJYvrcUtFuGd9iTLRBLTj25JooBjMLqNqqvISgKDrhs4Wlbmtwz/HKlu0Plq1DubvtDugB10u4ZfYIoXASLMMxji5a26SBXcBXyGiFjp7fB8ugUEiFm1ZRGeeOu3b7jtmCjhpPY4BEdsXyiTGOCJPVuM9x00ane8JXCoYyNCay57labT8yBoYqLpdLF4O2otxWOHSUuLhyms2vek392iDl4KgwaqCEJc8vnNtbGq9smT3+HHnOlAMi/pvfS4Ghwl7b+FDfQrlRbLvEUqiw023rZ6qdp4rwFkI8xCd3C0FlzRA+5sSaE7YM1+vcTpp5xZqPQ6S0B5g9YK4r5hKYD5iFc2utW2HG1l5rlc+0Q7eRGVPW66vEncrBcV/Z4hivcdkCILAMGW7nzZoYQ1ButxAirQ+c5eNH+6Hn+RyC8JoLrpdYB+4Q32L5mtFmeTkumCuDjet0LRciIhMMXm1PcQ7UdDwzT0EoRXGUyw6oIPK4EzkJLZErE29+5AONI64PAmC55LA0a0HcUsBpZ43FpCgTjzWWx2I8wx0XxzW+r0O6lVERbaoUaQghhBBCyJPOcws15T4QyUJcW6RpP4ucxZwSaPL2qretSboFlpvx26fMGcnWFO2JPSXg+B7jLXJzX/EX7Oek22+DHBHrli4dlF0/ig2PvofMcFnZeiFhwfcJ9wd4CTXIzAocMIzTznEesNpNti3YnN0GAHA7fjinxghQ47/DaWLp1qlddEuzT+00R0aFSrRrCcINVG6KOhyh82T7mlYBNCFu8OUxNWgMRHhstJmpV3CxZihqHjtFZFZU4IXU+1vhzSeRKH/A3KLIlNhFVwWk2tDMUkzR7RgwR2zwe7/PwA5PHjleu8S4OAc0J0mNbHuK91+H4Lgc0KE4xgEVjdyZzGQZqlhiGCnqxPmFUzG7p+fcIyW/7PUY7FHu8T60Y6OcZqWwtMyyxZ4QFYFyN7WhyLe4t6eKeepqW5zJH9utLr4LdK+2pJAlWqCBhVtjlXi5QpjxdU0xJsZwX+fE9bpyXSzM+SaYPQ6BZl5Pgs8lc2pOGTVe4cHeQs9286AnNFUGTeQ/5Tju09d3+HG0AvZaDSsMKt+npsStNQGfgCGDcCXfE6T2PXKSW+lhM69JOaHuOFLczWsk0O2I7coxj2Dofp9QyggiT2xPi4vWpn0eiJTAFteBWsshtpwcOmPUSQG0Iy7EpilX+AhX3Dji10k77lximHldG+ChnFq5Z2L8t9Zar6ydvHrF+ra8dG2B5pnTugghhBBCCHnSeF5HjWNP6CmnRn1PcnRziSUxOQhdeKjuYN9qfdqOGvS/q6Up/i39eNHkgm5taceNYLe89L8BYBci/d92c5w+3Gewp8TWNlIOCddP7/gvQGpiTBRjywYgB9wPmEm2Km2L/3YVnArfbPdYc6G3rfO5xo732kXiih178xWZNhIuk8qfMaTAka1aOmLst9WUHukyMEcSZ8sTFG7xfXOFXeMxFdHBlk82bufhNhgabVJrRnvMUG1RyivTYi1A9rSeyMVIMUAALEA1jn3kZ9Rt8hzJYNRyCUk9j3IdAOgoYI2pYSJ6csukOKia47QFYwgujwaeevQIYwzoGDjGiB153e13cxkOHfAMOdaezlPvj5xaf+4PN2BJTebRjIwql0a1RAHbZbMdU1X4x/3sNhqRk5BzdoVVgo/LbmtynASaOi/wbIGyJizl7cJF4ymIGnxNzHlFhQ7P6wNsTfhamNcr3Cbmmim6XLOVaWJlG2KINI45BY5HWKZYN06akyums3IyjBv757YYk2LEyfXiXo6a2WuzhEh3tAtv3/fEqKDsFeHjIWzGNW1dr+iWH1GUJGgO2IzcHB0pcpyElXoukk4bs5NTpkTcCm5WDR+MV9hxXhfK6dbvcVle9mOIApaT8TzX+dABF8OOJot2JPEMGi5RLs+XELvTXeULGBker8A4QhgdQzFUbidHCW6cQiPU3Z2BlE+7p/0RQgghhBDyBPI8jppqO8odzvxAXUGygMSuaRUK5W7xKH5T+WgHzd45xanVCacpTkAFWZbw0M6bs4OnM2u0XTL1HCOrJZwbJdJUC5AgC9OaUJPiSu4jR/GTDg7J4mOZpm5wgegF5tpF5bl4CpfM2sJLegfMV4/x9pXFps0Wb1YWd0AUKDCDIdor2k2SORi112y2YpITrIvm2Fk/OXw8WrvyCABQiB+AD0jukLsMGGLUeEz68Q5vrSk0tmLKjawq9FYadDRaUJCtH+WQiDPn1tUEQLA6Q0dVAc1AZABjjCjwU7hxOEwMYgqTcEGIOfQ4jV4vJ1a1uCHHdA/B5Ri4XAaO48BxOTCytW7LeY6njksIFihhceerAICo33cx2JlP+x1uKcZ3O9I4ZUidzE4Zdl35KCdR5vTn7LixzECqFr/toKlA4BQn61xwSxGx8oZWiziWU9PiPJs9ctss3DO2Jtb1mgLOwlzhqJk5VcnMcJ0z2pt8YFmsz7XQ09DWLHGnpkEtXOfaAcc4izf5s3OvzRrBXes5wogjTHiuCN2da7WTp8TZcqO0ew/7PapAY0GKkYJwm7lCEVlKesmx1jrgeqBypWIyVF1nYl2ZeYcA97UPyK/FpKTKLto5ReGKU0i2VCHzaKzvTywE7tBaJB126YRJgXTOGWHdcwIycBxxPByCcWpjjNbYdOiIQ4+BobW+LH8noK+XEQZf13rZ5zTivAGypepttpAIIYQQQgi5P55TqBk6WmjxUwaJpiATH/3D5QDJHVhYF77RfoEt5ABdPGqKMj1LxvaOc4wcjkfQDDmISTU5aQh7Ko9gO2UEDokxL7FDPJBTUzwFpmwFqfaCLG5yezmKq5OzwFwAeSruWXI6TO1ktzhzboewDhQtx4HNlSXIwrSJmBqVok7ufleo697BT7FFYrfe4FGMukPVIHmMLdu3JNsubFW7SzoYzNvlhJR1AIWMI3em5WZn3QT7savdCiHUdaYGtqgBoCfPiAvm2q4h9ZjihWx9MDO4TBxyxPGzBRzoFivkbryc/sTxEQyVOA9rkE2qehZPAKIjdudHFImPHh14dDkwjoFj7AlRfhKOgpNTLM/NmF5uUMczfvYOcYSo+ct96yRitRvOczQ0SisIhw1SlKj2OmSejKQgFz9fY7a3uyGmM6FbmzqPKc/rEBpXiDGrRlQDVjkmNjv/JXJpHjCv2fLUE55CJHHLKU85KW35AfMDC5FpUmPr5zVboU5Omjkn1jWCiKO9xzGvW3ypP+7xsyXkWo/3Xpk9U0Juhgu3QyjWppbQLBHGKzL6OcQlMEdRAScRJl01IoBeyuASDqb2QnXSTKwnP03zytckQIi5p8ypysTutsicCCU9FSpEkuWeeVAp2Iqj2hTFM8A4Lh+ASFw7Uig1X3AZKabktK1sT0SKTHVBi6lynmIv4IjbtqB7+t3SY9Fti2B1bvcccEIIIYQQQp5AnsdRkx/GxXvCDpDFvGTR0DufMda3xl5Xi1PtzNf0KO2WJHQOyTmrBh6ijEha5ctN49731zb5qKoz+qFECvRzhO+JU/F6qq1JO6sEp+dTI4mldn8lRm/PnAzlmFl07iIQbcffApB77FDfTLVpcaVapeL5rXQa9J9Ty4mt1aLIXOGgGSMkF7MVLQrVarIsax1DZOuEQBaFaexgh+PGAHumYFFilXS2h0JbwDi7ZTTzMDynDplF4ec5rtw8jpvZiuhPC0FNR3x/aYgwACCuEI9xyenZagGhDAd7THZ/N97HEtby348uB8YQPLocuBwHjmN061M+8c6fqRDkGjldLhog21msnDb32/oEz1q110O1OuX76h5CHtBrs8TFrIJbWEF+D+X8ytu71Rjts8vm7KLxdIR5i5UATuf2tTNfQsiZKXQITHaGTWbTYi7HvBpsxd/D0ebZZhjuNrP2kYVQ5JG7NNfCus4eK7+zZioM2PYUJ6/A39Vrc+U48MqlWTWd7ZRXU61b4UBZ+fiGudLJki439NpftzlU/ubWZl5VVTLH5uyNyvfJI8ulXm9lgtdJsMN/d75S63e617Ajspnifc0WU+y5Uy2YwnAcB9yjRXCMXIMW10dfK7Otzo7C1c4eYJxeguGiB+p6LXn+KMapJSvOS81W21jjFdRegnq13HlfGwghhBBCCHlSeU6hpsal9qd+rxpvtyI5tIWTEGnSZSF7+lO7X6rVKXd0y2lzduroGB0k3K1UqPsCRro0Ygy4Z4OT9Ad+IAvsdhLEU28hwPKZ5l13dsOytPrnbjCQhVtOWlqW3USVR1OCQhWptl0GoQZlIRxUG0W0Y0y4OWZlaPQEmdp5j/aqmU6baPkIV85xIFw5HXwcpZ73jv1+DubWO+fuDrEtKnUIc43lFuQxRe/An50zyOMfzoE4vsuqtSrFKcuJWYLIf3Fkds1I5UUg6czSPNYrQy9URxShLjm+twKnke+7QMUwFDgUuByCR8fA5aI4DkBkYWgJNJl7NLQnh3XrU77OOJcr2DWLVQdgkkVoCZF3irTGiM4E6rdqr5l4/6z/G0Uv0Ce75Hnqa99XFsPlPll5Htb3Q6DcAl6LlKiWqwjS9ZPQeBZADAqrVkOzcJ2teWo3ciyPa4vhwLTZQs3K1qtw2vitk2bdCjJeTppsMezHS/FpuaVbJFqSZj3+WhFqfHK41W2BeN0rnURrpkvIFy4XzSlU+3Z5gPexztNs2ur3yRHiaY2l3u+hZ86U5DFPdxqyRa/FuC3OqSpM67qALW50Xk3mTQFYKwO0h6CHeov3df66QjzRvNYZACyHjPjF4em8AhZ8AXIccQ1XxxCHikEkjts4BdHH0KmdaRaXgBhJ3t2GVufcvgZtR835ZCeEEEIIIeTJ43nDhOsDcdQUkp/jq7KPQGFky1C4HKSdLBUuu4N/T+O6ZU9+2nk1enLZaN9+j+32tNLj9JxGOfghFT2bQoKk779CfmsvPqSFerwRxaVUFo3vHXev3ffzFKcoFFaKLjXKt6ff1J88cuY11WYHm3oWuV0IYo/7BULcsFVOHI/Ccy2IxNQb+MwpVXF0PQvyqAtLHNJ2p5wnvbSBot7HchSlI6bFrXxereIA2UolXYyHwJGBw1KvI0Zox/Fa1dAAHaNbaFQFGCNlvjzDBHCJwlOg2WKBFPYcQ2P4zOWQEGcGMIbjGILLITgOwaNHFxzHSGFm5Dm0/16tdedJVXV+SLVyVFvV8hT77pMSDzoaynESZpDvc51T25GwVTnf73PnLVkX6V5TxKrg9/3vEih71LZ5i4o1zcyyxapaAt0yLDePuWUmypxXrOsVtq4RGuyV+wJEPgpi5LYprMSYvO11zr2+0klTTpie8pT5NLZqFHi4AWs9V5DxXKf7yj8tPpYg6xWGnOO7URlSBpEQYpEZN3G8pdfafg/Q63OrbX0By/+mEHPKSKpwXuR7k/fYgpu7Yxx5LfO4BoYrr9x8KfaIt7Amrt1G6FbCcIo90Yua54butlEIBkZfRx2rr/VD0dlZPcEvfyeUWL+vjyXyjD6ftVyO/Ttmn8P9b5GYWPfLtPwRQgghhBDyJPDcjpq0rHsF8aYTo/cz2/GSNW1/ds52owqDlLq/0VOdIt9g2++jqD6JO/VBPy3wKjExpGpPvVFrAKRTQ3KkdxQCJaYswFe3cEVJG/81l5w6K+kiAVwqLLj+RHG0SjzxU/GGchb4rYPGPYrKLNoEkuKL9y58OQ9iN9lu7q/uyb0mMVkINXNBPAJ8S0hwqzyRchBtN5J7NjeYZyvPLnC6jPcSJXZrQmyxx+1Uj3696iUKWbePVfE8hmZxvvI4a54/0SITE252ILLAc9x2TPJxj9YjxREOAMRtVIFjAMeI3XoVh2q4bI5DcLkMXB5dcFwGLscFx3FAx2590p74tNvxquEjTEjbSVTFeGz232+DRUhc+5wpQaXaB6OkznVQTivbbU9V3JdIE3eaApaViFMCYrU/WQsXQK2J7cRZLSjKaQR2uGVKBAzRc8KW4TofcH14CHfYuobo4TH6OkKuB+aMXJizALNspqMm2ormdW5B5tRG2G2KZjv0NwW6ZYbrdUJQAcThqrteZ4wMt3TaINqb1slNc26ZRK4Hs4l5NQhWXqRGC6g9rrocayWOtLhWb0kd2HqTU4wrB2B+Ld/N/EI1BG6xN1qL4r2f2bo1jsiBicDgUo9iNYYokzJMtmgti/UFAOYTAs22K4F4CHM6LhAZIc5IuLJibcVj9TW8J/1th6RZtVGWsKMt4u0TzNuFVG231cq5RUhCCCGEEEKePJ5TqAEkJyyVo8La0bJFgV3yVi1RYklNZ4KcpjyViIPaqTeojHZexM9rF55ABmPmfVV+DbKoCIt8jPl1FcAUS0YWPfG9Hv+aLgPRI4QP9c6k3IJMhgRXfkWLNBVoehrFnaJLO2vKJSOy62GEtT9+LgpbN2TxubJonDeOnWo5KeFgpQunTRJ93AUVT1GijOcufRRW6YhIN5T7HhXc1SEqxBddFOGUqwHPQOP85/LVzpoY0105RSNcECgBB3BfvTsvVSRCMXSkUwYQsfx7tTYNiFr+0XbTqEZmkQ7FGIpjDFwuR7hoLhc8evQIx+UpjOOIPyXUaIg1UTBWsHIVxXl8NN1UtWnfQtxbsILeQYRoWmJN/tszwDvXWTavAYj3EIgVZikc9nfTUXHOnYHvFj+gnDPr9DV0/lJn0JTQVdPP1owpZw8PqPPsOivc9wFrPQBuff7Hea9YMwN6EY6Q3SJoMEvnzVqZT2OY85rCjJ0cNCFQzDm308YWoNo/AyCFoHDUrDWBvM/Kp3HkRKQ8ftUiWe6lEot6QpgDIdJouvHS3YKKTVd0u2HGewv2qO+WwXdfG1xSYPO82vqtWFHZxJ5iWohLqwUhkaMF33FyGUJH/nw6aFCZYJbiy2qxPJw2NWktp7pJCMYVCi+5TlUlw721XW3lvvMSj+sa2We0pFNoO79CX6zfAmc3zknUIoQQQggh5AnkeVuf4oN7fHgeQzt3onZKYzNW9o6w7wyTqjV6jHZl20iEaW4HTLprtESG0hBCSFHZxYtIFitp4xdfgFv4Y1IcQD6/HjYltdMcBYItDxdFOg9qik2pID1iu0YQ2x7T2wKNncJJK6C0Qndl76TXWOJlIerUuODdSpHtUDi1jWTeB4DtYPAoGC9erTn53CuPROL1VetSiWhRIBv2lJRUj1IIqsIwvTz7eyczSd3euoCS7SzIVpJSplS1n2uEg4ZIE1k/A7ZmtEMcA54Bw5CY2CQKjENietMhGIdCR/5Xt0g3jiMdNBfoOHCM+O/lcsE4DogOqB4hDqZIE86dbGUSQQW+xhHZocLuDkU6f06tJ/eGZdG+RU+Bo0S07WSK6r9cGPFaBehx0vucRuQw5clTbXc3gdLddpQZNV4ixg7NXTVqOyc4wet8j9aa6zVza2zG91L8mSlkhvAj2WK0M5xifPZsN00JMx0KbHu6U7QXbtGmnteySC2e6zRyO7OiZq3LFHT6teaxAKqFy1pEsXTe3LiQcNsa2GrnSdguKpOm3osWvX2/h/3GYbfqoc/N88Qyv3l/K5g4Lx0xhU0UgnjO+7qOEK1EcupVrLMI1QaOY/S1OdYfbtaiVthUraWh2WqYr73/W0HB+8dL6I1sM+vXWyJqCzklJNa5b6dcHkIIIYQQQp5AnsdRk4V8FrbxeVvzQ3UQ4grQRYVoiitRnKiEk6asNfUBP7JANFuk+tbJtvsLZIs6+Ti2opVJs3CI/VztqSQqli6e2tmO3WJkDg1E4TpQuQ8dtOm+RwXbbtXotqRy29h2u1RGjZ9EGSCKn7lK1Lltyyj3TRe92JNbvIs/9C54jd2G1xSWfbw6r6KEsi4Isz0qCzzpHjRJ58zpiGcxX1lCfvq66oCvnYdS73SHMHtOsBKH5rhhz5yZeEkLZhOQAdXwEKgIhmtMy1HHAcWyCDUVFegQHMfAo8sFjx5d2hUzjiNcMynMiJZj5sAxjt69HyXS6EiHzs47avFFxunY5GuRLBANkG1VuktsLehp8o5kCKy5QyxcZCW4nYNtFzJLpqvlOo9L0KtJZR7inJ9H0J+mmnUmU52zBlszRmNfH/KSsXJkfYkmE8AeTT9r7TiwTDBntuKgpj35SZQJIcXWzDwZtFiz5mxnT4knZ4dN5eSsyqFJJ5wj8qCWrX59vf59xbE5i7gl3Nbrt1ybJbpaDV6qdRfHvNqtAMDsGm7Dkr/bxpUuwRRfPFsi495S7Emhx/O9lRIcsUW41EsxIFheeTXZqijb1VbCDGryV7YlQhWmI1oe4fBuDXUcIlCNdTr0SPEz3Y4aeV9A5N7kHCyMmh5X54pvUV/SRWMCADUaPiSa0n7L/dfjxfN9+OXG0hNCCCGEEPIk8BaO5wZqXCo0wiRrbOptG80OYy2Rputi1P3UDnMKOHmbHsUtkpNDYge2p/XUDqqHACPQblEJUeIK0ZhiEq0GiuUA5JK7uRkiW6KNV45NTnby2zHE3caxdrtHhwZ3aOkOEK4cCz+FmFoWjmuGy6dcKHsEd7RA1e27dnbEbn87c3amTYwqrnHANVK8BBvtIqdanbpVot4XSBZnwB6fnreUclUAyEybNdeNU6AEMztNaIlx5vW1bPKQ2iWXfLsjJrhCTueaPbY33EqS05oGxrikGFOBwAdUL+2S8RTnanrYcYxuiRqZR3Mc8bNjjDczYWwXeXW8YppV5teM0/l+p1ioGy2SRgHu+d4suIRYtnNHaplmK0k6Guq2SGeN9WjpeP/2ebfb8rpN6SRi2kkUgWi6XzIseD1G5JcsTIs2urUAM8WyGgkfeVEh0JQAuHoSlLf4MnvdtZCT7hhbOUltVfuV9XON5zEhIvGzLd6sfF0pvKQzxdM1tic9pSDsjuv1elqbde3I11TxUSWQYQu+dR3rMN0SakRad7ByupWjEIjv1y18Czbdknpznu41HZlMJeNUvo5haAk2rZ/jLOqttTBUIEOxbEJk4DguqID3WId1PYksKs/w8rouuJRTK9fcSRQszWkLM3Utar3q5L7ZYpaXXu1boCaEEEIIIeRJ5DmFmjGO3q3fRZ6m06JKB5RJA5XJosiJSpUrkz9QrScVSAzZE536e7m7i5BiYrKtRNsV0tXRBh6RjquFRK5CFEUC0QOiB8wHIPEy3cPrUfkrHV6J23HU5wkvZ+HGUqxZNWWmxu4iC9hs8RAg20H8xmmTG9P7TxaknrvaNcI4Csb44W6tWrEjvlbscsdxilDdLTLE2xE3rVG2XfKgWiiiEFTsog8x5rdquqwpYxqSdiHb7122UHgKL+HkmFk8Wey65+6+r2iFi5aiKA6jENzn1jhCbEG1xp2EOVGtXgt4nReyw4EjEyNGDqtkNsbp73p207SrZrcGKeprW5yrdqC79tS4xHhpOb2/J5dGOChyitOpIHbXFAC8339rwSadMzX9y8LZ0i6bbPVD5tgsO4mPOe2o8mmiBcqw1hVmD3BPd40pzBXmgmkSfy/3zCynTglCt5PVVmbTVDtgrY2z+2alYFNrs9br9Tohkq1Zq1xwlRlVokJNcqoMKSt9YQtTGTycR3ALvQihptZOtAjJyYlWIs1uc+rF5nV/20FzI0PkuSjelxsgnS4lnpUAVwJPOAore6nasVZeL3b7lvRz9H6tIYxULk3kQgH7muXmwIjrqCtCYCtxV5HHMDKTkG4iOV303PcEqK3UjLMWn44b9OP2oWhBkUINIYQQQgh5cnnu1qee6LGDRgF0mOb+sF0iTsoyqnvH1aMYaJVCpAuRrl/yM7zm+OSqUkpkOEY8TdEQQKQrlnKWpCvCFcCAjBcAcqCCdS1t/11cIV0H+Rpqp7kmxFR701q7aLxx3mcLRRX1laVRr3dZtpf0bv06tVXV5KcKEI77nGvm/YcrIDIm9sQnt5iQFPeTAo8bLsfAOLKNC5WRs8vA86499lEHUlA6/SDQ39079Tc7+HlTs5WtLR4Tmvo9jf+rEchSrWaIAq5e+9GBwCWq4BnPWfr5VPtItclVLobmOVb5RVUYx+syxDQahMMKvs/JeqC4VbsSarqRpBPJt5J3l6x0L9X7G8e/XG57QpGkW2PnF62e1nUWpar1qc59tz1GvkSTcphVq1/kDqXzxBfm9SHWhk1crznNya6ntj/AccBcsar1yUrUtF5H7ZjJQGBbEQrcTrUWc6yFlhZq6t++1/n1egVQ4d3er6NcRZ0nVWv+GcLqOgUl19oUCYFj5uONMVL8SjHVJi6XAzouuQb2hK5cXbG+y4GCvfY8NNj4qRRdWqH2G4knL6na5wHqvvO1lbuxblTB3lv9CKdZnwsquByP9lS1UfdtCBditoOuBdURpi4F1LGFaYm5Tw5gpdgT1/WZ9xXiqeS0KTn9TtiLM4Vg2b9j4veEwX2dnj8hhBBCCCFPHs8t1KTIUtZ10XDUuK/4gF6tJBkEqTmSuXd3gd653RkhuygpcafaUTwfr4r9aoOqwqPEkPzpfpLuAuhT4aKRcNBY5s+E7lO7udsBUC0C1UJR+TNVqJaoEMWH9659F3C9m38WeE7ZFeef97z/ytqwZ444nrso9iroPBw3ticwWQahtjsCDszVgcytqZxcErfb0lkB1qGrt072uHOv6i/vx3OsdryG7UqptibH3okPd025MlZO2wqxRiuLyKPAq8eINrUuOxFiSb1fWxCsPKIq7EqEGX1+xktVEQxFTIqSU/ApgKH5vscZiR7j3ueR53MNt4KMLRjdG3NZjypHCQAlMrmd1lkJctpiTWUe1ZSdGr19DguuKV1znfNbQjjpSWcoR8fCKkFmrWgzmvMkTCpcLlgOODQmLeW5Plc4sSobZs1w6myRaLWoWeO5o3WuMnPQk5dWZUL16O4Yt12ZUJ2vU8HFdvr5FnjOzjdPkaZE2xrNjZ2Jk+1ndS1o44gDmAuPTq2bfnLPFOfpea2EprDamVOoCXn57fyZXpuZmVVthdF6WOJMenUyS6acNaLjJJArXOJ4DBkwWxkIHPlemusksrwEbrn42jFT107ATLoVslo149UtuCInZI0txKCOjwMup3B0zd8DJRjn8arXTwghhBBCyBPM8zhqyqrvaUSolpHMB+nC4s19fK4P3PkjKCt75dZsP0MJPnIuLKp1xj0dHAqp20p88K82rHBaHICM8BRUpRQmEwAZsoptp99OmRqLnVkd2LvsJeRUIXgWXIrtOtmtERXJsMwy4+VUDGZRXXkb9e8uds7OgnQVQKrAURzjiJ1qWy3gVOFWrpASpqow3NOLbvbt2zAi2RpR70m83ZoODbTIU1NqevdeHGJRaE4zjHFs55JFOK9qjvLOnXw9TSRqGcSxn/dpX32fF7uAVZRLBhjZ3nTkSO4ID86pURVMnAKPqGTAbrhtoo1KW/DSFgeR+Tz1uu+TFhWkYlslckGq+i6nUBfuaKEGyKOdQmSPm7coxleJgV6C5MqWnz21rISaHjnvjrXijy1grSjolw2YC0wE08JtY2sLJdudM1tsqRbDEmpqTZS4VKKLtfPm1LZVgd7ldjmt72U5rQrY47fdczx4tb4hRZsSdE9OHNuToGZmUJ00hm4VfebajFOp1nkF5VquzRQ++39CY7G8fc1+cqvrZQmy5eArAVb7+VoGv6vEuo4JbGO7x9wgJh3+bSnsHUNvz3uv61sKND1C/IjXp3kmpQCudY55XUNGXptz2hpqWpOmkDvQ4+VLqPLzusxr+em/cMAX+jwmhBBCCCHkSeS5w4SxN2bLgRJ/q+lAWTgIsg1DniEM7HuSctqIpDMnZAAF8vZZ1KS44iLQEoDcshfgtDstI+5Xan9aUU6T7Z733b7iGcAKz3HY8cOWBWCMpvXczdd2srh5juzdYakdrOrVNpXumRVTVMytHQU1JtgtxlUvM/iMIq+LTlQYcToBcC7cTnk0p11ykd3u4zbhkHZItDukXrjmOxgpn/v+ZWtZ+z3Od6xHOlsXmjXvfAtVmu0VmTlhFpObMELEeYZAVIHBx+USrpgRDpzYat+iXTkKSrxLM0COCI6TREdMe9IR4cOVpRH/rolQ2VqVLiCVzNSBbqEmC13TFKoELXhEIXmfLFtQ2Tk0Z2cakO+J1Jqo9qYtDHQmU2fQRGBuTUWqyWYrW4/KDbZmjrueKYrAsHx2KPZcC2sByzPjZsV5uNKBUiJk3MepnWnt9sMKCA4h01r4OE9act8iUU9dM8eccW7O/Pq8xmNYjd8GMK97xHc77NIB0pk1ViJtjBOP5x0/Z2sf83KbaDvNnrE2PdKFa23WeOxaXaJ5TZWdS2O+HYhWSk+tRy+3jIajptWgus7V44xoE9VYW57XZcHoiXwiJcDH2tQhGMeACCITTKpN6iSLlLCDctnFiG2Ji/bpAqwnKX5/S3JMt9R67/vt3wY51aoys87+o5OU+6zfMYQQQgghhDw5PLdQU9kyp3+L51jXEmu8goCjoqj8i27HwQ4MRoXFZmF0ruOrOAk9QKNqzI/lNg16RKAsaqy2jM4viA/+Vv6c3KGt3JosJkSiwKritHeCVxasEUpa+cDnvIpopVgdQmpWToNqdcgCrnbg59rBwNU6shZMdpZGZW6USFNTo84iUN13uR+QrUXAead5v9Yobk6vLYUuQbUvxMGOgknSCSD58/lG5H+6DFLJYiwyUM6tHbVR7r46P2atEKSQ50CcQgaRo90AZo7jUuGhVSz2WXZThJ2nhQ3d+TQ11r0m0YzM6hlHjvJuoWakq2aPhPceC19CEYDlEE0BT2Os8F3jIS52eZ/CZufUACk2nf7lyLFE262wXTV5HloJG9UuhBZC4pyKiWQ2J3xdMdcVCyuFnmhJggtmCjwrR2mXmNnh2OmiWXMCLifh5CTkWI3KPq87x26JWn1/boY5Vzx+Ol/KsVYibbc9lWOm2hHNYtpSHtdywVmvI9vOutPaBHa7IvqIx21KaKkfDIFm7Z/LY/LMtVkCZWfT5M+dL8Utntd1NwN84dsVVO1OlSVT18q6Vqtqi7555T6t65qIVydbBgfD4er9GuoHzAxj1HXEOl9LdLu3pETefCygXn/e7pRT088os8fi8MZ9nxRsQgghhBBCnlieu/UJJZ7sIiBaR3ax/vBwxVNPPWrnQ9nyy6HRwaWw2PSVvctaokIaALK9KUUEMQAL8AyuXQ4Z1UITOTldqAg6OLOdH8iupxI7cid4/7umIqGFIvfMx8mirsZrW7cwxWsC0O0Xvnbh6fV11OPlDnAVwjhPK8nRvtnm0Hk4Xpk5uzWpWrLWqiJc+jXE9K24v25TO/2vezgAXHNHPSu+24Bh5Lu13+dV759ku1LWjcvSYYPtrMln1+6AtaIw03w/eiR0P3fpFpfbDoa65xL39vlSfw/xZbc8HceRLU66XTVymvg0cuw7kJPAcvZUTpAqh1BNzarJP1A9HZn7Ixw1W8i7Ke4Ra/DhYebalCzIvfNnXGos9oxx7ZWPdJrm1O4VC9FiCy0Laz3GvL5pCx0u4TqzLXJGvstpBLaH2HIWV2LyWWQvdftSiTXdZlSth3vdrVniTYo1Kb7A/bQ2d/tir+nTum+RqnJmfIu4ZtYj59PYcbM2s6Gsj+daWwCLNW0n99JCXOTq2rNPelsODG/3Iur7ocRsISMuJLhxveluKxIB1szrW4rhLQTPCR01ASqvr7l+b1tTs41xWTjW2un4jJXQmpajWrliaXvrrJI39hRZbw0wjt3y1fITyjG5RaN63bi9tlWwFiGEEEIIIU8ozyvUALkDes6rSdeBIIrlnUEAVEHSeAgAnlaV+AA/gMw8iPGwC4ccgK8skC3uxxeACUAhntOGgIzEkW7pqQfqwiRHWdezL7fIzlk4uWqwx2GboyeX7EyZPQ3mRphIZco8JsG0UgVpcQd+Di/ebSaeCoWoZJGbO+Go3WPJ4NLTKF23LjZLXtESXfL47jalm6YCwAU1AajGZmfVGEJcCjRme8fa81hUC1E5Ukr46SBe0dy1r/aOOBfGyGOZRVXs4EsYpSCAjjjet16a/XryOWW9ij3tKVqm6r+iulugjoExBvQYPRGqhCYVgWdOh9bufh5z0crK2KHJ5ga942LQ1totIv2O5tpMt5CIhhCQBzbO5TxXPYJiQ+CYgK8+V2MS0xZqgMg5MTNcr1fMhwfYeow1H+e5DizPXBkXrBn5UWtl21CJmR4CSwgc6XDpyWglDmVuTWY29QSocrGtWpuzXT7zOuN15fu5au312oyjU4JoP45tB1qEb5eIiTxX021X69jqKOd6S1WmQ4bLnSLZpofdWnm7NotYybas85RaZ/ac41XXjrp/C1HO8gfHGNESmQLM8hJSa23Gfa8VrrcQarRFFgCQfN5m1fIUU8VGtjdVSHV1VioUtsIJhD4Wms4a9PkYr/B0LSoRBw73FYJ7izZnF9GtgFzPs99j9/wZQgghhBBCnkyeN6Omiha3ai06WeUBHEeOzq6dVykb/Z7QJPAoBsUBz5HNrhAdCFu/w+yazo09VShScLSmDQfZhgN3eOZR1GSq3iXPCtwRAZ9A/N3q67XDXu6XyuaocOFl3b503nWPUONyCJ0KCC+hY+0WppNIs6dH1WQYKZ0Ec879/PJnfG/h58+dnUC78AYAz2KyBDRzOe2CV0gwMtw0prB09otqOIXyeHuGyALYU18sXlcIH5pZIn5yc2wn0y7qAPeFcURr0RgHdGi6lsI9oceBZSgrFaqeK0dMOauq7alcMcivR4GqEMmQ1Ban8ud8Z4W0M8cNoiO+rppBuzE1R7OtzExgMGg5ie6UOWfpgoCvdB2Vu6bOB+lR8dG2VqHBqBvCbWLNx5l3gh0I3A6SbFFKcWPOhTWv2f5UooljpUsqhDzHnI9bWARqEtMpwLfEPgcMvkXREnXW2mLlqrasbEWcIdTE+W3dStj5RjhlR1VIcgqALRqtPZa7HCot1pQwUXlR7aTJBinfzo66bRzjk7MJJWjmz+UFaYc+AzXxyLGfY7WXxnPNtW4Oz2sREG6xOtfndeV6UFg6asqeY+XAObsNAcy5WlA5RrjOSjiba+HQI7O6JKZ35+trsdYMcihqZHe99hZb4gvwDCkXt3TYAes0Dc5yHYY7EjkNDhD1dtTsgxuiWufiyP2uTUIIIYQQQt5anmc8d4kCWSh7zQE6FcQoMQGAVLF+ur17TKYRy51UQHxE4XyaeOI1aWeVgwSAxtOL3WPBmrXzHbvD7f4AcBwDNXEonwzgwNWu6K3c8840vIuTDghGje+dmWVxHt8bheF5h71CT0UV14eH3u135OSYDB21zMDoskOy+Fwlkuzx37UrXyqZoISlKk5qh327Wuq4RlGW7UkagkPszMs+xjkFaQzpqTklvFSYZ4SDVruTtBAWxh5rgQ0SY7dbiALgYi3kicX47EK1CrmcwDNjF1+rfeN0fKqV6aThtDumWp1ENES25bARgptnzpAOtKumQpgFDpHss8tMI8/7rQcOl5LklJ1ToXhn2ApnTJwSUQzXgQrBppvX8hzJ1j/4Fi7M4H4F7NpZMvABh2QWTYgnFcg7Z2TKzDWzhUkxl2FNx3VOXK+zW6Y8nTFrLeiQPoc7NLjXXAmsO9jXrMK27cYFUw6bEGZSWJoT8+EKP62vtVaPFXfIzoPqVsM95QrAeWWmoJtOI69A4e1kKSXEbXXuS2Ry5dXQ8xxrV06JNbE24Q4Zmm2YGQZct9OQbtop6N7Psdo8VbZIAweGjh4/7yU89vOIsduwFGzF+jponlPQ8twv8RspEDkWHl0OHOlwFFRW1Z72d3bldHupxdj4MCstmKDf/yECDIUMxPobo0Ukxepgcl8jr4EZhl2OJXgLNj3OjxBCCCGEkCeQt6D1qVWYU0FTU0TQRWC72095BFEYAzERJAv41FeqwI+WmGoy2QW7p3BgucscBd5JbEHVHCnIXKPFQKVaCGI3uYSlanfYo76BLrrSwdK5GFYTmHLazczw5H4e1k6UOWeKR2HNr397hgZvh825+MNNYVnikQDp9KhRyX5yCFXxHc98jNPoc0eGryKFIYevnMAkW1wqIcfFWhCSzIDp3X8IRk47CgFnty5EEaZd3FXhv4OikRkw0UYWAcDRjmTLoMfo57vMoVpTbaQdLCIlAZYbRjD0NDFMFEMPVLG65sQxIqhYINBq1VLtdqgQmzRGcNcuvaCPSZ9z+d9qB6sco3tkpVATnYZZvObkNemCHC0mAFXI49TiZrA1YeuabrASVDSdNbFe5kqny7L4embEzBkOresyXK8Rxl1ZTj3C2x2PH19zjezHN9/ZTOG2iUlp5ZzqoONy9mRrli2LNZYi6bxeT26OPTo7woVnv+YQePaUqQ5HPmfSIFwkld9UggdSjFVUzs5uiWqpJ4+xlliW4duCFBLT9RUC1IQOgWK3/JS7aK1oC4r37iTilFieLi/x7SIUpAiLWENWo7/zPhzo9kXLc77W29ARYpJW21+KIFIZWyl0JtZ5TjnyO8UoPU2WK8Fmt0JpTFA7CVAyNMWhys1addGHi+S13lrc8rw21zqtay4hhBBCCCFPIs8p1DjKY4F0IAAnf0P/q3Zi3XduStw+do278MCAyAWQkSJNOGsqbmClEFCtLGaOMWIMt47YATZb4ZjQKFqqXalaX2JSDPbO8am1oUJGSwAoUabLdJFs25hdmIbDJNwha02gdtiz4AOwp8tUdYScWNMugdPjiMRUGquiMI5MPN0osGKMtECWYLmn4CVdPNUEK7cQUqJwqYwdtKCFTKSp1ikZI3M5tDb86+mm20a7nSaeVjSfjXHAsZAREdnKIFmkRWGuQGS9pBI3FLkbv8c+DwFGthypO6zLTGwXAHASh6o43VObRBWQAc8WuvFoQA+N9iqNP/E8kPk6KdzkowwAnqODo8VqjxkOR1gcP3OHjjsez53ZI1HMWgsEccwUPa65HVi1KNP5ZBNmD/CczhQTwkaILdmiVG1Cc8b0pWg5KpEmRJVqdxoqEWabwkflrcQoawcc7UCra8We9LSnQVV8bombJdoAcV/Xh3D/dLC2IF1k1xRkIlenJizF+VluEpwEmsybyhbNULRClHY/T3YqQXSLqaN+VhD5LulM6ZbIFBdqbVYLkJes7YBA81IQoo/KCBdKf99rBbTrBBLtQS7ewswYIxwnKc6F8y7OBVt7ypTWtDMgRRrkcc48mhHXxJVr4eY6nsu0DDhm3k4ut3TG1JnmirkAVc9pa3VdGajR3IbMf/JwhAk8nDSOdEqWqFyOwpnXwApY9xaGCCGEEEIIeRJ53tYnryIF6EIQ7aap73kLOZ5OihJvLG3zYdkf8afCI1GtUHG3KpVf47lLO3pnXTN0uAusvIcaSb2nKeVTLDfEaXe3bqtyu2PerRCOHBm8UMHJ9X1rscW3q2btVo8Sa1QUK1saumUD5WxA7wyXsNOHtASYKlizFoyCSXtyjUBwTUfBcYwID61d7CwyS/+o4rCOSdx3ODBknEalt7AWBaCOkTvsOdbcLSaDV7tIhQv7bs3aZeU+X86tEQYAcwGH7vd1RTsczu9dPo8S06o4rhHbKiPzcxWqB4ZecIwjnAQ5HjpEm5EiTNyjaolzUQKbAzVNqg5BF4ooQ8r9FoNzXlO0irVXYkHUvHU8U8yo9yEXaLSqhYAa7i9J8dG2w2XVf+OPnVwv1QpV7X9uIaCEm6zEgWg52mJMhXjXOOvMl8kR25UHpTl2vX52WQUcVz7N3Nkx6Xzz/N4+x73vr1xBPZ4dO0+p15zfnq8VBH4+BWqyUwmlcT3KY53CnrX4tHCMAUuBdeUJ5nWqS7hsPDOFIJICWbVXPbONE/uYpOhimi6+PLfX1fra262EUmHQ5XADgGyjdClTVV4nVgikI2671gTkUQp7p2NxEm1qbdV1UpBiXbqiIJoOIMH1esVaisul1ioAcahjr/W8brcwdPo94ik8qkge17d+DRFCCCGEEHKvvEVTnwBgfzLOXewuIrKtya0n/3jt7KPs+wrIAZHRBT0QN9cSVVwiXFJq9HBslVt2+6yFGIWdhYv4SFdKPJezJT8MJN41ThUblbNRjpWRbotz9kW1QMSDoF9ziBY7FNVy9G8VmeGuiVYcuJ9aTiSLU5xCUr1DhCWL63GaviSuWO7tBujX4sC0yAQRHSm61G79LmwcmfviSNdK3HZlLktlWkSxFce+sl8gO9MEyN1v0W75KIdB3W4PEN5uhZFuiuULx3FBFcfLPYwN6RJSxd4ZP+/e79OsW2E026hqdK+0GyaO81yGA4qYJiYwE3jfd3l3xkkAqvfHIQg3zbmVRERxz9Wg2dq5NDi9//FNiFTrVrnIKlw2xLhytkSrTRwv8z3hbK4QA7dQk9kw13kT/Nvum3kN500Ktpbnb4zyXvk+bRFlj8veQcFzRp7UyNa1ejnRwmQ3t/MWCHKseAbyrnarnXKk8tqw0t0jqkC2+lVosndmTomue3ITUswRFajLztrJ51BtXCuFQs2JZhG8G2fUaZVsp006/9xzolE6XsR3KLcAMWFPNLJegC26oa5z0cIGV8hxpKAbxKNmS1tOzUutHWNEaLDBgQW4hhMmHzIcjB7B2nGMABPLaVB7eVT7ZK1FyQt7HVPLfC8AmCkcHWOHX7s6HJotqZ7Pt1ox63cMWrx59rhvQgghhBBCniyeZ+pT7gSLtwBQ7TKxg2pwLMTUme1MCIeM5oSdctDkf0/b1JI74OLINg7volJQo21PBWiKNyWuzCy26kHN0nljHmOAqxXBPYNRo6hZDhwyYiJOZlmsObFOO++xWRw/3wWZbZeNw1KwKTFF2gFQ+RwiiuXzZqd+dTsC2jnkufNebhtLJ0C5CdJj0o4RBzpXopwftbkdr9dgq7wtO69Ec3db+j3a2/ze4cHI4tG6GIziO0WkHO2LerwUy+q9FYmR42OEc6bySJDimCMK3kMVjy5HC3XnwOLzey7ZfuWo6VDS+TyVWVEtTuM4Ouy03AtuKDUwJ7rnsUhBqo69rS121Htxz6w5433K91C7gJV80bU2K79G+vxPj1KIaZatadnyZCfhceW6KEdMZ8PUBKd5Hukd4k6JNHPNFIRsP24KM/t7cf5XCLH3GxbNaSXqXK8POSWqY7EBj+eLs6B5eizzmC5Wut+y7ZTxPB+jfSoesqabbQNLPH4ZldC3LYedp/CFkyMmp1RVaPdJkO7rhm/nTLddQaAZnF4CCdx2yxPCORX6Rzlt0CKdpfMNyAyZfK+7p7Qu2giRaagC0Dg+Ja7IbkEdQ3A5LiGalL1Fpa8HbQ8CUDk/kc/tcU2RFIX0OLl8Rl+HKqcLp9ascNTENTNOYevfJZWrA+yctBZ0CSGEEEIIeQJ5Cxw13gWKlhMBSJfCgmNFK41sscAg2caUQcF+GsGMEnmA2mlu90l++lZIFx+1e94/X0UIKtelXBHSzppyx+wQ1ShsS3wRwWmKE3C9XnuHXEUzmCcLK6vpMzuMuDNnsn4oB8sqt8JJTCmXQhWIHYQch2q3hNROu/tJzKmibLdWbJFmj672noRSR8FvirnyzwgUI7N+kK4A+J5m4zmFR6EZ12Gn6UpV1Hq/5nanANBjhAuoi0bBNSfzSE5wgji8HgsLl+OpdNZs8SfG+J5Eh1B/EMJCtEysciIAHTxau/qRXZTTm3JH3qxyTPf9STkeUmCrgGmr17ir0rtkzhmvL9fAOYcnFukEEAHbIZ6UiOdwjD5f4hSwzog5tzrNOXN60+rcJvcUNnMyU7Qe1bjtnQNVAcA97anuf5bAcxIu5kyRNyS5Gjlt7rg+XNvBouNUxLdj55wD5TeP160zEsKu5zQqAOnC2a1B3fIk2/sCi9bNLQCn6Ig8tzJ2qq4d+zXUePs46NaTm7bUUJe77XyJEduxNldOhao14bnu8hor5TjRXDt1XUlBMq+HpTLpUMzK/Mn7uKbQVyHdLvE4kDhOx3HE+k9hSPsakosf6dZzCSeP5VETh0q2KplBbMSEOTdo5ogh15ypV3QQpE7JPI7SLqC9Fj13AijSEEIIIYSQJ53nDhPOHWOvD/Poj8xRDHiM3Y6dbElXxcjN25EuDdkFSik5wHZmZHFTaI6c3g4WtDjU46irxcetC5P68A/siSBVIG0RoD7wV6aFdrEkKvBl0a6jo6c0nV0Ge/TwbpOoxzA//d0iM2RZNx717SCyd/azej63pnSWjtSYXezbeRTRsUOdk1yQoZ1+msS1D9vpzYzHwYiKqINGq1JMtwy6LSgLXUMN48oWqN6cTzElhZUhmFfr93ZlcSvZ0hUtFBqniDguRxSlpd/tyTK7qHV4izQGwZyAKnAc4bmIUOGToFKaTo7gjuNUvoaTulQHJsNj4dVyEY+/0iU09H7DhK/Xhzpx43XneREOmgURAzBbTXAIIsS73ApRMPeEspxyFpkzMb0pMmZmCzee501/7STstOhoewy3rZl5OJYh1pUZY/tna41nnR8/Z33u19cdIeiMDMSuVqh4TtbulgjZjjsMZw1QxT+kBODKLtoCpflem6X/llNoi8N57ajvQzJwPNd3PgfVCutNYUXRAtAOP9/XwRgHb4CixeEdBp3Ctuh26ORzUkcMaMp12AYdRzoUJaYrDY02uXzNtrzXR7WqxVoFII7jMnptxnN8M2tTTsfAIyMHHpeX43KEOGMlPBvGkBaY6lxMpTWOv+wA6rimpzOp3iOU6JrOyTsO+iaEEEIIIeSt5TmFmspZqAKhi6asoLpdRrX2kSEyIDpudj39/A94Fz7l5Mgfysdc6KFN9fP9YT2FjS6cyqmy76MdLTn5aAcIR9FU7UQlFDmQmRU1kQY91reDSefeue9x2+nc8QxY7d38ZX18AGR30SlXI4WOVWJP7fifRB8AOTWqbqfhXpi7LUx7Vz0fp90tMZ65JqZEXoV3K8GCdxZQ7KCjwz3L6VTOC0i6XbLNysqtgfzPtgMA7jiGYtX5IYJpFhNyJBwtQ4BHh+IYgssx+vlWUdaOl7zjGt3uUFyv8djHRTAuT6Fa6lRjKhjKVSMxCrgFxSzQPXf+yxtQYdEVbL0yjDZee+WG3K+r5uE601VV4ljJUQ74QgcJN+Ww0Cx2J+DS7S9mW5TcY7CvW4zJYOBwzGzXjZXjDJ4ToHawdgko5UrzbEmswOJypXm6zUp4EWTgcUlnJSwKYNNOazPWHoAWalY5v04/0y6MvD5E2PJJCDnZNCpXZoeP7+yVWhfdupOUeACP6VeCElfqPN7ndL9X1V7n1bKFyJ6SCr5G39btdH8VEO4O6EBluYgO2Fqn6+Z+bEdNz9ttiMstXDB5HVBxXFShKnh0DJyfsS2Dq6SA7WE4NIccCnfB9SHElzEUx7gglakQgsyh6nDfQhPyfBtSIejVbiqntQkgp7Ot5S3chuB9v+uSEEIIIYSQtwXP3frUhb+022B/vbJATlM+UqzZ46F3QeTIKUGZFwLJFp798f3GcVPUOO26e0l7RxWAYSLwtpG4xejinrjkW7BwRxYzmqLNCiFC9uht9wjXrFYsW7e5M+aVQxGtHzX+u9ujqjCNH+q2DM+clzg0tV1dzoE9yeo8kaafjy0AiqEDDssJSOid6AoXFVQgce3mh/hhFsJMtP9UHkQWnhYOBFHduS1dhWaRCm+XQk+BSleCw6Cu+w3K5ywyuljWEfd9DMWjY8TkF2AfH3PIOL/J6RBwwZqOqxguUq4H7GOVRfkYIx+6zldtp85IV4+k4LOWdVYPsEVExw4pruDU9Yxz8Z6Ya0FMshA/OSkAnNfQWQxrccqtW/9qrYR7pEKDTy4a8xuRZmXIsFdmTbXutYBZWTdrtxpVW5I55lopbIQAJJB00QBzZcA2ojUnWp0kBKNq1UtKTOmWJZRYk9OZ8vHctgiz5nYF3aytEmnOR66OW+fQPGNtIgQMAwCvDBaDDtktjBbXv9BlTu192O2bFfyr+Qaepz1V26Tqdr8AW+R2sxCtLYTKEFyjLbJav7qdq87rEoY91tPotTnw6DLCDYS8nuVz1QrxRhl9JI9z5A1FULxEKHCeR+7xvDWdM/F+pfjqXoc3Xo+kGGUWQeQlzOfrrbdQRPO6e3JiEUIIIYQQ8gTyPOO5t4UeJV6cd0WxC5zthPB94xJeROC2ANUunGryTs3mbndN5UoAXUxE50CJBiHueObFlLPE0yZvNVb41AZ1dvBEeO/q3d7O0Vg7fLheTWfS2O0ufrco+alY7bBS286d+vne5d+CTh0eFcHyU4YOsJ00VdjlBJUO/92HKAuYXehZOiQqS8K7WNw5QfXa+72JB4WPLVTU+2nZJtNHxtOBE29GT9MpwauOXrmWnnVKpVsDY4QAVOIBQsiS0+O45466OYZF61VMkaqnvu9fdWCMkSLNKb8nj005iHZeiJ6OQbxcyeMW9ePJqXWHzDmzMN+FfbmtziKp3BTpWwy0tVqUm/n3muxU08nmrLDe89d3lk05zyqPJgKZy4EWootbOWdidPM1p0YBIXSUqOC9BlIEcYfN1a4cOwku+zber6XGZpuXSJNiVr6FJZjCY/rYWQxFHrPzvz1FZV/ovJg+qp7OnTxnYsJRBY2nsFneLQkRFL7DiiszqoTGnTdVr60EFenH6/P55DwrB2Adm5rotsWfEm70RnxFCpJpM0LJuhWAXoHEZh4TuGCo9sB6PFVJV2CsK6hjjKMuT2FUc6QYNEKs1e3+66ci3vlRthZWTn+yfs3x3ki65uK53/faJIQQQggh5K3luac+5Yf58hzc2BlQH+8BYOSXszg83Ue3KGUhWIV0T9XxnAQke6dZpIasVPGVI19zVxsnl8fKyTYhNgBrebcmVd6DqOZzMZhnkXgqhmKnvhwmnm4fv5lsY+0oyKLWskC0Kgz3xBc7FbvlNqhj0e6cEkOqxWEMzHndMpfvoi9yNQaqfSp2puNnRobIeos0DnjM47JsA4NKOEuyEPR+reiR3CViaY4s72qqdsPzuIvG6PDS1Dqk1hwxYUpvj2MVXNlyVNaPOF4auTX7jEsxy7FMIFn4PzVKfImfD1Etzs9qfWpPl2yRSKo4LCFGgDGinQqiGEO7gK8JZiKCMYDrdd11Rs26TizdAmeJfkD7Z+Lv6S7qbJRyYpX46JElM1edv7bdMstgz8poqrDuEBZnjeq223DfEi3bWePA9WFmRk2N6D4FhrtjWbh86jblugv9ZK8huGSWTj3Wbu2rnzFzoB0nlc+yXTFnAbUcMPUaaioTgBzJre32KRE2zm3fxzuPq3jqCe45VjuF5FVCUbb65bUJKtAxem3Wg9hpbdbPCwQyxvYgngKUS8zpdk5sxyLM+npjfV2JB3LfjsbtbDS4KEauTTeDDNm3M3SOk+Qa0XTkrbmAobdrJ/WvPr9U0tXmfe4KbK9NjBbga8IWPCfJiWHaCqcOIYQQQgghTyjP46hJR0sGwpawsakCuT/io3NOHOiWqBYrsmj27QAoa0nt9G/nTN3jyRVTDoja9bZwYnSbksUY7nma5FKvA4j2ptpZ7l36epQs6GoM8O2Ep5XjvbezpkWbLLiq3cJO44zNvW8Trp99TKtIlD620aLQWRiI41eFqMhCKQ4O9PPsUtFKvNhCibtjZBbMuRzr17AM4goRhxxRAEZb0+j3otvb4qZd0JZ7Q6p9o0+LPcXJOnk4BJShivbASBWWuy1mmWEZoCYYBlyvBofhkkVmuHcmgEu0aGSQ8XnUs60FHCNHw2fuhUQ5qDmW2PP5iCjWimIV5UrK8cI69Bnn+n1xndd0LqQIeXLPlLsKQLeYWAoqQGUjIf9e4cDntqEUJjMQeLf+xTGe6SCrFqkKC3Y/uchWtfxVjk24gOZcN+d/PEfZ95XP62by2WkdiUTod43kLmEUQAcCn91oNVEKwE174nboRN5MiS4l8orIdsJ4XRO2i6PW3TKDlm2nRJWbtbnXYrnadiBuuEeQ4k5POvJsm0r3iER6NtpRl9crFQV8bsEZW4SpK8V+xrlaReCwvg66GQTagu/5uhzCdq6fdRKMES46B3AMxTgGVBTX64z7EclA5XLnaLyfbrg8OlC5UC0uYS+1+ruK4HqVLSQpAKxw7Ynk9DhCCCGEEEKeTJ4nTDg+ZIfFX1qskdOn6hoP3K1MLl04tEMGkUFgtjAO6du3WJH3FR/eM5cAZ3s+etpR2969LP/bJVMuDxFE2wZCWNjCgWVBipysUkIEgGoBKRdP79THU1grW5zyPjuHBuj7rjyb+renWCPS+9ctPJ1bLwS4vV0f/z3lZIydA1NTX9zzdXofQFSJHq0buw3IT+UbcgLMWtbtGX5dIaQMjeJTz4VQOQXKAdR9GqcdesuiMyflxGnR+RqaxdsWeOKJ2jL4qHBWxTJApkHUcHkk6ayKH24HRBaVko6LuSbGGlgiWKOykxye2Tk1qtixx3iLAGtd8yS2LhhVjviezwxGvU96+hewRVSUACW5JoEuzn1nJaEK7RRAZrUjlYth7QBh9z2pqcKG56px2LsNqhxdOK0F94VlczuyQkpoMcjdOxdpznWzLvY1Is5vOws1XkJTPN+ZgcIlrLRImAupRB2kYFLXgDpG3W51ctmEG2VnwRhO4m49t2y5TENhXzdqbdYxrmuYinQbVY+Qr0f37SbrtTkivNdnBO8OGdjuw309qXP3Vu1AC5Degqn39/tqICGoVO5V4/u8EhnhPssJTWILokdcH0eJrQvHMTAO7cdZ7fBDtndtF0w/NwDiBkshtq5lsTYR1yrJ91sii2r5wuWO1yYhhBBCCCFvLc+bURMjY+sf9Tl6FzYqmQOSNzlt5m9HC9LpUUG7Q9uL08IHyiuyH9r95NQ4tUCZLaAK+CzM/OTMCdONd9HUE2aAdoOUaFHZNGaWu/3hOujd7c7jSEdN3n9Nrtk5GbanRVXBmj+jihZtIjTTu0gJoal2r1P0cN+tS9EDsY/L6WfqeVZB3k4kwRbTpESzyHGJQyYd/OqItgZBZmOI4zh2cW9WAdBxd8sMHQHtt4W1qHfxB5EOVq131M1gGk1Q1f4Su+4Oc2kHjQhwZDCwDu12rXj/tjNkrYXr9Yqn9CksMxwIUWatiTEu0LEdPyMnk5WIYTZTRIwA2Ai0HRC5pDNC4P7cy+MdybxGRs2SFCS79N7iQok2N66oCsPOv8cYbcf1Ok/uG+ucp5v2p5MYWS1j59ymCKaOdsG1QgCrCVDd9mfoNQXE8zi3VFUbUokE9afWn+op9ygF084a6jbHPWY7fqzyoyo0HKhMnhIkK9D4pGDEcfJy0qFF1Fg32znTsklqMnXdqnHZNQ58tZi2235KLO61CWCu27UZLhsBluG4jMyssnQ75kSzFpdLnEFfV+qYxWUi3WPQk3jjp+vy+boeIg0cmOXCEmnRePTktn2M11o4jiNdiBPHccTXJFxBc+ZkqrHHlY9R6VRxHM1iip7AIZqCvAw4wo3juMKe51cXIYQQQgghv555bkcN0C6VctxX9oJX8KgojiNKZM+RwF28CDqLpgodHTUtaO80S8k07uHa8CgcdSjGGCHMyN5dr+cRm/TrJijT3LPQQQsqVbCtnGKj44BLhFdW3snK9puY5FJ2/QnPHJp2rHhNlbJ+DiuL2Bp17GsXP+UscYRQtWxBR0wyqfaqOFQ7awLYE2VqWlYV3hU+3CJYOVxQu+bbVZElVIs3O6Q4MjAgkdkShzximgd2wTWyPagmSLXTwTJgNd+rjgBOJ47C8/txemlOvIpRyg7J1iV3hZvCPJw0hwtCxsnCMlsgxE85Ih7ZQXMtyJyoQGHJAjT+uZ1IUMeQA+5xPyuPN/L4j3KEQeK89ngPhzqOO64Fr3NB1Drro84HzaDdmKikuBw5kQfrRjgNZ8k1W5hCZAzXxM5YOrc1zTnze4bHjx/SUKWZNbNv4+m4sRWiTYUBh3gS2T/nNsI698IB53AZKKGl1mY5V+K9nxmSm9Oayg1VI56zRaeuJeWumcvCUZPnPbzyr+qICJatEEFqbfrs82rlc0kJ6aatzz0myUnZvHy3a+5FCcAr2HpfH9vkBrSQWy1We20CLrHO1lrAyvvpEz5a01QyP6pF2xSUAHhOuBNUm9ceUy/wnuQVeTlxjRGJvCqDQCxET00FSmW0q+0s4i9bkJWT5iAYw5+xNg1mChGDKjqAGLmun7U2sYVfwHIylGOc9DpCCCGEEEKeNJ6zFF3TMBEfqKvAKMdMteqoZLtOfmDvKVGO2zyYVcNe9w60ZQvOORC1slbm9Qq1/DSehVXUZafbpNZTosfOrKjw23Ku1LQfaXfGymLS3LFmtTw4pkVQ6JwTa15zV7fyTMIdMHtUd7z26zVzaZCtPGY3QtSa0Vay5kRlV1SQq+dr8WzjiOcaRast6zoPWXSqHlWb9e79bnvBFmjcc/c5XTeItrFyRxwXxah2iy7go4Cr/A4TQNXbXeC+d8/dAR1Sqcb5mgzA6NcebWqGoQdEFQaHZCFaI8OnOTAXZFg2xniLcpU9Ug4hkRAipM6pfM/nNKgabDjW8iwAU9wao5/zdpt43xfShVQjuyPnI9p25nULG/fG4zc9wOEYh2ZeTwVCS7QCuUPVcZ3pDoP1MVyrJhDVdKcasw0AmRXUX7NwyOSxXma4Xh/SWTHaCTZznHeJK+67xWnOtTOIerRyOaR2sHGNfO9pUiW2ASgRFgCua4Xw0OdDTJULN0o5jOo5nFw/Kz0btgXlcvNZtpIBgEuKQ3mtqlwX5H2iHDoigGT7YOa3aE5o82oBBfq4noWbyJKym7WJfE+Oy4i1dhJuge1AESDWpqDbguL+JI9pCnjZXiSn41FPKEw9GeBbx9bj/nbLXIgnqppBv7U2DVgTl+MCwGN8d2opJRzaWtBxRAYUHJoTooC4psQ0vzxGofL+smuzxFhPYc7NcL2+6Ve9dgghhBBCCLl3nlOomdfV42JVgMvl2IW9e08lAXY4qWJAUG1O3rvwQBVi0k6TKvCrsDgXZZKTh5ZVAZXtSdfrFnscN21Glo/n2d7kWaF4WUrqdc2Vu+zx3zUrYHRl9kdNvwlb/spg1XIXVLjqrMyLdByk2Sd3teM5zDmx1szd7z1W2NwhOvao7wxjCddROJZUQvzQEa07UdReY/de41iW4FE7+uHaCUdQbGRLO2JsLpivKApRrWc7DyQKd8lWKcmdeMsRx5JOoihZBeFI6hwcAJ6TX45xpOBkGKo4jtGuIkthbVkUi+pIQSmdDIigXIjgBSqoU8zTOQHEaz3GyLG+JVSd2mWswmYFboKFCgqWzERJhwQ8d/bTcYKTU8vRQb33yOPHDxAVXGcIU48ukdlR66ncEmb7vFeNwOhVbX62sOY11yegIwUyr9yZECHL4bKsQmjjPme3NUWL08PjhxjRncX3mtcWS1ZNQ+vCfItnQBzrmt5U+VDmO+clhNG1dUtgryfbOUnlGitnia1wX8FTgEm1YOSUtbUsnSHnIG+HHmNPqLrOuNx4nivLMDSOlWqMny5BSHQAoqlfSrts+v1wg+K51+YO8/W+btR7WUdfFVhe7V0S0+7WandOtRVqtoyq6B6RncdTVGJtAi0ZLUsBNg1Dki2Dy6LNas64lr3gctlTquoNRayzMQaiQdJz3Y641lu1dCJEXBkwhLDWmwB9nTGoek5tCxE3/j9+f4xxx3Y3QgghhBBC3kqe89OuOyCpdujQKIiqWNa9yxk2/8xAScFmTsMv/dIvQQQYuSMr6VevoM6dQwFU/ku1HwnCiSIaAZzHcfSOfTt2vD681yQb78KrAo0rR0ZlF5t2MyIYLe7UyOAq9gFgWkwr2UJLtVIsGIA5rQWfEqXKUSPpGvLcOfbsNwpBYocbezoXuijJzA2BhZghcbxUyskU04vix6KnoPJkUPvqEuVXtHEsACH8jGwNqtG+KoJxXLqY9m6d8GyN2iN9w7mEPfIaQARxZGaFaApuIa4dGoIKPFxOyNtdrwsOhWNhGbBMMJdgLQEw8NQLXoDjeBTn0Vq4WE0r6mCiaGE7wsngfgUwoBrHLCo+bbeRZXZJFHmAuaC66I7jAvc4flUQC2KSTzt67pA5V7hJNPJG5vUaxzcsCPkzOXbekS2EACC4Xq/4xV/8RQCRLVVOiGpJMpsxmn6tnsRUzphaTyuFhbnieaw5Ma8TFeK7pz6VUFO5NNJOt5UToEaGfVcuDvpc833upduk3R5ATiFCC40lEq1lLcrEayrXDvr8KWG3JAbLtSmS+VMloK5qQASk1qZEVtbQcC3BJzRvF+dMiB+9Nvtx3vK1WWJzvG/ea7OvJcB276SQUoJMZX15XbeQ47MhyItGhBP32kRc35HCrJU3pwTMEHEul0c4jiMmNyHerzEG0q+zXZcoQTTXlF2hl0dQ3Wus1udaEZTuiOuAhbEoHlMOtMMvrzfuK1vf9tQwQgghhBBCnjSeV6hxAEMzN8Ir7nG7avInkfu8XXw8XK8dUKqPHnXxuFaIL6IC7zDefTe2duZMjb2ux4vN4HjcHk/t3jvHs731snftkRkyXg6DKKYqTHfVbrxX+G+4Zapo8Syiyh2zd/f3KN/a0V8zBArLg7c6nyfbE7rFwNuZ04cO1i1Pku0HJplLo4BkgK5mMVfOAwfgK3Ml2l0jgBl2LZNf7/zQypDJ+/KZBeTOrtFsLasBOWZRsJnHON9yAhwjirYYwGWoCBCp6UvmmLaQNWGGpgquDxNrGo7jApEDIoalhl/6pccQGXjqMvFYvHfO1/I9hWjGSGlbisvlwDgEOiwyZWQh5AeLXftsf6qWvCjQw90TBz9HBUP6fbQMfL7nWjAEkyi+TR02ywJRLTN7UUkKV0C0Ir3pTY/xpl96DAB49OjAGJK5Q7XWMlC4R2mnqDhjjLcvw5pXTFud61IuDVu1JpDT2HJkdTpkVNBON6uv22zhtVqk6udTN0S1Nd60+SGcGUO1W7PaFWOVJeX53OI60YHdlTvltQRTiO3rwGq/S/QZWgtFIUHU2oxFU4c4lnJOxgLgq1qL8Ctem9JrU05rM1xRJWa1iIV9vS6v3DFGuHLKZSb72KloXt/KvRNiXhz/1W4eyZDjyLF5DLvEa71eDS94wQvyJYQgPlSjzXPEvR7HiEBvdRwXSZFl5IQpz2t3tZbt88ShcQ1M12C8X2dRH6dsIUIIIYQQQp48nlOo2cGsyN3abBFIoWBb69PejpwcBMecV4zjQOWuhEjSnVKwFQ+giFwQIIURi0LcMyumLfFpmweAx48f50SV3AHPInxZjIguhw6wR8QKbgNKhw7EdJE9Zrv+fr1eQ1jJkbULjvXwsHdxPe73OqvFJguM/LrZyiLDd15NiQTt2kEWp+HggE+IVBtGfPMYkkGqKHtTTqmJAutAFWuWhWCID2NoP67mGOAws+xskM7FQBatcha7IpQ0nn9mn1ThJiWCOY6a+uLhmur7VsHQCgXONqoV58/1oXI4LjEOXEZOhorvP7ocAAwP18cYxwvhFsHSxziw1sD14QHHODBUcTkGKrMi3pMJwaXvb60FaLgJImzVABcoRmZvhGNglROqzkFXuMkWEO+QykgSB+bEqeCNSva8NlXDvRTv58Ljx2/KlsZynKCnHzm8XTTlfqksG1uG+XANwcZWP1a17rk53vSmxz0NqZrkHDluWvUUwr2zaSB13DP7SDRbYur8DKFGJNox3cPhpxJOkIfrNVoGRVFZUjU5KYSYWH/XFPpK5GkBNc/veg6VnRWtVgYg1qYC6YYBjhH3G+6/zFWR9MxoXFhDBLZ0h/zq1malH6tor03LayrslN0iNd0rrx3H0aa3cizFtaXGYMvp/S034Myx4JriPPo9U1FcHl3ynJm4XI50JVpft2qSl5vhOEJkAUYIOGumSKM5ySluU8HQcR0RKPQU6rxSvMmJfe6ASzvDCCGEEEIIeVJ5TqFGq/rojAXPFpGd6bDMAAkLe7X2hLgTk0HGyIBNj53pCpEssUJVU6yogipyQxwVXlo7rxFceh61nXvqLZJI3m/lRQCIgsscjvh6uXFCXInWgMre2COtq7DP52TegauqA2aGaxa4MYbY8z4yw8UBu14Bj93+s7hVbVrIPWSREBCikKqvVfEaLQpZrqYpyVs0GSoYkMjjWBV3KikeVXBq7FCb1IjufV9biPA8+nU8c5JO3l+bp/I28b6FSBQtIIJlsfM/xpHtDo7lC0NjOowOxZxRwB3HEUKCZuEmgssxMIZiDGnnlEi0d810cnQorKWjJp0XbuVuAlyBh8dXXPzAcWg6AULs8gyFrrYcywwb1LvRO/Zxn/dcDO5WrXhf16w2IIQ4YY7pcS4tAWIWFwCPc1lzmlc4ucpRVutjndxgFdq8+k8EUoebZs0FZLvb9XpNd0eE6VqKpTUBaI+5r4Bjb6dE/Fy179WEshRp4Dn16ySquMfkthwDDQBQabGhCvw6x8/iUIkTR12b4Dffj3N/QTVEVJG9NvuakEJHO8h6PcV1bqQIUzk7b83a7KlquTYBb4dir818huLe19vovIqg5bhe5AhwS4E4xRGRcCSpxtoMAVwzfwo7NFgEOiI8vFqq1oxWJFHAMfqaWk41Ww4fqTcNwfXxxLiE8DRGii8rsqzg2Xro0Y5lXr97pN2DSMcbIYQQQgghTzLPPfVpTQyMFGu0C3X4znCJAiObAbKaLwEmCqHYzYd4ts2grfVmjmv0CUVxcpoAY7UbnffZ43tv7PJVgEkGFyPbmXb4b99vtTTMKDBtVUGIDlM1y9aaVSHKCxVki3y1ay3MagtBFZTpBsC5NUO6mArharc1Da3qakJkRjGYhY+IZyHYN003TRzrKnqrHWLZiuyJfJ5R3Ar2lCtPMSnCYi+XLYRsISKOX0yu2RkXYbKo7I7chU9nADwCUGWEc0azeIzpOyHCPDx+jOO4hCjjnuODo2hEi1Z17LL1AgLVgTGO2917r6lBUczPtfD44YrL5RHGWFhrZHuO4U0Pj/FiefF+7pAcPY1otwPQ08UrR8N3iw+ww43vlev1AToGUA4J5Huajop5mp7T+kGKmnEuVF7UjCI7s5gqUHvOCg+OMJ+5VreczbWFMreY0FYCWp3y3mu92pmqrSxba6zWySkw2L2vAZV7VO/TTIEiXHMlruxzs9at53Pd14YUhbLt0ZGuEgmhxaulUBwYIcTYmpELJRNDSqGs5dzKSFyLahl5HNe3x9osxeq8NiP+N8WLGgNX52yGO8M1heL63kqXi+Lx42s7Z0IUjRZLr5akuHDGuG4IxnGkEKjpWnTM68Tl0aMQ3y1D4Y9w2lxnjCwfQ9uls5bh8S894EVPvxAypK/BEZSOZwh30v1NZSistYl8fEIIIYQQQp5UnlOo6RDWFeOP4egP9ZK7w0FMaKrd1NoBh2/nSkw/rraDLKxmToPJ8ErvYqh2juPve6c7BYN2eXh/wH94fG3XxXXOFmg20fpQrU+2YmR2Fekrp+AAnhNTpC36HVDqni0VuWOf4kw91/xXF6xSxxAOccvMjphmUsJIdDLFNrF18VEtGXtUdhXcpRl5CjpuVdxI385M2tEwhkJHFIWjC/ooPMupk+82jnzS5tlcFV0cefhqVHrtwiOP3QJswDM7IxuIsqg3XI56Tw3jGBk4Wo8b46UBwM3w8PAAEeAYIQa5xZSvhzG6RerhuOJyve48jVUBuAtzXjF9YU3DC73CmpFZR5L5OCVoVCtFBr3KnsgFdObq3TKvV2ief5oj0gGEoOdbXCzH0lrWE4DiHJ+oc71a7QTVwhR5NNcZgqS75yj7EGZiStoefb1muWjiKexWmjgvH/fadMw1+2diJccanOdsKg9XimbGis21nS4e7UNpHEI4grynSa1am+2QS+Ez7hmerWAR9H0NoQWWDqUM7/bIdSkXTbVkercWpbOnpmXpyXWGLXZU5s7bY20C4baLJ9O+ntM1FLE2fcC9XH11/Yj1eRyRLyXiGQpsEAxUW1a1TDkM85otUWOEoANgpZNpjIFxHEC7a7YTrVrgli14joJv1xryXJJsz/P9Pm7hG91GClTuUR4nQgghhBBCnlCeO6MGe/qPp5hSY5+jnWTveO4JLGi3TRTy1RKEtMefpjKdHglAZxXsaU5A/a9qWuktp8mkSDGXY14XrtkeE7fbobr1MBGOGsVl3efKkdqVXVPjsMtFE+0kkm0e5cY5CzXY2Rr5vCzbDJDFZgeRpjPBPQN3w1QSLQcA4JJZNHvyTB3/ynjxzM4Q0SgGs9VM0lEUhyvyVR7+/+z97bbkSJIkiImqwSOHfP8X5SF3pzIcpsofIqKG6BlGkazdYTAPtDsrMu51hwMGM6SrmHzIy+P6bwsJIEMpUp2zV68PBNSQzm/EOBgpGMw+kcAidc9C8oT2vVaDnIf9U91YQWPRlZROXOtiYxj28NgALnkCKZ1r31iSRt3fL+51ofvHNHP0CPrie3/wV/1A7cb9dYoW8K9//Y2//vrBJhViAqTnaB4zZrOV4mlIq+H5g4GaqkZvscxKgJ/YHNu+PQA6JbULoMx4ahnrzlymvIeamHrE0dskGuPvwrXyMPytAjKP8bdf02SLfL9szvd9wMyR1gAjk6v9X5OXCs/EqbXks6LfoU/q0cTGTzISDhggwOpcdwAtdhu0RoXKEcA1+0Ryq+BLugO9MYCHGUoB/P9kbQ7LbaqHdee12E3z5AF47k0WVmPu3bVSAExIikg5mE3c/TkpGVQXmYSULqaAvsQyywiPtW8Gk1LWvj837mK0/I8fnwGnACDyAcw/nrERlHMdcEdPoReoeeutt95666233nrrH1z/llHzuRi/6p1oyyyE2sAgC5thxbNmiqoPWCng9BF1PWyKRuog/xUxLSgTkJ+IpBjXtSRrcMpSSxpjvxg1BtXoOIagIcCHaU4HVDEg0MAk1ZR2l4+0gfIFN7T0vnAD4sZuK9pWTVW3mubTZHFnG+gKfG/6VjRO03Fl/pJoRSQnFXGrTjG0i+z+RNfqpgjNdq468PMn5Vn2aEGdhhU4Bg+h5g463QYbU8dYdwRgs1/LSIKcqcwUyybkZZG4Nz18EMD3+0V0jARuGlxA4B3lN7RBonmqgb5MNcC1EXGRQaEGvarw/fmTseIr8ffff8tXI7E3sG/yAj4/flLuVMBaF1kAeyNzIaJwQAfO0z1jZM+O48PxJ9b3+8UnPrCzEAIae98rXot9X8hysNSMyVhMRpL5dbTADCU2SV52JIdeAxs2c61qxYRzvLYYTgDX233TrNgNOyVNB8j1+JrlZtmOgR+vtRBYc5KC7H9Sc332rTHY01pjayVK7CGukOGeQItSssjE91uzBgwwLq3Ng/4ACJ85n2dex54uZuD8n7o2EUBe8u6R31eArEVIngRLlQL3bSZR4Of9RQQZM9fnwhgXQ2uzc9YhELNOaRjuKVZi4eQ8u8k8vFHFY3+/fPG1Fhobf//rxq7G53PP2vQ52ZwesFSuBJblrHvLrnbVH70233rrrbfeeuutt9566z+t3wI1ay19GVezIW8XAzaBpRhbMWraMcc001wr8f15n939kAhBjSCgBhn0lUgzctR0MZKZKUlsCK8jt1BD6HSXXxJkGggkdt3TzHG3WxIEST1oinro9pQ+HYDp+71/AXO8ZzyAT58GFsGff9ZCgA2sE4nosRD4fhs/b/vlsGm91kJnArFwfXjyhxlAr47x40hF7UINVQQZLZnYd6Mi8fd34+ddyAx8PpeYP4FoNm4LGFmWm3o2gonGUlPJHet2BxbB5g8tzwrA2/S5Lpw44GvGJTOwhZJVN+rnLc+Kjc/ng/XXDxoNHwrBsAjopbFAC5Zjorzvmz5C+MBylQDkqXLjugI/vzd2B773B3///Im1Aj8AdC2CfP0Tn89HBrT2MHkwMHRttfvIvf7gInuLDJiNjbXOOROgCBnFChTpGsmMTZqBIgunT3x9FWPVCcZ8H8BJYW/++f3eMgf+IvOS4XZPjP1h3XitHFi35H/jBtySOK3MX5PRQEDU4EFtfvZhtmDW5jO1iQDcHnPdjyRTtR3N7fu9cN+Nn1/5XIHj1RnIvBC5lMwkJtOD7TJrM55rMwQW/5+3NgtkqiAC0Uxo6pUTOh8CUPmLnpSmYRUZrpIcjRIjAiw/fvwYTxq/3yAK/9oCP8WMEvhmRtwS24ZzUWl/yaS1n9/C/6U+ep43AD4/CPJpbe57wPKSrKs2x9jMpxeoeeutt95666233nrrn1y/BWo+nw9sjAlMT8R/V0NkYIWmoHtYFwBw/32j9vFwcSSwgRNE8Au8U3kiEIs7xPf9xb1LzQlrf2lk6ihgn4fNfJ1aM0oDNXm/SLBkSjo78E0w6DTtZ/ffMd1u4t0kVO2HlwIb3UzuHEOpOKbr8wSSMpC7hk1jOcHeG71vZGx5VqT8cGoAirU+lAnVBgwsBGUNjNEO/PefN7o3dvN3BsXuBurmuV4XE6LS0iUzY0DvDKk+EJHWqQ3DyOye3r6/Yk89JBi+9w2yMYDUODpVq+WXsvH93jMGTr3yjjzTZyR/Wmv+bDekLUPoLnzvn8hv0Aw2gO/9xa7Az58fBArXZ0nWthBJBo6ZFwR6LO+zL5KvBaj9/X9zGf2vr6X0MTfJXVusIq8HDMuB4MmR/FUG+ucBXHzfdm/UfdhlaJp4M9GttX6B+/7i5/eetC0A+P79c0DUnok/VBSYcVaOhQbnWQ7TZw/QOiay5QX8YHzoMx0rbk8rf56fAZCHDOdvMEoeBKHMDuORE/cGfv68xVrhnFjrQu0bP/++sfP/9drMvBCx/pevzfZr+zC/egOVZKgtgygAOmrmuJPznMLFFC8yGNdKZPSkaK2V+sye56rBMoKpvivJtZ1k2zG1rlFiT5KtJZP32vIQ4/nTn4weZ3///XMkef/Vw2hYmcG5vX/xH3vrrbfeeuutt956661/Vv3eo2alAI49YIj9Ugy4pLxGQo18NY1zHftakKeBDE0JdqixqEJtNoIRwF0bUU5w+rWhs28G/SDUSDtBqJlQtRUNnFinWXRyVEiWYaBlF7ZiaimZOrKDrqK5aeMBCDnq93h+kIkhZpAjjQUIWf5QXdigHw3ktzApNWqINhoVit0W2MWP4mu/3791YorITTdQSxKVwr3ZqB6oKbAbuCLRdaN34a5AXIG1HqbMCtjZW40YAoVCNwGTJelEZ811G5gDyLr68fkMG4LAymFm3Hcgi80W50Ajk9f+DSd4NeLLsWWDSqbWypR/CZkz9KshaLNy4/7yHFPpYrm2/FSYUPS1ROZusj7WB/su3EspZJKwmWHBOS2fHLEy/tTqsGxwI2A5YP3iPUMp1AE9zPyKzdb+fgCrZMFwfdkfporzyt5LuMXCUYITsVauTadyQUa5ZKeJxVNmyDQBM1+EJYp4sMfE4ul2fPdhx5CBInDIAE7TrJZz36CTpJd6iVOIIBCHsiQx2xBKyEpGzYtFtb9fksYAtDxwQmNitgvX8U/dkB5fp8j/BWszEpBRdIfXpmRYTfnlxG2LUXTWJscw7o1UdHZECATjWuGVX/p5YcNMSsmd0Fix+FlXkE1XfI5FkQPU0ZLJPc2SBbZt8N5ZihcLVfT7sbfY7hYAaSaTgCocH6m33nrrrbfeeuutt976J9ZvgZpuSnhOzLV3V5V2cq0BPxzf7P+z30oitAuMacDpqxGSHdU0bgGxW8xg0Zfxve/ZrXczDwhQuQ/AktCX/b4BPCKzHyax95d+HNwZ53m6GXxKmcZU1p4a/ZRKyMejvdN8pBr8vKHyoEoyBfuweOe/6jR7YANyTJRjgKPd9SAVtN5TTIsB8P3WROH6Y81wqV24dcxQp1tq1AwyRTY9drYbIYJTjQZWo+O2FoMyDdArIwU21cbE7NIThD4pLWCqxYgKNd4ExYBeMgT++RMBYEWgE9hf4BuMKWbj+1OGpQT6ngwsMkKArsD+krmzK7Ar8H/7v/0/yHK61vxj741//etvJnqBkoyVZOTUPslb48X0hxZZJd8jKxRQYElgZj4kJDEMMoOXIx0xwwuBu05U9r1LEqgaMGvvLaC0xyNpl2RX+/Y0QZTZaxC7RWuzoaa8T8LZmP1aeiifqcdaijiGvO04rrDsS6itnguUNt3wxU060yxhMTVCzA2xVBjMZP+s9kcMi+V8xDmX//naxP/ha7O2ge+zNjsLLcMdXteRKQJObet5PnptNjwlbP7Ni+RtKGQttNLuvj+/WCvJzknMMziL4GjfX3QBl6Rouxo/fvwgeykCn89HrKACcI9n0f/9//G/cc0vyqPI0AkBhgJmwPO6VtJfShLViJJE9s9en2+99dZbb7311ltvvfWf1O+BGhBccVtXwV1rp61gdtH1uhKyAWjvWMkdahQZnasGAc5/Cu7yA7NrDDUkjv+2XIHGn/eR3LArpOxA6odoe1DgkeLDLmtvAjRj/6Av/yOlarMsaiQdp3Gz/a8ZNifdxqCOE528a+8e0okwbqQO24BSErNnfFyzAkJSBbvjAA9gqdhlbe1Au+lsOBWmz7lrvJ4SkXsTKFlXYAFAp98CIHGkDj077upq53UheVRvDBiFRb+RwkY1cFfhk4vjGTaFBSJtANz4fr9kCklaEt8b6/ogdwOx8fO7URv4fArX9QOowM9/3fj8+OD7f73x/W83ruvCuv5G5oV1/QCqsa6Fvdms5qKR8MpELeC7b8p3EPh8Fv7bj2sMnatL0pE/txm8762wojOnCnsYEFEloCZkyAoYyDBYQ/YFZ8RummU7ft4sGDzAy5KJa+09MdsGc7g+SsALP7Px5SoPph8BGM+nkR4JkKliVLMIEweQaRypJOzdpPXgNW+eiplQAfT20+ew04ynEJORxHH7KRTnuaAxNhuk43FszXunwZ3wof8z1+b6n6xNXVvh8f4YQImR1lybGLYbP//bN6p5nIU8IIjW5tL9QwD390Z8FhJJ754IlBgu2YX7u3FnIZBoBO8hApEhr5s1V0ZMP7Db4AyvM2VGfq1AReDnfeOn2Iaf68J/++vCytB/XwqdlFq99dZbb7311ltvvfXWP7V+C9QQgMnDLqEA5bBo3FRBCU6B0ygeDAY2IYUZFQJEvOPdYDO262HuCvneVKGDO/enKFGpCuxbhrq9BbRIvjEGpk4QKfnb2GNBjJqyv422l9tGxyGAhQ0BGx/9vlsGwTIWHp5MSPZlhAaHGdQ2IcUYDAOghEWABstMhyPHqnayj9vsON0kIGaQwRKYxHB2+nXc0j20JMNN52kCDRKF5BJAlwx/23dlpoauCXotATbK29YBwqIl/YDkD7w33y87yF6SssRCrEbujcJC/+vGd/+NH1dh5cJnBf7+1xf1g2OwZdrxd/4EOvD5Ubh24/oEqr64s3DdC+takkolUhHAayUKgZ93qYEs3D+/+PHjGlbKxMT/oUXAK5g5pMQlAOjeiD6SGaCxwxAAJL0TM03zc3cLpNmPBCbJiSQR2yX2kthjEUETWkGu3U2gCHoeFFBFFg12IfQaxnSfsa2iRGbrc7PN9YlJcJv74GdQn/kXAGIxOWh3oYaNJrBUwMhj5QDlv0NJdIot9+F92xOHFdQ9Y+i1+YtB8v9Ja3OYPI+16UEurU2f76/pTefYNiG+byU1iRVUeg/xIr5umIZ6Tu59oxBYV4jdVMDmszEF2uYn5TsT6LqAYELUF/c5NkB/nmrcvSV5jJHqhbxxcnHO7E2eVxfN6H98LqwVenbcfzSI+tZbb7311ltvvfXWW/9p/RughsyOz3Xh3qbw2+SRv++VhyzS/AK/lnwagANWAPKdkfRFkid/364ItM11Qf8Z/QbdN5t8AQpOXrm/N7oc7drI1QgUoimlqQbZFOqd0g1DlXb/YxgUI8ESc4eNEg0yuwp701i4GvSGUMdF49VQdK28GXA8MEJNXgDcDK/SpngPO+XXIX9IVHQ69rV5dGQDkrB7PGyBhqKYm7KJlSGJVqh5ZmvdzUYsE0qKaTGb+CebaSZ76fbquojZTDsdGN6UGQoDxAkE8q75vjewgo0oAhml9JikAfB34/NZ2P+68fNn48ePRv8A/vorsW/g3l+lkH2G2VG78PffP9FiJwGJSB43PEDdNNDVfL6uhe9N76RG4AbwReO//+//XZ4pbEpt5vonlj18nsCo8cEMzjPeqwZiz1wHgBwJHpk0glaQoIcNU4DkQzSMMjwkfvKsMi8u6FMSauAde947gC6md0lOkxcBgTIgKhNoZNKfBPaeSoxUDs2od/g9fkuMQXg1AdNjtkvPKkRirYUUu4agikgvSqwjw4uo8i5dd8QZA9cA1mfR/g9r87z0/5C16efMc22aWRPIOUcmT+lkdZEcSwKnwFmbe7eAZwJk0KMoQgBJ84mw1sK6fqA60DfX+L1vdDHBLSOZWncRBPpcSseSiTGaUtbMREdgLT33LfP0zKvjlZQt2Z2hteA6//n3Tw8ouqHnwFtvvfXWW2+99dZbb/0z6/fSJxtnRuJSAkj1RlfCfg4LbIS25UNYWAGETSG0c5sZiuBuJZPkmBTbxHMlsLVTT9mK0kHEbglJkkL/np+a3XPvOG+0/E8KCWAtMWAqUf9i5PC6ZHxcjVwBBbYAoOklGyiamkaAZpmtpn4XvveXzY26sX1v5OdiM2gQBTZVJYSxFhuvUnMWJVAGYqTUYS85Jauh1zwkGIdxhDE2NeZjNs6RldCsN5GoTnxr41ZDJ7wJGQSXMgNXAoiY3e7vvfHdXxDKicN+Gi8ilmPP+ZmcGmbgGPSZhliGq1WMVu9//Y3/9t/+G1Y0soHv33/juj4Akiau98adX/zv+N/xuRbskbT3T0Rc+H4DuS+QlUBw7FoLuCSJA42OIU+h61r4fjdTqSJ/aVQttzE7JX/p0v+sqnsjBIBQccbrz8CslbXY0I5sKXgfUmPYMtE+psQEOpcSe3rfyG5cfYDX731kPADfR6JUoVA6h8L1aeAioJo6t84eBtOVaXsaVCf+9a/CXYWVfJ50MQq+Zeod4DVeC2NMHAGsj5hvkbjvIjjTMi+PwPe+lVjWxA21NvY+qVFLptYIyp+q7ZEjAKfNGuvjlQOMfOq5NhEGXv6ztUk/q5J/EmZt8j7oObS/XGc2Z++BouY4XLv+3J4xfwJLXpNAC0QJ3N+Nfd/468cPmQjzuZy/sAd5///1r/+OTCdNAVU3n5sJ7O9GXhcgCVgGATcEkLGwks8TyhNlXt8Cdm0srLUNAZD/5fTfeuutt95666233nrrH1e/BWpGIlQba2mHuR1520AShIjeyPaONberMzGNveOrA4nd9M/w7jHAY1ZtggQAd/Yr6JkAIJZ2nPdGCqxJNDIa27KLpqnt3o17J/71r1uMF37Bzwz8/PkT3YHvzx65RgP4/PgANyO1r3RTtHB/Gc+c8pG4d6PvDW+Wb3k2AGz8uOVvf5rTFDG6O5HhJlPQhxo5wlpiRaCBRc6SpRWVB9Rxg1IluVQsjmGeho1MKJ7llbwHjiBPN4JJT4i/PgScKDlh0+0krVyN6xIAtgPdiY7Ez5uAV0RM0g3gVJiUPCNm7CBmxtMEJBQfvK6LnidNf5MfP34ABuLCkd6N7lvN+A0EGUxkHiwyuO4vuUxdQH/Y2IvddN9fNv2w1E0eRJEjwSMbRSbX3cP4+nOrsfdXa00uLZ5wbaNqAjpMOQoFQImhEg0UQdIEpxxBU8mUasOx307cgdY6GujNNZ/LgOvWsWrYWYBADwGhewP3Tvz9s2C7WIhp8fMnQQdHQ/ue/PV/+Qv7/iLQuBbBxMiF+/4iEJqvis3GA+CEOV708/msQMk/ZYYqyLy7Lq5NoL2ERwoEAbpmjsVjbRYorXquTWLT/R+tTQSfF399+Jzw2hSxBgAEwlGmdNZm4O+75MOVE98NYNaln8mtn5ntZwB4cJ5MXJdYN/cXWzIlSp507FnmhciL9/omGyuXfZHi+NAkGZkQUF9dqG8dGdOwt47MyxJVDssBu36Vwr711ltvvfXWW2+99dY/q/4NUJNMUOpjjBnwVvOzmYGaQ+18ItDyJSGNYnH3OAjW0Gfgi+rEfauRU+oLARw27Tae/XwW1odJI/f9E8AtFkDh7sDeTiRh0srfP7/y0xAYFI2UxyfgZkoNGxr7e2NFIBckkVCU8Chf5NHR3PVdTd+bFJOhq7HVqS0Q+HBjS6+PJDCwjuGoZQnTWz/AgjEnhiVHAEDDTksifv7k32G2AOgnEgisCEQ1VvB8Cmx+aNgbZIx0SDyxT6zwIzpZLxETJpBXSIYC/JRpbSblGzaX9vla69FqaIeZIs+QOC8SwMWubyEUyVtY6ANcaR5VFX5+byAWJXexgfziarboP9SEm8x1NbC0Ax/Jq73lv1PVxxco2NS3ZChHqmf6wZ9YJcnIZiTysH8EhKmLpmyv4OQk/vxXeZ3joCknifFyum9ofZYYKPZ72jM5Pz8W1kVWSO2N3reAkMZ330rl4nz6fnn/nARmKdBuzN/9XrNb7p9fXAsCfu3xtMf4GUFflQKwrgSUXlZQytGXc78EygT8yLIxMc87lj2oZAAs1o6nnz2vAMw6xVktszYjAj9/nmhyCPj8d2vTjKFtCRACK0qpeXxu+llghokZarliUqV+Qv4vSTAzujBBWfMw8YD3AVEb9Prx2oyz3gmIcY1SuiQWziMZrbvx3Rsr+Z+U2kD1TUloyNDaCV5+Pnaf9d2BW6yvbjJxPH6+17FzfmbW4VtvvfXWW2+99dZbb/0T67dAjSUjAHdAR+ISJ+WJRqAN5DUN4iSzuDEIGpZ2x8QzV6WYC4vU/+9PGgRr533AkhW4a+O6Endt7hxjoQO4+8b/9t9/MjGm9phlXn/9Rf8aBEp+G3cV1ueD788vbu3G8lyBn39/kXAD4qZwSCHoZqxsJv0v8AGwC1kbuTCNP5oNmccukoDV7kbkkglxz8G7gbgsRzm7ym6QAKWrDPqgpi2BzkDFVuPtZohyhACb1s91yYyVYApNXCRZgZpUyZKmSUbi7134+6Zhc8qvItM788dPAmpWSzISIHA3/Ss0CjQQ3W42Y+ZFJllNC2ua43sXEJR73Nn4O258OgDozw5EFr7fr87hg58/v2z8O1C78fl8sIvSt33d+Hw+fG0e9k9qZ5+e0br6PulEe+QVvgt/Xu29sfdNGdM0zLyHqbk2JsPyCoqwDOZh6BtidLTTzwr3Br5fsqiqLvz8+fck9tx3o8F5lxnYkhLaW4U8Jq7H/+1fjrEvsSouXD9+KIKZ8eG8D4W8Ltz3xr4PU6u6cf+88TNagKDYbQsEHpPAzH0XMhkJjSvpWdVF0FTnVf3wqBLj4943dreS7XrYLJDcJmx4q7k+QKpG24lR1DGKWRZgvLXSrvzanPVCM+vrWrBPsQHwwVAEQJUfoE6yQuLvu/D3vdEVCK3NSIE2eABIjWGPeRrfm9KmaoKoS3Mm9RykJ5CvWwbIDawkN23Xg3GGQpRYcwKEcq1J6qN0SSBpJH7WFxHBY2WispnAdpBqAUz0/0rRe2zAvuRc3/rvCP7gtfnWW2+99dZbb7311lv/af0WqFlCLdo79Dg79UBqJ72B7AeTgq8SR4QsCn3BrigENn1uiGQgFqVUC8l0GO3sdqvB1oGrgcJiDxI0Gt1diPWDXgj3jVibvxPRh4wa7o7n0O4pc+AOLwGGRGKtj5oxxmGvjDH/7Wjktc6OOkDZVzQWKFP49p5d7uu6BN6UKSkcuQzjLbBuwKCWWTZOaDkNoZvwnN1tJqcAnbJIFROEYArf9bkuylLUMKY8RtwYVVOugCDYFs1WsSOQceEKpvyEzD8huUZGYHXCaTb+PLMJeho5NaCR8r9ZcPQ6jUjNyMlh5oxXRjjG2Tvunl+F3htYa3b2r8Wo3kYh1qXXlxgZCcoy/DqBUr0HHOs2ZOVLsbfN4TL9iaUZhadvymB98ndBAxkEZeyZwvcpaYev1hrl75UsPXO8uxAXwcsqsaPqI7CNY7QF8LXub1fh7kKuH6gAIMZK5EInEGJ1TVpanvfmtcariddEw9qYOUEpUOpeE3T5SybnYmsl2ScJ0OvqJmDUCVzX0rp7rE0Z8HTUjCzweIbIXHzIH/NPzJrl3VDkdBNIfZJWoKsN8BwI+gq0bABhdp3B3KUx4Wu4xAN5fXCFvK90cD8jEwH09cBjtTYNIM3a1JNETJeVKUAdA8LqkXV+P88hVnVhhaSOMzAnMY7MP93zJrvJzK1MyUEv/rdlLcePC5Sh+JVzVMeB7u19Ewha+ev5vPXWW2+99dZbb7311j+pfg/UXBeiaCJ5dkeD0odoIOrR7ELpS6bPn9SRKkknxKaITKwLyJViBgC5LnzAXeqSwamb6Kqid8V2VDD9M2rTOJa7rPKAkblwrhi5Via9IraafwIKhVz0uChFxJryn2K79D4+GpRwHNDJvhx7c3c+t9Nn5GUhA9duggDRQDyih2fX274MMODCjukXmYW3y9Vo3XvTiBc236RfT1VhBXB9FmLFNGQGTVKmxWgZ7oaNgTEsKSCwvzf+SkkqIAlS6Z7mAkA2VTzO05cV9sJYlLVRcsVGO33vDZpkYCn9Zl2BzyfHkHRdwHUFrot+HBGcW9eVMi7lv6+VuD5Kv8GJ/YWGcu89gFXi0oA29r41fj2NZJvsBDXN8ec2g76fNNCtX9kykYi4x1PEcrslgMtNutflfd+SmYFgzkpcKVkaAFJYLiZNkVojwI/z675vseWc+MW1yVQq3v8tEGKYEGKcWTq59621ByBovk0ckNdQYlzYGLh2DWutSj4ysNSQ3lVb51DJ11dDY4U5z+UEN2CMcn3fm/pJmG32BGr4+0anmWKSQNbGd28AOfKpjEU/oOAzNbU2n4yajEDJeHstmxrrd5A6MAP184v/lgEsCIRNTenQv6fYNHLsaQOonNwfecX8/O7DYjHYE2K0gDD70rP8unLWVEmWxtSqI8cK+Gd8hlyfhbVSz0568ExKmZIBAZnFr5S5PNlQ9/0VmMtxD+XSYZg2+EV29dZbb7311ltvvfXWW/+0+i1Qs/ce35gehgIAnGQgNj00pcTKX5KLJqa5T4djSQYNavc0ddsAjbahJ173Gfdb2lXfB5zYMn29FiO+N6CmjbUSk+KzMka+YECpu3D9+ADgbi2ZLY7tToJSBk/0cwIbbHgQjep7Gp329SaALiXiEBz6XAu4xQ6yGabPtU/aEyIIEpnhgEBEy+NBu8tQGsyH7Ib7pk/GWoH1ydkRfzjHyOBTCVSSYuwNrIvtVgloW5KYOKUF7YYsgAoBdN6pt6mvpTR8ZeIwh0JMnJD3UMRHMiSxHjKVFMZG7PNZuD4XPYAE8FxX0qtoBc8vW8eSV0+3TGc1lt1I/EBci/fobkrFDIAVJSOeo2al/EIc+HMJNfR4qo1dG7sFgoUZHEQVZi2Z2QVfO6PJnXxksMpyMEde771xf/ekRvG9jaqvACADtJIzPta2jbMTQEXjcxGUHW+VWUc837VOOtFaSfkNisyZwnjkeO7DTJdtyRVm/pFZs8hS6Q3YqLuATpn71mNtorGuS+cHgbAcL5sPl2lGAwabfZRamzWSPzPHflwXIunzE7hwrcD66LxwHosIrs2EYsjDUfdcNyWBYraS2nAS33h+lOyVmDkAuMbFwjO4xf93shceDCuDXI2UYCyFDS8xZgIER65rjaQr0CM5S5mDj9+R48U97k0D+cwlo+rA0rHg2HexvFJSruqHsbeuYa34o9flW2+99dZbb7311ltv/R9Rv4/nRtNQNlN7mm6Czpf7GJYF3wHod7Pz6QaA8oKoPYaxbszzIqPh55df1umZsJAJdAXu5u4wrTbYCJQjlKGGZ0uKEQu4yYah0igGoBn9T0u4kAFIBnL8Jo5/ib1PrE+gIWucBkvXHAA+Py7gu4Fq7ipHTSIMorEuyrUymb4zoNcCHOfrCGD4yoK7yX//968aToIU4bQtN0gPAIpeOhoYahcGnADMUvLOeSNGUsXXFAKdF3YHOhiHHQidTpxG2gyD1LUE4EjuCM6H6JZ0RSyYldqdP2BTNGQgkgRLks0+GUiHhWRZ1Pf+ydFJxgCjl6kg6N0obL4ngO9XQEQlch1AygABWTX0tuF8kB9PPO/Dn1n3vsWeOR5DT4kizPrCkZ/YVLYMmEq+FnFpfjV6wAoe63MBu+hNU1pTlip1QebCnJPZT6+aHuaKFUWZ+UvcdmppPf1dAKWHqeE3OGuTWbNQfM8NSB5K0HM287g/Ph98702DXknlJjNIjA54beLhsdVigMznlylXOnri7//9p7gx9F+J5bUp5pjkY13A9yaDpBceUj/Mebf1WUNT4Qc5Ipyp9xfuBvRB59oBwAwhDcMApWbSheO3G6jNxDQB1kupdJFKQvP0F4PGPk8GnaNjgKKVS4AU/amui/MpcFFWmvZB0jE7Cc6b1Qggl7xxAESuYUPi3NLj4xUHfH7rrbfeeuutt956661/Yv3eTFjNl/ZOB6Dg7r26Ce3STmPUbCzSYMpIHXoallAD5U7DEp4U4DNtVgV2y8vkUtOitKe9N2oDeeWwd7pEr7/YFGY5hvkiI8c7/jp3xxXz43IaS/p1+Dym9UUHPRtsxUs5QSMSqC937teV6qECuBKxKcOCxmwtRkwnTnILJUmUbIRfJ/Dle5f6MMmSGsBtDxamXfVNWZdlJH//vIEfTMkKSWHIelm4rpz7EpdTpNwkhZKQYnauJylLQIlTaJ5NLZsrsapgeUOPjInpWNAue2KthX1r3EPsJsTDsJpR7CuYyFOZqLtQeRrRAJkPe3+5058X7ipJbDT/sPGtjZJ5a1j6dPra8SlCJO6f3/HE8Fz4UytkWs1+Pp+XpT9j5rITzgywEuggCDnGyaU52KGIed97ry8BC2Kn2C8GXu9h2BZKPasBvAoPmVHIVLvI4IEAmIN+So4GY6oEE7kIahgwA2J4LSMkxwo+aySVieRcihDAGHyurefaTDPCuJ7OimcU9W6yUAzyLcktv7sEXqTGkguGZrySWootaB+bv78bf8WS9Ae/3EMnyJFVkgIvMGDUlsn4EuB8TMePN8yAHdCxtG47Y17XHQMUZYilE5AUlPKjuRuZWvN6bmt++N40gM4EKmj4a/magKcSQEczeZkstwChvf1QRfSy57UIiRpPcouwbwJpKa+bP3ltvvXWW2+99dZbb7311n9avwVq/vrxFyUHgYnZBc4Grpsi9OOLPACg0WbSiOZfAkSWd2yDiUA0tyS7hDu6MXKFlJExKfOlJoZf3pn+smY3+7rWSDSuldhQOtES/R9sUFp+FdqQx1ht4DTmB4x5vOjRF4RNHZosjE42gWstGW/yiq+8EB/T93mAvU8KC+CGt8YDwkCNr7078NdfEHvBb1xzbvfej+aOTJlMyYeWm13etC3W0EeGqnOvICPSUKMmygKTohynK2AlY5o0gzUEbA7Q5jHMH0v3zvG+oKyGrd+wLPLRdBtEMOiU8g+y4XIHU6Kqio035BCiY2EYOpJugY24ZXZmTxgAqAcoYClcbVkS1/Au/rha6zpyJXvdtiUjB7TxjDGg0Y+fj5zJMibd90n1UmoUYRAzvEC2hNkg8fgsHccJX/xg+6AIjDVIK4PvMbaFWGECH0TemDIokOn7J1BmwBmvHfy6NttrU/HjfbxicE3WEllGkl+mEAPKcczAijHlzThMu/La3AZu/Tuu9Wo/9wjGZHL9rYwBpBtBQ+9o5GXQUverzwAPEBf/BUBujGwRns/hZzJfYCDKx/l8PqghCGlNV8snx+tB0la0QNScD4zllfc4iT5r2H5CkQRweq3x3LE81N48ATEK4WsWOOfnfCRi2R+sBlB766233nrrrbfeeuutf2r93kx4OcCVzUo9uj9Lb6CG6jRnbhYbkMCgurAQTCmqgON9VyxEBfq+1ZCTmh89++mYtKNKbNxsGPIYlzYCsQORjexks6Uv8akdXkta9r2P1wTYJJYYAdGSblRPwxsAwaBiczH+GsH37wJa4MdSAtOYXKpZM2sgIrD3ppluJqUALgMk0wib/aOd7mhgMbloq7vqStzykGlpSK5sfD6UjC1JnszY4ZHpubP3zfFfTm3hULcAqZx7aRAk50+ADe1aa5rYUkNFcE2pPdWUT/VJ3FkjZxF4k+shZ/DnhaRU5x7PPFSn+fzT4Fxha7zYlPdj3N34EQR0DLsAg61G3aDFA8yoAcb+vLIZsOdjdMOpxb7dByyRVE3gXEUh0dghBginBgDKx6wiikyEWQ1EK9SM2zC8qdxr+xvpQOzUMUCDXtNan/YiOUbfYjaBQIHP22CRr8VmwX4MkXWWQ4ozQ4SMGrMuNDfFAuv2UwoYZBSc0wgm2bW1XxwyZKxhjo2ZuOhECS7StWg4DgDVjKYeBlrSa+nHZxG4SD/VOKbzHA1KhCIJQqcerpSoHQCmdbvoI2VQ9axNm0iT/yRGXp/0JoMiXpsY42YQyMJh2OkMcdAizoHaJY+ZPPcK5yXQWEX3GE8HgGstSp5sOu+1mI9rs99N9Vwfx0nnEjGMsrfeeuutt95666233von1m+BGjROVO6CmrbT6Cw1B/6S34DkRPKyuC4AN6JAhkr767oazV2My1ZjoTzsSSJiM73VhBSYNiQGyWLTsXdRlDCNNuVBHYtxu3F2kjuc6mI5x5NFEwKXxP9R6lSq4YvASACGuQDMe5jU8gAYDFrpehsxkgnucJP670a11ZQYuJjzSjo9zN8XWSpbPKRclEQhAp/Vs1O/4tk8xVzj5yI40uXd6sM+oKSFANxaiekIfb9K5+2GPWPO141WinFDBtX/2Lzxfd7JP2Dfae7c1D+abVIGkJ/Pif19vI5Aje5nMIWI42u/mYf5apxzMDOE4Bw/3Ya4iP8xkvhPKpvrmpl07iPHP9PzKGYumjrksc4I1CPSHTBo6XHXzyCSU+lfDHP0g9VASgbvKalxD2kZP7i7cZeAB5x7CHB9lF7ne4V6sM+MJqK1bmmxa5aLIQUEAaO9xdoQMyzkk7TrIQmaK9HahE2lCeAseftsgbszRwVmrEiCz3quZcaRdHXjWmcOcW2SDWOQ5ZcK4KMYcgOgv/yTKaDYRuAQQBwzhyNibo/N3tvDMsCGoUjDTl6LgPHxMQ9+Mt10r55nvTc9ZqLp82N53P9Quok8zz1/rocxMU/TUi3NCDFyug9sv+UXdIzt33rrrbfeeuutt956659XvwVqUlEyw0JZ8jqJaYuml/XOuXeAnTQSuHAX/WQ6LGsIbH+h34Url4gNDTSBh+j9aCgegJHBFDXlZsa4SQo1XSmqvCUvbEISsYKJQdXY902pUNOEFwCua2FXAKvhNKuIkwpEyj07h2GztBsaAwDAGKTKhHfLI+d0njYxZQNM2YIYMqhpYNFAIrFri60TqL2xq5B5yfhYKVgNrM9S3O10rz6MkpgsQxFLQY1fkjqAZ58VuqhQp740HxyJzl+Hzqt/AVA8NlH2NjGgE1gXz4/SpRzviVSqzMolto93z2OYSj5nNv6n0abnBaN9DYittRj7jCXPmsO8CMVFn3hjA45mTGz8MoB/WJnBVYqQRsSMzWAaKt9HPNZP4Eh4zJgbD6ZugrKa45Yt8hiSqvRJaONnkKFBuVgwHr7PPwaSEPRCgc69QK+oxgE6M5LHEapGFhTNecvMFgEnA1DNc6oHxBi2hpZC+HrigFkRSfngXAeGOQdoPDJkNv4EXwXgyufH5sclKeK1FnbVyBX5+Ynr/wXIEGLAfSIZrBaH05ZJECl/WdA9zCY/k+lFs2AwJnQ/DXoY5Jr5oDNjQhoE0IbuwYGJxv9GqK0hnidQFIi5rwbOzvNlKS59z9pMaduqTmLcboNSmsBBGZjXLB4Srj93Zb711ltvvfXWW2+99dZ/Xr8HalZMw9uKwfX3d4M1EyVb3t0/VH4CJIWFNQyM2nvo+fBm/pPFPgAFafP2umkUIhcyaczZCO7Og+dXVViMU0KXWTiNTGBvgyVHbnTfG4E1MqlQQ+OmoNqmPGoV0jvK09YikkyPyNNEGjSadi4wTZN3gr1jbkZILv1MjdfKa2Q/0PBkxjRlgCKtr0AVG0UmOWkvXDIYPM5BF8lUrfC/E7xRiz+SjsMCOkwFO5WYwaGbRODlF+Am5/Nqh5q/hbVoFpqOXs7ARDspyWoteZYEGQQEnB7eKDKHjgoe54FIMDgqsTflbNMzhq+L1zt4hWOrFEl0cDGn2xy2x59ZAlwC4x3l+YmIuXdmCh2Ai6bSVcUoaOQk7KwE7m3/mRhA9aSUtdK5SlK9foybZCvDKlPK1HO6BBt7nkOiws8UexPhAMPQ2hhwQNekNRY2Nx5QIDVLOS/IniGAcl1rmG8ByPT2PLsIDhhMwnw2dFwCjzkm6sa7AvSWWU9QtG2eLdQ2DJoYiOIHjvUML0rgV2v9HzAiEJJ/nbGGx4xo9WOuHqkfgLmPAGacOTYJ4tJan6l0N6+ph6zIwImNoemzM0I0HQOKSo9h8sy1ItERyHUx1l3HC63xwH/1BIMYbZ5RMewwg5FPJuRbb7311ltvvfXWW2/9E+u3QM3nuobyzh3ufAAO3jFVfO5K7fKb8VKIWNMoGuTJK3DjVvMX2AJVDA1UNa6wifCGg8F3AWsBiYVSRPYKH1sJI2rGlhgeVQXUlgyIp2Uz3/Au8lr00FFzvpUQc+LI3RSc5kenCpuHZuYgAIGgJCwNeDTu+4tD6w9UYDxeGniARTGf4yYcCCztdNO7JvBXfMgWkr8IQYsYcGqL7SBCypzzNFDTZOoe5vl912nUA5QarFxMe4F30lNMC5vR4hwfUAKUbEqwHmk0Bqx6gKeMOCAUWo2+gLlYk8I0kNE0n4cZxBSrraQcSVhmFM+OvQ6AsRFCT/M5scX4Fdj6UysXqVvVQDjyOgSU4dz3VoqXjWYNtA5I0GdMGyVmmpr5++Z7MhE2YNG4l02D1cCn/GIiDGSezyjYBHZWlFLYDkjq82x7RPEX8/pzvANG+e8AUNgwE8TrdZhYfi3wq/dKgEw1rwN90nNtDqiqf0fO6RBUkVGxGUafH0wW223WEhCxxjh5yxg7ldx0JGr9P2GNDAqlsdm8v+nnbh/AZp4dYXRYvkHH4Jusl1TyXgtQ4nnwnQKadayA2T/HKBlh4PkAV9B9nrGOmGsggE/gbV3Xf1mHnnfAADICrmZu2LumH1cROAzOt95666233nrrrbfe+gfWv2HULMkZ2JAA+UjpsYwpgdjT/LDxoJ9M6rv93oXrosEm03rWRP5e+vLeRflKK3o7JGlaAxpsNAq7bYgJZBdCEoNrBSpLrJnDVKlygstGYoHUGKByD+DTNr1tYCWlT44Ap7EoGHGMRgaBHdL870l02pNaEr80kt1HYsHzfjSd6jXWShSKxx3eSsyLEiEpF89jl2ghQePkKMqeMtxMrWkG10VzZpsBl8Z6mAMCtCIT0dxdh88weRcigE6eCQSgrXUhir8YkCDnndxFz0BEzbww28ZxwNOAUesB2xRBDXDK7BhiF0xy1JNBgBQ9QTSH1Otanie9ee2at1Sq8bUNN7uNyII78haz48/2K1Vb3Y5vh5gRYj4oacujRKYQYAAjF1dDVCHb61FHFqtlrTUpaWstynrQjDDaBiUZAe8o5pYhN4G6C5UtkMfAo+RmhkFFHQkZ/WYEj8eXHrCsfY0pA2kDtI3yitF6uXLhrntABBv7/gpYCmDGke/sreeGAIkAKHsSo48GuIFdN86pB3LRv6raIElR6lk2uNYz6cF445oWeAkaFldRCmSwwuCPGU3jZwWDwAWzdQgcE3hyahUgUCYNWp1xRDTWdWRRNgzPAVQTDD3TG1L3KWr8rEIID4/9sEeOANpeUgKidBtT4Cr4NEfmErBo0EYXAhsci10zhug89h+Mob711ltvvfXWW2+99dZ/XL8FauylwNCd409zPEJaTbWlTfRZCSeQKDI206kw9IzZe4vqcCRU3++X5qFqxAgKtRKCALNyejq40jmpOZIJagYju2kMWgJZyi9BrNMoVeWY+ALJ8yIl5Jj6htgpzcYpAMQuSmycugQ2QZZsnB38I3ny+EQ0fW4E4JRo/teV9M7Q9Q3FH2r4JBFiI7lA34/TXAGYxnVd6/ysirvSkIfIdqOlmHScBijSwIh35kWLMVMGvIbexpBi5CmO450Y5SDQUh2TLESQhs0uj0nNU+MAWjxnNeBNU2RFX8kQ1pKK5zFPk+frZPR2IZGTSNQBbFg2oyY7j5TF5z4skuFh/HllKdCJXc4Zj0AopawG8FvhrHaNUwDXdaF2ye8oZ11usWW4rht397A3nDQFCNAZqsNhXwy20jUMGE+rCMw8rm2JE4gLAr88WwxqAIaFuTLo7VRwGhI/S/SgbtzypYpzomMSfOK98QsrBUisJZNmHBAxgkbhGWvWpqVJJSbf/7g2+eyKalzLYwH0LlyfhfGLqcMsq6LvFJROxrHRWMDMszzgBXDmqIFFYNZaa/xT4N2SvLL03LzEJLQx+rBxDOq1jeKPjxNgj64AVk0CH8Rcysi5T54EZuv19jzx7/U/Q/3DzEuY9dRnfj3lTk9W1FtvvfXWW2+99dZbb/0T69+YCZOBQhmKklSw2Vzkmi/v8/pgY24pkikjlriUGqWqRi4oZrtn9/65TVotP5ls7C1JTCciimkj8tmoIlMgC6CXaKFaMoM+sbUAcNcW7hDqDwq3G5U+yU8EJAJL/gqtRhVq9tZFA+JuS2/km5NsfmioyvI4+FphiQNwds6rAKUwpRuYeCTOxEApgKQpt6O+xXri21KpKBiD4EAds2D9Q8YFphlin5eKwVYT2ccTI3CkXCOVCjxAnV/9a0YOA8bxdrJRTwFEBlYAnyM9ftzsXdfHVzuAQSx5okB+IY8d/EYPE+iwJiCQUMdNszb6bMyrW/cufwNijZjY8+cmy9hbxAAF16bmVy6MvuvxeoBMJxtjGww7wMWRvC2lDHF9yYq55RgjmdmweYIgaXWjd5Ehps8os6Q07pZFGZizt5XXMeQdlHGSm55yGc+1MRdHDkDKcxewsPKX5t5ASsuoKGBgJQeAGi8ZkzpQY1CcD7DSpuqoEuPuSB530Zg8cs0YBo5nDoDHOpe8x+CTWToR59nSnscG2g4Io7/+8nygPxYZKPYuGqBFrDUz/p73cMDTAcq0Xgxk6XcZ5zwQR3Z5BGKea37fYcLBIKrYjplxGHBhMC78nw0ATNYCYuYioCS+/zfWyFtvvfXWW2+99dZbb/3/a/0WqFlrIUAfDBpCBqKXdvHVmD2+MU9yC5hIdLwi6pEAdBovpvBONzHNV65ESImy9z0eJTUSBiimeUkCEdgb9IqowDZLJgPd97AOCFY0MtigRi58roX7vnHfPOfQDnntYnILthq+0s56otn14f5ugk8GQbpBKdBh8riTGh+aTF/4ADpMlCGDoB9NJMxqiED1reY8mXBU9Kg5u+tMlsoBHizlerBhIhCXY7ZpIFqbsg3+/dxHAyJ9IKJzfx6pNUdGIsAsF6R8GZjjJDgdFsywYQJj5LrWmmvMjPHPcEO41jWyOwz45HOm9Iegoj5TO/32wbD3yYBxoh7YZHpkO9DY4hE//YfVAC86x+tzUeImMGQixzVc9QuDxGlBfEE32RZbkqkog5NipvVpwCMovzObJjIARVILs4HTgwjAirHESQ023RCjiz5Ew+wy40a1zPIxCAjMeWcekFS2Rme+TFN/xoljBWyZ79Y4MOOwbyZ6/DDDygbkYfafgK6wNxWGuRSWRmVh955zQDK1zWBHa7zWda6Zc3ZNBDcEVC0cBpqv3xHXIvhQLum0LoGk6B5zbrLoHudbbYWhwNM+4Ej0fA4ayOuZ9Of1dEA9SywDMZ9vmeGT9JICsb3Of127fGAYfB3gqMXg6aeBcMtH7M8FUd9666233nrrrbfeeus/rd8zatQBLciwFet8n38ACmxtjgzBdHs3RPu+Z7e0m/4m6Nvb6mLrbO2Ms7xrTA+brZ3fQGwolUdsgCBQE7kIVMDxumRxfOJDWcFuVJQAHjWqVWglEV1BBkWVDUbdeLgxNBOgf20Eda5wY9s2t9V1lIyO62Gx2jRnfjIavFMuS1UBG2SaoBbuu6dJBhrXJeBL6TqFc657b3yuhMU7BiVG2gOzCWgI7Ab813sfk8piFgOZCI7hNXtDgIoRu+5pGqtpbTHzJQ7jZnbbVxzAJuyF1NOIhcd2F/JDQGmSZXQvn3+3f4Ulens3EDVsHTOKdm1c16WfOUnsNPfd8+l/aJmtwDjmMVjW7yIeEiS/Iyh3SjFxyMrYXKMPY98IesRkHvmYZXUQm2XfWywmimlWtJhyOWsiH8+EwwQ5zwr63hBcvPctd/A4YEPIZ2rXJKM1LJc6sp2WdKuFSHkNxuPaCTo9jbv17LJ5cZx0oa212fLKiX4kWAkkRiavvwrf28lhnEHXlchqRArk1lzqMgAsI16cdUevHY1x26mKA2c5H3CWmdfmSYY7z14z4rwOuvWsrga0NscYGQ/J4TzJBVc9gFWPWTyeVVKRoXbh8/mc+/Zg7AxLK5ZkWZJhCSCrtjz2MKCeazO1pruBXZh5/mevzbfeeuutt95666233vrP6vceNZmUjCBxi1mSUEKOXuPkICBmdxso9fFnhxV1KPaf6zSXjrQesKYFDE1z0GI6bGQ0dgCp6OrsRq1ATXR4qVkkaLKLJp77BiIZYX1dbHBq81jVN64MdGtnfxMgoQcGr50SjU3mzr1/aeIJSBVGpkR+ipg7ic6F78+f6mx4jcenBVgdhxWj/3XTJuuf8zlueshz4virAbQsChrzlUvgx68yJjdj9taxr8yvKT41jauNlp9ITnXjyhzAhgakjtaOaRafCU3q8tSsn133bjG1guBCqpHLDHnt5NmBd/MpoK2aUd1m4rjJp/8w06kA+oZw+JyIFGRNVSMWgYItgCnTxwHwh0ufrBJp3eNozt3IQHLy8r5o/czaHBQRgzSG1nEuroUQyyQ6xui6y1HyNc+GbuIrBAGe657PBs4fyvUgz5ZSwpPPv4rsEjLWHmCEmG/LP5wHQ8+52wh3wAfo/f8FlKzN1LrWvV1ib9z1nWPd9625xPPaj3ERREGWRzdWmkljcAswFJspiR5VU3xGxgF608BoA70bvfQ6/95ewALHOg7wwbVooOn5jI0BTdbKuQYnKTkJzR49wllh2VIYSC8jMydRiqduaaaeQ5YVxq/jTfmk7wNZis9nZabPmcDMWvxP0LD0PC4FYLW8kwoI+ur4Sfkyat5666233nrrrbfe+ifXb4Ga66OGG4Fsy4eu07OzSwFBmqYsh1/XJT0qQJIhLCD2RgTNhDMS65O4981d56Uv3rUJQaiZV2wJMgN33/yCT9oM2JmUmgWBC2KJcEeYciAHBn/WxcawCdpQ5sHd7SomOW3wOq+LDJ0C2RY2Gl0XWQB7b/rsRCKVEgWAfjqZI2sKiDkgNs/ydZ5uFFDccYbPpeUFgvGvwSOqejdTthLsXUNAA4GX9C1hQyfQBDNG2q1PenFUAssSJzWUKy8xfQxYPP1n9JlwUymWCjD/bnlDtZOfesApNof5YILIPyNBgCx9rPUAesxyadS+EWhcn89peMF5VvI0yc+aJtIeNe7+fJ4/Pj8eu/9svNmMQmOlG/CH1tLaJIlEcy3XrybYAq7QvKdnbRYsrQssNdcbuBglD1A2E1VAERtJyCPIHi9hiR+BmK35PpCjgIAj/wPMZiLLpNTc8xpSAKTPjUBcHxZHmHVCAHnvyXoC5TqBWPaBqocnkZp+LOwylikmh+eX/JOW/Kz8fFsXgdX7FriKJ5eDcsbe9PBBEOQqGZibhQSZlxs54Uz8FTQhzqH7NfdMrMBFkVLrvE5inoEPP0/4Bw9pIIwgTAs0HpAlLD8LjE+OZKQHsvFr4Ds6oPo1AM0D9NVcKMh/xno08LlWWyylsLQxgQs6F6UBStb5uS5J6QggX0tz2v5ieDC13nrrrbfeeuutt9566x9YvwdqrmvMNNlc01yXTb52rMWSyGW6xNlV9i5p9VY0t3xM2ga+hU9euJU2c5ou7cgGgQ+UWSMpEEfNTjv5hTv37mboOUFmSydBgYpCYUvWoCYnzu55q3kMuBnC0P5bjbANjJlmVMi4+B7tzl9XoLG5q+2dayiZ57Gr3PIJqappYCxlsDQgBy0I7L5nVz4ysDoFNknaAMaYu3VZi02Sd+lpMpqoPp/hXfLP55p7xuFTY/hIjxnQLMhySAjkKV8f2TQdJ+p45EMBxMoBpIYBoZa3EGTn5CILSFImysX4mlzucy2JIkNi5SUGTKNbke7d6Ep0GlA44z4N7EFieC61Z1xsOvtfzXj/tLIRL9cB4GZeK2de1/NTzUEDZZOkdiR7Bg88/olAR2LhV38owOviAJQNMm2c1PSUSjmFCw3cZYBloaPpq6PEtH0XECeZaUAnG+dqfRvs473enF+aUWslvrV/YXYg6F/V6AEEAKbChcBm4ZHwQ627cUuyacPc1NpNfXbmwt73gF6pcanCsNwEK8wdyQfIYSAkFKedui8GWlesAU445lyb52fzG6FHkkwWj8/nw9Kz4ESPp0yCW4AcIgiAKQnOXlSE9ebDx3h52EsCf6obWY1cC07ziiWPswy0zdW7gV56rohhmYGFxYQ+P29hY+iQ71IcsNWTD3/2+nzrrbfeeuutt956663/pH4P1KwLGxvf+xa9P08TlWre3SCq05sElSI7oXqT5RAHsIhYotivASnQNxiebP8YGgMzQWZPjPbVit/dGzsY+c1mcytBqicNhzKqoPkpwLSRYJy0d5LdbDJCXDvOsH8Hm86R2kyUd+Pz+YGuwr5tpBrogAyIe2QJgHbCn8yQkFGpGrxrnZ18M01gyZG8JMI74GWPDfqDRCTjgv1/ZiFEEn+RXKKgjX3twP9iCqzm9+nDc60cY1MbHI88SQlQKbCG99DmosddI4ZIEGLL5DBozlzCsAh4/fpnMQkn1UjGSuRaj5QZStuypRMJS0bIrLCcqk+vPsDNs8VjxLoTd3rGmU3unyuv4P2n2XbE6e7bazP+52vT8iApYob55ebdv4hY6EygtuLhhV3png0zRXhk7AIWBLpqTWjwDaYG8IhwDhkyxYCO9hGKMNtDAAM4F4+prIAIy/XA+bRlyv3j8wMAcH+/MDA3kiMnf8FsHZ1/+L7zM+8tU+o0sEDm2UweexH7+gGCDRwdviCCzxoBE2dtxqDAcz0+rJBos8H8gU8mTswE5ljOetMyc1rT+OzoGea5YADN4Jefy8W/EPKKw/ZJj1N4eihZzCDxWmLDxLCkbNwdAvmxApWF9Ul51BjE07inr/MAUSUwzGM+zCr82Wvzrbfeeuutt9566623/tP6vZnwWvIRALDOjnymE5QAm1NO8gm4Y0vTzsaFhR2NQuGKhRQbZN+bO9z3DbIm2NxELDAJZuufQpUkQIogjpSVTAEA/TeWmrFuGYdWUWJR3BmvDtRKRHzYeJYayhKogURjwyFUa9lo94KlFYwmL6CXPke7/P7MrjEHJuhwWCV7mq/ALgMc/Jwl8MHdWpVAEzFDrrzYzLb9YKT80nsyAlCKk+OnfxEGhCVJxzcmwkwFsVbUE7rp79b46vVusCklkhHxbrETbP4aMpCFWAwnMttMGoS9LUIsohhDYYj5Y4Am9KfTcLbkFZcAHxabOcugIgORZINB53vLV8hxyWRW9ABEM2B95B32M/lTKzMPu2MYBsfn59HNAzjMjY4+7AUxKsxAy+a/731zOPaJlqcpdOKSTK8TqJKMpvbc9ytSKWYQw6kgIR8CiQt1Eqka2Frf9nkxA8UsICDQe/8CZmTQJ+YYSeeAJCORs/svlOolVMISQ8uLEgKK2mNaA5b8YlStY5VBj+Z6v67/cW0iEiWAshH02Ik4jKMBopi45CjtGQOf64Bqfg8GEDYjZlguMBB1QJgnsFVlzxkcdpDGcyLYn8CQxtHMOz/PCNYksHI+p8G1GWU2oO87Rk4GNBlCEWTxqe57owoypuYssYfNMTMXAwk4bMQXqHnrrbfeeuutt9566x9c/z716fLOOxuAXEeWMH4BAUSflJ6qUroMd+xXB/oiE2ZX4/tVUwU3mJTgtIxKGb9KjwaAzRxlGTbsbeQCcl167WFOjL9FSJ4TzKqKXsgSO+fBPvDOcUTgWpQaMBLYEgX7L7A5JDaVMgUO0PODrAQmDDUZHQYvWmao2HBkdq7Fj92HmRBqYp4RuyMBCCA7j5QIQCw1xQKLwrQA75ar2cu1xAoyUEMHWDfubqoRTlA6LKeKYsqUWAtmOywZuaRMUMNeNHmarDU+FdCuu0xFBzRiC5brpHClmsVIgnU0duXPjqQqj5Ep6I/C63XjFgLOOO4txkyp8XVDm5maSzHzxv/sLX+Muv+/WFL/a4rkFgJZtEXxWsJhTf1P3mcGBE1dA9Sr0Y9pSwLlTzDoea1EJx8Ee28CDs2jOb3smFsrLtvzH/1QkZlVYh8nwqM2woXvwUBkZqTFAEpm06y1hmER4ch1rwHMnOZfCSZBgIufYWg+I3QpkkLR1Lj3kVaavWSGnGPL/2drkydcWLkGaOFoUkaWAiTtv1MgiyuTckeei5lIlIyVQKMl4JxH09pUMZqcY9vAPOMCZtrEmEAf4MlMOMmf+oA35xlh5k+fdev3ax35Xnnt0vibTlbP9LYWQEQg2sy9hd01yeh8DjzGbp5pBpx0vy2neuutt95666233nrrrX9g/RaoWSuVJAN8v5KIaJ84lyU0fjW/abvZloMn/y6zUe6abtSiXIW7u4mqm6BMBtRPMSY7CHBA4AmNTLekQws2xzX7xjHYNlFlc7DJzqiWFQub074udFFCNV4YYhY0CP7UDlttAvJUWJdZIjQVhnbEsxMIRxlbRsMm4763GqDH7jcCK20YurgLf2vMdD6UK8lwd7pPDGvHzWq1kmEEhNiwuMQa4mCLeYKQNIvgzUpLkXgz3eBCbAsoatymvGw0nwY+gD1u7B8z0pt05LGZVmQuGZihGirm2A1G8DYKPxa9c9xEM0lLEo0JoWIiGA2cFRMegUBi71ZsMxu/TBpLQ2OKbDXGPWwDXkQiF5v4P3nPPtWYLyyZCSt+HOdaWnIhLbRZi2aeBchqovSPoJcB2EQCSkCy3RK9lwhc3IAYYRd2FVLsNUv3WsCLTaUMwFj25ufFsERwfFwgRkYIlUwccKC6CIjCAEtLblOKig8xRMQmAc3MyYI5XlEHaGqBfWfcAkGpYtqzh7Iq+zYNiKVoaX5Ow3JF+9cEzWIk7cph7QBA9Enf6i76ZUHmy6F10ZYm8oR7wAsdp3rWbsCePvpH42DQlhLG461jGSNwWGVmzYXAVYLSAuSrcNeRsK4z9ALLEgBBQwJvNWvzWlx/0OdspfSltJE2aDfuZFam50OI6WTWnNlxb7311ltvvfXWW2+99U+t38dzBxuWXRvrSu0u00ByeZu8jilmqsFnnS/XCHk9KBr4bkwDjy7kunDvn95PhqUypsPLpoUmsQ10emc/ZgecEpcba9H8tIvsGxrfbhS2jDIDEZd2xTFxw2g2Mfd9A7jQDdxRiJKpbVNOQ/+KW6BQzS47o2gDHZJF7bPrTpAnTnw22NBdK2EH0pLMyOBBROLyTjbAeGFIjoYepkhqV76bkFZCMqZmwgrCvh82cBYj4VpIaGAfcodng9SNYRmdho/3tkJsjGn+1OCvVEMb9JSJA9bQ2FRyEoE0fo8ZRfnYUc/k51vecbxsDvjQzQaUUqbjs1O7EZdNiWk0nPnwxBB+heC5jPSl+0hL4n/GSfkzyl40ez8YKWFDWgOP9jSx1OUJ4lj+xPlR4PzFfRp++7PUvuczjb+Y3dHA+PrsuslIq2eKD/2EetsLKAakzXSzz/VR9UgBC0r5QuePbhQC6Bwj5fFxQjG6uVtSycP4ga4TaITmcpVBIMqqhjWia5n5LB8uyuHOeRDDWug+ZundAjVyAbUFKoidhsbuw0h7oNtYkaCl9pFtfj5K6EoQWPNnPzlSfdar7z0r5h5BTLLPAKg5zxOMpAsCWmPArczzeeND5kUSwHgODTsHc28HiNJzsCXNawTCpuSPGhJSnvXdYjqFvLeAmGcvx/sBWr311ltvvfXWW2+99dY/sH4L1Pir8Mrkzri/TMNJP6TgR3lHV29QQ1BukLzjnAQi/vqLSTt7b6xofHcj84NdtyKAtUMbZKVQAhNAbGQu3N+NCgInwc6KYE4w1nXfhZrI5ZqEEp9/1SZA4cYlJK/ajsh9GqYC6AZtLhLdZAb1+MiYqaHobzNKwPd1A/3jo8YSk6LljW/3G/y5jHsfTZlBhTVGumxUGFO83DfCMqthKSSbKzNZQk18V+NKypecYkM/lsNSmWbpYVI7BJp2QpWjrOnHsdKJNoG4YprIFBDDay41aj2742sdKRO9ZnLijuk3HciL4NPKnB39EHjDYQ00LtglKe352jQ9pSSmD/MnF22H2NJOM1lNs+kQ6PVLY/yH1bC2BML8u7UZmhdmphi/MCgINcY/fiRq3/Kq4ShUkLVj9xgCZCW2jRvrxvpc+Pn9Ak3ghECLmDpXav5D3k9A9z6MmrZBbKOwh01jYMPSNbOzou0RxavLxzmNYbXYZrPYGvJQ0XpBAD8E/tp8F5JcNi2xohq7WvNF6wCCQ4zbRGrOa212CoXia7Nt4OsobD5LzBxBp1gjNi5vnWOMeTM8hwEABrxijgddU65EGlCBZEmSoj0T0OZRHQTSxjQ8ALQlUjlpc4R1BfIFZaCfpXUZJxXLBsgj0YoEcAmYi7mcMCsIPc9RP3ufzyFEwk5aaKUDUmv7H62ft95666233nrrrbfe+pPr35gJk21yLUqWzM44qSmpSGWIKSITUe3kprbM9775xX8TvAluwWLJTBOZ6C8TnxBiMjj6dwERRTPeXADYzOcW+4FdFqIZ3d0yDrWSZa3kbnAU+t6i8i9+2QfkiWNj2cWEk/WQyXj7v3P6vQzguhIbPB6iHo2zvG2iZKgMSpxG9kHJVq5rWDh723gzlJQz+S7obgFSBq/Y+N2GJYaJ0LiWGDsxEARSIIp6YO2kf+BUFjJ6KFdJsVxqJGBqvNQTWS6x1iITKpMmzRGzC39AFEzjZvkEDYTXNKg8bGrc2bj6tXiAPNMABj/LaTbX9eGJNdleJc8fzpNyW6mmE7i3WRHQHHkwT7xbDwEbCVx/sLzi361NMiOWQAfJRrRmqxst76IWswxB8LTB+HlidIvyGjFikPZ0iYMOyHDEzJdG41otALKn6af3Tw17xucExMOAmyjIavk1lX1igNP0Y9b9M1YcAg0zgLwC+zbU9pDzRT7AR4KyXhYVBmYJ1jklipLLzfk5jA56x3DNJhw7T/Soh0Hic6126psRxEBEHdBRZxoLWHEdfFDXdNYmsHfRR0pQD/Re4KzBAyIldgJm03kNGsRKIZoxkkwzr0KsJ0tdDfD4f3R6s97tXZO4dW+u6yMgKfl8EajIOHD/d4JzVCjhGAV7LMXpmWdxGrxPIE5w+FtvvfXWW2+99dZbb/3j6rdAjSnn8fyJ9QraXd99mo0rP2r8GqiTTBS5UHuTOQEmhKR8arAbvRvXlVi9uENeUBoUAZuATDjl95CLIA/lTz6zk2iUEWixTXgOpZ+5kZWXTB1PGDI9ipHEPmKfBj7XoodNyWMmNXp3oy0RqY1CjiQqBHLkf2F0dKeaEJskM94WbZaKxk2NdzzvgK9R/jwRYEz2JjuBErXClnQoo0ZqNM10ERABCPJM9lNAcdjHw+S61oBQx18DI69wTO5aMSktcx8y5j5PslVwBz6TO+Xd2o0fVk2SRZMLTnNaklBxOuX8g0wmyeDBCAqyk9bCHJdglhhLZmqIdUDwCAj5nrDNlX9IPGf+n1UR9PYQIsfrtwxGoEa17mcHLtHDjnwEZMYEjgwqE71L2ACBn7wLWYFrSTKYjdobu7bYO/YtktdNBHZQcjiGsGZ79QHHPLatYf71z5M45L/PC1S5BPC0PWwgFo7XK9fOcrY9QHaGTIINQKr3H5aJ+Tdem5fm5C9rU8cymDNKpkgaEY9psrx3HPW9CD7dVYAivAMQYxDDLDIizLWJAWTtS+S1OVI99ACdTLurmb5e15znMT838Nld8rryvAnYa4YsxRg5XWi+QJ+1BOw6+a0QI4nLdYkfk2K2+WTEvNM9Sq1Ny6LMpJx0OwCXQJnQs9w+Om+99dZbb7311ltvvfVPrX9vJqy9YZvOlpkYcEOO01QJLPHOKLpGmsJd9ZJxLsGLiZ9diSwyZqqhaNsLUQRjCpugRW0CJe2mGtg4DXgNM0JNKYC9gVufE2pMvGNN9ohVCgH6YuRjB38hkxKtEvOGkeWFexcZQZ8LudmcZQZuxT53LnTJ6LcbmT0SCyeeeCedSTzaudZ5IyyHoLfH/iV+2ON/wKRQqhMBDSY2sX06u+LjZ5E81+pH0yT5iyOfQ7HYlHN4RrDT6ibQZYYGcFKfRlYR/nvOTjzNiA9DhmACd9kvATlLsdyO8abfSgvkiwNU5ULGUkNHtIKx3mziPVYlkCDCQFIOXwlNkIJg2fHWQSfcIv+plenxBzDJTwZCdP0t0Eo+SADUqEti1H2ivduyG7Jwqgr7W7oHjcQikyQELGTg1vhxqW9J8WiVPdHhOPMWcCw6T87SKgM4jg1vAQTdTlYDIN8iJ5XxmIdVVzKONihnppmfN9CZMJHI3ieYPwFQ+gOuKWE/BEEWxhi8PQcz5RsVM4c4E73exVwykO21mRB4QYDJc3QhhoUUfj4sxqKnGClb1zWAJl8t3FxMswxErwGnCIAMJ+awYsIAjrVIg6NouBOOYrKEkUw3R5QvrrUwWGtAx0bFAlR1PK7xwLryrMc4flxrHWmVUeAWeOWUOT7vfvVaeuutt95666233nrrrX9i/Zt47pimaBJTBCSs5I79tZRIZA0Ct2vlfWJZw5HQOB6ZX7P5xX4/jWCbAMf4KkjWA5gW/0haiZb0Qwks+l3tVhIUeJwrUV2ovVEl/xyZzCaasbRKikmwuY1sRLsxEs1ezcwucKc+gazADkd6FwEZMWhKEoql45NoRPmHMRODXN7Lt1Hn3gVLBNblWN7TfFM2QTbOU+4SYqwsUA7kc/b4sS/doERlCfjgWNfGyNQ4rjznJVnDNIRIGsUGyLzAs6HLiQT3Pcx0Y8gGc6XAughcYiNFyING/zi5C4AavtBnyqMkwLa4amRSjUI1JSqpFBpBcLCkwmyE6c8jRtJic1T6CR3J159YaWDD7fWwTg4zYy0ZRkOsrAhgQWvas4LzBTMHZTwN3qddWq+5EMX56vc7jYyMnCOZo+VIIdZp/buK0p7ErL0l1tucU+YBUBRZb+DVYC9ZMDlgDO/XxrpOXHfaY0rgjtPh0JQg5lpKYjrzwObfZrDx+cUxGYxLQDXT3pS0lWCKkQCdvWtuhQ3X20w6rcVrGVzRyuk6/66kqJh1YT8ePmPWSnkwHfCZn3GkY36+8pGccw0RJ9mJ79VkMn6bS0wzXsAS0JryFqPvlaBfvcaG4fYR68Y8n+dz7U1DhG5YbrxHAw0dZlJ77M+0NtuHBs6/ZoS99dZbb7311ltvvfXWP61+byZcGyg1NPIS4Qa+5D/i0WewcRKnhnvowYZqBSVBIa8KNAEMdhGbu8XZwGqsi34ElSWJArUJBGpKDJdE7ET3d9g7VYUrF240YjuBaB22T4bAEiUzoWWyGpQq7QLlCoG52gDaDUoI5KgNtz4RQQlIb+0iqxGsxgZfx8xiRRUHm8HrEvsDMTv39uiAftYFpLwo2HslMi8yRUKNHVr+GIC7zQKbOqbjHqbIlpcHr2vxzqnJaoE+Tly6rr84RtFAqXnL+GXnPkJeMAKW7L3B3tPx2/Y5CYFwR+IUYUlFyBc1lXQT478xO/3t+xED6Ag34jhG/nLs0ySSLbXW+byWDwbE8kLbm+jJ5jBgF390MxieVyAQELFoEJ2a5wA6j7TEQF5rzDV8BEJ7i2lUh1FSBGdWAF03rhW4AUQxkr7KIIzuVRcu+S7dPkkt80w+E5y0tnRe930Pu2dS4PQ6gzQN+93YINgg0Zr7tRbZKwN4Bq+XceILjTXN/wEQzvmje9YaZZGczEw2b6WGBTr53CAgKzkOAtcVI+1ZS/4r+WAbwiKn5n0zO05+UGbS8JgxjJXuQiipDgn8yI9AT4FPcOS9WYa8Hnn08n530qBdZwsx2p5mvOFfac0OdiKU91pi5cXYUqNx/GnGhwqWM+Vcwy8MoHwAr0GfL479kxEZmqs2HP9VBoeEPKj+3LX51ltvvfXWW2+99dZb/2n9Pp4bkgMo5ej4LkANu3xq9pEsII43w0rS1mvT18I73te1KJVQTHZUIRaNfJHADhmUCnSoUBPSlGtEMl66qxUrnJJ4LNiEuKeR1Rd/eIe9pqmZ3V4s+bSQjdH4jmRgRaLUoEUpnQnyUF2H7XHf++GNwk5pdyGL3UXvwu2Um4AAA6X2oCh/WDrXYpz5UiTt3jLGDbZ8TE9JmccSFIpMRMv7ZW/kSu6IZ+ISO8RNHUEMsgxojGofnCONoKTlNGGNh6QtMWPN0wrcOt40bBqDYcH8F9lTJsYbY2QSBniAYWKFgBsnM8FyqiRzYyna26CUd+wbkpBoLjPS99Yx+YvamhcGPMqys8a6kkyTP7Qs5Uol85DAxskVD0+fWbONAROOSbLMcrfACrGVGHnOMdu78LkopbEhsVOmComw3DDEB9kHlHOEslkqXheUKvHzH1d0XmsmVQZaRt98HnAd1kSLm1ESWDour3MRgs0Txz0MrToyTZ62JJ21YcmO12Z7nDXP0I375jxfigNnIpR9cGz6y2PU3kCIzQOzf1rssRAowofeWteMQ4mNaCZOAFiP59X4ZtlcGaBh+pxvgN5e/N2umjQ5rXJYPvSUFQUkcRrPY7HXtOYgoGZL3slnQzL2nGgvUhHoH7FsUuPE8yIQlflg/0jaCAFuECD8lNiafUiPnNa4/blr86233nrrrbfeeuutt/7T+j1Qk/YY0A7sg15P2YOYG5aahP0aCtfK2ZntCOwwOCNPkVw0rCyg7pg45ABwJdN9Kvj7EIukuxFFsMPNOBCzQ83m5CGZyYUrElUb3YXKQBbBCftacIe8Mf40VahY2EFgZpd2tdeR25B9stCdqGBk7FqWBRBMQQSwgUqOzQbwieNhgexp7iISqw1g0Qy07VkTx/jTr42h/pNtRC8h7tpnLlSS/bPUPNl7JUKMobCcK34FI8QmYQNMkEhDPKDcmJJGcMzUnP5YC7tC4xSAmlc3ub6GkTvZhDTI8vFx2ZvKj8ZNopJ11J4CeVFGoqa1wcad8dpLjS59VTxuZPuc5hWgQbRmt+aeGF3dBG+eOMIfVmstOwIjkuc7Zs+WGbakPGJKOC1rraXo+sCOxrZB7YOV0gXK+Zomsb73XJtg+lYmZT9t8EUpaHNeMb875yLQKAKXjK9h4JKfLEaGGXot2Q1BvbrvMbMusaAs7/J8PRIZ8O96ECViAItt8+1MeWVZGifmjVgoI7t5gBsxqLSmSOY82wDJn/QcMviAjsO8K3nviNni43lthsALz0+Az7/DMDlgjQGrLkVq6762Zro/h2uTYFMLJCNoegB3e+aMH02A4LX8p3zFl64jws8DspsiE0iyHlfYZ6jneW2j4kjLHPXfAniZygOo9QSIszYJphUKfN5ZVvbWW2+99dZbb7311lv/xPo30qfTqCf/R9+oMZKEDiZzmOJvT4UUoEDmBtk1EKMFYmd0zcHFhOmzK+sY32lOkkkz/fBgyEBGoZyOFAFUoO+etKK972GSlD6zOrHvjQ760yACl5kkEVj5oWRob2Q39n2j68tmZCViF9pyiwT2fZOS3z075h4nskgSWJROmJET3kjGaWKvddHbIyD/jpaBq017uQPNxJst5s2Fz4WRiSGSMchujIhB/dJYGrSJZ7MTGGmYmQVuUElEGLdarFxKbOIrPhdb5dwg8yFCjIkaTxqDO0vsmfE9if/5+YzfhRgNVXuYCt26pxVYIWlaHi8cdGMXr+dzLXw+H7Bp7cccOEbKMJ8qeU73DSaPjWnGn1mOt/bcILAXBLUGAMBMtkya0y4ZEVs2FNHoktE2mCBmGVuIrtM2sl1LEkClPKUYECVGScDu3ALReGaIJdmPzHkjdMzU/BLoqvdFBWhbE5JHilmSHzbsVehF8Le3EuKAeWYYZCOIW3qPWSXrMEYizjnjSKmQh5HE61yoctIR176fbTx1yTITszavtbAWr3lJBrR3UQal8wufJw4o9ARPzOipjrNOAKBzxs6GzgGIwWLmTtBDbCVTzZwS1QeDjAGhAHgejQzsAbDEWZMG6e0pRQBZsq0tQD9T3lFa6yNRpO/R3jzO53PpGSDfsM3zs49ViG3DZzjwvTfyDN9bb7311ltvvfXWW2/9I+v3ZsLabbbvRyBovAt4D5sNS9N7wd4T3DfFSXiZnXrS5fe9B1iwIeqks4juz+aocaGx902g4CvARzvnJX+aXeTjbObJnhjdJihTe6O6KE8CfWwsebo+ibqVPqNI3hrfhASqENcCKrDrxn3vMfdNcGd+g+BKrpB8idda6yNWgiRce2Ota3bDbViaYiLNjnOcyF4yiaBmGANsLLFPVrLx1R1TQ6R0HO+edzG1SzvTa+VpZM1UikSvh+moTJmvtZBKejnSDUnCdH8/n0sNXCNWjgHtisR1UYaT6yTDuPkEcBo4maZMJLnArhQAY8ZWssuHI82XmFuWeYXmXckopbpx75upMgYtMoDdmtsGAimPoWTKrKI/F6ix9EZuM3AcNxCK3OY4GCpZmVi0ksGVC7sIboR+h2RCmo2CTaYyOMll13O/7HuzdxBA3UDmpfWuz28BKn5gAMA65rwGcgEAIyk8UidkKD3KzBOCwikpTgN8TfL+ORWq26y6xs/7bwCBta5JVuNrnrHzoejnGHPb7ocX1bD4yCYiY4SSqvu+dRwBK6DExxHdZhaZVRORuK6TCAVwbXrAn2vTYBpNfsUwSUotq7w2Q5/FsUtJBEMxYI5w72bCV8FgrMyCxWyLtgmwzjksUdRa9bgUJuY7l83BtTbXpbHmeX3WhYieZwD0/MB9jm0GVWQgdY2TBihmUcBANY8V6DEAf+utt95666233nrrrX9i/Vugxrvs5tHwL/Z7qAFh3NhaOgE3NvOFuqeZIAIh2c4VA7hc14VWFDajsx/xtp3Iz+eR3mQZllk4NEPNuJDXhTaAswFko3YfaYjkIlWNqMJXTWLGBYAxuE67QtPfYYO72hjjYDMCGmt9xli59j1SI3uotHw8aqQVHM0YHwwAWB6l8/5BnJymslBwBDdQN3fSM0vb8XztCspVIMZTyiE0YX+Xx5a0PH2ckLOWJQqS1OSRfDXsK8Nmci01XDrUFujGVBtGbl/LQEgPuOdmOQ20LLMF1BiLkeWY44gcoMdeGYc40choOEYaIMj343NxVx8t1sNG4QHWmNH0aPgcgQ60jJD/3GZwXRf2TZYRBKqkAY4I9N7IaGA5McvJOx5vSg+lmxFzK4alkQLOujebbMXS194yxsWZo7Gwgow3m1gHQlIqs3CIMl6LoADlh06UEwmneuR62WQ97S7kwxC6vJaqDrgWJwUu1gXMbWxc6wdMLMKAkgLixAYCjozqvNjXT3CAfwNS4BfHqPHjBxksQMzarG4y47Q2yWIJgbIE1GwAHF49EbP2hmWjNC2va4OKQCLDF/kAicSmyggy/x4sGBhMDo7XCjLhtAwQYszZnNsgzLUEooaYNEWAposAkqPa+UyI8Zm6VuK6/AyUrLMb9924/roOS0fr0+BQyCzZC9R8HwP9AzB5kN5666233nrrrbfeeusfWL+XPumL85GciNaOo6iwQGZit9VAp7wSohMBNnGI1k40cNfNHd9MdGxtoLPp2zew++yo0rCTDVLv/iU9quHG8khA0IX7YdaLtmmtzYlLEc6gOa0YISUJEpua0OsTnQYCaJrrCG2bD68fP5TeorF5Roh3M364TnNJoAoYucaMN/0t1uXmzRvZbqDJfHAiSv7gzj2lPznHDFDCtXdLMtH4LN+1nOtkcszzPOypISlKq9HjKKvXdtdm2RYAmQJfH8Ye5xKwFiflCcAAAUyGOc0+gDFWjUjJo5zEZKkHAa4jsRObaFKAzvH/+sGdfTfhB245P4gGvvc9YMNSopYlPG4c/9RKRasb0ELbGobnfK0U0wSSqUCSkRa76HidVAXNswOgTIjXnxlYKAnDAGBx/iPABHb6omSVoqc57wAazoqTgswDkhLI2I9ocSb4RARiWU4kEAgxZrsYYE5MkUgqsILmyNWF28dcApibrC4DhPyZzyWsNfLUeki1MOcEHD8YRm8//GrERCFOkwrCLnyQwLp+WZvn2ckLuXdrXH9dm43Dckv4nvAzcx3GGNYjRcngkp8RQeBpDeBKoOSum6BTPdPXuNY/nx8Ei/ScGzB0WDd6Bl05QFfj4YskkIi+PIEfH8rrrpVY15KPVuLzEcjdD6DJ/xLH9Pq+t45njy6+MsNyuD8XRH3rrbfeeuutt956663/tH5vJhyYiFqzZJzrG61/jUTrZ4xcNuuGHUzjMEjMBAm0PFi4i/25aMyLVnTtSvRuIOlfcIGv3XdhXRe+9w1E8TUwm6RoGqy42yVTy30X4gKyL1Rt7P0FYquZ2UhqKZjixKMQZAmzWkpePRuZF9Yu7GJT3FnYwRhgmyRnJPIjZs69seWtYgCrtWsds5FuqIQjs56AEyTBqrkDfM1iS2eJkME0tWwCuBJrHaBm7kvHJPO2/W/a96vnWJSLqUnqOKlCiGEDpM15tQEeAfz1+SF2hIGTmPhvG2lQsiEzaO3yk8FC4GGti3MhCDs55tcfYiPaK8ke8s9G4jHjSBbUmKZKwlWSyFUVZKmB2j3nABuo/sFAjWPHAdBHBtASFfvCIATIUDD7KEBjbFq3yJ8GPdIaM0pKwOqVF3oVmTJVlP3dhVj0/emmjLE2Y+p3beySMa4AQUF/Y/pNJhUZPSnrIzbuhUpFa+u1a60Tzy2Z0KQeCSihv0niaskfBSoy6r4HFCKIwGfKFnPPJrn2iUoiUDN3iX1S3rmwhjEDCOQogp228wLI7OliGlsneC80Py2DWsvgmKPJHU0NMJq8Hoa5XP0RBpnkL+REtLZyjKwWgqVkAVmyiAD++usHT0MSKV5DMAVMa+0yEBM8p3wwc651SXJ3wGUCr2sA3LXIkvtxHUkU4sxLtOSPltNOKhwEGppNg2HWAZZk0uNmWd761ltvvfXWW2+99dZb/9D6vfQp1EAZewnJahxx6y/gag5MFHmySfhnoYMNGAAZkCoR6Fog2EJAxHHgodidsmSmuDNduxBw6kejg34ZtTFNJ4GWomFlsvFq+c9ELFwrsMPtTzGkKcHd9k4EFrYYJ9yRVrPXoPQJUFRwI9bCrSjvqEZnqeFl07HwAVOuePxCzE747Mo/+jHHfU8jlQFGUx0GRERipZtJAzNAy+B1wJ+98Ul7R2CaRcs8WtHcI2+Lc/zPjwsYj5GFaLMzxMrR6w3WhDxE/Pe8KL86TBc1vgP+1YA1xG8IqNhLpToQ+AjIsXEqkS7KMjjvtpgK41vSzbnE0Zv3FcOkMWygJmCBXb8AabGO0a6P8ifWtWIkSL4maC0EKD3z2jQgauDP8dYzDuyFh/XRiQMIgKBbQYk8k44khVETlesthkeR9XItH7OmAee9cCOuc5bnlMGilYetsnUtOZ4zXMtbzxWDo+hbjJKztpbmyo4GFN9uIDICwBYbSH4rAMjigJ8Lx6xZNBYyxRAUKTZZg+uSj9cY+C4Ck7PkDJglKkp+VDzeFSAoKYDM7CdK9Z6+QBiAhawU+ldxbdIo3QoqnreZTHxG2tfLa3N9FvbBzwXGCJRKA5s5z9IUq2XJz8aQn42G13LstqSM8ovaTRB45ZLkS2MRHI9YNhNvSVd74t4/cT3kqic56sDVf+7afOutt95666233nrrrf+0fgvUQJGwbB5yjIPN72DDdiMjJT/Yx3wSTDgRUQRXLnRvWHGw9FXb/iK1G50J0//NCOBnbkQBXRvXh7u6e2/E3kxSamBHIYpNQ22g6tGgZgBbkbjFnfRGs+EK7tRHS1IgT5oA2BDu0i76M57au+TcmU81KpGNEPvnvr+MQZbRL4GKG+tStLKaMIBDZNkUcAx3bcC51qVdf5q9ZtLgd/xj3Fj9Ao4J0Flmo5BtsBWhTMXCkYQ9DY5TDa/lMU/AwyyYNggDymqO7Ey+EmqYzYy4Lk61EJvCltSthvpz0e8CAlASqZQeqFcWWAXI3HVJEpECnyD51BpQAiHfGXa59BiCDE31ngYZEE6larE5uo5c50+sJa+ZBuDocoN0TrPq1hzJC7X3gILdTAbbMqEleLAFBGgetGVnoYQeoMUEyyZrLbuwi+yVXGTQRQZqG+Aj4OBoad6r49nyiykwnCbFOUrA9+L60twG6G2Tksbw3IHukB8R85xazKKtNW8jaZtGV+1JheP85/NhrXWYKHVgOrNSYp5ZR+5DHyczWnhuTh8zk2w8pWSSS0Dn6Qel59yuAV4J2PL87OvUYc8mAWDyXMpcWJq7XJ8H3LDBO++p/aG48s32oxl4n7Wp9WMg53N9xmOGElAmYNkzxz5JmPc9WHBiCTFN7xx7PHqGIQQYrKLbUiCyDihLFFvMrpOC99Zbb7311ltvvfXWW//E+rfx3E6W2QJpSklFlPkACHmzdM0Xe/RYxg6l3UwbfeVGRem7dwsQYiO4t3bel2ELUKkUQP5YbLxTu8A3U6P23ojLX/4LpWYxQglEalhrE4TJpOQh9wbuPaySCBr+QpHEPz6BHfSVWfEhM6AbqzFRskxZIVvoepj/XsvJOJIJRUqqgJEiCKNQSVIhmUQ+GhF6ukgqdHEczYpYwwZhc7dvNpy7Su+xYWsDag6XPDG8uz9+EQarxJ2w9IlNtSgSZmIAYsCILIQhJgyoszJkeBv4fD6P6z5yKMpwuNu/MicivMVYeCbPkBVhzxBHRidaHiZ708TVqTOUtZSaZgIKBmEw6UA58o5hlAD6/f+Hq+l/YR15CtlN1WSOpBkKGcOYCjSuK4ccYvPbiKT8T/HvjLBuZG7skRUWWobdsoQZlholYht7y8tJEr1ajb1lLNxkfaiLR9cBy8zQaRBIi8U5tsTk4m1auvG872vR7PvzWcMeQudZTAY+Ns2uDRQO+BFJ8EgSm1mb1zEa5jjFgDVmBD0TkQD8khqW3ViXktHaDBCzzQzybEbba956PXnekZFibyzN8z7323+PAKPLI+gZo+dqpMEajDyI8tQ4EijEAHZ7873XtUaCxHMOsYWOwbjPx14zkTGpU2QayXtGd3WSmuI88w1yrSvE/mp5JyWq/RyA/suRyGhcn8fahJ7Pac+kt95666233nrrrbfe+mfW7xk13skFd8Dth0Bjy4DCco90AcHe7snQaDbHV+ZpNqBd6aAvRYBmpF2it+fDH2JSoux3IjlUNTIWSk0/sqcRd4cdGYpxPdT/QqBLu9y5cF2B7/eGI33Nrif4kaj9xfGO0Gd1IeSpUwCutCnrMRtV7wmnGA3rBQZi4jEe2oF/gDbjyQJHIpvl4t19NkstGVO4wZrkGCdhxTQ6awAzt80cFyUtS+pgg1pRVM5wnt18m7u61RamVE0pWOAk4Kwfn/Pe2cUHnPqUEVifmJ1+GLCBQTtorrU8iU7TenKktthDGr1semloDtAg2WBijz9QOkrdRtADNGo8/+Bde46RVmiTYWPmC0GZszbRBnb4Xs8h4ooetyNNpNfJkr8L7291PdJ9gGgIjGmxqDS39Xlem4QKNsa8WoCQ2TrQ//agSJCZdAI2EdcasdWvWTj73roWekLBzAteJJkX67BJMv38ECsrA7UFRlLHNaBeaGw8939NAOMxMw1G+Oft0dP6l2BM17rMMonQ/CwjZ7JUFjgZPoDXnu+h5X/Hc0f4BWIdnyqePFk710qx9Q5wQtlfSrIEXJ/PAFOWIDpt7boU323Z1KJPzN4CfZUcVTOn7JVl1l4L5DXoujQ/46TMicVWZTT2eHQ1xG7zmATBu/yD1+Zbb7311ltvvfXWW2/9p/V7Rg0gqYBgGBs/4sE+6JpdUIMwYQBgIl8NCPRpLnAaD7/e8cFDgTeBQ81bpzrEZgNG41A26VGBjMUGsW6ybCSxoBEoG8RcS+wS7th2iKGitBlLJBwt3CvJ0BHTZO+tcze9P8+1wo1KS57jxKyaxJi92SDGUhPtBnSaaTcgajAFvmTazwFqcvVbMXdaTKOl6/tc9r6AmsYWm4Byl6fkgMau9P4ZIC4SC2xqacq6h+liGZjPnbK4PWyGfvyPJSk9TKyYezyNaB2AiYlbKRmOmmZdyJqIbgMAmDGJaUCXmkRL9Sy0gFgOZ2wNElSZBaDTCs2zyXn+8yovAinl9aXmf+YICOKR7cCydGXHRhRBxpX0iGoDAeA8sAdQSzZ4BQ23S6yrSd+CQKP2vOc65jySMXAnLHas2kj7T4nZ5PfMOQbo/5TAfd9DlBGmAcfWxyVcSGu19hbgF4hLoGY7CrxnbWYHOhMrFpBcmxCYeYBpAaiPcRsMCOfPMfLWIPP9cg96rM1Isl+6Gp8PU8kchd72/PLzUyyUAhknBsn5LJWh7mNtBvqXtXnOREBe2HicDJpqSj3XygFjDZIFLLtMmR0nIhcugZ0ECJ2UtuRZ01jjqXXNc/0pjTp/8lnWaLH+QmCvPH5w2FcA0LUpd/OzJbx98HJq3nrrrbfeeuutt97659ZvgZp6oCUpxCRE+zgxuq0v0efbvr1MTmOVatogORUEEAhMCLIg4Hjd0+kDEUqFKjaWHagFpjmVgJja6Lqw960mledw36Wd2MbGHhPdtS4UNmOCveOdlknYp4O7vE5d4sa543Htk0ApVAY9VXTCAp0WVl7sLK46HhgZwxq596138BPXdSHNTNDO+DBolEhk5kmGk40CNmzdo9UR46TJGslIwKbFnbglC+MLtNuegYiF2scLxrBLshuHvWe25UEQQBJA5mca2gjFA2fKm4Z+Rb7nNij1tYeZCwMgPRkHAq/EciFohDGvnnSaEEijxrxmCCl549gvSV6gHX1KW1KR5BzHGnPjP7kVzFz0LOmmPCgPAErJE6kZa6KfMcBgZD6iph+/op6GICNSUduJXIUIspGwNzokqcpExofjBiaMdTmKvgEBgGsAwp7PK63xjsCKxn3fSDX+nndVt8A5iq4ovQmxvJrG5kbXAKy8zv3tnmDxJRbPNPtJ3ycgELsJXGn9m4l231+BTQCCiUd+njXEINELzJLRB+OKNeB11dbYaM0kx4ipTgKqL5NgGnv8VxRuPsd/yLX0c18PFK3OhKzHa9ADgGa3GDT0DVqZWNeFAP1+IhLr82FqncDrkClwan2udER4oPKA1VyvZlTJN2dAZz6/rnXNGBHgYmob5U9rACszrewjFtd/WZvDDHsZNW+99dZbb7311ltv/XPr94yadjR0T4Qzv6ibeYLzewAjSek4X7rlE3J2zN3oFLKpk8pIoO0fYRoN0NtpNQRJEmSNhJp6TPOjhJG8wBjtlrmskn0mNSZm5xxNQ+CsBawDeJQYM2wKGDXs2GFzBJhe1NxxTrE/BEjtXbPjbDCkwV1pgMygkgTkx+evI5cy+8YDC/tKyENiQBpeQ6LmXiDEEnrEH1NyVQPscAz1Z/AcW9fUaFzaof/FlBiHvcCGi+8nN8JjaqDufA7CBqoEgFYkEmRAmYHgZpAgXYhtRGNq++FcSx469vTQjv+ASANMCYqoUDrRARTxmJdnEM58aCVEsTFd8rMlCPcnIzXHJ6YHUrouGinTMybEduPvMpxKlMAOxLUkEySos1vgiUyEfdyMi7KU2IjQ8aKAvh/yMzFruNTm72ZuETxg4hNjvYuMtbQ3Ts/4B3y/W6BGK679sJsCmHUGQAwYPYsEHO/ayM4Hk0ZSLYGohyHziLJOg0mBH5//RuNtzesQM47vIOOnARkVeww45xP1SF6y9IgsGzJrYlg0lnOepdOKrj6cNYSdhnqenxMdHylGDZ8FGTHjYqnXc21GpNK6WglrBGJKCXZLfli8H5YrycsoE5fGamGm3/G1ieX/Euiz9dx+yKFOAhzX/hoAmgc1cEtgl6vZz4m9N/BgcL711ltvvfXWW2+99dY/tX7PqNnPRrhHztCgSWybbQHvrp70HUANWPQx/YR30u0BIfaG6Q8wsKMv+Fei9qG+Z3Dn9b5vUuUT9C1pywNOU8NzEr2/mPhDmZB2tzOwYLbH1q7xxg2mr0BSEPdzVwb2zcQlG/Oi+MdpV30d+UtjhCyOC44haOYaWU+Md4aAJY3FipgI4XzsTh/QhqyHiVhWw2Pg44qc5rGrpyHKlAHt5rXbOyN2oULjCZzmV4MpNYzunaRHmh/29QiN/+4jXVopic29gYy5xkiibk6ZAhYb1Thmqo2QsS3Pp3ZhayztXcO0oSX2jflJNffaAN3SZLW8y4wlp2zx/TQp7idJ4g+sE3V95IRqkUVIMyChe4aEPWJSkpyVZDpFBlIpPt1BDxE0QUsxR8KfmYXohbwC26yTWLCHy963PG14ngY+IODoMOUwINKKRZGUzWjX4md2ogdw62GnELwRKBCaq9UCiY7MrXVMdCvVy+NywItcNBwPBLJT6+GknJm1Ul3yuwkCxctrV6DJgwUYYoIRDJXE0tK/xzqJeUcz50jMF4BMnBJIFQ/2ly9sJF8CMdLjGXrmQEBo85kVnicRuDeByLWY1ve5Ej+/N2IlWWn2j5LRb2Yglj/jRNm3nrsGpSkP9Xsf0qdIMpLmvYdhFELw17Da9NyOxTQxAUWt+Wfj+dei5q233nrrrbfeeuutf3L9FqihrMkSKFBO8DCXlcnFNGB7s7kIS5gkbUAcs9FJWp3YVcB0d7M4TNsPsLluCBxpHovxsBvXldjR6Hsjm1HaEUUDzViSMNDjotPMg5b8iuyApcyivWm+el0X7v5iN2UjCUY8SxF0UpHMCAFwd026ysgR4kiSCBjNEFpABSARS410gt4ZMOgRsIlwm+HhHWnthEfQMLcUa8xm6LlrDTAlSYgSIICJ4EjJf8L3M1cMW4n3A6gQQyWcnNMD4hjHWFdShuVp0UEZDU4qToDJTxVig0DeQZGDiKzrwjAc7AsSZHCMUeoF/P3zO8lNZhgBlqSVDITVkPeR4gTWjA0TvCQZUxz0SoJjt8C0B4njj6vPteBkp/EfCQIkn7weiUQ9oMWCfUAwcc4hXxsCgZsAWZH15fQ0g5JdRS8ogGv2ulDbUqkFpoo5xlljvhkL7znMz+G83spH3wZzBoAoRbgfQAJorGvhvr/G3QCx06rlQxMyw815gcBiAXVrjYwRek9GTfJYtwy4m8+fNYBAEDTCA2yFQEmx1kZCqfVpwKyi0L2RV8498voGzrVpSGmgnInuJTBD7JhIsgnFTmvNawQBS4KQTng7z6Z1XbhW+IegafpGALjWknxy4a+UMftaHAeBWAZ+P+vimFxLQJgZgHjEegd+/txAQ0bDawBl3ovCddHAnUwr/belMQbBZ23OgwhIgs5XUpI2YPFbb7311ltvvfXWW2/9Q+v3qU+9tVt90ksylboklkM5kcNNi7daZSRq4EGqgUPZBx6eBNyBNnCjI0+TMOIKNSchds1Wis91BWgqbHyggVjY901GCkLsHTExrkB3IrpRWXNe3TLFRWNlC+RpNkGPnWo3cpR5tXxYzMR4GOdGIognwJ4x2hYf1kqG5T95+hIDMfPS5449G75qeVgk/R8adZgxvh9KM8I0lxxJyyPYLG+ZMpN1cbxZQrvw/WDL8L42zAiwF1HOjj3MvhALKCPHWyYjkOvindXOOfLZ5NKM1FfqJm+ABt2HH7gELlmuxne4qb8ix68jdP9aICLQw2Caz9d8tWQv/Nlmf/yBdU2keMz9MPurds/cMSukaRwic9rC3jeBUwjsKB7zBpkpUaLF5JkNEam4eq757kCvxXUjD6IqoSCwQbCAEfTMQXuQGHzLAWljjp1zXyzZMoAT6N3HXygYId323RFTxgbZjshGaA0KsJwEKwFdkGgOWAJxGkktDqVBfZ5l8wRr2gaTYBd6huVEgtMXicDU/3Rtaj6ecbHBL5lNtfc8N0eOhOBnaXzNcDnP4H4wUGzg20feVWS3rZX8J85sH5bSAMKH/WOWjEOuRj4GHjslaVwGekbrqtkTdPG6rgufD8+PntJkKg5A73OWNKuevjTdlF69QM1bb7311ltvvfXWW//w+jeMGvsinDjdqlvmvWotKrDx8CSZ3eJSI8FjVW105/indD2aDzXOjmB1UsnjRID2rnxQsmOJTt380p85O9VdG+iNCu6Eh3faSVvRNr18ZrQ9v2srInbjSBIcYQwocxydZN/kcppTD3MFatIajfu7J4WHrBYfz01pH9BKEoKJEPagqUlsd5reSRfoYbbAHKbJ0jFQNHAHERB6bHRTvBaWGajBb3CsPORmQKXGuQ1oEZShZEb3Ehh2i5us3iU2FBlJAJDRaozdaR1gh4AgjGHpFh1fC4ipYCZUg2wP+910U453mF1bDXGfP5fmVMtryIBZ0Yi5AvRFaqfn/LmUmkvso1096wjY8hKJMRf2+B3Qj+CV1+HeGyewK6Y5riY7Zk1ykZr8Tq1lDPPBxtE0KL5Q29KWPU021xnbcRr7rpl/ZgT5vtu4vCU3RLfYNwdUtSyRTBmvhWSSkFloMs21MLGKYNLeN410I3SfY5hAXpsrYua8n0Q5zCODPSlD4cNwoc/TNSCTx9XMupN893hW9gFrBsAU2MTEpniAqPELKAfYI6rnWVEPOZ8Bl3UtJOhDFZuAF2e4QbXHmoRliTjHgIFXXg9jti+ykjLx+ay5eTYH59pcA8wZYBnD5D7HyovPFcSZr22mlJ8RcebzuStvvfXWW2+99dZbb731z6vfAjV7mxXjhlfmvm6wJGnocktbkzJik01He7ddRquBsF+CG0I2E2rnydGQXAER45VDfwoyBhpkqoQabZ5UUw51FwDuDkeJGRMGVDBmnd0P6UgGrmQEce8WSEGAopomlgFHERvgySMNUxORkdgBgkNuxEKRwPLiYWNZ07AtgVVuZIbTIoBl8qRkuLq10+5klfF8IdoCoy2BEL6kZm5dB3QJ7Wij5KGBYTQYlHIwFC9BW+mhSO/rM+fP5pcJPNeCQBtIgnSMUd2sxoM9oYGb0+7duleSQMjwGNB99g49xLqoA3itFUBYEiQGxcJElw+7Ylp3AXYyxPbcpRyj57z/xGKCT07c/ACgTeZGVaNLIAA4dqcZ19iAMc0DZbTMhcckW0k7UHQ9DHLiwQzTGLbYXoCYUXgAlDa2JQjkiGeCG5ZuiQHFs4Mg4mF1XHkpVprreyU0gWvmd4iNYslbRw8pyHOtUVhxjfeJJVrj4fQAaCYFSklYrifIwuHg39dFjxs+rxh9vZILyGBKSGppcIejuLj+dSyjarULnR7yw3Xz/A+z7vRxfjZ/FMMN2AA8UBXn2axn0LLMS/HdZvIgLMHMAdBXrvEjWw82zcgtkb/ILm3gbL+bbn42jdGPIXjpuRrL7J0892rT1gpBWWb34loOjLHzW2+99dZbb7311ltv/RPr92bCxWaOYAbQYq1wx7hOlHMfzxdoZ3jvx255UlYEgJ4seFDcZYrqBo874ZLmyKDyaTYMgIk+SneaXXlHAtuP5dGQmqVRoB/GvZnutO/vMIHc3HFTmXHiAQJIPGToOIHP4nuqMDviM2by67Fng8fR12xPlfVIz0o1TdBrWHmaHO9GZ/4ylmg3jUxK6r1nF7y7pplqaPe6Q+cnWUMDHwNuSyyI8i62TqNjrr2eDB2AzVkQHKo+997GxgBwK0WLO/tQs0Y5yLZBqv4nFdOLYONm9o0BOkYoD0ow5+H5GWI0MRGoJ3lmgKthd4mdpXExk0fai0MsmMb4DyybSws1iUg10JqDtdF5pD1xLTXCACV+9OYZn5EHsGjwjUyaL9CF2jcBPBy/qT2m24BTnZCNK8+c4DMCBP6ixFQJ+Dba2Jp4T8rAmMy2S2skl/xvegEVipfiEFTfmnc87pLEp7uxUQinqiGYXJVBSROghl+gi0AMTgJ7JAmsWAlLonY5vl7suGfEu55plQZHgesjMFc+UpOUZqZPn/XOc+lh1LWZddC6beHc84zgOGToWF6X4QSmA9Q0KAslgLqG3eNJERmSZ3Ft2h8ng75N17q4ngZQOZ/P8L4H2ycOc9LXbHahgetr5SRSITAgYm1JREEPm6UhWkrm23vPfyfeeuutt95666233nrrn1q/Z9SUGrYthsFq7CykzCZjAdoGRoI7tt50DzVOjcWdfRhQiZOeAgC9GascxwCTjBuCRDBbxbuo2oGFo73BhsSRs3AThhoQ52k4639lo9pj5ltVlGyUmt8ldspDmrOCaUb5BAzkE1Gzw/uIuQZTdTKXIofFAplzlSRBzdBhwyjONrjz3fYJ0ftXLoFEj+sDpvkjC4hNFA1Ua3bqwwARDshkD53ojc6mMXPTQyPsG6TAnol4BtAgMMR4dTVw9q14nFeZgSTAZwUQTS+Z73gOwQQXMHl6wxG+XYHdNU1a+ApaqUQD4p3mrRvYd9GkeVlKIZZCO8kKA5o9wak9seZ/LlCTeR0QJsiuQjKZ6IpLgEX8un6awMQuJTn1xUStaERsHK8eSQCjgViM+076ICl4Z+RsAASkFdeNxrA7sGKh15GvAAJXzIzSTb+LSXJURjGFqYOsngyzmywNFEMGhB9WO2IqlNRFRgbXdgDrOj4n+7BfEIl9b7JwBHYaOS1F19nQmAwgm2NfmjuWie2R12XQVLuvfjx7MOsQszY3CvEwTBYAeq0H2GJpkOf0GW+P5xhst3zD9Pyz9MspTV53juue+cK7PcyZyMAnl0RWibvtlyXp0wo+84NjgjEJBpA5jCZEji/RWhfHZR3T8lmlDwAnc+lZeUD5tRK567Bu0n5M/8HCeeutt95666233nrrrf8/qH/DqGEjXJJE9Nbu8K7ZCHZ8Kxkm/Ape8m2xiaxlTxGB/Kxp2ve2YaTeZ3kG7FFj5oYABcINE5/t5pqpPkp/qZp/aKbLBotxtNrpTsaG//gsMQg2bCzKne0DqpSZQbChss6h6xcHk9DuOk0z1ZQCApRSkocjASOQxbEqbLRYA46cphEqgSDiWqFrVpvjn6m6GbebmdiV6HvzWrpHHsPX8Vz3vXlFbkwfo03D6MCVbGp3EQAYq+HwufMe3mZT6QMmrYlXeVgfHo75GceebJglBQff8ZSGtMG5MEhAwGap0W8BQ5arEUMzkwvYt1kI/Zgv4liFfYMAg478zCO5+xPrupjgQ0+lENuBDTJBG5wUHViiWLi7cMlOpLrk8dRidHn+Azd43GoyZShHE0MrasY/1Ki34qo5vgc280qw3HCAo+nHA5eae8r5gNiN9VmaU5w3tFeyNAoCcQXe6j4SWOxhoFl+k5BkJhcsekMEdgBnteo5E5T2dJ9nTIDXbyC6dnHOBGOkW0An2S0EnQMxYGUVk+i4Ngv3vWGPnTRIemhcqH2kZsP4eUiLsg/zxs/cCJvsnmfrJFmFY64POJSSH6VkbT7XlOkvwegCsJH5GRbNWjlSp1R6G644BsaIYSGtNNi8DnD7BJUfQHqbXVWP51FQFruwjGvPMf7kRLa33nrrrbfeeuutt976T+v3qU9xwAlGKveAMG7DCt7ZlZ+Ie7EoyhQgAGYt7sL2pl/Co4lxg0TQQA3DIijEZlHH1eeXd9j1d+6g13zJ35sygzZgA4I22+DNvuFv+v0APlJmtZbQWG4w8qlubHcIgZFlXQZCImbj+8REJ7pOLLI9fcb4WLqbXQRp7N1SOn9sqHvlWC5RgFJNMlOK7LVT6Img1m57WKpAQANqlk1eklrql2pfs9g29JSpaS4DlI91sWHivZB3hJkNAJtnyWhW0ky41Vxz9x1YQQaFd/yrec1usgEMCKO/sDke4E7Alu+n52Y8mApINXq8RzEGxI3aGzeONG1AqNp42JL8cfX5IfPbimFf2M9lEtPCTTVQm1dpj6UOEpJS8czieXHeI3D1wtYxAQOL9zTXa9mXhvdhSwY4UsQ5U0lZGrNmLXfkyRZaTAnPycuQoed5BLIgCSQe4G8Ba9EEGge3pHcL1+Zal9YimSU0QGYM+Y/rGmDJ58ikMKVJNdlwZJ2sQZ/op3VAJ16lxlLyUAgs9NhBwPXCQq8DVtBXqTVOPQAP9PbCATMOw8vgDUZumsv3Erjv0po3060HnDnG03wWZzKie/xnInAtu8ATtHOak9fVWhdWXAc4AeVpGWuYOQZpLHeMPOwZjJm4UuFkNtbd8s0y4L79HxPC3EFQsPx8euutt95666233nrrrX9o/RaoIWjBL+J736jZCXbHoqZbsomenVA1WmMuyQafcgo1TMG0jzD5QkyMYX5US/LTokjYWwQg44Zf2iPN4AkZcrIRLMUPV1vK0QMqRJudYnkUG/a9SwbJEFrhptCnQH8eJzsRl6mRVpxo3JZ5q6QBUVjXQu2axKicXWE316c5AxShe1HGRdp/DhiUaoQNcjGFp/G9gXQkscyTA34fD95yfvY42+fHTbc/Y6Qy7ftpRsp0w4gEDZjbUgoei4yBILsB89GwpI3gWyPyA2tpQiwcm0iHmkpKRWokJNB4Nx73Jx6m0AbUNrD3xudzHSBx69oevIwwkUTj6flLz6N/t3z+f1drMeq8q1G7xPJQEpKvT/eRci8b0GqsAHQnfizO0b3vkbcZVAASFSUYa2PB86UPkNdAx0Jg4+6SHDIGp6gu+owYCpJBMcDni42DwhyrTETfwMyDmM8b8+lZM2S+RDz8oMy6icYGmVepqG4DfFl4xFVzTuxd2Hfh0vNp6EDh9Ue8tJLgolOinPoEs0PynO/z57JqEqtF4FOSRed7EkH82ACVpV7P9UtWzzGQxtxuAWAIrGVw8/henXQprekE6CtETIZgTQ9zJq8LATJcrkf8tgGX9Usy3QHUNO1gVVb+4k2DGfNG4/NJmkKHnxNnbXYnug1Glv7borEbU/G33nrrrbfeeuutt976Z9a/AWoadRfu743aBANSkgFXDW3fvgzQTm+SDRKBEDMn46T0tKjv2QI2AASYE3ytJS+L0i64vrz7nMrN43/xv5B0iGyShdr0O0GTsRK5sNDYQelTdSs5qMAO0w0hxELY0xxmLH2uwB6E5AcW8vTZKG4DKzzrvTciKc9YlwxIu08v6JQkWIYjwGIaPifwgOyiaZJOQ84daI7PvW+sRR8Jspm0yx85iVYERdi0WbZkiUyocW04pjrUzG6BWGZGGBAykMOLH1+bthdMSFQTyHQ+GOVXuymVuHc9jH85ZyoeDT2gRrI5lgOgkYXVj3kAAF0neYYyGYICNh7mcR9gFAgO3vct6RYegM6kWrPwAAB5JElEQVSfV5/PD6CBu74CJ8laCrGaAPeyZHmsOAyYAdtw1pSjnVvMJr5kz/rmMkgxuWgkbA8jMq4Sl1LcfB8Y8BZi9fDBMI23PjcSirinWW9VoZJsFgO96CZgFG7noWMUkJc+q40dc26uk8wEP5ccY3Z9jByi+kYEcC3JdwQC7JmPBlXETDMgA4+VwIQHsmNgdcyub7OJuIaYuMRXr3VR4hiLgOsAQ6bqxPnDbKXuh1cUx3fvjV1ij2kNLqEuBLLg2TBsN7OAcqXAnRpweQtcy8VEKgM18HMkyM4yCLPSqWv8nLUugdt5cEOk5iJ9sj6fpfUceqacFVcGSrspWavCvsmUtOTurbfeeuutt9566623/qn1e4+aW3Ki7YSnRinlR9vuh43h3VSwm6G3g1OHgLpv0e/5FXtSkUL+C/r3zMANx/ayueo+u+j05HDzDaWTQCwBm+CWHGXY0FSzgbSEiudUsyvbiAFCEHGiX4e9Q9CGP2ug3ZDy7zy2WDaKC3bj303j1eV46wGa3DhC48bdcEgiVZtGqREGwzCN3y8AjrpQOnUwzSoC+FyfYZzUfUs+hTGThYAlMx8sc3DaVoDyoD1yE4E26ladpENQLuAs76efDMeGn7EFIl2KcPZdiAh6nhiu0z1wWJDNT9GgwewTCCtK0Wzmqlt72FUaR4i5dBgFB9AxuAUzMTondt7X/idWBtkkk9TTTFWKjAPKOc3qMW8wa6QR8kyp2kxa8zKOQO+ba8QMllzIesoFNb44TC+yK/w5Jnr0wfAEZFSIzaLzCRnIZhqlIFNnSZpEeR+Bmu6mqTcA+7J0FQ2wgfGqQscw9MpzvblKQhKollxyjb+Knww1CWGWGJq9Err+MLOtJdOTfAlP0FLrKzIRxXHPTHw+n3M/JK8kIy2xDXSKeSbR0gGIBKSshMBnPkNyfeYeLIE3Sx5FkyJlZhrkpaPlRoAuiGpnjLcRBPAwnltAVfJaI0NG6pQ7XVeKKWT2TAJbLJ/Us03nwjlrBs6BZwLH5yz03G0AqKL0bPkOvYyat95666233nrrrbf+2fVboOZf/7rZKqjzJuhwD3WfHgLx2O1N7OaO5wO7mR3/kAdJ4HgRQGaea1gjBH9KTRCBiCVGBAA1GwewwcQxj8ypDdBgmtJ6Npmi+NMEOSY1JiJRdZMBg3MNTIE5McPUe9S8xrvz7h+MA0wwVCzYpLiLcM7smP/XjeHHuLlRmd43mma7s6MuP52muWleamR0PSeISka70vl4x/5IUAjGNeSlEz0nc2+zl879iASyNX4NebnqvvRJ6jJDxpIzZGDXMzK7xZJhI7nySGZiAB4xscygqcKW1Iv4ik1P1RzCDCwnTR0gip9yzKYDTPGacQfztrr7F2bIn1i9eb1rJT66l9U3UswQiBEBeCTk8yPmkWPYY29UJjoLO4BOmjWnWV4JVAbivtGZYyROsKIJGBA2wRhHm6YEy5nwYJC1kpZkHN0ytJW3S7Z9jxYNpotGvr1SgPHmdUtaI0MZwHM3E1E08DaAGgJ0SSHLs0Cjca0L9spqtICZU6ln3zI7S/NyLQOD9k86z8lSJLgB1CsPKEFJpEx49R7es0DsQmSNOftzKFtx1SkPr9aEJYh77vcS8yUlg7IsyevQEz0z57ny9JDxa5d8sWw+/FG8u4Gjho6RJ4o7gn5ixPpOVDpfcykWPAX8yOi6xVgC0Cix9gzE8FxbDJyVhNG6tWHw1ltvvfXWW2+99dZb/9D6LVDz/bmBKHTvacrv2ogb82V7qbEhK4Utzj0pQpT7GKQxqyFAxovNJvkVPSfGuhuIZYZHA6lUmgY9MNUQdu3xO3CST4PyIDejrUaNO9Ay4WhS6KvJkmHTo4ZQe+p7A464pS+KgR/3eWfXPBBY5oT4HIufOVBLO+78yAkAoHWu5Z1+CCwAJSGAQJXQpr1ZKLpH2m+fexaZKGyNAVAVakgbKDNxDFzp+FHIK8U8aVCzprsSzQSZprQKEYjiDnxJXtTBRtaKmsaRF1Ey0d62HwlNGBbRsQI5KVRGr+LRjAKMcY44DaxfQ2md2BAV+PmlhI5YUM09u2Te6ru8B6AiyBi+D+Hz/5ObwQWGK+vaI4/0pdmwL0m4uDYVQW7AEKAsKQjyOEmrbqedyWfophQpk3HWUIz1NzblaqvxCTbzuzYIhG3AvlACUPqxXk7Zk0pGtZCZdK6RVbU8dxoEjHY0TZ5zKcpZMEkBkAxrab5lP6LA47E+gWFNjZTolswrj1Sn6oZZYwa6lsFdHgWOoxdhhL8Rq4ZJWgK1DJYIVCWgI5mSWChpI2KDjLo2Apk5wCvDt/gsIVPtnjU0D0nksFnSTJx1EvYyj6+ME+nW4pwx8MKffWAGDz97EQwb4+pjYvyLoXBYbinwLBe6E/emTM7JWWQwAp+1kLlwpYFoALX5vLSPFZjOV1VKx3vrrbfeeuutt956661/Zv0WqNn7piwhCvf+VYLz/f7EDUwkNJsuSS8SYmaEmBWBqEApbQeSqwSAdQERjM3dihqOaGSzKUynTalJJyPFHiVusu2VcgCI8SwRO2Lv+xf5UtX5+y7KD7ybS8+EksJLPitbu8PxSFgSq4dmrQIjAkqEGRhk2n3Ls0qMhRbYlPKR2Ftsl+v4bgRC18zzyAiFQPkz+LmliKI0OKTGqrd9dNTWl31jMI0j2SkCjFrxwxmP5KPElRPiBUSNRwY/N1Dyn4CPDc0BxQob+OgG7n2zibTEQgazF+xXZNbAieklI6PUvp5IZjNreFEEuz4rsHtNCtlJBNuIDabaCEAo6YNGZqH7ZObJn1pktS2hAxyHv66/kBnY9630op7GeaNlgLtRSBQRMmQTcCNzgvei7OcU9BD53nwOrIsATqNwfS7EstcSP8u+TGsFat/CdAxsSNZy8FqYpWVQB9FMARNIBPSw9ZjABMTnQtGdWCBvoesCBKCYGQOZiavH/wXwawE3MGsvIJAHsKyPeKLgRKdqdRwZD0/rF2ARzcMuXbeZYn6uLM07mmTzXDIbl8CejgcwEzYExpxzLgJM9s4hppU0RvaiTkNeB0xqsaMQZtgsJHqe3WTVJCINnjvlSWsU9Lni75aYNB6fA8QvPfsjMGBUxDVSqIjE51ooAXNMC+PN6ZDx9EXQD9UIPXDS/mGVQHMu/sFL86233nrrrbfeeuutt/7j+n08t3Z72VLUNCVmRbhJvm97jABRgRtufkW7N/W/GhWCLkSbZ6pzMVFKP1upKFz5yKgHx3Ah2j4uasrAZqiKRroAYNPhrZ3z2pvSiaa5r0GaEqvCYE0LFOqRNjmlRi2TwRu9ZmROj4igvUv+DwIDME4TIwsoUWRIrEkBJWps95EDGaiaxkQNJkAmSpejpJkmRWmFwYnj81MGrUosJwFA9LjgtWwbw6DHVNXyr/HdMSrSBVr+eOe/kZAnhXpXN7jD1GmceHOPneZRdAGfSw1yEoRQ1LilSlS0LKAdFcwT7G3fFTJpCMDcM3+XzFLNwtr71jzuAcPsVRPgPRnPoj+0Pp8PjbLjSP3MkrAPlNOuADfQPXHPjluueviV1BdrXWRDpMZmF27L4WQ22wYFmyydTVrH2LRoeSPRY/JLysmRBEHrOPlYePio8H6sJX8ZgzsypfU8PPIgehzxvRBIfEC2bqaudfX4uuyqX9Ymun9hpXlWWx4ZOraGciROjo03KG3fmvCwy8Q8c50ktpH8SDq2rgFX7Zczkegap6cMT+o+rosbAk4wJxfxkEPJ+8tgaaZB9ZjP8bUcdhAv/N6FJbB2rcO+yUzkuhB5TfLT3LO45t4MA7IxgB0BWzFkNLY/Qv996JpnKsAxLIO5WquRdPLqOumAb7311ltvvfXWW2+99U+s3zNqipBL29ejoUY2ptnfE5Wqjr5qJDA5jA0bVEI7qwQqskNpP0mpkwCI6qYlTAAdkuE8vpebKTPMmCY7YMAIgzF1/Gm65GWj5s9yHr6FjcZueWB0k3YfZqoImMAzIpwAyTB68nFuakILIcnUaUgD3AVfirdmFPTGkSqYQVLDyPEHMvq7RqIxzagYE258zV7ZT0bOFvjkeHUDJoo2J87kFBcZrTbQNoyuPSlcMR2rgSA2qLX3JMNk5i8MgbanhDxpOuQa00BHjyFr6GaPo0kLfGsbxYpt8fAqsuctvVAo4QmnWyn9hk39iZH3fSeORLCK6VyBKwOo+KObwbxS4Ak9WSJO073WJVYYYIAsl97nWCH0rOXOHrBk3/cD5KQM7K+1CG5Ua30sSeEKUWKOdI9XlOkf1V9kG/ZQwtuDHebRNfsCPH3YkJvAgn1seN/QjYIBOaeBHSyomwDhFgsrkfS9ach02thhDNAHgT8hKRTZIwIoDWyGJVE8VwOg3Y3rivmdGSmcOzQRvu8bsXIkQtC1pKRJNiLPZUDl3MsI0Ci5D3DktRkfeTJhD0ORU34hkHPeV8aMc8ZJb4pIxn177gSfTWYDWb6USRZa5hIwZL+ZBw0tnnIqJUCBLCQnS/mF8k9GXmvew/UNJbhx3AvpRY29BdCv69zot95666233nrrrbfe+ofWb4Gau+o0xJs754zujemroEbdyS9ubh1xnMsyKKBC6S3JENm9t7anC7GPrCAD2BEjo7JLhLo4OFmoe+PeX9RuebHwC76TgAjIkGlBlkXPbrsbzSqzMdS0VwFFv4pdNrfENCQtFkI3gaxTMf9rCdGT/WOAw9IpWEJl498usmfKsd7sFG2mO4COt/pL0bz6vK3up8syMeFNZaCrZ1eaR//1Phlni25Jf3qOxePcZB6EUobM6oFlZvxbVY2Zrb1JJsI7KL9a6aYrRj6RYr6UxqNRQMiDSADLvfecs9OtgBpwBmKGkGVBn5PeRTBKzb9lUPGIDW6lgXmef0sj+yf3ghpPAgqUFJpNM5iH71EbjCOilZYKotEpGSJROcRl+dCWhw0EZBDs4jFl7rrMIrE0x3Oh0HtT7lgAlNqWAdrRiCGxtZA6BRtpray1JEnzLeh5zvARkGKZ+H4ftk23I9vdyzu56oxbZPIKgkBTznByEqxlIICyIYOxsFRK686sscFv9CeX72iQRp5kaSaVQEztciIdxBBrx1IH5/nIpdYxa07ShiD7KYI2Gci4BAAfVk7DgW8xTBezahApwAUD1pBpRcaVDX+vK3GtpdfQX8vr1nPKslc+wwV4SZq2VsLIO59xS/7turtldiPBGkusVlgy6Xnp/6asF6h566233nrrrbfeeusfXb8Fan7eXwDFHettL5BQ6gsA9PSyNuqcL9ZBA8rPxUZmY6O84wwMDZ6NEXdbA2pOTNGPVizsryCNU5dgQKGBrlBCUenHYgWIWcNujJ4VsM8NeKyWKWv1ifKtZpO2m8yC2nt2vms++mFO2vyfRE3z3IFJFxrZly5l768aXCEESEQU7OXARo9vyDjePoVi0ydOwjOyez+SrQ4bZIudI1bJnv5xGm8225SN0DMHYiu1ZG1JKYu9ZqaJdT/aMjOVnAj1kE7xkyIdJW4waSP3xhJ7oQOScQHQTnrrWmoLvKkDDNmYmACEmtJIMaXcdJOtgCrKncJx3Gosg02slSNOsPFkDFPD/sDyqRGkaQ5ZuIE+GJPn1zHDZiNNz5QgjuG4apy5UwIAfLu7IeCGY0rgUHM7/CSw2XMhUGJlAN1rADihHgAYs028IBBiYBhI7TrmvwZf/PfsRHSg4gY2va12kQnnZt/zY55JTbDOoIrBSN97jhP4LLhBYE+/81purLOAxQYzuNy10UqTG4BLAMiwCUED9hbIxISsEpvs3IMjA8NI2jiue+7vCqBvmuv+uFLPiOswf/IAWz5eCqAyEyakoyJTxjw5rVcBf4fh05pvBMoS9BUjcOvPiYnrNlAzcq9clJ11Uu41IOLN9a0HUCDEQCQAGB6ISDKzhEP+uSvzrbfeeuutt9566623/vP6N2bCNMxNpYyYnu4GZIxpDRvI5yWCaVC9W54poT+1QxxA9hrGSW0fdMwdjjii2TSxSuACWRAtD5sqYG+mJJEBU9PwbTWV0U/wpo4vTVhSU2rgQ43hOecIAKtQYghsbDXKbICqDjBS2z4YYttI1hMapS4IsOLf7SfCRqgQ0qgYFIkAdmzcaizNlAk3hfHc3Z/u8DTTSVYLm9H6hRnhxKxUw8hL2GKcuKeWV4hkanvfbDLDEift0gu0GeCIaBxkN0q2xDCN1NBX4a49nkSOyi6ab2Au9tE8ukFuMZZQKRAsBEgQVOv+SVBh14yVARwzfNoajODcIuCTw+L4k5vBtS6aWT+WTQgse7JLIOmaWRsG5YQ8IDNx160GO1Ged7mxc4Okt2AC2SITLZuAXosVYn+gbhqKk3G3gCU5ywaQgX1vdBxwBwsjbxpWHiS1syeNEsSizbrBpFZlLj0DtuRAhe/31jw+HjcDPu3A1ronnsw5oxWjucnBtGfNYZskIi79zPHanKaUQHot5wAVCAMboThsgU/2tFnXA+oGgAfrTnPfyUkZDXo2GbxYMofm/WkA35vnsdaF2CFvJrJhDLxM0lMs+V8ReAEwIFEmJtabzBaNyUR+21hYAFH6Qo8JcYqhE93AYlIUzZA3gD3PlUyOAyLFLiRfq8SaDBwZqO//jMFbb7311ltvvfXWW2/9Q+u3QE1XjymtsRoAw4ww7b20K9v2yhAAY7lFtxoUhS6tDHyZA4xIG+vyyJAUYJX69G2GCmYneI/HiM6mGrswcqWuPbvT6lAExpANsytwbzI1IjCyqGloLd9o+9j0EHi4W0/fBLJ3apgIBk0ch3tYD4C3591YmVkwjVa1knc4tqhbQyKWRJfwikB2A7iNY6kxNwOiQdNXAj9UWdkfwrBajNdOi+nTHYhtFoKlLj7nIw1rELThaZIK00Xj0VaTx0YTiNiTBGRKQZcBl57dcRuIpgCGTKc5mSEkE1qBNm68u2N+Xx0yVyabo5sG0wAO20Lgy5igbk6yE+7N87LvUvzB3eDKhS0WC0EAQ0tiQ4ThB0FlNvJtQ1GHwZJrYUx6kdi1sTSHKWdp5OV5wHtSWwbY1hjFNSApARJGdA/9oQz6HdNtBJDXBU9k3t7GvgtIghQ0vz7ASWGjPT/S71soJBKFKw0s1rBkgJgI+YzC9Zjb54/Wc4Cfk34k6fQJ2Ir5N6CS/n3RY4vvS9mqPNhuSqmrptH3unh9AAYs8Tl4vRhYI0hOWZNB7CAqO2AqP5cATPUBU8yg4XxJATXHl2alwZY1z1Mz3CamW3+uAXg0DnlkX2t8bnLAKV5boCsUgyWAMBNoPxN4zfZACwCX5jLKTMrjvdORZE3+wUy3t95666233nrrrbfe+j+ifu9Rc3+1A9pH7hSYZos7ufwhmQtsBEvR2kglfKhb213YdzEeOWQQ2nRecLNJck3PTm2o8VT7pDOz5MgeLWLTCDSpYc8Y9BBTA2Rt7Co1ZGbEbEkzlIADpzwVARKoyUwauFa1TFGZONOWTFVNC2gsppQwM4yHtjGmm7+Y3fgtyQjEtnF6TOyLP0uzfWjyenbnn34rTsQJMUgkFfPf9XllVkrbYBT6MF2b2AGWX7Riz9n0h9gcOZ1iVaqRh1gbSfaEdtpDzSCjv3NYLkMbQmP/MvtiErwMfg2UMkwJntHeBTwYSDBwV62IeX+OmE9O+DJYVgUrnjr4XjNO/tTKAMLGr/pZxGFSWS4odx6E4rcbZDYBGEbNSUKTHCwXIhvfDUR8ELGRYqKRQXJir+X1yuY5yKYg4ED2R7bvQyFWK4pda0QMOw91F/QA6LlGR1sDj2tqe0wJMDELrhrXOoBsT1qY0oS6ZSwtKZhMvC2tiSh6vvDsBngd8FUANOOxzf5YWpuKuQYZHwitU68XQClL8mmJ0t3hJ0RK7qjnrDl4GfLMUaQWAaAlsCgmKcngSjfTnshyk3RJDBg/bwJcf2bCmBlTw3qMkUstsXE81wxYGQgLx3aLgYMwSHUAW3IIdUURaOR4hCUHk+Dpw5fIoBjH+5iROzHqT16bb7311ltvvfXWW2+99Z/Wv2HUMMo4uEV/Ym/VNPhLv3kaI4SK0C7p2YV1FHKDDcXnWlirhzJvE9oBZhJi4BgKkoTHjZrlRkGQ6MlecRPpxnz+qaLx8O5hguzaj2bO3/4bZ1feDIDvsG5MSAgUOujhM2lXzdb5NJig30Z7jHD+faRjjU42jI73leKB1x3/0jmEwJ8AcM04WF4Bm/a6PY/NEZPpKnkJlm0cNg90vgSX6AWhvpZjW+e+egDoQSzmjdhFoYuLXGysLKdpg0yU0CwcBoARpiE/cDh41/vEBfM1MrZu/rPrmEKbiIRWFHubRbWB3bguARVdc28yr2nyKcvBuT+6R39qrUU/HnpB5chDHMntOdFQupabfBxQwUbWXZtjChC80b25QALESq6xa6VkZY5zF1Ag2VF4LfpZEDHywvVZuCIQ2GKxOZ4dc797mGg2Fvb6qWn+AcmduAA1HzYcd11JY+RLMq0Ba7pk1B2TaLVCEd0GDfXsoI/L4nr6BRBQghGxEHmo2Mha192BwBLm4JjskPEyxzNXG/Ic4AJIATj2prJZuNlQD3aQ4aNqIDYyF1b6AShQZtgvNviF5sqiNGoRPCVjZiFiIaMklwqx++wd1IehIwDn0hwhICQ/sSVgF5K8kb4lIEgg+HZSV3AME7iuD+zzAz2rKQFlyh2frRqzuSF/7tp866233nrrrbfeeuut/7T+TTz3nkhrN4AYdktLBmGfj5jdztIuqCgcB8JRw/393ujas3N7rQ9TSsSAMYNjWBTz5f0ANZZlsVkHrousExr/fhFOUHG605b8oJRgVZY6HCAHj88az5m2n0kQ5BmQqOQbcWRerS5/UohUNdKhEINDbZpUD8R57gE1RKoBtMNd/SHrJg/QQ38WycskE1oZ/OwFRG0gz3mx8QyBQWYY1SATlEgd36BfALE658lj8Qdr5sQTdAqEmrS6xcJRo8YxYTO3xfzhkKuRNusIatzNDmpMJDnRq1DjZjETABs97yLo0ntAMM85MkgwJs57bwI5fYBHGbhw/gxw9+eVmTAACHCEmA9iY7mp/wVwEtvB8zSW/WAoObnvW0BMg4bAjSsTiIVOmjbf6DHrTQQKGwVgKYmpNN/2Ltxi2a3r0jzcAj4p8+t5hkBzftA22XtrPizFXYs9g6CVbSh1KiqP55SAo0ixVULskiZbqqo4H0umtUU2XoPm52X/mOcCBk1zT9qTnhVB4Md13hNAtmRYvl+ApViFVooTWX0EaJaAldZzwDObxtkRHw2SOThiIhmE0VoiGGQmDqOsfV5kvcgPpuUlg0tzJ7E+lEMtx4SHgaQHUCOWToCR28c4OJCXWXwhkDkGQPN/M8y0AYAlz5/aLS9hPifIbhTA20K3vD51DIPHb7311ltvvfXWW2+99U+sf2smfG95xriZlWxloqL7SC+2JE9dbmKeTY9+Bnj/eBgOaDIeMK8lJUaJ22rSYCrKNFP33tplDRl6Qma3bAb9ZV792wAtLRkHJVAAcK5BEMHs0kOAAf/hefw/23u3ZTlyHFnUATJT3XP+/1untJIEzoM7wFDNmPqhzPZeW0aMaVSS8hIXInrB6ZfapefmMI836hgteljecRg4a2fhWQJLgL0+Omd+c2BruNROOgAMQ2Dx83p4A0rulLo+e28mHgHIj3bT3QHbGqQSZeKpqB+BUJJywERDajpJ784H4sRmk2YDM2CbjkMsIvoNUUpWMg6gpFUVY8yb6lagDJlAJWWqnf+WTkQBYaBvBdBD+Y66J3XNeDw+JmLX7jywlgDHCLymYwz57aTuv063WF9midcsptj3LHNXlDoIXEHG146WkNS1hFgOlAeh13NIZhTls6RemopvTplKHR8px7RXe9FgP4CSTLi0UIzeZk/7qKSkMt2eB0PStU4BtDSc1n3YGwBjqb2eHzgMmUTC4sEiSt77iMBai94oOMwwgiQBdwF6GZSAmQEmCRQAlzdOsWHa6wr19zhMFQGGlO9E93GxCKv23mSXmOETBsekl4wFzw9TYMwAMrD1zBmOli6VHLQACz47XZJD9LEKcdWaaE6OUtcMOwAbsg82QmIm756K3k4E05xcLCA7psXmYtt0v5Wh+EDhqDvqWskXpwBEM8SIYzCfIcnqxo7EeMvjahAYJ4BcQKw1e5BeN5dRc+vWrVu3bt26devPrf8I1ADWSUnmgBXlo3ZH8zAt6rUJDuv9QzW042vOwa0/m56aZsDXkp8Jjj9C/a7xqAGa/m+n+W5JWYpZYiiz3APs8FeZdBpSoFExajTW6T2rmThZkddKdkl5sCR2BfhirSwyDsrzosQNGpc76riQgUjKDMqMODLo4mB8n2tYxt6Ak7nk/nDpSUkaNMNyeJmokZYyqN272YkFpOGvn1+IbTCfAiUEmlDLhOHogbRMlfvY5S1xJn4IANLrN88TNsgYsHwwW8S2qoxy/caY6HHAmWZ/8F7SHPqwcvYqD5LE+mwmRaVrECwARsN/MZk2l+xeZImEmFZmh/Fg8uiITMzBhKI+r29Y7gPTxpFxiQVRtArrlaDuqXuYENPs9C3BMhAsDYdlxWyXf0wychpaG2ZiphRLLdvgewhkmO8HqFL94JTeRZk1yx4miuHV5tGATUoUU8fOo1cEtszBN0CwJTfcy6ibzLsMkNGD7HNGGraAuYT3mhsl99NiMEVmF0CTSRaO9JRKNtJ9GAJpQKZapYmVJ0xmMnXJJ6Vlemgy7r4+h8+Iz+cLmZQhAQDDt0EZkK67S5rV7LhBoLSkVMWEMq2Riv4GBB75wJgvMcvIvnlNlzfXSYaa4/ja8HwfgGu1hZZXJUUhuU6GMSGOrDgn86nMln00SJN63mE8/Kwe19uCQBYfN5TCjVGx3d+3N2/dunXr1q1bt27d+qf1H4Gaz9rNqjGDKPvZnghmB5CoVJjata/Q1+FG1v5gnG94ARiOCGCVz4px99VRJpT1HbVDLVQnnyPoI5lJYA1k9stjSTFtdu/sZ6LTrGq3PQppyZPQsncwYrwoCDwaVOIQDUsTJgDDAIIDeil30cku2PuwVYRTYO3yW+FxjTF53SzwGoctw9362sE+x1EJS1CsOOUPBEgYrQvAN1oiZDLjdII47ud6FCMp5DJsouvY45rRABWNzmlfXx4nBdKUtClkBm2dUOPgYEkPC0rbOOgvlJ9QeXocyZvJFPphUFp+QplKbkoBK1wPifp7/TkroSzx+dALiWNfyGsHyNwCIydWbl3n7zsMMnp8k1UEypKGaZi20eukE8bYBJAGCMMAC66VAP1htsATNt9AQXyV5MTlTP+jZ59oaam9ZIpt9Dchk0PrK618rQnc9MRPFgilOmLe7MAY2c8dgi0Ow0Qguoe4MItpIvZLBgKJYZRAkVG0+Xs6St7XAKTkb1YGv17PiGIiGcwmEhVgVE+elPKzTMH77qB4g+wjg+XE0JOSyUoJH6lP4fNt+IuArVWKUn1PPS918drE25rlUow1Q3nUHNCTIBQBHx4rU8PaY8Yd050JXHYAOXramK4Nn3N1knzsVEIVgDB95okpZ8rVEAsv9RyoaHT0MboBW0AplG4VO9qQuqSU7kNrD8jv25q3bt26devWrVu3bv3j+i1Q81kLX2uRLm8GSG7iZtjG3+fg4MOq4ZCjNvbueF1zh+3FKFcfCB/IweHBUxIHJQ+FwnbbNBQyDI2nee0Zi9osGJAfTTZjJyWpKVPT8nSBhpf6LL5v9/BHI9LE2gvRQJUGpqT5bjuwNkPkDGtHrcXvao8f1EBYu8TWyVIZnx7J9n4M2lab+fLBMQicKaNj7ZjnFxK0dIj2uTnDVAFIx1OnGCj6OxmlEriwHqgKGCtgp3ezUxK4x99VrLa5U7Zgjr15H4aVUevDdwaAOXfKHzdUYJ/1Pd0R8sQxIB8Mqtg9iKbAoVqfmu5RJsQJroOd0ayhiEo60kXO1Sk4v/qUfK9KiB0m3xCAbC8qflJyFP+FudL3fATis0AmiK5NbgwImDBDgN40loHhAKfljYiFkRPuZBwV284lU6tobwAN2pF9Q/NrGiCfsyB7rPrnxDuTIcPe3Jsx4ARyEpDBeeaiGTgECIVeH4BFwGIIeDmpY8WoIkBTzBPXGtf10LWtxCoMsrkSScaZwBygQOTR/82edPVKys8FsMEEMzJSlpg4AnPssAWHEp10eA0um6VYLrwE9Od5pESNE8ldpt96KuhasxcJfrjAooryHorgHr8YDxuAOU1eYgWWm1LXS0pF4KVju8Vo9AZ4DnOIoFB50JTXDK8XVrYUzzpWXO+fhvKmGj61SXCkZbdu3bp169atW7du/Wn1e6BmB3btOuuH5ojEVprKazgMrx70gNqJhYYdmbXCuJGvYSj35oAZE3O+GN4alMVQYcDdequho6QcmSeeVayKYwZc/huJtbcYM33wLCIQzQKIzZ13DpAL6/PhwJbRzKEdZYBqLZ/6fFaDHSZD0QJQrKO7db6aMXpf3FPDsa7qIX406JP1B6uNcxkRw/ua9M70s2Jw41pShFyBHauHdLIDjsdFfS0HICczpoyDxY6oSHAgsZeuXcpouMxi3fF6DQwf2vP3lpFk0udoKNEm6no+pBuvktLUaQS9KdZni/UgQGDtXl97rz5/3qNUcpXMUGEC23Yb1lpSNuHNtKnzCclvisHDYfY4An2/SnPYmGTG1PSu9c/roFQfrXmzPDrEMPYmyMRyU9QzUglOMg83Q8QZvtMdCJessTyomBJEpVRiYjTjaZeXjI/z+bYFlKph3DFwIpcLEKy+3rnh7v1Ze294JRLFxpiOaU72mxm+fn74PHBRNmBYIRPepE/VLqAWAhbL1qUYKpYYyfUyBLRU3/B66/jNUH1anjRjTJQMj71T/fboTQE6ZKBlS5kqirp9qnRv55yo1CdvGVNRiqx7FXU+mTJjd8zpeM0peSEjwK1AG3N5Cb0O+y3IrjIkbAjAGeII6VmQZpKlJYYPAaaJNP45Y8PE0qkeLXAGcMwxQNhrk+EDg00gR3ks4dGb5L69JtdjMcYeaN+tW7du3bp169atW39c/Rao+fp88Fknwaio6pmJ15z0tNAONcSkoOcoY7YxB1IGtzsTkSbfBGAOx/BExk/9oO/IGIgysI1oyUX5GlQqTPtAAO0rgmKNRGJpcG+vEgETWYNsfTbQxqQFRK21jiyi/B6sWBwcWKY//x2ooS/2bi+PPi6giDTczc8t484a9GQW2sNrglG/ovjDYPlCxYVHFCCmAbnjlLQDDQJHBFXQsclPUItHzPd1Qpdv3susiHDew9glgMGJwTZXJDRBtbUDmRtzTA6aXiCNmDM7UD4oZ+hFe3h8PkrQEuOGZKyNtereWDOUigHT0c26rs+Eps/nIxPSQr8EKtWfxbopuyVem40xayjnOdXw+x1ri2VE9kOxnXj87x8/8JrjMBasA9i0VBxmL0BAAtOvADgZNG+TMCwDK5fuM++7SwK0t4DQAisLsChwEkwFC7FcqlMKRCw2VQF7Z41Gy9QITHizUvYSI894z16vFywTERvDGVfuP14EbSATcBhGGnZs3nof8KCHyqGMPbuYdSKurXuXICsZcXyRw+3NNa41uoOyolGAaoHNoEkzATTeF0P5skDgTeq/j6+MD9ezT18Jpx+RGYqjVwwgJDCmQMamzx2QaQp4qWNPyKRYEdvFpGHUdr1Whr5isdDL5jwv298KlN4NN8AnfLiYNgW6oVP8Cgxm2lUKoCLzshhxGcAKxc7n7iSqw+i5devWrVu3bt26devPrf8gfdqU+CR/gJ5zYIyB4dbR3DUQnEhrQ2pQcnfAJ8qoM9PwCWBYAmvDZ5lj5mGiiF4PszZKXShzztr5BspngkBRiPWhH9+bzlKslQPKVNz4VmpV7fR2PDePVqyA431zwAABDplK6eXAN9KYwqOd9iYvFFiUPGYRSeofZdYafQyH7aIT1e52DT1UaSQMTEpB1sDDq+LmyPC6QpSEaEgv5kQhTnVeISaNacreBhrK6lrWzn4ZQ9CLCD1k8roCEQtzDIzM3vkHyHDJjPYuoZfFOUWNwYftBEOawSeHyq1odcs6Dhk7ZyV3lTmuNYMmxfpBBhk3kUBuuFFmleaInfhspkLNCfiYDSQdpsL3LGGjSCSmEQSYc0rGE5hD6V51/8sUO+WJMhkLnZGwkWLPpYbpTZla8h7kDkQcDyKMicx1wDs7a4H3VPE/1YNWQhWDRSVKVRPUGlJ0dgMAfoy+zeBzYOq5Q5bekFSmZGvy2ykZnWLld/B8w5Q4BCCdIPFOsrRgQ2BBgV06Nitb3gcDqLySvFgvE+TL1GJOJSpRHtU+UlYR1Hp6DcO09+Pa6XvY6FqHB4gp2ZFLltePB/C5/Hw2uTlseoOzPqxROjJkKLkiUEs5FJOYCAINVxS3l5+N93OXsiZgvg90VEDqEAhXgHpkylvmyJTIjDzAXor56JAPjq5tgeprBeY0+JiSixEAtit9unXr1q1bt27duvUH1+/NhNfmD9Fu+PF+4/0azTgYnoj9QaMAsE6TieDQR8mDgAyfPcikc4D6GYnphlwfpZtI2jMcO54eIWKwbP7wPuSLY/o8kx9ChGQV6YhNNknsA8IktFsveUMoUagkH4BAnQYCCA5USlCjLPZIj4oepThUaaZLHhqsBn6rufXsdEtgcJg3qIQTmdx6xVN/WvJTQBJQO9ny34EDORBiABRwYTP6sFFAUoFaVgAbv53x5fw3q6hn8H21M167+xnrsBIkKzFwkB5OuUWxITj865zH8eAw/HpdUpHJPbiWz4d20D9r6RoQJOSwnP1ZBBW1xuwwpYhmcbknAkvfE5HYm3IV2GGIVPrQSeX5fmVwJfcY/uvfb/x4VSsTbKvYe97LY+4akbxvBhlup5gyjszdK3nHhgP0shFiYOD3hQFzuiRK3tKyArfOdQfGPPc25DMT+wC7BfQMea5UclVmxXmXOfQGxCDzdJnuEmDYAuUs6SGzgy7AEYCV4bcnpvo4APgAPBMveefwF1llDZvYszfVecnjgB/plHvJlJRMZCZGia69sTfdZ/ea6RieHunq2L6WJYfqmHoYCGnIl0hocHn0WD8jxGIxMhiJ8ZRJN9c1/WgGgXGBw+bH48aNkkZD9VhKdvRkCmkNbfWerh3vp2MYmLIF6/N2L0ZOGScNVHAcCTw0Pk/ns/f1GnB/ykyjj+/WrVu3bt26devWrT+1/gNQ8+EOrA3u0GeBHbtlP0z0qB+aHV9fH/lFAIkPAMfwSXYM9+DhrvQUJKYB006qFIwARPoLMEbh9qzkNQiSgbKWAmxrkNEGfkk59t4tvXDnMJjy1yHT5UiUQswh4CQEkXFiAl6sQRsAkjtwGKRx8ZF+1MCVRgDItD1+YKczNEVhHQJQyvR3RUmVrN9rAIbXEJVHCoCza2+2gUpK0r+619D3kKd0LDiPf8swuZlJbUb7YCxlxffWCtEuvVg/bgaEESSJklBpGi3QJTdCvhTZJq4HbAOimTMkxBQzQt4p+uaIpM5ExsnFyOD1pSF1n7OLCaApMuOsFxvWoASCXkUwsk0KsPmOZbnxGhy4369Xg3iU9B3zZP01YI71UW/mudfmQ7H18pPKgDdIGRhG7yJSHARyMoQb8zWwI+CS+2UBiEYJofU6TyQoiQuSfLAWe5Q+KNWbtdaOBC/jeO4AlMZF0nQXrk+26uUgy8YcS2lWIRSkEtgIJhmTo7So7eGfUtesGFmjIs/1DCigpxgfSMCDZzqGtRyxgA+tPAE2ZXpcKW4p7yZrhgx0v4pNU+boBQzDAp6g6bD+3rKYNIY5vYFZyoW85UTFxikw2NJkSiwcByFmksOV8JRi6ACH7XKiywXYJJ1m+lohWlJZbCfhufqceo4b/W/qGZIHPCc4I0DOCYLl3ihD5G9Nd7t169atW7du3bp16x/Wb4EaaIc9duLr50/teteO95ED7HXAmxVMNzEAY7z0mo3IoIeED3g69qLMYUwHxjg75yGxQW4Oy7WbWn4J+fgFANhNn28DWw1cqeHMjeya9bU0oItN0SnDD+lUJkLAU3vvQGlTIJOhPDAiV/viVPoJ0jXPGspqgjMQ03OKMbKT+TLNNFGsLYe0kvNwVxw40ctZMFUAscotAoCG88e4x2FxFQBG8CVk1NyeNRDQkUfkwcvmD2lUPCQQBI/I+iGINx7+FhwIC0Cy/gxLMYQyfhniS+YyXOlhWcAW+h7vyAbcyhsISfAmF71kmpVTa9P0OvB1xfSwPklGRqOuaaC/HwhgPuU536/GIGhnloi9YIpZrhQhQYs0z41AxELkBzZ4n4fJ4DeBbRvxoen38InYC0jFNo+JvRb7u0y+QbZVGcaWZ1Q8pIJjTkI0Gd1HBgIzGTKpBg4DJ6Nf08bZXH0Yg8ymICKHMbIZHGkFcJKdEVgCjBbc0QBkGYEXs6xYIlZMHDG1vMzBAdDHhdeRQJL6X+vCBDQSMPNSF/HbBTAKyxRgShCjpE2ejlwpcNoKIWpfrSxwCATUWPL5ksTNgU746mSmBCVMY8g3ir455UXjAo3clQI1DustBXimAN45Bhzn3BpY1XMmxKik+XqxB0ff9yd7rsya6zlm+h1mcFSk+wCcbM4skMvAqyDp5XiYFN+6devWrVu3bt269SfWb4GaiIUCRyKW0kdGAxA18ZpMQ2kqOyR/MSB27wzPOTA9MXyTDQIIMAh8rdptHkjjUDU17EODVXmmcBjUa7MkSzK2FeCyNVSW5IJeNzIOFqizRdn/rONZ00OmU85BhobSg+ANWLQBcQFDJb1wg2FxBz8CuTWEpSma2lFeN5GmRK0aZI4/T2Rg7UrHAc/vAbRwwCrz0mwWAIegMywCAZMvK6wGVhmtakDiICnwLeqeGl5DLKoG5QLAR2uAUo5KDKozcHnPaGRrJktJmfYKsQ4I1AlPQe3C1+0ufgZQYFIN5geG2op+r7/PfMYsJ8kBOMN4AmQ4PcCXnQlE+Qbx/o0hIE4mut+3BNmlKYVsPPxQ0GCAjQGDhubxQ0yKOEBYMPZ5vvmZBgBzQJ7VvEbjTfbKpt/P0PeUFIWAi8H2WU/Vj0DCBxpIQ9ITx4eL1VVA2+C3p5FxEtDzRIBcsVfMsfYSsGbYO7sPAMlwxAAjeCv/Fku4F1MO/WwQzkDWCRjnvZEIMTwqprrkYxAjTyuLYI0SlBgPLxaLmY5JkiJUNPehzoySNsH4rACB2eqBkg2OaSc5zhyv10tR3QmYfH086Q/lL/XCkEEwwZiK326D5CEvm36Y87mHUQC1QFccWWOxhKwaN6Hz3DxWAUAlp2tJXKIj72HFUhRQUyw++xv4Yv0U4RrygWFkcJkn8K1789atW7du3bp169atf1a/NxP+yAsEQLiGNwvGtIK/06yWqSvv10Tkxs+fH1gNXAIPcn3gA0Am9tIwXj+g20v+FNyrdReIEUzjqQSi9l8ISL4EMlhqCMTgvzezhgPi3gvQjn+xSbLAmjajPWyAXHxtyUOYrqNdYNRcE80G6ZQaDSDoVJIabjic7EjslNyo4pFrakumyRRzJwsHEiNn+NlNhnboTXSdAhRMjICOa64pVMPfAMhOMICR38VWspZLNPPBKpWm0BSD2dSLKK9ynS/TvlyRwCWNMIDkKrjTuDcDSHmRDHPEY2eeke9o8MiBlqZURDqlMIH1WfKX2TrrSh5Dgy4AtG54rmRdHOPbAq3oq0Pj19xkCxkkDfnGhqWZTDmiZI4G0CEvFiA1OJMV5T7wX/8eiNj46+df8NS19US6vFk8AOzuDXo4AQn6qpSRsA+yeAQtKimK3znmkJRQ6xejQRxAHiSoXgF7cn9QUkYYo56nDSwkBsQAc2tpG8+HQ31EtI+TK8FqTIMFAR/DFOhGUKXuL/t8ADY6yY5kFj4TNpLkjTw+NL1SfUgWRwbcMMccLibZPLInM0yoBd3JiJMM6aAMAk2ygG+w1xy6hzLnLSMbgOw1AUt8DsyHR04x1PgcLHPkXzx06r91Po5a91wPY4yO1aYECrrX/MXIcof4bwLAeA0sKWkr1qKZM/ZeD7PQ86FAPobDHV8daK2EgCeDHZZc8XjqejVke+vWrVu3bt26devWn1f/waOGQ3ixN9qfBaEhX8khO/CaA6+3wy0wxyZTARAAUdjAQCwxZQDtQpO5wzmQu77pTGkx0UGs5TQcECk30ujykLjU7mz5qNbACXlqkBm020S1hoDILbZMMQKYeMN51OBhgP49gl47TJbZBEfKBDMrbpefQ0KBSUph2GHgO6wlPIdBok1qnUuxYngMu9O1bCj6XFIga5CG18eKwtSMlJJXnS1oL6xGf7a0/k6gUnS0w99DESUhMEfmOj4V2lUHKs5aRqY7m+Gy1sLnazEi2wbmnP1lmYXKgECAor0safbaOFYkh77NpJ66v5kcrFFD/WOoc4FVzZjwExXMy1FRxYa1aZpL/x8NhHau2XerDAIldav22jAP5DoA3LM33+8BYOH9Ah1eBbBZOTXDsbd8kxyS3xwz7gIPCXLh8X6xkQCBJ7z2ocVL5pbGepM/UPkumcPnD2QuMMkr2lh26PpbgH3mhokhzK2kcIx+D8mg9l7qn9HMnBzWMik0s8fU/wcQjQB2OsIIQqdMbZ8MmFrv5qbjA9O2BNRUdHiBytU75b80h0A0AakhoLPSjCj9KWy1ABlvQLYAnQKLj9TNYRgC50JA0QB9mZxx6YZm20EsHuLNu3tzjImYL32uelqm5mTEDJjRjwYogPcgyiVxZOkBJjlWPc8KnK1nTfXmMY43WASYpgWtwa2vOJ4+F6i5devWrVu3bt269SfXb4Gar68PzJPDUxpkp9D7wWtH+4fMOfH+emH6wPA3Xi+HIlewZSzL3Gft0ZoDNgAk0siY4OC94SnzTQDaCxdw82DJ1KAmAOnQ6LOHsI78NRBc0Gdx5zwEPEAmm2LiRCX+uIa97GSn3Lt3y2MFkH4GVoiSb4sgDoxypTRETsUb1zFzcBwmRk0eBgxBn+wd8gyanubeGoTRd6DNjmugBFkQlQADDbWp4bJ33Rv0KilQovwfAErHeJMI4tCv4kT0ZjqTc8TUCX4R9loATLHJDx8MJGwY5pj0xBCQRd8NySnEiFhriZFUnhmH6VTnjOGieHgDWxEpw2KDXD1kRKpzteN5XYalZR5Lpg19NXZokcfxRvmOtSPqdJHgIGu6bWnA3sfb57MDa9OnZDplM4nF65TR67vYU05shUCZf7CYvY4DMhRkKnCwsIw8MjKuRfVBAyIFqAK9TqxyjMQEMXnoDJBhlwOvnM2mAYppIf8ZkM0VESUs7ME+sJGxxZoJpH3BB8HD8quJmFhboEMysptslJeAFKiXQn19gIVMfqd31JtQpgKvzDutrfuvDH2RGEriGnP0a9wPe6aud/3CI/qapYQmZ6IU+3uc90CsKrHP+JgpuReBJTPDfA34jzclUuYCgwX2zPI+IuBaRuISrD3YLUwD89fEAU0hkKjSo04v8th+BWrOZsAz1UkR8fUcsAK3vi/b7datW7du3bp169atf1q/BWpcFPxMxhg/xnsOIfqpPWH4758f7ADG4O74/Bod4eu1M1w77wn4mICtB3AjAEReNNw5j1Lu9G4tgRoORRFB+VAIuBFIE/LkyE5OosiIUh3KO6DvKt8aynPkedKABKD4qroi/fcEEgIVn2s2MIYh9hvr0yfA3Xskk3PEeHHJyThUiUFi9L+I/UFF/tZMFnkAlayDsUdiEmrXWoN0REdjNwik+1SR4zwRAmeU+eDBHlDKi4ar2v8ntFFMGjumqppTSyrkAmN8DPg4AyF0j7O+C4aUaXHdB17fIKDjRnpHEA7i13LdMfVp83h2NEuIDKniyowGvijTAyrIaQfZGDsCaUdOk1nnQ3Dsu9ZrDhDRKklgFXuz2B1pwNdnAdgYvvEzNw1ixYaowduqF7IYMDKK9YEBAyaQu9g37CkmBNXAflguOyhXQ6DZN+KM6P6Uebfex9XCPqleswdQ65LVxKN3FQ1f3lbsvxf23nCjp5ZtAYU2AQQy/i1ZZAiwhVga7C9PibUk30NFUdeTL7ke6rlnzsdnG2YLbAHaxKuBE/cDxJgZpsyBqxfKLP0J1pw4anFYvJgo5Z1TcebFkrMGRY5cij33ftWxCiSZow2IfYx+ntfnmdP0GXpmIBOvOdVLDh9NT+pnd2O9eUhy4gc2kNyeP6ZUqgJqBNTGTuyVSrriM4csS++YdbKd+qF869atW7du3bp169YfV78FagicmAYu+WEYf4D2Abxek64wmyyLr88XbLvAloX3nBpKDK9pmA7tPguQMaWXOIAGGyqNxxm7m0HJi0AOiKXCBJpQwhLhgwJlPvIwQZKRMVx4kAEwxf9u+wX82HsjdpmQnkjtApJcgxOA3jzn3CZzXRhjuos58GB67ChJxoFMAgnEaoYO0DOwjqcQqkpGQVER+J8hv4msoczrzSDHhYNypTsZCliTcWnWkMiBvn19JOEq348yUa2ElhoQa30UQOR1HinpFEBmg97LhG47PkHGNdMR6hr0NeZi5wY2GkQKDYWHYVMAVh27CSTYqBnV3LA+caQcxfTIkrwV4CBPEoFIa4fO6fsOg/M1f2EbmdZ2BMGX12viBWBtAqVrLWz5OX2tj4yiaXI9h2HYRnnP7FiSzgDAkeakOcrU1+q/UZI/RlmHWsaKE2UEWXYkVhAYQ4NhIbCgl7pkSdY4YiVnmztGApH0xPIp4+1Nc+QCeEwsFeSEj1eDv0AyIWotpG0lMCUQGxtnzRRLK7EO+ChwwZVUVeBRUYlGASsQkJKn12jqS6YQ+0LeXsb0JwQ9hMyzwZqKi2J/knVYPj1yyT5AW/lyIR8MK/pdlYzQ7eFXUzIkyb/GGG2ArK5tJl9sXX+gmTMutlAIxHSTx5PAZ0gaR5C3AC1vkJ1/FigfEEB6dF300ZF5fJhYkFxv4fIs0zPr1q1bt27dunXr1q0/tX5vJvz1pSE78X5PsUIgFsRGrL8w58BrAPNfwN4DOwwRTOdgIktgAdgLmCPxmoYxJ9wUV2u7B/yT7MOprb1ljdBGJfmsFRrOBWBgo8YMt+SOeu5OUqm8JaDSmkreoDEgygPByUbJYoYIFOohMh70EQFOsRDBYYnXRn4Y2vOlf+3oHW6XJ0gZJHPwFc3DDKlUlCLzEIIZvdN9xh393uwiphQdtxDos0v6kchYDXQBLsmYEmzqGNBkAEkmBJLJLJgxwuJASA5VX1n3kdfOlRijeGZ9phtjg8ckuyl6cD9DoCuqu9N+JHeo9LHUsZHpFQJ9rAGfSt+p95rHL6yG8iaq4blAPV49gTkVt/5Na3823Kn2ev2Yun8GmmsHLD6Yr4nXSLynIeKNvQm8ftY6jDNwIJ8j4GUmO0aDh1wbfO3OB/MKwMNcSIwogmZ713W3BwPDMNLha2Ot3SDIcMOcLoIYvycLUIQSnHSsY5QBLQ10M4D0Yl6wj/bY8CS4tDdToMwGAT37wCbBqkKAhg94knFTvV1MQl6AAsEMWYCyyxfGDAOjZThkh5Qkp1hE3t5MJiSlWUwI2DBJJgHDFjDjj57R82ZzDY8xxIrRag0B6jv1nBIjyA1QDHpobbv+vXrTzfsZzZ52vF4DNglMhQVGA7M8myHGz85GelHqwswtMIcAVsSH1y0kOq1rmYddB60vH3YMkh1KynOCPgJQh9X/9kQfz61bt27dunXr1q1bf2L9FqihFchq2ULoB3HGwXKUis/nl/Si4Yb3HEhzfFbgs+SxgsTaQKThDcfrZQhszkZb1P+ETEydu99Q5pTm/9jZHgZlJuzOH/5XmU4Y8BqO6SaGDGUYe0cPEG6i2cdmTHakhil+URkLZ3lOwLBToE2BK9DuNgwZ68g5sgayxBgARjRThCdL9gHTZ4Citpg0NweYKqCFgBUU9d270j1UHilBm3tCn6vdff7xMXjWmNcsnTj5RjWEi4Di9hg8JdugtU/FCANnaHqk5OzonfLaQXdnzPhG9Gf9eL/4viwmC818IwLYAIZWXIIsqsn47L25Lucc2LHw9VVpMzySvTfKRwTy7YkEBkYzhvp6liwjKfdLMSsOIPH96jXJHupIbgmIGkRAArEQSYhyGOCT9/zHjxd78/MRkJhiEnE9jVmw51l/ZBwRQHOr4X/onYxdDsnjmN6GTnkrHsqwxPzxRr4FErXvTGidGTDLP6a+gywVH0P9HA2SMPEsgSCITKNvk2/N7vSkvZZYVPTFSiz4S4DuonwOOD3VazoPcNdG437AKZORL9cX31NeSu6S9iSAAr4KnLACgQ8gdvBVa7DjsNi8AbI8d0bpTvV2yZZk/O4PaSrKrDfrGHmWe8vrJfWdYyCTLD13w+v1EnOqktGM/kaRsJZX6v0Cg0ORX5VAFQgC67svUp8jUMld3sBd1vUWSF7EI8cBWSPtW/fmrVu3bt26devWrVv/tP6D9GnBJaf4+dfuwYk70cfwl7uyZL3wB+0v7qQW1b78VoxOMQHjUBjHNDe+Vvn4YozRMowGDupHeA3iIUnPUrpQbHqcAAmmElkPKmV6WzAH2T6BSAI+W4BOGVgGNk15+5sJEjWuknU8kkjBlTRlgH0IqoApT0CxVR7Gv7I9LePUkg1lsUvELDk34imb0tAM+t7QA8g6tvvv7g1P896S/jAtKpspUdHXuumHvZPFOnGUOWoPmSh8g59XgBEKxGkpFTS40UR1vmgUkzsAH5TW6f6EzJvX4166OeVMeJiNpmHOt9gzG68xH8bR1j5DPEYxbfYmw0ADZB0sIY5iB+CRWpMyRf6eNQbTxiITn8/SmuR9Hu5iT7DPCAoGGIPNgTmToCq9SOo8J8y9Xw/w/u21xawCB3dsAQYPdhJw5EPqkb15/0KgKO2CPpI7OSU/RgCu7kkndyUBoMIvzBLOMCcCrDrkzMTOMuk+0sVKVMsUwBiGyA/qObIrGU4JVER9CvQqzxmxUHQhTAluLYE0Ao9WckwxTGBkelHW5Jhjygi4IDHJfsZESZOgI/O66DDJ/iplqRg7BbSkWIkuYEZ96w/vsNTTpuSbDZQAAEGeAvde80VguZ9TDuTglTCCX5TABp5PU+vnFd/pTu8bviQwPeG28UE06NfMo7rfmZJBAcevR6DUwjl3y06NqgTCW7du3bp169atW7f+xPoPQM35YTgCiDANJhTkeBnVDg4KP39ufH0tIMmKeL1eTAdy4DVf+tDE+izsYgHYGSTKjTIR9KcR5SFBORGHgHEYLZFYe4keX2DNxpz8YT+1y1tDWwQNU2vwjy0Jldga2YCOaYAU6yI23BcEqQjEcSRqRzuRXtfK+/0tkwJwfGSKmfPwsZFPSsCeAVCo2OMauntnvcZXM8TeNEV2A8wRkp20AbF/9P3o2Ok5OVFHMPq2vDeOmXAJqLZYA+UT0f8P7mRTrLVQkc2dTlNDfPEtfIhFtLHXgrvj89nIXBx8BwfePlAoESsSG1vrj9dqh6RhuxEzmczy/QRpyAiYk/dnbUptfHobstLfBQKmHFkx1BYNVH3nUbDuhcvTBXiABvImSSTGi/fl588Pvr4SGWRdvV+zQYw53wCiAZVQ+loDbknGTA3+x8ha4AgCbgOvMcVUI/i5cuOzN9wGEo4VgdfrpZSjihZPpXFl32M3Q1og9hLDSWCFmsFDrKiEZG4f3v8pCVA6YhNczKHEozQAPw7ImiHAqRLSCngy9WX53hRgxeMssDWTsqlhJQE8cigCsOV/xOem5cQWe6TizrEJBpmRfeNmR3Yk42a3k+zU7DSwDyhVI6jj1Zuu2w/HRylsBTgXK0dXm+CpYuszeY3cDGttAXUBOcE3I6hAYUFHKLnaAVcIHrqedREb/TwwQtRjusB4EwsKcBkb49GbBkOO0TLH0P8GPFlat27dunXr1q1bt279ifV7j5oPIE467WmDNHbAMF+vpuaPgaa+v6ao8QggP2RkyBCz2A38oT56Z7hJM1aeLdzhpsklgGIC4IOIL7Ff6KUAM2w4dgBzvAAM7VAnEptDgwCYlUpp0vAyJ81sqU6wB3jjD6WQqBZZl6pMZjfMooc8Wl4cOn7tyPdrAA5DAH0p+tOyd/bLmLMGkwyyB7aAKKt8nEGjZbMExpFDGDbG5GFYkGnQkEOWvAv4ErPEe/e6DIdrmOPvZ2f8xDIDeMRvO4bSa4qKUqwWgADMFGvC5B2zPhVBflgb1rKH4k+kALRzlToRzFMMkCOHKomVKyDK3QVKVaKVtQyGu/e8py3f4nZ9D9DnOnzfYTCiDFjRzIT1+V9609GgyPtFIM8gryTXsO+6HpGSHJEBVb8Tc9QaMcAwyOBSb2Qu9a4Sy4ZjTsOMiYBjhQAH0Gem+tl053wMAX48l2GGmYmYiZIaGsimGuEyGS5jaYErenbkEOAj8DE2MGwIvMmOqIYX+FFm1GKaNQBAxkcm5ThWrD29vV6W9T4TTjJM3kHWINCRLo3+Bj4HIbbZ+dC9BcwMx0w9J/U9XkwpB8aYJFCZPb5D9wz8ux+vHw1qNzhkENvQ1CferLfYCfhQLxIstwZpDoPScFhF+qdeb26CkZsRSEBmTBmUD36nC3AvA/l6TpU5ekHcBSL3c9gARyCe5KBbt27dunXr1q1bt/6w+i1Qs7co8JbaGaXhZkbi62tjhwAVDShzDMwB2CjuyNYmb8Jii1nBHesEPRaYIrRxkmvQu6aZu3e6o2VEnIhCqUSRmzvYmYxc1q58RgFACeTW0MVjR55d4EyXMWn0qMbvrqtgMBsCFvKXwccsKwcasGIWFKOmPqdkYSW6IIjyjFUO6awc3FXHkPVxUJ61BS70uW0H/Ly/IsLTTlSuDYPnAYJcXhJPYVRLipBiHBhgG8OtmQK98w+CTpAB8/o8ABnJMayAtYe8qLwmQr4wmUyDskqa8YLNNMI+r5n5+Xujz8oS8FIpUcBJrIKYCUyS0l8Z+thibZgzLrwG1B30sqmoca7LvvO/a4//q5UxarpF5iIY47wmnw/BTNiJPx7ujOWeTEnqOGkjoAmZOYcBrvfqw1HSvWdP1DriupndU5r5BQbwNS9jildEYn8eSWcZGvLFWxFThzia/HBcgF6mkt0OIJBmyHQgX0ohKrlc9aLANjHHppcx7pAPjnojJemRjscevZk4xuOYhzVTvRgoOR49eghUZAOhQBGcjldTfXjq+h4/rNObZPhBneGSBYKMmZCfTL9YQIbzy0IGw/p2pNEkGmIEjeEC2Me575V4J/BkzhcBbPf+rKxkpzIDBkHWksFWMhuf15W2xmMZY7Tx8xYLEGa9Vur0x3z05uZa+ehaINHPHP/GvXnr1q1bt27dunXr1j+t3wM1UufsCACUFL2GIcqwsv0SDGtxQGTcLzDdMN3hnkglukRsDUE9xcPG4C4qHh4KsQFbRYDogSpo+1CzgCRInGamO2UW8jmJnfgo+rlYBwZJYyR7KKZGsSdqYDDMswOtoTJrO7r/OympUTy4KamoooDLu+H8MjRdQ58bYoREMO62vwPa7R4ckqYBOQwYSrgRMyf7YnDf3Yf8aLJmwRoKxRQpyUIW0ERj3oJJdgTMAm4TKxIjD7jEtzGWHaARqVl26gxlN2UGfJgE61MJP/zlkjyU98XwoeQbIiq7zEMiMQxANHxGIOATnSpU99YEwtW0xxSc49aTICOkIpMj6C8E+fMEavC2lo0U8+q7VholITsWgMScwHiN7o8DDvIer7Ww1JvDlN7TQE0BEzSVJkBQRrHoPmhAAKtZDiF/qkjr15JRQSBjGO+tBxACKHYk9gqBrjwfs9FgcObunrGNk1qWgPkUsCIWkMk3Bnb6IYKfVcfjgBk/tzxRitU2FDPufwMxCSgGMgRR7IVKbhtjYIwpNomkdHwXMlOfCQGMRunknA3ytHyqnkt8ADW4C13bvSsqu6LoE2NMQkdZhkAHqCzDXfYmU7jM1WtDMsrhyJUwH/jaCWTII0ugacnmzDHmpLG00rAroQ2p9YO6d+wvrGymUOr1ZMRkv84FsmagDeMzCeSUWfB+PNeqp8tDjKD6WTe3bt26devWrVu3bv2J9Xvp01aSjn7g3iWb0M7w0A/WX6simA07gViM5B4eGA6MoV17GIOye8d6Y4yk7Mgcn1XDVZKNA3CQaTDCO2qWP7wHTNT6VQet5Fb3xNtNQyplPztDUp1jmFrHYjBYQoP7BwUtFBCV5YGjP7OKAaLrVGPqoR7AevivP/N9IeAJFXmMnkl4GpnIEAPElbLlT7bHMQzNOANPAVvFJuJwW9II7c+P2sE3zGkd0zygwdQCaXSoMfiTlkJvDB0D2T81vGu7PwmGDR9I282eaNPjmW0kSjDsQ4ZQWH0bEhx+3QAMbxkFTynE3ggBMptmp1lyqL8ZAAu0ynjIVsT44frSgP/LABnNRPqutaI8WvCQrwQlSV4ARuKzEgsCQpD47MAGe3eIlRWoAbyuC3vLHQ3MRX9fwrD0Ow+gWBYNTiArR4mg186Og06T1GrS6DjieEdNH3B7IaLixvMEgBsZHZH0LGLylCRySp8qM+EsEIR3kR5Okj32L8XOuyLaqw4onL0+ClzJ9AaGMkDWGsQoGcBJbaMMCQ9mXjPW8nwmksBJSZ1aQsVDR774mmgmY8WQE+QwGdKYernS2NhrxW6r55VAk1hiLBIMG4oWH05W5BjqTQiQC4OXfMlGE61GM+EEqKUh1oI1SC0D62gkqsFyq/WKZ18T9LPuTUrH+CwbtKAvaex5661bt27dunXr1q1bf2T9nlFTA7KGPm1Stwnm8Prhm3/em5kcrjSZnx+agfpSDCwAjVEaxA0jgQHHGGgT0tiUMSEkL0rKGMaLgxcZGzTztIq8LkaIEqY4SSXmKGq/IXNw4MndQ1SlvtRurWXtXgfMFQkMg+kYyCSAmDUCjKBdeh0DcIAZ7izjl7/jRJtnItM/ngjdbHBjFNukaCmadrJYKr9MdtbHfnbZxXTYq3fw44FllDdMpmFvQ2IcGgISwD4+FVDiSqZMTnHWh0ZqGo2Wv5Du8yOJpq4z/yAQphggYhfxEiV2nbaJfbQDaQ4bjvL0IPBmwBazwJR65GftbrGVMgtQPMfC8zpxRcXOqYH4u5bwSA290WlYxXQa83iIuDH6HCbWmg98rdU+R+bjV0aSTnya+sOMErxNNtPeh72iRGj4ZCe4BniCBfJhgasv2EsZARuGOYEMx9oDhglKa5jYhHTJHY//C+CI3A0KFyiQJX8cYsJkwkOvFaBUDk8ob6cHnrp2/NKKWRcOKaNgMm94xV2Ao5Kryp9LzJECdYrpZ+0O7ke6WC3fxJBExGrmHh8vAooBvlcmycXo4z8nLKoXi9lTXjbefZYCySjHktzUs31q6lljQLPOTvJbeUHRd6xMw5eTkVcsyGSMFf2nWv5FqRgjtaMBKdT5WYGjYgkmWVcGycZ0DYqZ5GKB/eJrduvWrVu3bt26devWH1i/BWoi1sEH4khk6t/MEnMOvN4Tr/fAZ6VYHTUEvDDc8POvn1iLA7K7Y07vH9g3+IP6UkIK4AiTMMlOFKwB2Au9ve7miJVnqAY4cAIKK3EAW/4QWzIOJaoksDfAk+OQF9r9LebH8feQQWfprRrgSXn4mGQIBmDImJUeGTWY2TDMUQacGog1iNRu8i+DR+3oGwBX/HCWFE0D0nNYERMnO6kGNdki7ER+t32u6DscCom+dWqTduYzQ5hQDZq6C36GrGamGID0llaVjMbEXIowrCVfIgFHHOIk7bA4mIgm1TJFJdMFYlvxRLfWF5LyqBDzSNyAZhPxMhxJWwSwAV3PFBDJe/0/hU7ffRLkNeOtFNglwCkjsGNhTsf7/cIPc3x9ZJWrtUafHvbmXpIR+ji9mWRZpWKVs9gbWmxpAcvESsZue61LmUdHJHZs2kOZAcZHjWPAfQLYittOvNzFdBrIHYq1T/gQaEN9IY8bjjEFQExvqVw9d2jGDUQMRBA4JdiktKXciNzHRHw6fEyukWKswI5MEGXO222DTJyEIkmLQs8+M6dkzwiCinOCAnkKkGXf8Nnl+vBjXl1HoeeHQaC4fGC68Yvtg/7cSqAq42FAqWvNfqlfMlIO3dElI19Egzc02RYoJhBZTwOYmDILaPlkGYrT7Bxt6m5umD5RAHSdJ9mMrvtFyROVaSGfImtQteBUvu9mPt26devWrVu3bt36s+u3QE0GTWoYt2qKUCaT4fV2/HhPzFnRy/IReRgvuCYb//eLka+i03MH2Tqi1bQDixq+JzBnDaIPc0z5GqTRN2fvQG7uiGee2Ff3rd15ASsG2OCOMDLgTq+VvRzrcwb7QOq7Em32WzORo1kcBCMqZSh5XDk4qCWBHXd6hrgNmKfeS9mGsArkJliwQ8Nwa5/OQF273QlrPxBYHkYFyvOn9p71ft5BpajUDdXvkv9UeRkPJ6/lnLOZOhyk6hg1SEnWULv2ZFB9yesC8rlIABOxE2tziHUfWCnwJ00GxygnWQ1jxewAsk1FS9IiUMJMPh2JSunuCPNiH4URKIhs5owbTZaxE1sSGkqcHn4pkcj/B+K50ebM5/7XxXy/B97vF14vMs8KhMvUqKuXWyaGv/H57PZWSsn+Sp5WTKhas4DhhejPytAAnzSzhkCaTGAvk58QlAQ1Ad9KRRr6+0PvSmxgJkYk9nLs9UKhkDTcPsbSnTI0DjhVjxAMKGZ80xsnXEwtV3KY4TXfqChtSBYFsUGyfK6y0tC8+/H05mG8JSC2IdfYRv07BMYK7iy0h8ufwKVAhxImPu8NjJ9fIOnagfdrPta5/dKbBB8dJqDD3TCHI/GRhFI9DQCYAkZo0Gx2wBz2YMDhyEXQ2wtQEuqbSm0q2WA084mgZxkL13Xwkl8a12753RBIdck6HcsCOzYKrEqxsP6GY3/z5rx169atW7du3bp165/Vb4GaYSfFpfxRhgOvF3feyYgoXY9zKOg36EOMXhdjoHd560fw2qIt4936cwroKB+DsFR8rwAdTTtugE3HmAOftRGxEPGR7IOvKUbI2UmmNIeeMq6Bp+KmywfCKVlwHsuRNeicWvJ0mDGZlA25m1gDHAh3bOQXmiWis0THk2vg4CeWS4v1UGhAez64n+tqeBjfVGVBNBxsKd+hf0QZsnZSUw9dBNfqezM++PpLDBWnnGT4aOiH4AgZKrt8RCRxoH8RMGcN0luwliPSsRZOQhRAk1UrOUd2QLfV77EoyRLDqAdFALETA8X8EbBi+jOYoIUMehOFYtrh8PHSrr3hGFvXNZUBakURfeNhcBho0p2ScLlheOA1J1kxHozgFlCAofub4p9ldm/6UAIbxEyxsy6rN2utlndN/XknQdOCtgzGaGwzzPFCwggExZY0cWCHEVBAsTVSzDc7nyNZUfVZMWbqgUTChfxUipkVJWmUp1PFYmPoFyU/5kxN2zuQi2BTyRkLYDiA52NV5gEbOipb139MNIDkNKw5zBFYr/EEEHmMwxNMWCswnD5B9gtI7O7q0Y3PVwgc1TP5wZwJlPG7nnmbyX1WyXyebVAOE/vOCDAH4Rn+W6DBaDoDS+KWKRPqhMWGmYudVtIpfm+WNLKfuzzAELjLe8Fe27EIpvrgeQYXNv+3pf9Xgs/Pvfv48+/Pvlu3bt26devWrVu3/qD6LVAzh4ahPF4N5sCcpMibHXkKhy75UBgAJQrtHfDh8hJJ7aI+BU0FSlCysHbi59cH5o73a8AtsfaC2UAi4FlShPIrYBTz0CBilrCOfj0ygdTueAZNjUsGRW5KnKHKy+MFAjjGYwit6GDI09b6V4iRwQFiUnKx88imktT+JSCozv6ZiFLMkB5aDYqvVum/i71U/11/CpTZpoZFGw/grKQfj0Fd328bMGNMtU961PDaccd8F2vD7KS9CDNJrY36vB2Jr7U19NYOvnx8YMA+5wYYlkxOAWA92SFZsjedqQUlT1YGrnw/k9cTiBB7ybH2ZqKNUp12bDG9AmkLEBuCseu8Cj6UBvVgIH1jnAZzkIGQwC++MAdA1dLPGrrJMivaxtqBtSlzOUBcI5ECB7L7IgNYK05vTldv8l6PIou095JpzQdes4x4CXsQo9gPgE3eTjKEZmS0AzLRdSu5IYGifnZYgTsC78yReltsArHdH2KlIV+UOa5E5GbXGNf42nUNxNLRAnD/tTddLJHh3rKlYm0VSOFeBtcOclSOlHAoYanBsOol4PRmnudCyaTGnIxOLyApC3AUIwWGWTIlEBgexYhC+X8FzByB8rp5IHEoVo+e6kRLdS68EJF/g6/MmvUCUPZlZv2EI5hFZt8YEzs2U50i4JZHmrYDwOpnjPngcqjeFHuHRugXpbl169atW7du3br1Z9d/8KjhUPSaA/PlDQysxTQnGoMmsmUTJd8BIl0+MIYRiYxFFMNcP4h7DwTEcGr72PD+MRH5BYBx3q/JYQBJX4z2TzADQlG+0GD0AFLMmFZDqYB3ihBBIfpfmB85RUl7alCjaWnIIkMDa9YAV54YG9aD3cYGd9NpoGsYGM3ysHTYDqydWJKtlHkuevx8Dn5iMY0zmBSoYTLn1DxMyYEkHO2NYy7wDLBiDXC05+/tiaHLJtCloo2Jt3Fbm1YRGsgEtsFwpE+iAIzSdNj5+8gyUSXLx61AANeasP79pNoI/utj5pBmdV2dBqtbYFIm45QPIynFaMqOkZ9j4PV+AU5z2+NLBMnY+P4dgc+HA+13rkh5RL2m2GAcfIcTwNk7G9ggGSXF7HJ6RsEwBplNBPTkceJ1T5KyPQBwg0/gx3gh4kssmMQP18geW8CtyqAmBLAPiNiAXfcoASfGZXvLuYAPxqy+q7Qmk/dMNABTErxKpSKpxpSqtgXIhnrDtZbJyhgYSDd4OkYmfAdWJPamHCiUyLb1LNmgNHCMem6RYVLAow8XA2nDS0qXvC7Z58Dr6TkA+9X36wlANHgtEDyT6U/5MCs//VMgS/7St2XcXRLDOUa9U0lw1hHaxYpimtbDVBjFDrJmuPhDameAJGBcN2MMzDE6UlwLj/fVopl3NlwJVDyeOSbm+wUY5WkRwXtj/N+HrefsjsD6f6A3b926devWrVu3bt36J/UfgBpuT3/WbjbNMPqufNbG12eRNbOMMbsP5kXmBzBgzokZz4QdvSYDljTzRHvCmIxfDViMkN0r8IxcHgJdSkYE0BTzRMFq11vMmFEzZ0UQP7g8z11zJD1gepCRZITDGs/vlwhuoFk3nSSjv69dfo5z0YCDm8Emk1FcyVbp2YDYISIcVkLg7K4D3BXv64BjsJm5ddzAlMmqe7ZnSzFYahisXfiSZRT4stdqpsxJsIEkL/osP6yTwstK/hQ78FmLhs5vGgy/xsPLptgq6Rq8FMvrB+TrPfsCxRKwHPTSGSVXg3xLeM9D1wWxifmJEWRu1OeIlRBZwJuWnfQrbWesa0Jw5/vu3EdS2rXWRim1nr35Wbt7cysCu3sTH2SmepMMDxJZCrBkb/owwOl/QnkVvWX3GsjY8kzKBjTY45Lk9ToT4yIg9o6StZpJdob+lMSmGBqUOunfw/q/3QbSIGCWaVQhT5mKqGcKlgs8KupKtISIfRbFIaFvjU94ANuP9xFBz/9pNV16o+KSGAx7bclD/QFoJMjYK8nUUG/q+iIfoMPj+WH1u/W/rbV4pZrhWMyXx+tRILaYLQXUwBCb6yV24v2mfBWDslSrxKYHS6dJTjjH6Q/ZUer5N4ZjDIfPMpMW4Bp8RqYA9Ci2JdjhJWEiriufIS+mToHBJzGK//vgBP7zAjW3bt26devWrVu3/tz6LVDz4Vwg6j93hocnxhj46y8CNZHAGC9qj2LLpzbFqKDQoRJ8dhwJQ/1wb2K3VMxvTeZjGCy9h7Uyn2x5gCCKBGUeYyZshLxY6HUgkod2dWkomo/zM0XW8vMPU4a7/Rr09S3FyjmMIR4XhyPFcxuPy3I0K6SGxWLx8Bscr2F4jRohR+2bQ3nDOgxr4OY53AJZvqeSXoghVCwU0AfDx2wZ1fG/OefoNRHJADoi8VmBtT7YnwVzw7/eb7ze8zE0nsG3rl+BcAbg6+dP5E64DayPItJf9MbItGYH0ayVDBZXxLqLyeGmbXQY1odyjRo89w7ER4O5fh251BNIy3PrBcrsSHz9908yUV6TZtbOaORilBw2QZ4Y8W9Ynw9/JxPo2ZsTf/3c+Dx60wQIdG+CgBd7kyDCXpT7vaYfhgRCUrXGwxAQM6MS0mGMUMsCDAT6kKIFQ2LMxBghIICgQWcqVT/JjLeZVqjktpIXqsfwSHmDOCfGpCpTvHvBnuaA5ZZUMIEUo0QPEbbZ+UPJknw6XvU6O71ZPVieQFUV5nbAlepN/o6UoblkpAmxcgTcAEClMB32Sv7Sm5lkSK3Pwl4L7o4f7xfe71c/A3iPDlhe96PYbp+vD6PRofsd7Esg6RpjpzfJ5fEH0Ct2izts0CBnLxkCwwCBtATWs5l3QIHvWQ/uA0jjb735+cn1NacYOoF4sL2iZJagp9GtW7du3bp169atW39q/QegJpgUojLXoPz1NKIMRCpVZB66+48f/4aZ4/P54LO+sGXiSyYMJQnDCWiUiwOaOCOGiga9khRQYZVIY2IPN7tJJwjNAeVlgOKCyHshO/r1/ITvQ4OuUkZQQ2AnMB0vlWIG1PDvBtj4e/zuATPaTyMDVqkyBb7Ud2k4JDih9KmSmug6APwePJg8JllK1rUCNIwLQsnE6zX6I4p9RE8Oa9+brPPKxN4bgJgv5rDXZGz6/sAW8H6/euB7DoBMeOH9owHsQEByFL12bxNoQK+SjPIQ0mAp6VGlTaWu396Mh96STOVKpI4T8JZ4RYQG0DMJUsKhKxQaeqMGToF28aGkZxgyGCPOKGrr9fdda21JnLKitYFYiZ+fLzIifAJ7I7B4bSXtygT+9ePfAAyf9cFaHzHnCNStFZgDgDPNTUFBQMnWAKQxwc2cg7PP0RLIzAWAZsKpCOfUGt/FZuq+4pqOXUwYgQUJJSYVmyzIhsHDVNgKdBJYkwBcwU39OQmE10eiAA8+CzZSII7QBhwGHE7/Q/3gR07XbLO//SowsYGfYo+Men7wGF4Fypg10FjeWf63XkfSB8g6YY29yb9fsA38a/5ogAgogPzIEYuBM8ZQT7oS/MS2UnR7kKb04AilTOCN8jq3Pq5iGvGRHICYeGXWztPTs0W9aXq+WN8Q07MAlLS60yA82PNQWlQquStThtCWKEnnrVu3bt26devWrVt/Yv0WqAECnx3wLf8Fwy/Db7EpmJfNLWQ3Ajo0rQzu2OYElUc1+CXmcMzyh6kda+AxMHGXOQ1KdDLNP9rZTk1mcO2iVzKKYe8FgAk4tQOLSrDS51bELU9H8gYPlJ9FDV48kISJudOqJPwK3PDP3j4YKQkB4JJYSCYCQA64GmIBpGEjOGDW/GH1mQnb+yGBeMrLDljTrJ9z0PwXHUMNxjU8NQklJIeI2ul3jDH7Uzj4WR8v/8rrG8VESiXBBLaGShuOUbv8FSWc6IjxinT3OZTkgvYe4XHzPrg55ovJT/nLfeZAfuRSBbLVn72vDyUbaMZRnwfQwADn64o5bkHZ/9oV36ESgc/esI1z/WTGm/LlcZ10Km2LZsvqTQDTHTamBuEyB0/MMTBHIaNnnQMFEnqvzxXRIGgN36j/bBabIXLAMOmHg4XXa7bBuDmQu7hQPMaOWdenuQflfeW5o37ikF+MjZR0LdWDJbUpgMaa0ZfdE+tIcwrURS0Rghcp5pcBlGABzagx1LXl+/yx1nupRSWj/erLVIykjhpvA2eddSTW2jrezy+9+XeAqNZ5HbMZQRj2UMobawt0cqVG1fPCJBWzx5Lf7M1JM/W9dxuBNxDl9KOJft6pv+r3fuLyPhEYc177erbV/4aYRKyP51xRldzJ1vm1N2/dunXr1q1bt27d+nPrPwI19QNzR/BK8mBmYkAkzAZik6ZuwzHnkGGsTGTdyYoIw1qBbUDuwM//ZoR17SK7G36835IYbURwGP18FvbemPPF2GWgB/Qxleyzgzuy7pjvF5qJozMxGNKSkiglipSvjjRKgDncAmbrABVnExn6YvQ0k2eoKJZANjvnDJNWQJBJzpEcfXsmspJ2PVgF9suXSsJU33UOgYdxdt8r6aoGsHyAGW0QWohTHZ+AFsCUxmL6N4iJ4sTiehDfMmSN432iezJfx3y0QZQnwKYddxeTZQxryYT7YdMAFSXsnRoTpvScjfYkqQtRgFwbKutXihXi7j3QlvFsyd6KwFCmrxEL3sar37UOOEejVVNvkq005pT0hhKVHRs+DHOMYxitNRugd8tegTBD7I2//lvrdbCPhxte77feu7D2xtobW7+GvwRCgOsQhjFo2ByZncg13gQs2oQXANSbHgZ3Dv4hRlX7vDQwsVEsmwJs08ioCX03QMJFrSOmEBnCKMVLD0BGy4fnohhsvqPbi5/LNVc+O7po3Y8DUKpUPliBaMYZoOMUQPk8bzIAa/0KPNJxI8o8XUeYSluywtCKTWj6nZ475nzuMQ77MJBOb9b6OQy8ctXy6s3J3sygka+X1sjIqhpTvenWQFnk8fyKON5cw/3xndnHmVYJWvTLYm9mM5aqNwnoEEiOCPXmrVu3bt26devWrVt/bv2HeO7JYbhp9dxhp7RlYL4mpuKcORiTBVEJLy6/CkfIrJLDtAGIvbE+QKyABwd8M8N///wSNR/4fD4YY+D941+oSOryqtj7GGqO8cIYsoO1VOIIzTBJ0Tca60IAz+JQFzvxWYtGmAIBMlNxxehB0B5skgIfDo7CyWztj3a0e8R7GHFKblDb7MV7ycM+MHjNuJJuodN3vGVC5fES2mXn62IJeKjhN0FjWCQiKFerxBkfQ7v7HBqLAVCpUSa2DCUfvJ4Aj4kSjnHOxcD7D6UtZfkRpYZ5nv8YTGnKSGDUcbrWDXf4p8xVE4m9A5/PxvoKmFeC1bkGsJKsPVOhNChDUiYItEAl5hCQqutb8o66l+ULQpUU5VnfOVnm9UtvFmDF3jRzvOZL9waImYwox+lNs6HeFCPkbUhMAIm9NtZndW/WUP7ff/3s9fH1+WLCz+uN+TZFoRP8iB30XjH52TyG9I6zj+NbcnoTiLW7N78+HyVaWa/f6UPMqQKC6f+Smd03XPfRIOXeHwERYmzl+bySwjURC2ToHBBDKyv55y1japeplj8kXnP8CiIjeS0BQ45j/gs9U8pjicyvhPvgs8cK0AEAa9Db+piOD06DoMPhxmtV62KMgrXr2SPgfAdWEHAd7r+wDhsRTke0UfBUKhewg6Dq+kq4bxDPFIvG6/z5d4dpeBiTY/D+NZSt3nQBbac39b8VZn096ry/e2/eunXr1q1bt27duvVP67dAzRgTjqRfgHZnI60HfTfTzjyU7vMCcBgLHJ620lkSkRuvlxg3PpE5CQAAKA8MFgfJH69/CfDRjrGiuAFGdtd0Z9gn/siAJXNgfVR/9xjyJ0nuyrsb3lMSGRnKJhJL0hpiAgeYMTx2fN2ArMQdMWGamcGv5tySABxxZje0YWp5NZg9GEiBrReXnCPlT0HpT+3UR+/YRwA/f36wxEqZL8eYA8PPsFQgUkRi5TpsHxsweA+Grjhu1658pfTUBYks6gIw5PXCXe/dkeJmDotK3tLQSXMTMiKw2xelpSQGvP3VYFMZktZ9/CWBCgQB59D9qDSuLLDG21upUpK5xOiMW5Hj/GgOr56PwVtgzZGbfb969mY2c+Ictzv7JU29+fpbbwYZcNULYYk52Zv2NmQO+qcAkisFvXiRAAber381sAckMA74YJXk1owWNNi7N39BciMkGRtzekdDA+rNF5l1DaxE4KtMwqHeaM0NAcliYNAr54Ad1X+1fszr+Ng/wLM37W+9qadAxOOwE7kJQNsgG8nSG2zkenVkAD+/Ftb6wIdjvhyvOZT45M2gs+S12/HoTRTLRilRj950M7hFJ6klgCX/JjMng0jXMnLzdeC5hBtc2ejV87xFG0BQ7rUdCEfo81/+EotOz09IWoXopCcr/6GSf1XU+oPVQ9BcwJEfoSaf7URgyXYkcFT+Onh42/yahnXr1q1bt27dunXr1p9Xv5c+6QfiXFuGkkMSCQ5BiYXpAgUGY2e3EpwSNMF8z9nU95MQpF1pO0NX1gjV9PlVliF1MBhTwIDJCwfHc4LFMX3ORFjoh/xiqNhjkK+hcotjwJ1iDo2Mza7PGzLSHJVkNYoVw139KrfRf/+LfAG1w05JAs9Ug5HXsJaKmubfjQJ+jN4QdS3NgQz5S/Q1BF4vg/kLf/2kRGxtgmMxisVkv7BnZPVJFlSZLAcE2ACwhAmAG06mgBsZKYeFwvdbptw7OHgV1uZj4CUyRZmaVgQ7r5Fiz/lqDnOAZCAD77fMgpPGr3jsoJffj2td5YDMYU3SNsOYAwjHio3yrhmDA+XeidwcUCMpqdhRszmZQa4o4u9axBhM7BX2JlIRzkaD7zm8PYD22ke+CGDvj3xiXuI8PAAQq8SlFIDKa19mxJmrATrkFp7hCEmkiqDRptx1HRMYTs+UkDF4dG8KplVDH4ZeAb4EIlYZooAA7pwDwwlajpEHXEqxZPTabkmeCco4uBh3NfhbgxYEUAo0SAEaoeeOwbBTvbk+8CEfpW2wUX5bifky2GBvVjx2ZmLmaJDXxAIr9glB6RAjEFzTm9eVwIiAUjeldEEsneoz9WZkS4qq/1IMN/fxa3JVgax1FBYIBGDz9KZ66P12eZQJ2OqocIGjBabMYiolfXNIu8EYE5FbgtBHb4LJgLB6vtSzudaQgCoB27du3bp169atW7du/an1+9SnzXxuJoZU8g8wxls/1B/jS2Rgvjg1l18BXhzh3U+YdlHwC5DJil0dxvQfM0kZ9KbQa4LDIGTuGQbt2B4g5MRvM13IYG1Qy6EilADEgWTtjd3gA314ajhCDYjFipnWLBNXdPQzeeQMgbWTHA9mSCJREcbyzXFD5kbG7thyM29vBw6JvFZhiUd6L9ByBTJwbCReAxhzIHLoeiUHw/3pgbaG2xoi3cu3h0BVhnGIkmQrQcBo74BP7f6DfhFMomEq+5gDjBfOY9tT38N3YDfwM/Gas1kCS54+sYG//vqp3XnHMInBrHbiKWXhfJ+/gFtZN1S79pnA58MhOh6si7TEHJP3ynmODsduj40zuA47/iLfsbo3B2Vjlcr1X+rNjoYGgAy8XkwCYiw6gNcbQGIYzjqNSlYqgIRDMo1nC3Bjv7gVyMbUJiv5kFEe1GwKnPsFFBDGZ0oxYMwgZpDYeWYEG+PR10mpW2z1ewJRqVBDjLM8x2FgYhjkcXTkUtleNgmyQ5696TB6/eQ+fSFzXiY0HSNcILER8An2qwEYgzI/BGBM3LJh+P/Um4CAwgT2/oKZ4f16oRh+zcZ78/fI7NeP8dK1Pr251lbCm95ogdiHMTh9wjEgLp7ugRYHH4q8DyBL6zUH3IO4aNAQfi/6BQ2fcGfamAvUI7CVYjLhMGeS35OPpwAErK+1DkgD/M/eLOYNBnY+wXvTmvVv3Zu3bt26devWrVu3bv3T+r30ySeNHx14vyfmcA08j3Qea+cEVEpMAQJ4/CBOyQ7EXuDrdiT2BtZKvN8DP37M/txIDnI/vxbWh2DGa3oDRIyTPslHKZCmpAvDaXTZHgza+cWQVagB/nLt2hdYweHHtMM+xvGGKLcHeuCUBOKATTWpHEq+PVKG6vLI+BSoqaZ+QyW/REm9ksfpnKQlfQABEd6CX9hBaUdyEXvLH4csgCmD51FsFkSbxPJFFW9Os9K1Sp4C3UswuWZ4M1DqNCMTn0Wj2tqgr8E/dIxDyTAAvYnmLOYOZE7LIXivQLpzyB6G8iApSQ1QO/uK5dZgnzheNfXvBkYQc24UyGb06Ekr2ReBMWegDe+HALqvz8KDqvXtaviUHw1Bmr/3ZliZ9RZYEs2WGFbR5adn2JnRfbUjsVbi8wm83xM/fkyyZ9Kw5XtESQ978TUGGVPIY4xdo3geILNkK8PLLBpcB0k0qFg9XOYF0ITAGsM76ZNEYEZATxK0rNcSYFrtEfX0rzmAkdhfYmZQVhiKr4Zew/eXP1JklpNUJz2Zo1lEfM4cwJh9CYGHlIltpTgRrDIMH2Q+eT03xZZ7xL+l15Xc2CiJl/P5UL2pqPZ2f9E9/pIHlyCyZsJlJiD2WXna5N59T0y9SdCXvkMYjo1EvoCTlOd6XooVl4e91JHkDwC0JF26BMdMGOpN/Z8Zk548Ur15AL+vz+eJjN+6devWrVu3bt269cfVb4GaoB4GAPoH5OHeP/hvyRBKuERGjHbyi90AoMxnKSMYWNtoFrsU14zAZyUyrMGYNGpRfNKLgyaj2T4WETV2gkADonfeAaVJ4QzzSCYHUTpgPYQ7XKa9wBwcMhssQcVqc3e+WAU+nElWSh/ae9fpQv7JLQUo01rDgPX1qK/PPo7aIaY6yZRUVFIxiYQ0cLZcpIcj6yGtBiQgGtjJCHz9/AIkTcl0lJmvgabLmVwKBHA2guMRpuKAycQIJkwZNFRBrwUNXxTPHmIupSRNoUHOx+CwL7Au4fS52Bzs3QZiRcuTwlLx7mR2WI93YmnNYlEU+4iSjL2LbSNpUE2ew7EWk4jIkNhwA8akvwYZJ0BoOP3Ou/ZRCw683p/PFvNNMqW/9SZ+Ydn84gYloNOwt+GzgM/XxtrAXrznn/VBJjBHMTJOb5rAkv3ozb1T5twQcywfKV2UQ27pGmttGdE4gqNiuAx5n4Q50kumFw3SZMnacMx1h1CWTMfKrf4UqPA48/I7qd6EkqMKbCiPHb6ETW3qTcoTaX49zPXeBHbJ9ATuKC4bEIgm9pJp/RHASfz8+RPIJBPnl96s3iadzgReJrbArkEvmr3JPHz0Jhl5q4EWM64ZcyXMwRvcgYzeCWCHzMdpJlwGPm5DKVyOz2chjbHwkNTMjNfYy9C8mEH6jjYPF9Ovj0NAzf/szQU3+6U3i+14mJO3bt26devWrVu3bv2Z9VugZrVZS+Lz2YhN2vscjiGpkqGYHsfjwkBjUi9D1ywGBndfhxnsPTBnyVI22RoAVtIfg8yLgX9PR/6LZrzr84XYm/KE9+SgIynTkWoE9mcpalesjkdiyvCJzhgHcGgg5dPBIYwYymH/GNCRvO5JCcCQD0QAqYSjkmWknVHiScwoXsgzAap2oXkcAngSWCv62E1Dnhcw059UW/aMzy5pk+lzd+yWf43hsBwEU5QE1V4PVq+nnMoVoey+CUglDVppeJp4/3iTEVA+OKkYbLFfTIsjM5n6NU0WNi6mhGF/DHtpcHYBOfHh9RgD0wQ0IeG2mVwUPC4kDXN37pbAxS4jZg56gOOzgibWc8KjhtPUYBmwOQVkSKgxDMz8GroW37PoXQT8771ZPkanNw8UmDTz1rJpsESrxg14/xiYkTIcFrMMhpVcf3uv7s1//aA3y+frp4zBE3iP6pjuTYDPk712rxeCQwVsAO6TAKxV1LqTgWbFNmG6UcpAOvIw4IrhAckEhycwEmsnbENMlzj9CbFI6r+7R1OMrQetJsocWL0Zhg8peLAkcOT+AD5Q1/z0d+DprUK2XezdZuyUE3HlxaaxufsQ4K3P2GTaDCcgVclnewMLWyAz8P7x1hqQd0zaCXNKgi1pQOTC8CEPsTxMuDTs7ecZMSbGmMBayAwMewmUPYlekQTKX1YMGzF1hK1u9ab5QMQHlhN7szffrxc88iFfEzD+6E3oOtMk/Hv35q1bt27dunXr1q1b/7R+C9SUmWokfQXEY0fmxgrBBJZN3e9dWWgGdHv8PXfifXAn2mV8wcHnjR2BtTclJzC85sBeG2EbUNoIZwKxJVCyDclfMvV5FRnNY19rYa+Q/0x2Yoo5BxPuANcQW6CJ9WfuMvl9SCIi8qQTwU6krHbBK1abO9ObA5adoW2MSmrJHmZM3hmURRy+Q8lZAB3vI42IIIx8M8RgeDpRJLITWIpWkXlizL3PvyRF+vdHDG7o7wkUaaBzDpNzvBERWJIJzZdLIkOAyFp2BmAnWVIJsiMSPXBThhGw1+hrTOhAiFmxaMxhr9nXA7pnJfeKYtOkjj2LwaQh3dARwsV02PL8KCBMN/5X8OwbFvshkf9Lb+7cYjmc3nzKoAxg8o+f+2+5YbYxpoyEzQBMxJ7szbXw9dcH5oY5Btbi6wmyqL+zzHkhgEFQUpZEBpij1i/9VcqLps2hAfUWmrlnBZzyFPsZsCRzqudUSbiK+RJhnZRWDDQXOLUevdl3OiU15Nsf53J6t6R0BVAYEtiAe6g3XWyRLV8ta3lQgTV4sGtOt6Kj7WHFpsMD8LSWlD17M7LOS6w1GHtzvulR9Vm87i/H+8dsQNMqLjyBctJmEhN0npXoJh8e70Plefd6EyBohvF6S9TE6216bu7ktdg7gUp0wu5rsPdGesJ8Fj8KgHVv1rOv7tF3781bt27dunXr1q1bt/5p/Rao6R+5DWROaLCvYahTd4LSn5IlGLiDujYKecDrNeGDXhK/+o1oCAoCLfS2AH5+feE1GDFtydjayETsLYlCEQJq6AHKp4JkFQ7kY8qgMgzonfiUR20itUttMA2Ghs+qQbf8HHiONXwAxxOFyUnlNzEppXECKsNNXjsf7M9GTZzmU162ZewLlDluyW4KkHEncym0qx9ImaMKQNsVs5z48XrhNV89kNf9m/ONHZ8GaSr+233IFLjkCuMAYthoPxxeQA6JkpS5D+xN1krsFBMgaEa8PkCYjpHeHKlrjgDGm74cIcAMAD6RWJ+F2Sk1JW+oe0pJxBwT6/PVTCjGrZ9EqwQ/Z0UlACX+699vpIbu7J14Dab6Lh8AVVbZspjvLK9o8YcBczDB5/ic2P/ozcxfezNXdu+MNuM9DDLI5JtSMH0RaBz8c5/ehNEPZsvH5FcLZjFcDKhca15y9tmYo2VG9fwwAK77QqCToNzwob/bfWN4bMG0JTHkeK5HJrXVN9Nlpu3+P3pzfVb35rTRwFCDKAIHIinVJHvGBESapFvO3hSIEZlYAocjEv96/+AzEHh0p2HOF5liCLHAWO70z3I7QGz5wDCijdHdZVaOjE6sch+ItVGm4sWgmz5pQq37mghYGlmBAJCG+WKCX/ZzAFgBrM/Ca5y1V8B7gWfVm3wmVG/yGeDmsAmk0fPos1PrFN2bPK123RJrkN8lZVR90bfvzVu3bt26devWrVu3/mnZGVZv3bp169atW7du3bp169atW7du/d8s/88vuXXr1q1bt27dunXr1q1bt27duvV/oi5Qc+vWrVu3bt26devWrVu3bt269U3qAjW3bt26devWrVu3bt26devWrVvfpC5Qc+vWrVu3bt26devWrVu3bt269U3qAjW3bt26devWrVu3bt26devWrVvfpC5Qc+vWrVu3bt26devWrVu3bt269U3q/wdCvnptyr3WmgAAAABJRU5ErkJggg==\n", + "text/plain": [ + "
" + ] + }, + "metadata": { + "needs_background": "light" + }, + "output_type": "display_data" + } + ], + "source": [ + "## Bonus see some attention Images.\n", + "random_id = np.random.randint(len(captions))\n", + "row = captions.iloc[random_id]\n", + "img_file = osp.join(wiki_art_img_dir, row['art_style'], row['painting'] + '.jpg')\n", + "image = Image.open(img_file).resize((256, 256))\n", + "display(image)\n", + "\n", + "print(row['caption'])\n", + "\n", + "MAX_LEN = 30\n", + "pixel_upscale = 32\n", + "\n", + "tokens = [''] + row['caption'].split() + ['']\n", + "tokens = tokens[:MAX_LEN]\n", + "\n", + "attention_map = np.array(attn[random_id][:len(tokens)])\n", + "visualize_attention_map_per_token(image, tokens, attention_map, pixel_upscale, smooth_attention=True)" + ] + } + ], + "metadata": { + "kernelspec": { + "display_name": "artemis_dev", + "language": "python", + "name": "artemis_dev" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.6.13" + } + }, + "nbformat": 4, + "nbformat_minor": 2 +} diff --git a/imageprocessing/artemis/artemis/notebooks/deep_nets/speakers/nearest_neighbor_speaker.ipynb b/imageprocessing/artemis/artemis/notebooks/deep_nets/speakers/nearest_neighbor_speaker.ipynb new file mode 100644 index 0000000000000000000000000000000000000000..1cda6eb26b95b9b3f3593ba98cf98e71d902dac4 --- /dev/null +++ b/imageprocessing/artemis/artemis/notebooks/deep_nets/speakers/nearest_neighbor_speaker.ipynb @@ -0,0 +1,429 @@ +{ + "cells": [ + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Use a pretrained image-classifier to find for each test image it's Nearest Neighbor train image,in the underlying latent (feauture) space. Then associate to the test image a random utterance (annotation) created for the its corresponding neighbor.\n", + " - Saves the results in a csv file\n", + " - The notebook is quite simple as all the heavy lifting happens in the imported classes\n", + " - IMHO, the results here are impressive (i.e., fitting on average) and this highlights further that \n", + " emotion-explanaing is really a subjective and open-ended task. " + ] + }, + { + "cell_type": "code", + "execution_count": 1, + "metadata": {}, + "outputs": [], + "source": [ + "import torch\n", + "import numpy as np\n", + "import pandas as pd\n", + "import os.path as osp\n", + "from PIL import Image\n", + "\n", + "from artemis.analysis.feature_extraction import extract_visual_features\n", + "from artemis.neural_models.distances import k_euclidean_neighbors\n", + "from artemis.in_out.basics import unpickle_data, splitall, pickle_data" + ] + }, + { + "cell_type": "code", + "execution_count": 2, + "metadata": {}, + "outputs": [], + "source": [ + "## Change to YOUR PATHS\n", + "wiki_art_img_dir = '/home/optas/DATA/Images/Wiki-Art/rescaled_max_size_to_600px_same_aspect_ratio'\n", + "references_file = '/home/optas/DATA/OUT/artemis/preprocessed_data/for_neural_nets/artemis_gt_references_grouped.pkl'\n", + "save_file = '/home/optas/DATA/OUT/artemis/neural_nets/speakers/nearest_neighbor/samples_from_best_model_test_split.pkl'" + ] + }, + { + "cell_type": "code", + "execution_count": 3, + "metadata": {}, + "outputs": [], + "source": [ + "method = 'resnet34' # you could use resnet101, vgg etc. see extract_visual_features.py\n", + "img_dim = 256 # size to rescale each image\n", + "gpu_id = '3'\n", + "random_seed = 2021\n", + "save_results = True" + ] + }, + { + "cell_type": "code", + "execution_count": 4, + "metadata": {}, + "outputs": [], + "source": [ + "gt_data = next(unpickle_data(references_file))\n", + "train_data = gt_data['train']\n", + "test_data = gt_data['test']\n", + "print('Train N-Images vs. Test N-Images', len(train_data), len(test_data))" + ] + }, + { + "cell_type": "code", + "execution_count": 5, + "metadata": {}, + "outputs": [], + "source": [ + "train_images = wiki_art_img_dir + '/' + train_data.art_style + '/' + train_data.painting + '.jpg'\n", + "test_images = wiki_art_img_dir + '/' + test_data.art_style + '/' + test_data.painting + '.jpg'" + ] + }, + { + "cell_type": "code", + "execution_count": 6, + "metadata": {}, + "outputs": [], + "source": [ + "assert len(set(train_images)) == len(train_images)\n", + "assert len(set(test_images)) == len(test_images)" + ] + }, + { + "cell_type": "code", + "execution_count": 7, + "metadata": {}, + "outputs": [], + "source": [ + "# Extract features \n", + "device = torch.device(\"cuda:\" + gpu_id)\n", + "train_feats = extract_visual_features(train_images, img_dim, method=method, device=device)\n", + "test_feats = extract_visual_features(test_images, img_dim, method=method, device=device)" + ] + }, + { + "cell_type": "code", + "execution_count": 8, + "metadata": {}, + "outputs": [], + "source": [ + "# Push features to GPU to do nearest-neighbors\n", + "train_feats = torch.from_numpy(train_feats).to(device)\n", + "test_feats = torch.from_numpy(test_feats).to(device)\n", + "n_dists, n_ids = k_euclidean_neighbors(2, test_feats, train_feats) # take 2 nearest-neigbhs to remove possible dups" + ] + }, + { + "cell_type": "code", + "execution_count": 9, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "tensor(0, device='cuda:3')\n" + ] + } + ], + "source": [ + "# replace duplicate (among train/test) with 2nd NN\n", + "# this should be obsolete, since I de-duplicated the entire WikiArt on version#2 (CVPR)\n", + "# but if you are applying to another dataset it is not a bad idea\n", + "# (sorry do not have time to beautify this up now...)\n", + "\n", + "f_ids = n_ids[:, 0]\n", + "f_dists = n_dists[:, 0]\n", + "too_close_mask = n_dists[:,0] < 1 # you can finetune this threshold\n", + "f_ids[too_close_mask] = n_ids[:, 1][too_close_mask] #F : final ids\n", + "f_dists[too_close_mask] = n_dists[:,1][too_close_mask]\n", + "print((f_dists < 1).sum()) \n", + "f_ids = f_ids.cpu().numpy()\n", + "f_dists = f_dists.cpu().numpy()" + ] + }, + { + "cell_type": "code", + "execution_count": 10, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "TEST\n" + ] + }, + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAQAAAAEACAIAAADTED8xAAEAAElEQVR4nEz913JlSZYlCO6tXA+5DMzM3JyEh2dkRGVVSfdIZo7IyHzB/MD85cz8R3VLl3RWVlZUBnHjBuDiksOU656H4+HS9gYYzACco5uttfZS/H//v/4f53H0BIFwDtnFvN8feAVWSnEhITGrkwu7vs8hlBh3m35ZFoA6eyel3G96H+LlOkljbdcxxgTnfnFG8ZL8ssTMTCnFGPPHP/5RSimEkFISkRBCCJFzYgxjjERERKUUIgKAUooQgnOOiOsna61E1Lat1hoRnXM551orY9J7t9vtai3eO0ACIEQUggNBiqWUUmvtui7nvH4XRGSM5Zyb1gAiYyzGmGOqtVqtlVTTNGmlAEApQ5WEEKWUlBIAIGCIwRgjhEgpxRhzzt57xpiUMqcshNBGr9/UdK2PPvgghFh/RwBQSiEiEUkhOBQiyDkTAeecAFLMtm2VVi4EnmfJIYS0v7m9DEMlTJVyqUoZ5JwjY7VArUaqnHLNuWlbIcTk5kIUUsRSsRAgKKWkUgCQa8mlFKq1FqkU51oIMU0TY2z9gTnnUsr9fs84xxgFItUqpXTeN9YiIuPcOyel1FpfxhMApJS9C03bjONUcunafpwmY0zBWlje7/eYy81uP13OrACnqpkI3hslz6wmIspZctHYRghxHQcXAyEUgEJVSlFj7qRuhaZctNYZ6hRD4bC/vw2uKBCiEBZyMSw1jdFzJUtKDQjGMAvwwTMpKgEgEFUtVKON5Bwq3TTq+zcPw+UsFp9KwWFaZNMhir7rnh9frFS7tlPa1hInNwtgpVbGGHB+uVwYY8aaXgnvQyhFNc3189e9scD4EoJ3S4ph2zUpeGRCad1Yq7XmnMcYSylKKe99rTWEQFSklMaYEML6+b7vhRA553EcAaBpmvP53DSNtTbGqLWOMS7LAgC11rbtnXNa6+v1qpQEgJIz4wwRQwht23Imh2Fo23aNt5QSYyyEEEIQQqSUlVaMsXmetdIAkHMGgpQSZ+zNmzfn87A49/DqwTnHBEeAaZqNNUSQS/ExCM4ZcKlkyjmmKKRMJddAN4fDNM3IMPjgve/7zfrdy9/+pJQk51pyIUSMqev7nHPJ2QcHCN4tpVbEyhBzwXgaKlFKGRjT2hSC7CNR5QCcsZhcjYkzzkLUyHKFOYRSK+QkAJExP8/gFiGktroiOh+ZYNEHgQUAGGO11jUGEDHn/Pz8fHd3xzjzOQJBKlARlhg45wqhAPl5Pl8uHAsRSSEFoOGS2e58uSTvN01bco45gmbD6SqRaRRudppxrQ0iSiFa2x2HFyLatB1HzC6AIssEE1CoppJTgf1+e34+2laHJbTGCM4ZchYD53K+Ds5Xw5WsoLggoBhT27XDNGkpS6xaagGkTTu5RWlZiBA51eqWJQshhSSA5+fjpm/w//nP/3levG57kHKYgzZNClEwxok4UKQ4Fa8Y702DtVCuDGm73ZaaGWeMscm7CpALPJ9OXb+LOeUYrFGbpr1eXrSyOXHGcL/f/7f/9t+UUl3XjeM4z3PXdSmlvu+0VvM8393d5ZxfXl4AgHO+2+3WD0spnHMiur29ZYyN45hzbtt2GAYheN/vnHPOOSJCJCLiHIUUKaWUImNMS0tERJBzWmPp1atXz8/PaxymnLhgjDFElFL6xUkuqNau66ZxfP36tQ/p+fn5/1qyaq0xpb7rlNbX6/XleNRa11rX9AkA2hjBeYyRcV6BhJQpxnlehOBN08QYa61rMNRa2sYG53PObdd2XTvPs3e+lNK2jVHqZfK5ktE6xGi09t5LKQWXKSXO+Xa7iSmkmCgXBqCEqJWY4LnWVHIF4lCRqNZaagUEznkuJZfCBUfOSsqiMmutlHLNCwAQYxRCKKUEFwWLbrTgIue8jJOWUkuVQkSCknPXdbqWWgsCOhe8903TbfoNAHLOT6dTgoqN4IgCWU1JMqYYZ0QCUXLBEd8dH+/vHziiAIRKtVYAKFQrUAUCwUVr4+IVF2Gat13vQ2BSLCmEnAoQSEOZOqXn62jaxtXsKLsQJOcbaSyXlvPZuwwEksdSCCnlLKVsm6aWet/bh/0mLAubY0nIUejTy8hAQCEllOAipoRcVMBcslSqEMWUkSPjvBIppZGz2TuuVLfZ2q4VSg/zlHIWWmvbLDEIbRbnAcB7//Ly4pyrtQ7DsD50pRRjDIAYY0KIL1++eO/XHLy2SSGEzWbDGLPW5pw/f/788ePHlBIROee890Tw/PzknGvbFhGtbd68ecMFX5ZlPa8MmVJKStl17ffff9+27Rp+a3O1dlBrf6W0olqlUk1j13bFGJNSiiXvb26Y4BXBxbAE72NURhcgH8Pi3faw3x72wBkwLFQrglRys98xKZTR1toUYwhBCJ5zNsb0fc85X1+2ELJQ1Y21beucBwAp5W7TH/Z912irRWvNfrs1WkvOGSJHBhVqKetDW5yrAF3fSSU32y0XghB8CG3X2tY2XYtCMiEzQSHiSgMXIATXGoVMhVAoIcRaCddXsN/v+77XWj88PFSqwJhPqSLYttke9rptK0PiLJRUgZD/0vIxxohIG80YO51OX758jjEKzpumSSGHkIgwpexDrIAh5QKQqequPWz3SogSYs0ZSqWYKSSDXBEzwDGVMC1QSnCulJpqEUqmlGrKrAIrFQBiSs55IMhrd4porRVc1EolZwp5a7vfvP2uEcoIKRjniFDrPM3rMRvHUSstiuDIxXWe9ze34zgypmvOwzh0nb1cj4VDu+krwXUcfnj7drxctNE++MXXkMLd/V0hNo2zT7kWMtoa24TgtbbP50tj1H6/Z6BCkCEEzvk8z0qpcRwRMaVkjAkhImLXdc/Pz0qppmm01t77ZVnWeCilTNO01ui1QVpbdq01EQkha61rWRCCX6/XpmnWN1prWWZXSvHez/PsvTfGeO9TSkqpUoq1NuWYS9Za11IZ443VJWXOGBfi4f6ec94jK7UywRljWuuPHz/u9/tpmpTW59MJGVsWR0Q+RCnF2siFlPzxuJ6kaRxjjGuP0TTN+hC6rlt/jFJKKsg4Ci66TX9ze9BSfHj/kQNwrErKnYJa4ziNmohRarrGuYAIbWN9iDnEbx7eLPOy3bZumq0x9/eHcZyIESEfxgEqKt1IaeZlTjF3Xbtru+PLMYbIOM8x902ztp1d163FzVp7uVxijJxzIYWQTAs1XsfNdoPIlmlSRmujS6nMqKevXznnbWuvxyMi7rbabPs4kCtpKYnFyqRQQs7OSSGFEC5nZNi1jZvn4fkp1SxbIxtbYowxSsZrqYVqzAkAlhTsboMAoQRUHKUIIYBg0WfOuRJyqVVrTTFxwWuthUgYWYgQEAoh51LpROXDp48ZiThbZzAhBAAxAiBIKQcRRGYkhYxLGOcrEIzXc04RsaYMqXrb9YxjmJ1Q8uX0wghO14sUErASEBdcgHwcnppu09nOp+Sm5eZwSN4bqRttnr8+/+bHv5vneU2oay+xdvNAwBhTShLRzz//3HWdcy6EUEpZizIieu/130r/WvedcwDw6tWr0+m03W7n2QkhTqdT27ZNY2stznnOmRDCmFYpBZUdDofj8bjODOsPUEpp27bWKoRs2uZ0Om23O631PM81l65pN9vNmo//9Kc///3vf885DyEsy/L69eu1vBBRqRUAcinzshij19qqtb6/v3/3/v11GJRS0XtjTC0FGWOMra0a5zznQkTIGNcyem+0tq39+PHjq4fb7aatOS7T/P3vfsLry8vT829/85AJP359ZqzkEkplsWajLTIRlsEqqQXv1fb1q1fzNCtGL9fztmuN2p5Pc3CeCy6Qcc6Q2HC6aC65YiFGJCilrLlwWZZa636/Z4xxzk8vp27Ts5wxBk58a5qNaSe3MMak1sjZMI6RKjXqNFx13bDOjuOkoHCK1+QvFx9j3PR932xu7u7GcZScpxiNUuN4LYI7qlwr54LadI0xvFBcfHRunuZaS4bKpTSqKVRLKcCZi6G4iYiklEwKQCxUQ8ySK8N4zbkAkcBaa65FAAPAlNMs2OJdqqVQNbIxjXWLSyn1Tds1LWUHQtRSWKmQS1FK11piCoiktfRhYZzdPzyEEOZ5UdpQrTGlmBMBcClCTAQwTfPj1yeGbLxeg/ObtrVKTddro+ybh1cl14dXr758+XK4uTHWNk3T9z0ibjYbrXXbtUrpeVnWwyGkXDvpcRyvw5ByXifX9SWtE/NaqdcPtdZSylevHt6+ffvwcL/b7ZqmUUoxxFqqEBIA1tb2fD6v3c46Z3ddt5ZL51zK6dXrV0orQgIGgIAMNrtNKjmXxDjbbTZ+Xi7n87u//nUah3EYgGi76V9ejg8PD0KIrm3atm27XiottNkfbkulnJJW0s0TIEitCtFmt7NNi4wDovceoDIGjLOm7ZS2m802xZhi/vTh0zKNnCFDeH56bBr5H/7+h9/9+PbHbx7+8R9+90//6T+8OewUEiOKKUqtog/Pj8/n04mgfvjwXkj27bdvcyrRB2tMa601RnFRUmIAirFd32GtAqjTqjWKAOZ5rrWmnHPO0zTNy8wFJ4RSci2FESupCOTLtJRcaq2I7OXllHKeneNKPbz5Rhij25YpkRAv8zz4JVLlRmXEJcTn84lJKY1GKa7zJJSavE8Ap2FQWn/5+lUbs9nvns8vk/eJakYoDInzDMCE5ErNMZiuW1J0OS0pziFkgFAq50IpRYjIOXIGBDWX5GNOOedMiHMOaCRqwY3mWhUAABKCG6uVFKWmSjmVhH/4z/83pdT1ekkp7Q+7nFOtZRyHw+FQay21cMVzTAyo1MIQEYBqrSXtdrvtdutdTilfr1cppbU2peQW9+NvfzTGXK/XcZy0NrVW59wwDJvN5s9/+YvRutZ6f3+/VtsQQtt1OaUVmlyBzlIr1aq18styPB5/PfrreNA0zZqr1i++Xq+11nmet9vt2tOHEBCRcz6N49rwrG332j6tGKsQolAGBqVkwaUxhmpxbrm9vRvHsW0sAHz38N379x9qzT5GAKhU276Z5sUHv+k3Nzc3H95/iJlcTMikUFIrNQ9nxWDTGsgxCp4rSWlypr/73e9//stfx+FSa2SsSo6CS0qsbZsUfNeYxpqaYqultWaeRo40ERDBzpjbttOMc+Tt/ubPn7/+t5/fLcBM05U5VipKsXG85JK6rru5ueVMxlCMaff7zcvpWHKmkt++ffPxw4fbw/79u78qKZfFMQQHnAuxgj/roHU4HEII3vu1Tu73+5xz3/frQ0PEtm3/1k9akYqUshKVWh+Pz23XXsexUq1E1tqUs1ZKCuG976zZbbZdY58fn0IIQOXh/kGFlGIUSnZ9dzydKlWpFJdydgsBmaZV1qacU4pSKSJSxszzPLul7/tpnkVhaxNRSgkhrC3Gbrt1zuVStrvN4K62bTNBKVRKqbXUlLRApPLq7k6Cl5D7rhcrNs8YOxwOUgrnlhD8ej4ul6vUIi5RSVVLySnXUmotUgiGUEqJMRJhKbXruq7rSilPT0/b7fbjx4+3t7dCiK7rjseX9WSfTiellOB8RV3O53OMERGFEG5Zcs7WWiGEtdY5t9vtXl5ecs4lxRWgWOHzlNL6X202mxV1OZ1OOecVXeGc39zcrI3TWiXcsqyvc+09EFFrvX69lNIwpYUMNQgm5stye3eblzydl/u7V6fTqe/7T8fTGBNn/DQsd3e3fp7K5BmTXWcB2enlzBDn8cyFhJpjGDPQq7t9Z1UJTjfapTRMTjNwPjz99X/682XbNEJqqTgRWQ4yOm2L2bVKSo4gmIFaGPltq1KKBlWqBDk/vTxLIYTSMoXNfvMH8eMf//0vLIYqBTJWStr2fam55PLx5/dN21nbBuf7TSek+vr4+OMPP/z13YfheiGATFhSqciRIWc856yUWpPLSrkg4goHEdHT05MQcp3WDofDOpX1fb/dbsdxTDmnnEutSivO+TRNRmtldEppca7W6muVXRe8lwydd7/76afnx8fD4cAZABEqSVBDLe56FVqXlCrjLoS272OMSuvNZjdPUwhJSU0AtdI4zqkkoslYC7FwZErraRp3+733vus7YFiBbGPnZYkpEjBlmxhjjLFtGudDKMUoMU7zm0OHOZUA+A//yz+2bTsM15QSF9z7pWnssszGGESsVIdpujkcgltyzlLwUorgTCtpjIkxWNON46S17vveGDNN09PT0/39fQjhhx9++PTp8zCMRPTly5e+71fCCBHX+qCUWkeC6/UaY+z7PqXU933O2TnXNA0iSs6maVpB/fUlhRDWCmCMkVICoNbqy5cvxhjnnLX27du31+t1GMbtdvP+3btSSt/3pZSVTHh5eVnfNGMsx7xtey6EDwGREVFKBRiz1jZN+3J+0ZtmrTCc8RRj9BEB9ttdJQohXl6+GFGMaVLKbaskYxzrtjPfvLqXjJBqKdX7OA4zAFtC4lxJ04SSK0KqtG/kDgMXorE2p2Kkolqh0opsCMZdpkRQOU4pJCQXwzK72/3dN/dvzs+nj5+/nnLdbjcpxaZt5mkOIaSUhBAxlU3f3zy8/vL4NE9z01rvvDGaqFItzrmubQlAarU+jW+//fZXdmVNDSvHtwYGEa2HYbPZrEW41ppS4gXGafyFRANay8g0T5Uo56y0jilZYxAguKVr2+++eXt8fu67jiHE4LXWpRbnPCK2feecy7nc3d+mlGstKRUOPJd8HYbDzQERhVbX6zWkSEQhxvvD7TxOa5pjDLU24ziuRF4IQSkZKdYKwMQwjdoYqpVRzcEZye9ub7+93W+1YchECGFNij/99NP/9r/9l/1hZ4xp2+br169Syn/4j//x3//8l2mau6YpZXbOM8ZyShwxsZRirmWWUq65YR0Qb29v1zP39PTUdV1KOcZorV2H2jUAQggxxhSjVIoxtmIsOaW2bcdxfPXqVSlFaz2OY0YgorV3f35+vr29jTGukcMYSykJwb9+/Wqt3W63nIuuaz9+/LgSw18+f9ZarzM35zyltGIvKxNcS8mIpxQ6Jex+e70OBIVpTDFMl3EHu5AXHiplvwznzWYjOaBkQOjdQoS11G3b/uP/8pMUbL/b+mWySjx9/WyVTHGavL+5ORhji9Eix2VxWjOlRGGlNeo8zj7Eanpo2iXm4bwYbXS/OZ1OfdeHgN4HxrB6xzj3mUSjY81Alet6Ha+7psXs//Db7/7l81eoCaku49jatmuaGANfh1Q/fXz/1+1uzyhzxmTbbHbbd+/eWdsgF0KZdazvuk5KOc/zZrNZ6bkVRnPOre9FKbVS4CGEp6enm5ubzWaz/ltChpxpY4ZhWNGFGKMU0hiTY6oIPgTnnJRihbaHYWiahohiSog4eJdrXdzy/XffWWuZUlJK5/yyzLXWtumQcLrOxthSKiCO5wtjLISklULCmBKXws9LoVprxWWRQiLQdRy10bP3Mflc6/3D65iLNc04XjnjWpvkXYzxch5YW43WYi0QKaW1e8k5/0KyxJhz/vnnd6UUrU0IkQgEV7bRJWfG+Ha7e3k55VwY40qpy+WyKg5Wluf169dC8E+fvoQQ1oSxnulfkgfnTdPM87wyu/M839/frzPrsixrKD8+PmqlpFYhBCnl5XJ5eHh4fn5ei8baQa0E88qpee+naby5OawJzDnnndvv9yvu6b0PIaxihJwzIjJEVCqU3CJcLi/WqOBCCQlL7AQwf7yxkpMvge4b3mjkQl7HFEOQ3Gy2u5fT+T//pz9gHl6OQ3XDfmNZ4bvO5JwjItfm0+NRcAa1Usr3dzec4TKHJQY3zzHE6P3P7y/ww0+N3VSWI+fHJRXZnEJptruM11Jr9qQFCzmH0YEQDFXX6DDPL+fTvuuW6BotqFLlmDNBrSUVJbgQbL9pAerikhsuVMvh4eH4cipBvr6/7fv+rz//XFIoOaaShRDGmJxzznkYrkSwgsXG2JQi51wIgYi1VkTs+56IvPfX67WUkhGl0ZdxaKzlyKw1VCmnxJABYygEMqRKzvn9ZrN2VlprNy9CcKqFAHMuOZfLdVicH67X28PtzeGGCs3TnGP2PlrbLm7ZbHbzsqSYQ4ghxZJrrbUSzMvCBGec5xgFYgVKMSLDmFIIAaASwfPzsVRYZg9AmQqUZBQXXKBgvsYcqlhDHwDmec45a6Oenp5Kyd5751xMZbe/ySnllDkXUvKu7ed5QqCUMlXKOWut17O13W5XJH6deleycyWbNpvtZtM/Px+J6jpgPDw8fPz4cQ0/IYT3fn0NK1Gwfg3+DfKPMd7e3ua8UgfhfD4j4uvXr8dxXJZFCMEYX9P8u3fvlFJt25VShJTbzeb5+Oy944yvb2gYBi7EyjBo4JDzy4dPrZFpnu+2jVbsZrM1nFqjSopVtYUwxDQ7rxrRMOOTfHo5ZYPffXMrWews7NtDb/X1eqqMOednn22/C6nKbZNiYEDS1KtzvdG21cJIFkLmQIJUwukyKi6EEELxcTxzwZFRnIZMeZ6XKmREtN32ejyrwrQ2CBUNAqvXGqnW/bZNqUyTE0po3ZRclBZCgPMLQNFCLPMipHn5+olznv3sfAjL9ON338UUn48vQjX393erzurl5cUY+wurpbW1NoQwz/PaVJRahRBrwrpcrtvtVinddu2HDx8AoO27FGIl8s7lmL558+Z6ufiUGLIKRUq51mpPIIUQgsfog3MekHEuhKRKOSarDCM4Pb/s+k3xESpZbZ6PRynFNE3aGOcd51yC/DXBVaLo/Xa75Zwvy8KISs5SSoa4Kr4a27gYAXA9dZSrVHq/33IuQomcEwoUazmz1gghAf1KtX79+pUx1ratNqCULCkJzglocUtMQUoZvFu8b5u2hHC5Xq21yJjS6s2bN4yh1urnn/+y2WyU0taa4/HYNM379+9qJURompaoPj4+MoalwDrLruTrOi4zxlbGdLherW2892sB3Ww2XdevvxvnIviQUjqfT9vtdm2QOOd93xtjQ3RC8BBjIt5uboZhiCmWkLVWwEWuhAi263rOj0/Pb3f21aFvJNs22khmG5Mpp1xmt3h/dYv/4TffcczEkmy5j8hxMyzucjzK2tx/d3c+n7yblVQFKBXkysw+FGLamr5tl2lstJyHq6+Ug6tAhLzvOmTCuaQFn8fLN2/fODdTCbkS51iplFKAgrI9gRgXl2IGBloK2zYxQcUiDWeIxUWOeNhtpmlhWFFgztHoRgihTZN8UJxzISQXs1tKir01XKjz8di17dvXD7JtL5eL92Eap7v7h2EYgg9rUS05NdbWUnJKnAvGQFsrOH/1+tU8TSml3X6Xcm5b632oJTeN9c7vdrvo4/PxJYXY7TbXZWwbK7jIK7dVCuOMKtnGCCJ3uSLjXdeGEKw2JRdErFTmaQKgZVmGeVFKlVrGaTxfz03bElUffCqplsoYrNCIc+4XcLwUKeWaRksphMwPo9KGc05UqVbG11QpQ6olBYF1u92INb9675umySkxjoyxYRhubm5W5uh6Pv793//u3//9T0TVWLMsi5CyAoYQfUxcsFKyrIVL3vWtmxdrrRQy9G0tIWdomqbv1xbFMYYAOM+11lpKFkLkTE3TTNN0OBxub2/X2rqKf2qtyPBwOOScV+jtdDoTkbWGiKQUSivbGmQVkZ0vp+1uU2t1ftFGHo8vyMA29nQZiEolIqB5mbXirx9ugneX86XT/O8edt/g9PufvpNUeqOEFFfnvlyHS6Zrhsxsmi6tNVMtujdYs+DCyrLrby7XsPgiSExz2mzvY0rW2pfjkZhptD6dTwggBcPkZQhMMmXs5COgIMIYIgdqRFPZXKqzTXO5HIlACFlKjSHnQjmTMdsSgagE70wjnVuIq1Rd15vr5VqWsru5cWX2IUiBxvBu014u1xySUBtI/HSdtJApJpYqAUquGFIKMfrYti3lNLxMG5bdeAIQN5vNdB4AkBGjXDhn0zBEqUulWiq3zDkXmPv9H34PQF1z8/HDB8nhOoz73aZWqrnM09T3GwZcGR5i0VqmmK1SDCAGL6Xsum6e59G5pm0v08w5By6QMQKotRLDTMUFJ7k4Xc+CM+DIJeOSIecxRq4EITHJNWjnnFJqLfirwnIFbX+V3AohkAmu2xB8roURMEREklIKwX3KTdPmJaRIPiSxip9CqKfTiYgY4yt8KYQ4Ho+Hw+G777//05/+vN1uhRAvLy8ppWmaELGWoq3VWs3zxLnouiaEsIafkmqz2czz5LwnEH3ff/r0aZUAGGPmeV6VMGtorvjMmvLXOmCtfX5+NsZQpWma1rFEKaWUzLk451YBaa11vIwxJufcCoC+f/9+u93WSn3fAcA8TxqnUpKUnAsUjdn1IrqJR//qYffjj9/qVHb/6T8qLcfpdC7pdHo6DePucCep3kqdCdmrV5wBlRKiO2z7trFt2y1LapVDJudlkoxq8pQSKk45KC5K9I0SiEg5+lw5FyVTCBGAYsoAKITMMYcaleSIQCXlnIVSUpmUy+wTV4YLFNamEId5TDFIKWzbcq2k0sM8Ca2sNc8vR1aJAIQQ1lgEBIK+75+fn1ckcRnHTdderxdrG6mkFcL7CIBSypTyqtQouRBRlcYac7peU0rA1K7ZEoL3PueaUmScSSljjNfLJZfSNHZ/2Fvb7Akvl2Ech03XXy4XKVVJZRjGu9s7NzsgMsYMw9B13W63O5/P1lrvPWcsEjnnlOCMIQNIpQTvOWOrxhYAfIhCSGssIJrGNtbGlCrRmuPXFImMpxDW0eJXnmfFuwGg1gIlaiW8z1IyLjhQNVoJxozWOYWKeA2ZZidW8vVw2M/z3DQ2RM852+121+t1ZUBqzn/3d3+ntR6GYYXb16l0VVDGGNajaa3hjFltUgqIuAZS3ylAeT6fhmFYI41z/u233w7DsKrza4Wcs5RymqZhGFYaq23b+/v7EOM8z03TrPhS13WrKEhr/Zvf/OZ4PJ5O51rTOI273Y5z/vLysoqFdrud1vrnn3/uulZLyKnc326zD8l5KDE798ObV29f3z8/PXEmP3z90t1sutvtXz7+hSm+/+4NVs7SvLN2GRe727+cnpu2rxy2fff2mzfPj4/VT7ebhhGrofh50lq31l5PL41WRJRS2m/6GMMwjFI1PqawuFhL229qykSICFIqzjmjDGnRjUEmMrFYaiZouu3pOsRSue1P4zEGjwhxWbgQueTr6IVgMaZUcs6508Zauz40xtjNzc3iwu3NDXD+zZs3nz6+r1Rvbg/TOHNplNZSqWmakCOrUCphJaP0OC6XcFHKBh+4FLXW2TupFaYEqdze3qaUiIpSKsR4PD6/fv3mzZuHP//5zzHTbrf/9OnzPM5A+OnTJ8n527ffMcTttnt+eQYOTdPkUowxWutVgTuOo5SybVspuPe+bSxnGFeMROmU83UYGeOHQ9f1bS45leKcSzmv4LVSchWVSMYJ4Nek2TTNyvevvUOthQOteluiqoVApJJSLDkE31hLXAolQBsxTdN6NEspIawircw5k1IeDgciGseRcd627YcPH9a8u7JXIYRxHBmDVW7QbzrFeY4JCFcQre/7x8dn2/S3t7fOuVVXXEpZ+5yUUggBkWlt1i5/v9+vg/gaWlrrp8evXz5/BsTD4VD+1uFprT98+MA5b9sm5fjtd9+uGNHxeFyB6mEY1iGJyGzuXtdl+R9//bLru41tTy8vbdsPsfz501FysetbAyXU+vjxQ7M/nMeLRoa19F1bg7MS43S9320YwmVZ1JuH0/liGrvf7b9++epDkBxdKghwenmxjZ3Gqd/0SnWrZEBrVdaCiswty7wsTEjvnGB8229LKiEEKxnnImbyKbpYUOqYo1A6p/JyvuaUlBCcM1BKK51iqqX2XUuljuPYWLvdbAmo1ppz8sOglV5rbEqJC9H3HeOIwJhkpZaU43a7CymeLi9aGyUlI1FyMtpMsxuHgRhLOflUKgd04J230lhrOefTNOScvXPW2svlPE3Xx8cnodp59kRwd38fQ3h+fm6adpqG7Wa7322lEdMyN00zjhNR7bru06fP9/d3bduuKU+w2hiFyGTXTtPMuHAhSKGY1KVWqQ0RcS5iyZxz/gv5kNcVkRijkEIrvSbidVIXQjRNs8oou7bjSoUQjJY5RsEx58I5887v7+5jcFy1BIxL/cvRTylprU/nE+f43Xffh+BPp9M8zzc3N33fXy+XEMI0TU3TcM5/Jc+11jGGUvJutzufzm1j725utVYvx+N+v5vnqdSy6i611ofD4e3bt1+/fl2WZeVic85KmbV1895//vx5u91uNpuVgkDEvuvnabTWfvr06f7+fuUr2rZ9fn621lprRWLrxLLKRW9ubsZxHIZhWRbO+TCML/+2lJKLD8vknxnbtPZ2s+eCj8uMCZV2baN0a3fFciW0tkrKMI5hcb1prFRudq0Sp+FClR6fTw+vHgTXL9N8muYcQgWOXA7z0nadD4FrkwlqSrXUeVmkEEprP89cyKbtXIrLPHPGhdSp1BA8EgsV3OCA8cV5YEww4ZwrBFSJCwWp2K7VWjFEzjgALm6Oi6Ncig+3r9+s+PVms3HuSAQrYJ9Saroul6Kt5oKVXLtNF0OMOU3LREhN2wgh3bJ0pukaeblOXdMuPoZSYim5FiJSVksheWUvLy+c87W0XofBGI2I43htGus8peiVUsfjS/Bu3a8ALIvjt4ddLWVF1bVWRND3fde1azit61DX60lJyYVMuRhpKmKKxYcQUu77zden59bwV6/fxJxGP3Z9H0KotcRIq2ISlV5FEF3XrcqXldxExN1uF2NEqkYKBsAQSs5d05QcwVolheJNQkCogqpY05X3XiklBA/BHw4HzlkpZVmWp6enleRa2x5r7c3NzX//7/99zfE55xj97e1tKXWz2ZxfTo2xSksiOp1OMfrGNs6HVWe7xmjbtivWVmtt27aUyhhbuZUQwjAMv6wLSrluTllr1+WYlTBeG7CVaQ4htK2tpTi3rFK5jx8/LW4OPt7f3zHGtKqdMcs0d3f7GPyb16+MkueXZ2nN2zd3APD88uXuNz9ejqfW2OF86Rs7nl60EtZoZpmwUi1zI8XEsCh1GadAUAEYYoh1Gn3bdlJJRB4KhUycs2Vc5nmulaw1nInZBecj8hJLirWWUhmXs1umaWaEQsiMzHvPhUSuUoo+LTlnqRSVzEq82W6t0oCYU6wxSskapYuPNReFfLpcM1Kt9Ne//lVpbZsOGedCAQIRrV0+YQGktt9+/fLVGFuoIEdtjVscE7zEqLSVXMw+GmP9OCICIFzHkeahlbbVlnNure37dhV45pJXnWytVUq9Uos1J2ubnJMQXEqhlXp8+mqaJqaklVqW5Xq9Lsuy3+/btg0xrDDrwkvftafzVRpdKhz2+7zFDx8/bfeHlEpMudX8dDohZ6vEaxzHm5ubDMTmmYUgpWysnaZp1RqvTNyax3e73ZpkjTFEZLabWnJjzaePH7/99m0Mwbm46VpE0IgCkP7+7386vhy980S02Wx+/vmdtSal3LZdzhkBz+fzNI5r9xJTIgBCSLVopRSodR+i1mqsPp1O8zxt+r7WtTEFpWTTNO/evfv973+vlPry5cs6KyPiimaO47hyMStbfLlc9vv9fr8/Ho9CisktY/DcmgygGuumaZ6n6N3rV6+en58mLsbFuWnKMVDNVGvJtTVGC04Au/2+ZeAF7fc7oxXVzKB2ml9Ozzed+ebNq81GPD1+Fcgvl1OJaSwFSs0F/bJshbrmsGlan5IyTUmpplxyTamEGHKusVC4jlJEAAAAKQRiJUCpbE65EhtHR4SADJExkJwKMM6II2KuKVNigBx0Y5sVzfAItVbdNUQ0lRijI8ZKLTlnqhWAKJeSixDMNibnvDhfkY3j1He9X2YplFYKGcsxeDdxwYIDYowIEJKUpmm6YRyIflmx2B/2HJhPiTi2fTfOTmmJtSgmCpWQYwgOStnv9kSFc9W2KsZUnCOCGGi329tu8/nzp5Kr0hIZtn2HgMhZBpBSMi46axGxffXqfL7c3NykFJ+fn3e73WUaNl2/v3m4XC6xgJX6dHp+ejl33SbnVImmaTZazd5dp8kH//btW8bYuisSpvF2fzidTilGR6C1XkXmK6G0tifTNFlrBIfoZ2PM+XTcbnopRb/piGqIkQvhvLOtZQyF98vp8jJNYym569phGO7u7kopy+KMsW2jpmForD2fz/1240O4jIPQshIRQdN3jVLBe6UkIqScJePTNOWUuq7r+82XL4+/+/v/8F//j/9KRNM0rWzXPM9r1j8ej4yJtQVadT5rWViRn2mamq5jWsVaYkrH8+m7t99oKYJ3Ssivj1+MUpfxcjpdawrff3OvGFgtcsxtY7hgFaDWoKWxqivJJ0qCIxF9++ZhYyUWn/1c3FynUbWdahvWsRhT8MEHT8BrZTFGQBzHsenamLIUIoYIRAIREFGqmErOgAhEBFBLqVJKAFGpIspccsqRMQ6FqCISFwjBRyaYkLwCaKNYLpwLowVjXHMTY9JaxJgaJfdde11iLLmUxBgnKkQs5ERMxsVprUIIjem11FKIAIhU3Tw21nCsnFUl2ZyZS7VtmhQjA/RuqSlrY67z9dXDnVI6pKSUDHVBROcX27RxDtbYZcmWy5B9Tunl5dj3m5QKALZty5homjbnGmM5fXq/3+9/VTR6H6Zp7Pu+3eim6yRjJRfOeabMOQvePz09Oe9rrQzZ+/fvfvzt746Xj5u+Pw+Dsm0YBh/86myw6btSSq0YS1Zaf3183Gw2QojHx8ftZjONYwxhpV9T/kWmsZLW67ZdjNEts5bgvAconOO8TPMyA5CPsVBtbQMMibNYK377298KIdaqMc+zEOLt27ePj4/TNCmlcorWmBBCqUUbs9luxnleV6Kcd5vNplVKKXXY779+/SI4V0I4t3DGSsnb7QaAOZ++fPmyrtut1XCtZVLKL1++CKFSylqrFV/SWq+NrBBit91erlfT2JwyF8K7hSFYa/e7zThNCHQ8vrQKHg7b+5vDtjPLeIGa9pvNME1SyVKIkF2v3lpjlErRt61N3kvBSopaSc44UL6/u31+Pt7e3bvgL9chppRLJcSUcyXSwFcdCyKTSlUCROZDAGQAMC6+ICMiAFRKllLXX2FZFsYYItCqweYixcqYQMZCDMiBCyQkjmiF/tVdYn2Fq2B7hXoTIQEiwAoArDtx293OLQsRASEAU1IgQClJcJZSkFJYoxFBCe4yIZOrBkRrvZL91loiyjmP06T7PqVcMjAmL8O43e0/f/4cc9Ra7g+702koGYVgKSUAev36NWNsGK6MY9u2QJQJV4Htw8PD+/fvV+8CY8z5fL69vU0xXs5nY7SUwhi7LMsatEpp55ZSatf2v+57XK/D7e2NEOJyuawNcM4ZkdZBUWvNGNvtdquqYBXXrG3YuhyyPvZf90Z2u12MgTOSUqWcEEAIUWqlSlprrRUR2aYVDDd9K9al21XbXEr5wx/+sO7+rX3Vpu/nafzVM0Nrc/fw8OHDh9P5vA7EgOicq9stY0xrJRgHsCnEtm2v12vXbbbbrbUWANZN9vUF9H1/e3t7OBymafnzn/+yHrJa63p0fnkow0CVwrh4799+++0yDMhZ8B7ZznvvvCsMD7vuf/1Pf2is/vTur1DSYb/1bm4bi5w/Pb/EmLbdVnKC4jQHig5LVEqDxJp807XFl+npKGv1l4v3HmvBkhkAMo6CATJWUHABCLUS1cqQhxCoFABKKSEQIZRSiSrFCoiccYLab7oV6IBSpnnhjIHEUolq0VoCo8XNQnEpJUO20pbr5LPuT66KzlprzYUAbNOM3q+wG2N8HCZtzPpG3LwsQF3fIQIgNm0LVLngpeRxnhlTxigQgpVSc66l9NYC0TTPUgiJWH7R7VAIvubslrnvWh85QL2cT1IYIFr1LAB0PD71fbc/bHPOtebr9fL22x+HcSol/aoXmmcnpZRSXq/XEHyBep2nV69ecS1lVSiE5jzEyJU0SiWf1iXBVSS3IjGrLGCdZZWSa+SvGjMAuFwuWutVUbbiHN57a23TNE3TXC6XVUETQuCcAVKpVWtTa+GcR+elFEJK27Tn89n5sxLSL04Q0a/ffrvdPj8/rzAiY6zUer1cpODrbBBzul6vwLDWCkArknP45hsg+stf/tL3Led8GidjtPPOecc5hBCm2TdNs9vt1h90rVPrfvrnz58Oh7sQPACt+W8ly1ZN6DRN3337LaVijYkhGG2QgffeLYtbFkCoKb28DP/jf/7VaIklU4Xrh0ellbWyUmV6aw32GtfDapSMwXGoWHLNiXNWckwxVBJM8HkYgSFDlExIxoCzGFMpxDjnnC/zgshKKRw5Byy5MIZGSCqlAFWojCFQpUohhpIFUeVcxOA5QimRcQ6AUgnnfC213/aLGxlyInLerRvDK5C3Lnyu6aCUUnMWUtScdpsuExHxXIhxhkIIKa+XC5dizRcpBdJKKgGIgAwQ2671LucYlZKCs1IqICzznHLmDLXWXPCLd1xIhowhMITkvZDi/vZGaQlIXx+fiRAZy7lwLmKKL6cX7z0y3O12t7f3n798zrmsRP6yLCs7uaq5Vtlv33XLvLwcj4JzpbU1qLTy3pVSAaISChFX05rtdrtKeoUQRHR3d3+9XoRgq0BhDaoQwpo9N5vN09PTSnitufv/igSuD7BWJiRHwEqQK3HBhVS5lFzq0/Ox1mq0kgKNUaKUMgzDCtv3ff/y8vLTTz8Nw/Dp06f8i4eH5py3XZuHYbvZrCvtAPirmwgQ7Q977xZtzDLNhLTiULWmlNIwuq7r/vrXv759+/aHH34Yx3H1hvjuu+8eHl5N0/zTb386vhz/hoqqVRq9LEvbtufz+dXDq5Rza62QQkn+87t34+XaCDXNc6OU5WAANbKUcs1x121qJcyIyKkUbXTMy2q0UQFyrivnYrUWgsUYCBkhAlFFTgSMcauUTykssZTCOC9YF+eoVqpkjBVM1FKVUEAABEZIIXnJGQgQsdSCgIwzzjkQpJyYZMDWzUyxVkhAWJa5aawPjjMGlXHJ17S3MoOMsf1+v+IEWguldIhJWDFdr1xqAMi1Xq5DCKmUbJSw1u4Ph5R8jAEFn4bJe9f3rYs+5yqb1ke/6gUBKJXEBU+pICcgaKzJuRKi0UoIKZV23jGEeRqbxt7f7bmW735+DyWnlDgXJeM8L0Io2nBkwtpmfVPPz89rl7IG83oquralkmvKgjHJeJgXxXhFpoVUVq3/4Qrhr8T/ahrQNM3NzY1SKgSvtVyVwj/88MPhcPj8+fO68DCO47oXtT60tWlca+ba3SmlCCikjClzUWotBKyUzBkPMREBMM455Ow502JdlVpB9Ov1KoS4u7tbPRoCUadV29jj81EIue5Afn1++ltbjIyxp8fHu7s7zjjn/HI+CyHG69i17eFwOL08K6vvH75p2/Z0Oq3qhsPhsPayazuUc+36zfPxebfbrar0eZ4vl8sKg0qt+8P+65cvt+u6Xc1GKcWEEFxz8fDwqqvTQ2eIMrbKLcliXZKTaAswy0RcptpwAlyXiazROXouhU9JFMaQZYSUqZSipGKMUcUSChKjBIIpgTyy0nZdClFwoaVapgUqKamST6UU4Jii44xzIahUBBKCp5Q44jrTp1KM0UKQ4DrmzAVPKQIQIAKSNgoYW+0t1q5vPUOrIYCxhgPFEAQX0TvOOSL3fiLGK2DIGahWIsbZ7N0yDUIwhsClYAC10uV6FVyKJFNOyJFLXkohBGCojC5E2qjpOmhlOFMpV2Tk3bLf731wh92Oc3aeT1TS9z+8Op2G8ToLYRBFjpQzPT2eX79+YwylFFdUY43h1Wwmxtg0zc1+P14u+812nmdGpIRojU0pScZqyvvtdnZhFVyuNGjX90KIw+EwjqP3wRjddd26Dau1med53RpXSuWc14Zn7f6llOMwSKXWD1eWgIDavs8515RqrUKUnAvXYj38iGych/tD3/WaCaFiyJfTRXAJgM/Pzx8/fnBu3mx6Kfnh9i5XnoFdhjmkWgitaWNMnPGSK2e8AqSSm7bd39wAojJ6u9/12w2XnCsRUhCSffr8PkZ/f397PD577xHZ169PLy8n53wM/vPHD7eHw7bva84lpcaYTd+9fnhQQuQU37/7QFSn+VrKInn6/u1ewHLTs3/4zav7lveSNKPWKK2VtgYkN32Lmp2mlyUNXFfBq1KIWBorORYjuUBUqww15xyDkEwpVikTFeRQofjopBFcMWCAobJQDVNYMacilEIlfUmRVZIYJQtSBIRUM1JSlFXNGglSACqlZhdCSkUpFZPXWnBGCFULLoC1uoFUlUDOIZfIBKJgtm+ZFFxIRC6ZKiVziVIxLpgQDCD1m8ZoriXTknEGBbiL+XQdXEgu5NkFqhBCGIeRASsJrte5ZGAovItKSKMUJ2iUkoAl5s1uB5z57AlL02rnp2G4bPouhrTMYTq7z395Ii9uN/cStWRScVVyFhy5wK+Pn16Op3FcUiq1AGeCIY8xu8W7xdcC0+wm74d5Ac4BuZQ6xDQvbp593/WUqe86AGgaC1QPhx2VtN/2HKrAGt3op+vx6bNgtNs0klNJfrpecogcgHJhBF3fx1KQcyYEChlSjjkvPuQKhIwAV2nQqhT61V1zDbYYY691K6VlQgDhsjhEPB5fTqeXm5ubFVJdBZuNbT5/fro53IUYhaCX5xet9X63H4arlMLNc9e3wzgKLr7//tuPVJdp7rr2cHPz+PWL1ub165sY08P9fWMbADDGxhitbVJKXdfHmFZAl4hqLff3d8P1mnMCoI8fPyilEEAw1hgFNf+H3/12PD/HZfjpu1e9NrxSTUFpXQGoVOCcuAApY/ChZKZlYbCERcguOMeROe+xVsGY5Bxq5QwZMmRVSVFLRWQxRu9j23aIUImC9wjIgEGllBMIVglCDETggyeq1lhgwBnHGGtKgCgk1wKtMFXwRJjcwqvIMVN1KaZaSq21bSwQSCWp0ul05i2vKRHC7P04TsZoDrjtNgi1FqJSOEeGQAiCMaSacmqt9TG5Je82m1IoeG+N5raRnDMgJSXkIgTnTCAKACwlM85Lysu8SCGt1gyZkAwYZimg1pqTtaqW3Fm137aUkxHc+0CZliW/+/nT27dvb27uzpeLD0vKEQXruibGmAvlmHa73apqYYzFEJTSSmkieDo+39wchFK1VsrFh1AJSi7NpkXkTWMv83V/2HLGcgoIdHezt0aP0yg5/O6n39jG/PX9+1qz1q33/nI5G6Np24/DiIwxhvOyMMalUovzjDG+Ok/WipwRYq20wom/OvatrLnWWghRSk4RBEjBpFhFB4zh6lr18PDAOZum6dWrVyGE4/FZMHTLTFTH5DnHprEMqG9spSo5c8vSdt00jqfTadXz5Jy+fv3aGDsv07IsRNDYZt2B7Lp+jSsp5ePj4263m6eJIQLiL5vLXYfL0vf98Xic53m729nWtI3BGt/96U8/fHMv1GHXNJASpYyFCAoJnkuRnCFCKTmEAAwl4wjIpV5CNrYLLqwjrJC6MpZD4MCkkJwJIki5MKRSCJHHmLxfPYs4AYDkqVLMkWVWiSqREEJrSQBc8eSDLNUqWQp0jbq7uWGCTy7MMQLnurV1DinlHELbNClnJUVJKcWU04pYl3F22hofglTSNqamJJXiWEqOAgAYZ5wxYJWw1oqMx5zCvChlNk0nGaOadts+xSQFF5yHECALIKZVI6Vc3NK2jfe+5Nx1DdWqhDBG11JiDNtuG2oxjTEMAXDx7odvXtVKy7JgpV6zuGnHmJABCRBc2b4dHp9M34QQr9NoreVUqcLp5UUKEVNsmlYrxRlTWtdSUlpndQlEyzQ3TRNDvLu9/Zsrnri7u3Fh+fGHn8bx3LZWSFjcqDT/T//wny+Xi1Cq32xyqcPkGFfT7EuZa6227RDBaDvHtEro1m7ce78CCSkloBXu1Ktv8brc8+vIuiwLID4+Pu+b7uYgxQq6EVXOOTLx8vJijF4H85SSFFwK1rR2GIbDfue8AyjeLyvcRlQPh8Pleg2Liyn8wz/8hxhiTsnNk1SSZlojz1qrlBqGYbvdOeeen4/H43HT91+/fqWSf11TlFKuHj673e7Vq1fe+5TzbtOdnr7uO/vm9uam7YbnR6m10cqXQgim65boQ4wFIMREQClGJjgQKaWV1qFyH3IlDLEIIRSwGHMplQFkrAIBK3Aha60EyLlAxo1tvHcVQCqFmvtpEkpiJVYqIFKtVEqqhQnWCM5rEZTttmmbhrO6OFcqpRyIy5Qy5cKBClXBUFsDANM0NUZrrVNMjdYkNJd8GIeubzXJiBCck1SxVtM0BMp5jwicMS0ZIMuijNNcMjVtxxCoRMiRA8VlJilrziC4ZCw6B6UAVe8WolpLZsAaY2LwMVDJGYgupxfbtIwxCeSdMwzzMkmpXh22PoSX52eG/Icfvv3w4f3pfNrt9lLKftPHlKQSqxMrY0gMbWvP68yW4yqSn0ZvtNFKHY9HKWVOKfqgte7adl388It7fn7WndjtN1JxY5X3i5b9drd5eHg4nY/TNAplCFiMWUo1zQshIDICMsYKIWOKWmvG+coSrAskv1p+rHrpFU5cm591rXz9q1pr3/dpGJHJlOsvzAsAGWO8d7kkxnCVvi3LggBGyeBmrTjVpAQCUN/aGAMiZiqrunU1Nz2fzkr+Qgk3TQNQARhjfB2S1gmp7/unpyMRDeNojL2/e/NyPF4ulx9//DHn/Pj4aIxZzYIQcb/f+XkUSHf7nYFSg9v1jZuHyLBpWyKYvctUpDHzPEsliUhKRVSRMY4YnK9MU6klZ6V0StHHyBnjSgrOGedUiwuBCKjSyujGEGulnKsUshIGt+SclOJayEpZIFYEAehSNFJtJG9Ad33HGLqweO9LrVCRU80pZhda2+dcrJJS8F98ZzmjnLlSsWQo0RhVKd3tN85NTdPqtpmJkImS4zi5vu+RMSllAXCLZ1wopYWIMUVaZiWVFrpWIsy7/X4cR4CagmutVVpRztrqXKvgypOLMXioiouaElDtu45zfrlOnLGYEmPYNd3q9wEll+B3m84PfphHa/R+twUkH/xht/36+LTiPM4tvWmIAQBtN32MEYFC8NZaI1SMThlrpV3NyCQX2ugYkuDcex9DICJR0Pv4/PRsjGmsDc5LIS6XS0n51avX//X//NdhScY2iPj8fCQCJVUp9Hx84UL0Xa+0zqWsyOkqtF6JrF8sirWqtazLYusnVyn+siyHwyGmBIgxl2GcxMpPtW1rjK61SPjFxft8PhPBYb8tKezvb2OMjOEwDptN55yTQscYBZcu4+zcw80tUf3y9ctPP/72fD4ZY4ZhTCnc3Nx++PDxcDh8+vi57/tlcYzxH374fnX1OZ/P4zCsDc+XL1+0NqvQ6nK5rNFitJqup4ebvYAqEaBmgCqMYEKc/ZAJGmP9HKWUjLM11o3W6wJN8EFKlWMUgnHBay1CyZIT0yrnnHOUUkKpsLrllyqEKEiVIJeqtSECH0ImX1NGISVyKQQSVCLJgZOAXNre3nVSKDkvM0E2RlQfYkgb08RYrRWu1pqTkgqJJOdaqXXfsZbcGG21sFaFlCowBjmnYPptx8Q0zlxaAkxEtmunZSZgKEXIJUSPkvd9tyyeBM/KjtcrQvWXQUu27TaKM6jJavTJh5ClaUvORmuGpKQsKSJQ09icI5FgXMeUEKVUsgIrUErO7WYTc845bbebcF18KW/u7qZlGU7ngrhtmsvlKqVavJtzNcZwztq2uV4uleqm634hcQHWWxp+SXylxhC10lKIl5eXvmmFELmQc+Hnnz9qKZ1zfdfMs79chk2/WeavQCikKkTeedu2y+IqIiEDxBBzulykEqXk1VR89VE+nU6r7DLnHGNaBXyrUmglE1bFxDiOgJhKStkDa9nq9zIMwwrtl1xWi55VbzxOY6UCSI9PX8+Xk3Pz6fTi/RJiYBxzSUKKTb8ptWqjOeN/+tOfvvvuO8ZY17bLsizL0vc9VVole7/u7Hz77bfGmFLKP//zP69GDyklY3RK6Xq9CiHXnYlpmjgVDgSlxBi0VoUKMYyQ0MpqWMjJWEMIMSel1aoPEUIYrY1Ut4fDpjE3260RzCohGTZWWy0bo7rGSI4pxUIVGRNSSqWQMQJExghZrgUQObKb3X7XdLySJFTANPJOGitUWvx4OS9u1loaq6TiWksthRFMIrZC8lwU55Jzq5VRqm/b4Xzebrq3b15LzgVjjIqswQoqcd601mh5vV5Pl2vMFCvGygvDyrHd9EKrArVABc6kNUIrYVTl/LT4L+fL4L0rGQUvUBmv9w8HjqnvpOTMOccZco677ZYjzvNsrV59SpZ50brNmYAJxmQFrASzC+fL5f7Va6G01cYK1Uj98vgEqRw2Wyyl1ebV/S2j2mm7mi0LxmpKWsp1u7GkBERGSo5IAKWUXMraflhrlFK2aQ6HQ9d1bg7e56enl48fv3z9+vj509evX56XOQafcoa23RAAETDGhFBCyFqqUkZKWSsBsBVonqZpXdlZe6E1GFZ7tV8tAFdHnMvlsvZI6+bN69cP3aYFrGJeipJi0+2LT36Yb28O5/O5M02/3Q3jNPmcEZ6fzvvdHSECurTey8LZErM2PWdCKeXmhbOccwHCP/3pT9vN9v37D13fDsOcM33/3cM//dOdc+5ymZQybdtKKcdxXPu2zWaTc6m1jOPYtq0Q8scff/Nv//ZvWmttzf3Da0U1Q9VIy+XcaMUJXagoRIxFSVN8qohc2ERMCNl0ikqlghKUu/q5wuBGozQDEKzUXFMuBQow8DFqAZS8Nm0KuQawugklMBDkE6cilUqqVdogMSZBMBlCTLnUSkVq2Skv4N9f/Kf5qKRIvjamGtEYJUoKAqFTZW5s4nxKObvovS+5vBL6erlWH4TkinGOuua61aoAMsEzRmC0+MnldHt3r6yZp4lzXitwBl1jY0zWmHleFFEOfjz7vum0ZFIwqQzj5FK+TC64yBko2SqliUNI0c2Oala2QeSMwCAqoyRd+g1oK5eQZh9qIchUEv/zX77kWnMNkmGrbRhnnuqua6dSpmWKtRotKwExmXNhnCsmGGEJeRomoWQoeXdzSCmJynKIWElurBCiaVvBOZei22+/fv0KXJyvo08FAZCJUGG6DrdSXWf3+tXDcHzZ6dYFXygDgJBqSQ5LRkDJeQxx03chphQXt4y3twfO+fH0zAQvhUJOmiFDHqKvlRCAC4RKAgkQGmUxk9pI1crBzSKSGy7z/c1hs+tLnVy4SgP9TgtJr97cXC9iHqeu7y+XszJmGKa/+93vji/Hl5fT9rC7Xq/GmNvb22WcxnGyRi3L4r1I4QhEiCyE5dXD23le7u7uAKDrutVbZlmWGOOPv/1tTCmGYIxeR5H16qF159haG2OgUlOKnnJrRSk158SF4Vw+nS6odc2OA3CliGiJkZcikBspayECNEbneV5vHGm1Fkx4Nzdd44MHjgSV17TeXjMXrAWC80JIhliJlVKJ1UJ0nadOmhKiaARKiZwzwQpCrWVyvhALVOP5apQIlWleBZBRba4ZtTr7JQFbcpymBQC1lJ/OZ6y5MTIjcS7nOZRa1/sgCFFJKbURSjgfgvclpZyLUizGRIR5GY22bnFaaed8TvmbVw/jeDVKCAbRh2bbCiYZ58AFIcSYiIppNNYcl7ltbU7Zz4Pp2vvDjhFxKMh4Aay1CtnMS0IsVHNwQUjFGWuahhHs+m64XMO8bNoOADLQHLwLoWbgwErwerMVQAsVLRggNVouw6Xf7lIiwQUArEZPbdvOKa22lp8/f559YEIoKQEwl1hKaa1Z8/Qwjoi46bYAWADGZQZEIXhKgSOjWjZtw4A2XXe+jDEEQnz//n3KqWk6zvAXazqplNIrC15LFZwvy7Lb7YL3tdCukwaEkFaYViFm1fAvz59y8NtNzwB+89MP//v/8V9v7+/3d/sUw7JM9/f34zx/++1bouqc01oS1VzyKvE3WmutAerNzc2yTMj54XCIMe5229PpZZ3HVytFIcS//Mu/pJRiDP/8f//nP/3xj7mUVSj68PDw7t27VRPGOf/w4cMffv978v7u9qa6MRdfahHIh+ECUlbFTdPkGJHzVHOhwjkXUjrniKpgQmgx5yD1qtbMgEJI0XFDlKWAVGJj5F73cZwaqXgjYqrep5ii6VrvZm11KImQGGfEgBvpSiqlMMZzKaHkTDXkcp0DQ7BGA0jOjIuh0XYOhQoGFwZWMlElEI1NMScEVzPkGDNxpNvNlhAy1ULEKgLj3geuFCJXUlWinGpOBFRSLFIqLUwKWRtDFWqukgu/DNkvxC0gqxVSyv1+m3M8D0vfdxADI4g1NI3SnSp5ubvd5hCMgLiMRutIwCpUwJQyAW76plzHcR4lsrg4YUx0VUCuMe82HSKLORmjXYrGaGRI06y1MIoxSIBFS9jvdm3XPR2fcwFKybvMBc8pCSk55+fzqVaKMfz87l2tFRmrta6ti+BqlTZYa9umcc41tgnJVShCcGQgOCu5ciQoSUvBKZeMpeTddiOFfD4+t7Zx3uWcORd8tUDOZZ1Aaq1KSiBadXWMcaWEn5x5uLe7rUgJc2HH55EBIsm23Xdt++///g7RfPp4POzT6fSSc2IcmRDbVYqMxDnTWinJ1yWv4XwxxljT5Jxubm6jd7XW6/VKRFRZren5+XGdzV9ent+8eWia5t/+7X94Nz8+Piql1oKwKpxubm5KKcYYY8z5dNo3zeV83fcmJZdqSW6RSodcpLWZIBGlHIGAIXLGKhHjnCmZSyFEIYWESiVhrYKjdwujaozywQOSVEIy2O13MVOGatpW63qexlgiUzxhQcWVQDcvom3ctAgmKgNpZIzBzYsy2mhVmMk5LcEvLjpTOGc+x+CDVrpUBWkWRNo2qRSSAhA7aYGr4MbOWqvtGAsRr6WEkCokJqRtust1kELFnBAY1AQVldA5F6ElUY6/eJB1KZcGeVSybW2IHqDmkj9+/mKMrih8AV7yw26LUPu+2Wya4OboXRGgpQABjHEgjgxDCIiQYswlY4m7RiFjOfPKeYEqGz3PzkiUSvtUItUCZHX3/HJkNfPCrWo4VILCGbVWSUZ//+MPT89PL6NrW+OcQw6lJO9nzoXWerPpQ/CAVSuVS1lND3Iqh8PhsN0QERBZa7VSKSbgqIUUjistcw6S8RLLq7uDn+dIFRi6eU4xRR8YF1oqoVQuNcYIRELKVV0bQpBC1Fq1kCklXAWDWkzJh6UwVvhhc5t95lXMVydA+Tn7OcYl3Wzv5mFCJGNM1zZv3rw6n1+u1zMXzBj15ptXjOM8L7vdjnE2DMM6cQvBpVSnl9N+vx+GcZ5HojqOg3PzNA1NY4Tg0zQOw+Xz588vLy8r6EkEq/GY96GUsnq0XK9XAshEIWdQSjQNSEkckXMgFn0oRC6EXHLwITjn54VygUreh1zLy+l0vY7LEjgTCIwj54xzYIorVpFiySGmknLJAPV6PfvgtJYphUql1lKp9E0jGI/Oe+8IKzIIMaQQOEOsVUCVrHRW9o1GqinF63UcJleAPV8Gl6tKIEJpSMgIhrghXuZgUO7tRhZ04xJL5UqlWoXSUhsi9D4oqZwLbvYMYNN3SgopWNeYbd80RkoBbSMRstWsUWzbKwYlx6C1AsAKuISkmz5kACZzLq9fv/7xh++1YKwmibXRspbMGK8EIWfkAgCF4Juu3TTGStYZriD1Cm46YzhkPwsolCLUjJAl5/S3HdTWWKOV1jqWPAW33gDw/HJ0zr26u99t+lxLTJGIVo8mQGIcnV/attluN7VWKdW62rrZ9ForApBSriZLwzhWgM1mu7hl0zVKMMnh4faw37RKUG+FYMzNi2C8s43RWkm53WwYINUaQ1iZgfUqLVgpAqVXse1qGtF2NkNkEgSjeTyftq3oG7lttufnd/1mk4Prre5sPb1MXdcZo39+/+4fH+5LKdYapdXPP78b//vMOJNCfPnyZdVvaa0A4Pn5mSNbj+8v+lgpay0p1cv18vbtN6WU77//7uvj13/6p3+kQo+Pjy8vL7e3t8cjLMvyzTffrFvtK5UNRl/Gy3X23766pYoIPJZaMwkGmEEajlphIWCgmaBcjFI15s7aRKVpGmSqpFQLDMNshVRKlUQlkWDKSstFXe2WGmszsHF2xBhHlEIWKjUXDGlrLJeib9t5mlPJDLCxtgMMzmeqTABR1ZI1u9bFzCoKDgBklKo5Ixec8VRrQWRChhgQqbjZGhmi39hNKZBjZFKlUmoFAgjTAsAEF0VQSqExGgCN0bXWlB0XpVGKC7YsC+eqs9tSqg/x7u7AuPz69JwJgOFlWpQ2BTiTxsf08dNHBolKRgQuxOJ9plIBU4a6OKNNLckqNc/Tw80uBt/segB6GaYSnESsJREQFJVDJElEtKLGrbaAgFxO7lKBd30bfBBcjpNrTPfw8ObL9Y9cMKqFiK8bw6WU7Xaznsu2bZ2P60rAGgan9Hw4HFZVPAC0bf/z+7/udrvHx89ta4GKVgyNhBKAihJccFFLjSH2bRdSGoYhxswY58iQfrG5ZoylGGOMGXPf97VWpWXXbfYN3xrUiguGszWw6aQWGTQEX5QM2w1zfhquvu9kquCc2223//qv/y2GUAEIQWtlmgYAhmHJOXe2sa19Ph5fPTx0XR+9X1X4Dw/34zh1XTtNs1IKGXLBlZbO+9evX/9//3//n998/9uc87ogJqX84YcfVlHkamp7vV4/f/n0zetXL8fh8XRsJN82Ji1OC42VIJXKCagyYDUVIVjFui5hSS6NbnyITDRzGhe/bGxbSgohC4YMOBUaxyWq3LWq77tCQFhj9Ewqjph8yDUrrbxzbWPnZZFSKsG1lCmmmlIFJhhDKkpgijmVKqXmIAQgMSaVXm8qIclzSaHEDMQUi5n6Te/mqVJ1VMI0YoXVlr3k4kO0xjIuG2uFkLEWThWBjBBd2zi/1ErM2FJrranvGwY4ns/b/U60thBer8PDw72P5evzc6nk0iSlLMQ+fv56v+/u9q2vmagyJkqlEL2QhnG+tsVI8HJ8UoLrzm67PRJ4v6ToG6NWfXeukFMUjF+muSKmEBtjS0Hn3Rwz4yqXHHLJpRrbciG+PD41m75r7MuLZxwPh733PpfinQuBE1UAEpzvtptlWRbnVo8Fyvnl5WW/3w/XgQseYmhs470jolLWhe8sGFLKKXqUHeecMyEFZ4hUijWm5BmA2rZ1f7syg4hIynXT8G+2WZhz3ih7q5BqFRWkC0FZWbgoMflUkmNC8tEttaSm2UzzwhEJERhyrh7u76dpFELGkhFxve2Hc/R+FpJxjt6HtmuMUi+n4/V6GYZhv9+tiOfD/QNjfL87lELH42me/B//x//8/e///l/+5V9WE/rD4fD09LSuOIQYJcMd1vDyuFPy1c3tNA4uRKl0iKXmTFRtFVQ5IsimlUqNU2BMAYAyZl4WAvbl+cSRGKOTOytGjCoSIDAlFFUMcyKCH377MM1TpnwajsroXAiIS2a8jxOvoXhGpebEASRjopKLGYXiQkGC6pAKGNOkUktJnPNMNC0TMSQgn1NjdM1JQNbFEcR4PSHyVEnKbUEqEL33gnMkzMBiAaPlZZi11Ixx4pkoMRR+zil4LcUvtzO2LTIRQ9xvhdFiHEatm62WYZ698zfbLhGcxxEJKVBvdoL4l/fPHHPbNgUipdRok2vittGSVzf7+XrfWcGYQWIEJNRxOMbClNHTPAtpsOI0u1wAkWkUXAjnQmRobEtAjLF4vRAglbKUsRjtloVpvpW8ubv99HQ8Ha+ZUEiZEnNz3Hat5TL4uQTgBAJqLbwCMq4q8pfTEEO6u7+5ub8jBCRSXIynS980cfYcQEllG3GcIwHZRsWwSK4bBS44yWkJIeSEjAfnhJIpFWDoYyCA2TsOSKkkF69t+ub2tVRacGEViWkKtsF5mgVnkYEPQQhrextC4pzXUrq2vU7jegvGeu8icLb6cv3444/Hx6embe5ub25vbs/nU/Bea/3dd98BQEpxdZU5nU4xJjUqrc3Nze3XL19///vfSy5TSt4HoqqUWq+7Y4y9vJzW5vL27t5YjVCoVKN0SoFKRUDOkZDFkhABCNyytAjEuUvx5ub2eD7FEBG55BKpCiG881JwhqLRerpO7bYJPibPpOr+y3/5r7bVgLTd7pngnIvTaQixMM44suC9VXIlyFItISQUCgVPQBWpsboSVYQCVEMqCDFnZJyIkKFmTDEEybninDFp9ex8BUyFagnCKKEklVJzoUqtbQBgHAbO+Bxj23bKKiI2T6Pd7zb9JgWHTIzzzGMSyo7DcLvr3eJKqW5xSulhGreb/mUcpW0QKOewRE4gSoZWWwZl9tlaq8zGpyS1ydENS7ac7XZ7QUUyLrU5DcPk03pjCABYYytgSNEaE3ONqUilhnHSnBGD3W4zjgMy5BxD8E3bVqgpp0xVCHEdBhezliLVWnOelnn1gcs5b/q2b1vvQ6wU88iZ8jHaruOIROXldCKs12n67rtv1Xb3ROSXmTG2iltJ8FJyKSXnnFNiDErOSutUaswFACsRB0oxyVX7STXnXEstDAQXnPPddjuHZQplPD4JqRqpgCFO4/Dddz89fv08jouUYtN31nZti865tZ1asfllnleP8iX4eZ6/++47IUTw/uHV/TAMm37DhSCiaZ5qLSml16/fPD4+/fTT312vl+1mezgcfv75nTF2u90qpbxz4zDe3BxWLOh0Oq3aplpLydh23ePL+fWre+9mrOmw67P3XHJppFscQyatXoJrbIOpRCIuVa11mhfG+bhMxpiusaWCd4uSSjAmODLGtVZYq2TQbvfTEqRuK0DTmHG6dkYJLna7/uvjk1JGCW21id77lOSmISq5YNN1lSB6z5B0o4ChD1Ey3qBmUlzHCblItQCAZoxRQahGSil4qVWwpiIfptmlBBmggGa8CiylKiFWNU5OqZQ6jkNOcr/ftF2ntFZSdE3jUyqEXOkQizFNJQRAAFYrlVL3ux1KsQV4Oh61EH2jlZLGmOFySiULzoxSV5dTylTRRW+baqXiREqp6XLhyGLFmGqtRXCeSuFCMFaRca2M81FJnMHXEnurcs7EYLgeCUAKrbWsNeeahFRN2wyfPj8fj29fv5ZKv//w8Xi6CsaQEeSYC2Qk59jdzcF5zxhaY87DbJo2xghUOWLf99bYQvT58xcr5enlTBWUVK210/WKyGtJbdO2HaslIzAEUFpfxpEIuq5bfAwpCSlqKSnnChRi3PabGELTNNnHtm0EY4HkyxgEAF+W5fvvv40pH27u3r//mDLtDzsmxLsPn7vWSsG6rpv/dj2olHKcpnWJ/u7urtb6r//6rzf7w83NzZfPn06nk1JyHMe337x5fPy62WysNX3ff/78mQiej8+r98QwjOvmV0k557yyFdba9fbS1SkopVSJMvJMrGn78XzMMTfaUi0111qrENwlJ4yYg6sFsDKALIXwIWy33f39jRBcc83Q+kY6t9RSlGmgFMFZzdEI7mIioRKV7EIFIsKcq+AwjuN66XmK2cfIhKikArEQM3A5x8QYm5YlLrN302a7TbkUolUruulbH9N8HZum1VLUWpQQVDMQcgRpNTDJpQxPR8kZ1FpqUVyEXNw8Gm0P+916a5AQYr2EYdO1DPk8zVqqQpUqKKEfn74YY6Y5KaFyrlKIFNPl+eXV2ze9tWW3jaUwKvM81JpBSF+rRLyerjkmKtUa01gd50E1bSXIxiATLiaXZ21tDUFp7eIsORud01rXmve7/uV0VkhSK8aF8w6IZh8IkNXUW8WRUIhSyc3zbrdDotWN4ttvXkW/LEvoWlsBSqlABADOObc4aZtpnokghAAACFCBEMrlWpDzTd+NIdRKbdsh8pJLSrnImkuNJQptYojWasoZiBhjnAMB3t7dLs4H5wkh5UyVEFEqSbVeLpfDZpdzKZJ/+noOCUWhwjhO87TdbXMthao0SkhhtDZWr7d6rIjSqrq+Xq+7/V5Kub+9OZ/P3vuffvrp3V/++vT4xDk/Ho+73fbu9k4pvd/v10XvnHPbdufz+XC4oUpSihjdetFLlcUaezqdVxvhlFLbtvv9noi6rvv553eF8zlEVDL45IU/3N8E57hgjGMptbIakkfiUuhGdykmjqxt9Xg53+x7RKgpAWMlJSJIpVQCJLLWbLSO06BU87J4hgRQUuWllLr4aXS14jhOVEm27XkcfAg3tw8hJK1MCjF7v99udu0maY0Iw7Q0TYu1eh8Ac8w5xGS15cBn50tOjTUcQUjGBY+5VsyLj+Psa4Vdo7VUBACcG6kIILhFil8G00pVCDWN04LUWF1K6bfbSrOUumnanAtV4FqUTDFkzthhvy8xpuCz94SQkm+18c713WYYBld9aw0iWckZ1cPWNhqDTwh8uF6VaoBRTHFjmgK4uFlrXUrOKW43m3lZkl+sElZJKdUwTJzyRmuNJpdaAIhBoppjbNsul5pyzqVcL5d932ulequ2rf7tT787X8b3Hz/6VLTWOZfFLTwXKWXMcRXtANXdZkM1HY9Haay6MZIxNy+1wDw7s9sqpTgXMSTetEJwNCbnpIUggOA9l7rW8vT0VFchESIihhi0MfM0lVwYUa31cjnb+/3sfa0kQnIAcDw9b/oeWLWddss8u3EYz7WW16/evv/557Ztqdb1ZtL7h4fT6WStXZalaRrO2bpt8Onzp82mv7m5cW65u709Ho/7/fb5+dna5nI573Z7AAg+cM6lVA8Pm7u7u9PplGP65ptvttvN4+NTCFEp6b2/u7s7Ho9ENC/Op6KkfPr0+e3N7tXdHZacY+JM1pQIEZEo5+1mVyJSJk6C1Yqxbk0jaEWEcJqmDLDbHy6XS67VaFW8I8mtkqZrnMBpuCAQoOCcz7OTTAIwI9oYk8PS3O7jZTyOk9KGudjbRgrdasuVXoIAKXFZALlSOkWalsUYWxApIzKuWptCCDnlGFxI1jYuRBRyWIJuO6O1FQw5A0QlZEgxxmy0tm3HOJdKRp9CjEIIjsQQS6mLC0LIy/WaS82p+MUJoUrOJeX9boeIFaFVOuWIQnCOnbYMvOSibRrOWYqLErVv1fdv3xrJWXUhlMfnE+MipgxMVKjjtFzHCyIp0yAya00uSUtRSzVKCi6C95oRY0A1CY5LKiVGZZpD1xPjyEXMtUqqAIubzpfTbtM93O5zyorV/aZ5V8tuuxFCzNMkhKpAJRel1Ir+GW3arrucnokAgR2Pp23bSqkYYopZK4215hy7tiNrJ7cYKYmBUqrW2jTNtISQYyHMpQARl7Lrupgi1arbNiwOgIZx2LT9MrtaotJaMCSqVEqepmG4nktO93d3OafTeXp1/1BqadvmdD5tN9uHh7tPnz5xzobhyhhudtsQonPhcrkgY8aYnNNuu+GCrSZZK0m8LIvW5o9//OPd3V1KedNuHh8fHx5elVIv18u33377+PjYtu2yzKvN+jpgrP5eXHCJLITYtJ3p+uvk3HjVkoWcpmWUWskGH272bg41YmNtTKExZpkGa8U4OKV4SWSVboRMPhipSkyXZTEMnpfl4bDdHQ5ezafLSSC4VIDIbvbzMIWQ+q5hQrl45RW5VIQlhvjDt99Np3MtdR4WPw3CKNFyo00pJLmmunDkVOp634lkvKYihdBtC1QRKJdSKBllZQbJhNFSQCYAQAQgPzshJVTIKSZfaQIpuNXSKCUZS9GFJS7Xa6k4jpMylgGYrpUAfdtCpeSckGIaBxSs1MqUzM5BSBXx/8/TfzVLlhxptqCqcdvE3Q8NlkBmAoWu7qom0nLlPt7H+elDZEakZ67I7S4CIIGkQQ5x982Mq87DTiCe45wQ99jETO371np9ebadFwK6rktxZimu6zIDf/Vwl+pGIPthbJXXkJTRuZbj6TTNEwpsLUkBVkvBeL1OEl3KZQsBEKWS27p+9dV7bSwRE4pQ2pby59dLqaycR2BjzHSdxt7tdb9lWT89v+Scda2NA6LwfX++To3h7uHu5Xxm5prz6/OX/ZF0PB7n6frl6Ukr2d/faa1ertex6+K2DUO/NiLilItWIufS9z0zAKDRJockhVRSKaMBsOv6VmvYtlbq7fFEuXR9d52vh6FLKeI//pd/Xtf1/fv3e83+7du3ne8+ff60N7N++flHIfhwPKSYdmrV/f396+vrzc3NuiwxJd/f51JLWp1X3tuH+5vn5ycB8Ptv/yGXcrlciVrOZVnWYRyO42k3Mn377e/35VPYtvPreY+z7nCo/ewMUTCTVHKer53vtTLIeH15+fD2cfSa63a9PJ1G//A4CLE/+HXLbLRrxJfpIo1EDVrK7dM0HsbDYVy21ViXSq5EqSTrHAA0QOO6XEqupTGFkqVWa4xSK+sdEQ2MJWVgAGar7aEflnkGgpyyUbpxcV4KFFLKHNO+DKVSlZSNSAiBgp33jRlQFOJcm1BaaE0M87och06W6Iyj1pCgltYaE6A0RihViIxOWrI3jiq1XERDSVhzUSiUkLlWMThrDJfKtZWQSi3KmFwLK8nAwpoKMM0zA0qtS2u5NZDSOE/MOWdP0Fn92w9vLk+fvZHbtgIiMSrbrSFZS1TX3o+CUQoVQm4EpXEstQEQ8NGqt493VkuJrLWat/gvf/7+mrmoPrE0VpW05FxOx5t53bRxfT9++vylVWIhSilTSELpZd364UAMQqkSI7RCJSGQlKrir15nKYXWioiOp0OMsZTcD70ADcwlxdNhTHFz1s7L6ny3hLilFlIGBufc8XhoJU/TtZYMzL5zNZfT8WQtDoM/v57Fbv/boYittcvl8vT8tDcJvnz50ohKKdS4NRrHw93dfYxJKb0saz8M43ho1B4fH9+8fauk3DlHzrkY0+VyuV6vO45Pa/273/0+pzzNU6319vb248ePiPj+/XtqtAPjjTE3Nze7kYCI1nUhopxLqGT64dPT0xaDspqgKatRK+NdFXKLhUHOa9DOsUQSkFuWRlauIcUlbNqZ4TA2gMa8W9aGcVBCASAzl5SfPn2O62aVtlJ32nCundJ1i/PLWVQCQkQphNLSaGNTrXMIDUF3bkqBBCzrAgJAgOsdIWur/dgXbsbZfujHYRz6HpmRqXPWGe2tlkyCGlKbr1OqrRIb67Qx1ujOmcGbY2dGJ3vFndESMYYgEYzSSu0YK8g1bzEIKWrNOUZEICap1TCOxKStGfqu7zskglzuD4f7w8ErZQBUI9pCniaP2Eu1ruE6Lz/9/DGW+nq5tta4NQGc1klDxVJO/cEKxaWFaS1bgFw0QK+1JFLEQ+dzzDllQGzEX748O98JIQWiYEYQWnspDJGQ0ihpnp9fgUXXjWFLzPIfvv7N1+/fCG4SGQFiCAyI2qJxTejUeO+vjOO4Dz2dsyml6/X6/v278+vr/e3JKkk1aym8MbVkRIgppVyAaUf5pRRD2J6evpSSicl3fo/c5RyFkrFk5Yza27o7PWKfxO8tm12IqaS01rRGQsh9xnS9TohgjOm6Xsr09vY9IP7b//rrOFohsNaqtfLep5yttefz5XAYf/75YylVCPHD9z/84Q9/mOc5pXK9Xn/729+WUp6+PEkl94z0tm27uLzWti4Laj3e3L5czuPxMF3OH968eX55vp4/Oytvbw4pBmFGQCkNhxQYobTkB+fAnadLZ2xMsT+OhQkAjqfTdZ5iyWsMrTWsyAhaqtujL7WmdbPeja7rrFNaX8W0bKthbIXCFvtxdJ3POa/rnGrJW+t8Rwpt75w0gCgQainDoeusa42YW6ulELQK6zIrpYWSNQZuLaYQQnx4fOztcVm3u/sHYHZS1bDt0+tWq+IsGBGLtW7bspJCK9moaaPDukkpnOm5ESOAgM77dZmp7Ts0qFQVY4pBSNkZM4XJWqONEa0ppQdjUi6IQtRmEHkYakkpF9TKud5IFNy2bXNGayWlUBZ12oJBqZVuqBqT1EoaKxGUMVZJrcS2rtu6uK5vgDGlw+G4Zq5UuDVE1XWHZVm7brheF0SplC6FmMXQHwdn+rFH/t3TZV5CZqKKWFKutWilENFZRUQhbFprBKytAfDhcBjHQ2stbYvCVsK6zVIKSURKiFRrZ+0S0+EwXudJSFzWudRyPIwhbMsy3dzclJS897u3BhqrnUa2bdsu59qb838/NxZCAEgAcXt7+vz58/l87fthmqac13E8rWu4zt//5//6X4naNM8P7rbve0SoueyavdZaKXUXJVyv12VZpZTOuWn6qLX+6aef5mVBgcaY4/G4K16MMU9Pz7VWgdB1Xc1ZIkpu7+5OgwbhVOfd8TDUVoSzNbfzvPXel1wQAAFTJEYwRsac+q63utsD0luOw9BP07wzzPaz90ZkrFJaNaLWGjJQ3SHmICqLxrm24XBo1F5enqUU1KoUIAQz5zePt5KKlSikFIjuMDJTDDGFIAAbVSTkhq3WoR9KycjUWVNKfnj3mEvJOR86N11eO2cjg2QevOVaQEmpBCLUlCii05obQ2vOKIVKjwMQIGDJJedslaJWmBsBCykqFamFkOCdb61xyb3VRqCgZhGcs0JIsj7GiIiViBSicrSD30ClUA69U1IpIbdl6ZxFKb12zrp5mqzRQqoGXFrxRrnOcokxBe98qoUZY8wplcGLklYjVMiJQLTGWutpXlojY8yuP6LGy7LO55/Gwzic7p01Wyop5ePNrZRyJ/EpKYjJKqWUWtdFCNEP3bzMHz58uF4vtbW4TrfjYN+/Webr/eNjzPX1Mmmpp3UFIVsrSgkpIYQsJW7baq1hkkKgczbnIEHRzDFFNc/zzc3NLgTfv5oY4+FwyDnv+1et1PU6pZiMtufX6+FwiCG9e/c+hnQ83vzlh1+en58RxZs394i8LLNSahyHWqjrulrbus5EkHMZxzHFvIvAjsfj5XL55ZdfWmtff/3109PT3/x527Ztx+MBAIRAYKZtef/4gCWdnO4UCjvkFA9anLft7ds30xyc6ryy3DJTY27aqOPx+PHzZ6htmWbwoKRKqVhjn56fjTVK65Jz3/cxhG7o15RLzs45FGKLYYdnAPMw9ERkO1NrFgKNFsjEVH7z/o3T2nsrUCA3hEbE8zz7vmuVtTWayShdq40xKmutNkCts5aBGjUUILkOVunep5qRSNaAxEpKQft5am2MUqvT8bSmYKQiZG5EtYYSiTinMvS91MoKU0pKNUiltBKltQYstUAGJYXVKmwlhsCtWOeAiWtDpalUI5CIWy1OkNSKECurUmrX9akSsbBSS20Ph5ux75AghqCEMMYwArXaKOdWZQWL0HXdllI/HL68vGrbmYoxJm9tiFkBB2reWRTyOk3aWOIqJUopRtsTQwX3fJmXAsp6qcx+7iGAtcRWCzcggTswU0qUUl6vU6m5tQbA3jlKAby6Px0NNiXAWUmtEHGrNbUitQLg1qoQsL9AUIAAZKbj8dB3HgFTKlxJDcOwwxRiTDtcrjV6eLh3zvV9/3j/cHt7+z/+x/+4v7//8uWLVvpyuQghP378+PXXX3eus9b+5bu/dJ2/vb19fX2SSpZSitIAuPdauq7T2jBjjAERd3Te6XS7OwEO47jXN5+fn9+9e7cPVZdlCWFTStWcNNUyn79994bW+ev7B8oRwW8pHB/uiKt0Q22oGADl4ThYo0orJcbOuON4XEOcYxRCSCEBwTqHALUWai2Wwo1ijIUZldxy8s41YAAmAG1NK1UqRYq3ZT4MgzIQlvW//Kf/0FLqjA7LtRH/h//4j0/Pzx8/frw73UBtTkpAtL4D5nnbICU19CFFY9TQdZfrq3c2lOSVRISWw+CMaM0bV0utMdVWK6AyBpUm5pgLtSZ2w7MQJRchBHPrey+EyClIKY1UgAhCVKIYIwjsfddy3bb10A1EJLTUxjSuRE0rU2turWqlEbF3ptVFChFqA5SpUa6EAMZ0IHV/6E53d2G6AHOldry9LSWnklzv1vMmFRI0JKaKrdR5WnJumUBKLZXeP1GuRSksLWHDw6ETytTaGikEEUvKuRjnuMESc1kiCAUIYVuR2sGbnBozC23/xktVjZo1FhDO54tS2A/D0SKXBDUfen++XqzvgVs/HEOlkprRJuSwi+SotZKTYHl3f6uNqiXPcz32x7Img1rU0hAEAB3G3lo5jl5K8N565/tu+Pzl85/+/G/94D9/+fT23eP9493pdDgcR+/d6/nl3//4b7UUbRQRTdelVgZSv/3Nt1KavhtfXl4fHh6FkMNwkFJ23fjw8Obt23fG2J9++pG5PTzeo8Jc0rotX3/z21xya63req105/ucau+GDvXX9+/uuuHD3W2eJ1Fyi7GEJABrotaqAEJu0EgwArER2hvrrckp1pq1tgBCKh1rFdaSVFuliOppjtfMT9eVhaqEUmoppBJSoEDm3vcp5WmaXl5fnDMlhdH7Nzc3eV1vej9aOzo7OHN9fVYCPrx9LGGDnDVTCcEppYRQUhJRKfFw6KXAWqJg1kIqKZWUOeXGlEJQlbZpgtaU1g2hAUzrtm3hcp2WZauhYAHOrcScc2mtAQoQoiE0KYRWeykPlSSBhUiwwEad1UpAbpG5OWP6ziODlgqZqFarNSATVJAssVmtlJC96w/9sXcjkdht3QW5O/jDTa+9UAZz2xpnobDt71mCEEpqdY7BeFtrAabe2rHzknk6vzgtBm8ByBolFKBCRupG3w3OeV1ysFa63na9a9RSTsyEiFqgt6bGwoUEc85JK9l7z61yrts8ayEUopRKSSWsJonAoEH0yrVQvHHjeGiltdpqbVoKJYW1ttQWUykNtOtSqcZ6It6W1Rtz6DqRYp6u17Ctxojb25EhU4t959ZlFihLydZJIUlKLiUqhVtYiKpQmFJAAeOh/+ab3zAzEd/dPszzdr0uzvbUWAr9/PQkpZim6eX5VUlzPN4cDjfWeu+d0qKUcPd48+XlszTiOl+2dUkp5Vw6P2hp727ub8abr9/95na8WS6zYKyVYmlbbqD8l/P2+RzmbSHMW1pSCtsatjUqabgxAEslmEonxG3va1gEF4BCWE3vl5zZ+YWltP06Bym0ZIENvLKKkXJbl1VrU2tzAg/efXh4+M2bN79583g3jJ2xrRZtFAs2VrUWrcHjoXNGOq06Y2rNSqvjzcl03nq9bFdjBNViteLWgCGEVBkygRDmNNxKsKWK1KCiXErRXZcrbcsmCLQwVAFIGOWo8ral2mgNMbeaWkk1I5M2KlHdSkapkBhitgDARToQCiUIrDQYZwCNkL0zWgkWrJxixbIfEnGuLFBjk2nL3GCL20+ffu5OfYakLN89HLtRlbYqi62VsAViJUVPzSytBaJp2xoRUKW8YS0G6dR7BWSk9MpQ3R2FYV6nLa7bttSWFJJo1RlETsjZWWSuYtf9NhBCIYhSCJG0EkaKY9e/u3+46QYo7f50640b+hE7bw4HiWoQzhVUmUZ/SDnHUq3z3MgriczLPMeYQdrGIqZ2Ps9bSLW2HW1ktBYpBQBelnldt5fnc0n19vbhX//1X4np48df+s6HEFptu5Xg9fVFSokI1MgYa61tlH/88a87FWdZrojUWr5eX6SC083IQPuj63e/+92uQvnxxx/XdUk5CSFjjA/3j/f3jwLkfF2Hcdzz1TEGFLxty+X6mtqWWgw1RqC1FrB2KeXLdS5CkVLKWaEVIyprpFGl1phSTKnlohlH6xwGzNe7Hj0GU6eDyqOMR5V+99j3MIsyjZ3unDjcDLHlrWW2em15KykzoVajVV/d39z0rjdSISG2y/QCippoRdQ1rlLIEOJO7yBi/NXugTuBrJYCAPFvBaUdAQ0A67YNfQ+IjbkbemU0CCx1XwqlUsvxdOz6vgBd07bVvJVknLXGSMDOOkWgKjuhSyko5O4R27btV06gkGI3eQICQKnFGAOIxhghpXNu6HspZUy5oWAppTNNgDt0mStIsM4xIkoFqI43j1ssIdbWxPW61NoYoNXKTNZoq30txISlFOe6cTx1fXc4HGNKSktq1aC0UklAr60TWgGOzkNp7x4e3z+8uTneHI9HBKBGyEDUAJERamtCisPxaK37m0hOSin6oUfE4+lYSrlcry0mjEUS15zWdUGFW1wu11dtJUN98/YhpqRQCEAhhEQUKFJM3roSc2ttXtZY2us0icc3D7vfattirRRjkVKW0ozRKYfz5RxTLLV47+d53iGyQsjd40tEucTz5fl4HLSRW5z7wecS+8GntKW8KS2ISGt1Pp+Z+XQ6KaW873ZO79dff+19n2JujYQU67LthKItrIgMyFKLwnXOq+z9OYZm7FQruA69y8DKe2JIKRprUclpXSq3lBK15rTRQlqpUQoGAIFCCAaQUiDQ2Luc4/HQHweHbQPOMW+hRnRmSoEUhpKlEjfH8du3D50gzVlx8UZIrN5roaAJsr1ryLt4PefknNu29XA4PNw/OOec91LKPcjgnSeieVn+RqFkrbU2RgjMJcecaq1SKZSorQFAoZWQsrYqO7OUMMc11Zxrtt5Yo4zA0VmLQClJKWstABC2wMz90Dtn99CKtbYfemLa/5sOh4PWutX6d0UnChFqjdS2mqewCCNYkHZKKGms+dOfv0NhK8mYeIttWiNKnUrNORstmaq1hhpIqZkFMyIIa6xzXT/0O3VPIEpG2eDo+l7bQ9enZYPa7o+nTlvOJa6b1eb+7s5qI4XYEZ8pp1xLY445yb/BzhigNUopI2ItdRcOQeEcktGm1Hr/5lFa3ZDmsDak3DJR1VLN16nveqetVvp0PAIzADMRNwJElJJRKOY6jF1tFRh8N5RyXdf47bffbtt2OPSlJmq/QntKKdY6pVSthQhSSn3fL9NL13UhhF29pLXGX4/cAyDs5gEhJBF//PiLtf7XZj6i8f677757XPP5fHXO73aZ+Po6jiMCaKNEhNu70zq9wDQfx/44DCWFkjO1ukOsjBZOGEHN7PogKaWxawxd59cQdkX0wraxwgaAirilgkrJNVStNahOc3VaEoLy7mTdGpO0eptnLkFqeHP7cPTSO4vAWuCyRW20cSbV4oy9zJOR+jAOMWx/w1PCuq7GuXULqaSdS7x/J+fr9VcqAbBWqhuHUoo2pm5rLoVRcC1Sa1RcUlVSamdrLg9vHjOVuAUQ3Hh3c6IAcMaw71KMJIRSkhC10biPR0t1TiuW87xoUES08852JK0QotRSWpNCIKIwNueWazFavp6fiFrYMiOP/TjN0//9//H/eXN3dxx7At2PN1QLCgmNa60ELWxzYxRoEQCRW4NpWrpxDGnter+EzSirtQkpMbNWChsZpVupyGCMyVtquRjvDv24hcxoLtfJOCelRCYpfq1gAWIrtXNuZ992Xff5yxdhlFJSGn93cwcgSNbMjYwR5LBkSo0avb6eNYMxZuz767Q43ztr5+k6dLalnFMymrvBA6ISgpnBGN0aIIhWgQkO44GoHo/Dd3/5s7UaGPfD2v1xEmNElN77w+Fwnq7X61JdTSnfnE5S6FLLx4+fvXPGmJKTc26arkoZY+yuFp7nSSr5h//wh//z//f//fnnj1tIv/vm62mapBDW2Fpz2LZ1XbrOhhTt4eZPf/mz0/ruOI7ecY5I9cPbB6dVLdGypkKtZaIqlbrM093dbWm1CTBGl0qN7ZbWffrWiESD8+ursz0qySAEcAqrPZyWJSTg0trl9UWW9Ju709vDcD8Y5iwQUkgVcmc9CoQKaU3DcTz5Y6ll3dYUgkSZMI3jQASlFkBclmUXRnRdx0whxqHriMh1vhFN82Sck0qlnJ13DUSsyVqzhdiPQ1g3BlBGpxgH30nA0fdW65wy1QoIpVWppSQlAIVWawhfPn+5v71jZudsa8X3nQAd50BEZb/BmFtrrZERsncu1xKvFyAUQnjnpNClFKtlyVmg3K6LaJAq/fL5/Px8EVy//vDOWff85YtAlFJoqRmQqtgJ6QAgDCop53kmASln733Iv+aeGVEIGWNy3lGDyzQNXSutWt0fDsfX738UDOfp2hohonUubFtOAREMSyWkkCKEYLWx1lYm712spdX2NK1C2blkJ/QckvDWjKfwdLa2dwop5lzT4XAM6+aM5UYlZ6M0NxKIx8MBqXZW5FzUMPbn8xURtNLAwhr35s27XZF9/3BTazFGW2cFym3bSsn7Sdb5fCUi56w2XlcWaFoV6xKVNN9+8/t/+1//Muet6zjG4Du7bcFZDqEcDsfnp2cGXpf1uz/9+dtvvkY5/L/+n//vP//pL+NxAEatdYirMZpIWmtKqVNs0h18523fSSVOhxFLcALrcnFa6opKmFAiAisrjTSx5lIyIk8xlFRKioJb1xkBQNy8cyrJziqEJgVw4+54txEYaxj45fNHauW//uF3j17fGdlJTP4mxtz3Yy2VKgkCZjZoKcJ63UCA7+0uKWm1NarMyBKvlysC1lqt1kqpZZqdtf0wSBRGm8akvUslT/OsEa11a85SqlIbIBprmCHncjwckEghGCGNVq2WsC3GWJC45qCkBClqzMIoRDTWSClLqRuR95aZUQrrXEvbvozeVWLGmNYobysxS6Ws7QA4p8S1jt5JoRJKJpYNASCnUBGtsrXUjx+fTgf/8PCAwAS0belynXNRAkUtZV9ctVaFUUJIpVXKqbFkBGVMaiWkoIyWUqaY3dAZ54XW2trL+Wy03rbXN4+Pv3x5IuaQYioZkYHIom6tCeOUlErJHawfQjzd3Xz+0x/1eLz+/FnmcvTeWJ3ympCFckR4f7hb6tk6FVP2g8kxWd/VXJZ56jt77HslxNiZu9vDv//xT0op2xo3glYTYkHJn798+sMffj9Oh3dvv/rLX37Y20bS6MPxOM+Ltc5Yn1Kd5pkY1lSllNOyHMZeGnWdr/MyW+/Or+f9wVMZjXNbjCjElrZMmahV4NfrlQUCLd9+/dXT03NN6Xqd+r7TyhhjaikogLhwWkYrD52BWpzzCHxzuqG4IQhqkBQn2SpDNwy5FO/cum0NGgGBEMJrrmVwFrlxLmPv+8493pwu05wbhxwABFZRGGokVHLU5v7u5vdffSXCpGq0Rm8xYW3LuiEK7zw1RiHWbcKUBSqE0sJ08F1MtTI3gn48XOcpE6WSCRgarde55HQ4HI6HgxQipWi0FhKPnSvOINVS86CRQTUG0JZydADKm06LmDau2RkBlGrJ3iklwXldEtVWSiusdEq51fZwe6+U0kav86REkw2xZVKmYYt5OwxjzRUFC8GArZWMAjujuFYhMVMrtRn0b9+//9d//XclTSIA4qJck0prAkFLWTDwZYpaGKlRylpabKJriFVJkiLlopWyxJ1UByEawBTzWkMjaMzjYbwuizaKqApgjWboDeuuVG5lHbruMPTX6bqElRFLa9Y7rlUQW22OQ7etizN2C5s2ZltnoSQ15lpzylCrUELUDFI8v7704xiWubgeDWYQN28fp2nuhi7EVGoyViujhdGttssaU22ZhFDKam0BoFFFwULCsk0///Lzsm5PT69KGwYkhi0E65zWpjWa57URKKWZwbuulPrN775tXECQturnX35ct0UoIbX2/bCFuIYglIolWae1VdooYm7Exvnr5dVqBdym6QpApRQABMDrNL+8XqfrfNOZ+7GzSMfOtZIatZfzeYlRdQMbFyVMLURsz+eXVotT+uZw6HbrFlMToMcuI5FAoRQArOsWUo61TSlkxBXwWmtsdZkvENZ/+u37//YPX9M21Rx056vSChhbVchD7wkaC2LJymmCVrn03lqBYVmMUsY6lOr1fJ2WQIwoldQaAUrO4zB0fYcIACQVeqeQSVCDmo0AxU1S6RUerT4Y3StxM3inhKSqFHivlGSB1Pf25jhYI5GyFOyNsk4LrYWUNRctlTVGKqmdWearFXDn3WCMMzpuK9WiJXijJQIiK4kCQQmkHLkWBACEkNN3P/yQmIvAAlwF2m4kgQWL6fC//W//yQ8+ppoLHg/3XdcpDcpp5bUaHHhblWSjCoCzttP6vu/fnU4aWCMf+q7mLBBTTlJA752VqLEB4tPzi9H68eHh4y8/MTWtZK1VG+N8L1BoISWKvu9uTiNxERLWdXrz7rG0ooxyQohWO++WdUk1KyGMVJDLaRwaZWklawVaH+9vSyu5BGO171yuddm2kPMS609fzoWl+Ftjq3/37t0uJzTa1FqJ6Mefftx3sfvbc3+T5pzv7u6sNdba3//+98fT8euvv75cLgBorbPGMgMDWOu8c0brsG7eupqLM/ZwOAIxAnrrainPX56EkCHEw+HQdd1eh88570g565z3vpYqpLTGlZKUloCsnK4Kp5ICAlPVTNjK3c2x5JRSaDX3vnPaKEaurba2e61RCmOdlOpyuWwhMEGIYUrtvFEq1Ft94+Db+w6Xp4MmhRRySU0wlZKDMrLkTQgqZStlMxqH3o6jRyFKkyhM2Mq2JWC5LKEWokpcyCpjO+tHP5zG0nLIWyyxQQOJLKhCJcHruqzbaq1FFKUWQNBWSyWM1aU2rTQwChRCiJpLaw0RlNIIgAwSsJWSQtiWWQJTTp134zgqY67LGho4ZY7W34/HsmxYmXJpOQOxQpFL2alsiCgFGK2kQG6VS8rbchr7+9PIeabtXJfpf/9v//3+cBI1ff3h/h++faMhGsFv7u4EMxBTbVSr1oKYUHCuOaRIApXVt3d3rnPABAAIAkFUgsowx3RZtpfzOaRUiJRRfd+3VqkREyFgSdk658feePf08jyHgFpVJqHVdZ7nbSNEBODaDv3QOa9RXi9Xb6xR+vbmBojjGmqtnz99qqVKKY/H034lG62dtdu2VW4kkJT8dfzUdd3j4+P+jexg9L11r5XOOe2znB08veO1dq/wH//4R+/9sixEhALXdd0B7VrreZ6GYcw5I3MKUUnprJ0uF2oNmJWQRut5mmopzru/6zX3Hsw+z66lxBBfX6/edgIRuGkpqBUQQMBVioSojdEIN8fD3e3Nw+M9CtxCnKa5pCoZObcQEzEKKUptIcZpXhqDsQ6ldL6vxFtMtZZ//sM3//T1W1umk24Oq9NKaTNtiaidjgPVpLWkmqkWJbDVvKPaUgpECEILZRrBPK+1FG4NmAQC1dq4guBKWRnpemecYmhbXAlaN/hSs1TidHM0RrdWnXdKyX3KXmtRWrRanbFKSKt05xwCtNpyTFpIrVQtFYidMVaK49CNvY/rAkzGe+m6JbenL8+cyv3xZvQ9l7JOMxO3UgFACmG0tkYjojXGW8O1lLTd3RzfP9797rfvFbfbUb+77z/c3cpCP//l+2NnH26cVVHJlMOStsitaSmMkgDcWgPkWuu6rSxYGVVajTkAIjOkmFptTCiVCamkxmtt87ZOy/T5y+effv759vZ293kJFEapFIKSihEbkXF2HIcQAgMM4+Hl8lpKcd4BgLN2miZrjPced6pczpfXM9Xaeb8nO5+fn6WUwzDsERttDCIeDwfbddK5advEXsgioi9fvjjn3rx5U0r5/PlzjNEYE2LQ2uz2yWVZrHN3d3cvLy+l1F01s6epEeB4PJacdwnZui5v3rx5fn4K22aU7rwfuh4Z4has0jXluG05JmjEzH/+83fn83mHeIUQ9n8rxrjXYu4f3saYlcBtmqCUQ+c0ggD0thNCM0NrVGr98vJq+0E6L61/Oc+lcIoMpImRGULMxjiUujEACqk0CMkonODHQf1v//R7y9lJLikAUEpRKbn3tARALQUZY4g5Jikk1SaFLKXUUpQyyhpUslKb5ul6PUsplIShczfHvu+sM8oopJq5ZaqJqdycDsAVqLYSO2dubk7G6NaKdWYXFgNwzom5xbi1UpQQUoid5tdKhUZUay21loIMVCrl4o01Uhz7rtV8na6odJXaHm6U7/auOGqJUh6ORwS01o79cOxHLVWpxVmjpGy1lBR6Z37/2w+dkVhzp4WCcuztb96+Xy/b+cvVaiNl1aZqw8TEJA59B60hk9VKILRWY45b3IRCZdXT69P5cvk1U8xYU5VChRBjaXPIW6Vp3Y43NzGlEOMvHz8SkTXGKC0BrTLrPFOpwNxKzTHt05t1nu9ON97ZeZrny8TEVps9w+uM3d3wd7d3VJtAcb1edz+k1vrTp0/7IPj15UUIIaScprnUBiBUjPH+/h4ADofD999/T0QhBK21+jWTbfeVDxErpQ7j+PL8IoR8//5djHFZluPhaK1V+lcI8DzPwOycf309v3v3Pqe4XK8xBASotQ59n5XaQ/9h25RSCOi9PxxGY8z1eg0h7KnsaZq6rpNCMMoQ48Pp/vDVh7xc4yVY5zqpl9fJ+r4yAagllC2vL2scDydGnUgBaayMAt1g4rqV2qpuooLvehBiiTEWIikfe/Hbh/FxwPUS9OF4On316ZePtYHXeL2eESUJbK0pbWptKJQ2RkpZGzOwlqaI9nJ9osbUEAX3gx0PI7WCgq2VSklqTSqbU+qsI24SsTe6KGm1ZmqH3nMjIUAqnWLWSqacnO9SSoii1tp3fasVATrv52mupXjnmJiJjdECdK2lUbFKnYYOEI5jf75Oa4goVIMolACJn+cLtHYaRyaqTDlGZpZKeaWXVJi5URuGPqWoBLw8fbbarNPr3bEfbxxryUX88vMTsK6Vtrh4r053x3mtOaOSsqSZlEKBxM05l7l6b6VWW9hs56ygHZvVatNKIYhSGbVowOuyMuPoO+Nsqe3gbK61VvLWSqWVhBTacr7e399ZKRSgU3oLAQHf3N4/n6/bskmB3EgJ2YhKySnE09s3CMiN1mXth1FIGUPoum7bNvibM3WnjrZSW2lhS533ak/w/8M//OF8Pu+VFGaWUinV9qWOUIqIxvFARD///Itzbl3D09PT4+NjDPHjp4+5ZACZUv7P//mfv/vzn4B46PsUszHGaPXVu3c//vgjEe3yry0ERGytSaWUktfrxft+76Mppd+8OV6vV2stIq7rqqQMDbwEJuZab8ZBUEsxet1JI1uF0qpQItd2/+7D62WaYi25CtNVQolimWdFaLVEAbW08dBt21aJiQgQhvH037893on5+fLRSLOlWqCRPVBOW8xcSt/rEioCMkIKWRtTCyOIWioK0Qq21vrB70YyImilSUlSoVbSOQ1AGjujbdZGCgCWrRXKqTdaoADGsHNbhYgpAUBt1Vob42asF4hCoDY6J9rVTFII1w8IUKlqrZx1xghAOp9fvTVcq7JKCrw9nWKhaY1LKixznOZ394+K5ZyCk3rdVuvcDhJkAGCQSkqtmfkw9rW2GDbJJAEQ2nR9XWotC0q2WjhAJRQsYZm3zEL34ynE2WgNxiQiY4yQwjqHAhpTPw5N6TKFEFOrpJVKBdZ1Y0ZmwQhuGLdpXtb1zdt3P/7007qsKJAZiDhv4XA4HbzfXp9azAx66MamVN6CkPLLLx/7w+2xG9Z500bvxhcEyDLHEFOMX1ICBhTYeR+2TQjRakkpCee01sw8jod1nq3vu9JC2BQAns/Xf/3Xf/fe7TSelENdSt91iEDEXmsAXKf5dHO6vJ6NtaWmVtuPP/9onV1++uilViSJcHvejvbETMhoNb2+nnPOMYSQ0/3D3Xd//tPheNBepTlJoVEpkBqlvLm9KbX85fu/vn379t2H9867aZ6VVrmUm8NdnKPWcL1MPcYejHdaSgG1DNpPa4yllszed2FNRhlGjDkJqYQAYFKd8E6klFAbqfSKSgzHsoV1WWJMx+PdOq+CFiF0rS3OU4nhcDii1zFsCnylqk0/TbOxsoFGkqJB5aK0jik5KaV0loUywlsV1lV6gQKksbm2nKm21g9IUE3nwrYIIVCpIiBRU4JrqywloAQG1DKlPCjjfSeVRsB1XalUZtiLQfM8j/1Qa2YiCSAQkasC4bGSF+cppOQaQGvYmGpJh04TkTRjcV3MNaUkhei94mFIDCEmp4wxWgyIoGtmYDz0vuYFKHlNVLjO2/RamnUNq3RYoGwCEQ0B5lS89/P1jBq0YaXoZN00L1qA0BYQuMHz6xQa5iprUwwEkhHIKzMt8+AOMRVqrZMEgqmuX3/1btnSl+fLeDi+vp6Hw7jlhbWSTmdqCszLEoBZuCGX4ozbts0Zu+DCArq+27YVEp1Oh1xKLEkbrUf36fW5MUupABCEfHz3bp0XQmG7/svr+XAYgcAaRPDKGAsAnz9/Tint7QFjDDMDcqXWd53ROqWslQSAx8fHaZ4Qoe87AqhEFaEbeyXk68vTFDarJTHfnI7a6qfnL31vtFK//923nz9/FMhvHh+u0xWQhZIKsFYaxsPd/d2Xz18eHx9TSk9PT7XWdV0Px+Mf/vCHLcSXL+efv/v3f/yv/xHn1w5ZbNELrK0RFi1Rg5ICvDPLdO2HvtbmjUABtRZAPJ16JQWiKq0lYi+UkFI7xm35+jdvBVZgqXTXiAZvUEhACPMkhJRKEfPQj2VOEoqRWiKDqMxFS2O0tMaEbSkNtPFdZ0tYTseRqUgppdbTGlqu3lmQsjHlWlhIFqCVXraAwDEnY00ISSnXamNmpdQ8L4ii8/5yuXjv0XJBLLWmXGpr67ZKBIGolGRqIWwShVLKeu2qm5fVo1DWcS11W1MOzmgBxmk35wWFNF1XmUEqaG0LiS3Yzue0Kok58+lwUpJc3wlUOcab2/t1Tofj7bW23OqW167XGdiQkGiN1iVmpFobdb1LW5JMvVbed1uKMWUSIreyJWDslVAoqTVioBwWh3WQcHd7uE4Tqy7Xoo0hlLW1cRxSzr7vtNFUMlHba0kMoJ1bt62WsoUQUn7//v35fEYpjDXny1krFcOmzdFae3t7+3I9O29qzogSAIm4tiaEPJxOtdaY0t3Dfa01pVBSFlKIdV1bazc3N9TaHlZDxH3GL8UOWd/2GMnLy0tK8cOHr1KKRHw+n71zVcks8ByXiDVBelleGiap6s8//ruiTUM+Pz9dXp61wKHzNccUghIKGaRU1GAc+pxz13c7Ge7jx485l/v7e6XU58+fv//hr5+nz8pJbvmbt296lgehR9S6NWhZKlZQJVcu4Xb0cblayU6ildxbOVjZ0pYL1Mp7ORWFDDEYLQ69rWl6/zhqbAqFQgkESEiFJSqBCkEyiRgrYNVWEGeleHfR+05LyVQTYBUGLmleS4jczmFNzKBVKqW1arV0UtZSti3kVEouORaldN8PORetDTUy2jCzQNw3SIhYStlCuLm52Q1wUqDxTltzPJ1Y4G7y2w9xnXMgRBGg+073XQZ6vl5CyRUot8qIhel6nWIMVmujdNy2bd0QQUqprWGARtRrczOMN+OIjEIo472wTg1D1Zqd06NPlIVRJITUVgo9T+vl9RrWuM6rFnrXPKKU2jplbEjJ+14qVUolBiC2QnoUvIWO+d7ao4ABWsfxsVdHVY9+WC5b2jYgMsbU1lLJgFBK2U1ZXdftPJUYIwI8PDwoKYdhCCFYaw/j2GqdrlcUQiq1LisA9H13GMfDeLi7uzscDt77EIKUclmWruuWv/3JpRAzSlFqxT/883/aQz7Xy5Wh1VpziUopay0Da4Fayr4fiPg6z0LI083pp59/QZCp5j/84Q+/fDwbrWMKVouhM2NnsCbKYTA6b4FBBDTjYdi29eX8ar13XbeuKcbCqFqDy+uzlGK3OzLz4XC8uTntVCxm1ta8rmdTyiPq/+Mfv3Vho23VRi3UNuQiZBNcqWmjqZHxlpnbPk4FllJW4sRdSIlAdH0fY0TKo1detq/f3TmNI4KplEptjRgESlmJQ8qAQmu3rIux2nkXYjwej6VWYtqt7oC4rGutFbWUiALhOAxIdOj7uG5Gq/P53PtuymU4jNfL2TsnEI3RzIQAOUUiqq35bgjrtq7rOAwl5WEYtFIxRu9czYWUlFpfr5fe+2WaJIJE9M5qpZlISBlby422kCrILaZSqe+7nIKW0mghmmwVpFaVWypl55oBEZUGRFKgwAKgu+6WGIUGZUg78fL6EiIJdBVl4pZSZCYpsKX85v4uTgu2xqlIFNlCq807521XchZSopRriFtKqGVJjGxbygJ5P4+TAra4WW/Gw0jIt7/5xz9+/8PT5fq6xpdlE9ZtISGKse+R6O3j4/Xl5Xq97u1crfV+Be+d1f1NO88TMu7wSW1MI9LWPrx7s8bw8dPnYTjsPrLW2rquextxB7r5rnPGbNsGgGpd131KigKvl+l0OkqFpRQhBDGllKWzwLxHeXMuHz9+GoY+hnzqT58+fRqwg9LiFt5+/dW2XjmCoPaPX32rqaVpuqxbKfX85bPv/OAtAc+XSy7s/Migtpi7rkMExD0b4kLYai1d172+vh6Px5eX59PNgde5Vfqff/n+2/tbRDQAobWqRG6VmWtrRE1KVXIWQrRGgCCk3OfKUoNm9eXl0gCZyUohUdyOnSzl4BzWIrWF2rRzyxoAcItFKA1CNqFYu6g8CfO0bT+8fNxiqLX5zhtram3WOwVCtSylur29ezpf3zw+zJljIl5X7zqprSCY51VKVWvz3impl3UBJiUVIhPBPM/I0PUdM9/f38/zLBCVUjFGLWTMSdSKAktrpTXjndUagBtTCFvf98rZ6XzdYnTDwXnnUApgad1hHFpJy2WRQu96i2HoiLlRk6hRq5qLEIBA18uyrJVQ+s6aTuR5YxTTGs7n129+9w2mqKVgkOu6HYbxOgcjNDcQBhu1XKpzDoVkgJSLVFxCQqVQSGZkAaUmlO3+dKsBRMncqusHVLKEePdwRyHlZbs9nD4+/aXvukAktX68f7BSn5+/LNNkjXl8fHTOff78udYaQtjT0TuifFoXpXQrRUophNRKpW07nE67FLXW+vT0tDOmtNa3t7eXy2WXcSilmKgRNWYExm/+wz/c398T0fl8lhJDCNpIAADg/YHBrXZdL4QUSm1bOJ5OKacYMzFP8zwK3/V9Q5JaoiAJYBHqtv7+3QfNAAj+bvz48ePr9Sy1rszTGgkkKscs1zUJSTvZi4iWZbm5uTmfz8MwHI9HYl6nqZfaahnXq1VwGrzkduxdDlEKZGJjDUpsrRGz1hoQiRnF3u1lQphLyhVAWm378+v12Ls7r9+O9tZCr6jVOp5upnlZQ3SuX1MRxjZGRrlsMedcU+m7Xiq5xdioEcM0LdpKpdQwjtt05ZKs74z1jXA8jK3k29MRKAsgpDYehtfLBVo7nY45J6rVWiOl2O9VAJjXRQl5OBzmaUKG1pp3rpQiECWKqiQjxBiYyFtXUvDO1Zy0lAIFSpmYUy65ELFgFFJqicC17sBFp9zlOhGC0CrVMhzGXGtYV29djsloJTQx6RBZoE45NkgMpR9GKbuff3ruOtP16uePn6SygKrrh1Zr711JQQJ4q1EJBGylxDV0vsulEjNItcYgtGKtQist5lE5y+iEkowhRgJQzjSm50tAZyOK//nX7+V4iIzWOaMMpVJTVIjH4+Hdu3f/8i//so/wldbA3HVda+329vYyT8CQU6JaBaBUKpUcUrx9fLjMMwOva3TO7YL4fcy420e11t77mNKv90MpZV9stdb6fii1ELX98ckAEmEcx5ub26en5y3GWltKSSpZcok5l1q7t8c3b998fPr009Pntx/efnp6enf/cHP66rkUyLXFrX78wXrzm/fvns/nzjpt3HVJIWUCZYwWkm9vjkT88ZdfTqfT89OTsXZZFq30sq2ycS8gqhobVy0v85zT9lDHD7d3WGue18opleycM86uIdVWXecRRYzJGNNaA6hKq4occ+iHPiyLOx0kwOC8g1ylWmMw3knrPn55BmXzulTCYTwp5/rjcahpf1p0Qlk3KK3ibZ9rNVprrTclqAqQat7iDz/9YruptvzN1zh2FqgogTJGrRSjOL+elRLOulJqTqT1Xv7Ip+Ox5BJj9L5jonVZaq2llM77lovydt0255w1JmybVIoBEJEBlFL7/HS3YiEKLZWUCpmNN1Art5JjBG6t0nAYNOmcU6XmOsfEgCy0ZIXA8tANKTbbO8SSS3TOUVMSpQKwiMd+yA2u07aFrI1JpVDNAmmrShIBADfqrG8MjSg34tZiqQogUW5WSCO3kgAUNx5sZ33vuv7nz5+Ndd466dzz0/NhPHDfY6NU29CZNcRaqjSq67p9KNL3/eV67bqOAaSU27at64YAtVVmVlrXnFvOxhplTGstpXg4HHNuOWfv/bquALC/Cv4miYFWq5RS7o70vbRRa31+fjbGNGrGGK21EChBHA8387SejjcxpnXd0pqcc2EOQihDelvqp59enz6/HPpezO3DeM+xkspCozE6siZ9R0ZdQ/VdJ4CVEVm1GHOqyQ+HuiYodHl9pVyJYHCd1no/MThYL7V6mad1DkrKumwCQUtxPodw+fFuHJVgQ6C8b1ImwA2wCTlv0Vo3nu5STDEHQGM6zwQaUKR8a9Ud8IPvwrYtWI69M7WVmL3vHw431+syOuesnS4vFEN3PLRuQCWQQYJUQvTWTy9nrRTUNL9ejsfbOQdlaDD8n/7h3es6NdF/98v32nvXDafbu8vztbdaAg3OcctaohAqppIq+WEsW7JhTbkw4tJIG6M6h4gSGgh2XodtNYCYc0wJGbRWKSbeeT6CjFZsqLcdBJVSK61xEwIQWKaUFMgtBdv1iinn2g0jhS2mkEurrfXDgZW6nGdn0XXSCVYSty0662puH3/5Oafy9fsPfae1UT/88sV1urJUxjAwKq21SjkeHd4ejnFNnemU0NcKy7JkBHbdtVaqdDAmlyRBFRS5VqXAW//legErzehkbQUES9n3/c8v1+Hurqbwcv7SG2GPsE5zTA8p5dpYGSutXUtJOfdSZCmuJUHKvfcpJilEbg0RoVZEhMReaEoZEO/v7z99+rTXlfZ10R66ISKrTcmFuKr9qCyEoJQahkOttZHcj96FUKWWHVW7l4j3O0lKtR8ep5gul+sq5oe7uxDWYzcQl34YY9hijKdxGMbx88tknblcz1zj4/1tI1JKMYa+70NJSoiPnz9JKSs1ZIFSVGrXaXLeTcscUnJ9p5RstRnjUlgVCiYEJV6v06F3yAoIXWfCHJRQYzfElNKSctukkCd7qKKAkMbobZru+uFGSifENs2M2R8dEWsh8xZSbsTSec/E0+UiAAwKr9S0xZhSq/VwOKzTHJfNG7sDXcbDsZXqjZmWyfYOAQ/egTFKqefL/NePP91N231njfO5JFFJNGrLbK1pRNb6mqM1ykhkFLGUwzjkWhGBgX4FoVVK23Z397CbUKw1IcbOulqr0tpoHWKUSq7zFnNlVohSIHNrMRbvdNq2+9vh9XLxfd+IclxLSlabdXd1pdxCHPtD520OUQp4ufxqNIwhSSmtxcaUS316ftbW5FQlih1RKBCEQCkkYjVGt1SkgHWe8hYVc21cQ7RSolS0Rk0AVH0/ztuUUgkxEyBqtaSILLYcQ07S+drauq5b2LRgIZRWou9xurz6zjM3RHZG51qEgJYTMPW9D6XmlLTWWwj79blXrk+nExOFlKyz+6Hq/g6JMe4JNwCIMXrrSDYhhPr71Imo7bfBXtx2zjNTLWVZF2vty/lFoNBaAkBrZRj6dV2FhL631loUbJyWCgVIa00tMWVOKa3bdexOYdtubm7COk9rsN4SSu/73NAopaW8ns8xRiFEqVVK6b0fD4fL+VxqtdYANybakdEoJQDm0m6Pp9tD74yWADVnqYzE6rQra+q0RWBMfLoZrbWv4VWwREDUWiN4pRSABGyMnGlLRTCnSlLrVJqx9nw9C4Za0ujdtGxGeSNtZakKe9utYRNaWGNSzrVWQSgBvdECERqduuG6rjeu7+/9/XDz8dOX716e5xDG3sWiJBdvJGoFrXqv13WRKEKo0uihM9d56vpu3TYlBAO6riegw3hal3UYhppbq4wsgFEJLVjELZZa0UgJSjC3RgCMdq8Wc4iTUpDi9dCb0qJRplJ2RqVavbMGbKlUU8ltEZRbq9fp0vU+hVALAQvnOkR1vm65hpQrKnTu1xGNt1YpUWv1vnc6MZA2auz7OG9eay1I5opSshCVqDVGxloqyzTYTksTSk6tuXFYtg2pkpDG+R9++lk4L5Ct0UAtxNwEcG2nYRCSvZHz9VVKKahpYM7RO0txyyloZf6uwt6zDvte2VjLiKGRM0YIQY1SCECspTJSETMAt1qJSOxbsa7rlFJEvJtJ9/bxXqLTSmktQ9iUFO/evZUKEXmep3WdhIDWqjKi1jTNl5yDc6aUHGNqjaSUAOKrD19prRDFl5dzZfz0dB6Pd8b3BAjAKcZlXe8fHrq+v7u/3z/DDgkFROe9kHIvoDFzKaXvB22dsrYbjw3U62U6x21TcC3xebletqUQhZKG01E6E2qJrbat3HSHlnIOwSrBVJlqLdlbr5UlxpCr8V0DrESXaZbKaOt8PwhtQeiyRtlYMXAu6zSXkHJMTBxDQMRSS06p5ZLWDVtLy2IBdasY81Gb3715+/j4pjKHVEJpoGxmFNpW5pKzFqwEFgJmSDE+3t1SCrKVHDZqxIzKWOs6IdW6bsu6CqnmZWlEe8mQAGutNVGrsKNErO8Ox9Px9uZ0d3u4OaKWhFBbVUo9vHlUShtjuq7TUpWYqTRvfQlBAAvgm8NBIqaYtDbWOW1cLlUYX0GjclvIORcmaiUzt3VdL9e5EudSG6Nx3Xg6jaejUMI6a6TwUmpmBzhq2yk9OC9YAGOutaGoQrwuy8uy/PJ8nkJaQlTG9EPfe19z3muJyxKVtrWWnDMiWGMOwyABrFSDc1ZKQSQQ9/3APhjdFQH7Rbu7V4zWrbR1XpRSrTarjQBIKXXeb+u2i32JSO26+nVdpZTM+6mkVErt4WfiigilZGbawjqOY4rPt7enWpsx+uUldIMKKVitiNvHT78QtWHwXdetK/V9n3OJW5BShpS//vabyxpBe2lSTJkIrDVSy9/89rdKq+fnZ0BsROu27re1kDLlBLWlVHzXO+dCTBKhIfz86am3imsVpRmnBtv53r19fFym2WpXsW4tOi9TXp0wJdf1Oj083DirOaUQowKsxCnEnBNRw8IpV5SGKhhtYghArYoGRJahEYGUO0bBaE3ECoU3rsRcSwFm52zIoZRUiazvKNfRuhCzyPW27xrbp6cvnO3gH7zrljVpEDU3CVioamUFgNK6lWSUgCaO41gbKqlrg9SKcjbnnJm2nJRzmajW7L0HJZX3zvXn69XYLuRccouXqe/8ulzjtt3f39RUqBEQ/uWXz8a4lpt1TgBBo857rRSxx9a80ShFqaWVVkrpe++7DnguAofbN8s8tRBzzkYpo1WIcQsBpfb9cHl6DenVavPp6QyNayrjMKq+27agpJJCaK1raznXXEtD6bwvOUvrBZNiUTkFYtP3Vgit5TzPx8MIgIXYdYPU7uXyOg6j6bzW+nR7K7TmRlqpT58+vnv7TikXUz4ej7uAFACMMflv47UQwuUyGWOUVCnEsR8+fvzo3aMScr5Op+Op1LL/ZcXMLy8vp9Mp55xSKSXnkvadcWsNiASC1lIIcb1e+n4YD0MIMYYkhej7Tlvp3KGV8vXX3/z04w+t0TzPH96/F0Lsz5vXl9e7+weh5BoyA37/408hRqI9JUtdP/7xj3+MMSqtiXk/gLtcLo2IcyFqVkvZqVILojwcxmWea61zKUDWe6cpPFiblvmr+8dba51JjQiUBKeIi7EOsogp+X7ItbAw1hsAMkIuMcrOVUbv+lwbSN1A5Ea5xparREBAgTKLSpSd8QRgjc05c2vbth0Ph5fnl/4wkuQUQqWKiIiQYyTCgrVWlqgOGkOq98Pw9Hz5VNv7N4/ItTcqhOKN1NrVJmJaT6OjGhWA7XxjVkKmmBsLMMgC0BrVOVJinqMQ4sOHD7VVRKEarfN6niahy8slFm7Wmxg+cmuHsT9//5RKQSlvTicg8q0BtZCXVsrN4RBDKDnLVgWasMzaGmWt0hIaCKm/fH463d69vJzNqJaQtHXQKgCHbSGQXdc3xu9/+LGl7eG+axW3bRUovXOX1qQUm0CrpZXSeRvmNUMjif3hCEqfX14vn5/6mxvbdRRbba0bhyXn3nfEJKX59PmLM/YwHlprGQQ6vy7raHxqcLy5X5fl/Ho+3T6uIedSpFJKqZLzXkrRSllr9wRn57tpCQJRSWmNzSV3vgNma2xOKYdIyLv+C7/63Tdd1yGKGAMAWWu3sHq/S4ZJCaSSur6/v7+flzWlrLUZx8P5fL6cL8650trvvv22lpxS/OWnn8dxbK0dDqNS+jQelJLLskqlClEt9Xy9GmdTjERNSeGcRWE+ffoipXTOMoNzdl1X59zT0zMAtFrGzu/G31yqcd5qs60zlvz27mbs/InCvVeS8eC6VhoCEmLTIiFcw5qJB3tne0sid51Ky6UDeDyetuusrUWlWivOmGkL1vXzuoWYW2veWKYGrWopUTatFBN3zguAuAWrDRAjCmqNJGw1MRO1KoTQxq7rJlhKqZFlIwa1K101CTktGwPdnQ5O4t1pUNCYgEEiF6sBOSsBAEAoUTlGMy2hSow5Sa3meXHO7gTvWlpOmVuZ5xWAbu8ftlguU+zHIyBu6zYOoxLCaB1q/fz81Dkbw9o7V3MyQj4+3AzeAzMyKeKYAkrZmISSjPI6b8YNTy/X0/E2SfmyzFwTUtXA27ZYa5S2BAKkIkbOoR+GmBIIYaxtrWltYohSCGoNW3FaAEhEIZQhVrHxHNPTdbmu6/H22HXjNM9SKZBCKvnjzz+BUKfTaVsCoEDENa7edymEvuvu7+5yTG8fHp+fno6H488//+ycnebp4eEBmF9fX5lZG/P3qhYzI6pSq5Iyl7Kj3Ky1DKCUTDE1BBRCCIFf/e6bw+FwPB5fXl5a2wGUdDweY4yNmhJQU0AUd3d3L5fLMIwpZWJ48/j4+eXFdz5c4/FwnKdpXebD4bBfviFs7969lVLlWm7u7n786cdxGADYOVtzWdd1mq5Kyr7vqcL1cn16fpZCfPjwYd8A7CXMEAIK0WpjqNqozMzSxNQUChumf35399ujPbAypAQx77sOgcIZ8ho7N+cwxVAINLND6J0mbqyAgS3ojtWAJkGNWBsCKpmozctcW5MoBCM26pwjzq3Use+pkEIhQcSctTFbjMqa62X23WCtmZbJGsPAy7rc3J52g2IqWZdOKcNaFglgxPPrk1H4eHc4dc5pQamIIqREqUAKUEYSgjB6jgmVWmMEvJ+XfNmmOSwEtK3rYPTJd7ryIBQBLSoZpbGRZHDKYmMq9XQ81Vy01jkXEFioxZxs303bkomE1SFHaXTf9QdCrXXXd1+ePjvnlxBj4crYWDZCfeh+/PQLIhilpUCuJACtMchcchnHwYrSqIGQxnevl7NQWqKy2rZdG9+CMlBJZlbP16WQvHl8+29//NO8Lp339/e3yND1/flyvbm9/fnTpy1GP/aIMuYstRJC1Jxqrchwf3fX+67mYo3JMZZSrdaVmhBiS3EP0UilQgi1Netdq1VrAwTLspyORxRiT9fvsYha67oswnqlf10yCWY+n8/rupZScs6llMvlIoTYC5o7B26eV0QRthBj0lpfrtNeDas1z8vESG8/vAVs49gdj8M4+KH3rcbb05C26/vH24fbg4R2c+ihFa755jD03qawlpwQ8TAemPnTp0+Hw2HX1fzqkCSSWrXWSkqKqcSAtdZ5/uff/+Gbx7e6tJthpFYbN6lELqlSDSnEFISAvvfa6gU4MChtIZMn4Srr2oxgqThzRNGkIKBSSoxhra015lBaZChKJ6GuoSSQS6aNoBkXlM7WnxsX33+O+TnFUGuT0o/HzOJlWqT1thuMH7TvUBkpq3WgNTuNCujYdU4rK5VgEIRjP3rnjNF7FGyvHC3rtoUAIITUoayMyWvogd51/p/evfvt4XhvzMlqq9Ab9XY8qlQOxhlGLBWpQauvT19qjnGdiVtj0kbvHLGhH+7vbh9ubr96+z7O23y+CqVzq6+Xc98PKWVnjHf2MI61FaXkuq7aKCbKKSmhjDYxxhhCK00K6ayTUoUQEXCaJkCk2nJO8zwBkZbCKA0EWmsmqqX+8vHn7/7y5zVsiKLr++PpdDgec8mI4uOnT7tJEBhKKX3XCxQSMC/b6Hxn7TJNnz992nO1seTKjaQQUo7jKBAZuOu6/TbYsWuAWErZe13zssQYY4yn0ymlNM+zlBKFMFrtRWiFiHvcorVWKznnassPDw/TNNFu7BIIgELKzh1iiICilFpyTKW2QlvbztNr5ztjZD8OrSSiPB7809MvRmsjD8qgVCihiZqm5y9huSqBVKuUUgkGVEKU1uouB/juu++GYXh8fLxcLkoprdSybd5qrjktq7MOURyOx28eHt16USzisiICIjYgaXVhCil2g0WJTG3btgkkoigNDqhNyYfjUEXNXBulJnjsO6wNKlhlSqsBgFGwEqTM1mjaYmf7giLkent7d8m51LamPJ5Ovzw/FWokVLpONyh+rat3g+z8OSQiOJ+vt7c3VgVjaA4bN0kATgmuyKkY61ou8xqBQWsFpTGzQKmkUap1wqxLdMPwul2JG9Z8o4VJWW3RSCWEEFqGnJDBFSVMBw2kkChFK5WQrVHMVaLYSlS+iyk0oqPpp2X2Ws2XS631/d3dFsIvX54+vH+XwpZT9tYJKaG0NScpcFkndJZqU1IqIYEZGI6Hw3ydbKdbaylGiVUbRwzGGGy15Oq0baUch/7ycmZujNCocKOvf/uVPxymUCpDrtU65/vx/PqcSzHOaGfb9ZpKabUKoVqtVBsCi8YWVeXKQqSST8fjuq6FSBtNEiSIdV1zzvuGYZ/x51oZ2BizLItRZveX7oi+ZVn2x/8+DdtiQAy4nwPsoQhEZG7H4zHEddu2/ceEkAKl0rqU2mpDFFKaddvGYTze3l6vU8hZoEQhcq3XTx/HoUth9c7kmFTfXV+fqKTW2jAcSlxbSRJBK11am5dZSXm8Ged53ZMXWqsQ4rZtzvm+7+Z5Ntbe395R3ojpP/6nr7U2L0/X//5P/2WoNb5E2ZiwAQAxKa1jznbotOpk75ZtBYlMJLRBRgHgtYaaBDWBhNCUEZXaus3IqLXJpVDKgohZEIKQKqbYjUOuIIX80/d/vNmy8z6Vmqk9t4vyw3m6SlSFimhMjZy1pFWt9OXpCxK9eXyzVXHsLDNpLRsxN8BGAkRnHRDvcDWBotaCAvbjly2EbYsVJAi5LrHkjEQaoTdGZ/LGLfNs+gGk3M/MwjUIo4WWQmLMyXcepdRSpm1TCq0zW47Lstzf35WagNt0ORtnXecbtXHolzKd59UKQEQgKqUqpb0xawhKi0qNGnnrqFYm7jrPjQSAd366XLZ58V6X2g43t0TtOl2t0S0np+3l5UULQYSxsLSitYzI9/c36elZbqiFLkTfff/D0Ntu6C/X2XedUvLu7m5e5q53pRSiZqR6vLk9v54Ph4PvO1zh5x9/rETG2VprY4rX+Xdff1OpNaLr9Wqd24f4KODvHMg9Q/r3EOguBzqfz7VWpQQyq30KFGPcE4hd5/6mJBBaaynFuq64LyEYSqld161b1MrM86qMOxxuyuWSU46pbdv5/vZExNZ64PZ4/9Bq4daAWEmxhdUYXRsDChYipWT9sIVtWde/Zz8BYFnWPaiXUtqFeWELVuA//5d/7Jz+85//+h//4Q/ff//n+nr+5/ePJZPkBoAohFCyc33mVhthYuXtvC7O6IEZQ0RjMzTv1JojaajYai5MNDgvUTXiGqNGpZljStMatvLkj8PPHz9dEx0Pg+qGrVHcgjYuU6sxYSMUSlgdGteUmZjj9ObhMayL6g/rPL+GIKXqkRXsAFYQglspUkmBQmlFrZRWemO1t8SNiWNMlXhZtoZKaJsbd9rN69Uod97i3eG0MSxSr6UBAyqXQmpNQGYEuCyT7xyibEIgoLJeAFBjI8TD6Ubt4SilSikALLWsqTWiirjGqDvfOV9joFKAuBCP49DWZVlC33WCEbRAZmfs0+cvd7d3VCsw9F1PUGuj62VCAc51L1++KCksSs4JlM6p+G5kITqLAiGU2A3+SHCewutl8r5HET5++nR///B6uQx9//p6HofDtm0IQiDmlPt+UFpb52KIWqmU89j1tVUg1lLoYbhOU4yx/o3ZszOG13XbD7+aaHutYkeN7E/5/fI2xuS4fnj/9nqd1H6CoJTaDxS2bRMSlFJ7eEgAShDA4H1fqB0Op9fz91JqAMw7xIo1cbNu7DtvJFglatyo8s3xhludpvPjh7cx5st11tZBbUaZkHJjySAyyYPSMSREPJ/Pj49vHh78tm1EHML29PTknVcAUhC0+vTp+Th21smXly/vT8cETWmJQvTWp1obNyHl05eX/jRSrm/uTv3Q/fzLxyGkk+9UzcqaItp5nXt/jCGeunHQXSPW1paYqmDfaSPT7en2G2dZq6fruaRAvZXK1FKpVQsmxYgokJlaPt3cPL2+NpDLlvq+G8bDx9eLFqJzzg5H5bzW+vn6efTeaEO11pwVije3962lCoQSfO/LliULQFZKxTXOa2gsGlLjtobkhFbVSNc9rRf76ENKL0QlrJ3tvHUx8iCFtf7j8xeQbLr+eYsGmYU4Gk85awQjoDEZKUuB2ioKDHGb48oIBAjKNQYCTCkbVJULMI999/l6PZwOTShiEUNkZq1VLdVaG7YNmU/HYynFOGMs1tqstSnErutaTtSqRIjbrFTXCtVSGrKTALWty7LGOM0LoJ7WjVH245ByTilqpXLO1mSBKEDUVgEgQ0Mj3eB5hZLz3c1tTlkrM8/L4aYDbUMM2xYYAQH0fuxArdbqnEPAfSC5bZtSap7nw+GwLMtevqut3Z6OyKQlilLyzstureVciVgpQ0RSyUbt5nQEbogsFW7rOl0vWmmt5DzN27L4Hb09jgAgAF5fztRIaWOMe3p+9d1we/fm//qf/z6tcTzeWNf343FetnnefNeXXLzvPn36pJRSSn348GHb1n09RtTev39/c3Ozr4yXef1f/+vfhmH87W9/+/PPn56fXxigAVtnmSHlarzrhj7GeDoeJQinzDwtP3/88vx6OWnjEYHaGteK7A8DCux8DyDCEqi0bV5zrkqZnRjVUnJS3I3dXWf/8NUbp41Wep1nweC9zyVLKYxS03T58vEXa0xqRTqzlTynSBIrwnVbWMF5Oq/bjMYnEiFTLJUBcynruuaaUCBKKFQKV2V1aXValphqKg2ECqluqebGDVQBxbY/Z/g/v/vhT8+vf71MC8pzqT88vVRjJoS/vDwnrWfCP//y/GlafzmvU+HXVAOa3FgJJUAwAdNOBWeSogCttaw5cS5aSiEw5CAkWq1KilTy6TTWksbDAMwOxUmZkaVMpZMamJi55GSV2lJo3HJJKGDbVmAa+qG1hlL4rmOEVFLl1rjNy/rzx6fPn5/mabm7u2Ggx4c777vdh7A/kpVSO02+UVVaKaMLUWM4X6+VKjHFsLaSkOrgNLbMtdzf3gjkzllgjjG0WoHYW+uMkUKUUv6OYtgdjfuRGTMjQCOa57kRKSH4cBinadpFfw8PD62Vl+eXw2nQ2kzLS+VsTf/y+sloV0vQgqmW3pkSQhLSifzm9vb56WlbAmIlqv1hWKb59PCGtH16Pev+JjXphUXE5y9P+x7/NPQKeB+GAsAwDHsgb78VD4eDtXbbNqVNNxyt08vr53/700//t2/+KcVPgo1XnSoVOQHozCilqq1Ya+6ON9N5mpaUmwqgqx0fH96+vjy5YdQalBSaa5w3LRVhC1seOkdUGyAJSSiE1QpUWJe4TYrpXqu37vD5+en96S7kNE9X42zmilIKowuSrMEpimGqjbWE1qoE6I0GilwDVSrGTfP09u5WSympooAYp7v7U8kBBNdSjJaJSkNIxKERuy42IOumkLS1zwDP68LL+rRuUqlB6LuHd8jtMPiwLREbNSDZSWPqGhvBZd0E80SBSro5nb49dK3UdctStliK630DrMwkFAvy1vil3R4OLBmcZOCWixMINT+9fLa3x8v8ypkfhX0UnkOecnxpm+tM4aYJZU7aQ8xxC4v32hrVai1CNGQG6Jw3vWCmQtAKlQpfnqdMbTyeeu+G37iXly9EZr8iT8cbIt4jOcyMEmmP6lQ0WudS5rj1zlZqVJNW1lqhVWFiBXT0dlqX+4f755dXZgQABdpLo7VY1vXvKYm96JtzttZqrQFAG0EVjbEKAErJpZSu8yHEnJMQIKSMMSKCM7Lvh9vb2+m6GmNqbcMwrmvwzgshamtEdLlc7u7uiFpOaVkWRH7z5s3bt28/ff5lh+IrpfY30Vdfffj06dPDw8Pz8/NOfB9Hm3PZT6Od87VWa+3d3e3T07NSKpf2+fXZisoCUcvvf/5piaE7DqZzJV6Vd6Md5jWdrxeQgEzrvN4db5x3T2GLCM6adVlCCMy1VWhSKAlKKgRUUqJzxhhmKbUpBNd1awQNyHsL0BDENF0d2jfHTjv/csm5NY2cCZh46DqpDZUMKd51BxTyep12XE/n3Ho+v7m78c424qxLbWC0MdLG2npnU6oouOvd4A1tAaFBA63smlppXABiKY0Ia/n09JxbfffhN+PtbWNOOQklBYolJgaGSjUWqe02LTFX3/du7AXA9XqWAtL1VZZtlMp7LwAIeIm5UmuCQQqtZN2yN66mlFrue5dCEJWp0uE0uBCd7ZftCkwCOaRQQyBg3biuwWgJzMbLyoIA0TgspEFIo2otkrCUfF2D7vus5RISKndd10qNmGtrrVEKaZ5XpWhdw93d7TzPOzc/518XI865FmNKqXOOW7XGEnMIsfM2lXa6ub1eXqm1XC+V2HXdy8sr46/THiWFNgZQcIz72n5d1z2XsO823759W0pptSGBkkrszlpEwczWOmN21wMLFKWUeVlCCMMw3N3fffjwYbeexBhiiillAOj7Yf+9iOic9d7HmGqtP/zw/cePH/uue//+PSIuy1JrXZZlnue9oNl1Xc57zTLvn3ldl50JV0q9ubn58uVLLiUzXbeVBGjvPr18meNWka/bYrpujmGNMdbcmAg4lgzAWwgpJQBAgNYaMADB2Pda6RhCq5VbYyIppBAibBvVlmNKMUohai3O2G1dtVJKSqrV1vXt6EzZ3gzuw+1R1XJ0xgtBIdUtTq9nbq13jltDBiW1UmZZVu+HlKsQKoWsUJXSnl8vubRYawNsDN73CEqCdIBYSWsTcmlCxUZrSFuM3rvT8fjNN795//7d8XTQWoYQGCHWEkrJRNp1DYXRzlmHQgilWArQKiPb04idm2s6t1a6jvrhXGpCmRkBpQKFlTthbruDEZJKwdauz+e0pZpKa7xtiQjP52k03Y3vtVbSadM5q7VhHFh0DW+ddyjblmSFXjtRSRGIBg6NJDSgOtOFmFIlQvHTp09//uGHx7dv37z7qh+P12mhBp0fANA50/d93/f7U5mZpZSHw6HveyY6DoMUyMw7GkMoFVMdTzel8Xhz//jmnTa21Nb1Q6lExAxAxDnXbQvzsu6/bS/3AsC6rnvY+eXlpTWqpRyPh1arklKu65ZzVsoCQEpKCG6t1oYKhUCIMf7xj38ERiU1M+3c3J06//DwcF2uuw9LKaWVjFvo+/7u7u67775TUvHfeAda6x38djqd1nW9vb3dfyrGZq399OmT915KJYSIMf71r3/dEbCXy6UaNRh9PI0xJ2VsTJlLE0pJq2XTTcDh7mbLIaRQapUKNbXWWEqJQNRomWfEnU0ZO+cRGgK2Uuc0KamtktuyCm0ykbJe7jw23ykhY0iddePoun44K6yMlzWcjBACjkNnmUNMh7vTdZu2bbpMi5A65i2VoIRAyY1F+PK5QyURK1Pf+ev1IqDVWgbXWSWRWdSqAFiqpbREHBtftriFdHtz45WmLW4xvFynEEMhXLZIwK7r9+RFKYVrBZYkpJAaqTaCVAoAaaMEgO2G53WpRF93Xna+5kJEkpvTGoihFO+9ZigpCy2UVkYoipmIQiwMUmgrQahWY85f/fYbA4K2xLk8Pz0ro2OrW0zjoY8pCxCMjIC1VJRSCmWtk0JsWSwAwrrD7X0A/XqZb+8fAUVtS0qbd662yCz3gP7OBNmhJCGE6/UqpWy1MLWUkkAQiMsaEKGP5Xj007qeOp1KVdos6yaUbAyNWQIwcctl747tUyD1q217ba3t+IWUkuudkqr3UjGzQBiGUSlzuVxyzgCkpFJSNqrjYSgxEjWj3X7FI6o//vsfx/HYdeice768nM/nwziWUlotx+NBKfX09NT3Xc5pWRZgvr+///z58+4Dbq31fT/P857ePh5PKeX9iM4Yve/FWyNrhXBOaBMB3jycsATfdc46RNBacWsKxTAMKbQtxTmshYqyRov9IFAwQN/16/m1IVtrjFLajzVHJiq1AoNg0aiBFEap0lprxJhRSokCANZ5YW7jONbatnnyRseU3xwGlHoJaQvrb0/Dp0+rsd6AQaksdKVBUaJVQiBMEZXw1h21kQKFhM7ptcDg+5v/P1P/0WPZlqUJYktsdcS9JtxcvBcRGZXZnVkEuwECZA96wBE546h/AH8mB5yQE4IAAQKtqzIzIisinnL356auOGLLtTjY/pxlA4fDYW5277lbrPWtT9zMg0FJ+2CtMxj89Pl02Rq+Ltuu1NAYAw5duaxGFVv5w/v3j8+vvz6eiqrzQ6vATDnF7LK3NqW9yeKGac9F9khshuCM0MvLeRqH0uS8XHPJUMrAGAZ3HEKJm6HBGMr7ooI2uAKtdoSI2YXpmgo6L9bPw7BdPrJ3Mtjjzd2nP//13ofv799clqWptpJLsrVUYjLGGmtSLYggiEUVEIFZEF0YJUosct320/qjtZ4QWy2GbOctM3O37ySim5ub19dXABiGYd+2Jo0Q53m+Xq+KimS896+X655L8GGJ8bIse4wmeGQDTVtrAk2bgigCCHxV9oYQrLXW2u6n4pwbhiGneDmdp2kyOSdrHACVUp11OWdrGVCZmQBjjAZRRI21X758ub9/49z4hz/83cePn5jNp0+fRKWHli3Lcn93++XL45s394Qo0kTkH//Lf/zzn//8+fPn7ns+z/PT0/O+712FLCI3Nzc//PBjj5ojom3b3r9/f39/f7lc3rx5c11WPx8fP/7gqTYVO3EwbjmdCTDvqVJOqSQlcgZqYyIQkAa1Nj/515TmcRyUpzHs+7VV0FaZlNk4YwkIgVHbNM3XfceWCTAMY5VGADYEBEHCMEwpX5yxtdRx8AjY9jaMnkn8m+Me9xsXkEyzIVeNuW7bPoaAqpbJMjlvRZux7BiaJWfUsU7OpuvVMgzOnZaLEO6pJtU1lZja7TRPzmupnDMd5iT63cPbD+++/x/+w59u5qMbhl+//DrPcy25YquiTfV6eh2GQ07ZGk1Nz+tVa8lFmNQHez2dZm/v7x7W11eCNg3OOWMYW2WtqJbPl5OAOEPaxDlnjbuWElWriHU2W3yJV8F283DXni7HYaw5n/fFebeLAqAqqmIVZePY2pIiI6XaYm2btCXmPbUq4vwgSrlURkLAUlqtlZlPp5NzthMZOhnn68lNdDNPr6+v3KqIsHXMRMbUUlNpVeP5+dUQsTUpZ+O9SOtZiLUUFDXMOX1Vd3U7Ce99x4VSSsM4emvzHqEJoTIoAWLTViQDSdPClhFVpUFTw84Yt63rtq3G0M8//7DHbZrHcRzmeUYAZnbOXa/XWquqfPr0SUSPxxvn7D//83/MOY7j0GqrVbYtMhtrXW8YAHSeJ2J6//7tMARr7Xfff7i9u9m29f2Hd60V63jdTgANgYlsq81YOh5GZ/n19TWnpmyUUWqTVAa2BsiysdaIiEcOxKVFH1iktJot4WAMq5BKSRGkiUjKRaqMw8CIWotRaLFAVs0QcLiez8FZBoQqadlbrh/evBkNj4yB5M0YPoRhquUO9FDLd8G+teYAerRmNOwNAZb5OIjqy/MJFb21DFBL9tZpwetaI9kdOArEVBBxDN6CWpXZ8cFxaGBSxm0Lrf67u+M/PNzfMr4bhlDrgdjE7KrQXg7GmpaNFKxJ92UmvHfujfO/m29vge+su7V+YPrdh7eWcZwGIt3jcr6eCmJOxTQc0EARP40v+7rUWhSg4mVZefJN9fnp+dOnL//pbz98fH3dCcw8vv3+O+dddq6EkAz/+PwlE/jbw2taF2hPcXsukaZ5GO+u1/T0dGpNWm05JwURbamWLUdmI6LeB1Wc50Ot7Xy+iCgiLcu6bXttzTlfaq21ijQiEgVmqrXmlNw4VERlrgohDN0bvZRsnQ1jMN4+PDx0u5Npmvpp639zem61LjGLcRnIYGNyBgAEpUKdxwFQjWVEtYYd+33PzNhaOR4Pp9MzkTrHhAjAKZWHt29/+eWXnMvd3dcI1Jtb+/r6Os/j3d39OE6t5n2PTfQwH2sVhGUIkzG0x4WZruvlzZu7f/mXf7HWxJiMpev1oqrHmwMzk+OayzgOkwvnl5cwTB++e/fy+LlhPRwOtakaCt6k6/XGDUcbtrggAxtjh1Fivl6v5shrvI6TY20OwBHGVhEpWEtMtWoVQOLRhcPxuCxLa+pN8DbkXPJasTVsDZWP41xyI6HL6UqE0po1ZJBY0TEGZxwhMDOGAmCmacspifgR1robFzhNhtGZACr7Fgc7SHMi9FxSFmjA1vgpDPv1yloHM1sVMs028LU5xPj8+M4ZX6JVCYOvtQmAEEtUHbQx7i1BMKpyGCeuEpBYgEHD8daRYZF8XSrp/cNdSluR1gDYuShqG353++bl1y/kadsTDMN1y6omkLMGisSADEXbvhOyuTnW43h63gHVDmMz/rJez9eLn8bXvMMcimNBupQEwvvTpYj/9fO5qVpnWy0Aaqxhw1DlcDy0lI2hGBMRMVtjbErZWotYjbEAeDqdQxhUIYTwVb2FTUSCs6qaWhOmPUbv3B6/TuuMYe+dqAw+xHXrXKAOLvULh4ju7+9TSmgtD0POxYhKycWPfp4Oz89Pzrl1XQjAD0FrI6LD4WAMWWuMJWN4W+M8z9fLaoz/8uXJBjcMQ9z3UuSPf/d3rdQvj7/O83S9Lq+vL9M0LtdLDxXujvuqerlc5nlsTYxha4yGMM/z09NT9+f68uXpzZu7v/71b3/8u79b1/Vwf9yznl7OY5hCCKfLiY1TQD+OHLOCQG2MhAjbvlWVcfCEjNaWZVUABFzX7TA4UAWiUqu1jtnmXAwQgBoCy3a9Xp11JZcqzVmfcmzaZZsKIlVrze1wOJZSBKHUIlKYEVBLzt4aQh2Cz60d5nmrpUpjQku0pxj8YMgiZkLMKR6HSfsDZ7/nJKC1tMv5iuT26+LYOEKtteTkQUYXrLG5VAZANqJiqWeIgvWhxDwyZ2lgKTUTSw7Werao9eAHz7aZ7GfHxK1VH1xr7fxyAlRQWC8pDIEMsKUl7jSEBLq3agwLqHPGMIVGLjXvAjLELOuyZOu/vDzvtQjC03L9Nb6GIRggAmA0huzkJzeOzo2PTy/rFj+9PgkpAOw5OucMorculzwZf/BDNTaX0l15esHcld+9N1jX9c2bO1Xt/9ht7Yg5l0JEJWdyrpQqrSGAc+719dU518XlALBrLDl38H3btl5WOedq7ZRfzfs6WjNYY/reAoAhhG68QcSttp5NmXN+8+amlOSc3eOmajuuNI7jTz99HIahttoR/WGYnHNfXl4P80FFOvijogjAbE6vl+Pxdhyn3mR//vXzmzd3pdR+2T0/v/RbTFVvbg7v37///PnXX375Zb45XM7XeF1HH1JMP/708/3b+9fTazmfb/7+H6A1y0gCTaBIJcPsbK61aO1JyM7aktMY/L5tH97c7ZeLt+yMraWBqjW2lIwie9yttWlfnbEtVdFGbBiZmZEdAhnjxID3trVqjAFo7AeFRipoaRinfY/GMjYSQhKtJTeR0tr0ZtKGL6+vVJmcRdH1cvWOgwvbuhegIrrHbNgimiF4SXlwdvQetE6Go6AVdMCFYC9VmjDSaGxTrCXdzRNlgdyA1Xt3Z4Zai7fWU/DGtFzCyMYrMyI6QlJDyzWX2rwP3gyWfCO4nC9vb++vewTn3BBellURt+uVg3KTWwyaBRFdCHmPpZWff37iaf748rLXImE6+pBy3LfNkNljLk3Tdd9zXbeca42tgCoTGmcR0RnLSKw4OE+izrk9xt6hPj8/d9uSTmkupXrv+ujqer32UWlrLefsnAMAH8KWUi2tcyiIaJ6mr/4/pbAxqNqHX19Hv7/57fXc2JjS3Tzu2/I1xxoAUkpdiSKqXy1UjQFVZr5er8uyLNfFe3+5XOS3jJJ5nr98+bKt2zAOonp3d/fDDz/0cNw3b978/d//O1V9//69dU6kdYdHAN227XA4eh9qrQDadRtEeH9/Z61NKQ3D0DcYoKaYHj8/xm3PuSDRtqc9JiAeDocKakJgJG76NTJIparsJZMxAmCYD4eDNYaJBh+0SU7Jsqm5oAIopJRAxBF5wjF4Zy0hACiA1lqssz44x2yZDAGCxm1nRMvUahm8JVBveZrH4O04eCYdB2sILGNwxjAEx1vcL+s15WSYHJuaUo8zQcam+nI+7bnUptCg7JkqTNbl6xqI5yG0mjyCbXX2ZnY2oM6WAgLXZLUFAtbSfBtuPAcEU01AG5CMJI1RNp7IOChx8wYlZ9S2XS4MMPlggCwZUoCcGLTWys6Rcy+Xqx8mBvLI6XTGUo/z0bHNMeVtc45TyTwOieiqWsOYVS77yt6bIWRQ9iFW/ec//+XT48vzeb3u3amyIeBvHASQniRA7Jzrx3Nfe9baeZ6ZudZ6uVw6PadHVfTU+74Bum95KSWlNIbBMDOSM6aVcpim43zwxrZa93UNPvSklWma3n/40HGabrnAzIjY1fEheAMI0zg1aL1OMoZKLexcCINlTntWrSmlcRzevX23reubN2+JzPn03E1F2bCq/rs//vFyOfc5s3MuhPD6+no4HLZ9M4ad83EvfYt/+PDhhx9+mA/Dw8Pt6+vrOI7393I+n2OM1+u1tdbDyFJK+x63PR6OR6M4DnOOKaVCbJTs48vlzrnjwzsrwApIlFpNOada7t+9M9ZJ1evpJTj3YQ4IQkj7uh3mQykFBUqpROytlZxrjFMI0iTGhZ1zzpRaG+AetxhhcFBrGfwQt9Va16rUWoOzpaTBO5TGqLUmAmDDsSQRtYZqU0jNWLvGJdgBoDEgiBzGOThtLceUi7T5eIw5ATQVNUDY5DBOQLpdzsfBjN6jImAjwTEETxhr3XOhosyEbJS0arEmSGsAEkjIm1Yqeby7u5Um0LKlgQS0tirZIBNRq3kcDyXuLRe24pFaziW3qqiK+7pLKrPyHMaX15e748TeaKVaqgu+AVDTL8+vw3y3lJJacoSH22M9w7Ztn19elz1l5PN52fY8Hg4HNup8j42bpmnbNqnNOkfWfH56vL2/67DPu3fvOgumm+DO85xSrLUBQK3xcDh0Mk+3cO6LuJSS9uitTSmBEgA8Pz3f3d1JrSXnwzS/PD8DwMPDw2/kZ9OHUdx1iCKo0hS260qGjTHGWns4HkMIxMTMzjtEQCIA6MjU6+vLn/70J1FZ17VfWMbY29vbEMLbt287gSfGdL1e3757u64rIqzr+vryaq27vb1zzt3f36tCb0oQsNbW+wFjTIz7ly9fSinff/+9iHR36NaaMfb27j7uqeS8bTszG2OPN/N0mC6X6+l8GsOgVbSp9z6EMB/n67Js+xZTRKQenlNzkdqMMYTojJXWiBAApDZGBBFDhCrW8LpcnTHGMDOp6jhNwziE4EvJ3ZVfpFpLzOyMRYTjcSZSZiSG1gqiGoNM6CxbxwDNOLPG/XA4qKpl00oxxNYaQBCVdd+rSExZG0zj5JBbLJ6d1lpTAq3B8nEYDKiUBK14okPwo7OHwU/BDsxHZl9KKPWN9VPTkMoBwOeKy9ou57Tuhv35vMSYCNE6FqkiNcYrQDGsEiO0ClVRoObWikoVqGKbTorG2x8vL6eWdHQaOEO97mvK1YdRlE6nJUGLKv/y17/88vhFrW2GK1G4udlrq8aV2u6G+cP9gyPj2G7r1qSdt2WvuYD4w7QsS68Xzudzz8tqrcUYQcH7YK2trYQQutnJN1+3bmxorTVsvHVjGAxxz4K/nM7Hw5EAc0yWze3t7efPn1V1HEdC3NYtxni5XJjN27dv0bosiDYYFWmlDnNYzhcCRNDggyFOexJTrbHOmZeXp8Nhrq0SYwih1s059+7dm//0n/46HWcAiCl9/OWnhzdvSsr/w3//3//jf/mPX748OWecc/seAV6fX17maQ5hWLfl9u4wTWMp1bnw+PiYc+lVk7X2xx9/7Feh9+7t27c514e7Nz//9YePj/s4Dm/fv/v11y/Hw/jycpbj4WDDC6ZSL7MdbLFWnSLRgJeSLfHBG2qihnNKzllE6Gm1Bslan6sAoSoisiCsMbrBh2HIuSgCIdXa1uvFzlabAHCVhsTrHud5bB1H8u6yxUZEAsE5i1K2qIip1l21oq+IVA3WvUExBIjVO9uqhGGMpRBmbQ26mTIrQrSuj1PFWLOnimBLXBFRAZGQmQRo3+MQgioQsnNmMl77pgQanCOAtO9snSYwysQWtzYUQjfU1HIrOdee/eE4oIipZmktkiSmay7Lsh7H+ejDaDjXwkIGEWLWJr7B+XydhymVatmkvE+HqXJyhlV0GudSQff6/HRe1h2qYis2+Ix1W2OFdr6e+tn6cHdHzIYo7jsyM5tai/Uu13I6n+fjMdTSl/i2b8HZ3rx2b8MOYnaykGFOpew59eivyRkbfM552bdl30IIt4fbVMqH778npibtvC8UjEr3Ht6XyyUlxcE6NxCoWuZSqmUDACpac5bWCNEQr9va51YxxiEMXR/snLu5ubm7u+vORP/6r/+qIvN86Ir4JvLnP/95muZ5PiBijOn19cRMgPr08mXfV2OZDW/b3q85H8LNzc22bTHG4/FGRHo3LCLO2V8/f66tCWKs5Xw9l5w//vIJ2Lxs6afT5eO+tsElbWldJ8NH58ZgFJox3FrLexQC9padrV0orWDYqCoiEJHxTkHXuDXQ2oSYnbUAmLbonUPFy+kMoj0+IJdqvW+gIQyEqLXGnPeGe6m5SqvCbAw7a4c9S2x4SfV62kY3QKvT6FpLiFBb22NuAiF4NtSq1lKQBKmQE+NBWdwwuHHeGwoZMk4BFTCXKiKoAKKGiBFqySnGkkvJpdVaSo17tGy1wejCZEfOzcR6MA6ztFQ8u+DCPMzBDaSEQoxO0UbES8l7Tlrr28Ph6Ky3VKkp1IOzmIqt4CpNNHBBA2yNJUY0mPb4/Ph0mG5ens9//csP//bnv9ZU8hZJZHaBAK77elouDQQJc8lx36RVaLXsu2dGRGKyzsWU2Bi2Jpdse1JGzvNh7jMsEeliru6K3htiNsYPQUBjzmg4t1paRabLcg3T8Obtwxb3GCMgLNtqvBUVQEXCUvK6XFqJBMqIhphExDqnKr2/7uRNJgIEa+04jL1TBoCY4rJcO6PIh7AsSyll27dpmm6Ox9fXVyTqI7fOa31+eT6fz30H9zUNCswMCufz2fwGQDFRSul4PHZtmqr27G7v/b5vqnBzcyMqwVsiMtZ673/3u98ZpvVyueytuqOZjhwYYIX4dAPpPhC0komj831Ll5x769NJV6DKbBRAWiNmYywoqKpIW5a1teaCjzGqChIhUVcpELOqOuuatD6qNMSj8954aVpF2NotpVRLrpWJVcERci9RpTFSSqk2qSJ7ypdt33LaSmoI7CxbB4DWOD8OVaSC2MGJKAL0/DxrrbM8BGcQQFraVlZlRMfsjQnWQGuGiIiMoVpLKVlUGoqAIKhj461lBJVGhGwIDOLNwd4e11LIsnfmv/6nf3IAUHLbU7qs8zijtW++e7/WsqNkRzr6HeQaYxFdt60J+DD+7Yef1j1a7wRUEax3PoRxnoZxdNZ96z4BwDvfrZmbCCD28mZZlr7Kv3kbdrSnhyn2PdDRkcfHx45y9vK4yVcmBajGPaaU+rKxxu77zkTdLiXtcQgheJ9SKrkQonfOGssob98cal6ot9vO+XVdx3EU0Vpr96gC0NparRUAbm5uaqmd0dlac9Z2haRhM03T49NTKWUI4bvvvnPWOec+ffoEAs65XgEPw/D4+NiZGH2nERGA9gF1h2aXZdm2dVmW7ub+ejq1Jh0YtsYcDkdVDd6FEJz31tk9bn/9+Pwff/j8kmsyEOtuKHnIB0YmvNZi7m47RoZEHf9SVSZqTfqzs9YSIhPN0xRCaE2QkIlabZ0SiwApJcOsoD26otZWS+02G844RxYUiE0R3XIGY7I0G4ZY63XZBuewyeCsZWOYkbiK5toaQAXIolUFCAVARQiwltJKbdoa6LJvpbUtxtqa994w1VKsIWfQGWRUx8hNqDWHqKUYBALNcRuCB5FSEhtMad+3jUEdoQH0xpJqq4UYgfCs+pKiWrPH7fYwj4ZHorZFbnIcZ1FogB+fnsxxfq1xt/RS06otonDwaFyp8OuXFyLjnD8e74YwGOemebbOImnMu6gy95kp9EPzm9q2t7zdkOGbC1tHLfvUaAgDEvXWroM/79696wr3rybPTb4R/fm3r29G0CUXy4YA9n3/9PETM1tjj4eDd35bdgRiEmnx5jiQqvbdw8wxRuKvIEzOZdv2EHytNaXUWvXehzBcLpfT6XQ8HlurIQx927X2Feg8n8/W2hgjEXb3OVXt7Lf+82OMp9Op52GJaP+Gd+/evb6ee0z37e0tM+/77qxFhKenx8vlYq1dt7XWOs2ztfb56an15OS9fHy+/O3l9cwG7u4jOzKegKd5WvN6TtevdtZ9jNLnEkTGGGaKMaaUu6oBsMeUIwDU1thwR+iMMSIi/chpzVrba6dSinW25hKXaMhKU+tDbqqGi0IDqE2aKKsalWANgzIhM/sQgE2srQCCMarqvLdIFnBy3iiyAgG22pAZiURBFFprKuIMO0MoraZtsMhSrSqUwiLeGG3VGw7e5RSR1Fgmy9NhOhymwXvPbAEC8+A9qpScmupSNSkq87asozXL60u8nm+mcQxBAWLOey3nuF9rPks9ad0MLCg4Dr++vL6cz8sWY65VIFdJtZbWtj0C0XQ83L99EFUmEpFpnm9vb8dxvLu7OxwOtdYOvq/r2sXofTH0c/B0OvWRbQ/OOhwO7969G4bheDxer9d+UVhr4be22Bhzc3PTWuua3r6dvPe55JKzlDYNQ6t1XRYEaLVOw/Dd+/eGeQz+6dfP0Ar1q8cY7rswxdhVwq1VkbatWwjBe386na/L11fgvV+W1Xv//fff9TCzUoqxpkswc069bRCRXLpDU+4aAADoZVzv6ztDAwDO53MIrs+oc879PavqvkcRGcexF0tEdD6dO4Q8DGGeD4dxdH74vOz/y68v/3Lan3RYcS7oRVShsP1qdUq9/nGOmGotfSLovWcmJPLOxZg6BsdEhNhqI6LOze6AwzRO4zgwswK01kIIxlhmtsQEnFIWAPY+q1YAIE6lTvMBpQXLwRhvLBGCalPJrTWAolBFVcQAzm4IbCnXyVgHZBRR1RF3vUR3/2u1IOq+rSrlOI0EojVTE4cEna/RmrZmmaVWJjLMIhUImFClaqsGoOWM0nqBGktaU6tK27Jb4sDGE07eqbYsFZxh77I0NfyatmSJb+eV1N0ePz4/RWnLvgOwKiEZBTTGGuugsxq8O1/PiNAP9e4z20GOnBIiXi/XXuvmnDsA2p/2t/av1zldzN7HW13S3kup4/HYRIZh6AVFJ+f3MrsT0pZlUVFDLE1qqTmmVmreEyOhwrosYxgI6M3d/XE6Ur/oa6mqOs+zqiJRCOHu9q53sX2NOuceHh5sJy+o/vnPf3p5eT2fz2y4V3JMPI6TtfZyvR6PN535PA7Dsiy9ju+6/X5F9IfSUf9+eXV/9/P57Jy7u7vrcWjjOI7jFEJg5uW69DTmfdvu79909uh/9b/592/ub3GYnir8jz89/fOX5csOsZlt263RVldmU0otOfe3SUTdBLK/mJxLKaWJMJOINJHuIeW9K6VY67qpBjGJyrbtpVRjzN39HTOXklNMBMxEPgzWh9LaHmMDvS5Lqc1aawhH71G11ZJj7r8i5xxL3XPOpQTrPFsWNYKj8YFsIOOAArvg/DjOxlhnrbWOmaU1a9hbY4imwTtDg7PzEHovZRABtDeateROTSol15oNk2VGUEJMKca0909NlVCp1fZwd397PLaSVVptJZYkDGjMvqcisrWaUcVaCO5PP/x43XYXgvYmiIwxrjVQRWPtw8ODqFwu51rLN5sFFZmm6Xw+n0+nMAwd5esCEh9Cr/j7yu5U+f4fifhwOPQ9kFK8Xq/L9dpt/s/ncydH9JKpg+b7vvfLoTeK4zhaZtc5OCLSGhNKa9frdZrGwzxNw1hjrbkSME83NwCoTR2zAWQAabW0nFpCy8N0mI930+FOwTp38H5isohgWA4H/+7th6enVwBSBVX13g3D4BwTg7HEFkOwiC0E6xzXmqyllLZSovfsHIvE73/37v7+9nQ6nV7Pf/eHv69Ff/7p48ObtyJChO8/vBEpKe/GMiAAojIpoTLH1i7Xy2GaOFZ5Xd44++//7j3IGVz69fJSMADfuWEEJW7IBakhWZ8RC3EDIuUju6mpiYlSMtK0pH29aM0oFWrGmrUJiGjJVpvRSlpQ2rbHvUhj3xiqXKCuXkqNi1i4GHnBtqKM1g8JBjTYxBmrgIIYRWKTDFQUm5IIUM4kjRjIYtSUJBeoRROSqFTybEZfEUqtrUGKlcinAi+X9fkaM9lqeRdpSIKkyNKwCSG5olyU1wpbw9RAm2iObb1OBlmhVq3kigkxQOJW8/6Ht28oxmAIGLI2YWqKxrmCuktT5wuHreFpLblBLpK28vbugRmtM84ZZoxxM4bXdbGWhyHEGJnJW2uJpbav6zhnBbhcr2GegGkYAxN6b0UqojpnjGHV1n9gLvl0uZKx7JwfpvFwcOO4p3x7/0aRbu7ujzcH7+04DvM8IgIAbNse/Hg+XWppSCyMqWRnrDR1aB25mmpwQxMqQhF4Vd2kUWlyOp1TKkS8LisTEyITd9jHWj5MYR7c4I3UklMChOkwVZGqclmu58ullHqYjyIaYyIm52xO6ebm2GlMIu16vby+viBCZxkYwz0kC0CN4dfXp1Lz27cPPYLJ+yHG9Pj4tO+xq5hLzd3+jQ0fjoc9xvPlXFprIp+evjyfXufD/Lv3H/7b/+Z//3/+P/0f/7v/7v/y+z+8+z/8N/+7nMq+RVX4Cmk1RYFcCjIDEyCJSC0VFRHJh2CdR2LA3i+wNVYESAEVpFVLZAhBWiullQpISAYIU+n1vLbWSmu51uu6iIglcoDOmMGHzvgAwioNmf0wsLHSPScNjUMYBs+GRUWwIQMZYkMAKtIQEQGMtUzU++8mapwntkCca2naXHBIaK0DACbuNUkTQDIIrLW1nKWrq3JCZg5hq60QK8K2LN+9fR/I7pdLS7mP21sVrXBZtqJy2fYtFTX8wy+ftpisc9Y6aXUcxnkerSGR+ubhHkBj3EVaKaVf49LkeDj2sJWUUkfxe93rvR+nqTsi9xC7nuPi/Vc2W6+NiflyvcaYvjw9ieiyrHuMuZRlXYnZe7+uy7Jcj8ejqvSLpbuqqei6btu+G2uIybBBJAS8Od7GlFXhdLo8v74I4nw8mvCbUMA558NQSio1ibRt25x33uLr48/H47HVOoQBqTlvG7Tjm9t13cUYYjbG1FaX6/Xv/u4PzrmHNw8vz08i8rvf//7Pf/rXf/ov/otfPn58eXnpFVu3bdm2zTn3tQEF6DLLm9ubrpxEROtsKeK9/8t/+tubh3trTScG9puOmbd1BYAtRZysNXRd9+Obt6nKeJj+6//6fzvd3u1N/uf/8K+lZI+IgNYZQJXWhLG11rIEE9h7VRGAhvjVBlVVAXKF1oABc8lhCMgsAJYNAAphE8gpNxFrgNjFpiASgV4vZ0AcgL113Jox7JwBVCJkw0BKYmKTqmrZGtYsGUW8M6iitQ3WGQJLbNiIaM7FGRvj5o1FRKn1eJiYCJnJcErJWGOYW21SWlecS6lsrIK2UsiTB9baLIK2pj0wELCM7mXfig/XLQUTSoOAZnk9j8jGhoKSWiYzLKlcSoyg0+3dp6fX/by8ef/h+XJptdVWxmG+nM5VUv8QEaAjlQAwTVP7DTnscM00Tcuy9Fyp1to4jqfTKYRQcgOEnDMzp5T6hzvPc+8EWpNSSrdL65VzHxU/PT29efPm6elpmsI4jtu2q2pr8vz87JwbwtCrKQAQKT6EmBIgeu9ba9u+393exhhrqwRYU+qwmPZEMOdcSmkYh/5CmRkAQdpxtoPn4MlZmuepSr0sV2AaD4fH52dEHIah1Xpze/vy8nI+X15eXg7znHM+n06///3vX34jY/Ryv3f0zF9hlv7emDil9Pry2o8K771hJqKUIpLe3d22VjuVr9ZKxOM49uHDME+n6+Ua9+fL5Z//8hcehr/9/PG6bT/87W93N0epOeXYpIo2a9lYFmkp7oBgLPtgc617bQ0wiwqRAMaUgQipYzbWO6eiqKpVQBURW64EaIgYkJBrg11wUXyJqTTISxrV+CpU0zgaa6lJEW0ita+J1kQFapWcxVl3f3trAEh1DN4ZGr0zhFILgU4hgLQhhF6+a6uogqqGkBCsNYwIKqBSS6Ju0c5YS1KpQ3DSCrTmiRmQkQDJeC/MjTkTP+9xU92uKwO22kBRBKrgliqwJz/GhpWNOPvx6SUcj/PNzccvvz4+vzaBaRjjukkt/VDv+HIfj3af/n5CiUjvdLsdVee0+a8u6hYAuvrVGNNlK+u6dkFsJ/8YYzopetu23v52CPH3v//95XI5Hm9q77IML8vCTM45ET2fz9u29Y1XW40l51qqtOu6LMvSVIqIH4LzPsWI0rSWr9dNSul6vZxOp5enl46HtNa2bW2iolRqW9b4+no+nU5xiyWX9bqCyNuHNzHG1towjt75zr6YD/O2bQ8PD63pPB26K10fiPzxj3/sGE7vWo7HozEmxhRj7Icvs+nxSinn482xnx/X6zWl3EMsb25ubm6OfWKyx3h3e/SeY8rvPnz308df/+//j//X//d//I//9rePjy/rshZrRmOoBxGANmnNfC0tKhEiAjESEyCwIWm1pGSIpFSozREzgDZx1hKSIRp8KCmXlFqpKgKgrYqgueayAOxKMQs3ChUGhTlY0dSkEAERiLRaCyIyW0Ta97RteyuNVEBaSVFKsoTQmtSC0qA1UiGEwdsenhW8t9YotFZL71ZLzTnFVrJ3lhkNEyMaJgJgAkKIcSdCke79D0XUT3NqetnjNeYvp/Pnp0cTwl7KUnIGUB8khBXp83W9KPx6WX/68rTV5g/zWkoRRaLDzaG7wnhrx2HsYvbO+jwej13O228A730HQr7Rjfv51XGbPp/ps7CvrMrfsJBt2wD6iyci2ve9M/DneSaiZVnevHlDhNbabduu16XDkiLSPXj69ospAlIuJZUChGQ4jEMYhlKLIuZWmfDueARpfSok0zR5H0QklzwMQ2vS4VjrRzfcvV7zy3lb92ooBD/GNQ7Gac5/eP9hHAZEbLX2kd7hcDidTuu2nc9na/nTp4+9l+8xZJ0vXUp5//59zrlzlbpfaUpRRL58+VVVUkqEVEsdhiGldDqdOhWWiC6XCxvTkXgAvLw+GxCDaGx4vez/n//v/7xm+vi4/utfPv/b376kZqw1CtqbqlyS9dZa/koNakWkOoOWwZA4xuDIkLI0qIlb9QTO2JYyqqooKTDR4XC4u7kpOQfv056agLC9lhoBc8XBjhO5o3WjMwiVGKZxIAJrjXOWiEC12+9Z60IYSDU4d3M4OGOcMd7aOQyHaXLM3hln7bJcDbNKI4TgnLeOCHOKrRZnDDMZZlR11hgilYaghECAwTsXLBhqXdAQBkXMpZUq1g1hPCxrTKi71MS4gf7w/OXj9fyU43PJH/f1h/NpI3z48P3b3/3+dVmyCFlnrHt5fon7nlNyhlNOrbXO6ETEfhT2864fqR2o6UPPDtt/O54717ALFDvVoNb6jfI5zzMi9dTKbupfSlnX1Vr7WwbF8Pr6um0b89cTvCOhfSt2nP37333fN1sIgY2x3l+Wa8zp6fk5pnR/exu3tUNqhEh9rFvbsbWiqsxkjK0tPz2fWuXjcXYe5nmqrQ2Wj9M8BU+IWsrp9fX9h+/2bR3GYRzC4O3r6eXb+7m5vXl5eTHGdMFOJ6Ou67osi7WW2TDz27dv//k//sm5YRxtyfVwOFhrrGG21FoF1VL7DC70Xb6t6+Ew3xyPy7qx6v3heM0txYhghvn21+fLPvgUy4+fn6ZpTCl5Y1tro/fQChERk3MOBUjIMrSWm0pVQCZCgloIyZKxBAa0gnZZmTHUWjNsaq2iEryvtY7z/HS5XkCiseclHn0Y0B4seQuFi2IlxBjjMA6I+Pz6av1Uq9TSpGmrmiCh4Z6n4g33aZdlttaJpFoqW35zd79eF2nNsaml1FKR0BoLiNIEAZhIRQwbAWEhNpaYq6qAkjWpFGORnc17Y7ZrSntVDEOOqZT68OH+d//wx/fH41/+439o3q7aHk/Xx2V3t3fm5pDSdl636XA4XZbLdQHEVoWBvHPSJ/SGauurGb7FrZdS+gfdSyNE6vT9EMKyLP2oNsaEEFptnXmbUurWQF/ZoAC3tzf393eXy/JbfS7d4OR0OvUSP6W4LIu1rk/3O8s4xojIfXY5TdN1WZo0YtpjNIZjisH7lPMf/+7vnp6eiDHnHLfNKIg0RVREyLmqimqptQ6jH8fD08v1zcODdWZfV9LqDBxHe7nsknc07oe//cWF8d2H7//Df/hfLWPJOXs7DeO+Ld6Yu8MchuHLr59CCMQOFP/+7//h8fERkafpIEKttWkaf/nl43G+cT4wuevligoxbjwOXz4+ztNwnEJ/Rg4lo6DoHGzeFkI8DqEWsGHwEFPNZqBt3X56fX2LN7eHOX9avNTYwsHbrBqMtd6mHFOuta6jG6G0BE2wGeeIKeVCjGAtIiGa7gsfqzHGSB+PMRAJAWYskRoZcwX6aFCqci0HqZMpzrMYyogIFqKY4Jy1UKDW6skNYQCsAtKg1b0YRzoathwajdYiamolIzL7MNi2l4Zp2xbvbROgps74RqbbfjeVmJP3gzZRrC0VqS1Y24tyq4JEikk5o1CstbHbmoozqS4N8sv543Fs/9f/9h+nmzdZ3enp4WUtX16XT/ESG3wwDmtWxGXbz9dl27YxDMxcUq215ZKddblU6wYGtNaKtGGYiBigGmNVUQREgMgAqCoa45gtYlNFRBIBY5yUtF2XnkSxXK4GiQgsMyEt52tMKcfMzNuyOmMQsbZqkLx159OZAXPKCthnbdZaAK2tGoOttnEaEUFKkVpApHtHt26OCu3Xp19F5HVNBnjLleZx+u6777z3y7LkXOS3r5RSrc0ajvt6Pr06Z2vNteRludSac8nPr89+GKZpen09gUKHNVVVVMZxvLu/u14u5/Pr7e1tdwRa1/Xl5fl8vhwOh5xLCIGITqczk/n7v/97Z92+7Z2cs63ry8tzCP7h4aGL4kIIpdbgQ611HMZW2zTNCqqgqaTuWWsMG2ebyOW6DtN8ueYQnBvHhkjGKtK27QoQhkCGa62AaK0xxKDQagNABCx9dCTtvK+71FRqH2+J6rKuKZfa5HJdFem6xR9//GlbVqMIucw+kEiTFmu6xvW673spa4ypltLkdL1WkcuybjG9Xs6X66VKXdZraUlBkSDnuG3XJrVJvVxPKe+I2moJ3ktrztnSaqmlE7S2ddvWDQTyHtO2a23SpOWColAbKRhmEA2IVBsAYXAL6kr4abk0Y15OV8jyX/3jP+aU12VlY//u3/3Dsqctl9OyxtJE1DsPquu+59qIjYjWKk1VAPwwABM7Cwjdx0pEvfed6eCc7xXOb7CH6dDntm3DMPQ61lr78vLSao0x/vLLL/u+S2t968b9K9SBgF9/AlHnoaioiKQYre2/FPr8vmM+vXxSFVG5ubmptaQU+8/sPecwDMw8juM8z9Y5Gxw7y86RqHbyzzwf9Lft8m2o5qxpNaV9C96qNDZca00pT/PheHPz8Padc+58OSu0aRo+fPhAhKXk2gqAxhS745W1thcwX758+fDhQ29feiBkJ02cTqfrdXl+fgbAXLK19v7+Pqd8XZZpOjgXAMgY10THeV62bZzmlEspbZym2mrX2rcm1lgAupyXbd1VJMa6V7mmnJqUJoTcmooIEilhgyZNDLFFskjOGEJkYxpClIaD27VaZwBBFXLOpdbaBImBuBRZlm0epkF5IHNwYXB+GiciEtBYS5QaoVWUvebXZVlzdtO8xrTnzNb40RnPZBRAcoo572RgGJwxilStR+vAeh0Hvy6Lc6bUzIYEdd23dVsRRFoBaSxgFFlxtG7wvuaMANqkpAygpmEgR8zXVi8M14FXb1fAT19ebqf77+9/928fn+d3v/vp6fXHT7/mJsuyErNzjp2dbm7IOue9qJYmtUkuVRSsc8ZY74fapK/I3nR2xW2XPorIvu/ruvZ1Za09HA59OfWSJqXknOvF0rf1djqdunNC/y+9Be2L+1sz3ekSvzEsmJl67dS3wbbtvQn+8uUL4lflV6+yukL9eDz2nrvVYr1TxtNyMb+NoGdmUtBpml9enm5ubmLaOmehldYMrMvpMI2t5pJLGMc9RTbuuq7jNFzXq3PWWpNzNIbu7u7Op5eXlyfv7bout3f3fQv2d7VtW865s1tvbm6maXLOHebj5bJM8wQAwzjaytfrMk5jKRUMWh/m483pdGoAzrqYy+E4L8vihxERmJBDYONzqSkpAFwu6w9/+8lbUyusTbTpBtUiBgIgVAUitM6gAIgCIjGzirN+y2kchqpSBDi4lJJtINKGwbNBQa0igOZyucSmgBYFJuu46XZdqjFdSA8E8+Gwxh0Ak7RWVUXZ+ZRbKq0phMM8WPt8uigBIllnjWopxU3BEhoAqdUgYmmo4gyVlNjymtI4jIJgGVHRsRmHIS6bM0ZLa/p1ISpAAwEmthZbdc5caynWXFt+2jb1w/PjaxR89/4PL6/b0zX/3/6f/+/hcPu//sufwYRYSmuNidcYrz//Ulrbe/YHIFtLyLXWlCuz3bbNOq8q0long3Vz2N7+9g6wx3V1tsK2bd2ch5lDCP1KD2GqtVwul94ld1C1czl7A7lte98hfR13iLwzaBDReNfVs33R11qdsznncRxba+u6GHPoTXbvE9Z17YS0h4cHALhezlLrYR5NrTXG6L1NKU3T3FHVbdvC4IwxJcXg8LTuQ3CGYY1pGKfcacrL5sMo4HJJIJJyTHubRnc6vRimy+Vyc5hSjv1xhBAM2656Wdf17du3p9O5C/47X2ocp8t5/f3vf/f586eHt3c//HDy/rBta8r1MB/G+bBuOxLVpqLw08+/1Fr/+Mc/IpR5ntC4lFrdk3Pu9elFRJ+fT1Jbqbo1dWwaMRmD0hABFJFoz3FwoQI0EIPCxLlkAkQAFTFskciFUJfonSm1xFStc8ymKRrrl/OrGybn7Losy7Y5Y7x1CIqIW9xc8NYYi2gJWi7MtqRWpN3MN6nW1qS23RstgnGrxcnknNRScgWLxjIQp5Sccms5DBbJrPtOloqUKg1FBzc4Y1Vk3bZxGAwSERlrcs5VpSEgITHm2pBdbLDVVpHYT0/X7XWJPBx/eT59/vhp0f14nJmfyYb5cNxL3VIGQ1vMuWQ2hpCr1mEcmXi5riEMxNBEx2nu1si9Wn59fe1SXedcn4gRUc9Y6XLem5ubvgr3fX94eOjofrdH//ad/SDvwFH/S2dBd65xX0XdpOf5+ZmZO2HxWyhqv4VSSm/fvm2tXa9XRJ2m6bfxS/t2/zw+Pt7e3ho2hGSIzTiOiLCt67qsiGCtG4ZDjLu1fLleDUHeo3UcvF23ZRiHYQz7aSEEtiZLY2w3xwOAXs8vYxi2bbu/OxIB6CjS5nna9/3jx0/DEO5u79d1tdZ3uCqE0BUCwYeU0rIu8zxfzhdV+PTpcwi+tXo8Htc9397d7ft+vLl5fX1NOQMgILIxr+ezltVZ/nf/8F9er4+11nGYmug8HxigNEip+ptjWfY1pjezqzX7wUAp/ZHFknwIxpp9j95QLgUBLZFB3lPa9h2ZRusEFKCL9HYgBtYwTC6kx8cXdDyOwTg3jYNlZw3Vko1CXvdxngChlWSImAxZs6+x1FhBlJS9GQ1lsLXSvtUZnTdDLaWULH0E1rSKOEMl5ypRAZ13PQkKqwKIStUmNvgGqiAGWVS3Vpxz7EzWlmsqBta8gp+2PRfBME7x+vzyel22/W8ffw0huDm87o1ZbdVPT38rpXrvcylbOt/e3ACxlKJIuVSR0gCqShgmEQVk74e4X3v10rmS/7lgt1uO90sphNCXaWe2fvr0qQ/1EXXbd2tMnwH3EXIvotZ1HYah2yf2Kqv7uvXf1WFT792yrv1f+gbou6XWWko3XXwhok697uPaDpi2rgwp1TJbJIop7nEHhGmeU0wxxVJK16mkGHNKzHT8rYZrojnXcZqc87mUnvIS9+isG8LggzscjinleT6UUu4fHhBwXbY3b94AwLIsxnzN5Pvhhx9SSre3twh6mKfgPQEMQ3h+fuqzvX4qiEj42p3nnqCx73uXFhDRcl2MtXuMP/38c+wh96XU2nIuKuC8vy7btkdgk0X3UpQol+y9QwDnrHcut7LG6KepwdcnaMgQACkEawfrqrQGWkGy1KpCbERFRL//8OHf/d3fWeZtX+fjxNawM7lWYoPIhFRSMchEpinU2rZtv1xXVY3bnrfoiMq2tVxbo1I0xSpNGa23wzTMIkhorDUCYK0bx4mYY0qlNlSQJtpUm2wxFqlVm4AqQYHmBl8ZM6gQJ4W11ebMJcXrFpnDTz98vJxWRGNcUOeWVvdc99LWmM/XtVRRhVJrzhkUthivy3VdN+lvWGGeZxWIce+1Ssyp1tKXewc9O5+3tWqYmRBA2TAANGm9BO9zrk6d2Let1uqMkdZ6SMr6W55FGAY2RkT7Z9qj71prpdZSy+l86jdJP/K/9Ql953Td1a+/fs45ex9aE++Dc84ak1KaxpGJUBUAcoyerTPWZEnd9+Hx+QtSRySyCDOQN5YZp2nMpajqfHybS92rbPvmnPPWXS5LDkkqpDURuFqgAsRU4y7rWvekqdC+R0S0ZuzyfmPs4TBb60+n0zzPg+PryxdVhJqLaon7S9przjnnu/vb0+kk+lXvc7lcujQ5hHBzc5NzTjEVgK3IRLRuF0KM20VqstPElo/zQV7k+nLxxwMaeMGCnickNjQIE2rJK4O3bpC9AWAVBaK9JCJWbRYZpO1YQAEBG4IdXG0VAKFGg+3txLO7y1D3VEuTVUCYmLiOIyIAwnXfszMCjKiZ1b89gMIUzLatoEzNODsV8LnVphkEpSCIJbJam2pF0gpcBQ1Sa4yKWDjXCgKi2hjIDc6Xr0pIFAVRoiYamwqb6hxrWuP+UuES5i/n+ONLXC6Ju/SHGzHUlMdxaq0i0TCO+77nXJgdAJRU2ZphGPuyFmkxxt6YXpfT1/OYqdai8nVle2eYYNs2tIYQ0DAweusNMyrkXForztpevtdScs6EKIj7vueUxmnKOQPR8+uLMUZQ5+Ph+fm5T5pLKTVlJCTEPuLIpfTm4Rvi1MlI35xqe11tjNNahcAQ7esanJu9a60q857SErPpm/gwTQjADG/evHl5fjrMw/n06r3rVlndsryJxj26YTgej+fTxQWa5zmnPAzeEBnrpNVai3d+GMLN3e11WXLujgzYZyWq8u7d21JKZ4b2tIGM2bpwOB4/ffrVON9aU6TL5Xp3f/vhw4dtT72CvF4XVeiXSUqpM0yCceM4SGve+XVdQGAYh07sW/ftdL3e3QdEak0VQYm3uEIBx6RNnR8ATH9h/fjviAQi9o4NEBzS1/QDZMk17sl7rwoNkIxhRINA2iwbS7SnDMIH7yxjK7lpKwq5ZMOmtqxaDVtRQecygDp/2ValOgSqQmw9KxrLJWdvLbRqVHJtqZXKlZBENLXYSiNEaxyCgoIooYIqXpdlmiYAtWya6F4zqgFrl7xwmF9flp8+vy5rFVFVadKQhMgE443h/ik8Pz9ba3uh8rVobg2ZvjVpfZ11yVWttdVa/zM5x7cQoP731hoQueB7lV9i+soE6We8dR33ZOYeTd0nysaYcZ76iW6MUYVe9nTktF8yvTzp0NC3yKP+Cfao305Mur29XZZlXTdVhda8d0ykovf3b9K+tkZNQZCueSdSQsW4R+fsOA6nlyeUdr2cjodxCE6lAWAIgzH29fV0d//GsEFgY6wxdhxHIjwejzHu3rvDYT6dX2PcXk8vMe6EMI6DtYYIWyvMaK0pJT88vBmG4JzNOe0pFpHpcLDOOe8A8Xh39+G7987bGOMvHz8+Pj7+5S9/+fLly7ZtIfjW2uvrazd67ynk794+EKI1xrCJKSlAHxI5729ub6oqG6sAtcq27cba0gSJ2FpjrAJ2akYvXrtKps8j+3XMAoGtVbSK1GT0wRLPw2SISi5MzGymcXSEwYDHxm0fWG4GdzOG4zh4R3e3B+9omBwybjllFLF0yXEHWGuuEv1gDsexlGQYQRsDlBix1JYyExpGQ8gIzCitijZjTdOWa6rSBAxbL0rODdZYadBqRRDvjHfmtMW1UQTzlx9/jrn01QwAClpay6X2Sv2bGLeX5n0i26Ud3hpL5I2xRJZpHgaDWHMiVQKg37In+i3RC6F5njvaWGvth3SKKaXEv4l3O8jTD6nOnwOA8pt3VSmViPrEoAPofd1/+3T6VkwpdVizVz49UbeTIDreb4y5vb39OluIMaX0ejp1ctTd/d0wjKCKAAhI0oSB4hYNcdojEzrPhAIgRG0cQ2uwrrsKgOKyrCnVt2/f3d+/UdGcayn5fH61zqS0v55ePnx4X2tZ1yszqnbIFkrJAHo6vQKISPvl55+enr5M09izBawziHi+nKsqEN7cHInIendzf7es2xCG29vb0+ncQa4uye8H9vHmZhpGKW3woT+O29tb5z0gkTGp1r3k5+eXmLpZIgIikBEAIFalUlvOX+npnYLS5Xn9QwJAZ50BssRdXm17xi9Rzrlrx9i6XDSlykiB2UibvQ2GpGTHPHpv2OQc+yQoDP54M9/cHKbDHMaABufDgFiZhFkGbwiFEAnVGDZsDDFh534qAUgpzBQG74egqNZbslxLzbkCIjKuKcVWsyiFYW/tvO8vscF4/6cff12LpqZNpUppWtkwEClox6N748i/5al0Hts4joYoOMeMtRYAOcyT97a1UnN2zpby1Wija187Tb1f6/146rLM6/WaUuLu/mytMeYbP+erptHabdvwt4Wbc+oVR87FGNuZEfu+b9v2TTLfgZ1OXu7wTveVaL/dKsy8LMvpdFKVfqch4uEwd7L99boYa49+nNG61IiRp2mep5kACEGlOWvGIYyj896MwzD4EYGcC6oQYyqlPD4+Pjy8HYaJyYTgrTOHw9xak9Zub298sNM0TtPIzKWm2so4hpubw/fff0CEfV9j2lOK8zwej3NtNaaEzPPNsV+yl+t1jZGNeX19ff/h7f2bewBAhNvb2843NMaWUvq29s7FdSOF4zRvy3qYD3HfEeH1fCqtNGkxltP5aq1vqk0hxoTEuTQBKCKdoNvRtE4g6Q7DzjlE6A9aVQG0iiiBIFZVchadLVr3KqmxkisCKWdrzBSGmjMCKuC6pT1WRNcaEHKr1RnWVgZHd8fhdrLv7w7vbg6TJSzJGRApRFq1CkjWmrS2WrTW4FxMm4IQU5WWSiyt7iWzZe+QsInUWEsB5WFowZ9FL0g/ni8r2L/++vq3z49RYDoekRgZVaRpQ2Jk0+dKfRt8U650IN/70FpVbc7a25vjNI5x3xGgj6VBdRqHTm7vjrZdttrX3+VyUVH6jabmfvO36swoRESi7sPQq5fOdNz3/es0AGDbtpTSw8ObXur0Y75/TD1Ko2vqQwgdO+oXQiei9vOxK2z667HWGGs7kIqIhHg+n6VUyWWwnkC07KnVmlMafZjnudUyDJ4J/v6PfyCEaZpb0zdvHlTAu/Du3fvn59fHxyc2hohvbm9EqkhTlePN4Xo9//GPf/gaU0dgLIfgielwPAzTICq5JGK6ub3Z40aE0/FAxpwuJ++9DyGXogjzPDXVXGsD/emnn7Zt+4d/+Ifb21tr7TRNh8PcGbCgENcNVPd937ctxXi9XsZpLNLYmGXbxnm2wcfef3UJmQIiK0CppTOoAPCrEc229YOkf1q1FBVhy1VaEQGmClqkpc4vYUzattquCS57WffcBH0YRIHZlSqihMaFcCTyrVEIkzd+v16timlF94tp+2R0Zp4MciusjbSmtNdWgREsVqPM5Aw7JstsDPlgVVsu2TrDhhBFWwQoKW9osKFeStmRdjKPqT5V/bKmf/vpU1Iqin4Yh3FkImICALZGqXe30qvnjpEj4t3dXe96+3DTOwsq27qotBR3Qgje7duyb2svMLrrR1/9fRsAADE575HIWmuc7QTpUksvljq9ue89BbDOdfSpA1Cq2oGj7hkxjmMvhPoc7Rum5JzLOefSLdZLHzh47zuDuJTS/VS6qUdOed9jb1RExBojjrPj57wZ650fBkxSpblg1+vrPPt5dqSt5KWU+Hr+fHt38/MvPx5vZkQYB8+M18u5Npmm6fX5yVs7T2On7Fo2hs3bhzen88kwGuIQhtZqSuntw9t9i+fzmRlubm66Jn2ep8Rpmg6vr+dh8HvcQSXFVHM27OO2TeMUQrheLjFGZjPN0/l0ur25YeZt33Mp8zgM0/T88mqdK6XmUhGg27KPw4haFbC2NjmnmmtrBdA4V5tYIkEEUjJkyIzTWHLJpSBhKXWa55yzQWRrUxNREMWKaL3fc76eXlPa92YKDpK2Q3DOyuBC3LfDMOacjWnrdZXjcct5Oh5bLdpaj4xnZ5w1KpVrcYSeGBrEVIkYEBEx1wrarDG1oTVmi4nYppKhCjEzm9YUEfe4O2djjm5y123PqtUFQfvz83Ni/7qXHz7/tDUVRFU9n87YepoRYJeTNx2GodYioqpKhOM4AoBz1lo7DIOUGJiaaG31Zp6aCCIymRw37wyzj6l1UkOtpW+kbwSHr56ebKQUzxaNMLOoEPRwYxURZjqdXsdpIkRtrTFDj7EgVtFS6svLi2EmRFH1zqcUEcmwCWNQFQAIIaSca6neudaaKtRSaBh6KFzn9ueUtIK1ptbqrCVi54OokkMSwVJMxbbsF2tovhkUs/Vwfz+pZiZ5ffrl/v5dagmoCORcgI1dllNwXPJ2OBxVMtRqvf/5hx+J4O3DvdTKqq9PT8awlkaI1+Uqrd3d3X3+9Ovbh7fn0yIN9i3nXACA0JxOj94Px+P85cvnWrbTazWGgnct7W/fvi9Za637tjvnpmna1u3+7v7x8fG7775T0UK8V3n98lRLGacZVGttqAAqzKxNjJ9fzi83gx8PPtUUvPHTUIs0QRVT9p2oeeuaSE3FGAOCQsTjoN6e1+s1ZeeDmgHZrzEp0M8fn2qrSABo4iWZJtpqyfj5edG3cH9/u8StJ8jHsr+uNRwPOddcCokG5x1CSsUheOM8amCJ6zrPcxYgwlaKcyy1laLQTAGtAKVUUSVkqQpgUvpqoq/AO5pM5rrvJlBvsre9YRheT/tff3nclJUYQI1qXi/O+QYNLLrOHSiiJIfDvCzLb4BM6VX48Ti11uZxCEy5FGW2v/mXsfPnGEPwtTUkNMQ5p372E1GtJcbdGKMqjhmLIDuq4ogZCYhVtcSEiMZYNuDsmFJBIqktON+kjeP0/PwyjmMrTVWD8wCAbNAgQecsAoh0NGkMQ81lHsac8zSMnXj2cP8GFZ4eH7vlsyFGxM4liykD8vPrRUT/8OHN+eWx5WxCYAQeBl9rvsR8OIzXNaNUIkFg3ZqzQ4x78PO7d++XZb29fTi9rq2VddkB0Fmz7/vd3W3OkYhOp1dv2Vpba3HWIFGrEry/u7v705c/hxBC8NM0bdvea8fHxyfrfJ+r51zfv//w8vKaUglheP/+nYg+Pn758OFDxyhrrfNh7icNM/WWKOeEXRPUWm+Fr9drn57UWu4+fJCyv16v728GDD5Lfb4ukw/GsBIwGRTpho1I2DmtxNQAupXQ5zXvz2sViKXF3JwfnHWGHYgaZpbLrRINY9GGjD9/eX0uRS1JpqfXpy3Gydo/2lFahabTOO3bOgyDd6w5EjIR1BJ7aWvYEFHXYhtjjTExJWbqUKN1th+xXQeHhC54Js65kCiRLYLnPa9AxQ5P5/jP//bzlsmMvspXZ56+xN3Xk1JzzkhEhF2g2Pvgzjb7RrZpTLk1ET0cj6lkVSBjkNg6n3MptSEZFendrbOOCJdlCd5P49grkLSn/po70NkpEv03Oue2fbm9vallvXtz/+XLl1yrsXbf92EYeh/S/+83UVgIQ6mldwv39/e/KQG0M4V6q9CtpXpLMM9zj8frvlW9kegIR2tNBK/XZKwxrSXvXUwrqt7dHpkNkkupqcI8zaXyvifnwt3tXYypFh3C1JoiGGuHbhrnnB2GYd+3Ukq39Lm5OT4/PzGBNnR+2Pc9pXw4zF3QsK6r976UCgBEHXygbdsQCZGMMX/4wx/O58vlcv3w4bs3b0rO6Xg8LMsSQtj3rVulvry8AMC6LqrQm55u4NXpULXWPjOGwTfQ1+v1mm6tZyY2hHut82CVsLVqEWutVatW6e5OVcX7kGIkou9//30s9cefP0lta4pgXK275gq1zT4sZf9rWW7trTPWWI4Vl6cFREHgON58GD8Us/z686/f/e67vazIFtmmUrWCRwbBUrIjss4pYKm1ABhjU4w1JmYWUSIERGKjAqpYSo0xsbHWGFVMMWlrggjsCppFMJnwt0+v/+nj81KJhhu2wFD7TdvXdH8+nQ87hlBS7NBKRzC7QrfU2mNKYspK1KTF5+dhHJoqAa7r2kQUgJilVWuMc5aY476wMdaQttpa8c6ACjOVUozhWouqWmsAYJ6n7pBlDF+v18Ph5ivxYVkRseQUhrH3yuM4fhsPA0BMkYn6rGbbtg7v9P38nxtM5ZxDCCGEdV2dc//5gdjXyd3dnYjc3T18/vlXa4JptY43N4iIANuWqpPW4Hi8izFuqU6zDcHU+pXaMQzDy8uriNwcb2ur3vtWddvW+/v7EMLDw9t//dd//v7Du452heAuy0LWG2M+fvzYM2a6L1XHgFNKCJRzybauy+6sa1VCGB+/PBtjCPn0etr25ebmBgl8cLWVMPg9bqUmRFqWKwARkjFm39M0TZ0L9fz8vCwLs6EmJSdRTblelu3h8A5Qak0MmHMZHXU21+BDq60JhBBiLje3t1VBG97c3EhZBgJ8EyrMP38szHIYDlZRU3GKV+Og+hrzelm98XOYHFqtWmPJa5rtZJ0lTT/++Mt8e3vZ4mE+BFBbVgAA5JlJREFUxuVCiHFZqnOjQW9435O1VptYY2orZFyrpQEim9IEEAUqgHofVMQ4BQAk7va8frCtahJ8Wmu288fT8qdfntasDZlE5zBs67lPNowx30odY8w4DN9WTCdU9mlrX3mdzOOYjXOSSym5CZQqUioACUBr1fvgmABRWt33DQGs4abinUtxv3n77suXL60pGyLCEEJKcRynlJKKzIfp5SUBoPe+ixwulyvC1/yYfur3G6OjcH3f3hyPKaXOHg0hqGpXDzPzt2utd+TfNMddXN+V5d3DU0Q/ffp0d3+373GaDwBgvB1L7h601VjOpSmgLut8mDXHPe7asLUmWveYAOByOd3d367rWnLprcnd3d00TQDSb9gYIzPWWktBaWKda/uOCNM0rutujL2/f7Nte2tyPB6X6wYAznpj3DRNRBzjvskOgMwmxnR3d5tSPh6Ph8P0+fOv3lsiPB4Pp9N1nmdjXKutz026MvXTp0/LsjDzvu9NBPY4D/5aNaX2+nrxt0fnxrJcEAGt9dbFbQEPRIQGO6v2er02QLRMRLdQ3DTcjzevW4wH9+uX5zXvd+NBY7p/82ZY0ludaTYX3p+XiwFIWF/zwlNQ4n/ZPr1rLoSh1vK6rOeUxJoQhtfTy900t9b2nA7BAiIgKWouFVQNoAIaNgDQtIiIDyGEUEoppSJSqWUYnGGzl60iXktJblgJn9b0v/z1J/CDd7DtkbC0wqXUXiT857zLfd977qKK9KWjX8OBvqaDiMgwDIaNKDgfrPdNpDbZ9s1577xrosRGS0FEYy1YW2stOXeXgwFguV66u0lfed67dV1aK95bALxcLl3B2BdMb/2NMZ3UbY3pe0B+8zPu6Ym9lOrClz4e7uDStxqv0yJSSn2Y3W+GjjgBQHdn2bYVEVPKX778CqoAYK6XVDIaQ6o8T8d1WwUUGZHBBr8vK4gYa56ePgPSPM3G4uXy4pyLkq9rPEyHeT78+c9//t3vvvv0+dPhcKilXC/1cDhIzbXW8/lCiNM0Xi+LMXx7e3e5nIn46/wV8eHh7fPz8zgOtdYePGNM6ds65+zcUaSt6/XxcSOiy+U8TcP1cpnnYZ7nx8cXadL55XGP9FVzvPV5FqBawO/fvt9eTi/PpyDydj4owhAGJw1qUwIffK31Kx9rW0MYYylkbP8JTlhjHY63p9jeffjeDrePvz5fYgnIS24qTWvUSp7p3c2cWnUq4+RTK0z2w+103vLL+dIMb1JrgnNJc/D34/B0vczW3TmvQMMwl1IU0FibYmzaWBEM1trl7Iawwz6sgCLKbFVBAYjNJaYoupb28eX1L4/nZm3MkQmtqVpyiq3XBt+IaL3v6kPf7hUZQvjGX+iEgnEcY0rzPKV1r7UhSXd0ayo+DIBQSp0Ph7jvmnZrrbXEjDlXY3iaBgDNuYhUawhQWyuHw3Q+v4bgSknz4f7xy5dSSqc5pJgAqNTan3aKubt0dGy01dp3yPl8/uYR/a1D6DY53+bQveuA31xE+7C5MyM6mVR/C5zsl6Fa67sH8mEaUko2zIpGgVJK4xQQEBWw1bRvqKwCTAaJQCHFlGJ6c/9g2CLSjz/+LQzOOmaDAHq8OdSSU9zneT6fXm/vbptozmXfVkJlItBKiOMQVNr1cipFcvSGMefonV+31Fq7XC9v376rtfjBny9na+00zLl0I1VwiGTIOltq8T4kyIxgHGtsx5sjKDy8uf3y5enNwwOz+fXzx5enlyGMaVnOa76sab49ACiTskgtqkxSsrPOG8vdDaABYENV1JYhXNdlcJmImHE8ht9Nf3h+PD8+X359Oh2sCVINoQfjyZii8zQvyxWIqCGKuNubWep13zhVO7p5ngyCw2wDMzYzOBuw1mQdgbK05oPtkhQ1BKS1NSZc0urEllJqqc75XFsjw4DX1BaWnenfPn78n/76a2ZHYai1jfOoDVOOAIqIPeeh+2iKQkdFCJCJFGAIIed8WZb5MPshMBIBGkCJhZljyURUWp8TKxH2g4kQh3EoIOM0SWu1ZGO68X0wzJfTx1rLnhJ7z2o0JwUQhVLk6cszk0utGWYX/HW5jsNUa2s5oSFEQFAmYOdqLY5Rq9ZahyGUUt589+F8PneJ47fN4L0/nU5dE9P5LMaYbjHUt0GfIXSlTqdddAv1MAzQ2nXbjGc1g7EW95S9v/Vh2LZ98I5E52Hc6Dof7mttJZfz5Xx383B6vRKay/k6TbM19p/+/T++vr4Q45enx8vp9OH9u5wzGXs6n9nYbV0OhzntewhDxVpyWZerZUOohGqZ7443KUVnSRWJoNZirQPCmGL3ysulrNsOSNM8V2mEZKw5uOPj4yMzD+GQS3n//l1K24cP71S15hz3bQhhW9ZWBYhzk8Pdm9pgSemnL6+T90WTH03KiWlQ4AYNSmXkmothkpoIjXdDKelcDNhh2baG1Q/OOD4tKRytrJwyPsVFqXCW+/nw7mZaz9HbXO9MRVnrXlGGLTljbgJ9uL0DrW/u5/u729Pp2XQjxLgVqMaZ4FzLrcRWRay1ArCmLYyDD7aWUlu1xKWlIo3Im3mKRWOqa9PPJZ+X/D/99Us1fLi9W/dCqClVlArKtXZnRVSVVqq1lhQYEBSpKSOKwrauSKQAe4yGDYqQwjxMUGosKUlxztVWwxB+IxqQqoBKyRnssMZaSmHCKcy1pOuyMWgp1RA758CxgEqre4yGWysqIofpYHkwxqz74gY/zEMtjS3HmKy1iJRzCkOA0giItB3GQRHI8rpcc4qltN4T98vqWy2kv3lK95M+hNBHY/1y6OSL1loI4fb2FgByKcTMIZj7N2++PH7Z9+jH4fX19cN3H3784a/EdL1eSzLDOChIqalKOx6P+7455968eQAAZrq/vz9dT2GcTy8vpWTnw69fHq0xd3e3SCbX5sN4uSzG2FIqAB4Oh9PpfDgcz6fL+/cffvjhh5ILIg7jiIiXy3lZl+AHa2wI4eXlpZtYWeu2dWcygx9Tyi8vp07dk6bn0+Xf//t///j0+PLyfH9/O8+HHofKpk/CmS3HksI03r9/iJfr6fL66eXlD3fTJmKJjDYLBhSaqIiSMXtMxhhjnCJYZ9e1IlMDUVLFusSrAB2HCT/cGQ4/nZ/G796cH59H7/emdXK55fkw7XE31jPjGKwlLjkP80iq4zARkDdhHsPj46NWSQrgOLZigAiYtZMuuneulrx3g0oFjbX4cayGlpqiwDXGVeSl8L/87XMhdOMxC+45a49RaplBaq3GeSKqIt45Y20fpIGCtxYRAB0w7TE6Z9dt6zvkOE7fNgwAqWivQ/q0uDdaX/tm5pyqtuLc0FotpSzLcphn54dSchU1Ss6FWlrOxQyWmZy1YfCtrTnvYfIKcnp5QeRxHDKgc96HYds2UAVRYDje3DgXYordp95al8veu5TeuHezoI4j/eeQaBejIeKyLH1Q3UHV+/v73vfXUnJKAGhqrcxmnucff/754e27dV198Ouy3t8eiOB4PJ7OCxHWWshirfD7339/vS7ffff95XL55Zef91Kenh4Ph2Mu9ebmfhqHx8cvgHxdttvbG8s8DkMPVnl+fr65uVWF8+niffj551+MMT2zUVVFWq0tpUqYgOjp6blbpYbgu6b+er3O86HbprcmtbYQQoop5bSu683t7d3d3Zdfv5DC4XCoFba8jeO4LqsApJyGMBQACuHL+TQNZG0YjSm1WUfG+rRtMRUCVRAyuMdU90bE2DwTOOvY0Z43rTX4gFhvAym2f7y92R+X7+0se56sv33/sF6uoMDzERhzzo++oTVSXIrRM+WctVaDjIIkiGitDylngYaWS+5OvUiABKJV4x6ZqbUWcwHnEuKW8yZw2tLzdV2y/PnLlgsLMqFdL2ttzRCqNG3NOcPGAZkusC1IuRRrbF8ohm1thRBTzuuyjMdDd+xhon3fKQwEOgyDlqQinbGjX0ODgH/zss9xQcB5HBGAjWEaU4zbHkstCGhsiHuKe2Zi5zwCseGSc86xtuK8M8zMmFMex6HVxkTeuafHL9M0t9qmaQreDMOUUnHOXa4LMztnt/2r10MnL/YSv1c7XVnWxWW9GeizsD6u7hyhb0HXKSZtQkT0ww8/tPaVNpRz6vQ95xwbsyxLqaW1VmvJOYq263IuNYfgP3/++Pz85J1D5GE8IPHN3cOvj8/Luk/zzT/8F/80jodhOHz+8iSir6/nYRhjzD/87cd9SyJwuSzH4+0wzPN8ENGe1JJTMozrtqvCP/3TP3buR4yplHY+X6bpQMTDMBljb2/vjHGltJzLTz/9BAA5peen51LK+XIR1TB0mGy9v7uV1mJKMeXLsmwpV8TXZb3ErN6z83tM0MUMAE0UgBWRjZ3n4zjNxjGiEGLNxSDNPhycG1C5Rlu2Itur3X6Ijz/V01/r65+2L49D/YnWn2H9BPF6MNM0SIqSU7BsmJ8fn16eX7Ztfz1dABjZXWPJQrHCnhuwr4pFpLTGbHIuDagCx6pJkcK0Cq6Cj2v8t1+fPl62xy3vVdkNQDamzAQGQVsBUGYjit2UyjB/TUYDEJE9Ru99SrE7mvShcjd06OXEOI6Hw+HNw1siUpGOrHcKfq8lYoyds2AI52lgwta+JjAAcUzZh4G42yuxc8FYB4rG2pQjGUQERDWGVNq6ru8e3hlmZ6yzNu6xlXZzOEoTVOhJVrXVdV2J8PX1tavav2oMSultbu+Je2/wDemKMd7d3fVv/kYg7V/LslyXhZG4J1Opag+O7oPAr9hwTtYY61yXI7ZWiQgRmGnblp9/+fHz588heGKsonsut3cP5/N1GOfn18vhePunP/3bOB8UzPF4e7lc9n0vpf7ud79/8+bBOa8KDw9vjbHDMHVKd62l1qqgRBS832P86aefU8opZVX0PuRce+iG96E1XdfNOS8inYV6vV5zztu+dfpUay3uOwCMwwClPNzcYJXPv3xkJCb+4x//YYs5Nnm5rHuugLjvsdQmCk2h1ArIXQi7x0hchpFFE6EYwLLFskWPbJvItgWVd9P03eFwN4RDcDGuT0+PpWQ2BKgp5bqtt8NwDGF24TBO8zQjUW6tAhze3Ktz1fhCZhddSt1qTaJ7LlkaOAOG1Iat4SXLObalYBSzVLpkvEQ473rZ2zwO3hmpiVuGGqFlQ8DGKBEa58PXgLpO9j4ej99//12rdV3X4/F4ej11iLDPvNkYFVEA7/2XL19qLcuy+OA7Ibn/+U35ztZ670mFQA1Bq7XWzqwubO2esrJZ90TEpdRa2zCM+77/Js+Fh4d7a/n25vbueJtjREUEePfwlhCPh8O2rK3WFJOobOvak677is+lfDus8bevjhZ+u53otwyyrzjebxEy/du6wy4RgQogDiGY4/FYai0l93AOVbHWgEKMcZ4mJGBuT0/PznWv03q5XgDg5vZQavcOCCGMe8pI5npZ2PCvXx6v10tOvSIcPKthe3o9Hw6H1jTFLE1//fXLOI7n0/l4M3bK6zBMqgqAIjJP4+n02j16ReRyuSBS/Rrosi3L0qfcpdQUCxL2MD9r/TRN3rqc8r7naZpyyhYrkEnrFozVKsDw/fe/w7ydT0/j2zvyJpfKqIPzWkVB/DBcl8Vac3N3C6RpeQmEztO+RWvs3fF233ZJdTDeKjk2sla2XscxliLjIBPGXHQXRQxhaJKoyhiGXOu2rKlk510DQKKfP3+ejsetCdTGimxNAyAiMtRK3lNixr3RUhTIipDuZSnyvOyPl3WP2siLykBijdm1OMRGoIiKYJgbmVxbADTGllpSjMG6rqJ+eHjoY1QiBKRaK6gSUooRAeZ5XtcVkfZtr7W2be/3Rjdc6Ius39U554d5ZKamwITO+22PbMweo3NBRBEZgRGw5NygtFYNWwRFhCbVeUOEhGStO5+vtzc3PTooBLNel55XdDTzvschDMaaZV37b0/5/69e6C+mi0P6Sc9sDoc5xjjPcx8Ji8j1eu207Q4KfaWIijDStq5mcHbf1vW6kLVN0fsxxhVrW7adEJ5Pp8PNvRtGx7QvcXQmOEPjsKx7rsLGFhLrbYxxT+nu7t5bq1Jub47zEF5efj0c77XlnAoaeD2/MNtUc6qFmfeU2LmaM7SGoAgyDsP1ug7eWWuLcznG4D0x98n89XrtztL9w+jjj2EeluuV2TJS2gsRlSwq2lQJoIE4gFwquQCKNW0M1bX4u7d3fzm/bEXPW7pxxhuLTZyKMQabHu4fnq/Lp9M2HQ/3020tBQEP801NBUQGH6Q1VQh+IFQAAdQwWltIEfeU5puxNlHVFPfEJNAQVQj8GBwGFYkpIygzpbixQcV6GILmYpC1Ned9RrjuKzAtAhFEkcmHp8v2fN1/fnxuaBqQMRzIQM2n05nYNkVAdN4R8R4jsbFEOW3BGyajhqy1JWdmui5XAHi9nou0XBNVIuIheIfGWAMqijof5z0n611DNUQiTUS6Rmffd8fGGcsOq2BtUlqLpRTRJsqsyEgGm5TjzVRyWdfdO4cKxnBXSqzrPs2HUkrOJeY4TfMwDtNhev35I7M1iDd3d2wt26+hdU20Scsp+3FIqSu29atIo2ZELCUbYxChU/FUW98qh8PhW27StyTWbme977sBRgFnnPny9Oy8z7kYMqIVMqgqIQbvXp+fRCXvG6PmbRssjYMTkZSiijCZm9v7a6n7nnLKNzc3KaYpBB/sYRoenz49vLlFbOu+ItGyXmtpqsCGNAugmcbpfLkSkWEi5VIyExpD4ziczldVuL+/32M8jGNr7TeT9NQJ69u21Vpub2/X69bPg55TnVJWzSGE29u7l9fX1mrWOs83OdZ9T94a0+qbQ7iU5f3D3ctlG81YERpiKRmbAIAPIe1RAVLOjz/9OH73Lq3ROdeqEqA13M/LVqu1FrSy9TGl0ophI6CDM0zomEtpx/ubLyJd2IBMKmLZVBHvrKrM47CnvZZyHKfButokGGeNvW7rmmIlAsRmzHm7xgrxkp7Oy+fXa1UcpoGZAWUcx9enFcl07ypEILLeu9ak6wZrSzkVa32Y5lpLii3nhETOehSpMZI1oeuBahUpKkIKxIxMYRwEgVBTTLU1Rg3eS23zNEkTVHXGIvO2rHuKTcRaVpRO5S+l2xW6bgrvnLWG9z0TcUol7nsI483NLVutrRBTP+D7+b3HOE3TMI3jEP5/TP3XkqRZkiaIqeqhPzMzJ0Ezq7qazEyjAZlFX+AGuMMT4J0hwAMAsrO76N6R7qqszAzibuRnhysu1Dym4yLFJdLD3ey3Q1Q//UguMeeyh7gsi3Ne9kPj9jYBMCEQIrRWJduXiIahRwRr79IzSc340d5IyZTvf4I3jhTppr3qhuv16hG73nmNjDB4RTVADZP3mvd924/TNE2H6/UWc+mG03jsXy4zEZWUnFXQlNFUQr1eXz9/eB/C9unjh2/fft+3VWuxnh5SrjmWbQsIEMJ2mA5aUdjXzlsANMZobWIu0pkdjkdgFs3R7Ta/dffjhw/vmVmS5fc9jNNABG9HAtR6T+JgZmB+fHxUeb/Ns+4PvId53ZyjWvLjcaKW//qXv2SvYRpSa6C0JogpKG7rfDGd+3gaRwuv58vTw0PJqbQGrVnbxbATiPlmmQ4jalQhiGOA0hqqQkUxRmU0Gj0pPW+bsTbnXFsL+9513fV6lY8QALp+qA1SaUxUta4Ma656mNZ1bczJDNng9+vrl5dLIx0yjIehtlpS7Ptuvl1+YCDS5oqJwel0en19rbVZRyknaz0i7nsQSlyJ6XadvfeA2HdesBGS7FGA0/G073vOSZNKrTIhADjrCLGUIha5+7blnJ+enkop15KtMcr23rnbMksjJ3JeRWrftqenJ0R8/fZijBa6iri73W5XbWlZZ2OsJEMbbUVqj3fHhGYMGWNCTMfjsZQKio7HY8pVaGky6y2lyIb/YUcnFY617nK5wJtn6Pv3719fX6XLFUjX9b3EPeqqTH845VadUQR16kyOaXSasL57Oipgau1hfABSL9+/k7anx+fzbTt2EyKdz2fjXS6l85ZrHscu7vu63KapW+ZrjnttxXXeeaeUaiE6b1NOT09PLy+ve9isNctaSlFMyMxKG2dtKZWUJsR5WRBRlHLX6/Xjx0/O2a7zr69nSZavtcYQZTMgogQRiDK61up9d7veXIugXGsMgEbrrtNQM3CaLPzzf/nTf/vXX4e+w5IHrUlrIIqtjFMPwBayH/1/v9ys746Hab3dkGtIlFKEVnvfKa2ut2uqGRF91zEzICExIA7DsG77HkIkSttqrd2WxXlvjALkYehyztooPxyZaL0trZa4hzU1IEpKp5BVN5RS/vo6vy7xL7+9slIAeHh4YGCspfPOEEqPJLxfQXLO5/PpdBLRoDGaW9XKAOD5fJaiOcaolBZaQdm2O9kGQAEIR1L4jsCMjZfrxfedFzEkEdeGiPM8i+705eVFzNv6vo85GWO6vrfW/vb7bwLfresKzPIrYgzHwzsE9N4LlT/nfFsWa+2yLD+Wctf11jrxpPLebfvS3qyycs4lVud9KfXNuTkj3plwMhMQH2Uhhl2vl9b406dPX79+FTLc6+urzDEEG80t55iGcdB975blahV6A5qIOA+dKTVaTTFXp5BIrXvIDc0w5gJbbtq6dd+ZeRqGJW/7th7Gg/curJs1FMKqqOS0dd704ynmtCxrLYVZLM2aUth1Xil9vlyNNV3XMcoJhMw8z8vp4eF6uwHgvMwDc87p7//+71MSg9o6z4sx5suXL8YYBDi/vo7TlFI6n8/jODrntm379u3b3/zNn3Lvt++/IRIDkrZQUwz7Ol+ng4t5+8e/eZ9yuuXoNIWWsLIzumlVEfO+EVStlOuHed9JKW2MNx3X3He+lYJQa21Kaat0iBEdI2K9Lya9h9Uo21qbfKeAQ0xPp1OpZd03IqytjIdxXdeQ4rolUhRTMbbbaiF0odYGVFMLIb1e5u7wOB2OW4z94aSU/vb9qyLQyhBRP/T7XlJKwi0Trq9oBQW2b8zv3j3lnKXr5XYXrQsk0nVdylGOTHxbGa+vr9M0tVo764VeJmVDyfnd8zPXZozZ1nXo+1JrKcVoHWJQWrfW1mXd1e59J3x1Y3TYg/C7np6enp6ff/vrr/Dm4rZtGyOXUmJMwtBWCqSg3/dda73vGypOIQFDLpmIaskhRgAS3TaiqPVBlv4PTabAgN57RCVM0tbaL7/8Yq2VqZnoAaapS2nft4WwJq/AUB297i1y2WtJpVY0Dm23N/Xr9yubYStqrzqCWSNfl1Bq+/nzx5dvv5cUj8dx2+awr7WmdZ2BK7SS4m6tfn35tu87AAO2Yej3fQOEeZ6lOnRWG623dZU8bUS83W4iZzbGzPP88PCQcyZSMs+Tsfbz83MpudYq5OrTw4P0+2IfJJOOh4eHWsv59RJjJMLL5WKsJaUbq75znHbDCeP8j3/70aukqRqrm4K95uu+X7cNlEZSKWbtPJO6ruu8rqmWmBMp8t4icKu5ldwpa4HKFlQFzDXMa1p3zrWEmNb9dn7Fxk7r9XYtOUFrd9Q8J+ctEgJQyg2UYW0C4+/X29L4Vur/91/++7clnA5T2WfifBh6jS2GVSvJnc5fvn4Le0gp/4gelGUUQpAFR0Tv3j0xt3XdpmmSdS9eyoKBkKL3799//PhxGAal9bZtIuaSOiHEIBeFmFLKhyJcOuedZJ49PT3lUkTRkWISlPOHE3itreu6PezW2Nbar3/9q7RwcA9m19N0EHmK+IQbbUII+x5qrdu2KaWMNqJoKbl0fTcMA93N5+o0TSJllpHwD3dRIf9J0p73Xghzp9NJMFCZZiAiM1itnCZLSM+n8flh/PB01FCcRk1otEJSa0jfLreqHHUHcOPe1Pj4cU2859aPU0op7NvpMJ4eDlxLqyWG/eF0fHo4ff780RgF0GrNCExEj4+P1rptFyfHFlPQmhDBeS8+hzLFaK19/vw5hNh13dPTk7W2liqDmNfX18vlsiwzM3vvnp6eHh4eYowALBoiGV8I4THnvG379XqtrT4/PcvPn29za41bKylp4sGquN4Ux6dDPzgFnIGYCQtCalCBcuEGSEpb1zWACpxzNsbqewoVWau9tcSgEUffawCr9OR7i0SVLarTOI1932ppJROA1QqQG1drjQSYy2wfAFMpe0qhlOHhlIHY2OH0aPrxev42v/5uuGCN1EpJoe88ACPh09NjzBmRpaGTo+HHE9i27W/+5k9d12lt9j2WUgGImWstQvx0zvVdh0S1tRCCNcZaa+3dZErkdbK8nHPSYl1vN0IahqHreimWbrcbIrZafxjJEJFEjhMp2Zl91wsfQaB6kbPIwVxyJsJpmoTcj4T/w1qC1OV6WdfVee8kSpVUKWUcJ6FACyYr9KRSSi33LxDxbhfinFyM1lp5nfdUUmF9G91K4Zw1gm4EW0o5ZmNs3av3vUGNBpfldjw+xhD6YdzW9eE45PU6GNzWTXU21DpvgZXLEY3uD8c+11qVZ6O2xNpN1kZD/aF3uTSOrFhbQuvhlhfnnTb2dpuHYdSuU65LYautQoNS6ulhuFxex+Ew9sO27aCo5jo9TzmmFOLlfAHgUso09oRNkfr8h5+//P71fL5IESmih1IqADjr+8ORC7TLbqxuNeea9pSSIgRbGvt1+eRKG/u/fl/nmG13yFw0tFiKI7IKOlVKZY0mp9a6bmmYq2oxHLX2LXOJVVeloHAqjUurSAoUNeDAKdcWMpfGWivjXG1kXR9C1l3HhDEnZgQ3gPEhbA0h1BJeX6e+n8aBktnrXBjJHS63RXvTIMdaYijW+pzKvASlHDDWWrmVaexTjFZBCPM4DH//tx9J4b/9+/VyW5y1y7yIqVsIAaAKG2Ich5ZTrcVb25hRqelwmK83S6ozlny/bJvrOmNV3teHQzfPV22q1m6ZF6W0UqZB1BYZgCEz5GHwOeUUo4I2jX1MCbE1Ka4MciukFHMGrsZaycCrjTvX7SFYYxkBFK9hMdZKzZNza7UCkDZGfB8QEaB1XQ8ArVUG9t4BgNwYsiWUUtqo2qoiJbZfokoTLvQ0TbXWfQ+BgtP4/uMD1VpDSDHX67yHDOfr+vX75XB6QFLDMFrrcs7fvn3VhL13Q+eG3iO0znfG2Mv1pkjn3KbDSRt3vlxLg1o51/Zwety2YK33ziPQ6Xj69OETAhqlc8oSK3I+n611QNR1HRJqrZWi2+3aav3y5Ys11jkvlsUAKNbbRitrjFYqxLhtGxL++uuvYoQEACL1GIbBGFsrk1J//uWXX3/7TVvbWMQfdHfOImNsB6Uabobhw8PjsR9LyiEEVAq1JmdDK63VVrK3zln37ft5DvF13YpSVVNiUM6iUZUwA4NCJkSlQk6ABAil5NaKIkDCxgCItUEsXBj3VG0/pQKl0hbSbdmQlFXUK+qg9dD+9PH5bz48fHj/wbjB9wNpE3MRy1hgUKRiSvRmEQ6IrTVEWNfVGD0O3TSN8/W6rIu1Xms9jqNEVAhN8u7nk7M1tu86ow0p1XXdHgIRWmuvl2stxVmnSEFjq7U12nsHwCXH1kSFWAT4IiSjrbFWjmEZt0ODWsRsZr17YNZSa7nnLiNaa7Q20zh57w+Hw8Pjg+88c0NCWf3WWWssIiGR0NeOh4P0/T9MUI6HAzfe1r3IvNn3Eoi9b7tWOuVUa314eBCbo23bbrebFEUyH183/vZt1d+/vTjX5Zyd6zSp8XAAhPP5oo3+5ZdfTofDt2/fh6E/n8/62W7blnN9enrHDN+/f5e78na7zsuKSnnv7xojqNd91QSIQEjzOu8p1tzWbUWilHNMqZQGAKBh1MO+R6VJcsPxHven9z2UWltr1tgY48PDSTCvZZnfv39/vZ7fvJxCDNn7bhyHWpvUwcZoY0zfdw5y3fKeMio1dN2hY4VYShYTNmTllYqFnabHsct5WeO+q4bOXFN1xqZctNaM4Do3Kfxye1FepULmMPZGGa1qrbE1q7Ui3QrXXICplppzUUqHuFnv5Sk0QkAzdsMaIpO5XPdtidu8sMFOGYzpsR/KPHcAPXLlppSKe9i3rTWOKVSue0p91+0hpJDGcVBaJSpaq5Trtu/OWdd5a7Tr+n//8y/fv32XwKvDcRICvdBjpFI6HA4xBGmW0uv3Zd+kxH84HFtrd5tI4FJSqfl0mrS2iDqngkitMVFDRKd9Cvl4OoZ9L7H5riu5DH3f+e52u2mye9oJdavMjMMwlZQBCFHVWhCVAJQvLy/TYTLGUIwxJu/9tu9ISEgpJudcN/R3X+ScZJfKQQ4ApVShfHvfSe5EjLHve6W0dET8llIshdM0TdI9ExHpXutRmV4/Pb1rrYUQwx61sl+/vXhvco4MRWua51U83h4eHl5fX56enl9ezq+v9z3T931tre+HXNrhdBR+kuu7L7//MjobY1JK1Vq0NlvYL+fb4XREpJSyMebz5w+Xy2Wd12VZWqukzPV6fXx8HMexZGZGcS5otTXV3r1799tvv/7IGPyRmfOmbGLv3fF4fH09A7AkJpWSl6Xxtjk/qs4yYl0v3WgRwFtnuHFjLoBkasrIebD+/XGAlmMp2vk1blUbpRSSAVDzuihvT4/HPe8VWyil1UqonLIx7wwVkW+32ftOUiWBdK4wHE6o6LwssTZy3V4qmbbHVHLb92CVc0qbzjXMvTcQ98GShdr2rShMUH/77bemu1rbum6m90brWouUyzLtZ6ghV621Jg3MpfDT0wmVXeaL0s40ss5fr7f3798JnRjfnAzFdpOZv3//FlKU9tEYc71eNJBGxUgVWz90y5K11vO81sLMkFJAJK0JGNZ1V6TCFon0OByUUkZzLaVVTqlUrs75bVtzykYprU1Yg7Uu56K1NkaL1KvWmmu53W6+7xBRDmejjWDZMcbaqqjgUSnn3flykVIn5+qcHYap1rqui7WuViZS87zK2SdK6P+YSipLXxoYhqasTjXQuq6323w4nD5+/BxCHPph3yIAfvzwue9HuTG999M0zfNmjHl6ehKDRGnDX19fYwwxxT0EFIP279+0UtM49l0v/UprjZQax3GZZ1m7Sqnv37/XWsdxWtetH3ohc4cQJG3zdrsNQw8A3jt5M0R0PB7FaPLr128MIHgfEYkLnzhIElFr7L0nUoqUd9Ya452TBIMc0tffvwDzvm0lJlImNyQxR8nRtHzqbcv5/PqSK4TMAYCNztz6vuNWoObnh9PT4VRSjnv8/vXl+7eXnGqt3JiOj89unMC4BAjWV61jU0vG65avIc8pX7b9y/fv+7a1nB6GoSOavB0tTZ32qjksnabTcTLWkjK/fz+L2Lq1ap0BFAcNBIau6yRPhQFSziHGVGplJkV7iL/88uu2x1waA8YYnbs/JZGWz/Msz1krdfd8Vlpu3R/OEUorY0zfeSJ4enqY5xVR5VT7bhrHo1LUWul6Z5WuOSO3WnIKu1FUUhz6Lu67UaQQjbEAVBu0BrW01nhb93XdQkgxZJlXCO3gcDhwY9E3juNIimTAr9Rd1kN3jmY6Ho/SVYtjbylNeEfMKAnFShmx35V39/r6KsIxueK01jmXaTooKq2tnWeKMXrfrctmrWPGUmprPI1TCPHx8THnggjGmF9//W0Yuu/fv4cQZOCqtb5cLlJgDX2fUwKA6/VaSjXGNmZt9Lpu8zxv27pvu9E6puS913etmjhuKwDofDfPizh1CkoglCaZ1a3rer1eSymSyVxK+WFoM00Tc/sx6/78+XPX9TKFeXp6BIAc0+16nW8z1LYtKxE9HE85JjGUbqSq0qh1a5W4egUHb//4+UPn/OXlmhIH5luMoaRtW8bOH7uuhb3t8f308Onh/bvD07vTswFtlWuVc2nLHrecd+aV21zyreCv53UuCN04p7Kl7L1vpVhgU7LD2jseHKoWDaZxMAhljyGUyr5fGtmut9Ya6x5ODwCQczLGkLoHxTFwg4qErbWUcy61Ic3LVhuSsssaWxOO4B0rbPfgXpTNsIdQa933PeXkrJUOQdoDcRfUWhBOds6lmD98+FRy884DoDEq5dh5DS1rDUNnnx6PRqPVyDWluD6eJkVwvd5KqdbacZykdqq1AWOr7Xabc86lZIn0Eoi2lEyISimJEJY5952CKm/8brmghmGQ8eiyLLfbvO9BKW2MFUjUubs4WLwfpRzy3qeUQwh932mtt3XF0qZuIGba1t1oGaejc56UQlLOeaX08Xhc1+319VWmrXvYX15eAFGOZLE1FfPqwzTt204ApaR1Xed5/oE6+a6rrV5vN2udCBdkXn0/mayNMTK3ZVlyzsa6EHOtRQK+rbVvr7uX4ielpLUZ+r41llyzVqu19uvXr/M8X6/XFKOYNCmlfN+9e3oGZklM8NY9v3vm2hQRAOTaMgMjai2ZJkVxw1I+PD3/6Q9/XK/LX3//8nI+L9tWAVqtNSeq7FBBrmWLquFpPFllaq4AFGJMpbzO89fz+dvt+uVy+Xqe51ASqOsa9pi898A89d4CT96MXiksRrWHQ985460BhNKq6YdbyLGpmPLzu+fHh1OIIaeilAohxBAFx0RAZu46p7QCButsTrk1SLkwwzAMMYSH00nuW6N13/fqLVVFKaWIWmtK6dZaiFEpBczH08lYu65rYyilpJwv16siZaydpqPr/PV6BYCU8u12XbbbMHXGqNPjcduX2nKu6fvr1w8f3zXOe9hk+RKR876UIhHlDFBq8d43Zue7+haOPS+znPPLsmzbtof9TfleBcnJKVtrf2hcbtfrj3fBrfGbl5ZIAqSTSffY+irEDQDWWpVStm2FaowanTlQ3x1L4Ziyc67v3evrd6PVfLudz9fv387rWow55qJy4VhSaYUMMLZ5XVzXT4fH2tj7Pu4rlJzW208f3g3OKGit1nULuSFbe9t24zuyFkhtIYWYEbW1XYx5j+n54/vrcnNd54c+5vz95Ttgy7VV4FyyJAlYq//5n/9534NcZymllKpWtnM9MTpjrdZa6W2ZvTXvnh87Z2JYueX+NGYsjKw1Oacb11Kydrpg3Wq0HpE37aBhSVxyq6hYY5xU/ODLP//dw//086eDwj2lryn9NbX/fgv/dttfueXRLkNdO96NDs5cIZWBom1RteOHZ3c4bRmr6hskhen9sZugnQjGnJ6tfrBmcIoUO6uQmwanYWrZI3tDhqDlEDy59TXUVr9+//18O19uS2PMiRHM4XDiWksMRqHVtuYGjXtvDaK32qjWd7r3pDA/HKayBVUZSpsv121ZrTFiN/v58+fT6SGnbLRe9720+u38EmpOrZI3yhnX+8y0hMrKPn766Mbu337992/XF/L2tofQkOzYHwbQeFnmb6/nb6+3eY2psDJ2S+H3ly8hx9LaHkKIcQt7RUCjC0EmTtC2mrZS55hCY7DOjQdGfVv267w2xsPpMaVitXHGDr4nQAIsOW/LqhBrKVopYq4h1Bg1M7VWY+SUFLNFbCmVGIEYNeaaiSiErZRstHLWKISwzJlqNgy60e12I1JiiNd1noi6rvuxe/Z9l2xgABSvHkRSSvdD//37y7Zvne/2sBtjYgw///RZEThrCZEIt3VNJWmtG/Obv9c9R1YYO9M0yUxXarwYIjPXUpFI3N0Acd+3rnPDMPzLv/yLiARiTNK07XuIITLfvZNOx8PhcBAnvVorAkjt1PW9dRYArtfb63le5pmBldallNqq0qoJMIZorGUAQoopphy0oven4f3T4cPzaXCm5FBzIcDL7faX3357udzWFH/9/luoMbf89euXfduM1hrp0HUGoFemd+Z0GLjkaehOwzANPb0x/HLOSGSNKSXt+15KJVSlFgDoOjcOvZYAIubL5QbMiGCsFebmnekgXGFmoSrs+55SVErFEC6XMyE8nE6llK7rpEqcxkEpLb5R4zgS0cPDQ07pdDwSIjIgw+vLq9XmeDiiopiz9x0pdblc1m3b9q1xa8yH49E5X1sLexiGoev7y/maUtpDYIaU6zzPCCTPXOYP8sqNtaLVYgBtjEAa67YppXMpuZTWmtZGKb0uq7VO5E0ppXEcxbHIWgtvBA2ZXZTWrPe+73Ktyug97Ou+ASJpJU6MpIi5xZiI8Oeff2JmLT6CUFW4PjggIRL96JEBIOXEzDJd3/cthK3vB1LknDfG1cpK6W3dtCbnTKk5pbiuq1J0OEy//PKXEAMpAgRtVQi7CHBeX1+NMV3Xy6+QAbVw+vd9v0/prVm37fH5SdItQ4jSDEgN9uuvv2ptZFvyPUMhfvn65ZdffhnHMYTw9PRkjJHGcRzFbIdDCLfbLeVcatGKFKnGzO3uEoVIjTHlyoxEihFKqYxorOuGEUmpmgaDp948H/wf3z89Du7Qu9F5q23O/Ho+F45ATRSumohKg5h0q++n6an3TpM32ii0mrSioe/uXAC4eznJiTCOw9D3SNB1fhj61uq83Pq+B+CXl++Ca2ltjNYhhJgSIiBi1/XibPXDFkFGJQwADMYacY8UvzTBfEhRisl7/y//8q+Hw0SKfN+VXMRilkttpXz5/cvr5dxaO5/PWuvz+SxMm1KK4JtCqnPWAuDLy3m+Leu6AeDttizLGvaASMYYrQw05tZySuuylDfHxc77Viu31ve9lDT7vs+3mwQ1SOGachaanQD/PyrwnIsgH7VW62xptbaacmKExi3lbJ2rzDLeluoLAPKbgEbyVb3ziDQ6w9tat1kSO+5IkwyTve+IsDUmUt6rlMKHD+///JcbIhFSaxD2qLVhaEjcuHZdNw1D39l///O/lZKJQCFaq4GbsYc95Vrrf/pP/+mvv/wqhK2vX78CoND0cs7MKJWZiDufHp9ahZfvF2sh53y93qQW1Fq3xn/3d38ndBcJmVxm0vLZdN3Ly8s0TWKXJ+yglGIpFVJKsShUDOCcPh6POt5yDqRUZe6su843pXTfdYAEqPcYuTFxIyLgwDmTNh1RDvOp06SNs7aWnJVyGh+nEQBfXl4n3yFSra3mUnJzzjPyafQpl9oatFZrW3Oy1tZSmAhAZqit77sQNqUppaAVak0K8DgcnH/tuKtI40H98tsXABYf85wzGq0VrevS3pLQW6vWWkIqpThrndFNNrlSAKCtSSnteyitSiJt3/d/+ctfjFbH00kr/etvv5Lr3p0ez+fzvq7T4fD9/Crjp9PppJT69u3bDwWWfBalVqdNCDGE6H23LNs0TdfrZTqMzJhzNdpq7VMI3FoKkSQccllba33fd86LV+HxeBRFqyj++r4Tg/VSClQ55pIw9nzfPT8///b1y53urkg3VvqujyGlGvC6b9YYY40yaoubmCsaq2+3qyJ6fX313k9PYymFoRVVf31dJNuVZfPdRZalyNZBBOuMsfr3L78epinsKedWSjPGOmeZa9+7YehTCpfr62+//VpK1lp1nVcEgNK5wzRNMt4ax5EZhN4sh4rQTg6HwzwvoofUWn/9+uV8PouSWJq2h4eTNM21lsvlMs/zOI611j0Eo40E5kkJ99tvv8mtIuQT+Sdh38UfBoD3/W6SmnNGAGPtbV0QlfNdKnXdQgNAUoQqphxzyrVpown4dBgOXk+WHrwaFQ8ED94drNYtq5o7pbxSlu6JWtaQUo1bKmnHlhWxQuZacgw153VdSymIVGtVCufbZdtX5srcSsmNW+O67xtAQ8Tj4TAMw2GavPNESGL2zUxEXdcLvyXGpI1hZnloQuBBhGEYmblxizGK3nXbdlKq3MMel8vtNt9uYd+9tl6bsKwa0Ci9Lov3vgFb5wBALJj6vpebRLQZzE2u6FahNR7HUSttraulIlBrILKhvuumYeTWgNka0/vuME0l53VZrtdrLkXC0iXcRe5DZvbec2u5lB+q9lqrVup8Posz3PF41MagIkBkgFRKvmdddqR1SJG0EqVE3/etNlmE4zhJn+ysqUpX039bE2mt+36Qa0VKrnVbrbV93wHAw8Op793PP/+cUvLOd10vVdB0mJyzt9ul1Fxq1loRodbUdb6WPE2Dd27blzd7Q/vy8hJjRIRa69PTk1Jq3dZt306no1R4sillVCnLN+cSU5TH8fDwMI6jRP8ZY3777TcA2NZVJg8xhtvttq5rCKHW9v37d2GQT9Okjfn80+c//OEPd9EMtx+pVQBApBQZ0nrZtpyL0hpAEWlltLFWa1tRszYMALVQyx4K7zPsc4fZc6K46RwnY0ZjMVeD5I1TSvVDpwyQhcHbzirFtZXENRujSVHXdaVUZtj2PYSN3iIQc44MXGsuOeccSeHtdvv+cpYJgGhBBTu2zhLRsvwYqtzT1RHvudWtNbGEYAZrrDCjhIBgjRmnqdbqO+87X2pFhs77EtPou855b50EHFlrt3WVnrDrur7v53kWEm6tNecSU66FmXldt7CnnOo0HWNMtTatzfV6JUCjNTJ0vnPWpRAV0dgPRptWinMuhrBtawj7+XyWXyTAoFLKeS9w7eFwEGOfmJJIlruuI0RGAMIGzITaGuMsI8SS5S+3/V4I5JxPp5PWurY2DD2p+3nx9HDwjgGCBoZ13aw1fd9Lurw2P0QG9uX7i3Mko+JxPCjSe9654cv3F2Pw8fHht9++IgMSVOZxmhAY0NrOr7er937bY0OOIQ7jiETW2sY0z8u27du6j8OIoObbrJWupRJjTunDh48A6vu3MzDmXNZ1XddNa+WcE38huRlEJCltYGPQWiOAdbbW7L2vMnfh6ry/nC+l6cM07UtEUrU1Y7QirsAvl8vj6aHUiqog6RB2a7EBO21zLqkUJAUNtXGlNVKIDQmQuDkiImWcdYZSjgrYGtMAUslIaJ3OrTFWZjbGtQa1xq7zKZWwbc46rVAbak0xABmtlV6WW6cRCZZtA3cYxlHTHPZouv7yer5dr9p3IYSckyKqpSKh1qbhfQayLKuzVhnVGLx1ewjOmNpSKbmU5Dsfw84IwE1Sj1LMYg0bU8TaoDIAfn95eXh84FpqKSWrx4eHu5c64DAMwqcwxog9Zi2l1bqFXWtrnQPGmOOedlIq5ey8UdoIkKoVMbN3nrxTRCkGQtz20LQSfl5KWSjK0pgppdZlIcCh68SgDRQCQ6q5MZdcAKC2JloZQgRE6bZbaxIkLoeC0looX9u+t1qncYwhPj89XV7OZjpcv39593xQZqKcKzAu87YsWwgSu5QAWGv68OGdNRYaXF5ef/r0KYeQwt45W0tG5riHuCXN7dj5FEJt7bpuscEa81ZKRl5zaJwNFIS67XvmupcaauunUz8ccqwaFFYqsSkwCpUhu8372A1QOYVolPLWvn//Xqh8MqRkboLznM/n4/FYmIzrgUwFirmgUiEGpfjT5+fD5GqLc42QK95CXDbuXB11ZraZTDPVdf7pOTXUfnDDAbVR1pMxDJhKJqEWsmkFQipzDGsr5xx2hNctbAWY+tKwcTHegCVwxBbRAGC1So3K9IC1mXmrIbJ14zQ9nA5HA6y4DBraejFaJ/cwp3adr9wSKMioErol1hSzBX5/fLRkOMPYj9gq12QMai0GGUUpI1rBWquzHgAVGUKNqKHpGFqMO1KtLRoN3mujYOxsi1uL2/XlS4tbLrsyAJa2umdTq+ZCzXbWGgW5tlwJlQwNb5frOi9D16cQw75bY7TS3Tj5cajYYg2Jg+qwUQENaBSTImPJ2W7olUarYXBKQy1hMUQPxxMztIYpNecGrX1rgEhSITMwIFcuVeY0yEqrVHNI6cu3b5UBSW97RMbOOgJUgArQkMLG4serARGoKcVEIaWYS2m8bcEZB6k9Hh6Wy2xYH9wBkiLm5pwbht4YLXIyGUSnlC6XS86p1vbw8PDu3bvD4bBtW075hzfd+XwGhBDjx48fJfOClOr64fu3l7CnGDMgxZi9cynsrZTlek5haTUjN6WocZN0OmONMBfuDQ0hALfWAFEEoACw7+Hl5UUGe7Ldl2UJ+/b6enbOATAglFJqLX3fe+efnp6BQQaoiLDvu4Q7r/MiHF1hTyCS2MX8kBeK5ZjkNpeSY9i1UtwYABQpo433HQPvu9gwWa2NVhT3jVtVhPM8v76+7DE2RoW4LfO2bfM8X6+3VJvyfQad0IIdM5NRWGJ4OB4JiICIVU3FkLKGjmOXc9JKk8KSIzBwa7VUcbmRjynF9JbByN57UUfs2ybfg0gMUGpTWudcamu51FRKymWcRtK6VeaGOSVEbI2VVqQIGKy1x9N0Oh1qq6fT6XQ8HQ6Hdd3EdE2aVyHV/NCgWWtTTDJ53ff9Bw+5tdpqu9uu5YR4P5gRSeTqQogQek8RFrQAfa0B8LIsjXnfd3n+ACx0f4HRxe6KiCQVRrg54nREiJ3zyPeU7/aWhayNWbZVG/Pu4yNjTGUhYw1D00YhAhHkEo3V27amFHNJztuf//CH6XiY12WYRusdENZWS62pFGUkxE8T0ThNOZdaGpEax2MM2Rqfc4spl1prSft68wY7Szmu3JL35jbflnWRFrnWioTX61VYRvRme2SMEf241urdu/cyzhSMbNs2QJKWV8bgp+PxeDwaY969exdjjJL2bq1AIjnncej7vpeHqLUSdem6rn3fiyzjPzbf4zAS8tB5YEZGrkCguDIhOWM0ASDkxiElAHDWlBCg1seHk8SrFIaco7XKOdMPfUOKpVZlMupbqmtFNE5zPY592nYDZEFDLqfpYAjLviNnYB6nSbRBwnmW2WptTSRXIYY39s5dEiU0IQAGQGOdNpaUPhxPsu6V1v0wAmJjqLVZ62ttMWZFZhwOp+NBEW77Mk0DQvvXf/0XsZi93q7Oua5zIumShSu/blmWEEJKSdaxyLUEo0sll1ZzLUBYap3XxXedtvr08BBSDDEInC0ESon56fteMH4GkDZDphwAYJ0tpTCDYBiCavzQQIrqV3IjhfXAzHHbgYEAmZkbA2BM6fvrKyAO07hum++6vu9pHIdtW0vJpWRjtNaKW+17P07Dui7bvl/m619/+zWm9HI+hxSV0YxovatcY87euyb8j2Xtu75WXpc9xVwKa+WcG56ePxwOx58+fzqO3lDT0BSkjx+ffKeVRq3V9+8v0qJJ9/P7779fr1cSNUMpgpoty1JK/u23X4ULJKSJYRhSjOJaI+MhAfsA4Hq7xRiM0bXUnLIUl4SkjTkej+MweO9ra1pr56x0SwIuyZOVydr1eo1hq7VwbQqUUU6RJTIEqImMoVLytqfGaI111gydVdgUgvfe90NDqjV7Z5yzhOA7J4u4AZTWQGtSBCUpZm+02OI65TiXzlgu6dPzU985QahPp1OrRWmtlAJAeZ0ppVyyfCHLTvrgPez7vqcYQ0x7TIC0bmEPyXV9bbDtcd2D0haVDiHVCinlO408xtvtylwBqrFqHAcUt/Ftu15v03SQxFIR9Yr2OoQgVYOEVsh6lRNNDORiTkCojL4tc2vsuy7lJDJi6V5aa0opKUPeqEpKKyWXCbwZQZf/EGEmQIhzTnhB8mLk/wpxUyklHLNWKzCXlIUa5LqOtEq15Fq2UM/XaPQkcHJNKTLX8+UlpVhKIU3btgxDV1sBxNt8y7XsYe/7vht6Y+3dDcaalKJWallXBui63hrXKgz94fHxfdhzrbCs2+vLq0I4DN3zaeoddU4Dl4eHg+vM719+10oxs+x+ImJuktEQQgwxxhiv16vEh73J+bwAEWLmGEKUZr/kAojbtrbW/uf/+X/etjXGTERI9EMxGFN8PZ+lrJIRstJaPkuZH8tBIkysrvPOGRlsI+DgBwXqnqpKqAgACY11zmuttUJvTecMQiPSShvfDUiYcio1I3IK2+NpMoqnXr9/HHsDnDfirLGpBhrIK0cNDFNedw1c06aIADCEeL3eGjejNSC2xm+3I47jCAAMbLQW4iQzE5LWhpmHYQQkUvo2L8a5XCojWu+NcamUGHMtTKiMdqKhEzQZEWqrh+P06fMneVBD34sKT1z6rLXjOP5Y/RLNJnJbuRxyzsAMiKlk5ztSal4WbYz1zg/9um97CIxQaytvaUhvVe7+Y3LXdV1O4niFchQy85sNxN3vX6IApGoQ1oLAiZfLxWjTW+e04dIQ4HQ6TYdp3/c9BiR6vV5c18VUUioUY8w51VqM1fL2GtdWs2Rf//TT58vtar0vtTJCKuXL1697DDElZQwqdb1eck4S1ZhSzqVobYx1jw/vxFDe+a7vh/l2NQpb2d+/O2qCbb01LqfHU0rpw8ePCLjv+8vLi3h6PT09DX2vlPrw4UMI96AAKTolJUqGI0rrWuv79++6rhNvkhhCyeXPf/5zazWlGmNCIgAWXiEQ1tpqbXJXllIYQFQUtVYpjVJKRNhaBYDGTSGnuIsI63ZdUizICIDIjWthbiGKnfDOJdcccwpGUc6RSN/mLVdmwMNhss70ndFYe82TxYPhyWQH0RuK25r2TQNRg5YKMnhrvNFY6ziNgu2mFIkoplhyNlbv2yb3/rZuDIyAjRkAus4rUoAgsldAlHFbTMk5X0oVw9raWoyJAbW287wSiZKpeecQ2Xnrvd22eZ5v67rJ4fL161exlNv2rbWGRPCmsu26TvolOYyNMVpLuk+MKa77tseQS3beG2uMMbU1JFRGW2dbbVppOXcEthePN1IKAITyKS5XxljZJEopa++52TIRG/pexgUC5cs9kHNOIRKghEZLycDAiKiNtn037y+o126sVEqS03DbdmNN40Za5doq87rvr5ersV70O8baYeiVIuecVgoZubG1LqaklM45365XaM0aU3OOcSeFSquYUq31+d3HlFupuC7h+d3z8XiahkPcgtKKNKEipY21PuWSc8u5GGtTioTw+PgoVkpSYsp4TopdIuo6v64LMDvnck6tcWlNKVsKhJi0tmnPWwgZi/NmMDau4baEvTUg8sxUqugqa2uNOaVMShMZQF1KC3uSKKeSck6ZWyFkJADg3BorijkDUsh5CzHmWoEAdUMKMczzTWmajmM3DajQOt33flluMe61pLAtXLMzxhunSXnnldGxJOudNppbifvWcuoM3S4vwNyAcmZFhisr4Jrz3VO+VgKspYZwPztTSQxsnNZGzfPMDbQyfdcTKbnZEBkVkkKGWmsFaN77nAsDWNf1wyEXuFzX18tccn04Hr11hISNvbY1ZYuaGrSYemMRCQC2bVdKyyHS7hiGasw5ZWhccm6N5cYmpWqt67au+w6I2mpUKBaI0jeXUvc91Nq4tM53lTnm1ABQUSoZ34LpZd2HGBnYWCvch8ZNG2OslcYv3XNyS2OW/SC71HkXcyZE5opYOq+plOy9V6RKbTFm349AujIZP9p+Mn7Qyna+35cVatuX2RszWKeZOu11Uw2oNIh78sZhY2ytpLDcLufLN7LsOgsNXD+cb+u387pX/f0af/s6GzXENVEBY+2//eXftbNkrOsH5wdE5f3QWpvGQVQBKaXn5+cYEyKN4/j58+enp6f3798rpYig1aw1LfMtpwyAStkGlDKT9rVRja1pyrauaSnzqjL46RC9V70fS9Uh5lJyzq3Wddlq5ZzqvqcUG7AOoS57sq7XWlurrCWEitQq1AIQGoPRjOj6oaLaKjTjA6gCSls7Tb1VrBT2nbXWOO/EbhqVSaWxsqBcKYCVxn5KtWZo4PQtrU3xHndnNLX2PGlH+cuXr7GR6o6ARgE5ZKsQFLreK6BWqqAqOccGDajVVva0NVUIVUvMFRGo5EJE2qhYYuWiHfWjZy7WGu8dKaW1TYUvt31Zy7zXWEwpOHW9Uzpve2+sRz1o25OxDT0oU8SoEHIpjbk2BqRSai51DzFKCjpDZxwxc7nz8n//8kVLDD3Aum+kKeaIBMKPRMaaayts0exrSNC0d6GkCqyMBkRtjFQBAGCsZcRYUgP2fWecYwRl9DCNlVlbg4r2GJBQho/H4xEAEFChEEvxdtVd94kk2c9a+/T0JIiKaGdqLY3bvu2CeB6OR8lFVUqRUsfjUXJYve+6rnfOSR5tq63r+q4fEDHFJN4ktbQtBG3tvu2k1LZtIaVlXZ33x+NBiB+vr6/lLpYzMYbT6XiYpm/fvpVS3r17V0rRWuWcJPPVey9wDb1FBQoKxsyHw0FAN7kNrTHGWK0MAJdakFSpxXnXmJmwlOK0aaloJMjVEpWQvLaDdU4bp7VSqnKr0LQ2uVRSikiRUjIO97631ooso9aaYgLmWor6QblvXEJqMVFpTutO2966wXmsrcUCjUXFFmJEolyytIaoqDEzsDH6Dz9/1hqAgIwio6fTZHtvO7ftYd+DsQbu6aIGALmxeMda65RSiNx1jrnmnGstIYQQIgJ55/ctMiAAyLxfxCh3OKEW75wiKjmnnL9++1ZrVVqDwlIrEDjvjLWp3p2IBAyVjwDurjsskIYUtEWULzk756SrLrWmGEVB1VrTb7QFQCB5vlrv+w7MXeeFNCq3zRu02oRRW2sVJb78Ru/9OI53TifzvU5+a6CllhYLupzS4fThr78v/5//5d+1SKQPh8PvX74opUAJDwhiSo3v2vF1Xrxz+q3dbrUWZuHl5bIZY61187wh0PU6Pz09l5rXde66nhuPx8M8X42xKQXfD9ZYpXKIkZFCysDIAF++fBnH8TbPQ9/nGMdxzCm/ns9d32tjpIATokitTUDMUopQpoX3N02T2DZ1XbdtW9/31+tVkpZjiIDoXUcta61qg5CKas0qjaVZpRuiNRaQrLatQdh2ax0heuP2lLQxDC236lwXw77H1Epm3rRSKeVlnmMM/TgMw5RLJYBSGgKWt4gea4wCgtxO/QihpBQVamNcTgmVyhLuiXidb/IWYkmH07GUUit5ozqrjUEzDUvMqQQiWpadCI1xj09P2/UmXtm1VkIchu56u2mtco45g9edd3ZZ18Y49MO279bYPe77nrzvwx4JIex7/A/e/52Y8IjHFeD5clnWxWhjrU0555iA+eF08p0vr/Xx8en1/ComKz+0Zj84c4DEjaWbEvNGeZ3zPCOC9z6VcocsWys5xRg755l5HAZnrO9d4hhCMMY553LKggLLcbltGyOIBZ2c10L7GYZBQFgJ7JBrZxgG0dyUUoQNTkQt5cHYoxtI5LkvLy/yBkrO0hFaY2qrIkyWwdPQD9L3kFJiL1FK4YaESinjXSdp5rfb8vtvX4iUNc4YR6QZyPmOlFbaSt2stGkMMeUfTBil1MePH4U7LadFzmXfNjFsul5vQrJFxHVdpYUVhT+/RYDI7bSuqxwPxthh6FthrczQj0SKtOnHiYz59vpaGCqS73trrCKFiNZYaYiN0THGu2zAOr4bGTTSKuUCqMbDCZAYcQ8hlzyMo1ZaNAWE1HddjDHnbIzpnOfackrrPKc9aK0IMadYYuLaSimltXXfGIGUQsJu6FBRrqUxl1oN8NFbr9U+33IMtdZ120upJZcY4uv3VwZ+O3QRidZtE7RAKYVIe9hKyeM05JJFZqWUqqXFGPc95FTjvhE04NpKNpqc0YdpOB7GaehqSSmF2zz3w8AIpHUuRVujrVnDLlDl9XoRO6p1XaU0lyZN4IrGzViDRAIQCYIp57TRxndePi9Bmawx0gl47+W0FgZoKXXbdqHYylP9oSALMQpyKrJEAaC+fPlyPp/5nhVwrwLkH/5QSGqt120Nl+//8PHhb58nki2Vc56m8TAdpmmSPcQAipTIGkWo0bhdr9d93+XQFfhZa1NKXdet1iaT0dbukTPDMG17aAzMsG670npelj2kxni5LqQMA4YQEUA2Yav1H/7hH0qtUtuI32pMadvWx8cHIULKsFC2n7w3waFl6UtYPAAsy2KtOZ+vmhRX2PcYYyKk0vjrt+9rCI1IWQOKYo4NWVuzhV1bI1SqIhk9iKU20ga1rg1CTKQVAzSALaRtT9rYaZq6rtNab9sGgLlkaQRTijFGQKjcUs6plnldY4whBEBkhJAiKUWEgOi8851HrXItp9NDSrkxk1KO+WTt//Rf/rOBCjVrhQpAI2gmB4SZxXBA+G9KEQK2xofDwfuu7zutqdRUa3bWCnRxu93Er0XE34owp9RK8d5O4+icJYBtXVOM0No//dM/9eMQUkopLetindXGxJxra6/XSypFjnbhI4pXoVShiEh3qyI8TNM4DCLLFD4pInZ9r5WWDdNau93meh9dIwCEEGut1lgEsNYCMDe2xsjPl0vAOy9SG1n3Im6WqZw0jbJChEaKb2QhqZaZGZC0Yo3Z6KqttcZY59z379+1Ueu+dYMfxjHlxMDOGG4c9+CtW5ZFzi1E9Na+cbV7ZtbKMMO+p64TD0e43i7jGMXwPuaskOdlReBSKjeIKeTc+l4CFfXxeFyW5S9/+cvf/u3fOusOhwMCaq1SjFxKrfXDhw9a7/O89H0vlU8M920thCpmPhwmaSHEMB4AuLHWJuTsjNNDn8OmjSGrGmDXDyHMhAhapZTiPGttSqsA2EpFraZ+AgCvEQC3LYzjsK/rNE6+s7fzhRR1XR+2pXfmcrkorZ6f39/mpTG31khRypn5Tk5kAiI1b6uxRllLRhutG0BIMVZ+en7m1iCnylwrp1yQ8HA6Xm5XiEml9G56OI2HsgVGrqVwAUNIoIyx7tidzxcAkGcit1CtNcRMCFpTinvjykjAWKWxYMixKGWs0artSin59J3RmtAYDdw+f/wgdpQpJyQs3Mq2IaKzDhFzKbfbDSQrSSmxWpHrBd64qBWxpCwNiVzUsi6HYWDSMVeZlNXWaqna6JrL4XBIIYpWKe3h2/fvphN2AkmtLzQHme3EFK13sp0QUYb3gg5JUdAPQ97DjzagtSag6rZtuWTgBq5Lxl1SIYY2jJ0k2acUrdZW6eVyrSlBKZ11yGCNefn+vZYqa66UQko577UxuZRcamm1AStDe1h/+/3XkGMu+TavDJBDbKVer3PNnEI1yinUBNo713svDRAAHI/Hfuj/2//y306PD+frBbVyfbfs+7xsgOrb99fz5VpKqQ200dpoRqitKa1jTKLfR1TzvCCq1gAAiZTSulTxTmNhg7x8+7YtS9y3FLYcdkOKa+u9J2BFiMB9756fHkqNxqnGmQhIo/OucCtY5309366NoO97QEatQmtkLZEO606NO1SY0mTsQ9eP2tRWGUFejba6lEyarHO5FlAEiE7bfZ7X+eaM5px6b6GWmsv3ry9lL0TYSoa4/c3z9G60h841gEqUiBLgllMuZZgG0jre1d+siNZlhVpbqQx39qoxFgm9d1oLEweUakTgXK+UaxWgwfX1arVbl/Xjp89/+vt/YK3+f//6rwoIKntjgSHFJLKsWqu1zjgnRbYMzkMI0zgqImtt5z23phChVENq6Puu80ph49paJcT5cl0uN01IwNaQtZoIcknK0BbWkDY/emM1KUopI1LK6ceU4EfbXVsTUoycesKX+Y80mQpsnPV9J1yjnHMtZegHBYQVuqE3vQNLtK6L0oQEx+Nh31YEFhqmBuydu50vxECAzjrZ9A8PDwCwblsuBYlyqUi0x11pUhobVMamND0+P+0xeteVGNd5GbrBme4wngY/QsVxGJ+OD7fz5XQ6CeF7HMcPHz/Oy6KtYcRUMhmDWhvjQkg51xCy0vbd+3cp55hy48bQEBEAtTZam5TysqzLsnRdn1JOqdRaS61KqRiFKBCen56sUqfDAZmBWw6h0zbvcfAd52I1cS3LfBl6l+JqrZIHNxxGJvDD0B0GUFSZQwwlZVRK9x0aU1rbt51T8dqo2soWyrarWgmx1aoVee/6rtNKizU0ADirrdYG0SpltVJcqZUcdy7Za9sbr0GXxtopTWXQ9Q/vT+8fj6SoGRORksLA5TrfamuoSBYHEbbaaimalDNm2yJqUxpnsdSDVlsmAmfJO1NLbA2YkUBBRWc8MQ3D9Muvv/4//9//ry+vL845KC3HBBWcsVybON4hUqm11NZqjSEYrVOMp+NRZnMxBNG4KsQSc46xpDIMg++cUhRj3Ndt6genTU7BWeWdbbU8PJ4AJKPNaqcLlDVsJRdrrbg1SnbG3eHivtxR7hapAsQ8XCbH+75ba4GoMe8hCGeu5LzMy3y7EYDVRkF1urW06pSSJ19rlfBA7/2PKPppmmqpzjlpLKTfl4ZGBuC1VpnChhCEOCWuDQ8PD1++fDFa11YfHh8lPwIBS87AXEpOOddcur5LKc3L8vHjxxRjPwzyNhSpbV2Nsa1V6zqpLI0xw9DPt1susZSqFD09Pc7XFRRJDyNMCmPMuq5EZIwmRIWalNrnmzHe+y7XGmrWzpfGVjvj3B5233f7vpOimJJ1Domsc8u6hJiG/tAanM9X19k9BOa2bdtpOnApivSbURVY7w2gRtpTiCkqrWzva60yCTLacLvPKZ21KUZFtKdkjKsiT0u5MTfm3jkAKhWc7QgzKD523ZfzTRFZNCXO2FgTVuHKtgqgRSDaOStvv5bc973vOqNVzLWV6v39sEwh5ly0VqIOS0i55RLz6Xh03q3LlmthgGVe17gz4ePhtMeNFCmrw753XV9qQQBJlu863yK01kSGKkbqUqArpVJKy7yQwtoaVw4pK1LWeqWMNT6XOh3UbZ9F+wNvoQHCsVNKkSJEjDG2xojUqkzr7gCoNMogoZYA/yOPA1BwUqmKtdYMoLUmgJRS3/cpJvGzIgJr1OhtK0XLDy2l9H3X993hcLheL0S075tS6nA8WuPmeXbOCZIlVv3H4/Hl5UUkWlrrw+Hw5csX2RjPz8/Lslyv12Ec930vIWpjUkrW2BCCd85aK1Fc8skppNvlOk7TOi+3y5Xrfdr38v3l4fiQC4vMT3yuAdh5g0jWGue8eXSXy1Xs0WVSKKtfnHBKya3cKZPrtmkCVcvPf/95j3lnNFYDERLJMBiJjNYp52malnWR3jTm4rv+Ol8b48Pj0+12PT08sTiPQdVW55wVYGs15krOl1qV0amUJqB+KUZpa0wKIcVktFZEjXkap9vtmlPKmREtESl9t4BtlRlULQCAe1hN1ymFvffzbSNuU99tuaVaERWjUniHL7kxIjhrq7on5qYQf/7jH663ubWGDUrNAACNxeh3XZa+63IJw9TVVrawrfsScmLgkHPhtm1Ro9aAuZa0FWdtbRUQjLEhBqXVsq4NQXgQgogI+GPeMom1UrkWwybHUhv3fRdDQWrq4AAh5ZRzXtZFJvoi/hKIT8BK5pZzstYC4LZtaFAGAjFmSQturVnnxPVfDAEE/xDcUiolSRJy2uSUl2VBAGGJW6v3dclxPE7DHYUkElrodr1eJVDEey+Lad93gYYEX5e0hW/fvoUQXl9fx3EUR9J3794dj0fvvWTRWGutMSkm0e8KVDyOo3VOGyMEbkLKKT2cTiWlaRhOx+NPnz61WnOM3trnx2NO8QeyJseD1tr77sOHD4L4bvsuQyiBt+Rlv3//vu/7xjxNU+ed0WroB+vcMAyo6PVyYyQ/jLYbU22llVzLOE2olHXOWDOvi3E2lZxrIW1SKUCqNn69XLVxy7rtMcVcGTCnbFFxqXmPrdSSsxD7ZNZTWq25OGtLLq026XkIsNW2raszFhp3XSf6fQYQPMc5X2oVF7B+6Bi47zxxKzFpIC2stJyZ2zgO+S0sWghk277/wAq1oW3dBt8pwM45bKwAh67LMa3zIlcTY0s1aatSTq7zDJxyKbXWBs51DLCnmGtFRbnVwg2I9hRjzrnVXAvdnTVQtu6yLJLVgIiHw+Hh6bFxCzmlWmuD1/P8/fWyhbSF2AC2uAlrXaBMQbEF/pZFLDeJ+GS9f//+w4cP/BZjI1i8aAnkjcvOkRUiuLAxVjBQ4TIdj0cpWNq9S24yMGUGEpqNjJYkQUSQWqmlLufLvgf56T9c5m63mxzSkuOybVuMUbT9MhwQE4HX11epEAS/N0anlLxzYtIr39laiyGklP63//V//frlCxERorxoYBC2o9ZaRM3TNA3D6JwVbWQphd+8coVL2Frrui6EICL68+XSah3vnnvUgLWxw3jQritMuSGjGqfJOseIzjsg1Nb20whEDKC01sYyo3NdZWgNkMg577wnpYfp4I2DWBzTwzD12jrSg+u8uU+RORdgqKVya9YYQmy1KURvrFEKGZRS2mitdamFkARxzjlJkJ7WugFbq0sp3Oq7h8dtXrA1RcCtHR8OvvOHaQKAnAuROGPe01YUkfc+7DsCdl2HgOMwxhCAOcWkEL3zrdZlnfewoULjTC4l5RxSbIzGemVczLW1Jl5JtVZtDCDW1pz3d0+eIkPeImvjh1RAlvK6rYVrTCnlsoccQmHQpbRlXddta9D2sIUQxKtUIPVhGKZpOp1OKaV5XgCQGbQ2KafX11eBHx8eHg6HQykFibz3Aq3KThA1gmwbRBBbE5m1retKiF3XWWMQseSScmXSsfBdSSBVkBTxrbWUU0wREQHvZZac4oK2amP6vhe7OTmVl2WRmyiltKyrAE/H49Eau8yzVmoYBmud/CiJ7hinaVkXZCAkb501hmvb181q8/jwsK+bQrqcL/+R7R1C2PdtnpevX7+WUvZ9c86dTifBg733Hz9+lAvt5eXler222kqOAuc5ZxtjY0ipxFxI68L369I6l3POkjKLkFIqtT4/PzPzsq7S8KVU+nHY9qiMCTFpY8+XKwE6VA5VC8mT7pSpIY7OKwYoTaNqtRBi7z23ppVqtcJdda+N1kbpVhsAxBCFK3Y8Ht6YrT6EUGruh85oQgZs9W9+/vzHn3522vS9n9cZFTrvrbVIgsSPRLRv27qupZYYEzeupZSUYwhaKdHcDX1fS81y7SAjIQMjodKEiMpY4xwgtcpCSZBaQpQMUm3LFSdncM756enxP648YRycz+cYw+Pjg3OeGXJujak1yrmFkEII276FEGXgIz0AADjnrrfbbZ5jjNL+aqOMNfu2I9KPBlcKE6mI5MiH/5CYLcBUCKHr7syIeZ6FoiecCGY+Ho8xl9frYrteE8BxGr/+/pu3rtZaUh66ft/31jDnQopQo3cupyQjYe+9VurO5WDutGFUKeeONNfEAD1p77qcswW6zcunP/x0eT3nksVxrbZqlM6lHL3zfVdb2263nz5/DnsIIThjay37thtSVmnF0A/96Xj45Ze/GqPHYWTknDJzraUBAGk19t22rqi0czalaKzFBCknUsjYSLuWqrE+5qa0tp0n60DZ2xqfp67UVCvkkJy3rVXrfUy1NUbCWBuQgrSv+259p7XOId/PKq5j53PZK1bjKMRISmVOHelmqLYSmfecSynGOmgtbDsS7tturc2l5JSIyBrLSKVmICBUgAhIRJZIFy6K7L4v4P35tlbmzmvO7aHztsK3V+PYhgqOoZagW7YA27oy6tbQ+qHmXCsoIkTIJXnvGOy83JTCZbn5zhtjmZlbm/RBkWoRuIEzPuwFWs0xNIAGQIoUohTZP6xqpU57+5pDTNfrku7QUMs5Km2WZdv3SFrtr9eUslLaKkIiblBrstZDBc0GqHGDyk1sLXNIa6lhXr13RmvF7K1tuagik7uWc3bWOme4VYQGb6IlqRFkF0kxr++WsimESISgUGtdap4OQ2uNgfe49E4tIe+FyVkTQxC/rlpKijGnbLRxxtVSU4hCB8o5d95bY66Xi4z6/vQ3f3M/V7SWae40TQh3Mje3FmMax/FyvRprhPNkjIk5vZzPSLSsa8758elRxkZ72OXbzq9nrZRR+vH0cDwcQth//fVXrTUAkyLR/Nfaci5KqZfvr5fzlQGNsRIdt8zrHmLX9USKSCHprutDyqW2aZpSri+v53/79z/nUvcY1y0q4w+nx1Ihlxb2BEgpF6VUTmnbNsDmvWVu0FrYgtUGGTrngNvQe6WxEWtvK3FVmKBFrqGUNQbSuhsGa0y7z5/uYYbMLPMTIARkBii1xhS10aRp3fZlXWuDPSRmsq4/X5aUKhF5a4yCvG+f37+j2qDUfV6hlrjvChkYEMm6TmnLAIgqhiwV5vV6SylppbquA0ThLAtmoNESmn2LDFQawF3mw4iM2BDBSImmtTSdd44Qkdi5NQZEWre91IaomMFYl0tdt10cQLp+AMTWai4pxr2UZLWyxpRUuHKrrdaWU2EQ9LZuy0qIXOo6zyXFfVlKis7Yoes0gXeOAFKMOaeSsxTe0i3c+QrlnhItk2AAUIpKKRIiX0uWPcJQrVXTOBpjWm13lcnDw0Mp5dOnTz9knbXVruuOp5NI1yWJVkqOy+VyOp3+7d/+re/7SrDlCFbfwrbXjM5UAtAqtpqgbjkCQIxRECTnnLPu8eHhh8Lt119/7ft+GPrK7Xa7rfumjDmcjpVbTGkPSZouSX95k8yTKJ1jTPe6aAtffv/y+2+/G222bUsxe99Z6xCQSGiJSuqibVutc8fTsda6LGvfd6XkZZm9d33fa60QQIqEknLvu8xNe3d8fGCF1pppGLm23lgqTZXmlCkNthC3EIHUHuMeEiAZa1OpEvr9gxtDb97FspiAWSldSi6lEtG6rmHfUwrWqlwiQ2Eor9/P3g5cMMdaU12vqwZlQP308fN//cd/mrr+j3/8+afPnxojoLAoSRa3tVYpbI1jSDkVQiUO/UZbYCy5xpBCiBFaIS4EsZW9pMxVWWM6X5lLq7W2GINUJs45sQuQov+tzkaRZyii1gR/vFv9tNbm+c4+EqrCHaVtzXvf992+73dWszGyfN/Ci8S/yHa+E0KXmB/qt8gMyVG3zgkNSeSXQsWTC0pWCL2FpzAzKSVUU0GotNLG2uV6bnHrrSKhSQmb4PX1VWbL8orvhpJIOWdxRxJfgGmapA8O+55KSbWkWoZpbACpFmUNaEKjlNUMfB+LKCUxVX3fy998+PDBWmu9f3z3bs8ZiXzfKa2MNdfbrI25LTNAYwZEvFwuy7KKjFqqUhGD73uIMW/bJiE81vquG1rjeZ5zrkQ6xrhtW9/1zll5a2Hf5RI3965O+LRQSlGkkIFLnfrBKs259Iep1Pry8mKMRcT5enPaKCbN2Cvbct1DBCTJR3S+I9LzuiqltTGlth+50PIx/7AtAIB8jw4BZkgxGWOsc+PU15pLjrfbWWkY+qGzXpPurY/rfuiHlpJX6uDc0ziNzv31r39d5mXoO63V6Xi8a2JSLiU754UUrZQYy+pSqkivW+OcMpFGq0MrW47n+brFgFoBYalFW33P2GpNlp08cCn0mVmY8MJ9kPUtu+58PoslbWuttiqto4R8AYBM/WXpW2u7vhd7VqnWJNVK5kvP757fvX8nC1oEXzLzEqhUKeGbk4x+xXltmib5fFtrwleQxz4MQ73Lptv379+998aaT58+dd4+HienkHLOfd8/Pj6KTYhc03KQzPNMeDfab62J93LOd5t2pZRYVQjL7/cvX0ot0ifJOVdKBUT5CPq+PxyP1trn52ciqrXFGP/u7/5+3dbfv3zZ961yQ6VSzsZapZUyGrWync85yRTXOSvEJpl1y6finNfa1MqysHIuORcAYAal9DgdWoMfSiIkAoBS6r3pRGTmx8dHIBSqFiESA9cWt90rbYBaKkPXE6ICtMaMQ3/XWZcCACnnru9Fd4tKM4DrvbH2Nq+5NKXMXSzyHzJMQwgysATm1thoq7VRWhMhIeScGlTmPB36GNdWslFKIbeSe2+twsFpaun9afz+258Hq/p+sNY8Pz1qre6qP2Znbak159Rq09oaY0tpzCC0AsFVrPPzsuxhFySHAfZ9RwAC9Mb1rjsMY+e8HFiyfOvbH621ICWyk6UCERmJwFByius33gXh3Q5ZPj75h0I3BgCxctm2u7x9GAZSymgDDKUUmX8ZY06nB9lXQv8WnZf8KNmZcjP8uJeEHyGEUBR2aquSH6y1nucZGblBzY2GYRBk5gfZWl6fUBeXda21SiCP+M4K4ikb0VrrrD2MU+e9M7bVWnK5Xi7igNdKPUzT4XAQ6LPVtq7rvCzT4WCM/vbt2+v5/Pj0NM+34+n09PTcWqvMWwhP755JKWttykncyGTALJtbcAC4R4A0ADTGplTWdc+5tMZaW62tUjqn3FrVSgs5ThEZY2JMWuvj8ShsZCSapqm1VnKOIaQYrVJYmzfWaeOALOPofGdcTUUGk8Y7MhqNqogxFec6bUwIIeacciWlu753vldvh71YlUhF/oM0j4TGmFobIR2PB+89IChFOcWud63lfnAAGaEobK0Eq7ikpTNgKS+Xr8fBDJ6QaJwm8bJf162UKkdvrVVOH+FEieGGtY4Zci4pZa306XgS9yVDWgFZ0ppx8r0BcEAOyCoN97S1su+7NL4yc5Rsr/8IoAvwIqorueiMNoQoJ4V+0+zLbhFNtRQ8gnpprbQ2hMJ7K3KryFqXEZtSJGC3lDH05mcux3x7C7/5sf3kZpB5lNQMkgEAgNu2f//2nbTdQrZdT/d+SGsB+H8Q96T9l5mLTKPkKcj3S3lXSoEmEVCNAIihd86QSnuA1gjg/PK6LIu81dpqa+37t29Kqb/7u7/TWucYaqsxpy3s275Z7wDg4emxMZdauqEXnqMofeR0ER8YeaY5Z2ZolZUyRlv5LzCmVBDVYTqKG3vj1mpVpEqpOee+98fjkYiGYfDerft93VjnrCjtSQmlTCGq2mpInbZcitV6mWdtzMv5lYwKNY+HyRiTS77fdaStsQDYGBBBa22tk09Ijrc30Tf+mNcI8J9S3vc9hsDcrDVIaK0ehp65WKsAi9bgLBHWziJyCdsVyqawzvPylz//9c9/+Sszi5sDIgqJXUYl67rKeSFDElk6UoDtezBKG9LeWo3ojXHabLc5Ljs1aDFzqWJWsK6rGNO3xrLU7sJAIjmelFJi1bGu67Kscj8zsDHGGCNSdDEykQ1grVFayRPY9yAVxzzfjDVS4iqlLteLNAlaG0SUiAkZcstalaJdkFApsPu+h/usF2XfCmqHSD99/kkp9fDwYIzuvN/3LeWyhey6kZa4xZq3HJ4+viOru6lHo0JNoFE5XZG7fmwAxvk9RCTVABlp2XYGNNZ1vtPKAKM1LoZ4PJ5Ox4dWGzBqbYZ+yKUs+/7bl6+/ffnaAMfp0JhjzkiExqS99nbKocY9KTTG2LCH8+VSW2sA3ThqYxEphMQMzBhCrJWtdfsejbGExAA55dpEh1VzLkabVts8L/sWCAXEIjEjQGRjdO/Mh+dHLGl5nVvSXFQtWCugcmhdU9g0qs7MeWdDbvIVy7pecprfPR327fr4eAIkVGbbgtfm+fRIjQ0Rl2IVIReoCWqqObSSWs313iUlhNZKJmQSD8tcqCmLliphaaPtHCrdeFIaY97P56735+U6HI4NsDJxpVpAAfXeEbSnvvu/fPz482EwnkpnYOhaA9MQYoaWI4W9hT1H1liwhpoyFN1ZMFipJS57jlzhMB0BCJG6vg85FWp26tgid6StccpBBWjUKirlCQ2hIdCWLOeWWzbegIJlW7TTuaZcs3E6lYQKmZtR5K1RCK2V1mrKMabgOlu4xJpyqzGnVHMDaK01gPPtusUAitZ9U9oo7VOpW9z3sHa9VRZzy+KPUyqIWXx7+yP2GTIalw5YdmZKyTrbuMmILcYIiNa5ztnJWyiRuq533nddf7lcpsOUS62tAqAYRCltpjcDyulwQCL5NQ8PDynnmHOM2TknPDnnvPCNmOFyuThjcy6+7w6HozS+glVJFxVi3EP0nZ+m4fXl5d27d7fbRSr7t1cS+95/+f3LsqyllNZ427YfRqoAoJSurQKwscpoBdgYKmBDYqWRoca0S2xFLjmlIAnb23Kz1mzrrAi9c6UUiaNihr7vlFLbthvrKrNxFjXtYddaMTStVQz7cRq3dZVWU+rLbd99553z1tlt36w1ShNDa6147xAgxaiJgJsmAuBWq7PWOUuIzjpjDDITEjAoJEMaGMau98amGBWgJuqt99p4baFB7zwW1khpW52ix9P0/HhSikqt2pjWQBmDWhdGIOr6bjpMzntxSckll1bFQwGQt217eXlhZhGgyfCbjF72lRGmw6SMybXuMcQUlMJSM2nSWqEoHpmlIgXCEPZSKyBYZxm4ttpajSHUUgQiZ24iqL7dbrkUoQj4rpNq0HmvRI9eq+Dj67oqUq1xzmlZF200IIhn9Y+KrpQitXF+y0yRdlwqLqliRE5gjAHm8/l8Z/R0neDdRJpETk5EfT+UIp27WPBBq20cxpLv9mPSdojzljS+CCC6bKGFCr/ifD7L9zTmYRi0UjHFruu6zjO09hYazsytVTGytNacz69aa6Wo67zzdl5mIeQhQq1FOFJSIWitQtgRYN83iZvZ9z3EQKLnACZCInTODkNfuRKhM9og1ZSIWSNyrSHs2ujxODROANU5DcDLMgNy57ttXRtzra2Ue8ri4+OjdFfCrOz7vuSstU45b/tmrI0pGmuGaTDWHo5HQLTe51IYoDE3AFS6Mou5V20NkLQ11httNSCTopQjIIzHg9JmjzGXphp0Ssdl6bRRDXpjLKJFoloP3lul/TQ8PZxOvrOlGW7OWdXZwAzKKfIIqpR8Pp+FoqO1iTF2vhPAQCqiPQQ50Wqt8qnt26ZIWWOvy3yer8qq43F0XhtDz88PzpnT0wkMurE7TlPNBZmd0gTYOd9K2det5oIMzrofYylRZqk3vzdjDILMippSSist09xhGNZlqbUej0cA3PbNe5dLPRyPYd+JUJFat02cD2X1b9smowBRYJs3aaUs1zseI+GltUrkFDOHGAHw4fn9bd11CKnVWfJqmBuRZkZujKC4cYzJWSOYl5zi3vvyQ+SP+PLycjwc5nkWUZLQkk+n0xunujGy0apzw+V6GYZ+XRZlXdf5UnJKwdtOKUqp5ZRKLcPQ+84xDCHE19fvxuhpGkPY5b4TtVcp2Tkr7GtBNqyVQaCAPVxKk29rrRmN274RaULCWlqrqeac4sc/frx+/w1iPRzHWvIe1n3fhr7PuYV1Oz0c13Xpuk4RlpylcpVGFt6AL+dcStFZq60REmhtNcXsnNu3rbQKDakxad2E8IDIiKU1WXqKsJTCTKUmIhasZgt7KhVA+X7MqaSwY61c6jRMWdeUyr4HQBg6r5AUl5TWY+c+85hC+vXlElsqDKk1q/uacysh8T0ZYN02ZhZ1ojgKCsXBaFEzgxAckLRzTo6nmBMjd94SsNU49rpzZF3/+9fvDCxDh1ZKLRUAai4gpnRGMzMh9l2HAHI2y0KUXyRG3+0NXheISVhk4gjb9d3lctFaAelSyk+fP/nOSdz6us7jODCz954KbfsmSIysxh83gOBCiJhSJkKJSNJGt8bGGATu+x4QnXXfvn2jWlprEELa9xT2BEzAaK1TytTKApDLA5qmaRxHMaATP9SU0tD38zwrpe4YnHPzPP/lL38RWggDO6drLdu+DkM/jsPHjx9qK7fbVSmy1hhriLCUjITv3z8fT4fWyratXeeOx6nW+v7DO+8dKTBGMVRjVdc763Rt2Tot+VnTNCpFKUVrDRHKT/beAbQ97oDQda731hJBrqP3vbMvL99qLcYSQGEuiHx6ONSaAeDdu3dc2fuOSHNrpVZEvN1uP+pLabZaa+Jm2ve9jC+Mc1paaKUAUShfzA2JGFgbHVMkRcZZQEAiQCADDWvl2viuTmGgGBOAqg2UUilHpTDEvZTM0LS+E6dD2Kbj6E2bND8peOR8wGa5DIMBxSXnskWjDCAaY8UtmfAOZb4xGlDfjZpRRlHzPEvCSCkFgI0yp8P06d27z++ejp19GvvRUIsb1Mw5l5QED2y1Gq21VoSkCPdtA2BrTC1F1NJvnSgKxf/HUQ1voI3ALeLp8OnTp7cJl2Pm9+8/AOC6rvKylVKtsbiACSIkY9yc746ughHdcwwAxJNCfCPDHoRxVGrZt00r2tcZarn3iIj0g4kqNicCt2ut5ecKEioTZtm4P+TG0zSN4/DDrFSG50LJHMdRaYXIWlFt5fX1+75vrVVSoDR2vW+teu/GcbBOxxTP59fn56fn56fL9Vxrtc4Yo6fDyNyQ8EePL47nMUallVK0LHPKkQhTirVVRGBuMQZERARCKCnlEA3iYej+9MefCRERTo8ngIpYjSVSXGs2Rimt5nm+zTMwChTN7e47K5Ms2fk/po/rvoWclDV7jCFF23kgBELXuel40M6R0doa7Wxp1TirrEkla2tzLblVCcZDQib2nUeiVLKxft12QN2g+sGTUaDJeCMORagRFKeaYw4/f3o4Wv7T4/jPf/vT//W//uOxM9u2HA59TsGzglKBQWv1FgoPcmSKOlYpkotda22tudfQre77tu97CLFz3qFSjX969/ynjx8+Phweh84BfHx6KiHVkMd+cNY6a7VSRmtrDCFppXJMzjmtNBL+YLP/WKBEJNPJlKIw5wDhvrQQZaWSjA+IiND7u6nEtq0yma61CYdU+KE5Z62VYPxSA/yYSAjkdU8NRZRljEiIuM/XtN0UZ8K3cVqMUan7rOF2u4n6RIznZYohv1LUBmLy6L0Xw4hSW611HMd126xzp9Mp59x33TzfOu+NMURojRnHodby9PTkfXc4HLZ9DSFcrhcgeQT7YZpeXr7/0z/9Hx5OJ9Hy3G5XGRz2fWetYW6izESAknPf+1xiysFock47p40CRQDQAJrvLCB1XaeVQmYE/i//8A9//OmzUXicJq7teDws29xaVYTOWq102LaSsww6rDXzPHvfCYFWYDX9Jk87nU5yTIjXAAC2KrTehoBEWiy5a+NSGyIZa8XMHYl855XWXedrqwyMBNu2n8+XGDMi7iEKj1cbs8e4h0BE277nUox1gvoro5XCtF4mr2xLj9783ceH//v/7Z+fD8N2verWnMKSc6lFUEKttHPOahtCZKnChStfcuP7h9v3/cPxQai1JFNDBmztt7/8slwuYZ6p1sG59w+Pf/zpszP6/PLirDNKG6WhNmcMMnjrrTLHYeTagNF7T0hKqYfTSb6OMaaUmTmnnFKKKZU3VYNS6nq9fP7p8/Pzk7yMl9fXEGNKeV3XfY/AKCeRsKB/8CbkBpPiR4AWKf+tNQDgvK+1cmsC6eacG3OK4fnxNPZeCwlpGAaEhggIdd9unTe1Qopr1/ViPSJMaSFsyPYSBICsPW+bIZVSHMdeG40Kv377Mk79ut9yyvG2b/PqnSNAUkY7Y7Qdh+l8fuUCuvO3ZVGljH2XUowhvnt6+vd//d8HbWotuUHNVZFyxnNlaFBbrSC7WRPSx0+flFHn799Gr8bO986HEAFVLvByuZUA3r1HrIiBdH5+cGNXtstfj4dp+3LrlFlz8H3XUnNkt9f1MB4Ut9Lyx4dHbKmU5oexNG65HocDIaY9UKdrKf4wFoYGlLPkIhtv7e16PUxdTTVv1XufU/GHoSRBeFTJNZdsrRX7SyLMOefMtda+766Xl8fHp23b0CiAVOo+DMPtCgYHQmg76KwUKFL6vMwWqOuG0TvKr7EkYkqhWmyPkf8f//if/9u//7YU+HqZ57n0vS+pdNaXPYtRBte6lk0bAETddaWUXLN3XjGty0IIBHToJq5tSfG2LqgeOqPzkmJBpGR9t28LGIgcm1Fz3IG5x46M7vo+7CHs+9D3221puXhjlfH9g7/dZmjYaWuASqkpZ+amwVijmOvQdwB1OoykGJEAc25ApFxnY4LKhGRTLd6P67r1fRdjTDnI9E0IcD/4GtIQa6253TG32lLvp3VdrTZjP6SYCFGBCTW/7OHpdKCu64/Hk/c+xqyUOhyOgpOJH68gSqLq0lqfTifx4fkfPKSUpeMGBLGYlcKp1ppz6br+fD4Ds9DClnkRQ+2+74dhdN4j4qePnz5+/GCMHoaBgWXs4n0HDbRSkvIn0SCC+wLA4XDQ2lhr//Vf/vfz620cj8NwDKH85dff91wy0hyj7jrV2QI5hBVLOlj96XAol+tIims23lFvY8kGVQgh5+p8J5xkOWUbcwhxHPpasjVKKcwpWmtiDNaamtO3r1+gtRxiSbmVmkL0zm3bCgiAYKxRigC1cV0DQjIxVes6BjLWh1QAdWUmQ9qq2zJ3vc8ljWMP3Kah80bHbXVW1ZZyDgxVGQLilIO1pBW0mhC5Hw7DcABSzhpoWXMeFP8f//bn//KH9//lp+f//MdPCpikuGkVECuztq4feuN9A2ytyfA+p5RjkiCZeb6t6+q8m6ZJabOHkGIqtYWUYspIdL3eWuVpGIU46K1rtTrniPB4Ojrva2vzth5Ph+Nh5Jqtolai1zQO3cPx8P7d42Hsnh8fxqFXhOMwMDfjbNd1CBRjEonfvu+NGwOnlEKM03RUSjNzTKkBSGUuvbUUqPXNY53eqEchhNZYKZVy/umnnz68f//4+KiU6rs+huh8Xyt3/aCd6wR2PR6PMQZrbK2t6/p93ySwWmbDzjnROooA5Xa7iWmzG8bRmJqLtB2iiem6bp7n43GSmkwkPFJuXi6XT58+iaxTKUWEj8fDPN9yisfDkVu9zbehHx6ens+XCyMxV2nq4S1MYRwnmTzM87yHMvaHVvO3l6siymguW2x7Lq0R6capcfWKe+T/+qe/fbL6afIprt650FLTqoZqU3l6eJyva2e767I0ZueMWD8462pOGtFZAwzArLU23m5h08Ycx7GkeByG2hqXoglrbQpxvl67vmNo2urbtiul91RBMWhbWM3zlYicdxVVI8VQSyug0PcdNK6lyEDdWLuEqDz7wczXmzOaCG8vF995QuyVZmRvFaDaw26sa5D3PSigtOe+631vumof3z9qpb6/vF6uN9SWDLq+38OeYrFWIypkuBuI1yYHqqSxX+f5cruScYwA1iprDOEyzyGEOezdeFiXlRtrIgSszMw8jGMMkRD6oS85a9YAbfD65//TP17OF6Pher06S0jkTPfHnz/FEK7rt1ySrsStOjNINz4M0+Xy2lrzzqeU9hAeHp9TSt++fcs5k1J3OB5RaKqyOAWnuYOAb5oYpWjbNu+dNDVNzBuR9n33nW+1LMvKDPTmOmhbY2+7L1++Df2QUmaGaTrKThIy848hs7+X9XQ8Hn/0Fjlnre6hQ6VUrVVKKcXovX+rkkG4IoLjioDYWXO7vg69//zxo1Z0uVys9aXWX3/7cp23v/z1N5nB/cDp+r6Xwm5d13VdrbGllJRqKhArMFnlOuOcMTrnWPJu6/bYu//zf/6Tr6ktl4fOdYo0QYP/P1P/8aTXsmV5Ynu79iM/ERFQV737RFaKqrSs7mpjm3FAI635P3NMNmlsdqks8TJfPnE1gBCfOsK1bw4O7iUxwgADBHDcfYu1fqsu2TddB4VoWxpJabpO28alZJqWC1mIGqm0EFQKAMQckWHKSQqhuJDIBIGRMqxriSHFkHPqh+543DMGteatPC4VmrYLKQup5nU93N0D41zIy3XKuWzAM2tNCB6ApBTGKC64ELwfukwJWJVGEKcIqdt1XDEmQEqmBDZKMZRbcAQgU4pLDooVQ0ll97rTRwG/vtv91dtX//DXvzGSQc0puJSC0RqBlZxLzEgAhRBQa80YTzkv65prIYSNjzzdpsttktYeHh72D/cu5vPlGkJSQm08cI6sa1uO2I99PwxCSRTctI0P4XQ6PT4+jrvhzZvX4zgOw1BrDcHP89z1/fG43+8HIdi4G3zwT0/PiPj48RmBb/KaTQjT98MmCkopccZqKSkl/zPPdDNp/Ty8+aQOgi0iCrFtm67rjNHrumzJEtvMhuEm4lBN0wkpVc5FKX27TVIKhpwIY0illM3OYwyWUo7H4+Z63ppgxtjmlN8oN33bAlSlNVVKadMRKaVkzqXmPE3T1kVse4pvvvlmk7YKIaxRHz6+Fww5F01jmqYBxkzT/uXb70NMudTtIdpgt58osJ9EnVkpta5OKsMFK6kSY4AQfZAcoMRDY7Cmt1371bvX3Ptdp3emTdkd7sbEabqsfdNhLFbaUkkqjUJwxlEWij4TaNsE78LqGGOAxBgIKUL0yJhgLHrXta0UYr1dsRSOioCI6rrMtm2EFD4Gd7u09tBam3KWDAXDvm20FK3RjTU5eqpFEGpra60g5Eb/Rc4RMdYScqiVtNIhJdkY74Np25LSdL0dd4cUfFg9AG9MyzkWxEoENQkpoGYBglLuGH29ayYrv316OTbieQohBsWVZORdaLV2zgMyAFJKCilzzt6XigiIqRQGxJFVxDXEHz98ZIw4otCqb8cYk3d+7IfVrdfrFQmo1Mv5goxxxmLO12lqjEKs7uXl5XpJKWmlf/jwfpMqTdPkc8oVai3eu1I+VfNbZo8xjZRynqZx6AExBL8pVfMnaW0lgGEYtsFRKWUYhk019Ivm9JNvU8ptRvTpcSjV/jwUapo2Rickz6kIqlSoFpZDiADIuSilci6tbQRTa17v7g4bZaVpmq3Y+iXWLsaolE4pHQ6HEP379+8f7u67rr2cz1uFs9GrN8XfsiyXy2XbAr569WqL/Zhul0YrwbBpTC705VdfPT+9vLycUy6ArAJux/2Xn2Tz+2zPUa3VNpoQkCEDrFQZkWBoOIOKg4DPX799JzH7tbVqf+islkLgHJ1RZmwsEmuNTbNjXHRdkwBKTcS4sCaklEtSQtA6oxS50LAf0kYWAQjOtcZsiZatbayplSiVYo1OpUy3G3KmjQYEI/k6XbuuTTUl76UUfr4qwRRHI/k6O6VUCA4Z2raJOVeoocRSCxMislo5X1bPpQ6pcmNSJSGUUoYKDc3onffeDWO3LDMg2aYVpdQKJZES5nqdFUXBc63573/zuQteKv54m/7H//l/atv2L3/6S9M0/+33fyq1WK1jzmXjhpcipGSCF6paGYkylUCQXYwMqJTSt13MaRuUu9VBpXEYN40aF/zx+XkzoPgYK9WslPceGbPG+tXHGIUQOQcp9W0NXWsBKucIULu2KZUQMSa8XK77/cFYyzmf59k2nZQSkMWUSs7AWE4bJOuT5mcTKf88+K+bsqPWAiTYz+lb67pS/cScbYwlqkppzoAhZ5wjY1ipNo1lDBgDIYQxOgSXctxoPL+EAWqttVZA1FgLREZrqkUK4dw6DsPxcEgpMcSccil1mudaq5IaCHIutVLKOeZs2/bj0+PLy8vnn3/++u27kPJtvr28PO92w+167rqGC0YI8+qA4bZS2QoMIEKA6+VScl6XBQG4FMBZKllpJTmHkhUQuPVN3/3NF+/2gukUv3p1/9uvvlCSxxIqA0JYl1UwrgixglCSgGrNl/NJCl5LNloRUYoxpUhcEZNCmcfHJ865VrKxRgqx7TdKrUS0KUcQYCPq9l2npDRKc0CsRQmGUKTi2qgtuEVK7tZJMNh1HZbSam2lklwgQE65bdtUasxFWcuFlsoSCkAhhYmxpFybtk+lbp6htrUMUQihbVMqIZe5AgoVSmFqIwmSpKqp/Lu/+c2vXx/+9def/frhEM8v/nzy17OQTCvx+efv+rb1q0OCWqmUWgohYz6EkKJzYV0cAtsGA7mU6TZ7t7plrbUQA9vYeV0YZ+VndVquRUpZCNaYCjJiYnJ+8TFVShVM27378qvD/SttNkaRVlrHXLQxyJiSKpd6vV4JMOVCwJbVLasXQmzAYKW0lCLnzNj/T/O8Teo3LxgAlJzLNj0IgW8XrVKcC6UVF3x1a0wx5whUqGYBLJVSGEpkJcXIhUYmnPdd36Q8lwqlUk5pW1uUlJSUbdMozpumiSHYvp+mWQAgMs3l7Ga3uMY224m02lAsiRhRRi4rRibV7Neh76Pzf/jn35uxH+7v1+kaor+enyBH1SpC6IeWKVVLdS/PjHMtRBEihOhD0EJaY41U3rmEJeYqhcxrFEDo4uefvX47tnetwrC+uT9aww6Hw+16rT5vjBAhZKwRCEMujpa2MVhAaeQQLMulOAHcSNTdEFMKzS7X4qfL2NiaI2UyXZsEXucLE9L0TQ0RAaQS2SWsZJWEmBQR82GUKoUkAJZltrv+5XZhyI1SMaRd0/JCwa2ZFWCs5ppyFEygksllXgQDURykQm1n/TxhJXDeKHU7n49ffD7Pc5G5SIIYKxJBIWLG2MvlapuWCGINdlDLJDp7UDi7l8t+N/7rXX+d1y9KZByHh7uP1yt8NtyuE+RFc9RClAICDeeqUuWcVyoVirYaSaaYOUOJQnHJORoj13WpUqxufbqetNZcy840q1vX1dVClSrjPOWy6VN+kQBt9fN3330PgIhbzgT1fW+MYkIc97s//OFfAGgNbo3hcLjzMc/hUhFP1xswviEG13XdRj1KKWvttpbtum5Zlm2fsA1LCqBROpV6vV4ZY4Wq1Gpd16YzlUrXqEOjho4x+pl2uJ2ebSMtpUw5b9obxtjmAKq1KqWats25bDigaZ4BPi3St/DaTdJkre26johut1tKQUjhvWta23WdWxej9bpMv/76V33X1pym2yXFdNgfSq2l0n53RMC+6/26nl9egMuY6+JDIaqA0phMtDi3hlAAjGSyeJHdqDn66e3d+PW7h3cPe1bSF+/e9I1Bgnmavfdd09zf3zPGOLJPTISmVYJTSbWkZZl2Qz9NV8FRcCw1r8ukpKAQiveN0oIJrIxz5X2SQlEhiSJ7L4CM4pSTVVJyzDHUHCVHRlVyJgUgJSWwxtAb2wjFC2ImSDhfnZLWGEOEBBBDijGt65pSVj8DP5SUz89PfdsqKSRnioth6J1bBUeqpeTUGJtCZAAcMLjVaC0FD37lyKBC1zXAMleojPB+dW4d+266nCzDzx/ufvfu3TvdfDkedK1da9598a47jpmXXCNSZTlTCrVkrYTg3FpzPB42Xa0QMtc67vfO+/1+v43I12XdOr1hGH+RV/wcu0G/gDQ3Hf88z8syb/VzCDGlfLtNp9P5v//3f6q1bvHAG1tlmeftVdmMOJ/48gCbdGLzV2wwom1KvjWWm2hiex82v9snB1+Md3d30zQhYykGjsQR2C+j081p6Zy7Xq+11pJLKcWtjv3MhNFabwMcIeVm7/jFibN1yZ9qrKbZxp2cc2O0tqYfh37o3719e9iP+91Yc+IAH3/8oVGqhPC7X//63ds3tml//evfEbCX01lJZY3ZDz1CjSVLo2MpPqaK5FNcvKuMTGsKI3LLrx4O//pXn+k0//XnD//uX30l00xu2rWqMUJyAKpaCaqlsWa6nt26+LA2jZGCM4ZGK8Zww1SlFKFWrZQUom87IQSVDClaziGnEjJngoinWJEEFcwxSc5rTTH44FeEWktiSEBFCrY9r0BZChJYNUMFwAqJAoab5AsDFXz5pDtEZm0LAIxxqtt0j2ll/boexxFrlYylEJRgknFKiVJWnEnOjBRKcK0klMIBSwwcgAFoKZTgufhCQRkuFJdGGmuAavJu1xh3OR20+KoZ3tm23G7Fu5Dj4WHX9lZKhBxZjq1WHAGoKCViDDGlV6/f2qYlQM7VuoahH35WbkLbtZsTl6h+CrkI/udgY4D/v1T3bZC4icemaZZSbVIf53wpBQCV0oyJzXyzdRe/7F63xnJzYm1BQb94yraPfjt4v7jsN0wYQyy/RGMsizX2drtxRKAa3Mo2OGMpJcbQNM1ut9u0IimleV5+jhj4lHKzmQzEzyBOY0wpeXtx5nnefrxNB9q27TRNx+OxAgHQ8bhHpONhX0vqmyaHYJVSyFols/fff/dd3/Xfff9jrrisvlb6+OF9a7VhTFTwt7l4LxGt4KxkyLG36vXd7l/95ou//c2Xf/erL+6s/O27h3/z6y/e7tuvXh+tqFBi8EsuaVtg3d8dbteLlkIwaLQSDLase6rZaKWUrDW31nZtw4gk521jqZTgffbr0FqqtRtGHysKzaTxqXT9IJV1znsfEJlSWkolpVJal1Kd90SQS+FKrG41VrtlUVxAqhyQIW4J1wCslqqNBWIp5lJoy9oJIW3WfqMk1OLXpcbIao3OcSCrlFWSI0Ip0XvFGdbaGKUEb41ZbjfKOawLR0DKq5tSjoUIhUQhU6VayQfXWJWDE8Hft80Xd8eWgaHES7QC3zwcd33zm1993jfGSG6khFo2/+7j82MlIMYS1YpMKplSmqZp4wlorWOMAFgrbdA+hvgLS2IbUG5f52brE0JtXhwi9D7GmIAw57KZ9zcHY62fYm2ttdtK6hcF2nb9933PGNv2QlsBUn82Cm/fsPd+o7ozxA3rVms1RiPnpcLlOgn8mQFRSl3X1Vqbc0LEtmuJ6jjuXk7nnJIe9DzPPufD4eBXtymNmqaJKS/Laoy5Xq/b0fz48eMXX3yxVWYVqB9axlnOeRi6x8ePVqtX9/etlIdhjM4/HPdPp9P/8f/wP398enl+PuVSp2l9/PgsGMwhHMeefFnWlahqyZDRZ+8e2tYej/uUEwAIH28vz2PXAgfyi0/rcb/rjofpdiNA3TS8pLhhtRlyzq1SIYaSs+K8pKSNXOfZGtu3LWe8pMSlyCm5WqkWwXnfWedmJkXIGbVZUkFEH3MsBRG0VKlU4oqIrovnnAvGuW4A2RJ8Y+3snbDtvHhlmmVZBZchhpwrQ8YUV62MzuVUlNI+JSGkD7lSzkSlICA2xgjOPFHOsWus974fewRgiDlGJSUrmXFesSgu1uhCCLth3IDgJQTKxSjNuXBUoEBCmTlrOvP8cjru98GtlcqyXN893E2r2zVtAHZ8/ebxdHn9cDgcxm7X//6f/qgED9tVKtU4jgjserulXGut5KP3fnNEPT09cS6UUufzZbNcz+uymWx/uZI3AcHmiOKcG20T5BQTY4wIiRABORecMSIA/LTo3VpbrfV2w27QS/4zoG6DjGy/p5+jyjaQ83ZUUkpUKxEJKT4t0YhYJWXaythtTWJ7HYjIWguwVVGciHLJRKXUuiWte++7rkshbBSK6TZZa2+3GzK+oRE3ydDlckXEeZ5jjKXW4P2PP3z7D//2Hz4+fqy1nk8vQ99P1+uu68Pq3jw8hOqh5u+//db24/5wDCGFEJfp2libg+OV1RR+8/WvmGClxJRC05qco3v+AEilZmP2TT8oDg/v3k2nRz300+Wcc3772edPL+eWmOZsXQOVnGNQSlBlKYWmbUqpueQSIxLN880ayySUnIAqERkltZKMMeDcp8Sk8LX6QsqYZZ6stfN0G4YGuUghM8IQEkMmlb0tM2c8pdC2bSSMFWupWusCrB/3p9OL1qZiBAYVymW+dEJ5FzZB5rp6INDaYMoAyLiAWhkDJVjXDNF7LXjNBagSshwjFiYYbCP26Xo2ts2MLdNkjJVClJwbbWKFGKu2fQaOHLMPVVvRDw4IjdZap9n1jfn73/42V16Q//7bb79+9eq75w+nGzGm3rx+aLvO2unl5Xy9Xm/zHFNmjHOpnHdKfBJ4KiWn2zwMo9F6Y2k656SUy88DSvwUW4bb15xzJoB1dbUSEFVGnHPOBFEFgm0bQLUaawgAAbYaaVMZ933vnDM/mw2madrSADa16TYO2o7Nlje31UgbMYS2mFPGEGlxMVC1VjO/ulrKJkfv2naeJq1UyVkJgYDnl1Nr7OeffS6FcOu62RrmZbGNXdalEpWclJK321VrlVPsOgtA83wDqNZoAur67nQ63R/vovdfffFV9P7u7jDNk2nM8/nF5/LNDz9+PL/89PTxfD1TyWNjD20nah2H3hh9vl2eT09Y09DYwWhZiqx5Zw14/2a/vzt0w84+vD4SUtP3MVdlmmHc5ZS7xqYUL8uMUhJn0po1hC2iL5cac6pEsZYMKLTNFQgZMD5Ns+QihLj9+65utdaWkgCK0GxerhXL7Oa7N/drDE/PL1oIgVxwDgDX23Q43qGQBTABgJSoFDFRCKZljiWFFGIOQnEpWaGsrQQswAoxmtxMgsnGkECUjCteIM3zbXO35Rg3+ACVjEDz7SKQtGQcGEeWUxJcbjEFwuiCLKRCXK5rZJVRrG5aIBfFxMamHsbd6Tplxk+xyGYoFTWK1/3YAr4den87Wc1DXoNf8rp8+P57gcg5axq7RfIJqVPMUCFEEsJ4ny7XuVZKKd3mGYiE4CWn6ANnbIuWqTnXUkvKUIkhcsYl55stk4vNs0WMwTamBCAu2OZflXxD5IjGWiWlNWa63VKMKXz69cvDslm1tp77l4p/kyxwIT7RjqViXKwhZsI1hG4cd4cDM1pzZIJxJKi5QCWqVStdS2mMEYy9e/OmpMQZ8+u6wTBs2wglkbFSS4z+4f4Yg/NuTilQLUPfxuDn6ebWebpdrWm0Mo8fPt5ezodhtxt3p9PlN7/77Xcf3k8pXl1Q3dDeHaccpvU2dHoQ+Kpr9l0LBC+3K++UaHUVzIeQUw7LyjKF29xJg7FQDZnW5/Ojy8kVQtWgbOY1MIaQY40uM+ZKmoJnWhWgNQbbNafziYhKTsj1HMkV8AV8piVE03YupMWHaV45E4zEcps50X7oJObdoK3BtlHOzcfjYejaVnIsKftVIEmO3q+VClM8UQHOiAA520I3fHDaaKkEY4hAWgjJoZCTli9xsUMHSq41B6prDoXXTEkoeZuWUohxwaVgP+f8aC2NNQjMh8i4RKF8qUvKnmDNdYppyRW0bdoRCiguVaUyTyw5USPkxAC6rguxCD5WsrmKrt+lnKb5erk83u3bh1177MxXrx/uuv7N8YAlU4lNY16/fW20EoxByYoJIEWgje2NbhG5UjqnxBlqJd++eX1/fweVlBAMIIVUc7bGGK2VkEZKKpWxT/0CQSWoXDBEyjmWbSNXC1QKzs23CSv5ZQ3Or/NSUg7OS8Zv19sWDLVtSH8Rw7Vtu1n2tqcmxhhzqYDIBUpVkZluMP0uET2enn2M+Obd601EoZR8+/bN09OTVMI51/ddCE4IdX//6nq9bIaYzfrYNM3pdNJa39/f/+Gf/undu7fb32CbWG2JZZvJTQixG8e2bWvJ4zA0jUWg+Xb767/56z/88z9750IqvqSbX4AzRmAIHrqdXxZC+O7xp1rh9TCMQ99r429TcU4xlAy1kkSFEHLJTdummLVUOaU3r16VFBqrpum03/U5R6s0IjBEKXiMsZailKRaqBICOGAJZE6RIaYYd0NPpfh14Yjbn+GEbd9/fH7a3x+BYSHKORutsZLRJkyzoJprLbXmjXxQiUuZSlVKEYDguLrVGpNiHPpuWeaubUvORBURas6sVhdz042X2XFtKiEBSCG8d1oKRphSQgCtZMkZoDIAKQV++v+mrRnOqQilnPOr87ZpvAtb6DISWmN9TAAInHfj7uV6ldoIrc+XK0OeA1NKlZqNNbmU7374dvFrO/b3rx/mdVkDLJH6cdjfHSe3/vThYwjhp/fvU0wpFCX5kpFzEVPcFP8xxY3eczgcBOellut12sRqW7H+i5OWMTZNEzH8efzIt+Z1+2q3dlkrLRgzxry8vHDOx3Hc7vVfPm5i+IuLYBtIbkir+mk7+ekR2Kb8m4EWALquu7u7SykJICxFcoZvP3uzDVDXdX779m3XddN8k1KG4JvGam1KqVtXsQVnbHDqdV37vm/bdp2nbT8wDMPtdlNKzfO8vUd93z8+PiLib3/72+v1/PMSN1pr+7Ydx/H9h/du9pUzYZVLwU3zV69eH9ruX/77f0819/f7pm1kKMs0SWAKoJP6MPSKi+l28d5ZY5TSp/OFc6GUDjEwhuO+lRL3h14olIKVybl1GYdhu5m8W41W0TspREkpydaRRIBNE0xUlRBKiJSC4Jwq8VS5EqvzqjHImbFmmRckqrkYqWvNm7O71FpqBeSEBMiIgAu51aBaq5wTAuYcrTXbg59TDtEzQIEiVaogmNKE/Hy9WmMFxxTD0Hcpl3mejTZcfCJGpRiPh0MpJQTPBMssQSWOzCpdU6FSAWCeF6k1Y2xZ3bjbx5SmZbVNO6/u/tWby21yKa6re/vq7e3DrFtrxv4alljTf/mv/ygZ+6uvfyUK+ds0ozjnSgyIge3azz7/rO/7GMPT48c///GH77/7fsoZmeSMh5A4l4CMc9GPvfduK8R/QcoKIdq23WKYf5nQK2MAYZMJb65259wGoluWpWvbru1qKSGEre7/1NESbaYUZbSQcnsBuq7bbLpb9b9tG37Zbv3iGN72ZdsBU0J1TVNzFJtrc+uvt6jdXwzF+/3ovZ+mWQhxf3//8ePHu7u7169fn8/ntm23JKb94XA+nbbuvm3b2+3Wdd3lctlmrhuNx3nHOH/8+FFJWQGu0wRAIcXtL62svV1uu8O4t40gev+X797uDxWr7bvz7ZJCaYVkpXbaWiHD6s/rUnL2wadK5Tz1XXe93ryIm5Hz/Yfnz7980++OLi6n2+2h7aVuYgpWCGC8Vgg+bF885yxTpZyQMSU4B1FyVpJTLYAwLxPnopVNBSTOl9VJo2Necky7vp/DFEqMJTa9XWYnhNziNBCRYFPdsvVyvbu7D94TsVqyktr7xBAba4iwFOJSLT6apgNgs/P9sDufr7GJ796+aYyebzdp9MPrVx8/fOjVAJW40qbt5hAY45NPTd/MyTfaIKELCUsVyDlnyihAiCWqxmQkYowrmalWgKeXZ2RcML4bRqU1iIhS//Dxw7cffsyQTWs7pbQQBggqidYwxha3Zijudv7n/3aSWr158+o3v/r8b3779TQv3z2+/Pt//5/O51lLScRyIRQ8+ITAiaoPXgq56X+klBtM7hfF8hYAXCttNAYhxLquQsh1dZtXs5TKEJn4BAzdPrBfnGta63ld1k856p96gC2nrP4cKL8dhu0R2E7FtiNblqXv+8YayVkhjr/69Ve11nme37x5fb1e+r5HBsuy3N0dS8neh3HcbSSw8/mMiG3btm17Pp9jjH3fUy1uWQjgcDhorT9+/Cil3CZT+/0+xuiCf/369fPzY9u259OJagEixgAAPv/ss+RqLHmN7no9vd7t3ePzF/sDz1kI5ksAxrBCCglKFci0VFKq55dnLqVudK50GNs3rx5+//t/XtdABNskvu1MTP4f/u3fM4ZGsufHx7/67W++/+4bjtVKsU43KRiDClSB6/Pk+q4LMQjONr4xUV3WlXN03lfStm0L1ds0AUMppWKCSrFSlZjboT3Nlw1YEGO2xiKymPI47LbQ81Lqui6IGGO0xrh1uTse12UGIik5IlZAF9LheP/0ckJkXPCSU2fNRhRnnCutvQ8VQAhZSrVNM81zTPl4vLtON1e9laoVGlPGUhhCTJEpzpT0MVRix8NxmddcaZqmtu1fzhcplDIWkUllzit7ubw8Pj/epuvu0EOK//C3f11XL2rFmG6lOmQoMDN8vl5A8JCTVEprLaTajeMXX3/+X/7r7xHNX775+OHDyzyHVKnUIrVkAgAqA9Y0diubp2necLbblS+lzFQ555umn4hut6nWKgQXQggpELA1dpuZ/myHr7fb7VM1lRIKnn/2+G9kXCnl8/Pz1hL8QnXfwKzbtf7piyVCxnoli1+0kvjm3euNxyKV9M4N4xCi3+/3m1OWC9l1vbX28fHxcDh8//337969Syl9+eWX//iP//jw8MAATqfTOI7n82kjp2+QrK5tieinjx+A8//r//K//Id//79zhh8/fBACj4fj7XYd97vr5fL6+BaQ/fT4Xkl237R0vv724bWt9cfvviUOPkWlm09UdwAiKLWiVqgESoFCPBybEoP3Kfg839ZaEJFxRM6ZtZpzlkXcD2PTmOM4JL/msI6dKdELxpTkOZYYUq3lZ4I2lVoAKaUUc2jb7hy42/IvSq5EDGA/7Obz1UgpmbitN9WanDJjDAAZsJSzYCLn0jRtjKESyzkfDvsYfAwhxVBrLSm1bVNrFZKnmoAJIRUgdz44t4x9x6FyIKpps7PXWksF5BxRxFKJYMM3zuvadF12vjdm0M315RmQkCMa8TJdVaMlKkZsXlYpVEyJMUEE33zzHReyMY209l9czSHM5/Peml3bfPZwx2rmCFRSyXH1SWiTgVTfnd16dT4CVMBYakq5aduxK59/8dU0laenaV7qf/xPv/cxSauRQaFkjKJSGOMheCLiXDi3brfyJ6RNyfv9/hd7bUppM39zzpu2ba2db9NWGm31vZSy5AIIW3eLnBlrt8JpA1KFEIwxG8Cz/hwTv5mDAUAqta5r27a11pzrfSc6CcfdTghlpmU11pSaCmZixCQvVJQ2y7KAjwx5imlL9amlUq3B+ZJL27TLPPetsUadT8/DMD49P+ecX715+/7Dx4re+bCGsN/Z//Cf/jdCeLlObT9SLoyEJoXX1ET+9P5HZdVD38ha4/n5oJuXl8cSc+GcKSm0RUQpFefMrSsQKc4Llbu7g9Dq5Xxx1ytlz7m63/XHcXj/00cjpXeB5VLnyqTI0V2u8Yp4a2xKvusaSmxbqdzdHYKP1/Pl9av7XEKOqzXS+RmIurZTnEXnS1V926zruuvadVml5FCjtty7NTPeDV2upI1Y3QqAbdfViFLIsjofF46coEolpvnm3Gq0yUSMMyCxxoiIlaEUKviohKYKY9uVmLtmrCXH4EOsu8FO03Xc7TGXWgkRBAITwodgtJYM4rooLkpKa5m6vnHOVSo1JokIpQAl5+J+3IdMPlLObF1cqVyjupwu3Ugp5OePH97cH8ZGv7nfl7T2XZuTzxSVBi4UAKQKECOP+a4ZQqkZYHKraK2L7k/fv8xRFOLLmg/HN6SxUEWKNRXOkXKKwQNseQ6MM+AMhZIxplwLMBQotqaxaZrtGGxzlE3uJhn/4vPPbrebVrJsd78UpRapVMmZS+5jBI+AaJuGiJZ1bZtmcwhsJT0gMsGlNrVW7wPwIgTnjHZdo5Qif+uGZn/cCaMbKZWQWCu3jWaMpRSM0UKo6+WmpLjersMwpJRSysYaAORS/PTTT5t66HI573d7KYWQSgppbLuGaJrGh4hcvnnz1oo0zXMB3N/f1wopJJeLS0kLeZunNw97CdTVupzO90rl2xQBcwVpG26skCLnAFLkUopgKQQGRQo+T1c2g2a8EbJQjalMt4tSdje2VCoH5RcPBBRpECbHXKnsjsM11Q8/PH386VlqZRuL6LVRx1efz2Fp28b5m0Rm2tY5P62+VrDG0pIqS0bI7PyubQDx5fQkpTBWcs5TClIaQuy6/un0DJ4t63IY91xxvy6NaSBXpeWyLFprxplUQggpBPchCM5LKq3pGLkcMiIT2ozdsExOGZ2rkGa8rWs3HE/X289I3cAYs0Jsi5e2a1NJRhmsNM3zAjAMw+V6VY1Wysach+Pxz+fvruGl6XZr5i7kZU1M99dlYSBuk2PFf3bcvb4/SM6W9dpZPYVbo5WSqmyYmZSlNvPq4+LI5W63X/xqCIxgnWpA6evVKdP88P7DP/3pm1iTtjKnWEpE4BGyELxpGkBgXCJjeUsMIOIA9LOlaQO8cc6fnp62nnC32+33+9v1Grwbhp6Ifvzpx1ySAT2OQyp5k/zkWuFnRHn+lC7MCWBb3fJNEidEBUylSq1Tzo1RUBIUbrhcsq9ZBrcKqFUgGxorlZimi5RKMe4XZy0b+x4YuuRdirXW83zzOfmSMlCKPsa43+8J2erd/cPDy8v5cDxwwefFuXVp2g4A3DRVrMB523XeBRSMKVzjMrzqU3T929au+VUzTqfzG9PXGAAlcu5TyiGVVItAVEiMnHOCM9Ho6L0QchvUaKMqQcgkjA3eM4BmGNfZdUZL6c/PJ6NkVbwi1UqP5ydENFaXUijnsMyXlJAx1Sgh2DjuVnflklWiDJpLHmKIsaZUbKNSSpzL1QWttTVdTCHGfDyOOdd1TblE1ZjD8b4SlQrOBw6MMZkLIRWsubWaM1Zq1UJN82THHQnkDInx1S9cCs6ACxFSmNdFSJkLFoqCmxhLriSljikJIdpuWJZlXtx+v7/e5uPxfp7O3q3vf3i/MdAvLihjgZmKGEv4b999IGEvt3n6+K3SzeUy1Ur3d3dRW8EQam0E3N/fj2MX/LoGnwlba2e/Ui1KycpZQoqVLt6hkinVaZ4IYdcPsUStzN+9OvqUn863Z2Q+ZqX04lxrjezb6/WWKzBtT3OQUrYtD84VggLIEKAWxTmR2FQFl8tlo61ttsaU0m2amsbepmn+8GEchlrJaDMM/fV6e/XwsK5rjHELekkpbUnVv4Q2bCPRrRXmIAVjmQhq7dq20aJGv8WFHLvh12/eaKnxX/3VX2ujus5WyqUk51zJuR+GGHPTtJf5lpCsMdM0dV23bRY2k1etFQGsYLWUvu+JwDk/jkPTtH/+85/brgcA51Yt1QYGLLUMXaMROsHrOvVKzOfnJhlWUApWU7BWpxQrQEHuc3Ex6cZIDVAJGVqjiWpOafthLpfL4bAXUjjnU61N2yltYkhUwS9huU41FS2lbniIoTFGK7lMc9c0VItf17oh7VNGKRCBCUaMhnFAjjHHbuiV0sPQx9lpKQngejlLJQHhsN+dTi8by79WtLbzIVQEroTzXmntl9UqjQTrvEhWG2tLyTGm7aIyxsQtI5lzAtJNs65OSmmMXZ0PKUkhuRCrc4fjkREs87wFJG7ZPJtFext39F0rsf7w0/ucim07xmVFzpTxMWWC623KQsw+rMt6uU5SKsFFCnk3jt57a2xn7UPLpeClFsZAaVFKZgyU5lzwkvNlXmOh4GMIhaHkTGqtqFTGkTEkKkZoYCJUerlNHvDpcmVaPbx+5YL7w7/88ToHbkao5bDfAYB367JMQHWDzg7DsPjw8zgINrpJSmlDLnjvgcgvizZ6t9s9fnzUWreNHYdBCPn89Jxz2lLktyp/4+ByzitVJVVKqdQKRG3bKW1SyUTUGJv8gjV99dnbw24cIfGwWtMI27bTdCuUAYtUouk6ALpcrq9evfYuEEDNZTeOwXuGSLW2Tfsz0ybVStKatusXF3bjMM/zN9/8pWmskFwKaqwtNfZ3h9vlWmNkMRuf+LLeD0ObhJgc8/xZ8ZVX5IRSOlZQilRryJlpbfsGqNa8WNtwxoRAjrIwQATEuhtbo7mPMefUtI0x6nq9Hg7HZV6FYIjQNIYq2caMuyE4Z6wpOUkt1yWYxiCRELwCm7yrlW7TLKQ4neZCVUiOGH+8fTRGH/tRKSUEZ0IZ2wLV0/nW9TvOWQjhdLqEQMqay/Xa78ZSgYBJZZkQ6zQzLhivXMrFuRBCIWqaJtWiGsuUSjEqrVOpTEjgIhPYvmch+eC6blBtN6+rYpJJc7lcrTGpgCzw8eOHnEvf9/v97nSdUnSyGfyyXmMRSkqjn59PW04ZVHpxN9P1qml6gq6xVhnvvJK6MVpro6UscbKqM0qlFBSKJXom+LyubWOXZXYp+gJudYLrtmvc4jIiIwRAKIRANS2rD7ofhkZrYrVk2TWHsdP2zs2X5rJel8wlZ1BSShxJyU8c0pJx9UFwnkv5RcazrbQ2ji9j7HR6sVqllK7XqzHaKG2V7mz74f37sKz393dPt1sBkIpLIXNMYz/M88yRSS5SiJLxlKJzawip7drVrZAro2QkO7+cWmN8dTvNUljFZZ1STUM7XG8n0agqcF3d/bvXj0+nvh9klRCBETCCw7j74Ycf+90hBH+dFilF37QxBx5DqXn1rt/1lbIUPIagpLjdLki1uFnUpJSMPry7u8vscv34NPb96/Gg2uyhxBiEQMLcD93qneC8Qe7WWAm1VP3WIXGeYuCcAQMhOANAIbxbheBKgMCqGBnFgputktW5465NPlrTcMGxVu8cAjWtTSkO+x1B4YxfzidltGYKCLu+z5kIIKUUgo+zw1hjcqcIuWQh+OFw+PjxL13Xt52d5iXFaBu7P9ydLxOvIJXxIcWUV3cdui7lKqTej7uXlw+zTxn5w7vPOeOllNPp1Ck7ubVpGp8LclGo5kQuhKYVwKRQbPEphFhK5Zat60LIgAslpGlaoe3Dm4N3DphYfLzOUVsG3BbE59vcFLysvuaSY+rbtjWm5Lgb+hYrp/p61+Ku41w8P58QSlzWodHLfBOMlVxqTAKQE6DL03RWUlhUjLOmtYgcC/aqCTFIrSRnnGOtWSBq4Cl7aVsiHMbm+Xzxfh7G4X/6t3//8nL+8f1z8GGa5+hnQEEpEiCXsjIRc2G1SiFut9sn2nbOm4h/26gKISoAA/De73f7sK6daRgyq83Y9UPbgVSJ6u169d53bRtjVFIiQIpRK1VrzYCUa2G55FJzKYB939QUNpbjYb+v7oqI+Lt/+PsQA0DZ7fvr7TwOw+YFk9IIISHE08enN2/eTNPN2uYTxux6q7XmlFa3khKMASIMXdc1TYoeiQRnt9tFKtkb6y+33/3VX728nN3qIGVVKyzuoOXeGEWUdfN0Pu/2I7DKBSJjyFAwaVSzTGvbNxHX2/W6GwbvHOcMgFIIQFVpzZCNQ3s+n/aH4/Pp1Ha991GgCC6wijnkw35/upxvtxsyFlP44qsvU06ElRC44LWWZZ2REIHvxmMKVTCZQgTKWola4/PzEzTtdksB0LLMW/Lu8Xhc5imXbEyjVVeRGGcoREwxxsiRpRiNVHeHY8h+dU5rtVmHQ/BbYKZbHRe873oElnMyppmXxTQ25bos62a9HcedX25t0xDAVvNsK8yh77/59tu2bW/zqtrjdZ7Gw/50u+RaGGJJWRAxQMj11bs3LngBdbRSAAkEyfg0r1sGKxcKoQCiQEal9LYpIW12iOyjUXImilykWCqBbVoCmucFOWmjQlyM0bk6QkZCxoqRMJSaqG6CCIawH3eU8+p9zPWb73+8zMG03XX2BVklRgBaYv453ZFzXmrZsm02Am4IHhG6tg3Otcb++le/ij7eLpf9MEoh1mmeoUpjYghbWNH5Zw6DMaZSzSmHGJCxlGvTtkSkhGCUWyMVgpT8s4MeGi6ZEIhVa3E5T2PX3e8e+q57eXwSxCCmwsrQNYsSVDLVyhg4Fw6H/dPLS9/3j49P3TDKbfkMNcUcZFrWVSstldLKMsAfv/tx1+gPP/6w3429bpbbdb8bG3P35z/+oXaopPDPT9KKyZ3vHx7mZWnbxoe4Qj7HdQ2Rp8kyi9g+XyLn0myocYE5J8YlMjzf5nUNyKZcAJlgrLa2jXOoMeXZPU4LtooLNNaQqzElAmq7odSaa8kpCt40Vq/LQpSQV6V5rblWKESI6t1nv3YCnVsRaVlutrel5OKrixmEhVpua+pE8t5ba6sPKUUqlIk4Y4Xy6fklBs8Y9zdHAIwLH4JtmhiykF0lus2RSo0xInNGabfeGtv4ySGBUury/ikzhgyiT6XExjYbn/T89HQ+ubQCanlLa8JyuZ0FgALGKhltowsPh0NrmjX7vu+W+ZpiRCkAkXMhmzYSDyHXQqkUIYTqbYwhaZ5ZUVIsKYpWeQaAcr6taBiiuJVVa11kVZxTTYrh0Nhb1i+nszFcGQklCcUSckIxOY/anD88Wa7GcRSc/u7v/+3zy+n9x8eabsiQEUllciTBhZIqxRh9RCBUTEqRS8olVyocRc5l3O054IfHpxSiEiKUopt2Ted+7JGz2+Vcampae/dwN91u3ntVBFaSQMixAiJHa5QLgRhNixOGF6RY69VLo3vGFP7d//j3MUbvXN/2iAAAy7w01jZNY7ThjC6XF6U1ATHGYkyHw/H7H37wIXRdzznrpQoxZKrd2J9vl7u74zpPYfWcKMeINf/rv/3N2LWnp2cruJEixfDwcPjmu29tY1z0R2hZqimlkisXYkvOcCkSRxBymlcFzbLMBFVr6fwyjh0XPASHSNbafdNKxDUEJvjmprPKLJebZlIyPt8m1DKlBAz7vhdSSKVQ8Fwy317Y7HmNuNmSqFprz6cLF6pkIGK73eG//PGbtmsQ6rJMQgDnDIEDMSVtLVSo2M4yxA8/vf/ss8+u50sKsZacQgIAJaWUsmlaAtgYRz5FZWwh8iGszhutFOecs5QS1CqFDN7vd/vnx0etlJAyIZPGUoV1ibXU3Tiu82KtzikwjqbV57o2xkKlEhPlorlUjNecsYLW2sfQdo3z66Y0BiDvI1VkTK5LQETOWM6JcdztBm3EvExaq1pT01rv15CqVM00z+fzVDLd378Ky0Ip7oeelSw4W3ELg4lSMeQMBCcpriE9XSbiMuZaKyqtELHr+rbviCiX+uNPP4UQvv/hx4KyFCq5dF2bUoRKMcXt/g4xAGKtJBjXWnPE6OPd4dB1nVYKt1Rahk/PT6lm4ht9Xl4vlxyTEtIqnVMkTqWCj7HpRy6E904I1rdGIDi3/PUXDwZTTVlQSBKZtI0SYl7mlHPb91LKjHRapi8/fye1+Pa77/b7w3S9tl3nvVdSaCURwWhVS2lbG3PiQIe+99Ot06auLnjXmmY3jI2i+fqy60xa3LjbYdNRIEHKT2ldw+eHnVas3R1rIcHF5XrlSn18fnYxWqk4L8R4c9jVkr1fTdeVmIJzBLUSuZTL4nIqharSGhkv9epW9+rhtacsiao2d/dvUoqAREAgGbeGC5b9wpRgjJlUTK1M8lyTsU0sWWocdx0Rn1d/mp72+9F5l3Pc7/c5xa5tBePr6r0LtRBjjFyYnBtMc3l8FlxIpRGNR4eIOSWlm5fLrWma1Yct56vGnEqxTcukZkCNEptoCmrtuo4zFoJvuxYIiEgoFIJiSMYwJN42MriCkGwjgQrWeK+NUYpzvtBSOTbWQiWqXEoZQ7jv9suyWCERQTK+ro7lUgpwITEXKWT1QTFWS3HnW9ECam5Nu8bEeBWRSSaM0C5ce6bM2FomgRBAlMUhkDTGyvIJglIZYyi4fDlfe2vNMOZK52V1AMktQqrgFqqZS/Xm3btxN07L8vhyWkMeD8PT0xNKpAqVKteKEDlywQQRCQ5AkDdKIUClervdYoqSi1evXnkXkLPGNu0wvJxPi3OVgIi44E3bhshPy5ULafpuWhYlJWfMKsUraMm1bXOIpHhje/y//J//T/O8bMyzmLOyxnnPlTzeHf/yl78MXScRSy1bstXQ9znHWopzTmvlnduNvVaq5NS2bfLher0gVcEw+vDmzduhE8k9ceBYaN/vO9MutzmncpvnSliIdil3QtRcOBPBBQLaHQ4oxBp8SJlwy66FUkqKQQieS0LGco5bXDEQhRi1MZXIGLs4F2Maxt3pfP7s3WeEDM0AAD6u3q1Ky7Y1l+tLKSmlMK/L37x+l85nrkSuCQXb3x8fn19CKqkA46oQJQIhBEPs2m6ZpqHr12mqpTLEGJNRGgiIak5ZKRW8J6Cccgjh9evXKSVfARmrAN5HFDzELLXaKLNCCiV4p+WmYdRSAoDR2q1OIGOMOed4I4SU0zQrbqJPjHPBWU4RsbSNnedbKzXjXBsTgo8p7Y8HzkWtxfsASP1wXJwvJTaNyTnFlEout9uilKXKci68pFqKkBKgbgFT1m4KzSQ474f+crnepnmanW06pQzVwoFKDI0WSMQaBQiIuHonlJFK+hiB81zBWONTjcTmZWZCriGopnEptf2QK7RD/8233/zxT9+6kISWxhofAhFyxjhyybh3DgGMUQAYgkfGhBCbE71r2m3v3rUt5zyWrK0tVJ+en4XgWEEgC6tDwSIrjAvOBUOxLqsS4jD0cZ0Hq4/7ncK1tey4P4jr7VZqkVqv6zoty9txsE3z8fHjh/dRCjlNkxSysbbpLENEhtGHfuj+5q//yq1LTqkfuxjChx9/lEDX6wW800pJZLvdqJAgJVkhejfYbte0T++fcsy1EC+ghJidyyXptr2sF6vYfjdezpfzy4lxHnO+f/3mcjln5xGRM8RaMRfJWPRBI3TS5pQLFKu1X50WEvOqQhysRR/3XNXb1AxDgOqcYwxqTqnmx+vpdj0rJUL01lq3JCt2laqSKJXEYh+OX86r8yHHWFMpqEPOmXHpVie58ounAoJxJDKCSYYpZM5YRVRCVlmRIePpcHc3jINzrs7L5XpNqQglSwZEXnOSiAWJIyHR1hNba5Goa9taqludEGLD3cQYEYAjqyVLKb3zwijJeUopeN8Yq1FywaMPDFnfdkgoGAu5tE1bqZJkCNJNK1Ke1rlt24IERvpaGWOBssDKtVhS4JxJoaQ1pPWyLkBAuZzev28aUzhWJbJAFx0CGa24EZ6BkioU3w/jvKxrqbLW8+VGBJxzhtC1TSdAcv2ma59OZ62Uc05UuD4+rTEmf/f6+JBv68vpdHW+QKUKwFnOJdaEyiBywbDRmnPBiPpxGMfhL99+i4iTWxhjVOvleiEA5Py6zNJoxjlsHyhDJjkBWaOXNQBhAZJStE27rut+6FurldEsCqwquQZ/93f/atPKbbs0rfXQD4+PH/MWxW4sSBFDUIIj1aFronevXz14t1itOOPdvtsNg5/m//qf/vPONpSzUcpaKyQPKTZajAqRYDpfBYrio1Y6p5xy0cbmUhTlTpsUQvTx66++/u6bb5XWPgRiSMAJSimplKKVoi1oJBchhbVNipEqcAsVMuUqUWwKTSKY50Ua40PQTbMIAURt0zw9PW7UYM6QIUopcsz7flRcaCNjCt67u4eHlHLONSUSUgsun+mllspRxpA63SYfoRSshTMQHKhCrhhCqFSV1lyKfujPl+vbd28/fvxYiWr0NZdSSSo1r65QVdogF7kWH7wxNqdSa2WId8ejc26Zl80zJqWkStf12jRtCBkIldDeeSF4TlFJrrQAqlIoa+379+83mXuIMXjfdl3OGQEqZyGnrrXOr1tuMedCcHW5TIgCCIxizjnvHSIbxpEhzzkRAeci5yQYNY3KhRYXyid8Q2WIkoNggEBaiRgTMTHNzjR9zgVrFchqjq3RDKrVWtsmEq2pRMDLugaCysXifb/b25CQ4dN0/eOPP95SIsljKpwJhrzRDaPKKQmpuq7d8Kk/vP/JWAOIlWoupaYCBKZtQk4hxk9++Zy11J1tGIMYfa40LyvBljaDRknBqGu01WoQwEu63x9Ftx+FENX5TWqGiG5ZOts+PT7e39/PzhOHT1DSkp3z63z77O1rjmi0/uYvfxnDGN1yeXquORulFucqQyoiloicccISas0FCkrBCKCmDKUyqEipphgRpuSNVpTLeb41Qxdzltb4FLkQxHkEMKaPIbRdF2OOzgeqTPOIPOfSdIKAJGoJjKEgD0hohWVC8IbP69raIaaU3a3XopaqRJNCTDEqxqw0jJfMUs2uQlYNAjopoLX6dp2hZMGN1gqAUQIkJoTc3Y2304lD5UhAWRhtu93zy3NMkRBLrd9+/+PD6/s/fvOXYRjCuvIYjFKl1lLiF+9eNV3POB/G3fsPHwjhz3/5thDbog5P53PJWXLRtO3tfF6WFYB0YwRXgWrJtUBlyFMsWmlA8i5orScfby5wZU/Xue+6lIgLkxNRRa21ABAxCkg2V0Csq6sEJM0OVQi5lMoK6EySqRQLLklIolSUMpSo+mI1h8kxYB2ThYCIeR85Q6OFREa1sCUa5MBFTHxkDTMiOd8ZFZa5zkEqBuRX56W1u6arUr1+9ea8rC+3m5HqfL4OXHZ91716O01znSYweoJ1v787PZ+dd5xqoxhRDtGHFAhIaxmC22rIru9YYc751bl+HEqtiBi8H8dx7AcoFYmSWynmRumQCyFWopgTSRZK1txwiVqQkExoLjlj4+H4+P79z2FSxafADfe0ikYSQk71ej1bpefgxr6Zrtd1mYFqP/RtFO//6TviOIy7a/DYyMjQu5tRUjPBl9w9B9maxGTItVSmWwsMYghUiAHTyiitSy5VSJdrBSyMh00ZUosQslONQqGgqrWU2TVAIHh1AQWAZDVRq0yO0bQmh2CsYsCm+cYrlAKC6VxLTrkx1ipdS00xtX3jA0+lEKeSqxByniZtjbVmiZwhxlw418s0C8Zb0azr0jWGS9kYqRVBgBQLBwTgTW+v/pKqs7YJLhnTaNWusyuZZueAYxFKKA2Uvvr8jdE8RB9jAIRXb6xp2gLh+Smv62J0V3I2ps0pxQAxcyIOAGVJMdXFOSFEKoVxRpy4xhAiATDOKSSldMn5/u6uVlpXhwyFFLFUKplC5IhSilSiUNy5yKRMjFJOwugUE6WZC5lKTQwEQy5VygkhcUbGIgGVAkIJELzmjKwYLiTj0TmoTEq5ZtJaMKDWCM2Tc7ecomOqsiI7ToxVxFKJar2dnglRmeu8LpbzfdMeB/v96fzd9Wl3f//1X/1GffgYK9irOj+dVGVYoSDMOSqEhOi9H/pOCHm7TVbrVsqGCxACgSTn7968fnz8EENMgguA88sJkGtjXCbggm2xp4iITAgWY0TFoitVkbRkehIMkLYlPqLReuvkUoqMM+dd08iXl7Ng+Orh9XS59ENfqRaAcb+/Xq+H4z7fnJDCGO3dagXHRKqmlomORFOlzLXrWlczIKLgjCBRySkLITjbcPh2XZ0QvNZaqCBDhtiPgxD8er0KwYmg5mp1U3yMLiitEFjwsTuOVQrFioAKKGquDJjgvBbS2nyK6uI8l5JSroqUVQgIAIwzSsg5R873++PLy1nZphBV5KppGEIJIQQ/7kfBeRWcG7Vm//bNfd+1SonzegXGuNSNbad54lCP4xBDDbUqKYEL4Hh4fZcoPZ1e7u4fcgxWd4yLabq1jRUNm26Tsvb5xx++ePfG0PP1FhkyJW3OhfO25JrXFGNEhAqSMijGSikMQSoxL0vXNlp1Qgi3Lm2rUkqMU06uUlUKuRDGSKmZEEIN3fV8LliFUYXK7uHIhJwmR5hJMgQuRetDlLahVFDJSNkOrdU8BXfY7y7niYNxwbFKKBkiCeAcWCm5NV1wPlQmDAsxSs4zgDKaGFWgWFPJtOV+EREEYJwjZ7f5RkRSCr/Otdbd0ACjdTpLLV/dH1IlrdXxePjhh/cl5xiy5AqAhRCV1NO0EBFDts6Oc57CjRCbxgLQ5Xzq2zZJyZV+//HJNt3ptgDj2loikkqFZQGgjayspJJctrZVEqhGBCtyyX3fv//pPdZSSokp+eCV1W6ZlZFuWQ1XBKSEbvseOOu7IXjnvG+sjTFbRhJJ5LTjwgITBUTIo5ADcRUranFmiQSSZIUhIHIlOUnIxSrtlhUBGNC6LER0Or0cj0djdK3VB990jVJ6Xl3KBSoa2/R7zDkT33JCc/Yp82oVk4JTBSVkKZRitrYNcSZEKSSJAgy1NbZt59skhBBKqlpzzeNuR0iTm7ngSindKhS4LjMjKlBCDi6UmTMhOLHKJMuQbuczCGyaIfo4B8eRWWXX2cXFN8bMt4lr1e6HyuBwPEbM8eZaYxHKx58+3h338+Sl4lJbJNE3I2dwt5etad+//8BlgxwOh8M8r3BvqGoAKtDlDPM8aWNqKcBwOBxM05yvF6yyNQqSs41gyJTeFDU6paQV67qeANY1vvnirferbkwuWWgFjOm2OV+mEItqtUwmlDlXBMFBcNuavtVDb3JcgfLD568KiffvfzLGhBD6pg3OC2IcePaZEmUgoUwFxgS/OodEpWQlRCasuVbGuNEvzy/jbpxWZ62pSLa1XIjoXIGsKo2SFS78ckmOg1J3xyGUeny1//0//Uueihay1GqUEVJy4IyxFCMRVELOmG20UqKWrLV267zb7Z9fzhuw8Hg8uNVt9pecEjJMMRmtay2cCwKYl5nWsrOKP7TilxDJtm2vl8s8z33fOefevnsXkosuMyW4FDEGAGi7xlq9H7qwLqfHx/0wwu3W5Gy1FoCaIRNoTCc4X1NJjGVMQVTgnGl+fHVn2+5Pf/qTUSrHSCX3TVNSwUoCsRJZa4iqsabUIrQsOaeSY6kxBNZIyikzIMFSKdoapgSv1CiGJXJgJaVKknPGGLveZml0dMGnFFMsVBe3dm2bSt50Js67YTdOy+K9H/oGGWv7lqik7JflpqU0Rhqp3LoelQaoXd8x5zBz5oPONbmJIxdCOR8Yl8bYZQ4lZcFZjN6au8IqUGobVVLdDV0KvlGyMU3iEhnkXHNOQolS6hQjMfbwxeelVBfC8zJLYw6HvVKSAOeThwKCkdEaKoUYvv71r1/O51piKmXcD7fL0nWaMzYMw7IsXdP61dValQLBedvsXK5cdcrIkAKXIuby7vN3Ln3z08dvH+5f5VqR8ZQiSo4chWBcYaYsNDdS3NaYCPrDbp5maY20Rkl9fnyWStdUGRNY68vzS9M1kgufM1GVgvsYKaeuaRNirPDZV7+6XM5CSWXN5thEBl1n12WRuXCgyrCE4HJWYpinE0otuf2rf/X1y9NpPfvz9SKQUS5Wm1xKqISMhxRFFTxlKZhS6uXlxWgVQmjbhhjPhMuyxJhqyfM8G2NSiEJwZKymyBiTUrp10YwnJL9EsZnNuq5jVGutn3/++fly6vt+N47vH9dS0n43+BSTj8aqnHzltE5XCHHPBZumNqehbahW731C4EqyvrumwBpZgbRUvJZUs+4NSCY0/+1vv35+/9E7b4WwUj1eXwTjFVFbE0Loum5Zl5jSuBtzyaa1uu8Yol8d1SoKhuCbpqlUjZK5FC1FBYJSqVCibIxxLrT9cJudVIYQp3lCQB/84/MTA3x5OU3L3I29bdvb42PftyUHQEQqCLDrR40Q1jUHtwZnhGxq5oypGBtpc4j1NlPKjJAqk4ajNAlgcatUKviw5fheT8/jcSdK8bfroW3bjpNpWEW3OimkVPJ8Owstc3K1Sk98vz+knP26ml1XSgXOzLhzISAyX25pcVyylLwWknI6vzwRglRCawOc3r19I5XKKZWS+67lgFJwt3jd2JqzT4uybQhh7Mc1IgBKxRFK8EvTqGW+HmVvtCiUueQxuIkiVR0Vq9kfdkPOZLr27v5wvd4QkAqkGnwpjJAhE0qY7F0I4/AglIg1KKly9AUrF0pzJMIIbFl934+PH9/XnLeM++h9zqmzhpZAyOYYrVIRQDCGjN+WWXAJiI2S95+Ngte266Z5CSlrIQiMC8kaG1PcEgNqLbvdruT4cjp1Xc8YC6t3zjPGd7vd5k0vJTeN5Zznn9m1APDZu7eGasmJcc5TjBugYuOjWNuMw/jh40fG2Ju3rytFxtJu3xjDsPj59MjCqoLvUtLz8tnbV5xDzoFy5EC81nWaoBTBWPB+dzj0h3F/d2y69i/ffpNzFpz/m7/9207rVqg8O8lYin439N6tUgnvlra146530VVGXHFteShu/2r36vOH8WHMrLg0H+9HY4WSEJxjxEquQCi5WJYVEKd5zZUIWSylAjRt23SdUgoQxv1uw6zmUghh6DvNGKuF17prW0ixxmAE640WRJozrXk/WtNIYEUZ0QwN16JANX07BS8aY8c+AfgSpVFCcC1EmCbDQOS8N6ZtmdGwG621gmpsGv3h/Y+NVSW7XHyt4X7sBaXOiMPQaA5K4m5ooUbBqBZvOisaAxwISEqulFBaEtYMmRnBtHAx2KYxxpZStFTzNEvGlBDZBw6oBOdIVsscghWixBCWdejscRy04A+H3XJ7ouoPY/P6/mAEt0JioeN4NMIml+92h76x49A/PNxfr7eQIkrBtDotk+i7pWQreat5CfP93fi733z1cL/7/N2rX3/52XFoKa69tclnv7jlNre6oVS1EJzACNFb00jJEIdhbJqWKkgmsUANSZNYz7e6xsFYKcpvv/7suG/vDn0M827XKcWbViOrlUqIfkvxenp6mueZar1erxvX0Gjjvbter1t8Rtd367puKe4hhHEcEHCeziktpbhPQQONtTmnDffZtW2pJadUSzVGzutFSSY5TecXxcgwfLPfmZyanL8+HpiAl8uLlEJrZbhohWqAH4QegT8oW25TO3TjfvfrX3/dKP38/v2+7d31djceBGCj1DAMTdtyLXVjuVau5EQVpawElSDEcJ0vyoh5ub199/p0eRp2zbBrc/YlOY6FAXDOGEMhBAGklNfVrW4lKlxw571tW2RsGAYmuFAy5rg/7hlD59Zh6KEWI3mjFaNaS/pkxvUeqTZWHQ870szV+LJeH6fTOcz2MHQPx/HtA+v0+OYOGykarRrNlWCcCc6GtqWUH3/8aTqfD11POSzz+eXlQylBCLYut3fvXkEtbWMFY8kt6G8szMxPBvLe8tdj02BWFH715vj20L15cyckQwEVK3Dc1FbCKKGE0JIJVFIhABBZYzjjr+4fgg+v7l8xZEBghMSUSog1xevpLBnXQrAKn7999/bhVXTuuOsPY0c1KcFqSYKzu/2Rcr3b3zeqFYg5+KeffvrH//gfH58+CMEJcH88KmvXGEAwwXDsuxLD44f3x+OeCxSSGSvvDrveGIWgpWysVVKN48iQWaVH296Nu8E2vTG2aVKpVBEqSi5LypBJcSmBXZ5ONWUX1/P1hEiMw0a3H4aWM8gl9n3DGcMKJRdrG2NbZAwZR8YJQErRNE3Jn3IGaqnGmLZtGeNN08SUhnEMcVUSdmMjuqbRSkItymgwMnof0hqi50TV+2UWw77lKb8yozUxTIuVApf11w93jY825fnqxyzEWiSTwDnjEgWQpMzcZ796VRkmQVaz9Xb+n/7N3/3x93+4/vQ+Lk4gM1ZXKV1aqdBcAt/Z90/PxHj1ZieVX9LD7jgvM/QmJYKcn3/86c42NaWSMsRqTZNrLSpHXkSv1mkSBKrVujN0mxYXj31TqCSlEGlKUbfq9X58/PDeKLbbGY6cMRbdSQoqqYJQl3kqBMj5fmg5Vijp4/zUKyuVqkLa1roQpulmmmYNCxHUUlDqrm96p1rJws2FJcaUNfK4xnldiYnXvUg+2K6L0YW0aNMSZzHVNAejLcvkwTMhGKdCUTetqBk55yjf//SRGA6qSdPFmJbvmhDyOAxQ8en5oozOU9RKSIbz6YIEKabjm13w4eHhTcpZNm2IEZw/7HYfnp8DUdP1D6/f/PMf/4UqKznf7fcUkwrZGluoEqRXb4+EUETOOSWHfdsOw5AvF9sYhPL3/+Zvr7dZS9VItet1mBaj9OrTzrZ5devN/fDD++7u6IMPKbVGjHa8xcR4jMBQyUwJpaRMjVVK8clNaworFbcGXkHGzCUjzmzX+lp3ww5ccpN7D6k3FouIEQUIypWl0jDQY7t618o9EAs15iwqk3NCpXXOOQUvueiMDFA55zlVn1LTtsvilRK5Jp9xze6NZFZrHyLz6/zx/U9E5e6wN0qVkkLcciCx6/p1cawQZnj6+HS9XJXR/X734/Pj4+2y1jzXzKXU1uZaTWNWt+SahRJc8m7oK9Xo3dFqVlIpkRvx8OU7x+s1eWZMyoTAzZTvPR9v6S2Zv92//m23+7obOhe/3o3GLW8by5PrJdtZdX78qQTHAUrOXIhUaiZAxp33ACik0No452OMjHEh1TzPd3d3JWUohQGjQinGWmqplSrWSrWCBs09NmRgzh0aU4ROzJL2L+tOjYYMML26XCoX3EpuJRh/C+SIBTRkaM3udOulFRWwkJK65FIrpFwZ59O0LGsolS0+Tqsz/SC6NiBi24ixd4zISKHU4lwsWWh5m69CCuSojeICa83PLy/7w2FjSymlGGCYFgjJn2/MR3+5plRCyChkN+6Ic1Ty8XraPRx393cJarsbMlC/HytjTMnH04tqTKQSa5GtldYMTbMfBiPEfhyHtgOiEMJtWfr9nmnlU5JKO++bpuXIBTLGsLHWaGW7pm2t1KrUysQ2IEHvViKa5jmk2I1jTqmVsngPtTLOTGMOr16JtnEloVGO6u54MEanGIXgbWsRYXVLTimGcHc8DLa5N60IyZ8uGnC07avjcWibvuusNn3bScFKjpujcp4nIqiVnPe327wuKwIrJW/BkrmWaZ42K2/OxS2zNbpvhvXmNVrWt5YhWSVT9CkF2OiTiNoYJjjlgonSGqLziKwdhm9++oGMegnrBOVG6bTM0hrbtwmKbCRXqIxUWu12O8b5ru/z9eKvF6pprf745Zu7rz4b3jy8zFMstRQQXXeK/lrjVJO+G/jOrjKJB3vVzo1048vr3vQSwM8Gq2aQguu7rhKEXICJELNbffARgVWCtu1SzDHmWurz8+nl5US5CORQKiNYFyeFDD4aYwGF97FWbtVYI1PMQgIKZLlZLuvQHD788BI9Lq4UUDHiD98/rVPODlQ1sACsiAu2ZMNpTpNvhN11Yy1gTEOMl0JEPKQcMnDduETcdB7Y+Oo1Wf39+SUZWTt7yfH1Z5/v7u7uX7/ZHe/eff45MYgp+OSQwTB2wJg0VhlTC9VUzh8fec664qt+4C7IRMsSh/1dKijbzlVSw8Cb5qenpzXFWEvMeXLLcNh3u2HxLlE1bXu6XlIti1sBwQie1tVwnlcHpSouOOOVcE1p8xMD50pb78IP3/2weUcYwjD0TCAIhkpskO0Qwu16JaKNCFgquRjuD4eW0HLeKhWDB84uy1QFa++OSXLeNj7FfuzvHu6Q4zTd3LrGGL1bg1934/ibz7747f7wSumjUiqXQatGSYpJAErGG20Y1sNhLMkDZc6AamYMtZRayBjS7XqrAC4EQuj7bhgGIaRSimqNIVIuTTvc1nJbsyjBPRx21/OLc2s/jkZ/irwVQpRac8xSWc7EvLq3795O0wJMgBCmMSBUqlVKlWvNNTOOtjfaqn5spJJAZJtOMyAqhWGp5ccff7iv9a9/97eDaf8ff/jz7v6tvy0OCwytX28AiWqERikrL26pFvthSNOyV5333gwDR/7x8dEay5jgCqSwLgTnwzwvSsrjflynSWsNgFsSj1KMKtQYruvs3CIlkxKVENM0KaEYk0JIDphjAtw4rWy/35/XdaM7KqUus8uXyBA5ohLy/DJhqb1tkCB4X0ISjU6YjbZuCSlVrew6LVyLVGrNhLXMcyrFMaOQhLINMcl1Uxm/LOvhcPz4/uP/6+k/j7vRZfgFadgPO6nky+nldDp13d67nMsVSi4pc2AVmORguWgbWxibtf7wdCKAyK6fffF5RVhcUIJ7FwSK88tp7HvBuFuWUunuYfzDn/7l7u7h5fTy6v51YKvhnBBMYypD1TRrSn/+/ruY4svpskdupNwyVO6O99fLRTD2/qefxmFUUjatCTGqxpaYoKa+72suAjljrB8GFYvzFwypRR6YiDFByfMyB2T73a4ASm1dzlyhAKaFQmQ/Pj4pJXzKgJhDePzw3ikjGR2Uui6LFAylvK2r5KIx+jpPnItYwvVy0kq6FI2SBOSXOYTUGFtijjEC8lJLCaGU2ne9d66kwBhxZMn5b58ea6oSQTwcxsvlAiVarZCqFLwQISABy6W0puUVgk/3hztKdZ2dFKIxjURaF9cx7lNqh64RDRNAVJARlzju+1qp1JoqrCmHGFmuAzc2owzxdd/fjx1nRVqEW8XVV19GzeF5zbX4mhCo6+z1u++J6j/hSSvVGO29CyFaVBzK4mPbm4/PzzUXo61zoY6wLp4qOhd8yv1wmOZT07SSMalUazRjVEoUQpi7xq2hZCoFUUsUAolKjqmk58vzFuQapqqbNqV0aJv5duu7PufqXGQA63Iaug6BFWQ1F97q5+ukVRMoTvPMuQi3RWqRVs8Yu6R6vSxV8HbX7yr70/Uvpml+/fnXzy/P7+5fv9nd/2//z//37f1Jqun1q4cW5TB2IQGX4u74yofw8ccXyVTfjqfnFw6MAYYYCtAVipaMG7uE8uP7Ry55efz4w4cP/+5/+B9+9+vfnT58uDw+Dk2bpUGfPn7zPUDlgO50EbG68y2cp4mEFSpAssosq9PGhmWttR763V9++L7vd3/+45/v7+8v59OXn3/x4/c/Ptzd+XnpbMsAkAOXPIecKlNCKGMQgEq5XS7jfjyfz7pA9n7PBObSMLZ6p7RJpVai2+V2PO4l8UbZl9vTvh2Q4Re/+lI09n//r/+tKsWVrjkDEwxqXCbi3CgRiXxYjRLEuFHKA08u7IZudmsqBRFyTjknhsgZ1lJb28Ycl+oIoFL9JBshAiItpVIGqYZam3FYahXrfJUcSfLrbQrBA+ev3rydl7USjbvd8nI6v5w/e/3ubtw/PT3VWN48vKLkq/dW6EPT3KAWhL5vpUKlWM5BNfLp5dHqVnC51lxtn/JkQYhYn3//J/Z4jjHU9RZZXr0Lvrg1dG03T9O8rjllYLwCIJ9yzhmgaF7zxIDujuPtchOTQy4K4LSGcRxv1+vQtkTFuXA6nQ6HQ60VkUmlcqnn8xUpCcGkktJILlRMSUqhtC0CrG0Z1pwCUtVGpeBrSarvpLKpEErlfMg5jvudX73kvB26FBNqVTiWUiPlGDNgLgxDCvvjcX06ZarERK3IYMPf85hTiTWm68ePL6nWcT/O87Ifh3+6/OdY6rB7LSVHhNkt0rD7+89Op2civiz+er2N/W65Lpxxa2zw8TRdBcdpmSOJvep98oHriqKUmiul6/y//t//10PTDkLJlPOasZaKEHNhRihtP/zpW6EUo3hnB/Bl2JvT9OJKUFzN69y3o+3a02U6DntesBF2N+5jSt98951R+nK+INXGGu/XhiwTzDTGOSi1MoCSS6aiSwnOSylz9qox8/NlRIG5aMYjAONCc6VAvPzwgUvBFbdGv3/88OXrz+Zlds6N47ASIRe1FiTiSLKRKIUrJYdYEYwWwScs9W7cvTw9McGkQGR89q4Cbpsyo230yTtfqCRWjdJUgADmadZac6w1F+L48Op4u63kg+l6UQsxIRhHJkTKZK32zkcfsKt+Wl4en950gxLy8eOHGMPdcY9A+/0+X291WWtGrtXil7Z/5cJkjIHKrFJx9VrrDx+e7t6+UWN/+OLLb/7pD6fTC4+phjKdb33TxpzX6J9K6l7tL6Vy1N2rnfex6zrBhfNOal1zrRmg5loS1XL38Nq7pQJSylBz8mtnVQyrEBI4f/PuM7e6aV5t087TrW8btzrJWS1ldWleqxA8hpBjbmznfER2GayhGNvGLslHvx4O++xi8GnxoRt3hrHZh1Sr5Cx6TwRaq6Hra6kxBqkExFAV97fFmjaX0vVtiplzNt0mKQUTfHah73vnHWQyXBsJdfLvdscYw260T5ebK+stBqCKSBjrv7/8+x9//P7h1cNtvvVjv+/SuzfvPn74WAGVNlyuVqoUvLVWW7vGdL1ec8mAILiQgkOt59M1AH+z22vbSV59WJgUyFhOsZOya5tpXozW3vvz+9XumlIrt7pinpd5INhLbZGBkjU6lYpY64gm+xC9e/36VS6xAq3LXBksbk1FN9pUpIqUU14+fPzqN18zxqfVeWAtEaakOYea52Vq256VQt7vmq5guS23hQc3r3/+05/ePLxGqveH/eN0m9YgUFTBHJVWcZSCIRRfkfFKFFLMde7b/u7V65f5XHIWUu/HYYmJCXW+XAWXgjM9dMu6SPgUJcYYL7VqqY3iCBWh5lQ0ws7q0Sih27vT5dz1Q7p5pnkuLKxJZKxzoAoi492rV8uy+PXGORXKKNo5TIKDaYf28EBxmf06uZULXNf52LTu8Wy5vr7MTHcvL7e/Oey//vLLTPX/9s2f/uar337z40d3dlJKl2MkvBtelZRSqrtDb4zaW5Vz4BB2O+X9JLQsFXVrblMkzlLOzTBIJYWUUknv/Pl2BlYabQqhUNZfVhR6WX0HlJNXjFSWUwqsNT7nu3Y8Dvt4W6xU9uHhsk5pjV3XA+MFhG12GYGEZIK0oIqr4KyX2i1eaJ1jdd7XNYTbAvQJPxbjigIbYLDOjTbCqCe3AFPMiCmnkvKotbBGEblpMoYXn4zWy8dnZfRP33yXS1XKhnXVSjLGq4snH94+3J8frz7FGuC773/6b//yL7/64ivb9+fHl74ZWUoYCQPVKTRKgz/3gudagIAThlQ5V1Oh5XK750qp3LSqhKQRO205Vg2VSQSKUtbgk36x5+zLUXEj2kaVeXmrzU/Pjyukh0O3fPvDXbFciAysWu2eryDAKEYCGRdKNxdfU4oMGVPCCIMAl8cXAEghSmO4CyJx0Qhj1KG3tVSMQaEqeYmYsKGeWt5iSSF7Z7XWiIGzzChwWEStAg3TBJwx1EoRYixJGKGa/uS9tl0/7KmiS1kw0pIRY401bdNuie6Cg4qAIdWKoAQgEEcXY2uUm5eJcyvLsj4LnoT3q9ZqWaYYPSTs+z6XtNuPOUQBDDX/T//833dCjlLe7UfBAVOpABK51HLNflrd6gOhePflu+Xy8uNPH+6GXYhVarvEyABOHx9Pl+uPjx8N8vPjE6RkhEAACdgOY4qBCvXaFhduyyIY3t0dvFtqKJQoUYTC1jkyqsiw3/XruiLVh7vD8/PzdDszhkY1RJBjfP3q7vJy4ihBSURA5EAFOcOCXdf1cmyV7rgELrHUGHzDuT0OCrlUGjl3PiSqyKSLrrddZbXWYsZONSbEyFHshz3nYsvBDSGWkns9+uj84pVQjGNO6eF4XFxAAgU8pNQbJRnYvk3zTTBoWisEKyVoxRVyQuZ8loKVnLWVtVYt+eXlxaegrOZEWkjn3fV87h7eIhEDqlTHYYCSbrcJhOMVWqsr0LTOtlWdbaN3Y99H72+X912/f368as5LTIbzThmGoeQspWBcKd36241x4DmoipJEpvp4uUy5qL5fAl0weQqicsGYYExKxRHqljUWQIJCI1JMwXvOWMPVNo9GxJZLlkELmWqpAJSLbU1hhFgKQ21MyrWzNmeGupDklHKB1AzDfmCxIJaaKhTnvcht2zKAz169nt26hrTEVHLSUrl16fqx7bo4Xad50W17W5aua0PwwQctldGaLUshWJyrtRjTuGWVAnPG492BATXAmAtf/uqVEIK7ZQ4paq2RYSkZSpVKlVKkZAUKb2TxqVPNURktGFP8sk7DfjTaPL5/3O/uSLLr7P4//+Ef7/fjjz8+MjRIKFAqYyXU99/9+DJPb774olUm+6AKYIVh6E/TzQo5mP9vSee1JNl1XcGzjzfXVlebmSZAAARJkVLo//+EohhBwUxP+666dd3xWw/zE+thRWRmM53PktEYghQMKl7ep+NhzDlxbnPOESPW2jVNSBFzloLnnPy6zJcJai1IlVGkEtVoSlBzEVPUxnzzsMZcBZS+77nkTdcazuNpivPcaD1YnQG1IAyQkBxSkAwa687zxTkT0i6llFI0dowx+hC++TJKqUrKeZ7tYL8h/EJKJRUgVVy+vrwNjF/3/cPjk6Ks0wIoqTlsIV0fxxITZ4QAjoduj7u1zbbtSnGQHBAp0FIKA1pjtlL4GLAWglkBDfPykr+2tpHA5nUtMRjJBJUh5V5Zv262c0VwyEk7WmOsef10O24rTEv869//9v7yArmUGAnltRZCpe17BFJLIjQ22pCa6I6kAkGyVxTtkBl7en1KAgNmp61pneBSS1ljgYI5Rs4ElgopUYBv6egQAtaqjWOMKSXXdZXOZtgJp5LRsEehNTdqDz6tRVsZtz2FOnZ9DCGgTznHLTbW7Sb788QFF4ozxLBtbetoqU7I6COruO4LckmA5pqlUTwIIblUggdKAGvJXdtEHyQXCyKj1BrDhay1cE6NlkCQM9Y2tsUCKT59feTOmZACAkIt27YxShvrSMG2c9tlcVppzVuNR201IsRAgadtu/rxh9e3d0JKzZESjDHuKb2eptv7P+SKHNjlcqlS7Jdzi/X66ur09lZzOXYj+IiQGNCrYVyiX7YzA8IICMYlF6QUznjJCMgIUs4oUbD7nUtRgSAhKZWKZJpnY0yWYl/2VOrNeCUom05nI2iJlZSyznOq9ebmjvt4CftgRsHA+zUl33f2ehyYFB/zKebQOhdzoUAb16WKtrFMUIWccco4oxJIwc9/uDufz8uyjFeHdVvH4wBA1229vbuupQKhNZflsrjOccmfX547Z2mFdVmnfWvaRjAWU+y6jnNQWheSe3kIOTGjKHBAgt9IwlIKYktqiOk8X5TVl3UBLltr47af1r3RBktyVke/GSUppaQSYU0MXgt6vDsSqJ8/XVGsfd8xevV2Wlb/0o2UZOTE1Fxa2+ZSGefzulKBojcUgRHIPippCWMJMFSsBbtu9Pvyw/E61LL7QJxgRvGG796XwncEv+0+JSYZ0zrGhJQxKiIDrcUSYxLgC0GGhFNaCQmJCBlJUq1dl1lk2hkbeGms9pSWVJhQMeXiU02l1aYCMM5SjIyQRqq4765p5lI1ZRuidjZU3PymlPLBS612v4XgGaO1FMBqjeKMMwrKaEJoqrUiSsmgVsZgW+bWqo1koVnXtDylKARf1pkwhgQpo4QgAdy2NcRgGTQVj9bpijnsFWrCHVnt+2aeTqJtMAWjhJCcV2a1Lvve9mPYdslhWiYjOUfkQhhKOWNQadf31ODb23t76EvYun7w25ZrlUoxStfdD8blXL0PWkkh1V6z7QaubKExphSyHw/HGGPBqoCMqkWEZV2/u/00f7wbySVr15gQ4erq6Fwb17f7uzvVOtWo80e+ur9B78Fy6ZQRdt9YoHwLWWnNjH388qXUqoxoWssYAQopeGPUPE9Yc9+33q8UUEqeYqSAnFGl9NPLS9v1h7vj2+tHTJlryZVMPtx+ut3eHrcQOtduq7ct1AopxFDi97e3//3Xvzw8fIneP/z+4JxOIQKQWioBIq34w9V9LuXm+lhLxQqBh3WeodYcIwhmtM7JM84BUSlxe3UsFKlgTDJKgVJSCU0p//jT/fPTQw4RCyYfmSAEQqnR+9IN7b7v1hzmlw9NmZWqpnpZZqLltq5SaWdNg6A8EGCpZCPU169fCWep5E+f7qbzebqcsVAhJOeccuq3TQqJFJbzqeRCGUVC6jp9uv7M9mQoX9a1KJ44EVqllCpjMYXHl2UYjongPC85ozRECLXHue1bHzyWzDgP6yoAICbHeNu6AhBrzTEWrHv0h5ur8zSVkMdxKLlQwL5r31/eVNcpJcahP08XUiti1UrN07k59ByQEeKGbkt74MApZzRD07YhJ56YsZoUbFr3uixCye/awUzzFTcpbnZwS90JZ7zCtE73d7dXTX85T7K17355On/EsGMM0+ldAghGOSYGcPPpMzLmAD7Op0KID0ESDpztKR6uj0YrH73fPTBaCSGMZURrGuv6bV23kLhxMWcFfE+eAL+9/2Mu6fp4ez6ft30TSizz4gRvG/tUa9jW8XDc/NlZOy+bEPqqbRnnTePe5tO0XARt+k4TxVbiFwioFRJLqc6ETj5Uxphg9/f3XWdfnr8aq+fZWyGmbdNShOA5QNd3Ly8vlFJOSIm+IPR9K41+fn17u3ycP2ZOmVP2erh6u5yY+mbbl4TyLabx6nDZl/H69ryFL6/vAfH2/rZSfPj9977paqmQM5cCgSCAYKph8uP1o7Ft2SPU6pwhJSFWIXgORQi15NA3LZeUMiqMAsa54N8yTSmR1+d3AbRUErfYNV2OWXJpTZtK5UJS0FSK+rHWDFCwpCilXHLgiqWwq1IQ2JQKVUK6piBpjTNWs1qFjy1XP336bgX59PJcU4khtlrHEOMarNZMylLL7fXViZQKRDCmuJjX6RRWyNvQtJJSTLkf24TksiyH25vz/oUJMe++7Zq2a27vbn//8htnlAIJ2+raPi6r5mIPUXORsZacQbG4xekypVq4FASI0spIVWKQnEa/O2tKToQQKUWttZbSOPeNZV/XtR1c8mHLlWPOjBJnJQl1XlAwnXNZJ48JtWGihM9W01KHZqhAJUdh6X/8/OPXLw+Hm+Hh4SXXFbbTH3/46eiaX375Za0hhoCS39xc68Eqxp2zCxSnrRNim+aU4rrug5LZJx9PC6ulJGMl1porYVLuOdEUjKVz8f3Q3//03dPD47eDWWpNhQDO9lyYMrjH7GPnmuL95TJfX19DzLzUg7FLSOfp9aMULc2ha54fHj2m6+O14CRgKSUKIfpxKJUz1DHg7798ZZSXRIGk3x6+/ii+A6a2PVclluiZFNYYBgCcEU6vbm/n6cIp39eQSlGt+9evXyhjwNT9577Gknxcg99icONYfOyH0Tdm8VuM4Y/H61/fH29//i6CH6/7x/OHG9sf7Z8EQA6h5KSNQaB7CO3QGyJd0zw/ve0pECYyEsbV7ldKqdAGAay1ylhggkrFlaWKhxS7tp2ns7VWZR4uwQqnnE4+DsMBgBIusg9UaUajExCMiucNkZZKKoCgHBg7LafDeHWZN+2aj+lEMjSCDv0gKAiCkkDevZO6Fbpqt+4hS8GBcpJc4yhnruu1bQrHTDO8rrzUXGMouVAiKqQ1JKFrpzNQH0LXD+9vbzknpliBsuwXw5mqZaAsUcalLKysfmvbFinbdw+kNlZFUpETKdzmg+HUtE3KNcQUSwo+xpwqpsEcBKPUVC7Esu3AeKl596vTVPA6GK6IpZTyXtOHx5c5zIVAZ4YasmU2x/26aSmNaXlj2mnZswo50+N4iDpyUv7r73/bL6kZr5YKtNSnf//CYrmmShtEqwIpdhzCtvFcgt+6Hz9LBBFr07X8dlxf3um/X0Umi4R66GOpMZVpXnMu7TDuMSzZx1j1lfv007003DViPb2NwwEEPdwdHz8+kPKh60vKGdebq8Pj8+NpPrGU47474A5h2ffbcZj27bKvclldYyFuTho3GKn55XJGRIGs6+SyrgqN4KJWBoBc0nm7/ON//3Vzc0uZqq0Ym/bt199K4QC1AqCglRI3jDRiKbIK889f/m9at8M4clCysL7pFrIs0VPBkaZRsjid/KDNTd97/KQ1u7890bUd+/X0Kozbg3eKx+UiGTBS/HZafXRttyxntH17c5BN93ZeSGbznoFAKkB8kAKy9+14fH8/ff/zn6uUVbDhePRh3/2sOzOd35TPElnwUUvVDIYbVQnZQjj7uVGsG1q7bzi2j+tCGN/WAERAQUapafuNUiJY8mvXGO0sUwIIKYhcifd56bpmA1h+/b+r4WZfAqnAOUVKrIKQdiROt21Q4DRhUyHrlhl6zCAEZDBEzmsguu0Ik8r41ScfnDWJEUk5YGG1bs9Pd1xuaUOBG4OiZabot1UKOXB1yl5LsvtNMo6kWttypS6XNZVSc5ZaIWOXywKESwaYY+NkWBOVqoDgDMex+TzaxlFOiBGCDzy7z+PbJcdcgeG+rjTlQ2O36aIZ3nbWAOMSYo2FsqtxtFeHROJyee/b69/eH+1tP79/KMlLKViSaWzhICivPmignFFk9Onp6eBaG6MP3pXS9f1M33xJwI3WJm2bYLzrute307ptx5ub9/PHp8+fpZZCyMfffseQDsNwfTw+n08xxX7oSsHtsuzbbhnM87tSFAAZIaaVBOvuPWEIrBqrOiKAFM7AOT0MnWk1ZaSWVGpmQIPf+76pSUv1EULqelWqb5s2pbRukxBGl/H164sCHi6b0oKUqik7Xy4kEVGZJBir743ou2MM/nDVNVTMbyenudQm1LLUCFRTSufL1BrBmD6dL3CQnKkQUus6X+lp+ej7FoBBLrUgr9BqB0good7vKRWK/Obu5usvX1OOFNFazaECyVQIgtB3Xa1FG9kdD7FkAvUwDvs2X1/fkpCfH55ubj7lFD+myZRqrXWdq7waJysGL/SMa9Y2hdwcxlwqibFyipXu4UIKCal0rSOUxpictqUUKWXbtlKIEII9DKmitbbOG0NQxiqjQPKcM0OSfDgcjruaM3itlMhrIkCQAKEVKyGwbbuRohb8dPf5y8szICASBpxgCSltoRghtpSRVIKIhbBSawlFFEyRUhTIss+KiZryaZqbrhdcXA2Hdd/XdaNaex8gI2c8xohASs5cKmG0ZPTz3W3cZ09w7Bp+3zDC9Pc39z6lVPl8KZhkWIIUhAM2nLKSCkaPRGg7b+fKt35sVdecL6fxbvjX+ysrtaOUMWKkAIYxeib4/PHRGbf7RIxIokx50lVRSs/TBCHV4GktBOo+XVIpFcE07eFwuGzb2+n9PE/b//zjT3/5mVAM83w9HmkhOadhHJgUhMH8dg7bppWkYfbLohqba2aSd0NDYp2WSyqRi7aUmjbPJbVWJlKXy/T8+rUfu7Zr9j1XUmOJsvgUinXcWKEE38PeNWbbkCAvpTx/fXZcQMV0uYhDXxmEebVMSM6rL2lf7ND9599+9jmHfQefwCcrqVQikcoqbD4iKcbYz90wpd2nMEiDTAhBg09OSMXE97efvv76iwLCsOSUnHPL5qmSDBk1YJwJW/rLX/+8TuvOVqiVY6GInNJSidaGCpFzcs6s62XxWypp36jknFOwh6s/Xd0NbbtM0/339Pz+WkosWELYEKK2bqriI+bp21TVklOkjJYaOCWGkliwHUbTuIyF1LLuu5Ay1SKk2LY9htB1TjM7nx+vu8H7FRiJNVMlBLdj108fz5fL/Ncffvr98s9EMhdSSS44rQmlVMFH5GiVXrfZuRaAKa046Bw8lMCYsEzUj7M2kkkZGQipiaZIYK+lMuBQtSDrsgHlIeZD3ytjhVRG2xjjw5cHRcWbzwi0YnbWcmWEdfO6as4Y4DpPcb1oRo9t+/+cIRWyAkMYYgAAAABJRU5ErkJggg==\n", + "text/plain": [ + "" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "TRAIN\n" + ] + }, + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAQAAAAEACAIAAADTED8xAAEAAElEQVR4nHT9WZOlSZIdiB1VNbNvuYuvsWTkVllVXVW9zUwD0+BQQAKCGYpA+MQXPlGEP4N/gj+CQiGfhw/kcIbEYJlBo9FAowTd6Oquqq7MqsyMzFg9fLvLt5iZqvLh86jqHgyvhERc8Qh3vzdczezoOUeP0f/5//Rf5JlevrgeprldpWrjME/T5KYpj3Nq6ukJB7Ek22GQuYKb7PEuzv06tNJPu128fnNxe1MvntST8+sQjhKadnV2sjm7ubmbxjIM2Y1CCACJRFUNgVi4Znn9cnc8GBNvT7vTs+6zj+N6FY/jodZSa+EQ9ocBkKbpzZyZ16vV6cnp7u4W0CAkgqrzdvXYS79dx3VHt+9ejeN+dxym4mePnvWr1VhuAqeTzem63zBLrTWXmQSSZH94sUpNVFvHrg2tqby9OzSb0/thzvldmafTzWMr8vbdDTXrN7vyz/74i198vQ8SBbWU6iCRsF6vz07Pv33xrZppoCkxFe1AnVOo2oISswBumswIEBEisFBVdbcYpdaaPTI4OMQBdwNUKAsmmDgFZxCcyAnZrbAPWsZqymygFr4iOWuabddsN12/ap6/enE/5p1FnsqppFNwaxYd8OoMCBUADjiImJ2FgrBYdTOPGILU7UnbJDld9af95vXzV3rIPbVXyK+oFmZ1WsW+NwlFTWtBmUk98CbErYRYa1vK0/Wa8jwPY9+3+6aZas3ko1q7Xh3HSdWtmLDAXWtlkaoWUspuQ8mVqMCr1hACgdxdJAqoFCWASYwEnMgdrm7VYRLY4KqFmBJQVSFMQRROKc61rLZrNWuHoqYuTG3KtTBxE2O4vrk67PMwVjU/Ho7GmRlBeK5j267G8X6Mvu7Sccx5DixJPMJb6CaXbnd3uLk/XN9cd33cXPYhqU2XXlu09XgYhWMI0qYwDFmoG4b5eLw7u4juUHVQKmV3enr+d/7u32GpoOmk70QgcaM6z9NBtfaXq8ChVo2pGYbhycVZEGkvznKea5kJ3sZ4ul717cZ1LNP96Ul3+WhzPE5FqV2dEqe1nuQ8BkolGzPmuRKlwO3uaj9W21x0zG4mJK2qpqZV81KKGDF3pXS7Qf7dz+4+//qL633eHx3aTVYqiggD0JrnYX8/jxUKMqsuBlIXEAOJODGJmxAkyPKeCxQOVRRVd5BDzZWVoMEoAgIywJxytdlr8kCAuwPu8BACu7iZAKN6FYK5Wj1WzcNxdwtJYcwVQonESPd1MvA2xIYousDUawWTO2AgcoODAMBhRk4iDhwOeSTooLJVGufT1HYIlfmuDF7NmfM8ikdVc6iyC9MmNZumK4dj1ZqN3k05MucQrsbpYDbM2YRJqKtZSc00RCFyL1bhqDWlpul6nSfU6gS4MzOZqcMd5qUSOTEIZtVUmSwwE8HgalpKJcBhcFd3dydyUm/a1h11nucDi4jDRWQsGbDqHkLQWsPt3btahCixmKM00UgoiidhVWLq4PPhMHSpvzzfNm0/5GEq0cEvXt28ujpM2VYn/Sff3zz6aCST3evtL//69sPP9PRE+m5LVq9evS4ZL5+/3G7O3VKexu3lCdi00nabdvf3//J/+CPw+OGH57/3u/+Lq7c3X3zx+e/+7kdPHz/e3V2tm2a7WQ/7Q7/ZrD5+VnM2U4S4vjidxrFtWiIJ4inMx8ORYnEYk19enABpmnV/PMb0CEx5HtseIYmqjIOKx4j16uSjdb9i03G/d1RiaTebYixTOU1djJvBn/zrn371T//9m/1UHBCEADI4Inf9ah4nACFwmScGEZG4N8UFWEXpRVA1McG91urEFlzNi6GaF0d1KEjVHewwdw+OBG5FYogGFKtFSV1nGAEMEMCqZE5wcbTEFlLHEs2imbiSa82FHaWAkYkoE927jZ5bpxW4Z2kQ3GZ3B+AgR3U3IndyB4pTDMk0w/SYp2OxDtKbd9ARfh5b6DSYxxi9eoE6qRG1LD968sHrN2/hNKtVkkPRCp/dJoeV6iIszITxcOybSIxu1R6HaSi5DYkAZToMwzHP2RQxOJGAXdXdSIITFVNnmJkxR2avNauDQMxG7m6BmSmoaxUlYjigGsxMtYtNS5LnMqmxcNM0m9OT+8NeVed5DoTo5kRstXJwJmtiVKZ11x/G3HbwSoHi6SatVh5i2X97e3ayPtgdp/sPnq5ev+ByaES35GNM85MP5KtfjuOBTzccQ2q23V8fv9AaCXR7fQ+g6dJ28+j69nWectu076b7ppGuX12cP/p3P/6LP//3z7sOv/W9JymkTz76mFC81vPTLUlk865tCBoDtU3sopg6nGHzcLgeh2FZ3waPqQYObeRZPJf7q5s3SuVRe3n77nq9OqEgJydd7RqE6GoxteGsKSWbIzStZV1tt61mCfH66H/6V5/fzRUSQe6qiXIr5AihuFdbd13ftPfTXSCQI7K00dkRiBKTMro25VJm9bnWGqCGWVEdFTCiClaHgdwVBgEibDSE6g6oaXVXBsgFJE4CmBUCqbsC7kjzjNSYeTFVtygcYmRTK8qQ7FbhyjAhda+1FreGqBGBu6qRqzAx3K2YGRMTohZlR5Qk7mZipi4AuZeybVtNzTQNbqpqgZyI1C1Xe/n186oKkhCa0WyGD+4jWBnBvGFJHMmVHA0l4nrcHQ5zVZCbMeDzrGYOFDiZc4wENTOWYIASVMgJQ61qWEnqhSrMQMQGZlUDPMBBUCYmEiKrVmu1Wvu206JelITmkpu2hbnOpVplCYFoNYyHvklBQtu0TacpsVCIYRXaw/FwCLGJ5Kfb2PWmemA/JDr76Fn7ve8Hq49++hP78Z+++OaLfHHZfvjZWqfp2TOvNV6eX56cbUz1448vf/TD3x+O9V/8839Ti5VZj/uxb/uL0/Z4KK9f7ofj1DTterX64fdPPv3w8XYTHz9eA3me9ORkvRuHCsQUp3nu+sBcxnEM4XTMMzkHaZYdtlttiFnN98chBF11IPamIRJtspi0t8ca4pqbk9QwJ9R5iO4Abu5upjwWraV6bPpcPRef2vz67a++eBVevb0mCQ5fqq6QthbUTLO2wq0SDsMJcSJEEdPCMDN306pqTpya3TTPgBKKkzoUrkRGXIHqMBCI4ADBAQUyjM192aIBJSyQgMjZ4QCRO8OA6Ehm4zxFZpgTrAEHJldXg5OxUHJWODmqwQEjZObBrYupIrtqxyESkROTMTPBzdQck5q6RQ6x6a7GI1lNknjOIjhdr2/HMYiIwdwY7sCgRVjUqnCobmMtlUASgoS++KZd1ZxLKYlDndXcISmTOlF1ZScGnMgcCoKD3XPJgAmF4ubuYDZ3Ep7VkhWOwVUroV+tctEymhmCCIycQIG6rosSFsykudZaiAnCcBqnEe5JAsElhDCPcX9vb45vnzw636y2Ot+T8Gq90cJwYmrX3fnh5vb5V9cff7x6+uRxedr++N++/Af/8HvbzX6s7777A54mjFPZNpeh4GR1+umH8d1dvbg4W2+aquPHn5x3fb04P/2v/jd/9yd/8fPrm3fzfHvSR0m6OQk/+p2LcSg/+u3vf/DB5Xg/zJMz27o3CSGEpLUgSC71+dcvz0/POLLaQDTvpzs4mAORC8cYT51pqqWaxv6kWa9BNB0ORnZ33MV+Y3x6e52/+cWV1fs/+P3vpuAcGX40Nw7qasM4Pv/2+t31cDzq8VhzqWPWF2/naZSEmK04jAA1HqCAK2Bmp+1GVJs2RYLOOXCMUYZhBFAMSn51ONyXEpo0ljwVdriDQOQOdTw8dRPwgkAcqMACyh8e7uTAryGQsMOdCUKkTu4gUgIFdnNz51zJHYBRZaOWBIZqWgEFHYUGASv2pTQSxaWqbmMTWMir1UqsBCdmg0yOO1NVKW5dis+6dat2Ox+VQQAIzEvj7uY+C2IgrZjL5EAiCAHiLIKqh+HAcBCXwIU5M4fVak6hd0epNVc4ucOJokSKwYlAFeJT1tTEOVcRIsO66R6tN4fra2FECUbObcylFLcgkViYeN0EhwvY1SASYpznHJokIsV1u+qD08l2++rV66ZrJMWgbocd3r1VoWO/wdlp3O/8+ZevV2385Ytd14fvf+dsHONPfzJeXjzZbj6q8/Tu6hudt2z50UXdnuZHlxf3d7JZ92cnG53j5Vn3+Gm76lKThApfXGxjcqOx7f0737t8+ixstnG15hAQpP3ko8dNs1YzcM7zzTgez063wmUa5rbrxnk2okL6J//ml08eX/yjf/T701Tbzg+HnTC6dsWBdabEJ/vpqCZ3+8N6vZqCB7JxrNWKAfNkh2H89pvhL//y1fnZ9i/p21dn8dOPzla0f/r0ciV9vSkp0qPLVduFadJpzndjGKbumzdfeaUQolpxMABCUDJHcSKH3wyHhohqPelag510neVZzZ2omBfiuRQP4aianVSCmburOwjOzCJs7mqVjMjJCPawQAgghwNgB7szwASAmKi6uzq5Myg1jTOO48REwgRzcggREVcyUiOiBIlEAVSIZrJi6sQCKqoCi+5cMktqQELspgYnWKVqy0LVLCxZ9UxgU+7Wq/thIMC1AswEB0IK1KRpzmB2VzM3B4FqrkrVnAAyhzNVrdWtBpFa7qZpXY3JezCYYopUfVczFQWx9JHIQ5CmX9dhVFVmVsd0HIXDWEtctw3zbncY5rpKbeRQ5hKJ85xZeHY3s67rSq3qlmJUNWJumtZLfXN1VWvhmXKtYaIvV+vvHG4+Urxuzm7S9uzLX3Vf/Lz+6PfWj9Y//Mu/+tlx9/mn3/ugu1z9+C8Hj/Orb9/c7OfnL3765NmmpdMYiqyPFyfCDLPsXM/OYtsGIkoxJUriXa5lGIbjeBebcro+XXUxCbrIUaJIktjc3M/sq6bfnpxe9Kk93N+3cbW/2XMSaqRfrZ48vejjxe27uenEypy49jH5MCZqzanUbHPWWrexK8d5NAopVqQKEWmn++F4N7z5+vnFuu+bWLT9F3/8808//fC//MMffPGro3CZx7w/HDg6WzafnIvE5v7t4Thmlk1lVijI2EGAMKkD7gSoqpKQYs7GkN0wlzySsDON1WfXSmKgrJ7VnbMEFodVFSLAQpDUdsfhmHOlZVclEBETmRsWEETvjwWAyGkBTYA43DHmquQzoO5kLsyRODjBPcOdMLl2bC1zQ5LM1uoCfkuo5JkMbhkwN9LKJA0AIn2goZQIITg41Foi+NvDsbrW+8nNA5yJjCy7u7lnnUo2AOQOMfaqKkGWRrvxZA6FUQgwE4ePNZX8WXNy5fNzGb9n6VYHRH9i8mbNzeQSY/T6UWr3Vq4OezSxWW8Dhbev354EAqXu8dOvX3+7jp1I10hddevD4Z6EDYTAIsIhkFmxGmM86TemurvfcdPf7Y9iWvMcGOJmirDZnuzeHWfcq6Vxd9GG3vhO5f5+5z/6/sU3L0OZmqYJv/Ofpp/+xev/z3/7jtX//j949vf/3uXjtR2PQ983J6sz8zBOBKTQb1yaLC3A1amosjSRYy+y2x1q1cOUq+rZtt+PedVJQE21rPumat2uz0oed4e7biVuc+qIY5oqffnXb477O+6nYfSQ+Pbu7uJ8++5+gsr9cbc+e/T5q+c3N3f9qtmebLcn2yphd9ilJr69Oly/5dPTy59+8dWXryqo3H3xFejrZtV++W9/9m/+3V/naQzkUTwFiom7VdycdiF2aR3f3R7VWQFVW5hCAwwWJcJEq4IRUxNF6jhRCCXP2S02zVhKrTabK7hUq/AKgJjJoU7ApuvPTk6GcZxKHo+DmTPRA+QH3L3WpeBBRHC393+1/P2vn1V3d3Mmfb9O1Mxh5gSgEMjBQAGYCOQxsBipWiBmIiOyBSMbJoe4KfPKOTkUZnjgFY3cWSrBTIuqvW9O5AGpMdjd3d0WWglwc48xtl07z7OqiQQCgmup1QlC7LAASwRo6YUJJIZG4maz6uadu531XS7DmMeu7fqmu98fqE7qlBzFLay76/lQowxBH11c7G7vXo33LLbuV0W1SWmec7PqyzQrvJjNOZtq3G6G3dSldH52MR730zhKbGAeqq4efcjV9Pkv795dye//Z/GjT/uzi8fffr37y//wq6L7jz9ddf1Ya/z93/0Qv51P1uEP/84ffLyx+eYrRIkSSJq5UBNi1UjOHFoJ/TTmYZiE4+bkZC7TJq1N7Ze/+mK9PWmiZDerTrmenWxIKAB5Hlg2x+PAPFWSYlO3Ptnv692d/uwv32z69re+92lM/KtfPT892zx6/AFU393t7m6P9z/99npof/zjb//gD3602YRpvt3tdy9evgaFq3dHkHzwwQdv3tzmgnm+VyKH4jg73FUMKZI3TIHM76u8m/2rEUBcy1h8Vga7mgGMBV7Aa61wFyJ35FJdzUwPZTZTAva5VnUjUsBAClZ6KAu3B/Cstd7f35eS1UFMMPO/UeJERERmtiwGIjC/PwwI/rcWA4wJTKTuADO5Le2vExGInL041NxJZ3cBJSGwkzG//24AKmFwGLwKeuX40HK4g9xsMhOm0Laqlmv99Wuw5bXRw4r0hUQicrgw910XY5zGCWqzZhKRwFULuQshhRAJlo8ReiEJasEpFRRyGWqtNR+P603z2YeffP35V1zHNJWukUyoMaFNad29ePGiCeHx08fHwz572c3Tto33475tm7btHH43TVGCqbHwfgHG6nBab06u7/eeJ3Y4UakaVu1jp9tPv7s6XX38i79499c/ef7hh5fPvr85W50Ot/1oaXu56/ps5XTdhrOLaTy8tfzuOAVPrszZavBkMUJSkhW4MUgp2qSma1c5Z3LrgsQoTy5OX34r5DDHcRi2676QD6VSUc2W57kxEDmEq2HM5uL7o75+tWtkdXl2uT/wL/7s65DiOLd/9bNfOOJXz98MY+3a08MUj/vwx//yVwQoFKCAQFBQs5fh/pdfEwlIFO7uxAAtNIsS4I5qILIUuBH+4NGj89OTO40//dWXRFlE1ZYdPDkpvKYQxaXUDLdcK6eEGI85A+6gApYQHVSqKszxwPDAF+3VidjN5nkG4PBSzIj8b9c1/7o+F8XWflP9RGTmImTmRHACEwmzqZG7+wOl5O4LnnJyA2Z3Wmo2igj7WMjIGeYGEDOKOghKtIKuSRYIJCTm1dzN3XJmIKbk8JILMQEEJnWPIaopMRY0tNmsmbiUIolJhM2rKlTJiBmBiF0b4i6Kl9qDqDilSG4+VrT8qO33x0MH0Fxurq42KU2H3dbF5iIhMPtQ8u71qwuWVdPhbr8mp2p9k1ytaxuY1zKTG4CmaR10OBw4JoMQ0bOn59PxeBgO6yb1bUtAVQ/zUIsda56fPXn2el3u7+u2a5+crk9C+6q9GqYuyLZN08mT0WZEfdS2HfxqVFIVYgmh6/rtNDtbjCFIECNO/Wqe55qndZsAC0yrVVBN/8V/9jvPX797/u0365MthcghWGzevX0nxF61X2nLcrsv5eBFw7cv72/eHW+vhvlov7h/8+7m/vp6AIcgt7m4gnJVAMN4p5pX0eFwBzs5EKXGINm8EHOiaVY1TfywY5nCHAZ72EcBIxQzIRzHYxvtflq5cgpOPBuMIKayUBNmzu7k5E7GlN0BK+/3wUpe3XxBDwSCub8nLwGlZUEYHOpmgAL/0139oXzfLwaipbaWjy1/2PJVF4itKkAAEZG5OwGEpWwBYhERqBvg6hi1CjgsOMUWJocMMLgBuegNMLM3EoJTrZUdsrQe1WyBZEsvDnF3GBHI1AmkiwhjZmbDNLSpAeClkENEll4/sjQhkNbL7eZ4d7tKjXLU43xbcnAO4OM0bYtzanKZfLJR55ZiikmrOmOqc4ZJ36wlnFhA1kcnZ8fjoZVYtEJoHZMTRisskpo2BM5Zi6NPbcmamqbpYpB2nqTtUwjkBjGEVkLkDcf129c/+/STtu8+vujPV9LGZrqKNu+PMXVdmwLZ+mQTtc3DOO4PXVhZob7rxYMeclRuU6vTeLpOM/k9lcjFqZDlFIJbRg6u4yrhYt1+NY/jkfbHQzY0Xa/V+raRlMb5Znd/yN6Oc9zt6l/8xcs87duQvvPxR3/1i2+v7ic1ipLuB2ViJ2dhkBsbBYa7gNzg7n2KTFRzhtNakpnC1R2iC8AQInLgZvHGgBVUDEye1ephfLc7zDr1bWy7enHef/vN3TRRRciuTqyqASIcihYCpbYtWkspAIgX6OIAmNwcy/+ymxNcBQ4U84UWsQWAMEDERstmT/ifefzNBcJMRKRqIuTmDAgogAOIQQVqDiXI4vQB2EBEDA4pkNaqama2QDEHO2DORKDlqd+QD6xrxppCglBRAgRg4+UIcjd+UK9osTZVVYObgOGnJ9v7+504ain38+zuAvYgKYQ8DapVybdNagTK/MHFmQ5jmHCPKThFp6NZrDqjsOuZiDm5KxJX9sl8MNusV5Pqtu3jMKvZ8fY2l1y1uGlskjBN49Cxnp6djdO8u77rV+sNcZ5LE2IjwVGdFWLm+TiWJjWx4ZAonp59+ORJP3x0HRmrtj3e39vcfPDoydnZR2/vvvGwm2bKw7pSZ7iB7ASngU5iU6wIk6y7Ta6F5nq53bCXzaqfxrFrpcYmxeRetVpKfry+ffP29e0Yur55e3uH1CG181BEwnh/rDkfwh0hsPRa44tvb7vUtdSw1l/+9KvjxLkGdTNDv+rKPBMZvJC5loC0rrUOZSZidxyzB2b2xticUNWYuG8aqKkaUagOg0e4gQy81KISzCobB1D1mseRmepEiaLyguBVCe5uMGZ2s2K+PxwkiAibORy8nEDkItyodywsfMxaFtuBgwlkvlS+LxY3IVo+l8jfFzzRw7OHlvYBriPFRESzzm4Oh4CSBHKYqVAQEpAvggDICWQwUgIc1dgRjIhJzYgggPkDrKIFdJnPUj0wS5xz3XDoE1M1NhfAsRx8aCgaUN2IiVlCrSQ8wJqm0arL+yq1Ah441Fo8z6RVAEkxCOeqb69vNm375voOKTRdStMEFFAMhqIlRoYZFDSruYVV36WUx0HUyfX8ZDUf57ZJTYrX9zdB2Bnr1fo4Tsd5jm1j05DnUkv1Wo+7HZE0sXGtlGdX0zr3fdysN/vdvj85HcY5RG7ub/ewe+b9yYa3p49PNqfjwWDbx+vdabO5m7o3ZacxH3Jete3p6ZnnaTcX0yoUPFu33g66n8c9982jy81x3rUI69Upx4Y4TNOUq3FQjrSfjld7Hqta6qZKAgERwSIHMzvmLsaUeD0UG2eLcXV/f4Osu7uSPalzYNGas8+bllnNZ28ZoQ8lyTDmLCFrNWYiNtO5VHXsq5GhBQU4wY2Mo09ajXxd3AwZpTCUYI5AcFUQmxSRME6uZSVQs72jOBxgg2efxcWWmiY3q27u7pEELgXVydd93BSnQ1aEEVzhcIWBDRGIYCaqjmJa4cHBD5Ad7qhu9iCTPbA+9ECQktUFeTAcRIZFXTZzoMLfd6jExJmN4ASHg9w1F16QkvnyXey9vqYAL3IzuUDm7NRKatvjOJ5KOG2Y5hysGqPCItjclbiyEINUG8C1BqHpOAgLEak+YL2qSkTbEEhk0lodu3FOIqKgjMvTs0501nxqPNY66yyTa9uUXJsQm7av0xQYXMBEyiLJjXQadpHS+cnlq7sr6dthPJ52XZuanEs2OhynhqhOJc8zMdeqBFMYiEod8jsXQdut2n6zH+pkYT/l0G5ah++Or4nHbrVtV+dsMQby0A6ltP123F8NeWy6kxCDlTzNUsaSsq37VZPWqV9JWseeZ/UX1/tdLhLT+uTCOUqtXg6tayAUl+r9B5/+3tuff4s8BfJWQi7OBJjf3F8P+0O72UL45atvXr68nyY97F8kkTaIC8Hmiz52fZ9nWzfy3U8/apl9KvmwP0xWQlNXcT/kIU/9+kSa5utvXjDzZNZnuEOEdnlSBwOxAuYphnUkNYtEs9ps7kTuXkHmqFAijiS7w75oVri9L0URgqqZPvQPZiFI2yYi0mpzVgYik4yV1JuuPRpNeUYQUieDAIEosjiIYO607OUE8PvyJRIXIiJ3U3ugQZfWVrXgoSV+6KrVdWlmqtn7o4KICb+ucnMmEC8V/9Ap/RpxGZZXwA64WSBuJORxak5aCWGYxlXbh8CBUhC3aXpw0MGFl73e2phyyXBnYocvC9XdiYmJTbUKhxRhVOZZhEVElGoprrrumuF6V8cqjERssForhfDpZ5+9e/1mNDWzddN0fb+/HmHubiQUAl/fvrvYbK7urr774Yd3t7fHaeAQPFcUq6iB2OpCDqNtm9VqXWsh4uO0T02/25cPnvSrNo/HQYdjsOjTOIeuPT3ZfPydZxT6eahOqU5qyhhq9XWIII7u3HXbm7dvrdLpqmVewTtJ692QS/XR+Dgji0rC0efD/vDhNk13b+ClhmaSfj9SXF8+/bD9/PNfEnskaVMDl7evr67fHDbr9eub9s/+8pfzpNV82ZW8Vs5VhM6FPv7g0eWjy+Nhf3N11aVm03TNCtq1x0nbzfbt27c+TqZ2/+aNghqRsWpLaIwrcFSbgeUgr6bJFhxSxX0VUhJIqcWQAXWqROS1lMwc98PB3JY2cfnRMpFBmXnB4vQg3EJVixkEpL5y6UBtDBU0eLHgYIsFkSkyRxJzV636UIcPAIeJadF7iSuMAAMr1OC/bn+X77WQ7v8zLcL7D8H9fYcPYhg91LsvB8vDqfKbX4uu54Crknswz8MQWEa362nYBKZ+1ZN1DJ/q6fr0fhymkomJgFXbiiOzmWpVSyma+6rviWh/PDBTET5MY2iSp1jmTGrbzaajcNgdaRioaEthV7MxM8gdXUovX78+DkOuuU0JIVzd3BDzInxA/Tjunl48EehF021CvCl1dXpyc3NP5h0HJ2KSIDE1TSn5/OIy1zJPkwjU5OTkcQzjzfXd9dW7Vd/1UUJIHFVK8aL28vXbk9Xasp+fPJnyeHt3aLomNpGl0VrBOIxDiF21YpBh0DnOs+6rWi4lBHn09FnOEzgphWE8vC33K9aa57bfFu7bvh813u0mDl1wz1mZwvFYIBtO/uO/eP7tToujjR1chSiGWHU2qBGc+PWbfWhOcuYXb4bn3/wkAg2w7TuHj3kSQowB4LA4bIiEyYFgoQopabVaFi1XAaHqOqq1SYKIV9vEZj+XimXdERuTW7GqANMDl88sDtRSCCAiZjYzkdD37TjOtRQngKgNvGn6bdvdH3b38zA4nBDcVgQhFwIzFbXqZlisbR5D7FKSEHIp0zQtPNFii1DH3yzw/wlh+re65l9T9EREhOVAeM/A/s1//2tVYVkMBgeREAMeTNmNmNkNziDObndq7HZ5edpM0/7q/nA8mCszOdxNtdauiSNs0Mq8bApkWPglohD288yBQVTg24vzk7bvKezevmtSBMxAak5EMaZSsoPmUmyaqxuFYER3hz2ZL/yvmjV927VhGg+pJBqOr3a3lenuuJtK7r0JcIrxOE7np6dN213dvLu7vx/G8dGjx/e7e5FGpNndX4kgSMxzTiEGq3UYhjwfSLmM1MdgWa+vX5KzIkhcxyQ8lcAGL2b5dHsC9OR1GHaJfK4zHF3Xac3Tcd+3rTGZ5dQ3EMnIHlvvT26vh1KkOpq2S0337u4dUTPnSnH11z/71S++eDnMqiSB2VXZ6io121V3PJbUNOp2sTkhoh//1Re5lOUHGxAiyd0kIagEEUdLKYAXaaKaT2bqTm7koW0SKh1LXtq+DC/wSshZYxnZICSBKAllV8BTDF6pWjViCMNdREotZiYLUqoq4gCaJo7jpKosXKrGyG5+HMdidq8lR7Lqa6Mtp5armlWzakUf8BSxhODOQbLZfDgU018fCkvz63+zxP/jx99U0H5d2QATBWYz/9si29/6ag8QiLAMMxiMQE602EZVq5qnGJkwlzzDC2ze76pWMyUSdwPM3cbxkDh4EFl0PWYj2h+P674jRjWtapfnF6lvr67f7Q7H89Pzl6/f6jStm45cFZ4JBjGi1HXqXnIlh0hgJiauJZspMzddT6YUwpjni67BNK5A7hTW3SEGSLWsERJTT8bDYZzmUqq2HEOys8vL++OxDc3xeBjG4fz0tJTcpJZjCPfXt1qLEAUWgWoeoTbNR68aV89IFF6ZptPtimDDIUfJwmGqJSO7WhRmQp5mBgWloNK26VCnal7b9u6Y+/X2bj/N7n2Xdm9vpkmZiaOk0Ly7GX/8F7/8/Osrl1alASZ4CYxVDFJnP+pFim3THI/D4bC7maZZqwpVkJNDlZngBVkDKML7bBGVydU9NAlCuZYq5KV0oyaWLUJxneAzAQRjFKPWqRfJWpmDu6op4gKjmZzNXVUNxjAATMxM7mbv/QnjOLmjaVIpJQWOTKhOTdh7OXhdetuty+MqOdYZroal93/P47u7H/NkDiaCkNr7Kv6PSvw/rv6/dQD4b56wIziwHFn24F/w9y31r5fB0hQYORO02vLlBGCCmZI7xUjCMUZpG2dObbKpmro8KAfOgMObGGuMMHcmCpK1MqGoEkvJuU994rC/21c1Ym7X6347vby/Iw1VSxCe4EowrUFSKZWIU4hqaqrmRo6z0/Nc8uJTPUyjuY2DnqfuBBGmO2IK3K1WvVtTMU6zqlWtphpCjDGN82QOCZG83t/dXJydqFvWymiGaQ61jkLLcA1JCKU6k0uKHuKc7+r98ezspJY8HnnV932/LvM011GCbNpmmI7KYgjEfdtsJPb7YaxeJHazjrFhJZamcc3HcS5FX7x4p+2KEM7PP/7JT7/84z/5+X4wt0jMrMYwgZ2tum0UrtYFrrXYnBvxudRtJGXRiqyqjEqupJngoOKs8ErO5GQm8EbdDKTE5EQoZu7WhJCIElE1U8dRIUyJOBGlmLrN6u14GIpqAJwWp4IziQhcTZWInOBmcDRNIqBWNTMikLsQqxvcWyKtOohD5MTlDNKIjxGqcHCIrO5qboDCDWbkMDDR0qQy0yJnLfVt9DdoUSyDAQQHMzcpztMEf3BKLx83uBMY3joYTMIZUEZxz0vjTmB78DMvS4ZJ4CBQpGDu2U3ggUiY3ZSLt8K4H5ptzwlnT8/KrLe3e3YOhsaxCiG1zfU4z25nJ+dzLZ6RUnR3VQ0hRKbDbmeM7Wq1G45/9dOfRmaOIcP6zWaapkPJKSWDCXFsUi01e4lN0KzM0oXO1Wo1Z0tt9NBsumS3h4nRtLE/ffTtmzfr/iJs0nG+z9CSZ2FZIJxXG3YHNW3adr1Zb8+2L7759vyDJ69fvVEzArrUBPc817nvEzNVs6zKRIllvV1ZzWWex+MuhcgcazHVknNOSRLTnOd1y9wEtQbeH3OgkFIbp5I3sQ2EeSwiYX9/2B/y/X5a9f3J6dO7WV+8ePvTX7z66S9e7wczZ4BQaiCPbtu+Oe9a5GMbiTy3STg1FHg1q6nnyaZSXeJgtTBnAjQvti0jn1HxnuiYpnGZr20AZy6wDJjVNkgDOgmRgD2ozFNP1FiNzJvATz/7+Ij6119/O1VPIRWtgYmEXd2gDizbhFWvqm4L3w52lFyEJQgF8bbyUbUSQHKq6UmlGxrfQfsKDoFDqKWOWiqgizkChIcx1qXoH0ihv4XdF7p+eQXmTCzESWLl2dXDokkRg7y6KYOBAIcqAewuHJjM1bI6gJYW16dXhwFqDzqzL1OaoMX+kNgCwO4dSMzv3l6Fpnz47GzN7VRs3h0ERKDiXuZpqlVSrIRBayGcnZ26+fDmTd+2wSn13X4aVEvfNnPOF+fn11dXtZZsMA7Cy2wSBRGzKkHUdLVdmcOLHXdHdmKmatrG5tGji8Pt3Xq7iX13nWeCcRDJdShje9IeD3tWZUYwuIMR8lxSEmgZxwN1cShlnOZ5HNmRj0czC8ICBHdXretV1zaR4fBS89S3YdX0tViMAVoY1T33rQtX0qlLSskP073zqu+3bjzP+1Ksa0O2+8NxmOb85MOPb+/39wfNlYPWGXp1j3/+R3/54s0BLJwaLea2OMewZd8kh40x8arvCQgSx6kcdiMd5yRCLIWRA6m0LCLztDJ2JyNSeHGvi7gDLOUl8I4WnUcW0rEAY9FVy9u+Px3VGq4156rmdnX1ruTxt3/0gw8+S//yZ1/O8BSEmNXN9MFj4Lb4Z5bZFFGvQmxqTUpBwjAOpMimxY0rNSICTLAKCs5RuOlXu5oP0BLZ1MSRlAJQiBZO84FsJdh7xMLE5G7u7E5YOCgXd9Q6HA+8eKPdA7GA1J0cpA5AQQYTEBFprSJyErvJZjVNWMQAEKMSVbfFPTd5BQuBzRwwczAzzFVrorDP3q3k3e1Opp1MpTOOxE6+1+LO2W3brI7ztB8OnGLWWqsuT1LXTzmXqlWVmUIMxHT5+NGbV6+Px0MrQRxJYtNENQshHIeBzKdpDl1T4LFr85SzlvXJiqM8/+bb8/X67NHZizdXWlUihybeD0dwsJzn6s5Iwg54peoKt4bTq6+e13kcsjXZyt1B8nIcE4kEMLlZatqm4RiIoK41CgfWy+3atDqCFp11jkyetG3Eveo0JaEZc5J6nHX0JHI6F1WdQ1qT5diEuYS7m2GYEOPJpOOx+Ovb/X/z//3Z89cHI2aK5jBXwJgtxnAW0XJtUrvZnIQQ97vh9u1tzSosWyWqOrEO8H1V4hTNvOQOLEB1M7gSVaLZvbgrYAQAxZzMiSFRzDGUQky3c57IT2fEEEuQvdY2csO42R8//9nn/8lvff+3P/n0r54/91ocCCHKYqxZzDYPjgVnYhAHlmKe56KijQRxy6RMvHKsnAIwoBagiW1gPkzzwUtmOBMRGuNeuXHs4XUZFlvWAP1m95fFd+9GBAYHEWHRWszM3RfWFHABM5E70XJQEIqQ6wOVA3PXorWy+So2LUvWOlqd3SBwJ3Vf4Dzc3jOii40JwiIgcgy1Opo1R88TT6XlQEQZVjkYKEDmWg95Wp+eHKbpxZs3q75r2qZJqU/tcDzWocYmPnn69OXLVyEEd1dCdJBDmF01T1ZMCdaGGFsZat3fjp99+tnd3f4wTSmleZ7HWVdd06aYtez2x0eXp6vNZpzLy9dvwZVjePrs2fPnXxE7FO5O7kJS5rnkiYV9HoPZON81zFkLmBEkgKmq5nmGVTJpTtcMFXAfWitHeLWqQpy4dCm6ZaszkTXsNmfiGpm71BfNWUfiyKCspelWZdbNdj1PRuCQ+sTd81dv/sm/+MkXX98SR3PUhQeHMRkbItE6cmAOIV3dD7e7Y81VXIILS3KqRlpdsxvFOM+zuneGCEsMIqhDgQq0woNpdlSCGjJAbuJsWbu+TSkep7lWPc4VRlCLq3bwPJJfrFoEe7k/6Odf9BePL1b9u909E7NpIFavD3LsglfU4cYgJmpT8qpaFcwOyoHdbKO0dSo2H0grEY15MM3ulqSJMZciTgHgB6nKF6lhGXU3+k0TXNVkwT7+YBxajjKFMVjh7CBQcY1OCl88dgTKMGKQG/limgCZBzCDgqqAHASnYrBf+5vfy8MLn2RANaMUiLjkWlS3aa0uTddPu8FqTiEgiDlyrW1IVZWJSild16nqyWa7Xq/v7+6effDBf/jzP1817VgLFVvFdPXqNYs0KYXqpRQWdidVXcYsi9ujs0uap3l3N89ZVR9dXl7fXLfCiYiyItVj2Z1umlpmpq2rEmiJCBKS1abTYlorERFIlqk1hpqiaCRhYTgCBwM4SAgxBA2LFChCppmsgkKKFCgz6lRnFtn2ETTHtHBrmQ3ShNFqnue2WalCzeecu1VLnObMKca2icfjraQ+az4c6f/x//yTX/zqHYfeTN0V5HAj90hgIBj6tFlv+l98+2Zf/ahGkIZDAnvFAssmdXcEdSERt5Y8EBJRJCxTtkY8VRNwDTKbDdAswss4o3meymbdSye7w4GYBmNTj1M1BbkfjqUFqSMfjml8Tk4NU3ZT04WXUYf9beUIQCmljSl1XSmZqhXDICqMlkKnGFH7J5djteFmV4Gmac5PTmqehmxwI7cqMJCTwBxmv+b5yd9zNQ/TkyTEpZZas4AXGGZwg9P72RRmOMiN1N3hZCBACAv4W6CVE+aae0BIFiAEA4NIWNXUPWP5PBLyRbWdapUUJDAKTbdz23eb1UpXh3F/vOjXqGZD7UJaDH+kvmq6tm8TsdX6zVdfr9quCdGqrfr09OyiTuVyffrizauMHNtGQqiq9eH8XrIw8OTRo9S0OB4aCnkYTzebcZxqqU+efXT/9nUZpwI7O9/YPFf1Tdcf7g6rmA7D5JPub3ZtSko2jhWOKMndDF5KJmZhcZDBzWFwIxJCqFrNbLPZnG0bzwdhrNomiaTAqyYwURMIgGltEjO5Wa2WCRzBJsLI8zQHOVUPqkWrWwoka7VpzkPb45gH5vZ//Fd/9vmv3lHozZf9TuEujACIQYBV6iI1L19czwWFQiGYQdULaoXOVkEGoiYmgLTUQB6WEnEThQMCWtxaAq7OgdgJWcTNTY3dUepwfxDhRFyKGhJcffIVGoLqWIwDWEYYamWCBBbFoOrMzqwOIwgxmRJIWKKEeZ5LKYGl1BqMnBiBHC6V2DWE8G4+jlMJQCZ0MaFo2R03EhQ0uU3kKouZwZfmd0FCtPxOUCKFszDHqDX/elZmWSX+MLYFBlyrE4xg72cQFkRV4csKcUYQVlUyiswgM2cGUtfF1MzTXHPZO/KDmuDCLCnmcaRaGglRmmk3XI+TkPG67bvUtqur5696bkgp9tGIME9e63QctWQ3j8TTcXj9zYtV0+ZhmpXmaVpvt8HhQBkniSuKsqjpbtXMQuBs+tWL51AnkFedp/nm5vq066N6Mj7dnprOXFXnqkpUNQ8jG87WJ/OsXUy7cV+LkrmE6A5izrW067VatQL69ayFO4mAObQUL7Znj1Y99NhsOg5OZierkxVSwNRE8uBe52O+j9SFEI4jlRwit8aSWjlt+WaHMWd326xXJsXKiDFU2fEKFLopx3/1p1/8yZ9+YQR4MYBQ2V2YgrTsLFoeBTlz/eXtu12uGji7V4IzAVQNE1zIA9N21YtRGac2iFUlRyBx9omMHpgTdyKFzWaauA3JjadpMlhZIkZMYRpEiDloWXDMCGJaUD0FReIUubLAiVzrolpoVbgRliEXEJBhSqoMN9R5ZIdHmaGU0YENvCdTFpsKJ54tu+F+3g8zmDCqiSC7F4UblEAhuDpUARBxkyKBailqSuRWkOsUFuryYVx+IW0eHvZr4OIgkBDCe2IHICNXQoWzmzMOzp3EEDlplZK55ETeR64EzZXsYZyGncZhbiRWU6uZOHKKBn99u09sH1yczl69sdlmIupWbc1KxWqeiESYh3GSEPu+G1/frhf7LemMcpzuRWiqaPv144vzq3dvc9VsGlKMTX84Htdtd9jtiezjywvezXn37tGmz618vnvz0dOLdtT7O72tXSblaLv9fc5z0/RN18zzsNsNs7mpSWCJBLiZN01qu1arFp0c5iCtlaMIExHC2TY1hIZonuGJQxcbobZJHaQNAT5DS4rOXRCykmeGRAkwqWwM58BE1nVJquzHY7MNYjWKVkIIq7f39v/67/79P/2jLwtHECkV0kDwJBRFwFKLN8x9IEzjBK+AEJHb4lLUBzgsIFLV/TiTu2itQACYKJOTuRCYwE4gKm4FnoFsJoaeOmKp4Gy1mDODidw9xZhSOExDhVcmMAUnXcZMtFY2dl9UWQGiiDtMCxHVpUllFK1ZKwxBOEnyUqqqMrh6JKmCSqim27bVVq7GGQR3KgAxYL4Yxxjk7nCj+pB/yARyg1YHyJchNhh04fn5Nza4B8r3bzKlv26d3wM0EOAEYmaCmhU1EHbQqUwJEoiYiVy1OjH1TTxvw26ex0nVAAYRL3MFC2ObS26YTmIap/nt1fXlun/09HGZBq91s12PwzTOQ0qNiByOY9u0xDJOs2SLwt26nTUf8pzEKjwFaUIajsdSzQjb0xMOMuW57brjsHctnOInn37n5ouvG0dzevLjV189+u7Hp5dPDr/4ZgZm47HUT589ujvcnT0+3e2Oh/tbo6SmgDC7k6lXYjL4+dlFyVodU5kBb2LCMrnhKhTC5sSSh0iyWT3llpUzYSDKKYmwxiBTrrXmJoQljHTVtrl4qSYxStM0EkEyzO3Nq9vYrshsnqe+65r+/N19/b/83//oz/76OlMoEBcDEaokoZM+mdbjOAaOm661OlS3y7a/GyeiEEj3tTq9N3SRC3GMLMJ5LtUhgAsZE+DBkQwMMIyc1anAC1AriilsAoEJkZdm0tmXrBHEEJiYXKEOc3VUUGBxRwZ4kVaJ2DEPkwMdcwhhUp3ddOkcl77YUUsJIDGP5gIY++CF3B+fP2qb9PL1623BQXihkmKMrlZrdfOYopnFWl0f3qsDTK61vn/v9P7ji5rL+I2l8/+vT8KBTO8/m34joy3yQmbKWinXAARgFTiEUEypekihZalkZu5wElFgQXbE7lWZ45RnNiNJxNyvVjfHQ511OMxM5EaulqsRyN2mYYJjIDAs14mEm3V/dn5+fX0zTvM47GdpiOJm3XVd++bqTQqy7trd3d0m8MnF2X5/OOQ5l3l882p9sv3ed7/7/PNf5eGQ2nh/vF+t2hH2Zrd//OjM23QYjk2TzCFKIJEgKQUzUzIAMUQzatb9NE+hb918HMcUBExBwtiFddkfTZJlatZtm+C2q6oNN3WqSWIQVp1NrY2NxMa0mHjft023Me5WfT/M/MGz793vx9vd/e1cuvOTP//Jtz/+Dy9eXuWKxrl1LyABSIiTcBnGwL5p4zyXks1JOUJy2XKY1eaqDRGA8rCXLUw8P9hjmKo7CU1m7mgIBgQQEzGxOqpZcSiDeckwWTIlSZhMl7FgLqXknJ0QWNwUxA91JazmVcELMHUHICzm1oUUQzDPJCHXkqthcb8AZraM4/aASOAk1czd9odd3iPmsuFQnA1mjjIVYnJHCjGwmCKEpkkNEU95nmtRhrqbuRPYvWECU9X32J/poRkHkTu9F82Y+DdWOSIlgzsRhMjMFkpkcUkXcWewAQQ3HKtVzxEe2aM+zEAzcwVKKSS08K0Eq8upJZQkPn50WQ57lhRTNx7m65u77XodJGk1IqqlEDPcialGMHPRWrP+6Ic/TDF88+rNyWYzjAv29JLr/e51CNS3aTrsL7arbddM8G9fvPRas+nM/vFHH33z/Nu3V1dPz87mMdc6H+q0f3dE5JHo0bNn9/nbcS6BRHMOgQIFIl6vu3ku9/e7tulK9QLjFBFkHkcELrVa4ECox+M9Mq7fXUuTnn38eN0lMheWea5NijlPi6jGzONYxrvb7elFFHZQzqFpz1JcPX5y7hx+uDnb76evXry+2td/+kd/9cXXx93YzM7mMxFIiSjEQIIqsI8/eKROL15dm6oFVlMyYyI2FziDgpBWVzhcFchqZEYELBOoRAaq5g6oIzAiWJyqewFVeDEIbAE2FV4VrsAyAqLKgBAtQ1UGMjVidnixysSGh1CExVgmwucnZ242DaO5McV1v9odD2YuxGS26norhQ2tkBPNpZpbl6JrLdWenJ2dn5zV69v9cMgwF8pqiWjVJMvFrIIblgZwoLJQNYVbEAFTa6UhNUJhGFFWdWd1+FLR78coyZcF8bBieQFXiyWUH4DT+y7hPdXEUAcxKlDVCOjIG1VzXwhZW2LnzEJgcnP3EFC0iJMQ7fZ7m6bXb97Mw6jFO8iwn0BQMxZKIZobhwiBBpcQ4aBcz84vf/nLL2KKJ2cn1SvAT54+ff7imxjDp59+eHN9tT3bWs7V/erq3azOzAjSrFd5KndX76j6OM4hxQ/OP7i9vT4cD+b2+u7+ajd89PTJ7m53uNuLGRup6t39FILknJsmTdOci05U26ZZxMPAIjHEkEItiPC2C21qhjqN89V+321F5oIY01xJpM91DCLEgWMSuCGFxHOueSoff3y5Wp/t7u7bFbzTNvS/9b3/9N/+d//6869394MMpbIoeWFD1NSEtvIo0B9974NVE5+/eEdqTWzNtCqpP7SqeJjAc38YHfy1P4CwcHwOK8pOwQHCTCjmFZVBDioLZnVSw4yH2XN/T64rsMAIdm9iatt2nKa5ZDz84MnInRgPkNoICFF2eZrnebtZx4nzkiRqHmO0qlHCB0+eDLtDnqY8j+4WmU76lZuO49hvVrxtXx5uZTiehLAvc2ziMRd3L8NxHaMSzOd6GM0RQAEuiwtaS3DapsCGbOAUQtsd5nmsmmEKM7AuyhUcQOAQQsg5g0CgxpFSO87TkjtkhmVan5e9/7157mFsBDDAzaqB8JA9qmYSYiSpJYdAzlzNSHi97ubjvDscz/veHP1qNeuIkZjEaclLAQvBPKUw5ZkE5EwuVu0v/vwnCyQb8yRRXOurV89FvGnbN9fvpnkCdyfnZ+/eXhcHhyB9N5a5jNP0/FuqFt0rckrx/v4GTIexpC5u1+u+aac5912n8xyZRVDqHAOXUk5OtuOYgQr37WbTd93N9XVisarmKOrBMscmCmloUedKMqlJ9YbjRkKsNoMFFDjKOIyh6TZ9X5UPh0Ns2q49bdJpmRkuw3HYH6YPnv5WtvZf/ZufXu+VQsfRyQqbi6FzDioF+eSkSdG1TsN+iCSmrsYwzlAjVIYtLsmHcKYlzp7VSd73eATAEJlCCJUwQq1YdQTwMrBED24yd/eFFnxP4D+YwMxpcffw8qCFPl/AhTNFIsBNHQ6bTD2XouZlqnPm6hQkhsCLPQ5+d3+HagrN0Fbk4uQkmO+Pxyh8yPP161cAnlE0+GhGtZz2qaqhaHRvY1i3crpN5GCiVd/tbu+11CCxlHkaS7fqY9Mu8XHOrJrdnIBK7swPAM9NRJqmKaWAwMBa0qpbUa1ZVc0JHpjBBCaxuizuZekYCAx3VxElg7ktKoRwEAlMWnKEFDIOIIBYQmAGKDCIxymv12urysJmtSzwSo2Z5zwLUylqeRYKXm3SWckI9Qc//P7p+cmf/NGfNE1crdeXTx9f3VxPmu/GUVlu57LteycuQsOQWwlUNBoHkGn2VbfqOnXvuma1WX/47FkgHG7v2b1U3XarGNm8GcehlNI0ze3tPbMwc8l5Akgtxdacgoi6B3jNRZwSM60TtXGOdBTkTMa6aVI0G5cU33bTl+zDYeraE5Nm9fhDwYd7YLbDy+vPjaaufSyHT/6bf/LP/sk/+w8OITKYMiKRhQa5zlXzU+eP15f16N++fqsgCp7rVG0hRR4CqMxRl2w+EQebmwAOq7+xPoIBsBuqgwKIRYIvtBEFIoYzXM3rMh3iDxO8DERwBAu4kM61lnEovnh/AUJKycxaKymGMZsRK2TKvsRTHQ7jiji6z1atS5MWalzVbo67Tj3AG8LpaRujTsPQ9nzcuc3WxM6cb9w6n3//s7OLU9nvd87ehNhTOOnS5fl8fhG3m65fxZJLqRfjRO9u8rvr+JOv99RKI/mii/M01xqudt2b+2m2UJyy1+pOLPAw1ZrHwV2F0HVtaleT68xezMEuRGRIzAQeGOqm1X6NmpiImN1NHUTs5m4u5HWejDhJqOpuLkwGut/PVquGIKUW0a4Ph3lsIiKrqNWczdMIEWL3OcIPRn3T1LmCnKGuJk38xedfprYFb05OHxHb9eubnCdMtY1xvB9bSscxS4ysfJE2OWcrmsktRRKitisNDbu9CDXuMo1ktgl0c3XVehnnHSjlaSIHOd6+eFOyS0xEIfb55LzPyBZTnnmaSssh7IejUFk1qxTbtomblbRBLdcoCxeWQuTjeL8/DF3XCzWx7c8unuR9OA5CbqUes42rzaVx2a4+/ou//Or/+n/7r7U6HGWes1qTEjPIVc2aSF23ent3txsmdV8GceFwLIzOb2QgWQhbWU5n8uVU+DXtt0wT2kKFuGPJFub3vIc3ITRCxZHVc8nEBCK39xIgnMgjQ8xKzcwwgixhIWVOzA1FqZGtBgiBH5wxqFHkNIXf/eGnb+/vfvXqZQCFKKXUTYrPHj26fvuGxcpUj8cZLLmU4vT49KRLzWF3kLg66+JHZ+EHn21D7MG1iXzaBSnjo8eby8tNng9Mc982q81Z1bQ72M3NQP/yZ1VklbjmqcwltSuV7b//6bf7iW+HulcURYETuROHIBy5llxKvq/7EMN6uz48ZNmqMJHDTSUKnJ0LEzOzVV0CfxbXXxBmpgcOeOFgF852sX27Vzc1P+S83a5OL8/Gw70XnG3boLOojoNVzcadVVt3qzweGJ7nLKAURNWcPDbNVLLVcn52tlr137z4arVupzFrqednF4f9EKQ55nHKUyAW4nW/Qmp2x4N6JRfXWvdTnafVan16cTqrnfTdt19+rXONHPfjYFA2s6oxxFqqQbRWcFi1bQihai11IBMmVvMwm3mdY+hcyODjOLTruO46V4wlFDQwhmza9fpke7Jen8BTrX5zWzbnLQzzPBer94djt+5TaP77f/FPb+4OsGBmi9cZVVVz38Sm5RhkbOPN7f2QLQkCgRUCBEZcco8dbhCgIQ5EClJaTD5uWAJHwI7IFEHizuYmnGlJ8FQAgQhEpRQ2jinVWoXofVgP3D0blCwQelAI0VTNTAiuECZXWFVEBhfSGqkk5mIujKrahhiE8zS31R67CPH55uLmsDvM4/Ew5qofnp4+evbRL1++eXV9W81PupjEQ9k/21Db+g8/Of+9z1Yn3VDr7tknj862aSWlHA8XF6uUuEwQoElq9aoqn/XdI5ST/+qzyULfNtfX1yztza7O3j3ZfPKLr95+e0MvDna3myhycZqquaNr24PWWo1RFbi4vLi8vLy6ujru925e1Bmw4oCzuQgYtPgplplnuJsZQEwIIVjVxYnNRLqQv+plCcQSGbR+8e3rQKVxhFI+PF/zNJ1f9ocsZdTqUCeW2LovflMHKdCu+83ptuz3lMIn33l68+665uHudiCi1arv2na3O+aaf/d3f/tnP/9ZzcVVyzQ2TWrbZq5FhE/atry9zcdj+7R5cXP127/9O8+/+DL2ay+cp0whuUhs2+l4rIB0yRROITbtNB1rvctTZkYjQWt1ltB0bZ82bDxMc98wSMwYHOtc1aV6ZJbjNK3Wa6XV63fH3f2b/f0gXap3d23Sw2Gea2nXXc72+Zdf/uyXP3/2nQ+Gb4bD8RBE1IwdxAy105PTR48uP795NwBVEKKou5tFIBAJ0dKqihPMwnIjBaky64LkHQyIIxC1EgKYzN11XvQjJgJY2NyrKgBTXaL6mWm5jouY3bAYxAp0QhMkGWmtZWH8U9flafaqg5YUnBo0jYQou92kDo40einHPH75xbOT7aYRLhXTvhc6MN4c75PwRdc2hDoeu+Rt05x1dCJDk/Plhj7+Tv3D3z37+Lyuo+ec1hvdrqkDhWbFwchygol7o6qmWlFrjh5iXxEC8fDhKmWj/HhzrM22LR+cXHxzW37yzf7Fiyl0EdJ++fJ2UqNSxH3JzdVa375+wyGYKgxLaE/gQAvJA3JVN5dFUiNneqAZzBZb6cOQmdnDhXZu70knkep+db9nw+m2ZfZCrozYctd3a1nff/0aiinn7arHccxWjVzdDX7x9MmLt2+Klu9+/N2i05s333Z9W3LWYqy+ignTFEN4+fzri4vzqzdvooRxGB22Wq2CRQNpzsmx6burq2vv08+++PzZo2f5Zp8pz3VabVd90+x3d8ScmqaqGVytJGnVMI6ZwImD1RqEYwzhfHtSMxiipe72ZfP0RMlmbYh7CX1I3TgezZsg6+FopdJ+P3/9/NvHHz07aVqnsdr9drvdj0OQ7k9//Of7+fjJ9374+csvljg9h8M0EgDabjbXNzdvb+6JWCIbXIs1ABOEGWouYg9xfIggAMZMMVRyye7wdunj7EEixnLfoumyvxd3r+rL1QwOBnUp5FrrcseEg5ahEyYyjyIOL5rBzEIhhFoq3CMTBXEFF6m1wLsyERURScWEJEnan2wA1JOL9tH29DgN18Ns6s5c5prHw7tfXn+wkZOztdXDdz7YnnWg6XB52vzwR/y9Z/Wi1eg+58ZJOopUna1dPP+kTB7VyJStQhWlwm2OnImDeokUEG3W4ayfT1bNs49OfvDD89vbJ2+uptfX08Xq0W7mb6/3rvyAL6tWVfVZmBjLlAzBTBgMMvJqi/JBujTFBCLwYqxWL7nIQhC4L01XHzk0zTCVudQYhTk6arNa2zzv5+nN7d0nZ5tHTy7GwsTmxB9/8qxOk5aqhGomMUx53o/Hx48fffP1c3Zquy7X+luffvqrz7/iamSz7XaPmjAdBk2sbWrbZh6mtmv6vru9vW3XPZjujwdOadWlm7dTI2m+P97zzUm7nttYJy5zvR+zVVu1ydVKziE2UZIQDsNk6paVmUyNBcQIdRq7uHFIcXVjp35W5bCeZtusEsy16DQUnAQzS6E5Oz1//IePupPHQ66319+mmMpUA63K3PzFT14Zb++O481+J8IKdwMzO/l6u3bCi1dXkMAigNVawzIGwgsD6WrmoD61yUmAWuuoRU1ZsGYPzFGCV1fVbGqwiofZl8W9UvFgFWAiqDtBWIiVzHlZAMv9EYA4UJWhy5ZXDMnzOnBjB2Eloifn20Awk2nKxfkIH0qZgZzL5Vn3n//wyV/82V9tLy4ePVvXN/Px+r5Lst/nLvI4Dj/8zsnHT1ubrz583P3gexebdToediHg0w/CRR/XovM4C5ibJG1jc60Kplqtgqw6yEhiO7ujaYgk1pVZPs6jMcU2ZLPUhU/OLoFg0MOwq0/74bPTP/2z5/P+sNmcH+4hq3StcyEqWt0hD/Q/BZHgS4atEkGYJUDdiv069cgZpGZL1MsyhQNmEVHVQNQ4xElZKBLAZgrQ26u7hilX24RgQIjxeHfrXpjjMB+fPb24ub0PbdJauU1N4lL12cnpW34ZFSm11X27Of3eJ9/5/Gc/W3ddO46rAOv4rfihzCGGQWuT2jzPTRtX6+7d9XX/wQebR4+ef/nlZrXVsQgHP4xv7u67VX/y9HR8dd8EYScvKkFQzLxIJGOCk5YqxAwW4RgC4KFjXqV42M8C5Lm8enX9yccf5xqU6Hgc8jgdh7FrO3LKc4b7NI0fPP30fsB85MjrruPjUFbtk7/64t1XX139zt/5g//w8y/rgiSZzJyEzWpsmpdv3oLQSgpRTHW2uqivD15dkBOrq6qCGO6BqAWpkBLcwWqohQziaCAqQsBs6o4kUlHKw5gTVecAMDDPM8QZRAxhSiKoamqPtqvf/v5nH1+U84uz88vzN1fXP/3pX5+f9ofbXWQRp7PV8Uc/uGCOHOJhrPej/fgnb7y12+O49vSI9PuPt+d9c/f29XScbLJNz+vz7dPLzadn/p0Pt083JdX22aP49KKQ1E2DqWjP56vUIh/grqaHYbRx2PYxilbPBh2nKcWm6zfFZdBynA6haRvpRFbmzWE8jMd907VnF5t311eb7WmgqaEby7sOJ//L/+TjDx7XP/7zV6KllRWsCAuxkGnVCgc/+EYNgPCDKUJAxLxYUX0Rz8BWDUBMEY6ciwhLEINHkOXiVFOI5pVE8nLEuxNHMKasb672VL6OXb9aN7fHDNTPvv/Zz37+damFUzTGql/d3+3fvH7NwOH+/mbVMIeXL1+vQ9NyyPPcbFYtBUF4Pee4OXH31MScl3gzdrPz8zNj5tV6N0wfnV/OZX+yXc81F/gxDx999NFqDrfv3m5Xfc2TFQ1MS6IHs9ii/BqVWsRRyrza9iGyM3bbVVk1fZSL/a4cb6amDxxL1DUjtG23Wq/nmqeaU9tuN5dZZN277qd9dk3XoQ3jjHc3OXV0PByv3h4XWcUNkVnMyOnN1bVVA3HwIqVSrYkxA9NCvVffIMwuSghwYTQAu7MuSdeYCYWI4OpOJPSQ28DsRmhIVmzXMehMMHCgE8r1ItXLTbi63a+67nS1Pl91Zz0uN3y5xo9+q/vh986+0xycRlnfhc3mxdWn3758o3N7eXIaIDTcblYx1wKxkFpI83/8w839ruyP9eZwc/Z0uLn57K+/mL9+ebsfpv/8R+vvfLLe3e1+9N34o0+MkC/ONvc3ddU1IYamkc5nt8I0fv3mlkL3zau7GNuT1QbjpMgX2621pdQapbVCdUZWdcg8j9XoKD6XWqeZDYI2WjfcFdQ0jTZV77onTcs6jSi/+r3vbU4ebV7fvfvybQq8LmXf9DLN9yzMStGjk42xZPFQOBGjaHDvQyOukxcnqVi6VQBQM2YGc4V7rYAflyj1WlgLkxPxck0jQjy5vJT7Hauq4+1N4eY4VXTtyqb04z/6eYFU9hjDYR6uD4fNKlUp3NLbuzd393eJw939/dU8o4mq+u1YWgrR10Ae31wvqqcDsWmcwBK22+3LVy9vpmPK4zjcc8Nv97eqGpsWY757ff3046e3dacsNROrCUWtambSUcpC4MkLUqVW2raR4KHrtoRycXHOTuv+Yr2S6jCuWQ+x78llOh7243G1WjVN4+6uVsY5aw4xnZ6ece8mze6weXO1Uw+39/da/eF+BQYIRu5mriYgJnZXN4LZkoNmBHd6mAN0XzSraoUdUVgBNdMlPVZgjrI4YACz6mB1KzIWPTZA76nnMNd5FXefPA7/69+9bMX/6Z+Mq+TPNuUkzp9s8A/+4NPvf9D6fMXvfhEfJ4tUhnunbtPob32ybmPLDnbCcK6lhAIIpya1q800e9fUcf/yd35wljZ8cUaPnpz83tCdXn7v5Ezurl+hbp49ftRIdiN3Gof2drfjsGr7dc0QCTeH29h0k47tJl1enPuUidnGcX+8Tt6VQkmkb1qbjGpthC5Tp26D2WEYxGnTrbRUy7lLTejXcyn5OLiVk2bdxtSG7VTK5ar7x//ge//9H7/e3d6qk2YwLMToZgQrVrS685IWjAAAKKoSpCEetDhj8eYv4euLO/998gWxU2QJTPDqDjJPTMWpVjVVFhYRq3NsEiJprTAdx0mzfvDk8bdv3z69uPzy+ZetEKvrVNddr5KnbJdPn755/erJB4+v377Lo86MUktLslCzc55BkCY5EDlo1cPhIEGmMoem2ZxuD4dju+lLqSen569fv77d7dpV+9l3v/v262+neVqnlkBWLaQYQnBmJywCqDALsRUNpYbTkw2YDvsDUSFEDk2po3lzPwy1ats07tgfj1pK33VgKcOUy9i1HVMai6361b/553/+P/yPf/zok0fPX98tCTe+XKFGpFUXV5YvRL7a4nWQBa2TMdidFMJsVQ2Q1KTgnudc3ZVIwU6+mHIf+NAgcylWlZiVESLiFNbaPtu0qxX/43/45A9/eLrO01d//fbk73367uXLjy7rP/zD73X59kSu8OK+g3ZN2N/a6mLLRj7UKNTEiHqEOYGafnXc54WQcmiex/1uLAU/+K2Pzi7T/fGq4PqH333qEjgOQeqn28DqOd8dStukppZaylTK7Ohr1apQJ5fV+vRRyHlzKm1qahiQeTfsjrnMtC0zb1fd4aiNcGRiWCBVmJOcd32SkOfcpkRgK2pVBeg5NI08Ojt59+JN1zQxtvk4/c6Hq2f/u+/+znff/L//+Pb13dAQSlGGm+uCgnRGAtwNiwjgeJC4nAmm1ZYRNCxW+uXK+5hU1asxOQFRRJjVNKsmCZpLHuec86ppOEUjc/f9YTy/OD3p1lcv3xbOjeu42zVOKabAkpxFqWSTNlmgZrvaXF4UYH9ze8yFtO6rsshUa1zCNoinMe/r8fvf++z+sA9t2h133Xa1Pjt9df1ONIDo6vZ6KHPbNPM0P/vtZ99+/itmmaap6/q2bRdbfZVF6IcIw1GmHAkhNpuiKtU5xtv7+/W6ZaAoj9nNMsjFQmA2t8Px6ObkNI93TR8lFJJQHPuhvHpzP2dT53fXs3MkwB1BGOrVfGH6iZjcG0F0IoM61K04iikbTSAsQ15kbgYRFy6u2d3IBYB5di8MY1Jb7ihkmFtFF9qLlD5s7H/7vzr9R3//40fb6/Lul3Tf/t3Ly++cGH3nUnS4rFdCs8+lFJ4tojsJONIcozAveUweJMZaJnfPOioKM4nEkstwmGtRItGyn27X9RhiLalmYm5Cssk9Fy51vxvCJk6Hu2EYnz5ax2cX9/e7nMs45BDT7Be3t0Ektk28ub1FyWK1TLzpT18PtVSbaY6oXUQU63ohdpBxLisOImRukYlAanADszClOuZJ9l0K7F6mGrWov/v4tL38+9v1xSf/9X/7759fz4tZiNntYQKdFlaemBUwU6vLqBsLMQXShRsVZpFFbVwSeoPIEglmS+AKMzNXsyhSVGuttF0zPEVQ8FPrxmnUKYNtHI6rvrd5bjnYXKqXcc4SAgEe6M3V1eWjy9fXV48uLpo2Pf/iVwIwkxDaJsG9jU1VbUWWCzhEwvbi9N1wf7u7v90fHC4EM+QydKve3Zn55z//eSmFQ2B7yDWrthgtYaa8xAQUL6ap68LrqxvhuW2rlbnM/Glz6sUP42SkUTyFALhWrbXmWls4RQnUjnXMx33fN4gxV5orr04uqkkxZxZXbLqUQpiGMTCRQ9yFSIIkqkGJgWpeASZkRwEmgFxD4Misbl7NhWu1Ga6EZHC3AlSCwauBwY0kJickHu2sn/7x33v0v/8vT5N/Ho671hoKJ17szF560UCkd9NULbY9tVsNIW/PW0AndiFXOHPiKBxKpaImzbKAY4zdYbfbH8a2SetNN0/DOEtE18Lvrw7DXLr25PL8keZR57tIPg8HL+W0bbs2Xl9fJ05d6jtZ/fJX7ya33f6t5um7n16Iz9s2He524jLk8uL2jbqVk9X5ZhXA8zStTs6LFtUaKNWaSaBWSg3udLI53eejzpVB67iinIWqSIyhlRBOoiEMPF9/9mzz+z9cvf7X8/biwt0P+2vPzk6RE6GQu7otXlp6iGZfEkIf6H8mXibPmMjM3IxEiFgE7jUXdbPYRAbnuRarF08exSCsZSxHKzkkVlMvJUSeTSUwma+7fjoOYN6cb252921MxyFTqG9evPzggw/qPL/69oWrxZgCmIUfxoaqlmkKKTYx3N/dt5vVMn0vwkGkmtWqMaXNZmtuKUU4HQ77INKKVAcvLBYqCELO7AFiRTkElth0fXh3c9N1pm5N5KZPWadhmjlEktDF2KZg5kWLu0sMs5b9PDqgNQsVziXn+fX17b/+kx9vzr//5u4KzA5ulsSLUqOjidHV3AxmZGbkgAcQc1hu6iSQgjI8mEd4CByItNowl9l8BqouadF4UIXN3dBy2ITGszHs/IQ+ObG/84Mkx9eJgtdzIIUN0WpKeT3cjVJjy91kszhpnUSql8GjOEQ41DIhECOWeR7GXWobosaNJTTTqMdjmY4V1ZIEuKvuJBxjchdp0H/74viv/tXLTz6K3/ve1m2UKlGoi9wI22pF1NzeHlXpcDM+v30zDvO24/UPkrjZfNg0Uuby6Py8vYhd3+1vb0/WjcA9tRhHgaWYqmkIHFNoukQiTerHaWIRAXulkEXrncXRKbGIU/BSx8Mojffp/rsfn1xsd5MTReZAll2YyBNQl/vFjNwApodhCDJULQtCCPyb6QJa4iDdMiDqcI1JAGTTYprdtORjyT3i5abfX9056VxmEe6bPrgEN4W2qTnpN7XrAG66rpgP05Qcq6YrWu7evLsHxvtjG2JYfGkSxjK1IdZxFqcuNbPpOI3nHzw+OTv78vmXTQju1DWNqqt516SPPv7kxbffRmaQWOucNUows1prCDJNc1osHqZWtWn7WUs2DeO4225OYpBV3wSkFNmNQhP71crnQUtxQkzBq8emUbe73V5C2PSNV6s6K/H9/bg0q/v7I5zYPRG46pKuVEoNhEBgh+OBkld4xRKDufQL8CWcVb3mCqZiNsALQ50IXGHscLA5OSFEKlrnPK81Nuy//3H4P/zjP/jtx4q7V/PIWsXFwHdaS7QVKLmSujeBGfM8369aalyO2qV+I6LzNEWJisnIUy9KeR5rmWw6VlesU7M9byFkUCefyz4EgotOFEN49niTRDanqDzWPJzKads0dS65HlixPxzraMNQPvvo5KPPHmsdm6hiQ6DcrQMp0HeOuWNNNj09XXku7EQgr6AQI6WRJw6hFE2h+//R9Sc9lmbbmSa2mt18zWnMzM09wiPixo3bkrzMSyaZzFaoAiqlhApCAYIEoSBAgKCBoKl+gQAN9RdKMw0FCZpJKEgqKLOyhKzMpDJJJsl7ydtH5425Naf5mr33ajQ4HqySgDwThwM+MDc7dr6913rf5zEIy9x+8he//OTD51ebHVPQIpAxICG5WbuQp/p+e14O87vX5cwh4vHpFAJ6swgAiHa516AD4EWJoOaIwICXjaSqmmlrBoDM/Dfq4mpqDikQIlWzEMOFkYqMpdSHN295GAZrrWifeZNjn/syr2pOmfvYb7vNdJzOh6mVZoQYublSE5lXcR/GWFsdcw5I1oQSt9pSTlrFwWMI6FBLbaBP9w/9ZgjI2qzrByQyqSYWQ/rud797eHp69/pVF9I6zzfD2GoTVQqMRO8vPkiGCgjE5ArneQ7jQJFpm7c3w05LHRHQVj0XBFCyohJSpMBMxEDreUYPZNlrzCk4TkT5N7+5E/NhgDqtQwgm84Axd/25VAUgYgMjUwYPAOxQASaAiihE7k4mCM4X8JNCVnSCJfgxggKg4dC4kRs6GwUgJ6pUc08D6W2D377i//Hf6n/vBng+RGiAEwDqmlUHwBQDKrXC8wnmkJzYN7vrmLC0ZuYil4h7cMPWzAJSygoGVRMjqvYxgqqYreLGwH1y3KoxLTaa43qmuDz/KE7WQtcr3y4PlcgAqaxLjDQk6ELoo4Ouyb/gIULgogbMYmaIgXszXwka0PRw3PfDGPOlCRE4Ls20iGl16N1JjXf72++8hHk+nmEeh6RRAqa6gpW2u6LArUrlwIN0387p6w6KnyZto9OolMyeTI1rAEAAsUvj5aK5cUIIgOzGF+Xwe7mZowEzXc6JTqDgeBnDOTFH0upNNkyjO6p+/XDoAHpKW8pwllUU+qjeDPLT4fR0f2KITpEzeXSOkDERYIrhgxcvXr1908yXpTy/uu5CPJyOUioDARPEWE37vvOyluP5za+/DtCZ1jLV3c1V6obTPD0eD1Vt3O9//ctfDM96RZ9rabWAGRsEIxVtARUs5mgMNQJBYKRAqceYKXbNAZnPpcbcgaMxBu7MaOj6aZmJCJ3QAkBwSLV5jJhzvy7ti69O5nleS3MHEQTnyIaw1KIA5MjvuReXB+4lgw7q9k37BOl9t8/YICGh26a5BTyqi0MBd4OAACAIkIyzpl2DF6n8x3/v9p/80Yvf/hi9nBFain2rqKBGjIEB4bDOIo3Icpc31+N2v+GMrcx1nXvkGENAUhNVTRDNoa6NmQqnELnaUkUzx3jJzKlYsQiXy+FlSmIxBiTc9oMQmAsHOp5OKYduyMRoaIz8bHd1Pk/cFIguoSVzD4FN0VWlCZDUVXIOu91GazU1DixWVS0gIOFcFoohhjCdHve7rouaMzfTPGzRdZ0rh2DilykCufSJ+l148eH48vn05rjeXr/obH319mswB6x2mfP4BckFzSFe2mL4jUAD8bJStMuHvFvmEAIhgqqpaozBzTFginEcxtN0XhIsXnoKu5C0VR77qbTWE3Q0KpTlbJhgTE+naRwGDE4g2xSZQ6ntR7/7u8fT8elwjCFsN5tPv/Wtn/3kp83E0PtxBGNVjSkSM4TuOE1IlhLmri+tPt6/HbYb0IbIr778dVvPOcblNA1dp2tFpvdkbHcmIqYccmsNAa2piqQYQ+o3VeGwlNP5vOkycxgoqIGpYPNxGMEM1VJICg7OYiQGyrYJiWIvEzBHQH/99h6QDIHckbmZKrw3mjBRQAooqOYEbnCRGYqZgrt5QECEHCEqBLPokJB7Z7R2BqiIBuwISkYA0Wn0/lrK733W/Q//uy+/92JN7QAYzLAcGlhCJgBtVlUMzNEtp9T3yd1Px6OR9kPuuiFyRIAyzdpqYDarChYjI0OlSwQggklt2lqBy10QLQ85MF3CM46uJiie+6AqZBZzUimBgzSVaoAYIp/XKXSx6ztVOy4TxwQOIsLEoBeelCDYhy9etKUYOEdSafO8IBGaRmQCI5DSzkA8n6XrQmSCwOJAyMO4a3Wez6u2edzEFGGppWhJIX543XW0Hs+txSiU1MsFqgWXS/CFLoHQHNSB/BLNwoslBAn9fWeIiZnBRcTNLmaQcexVJMX0W7/1w7/+5c/v58eEOKQ0QLjOweZFpAgjU+iAFl1o06/WzlENy47jSJRcW2J12z27+sVvfoWIkbi19stf/MLUcpeqSc7JRFWllCX3vbuNm8FNmKDrkkphdFmXlDMinu7fSdPktExTGsZhGCyIiQ5D7+ZyEAcGQ3JMKVkTV425D+oA5qpGTIpelsnAnt2+WEols8ggrYyRynpyBQSpVSknrfZ0mLfU/fSvf/3L37xJ/Xg8aDUDxiFHRa+ijm7uBN98kKi/7yISBYALaPNvuAYpxkRGrk0tAHQQWF0u+DhvFTpDNqwAgJ6S+z7ob3/76sULMH1LUrVGl9hErSF4UG0Gqq11hYkQS0shRMRmFdHnae2Hnrdpns51mhkR2fVCFyfkQDz0qs3FLlwSVUeiyPGiqVtbAbcLYEnNI+B6XpygD7mpdDGCOWEopaUuIyIhEIOBh5SC1XldiRkB3LG1CmZtrv2QWm2GkPp8CUWNm22rFQVz6jy4IQr6UmYgNAc1wBBFKhP1Xc9A8/mJIXahY5KhJ1tO1A5brj2Wh9P9kgflBF4DOgF9IxQGQMCLrcBA7AJfhM04ikpr4ogAqGalNEAPgQORqoJDQHJAqfXx3QMDRsVgKNowkLQ1uLNrH/NyKAv5drM5mgChISl613f7HNvxsJqNu93Xr18fHp8YwEVy6hA5913IAbVN56mWCuAAqDbncUhdFrCxi4fDqctJahv7wcCHYbj78uu+620tHTGoYSYD78deqqA7qNWiBt51SYswYd91fYoB3NZ1JS3bIUeOaUjH02PXp5iSyLrMuhliLbPKDE7moMhIvaofTsvUHv7s3/3106GkYTetC2AAsqLC5upw8RhehHIXWcnfKJ0VKbObvT9oskNEjB7MfUZTAiILgjsHQIgEk5XisdngThHbvjt+9oH/4Y9v2dcyexSqRciIA6C5iaDZJnfISefZVCPFoCaLqEvs4lq1YXMu5BxDV9elLTWlmLpk4KW5TxWImQgpOiNSKKVe8pJaJTAhkJnlnGOMDiq1AQKIYBVZS0ydMyaM8+GchjzuxpTCvBQEo8iZcq1iJoF5v99IaakCA2m1Ii2EzokMLIYQQ6JmtbaiQinEPmhAIkaHeS1WljwM6ISiOeRCOca4rjV3DATbrtvO+lufdP/mL57uT5MAYmBoGNzJwAAQ6aIPe3/Wd6ALiM5c50VVESFRCIEjMqiJNmiCiOBOzE9PB2bOMb5+/RoBe89irZhLl4uJtwYe9Cx5SNZ76no8rVjqFgNWnw9T6BKoiVater9WLBIBL+pqB3EkNZin4mrjMKzr2ppE5HkpJOqE7XRm5uk4MTE0a60VI1aEqlg15VRLFRUmZuEupfl0ZqIuxdoqKbqbijqzqwSp69iloeOAitAYYDOkshylhSH3tR3mBbtEw2BrMyriSNVD5N4UT+cFMKQcHYMomoOZIgMnLmtr5kSX/PF7UB8hkLurMWEi5hhCjufzEcygCXowpIVsRQC3PUIG2AMwwA69eH20LBC3MP3hD/h//h8//7u/zSmE4+lKqxJo6igGacvqxQ0gOrqj90EFNFAhc3Ln8LBMFGlzvWPD0goj55CbI6fszAbu5L40JuOYBLXYpamMohJjAmP2AISC0hQAIcdsrdW1ULaEABRc/RJZ6kJGB6sFAiITp+BmiTucpqWJWjNhRnILtTY16TYjhU5MgdANRcQFARKnCCmM+102PZ/OJsZdH6TYcgjcT3NxCFXEjCmQVguRBh6ucvvuB/0//MPr+U+fPn+ambdd7KAUc7sgft9bHS+UAHjv4wDGKuIORFhEgCinGEMMSlUqAMQYkYiJilxghiFyOlU4a1sj5QCT057ySMRgKmKRDFimRmdJzUPkutY3p2l3PXZOXUi0ykixT6mWYk2IU0zxPK8p9pxImppSjoMDtiomqq6O3nVBqg19Ph+W3W57vD+M41inFhxA1EwpUFOt0zntrt73fQzJiIEvrHswlVZDCtjasjpSCutqKbKpBAo5BdTDpgtazjnEq83w7mkJoAh5aQukToBe3z8WiWq0LsVcgQDQ3bGVC1LNwTyTD0AZkBH4kvL/m9Eag6hc4vzksLoLYCOqagqggCMjGQT1yE7gjIOD/f73Nv/r/8WPvj2+5uVtldDzwF0HIGatttKqBScykLIu5+KBHV1Mo7GYAlC33e5vbtaywuOERBbQmVIaYmAMaK6O5oCmQBFFRFQ5pS6n4/m0zgUVHS+BJVVtkUMXozuAsjVQ8IBciiCjI7k1spC77vwwPYFur3a1Ng5hWQsHBNMmUwqR+8wt5L7rx808nc0sciAO07qKqIhQDGASuw6IpSgBJU6iqo7TusbQm+sw9KJNlZposlC9pi7AOv3wu/svHuXd8amsBTE2v/CRgcAuAqKAaOCJMRAvTZ3RGcUukFyobqxNyC6sGjNDc0YH98xYpWIk4jSLNgqF/Nfnw3dunl2lbno67bvOapmWdj49rU9zxthxDBgsclHQpZVSY4ccAiMd5znFSMSOVGqV0kKOtZULZULNm1Vz55jAEYnq3AxIG3BIj0+HxASuRGJItUnOWRVMBJFO5zOaiTUQCykKOgCmkF3VBQORhsimDTgC47ScNmPXymHoYZfxKkPXcbA5o1VcW5dX81KtyHFpcp5Pfcoo4GUlqODozuBkys4EqOyezPaOGZCQVveVWNCq66rNOZaminbh76xA6qqGVUEJGsMaQhaI4hVFkFlz9oc/+N7+5dZSI9Zhng8Ec0/jPNd1ValoKwaDINY5EngTiDFFDqDYpFnRiPF4dzCzq4IaoQX0FGOK0CqoBPYia6PIHFcVUTegaV71PKeuUzOpDQOt89xa3Y6bzWZrrV2EuNWcumBiiCxrvQjqVGm2VYAaVutxOhZiIUSOGBnYG3qTkAHTuq7LaRr7QZZSuYXNJnASKmsrWNswjFLFpbFS4ADNpcEknGKinHRtgIbo0DDzQE4StYlxgr76YNpXj5Eem9UQEep70yoBGoB7RhyZd/1QHR9O5+YGBAKuDkzYyIpKVMiIhMSAKHbBRzuDggoqAHAIGJxBTdtuvD4+PWhTlVo1WRMOCcwQ1FpDhzEEW91Ml6XMsF5oZYsIoXp1M2NArYuq2DdmhgsNhKxF5tqamI+bnZiJSehiiJ4HSrF/92oOHFTQDHLsm5RSau6CsYO2NPSnWkPIbETA6BR2w9jlJK2k4H3iftwPQyIYQqDQpJSSEppqnacxpqXZnqXZvJbap6AbwRmz1WYhOyKmamBuDaS6GVpAAEMkZiJwQ20KFw36hfet7z2gDk20IRCTqgLAe269t+Zw2aOpUQDsKH/15d3T/Xa/69eycNigiza/wOXBhBCYMMQAbkPoWwUkDIGdoKNUpLV19eIxRnV3DAYGwFUsgrnqUgpEiJvRgFqtlMN0npQgDYMgGUAXcqiGHKA1MautqggCrFJUZRYMHAhIVVRh3G4h0FRWimGLqbw5WSkYI6ag1YEcOFAANAjmZW5trVzBREKKp/Ikqv1ueLa5rnrxSmLou2ImiCKqgbZ5fz6fASSEUJvEwBBdVKEKmo65m0Idc/rB9z/+9Z1/fm/QhJhEL4A8IHoPTycAMgiANAxUirdCROR+6ZGBKBuIOQTuYigigYiQ3TQxxxhDTHcwoSOs7Vsvnt8CT1+94mX1GIYhPxzmUuo2JlM38IB0+Rr8wilyc3+P6wN3c7/oMy4AL2Y2VQdIKbVvRLRVmpl3KTuYgzHj89sbkTWgnc/LN2VOTyl1XUcFapuZaLzaL0sTRCXMOUI1MCDGcD6cxxe3Xdf1mYZMOdj1rl/mE19SmAoEzkSbPi2rPhsTEvWBZ7r64m652u/evn0sikrsYIgXnqc2B71gfQiZyJHEzE0FQC/+H3gvZSDwvwEzFbOIpA5A7/XQi3l1CAjJISMhLmrv/ugPPvvgWd9Oj03Uo+XAwUMMGBCxlVoqB+5zcpVEDIfWTNQEEAEhhtAP2VRbKReyoQHGkNCNgBzM9OJoUQ6xT8PxdELDQKxFU5dMxNTNgCiE1JVWab1ccNzYu3EMXSxLIWSOMRILeJNmAR0cFldzgmjKh1PZbAcC9oBOHDDN62JAFFNtGmNaSgUmc1inYqZd35+XmSjJWpsrhdBIOYQY8jCgqixrSTGutdEl1Yawz8MktWOWMvV5c3uz/fzuru/T07zCpeZ4EX2YD4Giw9j3CHj38LC25ggX3S8zRQ7WxEwdYXVXkxSoiaJaQMhAOjdpJ4rubh3Qbcr5OPO0dMwqen46DrmLbmS+HUdvok0RiJnMHFCRwNQuwhtAYOKu66Z5ujyaQoziBpdE6jcTWHCIIaQuFVUADSEsy4LgTRtjYpJ1KczRzedpipHRsSyrmxTnBtJtx7VIVE1MFCD0/d6MnCDFvBlCQJGyLKenFGk37gNyKycEXWp1Cgi2Gzsg+dmv6//1n37+wx/+3r/+y4dHiYahsGCUlLCu7g04oAMgsTtWA3BoboLeEFRd/dJdvGzgicjFTRRExdH90mC68AkZDdHQgVXb4z/6h9/+7R8O6/krXop7gA5Cv5XJ61rZQ6IA7GCqJgripiGFJtpMnNAQYmR3dZXEbKaiipwRSaoEYBBki+oWHEaO59McVmfgZqZmEVxXOc1T3/UOyDEyUnN7dntNBMTYRBQxXqS7TXPXT9Ok7+EvpkCxH6qoEQPzioHRi1gixLaa2jzNQ8qXIpuZu3mVlma32kpXQ99JaU7IkYhJwVRsXmqMKcTUmtTWVKXPSU1DIG0K4Oja1jMqLcenIVFKaV2WVf2yIQIAJhSzLiV1K6Koht8oYC8YLGZCJQM1RDFDopxSs5UcwSEToaNWzQRiFghP51NwQr886MENyHTbd1bFWiMgcFQzpEs8wdzMzIgoxqiqItJaCxxEGwEiEhOrqYNzDM+f3b5+/fqCNlMVc3Hw3PXnaUqBXVzqSnohHDuYuZm4MlEIpE2UMPX9Ik1MmLG6BIQwFy+ydBHAhbEbOwPUnCKROYkjeABxFBUxh5DmJhrosNivvpp++qt/MRVvxkBOiKCyy7moG7BEnGoV0YpQHJpbBUeiBhfcGoSL0sJd3RTcAIBZTMGBEdIlhmJGiG4mCJUoBfnB9692Y0lsfT+cF1+tnpZlebeC+RB7r3YJ+FYxZw+pi9y1iqK1gnIkZ6wiIDVy8PdL6rCu6sVAHc3E0YjLUmU+iCoRycWvQaRFvHnkBEiBCRmala7vnXBpq1VxwBDSsq6o7mKg4GYm0lQ4pFZM1GI3nNaVUyLDGKJp9VXbuZBjaAAiZnDplzghVp3nJefkxYoujJSHvqx1nRcgXIsSDrXpOPZqsK5rl1NpNacoKilHBvNWdpvu0Ox3f+uThz9+5SktIcja/BsTGBGowlKbg266YZPZxQSsXJBAZstaLv1WdyREEXk6ngkhXaqSePEw2aBYQziLvF0Wjzm67S1ERAJ28D7GKtaWQsgAjMSATMyq7T3rzy+xFCOiWmuIIadUS6mtABI4tNaWVt+8fcOBAXAYhtNyVlQHWMt8c301T8tSVzcMiIgEQKbKzMzQpIFTYNZmwfH66up4PpXTeex7zxSOs7jV621Gm4fM2tbgSyQZ+9S0GrldZnUUFeLS/NSE0vjsg+Ef/+Mf/4t/+Zfrm9L3oSwSDTru0lE7IBjGyWVaigMUhS4BIq4CHMjcFZwA6KKsUVPTy1ZGEAyI0MCR7ELld1IwA+F+rbHD9S/+3c/+ye9+ZxyvE/aPh2l2LFry5ajlCBSY1RlCDk5q5MtaGppnJqaYE4i4W8xRS5tnwyGvMlEM7TwPEHuOnHJt0hBCDMUNCSEQU6oi57LGlDfDzkXMxdCGYWNQH4+P/Zi7fnCAPo11rYRIaIwYOIJBoFBbi029WZ3rbty2VWBtHBi1Raa+gJbalopmKUQ3RyIKPGI8uIgAunUhe9XT+hRSYPLaSt9vPfZmssy17wYzbVqZQN2GofcAAArsOfOm7yLIRzfbL9+cX4zb8/LggN9INZ0CcgpV5XGZnvE4IFckQq/oxVXckdDRXYGBHEnJHLyo9V1//ezZ3dev2XwEphBO6HelQuJt5KA4GqI5mazz5GKICIYIoGoKliigIyAgkamq6iU3oKYRInMArJfu6+WVOaiqialdjmesLmq6392sZV2XEkMGA6gLMtEl4fJemN0CRoo0xm5dS+D9shRCWK2ZY9hvjTmJVEF6mtfMbT/GYczNq4gPXeZEqGpiHGKKCdbWRD68xb+b9ndfjayxGb1bj5sh7PqxHKWIKvqm6+fpfMnUBgQOrGKo36x+6VKX9M4pIhLo6u6gFBAEkUAcUDQwubuAs+s+dB+l4aOEzwYWOKd4NfRRSkGxzdhrEVdDRxclxoBkDm2pXhADx8BS21pb4NCFaKqeIBI04tNpOi/nod8ap9IgupnqyZqL5m3fwBgBtQG4qgYEkdbmM6ew229DoqWoQxq7kQjQoBxO17vd4+MTpxhS7+ogEoAQIdQo7oLkk9S6OqgEjxFWb3WKAYOps0FAd5FAGJlMZD9Ei0jMMdJpOgGTgnrkcbttTqVMm+1mWiYMsR9zW41AgwtLRWByGzAeZOkibDb67LnwuP3lb95x4rXZJfNg7o7czNvlXqyLuJoDIDhjwEt0CwwulVS/+CrdnAHNbVqWCpaZmpiVNjI2wHUqZmghLSEiUE8YzaI5myGLWkBOrOTVPBqYMgAjBEdzjyk3N2ReykIERKjaAhKaIXogErcQ43Gec5dU0Kw9PRy7ru+HrizVCYR41w1WGgNccGbI2MgaOrIw4PH+LliLKZhbqxTI1xSGlAYXn1fbf/C8G/E43Y05DX0natBaHxOitWqxS2hNWsOE1tg1Pz5Ok+Ci7ijf/ezF8W5e3j2upnuikakLXFbRJjmkBEgWVqsXgLc6oFoEIsQK4A4RnRlFDBzNXZFiCKKtKDzvdKPzj7/18f/gP/yU/TfIrUjpusEVVe09vVsFjU0tcITmDsZGyOhuUqyLERBUlSJTis622ESxI0qt6dEUx1C1dWKsIlXMYFYJY0oI25BzDDrVBKEtC6Nbq2Wd1YOpWVOvqqagvpzXhcpaqicq03nTDdxI5hqB5awGIGRnmfKuT2MWWOLAfT+Y7c6HOZvLsjQRvJSlEiAFIM1dJCIzRbjQriykfiprTh2qlNmYULUt8xSJyDwxt2mJXdd1sYg8243rue33cNXC3RfnsIHYwnxa/aJAcHLDaiYODvDkcjkbBYSIkDhe6lBNXcj8YuLB93LiVsvdsjhgyMlTsFqi+CWo3NwevdxD+863vz29/moHxKAMhg6CzZEYM6g1aQA6UGCAiOSIOeVJWjF1AlNv0hKzmYMpAAiouCEgh65UWWsJgaX6bCvxe6UNhDxXgVozIYEjKBFAJIyh1ubuBDEHDsQmiEIBfTg+1W6I6Igh1oItcJ9vTOv5eHKrY85h6NdlXcVtVvUUYvr8Xftn//UXf/7X7yBdt2bN8VTKX3/5eVtqvxuX+wVEUgwmOuZQ1mbuzEEBG0ADcLcASAjibu6KDgjZsOOwYGvf2DpVNYSQEWrTMFLeLdUfHAmxA8CQiFduBoiQcqrawIBDaE0oxJST1LquVUy7zRj7rrUmItIaI5EjU2pVA4ZMwdVD0w5DMpVFk2EfNu+mQ+Q4dlmPZa7L8nhKNITIpSzDbsMc17UgulQ9PZ324wge87B5OjzpSgixw9Du6/n+iFWa4boUAa8I+WroOo6ZEMJ2u1GthMuzm1znJQxDXUqrbdxsmigyLo3mhikSI/sFV8CYYhDXQJ6HPC1z6joCz+MWxE9PhxBDP4waa3GFQCqaQu67oHKe53p19ezV02MAuNDjzBEUDP3yLbdv2MMKAOpuEogCcWBcwd7TKeEbVzIAMV+KCAtDUSVCZg4pBoCllD6Hx/u7XRUmvuCXncCIKOU6W2DOOUsrFCITABA6HKdLUQliSID63hsF3vd9VW11DSEAh1qru1zI73ghJaubW0qhG/r5eMopoggREYQqLRgmTk5k5stSYsrMEcEih1DbggilnDfjsNsPrZ1rSzmEdS1ap+fPr4dumEtdKwFl8RxzhNC/eMZ/+GPsQvg3f3a36XdfvD4TBF8pENXaUhen03R1sw/mdZ67FJrY/vp2lXY8FrkkKRENQd3e664Qgnk0UMALs9vcm+pmOwRpWNbf+dG3v/+D9MEnw9VVRqnSeK0nMSGObhCYVZc6t8Qpp5hTUldA7PtewYHIRU3N1MwVXMS8KpaqEeO+66fTYvNixOauq3ScwqK33ZY4BIHpuIBAdCpP57zN23F7Ps+G0EzLOl/vNl5bVFYKE+dDAavIhCKNqpVF27TmEPc3237bW+bFWqNq4ClxlUqEgQWscbB1LiGnEONZ5qrmhqHfL0stVZ7td4nQrFEARui6TtUAJEeM6IyQUifoNWoTgILKlYCI0VRPh2ma4tD1AHA6H8idAQhB3vM4LtTcC0H7vXdJ7DKXMFcDpIjcMQOq6QVhBkioeuGigKquokzITKoypEiEUQnccgwIGEJIFNLlI1xaJnTWD168nPV0/+6umRLHUhoAVrNdvz3OU20y9j26l2UFwKZOHJBCc2UHMFPVLqaAJCJNJacYia0K82WQ5eKGwEAUMbiALFUbAGKAGCm1VcA85xQ41LWWFHPqY6nv+sTrOpHz1X7T8wcIhhg4pjIvrZIiO2embt+3H3/G3//oW7g+9OPu3/zJ4eFg3//2D778+vOvHx7XfBnhmKu6KIdgZvO6FBUKzG4C5uYIdEkiRsTihg4iQsT0vi1g7r4uK5iS8bSc3z4exL8zz10fNqnD6o8dRAWTUy1q7hBCYGIAoPe6F0MHDsEAam2iwgCoxkjMfJoXcsg5X4+be2nTaWoUDVBNYC6O2vU7REjMYTO6eFhrRdSmdQFwipw3+/0yd13gMks9zBPgXz68Ob47fvx8v9SKTcaYupst9TEGvvroJiTmPgyoc1uXuuShB3jv4ROrOadWSqnLuN1l6uS9SjbeP52mw/l6N3CgPvYOF0rGRVlJkZNKA7NFzioUUn777t24G/seUgrzuowp7LrwONVn++vPvnX95tAO5zJPxRwUjJEN2UARCVwvtnowQERkMHUEbG7mwEiMgA52YdSbI783ROklBkMEDuTQas0xJEQ0+/D57bvjeVbd5r6WUs3MfSkLIlWZ5nky93G763J+9+7B1B3xcDpdBCWlVlADwJtnz54OT+gkZuJm2hj55urK1NZlDojIgQ2YkNyX0zEyEoKoiV6AsO6mISRDu/SJXUTVcsyBOOScDWy326TEOeVEYGUNlGqxzcgiejovhlkhCwSnQZTL4tnb1RhvtuE//R/9zsMTj0n/7//Pnx3fvcqEAF6aZIB1WXLMjORi6DAvSzE1MnAnBEZkx/cMULfkYAAVXMEqQgMHB0ZspXaBTIbPv3z7T/7+bWnnw5G73XPIhaK5XwzuiEg5ZzFBxxBia40Tt9ZMEFpDJkC8PATovTEZhy7S+xX1ut3EGPpSGiBilxiLesFgwKhosQ+RIo/pWOr5NEdNGvD1q7vrF9dMYADRWdcaOb6I8dnNbkCkWhhA2wwEYUPIeOK6v9obO6d0nbo8JVO3ZlLVkM14nmoMedPnKq2WmocuhyCoz6/z7YYTqYkQhGVdQoo5d2CkGmqbpbXNGNXMmZrYJO3u1dffHbZdihERVT662R3XA1j5zrf2q7ztAgUAubxZLzdbhEse9G9U8ZffgNQFNFeRyyw4Ml4WUmtrDgAKF3GZXcjP6oTIzK6WM3d9slbffP45beJadAJzFUQ0IlUlbWOfqmUKIfU9EHeb7el8dkARyTkyh2WZEscLqtcBW1MASjG4A4ita0H3SORmaAYX/PSljgKUcuduzNxaM4MUkwsQaGQARjHJMeRILjXUNRBuprMuU91tRwtMLcwKjbzzGVDWRhhj7vfeQpUQc29OVLauocnTsJH98+t+/8HPvjz86jePH37y8av1iQqYSGvavDLiZSVStQExAyo4GLgbAkRMAFDdImIlV3RBFaTLf/ryjGVAgGGe17XU2ohi79a7NbUqbWWO3RAP90eGkFKyqkTkoMuypJyXtkozUAghIlIgIAcwA4PgGgIDSK2NIwUAj5FTnksNqtvd2Fid3dyRcClzGjZEFEpIkC2RGR2O57HPh8f7T/ZXAQJXfd6UiRKSuxFDUeEc+/0IMUw96shOGoIXr0pizZa5ZM4pb9p6dmt937mpNw3g0Jpry13u9wk9zue5j1mkkV+i5WDOawM0jqkT1bWsGHvuupeffXI6n/ssoB4Bc4wr6PNdNx/XjnG/dTTJMZBYUyOABnahpwIQgr6vwqsZQntfnVEH6OnCEzEwD0QOfpkbXV4GGC/PB1F2K9OSciS33W63bNiPy1ysy9maAIO1Ghju799O4hzT4+mUU1dNkFi0IbKqqjlRdCAHv3/3AAghJ5HW1JiIiVQaIbkKOQbmyESA5gamjh6YFrMLEgIuDTd1jo7MGFjXwsSmBQyD8tGd1kkZc86d+5BjdzDY9lsZNZGNAMu8WiNSl3mKHRJFzPhUDiNBR70cpo+fvfjRD5//6qvXnqXf5lvUbtvpsmppPdCl4VHBGxo7sl9G/RiY0BTNExqSE5ICqEMDuHx/EdAAKfW8aYdH+JN/xf/wO88Wflf4uvk8dJVnhBbFipOaezNxAmt+GRQgRwuOomCGApdGHzErkyFKxVYFmGZroe8aAwUeNt0Afbl7cjJwy96bQlM1DlNdAPyDlztrep7m2z4DxNPTaXBeziViUFF0cQcH3mxHIHfzliw8D6s3hhSQlqnMc3ExQDzPs6j4Ntl8CgTUJXVVqSEQGJADGco8V9DUDU7cAgt4iJnRbD0CJbOEbgKsQNwlc3Mo11fd+XiYDkRDR2jDVTpNT7lPoZgZ5/7Z/uZ4d6oLpsXAzC5mNgcACg50sW47gIKrNHhfmiFBRDfQy9Y2SGtgQHABqkNEdUdFb2BCWEyt4C71ouH4ND/fXx3lcF/m636MZqyEostk7FiXtTFOsVaXvsscArQW3QTcAqmbqQMTIV3O4t6aK3qMDmFthZg6QhHB5ruUiQOoNDdqLRAA+rDZnJd1qjWmjBKxQSIfvaPVkZFCCCGwKnS5u756qUJ9v++6QVXH/bXiephOKVAIG1dxbZuxd0Ix6Ya8kovWViDHpGX9oz/4wU9//RWN3dh3Tw/H1sSq9Or9+9OOBQRxR7uM0t5T0S+UAgY3h3ApiDnYRVBicIE3TSIhKhB+8Wp+fdf6D9u5nLrcIqqJByVskpDBwNSsGjMzRdYwT3PVwnCRqyMxMSEycGQOTByWsopqznnYjqUW0ZYYwJV3GRS9aEDGFMt0dvTYxSZ1Wc8phL7ngGhNr8axLpU5mAHl1KdU5+KARVVNhuutDtDwPZ//8HiPwgmjma5SXbwfh2YCRVIIhGzuxGhqRHg5eGCiZa2r4NKscwb0PibVcmmoxJAAuDUF8NQllWZSArerbYbioJb7zsSGnJQYZd7l26XnZ/v6M2/zKhAGcESoAdwQ9JLS+vfIh8UUwAOTI4oKcyCyi94YidShmjYHYLgwbBYzbtIOp4Lr1+eZiQjsfjrd9H2Xklopao5szIuLua8mtUICIDUDiF1eW61VApMAMscQcFlWYi6todhlDx0JKngAyyE4wG47nrWwgxOEEBRhLsvSmqEjaDFIzO6WABIREiHHANLdXj1DiLVaooDavC5DF59t07OrD6SW+7tXy3RmwpBiTKk5MiCH0HVjW9RcAdHBt9vug9ubp7WNfXyaG0eS5kYUnDp3BUf0gO+/O2zACKj+HlmOaOBmFxLTe/unEzQwcCjrEjTs8/j54+Gf/etffvSf/DYGcpN59uVc9+zbbgjUBYzrXOc2a4VaF/ZSW0kjxBgBgQJdSlhMyGRD11ctwNRcQuSEEJgw5oRQ1qJqDjTuRo754enkAZHI3FKOZVkihxjzdJqkyn57BQ4EVEtzMY6JY9Da5nVtXnEI2+u9srpCaUWqghGFvkpDxN1uCCka6DzNio7ghMAxALrZRVIBTVEskgUiaM2R6Om4bobuNK2b/TaEMM+zqjPz4/00nabnL7ZaUGsduUOD4ATi4D4O4eVmvF+KMn+4x29/0J1/vTRQw4trUwj8fX7x3/O6dMHM3cxNvc8hhlS9qijipYhK9E2/DAiq2UnXjDxEAHDTVsUTgwaf69q0BnDc7Jv7ea1wqYmrNfchRLlgqxEgoBBW0BzTYk0TAeGxtp4gIDiqA6hoh9gcMKfXT4eDSghhaaWJhBBbUXNn5gAwRVGvFAM7rKIZMjiGq92HYIzI6NLnQWt1NAZ89+bzw/3jBx+85NCZnUMIDgZMgWial9NjMQPUktkRCZlU/D/6D/7gj//spz//xesQUjGhmIrjSeyCHHYHev8J854HZGbqdqF0MJE5Orhe1M8E7/OyCEAQ88ghrjP85Nfw7hg+vG59lD5fL/l8alUBIfI8rX0e6Lp7evPgqpsYuzg4TCmyEii7Y4hdzhzI7Hh4iBYSM1FMOWlrAdzFpBQyQ0cgijkKYEMNOfddumwlRUTcGWHcjoeHw3k6jf0I6qnj2mytpayFkJpIcwm16cMxjrFoBfSck1Sr2prrZQkF4IF52PQpRaYgqqqGKdZlLU26LnPo2RsQ5RDWUlX9PK2nueVubJhUmgEhYSnNxLquCxwuCm4tVRo4EidM47jWepXI60oE3/tgLGX36m55N1eC7EiXNjC9V7T9/7zt3//hQIR0CZkBcKDSmqrhhU+JoGBqBoQU2NQcTRAcgBlMbRi6ZpI6IrC8HbWUqRQxmLU0M2RkAKkWAIkIECkmA70owauqI2qrjqTgpVRMpGiXGaOpb2IoTRjhuKyOUBH9Ena9sAvAuxiIKARK0lLk5M7uEZGbRI3h4TCtazk+nV7cPl+X9Vsff0yoyzx3fSzSfvXrXxNonwMgzvNsS3GiaV6aImPYDAEYqmhi6zLH3P3jf/SHr74+/eWvP8+BlFjEV8AAyEDqevkgcUAnMAK91BwADEHdjdAB1axdmLj23/wUtBgk14iH4ocTl/Uw6rnaRo1bbAtYE51Fgq71WCOzm6/rcrsdNtwJgDIVNmPIfRLHqMQxaoVmyil2NzdPd28JL3gcDjEgkREvbVWKadOn3J2nU0SkSxAAsKp0Ie2u9sfHp6fj49VuZ6LM0MSG7ShiJkyYHFgV5LSeltPmeuPuRkEcLDICNvdE3JooYa01ZaIQijZGLhyf6tJRCK2qGpl3MTnCvKxTqde7D6gbntaVyRzYFcbt9faK1/k8zUs/JMak1IqbaYwezqdpvMo3mUDmHhzNz3O43fDDwZDVkRjZXRzAiC7RZCaybzT0l1ntRVV/URoyETi4WuQAxKLi9A35pgoRAqCjG0AByw6CmPrh+vrq9evXlLuuG+ZpDYiLKqomhw6ZkFmhY3ZVxMaBxpgrUjKvamBQVQLTN9l1JUdHCwQZCSkwEeduqSs4ukHOOackrRVbzZQJCXwAbkuNKQ0xubZI1DOGp/l8Pk3rvNY38u1PvrW0dj4+bDddtmTetlc7UCnz5I4hZDFQh3Fzs5bWWuGYQkR0dXdraz/mqy7/k//wD//0Lw9fPDyeRUQJHCtwAnJQA1fXhhcEA0R0RQJwBW8AFlAdmoEAqPnloYFwuQ4CeO221I83ub9lv++prufKRIf1tDZfVws0am3Hh+N16G/7nU2nMhcOSmGgoTdUSOzD4Orz4QwULVFIUdFO03xugm5j3222+zrP8/kQurw0jdtoAHNbxv32/PiI2jbDbjqvTWqOqbZCAZGwSulynqeZiJERgUppBp5oSKkTqbfXL3zgeSlVfbO/YY7MLGWd5wndgUI1bU0pcHMqS61iD0W2mXuALoYUo3pLOXSY03a7Grx7eKIAMSJBYKCeO2M2bKus63HtcgDEFrpzgcd37/LgL7vNOPh+E9nmvhw/eTZ+5+XwxatTMe9yNudWJob3JYHLTeziJP9vPw4ULtG1izsML20KAgjM5kJIDm5maICEDmhuTb0i6VKDOqa1Krx6c98TpzgwYpoft0wdUO/Yhczga6lK5q6kQc3ZPRIlZ2sexUNEIhaVyEAA2jxxyB4aNKaAHNQwQwABRDdraHopnLRWVVq1aAbeByHEHNYqgCVUl3OZ+nEAYCc6z3PI/VJaTDKMubWVwTkgcQAgNNSibhwjuXsTY0S3ZiQpZJfy9O54NXT/wR/97v/xP/8vyYHQkYgwILipilsFVwAnAIBmENwUQBwaADAo+iUafaEl4jcXBkAta6muByvzuTAIyOIy5KHvPSaOpK3MRsJyFk8CJqlhJj6cTuCuLrDPz5+/dJXlcHb1yGGVth+vYgpvXn3tgExcHdfWHDHEsK6Lh9hUBPzpcCR+r4deltXUHeD+8WHs+mEzqgiat9YMvLWKHAwQKcTAaymibRjzOi2roCEbBaVgFJyCkhbBsqxpjLHLzMmJnex4fnLnvLvBrgdVtWboy7J0fTeMA8ROi1pp4lCKEbSx3y4CySB0GzlPkeNxnilziBlSL2t99+7V9rbXqWxSCAGuGM5Nr7fp2VU6rl2Vi1LNN11QTksVVTW//Ii+OQIBOKKCE9KlpYUIHNjdqyoRhYscG4Av22UxYgIiM6uO1rSncJwWwLAsrRtSrYLmO6AdhZ5iaJoVUk7CYQURNMWwri2E6O6tClPogaA6ghoiuYEpIYVLEAxIxZpoCBGrAkJwrEsxMAcPFzQ5oyAb81FF1mXoUkgobEFX2w37IWcVMSlMvbRyfHpAuxmHsdXFg3FkU2cIEQhgDTg1ih4wBQqErZpI3Wy516VDCd3ht3+/jv+UD6edxWJxLYpVhoYmvDa9uJAQARqgk/N7SSGcDRVAgezCLEB6/8HjYLGgpY/C7nc/dPS/uBd7mrttzANOqQ/HkvRUaK2jwpDyFjjOhhaWVQVGqTg/riud8RT3+67Op6tNHja9Pd4/vPvaLDNuwiXz06bH128D6zgkAXEOT/PTcH27v7k5H+ZYHJc6jmPf5UXK2vQoGjn2440L9nE4vrkDWd17R1QwgADi2gAEGHlXTxpz6+N6rhr4cHpsc6unRZf6/GM9L2vFvHp4/faAkHqON+MeJvrVF/cqhi4A1vcKYTnXp8aGEd4cZnEaQ/jwCheeI9KwGZqNJzGD1Mt69/SAMQ3bYarDl6+ePnm5v77ZOuNt2/ly/Eefwnc/ePn/+nfT//svH1dMIXUKbQvt2a5/nOdJtAGYOgOSQQAGIH0/nlZFAwSBemFIk2n2gETmDoREKCIOjkiAVJAJqUnNtfVI1SR7E1cM8ZOGN8Bnk7O3hRDVtnnAWW/z7owCPaF7KYIEDoZ0IdchAaEZOKsbMhGRXQqExchcwQhJ1C6UdXNv4sRBmpmtAI4Qe0ywAsbEeQibDvf7K3OtK+Texw23yhy2TZZlWfs+1VpaO5uEbX+zHXbSFiQ1bV1IkV1r6WIERkQ0B0TquvTsWr/73Zev/uwADmpWtKGxgonB+7angV5GyAgC73lM7VIH9ksyCP+bLQsAgJP7zZB+9IOb2+vDXA5QmdDFtS2tHNCOBgu6q6/ytEz7zShaO6dnMyxMIfGq+pOfvsJdf/3x9VW4enz1EO4AbcDQISUH13dPhPN+l3abIBoWS+vsSul8X7fDmCNrnQzgdHiiNYc+dinOrfUcxqG/e/24WGlNonlZVg/ETKWWcbtZ57nOlZkWCjFGcF+XY9Wn9bSsp9qWlimur7M4SIK3x+PSYCqz6+kun6anqc3tZr8h8M3Qqdq6zOI2XI15TNvN7u7doWcc0aPp+Xh4uHsHKR+LYKTnn2xg6NXMEa+2uwT1No3hVKIYhPmTW+7H/qb0Xx7lJ1/j2xWaahOVZp3XKn5BfERmUyPm3PWs3sU0rfOiSogA8B6gcZky4zc9MmZ1G4ZhWtf3YhR6DxNlpByjV52WhQAjYkU7g2hgEd3tr+d5dq/qRZzXVoXQzZvKpZwJjipKaEwERuZ2+V1QM0Diyw3E1NERUc1EjQMTUZOGREQcUJk4MZOCiQUCqBY2fegTnk9LQB+73PepH9KbN6eQQz8Mri0FHvtNq9CWtYROIFRRJmdfI2YOqNJSTE58CTqbwsD0d//ge3/6V//6cVVHMmsAaqB/M2Xwi6rWXb6ZCuEl+vLvmcGRUhd87NabnVtrZbLtZjwtzTeDTIoP2mNXVQwDdVGpPIFNpYF67yTATeGkPFnQBz883au9JXSQeDjMRjxXO011dw37PX/00eYaAhba9C9MFYrebEc/lWk6Ba9jn6nRqgoNUhdzHqWVOp3HzF99+ZoNu5zNAdzNRL01LVe3V+hQRU6A3CVGidbasswPx5h2FdMX96cbHELo7s+nL989bJ9dNYTaJOz7cX/d39SPb68e7h9aO5vl/S7HGGIOCqqt3D7ftbKC1L4fut14XurD8UziUvGXvzjtr7fgKNWgzR9djXJenTSTMp2cvUY7in/3k82mf/t2aczB0WfFpQIIBaAxhBSjZqMYjsu5d++ZFm8Ds7iLXVb58F48e3n7XdYADmZ2Kb4QoUsDRmJu6o2MA2nTFBOBz5FCjh1zWtdr5jHGyLRmdl8dEBzMNMUgqiKViBHRTBX84iy42IvVFAH1vSsUL/GkCwzUzJg5MBORqsYYL23ZzAkCQ1PEFp5dvSQiyYzgXd6qUFmXsbvqhz6gx4hEirDk2K0KiBJCqA4poNVi2lJMEBmRiAkB17WGSLZM19s+UUUn9IhYAQQQERhc31+xvgHlXoZlgATi6PD/d/G6/OPgOaNtu7O3r0fuh3w19hva5NNpaQqbndZqwGFpzLmbqZvOy3Fuj1N5F6ULPgQYiAej2xS+c3XVu0e0Nzs6le3ru6ciVCSXVoNROdKv3jxi7ls9ne4navb7v/XpvuMu5NJKAI19pyrLMpV52WyGFOL08OBGu77X0tAc3YAQ1AJyxJA4lnW92uxwXuthUZNS21LocEiTh599ebo/wXc/pro8no+nLoVO3FqB2gzO4/X1Jy+fDZ0vZ+gTg7cyr8qYaZ+YmECnx6EbMGd1h8B9Ts+vrprqWmrTyCUe1vr24ThuaL2OtRtmqhBgi7XVqQ9xk8MY/W//7meHP7l79bAwMSC0i45FAcRi9L/z4x/nTfwv/vk/7xN+77vP5Ffl4VBCF0sxRQCAQAz4zRIH4aLZQ8Su7+Z5AUAmIL8weLCq9zF1AaC1HCKsbRNzBxSB27unses6Qq2tH/NU1GPC5q2JmxNRSlFEVfxvLomXYwITI5KZvS8QozjApWRcpdGlekV0adsBBTIHcxRPnAJymGZKKQ79TUq822zd6lJbzqFnwnKKWVFPV/teZJHVpNmirBRTgH4YRc398ohzNymlujkxPt9utn/7Wz/+3d/803/1GrFLWcWlVXBIBOs396qL1dfBIRDxN0iJ//b7/0IuY6LEY6LzJy/9xbVs2AdOWJfYwfHuAUw2z3I5tcf7aZ7dynR+LJtu129uY5YrN1ftI/URQGb2o5LSwP0YPxl82OwfP6CpeGuhVjeFTT8u0/R6md/VabsJ4PyTz98Gse9+vL0ZOl60qoYuBkhuEi12mJnJiDGFFlo5zsDIwMHdpLXTKphIdVmeoFZZa1FaPD7V8NVj+eLh9FSjp/2rch5760LcEj3fUtJ4Ne67FMd+6MgSU3q+F1M1ZWYTzSGAg7YWQqy1ho6NSMw4MpQ1mO2ZQ9ydmtTQnVQfC8jjcres3s4f3Ox+uN33XW9cUH07Jl/vopUOGhhzcHFh1xxjAJAy//TP/vTli91vPRtv9+nv/61PSc6/pKepYateCcQBIiAiVALUS3fR3C5Vg0uYPzEBgIk1x0Ulc0g5pZyslo36RghMDUhNmwgjdalPnFMsBQwJESHndDk5t1b90k7+5u3hl+Dqxe8NZN9IdxHxwjMmostuwRBlKYGZiQiJAgGTgIeH6SCHKnV+cbN9dvPtroNEyFARlwSY3fZ7QHvIIU7Q3IygE2vnFbDvAJBjaKUSGDklMiSYD0/Pnj9Lg37vs+t/8cd3uds3X9WEImnLQPVy5eULFweAEKMiuK2O77/092tHd/fL+U+FYkfPb+H5lfego2KD+Xh4mxrl7YdfP5weH9andycU6D1edzHUhzHGZ8M4KjqykSmpb4JwzM9j/3wztTmdaz0eeiTzuuuzJWDAIc3eyQcwvjrAY8WTpV9//biUNTwxwRUyk7SMkHgEr+uxeLIQktQqVonCskipBQM7YpeyST2fHiIxAj6RVgyL5zfn9tXjcRbosnw02G4bN+Q3Q97G7jrx7aZzWbsci2rsWqsFZ2zrOpU1j8Ow66baACjGkGI6nM6CNFU7zo9dN5R5iqqbyMR4IpqJ3pynBzEM+fTUvEwD6HSgcg0vnoX9M3+cH/PAu/16vSu3t5v9dv/u9f284Cqm4KVqn4nrvH49f3zTf6dj+dVPN0+PL8F1s32ly7m14kDsoibEZmZm4o5MrTVxI0IiuoyMANGROKYmvvp6fb2vIMOKtiwFXfr4MAtrY1cQH50maxXUv5E4ubpIg/fxGYD3bhUkIjNQvSQgTU0ovAdeqMjlLOQGxEhE7B6Q8SIEScGABD0UOG+2w+GhfPX6IYbTdz+5eX4zsDU3oRquNrnPy3Q+pdTvx3hYqnkCN3EyIlBF5hCYAUAbI6Db7fW1Ox4e79/dfe0ggADAF0g7fwNMRwBGDA7kloAv7koCdARkhG/c2Zfnl4p0TmOK+xF2Q9gqs0tggn6AFl+9WX9zJ5tut++6mzHfJBq8welpIE90Du+/fw7M3MWKKRjGimUBkI04UyBCQNCcrItIsFZftnw1RbGU12rPXu7X/Xi+P//6q7tHxRcfj13g5DYyy6LLYY4hGXG7dLubc+guS0OoFgAVsOtCUztv4lPFv/7q3eOihrwf6fvP4y7U2+2yP3ehQWytJ90277a5YJtNJ3kM2LtQorAAtdqmeZ2mBY2WNpdWZxEPMe+uFoHz4VzPU0deHBTp7QYmsSeTN4dlj/HDm2vykNb5GsdZ5GEtAw83z3d1Wr79MhhsU399e/Ps7hd8f9Q3q/3izbvnN9uPrrYbabeOL1Ie/UTn4x9+ePOw0n2hVOCR6KxKOR3mOiNxjM1M7b1W9dIcuPysAzMAgoAirqqJ8DTP3HRIfd/1D9PhpH6OYIhkxgDn0pjd3eAynq4NEQkohoBEWuXiMbi8OFBrom5M4YJaADNEQsTAAQnbxfvn3nGIzK01UQEiDIliCPstoPp++HDVp4e3Dy+vpH9xa6UGTxJ8leouoGCl9AgYeRvCaaITitTjru8HUicdUkRgVVnW2Snn8UN5nMbtJm3fHes94YBqO6oOh3Z5ThIGxHSBHzEV14LQeygRZBCedKggRK3vVWVcyw28+f7N1bf7l916QH6kfpzg6sGe/8mvv/7NV/fI4UdXN7epffbMt7jKvMzmabjp0qD1bK0yWWCIEaMBJcRSO8MeDmqptJgJsbUOIDA37t8VaJCeShOpH4ybYV3Svn+Qqg2Wc/nc6uDd85CoeWg40jCXUgKsMey63FV7Kq2i755fbTt3mRRcB36Y9AnTOex+ejgcJn+5D98Z+x9c8Z5OGWS3PbdqEPYetg+cpLjh5vFpuXtz8sgaQIwMuhi41YUdn+1in3YxTZFeKdjD23ePR12VgbfE0MpiAQ7nBSgti3Hzb+93n910H35MewyboCci59SeGsd83fTHPb98tn76nf1a1s+f3v05bf/017HU/I8/678T3jwbx+ADnuY+mgcWm77/8vrL+6mTZe3yLx/w6pNvvX57vHv1tGqbTCpBQwD3gEzAoK7BGAnUjLygCJk4U8VRuxn5/uGwoDXwzilcFsiIwg5CwSIiAl9AvIUCubuKIoXI0cCLCJFTcCUzdCNXU+RMzK4KgIQXpxY1d0es6GbKRKyKRUgQxQKCmKwq8PKDq/04vrhNCOwqx9Pc2vrh8xtrNcfgZoA+7AbB2ACrOAYid3SLgWOMtSzu0PWDewO4e7bbf/9bL6/7V/fHCpAAO0GAUJBs69SJJsOYWZgVYBC6slCUKcBjKQmAADIwhaigAeDj5/jf/48+/uQldL4GayDr0Nu7x7uBHj/7JNy+fLZBSfOCTchth3Q99uyttsNxB3Ph44Ih7hhCh7ZX7crcWT1tUBnXqqi+i9Sx+7ww6WYqvzry/XENDjQsyTUP+unLZ6ey3A+1NDl+8WAxwHbHzYfsmhSjDN0as3TXG/K8qF1dDV3QyN0i8rAajNvDffrizYOd228/v/473/vwo0HTctdBiqF/05nuuscD/vXPn+7PtduGmBIHltCPhFbWh8P5+nbTxXAs8/lp/vy07Dfj8+dXS7lRCE9zWQ25i2tbA2vcckj4wuNpLs+ur9tWu4CMTiH0w9gF8VKmZSb1CJQVNykfYPn6y1dO6WHsX53x9dt3n+Hwe2HzUg9tWh5RrKPM0DXoAsl5uun4B5/sXi/4+ZvHu9/8aimYQlx1fb89dnBEcH+PgHKPxEyhtNb3w3GepIm4ivrRK4AjIl+O80Dv74D2/iNe3VwdVC9/N1NzixwAkIkggKqoKjEh+OXho6bNLABKE+aIHJHQxUJKa1sSc7yQOjEEDkAUusjIKNiud5gJyOD8tGyGgYJ1EBKDGxKjAJRWo1eBVQA2/egODLgbRjRrpRyPEwXabLfK/sXhq/N5Xo91sLB1LVCAsLaKCQbGj1J+XqEnTx/uvpIJhxFO0t6eg0kRSQQRYBc7535yqFo/3HT/8A/T73wfr/S8dxrpel59Pi83AX74Irw7Ldv4FA2Q/OnhnIaNOXSMqy5EtJ0yKRaht+eDd33e9F85tGbX17uf3/ur++m8aHT61j7/zsc3m0hu9ODTl+d5OlKsdX087XPoG+UAlDTeRGggOa5NPRGM+xYM3Mfe9htMgZtQpNQZRPYhB5FqnELuzkf5xZvHHLv/4O9870WQW3j7MVIYaVFePHx1Fx9OmsfnVx/01t9BbI7a575VmHWJ23G87lemEhC3t+G6TlO9X5af/OIOa72+uQIKjoqtMFvuAgeNpuNy3vcdkD7U5Xq4kVqnog9Q87PNKMJMaytRLQCvRfrYPRbzhA93ldZxE1OwZlwggpW2J9ojZjVOuYlMbe5D3lqwrvuj73/w5cN0tvhuDfWhNPGm/t6FRYSE5J4iRQ7QJAGywa4bmi211Z7ywpA4SG3kCIBGdNkSoTngxV2AAACEAaOoAgAhmZmaqEvkaG5unkPCgF4bEnbjIK0xUEh+ORqJu5FXFSKEyO19VRKGoWOgkELMTJz9ow/6YCEzgcHbt3e5jx/eXLlKCEG9ccouFQm1lUDMaOvackqbrjNVMHt2+6yqNrWD2M+f7Ku/+uLP/uXr3Sz/4HYAlsN67q8357VF3F+X9ulIH78YX+lpsnW42rQc4/b22XDz14+v/uruPigkJAOAVrnZBzf5R59d4/IgrYacdAUoFJRGlT50z3asiiH0vu/nqK+W1dBqmZHVEQ7FPn1+fR2hffWly9ye4qt7q/HZpLft4U3XhupCMd5Nc76/Z/OHp7Wqf/6uZu5ebq6Wh0Nd2npadyd69nLMCfIG4YqUNxLGh+NyFut52G7HIXgMvvpprWvOI7nG0CkQYv7Jz19NYdM9H7Pr9V775d3gEzpDNzS6eljpn5/e/tUX0g/tPLfH43kutcsxYpJKvQGUtYEpQhpS6lPKEQw+/vj7f/j3Pxjarw9Px/u7+wwWRDsKXQlU6cV+cx2ODYm3Q1CJ1ubp2OY5Pu+Pa/0QqCN293Y8cOg3nN+pEsVGvB5xCNvrNHflkOMQ2QkjrXa7LikE73oIdD3kU2nYtJRTfVfh3Da73SNjjjjJN1MYQHMnwpgiuNRSOgqAdDqeYpcMQNxWa+fEGwosxuoccgFXcmjaIyt788sUCN0dCRg5xthaUzEmYkyiEkIUa+6uYiklDrzUMvbDzfX1/dv7cmGKS21mCMhkq7QUIgGsKlFaBAplEs7+8oPxeovJe1nluLS1zNfPb0qrWmvXhxBCzkMHOcW8397cvX06Hw+BcwQAEUbabXdLrVrr/fHt3VJ++Vf39Sv5Tuz/4Xe7D3Z4c8sPa79g+vNfHP7yazlMT/cJ/tb3t7eho18/Pf3mrQzhx3/0R1zgzfL5H/zoW+9+8wQHnErZbsAcPn0Rrro83R8/vNmRoTWtsxKG3i4Af5g9QJ8WwjXEz5f7tN0cK2rFMotQ//Sbt3/v+58AJxM/Lvywprdzun91/hZJGIe/+vXds08/OBzLX3798K1PXmDcH8Xf+d3x1dPp2j8ahwBMrsvxaFzHROJONyRajVxonZYCHO8V89VtXRcl2wwbbYIqh/t3nvKaQn99dai0246wTDVUIzosFLt8snjK1//21eO/+AneH+O4DWtVyj2M+j/7X/5P/9aPfvS//d/875b7uZhWtzzQqS4da7RyOixf3D083XX/yd+7/fFvfXi3KRvC9ek4hhScd+PVkHhLRcLwWMvLfRe7SBKI4jzVt+1+f73vQrrahTIv1QADPdtv3ePnD8cvI7ydnnw6/l7mHx3mLZSy3cmLjcGpnlaezl2fxSxICU33sfvuh8NN9bcFXomMQ3pcagzcxJq5kxO6oZVaE9AYMxKC1CIVAYlxUTUwN79GTgDu3LAZIAF2nCcvEANc6gduDKxuGbG1RsDmRkwhBHPLKV9ccyklA+/HzfXV9fl0ribIrO4GoOAEnoDQIMboDFqluFLg4Bpdy9VukHK2BomHFPjjT170Oz/d1Xlees9XV7sqGKhHJWo2APe7bb/dm2hkDiE28xgTuW2ub07L26uHU17p5ab7rNcNP44Zn/3OD//883L3y/O/bnpE8A6/9Xd/8Ptj/1vrf3n/uLyO8d3P/nKJ/OImHhM8+94nX/z5HQHPtG6vcZc1A/Vpu91s6+FNIgjR0SCIR9ECcY7D1MqTHnCTP/72zcNh2uVuncpN7NrjclzaVze7V+sP/vgnn//87fnu1JyPAPirGM86HbCrf/V0++zZrrv9s3/zxgy//zt/6w8+25Xd/S9+8e5B8ePb3beeXan5m/vzdR8/2N/ak/zyV29//Pu3H97u1/4cDXoMx+lh3PRMvazGzhnAMUBID7XEPDzeP961k0vT3Zb6ferySpsn3/3xL9f/4k/f2nG9CaGdH3wRDDz03c//q1+sP2v0KrhdC4iZLgs2bVJoSDlql1N3vK8/+cn9t19++9nmNsvpg+fjSJAxtPW4iTlj06ir2qn4mMJTa8NucDmj4cNcevKrFAkRrbkUpqRFapuq0f27d88D/NbtbiwPY/AYuzPHrhuwtsRJrXWJDXnWRj3FmLrm9Sg0Qd/FEBiqXWwsDiCmUhoSerPDMgdEBbg4hk3VmReVPoUYE2kzAAqhonUeUAEJnTCG2GrNsWMiqBUcArHZ+wkhEqKjqhKjq6/ragixi05493jv4gQoDoYeYnSE9P6C4k2EAlcwsBY+fP5sO2gXQ7JK4C516KKArmvttjuKo6s6JsRYljUQRbLrmxdPp8m1djElQjUBpFqXsYvoNIN9Zt5L/XaMw/oQQt3peH717umBn1Z4baiJR9ZXv/zFR6X8mGJL+rn7K8FfRjwu9YtfPi5r2odtBPhgH7770e5HP3i26+mm709P73KdODAQhMAAtDadqkqIEP04zxDb1T7iYb0dnxHtNpvrXzyrbz5//L/981/89Ov16dA6Ss9zvpY1aDnn2tzHSKnR/+p/8p8+vx7+D//Z//7u6/nVv/xXt59u/8Hf/eyH37n9+S/ffPXmcP9VSdC2ZlPzp58dv/O9l3/wo2dXfRmodgPkyKTGYyZHW6GWEmMCVzT3Zg753bR+fnd6fV6//eIacXN39t989Xg3rQ96/ukX50XHfb87Oc0qLZvYPEb957/8d/Of/teNXFoEd0MzAwqUmHJyaXP26ce/+52bof7n/48//eHH3e9+Z7eLKcoZ27IZHWRyJJc1U94P6fjwtkPfxOiUUdtyqg3MY8tgSEBkZA2BAP0ld0ecr0ba3w6qhymjDmG6e9gPbchxBtjEoYGq1LELa22i8ST6k69Pn78DD1AF4DLzByC6hBHcFBywmQs65QimgNhvRlsrMqR+kKbuent9O2zSL7/6Tc6bNq0OEJjLWl9++GGrTVsDg3leYorWNIQIBKIaU0RHQNdm2qoh9DmYaQqhSG3uzcyZmAnMQRQveVVRDOToVTT03Yyuy4ljQkalaE09QEe+VxQO1HV7MC+lpiHH2B9XmYE1JFnPnEdtEvquunBsG5JXf/Un5evjRzy+CG0rrcVwctGnMD3qQfgLWUt//by2Tx+nT359+HAAX86B6YWFcbZq/dNi/OR4M6x93Kv90Xeef/pch62iPQwepUpZ2JEZ+azy7rxa7FLGDdactlYehaxV5HFT4/D126NM5f/8b79+9245HiZE/mjoM3mCVawa+6lxFrgpAc3/L//Z/ym9fP6zdx5oq2p//Nq++q9++t/727vf/nb47Fs/+Nd//frd/ZkNrqceplL7L2UOdEvpBbdOOCe0ANWx1uQVI8RkQTRSgH5XJvj53cMri8PGfvDi1t8cwvbDv3glf16ouNHsn4I64eN8EjNgFtXDk01nSYljoFVhWXWTYJM5pK7U5qQvruC7V/Sjby3f+/7my193JBI3SZxE6iaTyQyOs3KtwjnL9NBBuN6MQQs6MEZaRJXOYJI5J2tt4ZA7HsECRZNBm7Ztrd/abb6CJ03+8vk+w8PEbV19gKhMKwE1/6CGIV/9CcGfylw5L6WuagpACAEMzNCdDBJERRcCJwyIYJ4MrTRwT0bgfCaNxO/Ox3Juu5CvdttjbZGTim/G8e7VHSG9V2ZgMCMklEtmBqGZImFKaZMTgDvhdj/aXLHVRCApNhVVD+ZJfMxDqzUq9Z68ATOFlII79ONWZF6qNKs5pdqEYkgREwgSgJQYUohZXdcqKe85brwOJiN2iVCELcRQF33z5cP915O/q/tzHSlLLbxN2yGd7k/eVB5sd2if8vEmlB/c5HgVDwnS7uZ+qa9mK0N3t8pdOe1v84tPbu7fPZbj03zQ/fe//Xj86q2VIQxj37ei4ClAFMN5rkZwGvgxp34qz6nbKPLdvOv7O8O/eHf6xVdv8MFexNAPpJ5C7EuRxShwV9cFjVSkcgeIb+/08PDmJDGGPmPsFp/w8K/+7SOKffz9q09/9HvwxV/NX715MkelN49rLZr7bdeC5xC6LqaMFfVcbJWcMoAVrasZen1cSpXWhfAy4xWzRXq8//rDbPd1tYxx6/Du4QmhAoQIoDBEIIFdCFtmWTX38Hf+wWff+2DXjm+v9uPxcNhshmcDfbSLGPR0nn54OxAQlVJEutgJ+1RaCNk5AoaHaVbKJiZNSNHqWmqJhiFlZiZCdwMEQl+nUxd42w3L8rDBHDejs6Dj0/1D31/zNpOuQ86uECmMlASbpjwjPtwferC+Q1AzUzEfu0HcRZuoqDu+L9Ig+HvTcK2yHftLP+rSNeDAay0YEJharWCuLvW90hjEBRwICdwvXQVEYGZwQkIkXOqy2+/O57O6bMuVNwnACu4GUpq7hxgYUUrpUiYHNE8xAhEDhGle+xTBaVXZDiMEBiMKCYlZpI9RBBjRHQyoG/eUrteaG8U0xtXnzYYAV4pwfDy/+fLh8Krc1BCfjpHdGGcUD7zbDefXZTfV/87L7fViG+Df+nCQejx04+T+OHT/4tW7r46na7Ip2PVHm1M7bFO7fjF+/Hy3LMfNbtt1vNnuabVS+OlpRmHz2M7YVI69zqfyEtOnabjNiOSPGv7q9cPPfnqO2/4ffBcw9YuEn/3m4fX9nRmtyqkbqN8/uGstD14DtJSAXDfkmeY+0Hn+6En3p4fVKvz5/c8/uz9/8Ey/8+mLt//2tUlojui4rIFoi6GJYWDCgVwg5FDWJceU+qyR67Zbjg1CIG23iPbwuAUDrH//s2fy89ef/uD5Z7cvfvH/+dmXWvrrdLPfP9w91blkiN/+8KOBeTmex1Fut/MH7fF2v4zxPn4UYw8xBtfjUoVCT05mAMix7ynEubW7yuYeu1yXgh4ZLDEzcDRAiBQpMGBMVd3d1ZGZ3awLMYFMj8eb62t9XJ5aPWNVhBSSO0ylNm0Ddqs0UMOqDEH74eun8uWrpyHk0OM86W6IsKqANFVzQGZ0dXMEREB1JcQYA4ilmByliMYh+1pNDAhjSq3VaZrRnTh4k1IKvp+m+gXy814SQ2jgBsbI4mpg2932vJy71D/e3UeDAGSqojUzEzOpBqQ+JHYspaI6sDGxiwZCVoWpyZjCKqgOZkxOAIyOrSpRNsPaFLrULEbqjPpzFRZ9fn0t3JwodCl2VQrWRRPHq0BemgYUDE1aRn55dVXm847ipwMEikMm4NRc3jzO91w+/v7HebHu6esf/NHv/nxtP3n1Jvfbbjk/u9l8+nKodPy423Wr4+zJ+y/fHNjYXWCqiJhXTvv+fHqaXt7Enta6/Po3r3Pa/ZPvPo9h+OjFJE4N4if767uzfPlu+esvplM9phTjqWdEQ4TUr63WVVJIBfC0mIXFEqhzzt1ybPev776/H741ds+vxl+9aY/KXbNpwcf7dZ+iTVrqwQl0Wq9zHjkQoEdaIn5+PnzxdFYcdV6uhrhBoDJ9OPbXieqHXfLjJzF/5492ihC78XBefzWXiW1Zzrj8ylLYbpmRoHmX9dk2bDMKUkE7tZK7zhonoNbaRS7dRKbS3jydGvK42/3s129B6u2u38bQpRTctdYIqNWwA3CPfW+uVRTMFTFw3Iwp+FLmao4/+/rV9z9mjRCRx36c9Hjpb0CX1tNyerfSkGWb/t3DfcUuQTovx0sGjgOKg18qxu6ASIhAdImnubuId8zruiQO6h66POtjImLgsq5IaKoRUFUuUZ9L2pn4ItsFABAVRko5N21Na+wSQhj2Yz+PV9fX56dpvn8ivazjkNBjZHQhB6nNiZkYwcEdzJEpnE7noesJw2Euh/N8vR23Q4fEZn6qzkBMOI7jaXoa+uweDo9n9dAUYheOS7nK22mRAePcMI8DkAAr5GwKCuYekDgwmyqDZ7K0nPuxi4SNfQK9HikF/uLu1fdePPuD3/me3fS/+dXpzetTjun3P/lQWmWDT55zf5hzoWChFt/H5A37zW63NWPUHM9mj6Wu4k/Val0+eTnqBN993qvg3NrhfIwpfn83/vDD7eOnm9/7/vXXD8vNs9v905tDXR7R07Pr+0P5+jWeS6hh/Pq0xuX+doSbj5+9/OB7//Kf/cnHV/StUT/bh3kffvNY79W2ho/HGr9cRdPwPPTX2aCa+AoyYFfm1QZo4/hUlhJDFYrQbRgjeEycUG05fbsPeYhDO4HNWwp6nqa7x9++GU6lFI3jNsVEqhW8vx7Gj2/imBowLAIr53NtaBbyIMWNIMTYSuUQiOHZs+1qroCfffpxOZ+gzGNMDE5g5u4UIeJpPYKACRl4isENPKbSvInfbHbx8BSfbZ5tuqW9YYCAgSlyyATQVpOYOOeOZHV+5Pjz6VTD1XzWh9aKYlOxEBcRYM7MrdUQ2Bd97/9iNlN0J2ZVAwYBv396HJhFxMRCYLcLKgT/v3T92a9lTZreh71TRKxh732GHL6pqppV1d3sblIDSckSBYrwhSAbsH3rP9DQHyAIMGzqwjZECjDFplqtJqsHVtf01Tdl5pn2sNaKiHfwxc6v6Bvti8QBMvOccxGx1js8z/NzjEBwd0L66MP8yAiLkrNad22SWAGGqVTtTfvu7vDZDz//2Ye/dqQINwfM5GjAGAytVsEBMNz0mnGBGIQgAfB8PDLhkDNjWpvt9znASy5bHfJ4CJXnxSHNlOamEJgB8mX9AMhz3i+LPTzb48vy+NWHfSIqGtwW4SDIeUbwvq0GZObV9BRwQyBz9gw1VKO/uZ+/2O25v/vJp/OPhuXByM/n56ft1WeH54u9/uknGb/h+pwg9y4UyImHubw8n1p7oinzmC+wVUpTjIOJfNgmpH34uM8By/PJzh8oNR6RcFnbck4ObzCDNHuunxb6w59+8uXyON7EzY/G9NMM1aEMHzZ8fHI5jHZ7+7Nf/vZH9+WLV/7mVRzuHd+wfcC14sO5ngq8LqkfNUY+bi/zoTBxJ1xqzSCbwrvzJfY3l9hqJ7K8Xk6vpv087n3dfNt2lKi1NMi0GzC61vqDH97kMgJgEhoT67aAyTDPTMB+DFWVeUXURMyynh4/XOK7E90OSTklANEKECWV3iuiRNe7KRu0gULCGfG81ZxxmCaLdekqiZGltgUgLLw6PR+X9WRu/nA+19tRDQQgcVovF36dLqejbr3mOPC4n8dq/Wdff/OYOCyzcPWlQxhyC9CgxIkYol+zzcPCP/YaCMyo2lmkDOXlsn14enoVUjgTMxICBAEKsod5KAYwMxKqKhGpqkhyV8SPMuHQqL2RyFfffj0f5uP5FMybakbEJCDQrYH3RMBCoeBEH8OjEZDQEWRIe1fNQ8qpaFsvy3bM58NuVkeXm8VyToUSMqFh1oCuqn4Bu6ga3r1efHf7Jn/1t39G24XpsqY4epp7z+Ex5k6GWzSk9609D7Sct7FgjQaGkbCqhdUdTZ/vUzk+PEYsgzPH288/PUx3yucL6PIYn+z2D8cjnetIazFarBlk7wk2TOKUmJzPL88iBaKXDEi01EUhTtXR94XyIU8i5uifjOWs/XWirfnLKT/+6sK7+enDc7P6mchn+3Hy9sPenndyxNqi7n9v/4//6HPb3kv9ZglN97t51nheEaOrOY0IVJdGI5xPGyfJNK5rdesxDe8+LL/cTrENtBn0Dt3ZfFsvGUAIHbxk3o0pi5/U8n50M7UtIaZgX/vAEFa9hRFghAY8Pj4c3n7OGtxrBgDAPo5DwnVblFAIyVAM7YwUSBerWqNtF455TIZwd//quCyX2sQFaoUMH/MKGJu5O7Vq37ycdWmf7abisXTxajj35hUWBJwUIUPg8rjw8Gv59M9+/s2bPV627ZEG6dS1USa4VkHarpYat2AWtKsd6qr1QQqY0gA9xGKeRgs6Nd+LeDcBQKLm5oiFSlz10ADExMS9t5zT1npKom4CMuaBJVXvmDkIpZS3r15fnp61KwESkgTlQAJQU+3A6Xv0ZeA1CUEAJogmnJml+9a6rlXnWcp072Oqvatp37ahDBQJCbs1A5tzPhzkpO4w29Mv7PK3r2QaB3hy1vP0e37O1LpclIM2rCS/jvak7TXGWGgUUoQgyuO0erenp09vdrz29728e//u1Mp330HZxfb64X/92+dXux8+0Ol8tn2kkH45rbDlyzMvJ+WBlE4k1I02r/LKps9vtcCRoC2r194DK5+IwlxIIdww/NWUbxP3wfCNd4Pudk7pePZTYN/6PU2JxiQwRcSyvb3Fs354WR/v5oPE3FsbHQ4h0ZsCPp0XgLjjwgjE3A3auRmEUTDw0A/4zaOvW18uErhLQtX8sqRplLFsEFhQEqBt5ICBDJgIMQyZKIlCVIfgDDI8Px3Px23Mg198P0rfQhvsap+SOcSGpkC1UV38dhje/+ohmbyimUFMWXVZUktTTtC9WbNKlyWXAXt49DKIo+/KGJh35218O/9o6F+g7RhwPOhyNLTKVmgvvA+p+zjf5PrN4f6//xv4zYn/Qd4GPv2mbXuLTHRWFQrHiAhwHJgxUCGAgBnNPqr7r7FvrsbNacJyc/jwzXsuw945uZv3Gr1wKZTUurkiMng4mFyT/RCb6TgOiPTq5ubx9DzPU0VrvR+PLy/fPTFCJyAmQQYQUjTXImUIEMar2M7VOLOQyKaWJG3qUZVTEcK1Q3XaOkiRgLDw7h7hTHTlwxjwLHMGHGlU8KfTYxZoW0tl7D4/HuPSFC49FbcE83RjLtEBkcZBUmaUwaErxXy7myZ++PDh2+PTD27vX43Drtx/sP39bx4TBKpPxNi244f3XnWterg/JNp9OB63xW5u31CGp0sT4r40DsAm9cXSxC4IMVgQMPDg3vsW3YGZwbSzp6bazWYqoY7hr3J5dV9arQx+GBBcFzRCGjMD2/Pz8VXBV0V2we+XzdRkiEGJiWzTDt6YcAuuUiTljxGQcj4u371/OZ86plEQgwk5dbPb3UHAHVCYTa1WwFBKXBJnGQhgWy8EQoFhlmAiooh+k+hwN+/GSdtWT2eIzuBFsFon4jnlS+se2N2Ojw/o3Xufcl7XM3gH7eQIAc2WcIuuuOMQWXrr1VKPMlDKmRGHPEzCMSH4tnB/aqfbCWjkOTCZAoAkysGnSscYHz68nwdZLDomQuyCCtRaax4dgRK7es45zLUrCQeiqiEAEmzaj3W92+2TcW/dVBGCmLpXVM2CmeVK1WZhD49wou8jQszMfL7dW+/ruvXeDIO6OriIPD08rpclpXy1I6tqSillPp07gIejRidOAY5EZqqqkud5N41PT+9qrzkhRkBoD25OsazDkIH4/v6+taatkySASCkVKNt65NSZlsLHnC+UhmE65N3u27qdgWZOUx5W2M7LZTPDIY9mgyYHX7YWKbrrebOy26X92F5OZ++HzmMRfTnpZS03+4x8mEd/abevht7MV1weMLZ4/02/vPRlfRx3eZgPgqAWiDDGFAsBpIutlKj10FBMxJmD0AkQkVEulyXnNPAA1WcRZrom9V7xsiwBSDLmLeC0bu14/r2bAdF2zFPkr84tvE8DzS4JaZZpJpAGJTNpiq1iNCSiwr427j4SVXNUI0m1ixFoqKADgwNxybWpWx/Aya1vHwfpizZysNooaHcvFi2FjqVIdLCqWlkI0DOncKi1bVv1oNaVGp2fz4MIO7R+QfattYg4zIeA2JYewUKDwbq22im1MAtnkfXlSIdXjPLw7t3TWcur8lyr6fLpp6+j647z+eGlTId5Gtvzcoz5b49x3tZhN0Yez809rEFcWnMEEfaPYFnuqghwLWLcHAiJrhyN2LRdehXEcDsdjw5xXpa9AYXyNXQi3MyuvkCAUNWU0zAMV5+7dkMgs957zyW3tTrDp59/+vx8ZGbVbqYimYgkJTNFQGZOiXvvbh4IKWcLICLZ6iZCDq7WkYQBtStiKuPucnwK9yxypXgFRObUyZg5wrm44Tak9vqWz5fnudyTXPb39G+3p8v9K0ppnCepHimcuUW4EXTghNp7kC9bbQm18jBP5Fidj0/Pr+73h3ne7XqEDaMwp3VdMchVn96tj6bbJbaz9hbPp9OrNzS3kQDIDJGO70+c2SWa1939zjGkpP0grXeIEGGEqz0McyphDtqYyLd1yAnChACZAkNKxjGBeSJyt3Fks05QPrx7eTq1XlsmKgHU0NRN0Z24CFZXM4cGJGoVeoxUJvIalLQ11WWjV2VUqxotiQgSXU3oCniuowyB1Hr3CGuVLKDZ68OtbrZaHVjQgRmGnCJLc+uuwKltHSXZ2rsGGPeLUgfQvpv2y+UyzyOR5aFczBDw5bKC8+3NLQIzQgdiJiQFZGBaWl97Q8ZPv3g1J7/b52mJ0+PTVAYHGxDQIGlF9BMf/pcvN0ek2DQdTqczE/CQrVZEpAgJkFxq64Ro5lcycAigY0R4xDiObVlr7wOThQNSmaZ23DiNWTExmnVCQsTeW0opJVFVNw8JZgaida1JGIESESH3rr1q4bJdVlU1UyK6mhPczMOJqHf1wJyzOTQ1DvcAdxem0LZab6bV6jqPIwZsy/r44XHIhAFm5toRyT3atkHwWAbCAjQBj965HW3Hu5u0O/f1zethIfst+K42PBrOrOJB6eH9w8FLMhwF05hw5iT5pXgjIk55GuJi2/YEiJjy0hsAU7VzV0ojJA2xsj98/eVlPQJBOhw4oppaXzUnqlZ3806b1nNFxuZ2tmV3P+13wy5sc9h6V7M8DEzkAabRWxdyu55772CGOTWNDiGJ6kW1qwCRWmiknJ5ell/8+vTdyYhgT7FHmZF3LANGRmjrCgFlJAuMALOIYA7A3hljgGCE81KXUV7vh6whRAoQgEhCuRTN2IWSIAC4ztOcAsUiA37zfLbEW7SefUiSkihESE7D0NUTaTf0Vq35dtFYAyqyoUOnYNXo6uyRUmpbYyRtfTud55mpDCJ59e4UPaKGV4xGuH/7ypzY203e3ajz5SFFuHfw8G6I25zl4jd/8c1vqeQx67mHUhrETkvHAAGMQEFCg3nebbUCY1MzizyU03IhpsRcUnLuEZE5b70u25ZzyYn1CowzB/dA1FBEFJHaGgKIcO+diRCJk+SUGFF7AwtTnffzy8Ozbs0siCgiRBIzeRgYpJTcrffOxMycAEUEHYhJrC2cZchcPeq27V7dJcpDygzBhGEOENp1LAMnqeqqRsQKebEusH/6DsZ6eLv7KVfa3ZDOaXf37c+fX74gujFg4pfL4nNxoVi9BKMtiUcphNM43I4ngm++ek4mWNNnu4MTv386vj+tv/f6Dob0/rzg8Onj6dvtcnEdV6fVuSQy1nlAWwHUMTMVtOgsYt2mPL7ej0/nJ2zKTfVyHKfCJB0AI8z8isDyQMxkoIWJPAjIAdXg2LW2NRfRZU1BU5Is6fyy/ebLh8cznWNC7Aey0ZG7YSBAlJzTQaKYTNwq12qt27J1NWLkXRkqQAuQlHq3MBxKIZHgZCmv0ZZ1S01GESAGEEkM4YwxDQnXlsa9ScqCEPpyPhI3yDnJGJEMrbM/H5d3D0f20s82e/GtUzetmBCh9YHYTtswjanZXIbWa2wNa2IJSNwZOtjWN0+DC5/a8cO5no5Nrf1Y44skWfN4tWnngmVK/SmB/vy37884H2jzfjlZ7sDal3AcczIzAiKSACQNtggEdrg5HPY3N/W3vxHJHh7qQjTkUrJsrXl4dws1kERMaMqAV+4AIPTeVbuwXB/tIELMkktrFcyFEBGy5FZbWzfrFoHXfBQiMjUkKKWoKSmNQ8k5q/q61UAmTogo837UVrflPA+5gN3N42G3m0oaB9KuZuYAyLk5YBiGThRx+orSPUbuVO/evurPnz20eD0CU7/j+p//gx/9s3/289Mt7V4PXvblzWG9vHyKfun+dYE/SSS2DS99S3lUwt0n/7d/9/yPP7/5J5/WHcs6pfsOPzhki7GvGHD5DXxoX26ZSzsthFjEhu57zxNlv+MK/riuu5x7RHY9zOXudpfnYWmny6VTTpkZFpeckJk6A4awEPA8ZONNAiSYmJ7a8rhux01LznMWrI6dFGMFbBd4XujbB9haAkMxSgAFaSyQE5RC03441xMygqbnZZuHKbmnqDliRHTrAwMCXMKqYsIk3iNqtdpaVOPtNKVMo8Xcar2cIk8vCkfAN3sYtA6qAH23m8ycZEIRDVxfuhRuPU6n+u1XD+Hc+zrnsS5LX9YpZQRTBQ4YiiQEX5sAegBKliwI9fo6F3KDHgBO5dzyh0t5WZaB6ADDZJQokFFH8Qwb+CFOK/NflU/+v+8eCu8x4kR5A+ub0iq3KXeyl37pYSklJ1jbamZMJAFZ2DEoEYKhqpoGRUV6tOYpogFqCHBtraUEYBgKV2oBorkjUiAQkVA2d/Ro2+JuTAzM5ra1Oozj6XTGq/JIaPNKmVqrQlwkaQ3ppG5DIiFmUiYGQneTdVkI4bDf74cyvXp1M42FAHWzqgRla2YAaRhar6UwRbN6WpdNpiWPn3MeZbww7i7v8k12a2uy9l/9k//wT//i+dcPX/7Uyy5o3u8fP3y757iQnZJvIYUaNYVUpmQQqjv59M3dF/JXRHTucTffvZ5lSYe2tJv78fR8qU9MxH3xg+HtILseBSkBL9rTnkZO1gXBmcE5Nm8vj+fLedu6O6x5h0gmHUqCsUitNScPkeO6LtwOKZfd7ct5WRJ/2PxS7Y1wNqmbrz2UrGC0rX14XnsnDslmFICGhopCxMiZm7a1VubcSfOQ3NTVb+ZdfTqSuVuQELM0pO6uhijIglnAKbRjv+ijx7xPRfvIcmnx/NKm/c5BaqslChvo0wmSqEcwrk1J0vnleDpVhDFXYWJTdd2gWymZU1KP7iEA6J4owpRZuhmwcEImFwQQcDBAQCAL+vLbx19/fdLMQyk3nHLgtq77Ma2sm2s5zLK2U+Of+fTb+k2GTZv1kptrNE0wtGYilCUt1pv3AISELCJIsVkgVKuBAebiNpZsCU9tbQy3u/3tIP207UopDmZ6TXQA8Kup4GqKRMQAQKJwJwSKK+c71roSEYt4BNHH/6dmitqiKiszqHWrXTAVJNsUiBLx9Ru6u+zKNA5FCHdDSQQRWCSDG6pqICJSmNY2jhljVb2wdMCt1w/m2LfTqG8zYuborReSZjJN/Cc/ff1vv/3y3zzrHx1OIzzLOH/YSOn0Npq23CavAlvYXS59e8/by02p5BBmHnXrx8eX80Ue7vYG3XFzumAGTEaosJGpWvR24wUd0wXNYDVfra6ZF7DHl0YW5LRDkcYcSI5tqys2ngLCwf1yPp/Pl20iTxHtpF0res6TwnZ6rnlMl07P5wpoO+Wu2lc9lNE8Y6vEJOFkbmqdoDUKVGJSNVa4uZ0HGV8eTqbmCMGMAeBkgQ3gxfrDto0Ji5lgDNCE4SK1zzuYx7Vhlvz07vjh4fKDjGgskoe0e3reLMK7P53Oa+t5GMZ5v3Ud8+gd9tNU122eZ1fr3hg5p6zmx9YcIAEyS4AHep5TN2vRLZzdmaSFg0Dra/d2czu+rkYyfLo78NPLtq2K3ZzIfcwSTdWwUT6eWquWCw3CHTzcPTAQHMPBhFECEdEQeleHYJErDXrIJZpnlsKYgroG9WCW08tFDA8yZMAppURky8IsAaDu12Coq/0lIsD9OoABCGZurd3c3ETEum3XNGUFNzcKJELrGuABcc3AYuBi3FsPDgoID2REJiqc+tYe3j89PZ27gjt2Na0bhzEZk00Fx6QJz2BPYM/TaJKq1XcjPBY+oT17OyLqlcO3dop2+eOfDC/Mv+7paGa+OUu6+9Sp4Fr3RkPomMAbn9/35Wl9fG5/9dvTU/wgaFe3xsLCfDw9v76/WS8LaiQcZMXSqGBypDX8AnZpzXrgFrE6BTlgJ1gJVwhFYuTbsn8732EHiTTJPPLoNWJz7CguE5eEw/OLfji3JaSpkOUCU138+dyftvhw0cejHk+6ni1Bgm6kbWBPHEIxFCklMZGqq3kaCueUSrK+rusR2Zt3KYJEiAyOoYBYtuBvz2vLRQOxG25LhnbY0e527Ew+H3B3l3f73YQDW13Ogak7ni6bOfeGWXb3N59iDHXVtra2brqtaFqYC1FGTEzghmYYQTkFoQI6siGW3TgeJhkxjXhSXSGilIa0mlMpCuakQfr4/uH4/IzgLHQVr2XhhJjMWoeNpl/89gNQgiAG6tvWuzrg1tVdGXHKpSBH61A7e2RAQTQEFtmPU0YUtR3nCdOMvLteFAPrepjGgbCejn1ZBSmh4FVBDXC9A+aGiL33qyLoGj8qIuM4RoSq7nY7JDQzGbKkxETgIUgE6O5dtbv12gVRkK4MhOtWTbTrWtvpsh1uX6Vxtywv3tfbSYhiGHirG1gH35iQoBI2q10Ex6zYHzPL5WSZp1GACHrvRvRyfP92qv/JP/z9n/3pL78bxi++eAvvjy8PXyNFBxyAC3pBGNrkF79/e7O7b//t//Tt/X/5n/0Xn5GOoDgc9nv/cCRzNXzZNBx2BjsWQDDolAAkgsEArnxDRiySAiMsEhEDhHmL6mddSZV9nuZS0svzMyKAdUQoMvUrJRTkeN44CHsXEjBpgY1AiQRAW6A6sWeWrkao5nDlA7AwYux2Y5rSFupE29ZKhpQHCOznc/cwQEAqmbdNz6dtN/CTaR3nZMGbC+HW23SYll4bp3PV4/vHPcPtLs0CQ+I0zm2zQFxrIyyHw/3D43M4XlMRetiV+D2MIxiEGUK4aY/YuuabfShdEwLVXFJpvVKinNIByDJbOEsKhGpbA0MenOL+blfXpRMHkwilxN4bAwpz5+HDBl8/XijNDBLaDCwogNkxBEEAxpSpWw/eeg/GZoZgRvT08nJeLqiWUXaYQq2GT8GrOhMR2IBUwINIAihQuxs60Mfsq+sWrPeOiGYfpXXXuuh8Pl8zxVVVu5o5Z1rrMs5SRjZtYxkoBLk11cCEzA4hIgHoapyScM5e1Uk+nM7z7eGyrp/cDFREo2VowjplrquRq+kmBN6dIN3vpvPxYrGOUiQ5dL36f3gQ32CE7Z/88f3p1+8fI3/Z5P5+t0/nr749P1n+CtJdorp1NXgFA2z1P/6Tu3/21df/9//lr7LM09vbrsNQtqiP68uJSLewF93emOWMQyKOmBLtRmEGi1jAUYjAodaJMmOQO1ggUWOr4arhHrT15bKtWx1y7nXz8MN+Pyg4wEm3TXWWrHWrERp+qXWj6t6u6b2MxNeISgonY+RRUgEfpzIxEIe5O0E3lYRFhl7teN4CMY9pDt6WLSfhaoSphn17sV89vHye47WMKcvLelmaRsDp/PzhpWVKvK6fvhrvZm7am+Pau0YdhhuA/OHDw9PzS8r59m7H7LW2bmbu8zx3790VhQplAqLCJooE0A2DhjR4dwsHCg3NRUOi1tUAg6I2k3mmVO7evF4fVtm05KR1Hfc7EW3VoGMm9jR8+e3luDpPJTYQIm3WKMidPAaMZG7nJamNKSWwXMbTtvQISnK4vRk4VYNdixkFEAXBVYdcaqsZiLSTuSBhBCMDsUcNcGJ2dzW9TnWutRARMrNdUw/dI0KyqGptdZym4LzWM1ECDzBPzNbDTIdh8i06ggN8TNINFEBC4jyNHeC01edlS9N8qXVtW+113U7C3tolse+GNJcy5pIo11V1qwVd1wVDS2JJKAlRAsWnwwz9kp9//Z/9yaffHJc//+0jQf39N/Hmrjyn3Z+3+EXAI4VGpFrz6dsfvVr+i3/8NvLT/+Nf/+2/+Muv3h0reMpOUI0Sxi4fx9R32QaUgfe7YT9woQDonX3N3lIg+CA0Q9yzzBrcLEIX357aouZbbQ9Px0ttyGlrfWuqFrV1Om24VOyK6vVSbalkgIQ1LMinmW/241hyEv6Y5x7eIsyVCZCCwE1b7/2yXHrvgJjzAEaukVLOQxnnESmYIbxmCUbWwKfVvzsu5+5Px/V0UcjTyUIMSvDTh3Vb/ZM3nxRGCb857CmnHjrvp0A/nY6t9WmYsnCrm/ZGDDJkzgJMwZBKokSOsGknQaGO0UrGIowO55ezrpooZ8oFvYAXxilnDFqX/nJcjqelO+acmUm1T/Nopr2168XXZdm29rdfvgSJOwol9LAWZoAsIjkjQTfWKIHFYUc51rrjfBjGVHIgDkO5mfcSGLWTenJgDyGZxx1iENBVsx2uAMBwbXTD3ACAia8H/Zp36+bufrUfmJmIENJ13UnMW2u5ZADACCbqrbfWAkDDm1sPs6u7jIgisJu8nJ+WZRkLm12wPxJiycEcAMaC5tG2TQBc8f7uzbpdIjYmqBEhonXl/shGSYrQkHFGyPXyPo1Tn9JlKX/nj/7eb375q3/5bT+9nqTQPl6+Vcrv0+1uuJP1Zeie+O8s8MMfD1+V9RdfzedoLL6149n93Qq4n8IuuxkmcgGTLHLlCLhnZgnoLRhdyAiAmLqHBklJgZAYuzXCXBKab7mHEKkRcAKSdYtjiQBEiwMmBEPGAC+In5aJRiOKASU2a62zZEdBxNrtuikfGFVbHjnt8/72tmEza7sSybWpRwfgSANMe/ExffX+DDTcTXrp1gCWBbfDQKG9nufh8GbcG6+o+ONPd32x8/Nz3lGZCjbregrFcb7p0XsBdguPdmmoPHqGRL1AAo6wRHKutW26bd0cl9puX01utUxjXdc8SuKi0K0AJNqgsAVHV7Ma+E7xFOIxv384f/V4+dE+rbQsz/3y+euL2H/weFlezd/p7rv11c/pCROSHmO4fXhZQ+Gt5GT9Ohnr6FTYXVvbhBI5Ipc8715hnJbl4Xz5dJgYTawR8Rm9z2lg02WbWbh36MZAANG8IhkQfBQuQwRe0xwAMa4LgV6VmbOIqZtWQ9/d7NbeQKCf15SJJFkYYWJgMn2dRujemYkTd2PHAKwUKbOs61K39eb2Jlhud1NdXyDIDXPiCF22JbMIybbV9w8fzK17kyzNZRimV/tyXmrdVhhYiBAJ1N2Z95//3T/4e7/n96eNn94//Lf/zX/zs29fPiUaB4RtW89YOaW9BINLucXZgNKb3c3u9tv1cZn728929pdPF+3jNAlcssM9yqgQ2g09J0ngHKBdEwBxJAImQoBla4Qc5BoITMTct5ZyQiBXd6YrhdJUm5uiFebkgBGgIFk0QhwmLkrbMAp1r9FSujqZAomIkxDpZRUuY8nuLQCrNRBLQhBem6pRQCplwCL9fDyvuqlzKmNulId163XzqliQa6t8qY62+zQjJF1AyY8vz6UMM08lSbcKDGlIteqw3+8Phy+//O6ybffDbKvmsaSR+9qF5eXpaBoBjIw5iYY1i+7wfDx/9umrbVuGMWvw1rdu4XMBRO+9Eh2bNWJLw/Np007TsIN2mofIRSiXFKIpwnRd+S/fv7xoLbl4NY/uCMJcHFE7OEAIIjRtJSc3I48i+dy0vZz7fqy1Cth0ewtMBBof47NwAijT5EsdSZpWA7qGPmsofE/fuKbBAcLVD4CCOWVTC3dXQ7puI733pm4IktNHIB0R7vb7tqweTga7ccwy2GXLnLQ1JwQRR5RhnMswTdPY6vr0csrkazUJHe8PW1vCtLkhqxQM12EUsgyMOe23NdIwv3rz6cvp4pCcyE3VWidp/LnJnlJ6efnmx3//sx//vU9/9i/+jY3TPt2+etvp8eXh8XyHeisFnbeLLYsa046/+/3Pyy+2rfUFBTwCtE5md1QnTBIAvZecxCwTUQQhAvGYZU5ca3OLnARZNlUHr1sPiIwEAUC0uV+FfoaACQBQFNmRAikoAMIJCLSq9zj3RgwZiZN0U068ddjCKgJACEEPPy9rKdia6tk5QWZ0wgAyTN3gcl7rak9tWYyCU8NgDIOYDzvd6rsPJ5lhQqprBJhdtBTYTeNJt7c/+GSYwAfZAGpiAT2vL8/njryvq33723VM+5eLTUJjTl2jN++2EmdiB1dkciQkVAGkZKZVFQlN1cMYMABO4YIcRB3wXPs3D6vOGHJz2Vro9vog8/ECn5aCdrvB6dPZ33Vb4N88PaIzBKNHW1cKJ8IADw9CAiJkjFDvmoExCCIEcDN7d3zWvr7d7dtlHQDHcaqtFYjeLDO93u/XDbBZRg6/zt0x3CCCkZDoihogIrzmh9tHIgAhe/iVqU7MSHSYp5fTKdQpUeIUaM/HYxJJYzlup+PSCtYJkwNJTkoIAOYmu/3t+XL2oJSHrS1SkCVtfT2eLvv92MPdDTgC3UMlD716AAXm81apoExl3I1EHO7hPU8FYlR4o1y2fnn1Nh/PX776Ypw/v/3mu9hk/mTcDvdEDy/PxxXABIoBbhBlt9uXeulLr5xkmIZe0h5qTy2GFqk7e8xleHt7SNp0ORMAAagZdSCPDNg8hMkR3Z1TQg9yn3PWABTBYaxuTTugEVi4TcFkAQ6SuUcgEUKggzeVzCUNAi6S6CAPT8fN/Nz93LQF7gEsQiF065ojSXaG1jUSU8mtQesOwoE6lGHTMIXa24B6WeqilFkutbcih6FkSRHYTs+TpCGNH9pGw2jCWNLbT97+6pdfRjfo2hscjy+Xy1EbTndjKl71PLj15utaCxciAgpA5EyUsoGvvhYmJHahwkNbL2Y9DxkZVq2lYEqJSVLXeR8nkuflog6vhvIq2U9vso+E2kbHX6HtVN6d4a8flyEN1oMCW210BcEEEguTdA1VJcGSEvdIKV/UNGJzjUGg4+04w2VFj+aqYew4ArHZ9vwycga7nusrISUYCSCYrtlvob1faRF0jZYwu/5UAgaEQGfi5bIUhFprxpyYt3UNsMBgptUUp7xtjbuFJEQqQ17XxQjCQd5/eOqtzTsg8jGXPCSzmqSUYepdaw8wFQJKOEyjA5pT7UqZ87TL02FTZhmYE7Dvdqm3y/mlo0Ro9XbKg3/3+M3jyyNM5et6OYH27fkPDrefvnmdzsdNW9Zoa28EZSYeDo5bV53Hmyk7KPYt6oZr4+yIYBGwLpdwja4RgYyJhQK38zLuZyUARGS+Jv5PJBHGYApoyEtXLtlMyaMkgfDMCBbBQJnCQ1HVDATVewKITaVwq+s4zTmLXhYHpJStK6dUm045H3a7il2kJOGtnREjqBMWIfQIDnh1cxO9/+bxvWLe5THWurROU6aUgyEPMg+yn3csisSr+t3d4cPxKc1zHofLZVmW9U7K8eXSlvBKowzDbj4ciketDZ9ensYy994SCjEEuqFKLku7XA0FHgHuHx4ehkQQWoYSTNXacBiuo/Qy5h3GDw533y5wWl+2ZTlMN2/GdKPqIq21d9v2ctSe7//0/anjmA0jHNQ5AD2YkJEAyQOv1blkVjVVG6bdpudHq4vwOE/bss3BouBdtytEKaAAYoB3DZKuekVzX0FfhBiBrtbNPtrqvzcDeISwWIS7M9FHHl63/e0ek8D5EhG9dyIXpgBHdyJq29ZNUQZzd/LTcmnWaZhJRMyijJM5IBKSvLyc395N7rWrZ8mtLegBA3tAAC1LYxkLUS4T5gTM8/7OjNWCIM5rr2sfx8HsfH7/XRLMmKXbYXfzeH4H+/Fvv/0wH+Drx/Pr25t52tn2bEhBOMzD08vjZdzH7dDgpHqeR6XQVACAVshT84kY3Ls1dhMKESGipmoQY8mBSMwG3ltjQK89AQmzWeeUq8fzaZGuifAwTAMqBRKHCwARZoBABYMEvbdcUuEUS08iZha9CiGEQwgidbVGMaYESGoBiUUKIjAkjKjbOudciJq1qTCTD4mngVYL7ZbLMEa5bNtnt4fdDaVUzU4AkcADvW2rK6bE67K8++bbtlSBxJbYykCKqedsd6+SZD9fqpkHI2EMJZs3MOxu466ksZwfThZ4O9+tl/M4DOvp3Nj2+5kEz7qVsZBEFuDAta1mbZyG09cfMvGr293dMLzdDalrUfq26XMCPuLfWP9X5y3jrfkaXSWCA8IdAYIcgK70EyLsrSM4Il6sv3g7ssduvDw83iHlHtTMPDqBYXCAOAShA2zaLYzcCflKD7qC9+LKwAC8oseIiBgj/Bo2gYjhLikjo2pl5m42DEPfjBHQgwDclEg0lCzmXMipd1UgESaIK8mYmpqaO0RXe35+UfOuttV+uWzr2mu11kMdiNLlUgG5NR/yzgHSOHQPRzot2/lSt2qAmWQsmbk/xvI4E2Dtn7/+9JPXb/7gD39c0VTow0nfHZdLVyNOw7i7venhVTdgeNT+bjl22l69yfc3OAzbdAArrhPIruShOHjrPQCAr084AwxmAoTamoEDYUSUnAWJ1aN27XZZtvOyliHv53nKWRy4WnF0dCcDdo3GI+Y5pSkNu+Jo0bVQ6mslj76uYJpEEICQiRkQkXBr/XRZ3EE1trW1qow8pDQkGRNPWfZDoTCtlyHTUIRYmCXlcvUDBqlDFVG3S9tWBpiGLExZJLMU4h9+8umbw0296JT3d/v9q5vy6dvB9YPQMg4wZB5KuX99ywK7w4QC45R3h0kyvf7kfrcfwpyRXO1wmO/ubuf9DrO4kDGGK2MIg2kdskDYfleyoITZuq3H8xqaN0XkdxT+En/14fRNSlDRNEz9GlebmJgoIppq7/3K67o+oTnL7tVtT6SZV3RB3EsRC7qiIyGMrjj0MIRg6hAgHMxOceWFUgB+DNO6EsDwOgO64rMC4COB7KP+B1l4KMMwDOfzWYQ9wMwSUQKyre2HOQeiRq31KgFqqkgoKZmZKNl2eRmHnBlvphGsvbws5EY0nfSCFKT+ct72u/1AGVJalzqPvOiIehcYl8rNoq5nnlIo6vZi4RSPWMSyl2H48su/KXH8yef6VzenusbXj2ncp99cHj+bpl2NG5vG3fxVe0d70FHasu0MmdtBNkNRfWXaGE9L5MEzdwDNWDIIcEa0dUTdJXLni1UVW8L6EE0CE6AFdOBOiaCEj9j3vmYDCeyOjWUZIdCLcEmMptp7ycOYh+WyPvc132YEyjSI0MulCoRbJ6GbIc+O6sZFpqmwEKgTYZoGlrSLFN2CPCR6aJKbN7f3z8t30h00QtFCcJoe19Nh54lgB/vcDjRcAmgo8Sr5HSYUhHDypSTbxpMbEtGUp5RKCLdmjLQbhpZdpacbAYZ5f0CSbmhGbSOS5GEYDGCl8N39rN66OiEoaWwNA1IZzL3y/F3lh5Yv67E9r9Org7iltdbQkvaqh/8h4V989e5WV8iuFiiozoIUwG7uHgT+MQzdccRsESTDu5fnrXfmSKv96HDjy/bcj0JGFuRAgUjU0dmUETGICK84L/4+9wq/xyX6lZiB6KYfg34AiDgFmGrfasu4oe8JoumE5OvCiSOlI0Dezaam6wbABWmmwcyAqJEbRe+LE8qQpxbYagv0nmg/ZgFNLKqbjMTE++nm5cN35+MEAXnkabxL+WbAAqC1t6DYF7kZ5sfvvlbU+8MkQMc1uw9bS5sG8f047u4IfvCDdvHnh4ijtkcYv7M5Df7141eHm2HQ5iqF+00qL6hLGX76e2/++f/8VddInGM7B5tiyMCo0FCVAoWYnIldJNO0bBEE41CgVWEO04AYOAETZyY3qz1dU5ciOKcOTuZpLNW2XBKFDIXIbZfyoJKLM5sQpSSSsp63q2yyq85cMiMS5oS1XlyDpZQxd6+X9ZzLwIIoENExl/39DoDhA7XeNu00jMentUIguEYSoaGkpB1zSmPRsNpayomEWq0eXXvf7wcmAbgOG72MU+tL666qa6uiXURSKsM0PT6+PD6flyXWzXKSm5syTwP0dWvrugpQeJiDI1IpJSK095zK+bw8X2BbrG96d5j+8M3tvZ6To4mswIvirz8cXSWtVQoYIAFSBDoAIX6kryERkyRXC3ckdPdWexZaVF/d7PYoq0Vox8DrpN8gwsMgBBACAMK/X3hdlT8fGekBAGDuHk4sH5Wh+D1j1EOQkRkJbm/vlm29PL0IsaN7hLsTpwiIrkQySJbAjG7orVcWJqYIJCAJR8JU2zKMiQki2jiXIkAYW1tN3ZnevHpFyMMwk8zD8Cp0sq6ImxCZVreWhDmVMBrne7AgSm5xqeHuZfjk9c3dT199/vkf/x/+P//yX/+L//H//fM/exrmHyy/2f7JH+3fTke2x6nlg98v7x/K2+nzN69+2bnVZ0P75rtvP5v4tmQ2j+gpY6LwVq8R786AOSlySqX3S9W6LzfdehEqw2RbtWa1gyMCAgR1MwFAxmDa1KRZEFAhl0CGIeWinms9DCwsm61OqUey4E50qWsAIbD3BgSlSEkohRC1DI68pmRp5pxBEpwup+bOTKueVsob1nOsPZFkw13JWD58e07p9d39MPgJL88h+01bmQoFN9e7+XYYy+nlRbJw18IhkhfvzULdnbgFYB4y5nq50JQMvJP2ZmGx1Xo6mVAdix1GQQYRJgoQFEzJEBJzztcnAhAjQK+NgtEAAbktrZ46g5X51x3/4ut3X35QgolhJBO0jTzYUQDRHcIh4KqZA48r8DwirHezPg35/s1rYLKvnvbEYSrXHFBAIXZCtQ4BCEhAQEBIAHDVukVEwBUAjABIQXYNx40AABZBQO+dAD+iUgG2dRMRVEfAMHMLlvDW2WFA8mWTVLJQBw/wnPOmJjw4shDS1lrOMg5pGHJCZfL9fibQ+mHlwP047Yos5/NQxk8+//G3H5bLqjztXtZl2Za716+n3U4BW5W61Ae7L2DG1Xxb9UiU26XuDq9JkuT6f/w//Zd/8Zf/Qz6Un39Y3yPhbz/8h5+2Pyg+EfEWd5xt6f2ytc3IfZ6zNtJARSHso2BWmwk5YUnEwgA4MPemHZeGVrXnusxjKknmknlXXp4uGKwUpj3cIsIC1EI9YkzUzNV4pG4d0DLBkJABB0yV4bLWRt7QTfWp9lODK7shCSeJnJnIWPz+fn+4mzpsjpoLjzm59rzfVdVGrGQPj+9QABgoS41tPNwOu1d/+/Nf/ebr0598eotpTTt6aUsHdI5uHYnev/tuN09jTuE+5XzVvqec6tq32h5fTqnMN7vd7e7w7je/PR6PUgSJS84ilRl2OxqG4bCXaZBEBN49tDejaWCSzbSas/s4zWCI7MSxrluvNt5Mq4RybjJ9VeOXW3wZ6ZQ9GUHEaC4BgkzgcJ37BAQEXc3NER8f2+6mnlnQoj6+qPlrJ7YIQEa0cAdw0wgiJEbACCRk5t9Rcf89I/r6TREi4voPLD5KQT+ORAEBwT1UtWtPgRDBSQLAwXvvJSUK8K4caLUCJwJnivvbm6fTpTWVzOK2EephHnZzTvxRpbQtl/1uenV49fTw/nw87l7ftG1Zl9Pp+NIanM7atjip39y/Phl7ZA/69oKXE50pbjPO5rv7XV8e27oJjtou0C+HMb57/JtXk332tny19qXhL8/9rc93VBBceZ0C69JgVVWry9bWZiQn9wIwI6h7LmUMwNUKkjcnRHQK10pL62suwGzMME2ZqG91vf90f3wP754fiXAceOTct95dmxgMcjOMQCETe/YQWy9rmWbMUlU7M+52Nehctfb23VINKZN4dcPAnECYOA63h5s3u+kmbeZcUu1Vuc/7wg6m8LL0h+UykMxCh4HOl1Zmftxehlc3bz/f9YhvHy+7O0kyhNYw760CeBJGQt+2YbfzrqUML8fTslxYBnMsY7m9xdNl+/rr3/529THC0RV0u8D+1d3a6tDqtC8lp3nEoVBm6q2bm3onFxB2j6e6JYDFrNKwOj4ez0uNhNKq/rz1pdvR/C+/Pv/23JoHIgyuBhhq10BnsCBEh4/5gg4QGGIA14c3kiB2NbJAtyklBrQwET7sbi7r0loHDHMHv6o6P2raPsJVf3cBPtY68FHxBh9LIyLyCLoWcmoW4W7rukSEcIIwREQmub49Iqp24SxZXM0CKAmobb12rQBMGELU5p3cHKYsgNEhQliYsnbXBoMMb+4PdXmeRjHflvXJY1SzrTlS6uvl7pM323Z5OW1ISTI3pYt64mk9L5jk1avD8ev18uE05Sef7Eb6P/yDv/N33sTzefjv/rt/eW7wy4f0o09+BPRV5eYnT0xx2S7Ob1+9eXVZ/t1XD3Q3EOrtrmwgm+LxUg9T2dwsom49Yx73yfw8z3J7t0uCh9vd6fxERUjcaCvjlBfoYYllGlLlQBYodALtQIlJhM+nEwkyy1nDORpGxrS2vqiG5A7UeB2mwh2RlJk3i75uu5k7wdNy0jGPB7l5c2i6nZ6farSRE3aHqnpqGGXCgcdpbvrqs9d/8+7XCV/u73nw/MuvH+1ov//5OAYMwjmlgCCEeZpRNbZKHgs2LBOHaDNkylnwsoXWRNC8CqVxyE7u0BF0GGnsvNRKTCUl8N5MISzCWMjAAcUhnlqdUoatRUkbsIuEBCbYHQ4faPnZ+8dT7b/5DteN7maZxaI2oUSAiOSOQHBlr1uEgzuCBCWH70shZxZATgQFORwaGCFuZty2ZmphiB8PaFiHwOsR/2h5+d/6xBW7Eap6HQf11sEdiANA1YgJICA8YQJGxejX6cGQkbM5AMbmAKoOcFk3IEQCziC5ICMs61EJ92O5EonR0VoklM9+8KOS7OItomtQVTM3lNgXdoDWjv3Ea23oxDFgt1xGJjk3EcnetgQ+jvOE48vDIyx9usv/9B/9o19++VWl+W/++q///E+//fJd/fPd5Ys72MnGSgMSr34JPh41U845d8JF6L11wZiHiXqToP24Oz49U8mOwkUK8v2r+8NhVtvuXx+29qLe5t0AHTHBOPJAqaRMEbthdG3mFQguvd6Ugdzvxn3tGwxZh/ys/f1p22yRXGpnNe+qa8fN6i54lwq4qTugm0FXFYfWOlaFY2ioRujWutYSBQIzZ64Yqqo2dPTTqYS+PD2Ag5Tdsqwn5QXmDG0/DjlJElS1bVmzCEQIcd4fHs/r6bLsdje5TG6RBxmrmPsnt29YSaNb2OZtXU9mPs85WDnj7mZvrVprKVGmoQhvAJXYgcowIYFHGFOzCCTzcJbnrT201vL+m2/6tvFtmg6ucD6iO2AkScQsiUPtCjJFIkIICFW7hlwAEgK42/U0M8A0TRZxWRcAPK0LEwUAhV8Z2gzE3ydeIaKHI+D/xvkPumKREP1j98qhcCUICAsg1toEUE27qSGUeZCSl8uyuZI5miNmREaES6spJSZARlFTJA43RagAeSj76ZAQX93d7zIua117Trd/97S1l5fzq/SqbStzxxxq2mur2xYK1hUFpkkAn1YgSz4Ck5aLbrsiF7sEAltCvZcA7qdvv/vLu5vz/Sfy+M7+1S8fLuPtLuHvf7I/nZ7X5SilAMOI9bPb6VH7ZsOyLSoBgyzd1mNt+4lwAj3tZwVUTdO78xl3WQTePT8CUKpsxy5AYS/3e3FmEIKcnNmPy6BOajqiRrWWDvM4zfBsR3e6Hw+38vqf2/FX7+pwefXbf/fM5m/u0+3cBW2HVJi8H8eU304HqX3OzCfDoNZWZE6467V2ixq0up+0gXBsdc5F5WVdLrPN6zmGGt7sw8sKPA6N+HD/9n7Xvv3VmHBXxkvKi6Oht+jt+f2Up3eqD+fLm8Ory7roIARSQEm6Q0KF5NzOIYKcxAghhaE9knGKQSQJgplGQFBrgDB8Meye1+Oz6dqsbdRf4PKCX122v81KnOpabb0cEiRcuiMRFEkQLgxCSARGH8M1CNDVErGHKwYRqWsAIHHKvLWWcr70hRX4qtonAnAHF5ZrvpUEhcfv6hwEdPfrZfhdy+thiESE7h4IREwIgN7QYaBmKiyhEBgO2AGAYc5DXResm6MHeR7m/lLFI26n0+mUgtiuvA6sm8vzyzKOgyB2MESaOXdA87hoX5bl62++mfe3b6fxcnlZ11OvSduWhdyCXPqyNVzKeDBVs8i51K7EkgkEPHOJ3qx1DD3sD2YxpgR0u1lWSl/8+ItG9mf/+jutAXn//vn0wT/c3Y63t5/95suvf/zDn+zf7o//66/Scb2bple3dzdj2pYL98bqz48Pt/vhzd3t21s+XS4QdDlvy+PLMCYDB3V2MDVglCIO0a1v68oxpGmcxoINUuLmNqCIM7BHtCFhHnLkYnl4y/vTcv75z74bLQ3IuGxCLoJJOgxpccrBv3n3tCtwG8VO21BzmgXIkNFan4YxEGtdTc2io6m2aDflbri5P8XnDk/bedVw9A/H8/G33g50N5eb/W14o2nGVb1qkhQGRFRbu7+/WxQv5+PW2343JdTMEe4OCMJgflsOKefzunFJfvHzurX1fD9PI1ECszBwpwDGQIRj10uA5kGG2/VpeTm3795tTumLN2+XdWtR55LQHN0Ls0cgBCHllNz8Gq2jrhE+lbG5azh//xzHiAg31WsJr13NLTtfz/T1tYD0sZS/imx/d9B/1wF//8XHoge/t4U5OhISASKZmUWUsVDQ9WIgf3TKfPw91cDVrz3BwITo7m3diiQGRAdzJ2Zzl6Chu1iYIYnjuff2+Ezhq5tvJyrJGVpf5pHWpY0lOOx8fBiG+7nc4jwN81i17oaydejbOk0HAIze+7bMO16WS84wjTIlHHYjgilMyvPLpYfAdENvf7D/9S+f/+oXv9beWva/9+aTn/z09756PP724fTmZp7mdBtTCqvdX9CHCOu+F5iExpLN+ocPz9NYpoBhmGYZwNCtLZe15Mw5ByEWCANmmseRUmrWSqJhmJp6rw0M1KpLDIUTJcsp5vHh7I/f1L/98w9p9TfC+yJj4UJtDCVrphyQt4bYg4MhesmCQX0xI19BwW0YPaXUzd1Qe0cLQUDPUm0OQ9+m0h97tDnd3d4tQ3mpD3/z1fu/+8kulTEMT83KtJvHcn58X2vtiE6QUgYmonzFr7euAMZCHta03RzuypAgAzKfLi+7QXIm9KZqZp2JPBAZGYHDz+Ef1vbS+/KMGxwezlAVb2/3z4/P67oOpThLa9twnZajH3a77bKs6ybMV2mCQyDix5kMXqWmcG1PAxER3CwAAJTw4+dqXrneBFVlZguToH/P/7p+rmsvdwT4aAFDQmb72GF/vGUijBGq+nFRTBQAHsER29bmnBmpu5ZStPV1WQtJoN8dbs7HY+99v9vXVoOwWZcy7AC8rksPFZG19cV7Ykx9mJL0VkfyWi85y/3NZP2ifTsvJ4TRlCy0b4ZE40gYDpvD5sMw9tg8LuIycmOrviEMuNWjudQ83+73t/vdFz/5vZv7H5of/vv/55/+6b/68+fny/b48Mt/8+9eF9/v5y9/+ZzmfX6za9iqoIzjZVtrRCFICYckQk4Yicha3R8GInH13tvWai5JUmLhXIREQRUciSkVySEWYRaqdc+5I2jisssDa5hWxw4pcnz9qwd71p/c3qbz5XVOQxnKMEW/qK5oroqX1gtQDWAl7pRNWNAJIkMgn7pyinE3NV3U6HRchyFuLc2Tpwy1GAzIi99qep2GWvk9l+9elh+8vslqA7syFZGHx4chPOWMROe1lnlQsJt5Wrf1+XJOiSP6wAKMIHTcTsm2u5v7um0l8TRNgWi9AUIPD5Rg1AhgSMza8P3xsgBf3H/97YdvHxdJc+1d9eIeF7Xbm0Oogft1xL6uS86JjAMiidStXuXIFnGtTNQNAdEDCT86VwA/BlEi55R77+Z23XNdHb3f//nx3P+u0L/OVeE64Py++w13CDC3QBARIo5wUzNwTulqFiPhcFeAnMu21tZUBtnW1kyRmQzY4fHdBwRApm3bkDkIIUDa1gHMVIcpd22XtUH0m/3Uo7pjbxtY2Y25buvL00MgGwDmUdGZFbx6tCFniga1FiPvPI6vkJZqL2iS+QJ9O0yHaI/LUrfqfOCb3fRP/+F/dKk16qnq8n/9P/+n/5f/6j//5S+/+c3f/Prp8ctXb+Tu1fRf/+/vv/jx3//n/+pnX/6//vkaXggTCed0//ownhfUjkDgOu5KGSDPSEChQCQRigQp4bQfUMDQSTFjgkBJGAHQLUD7ssamtBstBZUUXUmh1e2pvvz8afvuq2WGgep2k31ia1W7kmMwompT4kRctdfuq/pOWRUzEgjQPhkEpcyU3z+cukcgbS1KycUSGK+1nZqmeZxuJG/RllNRhM/vj6fvlqX+4NUr163kxElwAYxoqirJXIVgGgcSatUlcSCmVMwVmUAYiFDEEc6XpdfuyYzDzIOoAVd1Hoohbq32MAQYyvD4slbCh5e1Byampg3BDNHNTusFMUioqSFYmJMIC2/bZu4AEN/rcwzgqlwARFXj7wsbBGCicA9TKmP6/pgGBBEJCBERU1S79gC/64MZ2cMJib+PfgiICIerLRs/bhoinAjN4eqRNw/5/l3jBhiQJJkHXoVFAdtWb3jaZVq2lYmR2T52RiG6beNYiJmuSG0AlpCEarWZ76fBez2/PNe6lTJcNlVKh7u3U5FE9uHhobVNUrFuHF4oq0I7vfDMNwdFrxiriEfX2gEUBSLpr2HZ92Wm4Pn2/uH4ME4yT/vP/5Mf/ZP/9I+//PVf1/rt/eudRR7m8vpw+OMf//7ffvWNsCx2qQo3d3vpfS5pFEmIJaeQWnl5dXiFSm0RSRjoPeq6adkNaUqk2FXdXL2SYxZKxItQu3RlGQ6HpbWCmEEGJAh5ubhp3nOO/kTJt1UvHXsqUBAYWoaWKWqdRpyJT1s/g+8tBpZSY7aOhetm53WzxFzG86UO091q8Us55zOWHqnFuCGKx8C0t/fnY6+TGI6piDClAszbsiBbYmwka+3MFN4h0npexyHf3d0Cc+9N26oRGmZd8zA/Pr3Ute3GHRg27+7RHB2TI7ZNa2h1MwCt6+ubw8Xk8f32+LDd3r36wz/8o7/+q/85HCIwiDq4MKNwKvnyckSR6jYIBaFBEIKqMnEgwNWZ6w6IyIRIbsbEFHBNqE0ky7rklK9VUESEByBcnb0C+Lvc84C4dsDXFZi5Xa0218mPXrcEdO2SgwmRyRE8Ig+DQ9Te1G2ed1vVApTLeFpOIUxIKZe6mAf2WhkQAroqJHYERJRpSNo2EUiETDRmFuZMSOGfvn4zpfTw4T0CuEfVFTiXnAJ8qxtIiDAFed/mIZlpXc4Y3DcEIKeg6KMQAnZrOZetbiIS/RHAMbzwBOfHuDysD33avbqcH+XubjxUuOi2Pg35tp1ffvT2dftD+uVff4n7Ydzfnc+Pz72/nYtoCFhJFBwtIom4wHo5t9o8MHGCYM5ynQwQl35qbWtjGZDJHYBgdxiXY93M1ufz/pBDMDh18HCcOJGfEUgKGwRhpEkip9gNNdIzrS9+ud0Pt3cHN3v/3WP26GM65IkALqdnEXnq5pJpGqAMmsfL0j48P9E+l8XuL/SJT8QjFrARr25QCFtO7e7+NYKfXh5JqPX1Zj+OhW2Ly+Mpy9B6bM+XQMwoeZyWbTvc3ALsjsdzXxYmWddmVc2gqSPiNfxSPYBQUgLthHlIvNVaH49HS8T7c1uWBl98Mo+DMDkRRIgauiunFIDrtgGi5GSq66akfkVKogcxXmleAATMFKEejnb1rEAgXXF0VwkzgEcgAH2fyXNV+DBl+F78g4TXGunj68L9WgtdCyS6psR9XxQpBJhZOCCqqkMwUmCo9ZSQAlhof7df3FrvvW0AnUkF09prmKm5a+eSRETmKdfN3NrASXtPIfs0FZREnLBg8OFw323V6MhWkgIsI7N1Ri0DFApg65enNWfK4xSI5boPZESAWrcOgFOZpt3E6XI6E2ZBMFvN1nWpRaCd6+npaRxez+m8E1Cr83Qg5pfz6auvPnQbhnF8edkW8MdL81qn1zt+eRLTCLBhHsZbaHA61vVyvpwqRdrtRy7FQpfzxU86pNG2dPpwaRl3hzlPybDTlNNbos0E0+AS6OtAG1s9Xt5k+GyGttUo5exeCt683mOiI/olskL/5CC//9nrN4cbZvrVXfnqq6eXFJflEje7NE/j7TQfPsmvbn77+OEXX37TnMo4Pje5POrOaOPh2fFXqjf7OXobjvD29tO//Obr6Va2sPNm7qTLBSgawJKLIyifWzd0QcyXdWGtI9JqHftlSAKMTNJqqHlOJRJuZoGIPAW4kDarrXYgcHMDCfec2Wt5XIZffvdCQwnQL3/5l2wWQYU5ujLznPJ6voDZIGxNEYADyLywAElHCHc1VybKiZCiq8M1ICYY8LoocHPyQOFuSswEYGZXiRsFEnyUgF5RkAz8/z/9JKLrfbhGYl3LJ0RCgOurARADyM17byknIrLeDsNesm/LVr3ncarLGhzgfWKYE9QODiLM4IYECZgRZetmgMRJAYO4dr9/Nc9jyTmdz2eCmHfD5XyRRAhsqmVI2+XCXLqr9sX7OibU3oVT4kwsZt5VyQkiEOWqawojN2BOAobWCOl4Pp2Wl/l2n+cUECtsL19d5rlkzmFxPD/fv/47d7eX7dHGIZ42XWvdDwKzrJQS5oF421oi5RR5kOgdDTJwSZNdGnRqsUoG3c58m7Dw/MmhmfYRhon7urIDTWhMDtHFUNyx8ZRIQ+v2g58e/t0vPtSJWSaY89fQuxtm+uKHX0zT+NkdxVJv8kVEDj/d/cmPd5fH9d0vP+zntt+VVRtYf/7mwyf3N2//5AtJQ936z3/x3a8+KJrCbloS/psv3/Pju6Hgj97Osp9/+odffPrJDaEZmCFQKgG+VGvQIBwIa6+uVZL26ERsYEFwWbf13EuZpmkyXcx93ZbEVIo4hCUkpHAST9dxDXt4oFlI2YPKh4fLy9Nl3u3X87LpFg4OSAgiTBHaFQFSShTeays5p8TdVCnQw64iTiZiMrduWq7pDYiMRIAEiAAM197go33v+89HYf9H+Nd1ZUYMAdfm+Jp0cr0nHxM8zZAZPMId8QoOJgDwcIvY7/dq2lVZGBCXpaGTd90ulYM9QtUBBDGlRB7XPQNcCyoiEs4ZnRkDOHIWAm3qp3W7G4ZSBgztpiwCYONYAoCItlq7WxpKwCbiEEEEZr48H1+9fkMsjsmsuxshI4QZtmatOgKFLVvtQwmAtjuUDltvOOw+OdzdfvfVw3ranreFGc2J83zYZ5mmt2+mv/rtN0YiBZ88/t3D0w8DwGmiEp6Op0qmQ455nA9FlpfKweIMXBgMvEar6W4fObX1ouyRo3gSD6Bm2sOUuRAHSATpzT5tnf7BJ4f7e/vbr1/ORjZAtW134D/4ySfz6LEswxZi+pqSe4ssMk49wx9//vu+dR74spyCfNjdlLGs2yYCl7O+/ruHH3+WxjJL2f/i629PY1WykewnP/nBXSnBT5K110aIKCypQHh37y4InbMMgAS01VYmToUcnZMI8kAFgi/nVXsnYhEug4AbM+KAphrmZSgG4Jj62uraT0u34bCp/uKXXw5XrVit4EoshmhNBREhMECIQS3AEzO493BnDMQgAAJEAne/6pj9OrL/OLi5UjDourK9apsRAMEjPPxjyhjA9QYws6qKiJq6u7B8dLoA/m5AxMwOcCU7RgQigF+lPZCI1aypXn+L1nvvLkGZh9q6RQARBxKyOaQsHuoAphHmZoREgkxtW6dByjBslxdGq7U+fHha1vNB8lxyGRkQlnVB8pylrr21Nk47t1bX5TCVImwU8zzP8yfH06U2Fcm9axIx1aFkVWutiUhviuge3vo6zvlUz8M0bgF5TN3rVEpoT2OexuHp5fz4/tvx9osf/uRHVf+LP/23v344twvSOeUEcBCWtXf3Q07ihijEYG7CqZuejpdPPnsjQ8kpSuGeKbLzREOSIklrLYwYPgkMc7GGQsxkGk5hLLz/7B6LfXY///2/d+h51ySflkur5znVdvmWUajlMVKcaoRGkUTZah/GoeynvEehCxCwdG91JM8J0x69r1/MnRMY6+//aPj8Jz80BqjbuJ0OSc96efqwvLl7rV0TCVDOOU+Jz+fLupzAe2+NEIeSursIOjqyuCogbdvWWh/GMpahtg3CAA2Jmi+AcanrodwECnBaLu259uNmp9p+9fUJiG4Pc6/u5MSSd7tFw5eV3IWIAtwc3IWQCNHDw4EQr1EQ15wYQDBDuLp2kYjGYdDa4Fq+R3g4BgIGIRNRmIVH4EcHABFdse/XwEOIa+obfd8qx/WV8jt7wJV3BAB6tRYgOQQRmdnNzc3xchYgYIqO7m52BcgbUJRhZIVau3rv2klSSqJmZpZyFg7NAm6tb5YZKULbZSoyCDLzWpsBsNg4DQC2Ltv9/X34GCAvL6ckqeSkbUNXgl7rOUl4xLot7jaXsUZXa8IESKVkJHHjkgeEAoAFB3NnkqcPH0j6Dz75odb1/ddPNMrbN7fV83R/kxh//Hs//Pz+7enlm0TJRFpoKxmHVE8vF79MeQRWQydxJbUBTeFRT692NxvpOOzB+6WeRWQ3lCFx0wYRVMSiSSmJEzhwIsnEFEQcTK2fd1lYG2Ra/FKktejr6STaNbAB7CUxEkX0Zv2yFk6gBgi61kyRkqjraV2olMfzOSRZTiKu9RRWb+b97TxCZnaRC87hE+672ZQHHtKQB1dTVW0KboI4lAFLMW0ezghqlanUtTLz1qt5TNPYaj9fzjkToM/z2L2xUBkGJh+moUF697I81fawtsXg3bJ+9e759m7fQsAWD5MshtoiBCAhEUB0DfMEmFjQ3MMigpjC/eMtRSJzAnb6eAXAvffubkWyqwLEtYi/nnJVZcDr19cHvIgQ0LXU+Z0Ppvd+dXuHf1SJ4jVw5fuNMACKiGkXIg0z91TK6XQKAovobo6WhbApmg5JsBTtzYODQs1TYiAAhJwSMgsnyRycEAKuN6FIYnKMmAYe0gAA23ach6H3C2DkIqrN3YgYgpfLCbXuRkH03pfQKOM0MOeye3j40PqSMoVZLkJgHs28RZbePBERkEiO6OfzImUSkOPju2+++s3Nft7Wo7incVwvFyx1Gvd/8IOf/uzPfoUjn04Liy4JYswZk6AOe9Few2zaJcOgQ5oP42Z1GYwTaibvwUC7LP18aogpDQqhRGf2hCjMFIQYKCb7AYE2VZIb7Ra22uVIEbG1CEHcuUiPZtAskblS9HFM0z5dLhfT3gwOw1DK2LRlKeMkPSU1r8BLSdo3dtRje7sblucVMw4Jd+OY3HJ4AI+Sw1mrESEjIMR+zDVyaDPtEFoSK4b3zqmUeRaR8+m0rmsIdO0A5gHCiBjTOHRv0be7m33ZH37x9fvfvnt/8mTD6AzffvksY26Ay8txPw8U5byt3UApZSYJQghXZURGRA+IYMSUMjBEc/AQwKaNQXLKDtDDr/b2JKIe2hUjkggDenwEvl+rmY/vjY+Vkl/Bwb9rDq6Bzx+VD4SBH/U/bu4ALKKqEcBX/wAEGACFqnbTXAaI6KphbZj2GGq9JcHNqrs5MDGHOZNQSrX1rr2Mo5pLtY7oJXNiD+vDNGUm9ChprquWIe+mA4GNeQyrCC5IaqbbRt0O0977ZgplmoahAAYxny9rKhkoWm+AmYhq93AvyCIjhrHINO62trWttq5JRKCLLwLl9jD2uoX1Q5m0XbZNa7fx5vU//af/wf/0Z3929u7AFdLR48V1zGTVhWVAYrLi6GY3JT23jcRqVCJBW8B0GgqmRDnQ3QIMI8LmjuYVEuBurEAXAzLiYffu5QUCwbmU/ba+tLoCMiCbBpLcTQS6cNQABAJGXo4XDUfxlMr5YS1TNlLimHdliSgdVA20IwJlqdy+en4ex0M9tsQIu6FiJr0MRdp5zSXnnJ5PL/M4EoR1662hbpLY1DEQPMY8EEpb2uqraRXwDFaE8TpLYXKIUvLo2gMV+Xhav/3wUjui5HncPTw9PJ36dLhfnk9CgAGIkrnopjvEOYhdAyEEIugKm/BuDJSZQt3UKa74RwLCpj0IMUlHN7cEQkgiiAHhZh4i0sOvs3wAgus4HwADVCHQ8PsV2LWpzSn/TgpxbYuvNdLH7xDXv0JhNjcLI+Ku1+q6A3FK2ZMphwxETiIoTQsLKbrjMO1aa75VFuFEHuHaRB0RgSEIopRMOUfQ8XRKhUsqBOAW6lGyMANjCGUSaeczmUsSHubWN7PUurAgKiYualryME5jeKja1pWQ+9qGVIpy9163ZxBcWyViQeSoHNaWk4RKQSbS+rL25zzdelv88tKN/+P/3Y/+x3/5s1aTNzhledA2UmQqixoX2ucZKBI2hMjWHCNWzlyQtHd3BM8FGKtuFM6EBHCIqTOcKWrCE+bHC5weqnmfyk5jI4ZFLchpKtvaxsyohgmQkAAA5MhJREFUrm2jJgPuwayHA+C21LEUDMTw1nUa7zZfqrXdNCD2TDR107Xp2ofD/HLZjKOxPy9PpjGnkm1uQlopmU67JF6HsFM/V9ve3L3WZiKCQAARCCgJw4Slt7adKmVGsjkJAyA7M1IqkcgIu9vIYFWD43w6D1zubw6niuuqy3Mdp7luzXofy9CaeXfQ2IGAGWkTThrRI4DZ4ZrQDAISht0jUUoptdbCXUru1h0gKJr7tbAWgETsXd0BiSPge3YLukUAYiAAMKfwILy+Ff79Mlj1CngEM2NiYUHyiFB3d89DITZwAKQIExEZuNeNCT3ILSjLvL8F0zDNPGwvl0KZjTASgvTuxAnCmcUigJBEZHnZ5qkAYCQOosfHc07p4fGJUunnbcz57m5mUhQOt7HktRkTD/Mcpsxk1hMmYuy9hoMBAAJhkCv0ZqrCXLIQc922ulTmSXLqEW6OIKomKW+17qbU9RnCpytLVC/Ww9Rb46enr3o9/OTt8BdZhzJeE/JWg7PjoYwP1nCQfJNqb/Vl3aUCuYwacQpaN9inxMU3P6/PZchX5pQaDEP5Lg1b4LlHu6TntV5qZ8Zel1ZXpsurVxNL6Ybuybs8LrRtHJC/+art083dgQ6ldTvN+WpM4QJpONyv+1etnlWH75bLgQsBgpqt9ZD3Sy85D1SPXMrmF05gsm4ZqeRTo96aHNc3r28ej8eSBNVaWwmVgQHHWlfJBQAlCQsu64bJ0pgCpJunUpgpl0TCl7qBoFI8K+RcCkPxy540jCoM3516g1x7PZ4bILfaEXhM2b1nJA/QcDdPOTFhaxZmoSHXze73ArWPQxxEJOJgD4cIQrDWSyoipGpXBOZVIiEoZnata1LiUP/oHb5qhgD/fRUUeO0WiOjaWF910nFVkgK01n7XFqeUurfdbr9pV1MLMgdsDY9aUhLmrt0NAtA8QHsiRA+R1BW6qiMSiQMJVFdUdtnO2xH6bh6W5TzMux7+dHwZ3r4JAhBeag3vapZYdvMgg7hWd+tdXfuOB2bWtk3jsF4uhDjnHO4RThYELhQo4MSJkbP02iBoKHNAgAeT19YZhCh6VTMjSVl4O51Xjd3hri6nL27vfvzp4We/fsnz3WVd0VdhS8G7fZosRhKViN1kBlBtlqEEBeJj190wVK0tFDg4Zc5zdz+5rzk+vFzef7gYDHnYuTFYe3W7GzJo08S5dV5aWmo6XfgXv3z/7TeX09l9sZss+wPc38nf/aM3v/f29dPpLDhoxfNv4a+/+8V+Stvy8Oo2/aP/6Aefv95vl+flcpwnuJl27x8fR9BW++d3t1vr58v55fG8ptT4wOMEObZcEObetiFz13Y3ji8vqwS7Uy4jklsocpRdSiHdHAKBcPW23+/HmxtAWI/dEdQNhpno/0fVfzVpsmXpmdhSe293/1REpDyyZIuqahAYg+AMODOQQ9yRRv4T/jXakGYEaJwhjLwYQchudHd1lzoidYhPuNhircULj8xqhKUdyww7mRGWud33Eu/7vDge70mztAoFifcPY/7u/aKcSKjvt9OYtbijm+pSc2JGBCQkwLoUrY2IzICZAUFVWcgB5mUhfGxnVRUQwJEAiWW1N7oaAhAjEBpAqYWJRaTVxy3Yp6JnJcH5xyvib+pGhfnTRGj9fDNDwrVAMvBA8qivRiREcjIApjXDBJuBO4VuIBcEcFXV2rwg9QDojoBYmwaJQiwA9OH9w24/xJhK0e2uF8GU6OVnTwKjaum62BxWG1vf9wiU27wsl2Warg77rouOtizZtPYpICJTJIDaShcTICC6myKYtqpVvZTQbUPomro2jcJpG7VV9J6J5svFzOrcDEDSsOtSF/f7YWwgP/vDn/zm9Z+Nc0G3tN2gLpz6Hvk66zBBQ9qEbcM6Q+EoU14UgLZb7UMpBWNfAknfa0incbk/ngatndCz683d/bwVT9ttjJQS5fmc6/XdGziNfnvWN+/n2/v6cDejR1M7kN3sewj65r788n/4/uUPTqnbIPO79+OHdw+as5APya8OMM/0x3/w/A9+evPDX/xUyzQ/XPaxQo+L0UbS2ASMwEO9GGzp9nxHgtoaed2AaiuhS7SVZ0+ft6WdRxOJJOpmzRUERKI3cwWJXeoSMkFitYaBvFYmIg6mtVVDSdJ1ZvGc8fXdZHELrjElNQOmakXVyC3G0MBbc9fmiOYWWFSViKo1c3AEbUoE7o5EqupuQGDmSBxZ3Jq2RkAxBnCv+khJWQ99W0t+VQYiRlNb1wZEZG4hhLXs+ch9YEJef5eBr8pnQAwS1m9pVUI0aJfLxd2R2NQQKATxbKZqDrU5Y2AJrRUAj8KCoq1KTKaGjkiW2IUSGwCnYIDN7Mlhu90Es7lPdHV1s4xjzheNfSAPhH3XEVhdpkVnQ4tDJzEQ2vp6EBJVlRAJO9UGCFU9RJ6XqesSOEgEoWAgyLwsFTC4kfuq6CbHtDtcSRym8VJt2gxbAwndhiQWHfv9YbNPBkEbDqkjtz7ExNAQbhsc78+bLvSJNC9DStULbAkQpaPUi8ekZFmtNZ/n/PbdBSk+i6lq6VII10GJq1op6Tdvx1JonMPbd+fv3hzvz75kyovtYuwZOglfvUifv+hPS5Eazm/Pf/nnR5LLy5dhmXXfD/v9gEQIxuy/+Wb6X/7tv335efyv/9s//PEPPjtstpQJMnQijDSkcIZlXkpT2GFIw1DdqUGrVhk7jMidY1Aty3xxU3dzBEeSIKZtDZNOEljWXGqdlykEJsTDbpuX7CWX0hTS+/N8X8KrEf/su7dvL3OjTQpMSFOupTaIAoCNFZnynAE8EmbTVXVp4ObqgMBCAGSPu9t1SdzcqlZ1JwBQEyJiAbX1HDdV5Me83k+D/HXpu778wRHBmRkNHy+TT+YYcxQgJtI18N0REOn3zgEAJMRA4uBrODETowghKXjsu6wwl5yXKaL0zEFobm1IgZlaa10MDs5k1Cbx4K0aCOVahn6wViPHkIK3pcwaCLOWtuhmv4lCaE04dF3UnAsxmuVWImPL865LIQRwI4rnSwF0YZrHaYAOKUy5EKMQiZA6TUueFg+RmQUB53k6HIZTqQ/TfV5mZnPRYjNSuJynYbt99sWX57KLm22/ffb29i1WrabXL/ehTq+1/S7BjcnzUq8rbNFFjBiQWYTzMuU2AcPVYZ/B7+6X4119sn32+vXt92+X66cdD1TbfGrl9RFOtf3lb+5uj8oN0XFa4lSQIDhOALUPHqyq5bEViTE0frHd3ATtOWz1XNvZybBz5s1caVroeNTFdn/6y+mhvP7xT/APX/Jhv/vu/W0Iy2Zbh22PuxYHHyTtGhqksdbaUDgFpsCIHC9zlWl0zSFS06JLO42XOPRFtTQNJKkP6MCEQEQEp9PJa42E1KqU7MrjYrcLfWjxr96d3i+2f/r87e1JqtbmagBM1QyJHDFr84ReHRHYTRDVVM2dyAmMgNQCsaoRrEfXiVkI0M0BTG0Fla/TTEAUEWcEAmJutTLLxwB3WRdhAMB/Q/vAzKtPcp2ZroUTM7sqIBA/qipE2B3WcRAHYsGI7kBuaA5VK5IXbQXEQgDnplARY2BDr239QtRqHlIchhAIRJ3GPEXCGOFwPbQyTcu436Yltw4CIQgAulkrjkIS8jJJt42EkWXdCbJ51/UMUEtDtxBa13FtDQhJ3NHULdfGwILclqy6IHUpiGlOMQpFRdfa9QPO84yIy5yPp7sXL5/rSk/C2A8vTtnn8n5/JfDtxBLMfM5tl2I7516jbMESLJHMYGoYFev5EhhTkBoANuECipu+C327u72cjhuRB/RG6e7W/uNfHi9nf/iApV4UwZExJjNPDmH9B0JHh8kFkd58R/xu+upz0JF1LIdtfnLV6QSx8zbEN9a//+5uE0Ing16KsOzD5u23+dX3v/rTz65DpIfTQ+rqzU364ZdXn9/02+QCNSI5CLDcnU8UzKyNpaL2E6XPYz+w5LqAQikZjaGhVm/qKYGQ9X2spq7e1JbzTOiTz2CKJg8N39b02rrfPrRfflhctgkDE5XWzuNiyNwNrZm1dWFKiIzuhtTAC2Ilc6I16dLV2YAIgAgBmLnW6qZMJCTu7rgK19zdmYiQ0AENSZ2dGENTa+SO3urCSORAgM1svdnaR/AJAKAwOrjbVGZweISxrq5Ic22wyujW2wiNvVYg11IkRjQyYVgLraZI1NDGUjvpGcjc66K7mCwvB9FnEUNgyTkzM6CFIHOenz+56gJqzapohhxDlwYJvsyLELkW4VBbjSyIWrQys5W65mapmjCVVohFdenSABSWMqv7Zrud5hkBhzTM81LKog2E0/3dVIq+eP5ZXopEEwr3pxMD77c3tejDOFI4HM+ahnmIm/2Gn93Ezz7fjw9j2G6+ux/bNr2Mhy3azS49fZbQS51UHUp1lCiBWIQ7yWTHy2XTdTSE3Yvh4f3IIf3FK/7mr95/8zY/nAxzTMARALHtb9KwS7cfbqFZ5NiaK8DifJ6wIbnsS5vvX5+l9Fzt518e6ovD3Rt/+myTriid+tC+nU/TsrSmbd1NYQjjVN799gEIgZgIX3/Q//QXr/7g6/0f/uBKoP7wxwqAIoftcHO5HKdx2cY+l72kp9mXFHPX71Ur5IkArLU+xjWbGbx5yylEr9Wrb7quaTNzNXyY6vvJ3k7yUNOrh/mcAWt9OL2PLBxjv0WDQGFQb9O0uAIi11ysNEiRRNb1VgoRmno1MicHRAf8PcVETdGcwdUcgdRXRDcRkZupKikSsyABY20FAJCpWn0UugGSsDX/WNvg6mz8OGQiULdH+8DaXau5M4kwqTU19QJNDR1JGDyjq5tjZDJi4AK2mHKKDlBNA6EgD6FjVXb/wYtnz27S6XyUvkuu6laWZSFo17tNH4d+iLU2AzaUohBSJAHijtyIGZEADJEkJGFqDuaKwmYKRFWV3Kp7QnSkrhuaaa0NAYVEHSREZMtLVa+7q405LO0+lwIZteDlVFLoht12KXl/eKHQEe/v338f0/Diave//bs///nf+sX/63/4n7/79e+eDsP32ReoP36eCGqf/Uo4OJpB0UIJF3Le9DFxqAsZxKnEw8ZQ6ab79ffHf/8qHUc+FVnIPZDGMLbaajlO8w0tixdzYFMlaWQcYnGnEJ2dRTeH9PLJj/JUb8O7r7/+4Tfv3v7yzXH55rae9Kc/eL579uxyd2o53n44mbc6T3MDx8LErUlpXCSZ8//0cPmLb+eY8Cdjevr0+unV5tXvXo/3x7/z8+fd4bCLu4H3U3k95vMmxW0fqBBlVy0pBQYQwtR3tbVcigKorpUym3tu7f2l3M9we8yv7s7v350Z+/3V1Xi51CXnpYWYmktT1dZUmzZ1wNaaMWYyciAiJEA3xkctENMnMQKspt711/7oioEQBFd/sOrjJ4nc9aPXEd0NG4KaA/iaBL/qn83WwulxBATgDsy4qkPXmh8RmXkV1JkBEVmzj+uxj4PUVVzkWkvFEBygafMC4kDCWpWxSuqX47xJUsFPy/QwHuVqNyzLDIbjpQSO47hsh21r+HBaaNMj25Rt2PZROkSSAN6as7tpDBFR3R2IrKkhAhGnpLU6oCON0wyELELEJZcQQi0VGVdLXeqCg6GolYICHYNQ9zDONTs4H+L1yxfXU84cNqWQ01TKyDG+uN5uvf8//h/+9//X//5fjacFu93tcgfz8VnTXdrdhGi5sAsRyRAytJGQkJIkLTPP5ZLfP3t+nUTK9eb6dA/vl03y29s8t2aSqGecxQ2nEV17DtRt0/5622+7d3fvi9Xclh++GP7e3/oRp6ktfLh6+fY4T8uvPpxu4za++CL+4u/u/+QXf/Ly6cvbN7evv331cHf/u99+++LZk2b2+qF+883pdFbk2Dy6dNx1LcKTz67+7Lf14f93RP3wZCv/4p/8/Cc/u9mEs813b97/MkqfuuRsBJU6HmI3ncfWcoi9A16WvB6TWqsBFgUOnSEfx+WhhWPV+6meLk2kN4+rStNciYIZni8Xw8Chg3W+zsyMoQso7LURADFbqZFDFEEydkSztZf9NK5ZdWsrJM5Wrb8ZAiITCilYcVsnHBKEkLQ1Mgc0c8D/3A7/KIkDWCdC64SUiIjYHeraRQi3orVWCTT0PYnkWla7DDOv31joKGy6sigScZDiru5zyQi0iXCZH57eXJXz8ZxnFOw2O0mBEeIyT11KzJKr3d6d8rKMY0aAy5y91TjW3ZCIkBlDwFrnTdeBgSsAQlNHFnWoDuIAElptKGv1SKuCiojAERwfB7+uIlxKiSnEPuZlMWuQ7Xp3AId376df/fr11Pxwc9gNO7PWRV4WagSx4+U8Jen++T/7R/+P/+f/59ffvPni+W6mOGP9MOYdilTtSMKwCT3nOinyUhpqYzVmHVKctY7TqeT8i59evvoHzw+4/fBhenux//Td+bLIdGv5Q53PFR1brQvkl58/+Qf/5d/+N//hf/nuzbc//OlnP7vhf/a3duf5UpY2bJf/6m99eT/m028+PP/q6g9+uoX795dX//7PfvNvjnfFFbbB/+nf/eL59f58vrxt2z/6Mf7P/+H1hzPenmvRqfP81bPNF0/mF092r7r5/u35X/zjf/jf/IM/DHiHJg/n+uE+N2pdH17setXyJDGqhy4uWWuuFKMDubYuCglP03yZiwsWw7encmv9qHQ3Tg9jzS2cxzxstq0VYTSXUhoTAxLiGrlOMTARKjiqkjlbY4N1RWPahJmQWlViIqC/SXFbkf7mDqoMyMjMXMEUHVjWUC81C8QE+Jjjh2hg68Z3bSfMLcX06Ulwd9UG4Ii8GufxY+kFgCyyJgRYa9rU0ODjHEkCu5mTA+DanhdVdu9ImtlSMhsVNQhxVtxx2h22At7QDMxiDMzi5ktRQEGOyLFq6/tdVZoX02p92jKrCAQRa+atrTs5Ei6thJQohFIqBlmf+JpzXXIQAUd0RCQFq60SUS1VFUoDJpLQz8uyDVDzFHj7/auHsS6L609SYhnBsQJt9k/GpQD6zSbdjzUcNn/nF3/8F//pr372X//9jZ8evv9LHLr3OT/tNt5wG/rLOBrSOF8aOgbYREp9p4IS5TMZptPps6S7+c3nw/XLm26X6p/+9e39rVHuBt7cDGmaLyZOgd7+7tX/otp86pqH2drY/dl/+DZ2UxdSHceal+rh2XBj9218fUnZMHR1qnmsbWlzKXZ7F555Xua7Zfr+QV+/f3hfaDErY/mHf/vm//xPfrijo1/Fql/p/INtCn73Swgw7HeTPL06XL2bbh+WE8N8zsdws93HUAFd4lJ8vsxxM/TSzbUFpuqcTVrjRfn96fza8ulUbs9lqYAkf/xHX7+//YDuLORKtdamNuWp+dxa7buE6H2f8rSgmjiKEzsAOqoSsYGVpuj+ieG8jmseOVb0qGkjwNXWtbYFtj5RBIxk5l4bI7opEq/mdwSC9U8A/LgAxpyziDDLukKotRGRiKy2ASZxV0CorRJzCGJoa/Gz7teY2WoLIZVmdZmbG4kAMxgEDILhMudtSnOtv/rm7YvrWbQVUx36HhHdABxEIjGrUa6lS9GR56Ux4NPra4BWVQP7OE6MxMSlaq65G3oDcPelFHMrRYOIaWNiESIkJHv0AZEBuEhQVQRu1aZShmEQ7skuy7xMGUXIMj4cz3d39yy8G3bHSy0Wbm8fQkrb3dX10H04Tj/96sU//od/99Wvf3tgi5jGYiLx7bzsudNxAatozUrtr3YOuYJPZW7FrZZh2P7DP/7F1G/s9tiPBSUMz/tXPvzrf/vq21+eWoYdtM8PDbo4e/twrq9+9dtc7eqwf3V/Og3wp/H0/AVtY9Y6Zn272e5ffRve3p1+82t9wtDv4TS206WKS+fpQ63vf/3Ocr5F/O3JFokauqVM/+Qf//T/9I+//vnubp/PNW6ahzhsgOQ0nUc92XK/u4qzXixrCIdxvj9sdgYEJLEftDggJI4YO2KwMl+WWYG7zeb9Kd9PZXEZG75/mChuJNi8wJs371orKaXWFlNnYjSorcWuz6XGFEHrssydM5pjM6zNzRlRQjAAdWCi1cr7sdimT0Tbxyr9sbV1V11f96XVMKQ+pPl0IUBwY1opukrMAKiqBv+ZDYCImHmti6opAhLhWnGtA9NVYm22aitQ1SRJ1epuQqHVyklwJRQBiIi4mlszVUd1Q9c+bae5LpBJPVeXuRgA1KoOtul7IQ6BtbWuw6k2T0lRal2GINUNyvxkR6hL2KaiOOVSyC+m283eSmZHclPncVEIFhOoL02XGEOIHYDMuaoqx66tjQ6BMLhYqRcDW4oOm91itLtKd9N8vtiyUM46DC1FnU5vDpuhGrSq3a4vZfztt98dx/v76ezd7g9/8rN3779/dzoP4NdxeTJIH8GqeRcftO2YEmC5LMyYjK2eUWJt47bbMMmw6biHf/b0iy7Y/+3V6eFSIHWbXb8fMGD72XUqxg9LK5Ful2kvsR7x3f30nU39NsUU3393F5C/GKgeyyixXc6J4hc4LHMFThX7Xz6cSIa5lbcFltAFnf/5T4b/y794+bx7R1hOm2uaSARwQ+eSc4jUPzHG8XK8XO6mE5RMzw+BJGGgAk5Mu+thYzg2z4BIBJayVpT+t6/vRogXjW+m+W5CStdEQcokrg7FwEoFNcqslsBVO6ao1oeYsjFxa+rqjKxuyOyPHknyUglAJDT0pqsvHsCd4BEOau7OTojQHpMCRMKsGYVqLcGCOyOAEpU1WgwA3RAJENRsTcFb809XijohqamprwoJc4sS1/2AeUFHAUImNZMoa0NsiCvxxaZKMRayDM5RkpOWAuQuVGdCRG2zt5pSRN69H5sYYCmFgfoUyRzBIiIIuwJSd727erh72A4bRp4u0y5qy9oJgTNyUKsSug3FcVy6lMgBm4JzGoYuwfH41mwchthqRedlmqapYLT9dgdu7CCIghC7tNTcVFGkNifh/dWuP+XvXh3/zt/bNjdnX6YJiZBQgIVlupy1Lg93b5/dbJ8/ffr9t7f3U353N7+43t/fvwX3WpdtgCHFam3JxTthECIIghVbv9lVamW6nH28SgdH6oT7lv/485s/fz58KFzVJ8FNH692h/HulC/LLqT9of98p12AsuNZN1OzokAcpevFANW6vT55ycf72ZUf7qaZ8DLXBXBBJmQO8uzldXp2czn++p/9l59/tms8jxZ6510cpNU2azFhs7BoI+R5UoYomI29iyHF0PWxTsc+BlA1VTAUjuP58nB3DGG4vb9/fX9eeLjP+u603F98HJfjqQyb8PTpk9qMqi7LQhRqK6YQYkgYdVHzZqUiAZmqkTOJiKubmrnnUiKv/avaI8cTVsPXqmteQ4zcXNXCKt10h9XhBahqpSy26hfWzJfVD4m4BgB8tEcCETHyaqxxM3cQCWtnLCzrJWAfPcGP9mF/TCZbv6iaMqKrA1BpWh3mkrVpICLEmitgYBIClkhMVIq6iMQYVBs79jGl9WZaqiARYOo2vuhGejLoQ3e9SVcbhnwSNAnbXEwYQwiEFQmiJG2KxEjU953pwlHYEgHEkNiRmD7cH59+drjuuzLNCBCAaq4Sg+WGiB7YAbUaEn7+2dO3H44PD++HFmKnV7sn06XEYXBjUyvLvO/Dn/zBD0LfG23Mfvmv/uW/fvHk8JOffN13XTvfvnt4d/LaxyV1cNhuZkTQ+mS/4cSlLcglt2ZaY6A635fpw4DXXUgHkR8/2zwz/PaufDg93J0cMSaidq5X0b98erXvcTggdHx/zt++PX54yHkkCBuC2GHf9439AyU+LfXbMs4tzoCA2A/xxcvnV4FmhrOd/ou/9/kf/PjQ9Bw4Eg5JN3M+AUFk7rvhcny4v7tzxmWZWfhw6BHjvpNAnscxqHVdaLUt80wcq7WApA7fv3qbqbu4XBq8G5dzgS49uVw+EDZTvLu/7Pd7AGuq5o0d2bGWUoqDrg5gX3N/A0urisz42Nyu8IV1jgmfbCu8BhatLmBHBFiX0YgE9sg2FMJmjki/px5+nPF/kjwAgDDDmnwBZGBo6Kq45g/Ax8r+48c66kFAq7q62mtrQMBEDt5Wzw1RMzteLpa60trqny/j0jObuRK4kKo1A8QQRCSlFCVoLqvxB2obuv7Jft/FmBGr+wSjCO83G2Ho0sZBgjiFrVi97vEyHQNha+W8jOCQUmfouUxC3vVdnSsRas7DsOlIfvjlk9gFnUcxjyLgYObWlAHV3BAbWFMDQEF68TS2cglyxexqCkS51LKM81S6brtJafvZTVVtofvn/90/ikH+1b/8H/+//+t//MMffikaORzO41HNtzFQ5YdxmkSfPXk6DDEUIq/QWhdiAoWaUbCeTxq3Gxz+6d//2f/0//43Yey3cfduHt8v9YRClrzhr17ffXUjX+12AcLDh9s8l+dPrsalTeeptHGz3XHov/teFghvJx2xmwUsKHneXOFmV26/vbt+Ef/kF1/8w7//9QZvo6IqL2Pd7AcYmiTmbjjnmms7nk/jPBFj36eEngJ35IdhG408r9pjbK12kiLyWDUNV6Mtx8oXTLeTvj/7aTS2qTVyEIPgTkupIYTaVISjUa41ScramhmLsFsgcm1oAO2R1ibI7i5Ea6WOH83sDt4ercCPRnh3A0ciqq19GswLCvqae/0Rb/sY+24fewWnRyr6p08iMz/2AOBN9dOYaP3t6x1Cv3+CENyZuILW2pCJRMwUEOdmkkBSp0uprV1x2HBkIwSsTdlBRIQJHYSJWzMR8dZAQt91h8Oh64er/XbMVlqLHAFMJIYoU/aIfVHHKuaYSwFFcA2MIYSl1FyWOPQM1WrDNfnVDBFLyVYboXWCbkBE2qq2dQIAXT9My9xMS7HIcW7Zi764Gg6bOD58KPm+7y9fffljLXXowuXhwUTMWx/3hAhYx/nuv/lv/15z/b//9//66nDYCtaH6bobqhYoMW5252k65qWXd/2PPhN1z0sSjNuuj9hQ1Wwawaw7XO9Q9I9/un9zyZ9xfGf+qtptC4vG88Ppd8eJNnt80PL9+bv3Ew7BHRZy7SEKQL+8Ptdv3mwrZAt0uOn/6Iv99XVs8y1r3fW+f/b8F7/4+tnzJHafuAIwdYMAhY45bKQLY65OeLi+eloz3H4wbQC4i3A1UDAIWll1zrmLIW17aZO51YrjrN98OE0wvD6Ws+G7o97eQ23IdkpdooYSGAjHaVoFlU6849imolbNPKYEK9ikNXbTRQUIHaq2EJPpY9cLH/O/1j7VzfmjL2CFO5DDx5c7IpMwAyE0W51h6//56QFYxW3rrdIeUdKPvbSarvCfT632p9f/I1vXzIF4DbFYIVmqhiYiKAwAzVxVm0OtTVKHxGTWxxgUXRtQNNM15oYBGVEi8ZIvgYWYN7vt1W4/ni+L1bBNBlKrVTUWdMRi4Mwxdma4LJmDoDcmak0Dw1IyAEiKrS5as7uhmwgF5qpVQSlC4MAEBgBqAG6uJKGBW2vVLLoExHlZ2JrPc2Tx6bzfddurbV5q8BIYieDJ1f4yFTXr3IA4BthALW38p//kf9ea/fqXvynn5pd8Mwyqdpv9cpyBB+z5zXm5uh+fJj9I53lyry2o+YRdiDEpd6+++faLF0+/+Hrzeeg/fHj4nOWHSJNcf/Nm/uVf6vjgY84L7LzvYbd0V4eMcDstqeu2Vztje5jy5XoTwPP54R/9rRf/5L/64110qi87CcK8tLnjFnwO5MtiMuwpdBBbo0va7ChENmx1yqUxc0oJPADB0wTXiSMKNHPTLnWxT1Nd0n4YT+V4mt+el1e384fSTb65O/ubd3UcSZiHTbl5ttN3GUi3+wMiv3r9VkIAYFZILAWwguZShJgAtCm5B5ZVZCMhmSrBx7RqQjdQtU/H0X//Ykfwx054ffuvtBQEWjNbmgEyA/zeUvP4UH38w/DxckEDdXNF4PVTH1fFiBhjLKWsT9GqfKZ1D2xOhGqm2pgwxOjMWXXYbhamh9P5pt/sNx0Vo2bE4F5Lq0IERBK4E5FWap96YT4+3F+6tN1tH6azu8kQD+EmxmgVcl2ytv1uKyjFMHJoULS1TnCeRuGmzWIkV1t0iRKi0vqXVZaMgQFAYkB0QF8X74QUUnBwBS9VjRCYzAwMmGCIIew510bgCRBKHWJXpnMMnZvv97t5uTuPo6JsDtfsGtAa0t3d++1uG4P8+rtvnm3j6ze3Tw6bTD6A7bbbMttc67upQFXnehWFlUxz1hncIAAAx6578+67jpZ4vTx7Yl2bvr667g7X58tX//H57s/+429B+f50W4RrJ5dajvNyWUoH/XRfsentlPsv9bPD9mUX/rv/5vOvD0soudZSzkAcOZ4iUlCDQgyxFZ7LLBHYG2nvZh/u746X+TjO52m8v7/bbjafvXzxbIC+zUnCVMZmFoLcPTxsnl2HIXzz/e9u7+v3d9O5xEuld6fld6/ODw+1T3sAF9F5PsWO3dlcy5JjSrVURh7PFzMAEWLWWsB9EEF3VENb35jGRE3bWuIgoK9R1fB4JB+7gnVv5Wt29SPjzdyZyc3QnYk/ctJhlTzY33A/rhDFx2cIAR3RkZiE+FNMxqeeIef8OCo1E6ZVQb121Oauq0wIkVlyyRJE0KfzGGMsuRhj4MDa3DIyEbt7K21h0IggQbpcclOVIPM8nU4PALXWHAWUcqm61AYcupQMpGojL4nCppNpzEYeYkeETkWhODcRy2WK0sVAmlvqRABKUaqkoBKDowECMy/LYgYs0sXYAKo1pLiUhQIJI5BSJHN/dnM1zXMXd3fvzy+eb5jjMrW8mDaexhZ6qMskw+YvfvX2L3/z/k//9C+O727/i//iR9/87sN/+rB8Puz+N1/D8vABjneB49Tk338z/vz5PnLe99PDBhNH4hc1O04oMkoZcb70wkQdMOzA/HJO+ddX4WrzJTwNN//uV+9eT9u3Ez9gDte8bORqeNEjYfV5rn/0o+0vvqY/+Pqra4Yb4HqXzSzGgXacawnYAUgBQyR11TKHJAC0FLi9W7RVd11amZq9nzzrsPUNZSICNJ6WZZwnD3J/vMwY5B58lD9/pZeRvnnAi/W3k7z+MM2jRvRdmoShl+10Vol9U8inhqbRbJcCo11Umrs1L6WAu5opExI6ihaNwuicVYHIAUDNyUHV/XEoCQD0WIo4ra2Bg5tTDMWtuoVArTmaCzoQBODH4/6Y/AvmDus4lNndiampijA4NjMgKKbijB8Xw2tXsBZLQKSqwrTeMs5kTOoEjmjUagO0CLhzJ6YupTqWrqmak2Pi5K0GYqZHb4M6ybxcVtNOlxIhmAFi6FJYZuv2oUtdrWOt2lB7CWC+chgZPSWMAbTYfDlz9G4IDgDW1Mm9NXMwbapqJkyl1hBFzQKz+aMURITUQFFD10HDVpQdwI2AQ5CQJNdGkUllWsb91d7RUh9I6emzm53ReS4PD7fAEnSjrS+5u79tWti0326efff6w9v3Wr+6vrk+3L3+NXaxgGfXb1U9xRPi9rTsOkwYm2kQ9VKHGAU3nAsooiBJ15p79aUuQMOLLz//gfT5fdmmQ+by4fT2sI0//+Hn130/Xs6zVkTdUevFNimWaQpEXQytFZYA3kSdBLGLxdyQOYRmKhzLouc8A6i2OedyvIxBuv5q0wmCtdIkxeF4figQAePZ7G7WD+/ffvPmzj1Nk789tw+Xh4clYNzvrpPmWW0ZUpprCzHl1jikPBY0Ra3PPnvecn7QY6kt9F2U0LQ1Na2N/LHNVTNr6o+4Qv/UfTbVT1moCOBr84tABoBo4K3kBu78SP5RVSSILIz8qPn5WPDAR02RAayH29yYuWlz99oaIYnwullT1VV799gErx9m5uZADhBCULdaihqxE4G3WkMIuy5N47LvBlxaRyGRMIIpIBrT6uNkYha0wsxd6t28Sz0APbl5Ms+zWTdP2qUQOFnNEYnd+xgis5lN0x1hW2qxOoHVy8OFfKfoSJw4jvNZEL1qEgkipVUSLmrQ3MDQIYUQIqsauCJh09ZMSb1ncXRtCsLV3RkveW5oU8n9bqNe1EttzhIigBTrExVF9LDpru4//KZMftjsfvnnvyNKNet3t+/+DV/+7p/8ROkw5cXInPTV+fjQ4Ief3/ygZV1g34VSWr498nS+2nV7IW4WWFpzIEQITcEMGoe7cbHYzXz87avXhPbzn958fT3Q3a9++pOvcso5+t1pir6HNp6X407YgHMpYOCu7E7aMIRiBts+dN005bv3pye70MmmjPdjvkAtuapIdCNGD4zYcsE6GhkAxe5U22ThWGDxEDbPSwsPp8tdqYv0D3WZLkcB/Nkf/NCXSwjwfrzPNTsw1mxoDtb3w/fv7+gjxmcdogdmNPfWABl5laB9FDwjmj6SDFcdHSCuU0tTW58BcjcEdyNERIpMzc2aMjGgVa0I4Ohuv48/WnUN688ZYG1J0b3V6m4pBHM3VW3KqxSOeU0VWHcCiEhM4I8LaWBurWnTx5BiVUbrYkSRcc6u6rWRGRPAozzdiJ1WCJe1rE0CQYxhNwxdt2GO2oAp9Cma+TSWTrqALDGAFgFE977r52lSK81H15Kns9YlCOVlaWr9sKmlRMYUIkVAQF0jOkSOp+P11XWZpkAMxDXX9omvTQoEhM5IgERASylN3RGXvBgTCT6cHg77w1KCexj6Yane93EX0nHOyp7L6dtv/7rkc9pvfvDF0023FXz7mzwe2/xmfNiF2Ln1Pm9c87wQxvlSL85zbeMy1pLP0ykMoHa1fXql7rU0D0QpmiMg5opzrd+9vvvtcZoIn77c+DI96bsfXO2D2KaOXYKjLc93ESasl2PoorU6Zd10AyExBwcHTJSSM4LERkx9//TlS1hUc6Mk3mCZyuk0Xj39csoWCbcdSVl8Go1h2PQLeM7zZWyqET0yyOv3pzdzOGpvYZvJH+ZTL/zm/buvnl3P05m7ntzHywgOTNIPfcm1VNtsNnHgmqu5tZyjxD7EshR6rOR/z2hQNfwbuE8EVPD6Mf9rDbF8ZF0RIvMj63Ptlx2IyNEbOJp+0s998hJ80j+bGTgICSMRs7m3Wj812uu7f82YwU+MRGYwYMJqRihMiB/VoKXWPri3SsyuNa6V3aMBDdXUvMUuAYE2jSlSF+XZ4RkyD8PWDcE5xlCK5qwOWMZx1/fbbcrT1Ec+DKHWxS0v83lcRvUzmprVlDgKu3trBUBjJHOoeSZYE81YOCylEMe51ICiDm/f3W2HPoQ4j2cM1A/bPI9DP5Q5Mwu6IwIzxtQ5oYFD6h4eLvvDFRJt+m2KA7CFjkkidcux6F//5s9Kvk/SrgfY8nlD+Y8+84G4DP6bb39NHn7w9PDDq/3GLyGIkvNo+HTfpuX2dAnM3m9q8BnC+3PpzUloyhlmd6ui6MrZDUqr03y93xGIpG5nWG/Pnfo4XmQX+21aqoZSdhJYPZel73sIbEDnsmy2+8z9xbRV47n50lgkEN9fHtB9tuW8zKXkqqZqUYLlCQMLVLSli0lSmHOdax2LjjW8vb+cLn6c+K++O729HbGbDCltukTg0I4Pt0Se9oeH27th6DsJrbRa2jJlpDBNmhDVzdUiB3awXBMzEpVS0SHE4IruLqvcTa21RkhrFf8xvx3WIc3jLxxMlYlWKigCqhkgEDEgkD5mvazHdH0GmFlEhFiI1+LezczRARhXj7ECPkqv4VNA6kccL4E7gJqBmT3qhRwAmcmgioTQBcyktVSt0DQQIqC6ETOJtFZWjiK0KofhBomauhmkEOdcESl2EQFRk1rdbQ7cztuetJyC8Pn04Xh+2NxsLkvRslDibohobRrPYRAK2lpNgaoCAxKQIzZtIXbFMyCbWwrRgufSJMSuHzCgWiMhJc/QxKDWCg5C7NryvHAMQN1mu3dgCV3JDVGj9CH153Fhjq/evXr9+m0X+5DgKtKTCNHHq13cerRN/+0d/OZd+4+/m9w2P33xXP10mo6tTv1A3GyclxgC99EJbrNdxgvPCwQZDj00h6qxOZUSE111/Cc//gwWkKJh2PUK/dJ6QCpI1WzUYLrpPEosrSgQIM61HZ48JfXs9Mvjadv1dhm/eDqM9/cpSth1VedvX3/3PtD5fN5IvL55Ms25tWVgrDlvt7wdntTqY8X3Bd7O+KGlNyf85l2+vdPbUT+cymIAtXEIKYUuUgpkdU59d54WcEe18XJkFATGBgpgDKXMAQDMCFbKOGhrQPCo7f8oK1ghILZugQkA4PdDUABkXgehQKSmgETu6I6PSV/uBIoO9ijscfdHyb6ZfxryABISIa25L+5AhB/bXGHmTyaBRwsOIhOvsFAHIMScMwibGxGHEHJuKORhJcE5R8mlRSIjb+aPy+NaDcwZx7z0JAIc52VeUyObNWasWh+OD9vtbhhC19F220Xco2VhynVG0s0mmDZwQmRAKc26INurgwOUWoiZSTiKqlkzcCQOtVmXekRsy0wdOyAizcvsaGAYugDm5zylFLyBxKC5iYg6BmYzW+aMMjzcncjC/YfzH/7hL9yAIJgVRzyfl+niJRMp3H84//jqCebmXq9ZogbdbL/j8Xdv7k+nN0t7se+tAt/Pl57L8+0AAY2s5TlwnLMRC4RNhhYppYCRQ28uouA4AETmm00UncZlyZcFImNMthQHlGHoGGue2jQXbP31NsXu7nJRfGjmk8GrU/7yaRhIymkMZljr5VQaWn+1Kw/3IaUYOo4Bcg3MKVAtF4MUDk+n2UaFifz94n/2u9tfvV6OkzTcPMx1ys2JDFmrQRv3132XohsguTclwDwvaNYlibEP0p3OOddqZhgCNrdm4CC41p3EiAiPiydhWde9RLwORpu2R3ECMhGCu5kHZiJGgMeEawc1XS2O5g6Ojo9privZXFXtIzu61qrQ1k53jVn9VCYBPM5ZPwlF6aPiGlaNdGsgIiGoNgVAJDMttQC6e3OP7o8nnpBiiloNiBmo1grITm5myJy6JO+WY9f1qlbyaOdTy3mcLiVn86u4T+r9r343bvtDH9OuT9Ys17vajsk3B+gvS9nsronBQXMt4OCQELzk3NRqVSaWKK2qqkJ1N+tY8rywiLupPUo1WDEBU5RalQzdPHSdKpynMaSUho1AV7KVZfqwzE+uX4AVoiEXa1VKOY7H95cHe7i3F8+GzQ3/xW8uW+j3BxG7PLXy9LA874/vu1wr3d5jWVLoKxG+nSh24cVBniWXPKGOZrEaN4idMEx5SKF3TWCBZRzLkzCcj+VhvgiT1oIAaviQF2YgRioXdyTqYifMqKd8fzyHviNa3Oz27fvoQ+qHNl/geudkFsKofje3h4zCnQM0x/v7u8N2B7UMXQdh92r2Xz68bpgcr797D3/65/rd+/j2/dgElB+GTe9Hd+rVE4EGnIO7RC7UP7SGujxiqzieTXE6ff786W7P6Pr6lZEzBrRWAq45RGZqzIwIpgYAIqKqpVVGUnMHYOKwbmzd/bFwX/MCnJHNzGEdRaIxNbXVCbYqIcx9TYMRkRX8jwYCJDHoI6Y8lFJaqysmiHlN8wADX9M9QogrFs7dmakZCCMRgToBVlNgKq5dkJgXF+VBiAQXCIU2Q69Rixs6qKNQ8NYAUCSKRBnHy/39nWkDcK21S0GIrp49CyFM48Pp7sPnL750KznXTY+t5CBcM5KgqYUu5FrqkvuhExYibFpNLVdT1WHY5JxznodNj4aOuEyLYNdMmeR0Hnf7nQOEGCUGQFiWi/GqL4dmDdxTYmZAz12SPF/M6ry0Fy9eoOBlGhVtUS7ezqdTzkutVU04dFObBHVwKVDf02Vo9R98fn0F/Nfv8uvb76an/efXPRaeMp4WPwxJBXZ9Ii0lGzayqmwmjnmaU5DTZUocrdGH93dVMabtnNUtOFhrqKZ9ijEGy02EQ8eXSw6JOuZmjgE76d6+e6cG6vntu9fPD9vqa8nblmbjspwu07lZWebrTb/ve6zVDYEHC91vv3v7ME13p7v709vfvirv7mkuIcCGcn1+PUxqd328FOXgWgpRa4ue7u4lBSQC9y7GYt6qt6KB4HQ8XW83hCRAhFRbbtoICRBRGM1qrUTsjkRrDgWuOylfD66Dm+PHEoiJ1jCvViv8PhwDAMCbEj06emU1TrkbQGD+tPplESYyf7TUlFI+Ncfo61enTx3zWgWt/xWR9ftR1VYrPI6zgNfhDlFFrE2RyERymxOgjscUEzARe2utVA0cmRiRlrmIap3Gc9d1283gpqbNVBGh7zvAHmNA9LyMu2Hz5vX3h6vBGjBKVXV0jNJqlZAQGcjU1aApWKMYu8GEyrIQY+zTNF8kSFC0ltcN4P5qv5TaDZtibo5lqRgjEeVpjiuB0iASOighuk21HLXZdnu4eXI1LdN5wZvn1+Mpq7pIWObMLMtSvv9++tH1ofd+KZf+KmrX5DL+hA43h6vl/s0k+PZ82ezlR8++HC/j22PZDB1BnbkeEiFi0zL0G3Fr85hCACfhTqjL1uqs53Pd3iTuIlN0cBZqy3TJdcdRGza1pS0izEpoYjkvUCuea0N32Ww7bwUDPIznw2FvIai16pibXyYQ7BmTAGtZjpd8P8fbZTyWlNvBhydv3z/87n5cFg6uP3px+NlXn//9n3/xL/+nP/3mOLM2ohbQt0K7yAEQHWtTJmzaylKJoiCD2vnufHl/TEKWWbWAWWB2e1QkMzMSAaDqI8z89ycSV9fBR7EDPC6DV5fWY6HzOKkEcxMRNXUzFgF1YXFy1YaIra2rAgbwWmv72BusvLdPO4dPHfOnHkBV143BmiizAupCEENcWnnsW5pVMGYqiCXn+2UmckZKFJzJQItVh2ZAHAiBHXDOVWrO22Fwt7LMQYSJAtEyjYwQvD19cqNV97ttrQ0YQ0jOpArZ81Tmvhti2LhaM7VaiMxcY+pA5HI5gvt2M9Q6LSWbm3tLXdIxAxEzVdXUD9Oc07BRxaLe5mkzdKmLXrVVW+et3dA7uAJKGljo+fMvAWMIEXNZytT1IU92Oo2x60PBocPDxoS0Z3ABxLo/HD4P+EJlK/hH11dTLm2u9UKvpoeKVuYLmOqLOIU6Nd8QRWL2Jg6qVqCNDTYhKRCy1Np2m+76pr9fTiASu8AB435oOZsW8FoVVKlHzIsSYd8PTeh8WbK27eFAu5TniUK4vX041fLkxReLsfPw/u7tpfCQgjzZGdrUGg2b7++W12e7nR0hlGU8nvL1vhue0tfPhp88lz/8rHy+/+Uffw3/8pcp0CjsT2+uOp8S5cCUVZ241uKOQYRQWm7QrM0m5sYGzdGBmZ3c3PAjxQQBDMjMiR6HoevpNLNSsiDJGlrq3pqiYyllHY+uKzSDdd4PKygiEAtxKUUBiKhLXd910zShAxHVWoMERlhH+9vtdp7n9albM8UYHzGg67ORUso5u3utlYhaKwZAzquqANbJUhAiUm/YdffLcmy6YYHcNjERE5qDOQe25vMyM0WSKFGEERCMGU2t1ZJSrDnHGGpeCujT0LU6v769fXJ1RbF7d3/qYiQcpAu1zm0u6LZMy+cvnpuGks8pdrVpAztc70/HY2sVAWuuXUp96pZpmpEBUACr6pZ5s9l0fX8+XyKhq2FTzZVRHLA2MOqyBQPIha+efDX02+1wfTrNgG2/3Ze6TMvx7vjhuzfvU7/H82wt9+Khjbsg3QBxCIe0+aKXG5Oua38yHL7/i989ef7yw2W8fXeP2y2zfDhNsVO7jqCehkGXMo/z0y7d3Dy5HI+LthADm4ZEX/zwGRo0KYmdglPnocMYYpusjhq60CpUDd7KMs1o1TzhkJAphnC8nHddSN1Q1RVDU3p/XAqmywIGQ+QaRIrL8TzdHWvs+zfncpoaS8zjTLl+dcDrl+mLG/n5j55c9UuA4yDz0yc3KVW/GEO7OQwDy/xwawgoghS0zrUquHRBWq5i2FEQ9CTCzFVbrtXAkfBR2wyA5iyfJJ2PYpvH1vOj8g3W6xvWRYGuIH9E9I9t7iMYwlf1BDCghLCmAk/TVFsVfCyEaq0KFkNab4OqFR0f42HcEaG2tuIUmHlVwn1SRphREAHC1iqFdYUMrbWbZ89OF88Kd6dFwSZrh83G1AXJUJEjmrEAGrFw1SYYBcBNLUjqYlTVLsahSwhORGNub26PUQIB312mPM9Prq7mRjeH60v9EIfd+Th7tZrxfKlX+02KQduoulxOH2AzpIBgKsCRJThTI2jUQkoxXU6nwFxqFcT5Uki1lpIidMxAbAraXGJqruPi/Xbb9y92118GjqUoehz6ruvC29vXffAuUKnIEtxGsNaxXyV+toXdgNeHdB2kH3zobX770JfyX37RvW9z83Pd4UPO3b7HwFPD0UlzLuW4Idqlbh1Bb29uvNXT6STgfaCr/RCY7i85SZpaqYteb3dZjSVyAM0V3FMnbSnRiMldqytxTPfHew2hy425DylKqlnhw8PUCB4u2qyndjlsr159uH/zMC3GMI7jtFitYtN1H4bBfvx087e/ut7BZaAHKHbORrsnOfNcKjHknI8P9z/7Oz/9pl3uLsdGW4kigdyxzFq9kBM5soOXsvKTA5Ei5qYeWM1kxS4DAKC7rSXHJ1APfLTtIqB/HGL+jWfjcXy6+uU/ioVwXYp1KaRhe7lcVLWtGdpI65TJzMy86eMpDxLW/hsRiXn9NtbAGHdfLfMhBCKqtTBTaQWQAGEtwySEatpaQ5d5WUpzQwhEMUTxZrWCNkwJyF3N3MidGFFA2JGYGbGVwgSM3qWgrWor291wmkaSDhzyUtz9tNSvv/pCkbQNIWBr49V+/+QHz09359O5iGgIaO55aTVfrvb7khdKQaFFSU15WsTS4XyZQ3+FAtn84TLVZfnsxXWzZcOotahZM2kYp0tz3nz5g590m/1lDJeSTnfH+Xx++ex6CHycTovmq/2+h1C0f/36PToPQkOwQxc2ATcd3Oz52qtF1Yi4qdt9+8X19anJsxc2xvi/fiPF9cnzzbChstxXo0stHCUiX0IJdbreXTUwZeQo2fV2Og2BIfQKsWQHpPNp6VMnHEqrWl1CbATbwxVZs5opoApOeUwdh92wS50D1qrG8fbheD81YH1/OyHIcLV/dbn89Tfvs3POsB02+xQOOwkw//Cq/2I3vNyFPc5SFmjuMhBuSJ4fz29yWQzAED6cTx+msbs+cMvmGsCItyQNpLZi3pxRUMSVl6agGjkqEQZxRENzgtXzIvjJsYj2uPRaj/vKZ1tXwo+74UcV/+OLeY08ckQC/ziwBATHaRzXNZmupl5YzV7ATILg5hJja82bMVOKSVVrq4BAAKZG/DghXdtfVXV7JE0gs4K3VkXYzaLIfBmteSuV3YFwM3SllkGCNoshkIu7IQtHMlNCAHAJHJhpOwy15i4KopV5fPLk+nR8KH4eBohix+O5Nbi+foYxPEwXc2yzCiJ4lZBLPbkjwLAs9yGhqZPvxsuMrg6Nk0uSKtYyUvfk8hYK6fUX6dvbN6/fTS3ztu+/O7/7+qvD1XZTl3pus3P//ri8fnu6eXbzBL6wusMETfXd8e3D7X23jzrPd6c3hvLuVVG6dhhCcPBp28E2yhDTZrvhdNbQqlugsA2HliA90xDCTvVlDUtpHy7w5ng+355r6fohXMZ5wKDclRzapt0vJzDbxs6JzqohhI6j15bBZmoeArpZrox8mo9gRgFHXcBisRrQ+9SnQZY6OuNm01fLPh0tdLe13lZ/O7fTokQ11yKgv7pLHx4erOnNPvz42VWnvvP64op+9MWzl0B4XmKtKYUaBo+pUMxjub//8Ob+gsTEVtRnhv/x3/75D794+uXLL9vluFyWrFstBY1qHhlAyaaSidBdER0DN1BVL6USYnUgJGJcJdCr5HkVzODHhC8zJeCPSzD6vTBuHY3CozjZfeWeMyCogeZGDIS44t9WJc9jBWWG5mgGamTOIgBQc0ZEUDUEQgbwwNJaCyytNAdnZmF2N0Z2AK0tEq8AWkJPgTHJlv00XTBKFK5Lndy7yEsru4YBpWkzJzOTEMBIsvqQYr/d4zIBwm475DwDpdDtXVsMCYm2zw7CfD6fgxYd76+vrtWJiT1HnaZxas+uP2/VWwuMhWJadOw229qqMGpp3b4r84XMxC1uR8T5PCqjTqfTzeHLQ3/z/GZ/3XUgCXvlehmzZp/eHi86+F9+e7u/Fm+Xz54/iZtBbzH2G8J2c3j2zTevCPoqy9t3b3LGjrAfQghKqERG5MPQwdha03me16jPtd9qrdXj+e//wbPvT7t/9+u337192Dy5WkZ/ueuTmer0Qro+kBaf5nkVqwNYLY0aVG7ZLYiEmILIeboUqLFL/dAn9Xo/lmXuNxsJvOTCMQlLMScJD+PsiG9P4xL399m/fXcW1qfXz+6P44e/PoP5119d/+j5fsvaadkT/OB5t+MlVZKOQsAYUFBmVSRE4WVezJ2AGLAL7GboeP/h+GK3D9JT8HHJ4FZKKbWtLiSvygApJopkbt6UHHoJrTU0CyECuLnzxxctEZmtRCpwX5PqEBAIaI3sfbwJHgNNfZ3SrOb1R5X/KkDQhh9DvlYRBBHlnJEwsgCRuZOIw+Pjp6pd6gw8l7IWY2pKRJ8cCGaO6MhrKcWOqG7m5gqVVQNXRxNU05yXjXEQZgciEiR340cNNgcRIpLt4SrGQKGzJedSkoK6NAgornNujW5uDp+9fH453Sf1Zb483Q+74NmaaX262wrT5Xyez2+ZkaFhayGm3eFw++5uSHE77LpUNJfgztjS0EMnyvvjOLXmP/zyC4Zh33cvr29u372FEvph++RwBcfT9/NptzmcHs799pT2zz+8fV3b1HebP/j5z9I2plD77ury0Nj6+9y01a7rRRutexgBZieyaTxd807ViBlFqWHoZLMfjg+n3b7/IVTP5famn7k/Y2f9cLTmeT4Ev73ML3ebYROh5FpnTrG00scEBEOEPq0jvFxrTUkMrHmr3jqRzcDzXI3t9vIw1wZdhD7J0J/GsbnnOS9heHsp398vC3S7/upubK9ef3gehq9evDwcyhOev366p8UGhb1pvTsmScOwK2UZ82U4HEKQS11CN0irwBciFmBGWqoRolX/7tt3m8Tn86VSb9rIwRDNkEWACVQJudRq5gS4VibCAg7a2iNVygwR10H7+s4WYQBAQ9e16ll1QAQfox8BHfER8I+46pbX9draFD+WTOuNscqb3V1IzJyJ3AyZay1qKiyPnLmPNoBVOlpr/dQSqLa1SFvl00jIxIxMTIb45vzQIg373TTPZSk9SFOLzszg5q4uQZoZMWpr5iaHw95US86ltsChNSAKy1xT1+0321fffl/m+uxwHQy2Ep7cXF/thpJH8PJwPuacb25uDpu+trlp6Ya+ZKilRcFnN1dlybvNLsls7eyqITiDoaU8Ncbrm12/SZlJO6mB7/ZD3qD34GjFqH61j4cUHmZnn3T8INxu795d7582Ca/e/Oqrz27QG4CY8r/+H/+Hwy54uprPR+G228Z93ASmvkv7fUc5SCInAAQgAPLzeFSvjraFWe8/6NE/23/5+re3tNm8X+YHPT/dERggRrzqEamJ5JanKfdkz4dDhxbhEQHS9QMgDv3u/uFegDZDLx2H0i/VMsaFJSMfH+b8MC+tba+29+PyzfsP9xkVUwzD5e5Dz/RHXz75YgNP9n69E6pL0JEV2NLd+7GPQ6ntfnnYbPoQwngZZ0Dq926tSyEEJHBTJcRNTGBKDsuSS9YgkYAcqGlFJECsqmBGiArgCFVbz4HVWYEJVwCE2Wr6WiO5PhoXP5oYAYCQPjq68FHR8AiPeMx1/3jQHylZ+NFH9vjSXX0F6+kXMbPA4g7ItE4zHWDVq+VakB7zYB6HrYgxxo9sWQghrPc5AqxaI3WLHEOM4qWCHvZ7VLdpjEQJGdWZH4V3hCj8GG0WiOV8vEWkq8M+Ce+221YqAR72h5TSMuOw3V9O9x/effjy5RPuBduSCJjJJfhuM1EscwvJQzCgAiApbchwnyZKm/jkxtqSQio2gWCpjciiJIvd9FACp21HMS4daxnfReQE881mk5eRUhm+OLy5u+z26dwgcPU6TeN5m7pX372/vXs9LU8T09Pd810avv3udYrbXFiruppw5+ZC0seu77jkCu6tFDMloabF3Rz8cNi3Y7nuh5jvv/mrvw6Za21pky5Z3lza0A+/fVhU+qttV8zOS7kbF9FWoPv86oq7dH96C4iDIKCHCFNTzWV3ta9Ast1QtfFhvHcdG74+1+zUbXanM779UM4zlQaBVerpSYTPDumqX6625fmT3cB492rJZxhok7rNDMW8SdrWeTaPdc6cRIgMMRLWZqhVBKyaWxGPa0KKowJi7CNnUYLFmwOoWjNHB0Qwq4QmgIzIRGgOTQExIDV0Rbc1GuY//yAiN1gNjSvcmZmZSBVWaT58hD58egrw49wU0P8mD4I+yn7WT6rpOkV1BEBgFlUFQmGhT6naRGvhtDbEAFhrXVNizBSZRQRM1Qxa26RuuZwoN1xqT7LhGAlFQF0JgZnykgExpmhmKUYZj3e73X4Zz1pqIfSm/W6Hqm1eQto/efHs6dP99ZM9M0eQeWrO6MUaVTO72j9dSr3M77qdtZbBYuBYljlS2Qy7vLRaSsNGJFULknASre9Yrvq+O59Oz1/sySZrDYpcHqrvLzvtz/MxRGGkYst3bz58c5t/+if7/bb7wWfXl8laW1IvxZba7OmTl8oAEs+n0cvgimjkzcdl7hS2u/ju9Yeeh65LzNz1UbU5GCKxkILmytdXT37wDBVLfn26aJ1m3ew31Ie7VoqpHy9vz01xfvbl8yhd5/zdu9P7qbKIW7u+3h2b1zL5pQB6z9hZCVDzrAXjlNLdPH9Y6r2HrFjulnYpDixhiFSvEn++5x8/CS+HdogaZI8KnYb5GG6/P8sV34fL889kOJRlJoPt3f3YD4FiuJwuEQMIQqubTg77cLtMMVIMfDgcmrdpGSmwetPZzQwVAMjQUZCY1XRB6B4V/4SqAZAlLq0gcUc0rpFhhGtKo6r+HrsJtAa2PsbAKOCq/kEh9Gb1MfnRP8J/HNQUAIgf3YwppcdiZvWLARA/+h4/Ut8c3D667D+q4gDWGb/qSuZyZmImNcutrFswVQNwBETzqDiASDOptpXUYYBacqsYsdQqSH1KtTVrGlNstcl+f8PMMQ3uy2WaokhMsbSyTPP+6YCCueJpcRaGkJzZvGo5NUQzWnCa26zSFm1p2BGEVkb3y3aLwmWZbdhcmTURcJuYcFnqtuPSqsWw6beJxXWYp3sxD8lvnl4VLef8cLV5chxzgf5wc/15h5vN1YYObvbd219rkP3N88vl7nq7W/IS9HTYhLe3rVUoSvdLWXDwlkM2OS+7q0CRjWC/HXLO87SkGBg8cYQGfeXlePnBtgvA2vK3U3uvnjMph7dLzdtuvNRe/MWzJ4t2hyfPp4f51fHOxDNcnj7dT269iEN3OU6o+VmP2MiqTUt2TG9uz1Pj2eL1s8+Os51vH47TcT+kbcRnN/K8h883/scvhyfiWGfB7eU45vPl823/w5/dgPtczylCjOk4egNHlI7EXE/nh2eH0KeumZABuIYUHePduFiaQQu7CYgXR0BFqg7IxJ9exmCt6QwancS4oVEXg2FqXl0fkmEjdDKEsuKX3cmU3FdWLa86ttUTv/54VLth4E5VHcwAHGwlJrIIAg5pM86jmdXaiAkIOUggyjmTrk8KCLOqIoK2xizoYKaIbo/t7+r/QiI0dweraki0Vv6G4A4KwEwUWbQlCWUq3hxZmZkcwLg1csCimkTUDInMIRBJPxymacpFgcNcxr4fqioRmltteZpzab6TrnAK2Ibdbjl9v0zvKV479Y7VOZ/ODx2m5t4JESpCNt0oQhwG85jiQVsjI8RaxqUt3A1p10mzdn44u+nhsFnGe0oLkVYtKA7Bh/3hAMnn7q+++SsM72xzczqelxpx0726ux3PcxevfQgSaDv0Lc9LqZdcpqKLt81mqIqnaeIBd9c38zRtkAwJKGjzPnXeIE9Lmr0DBYaW2nLNocNU8E0zI38469uH49DjJjFL+/7V22X5tjlPs4W0c+8nYLqbCbCTLsF1osJHbkatTUiBift+/2x/Mzf67ffHd+9OQHS9469ebq9T28Lly134+ZcvP99s23FaZpzLpc45Lxfp+/6qn8sSSHi/fajlWM+Rw8sXz7xMSPNnn20p2lImaBGbeV3Q8VK0oLy9Pwe0J0OCRmLS0ErJEsUJl2VhxCQxstRmCNxcT1oYIJq5upGXADPVjgMxGzoQKVg1C74y1AHdcKXAwWrwdcNHDkpzt0brioDW8Gt0AO+H6A51UVdAIHBQMzXFQChu1UAR/TEse7WGrYtkAjRYAdTetIQQEMGsrRYZQCxVVRsxqxsQOT5acAyh1RJjn41Yonkzz+gWZPBKBg0QmpkBdDGYWc5FkOEynWlGbS0KC1OthQhDisfjPUrqYiBs6FyWSx9bLqUbthUkLzWKxNht+q15K7n1cUAAoI3pjSEZwlRPUUqz5mQpxUg3eqxMSQK4LiKX4/F+6G9iEODtnBcKPudJpg44pX4nDXdXw+5q0DLmetpsNm8eHu7v67zIv33/u/xjfx/5r759X9dKiPCzZ9sffvZ8uMyxtiDQY9sC5zGHwRJFx1zzMpszYerisq8RomQvt5cvh9gl2jTS+9N9Pf5ou/Pqu0N/Ho/3r45pv1GRc2643wexDWUKygJCcr3bH/oN2YR+HlIv+DTt+gytnI+3p/nD+4c21ueIz673++uhC9B5fTJsv7za3IS03J3mu2ObsnO36QdCPE9jcKX91qBdApy1bZ4eEgRnwMBmOAwbF0KLmnkX6ar35ZLFBThmxaJwmqsSb1PvbWZeRQzexaCtWatMHIlTa7cBTx28XOhpZRT+rrdF4GrGhpDR1ZQBEKEPQQDFEFdH/EdtHPwN7f5HsZw9rgUI1oC9rksGdckFW2Jhc1NTM19JPHlRRNzutvM0l1LQjUVcHR4rKGTm1vRvmsi6rqu1uhmyKPijRA/MzJCIEb1phUKIudS5GCGAeV6WBOstAOZGCGbKTI+7DkLhILvdttUy5Tn1cbqcfTNIEAlyOZ03G6TANY8qzdsy6eIIRjwtRTEagFYVjlWh1goYQkq5zLkVM1P2xXNtuswmvIndMxQOcST2XO/MToSn6ytKopt+fzkvSx6xqYMx0/Zq9+e/en8pKZfztKQvnr7s+vjduwdrst08n8b3MfUPk/7FX/7VedE5Y12mq02XSMe79wcJL68PEoDkInMbgOt5DEHYgEJ0N0kRmGXrXCw2D0JxuUTlXmLcxTe5vLWzDP3TpzF+/cV3r96clxmAqqlX6g1v+pgiO7SWDdvy9rdnqOXptb2Fol5r8BnL6FmhdgTPr9MW5WbgQ58J2mdPDrtA0Vq5fwjNxaA1pda0zSlyC+Lo3aYjNOiE+jAdz+Z+vCxX2y0oL2W2AiRx4PTZzf7Jfnm4AwVcELICEqhjNkwObuoIam0VdYIZAoEqrnhlgGCQtZ2g7iWEYmYQRCqgNldzQGMkdEcDMo8owGjwkev2+7iK1RSGtpI5PzqKHf0P/uinAP7v/92fXh+ezPNs1ZDQH6MnPUhAQv/Y49ZW182yu8MqhG4OuM7sTSQiQi0KQIjYmq6kZGRytRgCIGrOiBg45NIQ3dUcgBgDcUChVT7qugYOdF2XUnycR12WsWoduoS111KHbQRbmwoYNn2tC7qxF5VNl2BZJjZFME4DKJn7Mi8SkUD6bn86zdt9GMsiovOS4zAAh1yQ6TCkZ+TXrbbdni/ju1rnEFpEZ0bXZTzfl+zNAdmGFC+nk4RxSOE85fP9uycvttv9ZppPx+NDzYYc6zJKks3wbLM9oDxMY9FSFjTN2IVkteSc+21SnfI097E7ny/E5OD9kEKMuRRiolajE9W2gRYCXQlvzbadvBT/i33VXvP0LUzpR08jwu6y1HlpHIK1vN9R31MIIs6DbOCJcpufXvEx+797o7mMso1Phg1SS6B7hN7bhsZdOx8O28+2qcwjqwlxNyTqOieDiyKqmm63nXlla0mA3OqybAIxUgOMKYD3Obeac5nPAVDI+qTPnsiBnxwLT2/fqoKCYYTaqiAyk1alj0xNRmBzIT5H3i6tnygHfEXKAZ7n9DBPHzaEIXLT1eFOCAgrs83xMd0PP+HZ/CMxxd2bNmdYh/7ERMQxxm+/+87Nuj6Ny1hKISJwWC0E6ERA6DTPy3qNiARCtKafWIjuTsS1KiK1ZswEjg6OQKlPwnAZRwInIm2KhCsylcC1VUmpH6JXDdhoNRrbI8IoBqmtmeu8TAgYgsi0jNbafuj2243VlkIwhGYKQA5eymxlTrQRSjEImUxLadQwAodgWh3I1WNIIBK7fszFKFas/e6gzlopUFcXAy6t3e42w7Tc7W/6969qrmXTDyXPS56IGpFAdQGqtUnc1GkuF82XpY9Qxrvf/fbbKUs3JAzLm7fffvX5kKdy//b7nuSPf/zT5fTh+98cNbQuDsuyTNVu2xiv9qnfulMFkxQBYckLt+qIqq1Vt7qwdJtNAnMtgGrX0vUcbjzGHs7WoA/TZWKgro+2GU7j7GRF+gIeIlidWlHjMjg+2YbBxvM4Duj7noktgQ0pJiay/Oyw1TxdS//keq91FkZAquDn8f7qcDh8/dymMk8zEMiQuk3v6F3ftVIsQM7NVUVSrSVGHva76bZsD/s6c7VxfzVU4Ielu5vmNV8OydGKubm4mjqoqxOxEAqgEEQmUY2AAbARVrTTPO2kEwtFsxiyehA2dwSIMXhuhtDA2ezTrHO9VT6xOx2ggCMxgANySMkdltxiDKkfLucFGYiQgMyMV7R/VWZ09DUuaF0SE5OpubsQi4gjrnHPZqpq67tfWNzhPF0AMISwonNbbWBOhNYaIeSSi1IXYpCAuZkquHZxU9pS6iIS+j6tg9QQk8wlJ+RaSoe8GXp303VwrEAktZbUpRR5ni7eEG1Rt6Hv5+bVFM2YOUYZ55HEnj7/rJ3P/fYmFz6dJvAgHAPS/cNvNjIrXJqE4ny6IKAxRM2ATbxmk2JeEvXWakDvQzzsr377228+f/4SAzReQhzypcbIl+l+M8xXu3A7Pjy8m8X7d++X8fwIDmDmzba/kfT623f0INci4NUBqtUoIjEAkboFFhYayWsQ229LwIVrW/RR1rLUL+pQakCRudtcSlbnQhQ7epjPD/VwajHNpefYO2NLrdSbfhu74asXw/AsQ3WsHpwS+G7YTMUHAZUQJa0LztwaErKwxE3r+YIlvRighVIybtLZGrkbLc2mtJE8zrvukAvM07QUkI6K6X7oW9PYpzRQfj99uP1wd18JqU8m7mQaAzW1poq8Gs+REFZBvLteNxsDvmPtmt80DKRvt/WC1jdMxMUdDHwN0DZXMAlBm2prBMjMK9h5rX8cnNavALhimVkSYkyd3N7dXklq2tQaCq4jTjUXZgJECq7evBET8yNBeU2edHcCJGJABOIYQi5FH9F0jEhNNaaOmZYlYy2EJCJrRJ8QpxBDGMQY3K3N8Gi4MauVRdYiap28IpGZC0ZVo+xkDbQVESdhamG+mG+rJbrUaaOCAFgBWonMbuxeARYJANRMbQhb4q7NvuH04fLubPrZy5/96i8/XO3lPL8e9lP1E1I6nrXryNAwcp6X0lSQRHp2mk4zxipdP6ulKK/f/4XEh3men7/4SeFnFW+u9PS7372NFCVtonSOcbEaw3A/LxyChJEMUfvjQ9ge6OpmB+UywJO5tG2/sZK9gNaMbKGn2Mu8TKUsUWQqFVho2NZyKeN02MQOHWgakqi2aJiYIcSciKmasbfzru8ANbIHa73j9YaDXlKNHQA1as2Fgrqhm5aRoJg1JHMccm3bwx5qJWYR1loJOBBf5vNw2MUIHMWbtqaNuKA4MO52D+PSx4GbazFXjLbNi1MIKP233x7f3M4zRIiOpYk7I5hjdlxrXqwuzr4il5EV3ZBiR6S6M+oNGbwSZbWivoGoZhgIibw0MF13XM7gRN4UEMxNVdGQkIQElNyBiSqZqzITOLRSrJU+hDLPWmvEaE3NPKa4SojcDRgNVpqV11YRQFhYxKFZa0BsYKvvfhWVSpBaawjibqVUphQDK7iDyTrfBQwStblFeXJzOJ8uZSlkKhwECM3AsmdFRkMo2NSBAA1QmBEdkQSRWpuFgAiEuGM5tqooFPk4LZq473YP90e0etjtdlcDwwSaUxd2w9Xl7DnD6Xic8unD5fvtyyv3sUtQlqPasRsWjmTKCJ3W3LSs/zKPAbMAQqEXUKxZ7Zx9vh1DsM1uB2E3U/zlr993WwsRd9vNw/2Dq3mkm6vnv/r1L/V0Ok/ldHF32+4SYgLajMvl8ycbnec2z02dWITNSs1zXbxJ2J7e3/abuBs2Q9dPl0mcIkoXO8gG1rZ9b8nHcXSjIMGK13lipaskcbPtx9kJmnsfUp+2XHPINTrM9+O232BtAclJm7WuSxRoN2yKTV2frGJpLc8LiagqgEcO1nSZF4uK5mQeKDTVFHpCjgnRwcS6m54UfamIqAVIQmtefNlsr0/3b8xDbgaMK16ZCUjICMmAAAiQEJuZM1fwBm5uGT2CbVUEsbJXxmWpYIZdQnIzbdqIEd3h0THTPi141yG+NUdAM1+D6ZoqMZJI09ZyYUYFe/rkZhzPqIjAuu6o7FEB4eYhiGVlICQCRFcFxBCju7fa1BTcV++Aubm7sHR9crdalIlcveUi9HhRCEuea8k5dN2Y5/zq+0ikuXYSggRQR1TwRkArytHMHQGJ1FwiRDNkQAJjVseqrjF1peT5QmHYhi7Wki+TMbRmiT1kjV1Wa4tIU6+Z5Xxe5gIu2DwDtk0Meb53nXPJqStRSAi1FQMnMm+LuxI5E6IaiCMplCJJiuHh5rnzJnWby2m+O5a3l/e/+e7dtPzyn/yj/zrKgek8n60T7qXfhe79/bktbsjKsBhWpF9///3Pvz6cl3rVb6UT5IlEqy3MFLtInM5z5pi63dV4uhMRB0MmFt6GDSH46uuFGLuuaKm1EHAAQAXMHmLY9rTkEvoBiKy2Xjp2hlxTH5emMQqJ5FJSwCSoWtEkAGK15KhNp/sHJdhfX3GQpSwrStzctLbamqj1/Uab1lq7GEGt22zMNVJEDPcfHkIKRCJd1OYPb+/KZVEQVy6LBY5CldwADKxpU1DnIABkDQpacy/NnKBXJMDZWyQxxkpQyZmwmoI7CzfVVSYA5uiPrkUEdDUkQAIAaNYQIBAwCzk0a+uxRrPWGgK8v70TIgZqrbo/atpSSu4+juO6G+66Ts1KKeBgYOfzmR5VpCSBkdaeuwGAmas6IoUYyby5T9MUo7AIi+SlVldEbmZlyd124+bEDIjTMguSPFqN4ZPxh1YQamuSTAxok3qCZjqbzcImAtuN13hNcadaRaLWfHduT/ZP2Kohgis7CpG26XJuMXZLLc2co29jzKcTgwc0iRZFXZsjboaBXLSMXSQDyHlR8EDEkV3rUi/uMe6fdlfXGJ5dXX2tdrvngrtW+11tPl0+LNP9+eH958+eCsXL0XoOu9Q/RH0Ymxpelvrm/u4g86++PcuXh+vtDhGFPecRoJkToJ/GyUBv9jfTUvphMDckQEFDFZE4iKmej2PNSsAcmAlaMSQ6X+YuJgQybTsCb8qRxlw9VwBMMa06rarzYX+dNpzLItG6EMxVJLRaweuu6xatShiES1lUVZhba4xMEjYpTUvZ9KHrOuoZmoEAIsx5vix52G66ZvO0qDfM07RM4yl//fLql2/PQnFVpzVTNyMyQkADwLW8BgNQswpeVyh/9RjIhRpBAYUUFRoaNPSSMyuhAyKWUiOLmYGvhTuZIXx05SICEZFg1brSqghWnaaHEFqrBFRrQxKRsDYMrbXL5bK2vK01cFhy/v0yAZA+GXzVWjMkcDNkNzcmAYecC1OQEAE9piSMtWkzK9rW/UGIcog7q63V1kskIgAhwBBiK9UUjHBFt2tTdyMR2Us/7PfDsMtlPI8PJJ4iRQFU3wHHvisajudRgbrUD7vDcr6bl/lq6JDivBwBKngJAYUMwZnJgBjZdd705GYhMkLsUkB09xIYzNCAqd+Am7WG4AAWh4g4OKBj6zYxN0PeIZQ8317Op0hwPE6X04fPnl9/9uy6VZhOx2m81KLksKIUd4cehRQdGVXLMs27kCKy/P+5+q8lW5YtPRMbyt0jYorUS229j6yqUwKl0ADBCzbYoNFoRiN5xQs+Ah+Kj0Cj0brRJNvQsEYTRBeqClWFkvvss+XSK9UUEeFijMGLyLXrkHmxLC1z5rS0lR7uw8f4/+8nCZthOs7NddUnDLRe9RJFsOWcgbDUwjFJR0ChFT+JJ/lQ85QZafGzmpYg3kWZ5xbAg4C5x0jdsALB0iqH0BJGEWssHYUkXJdTFZuRmhExEjkBsRj6mCcJElJg5mHVj23e7w79epVi19RQjQmtapc6RU/DKm7PNde4tsM4zqW6+fFw+PSjj35h6Vdv/7IVYOldmzmhAiMEIeOHatvUecH2AyBjdeBFZsNY3WZQ1GbggKRNOYi6Ln6WEERrc/XIrKUBEjotHFx3ZwZHm9q8WQ251CUy2N3R0dCYxBQIxOFhdrY03fXX0mLMbBkrPHiNH/w3SMTasqkKsYGathBYBGPsYrCcteTiBCRQagFGbw4IjtDMoFUJDIEVqTXF96EESGwIwBhjqrW4Ob9P2pPz1QYluaowE4kDI+K4H+ukw1p7ttHsAIqEzHR7d93Gu4h2f9BWx6HHoQtaMyNsh2G330XDpgDoQZzYSq11QkKRfjPOx8DAjhKCI6d+dTwcjnnfWolCq82a26YFGfPtJj5irBcXZ/N8R86J5MlpjzXI4w1YqdP+6bPPTXuSvy5muSo0FXLVvDvkfm3D0LmWXlZYm6s1qA4WkfouxH7LnTSsQA0Ah2EoOU9lzs06CBTR3UIvbFym2UD79UoST2PuJO13e3TpYmytNm/NLfSi5twJd4DATWs3dHEVa5tDYkBQNatKLCLRCOZajRGFtTURcoB5nobT0yEMau4O8zyfnJy6QasWQwQHbWqEGEjNcylAeHZ6cn9zf3myPRKksGdU8ErS52JkS4X7kNoF5oS09IHAjBwcidwYgRGJeTpOsoptkVsaBgAIZM2jiNWGiCzssIDcjIBgqfnBlwg9EQb1bugo8v1ub2osDAtZnRZgHLpaKUVVRSTGaA/0IVo+R3ADsEVTar7k6TVd8FjgDkQPrFFAHceDm7gRMwOhWlkczChsDq0ZMCNzydPiamB+eAZCSnXx96jPrXhTIQJEZgEhYodNNyRJtbTxOE5TnqdqSswpsbf5ftsH8rYaIqG1Mj95cnl1cTLNeSxeHXNVIgF3Mj8dNsEgofRhQDfwGhgCs1DQbFGiqbl5F3sCaUVD7Derk9XmRNUccQjrVdd99NFVqdel3ZSyuzw/7UKcD6MejycpPD7dRvROpLXy/fPvKDCnqGqJsQsEpptV/+Tx5WYznJysEazO0yA9NdC5JgpkPk9Ha3OdDzUfCSGEwEyrzdrRx+lIgUKK1Sozn262fZccfX2y4kjAWFpdzjjphtX2JKREIrELFJETUgf7suc+mriyUSIIAAEwIAXmFHCVZDvIusMuYmAgZCEi0tq0mYRwcna+Wq1EAgBoUwQ47A93N3fkCM2EudaaUrJWGSwSbwfZrpfciVrrBAgAZIbavFVtS9secRnlimN0jAZxITUg1TmzPNjYmSiwCBIA9qvBwCWEVltramZgRu8dvg/+YAB3L7U6+qs3b6d5ZCYRWvzyIcj7AA3g94jPZctfVv/C9nlf+bx33NMibYBa29Km1KaqjQhDJCRnwdpqa8okiEBIMUZmaa2ZmbnrUgS6q2qtFQAXSCMLcxAnUHB4eKrBVNEdHKREZist1+P9waCfm+dZL1b9mmkVpTXvqD1Zx2JT6oNseoIRaerWQ4RLkeY+updSc9E5BAJGB2ruagFdRFhYkazqvgsRGOfZfZyJGLTVWvouhTgEQHcr8TCcPnr3pnp8TOtH2q2LejhPZ8eLr55/+91bf/rB008+/62+X1mDJx/R1de3Ot18Hzx3fGXdf/HJ+icf3v/mj+qKL9t9wLJvbS8hxV6MEIKateN+t1pfULYYpa+5WTHU1cmmH1gPY9vvkBBBadGOr4ZXd3diJqv1nA9BeBPYuOA6OHurZXWyiUMs0CjIZj0okUe+G/d9Cg4oLKVMKIxMHsCxiaA3I6CeExFXVULKqpu0mnMZ94cwpLFMbS6krqqpNpXeK6kpo56mkMcJCFUiYKA6D5BHinvakLbODg2sCosj5irEMYqbVVcSUnN1BgpTzcAIjgwUhXVxioIBAoq7WcvecpUQhAjVzRrg4lzBZgaAzOIP+Z7u6gkDZeIlOdsBEb00XCJhzNTdHYSZ8SF5iZBMzVQBwAmYmRB1edKICDHEoKoOQECM0ZeJE0KKUbgaGHhDA1NHxBCSGhStwqjQAJYGsDGjek0x1tIM1ECbKYKoenMjJAUws4hBbsYD1Hs2evXuzegNO+p6WWsYQjLDx48ezdVOtozMVfM83+NiKG3atCYWgOjuBIYBKRASoKOEvlVprRJgP/RNcy2ZHAIycjPNrkiIkVHQ3IwJam0N0+1ujOnp+ZMfYXy0z1jcqeNu3T27uOiCfP6TH2/PTl68fvvi+1cv377j2J1ennxQ/O5vbz98fPKv/vinj4a/v9hMovWwa0y53wR8SBUUJ48hbHCjrYG71YYB1bWB5jqLOROgAQCwMLA2NkDqUzrsj91p13WxxAx9hNiylBhiWvXUk4kHCXPJx6OSkBOGmGIKhMZCq/XKgAwx11ZVl9Jisfst1ilmbm61lFZyqXOygUNwba42jVMCSpv1rI0A8zR2Id6Pt303iHBr1mp5/u3r3a4as6ChKzkYMwMJaAXyhWKCbgTNvLqptuKOZlEoEJu5m0tAZgb1EEVVazXyh6kZmCOAuZmaPyBSfEnQAF+EEgs22uGBZ/iP2jV/n4XRmrl5bvlBOgG+cFCWOZovnf73nsnW2jIVRidAJ2T36gru2uq4nBlNqwEBork3bcRMqM7LlZmiUGsNCFLqhBkBf4CKetMF1rtadVCrLb/hsc3T7rDu1pXw+au3Yd3Dtf1y//Xv/Pinf/Qbn5EkBmOQKRdHQerVoZQ558oS3TQk8ZoldiFgCKSmDuhO2vLQr9zUWxMQQo8Y1FtKBP7AUaqtpjTknEPgWi3Es5LFWgDqWFI07EJMMTDiRYyboTPz77757uXbd4djhpCeX9+8fXX76tV02fF5P4X68jLBUJXqQQSFpy7hrkCrVRhUPfWpi0FbjV3sUgJsRJQkurm25upJxBA4krNUzGK27dNAUvPMhOurbQYIm56oOjPHiMISZL+7FxFANa1KYbVel3wE8oWnNJfKkgKSW1NViQEV5jkjsRMCkIRgXtQzIZM3r7pd9WQ26b7Ok5VxNlyfn1kt9/f3LEHNU9/ZVLoQfucXHw1/9pUeq8NS8wMAMBELV2AndCNmBGJwqNaymRORmWoDIEYKxBXU1c2sAQQMyKpqDASgAC7I7mZuRLIwQ+GHkN73ytAlVeYHqiG852r98OIfLGa/LvVhZgNvqv+YuPpr1mFAMHMRzqXFyOv1yTiOtTYiVnMUUje1auDMIavFKMvU7AEuBBhCMLVS6pLjzcQUZJrnLnXTNPV9/yCG2x+P281ai3Wr7urx42/fvO5Cevr0s8dPPh/Wpw6NYkRruWYHcGczYVl3vbvRcTwIxi6EmAKg5aYS+jzNRC6hK0XzPAamFLjkBgrrVWc+IYED5lJYgogcj9Occ8lVu0S82Z48nWfrxLXZi5ff7g/3T55cpdS3OR9Lfvn6laKoIYXOSHa5Ngte9YMPNzGOh/t913fWkASZBYMIihY1U9VmgsTUdwkJ1bW0AlEW9a2p0rKBRW4EGVtL3rPAoYXErFbULDL1KZ30reXWakEl5rFOikZeCXhY9VV5tVm7FrMyzzMQzbn0IcaU0GUaj9M8J4ksbI5mVqwFgm4Vu9AZIhN0fbe/vxNk85Zb9jrH1RaJHBBIOFCrlc0ksrbxbHu66oLvWm1tHZgQKwZ3U1NnRqIlQIIJANEIG4AzcsXFhx4fOpJq6CLcaiNzVBBAMsdFAsfkhgjovsiJF24rLrDOpb5f6vVfV0cvH2aWSxaORLQ0/t/DJuxBUMQM7s0awgM24h+fLiCkJfidECnn3Jou3V4Dp+CoDgbdajCENo/s0Mxdq2BgDqpam9ZcWtM+dbCE8pqtV+uc83JLNrMQAj29fGJFh5A0z20+BvBf/Ow3/sUf//OPn3xUm6uzOpN0yP1cPBcslcw7omBWmbnUVptVBcBUTRRScd7PeTZ3ltJsyrUppDiYweE4H495t5vNeBhOkfr7fVXsUNbnjz6+P1rDXrr1NJe7+1tCI2+klbT2XXccp+M0hZiq2m4/vn797vmL6+32lKhLoXv24eryUS+cVLdG68I0Utw1qd5CDNaqIEQm0KZaDUzBqpsLpdQxcyDmhfvHVNFynQ2qUvMEhZol6s8GXgdPEIaumcauS6kvral6jCnELkgCQA6CCCS8CNtrq0BYtVXT5tr1Q+oTEKq7ujW3xT0+mXqIcRiqeVMDYifGmLDvGpq6Ho/7PM8h9CwRkNRN3WKigO1kw61kNwPDs5Mzd6/adImbUBNkVvfSlvx3dc+qgM5CURjdrJYuyKpPLCSR2ZyaJWJSZ0AmgiUlCgDcCWlZOkuhsuzZy1r/wbn7w7Hg7z+WpbZ899cfEnd38BjjalillBZS9A8/5eCIWGszc9U2TZOZLkdQDIJutWZEbzmXeRaSMlUyBidVY5ZW28LpChId0B1qa4g4TRO8h+8CQClFnp0+LmFNpo9Pt3stJnJ18RiOk1UrUtKqQ4rHw5irOQZmqcVKM0ZAcHRnkhCCOTUDwDhnN4yVZhHe59xtt6su1WlCQvclMXI9zVMPPceNsBvycbffHasHGWe4fHrCMdX90doxpXS67RlmxqYumIK18ub62jnd3O6+/+4lGuaxccFHfbpaZy43nXHCNFvWoCziEAVamWci6FIyXZDFvKRAxNgZkbrN05QUhJiIFIBjHMAcm0GDTpqQAip7DAER8uGokxKTNi1THfqemVqrgKTmsQvTPJfWVBXAmrbQDQ5uC72DeVRjJwdopgaOEoipIc+5BHVCzoooXTMLXUdAT64eq+O0mySmxN3xfqcOURjBgiDWcnG2XfcTFtM27nZ74mgtPyBAWk0iAFxbY0RBjCLMRK0sqUao1vcxDP1+PtAi7kFwMHI0M0dcNmFCgqV/B/yDDnRZ2YumA95L+fH9Y7GMtxGQid1dXbvY/bC+4T1BcTlJlvSX7XYLDsfj8Yf3WRCJYPieTgeIuIQQu7UAiADmrqXFEOZSF05EiLHWJZrMa1V0J1zE29RUF9h613X+vmYjVqxj7ligtGAaTNth73Vu04iA05TnnEup5hhijxzVyIBrs3meFwlr7PqY+lJBQt/1a45dAy7qzb2ZNrO5lKLmxJJSiCtJq5BOOJ2AbAz7fvsIw/Z+9KsnT9X93fXNm+vXgG2/vw4BmB20Fq0NYHcc+9W6Nb28vBj6/niYp2PGkj+7TD9+Opx3dS2WUCNaJxbQwFptpdSCSKat1epg5p611VZzKbXWeZ5CCEj4MHuvrZYaAJNwc2sMRfygs8oy3jNS3/SbPvStKDi3aof9dNiPAJS63sF3x8MCC6mqxKJuyJxzrqpzyYuVdoGJhxBEuLaqRBgThhBSQqbQdRjC1Jqs1mMpatqvhpi6xcmKgNMiknZf9d2nHzwWRm3NEXJu1pQRq7o3ZQdottBOmpqpuz3gbNW8tkZMCD4eDgQODq02W0Q4tsRbPezxIYhIEJb3pE77gZz+wxmw3I5VtaouWTIP02EHImLkh4VOD5Gp8J4+/YO9puSyLMpF5Ky2/Mb/GKztDmbemtbaQF2Q0BzV+pS8KgOyeSLRZgjkDouX4KGac0Tk5dSVEBbH/VKDyVjuZcUt4HjUUnUY+mlfiSQznenDEwpaklAzraYZGJyPh+N2deYdeArOa4MUE6nXmMhya2WL7XCyljLeGVXwNivkNq5XKdh8dvnYu4sJT7jjnvz67qaG7d2Uf94PxDCWw/nV6nb/qjYvdlFbi31qWvths79/2RqiNbTx+vqXMdn+ntXqxz/Gu3uF0l8lUrtGSmARqgvZHCQMK21Nm7GIOrhTXK2P42G1UDGZkKxQAQ7s4M1jQ40MIiRBzWNI4MoYrLo4TpZlwDnvqRMqEGKypoi0Sp0kGTWvNl0phUJfa4UgZpZrBUIiqqUKCTXDpkGYU5hdi7VOqYsB6wS1mikPA7BgHGw4iRTz/SEQhCgcwKGOSmqhOrCcrVQe6/clHzJ65zDTaj2Pyeo9Dec2MktFy+6NMZtXA1ITdXbkwMqeRSmAzSrKrZpDRETGFo0MQyVQweINSYOZECqj6bLrky4wUWRwNPBGxkSmhg4ECA6EvID/1eyHqmMxRiLgssSXwHdEZGI1t6YL9o2IRNBhST+SGEMp1c3UHvzIYtzMUUQCGyKjuzZExGosEU2FCMHMlZmXSwo4HCJoq6cxatXgFkOMKcpxmuY5t1KHYTVXne93zKHrVzrnQIHASEKMMmVdHlZhNuRhvXWsx+lwdnIyFg1g69Wm5l01mHOOwuh+2O+6gPgwAZmmPBLU05NTIGLhN+/ebFfrOh3fvX29KyUDzjOxCGB49253fXPPIV2//f7R1eNxd1ftiEQXJ8P+OAePb66vp8NI5mUcT1bQDWvAteNYLQuYmwIII5mrNk9dlxlqbSEKEiIxNk+KxoCEqk1YUGSqFVuJGJm4gZoZS0BHdUCRalZqA6SKlkIIEuts5TijY4xpPx1LydVqgdp1HQvX1kqtgXCZgLKIs1SfTcucCwISy7KlsUiIodUaEILEWudSmgWJfeqGPkK6e3UtwwqIa62HY0EKQ4rNzYzuD/vr25sG1ECnZjU4CqICEJOTI4YY55Kr6vuiw4mAFJZs98WFuAhJg3B1atq6GCLIXGYEMAMgBCAzU1d7r2X44QLwsJfD+0XvQMwPjSF3VW3WlhCmH5o88D7y8Qfyj73Hhv5QmmtrDubohMTEqgbvI7XdHQwRwKy5NjRspmqGhEvQKgqfnp7udzs3F+aSs5JHCcdpFBFXrdPUswCQgao3CbFTB0m9EwtJyXnOOQxd0VwUUgzqhgC5VXXkmIShNCUOAFALvr2+PV2dnF2chNC16T4fj7XmyLw9We/v7811nKZldDJ0MTDe7A4r3kod+w4iFcT5oyenVxiODW53Bw59Nd2PeXecpuk+xS7F4e2rNzGUTz55li130Y83+y//9ld536hhxwgOX327+/z85IPLJzi/qfWoWoOQiDBwYiqmMHTmmhGxKrV6fHfXsYydpiEa+jIOBSQUUoUf3H5VtaqjhOaGHOZitZZ+s861gmGXum4Y6pyjSL9az6Wu0spavb/fA6GZmSOhIJA2y2WWmCTEeS4QRHNlRERKqWPwJZoESYpWiT0gKwk0z8ejRD45Odvd3QeUPGeJg9Wy3x9Sn+Y6vXv3xgNtzlftdoJalLwBBEZnMkUirG4LqlmCIMDcmpsTOJoRgSAvN/YY0jRXMGuq2TwG4kXvuciRgRHErDp5WDKuDX+tNgEAYERhMVe1tvxv+pKUsYzG4KHOWRqUCLikMy1X6uUdmrYFB/S+I0Tq+kNHVURyzsucwZaEeiIlbK0BEzGZqi9BMiHUWhfcNAEkDkTsainERaYgABEJEGMMTZushsEdFbiqxS7c70cmQnRtGahv4K01qw2JtRqohhCaei4ldeSu7p7LdH3z9uz0vNTj7vBmNUSb9+BJrZCQOzTVVgpRI6dDbsfrd/n13dPHH0iCbh2aInIPHjP5/eF2bi23OpZ7TrI52TgeTi87nevxcPfZ55/Nc93f37x+cWOZvBGjq8OLt9Pf/vL7C95eRifEOHRWvbTqahoC9bEhGcM4z9Pt/dpkZaQNsKMFjBlibK2QQsBQa51KjrEnpqoViAyAUyKJZ+v17nCspuNYhjQ0RwXgEPfTFIUC0eF4PJZpvV67+1TmFDsAFEmOPs5HByqWtWlK3dj0mHNwE0qrYShqc5779Yog1FqbqiOwly4kbRV5ianzovjm3fVmPcy5mClIoBg++fSR/O1rJ2zuCg6EAIjCbuLCY84KQBLa8qeyhztIYhEAa1aaL5rK0ioiO0JptSF1gcGsublDc3dnAGL0JdLUFoeN/9AIgsgxxjjZ9JB3iuDuCm7g4Abvsy3MDRD04XexJf76IQaGaaFhvX/xg2J5OTGWi7KZNdWFzrXwXNr7mRwJM3JtVU13hz26B2YrFc2RQUIgNUZ3AiaKMUzz3GpJsZeEwqvtfqpASBLOz6/mw33HnDaDuk1zblUduOs3XZ9qa7VWVe0Tmx1a2VPXgVqUbjy8afmuS2083A0c97v9/f3N6ekJObasbZ5TaM7CsT/mCai7vXtDuglAENY3x9m7/n6+nTQrWreOMXOXYtU9U3r75nU+TOshpYFZooSEEGturaJb4RCz8+vb+90s5wN4U2AABdPl1CdXyIfJmaIBxyEooCKwkFmbCgVsC2a1mYMGYJRQckEnd0Ci2lQE73c7jolDiKHPpZTq8+HQ5tqHZIBOPNcGaERcSnUAIl5Am6qaa0EkRkZmRS2mDbHruqaaD6Oahz4RISDlWrt+bVPOtQbH8X4353dDv4ld2O/n9cnpm5t3d4fdtL/frCJZv1mty30pOQMCExBia57VnH02tbmpG0msplUNmR0REKOqAJC7oETmViuAhiAnZ6fzIZf7nWqV0DnxVNriIAEjdITWgBwQeZki/3CddbCF66BGjg7L/v+QL/+D5ff9i/FB+fNr6RuL0ezhqw/DNSV+EE7/MHZ46I8SLHU1iTA4BVlsVSml6F1GqHMWMyFu6sKEjpqroYM2YdLaCpgwCgKUKpYbS7JqIfVm2MchrYyhnm43R7BxX3bjIcaBWiFzllBKAYMy74+H564H8s0Q1+SHVivYPqXapmOS2Lyenm8RUKuTsAiBtVaqpoiEaUi15N3BUhjevZts84FL2k24Xp99/e03m5NtjOs+9W3O797d5qynZ5etjVXL/WF3c2dzplxSqWpI0gcVr9gqVIwBEIsWkc6bAxIQQzWpzuQAlCuoO/Rpdl8hoTk7Wq4IhuqmDRsKilsjisLswOrmVfvYZbVqrbqvt9sgaXezm20G4twaIsTIQULJcymNCPthhQi5lkXnx0Sm0PedAQKAAqq7AcTUubqbn5ycjuMUUlcVJCQ1nMeJAMu4b3Xu+pPVZnWcR06h5VEibrbJILQZp8Ou5IKGJ6t1y+xqbqBNG0BzI2FDKNUcAM3VTES2Ucjdm/kiy0AG95BCTLEVUxEtBUAJjHBx7SGCEChBWbznyyL9oQhCQDTTYoRID4XPEuH+wEj/x1fig3pi0T8zUykVAEIIy53h/+dq8f6mIRIepBPvcdNq5g9IiNKqvweV6lzK0S0BCQs5CjE5okM1NQThJQcZRWS5D7C51JwFOYXUnEKQPI9dSkMI2jJG3pxsmCVwUkNCAceYYtMizOhGDEQNeC41lzk7tDqWyMjspSgiajVC8KaMRCCE0HVp228NZTxMwPL67r7xyXQshHV/e9jd7F6/uEHsh9VKvSOW9YrON5eR+ezs40n3h9zeHeYGYugA0LKuLlOfIAnMh73rOtISTuXupO6tzqAeiL0pADIwRDzkiWPoGgsiMrdaEKHVGpBBUcE5ErRGSI4eiJ2pIXYhGuD9NEpKVgzdgiCbna5XrRSvysIpiJohIzNM8yxBYoi5VHREtqqltjqs1tWs5BJiEiJt7Xg8svDi0PNFwxyCAzBRj6ub/a6/vDrZnHz3J39pTWNHoV/1MZrJPZq6U1NUDilxbkuNYVoNUEJU06pNwfH9smUUZPSq7gCIpTYJNKyGYvX2/nZ/Nw7AJNylNJcJAXCpqsARkUnMXM0W2iITAywFDiA6Aqg/6CD8AQvtSNxM8X16Ej78A2ZmzYQFEZfgo5zn5Vvv1aYQQkDE43hUK0TUamumwoEIHdzAGdAdhGWJ8i61NtWuS6KguTXHyNxKBXARyVpZaLUajodjKRnBwZw5ytHmjQwhhBT6/TiGFESg2kREu+N9SJ0g9ZxKUwmhus86N8xEEcNl39dGc/bWJ0CtPfVkJznPcx3zWLuUpBmRTeMoxO6BMXj1Sfch9alPX3z1CmXz0ScffnzyTE3ml+NYaiIXknm2lERr3m5WWGfNVgs9f7u/r3qd28Q+6xhduiL93ITGn37+6INN7aumQI3CVJw4IdZEzaM0xLlBdUAO7qoO6DpNLEDJ2D2yuACFwBTdvaEbo7iruqkZheSITuxMJ2E9HWcEWwlXn9hcc12FxBwDh1Fn1YzChh57AFNvtVvYx2K5jrVq1Z5TJyiCBK4OLQQuZY6xC4xh6NKwut3tw2bVr9dnlbaI2sv09u6yOSqULvgg6zCUWb+o419/fdvXdl/s23djAACRIzb2OXhC4qqmvjiFsdaGAKblmEMiQcLiHpgU/JinbtU/fXL5gm90P1kp41yRRbUguFBxrebQAJFJJKJDqU0cFkK6gRd8aCotl1xmwSXOyB0QlwW6aIPUTVgAHdTNHOAhAszBCBlQf9j+W3OHDFgur86Q+PbmvqeUs6JwlNBGs9YiC/0Q10eUYmSjVisBApMTt1bdlRzNrVnNFWIXllDpGHoFka7v5pJDFyWwEJs1c4sSW66bzcnt3b1V364vmtbSWug7r1NKqebMMc5FRbYh9Cmyl92SK5WGDsm16jK7iLFjXLVS3YyZanYgqIYU02b15PzRp9vtR/3q0dffvabViYT8uD/JBuv12gzBWRv0oefA3795fXt3t9tPPob9y5uISb2trgbtuDvdnj97Mqz3IU3oFY0XOa4j6dJbIAlBlsmOO5ALmLpmF3EAFk9JAAHRgZyQm9ncmjWkEGLfAwWJUpqyhNwUoSKRo5Y6kzoiGIOB7e9vAZp0QUQQH1Csbsog2hpMqg6Lv6OLHWEteTatEgVRzby1SiwCrq0huCAk5nbIYWrHL97lw5FWAQkCmDd9S4ebY3n7Dkk681k4qKGDojsvBtjiYE4PGBDABSWIKMgCKIgO7lVRPIqUXKam3xzG7LiK0VvLbq6uBNVcQRkYGUwcHZqXzXoNI8zThEgEZOjuuIDOl+bmsvSXps2vFzbLZaDUsmz1BsbEram7/Xq3FACIuJaKpKtVF2NC8r5P89y6rgMgAyda7j2kagYPF4xSq6FG4WmaTVkiL8lihMSSzPI86WrVtVpiEDMwA3l3f//u+nZ7cvEbv/HbMbIZaMvZmoHUcSIMq+06dH1RxNqq6Xq9Kq0CluN8JCSDdJzim9fXq84Dz5t1GA+3C1lygbHlnAkezjXTFgQdyB1a0bPtRddtgfv9XG92x7//5nsnGNYnq+Hs6urq61/+6u3z53/0u78zxFAChHy0a3x28fTbu2spgI4WeaQ2zeNQ05vd3ZDvV5eyjuzOZhXRCFCEgdgdSs4ogYjcrBMOEskrMxEqoKMwIKoWBBBmDJ2XZuaA7CBWDFqLIUCGFIN3xqq1zSQQYgCgorpardOqx1pJMLdcclX3mPoY+lpUAQEsSAgSkNkdHFwCVyuIrqWISAwhRKm1sEgX4u5ul0jCan39/Tfy9i4mmU9DGjq8G6HBG6lfXd//2V9Nd8cATFbR3MhVoYEiILo1ckRwAgcAQncEARRC1haYAMjBSN2rkoEITWPuz07PTrd33708tqYAjQkYkNnBkVxRYwyEOJZjc8UIbmrLzg3/qAKC91Neeh/y/utfhPe5q/A+K3I5Mcza/98FgJlYEMDGcTy/OFutYDzeurbSWnNz98BUWzM3YFqgueZuAUGENBBQboUMgshy/0EWM5jGFkKHwKZgBHI/Hk7OT7XqPI9BsFZ3YnMA5iFJDa1kbepjzuYQiAGxlHJz9+L2/uVmOFuv4jTX1aoLMgmr09wN0CYA9NpKJHYCrY0QhlVf5jmEPNeZiENI/ckQ1lG5fvH3Xx7G8ub65tkHzxDw6ZPHd+/edSF8/MGHq2GVRICt6wY3ONwdv/vq5aOLxy/f7e52x/40rFZEAaY8TjCrrYhYwZkRTdUKeE0ptaIpBiButbY8b1aDANpiHl+GrIJOgCE1q0pgRKHrUVuQWFoTCdoUHWvVmpUHiTHklh2BU1KDNPQmYTxOfVNynKe5G7rSmjWP665qlj606hQixwQLgdlpHGdGR1Ny01bA0zgeq1lrbb3eWi5tdxwR4CTyPXWrmMm+//qbR5q2/banLo8yen9zzGNb6nlzVwSs1VCE0MGUzBggBGEi84bmrIa+qAGNAAKzNQMHdg4UjsddmY/UGquTsBEBAwLGQH0fwiqUXKYxn52ejoepluJO3lStMT04v1pr5T2s6gchNP6AlHNbEo1+GKgt2gp4Px17nwmJtXrqOoDa6jhCra+qiJg7mAKAqwH9WqIlLCE3EFPyPlltQITIoM5M/r5hhSRoDk4hpForL+2oqWRHOL88m8f96XYlTLU1dWrOtTiBSOym2tJqjTFwDPv9vpWspV2dX3768UfrISLkGFoK0AWpuSIgCQCYajVXZiQC1ZbzDKgQIPSxWVP3XAq4dpEuzvou6cdPn2674aNHjz+4OFtHmve3XeTDYV9Nz9fbi377+cef3+yOH3z+o+H8ogHV4kOK2y6SzidDfHxxEgisVcAmAULyrqeUgmsLwjFIQISm0BpUTUgiyIxmioTNTM2ruTo1x1azWyV0QEMwtZa6CAyGjYW9eS0VnFi61K+79en6/JEMJ8VQ1WptghJQ0GDohtq032xlNeDQz+CzexoGEUG1VYpUmx6PfZAuRoTFeGIiTGq9MJVabm+bZT9NELFe38cMxcOtxVrXSS5kezK7GYJBFbGzk7UIMwsCMwC6J+FOmN2hNVbvUdYhEuHitiJGEYkpIlEzd8DIFJhONpuTk1NzNF8SY7yPIQi33LSoIOXjjOZenR0DC8JDL/9hrPve4f5+okj/uKnTA/ttkVL/0AZVVXdIKS5JMMuPv79CgDatrS1N1xACAqaUmMgXHijRQzylmZlaa950yZh3gNgnClzBKlhryszmlvPsZixI7FKtXd9et9q2w9rV5tKQ43HMu+P47Gz99NnT/XFqSA2gEwHX7WarLbs/rXk+3OQ+0MmwimLsnij1cZ3LDmXUhlDMTdVMtQ59Twi5atGhNNztrd+Ew5wfPT4rlVdxdb42fGRMvI5xJXQ+dF/Ph5LC9oOnoYuh+ScXj/s4nD/65P/xb//s6+svb8Zpc5J+/tknWt492Yar7QDzyzTELlLxJc7TXE0LmlsIYkCltVZyksDuSxfc3EVC6oaiTRdfEwsQgs5gxczNqgGKRBDX2pRVKJiBA7YGqRs49MQJYr877OKwHjLVVg2AUWJItTVAGsfj6aPHVgibCkUnAjct1aZjMGM1q1WJGnjoenBQbXM9RiDN+bJK1nawTMVPCxP0Lzm8yPP+7f4v/+YVnX9ciY0xCoqBaq2tOYQ0rLdcj9O0kNhqbeTQSUjMCN4YqlUGDMTVDR2MyA3UMRAFcHKjxTrvIEKs1WuZizcAUxOWUioCoqE1I6IA0t47YJadHn7NGbN8/oPMYXkw6D1pfRHl11q7ruuH/nDYLc9Sa4uTzxx8GNL2ZKOK01SXuXIpeVFGIBGCO7iZLQEyjOyqaI6MzdpxnlkkblZmhrUxgvviR3OzYmZyfcgRgZBzLse5pn7TJY7ol9364uz8/v6+qDYkRei6dLzbnwzd/f3U0zqljbUxpTDnOzAboggHdldMh+l2mjJzaEjH48jI0gcwIInqiVxWIa7TZbd+vBkuvn/1OhlddWtel6uryy7F+XDfsz06GU7PN6frlPqu4/V0nCmtvvjyV//9//in4x5bw+12kDZBns/70+PtfqBKuPLqDIgLS5gwxWgO5mYGCFCIuxDBfRpzM0DE1Kc86zzPEEhBQxdNjZwiRxN3ZgXHEFlEAAwQKebaXDWXOgwrd5jHCQucbM7y/oCOrexLnmrZGfr67MyQgEMrBcCtVUcvJedpKmXa9B2OM4HMVTFAEga0VspqvZr3WWJ0EplaOYyODQwIVK3wev23//D6et9eTLk73m4HuVx3b3atoI55IkQxW3qoy/bDCAEfIilIGyMFkVoLO4TFNFwrSXAwYRpC0FLGeSaoCmoGUKzVJlEYyFSZGAFYsDUjQoNlthBcDdzd9EFmjA/xeYgISO87QOjuhExEatr3K1Adj+Oigas572uNSaYyIfhq6Kc8k/OwXgPodCy5FEKqrSA6E0oQByi6VDuwJF8tg09VRTOSB/KABAIwIEP2pgXRCQHMyIXR5dDCwICShs06DNu4Pq215OnmrKfx0BTo7n73+NkHMaU3L55fP/8+nJ364b4/eVKk45SAXbqu6dHIJPn99VuwNo7u1BfHw1TU++NhppMT4YCm7OPV2TnrBnBz+fQDJdjtb1nbWuRitVpJWPVp3t14nT98chFi9+7Vd0O/bhS//v71h5/95r//93813nmAgeoRy9QmuNhIR8oB4tBBEK8qRgZogfxBte6A5m5qnlJ0FmIZx7lWT1F0apJbjKKq4K1mC12IYUBiM22GEAIRz9nNWID2xwIsVXMXJU/7Mh83m4t5GufsZ+eP5mOEBgGszbvVqh9SGpt1Mc3jTJ1uU7Qp55znaaQkyjRN01VcZ5hbraKRGd3V55GIXLgA8ABBtmG3rzpr105Ph/v7G319q/3J2WdPd+9mPZRhZp/KISEkhOIn7tzyhA0JO5aIiGrsJgDkDcy1ooBLYHRTbUBA7K1pigLFNbs6KBqgCyIRaQjWdX2IfjgwEwuEwNzaOM0Sk6qVVhnZ35c94LbkiAEAIgAK8ZK2vWgiwB3dMefKpuSACwHMAcy0NFQ3N4Ms3rRqmSmGoAaEoVruezmOxdRqtZCSACp4VTVHEnYzMkMEJzdr7k3VwOuiyi7eVn2fj1OdWxIRQnaSvlsFq+hkRSVBcEhCMbJP+8N8uzvOTeV420G/mq/fDD6mOl+daOumm8aEJkQ3d7en277renR0k3HK++qp78ZaDxmnrDlT2D5uxWLg3f3XJxyH2DXFsY3H3dHEtycbatZDaKrVvIC/3t/Xpsn96vFTB8zv3n7y5PQv/vRP/tP/9FciQ573rZaL88fD0Dvf43D36c8/XdUb86Opu0eF4ECGPnMtrUkITlTAMLCas7j2Erh1SUxbDAKwTDEZGM2tgbWqnAISAwIjqZuXoubz/rA5PZny3A+xlULM4/6Oecg1v6vTsF13m7jPKkMv/Wqfi3LoJRGZypSrgfuYS3HrRZQIUxpdQWKrnpWkYQir4z4zJek8KJoqMcW+m8qMTljBJv3o8iTQxfNd+/ZXN/tbdNz0KXmAQx7BwNwNMDkrAgGQOimwEyOwI7hndkcEJhdsgGqmbo4OvnTm/1HmpmohRkScppGbWdNWa0zCTF3Xp9hPU9bmtDT/3ysjzB9aTw9v0vLCVSdCcGjaaqtMXMtcrSEgE7ktidtu1iSIg7vre6Sc55Kbtm7outSVOqeYapvNQZiR2VpbqilCdERtvrg2ramwIIA2W9KIuxhPt6dH4HycEIhZkEW6kKQBqJ9vz0nSthvAZ7OgrZaO87GmfvV3v/zVzz7/2fnZ1X3dMRWwg7Y1GA/rfhoPYNp1/WZ9SlpiGAz8POFcGrbaS8jHerY5bVkBJYTh9OQD9B4UhyD7mzcj+LqPQwqALaSNoR/zdDsev371EoTt/vau1dvb3fHNqyGc/Ic/e36717TC/WEEAkvhZtSNwZQh9qct31bzLgQHcG/NtS0m1sjNzJeYB8baqjuhMJo6WwjBXZmpmjpAbkVIECFbw2pIcnJy2mqzWnUurZRN31mdxcFy7YO4Q8u5QQMOh91+rPenm1XaDq6tEDbAbrWt5kDiRE2rt5aGvgubY5lzqzKk42EK3Gkh4lSzNgKBjiBgdUHZj2OIi6A6QHFrHjwko7UMNy+/J+hjx/dH2/TD6Tq8eDctQe3FFBXYgYHQFQ3ZgRe2z5KUIRJDaKrYVADRDAC4WW36AC+hBahuC6FEzUutqBaEhaQVrfOBOZSpACznrD60cX6tuH/f9OQFUbdwhRb9zmIZW2YUy9JfOjoshORM1JoBQFMVD4uKbp6mmGIp1YFCEGL2hcnuHiTk1nLOMUTGJUWSmlUChiXXzNzdZy2vnr8aut7UGUEdyEE0jy1PaXOVJK63Z3e7/elpalqqzu/udWp4KPPFs4/eHMbPPnjc2zTX6+beh35wrvMojKoVTEPgcSpN3Wtey5gYYjSHsDkZhs0JzGNufrvbf/D0g7WkqN4jj4e7u7ubjz77fBuCSDoa3x13Jl4RLz94+u2LF69fv/3iq292dwfP2sWrL5+PFdduw33ZX52G22lXWyCL92/T//jf//LnT3l7sQV2oqZWDLKbRRsQ2QFKNa/KDKt+VaoyS5OGQRDRDcY8cxQAREKOaTnNmdgc7u7ulgxyYiZcZLcYJVgpzTGEEBgciQJz5IJ+c3vTpbTdbJe/fy5lzONqswbD+TgNwOTg6Oeb08PhmI97YXGDvltZQ22YYmBkcJiO43azcYQxZ+zEkVozQdpsTs+r/MlffPv9d/ubiQ8Z5urJ6prj00jZrVQybcem6NCFEFkIzNQMgAHNVZqzm5YZzTtiN10GZNY0oxPzUq6oGfNDEBgBmlpHEUy1GRG0qq3aooMgIIUHyefSDK21MnMIQduSXre0gZaYIgUARgosS08TEZiXuaUjQmvtB5+AiDRtusxRAJoqAiChhGAOpRRkjjE2dwFBosBC1ggIDAjZVNGREABwyZgE9zzNBIgk2gxI5fwkRU+Boe97J+LUPX/zZnf9YpBjHv3mzV1zJodqvsvD7JjCRa4DtT4y7Mc5DvHi9CwIC+NufxuTCAVU7boOmrvT6fnFzT5/+/LFb/7eHyKnQ5ZHpxdS5m9+9Q/ZC5Hv7t9dX79bhYG3T3LTMU/GdMjlOE3b7cntm1sxNIwvXuy/+Ieb2F+RYx/gD3732XTzurOKVawOVpwsoCIBoBMaCQuToz2EOHPgSLHUJo4hdYi0a1ndzZyROHSLHXB1cppbhVL5vb0DFk44k9ZmQrUpUTBgClxbdXcFM2hdkJOTE1lt3716OU8TnHVEBOOx1nk79CUfdvfH8zSM7+7ycTLBdLJerdelujdjtGmeMA1Mork1qByoer475G61Oo651DqV0nJG0yPIy5tdATp7/Ojv/+ZNQ+DAq3X86HQod9OuwhiwAtWF5g+Wm3bESFDdExFJQK+OCAaGhqYESI4LpIeFHsRuRJE5phRjHMex5pmA0dEBTQ0BAYiAgMB1Yek+XADMbGlxAoCqOngM8kMXyB0cQVgWORDAYhZzxAVz+NDPVH0PDjJzBzNbb9a1lWnKIaIEtvdNT2JsClXN3gc3CQUiqrW4OpPAg1x64UvXFKIQL8HcSORIErmtY4wOIfB+mmfwr1+9tHKo06tHLV2qhm083dRDrlbeHg/jcPo0hCts0zzuAscUYur6mOjNu9eIZp5jF+/3Mh/GlrHUTNNxagLp9Lu3x+EkqtiL//xXdvsW6mGf72U7lOsXgl2bzfEchLdX25vj3X/6679YDSvLrRxKT3F7un755W1SPmWKrJen/l/94dPdq/zuq+uLy5XJcb3W8wtOQaE4Q9fhqrpXq5XqUkcaYFVzphms5enk9Mwzq8I0Tl3smDnn2m82JcN+LKcBsClgVXYQNgA3dUY1bEjQoLmSA6MwBdWi2IrWacqwv+llVbxN+/Hk9ARC2B/uG5swbWN/eHtLx5Kqz3M9jNd5ODJgRwK5BFVqjYNIlKmVXEYkk8RF83qzabk64Lvbfc528sHZcLaK9/LqxdvCyJ1MUzbNl8NJL6c3fHixzzv3OwAmcQAyTym1nDWX6iosyuZuLIvC2foY1cFrAwYmcjUAV1UMoqo5zwvLhJ2hAhMTGAHiYsICVgA3B4JlzgWGABaCLOKOEIKrLhw4DsHBmhq4ubktLOuHBJtFJaEIiAhmRsTLEJmYWTiEUGoWYXDbbLb3u71IaOboULWJBArB3MiRDFtt6IS4hOIBAS7qU0FxczUVFApsiIIkhwNSwtVmeP78Rbc95y5dnJ+/ffkupvVvPuvOO6pko9++zPXN97tim747i4CdHjbJuVuX0oaTbcv3XuaU4iHPN/cHVGjYF4mHirX0f/UP3xSK7bv981fvcsF1xPONXJ513YrGF2+NbMlx+GCYTdLf/+r1t7t5To/nis+266u+niI6tLPVbSRHraLT7/3m5uP1/snvPpo/3G7Wm2o3bbzbBhPhuRRC5NA182w+67KRQK2q6kgYySWk3GwIqzxPiBJST8KrfjB8CFoqLUcRINZcQY1Fcq2MYqoMUOYppC4EqSVrA2uNGHy2uR2nuYUYh77X1t48fx6IUFsdC6gZUj4cSN0QeQjkXkst5h5BkmCIDalpAxdzYwkSBdjnqcaOjITX68sPn5XcagwXVxfwq5uWyyrFghCHFM7iMdV+0202PX97XQ+1kHeBcm5dooxt9oIRMhqxRdmgQ2lZW0XiCdQJWjQDZKvCFoi9ISuwGrmDKjNSAPVGIk3Rm4MncAbEBs3QmJwcCBCXKFKtCm4BlI0RwWwJs2ZAdGN1AgLHmbG5EhAhPtQ8KflDpLYjk7kHQnM9TkcInIZYvEkfhhymVpGJgghAaypE5GhFzbxpWxgfZrrw1sEBEIi8S0GrD31n7sXMEcRigi5iF7bb07jevri+u9tNL9/szjfx+auK5+upHlqkt/vy1e34o9/60Pvy6vWXF9yxXATE1cklEaHaJsr94c4RUOLofDfn71/evrrOt3v79tV9tzk9zmV/yNTILk+268cvy+xzmY5B62xau26Qjb94d/PXb/Zw8WhzdZnH4zqsOpoPh7tuk04erU8eVQBO1P7odz5+sq5hfNPFfgW4HoJ35w5qYBq0QTMfndCQWhN3d3Ndon4cc7XQBQeEZuTcynx7v1tt19uz07v7+67vx+PYr6MBgKGpMwEqCIg1q1ONKQx9qrUg2LIhuRoYghojpi4iYtM6TZOrIZC3BoZaKkYnAEhBEYobEEnoSi4e5L7WmJIAtpKLmYgsUJHE/Xo9TNPc1IG5Xw9EueTy9tU3NB8fb7pXt9PqZPPZb37y6Gq14vro7DTi8Mvdn+x2bz2igm9OVollPBypT4bAXQwplvtaprmLIdfi6k1NCRtiBRDzSEhqbBicOvIuIIIDWiOVHoa+v78ZQQnNVZuBOTkJqinDAoQHRFDQJZlstqpOKAiOi8HYHAjhwWnA5AZOBMxI7g3rsgmFpIsu2gEWppW2PnUgjGrvrq+j+XqzOkn927tbRGZgU7Wi6Gi+REouNRHCEjePtEC8uhQzlDkfJSREcjdpeKxYRzOx+OLV4X7yd7v5/uhvXj4/cjh80j35/POD69evv93Hjk4uX736Jt+/OX300frpY+436/XJi29++fLLv1tLOT1Zucif/d13/+m1xtDt9/X5q+OUyaC32QwSy4p78NXp9zdtd3ck5MM9ljm12u3u5v/67suqrKnrz+ft+c2zp6df7N8dTuFqG3fP7//uV9fcJy/Tf/Vf/vZv/3S99q/6zsQacsMutFy0VNdqqkRBJCiIuTvbcgJ4W3pxbOaKDmB5zq22ZuCqh7vD/v54dn5ex3K+OUebS8kSCYBM0cyP49T3fQgdIBmhMxS1VnIKEUiEJdfKQIyAhOaWYnB3z622SiSShGNEVSPMtSwTzpKLqbtikOBuALharWouCy5Kl0KhNau1S32tNR+O8+6QJzqLpz9+cvX9u+dd0J/97OPf/v3f++STZ9Pu3fWL5y79s88+/+LlHTQLfRe7NSEVyI6+G0fIuj1h6TKIKVptjkqmiCACFJhVS6tqYAwADBw9DiIU5zIByZOT81rUmAKRN+tSVKulVnBSp8VhQMzuAA6mjuRJwghOzFUXsQUWMmAChGa6MmYkNwdrRORIpkoLuMBVCEKQBsASBBEUoRgbmHkYOgM47nd5ysTBHSSIIWprgUNrTd2XG4c3czMOgkSqCMRd1+/udyxAjIggjzYfrSIGb5rh0w8//fL5q5YPnncfPTn9Z5+GxLdax9rkbKDL9bN3X777+j/96g8+/+gUhpMVvrq7+dW333//3fdQXKdcn8/Z4Fdv4fv9MI0ZIb58M8cwAKa7u0PJVVVDbF/LLSJutyfnp9s0nJ+erd++vm325rhikf50e9F16zaXu7f5xqbXb44/+vHT+9f45o6sldOgj7ci866jFtXQtHjJpbEtwi0mQ3Vo1ZysARi4L4ZrREQnQmKqVueSWaTVNgyreZzY6XgYcxxr08tHV7VaybM2WHjCqi2EThVaVWapVYd+VUtVy82QkBTomKvEFtyAEIlrKwgojBIXX3zTXICYmPtucKKmauiKDZEJdXFOAbgIxy41VQdvtRKpCJZpTizmUJtvY+xWJzfj4XwlH32wuTjrnz553BSqkfSbucKHP/7x71v483//p8fDxBxyqRRjNd1cXtzvd7fHkdECo5Wy2WwFyFtBtxBQtXZX26o2HsZaazWt1u53hYnMkMGvy+7x2cUcqs2li0lFSlElERE0VG0GS8YLIiK11loFUwdwQ1ODwM6UddHigaIXUAZqrg4QUICwNAUHJmbUQBAQsbXETI49Rm2tlOKuLsAqZr4oh8yWuT9W1QakZu7e3t8okBAQaq3oMM3ZzWPsEMHcGFF+cvk76BPj/Pb2zctvn1+/ftFh/sVPnp4P+MmmDgRFy1WwU5RXu+++f37308u0hXnQ/vWvnv/Hv/vuz798tcseU48kd0ebPB0nzgdzi4hysnpixq3YQDId71qjhqxe+yHd52ObWq11zrWUMs1WtuB+ONzu2CI73lwLk6nn271JFi5r8cPTq3iRfItwEleauUHiPnmyst+L2krErDFSI3LmUistB3gQIl5y3RaZXmu1ukgnSCiMkTitV2UcgfD+9rrvl+a4hRBcDRHVARFTSkU1dZEIh1UvTDnnLqWScxQJIq4jAgHCAvHjIKZNW0Na0LWqahy65kYEyEAsbmreyCmk2OZCCOBq1lAYwErJMURA0gZNMXUDhlVYDbm8uXx8+uNnJ88+/wRZbu73dSo3t/uq1m0vf+8Pf5dy/ft/+PtxHjdnp5uTLSCO05jLWFuFloiTJM+1ffrTDzcDzce3P//pR27z5OFuP79+9bZkN5Ovf/XaQaaCANKgvdPyenrVM0ckaVVUm5lwYrPQ8iK7FwMGTCwisjT31wAIFNDNMM91cKzmTkjEc+ACZkaAqATNVNkNHNEX0Zy4RcJJmyCO2dSUhcCQchkGUjUhdnNvatiIxNznWoQF8eFqDogE1EzdnJnnaoII5GhOjK1lcbb1sPril796+e7F33z1q5vDfRT/8Lzz03SER50A1JvTFa9W/eHu3emGuevferl/a3/zxTd/9/Lumx3E9fl8XaepcFofmwROUPbj8chc+85ztjzpPOddOQaOIsxMadWHhCePzlbrLqR0c3uz241H1ZjS29c3Lc+1qYQVmNexjEadhrNV6Cj/wW9++OGFrsJY8zgVg34LsZdEbOSHg5st6Bv3qqBATiqISxQmmnkIMk1zDNEJPTGqkzuRJYFWmoD2/VCtTePsYBzRvKpprQ2Ju64HQDRNgRC95YkRUB+oYWhgLaM7MgRhMCBma1q0okMSQTVgFkFjA1VEDEFabcREISAhgBNjqzV4YObmyiwAKGEAoDnn9emlIB4LjO410enp5ersk8sPP78erTn/d//d/9Dy/ukHT37/8x81rRzK5jR8fPnkD/74jx8/efLm1av/97/7d1h6ax1TqE1raz/+yU+JNA0UQ79eh69/9csvXh3CsG3etpenTx9/iAz3t/mwb964EWarkXDdJ805cLi/PzKH2ZuZsjdiRnTQguax4YpjH2IiZm3gnpiBMCAgkrmpmyuM7hVQDQ3NAJGpmjVfeNOgaiIypM5rRXd8iH4lJqeO1b21Fih4U29qpAhEzGDOwu6uVr0t1C2ihxmoBRZgXi4XhBCY5N/99X/TyljbTKmv69DgdDxO9s5ev7772T87P9mE5HGIvLegcPbVm/xnX+4nHabdt999e3MHVEOveMc2c7Mu7CUMYbU6uVqfnm0IbRwP26uTw36crkvfbUqpYZDUhfNHl+vNant6en7xSOLQ3+0+lvg4niDy//W/+b/d1GtFuz8errbDp58+rfcHKJXa8ac/Xf2zP3x6tb2L7dZa9hhnqXOGk7jtZCg+1VIIlMnNqwMycyvvUZbmaF7ypKWUpkhcvAZGb7peJa6m3hiMyQ2dhAzAvDFJ6kS9iZBaIWJCt5IX9CwxJcGaJ0YSRAYHBEZsqjGFZla1bTZrq63MJbIDKTCqZWauiyKA2VWRAgchgG7oaiazhswxBHUlFo5pP84KfD+WJDJcPXr+y+9z4PsynW1WxUHSsKbhydMPvvjbP784P/3Jjz76i//81+bjhx8/+sXv/e7nP/mUEdvcWzn87/7X/1IQQXYx9SQrDitAefPy5avn30wjCZ599vlvHKq+e/McMKRefvYbH91e342HeXd/XPUn6/Wj7Xpz++56u+rubu4Pp5Ir7Pb5dl9mgSXZGggFqFY1rwCiBk7FzaJIZNG5kmEgWryUQ0MAdBQ1a+AIJKk3hJxLAbBA7MAzmIKIsHF19AYVNIuSICAQAEsgYANorToAMxm4tqaqC57xB4ojy6LFWFzMzgZEIn/31RcOkaTbTUcIJH1w0rFoWF2+7H5+fWy7u/tS7fXbw//0l9d//eXt/QTVD4YgoRdhcO3JY0jsrU/ddnPWreTDn1yhpBdvryfUD378E3Kadkco7fbdtUv34YefnJ1fzS3nNk21CWSkbr+zvuuvv/234/PvG6Qi6fK0/Mvf/uCzy8/+/Ov//OLl867S//KfPf2gv+lqiz01ehocDtO7k+3nqHR/t+OWU0JXV1LmABwEEKSoIVNcEj6xWXLiajGwmOd5rhi6YaPYQCtrDVhZM3unhmpmqhwopk4Bx2nOOiFK1UXd7ghAAQOLg4XAQdiaATmiCS8sKm1aFS2uI1VbRlNsoKoCCIA11xQTqINVYKmmxdAw5qybbtVUr9O84XD57r52vfzhb1nq57998fsXn2X8fvXkk+/3Wqedeun7kz/4oz/66c9/+tFHH+z2NabVBJaPd99++6uPnz1CCbdvXmlr//V/+/88HA7/5F/81o9/8tOPPnxWqrnC0+6TZx991LH8rf/nu92dsK2ePnam1G85pMdPnhzvbr3mbd+vo2x67OLVu7vdL7/1L7/bwxwu+ydC99rKPt85tWpYW0DYFqRMAKGuUu8Ak3kGmlV65tCatExNETDEUKsTAYITi6sT4RA5OS+FJIGBARMSYgMkJOV+9sZKaqAAImSq5pYkUGuIoK0wgkQmIiYOIRBhzsWRwNzNEJEICYnMpc0uCQ3KsG4Vc6ma69Dms+++gb/6iz/d73fTPB2ObaF7NA+ykXXXAzKL5PnQal2t09AnU2WW0o4Xm6s+8rv7uxD4/PysaQ3ImyFghA8ff3Y/1a7DVg8xoGMxzOuBsV+druN5jV/m425NzVa//cH6//Q/265uDn/5xV99M92uTlK4aecrDO0QLIBoK0xMPSrkms7WuOpsnIEbMQMAIJsCgnfCuS5Y3OUo9hAE1QAsQqAQQxjGee5iwhjyfgrFhshamqkhobs5Ukip1QruhBhCBCA1XcjFrdYYA7G4u3oLQbQ1EWFa4GeQW+n7wR0EeEmz4iUeBqCpL9FEAcM0TY0UWYwIWUopL168QqBDZxDOdLdvte7evD7GHub6+PSplOnbF9ff7w6bzfz0yUetTqt1/+zDp1OeaqtD16n5N7968eNPPivzzAl293fjNIbY/y/+V//qx7/982E1ZNN+s7l5++76zZsfffxpHsff/ie/97d/++fq7cXb68tHT7enJ9N4iEHWlxcvv/16Vwuth3U/mOPzF7f/4c+/2mV06y839PTp1ZPL1Zu77+/H6zlbzUlnAW2l3hPAjP1cNfSdOu4m3eUS1dbCP//ZZzaGly9eh8S5TIDqoEjK7MiIRawRoBMTgCHg0A/HY8vzFIcuILv6kiO4dPKIkAjMGktwMEQKQZaIGnCf51mbsgciikEEQBCYERDk888HCdvvXu5evJl2Y50K3l7vp322uvaOMWxHpXTar7sOkWtt+/3+PjvBdHaSVtu0Wm3OzzbuigCPrh6DgaOpUdcP0NqmS5u1TONhrkfUmnTVb6Xm47o7H/o+t3Ic96uu7xOrhkPdvShG8/bnAf/P/+LD9fnX/+abF18e0+Yo6yH86LOnZ+vtOrYwt7zfuW2coA9UreY2rzYr6qDsbl0bIRIAG5A/pGiaG3JQNAyCwmCq70NNiEGEQsBcXWLgEAxhnEckEg6IKCE0U3UTEQO3ZaxC6ADLQwIAgQXAzRqYg4M1bbmoW4qxcW21hhDMjIXRqRatqhKCuy7IJ1RiCK1pzaW04ohn56earOt7cxmv93Q51Lnc/fXfy7NPptOrf7s//PIO3t3hL7/55uOPPn7z+u7p0w9aq5/Ah8OqX2/CdCj5/mi56FzKNB3u799ev/vF7/7iD//pP4vdABRiSOV4/Oqrb7779mtvdbvp2pzn1Mmmu7u7ObTJ7t9Odbw8OzPNgPD5p5/NLd/u7v7qi292N9P3r/ZOp9vTtWtNsXLa9ef9b332Sb/60fE4Pr365MOnn335d3//3Tdf3N7c1BKev3o71qk5qBgIV5cj2qGLnz07L7S/v98hKCgIB3KCAghkbWK0EBIhlKZqtNsfzIyiNDN3VzNwfu84w1qLI/B7jrWpIpObl5xNrdXadV0EATXUisTEjEwkIhdXqy+/OP7Ff9xf3540XxcrFLPCrtKbVs+9JqA4ziWXhu6ttVpy16Wf//wnFxcrQNtsErjGQAiQYoeA81yNQkQ/T6xQ+55dq5Xp/HwDy+0PfX/3znO/3fa76Yi1SHLTcgJzqPOnT+h//5vb338yfnFt37wFunoS4HYzxDev7/f3Kx/MqkaRcSrSR1B19rlNDbgTphhbrUvDkx8G4B5jYCclLuYO0ECRXIjIMMXUzFIntZWQQnNTB2uOzMQEtEBhrdpDGsqUc1PlwIEFwUVYlmC5WgkBFvQxoavnOiFRbsaArak6MLCpLZAcMyuluKOIEBE5c8CIUVVPZGWmZZyGvqNWeo13xeDq5JJS/ocXf/Wff/nmR/QXe795kaXIf/FP/3nXddfXb59//6uT7frNG//xjz9rdY7sp6vNTerur2/vb++Q4Hd+9xdPP/zQOQAR8/p4PL56+fpv/v6vif3x1fnd/r4T/urbF7s63Y9HE7zb32nLN+9effrsqQLPzQ5WZbVuYfrLf/jqOHOBPg1l3ddaD9MkafWBmjLEdZ8IR61vf/rTxx9/tP3yiy/313S6OftPf/03fQpdiCIBHfNx/Ltf/arUb68+jOefbk9XF3/5H79o+0yUyMUKbdcJuI1jbkZEYgAGzinkmhEgxVRKNTNkdncSQiNdUFxm5g7gc84MGCWIcCDS2hbNUxBxdyBAIkWQf/tv+K//ejfNm6lGFwVuVrIqIAyEldjAXa1ZU0SMhJuTeHJy8otf/Myp7O5vuz4ej7sxty6lZrlVDXElcWtems3EPo93XYB40pc29V0/DGcaocM+H4/tkK/WJ5CrrBQ59t+9/nGYz36f48WLv/z67auvu+H+8pPf+OD5cP/dP7zZ5E769VhGcozIIfXqhsBCCGVqjSawmivRQwsMEUW4teLkZl61AoEwa20LuawWEwmtlRCCuorE0CXLS6cymDVcQkq0GeIijzGz1A+2KEuIrNXWLAovG38QwWbEpGYgvLi2kWjhhhNTU130kinF1rSpL6B9YFgk8oDupikGdLO5OAJB6GPYEb+e6vbZ513Yvyh4T52s14+7EwW7vXs39OEnP/lEW2l1PN7fxBjOT7fnF5evXj4/7HcpxM8++6Rb98Ust+YEeZ7naXK39WZtrs38zfW7KHI8Hg6tmbNalRCePn0yH8cvfvnVdlh//OzD1qAZynCyvXq0snRzyMfx9o9+7yd//IsnX/3yH6bD8bOPP0kxvn75HXTt+fOvCOOjR59KuvzVP/w5IJz1q9V2UFdAGo/T+uwkT/m7F9PdHs+2LQ3wm3/wKZYj2tQJ5ukQ+Wq35/1+ev36rhoj0IOdLIYYgjgpNiImEXNHJlka/0gN3E2XUAxiFuYy58jCQkgGaqplAZCSMCDK//AnB4ONk/F2NjwSt3XarOKzji/H/PLtu+eA9Pjx5dMPnj15+nRYDUgUQhTRw3E+v7yYpj0LMXWLE4KFmRkJA4lAJMJSCzGXCqpqTtNceunrNG/6dPvuTehs3Z9OxzcoG38C//L0n4TbX15swrce/tu3b37x+x/9H/553z3/4P8ydX/yNzf/4S+/+PCfXwosHcUwbNZGXgvgPCoSx2QGxFJNzWxJK1QGc20EDrSIwhkxEIJZTB24M1O1ggxOTsBOiELelIMwCwAUVRBBInQgpgUX3lT5IZ8cwF1ECABMCdHVwExisAdxmLdaQgjvDbJoqu2hDcpmzswebL0dylzIaR5nKCAk0zh1qaOOmHA+lttJvvj2++887S63++vDBZ7sD7cADt7Ozx5fXpyitVcvXn75yy8++eiTxxfPjnmeSjmXJfnJW55znuMwxBRq1cN4d3v3DhHcfXc4bNdra1oqprRhkRon13x/d1ivVyeXV9dvb7rd2G1PWEIa6I//+T+5vT++eP2OYP2L3/jgo6v08cVveP/s7t3h5u1tPo51pqzj/bG9uWumqxL6N69fbLb9/Xg4vzhBAudARKvT08Pu2c31zTjVkI5PLsPHH5/3aRI69un0+feW0url7qY/38y3Uy1VWFopq1VnrWnTFGLVBY9ijtDckElCaE27vpsPowRh5JRSIEa1Wmu22iXWan3orJrWEpAkPL5dry8RTw6H+ujxZ1H0/HTz5PLJpju5vn92v/vx5uR0e3qyPj1VB2Aa51zNdnevbS6IICG4pyBU5ozEw2pVsqeYaj2aVo6ADlobgXRxFWKn6K2OkXjomC/7/fHt7v6Q1meJS1j73dvD9bfH7355veuuXORf/bj+6PD/EV2Rs8b+b768/u1n8PufPm0myGFsrXoR7QYkEHE1NzcmBQNBRWxeKWBTUHMgkCDezLQhkKs5OROj1xiktcbCbTaS4IjLZBYQQoiuSiLODKpOYMs0SxsKR5a4XCjMHnCtSOpmZjUXCbHMMwujgzUz+kfuDdPDtFJEWmvVS+iJE02HqWkTDAaOyH23rp6RsfMhbs7ns9W+0jjjz599OijleZKTCN5CxP3+pk9pu9ms0pqBb292N3d3ijTOeZynvovoltZrjuHtu5tXN7v94dD3kQK9u7srpd3dHaIEoNDHDTJ1IaZA7vXu7r4f1p//7Ml6dbI7TIk7S9pH2Zx1n/7kqUD92bNtPL4WMQ/z8Hjz0eOrL35Z3t19WzHfHfLTjz76/vvDjZptt2O0i9MriCCBTi9Wx3GUEJ9c8MWzk93d9Xdvnn//onz5Vfz8o2fHfV51qd/G68MbXPHZ6sr4UGcb9wcWrq16VVAMMVCMuVZ3F+GzzQqQ9scDEKnZ2eXFzZt3KYbxeFxUHikmZOMoqWOoliSZOgLI/+Z//n/shnR9f+sCJ2cbIG+lMQZO4Zy7J09WQOigkaep1uOxNoep1JxhFS9D0qb3uU5qIUhIXXA7piSRC7QsocUALc+qDTCsh23q16akuOu8qM4QA9GT/d1NdCqHdzz6n3/1IvtF4vPz19//b3+n+1nIGp79ad59/2beml1tzh4//hRXE8HK7NabRwP3ySkJCQrtx7HUOqwHd1ZXM/IZCBGQHdGciNmFkINEmvLU1JmDKzAkbIiO2vL9brfuOAqLMAZya00buTGiu7U2oTC5E7CpA7IggrbWMjp4jKUqU6ytOYJCcGMizrVEVF7IIuYckhYXIWsGgKsgNsNI3mKs43GFQEaV8Ovj4eKsY6HTp59WvOLD96u5qWLirmqg1ME8rYdtcO0TbU82r/Kb7dXJsdSbev9P/+iP//W//n8h9q9fPOffehx5RE6lnTmFd7uxNkUiM49MhmDWrm9vT7Zb4/n88kqb1aatysWjU6/12eOrIYXd7d1N0ZCG3QjbzXpA7Rjm/W0Zbx9tEh+vj3Q5S3jy9OmPH/uKDy/v2he7+ZBzHa+vHp0NJ2msR1h3JnIobXv1uBabjruzk9WTx6dlPLx9+cZd/uH7w8s3u5g2IPvcxtKAYUrSdSynV5sV+ry/x0DobKIMPoQGyFmLBNlPDQNSzpdXj8DJ0C2QOkzVobWUOjRFR2MMq6gYFuqKfPzssrpuT/usObeMRBIQsTKPcRNrKUg8jqOCXt/cVffd4Xj16NGw6oJCmQ65HAaJ1pCMdTJgPT3b1HknVFfrrtQpihBx129EkqlpnVDHPsFmPbzbTWCeQipz7tkvzrafff7RNy/18Pb6tG//5A8/t/HbY86PLk7Wj25fzIcc4/V0PC2cIEaEYMa5KhTvSN2gQt/HnIs1c3AkEmLVuZqGGJp5KSWGjkVUARCWIYm5kTMh1lYJGRBOTrZWp6bWDXGcZmYx91prM2diBEISIdGqCJTnhu6BHZYLWHY3rurNgANKCEi4RGWgUFUnCaaWS3VkbUbE/TAwqmNMQUSt6xHVD3Ot3fry0x/lfOyGbffsZ6++ePfiei9n54O5ahXmfJw3J10S7qK0OufD+Oji8sOPP357fbs/lj/56i9LzgfTmxu5vbv5/MMTBRpLu78fHz19Ump9+/btYTxKiNHt9vYWCIbNyp3ubu4++Ojj6+vblIbTk21iPD9d/+zzz+aa//ar70+357n6ZtUHHVeBVoFD32062b29GVVl4yfRT9xPBFeXA/frk5OPPz47eXf7LgxEIxhB6gfzGVm6Qap5Lnp/9+aDR2c//umnpnZzvUf2t9e7w52or5AImHZz0R6HDcWIAKEWHY+lJ9r0kVyfPrlar1e3+/t4nI9jNu7Hw3Ea82roSymuyBIYWc3IsLi6awgWoxMJgAun1614KwiQ8nGMSTZrYWrC82yb28PheDwejmOrqk0vLy+fnJ1erNdn3Wr37pWBTgRCsWZvzcVgnkdcxT5qM58Od/vj2A/r05PTFPtSLJfMndYyRaZOQqLywdVFsZMyjaT17s2rs9X5V37z9vji9/7g6Ss7PlvH6fruyekHP/1Rej3B1aOw3XbeVFVQ2DWDKYs3zAjkgFE4hiEXLVVZgrubu7nXVpuBLsHiToFEW6uuSYiRFs8dITkooDtAiB0TmqM5eDNz55CstSW/qlUCJFMQCmCt1owMrWkKEZmbOgvFGCVIs1JbMVMRKQ6OyEEEBZqpekhJ1bODcCQjqrjtTvZ7mSuH05PbWty7s89+1l98/Ddf3/6nr25k81hiGKAdj8d1JyvmwMbofRyev37Z+q7v67Q+fHL5lB7Hr3709TfffHs4ThK6Jbozl9aqEjGHcNjdTyWjyOn52fX1OxLphlW/WfW8qtnKWLqQVuuh7+OjixOdj19988VPf/Lh5qxrSre3B7ID5MO6j2uJ7BHUMaU1pbEcxukQeb/dgiBddN6tQm6Xq9OugcKdTCUTynZ7muda88hA/bofNund3ZtEhqaPry5/8umT4/H4xRfjy9d1nMcGWkCc8NXtTYok7LlaQ24hNQSvlt/dnNXp0eXZ63dvwLxMwd0DB3BMvHAjTVshJAQGRxGyCiiIYKpVxvGbENd9twaUOptggXIEnhh1nuz04swIh+2pNtvf3XUxirb5/jbXG/a3qx6H0FLX3d9O09hWq25lhH7XiqV+k3Nzp4uLp6Zei9apCDkEWp2tVlgitqvTlce0PXu8u7/f3d3cXBek8Re/9enFow6G+cu7W1hBMr673f/LXzz9pz87v8L8ce+Sy5Rn4Aiizg1pmYg7U6i1EaOplrnFyEhQtYWUgIkMBGFJaCYwRIhBgHDOMwKm0Lk6OEgMtZbaFCC2XAG4qQMyOjssCvYul4aIhFE4mdVaptinGJhZqmMu2rE4eMsZyYhJvSkohqHWVtWJvLkjSzFoBkGkeph2++3QQSROZzMmOXv2b/71//3wp3/effCzb961YfX46Se/8fTqcnd4/eb1132iDqeiNcZOMFjNz548ncbpgycf/u5v/s6333xTNVveszd0ePHy7V/8FX784RWHDlG229VYKiJ+/PHHtebDYY+IwzCcnp/EGOf7qU+rPE5Xjx41qynIfnd3dbH1ltdrfgp9Sps3Hb999fbi6mwjNo03epwOAQ80sAy7PHmud9Z2ioSiZJXy9nTYTbv9YQ+IFxdX6pBiOh6O8zRfv71ena7OLi4uH531Ys+/+vLLr7784NHlxcnJhx8IhaMZS7c55nZ3mKbKx7lc7+aqzNAdShNoj85Oh5iM0+u3I0Cap2mea0qxloaIYIDgIQgzaVOCgABRYm0VHNw8hCDT8d3ZyRrIbm/eRDbXNs/j1eV6CHx7tPPTk1W/qoaq/ujy8oNHl5vE33/ztdg1yOjg3SC73Ztvv39JlKYqHOtp2iTaiMTTi5P53eHr794SYh/D6fr/29KdPVl6nOlhzz3z28931tqrekV3o7EQJIYgRzMSRx7RoZDDEYpQWP+gfaEIO8IXtuzRWBpxATkACQIEutHopbr2qlNn//bcfdG8z+uMyHzf5/mFCHmNEEEg4kFIoVzXANvNptzbP6yqWmSZAxRCywm+nC6RIl0ID6MUsjiQsoe6HEi4nEdRgIiTsvIctUYlYeQVlMowTpwFspWE8jAgbdOJUHj4LosN3zkPiGBvvFSKUwagh9ARRrz11htMyLtfGwcBhEQZCyHyHlrnIX5XgYad91apd4XTRkooIPIOE6qURt465gzETAiIgbUWIgg8fpd2BRBZD9/JDNZ6bayzSoSR8844QAh3tkYYbdqK50dGJ8nRw4cffHx99f1JWb+5LP/l3/5kf//Ocj0nEA6ykGO7XtwwwjhAnFIHnHUAQBzGadN2HqCuq44Oxt+kYjorkjBwnmmDozheNzIKY6Q3GEBnLPQAehAFQS9L35XVZUmcp/26bYAzwNn5fDYZ5UVZzKbXZ6dyMs4nE5Kn0eXpmeQURgkmgzDLOmdqjTbLCsEgzMJ5gWZFPZ8uu26zNfGKIQu8cRZhAjEb9wfWWq1tGEaj8RATBIDv9fqPH969/+DR//G//a/TRVEWEnEL6CbkYZKKzBBCcNlCo7XCVHeGYIgxw5DXDaiLakWbg+0R46Stl4TbTilKCfRAG40QhBgZYDBBGBPv/Ds0BhACEAQYkYvTy6po88FwOp2lSdbWbS9JmYtjkjy+ew8F/aJpEQ9bqTbrFaKkU01VLxnoEGAQQm0hxKg32hUihNQ03bySsmjseLcvNZ4umiwbxWnMkJWmZpR0WiBraqMQ82UlkVfj/ezFqzfzVRHGPeKhl/DeztEiiIr1TZNmc8CVoWo93e1hllBGeG2kscAB3pZe4H7VKohhNtjClK3nc2O81pJx7qyz1gRhiDHujMEYK6OBc5xwYL2xBhPrHfLOkb+0RnvvnbHWeY8A9QAa46xzhDJjHUTAeWAMMF4jTDFEBhhtJHLOag2sFpw4Zy00ABGjPOMUAGCsQxB5QCEgzrh3TD1EBHoEvDfaIoA54RQHUESdKlqMoggHgwOTxoNJv7ySrtbbw/72IIdaQtnGATKNnk2vt8ejo909K42BhPB4VctNs/zy6z8ty4JgTKAb59Hh/s7J+UoqK8LMeYppEMechL3TxYoApOuml2cR41VVRFGkdKeNocYhILMkGG5tNW1bVGshxA8vnqVxuFyvKbQnx5cXlzNjIKXs3t07SRT0knBdydKbvcOjiIeBYOty909//lOBbZjGf/7+1fbdMRNhksRb+0ceMQCR7DpCSkpwlPLt7a3FYklESKNBPS01Gdxe32Qhl7ojnDnHoJPW2BDBXj9KOe20K9etbWzdNcYhYBhGmAXB9e3SWwWtg8A7BC2E5J1155wG1ngLCKTUQwg7K43RFDLGmPOQeC8Wi1Wr6tEwZ8Rgb/M44IS3pYR+OUzzFkGAkIc+igRncLXZbO/vrm9vBc2VaWgQeOJz6qumBl7RwFPomlbezjdlVwZRZjxEjDPqgfHAeyHGHIi2ug45ITRiPOn1hq+OTxHFkGHicIQ58izAieT+V79/9snT9y5fnni//uzHB+m4R4ClnUGOEBcSg33rtfWWSMH1uznPu3GS0ZpSpFVHGUOYWuu0s++SEc46ACHGGIC/CMr+3Q3qvPPAWYcx1sp5CwmhEHlnnTWOc9ZqZZ3DlFhnvfOMEwygNhpjhDChjFpvPXTWaYwJQsQ44wEEAFvr3xWNIIiMcVpKa30YRoxyZRylFDlkvdMIoCTGWYwifDl9O5+eJhTFHG/HPWAaYOr18saBejgS6cGell1bFwkLEYSYknyQzsvuzeXrs+n0kx993E+j4Wjw+Mmj337xsmnVbLnRHrRKIypub2+BdU4Z52y53hhjRqMBxjhkzHtvZZMmwaoolaw553qpnWCDwbAuit2dg2EeDcaYh7nU4Opm9uV3z7e3twb9LIpDij30ihFhdBcn6cNHH5wdn92eT/uDYavk1t5+nA2ipM/DZLFaW2PyQQ9BFAaIEjzZmljrr2fLm0X56IOfvEYvuk3lQMR5VqxXpWsoVJyAwiyjNE7TcCuNTa3WFQAkqDvXdMaYBkFggYHAE/wXlJtTgggGDljgLQIYAeMswcQ5CyByHijjCASkgsM4vY4iBbpqPI5p4oHxyHHeU2rxz+ebF1N6cLEB4zz9+Kif8eamXd2ghGdDihyCGRB8q9+nhC1ul2enZwSOAAY2LUQYxk0zn82MsqpZBHGW94cICWrjWXOLfFPVti2BqFVZvI4YtKyJoAtZFOCg7ayNI+mRZ/1CJpdrd6+/m5JtRKxynTF1oHoYic7IeXMdCc4dd0or13qgEIFhGGjtnUXAcV2DVhnDhSMAWc88BMp4CDFnDiHvLUQWQOCdBR4QRN/tQxuIpdExxAQAqzXw0GjpoPcCddAhiLwD3hirrXNaGUswQZ4iwoD3EEEHoLTAegQgsNZbgATjBFrlnScOKEOkY9YC1UinEALA4yqEye4DgPoDstVevFh9+197Uf/bLlrRtLbm9eL8MKEmdLJxy1UTUni4syOAa+sKR/2Ti+m00qfTZdTf/uZPX3vx5v7dvXWESDJENO6qzfH51bcnb3+2/eP5fH09XVaKdp1kMWu9ClJuiUMQEU8yEbecNLK+ur64ml7lea9pKqejtiqTSFAatIpvmoqlvTgUNkDxKAgDbk1dNm06GDTQOFl55bzxB9uHpgbTqxImbHwwvC3KVTX7+U/vLufzfkAn/fH5tUac5oCgRjrktJGz+oJTGE3C1XV0VRYAm/4ozu5ObqdX06sLgEiQxJvNWkkAqUMhiOPQakgD3IfxclbVpfSOOOcRAogw521rrTeGMgIQhIRKAEgnVOehA3EUOGAcdJB6EnE87qfDlGApBoPcg1Z3vbbDntCov3M70y9OTldaVKtVYitsitYCEIRlWTrkgjBIAlEulpPxeGuQ207Np3POQ0Mo54zREGF2ezOtmqbR9vL2Nop6HK4oXz99vL+8OV9t1jEPoyR1ACZJRn2jurqfRSREXS0Pt8d3P3jvuz+9vt60ssJMTOMwOwjpAMQCMay9004bxERAvNdWI4Ig4saaqjaMB9IqQbjw1kCLMbTOAu8wxgADZbXSzlvLGQEIIAgpJ1o7BBEkmFLOFN6oDXCGUAYcDKK4lK0QzFDEAMjjZHFzi7yHwAP8l5Z5b42DjnKKEAYQEIK1ccoYDwAlBCH3TgyF6N1x17QtERRRiinnvUkYAcfcerbeGFGtV47GLYphP8/p1oPDQ2cdZXy1uiiWqw/fu98PWcBS55Tm+M3l9HJZ/3B65QnfnLyNIlEWqx9e1kf7ezuT7Z39vXWxqdu2LBrZqabcCArXrc77uccO0VAbKQQPaaCqrmoaB00YRj/+5JOyLo9fv9rd3Y7CYOlt29YXq02aDTdtrQCwEJR12dTl4e7O7tbufLHuNGsVzpJc+U57fXp1HaTZ/v37dduxIDQWcox+8/nnvTQ52N+VbdNUha1df7gjO40JRBBppadXN+PBdtWU+Sh33q/LeSs3mIDHHz4JGClWS0QBo9RDsK6qddsGLHAW6q7FkHGGjXHeeQ0kxghD5B2yxljs3wmTQoiaEdl0yFjpO45gzJignPRCkYY2iYVytGjhclNaFSkDQbMinm1UyMMoMRQBqzTe7u8mGNFsaLpWV2uCIXGWU2yaEnry6N69Kx4dX1zjMBFB0NVl1uOUhUW5aaTMGE/iTJWA0Gi+KKa3RdobxCLTwDDKnUMY6ShECDTeNEnEjKjifOuzn/3s2dfnF6ezby/r5Jk8+ptdW91qaTfrW8gFDyLEqJYlAQQYQDmHkEhlIGXxaFLe3qbAMQxb2UCCKUHeaEwgxsA4FRGGvEMIO2CV1JQJRIh3yHpHAejFwmlDKDIONLLVwMVp2MvSkPJ2tqQevHtBaq0JwgA6BBGGEEGPMYAIYQIRIgD+hc3qujbmEfDOewuRRwQhgLTxLImcJybIx7vp2+OvynVtCy+d26Bs5Xps76Oc9k+vr+qiEBRTKg73j+IwoRRa7RZN9/zq5vL6ttaWxnE+HKPbaRoHUcAG/fzkaj4YPQizSBpJJXr98oQT+Lc//+zt25MwzDyCdVN3qmaMSCbCTAghmrqLk4RSkiahN/L+0UFZrJblqqzKLE2QR87ax4/f1wgvq/r07HQ02sqTqJf2IAhuCmMMn6/a8aA/DMOT0/PvvnsWRAkS1DjQSNVYwwh9ffK2P+x9/NHTut0A4EeTSRIncRIRRv/LP/wDQpQy/vFPPnn+3fPF7LaTXRgGwDlIvfGC9+JxFlRlWRVNFORWFRAxp43UCgEMsffWWGAJxQhCCAHDxGMIMfAOQeB1WzcCuhAJRKQ2wHvsDDSQYCQQ9GXtizWolF+snXfOOivLgrDB6fUtjQdRknIMbtd1WZWYYLFuiTcHW6PxKPe6Ac4IHlxe3grMIyFCEVSQaGUxpghYJZXRVnDBwzAIObW6KNpiU3Ca0TBjUUQJEkIQajMcEN0IrwIWzJsySoayKP/4+2fNvFjL2rfo1RT//vnVBwM24TTaSUjAaiON70IItTZGWwSJtbAqu86SoD9qlRGmk8orqMNegiBACABnnDUQQ28UExwioK3FyHtvZGc8wIwLZ7Q32nmnnXfEe4TyvM+yZFmsN430RcMQ1tbItqUQe2eZ4IxzZTVGEDgLIUAeaaONlpRSQigLA688o4xxVBQF5RRiIDtjPQGQ42x8tZienJzpGhIcShaB4YNVARgbfv3ixR/++OuQs3Ge7I7yZJRd3b7dnQwpF6+vLq9K4KMcKcMoFUF4dHS0XEyjOIIIExafX1/tHm3vnExmV1fnZ/PxoH8znWVZeHlRN630XjNOIhaElF2dXSCE814fE0YI4oR4JXsB7QfDMAyCKHr2/fdxEHcGjIeD26rZ2e0XdTfqpcTJ5e3i/PImGt/JewNgFEa4rps0S42zs+U8jOIkjterZS9NEcMiDl+8eW2B3ayWr17+gP46iKvm+T8+u3v3rtYgEMn09hYhBBjcv3e4Xq+rqiSYBv10uVqC1mOIGKOToz0OSRI/bJt2MV+en51pJTkhAaK688wEWmtGiXMGOmSMpoQC4I0HTiptHcQIIGgwqpFVEBKL+6fTYwA8QYPSeQmGAPSMZZ2lELNKlaTYQIAGewdtDTZacojq9Sak4PJGO9dkAXGq1S2zugkCvne0N6ua9WzOgwxDMsgH/TR6ffym0wYYhxxIYhqGW9NbFKcJE7yUbYwY0JA6dFHqcZwwDpwpgAbVUueT+O7RwcvB6Xk5LVp9ueGff2+bO6P3dpMBw66qPHIHCROqw85CFECP6qJWnRztbAOgmSBmZkUea2RUZz0CAHhgLSaYBIxJZ5zGCGECgXMQekKJscBrxTi3GDRdp52EnIVhyEPRVrVVCiolKJVta7QSnHPKMCGIYoSJkhZ6RBmFELVtBxFM4uwdgYgJVs4C77VSYRiouiOQhnEKREijzEDy/NXxbF3ohtemg4NhAPoddoub2Wa9HI7zAMO8F4wnPcpgOhgEveTN2cm0qPbv/ni1WgZKUUYg8JtiFSdZrz8uNqUzbjG/RsDHqZjfkKqxvf7Bt9+/CkPQwrEHYDgYRIJWZTG9usrz4XpTdkrlhEHoFvPZB48fbg+z2c0lF1w7r+/eGQ/HVatm1ebewf1nb06t0sVm02N4ezjIgnBeW9hthnnujfQACMH/xU8//fz3X3qp0gGVWZzmKaYoTILry8s/f/8iFGK8c3BycbFcrrqqLTZ1nvUwYXkcrdbLfNInhE12d+eL+fHx8bKs46xfFIV0Tnsky2J31NPUrOVGExOP0l7aQxBdXV3JznECAy7CUADrVNcChxEARhsM8MDhxkkDnfG+0oZFoQ8o2agE0KGUiuJeQIlBrGuYUdhB0tomH/SBluM8DAKCaG+2WjngR3n//fv7rl2nIY2oH/XGgQiO315e316Vyh4c7lqk26ZCGHWV/+D9p6M8//b7H5yHQFsFaq0xoeF63V3J20E/xtQbAwMWVDiDMCQs4GzocXmzmle0HN3d/+hvPmqFfP3m7Hrulwv/9euzn//47s8/OZJFw5Db7cWgmyKDCSLAe+bdMA0xVPPZGbTAa1Sum3BnIIHWqkOEUM4s9sBDhx0hxHvrncUIvfPgKITOAQuVwwAJTCCkXBjn2roSQdRUHiH0LmwRxhF0ziOEOTXOtqq1zgWIqU474K3zlFDkcVlXjHOtDIaEh8GqLQLBGcLeIOMZDmLK4//2xZe389N+Gots3/gHMt6pKIxyh6Tqh3EUHEAjTVc2pQQB10Y57BufhFnU1DKNksoXcRhJ2XEqKBHakv5gR1cXADkI7d27e+Wyuzib/+6Lb3/xP3wyHPFKx10t36GYnBBBU0ooJqRTarlaG9Vs59Hh3u7i+pQizxEMg2DwwdOmKHTb6LpII3HnYK8sykSQjMAHuxNG0bO3b51pdKlCHkBMVavv7e6fDgeXVzchcnf2t77+7juRJpCSsJcbYyjlTd2GHD754AMn3fEPb1bL0liZD7NHTx8Xzboo2kCkpK6jNFfW1tqhMI6EUNoa3TUWOQ0diUSWaRgWnZlMth8N7rx9e9yUG0hQMtk62N0pN+sXz54D6whmViteI2ipxVABB43GjEeck9Zb5IQGomtJ0RiEsVGAERwmwzjgyGMrW6VlVZVhbzyYiOXsZrGuZpt2kGbLapNsZVE2wgi//+H22fWi0f7y+pJBc3B0dHV+Mb+6eo1hlueHezvfvzqXxmIs68YEYZ5kka+cCMLlatVP8igIseAgSRbGhkS4KM7iMWREUfz0s4+jNEiCr75/eV2UWrDwpkv+z396PhDN47uTSrEJiSgApu6M05gxHAeNUmks5KZS0krvY0goxtgCDoDT1jlvsINEo7/EpAEA1juvrPYeMcaNhdoYCDHFFDgtKFedUqWNEXMIQgwIhrqTwAMasE51FlrIEfEYWAQtRs5545w2CnuvPGGsbTuCQFe1jPq2WlPCvKMAB03TGunmN6ed7TYyjONBmO4XHZlfTxOGiunCaa2tyZMkG48oAkqrKBku18aDHkKdUlWejCjpWeMoFVEEkjQhBCEEtiZ5rxfIrk54/MffPBOUKqmthcpAQhhEqm2bPB5CZ5wzi/mN0iYmmddqmKWbxc16OTO6RV6/eX3283/9b5p1qYDfGg084eMsZSxYDftNsfrg0WNbLvcm21FEIUBlWQZhwEV4u9jkefrZj3/yz/oPArrxoF8fHf5wcsLCqFhXH//oRyEPT9+edLo7Pjl7eOfeJ5/+2Cm9Xi1my1vj/Hi8Y+xsvakBplhwTqgxFiOkrPcIURHRsFfUrYeiXFecpZtmefXn48loG9Bs9/18MV/c/dHjLElztYXTaDGfVcWGWtPc1JzyVkqgtaAYeAi0JWlaqo4gyFHAjBbasDQFg3E4GO4Z1zatMroHkYjDHkAkIsRLyzgrVbK6bg8mk2XrZs8uPvvkZyJIjCvTnD169Cko1+uF2U932raypLlaXRdNi1gCAAeRRrBslKRGMUSR48DwsraY6O0UM9JqQq+KArMoS4dWa+CC4Wg0/HRw9+jo+5ffn51f3lwupZRQh67X38Do+QIgnOdqQ5tWQWD6Ixv3vFOoWgXKlBx3ul4sFuOtUdtpbawIGOGiA4Z4B7THgFCEsIcAQkecdtYDTyAAADmDKcIYOt2tQ4itZggGhOFaV974ADGGRdsoQEmYxhJpCmlgAoS9V9pqCRxq6g45z2OurTedgloGmVsU82C01QBrlMQMpZSM0/rNwmzs2PhhhnBsm1evjp/PZsdXN4eH+ztbI4+cJ6BWLUJIWmmNrYqGBIgGMIyIMqxqNCYg5Gy9nmOoRoMeCxAAnqN4koYHk0keboJYfP/n5z/9+c9FP5rPV87oq9kMOLW3NRAsOT85FtZlMIy9b7S0ToVp+M3XX6lG2q7DEBPIRZIehUMvdY7wZ4/uh4JkCX3+7RnwcigSbcHee/cc8QapaNR78+bq4vw6i4YUrGXVPDi44w04vbz8q6dPn96/tzXsvwzR8bRarFZtVx0dTDjFvRVN89A41Jagam2QpTwOiCCL2a3zFgDbKQ0RYkHiMYXUsAC3qlsX69vljWCJBhZDuF5cH+0fJnGslRv3twkKnj17YYwc9HulsM4BQDDUGgGPGUYMksXlJgjCKOAQNkEcOuOc1UMa76fp8cIyHkJgtXZl3Tnne1kaJWHT1EAXKbUZZ3/z6QfPv/pjNTueNd0kDRDRrlxRJyGEKBj08glgqL9/1379ggFbrNt4ewD9ztnZFYKw7VprPRXUuGLdFuYmpzSIs5wQIVt1WVwkUYy9O2vaiPkwYYeHo4cPdy/PF7/9/JtV6X8obamSs2dv8KB9MuQJohgaoBvfwiDklGIlIYnFWBO5arFoMEUuQS5AzHZCaw8phggYix1AAEDgIcIUIgCQJpZybg3RxlvvWmsA8NZh6DTEXoYIEI+NB8BFcVaXEsk4IdwC08KKYAKYNx7UVcEi3jXdqptBjBywAAOHYxoQaUJEKHCaU4NBuSqU9GJ7vB8Od7599mo5Xz1/8cJ4+He/+NeDfKcu6k6V1jDvjbKd8S1gHoVtlOSEJc56LTXBBAKote2lvbba1JXkw6H2POv1Zs38r//uF6cn5y9evlgti+Pzy7CR1tiAcqllvVnlcXBnf3syyL2VhI/Lqn15er1zdvvRh48ffvTZoD+GYUJjNpu++Op3/xSnvUDEVd2kafTjj54g7we9ngi4iHveipdvri2hb69ObmbXZ+fnBEfO4SzmUgPe2eHW3v6d+z/9ySez6wuo9aM7R2FUXF2ztq1iyjbFmmM27g+KTb1cLEdpHOXJbLYI+oOmaigLrHWIaoJJIAJMGGWWEjQcDaIoSJJwa7ybpTlEQKutPOuHQcaSgHKRZvhHn/z066+/ent6PUwG0LswDdsSeacwBsNJn8xmMMlAJ6u7R1sYWUE5w8n2eKdetpz2KGHAd4xhBNGmWN1Op5iArJfc3x/FuMtTjPTmycODTMTzm9sggJ0pQoyZyBDhEucSxcp5b9TTJ0+Onz335TIP4d7+A6/VbN4BEVVN4XFsgPLOaBDWtVs1q7yXQwi9dW1ZqaZK4sS2pivbAHax7bItNvnFRy9O5n/4/vXxm9c/udOfIafzPdtFyJTSNqopRchR2PMk3iyasMNC0uKmIvcGZaRLUG97EwO9ihzEyCkFracQewAwwdZ7jwAzwFmHSMgI1dZxElgHgGXAY+Bj30VaVcB3kHsPSgkqo9bUMkaFR0gb6z3wBDiODLYipt7LIAwgY63ElvYJ5dpaRCz0G0rtxds3q4Ik24eryv9fv/m/1xtZrJYBZ7/85S8fffix7lBXd5tiXndrgBBAQntjnRVJ30HGSMh4ZJzWnWKMNo0d9vM0jL13JEgoZvFga2f/0fnJeaXAAyZOz96eXdzssJBSvDUeI6+B1dpYqU0SCKuBwwyFLB3v/8Ov//D5n55zTrMs71pttLPONU096OAwx6rtFvPZOE8mnzzd3z9yrgOgqzr3q8+/mq660kqLJI/izmpAvHNRBCgkgde6qjqG6P2DI+QUMBL0YULQ969eQucjHmZpXpXV9PQy51RBH1LcVQXAtN8flXX7jkPlnDdNQxkPw0Cbtq4Kj2ycCQva3mAXeJhE28vl6uTk6vGjJ0GUEaKffvRpEPVevXr19Re/u7O///SD92VdEGid65SqicjvaSjDAGuaDCe9kJM8GUyGu8tZAVRbtm1rlXXWOZNFsUTg+urMNBXZHzx5dD/PeC8NvvvqT3w7xiwRIfPSXFzOr6/rDmKWK0MLEcWxwLaa1e35/YdhCddtezEYhxoEy7VxLTJGQBg6Ldc1i+IQemsMiQQjAA7y/sH+7mw+gxuPmirEMOcqBH4vSB4/HPy7xx9++d13b6c/XKbu69suNbiZN4NBEPcERnnlaNFUjdHd1SbRVBK3NEuwy5PAQujSKIMeOO0x4AgCbx3GGFiAMTbOaaAIZQgFCAe2ayEwAFkPiHeYay8g0iJa1XLdSh5ylCTW2U47LOuRiDAPOuPKuiE88l7HIkJOQ+8U9drQxQasW0UjwoWNOVs3VdzLJ2j7H/54/OrmG4WT0XBre2vyb3/59/cePNAAA2HJMKS3zC9QKyEkUd2oqlbG4zjAUjUxYK3UTATO+3w4kqpDHjMmCI05D0WcYx4N9g7+arx1cX726uRtGISC0igMjDYEOiFiKkTTWWs7TrGzXoTRcLRdNN2qrF2hbtYmCOM8HwhGDdmsa911c+Ithebbb5/PpjdHBzujSVzdXP/qNy+nUyNBqh0x1Ndlq2xHGZsVq92twBTtOMsY4V9++cenD+/2E5FlGRWxCJObxapVngXpf/4v/xVpRa0eRCGKeT03IaWbRvE4j7EwxnHGRqNBVZbOGgjd/PzGOa2MRhACAJ+/eJZGPQzCV69erdebJB08zvpECBEln/zV5OH7P7pzdJDFwSCNq9WMIQtdh7ElVdMQ7JSq26559OhpP085E42FBw8f3g/ZD69+OG4aI9Xd+3cP9na+/OL318dqOBlfnNz8+IMPDWBffnP89qT67tWL9br68MP3prPrt8fXbdsXCbVX62VZOgONbE23FKQ82M8bayyYQzaK0gOWxa5WQGOrmWAEpmJTFQHFP/v0J6M83ixvH9y/gxF6+N6T4vifz599AcycMuRUF4qIKwAx+Tcfd282/R/W9Pur6vpss7yp93e5s5cPH9DhYDibNRHyDuRVIXmaffm71z7yv/jro/5uWoYJB28JAsh55KBRCmNsnXvXYjmnE8+G3oimkCIYdrKAyEFMlUUcrZPcFB200bYFYe3Zar66PD4Z9XoPd3PjppumhmGC+2MmQgK8V7JYzAXFnew8iRzIf/vlHy8WV4d3xOM7I9ToPuvd3HbfPTurPD16fOcX//JvP3ryIBGkkx1wEHPAGKHEMY47g9ZlKxVqDW8610otY61Jp6yJKHXeKeUwwBjBgMdN1U2vl8dvL0UYYYj7ea836P/H//i//OGffxdgOOzFlJCmqSgXN7fr6+liNBxsb29FBGNg7h4dFmVp7bs8NBVRJi2oyyaKEhw6qLSqy8GgX1XFt89fvzw+z2MwyTtiacwIsNZiVDtPiFCGto3vZHt6enG0tVOCqh9Fm6LEPCJxtJZdUXQ/vDn9py++kR7GcRrSgCE44IKqhmNayHqUpQ7K1oK9vbvW+8165T3p94fOq8162R+OjJYQgK6V9+483Ns7uL2Z3ZzNe9kgSbOqqbUzQRBZB4wHPEo//uyzpty4rk0RQrZzsvKuI3cn4Wa9rKs1IdmToweHR/tFuUbQrzbzuvDjfrT16YdO+7Zqz98cQ6n/51/+W2/V//OP/+3ph5u3Z28urm8ADBjri2D8xbFabcCqDsrNeluIySic8DgV26fHt7dr3IHw9ttisShYHAMhH36Q7R7cGSJzfXYNjG3bFodxlE3q5fQ3v/39+w8O80ScvT052N/b3t7zpzWzN43ezFsaxPnlxrjODPIMQeIoGo/7LdjCiAzvpa2p17evrt4szfNj29YfHY2j0eGral6vQTB6Mopwnt7DWfCHxTmgB0YraL3XNk+TdtNiRt4tfpp0/7e/er49uBOKkbyqgGdW10kg2lrXBnbAY5ZfXteNbKbnF2o1fbSL/tU2RVlkQbze1Be3N0E2wMqqpnVVs50mm6ZGSmpiXk6nr29WS6OfHtxdeU1NeHZcfPHq5sH9D5/81afvf/KTKKAMSFkVEEJkgYdp1cG2Bpu1nG9WJAgVUJ4ixrDq1LrxhVnwgDfeIoRCEXR1y6lYF40pN/PFRjkPEMSE3Dk46OoyIOijD9439arf7yFMFsi/Oj6uWynCcLppXdCB05NqvUh7/bPzS4B5bzhyiEDvtVaIoNVmzYBPGXfOz+frrq0xoW0L57OLLUpjnHPYGIyCODObzqPIAKxahVxFEMmTbNTrVeuV1vbNxdU3rzdXN+cYxTfzTem5wWQ+3wwj1sdqHPA0REq3FBKG8Xg4vFw2VzdTJkKj/On8Ynt7kKYsSuMoCd8t1faz4eHhgyRM02i81d9MZ1OG6eP33wsivtqslPZpNrRWE8JQGGvjsigxVdEZ4B0hP7mzPr4NKr+jVff5r3836u8QFs6L26oygvHFbE1YAIDj1D9+b/dwO+73Rn/66vlmLb/86oWIedbfXZey1KaDStfGgSQbpa18e3x6eXZmnAK6PU6TnVZR5UOpABZpI7W38OxkmaQTaMGwn5y8ejUa9MYH+9I6aWScBb/+wzPfllkUHBzsjbd/OPnyKzlPmnDY29qeUF8UZ7dNT1yJoli0DTN+UYc7Sf8+Fz0agexoT52+JKqizHbFzdXV7bRzk8n+iIfq9uY3/3x8fN0/vr6swwlGAQFw0B+pc6At3NrePn37OhJsMrTTimGBBgBAA5TqlovbJMtnt6u5Spdmt+hUL98tLt++t8X/5l99uNtr9/dJVy9b1p8u/X/+06nj86YlMeOuU5NhmUY8cCrg58bQh9t83rCHu6O6dce3tz6P/8O/f4LjQTQ+KJuy1UnnISOxYCwK6Jd//nZVt400by8vWBz0RkxabTxI0h4CzhsDCa2VB9ZtbW9hDGVRL+bnDGOrbYcsZZTSwCjw9u00oDTa6iuHHI2dyKTSi1LTsId0SWgQhsn0+savb7uyWK9VJwERNAwHhHPltNcSQ1q0DeC4BUB6CyAIonCz2QRpyuP+8zdXUS9cbhqDlTNdL+k3GgBOgPZNTZD216dnfS66uhmNhl3rEU4JHc6XVdVBwmOIMbNusZwHCa8aYox0xLkgOD85w/GYR8O6aj3USrfZMK6MNKX/8P4BxQSx1AOiy3XOSX84sIAKTP7Hv//72e11yLg1VgghBMUOAGUEgSQQtWww0B5pgp2zHv7xP/3d5+ePv7zpYVglnbI6AgNGQsu76MHhjsU46E1EyJCdH05YNb8tN+A//e//tNg0YRr0etl7jx+sNsvZYo4JD6MkTftd265mN9qC5bIM417VNBAjTDEikBAUYI8gLcqu2tSCMcHhJz96JNvF9fVpf/+jRd0u2/rp0w9WV7ObV2+AVLPF7bIp+7EXdvxKG55kP3PHTx7c/rl4oJTZtOtycWcyTL6vFpEj4zQpeR3Bzf+0P0716rI69wTOC2VR2NRyZ9D3Wmrt3lwsJGAgjhmBXhuPxLx2Gob9fMCtSomf9DdIlTkP7gx7OwMG4eby5jId71xNi29fr6blIRlEnKt7Af93H653fAmcrHl3OY8NDd6s7D9+dXG5dFoSDgklBgmbDpLRKDmIuw9zmsju5cs3u0/uHa/091czkQdhU21N7nZw9PXrTTx5DHjfeUi8CxC4Xr0I++nZVT0vTDwcQAYGwz4EaDTYlbJlwmmDAAmk8kqrqlh01SqLiQjE6XSNgdkZT7JwsJy20+s1BODe/V1AVNGBvDeYXl/qpjnYnSAr+2nonZxNr4jTVVGXlWoVCtM+4WKytxOmYlXMieeL5aaDHRGOAo26OkQ4CoK6beezJQNiMOglaYgpbqS0AAEijEN13S3mVZ7GgywZ9dPp1ZWxbry1BzATYWygWRZr412r27YqTFv5ujwc9A5Hw85VGnsq+haGi42UHjjsCQNhTCDPjALvhfLO3t7BB//C4bCZvn7z3RclimuaZ165tsPWWuAMgSxJrQHcEaKh8621LXC1M43TlZMtcoCAahGb5VHMrV6HwG50e3Ex96gagt5Z+50mgqf3sv7+k0f3OGW/+vrLz3//x0ZxA2DddBCBpiqTgEU7Y9V1StWLs6lzAFE67vfLcrNaXokw8cA6Z1VrrNOKIEqFcy4M6d7WwHarxfl3/QTsxnL55ndK2oPDo54vOltBI1fLZdOptjOVrSlBeZgyVN0bmvup5YmmEK03sM4lDbohIMV1bcplU67SuGXF7Thrw2HZdHArCq9X12VXDUVDQ1i3nduSF/NqcbsHCKcQIIy4wkYriC2ljDi031cJA+XNggM0zMbGgPjuKEjSUZ4e7eRlky9008j6Xi+JhXKd4WHIsSMk+ua1XOF0+8FPizc37Wwe+4bBGtgWd61Ek5uVyl37/jb/8NPHCgZbsDPAYB6sxBj1967fTlszlxsjIW1rKSwa8nRvS4jI6wQGPK6c4iIyRu7sHOZpPlsTJFjiLZAV7TZGtjHDZRThIAqi5EdHw/n8OkOYa72dp/uj3evb6cnpsQFtFO23xbStu2GWxzxvy9X0Zgm9NMqHgQ9Dx4O4k6jupOq86qQyijBhlYvjiFpctoVIEjHIj/YPi9VGFVWOhxTQWjZW0pAIFmfW2qZRHqJBPppsH/TSBHnrrN6+e6dpOxZGw/EW5WI+PadQIeAJgSJkLMhQwjKOve9SllkHZaN7PcQiIJIeC9N1LSdbuzTKZDMfNC8HYHb57f9rg76py81yvjZSChiGnWslcJ5wQiEv1zMAqVYwQLwxVhuVRqJqCiMlUCYWIdnr8+9Pr/Cm/OC9cTXdQEkc8/1edCh6/T3xm29e/v6/v+DJ/f/+//06FqAqblsDLUSAEoBAp9Tr1y/jkLz/3r3eaFgVZbCTdw7MlTs/u8yyQAS8KDvjHQEUeGe0kh51SkOPAsrmt+fbPXJvK7HN5dZ2GO7GhfIb7Ovlqa06QUCSJDROmdbElikPQdgHrtoZo37gAG1ijFWAZ5uNwoYFfYVCYvIrhWMyO5r49w+DpdxUtwQE5P3D3aprnO4iwYznKwk6t//sWOq2ffr4IePJWqLpxq4riZw83Jp8eAh8q/sH70HVQrWMhVa2DVAV9dJcWGvV6WIx38wjHjmiK4gbhRwX0oWz0p5ICUbhnac/IuuzXne5lZkog0awCz1oL7qtcSKiDcVx00UijxMSNG309Q+X9s3Le3tb29ujlSoARZNxf4SzoY+HY4QiyjFdmXjWAZzErTVGqaauEA1mhdwK/IgiLGzSizednfFAxaNOuQhU2WSLE2QVqCqpWmtkE8fBsqgW86soTHpJGgrqtOzaEvkuDFBtZNvMvdPOKecYcChJe9Wm9AhSzjHDcRxSQ0UQOYprq082msBYAhjlY9Uozu10fjNiPGJB05Wy1cgD7FCYpYhiglmvN7bOZc41bXeznBvnsFolIWaUGaWQo041rrOc+L39LQhy57mUax6irUmiAC47F4p0Ou0gBTkphJ7j5UWxaacmjKOcIRjRQPAAmbnAICBEm65VtfXeAjrqjaByxmDIIhLQjCBVc9M2ulX/PwlPxBkrp9nsAAAAAElFTkSuQmCC\n", + "text/plain": [ + "" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "text/plain": [ + "'the person just looks weirdly proportioned so it just makes me uncomfortable'" + ] + }, + "execution_count": 10, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "# visualize random pair with random utterance\n", + "r = np.random.randint(len(test_images))\n", + "print('TEST')\n", + "display(Image.open(test_images[r]).resize((256, 256))) \n", + "\n", + "print('TRAIN')\n", + "fr = f_ids[r]\n", + "display(Image.open(train_images[fr]).resize((256, 256)))\n", + "lt = train_data.iloc[fr].references_pre_vocab\n", + "lt[np.random.choice(len(lt), 1)[0]] # show a random caption of the training" + ] + }, + { + "cell_type": "code", + "execution_count": 17, + "metadata": {}, + "outputs": [], + "source": [ + "# Make a pandas dataframe with the corresponding captions (sorry do not have time to beautify this up now...)\n", + "all_p = []\n", + "all_a = []\n", + "all_u = []\n", + "\n", + "np.random.seed(random_seed)\n", + "\n", + "for r in range(len(test_images)):\n", + " toks = splitall(test_images[r])\n", + " a_painting = toks[-1][:-len('.jpg')]\n", + " a_style = toks[-2]\n", + " all_p.append(a_painting)\n", + " all_a.append(a_style)\n", + " fr = f_ids[r]\n", + " lt = train_data.iloc[fr].references_pre_vocab\n", + " utter = lt[np.random.choice(len(lt), 1)[0]] # pick randomly one\n", + " all_u.append(utter)\n", + " \n", + "all_p = pd.DataFrame(all_p)\n", + "all_a = pd.DataFrame(all_a)\n", + "all_u = pd.DataFrame(all_u)\n", + "nn_captions = pd.concat([all_a, all_p, pd.Series([None] * len(all_u)), all_u], axis=1)\n", + "nn_captions.columns = ['art_style', 'painting', 'grounding_emotion', 'caption']" + ] + }, + { + "cell_type": "code", + "execution_count": 19, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + " art_style painting grounding_emotion \\\n", + "0 Abstract_Expressionism aaron-siskind_chicago-6-1961 None \n", + "1 Abstract_Expressionism aaron-siskind_feet-102-1957 None \n", + "\n", + " caption \n", + "0 the lines are very dark and scary \n", + "1 the black figure looks like a monster \n" + ] + } + ], + "source": [ + "# Optional, if you want to align the NN-captions with those of another generated set. (useful for Panos to compare in for loop fahsion )\n", + "if False:\n", + " sampled_captions_file = '/home/optas/DATA/OUT/artemis/neural_nets/speakers/default_training/03-16-2021-22-21-45/samples_from_best_model_test_split.pkl'\n", + " caption_data = next(unpickle_data(sampled_captions_file))[0]\n", + " sampling_config_details, other_captions, attn = caption_data # here I use the captions as saved from the sample_speaker.py\n", + " print(other_captions.head(2))\n", + " \n", + " cc = other_captions[['art_style', 'painting']]\n", + " nn_captions = pd.merge(cc, nn_captions) # re-order according to the cc order\n", + " \n", + " assert all(other_captions.painting == nn_captions.painting)\n", + " assert all(other_captions.art_style == nn_captions.art_style)" + ] + }, + { + "cell_type": "code", + "execution_count": 20, + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
art_stylepaintinggrounding_emotioncaption
0Abstract_Expressionismaaron-siskind_chicago-6-1961Nonethe ominous tones and dark shadows allude to s...
1Abstract_Expressionismaaron-siskind_feet-102-1957Nonethere is a very disturbing nature in her long ...
2Abstract_Expressionismaaron-siskind_new-york-1951Nonethe closeness of the streets and towering spir...
3Abstract_Expressionismaaron-siskind_westport-10-1988Nonethe woman looks as though she has fallen aslee...
4Abstract_Expressionismadnan-coker_unknown-title(3)Nonemakes me feel like birds are flying over my head
\n", + "
" + ], + "text/plain": [ + " art_style painting grounding_emotion \\\n", + "0 Abstract_Expressionism aaron-siskind_chicago-6-1961 None \n", + "1 Abstract_Expressionism aaron-siskind_feet-102-1957 None \n", + "2 Abstract_Expressionism aaron-siskind_new-york-1951 None \n", + "3 Abstract_Expressionism aaron-siskind_westport-10-1988 None \n", + "4 Abstract_Expressionism adnan-coker_unknown-title(3) None \n", + "\n", + " caption \n", + "0 the ominous tones and dark shadows allude to s... \n", + "1 there is a very disturbing nature in her long ... \n", + "2 the closeness of the streets and towering spir... \n", + "3 the woman looks as though she has fallen aslee... \n", + "4 makes me feel like birds are flying over my head " + ] + }, + "execution_count": 20, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "nn_captions.head()" + ] + }, + { + "cell_type": "code", + "execution_count": 21, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "this reminds me of a scene from the bible which comforts me\n" + ] + }, + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAfEAAAJYCAIAAAD9q0iRAAEAAElEQVR4nHT9V7MsWXYeCG7t2j300VffzMoCCmwQTYBkk+imET20+T/zW+ZHjPXwfWg2DxiOAWyAUFVZWZlX5BXnHhXatW89D+ucyFMJTlhaWpy4Idz3XvJb31ob/z//7/+3IOSbzQZjL6JQqYEwqrUmhHAWeIuUMgyzKIoJZkopjzuMMcbYOWeMsdZ67zHGQoggCBBCfd8rpSiljDGMMTIOIQQfQQghhLz33nsppRCCMea9d87BiwghJgLnHEKIEALvxxhTSp1z1lp4J/wTfIQJPAwD/GIYhowxa61SCt5MKQ2CgHOOEIJXkPfWWmstxpgxRimFC1BKYYwJIYwx+H54W5qM7MMDftE555yL4xguBq4ELpgx1sqBUkoIcc5prRFCnHPO+eEGDysD34kQ0Vo75xByxhhjDGMsigNrrTEGIQdfZYwhhARBENBEKQVXK4SAW4Mvh48f7gu+gSZCa+29P/woIQSuBy6PMYYQklLCP8GNw+sYY9hcxpgQAr7QGAMvwm0SLIwxzrnDK7BEYRgihLTWwzB474UQGGNjDLdSa22tpZTCi3A7RVH4hwdsOiEEYyylPKwYXDN8PIqi/+H7Axkigh31FiNHvCXOEY+Ib7taMB5QxhHBzlOHOCYUk70lzllrrXcGe0cppgzD6mFKnPfKOucx4Qxhaq0lsqGUEkK999Y57zGihBLukDfGaWsJYUxwIQTBFGPMpbHeIeIxw5Y44zRhlAo2DAOslTfOGU8QZphhjJFylFJKOELYWeTgJxASnHpvrTXWSWs1Jo5xQikV1h0EwDlzENTRaOS8BVkF4YTd2Q368boh70ExIxEcJMRbB4vpnLMGgbJQSuEVeA4yAJ+FHb/XOE8OGg3vBIUyxlBKEUJwPfBt1lpKEcgPiCUIiTFGCAFPQBQ55/BxbRXoC7z/IOdgTODjUkrnHFgkqVq4HjAmh3UADTqIzWFNHosx3BG8B5TisSmD/9N7c3h43K+nUvd2AGEHq0EppZQao8FsUoo556Dd1mlYBOfMweLBha2CWRAEgWDIGjl0RkmCPKNYCDEMg5QyTrI4Tdq2r5qWc/5kkjNrbZbOoihCyGlny3JHKQ24gHXnhBPCOAs4FcZYpVgYJXDRsIsgQLCvcH0E4TiM4HKttaEIHu/9YVH6vn9sAuDjGGOPCazswabDo+97eAP89GGNCHU2TWHFQVDgDeAt4MXHOwS7e3AwBzcDhu9gnQ+SKoR47IruNQGhIAh+2sYHocEYxy4hhDw2jnCdh9uHP0E9QDRhOxFCxhitJfgh5+4FmlKKsAcjyDnXg7c2eKxm8Otgmh9fKjxvteSEcs6DIABRBtvNGAMHcFAk2AJ4HUQZ/AQsdRiGcMFwUwdlsAYflOFw43AvhBBBmaAM3A+IR0DuZQa0C3764C8f22h4FEUBm/V4Uw7e/Z+/X0QRxtgR7x5suiceYRwGASNUMMI8xs5j5xnCBDPvMPbII+ut8d56ZLHz3juepYgQY6001nlPuCCYWe+YpPc++34/ESaMEOIQMcYY5xFCmFLGBFy2YN4jiymhnFjsLLKEER6IYRjuZdU4ZyxFlGCMEbVSEUIo5RhR5BAYdFgljD3C1rnQeeW9IxRhjBmJDpvuPNgF55xjcey987//sAilY/GThDwsHUKIontJsNpAMAQiSll4CIDACh8ED9T/Zz6j3tU/c7Tw5pAx0ILHqmqttU7SR+qMMebOWWshODu8+RBpCXy/+4dvhvsdhsGAHyKcsgBZq73XxufjxUH3D+JiEQqi/LH6gMAfJA1kFVmLH/Q6oPSgU48fcRT9/gvu3uIbQyh6cBj2J2dgNTIGW4sQ8pQaD3ESD1PxyFLpw4LELqCUMkYYF2EQOK2M1c5oxnkmwjETTHCHMBNRnI201p5i9urVq/l8PsjOe4ux1/o0zRLOeVVVVhuEcMBCzgOnjVLGGEOEPWjXYdERQkIICCe99xDWgaHk95r+k+2GHRqG4SdZfCQW2lh4/8HsHlYc9hVCP8gkGGMs4AdPewgBDjb0sQUHW8AwgcX9mU+KouggowdLDSLAGAOLeUhKDqYQ3gaRgtbaGOMZOdiXx7ZGKQW3c5Dde1OI6CGocd48GFwK9tQ5x9i9oYRlkZ09fPnhHsFEQtgCyw7fQwhxBCGEOOcQFB9yFHgOVwgpBegJeGLYJlg0WHnwkT+zoQghre1jBwyvw9Ycvhm+7V799HDQjceeFT94ff/I0DzeuIMAHHzY4d4frzN1MULIYYQI8hh54j1GDjulFMOEEkQR9tZhj4gnGGPPGEGYEESQu49zjTbgYwjW1ihtjEeMB4gSZ9GIG4zvYyiLPPKEEIIpdc4Z651zDiOCGaUUEYwxpp11yHqCCcMOWeMt4phzrq3B4BIcdsZh5zGmFJOurQlmhEBegjGihBBCKEGeUkwIQtg5ZzyCbMkPZHxYQ1g95xzCv5ccPzhC470XUfR76+zvF79r20NAjZ0/6BQS4n9o09FDIgtSdLDp0xP6ePsOT7qu+5lNRwgZYzCxj7cPPYQ+oPX+IcY62Bzj3c+sKrxn9BDDHawN6GMSpfDi44t5/IugvAfhl1KCAB88weHN/iF4Paye9z5gyf01YP/I6LuYsYdlwYcIzznHODko7MMiaMgthGCcc/BPSg/w8ef5xGhtraYECUoIxlpLq3RZllGaTKdT53HZtJTwQcmPHz/fbG9ZHMfe+7qurdVxHFKCjZJ9UyOEhqZWSgkWYETUMMhBI4RETA+rBrICN9w/6B568Kvwp6DsgEWAsYBMCtYR7g2WD2RFO3/wyfCARY+iyBqKMdZaSykhhiWECC0eG3FQa0wd5xxj4jBkjohSiijxhMI1wGULzkkQHCQJI0Qedu6wedZaRongDCFkMAJbSSnFGIGcOOcJo5xRRonWJE6Sx4nnIXUAH4Yfgln8yGM9llrQ8oO7foRp3MuiDtEhQrn3ChhjjNu25ZwffM9B03qtQT2MHOCdsF6AjTxS+J/c1c+wFzDQPwtSDmItpTxAWIcAHK6fEOI9cZwcMl+ECGLRz3w83M7hPT/7oUO8Rh5gMfjzZzb9oHjORw75e6MGhglZ772l/KDGB0NGEJZ9izGmBBOEEWUee0e4c9QTjCmxHmtrD9iLcy7UNRgHTxD3FGMMttt4TyhGlCKCCaH3SSQhBFljrcMOEaydR9Yg6zDBAaQHCFFKnMfOW4wRJ9gGAmNMEcgkwgiBUTBaIk+QR8g7jDzyCCNPkTeY/7RYIFPMI4S01hhhjDDGGGGECCIMIYTsQ/BOAHoBG+dRmo0ZYwThx5vonDMBhq05OGl4bozhP/cZ1jnXt/c2Eb4Wfg0hlIzyg00/RAwAQZDfz78f68VhZw821Dh/sLA/i68PWTgihBJCA4QQqsoWzANjlOCf9C7P8vt43zku/OFGKOboISkkj5DVx8L52EQYLNDvPR4uWzDvvcOYcIIhhzbGam0elv6gBRZRg0w+WTB2rwhkGIjsIKX2ziml+r711gWcck4pIQ7htBgxHhARyUENyuV5aKS9vL5rtyu2Wq2yPNlut11TO2/qaje0zWazCQM+tJ21NhQRQbjvJXiwqtk9tinowU49dl+H28YYI/+Tzz9s52M7DoiwUgpcpfMPOeCDbEGsB7/42CbCzzEm0D/zwyB8YGggQD5gQRDjQ6CXJEkURWAH4zi+tzoHJPE+ircAzMElwdfC0t8XDBA6vEFrbe8l7T5jgPfgB2D6IFI/mRf38Iw8Flbz8OTe1B4sftcMhxU4uA3QEPwI/ThIPAsT/5BJoAckCmPcNA3Y4p99zyE8gT06fAqePNZhWP8kiQ4fBBQFP+CPByt8cKKEEOTMz3zA4fofa85BeSDhww9ZPAgD+PjHl3FY2x5xbx98KiaEEOQcLDJCyMOy0Qe3SjBRkiBQaYe8/Ul6CaacI0Ktxx5j4pxDRFvj+vJhBymm9zYCgjSEkMc/SSmlHFMSWmad8d4j4p1V1iqPEA0YIcRZ0G3uHTLSYIwJZZz5+zV2GCPnnfPOeuQIMthj5JD3FnlPMITtNBI/LR3+KQ51lv0eRnzQWafkY6tE0EMc3TSeMU+ItxY5jykFU8o4u4+3IL2DIMNaZzSsIcibQ85h54nPx+lPNv3BTDvnrNX03t5ZhBHFYB8scg557B/l/YcLPuzpY9simDgoOPwi/An4u1JGKWWcY4wFQRAEQRYeHfTicfhihuFQlzrg2saYQ6j1OPb658p7+H/7+2kiQghCBu+9Rx5jRBghjCDkCELEI0YC7733P1VBEHKEIGOU1h6MgPOAxCopZcQF9k4wjqmllDJ6n44TyqWUddXWbdd1EnN1t1r/7u2PpqlY27Zc0Kapbq6/7DabutwR5I0alBwIwiEXPlKMUqu1UxpZNxuNDlkDeoDRMcbsUe7zOGBHv+/lHkdnSilCCFjDYRgAgUWYQAIipfTeg8XXWodh6B/lVughGuU8eLzcB2GVUgpGvffIYOccgyDHuyQQmmCtNcYIGW0G5Ajx3ndVedBG/AAaWGut1YcSjX8UfYObAUFkjAHcPAyDdhb/swd6hPUfpPOx4B48HCH3ySBkbXDvzpvDXctWHwTrYIhBLn/yow8a4pyrup9qtugBaTHGABpDHtB8+qhyeyhM4YeaGGOs67rHX364C6WGxwp8CLVAT+CnAS4DP4EfkBz8gITiR1jNz+QE/qSUHtYfMC5rbZZlj236Qa9a5Ky13iKGicCcYuLt/dp6jz1GmBDEKaYUEYwQGgXMe+utcx5CKA+m3zlPmfCUWYc8IYRyh7AyJpGb+18kh/Ia9t6Te+dNvfcO/bS/gRVgfTBFxjtrDaaICe6cM9oRQhjj3iIptfc+FJEm8l4kHIbP3dsszu9NhnceARhCCSGG/B6e+1jk3O/TCuBBfz/SJOinDxziHuz8T7l1gv6Hcbp9qE75h0wLXLXs5M9ssXsElyP007eh+5j9Hvw8WP/H0fe9w3iEsBER+Ucm5XAvdV1rrfu+7/sedDOKoiAIApHjhwIAfhTdB0GglDqUlODGAdE9SN3jbPifLy/8X1L2+HX4NMZY6/t8hRBCKDpoB2fR4dYI+cmajcY53CZj92mx6XvV90vtOechF5RiZ5CUSBOCCXEOaet5EML17zbbf/zHX//3v/nbgGBW17Xz5vb65svnS9k3guDFfCY4ccaEggvGIFFlVMDthUlw0OEDGA23oZQCK3zIlzHGaZoesAiQEqUU2Oi+7733YRhijAFOYYxRHoHFbNvWex9F939GDzggLD08nHOC8CAIoJJ5KOhBpB9FEXgL2EKwX4NWcP0H9Px+2Sl9vHmHOJ0L9rNdxPc4sj5wbMBOSSnruk6SRAgRhiEElYcC4MFmHSIF+FEQI3iREASmWSnlnAnDkBCi9AAyCpJHHDvEMo9hza7rQDiMMSCsBCFGyDhLD/VJ/MBYADsOv9W27aC00co+JBMPxhcxxhDB4NKwFY9l97AmYTQ5OJjHlv1Q8CCESCmbprHWUkrDIAabftBwEI8DuI8e5QHwr7CeoHWHejJ6lIs8dmaOSGs90p5iFFLEPPIYO4wp4cZZh7wjGDNEKLLEI4R039zHTd57by18D8GMCuSt1VYZZxChzCJCnXNG9Q952E/u3zmHGSWEYEQfRy2EEG2Y9Q4hhCn23mqnMcZMcNACQpjgoXO+76V3OAiCytSEEEoZ8fc2EXuCEHLGEoo4gUX2GCGMPSEEO/kzo0MIQf7nrvenvfM/oZrEP9Q/MFZKgYB585O4eu+1GA54Onqor1BKQXcOiPMBazL696zt40TqZ1ECvmdh/YSZPI7V/CMQ7/F6Os8ORv8xqIsQUkpBaAhGQFKKMS7r/qDg5BHmCYHLzxzPwX8cfu6wv+j/z0Nz/vuWwT/YRv1TpI/dYQtkazDGhNwHZECKY/w+kAWeG6wD5KMimtxfuYe6r8eYIoKL8VSEYZxkYVoQJtab/fr2ihE0n02YsWoY8DAMIeeT/HiSJ7PRyFntrRaMGqWrqjLGiJjGcUwptw9ggbUWOW+NgbXIsswZa4zhlEVh5B8qdUbpQwkCQHbZD33fM0LVIK21zliI2Z1znjtGBULeaWXk4JwTlBDOkTXru1swBMaYvu8hiieElMplWZam6cGpRFEUCFHXtXeOMaaVQgg5xgjGyPvbq+s0TeH9ThvnHA+CUATGGGudfcTBgL2cT0dgSqy1QCQAOdZaYyEwxgwjCoC7NQPB+806SRLinRAC4lNgVsVxjB8VVA82va5r+sCnBOOFiVdKSSmdUZxzKaWUkjHqgoAxFvAIeeusJYQ45Ky1sBqMMUI5xlg7M/QtUACFECJIiHPgBgkhLIoCITyldV1jQrxzyBivtfceYey9T7PsXocpxZB1WoswToLgYDJ+AosJ0ab33mOMGPkJNLPWYmsYo2EYhGFobVwksfdeCFG3PYjyQcNBPKCE+8+N9c3NDWfEO+MRsUa7h7rLYdF+ZtMx6a32HlmOcUAQx8Qb7zDNskQba7yzGGFOEKMOI+sdFQRjTBEGGsm93cNUKWMQkspoq4hDBGFCqKf0dHRyMCI/Cw4Ooah/RHBiLrTWOuww9tZabe+RwG7olTIEsyCInPWd6LzHYRgyKyDmZZh475HzCCGCMUJeUCaEYBQjhNADhTH25WPbjTGG+ipEoIRQ8vsghlK/x/iiB3jB2J/idP+ILUZ7+z/iMgKk+VikYR3G46n/Zw/0UHfBD3EDiAp828E+HAivwE18SIN+j/ugzT1Rivw+lxHUH6KfIAjgda01ebQjB3vtH+jXUNgDMjQYKPRQzMQPWcIDHsAP3/PYU2rCHoT2EXCH7uFiyu5j38P1ew1y+xMLHLizfd8jRCHIsdY45zy1nvjeG9m2fd/3feuMwRgjQijlq6tLyoUnIkrT8ezIY3o0Hv3F//q/JGHEGCMUo3K/TeP4m69e6KFXQ9fXFcXIC962rXMuT1Nr3X67zbJMGde2LZjRVirkvOBcKYWcv7u5PTk5ccZGQbjdbqWUk8lEa40pEpGI47iu67Yf3r9998033xCEiyxPkuTLly+wiHmeb7fbKEzatlksFp8+fDw+PsYe/fju/YsXL8bFKAiCH3744enTp0bp6fHkHg6LaZZlkK3EYXRvLhF2xlpt5tPZzc3Nfr/PskxrPRqN5DB45/a73UHWkyRp6hpjHMexNeb29lZKOR6POefDMJQ7UVUVIWS/34PMXV5eMsYWi0We53EcO2PbuoHQIBSBYJxzvl1vwIhfXl5670ej0fcfPx0dHQVBsNvtlFJ5ngdBMAzDycnJer0Gwe1USzEJI5GnWYNwnmZKqdXdcrFYdH3LKM2zTA/WWTv0PUIoSRJgjk7HEwhSTk9Pb25uOGXDMGRZxjmXyhljRrP5MAzW2qIowEkg5/M0g02p65oQAqWF5XJZZPloNMqyjFIqpWzbVkp5c3Pz5MmT8Xh8c3NT7vbPnj0Lw/CHH37AxF5cXIxGo81ms91u4Ud3m21RFOv1uuM8juMsy4zSx8fHy+USe2uUptiLUDjn2raGCFH2bZ7nlNJDfkYIatsuS6IkSSBsEYw4grz3QcDTNIU8D9a573vI8zB1UkpOOLZkqHvsbBamGNOiSIdhqPuOckZDVrettjrLUoOJlgpRnEQZJFvWesZp0zTGotvV+scPl09evLi6WZV1M18sTOHOzs4Wi4Uxqq5row1jTAQiiqJD7kjoo6jQe0o98QhhTygW7N417to+DENKWRyFShmjufP49vYWZcl33/3T8fExQSgMhZYqTiJO2WI6Q9gp2VuEGWMiYIxQhNAinex2Oykl8h4Cf0LMMAycBUmS7PdlURRfvly+ePFivV43TSeyuZQySZLlcjkMw36zzfNcSjmbzdQg8zxfLBZhGK7W67/8y7/88z//c84GhFDXddPp1BgzGo32+z0gYEEQRFE0Ho9vb2+n06m1tq5r4umBDiCE+PDhw8XFRRzHcWA3m03XdWdnZ7vdzjKHMZ7NZre3twihMAyjINJaN20Dyb13nlF+e3t7cnKCKd5sNtPpdLVcaUMXi8Wm3DDGSMTrrg7DsOuGoihk181m877viadplN3e3iZJor2klK7X68ViAdb//Pz8zZs3i8Xi+vp6NBoJIeq6LopiPB5//PjxxYsXoA7OubqugyDIsqxt24O/kVIihA55f8TCrusYY5PpdLPZOOe2293Z2QlJiLW2qvdFUYBybbdbZxynkHHq69X1ZDLx3o/SnDEmpvPtdhuGApyZlLKuyyzLVo22NgijOaUUkl3GmLHOOVS23a5s3ICwysMwEqM0iGaccxaKgDLMCcHIOWONlMg6igkjyBmLnLfa9H3PuQiiCFO6X28551rrzWajlIJ7c87d3t72fQ9hadd1+/0e/F4QhQ75zW4rtaqqarlcxmmirZmOptbasq7W2433fj6fE0aV0T9+/DSZTN5/+DgoXbed916EUVk3fd+/fPlycXxiPZLaaOsQoW0/hCzo+x48uRACTBv8uta6aZrNZtM0DcQg+/2eMua8H6QERxqGIZUSXPFkOr388oVx3g/Dze3tv/yX//K3v/2tcWYYhqOjo14qEUaYkMXxSVmWq812UHo6RUmScOfrutZdzxiLgvDy8iP4j6ZphBBHR0fX19fb7V5KnaZpGIZRlGht63rb931Z1oSQ6XRKKd7vt33fj0aj8XiMEKrrFmP87NkzKSXyeL8rnfWzyfyHH3749OlTURTn5+dCiCRJxuNxWZbGmLqu0zRtmiZJEigkMu6aprFWQ67COcVYcE6DgHddh5CbTEZBwO/u7ijFx8dPkiQCJOfu7qZtWxBfzvl8Ph2G7u5uwNhPJiPvbdvWURQkaQT2FGJtiF+Kouj7/uTkBNS167owDLXWQgikkMPOW9c1LXjfKAhBYQIunHOM0EP2FnAxLkb4gTjUNA0YbqtN33aEEC6Et04qZY0JhEiSpGu3ISFxGAoqJA8I4iEPrXF93wohxkGOCGKCRyHXVlFKlSWSEoIRZxRjxAilFPEgSNO0rFqESJblYRi3bV/u6+cvXkWJgrTSex+GMRD/MfZt24ZcRCJ4DFAQQrRCyDOEAH5Eh3zi6dkZE0JJE2e583i73dVNx5hQnpyePO36Noqi1XK322/+9H/+k8l4dLyYaa2tVgRq8lxAnNvoqkfcQD+O1wQzjLEibDBODX4/eB+i3kcSJ04YJ5gOxv/9n/7m5ORkPj/78uHDQNMsnS/3XzJRfPfmt1k2/IcXf7AbhstSFaev/r//8MOf/9v/iTHmTL0fmJTWCdLqQCmslNf1kGXcCaxIvqycUrquNa1qQkgQBH3fRxF1YlIpUUodhqEi+a6XdtlRGk/SSdM0l6u+6Vgcx8gHfeu1dtYmCKGu9Nba+XxSq333pRqPx+Ugbt7e7fd7REKWnmg6agY5ILbbWym3WZatm0ops+v3SikhxEiKwUR9g6UzGFuNot99vOu6bjQa1ebudtvfVVda61LVcRxblt1V+uPdp91ub/haa/2AIqLAoRhjT5J93XvvpZRVVUESDIkLcZhSOplM7t5dK6UwRhiH69Jg4iml18t2tddPn16YAd9te0qpU3WWZUob6cRguff+dt1zTjnX3gsz4NXlNdhDKsYGBSGrWCiyNOWcFlEAkJGxXkqJvXNKamu6ct2WxDokREgFZdpIgjmhKOCUYG+N8UpjB+VXH0UxY9o4SxgLolhKiTDPi6m1tt7vCSGEBh4xQkk/1Gk2ns6OIWcJwlRrTWhgLNbaS+W4clK5zbZ6+fKldeT2bjMejxmP5ovTuq7jpGjadrXea+tOzy9u7pZJlhPGrbXzo+O6rt9/+BhEcRzHxnlMWS9VGIZBFBdJYYzp6to5R5kIwhggCMib6roWQRQY17ZtFEX9oEQSGWuNR9LYWARxlmOMpek9Jv/w698IITzx0tg0L/Z1k48ny+Vt0zRxmrX9kI/GlItJmq23uyRJ4jSjXPRSKaWZCEQYYYwZoSII66a9ub1TSp2cnCRpVozGlHHI4IA8OgxDmuXHJ6e3t7dCCBGEnPO6aeumEoPkXd/3cjTKgyA4OTm5vbsmjF9dXd2t1pPxYjyZLVebm9ulR+TJkyfauE+fv8RxrI3rtvs8z6UyQRjX+4oyAWkypJnW2rIsIVyK4xgigrIsIeYihEDGADSe8XicJIlSqmma3W73q1/9ynsPKWqapmDX5vO582a5XILriuO4LMvdbgeI0PHxcdM0gF3meQ6mPwgC+J6u65xzYRgGQQCgHIChEOrCWh3gePArINCwgFDJqOsaIRRFUZIkhJC+76kjyHmnnQEsGhPlnFTaWkcQJogYLaUeKMXYm6HvwnyKHuh991UNRimlQoRpSsW+dgghT4IwFuFwcnx+PtYYY6k0pTRNsyiKhr7bbHYYYxzSiN9TvA8AMbunGlL8UOEHeyGlFIxrZa3xDvm2G5QySZLUrVWaEhIHItmaXRRm2+2+yHNr/DAMQ9dySgnCFBPnnNXGhoUSzFJrrR2MQgghTzqLrPExjweGKxdvVBVVVmmhSfb5yz4+/YpOJmg0EQvcbXefSsMnT//ff/P9ycn5yVdf/ebjVkrZ91yHcyqmX/Yuiqi2CcPM4TBiEzaacozr21uDjeTpl71jLPPaYxLvjeU4CEUokrzuVtIIkY9Ki/q+r242RVFsVbhZyfF4TEy8rJqmaShhIx4FJFBKYcyhHGWtvfr8OZxlOphf3t5WTg8DubtrKQ3T0fSyNMOg6rqZzyPLiqu7q8Jb7xGlUbtqGWNMuutmF0XRMLRRyhhjcTy+W33a7ZTk+K6t2taHIUWIfrmpOR8mk0nbDvt9I0TyT+/vQDU452EYl501VcMYk1JjjI1BbU/7HlurEdLee4GYc86I6W6noyiWsh+NRi4cbzarPE8GnJeNnLpYS12ZMIuytuvScNqrCkdCkdA5d3NzwzkPAj6ZTBhmXzafjTHh+CziUTdYXVVZlnlvGeY0CA1Tzjln0WRcpE0XBWFZN3U/9L20COmh54FgfduSKCAIhyIIuWissUZh77uuJ4Tkec54ULWNsdgN6m69zqIcEzp0vTa2KFIRhMYYxsVytY7j+Ob2LooizrnzyDpf1U02Ktp+iNOMcs6DUIQRE4FxvihGvVTr9RpjbD0SYdT2gwijo+ns4umzpushJzLWbXb7q6srj8nVze1sNkvTNIjipmmsR3GSGucdwoRxijFYVWWsdW7o2iiKrEdJlhvnl+sND0LkPHVIG0coJ9RGcToaT/u+l8pYa7/97e9evnw5nU4ZD8Io6Xo5nsyU0VKbbpBJlluPCOOIUG1dN8iswL1UkK8URSGE6LouFMGT5y8cJmVZnh2fWGs/X12Px2MRxRDB9X0PyfJ8Ps/Hk06apmmWm/1sNikmUxHFSZIg7AelR5P5IPu3P36AckWaT5RS2305WxwhQt+/fx+EYRDF1qP1ejOfE0wZw6Rq2kFpLpUythtkkiRSG64NpsxjorXupRqUlro6OTkRYTQMAyZ0Ol8YY3a73cnJyTAMEIxEUTSZzcfTWd/317d3JycnTAR1XRvnwXKFYRjHESbMI8J44L031ne9NMY45+um2273XS+jKDLW94MCmAXCecBY6EMrw6Hw8JhfEQRBVVVt245GIwBGAJ08NHABtHqYkdB1XUJCY9RgLCLGecJDhhGrjTw5OZXDoI3BlHuHMUYBYxQz+4Cc4p/4ptQ7zDmP0mK9q3e7dzzaZlnetIPxqB9MHMdRwjHGxvmybtq62pfVaDRyzhmPiEfAhAHA1KF7hhhBnqCf6L8YkzCMEeaEiUEpjGk2KkbFpP5x/cObj6dnx11nuEhffH3xw+++PTs7k8ZIKZUyLCTAofTeG2cbxwYcOIK01b33lHDGhBFceiWCXIiRQaT1+6vdAPjtD19Wv/rVr3qP331ZL5dlGMa96kdhUVq6iIo//Ff/7j//5/98d3d3cnJiHfuzf/Wnu5sfG4sJE54xKeXHuz0gCSSZZEEghPj06RPg2qPRyAW6tc56zpBoPd9WgxAOtvXubvciGfuoaNs2QOK2Gla1tJY457qy5xza5WmKROw5pXzdW7auKIt7En7e1IQQE2Sj2YwHydV2yzmvNZGbZjQa+bDoUeC845hv+/rkZIoJub6+LhxvmkEYnmVBh7GLptxHHQ4ppS4KURxXVbWXvfDMD0QaMdCMBHFrWkzSRlokXeJx3+u2bZMkUcowxhgLSBwFkT+Uyorx9Obm5qaUUTLFUdTJrWqMGAV7xYzEfHQsm+bzujdGsWCkeVIaVeCosh0VgWQhIWSv7zgi1CE/4LyIgskZs1ayrO3VMEjRDkGYKO0Rtoxi64jTzhOcZQVlIRMR5WK4uSMYc8YppYxTFkaCMcYp5oxQgr112HlGaasMQogL5TCpm8EzhTDZ7qooHC03ewA3shHrlW3bjnN+evEMKMODdlVbCyHyfBzHcdf3ZdXlxbTve21Qko7KqhNCZJ5e31xfX1+fnp7GSYGJ6AcjlWs69fnLrfW06VTVDGmabjabXtqLi+daa21x22tKqUOsaoZBOdl0wI0JAqGt77p2tVoNwzAajYIogf981SjjMOVJlgdpXFWV994OUjtvER60MR41XT+ezW+Wq/FsTrjYltXXX399fX0dRlkxdg7hk7Oz29tbJrxD/vj0yeXl5a5skyThQYJpMCjXDZ3WumtVlk+CMD3PJ4vF4vPnz6vVapB2Op0C/tC0+6ruGWNSueVqV4wm/aB2u12aFYyxppWD1ADwYcp2+/rXv/71L37xC2NLQtmTp6cff/wktTPGzI9O0zRlIrLWjibzbtCj0ShJkvfv34dhqIyP04IHQZQmdM+VNabvQBtPzs84558/f+7kYPy9RavaxntPOFttN957hxEV3HhXNvV9mQh5aTRCiAWCCi6llEpiRiOSiCh2zm3LynuPKMvHE6hjt4O0CJdNG8TJ5fUNACx9J3FMCWaCh977QESUcGsU8gQjyhmPoghwM8654CHBPfKEYEYJx4hKKauy6fseY3x8fDydzAHub+ouTdMiH2PZG689Ip5yT4gXcW9MaYfmZrNc3kaCXpwcJzxyyBLOI4Fq1RGCCKFQH2PUOYQRQoEIqQhFGDqP92UTRsl6W73/8WMjqpcvX16MLqwxm81KKRUH4dHJKWMMe+SR9w4hSggVzjnjnHsonWHkKcL0EdNZaa2dDQhBmFLBKROtlGk68yhYrxtrZMAxJoIHcTGaWYeMQx4j/NBVD7yItpdaG4SI0lYZFMc8iGLCAkw7j7n3mBCSZCPGueq6pulfPn9W7XdQh7y6/vIvfvVHz54+ubu7+9//97/4P//qr9+8+SFJYoyRs2Y6mWijtDWAv4cist5dX18DVFgUBaYE+vQGJauq0tbEcey0wYxqZ5M8Gzaq7lqE0Gg0wowmeUYHbrwTUThIiSiJ44jzAFx7zLm1tu7aumuFEMqa79++OTo6itJkv99HIlhMxpzz2/VqtV794R/+YTbJP3z44KgXSWCsbYcWS1z19Yv8JaW0/rFBHEstd+tGWVTX1/P5PEqLsizn8zlmgSek6RUL4nw0QoRQQWIWSCmTfOwRqqpWKdVJ80A+wdJ4ZY3wJEmiKAy997zvWd+P58edsp3SSRH12ok4ubm5GYzP83S52ed5zsLw45cveZ4fHR2t91XZ1KvtpqqqJElYEKRRlI3HUC7aVnsa8PFszjnH2NdV6Zwrimk+PeYBt8YSTIyXxiHB+KCd9USEERe9ss5YxwVzCGNE2dFsarWBbi4ILpDHnPMkSbSyw6AGY1spvSI0EEkxiZNsvV53vQyCoOslpPMA3XIRAtJ0fX1rjJlMJuPxmIVB2XZ8ven7HiGEudhWdZ7n37973zRNlOVhmg1KvfnxQ9M0mIt9Xffv32dZ1ve98z5MknAY5kIkeQ6pcTsMhJD5fL7ZbOquCxlFBFvvBiURwcZZEQYiDJIsFWEA5XUm+GgyzkfF0dGRSGPjnTGmaptODmVT76uSMYYZzUbFPAx3VTkMw/Hx8XKzvluvtDZxHFtrT87P22EQURRn2VcXFwMUxDCeLhbOud1uhzE+Go1k2y/Xm2EYFknadH0QxSdn55vNJh+NEUJV05Z1Q7lYHB3Fcdz3vdAOEY4IJyzohu769i4Mw65vqQiub9e9tGk+mswW19fXxpijkwAThgnrh26321mHojj1yO/LvXOO8QBhui/ruQidtsCEUVoTShnnUsphGLq+h1iYCxFGkZRys9lAtSoMQ23MfD7vug4Kp23bEkKOjo4geAcgZT6fx3G8Wq26vrfOvXv/EcrLgzTe+yAICSG6aQgV1uEozuq63u6qz5fXJycnSZJ0Q48p4ZzzQBBC4P/EUWKpIAHA0wghj5HzXmqV5hmmBLayGI+gxRxTMgyD9c56RxhlnhNGrXfWOuYTHmDMRKP1qmoatdnV9fVy9eXL53KzefXsaZRPSCGE98RSbI11YHMJEFcwJd64YVAiFm3dMipms4U0nvJoUKrcNyenwaDstiwRQgizOAmiMGSMMUa8sdZpaP5ECDnrnfOOE+jYRB57DMR1hBE21u92pfYoQ7RX1nm8K6sPnz4O/oLz7MvV5WScUUq/++0Pi/mUEIqQx5gwKjCmwFU1SiOEsgmxXFhra6Wkab30iCGkbREHTd1KKTkXoyQIwzCk3vR1GmOMhZRea5e8OInJYMrbEbeRa1+ejP77/+f/NRqN/ujVGcb4eJaW1z8mgWVOT1KSJBgloaxpEATTSUipkbL1ljw9KZRS76rbvrw5mb7Y2yENuVb7o+nUa7bdVuPx+Ph4jPFEKVVaLamMhUFGkgRTauOIOueE4AD0bTZt27bG0knG6+2+r/CTJ08ilkZRNBqNbm5udLO03QbJ3dFiIacRIR5jfXl7mee5Ukr4VvjWa++HrfSttXZULBKG7nYrEwsaBPu7q5h6jPHJyUkbUOec8NoqG3MepfEwkM1mY4whxhRhEAV08LpTaig3aZoaY4hxRBMuCCFEhCwTydCXRR42jRn6PRRg62pTlnevX1/U9abvy9lsolU7n12MR8lqeVVkwuqGEY39gD2nWEyKqGmagNGmrYZux7NMMIKx59QQTng0EtnUe9vKiiOsFZK9ibHg0lnreBASFmjjtcUCE2s8Zo4xxpzVFBNBacA4RkgboyRN4mwgw75ppdZMBNp6LuL58RGzlPIwjDOMcS9NGIZRkm82G9ersJN93y8WiyjJ67relU3V9HGWKu3e//hpNBrleS6EMBYxHnKLkpSGYbhcbQHhvbi4OD1bKOvato2StBsM5aTtNROx9XJQwCP0TMRKqTgdrbdVEGWzIsMYd11nrfWYMBFECFNKt7vdvqrzPDfG9P0QJemgdNsPJI56qTjnhHHjfN12m92+KIo4STe7/cXTZx8+fAAs6OPnz+Px+N27j5gGfd/fLreEhR5zyiPjCKaBoAHlgXHEeyzClBCCaVCMEsaj9vp6udplWRaGYZbHlIVKe2NM12vnaRAEYZQRyrTpN9v9MEilLWWCcR9E8cnpKSFkubzdbHdpmj5/8VoqYx3Sxt0t15jx8WzuCb26vfP7sphMrbXr3X46nZZNu9xse6W184zRXVUHcbJdLp1zUZpKYzopkZQAZL948QIqmVXbIoSy0ShN07Ztt2XZti1j7OLZM4zxZrNp+v7Tly9pmm7LUggRD0M7DLuq6oeh6fv1aptlWRjHlHOEEGFMKVXWNaWUCeG950Gw3+/DOE6yjFKKkUOIIEQohea9e/qd94oxwRgH84oQcc72vRyNRkJYKbXWljERBJ4QkufhbreTUmtdPXSXhFClwJqJKHae327Lb9//eLPdlcOwq8q6LolHvBhH4zmLOEeeE9LVFVzDPTseEY+8Nq6TyiDisEiLUZQk5Wo3O84n45kneH50HESxsZgQFCWZCJjTpqrrNEkQchRRj7yxGnpZETTXQDe48xh5jzFBxCMURVEnVSjCOE7Ldk0YTzI2SP39x/ecc4IDLuI4CW+uPx0dL6zHRZZySrxVnD1MvoyjKAhJgL1AxiA6GOd7bhwdjFUqormxLXFGN5W1zsggZQHNgpubd19/9ZXk+PZ2++T0aL/fb2/XSZLsNupfff2Lv/7ry9TRr44vnHPUN4T05ydTY6I0jZumttZmpIuYp8MaRiAN3ZAXBY4xOSt2ux2TG9/s05zcbm/jiQhtSfpVPgtxt4zjmNhBxA53KrQl8oOIhZQ9kZITwg13TYWMSfDAhXLOjaajSXjatm1K2jRBlA7TyNSkPR2TjIX18m3Ou6eLSGst5VCJ/unRou99ShlVK2vtPLWMKe/9qAiiiNlFTl1HlYzQ0Kwuoyji8+x0HG02m2FX5nkeUsQ9mozjfitb1aZRNJulnPOuc3vXVdWOh4h5zzCLEKHKeu85pZzzfVVyzqcpLct9yLnw7fE42GOeUDPPWVXtU17EVJ5MQoL7SYLnxWi/32eCea9DPFDrpxnp9uVolGdByJjryhtm48ViQUei7/tKianF1uKqt6HARqNBe2bJYJz3iFGBeegw98RSFmitrCesbSoo6QRBEEUBpbTT2hkrhAD41TkkgtBihSgp8tH156tBScLu++XG04kQgjBqjFFG362W+aiI00SEwTAMfd8Do2i5XC4Wi8lkAixU7z3nvCxLjLHWejKZxHEcBMHd3V0+nkBdTmudZZlz7vj4uO97CBu99xcXF7vdDjDfxWKBCKaMhXEEGVxVVTc3N13XAV/15OTEe88YS7O0LMt9VdayXy6Xk8kEEEn4Hs45BAKr1ers7Kxt28vLyziOZ7NZ3+s0TW9vb7fb7Ww2E0JIKd++fVuW5fPnz6fTKbBuJpNJ0zTX19chF7/85S+brr29vV0cHznnVpv1aDRarldxHBfjUZwmQK0dhkFq9dVXv9jv9/bqinLmlbQOEcoZI3GSIUy1NdiSb//xt9PpNMuypuuM0lXdMC4unjx1ztVNSwg5PTtP03S/3683N6PRKAijKIo22x1lvKqqw2hJIUSWZUdHR4BZ39zcOOcWiwXGuKoqa+3R0VGWZd9///1qtYIIPU3TYRjatrXWQuHUGLPdboHQUpbleDwVQlB6b4uhNMiYcM4Rwvq+T5KEkOb1668nk0lVVUgR+qilFiqi+KHVlj70Jx/aqSA52+12xhjgVt73njgHtCXIL6EOXBTF1cc2JsJZstqUP366vin3SAiDKIuLIg3nZ0/ibGT1YJxRzlV1e3ScQCMFxhhTwjClRiGPlTSj2YSIqO+H6+vrZ6++SvKs72XdNJPp9OTkxDlXlrum7iilYRgprQMhKKfYea+8RpLcw/QUYedhviIE6hghhKAkkKaZI2S73SPGZvOj8XjMv/R1Vc4XC2uGIIgmk5l3aDKZWd055B3y2FmrjdE6DMMwDIdhSykNEI2ITZgXwoUBkh65voooiiO2bvebuyXG+OzsYpbnAqeuXcecU1XSXvzB02P28uzv/+7vfvHqVVPevDgdPX/y1LuWMVbXdcZJtf7MOVeoW19fM8a4l0UUOtftVrvpdNqXK9UskyQ5X8zcsN3dfcjz8fEkrtamiHAToprbIsJq2K/3t0mSnBwfU9saoxwaRnHYODudThhjWuu6rrG3WRFSGimlGPOvnz5/9+6d7rfee2ktynkRoYgHT4+Lt2/fNpsv+empGtpUiH/xi6eccxk44QNmG4bQs5NRFEXOuc2+YQJdLEb7/Z5SdDbLt9ttTMXqy48nJyct1sZ083zhnNtubiIy//rZ6eXlJUI+xNopGVMfjOIAqXq/DIIgzLKIcKeVUgpRKqIoEUipNh+NulJFjG7uPmOMs4iUmy8x93tZ22Fvh8qrpun7LCRJgHa6CZNEa8kxoc6naXqLhiwcpenEefNudy3xkMcnEY9uh3I/BMph74hHjPKIYOYQCpJ00M57H3qMMIMRBB5TizAnlDlSECLbVvZdd/Pl09BuEdLjxWndSRpGPoqa/X4U8bNpTrCtL38Xx4vpdFxV1bt376rKTqdjreVqdZem6Xg8ns+nxqjj4+PtdmuMGo8L723fNaMiG4/y/W5zfn5+e3M1Go0I9kPfVqWK4ziO4+fPnmCMr6+vd8vrpmmeP3+uWltt7o6Pjz++/V0QBEVRqNaenp3utkvVdfUWCWzt0PROXF5evnz5EjTTObvZrI+Ojs7Ozq6vry8vP3/99dfb7XY8Hjlnr66+pNkkEomgoSGurmuJ9NHs6OzsbLvdTsdjrXVdlpTSyahgjMVh8OR00ff9y6dneZ5773e7XbVdMsaKJPinv/s/nz179urVq7JspFNpGDBkmrr59PFtkUcEz6pyTSlNkyRNRJaefPfdd/P5XHBW1yVNU2v6OGJXX95Pp9NffvPihx9+cM49uTgu96vpdBoIenPzZbfbTSaTJ+fnGGPk3Hg06try6suHoijCgGNMJ5PJMAybzWa/WxJCnj095Zz3Xdl35XxWVOV6MZ4D8Z9R+urpy91uN8pG3333HcwzwAjV2wqqlI2qicWE0UkxScLEKnv58RIhlCd5dpxxztM0/fDhA+d8nI/btmWUrW5XT56cxSHN0wAI45vNRkoZCoExG7oyS9MsC+PwxBjV1tuAM2dT6yQTrO12CNs4jpVUgkfT8UhLm8TZZrMi1FvdHR1PtZamyuR+GBp6u1s56p49O//xw/sgDctyN8lHCY+k9nU3XK3XFuH50clRwpWTPI1L13/a3Xoej/OCWfR0uviDp0+/Ob8I6oFRbciwb8toxgcde2QRUs5q1w+copChqBBl10VEts3ghmZejKmh8+Lk+zdvf/f+8vzJ86Fry9VNHvFJEmgtqYh6yx1m0gvnnSOYMIIxYtQnQ209wiw0iChtKWOUYNnWkyJhyPW7T4O2i1CzNKXUxiGX7Cqe4VX14fz0JIi93XXeR+VuJSgmyGKEnVEeGREJyslgh8HGd9dLzvl8fjSLj7quq6VuB11VzcWTp1LKde8UT4QQX/ZdojFnwfHoWAhxJgqlFBufJEkSH2/er+qXL19e/MF4u93e3t52XRmGYZZlRR6vNhuUFhu5yURGEpIeP/vuu++K0ZOO8OnT481mY8L481aJybOBVdl48u7jWsSLL7eNw9nLr/+Ec97KbZiOpDF1Tz0ttB4unr/03hu0703Qli1CiLCJRVYiHomIBeTNmzckORvQ9P2XH4uioJQuv7s9OztTuPUoSOcvrNMDSc9ev2CMff78OY9yFqCEjpIkW63WcRI2TccYWze3Is+m0+l+oL0aWJQ6YX1YYE6T2cmmk0mYfF5tX7x8Vq9WN+/e/cf/7f/aGn5zc/PxZp8kyfHxcRAEjm8N3c7n82EYJMJJlkSUBkEgpSwEN8ZcXV3lxbGUcjIZ7Xa7Dx8/fPPL8WKxuFu3v/nu03T+pO78bHZ+fX29b3TZGhGL2fGpMSaIor/7p1+nabHeax6FcRwXE+O9f/N+dXZ2lo+flu2H3dWbp0+fnj6ZLW/vrNLTKHBDk4RhGIcM672u84gwYomrGJEc4fv5anEcF0WRh6wu98Y2EA1FURRKw7oeY6ydDxnNRtlO3tNvIdJcrVacc2CVzefzJ0+epGlqrd3v97vdDqgI0MgAnh9icyiCHYYHhGG43++BvgYPGB4APDzgmYVhOB6PgcCf5zk4AGPM02fPsiyDGjRCiHN+cXEBOUHTNE3TYIyBjReG4cnJyZerJYzPp5TGcRxFkdayrmsgtiul+r5P03QymTjn1us1xQRaPeHADeikSJJkNpsBLe/HH39smmY6naZpKqUsigIh1LZtWZbQfGGMSZLEWhvHMUzOWq1W6/Ua2OWXl5eHEPX09HQ0Gn348OHDhw/j8fjZs2enp6er1erq6qooCoiam3oHdO+iKCC56fseOH9CCJhEBikLTDXy2kAVMY5jY0xVVfhhPtp8Pq/r+scff2SMPX36VAix3++VuQ8AoYVESgk1ibu7O/pwisV+v9/v94vF4vj4eDabYYzX6/XHjx9Ho9Hp6anW+ubmBgrXh5HLfd8DabKIx9Zq6wLnXBDyUAQw4Lau62HQ3mNKaZKGShFlTFlXITrmUXI+mUzPT6puL63Mi9FktuBUDEql2Wh9d/t3//ibj9e3LIz+/X/4D18/vfh0u+R9NJ9ORkXx+Wa9mC7+lz/7sz9+/fUPf/ff/4//4//x+unJn//7PwuDuFc1QqjvexEwTqn1BiNMCCYEGedns9l6vS0bHQSR9/Ly8rIdbJ6N8hxB72tRFJMsapuqbdtJnFFrLMYIOYI9xghhTJHDHjVdj7mIBCWYOeM9oSIIBKPd0A5NKaXMxrPRrPAsbqRt2ha62F69enVxdlptV1prpdR2u52NC4KMh7Hw9L5/1TnXdzaOIylVWZZJknVdt91XYIw+ffxQN22ej87Pz//rf/2vZ+dPhBCCI875ZrOBXAGS3YO0rFYrY8zJycl2u+37PssyQjylVGtdFEVRFJDQv379ejqd3tzcABUdWLCnp6cvX75c394BF9Y5B1oAb5jNZk3TdF0HKRc0uIVh+OnzNfDBmQjow3SgKEmllH/9138dhUmWZdB1cXp6Sgj58OEDIeTs7CQggfe+72XbrqMoGga13W45C/J8ZIyJQpqm6Xq9nk6nSqn1et11nRAsSZK2bYdh4DwBR9g0FWSiRVGABc+yDHjocAsguhhjeBvMMnHONU2z3W7jOOKcj0YjGF4C407BwpRlKYQ4Pz8fjXKE0GazoZTmeX55eck5r+t6u90eHR1dXFyAFq9WK9gFzvl2u4UryfOcEVpVlex7gBzAHpqHQw7IowOC4E+GPHEYMR4EQUDY/YAO47y0FksNnLbZZBzHMceuKIr1Tb3b7eBEizAMoR/XOQcEYdj+29vb5XIJnbhZlsVxPBqNlFJgcQghu92Ocw4iIoQ49CvCEHOEUNM0RVGEYQh1OULIarWCEm5VVXEcE0KGYQAqa5IkXddBfzBCaDqdRlH0D//wDyCI5+fnbdvCdUKWB2Rn6IKL43C5XN7c3IxGo+12+3A9BNjQbdsGXMAhSuBdQMcIIdAgaozpug5iWPATNzc3cJv33QHGDMMAxj2O4+12C+3XVVWNx+Ou67quA2wEuJtlWXZd17ZtXdd//Md/DJpwd3eXZRkhpGma8/Nz6FuDzqCyLMFPAPMdCH/kYTKac07we148yMd+v8/z/NmzZ1dXV1VVRVH0r//1vwYlB7xlOp+1bds0TRRFk8l9XgxXBQsOjV38oUHU2vsmr77voV7inJNSQnMvtGgzxpIkAacbBaF1OAqE80gElFKslFLSTsbHbaParuOce0Q8Jt0g66bLT8ac0FZ1n27urtfXTbN//eq5SIrEs/1qEyTFrnr/2x8+1xJNjwShQdM0TVtNxsXRfHp2dHT5ZU2R+frli9lk9EGwdz98jql2/n+WUlltnDN9a7jIOefIG+8spRQT74yhlHZdpyyeTCb7WnV9bx1ljKV5kmQ5DxjViImAPEwVxhhT7D3yCBNEkEeYeI+9740POMMs8IhqqxxyIkCMUsKF9sRixsPIsbBVpmz7updBEK2qu3NxkqbpdnkTxzE0FlBKvTXeGUwQu585bLTWlPLxeLzd7Y0xQjCMsbe6KApK+XQ6rZs2SSLw2U+fPt1ty0b2CKG7uzvoHnj79u35+flkMjHGlGV5fHxMCHnz5g3n/OXLlxhjrTohxHK5tNaCs18ulxjjT58+OedAhtM05ZyHYQiVGJBn6OmDeAJAV0opTEVljIE+TqdTqHhJKT3BCCHon8iK0ZMnT66urmaz2Xgy+/z5s1KKMRbHMeeibZvZbMEYgSFRq9VmPp9nWba8WxPsldJ9J+PIE0K22/1X3/zRmzdvKKXT6VQIppQaT0aj0ehv//ZvhRAwIySKoq4dADf88uULcK7iOAbFB+1eLpfgBeGAIQgfgyCAUCkIgtVqVZZlHIeEkJOTk8+fPx8dHU0mk77vhRCz2Wy5XNZ1XSQRWBLoSgU2CuC6oICgyxBtQCDrjO26bkAoS1JBmdbyEBOjR0NyyMODMcGdVsbYQSoz6EFpTBlCyBq331d3yzXGOEmyJI2Hpmr7wXtX15XWOk2Tosih9yRNkziO+r5r2wYhtFqttFagxnmeee+F4FVVBUGw221hcBp0qYC9EEIQgq01+/0OBsi0bTuZTIIgKMsSgoimaWD5wEJB79bp6alHaDab7fd7GIKjlErTVGudJAm0mEP0DVByURRdbwBGN8ZAJy6cQpdm8Wa74pwfHx9BKEopTZKEkfuhgGEYQjMqfHa/30+nUwjVIQXZ7/e3t7eEkDiOIaiHFY+iCGa/QFM+ISRJEsYY+IM8zwGzFkKs1+u6rs/Ozr7++uvlcglCM5/PGWOz2Qzar5MkmU6nADpDxQJGNUCwD80+sGLWWillMZnCuXQwWBHmHAzDkOf56ekpoEnOuaOjoyRJNpvNMAxRFMFJcjB94fAn9L5HUQQkGZjO1nUKxocdHx8nSbJaraCH9mD9lVJhGMIiG2NiEjqn40RI1Tn004zJKIrkYDwmHpOuHxD2lLE4zd59vvt89fndp7ffvf/eeCQEOn3yvOxUV/WER45wxALM0Ols/Ks/+ZN8Mm2bVRwGAWe9MXkcTIqAE29ld/vl0/HR7Pgo9t52TU2FF4y1Q2uMYJhwzr3TRmuMsffOWisHFcSJ7p1Sm6YbRFgkSbbblnLQQZTEId81e7JXDNEoTJxzBGHnESEYIY8Ixv7+qCUexTQIPOfW+N455JxrEXGmSMNkPNZaG0TKqm21Vw5jHk7G481mc3O7jAJujBuNRozhKIrSNJW9V9IQgtijM4NgyEQSR0ZbQkgYhqPRKAzDzWY3Go3Cmztr7XffffdHf/RHCKGub6JIfPr0qW3b8/PzPM93u91yuYyiCEYFwGgNIC/CHAuC7fHxMTQQQJmq7/vZbAbqDJ0B4/GYUppl2Xq9Hmc5IaRtW4wxmPJhGMIwXK1WoA5pmkLaWpYllKy01l3XIXo/m3O/32st0/T4+PhYKaW1fPLkyWq1Wq1W4/F4Op0KIYQIOGfDoLSygodaWc6CMIy7rr++upVSd93gvZeDXq1WoGWEIEg+xpNREASvXr0KgvuxdND933dyv6sWMxyGYZIklFLoIzl0wMHyMsagn/nk5GQ+nyslgyB4+fJlURR1XR8fL+DwTlhJUG3GWFEUNzc3ZVmOswQ6vYuiYIxlWbbZbDabDVB4YUcgp4ewjDHGRKC1tlpzzuEovCAMgelw6GKDwUeYYIQQw5RZNVjvlXFaK2McxtRYr4zulEUIp2kmgsgY1/fSW4cQA6AtiiLoBoSMA6iKUP2LogjSKwjZ3MMw7rqur66uwjCcz+dt24J/hos7dJoAhoAejvekFKhOQggBYWMYhlEUgeXCGNd1DUErTLuFsLeqqpOTE7i8y8vLzWZzdnYGbKTRaFSWZd/DGR7MORfH8XhSQPIF470gLM3zPM/z/XYXBIG1drvdAuLBOYdcAcb/hmFojAFzHATB0dHRYrHw3q/Xa+jKgbfVdb1erwFWiqLo5OSkbVvQlrIswYcB22+xWBBCNpvN27dvYSlgrYIgGI1Gl5eXMH0CKpZA8AKZAxvqHuZhwWLWdQ1k5P1+n6b3Z77Qh8nyMEsSRktCWi2lFHGSxokxxmpjjPHWeeum48kwDLIfGkyiKAq4cMZqrUdFYbSOowhAJ9iOxXzeNA0lxDtntCZRhLx31jJKkTEEO0aQRM4ZSwWKoihLA2V0lKSMCsxo25VBKIQgPAr/8YfV3//mdx+vPwZZ8s03L7UeRJJhHjfDZpzmVdsVk+l4NrWIPX3xPErinKTCOYSMHtpxEs/S2DT18urT109fLI5mp2fHxEnrdCzCkMbeGw+hOQxnt1DmvR8aFcfxerdeb/dlWQaW5izslb6+vb25uYsvjjGhXddT7BiBJnGPsEfOYowJ8hgjjD22NohiRKhF2GJMuUAIGYS0UlzRWAQekWaQTSdZUgREIMryfHx+9uTL5YflcskZdtZ3zfD65ZM4Dp0ZFCCfzjNGPCYWEZBG6P7tmhZjnOe5HuRolO/3VTHKRRBg7A8zT6JIVFUFaeVsNjs+Pq7r2nu/3W4nk8mbN2+CIPjTP/3Truu+++67PM+R13meg1NZr9e3t7dKqa+++uro6OjTp0+r1Qq6xgCggEjiMP8LaD+gvLvdLgiCPM+TJAGstaoqSmkYZVprhFCSZ1mWRWGc57kyer1ertfbpmkWR0fPnj07Ojq6u7vbbDZluYuiaLPeEYpWq2UURUdHR1LK29sl+I9yX89mC2ttXbWU0uXyNsuSPE+h1w/is+VyeXFxsdttmqZxznFOwTNpre/u7iaTCdTeIe+HfmaYzgR2BoIb0LU8z3a7XVmW4LRAuznno3EOcG6SJHEc7/d7yHW89y9evAC3CtSD/X4/Ho+vrq7AB6BHB0iBoYO5TFZrjLFW90eY4UdDgA/PCSbOOeY99g4DFGGsJpR776Uyq9VGWRwlyWxxbL2rmt55RBjvqiYKQxgFtVout9stjE7NsmxUFPAbLk0JxnEc51kGZOeqLLVSQog0SYIgSOKYYDz0vdY6TRLILuMoytIU5lsdBnuGYVjXNcYYUDlo36rrGlwIRKAAkB3+FRpSgHYNsGOaplmWAdNjNj2hmMQwWlkIrdR6dYcQyrLs7OQ0DIOu67RUSRQncUiwB1i/73uY4QUbDFII+zedTmFIJBRy7+7u4PhsMMdwtYDpQ+8osLmTJCnLEhCepmkOSVzbtsDbKcuyqqrZbAa8FIAvjo6Orr58rOsaWCjn5+eHIbTg6hBCQRDANRNCsiwzgwR4HdC3NE0hBPjy5UvTNGmaPn/+HGD99XoNLg18JEQNEJ4fsnLo4YTkFDCHYRhgVAC42NFopLUGzBRcixACvBq0+DvrETZak6FrlBqCOPIec8619mESYcSMs00rMWdWO2PVi1e/+MfffocY+6N/8Sf/5n/907dvfvfl+mY2Gk+mc2p9U3eASP7w/kc99DjLtFVKG4z9KI1ePT3/8f3bd+/uPr9/8z+9fskZ/sVXLwKGpqOi1x12dlKMMPGEEP8ATTqnjXcAISLElTZpms4XR6tdd3O3ajvpbPO779+M0uhkMtkvb/b7XZ6mKZxj6ZHDjiJCkScIeWedNYgF1jtkLcYsjCLGGPFuQJYQghl1RjvnmOBJkrTa932v1C5MEqWMQ6Rp6k1b5fHhBFFnrcXeWsvcwzR8APeEEIRirbVHnvOw7/ujyeTubnVxcXH5+cvTiyfAGsqybBjar7/+GiasKaUgTozj+PXr14BzwuiFsixhv6IwWa1Wy+XyxYsX8/m8aZq6rgE5BIvjvQekDgI4QyikDm3bbrfbYRhAyGFA2/08VDhlTAjnXNc1fd+HYcykhAgpDMNyVUHNaT4/CsPw7du3QQBheFeWtRAhJN9XV9fj8RhKOJvNdjKZJHHW1EOej5Q0WhtCKGYMVOns7Ozo6Kis9gBdQlcNGIGqqsIwFELEMXr35qMQIs9zyCAB8AELsF6vAVSE8XYIoe12+8MP3x/6n4uiGIZhu93e3d2dX5xCY/kwDJRigKeg7vj06dPdbieEgImq1lrQmu12CxoKht4Yc3p6WjcDjAWkMLFSa7BpUOXyjyaSwsN7DwcnEsoEY0xjAh6gU6ZqunZQR2EcRVHfD11dMWStVmXZQv4Flw4d5Eqp58+fj8djEJQ0TQGzBmQGUn4Ql7OzM/BvoOdQSxmGASZkAiYznU6TJLm8vByGIQgCgLnH4zEYUyApYozH43Ecx2mWwYvwcbDOaZpC+AnRKFixoiiUUgg5ETAwhZRSjL1Sar/fJ0nCGAXSpAhYksSA5CwWi8MkNgBDQPIgMgLrCTYdLgxwt9lslue5tfbu7g7iFxBoqBkAOg+GHgIHcAywejAKDWQOvAikLNZaMLvgupRSsP77/R4om+jRSXhgedM0HWf5arWC6AkS3qZpAHeDwvV2u71HmRhTSg1DNxrleZ43TQMVszzP5/OplD2luCgyGNV5GGdfNw0gLXAMVhzHINaQpcLvBkEADQRBEHBsjHVG6fvJqIZbR4xxCNGuHa6u71bbzXa7/uWvfjEapdbpk9Oj6Wz89pPbl9vtetN13X//m7+NKfmP//7fr69unFbhbPQHX78OQ84JUkNd1yVinDISs/hkOj6djJb8LuZY9aUIg6++ehlwHEZBP1SD6tM4ypPQOaO1hgMKlHUY4yCIOqnDJHPOMS6m88W+vWmqwXnMRVi3rfOY8qDpemOMCEMppffUY4898uS+6Qh7h73FyBOECPaIYY4IY4RgbCRhBFPkOcFxGDjlCEFCsMm4+PWPm1GeDVKPRpOrTzvgXAGGC4oDo3YJwggTions2iyOEGXe+ygOh16CLS7LEjvbtm1Z7S/OnxglvXXb7ZYQf3x8DDVAACGBTJymadd1ULd/8+YNQujs7GwYhiTOASw1xgD6B4xhY8x4PAZegJTy5OQEQnXqkXuY5gbnwgsh2rYFuQV7BBAz1Ga7XiqlgoAbo6CkGUURIISLxWI2mxLKoaRUFEUUhWdnF9bqOE6dq8IgHo1GTdOuVuuu66IwSZIsSQZnkXM+z3PnkPZGa73bb8eT0fHxcT90cLr3aDSaTucw4PPbb78Fvqz3/vz8bDQapWnSdZ2UQ993zlkQ7LqupJTWwpAASilxzj558uTm5maz2ZD74zvMZDLhnF9efnr9+vUDVZpGUQRtkn3fL5dLgLZA6ebzuVJqNBoBYAUgfhRFTdPs9/sgDO5PB6IUHDPnAuZhgHc8lEYPZp1xHkjSQjuPuj/UIqBUp2m6r++UUtbaoWursvRaNeU+Gk26rlFq2G63zpnx+L6SKQTz3tZ1SQiZTs+89/v9vm3r9XophAhDMQxDVUH67zD2SknI6ZbL5W63mU6nnNO7u5ujoxPI0aD0Cl4LMguQlfF4jDGGhtWqqibTKbgNQJQgHgSsCjwEZDFAutjtds+evWyaBta6KLLT09OnT5+Ox2NKSVmW+/2eMnwyPgHKNiFkv9/DeEKAKSEP8A8H7gAECR4LqsSz2Qx8OBzEs91uAU7x3ndd95vf/CZJkhcvXsCLkJDCx1erVdu2z549g4Sj6zpIWYCIXRRFkiSQKgIHRim12Ww+fvwI80uhTRSwPKAkwcellJByAnAEoQcs7+G+CCG3t7fe+ydPnig1ADeraRrv/SFIAbJNkiQwZSlJkqqqyrKEoOxQokAIQbBvjAEMHcwBBCwYY0aIVPdHwoK5NxZTzupGrjfrv/mbv/vx040y6Oh0Pj+aJCIxsp2Psyzi67vrzd3NJE8CigXxum+2q+uQcdkWr56fvXh53vbd7XqVhUGSpf2g9uu7MEpOpxP/zZN/+atv0lB4p7nAUg1k8HEcW6OGbgiyouu0NioQ97k2xpgHQnicZVnXy89XXyjPEWFZlmPCirHOinEcp/2gttvtOE+Koliut2GUeO+Rx4iAzUXWY+89w8hTyjl1CCtnnLIIO68HZTxFgjMmBBtM58wwmRz9wTdfvb1+Yx3xnkym87urT1EUPX36lHMuVW+dJsjBSA9KOcaOUt9Uzfn5uZSybfsoibu2b6rq5OwcIRRF0c2Xq9PT08Visd1u67qOoijN067r/tt/+29BEFxcXECyGMfx999/nyQJcL2CIDg+Pm7b9t27d7/9drNYLJIkAXCZEDKdTiEDBhGFtoO7u7thGObzOfX3Q3gAtQDxAMYE5BOgCKPRCKSxqluIOpU1bVtPp9PxeJxl6Wg0zrJstVpZ7/7sz/4MgJevvvpKSvu73/2Ocx4E0fHx8YvnL69vvmy3276TSpqzswuwzkEQzudHzqHe9H/4qz+4vLwECtzXX3/dNM2vf/1rgGE55/P5/O5utVgsoCJFECWPDlfCDw+gsoAtatsWmBGA2AA9DAK1qtpDLg7MMSnldDrN8xSy/NlsJgi6ubkBWt3x8bG1djwev3v3DpgUgE6DswS6zldfvyh3e4QQDQLvfRCGYSiauuac+4dTrQ8XCc9ZHMeqqzljWus4CJv9NssKXDdW6a9evbaYQJzbN5WxJk1TQihFOA5Cl+Vd3QxtF3IxG0+KNNvv90kYEULqfRnHseqHD+/eSymP54skiuHclq5uEEJFmjFMZuOJMSZP0kkxAgsVMA7g77fffgvRwXQ6ffnyJeDUZVne3d2B3YQWJCgrQ6UoTVPoRYI5fzBiF4x7nufgCTDGu91uPB7vdhutJeeT29vbyWSyWi2BUtn1zcMZFAySKaMdAG273e758+d3d3cwd2yxWKzXa3gFOndub2/zPD87O3v//j3nfLfbwdXO53MIqI+Ojv7iL/4CZBruFwzf+fk5kHDu7u4+f/4M5h5an0CGIBBu23a3223Wt69fv4Z649HREbgNzrmU8scff4QCrHk4c2O9Xl+cnEJhHao0UkoY3gs12yRJoLELagZaaz1I8Ciy7znnDJOQCyGEVdobW253wGOBfaQIL6YzKWXf95EISBhxxp02hBCr9K7bEEKIR/vNNgzDcV4YqbZVTSjy3nDOeciDIOCe9oNKkuzqevP925vzi8nR8fz45Kxt+zAM+3L9L//o67dv/+ny5iqg5mQ2m+ZRX+4SQZ6ezNuqbnZ3DI9FEDCvipiFXFhr4yjIs0QO+qunF3/4+mWWZcYM3mhKaRxH3hkpdRBEgvL74b3IKiWdMwgjCDC1w8ah6XQ6nba72mjbiyCdLU73m+/v7la3y/XZLBtPZ09OjvLRpO31ILVBiBDGEGGMEYcxMo6grm1EFPd17QhhLFRKeivjKLSy81oxRpVRcJ6c6rsiiUeT2acP7z2mq9UmyTKacCnlYjFr6x0jdDSbMULrurTWM0LrsprNF0KI29vb9Xp9dHTCBQuCAE4ZlVJyThkm291mt9sDRIApBmog53y1WiVJArE2FGP0w4laQMGC+v9isZjNZrvdDhQqjuOqqgAM9N7f3NwEQQA5pXMuieIvX74AMwQScQCUKaXn5+fOubu7O4iHYJ0ppX/8x3/8/fffG+8Wi0VV7SEY2u22wKG4ubt99uxZnISEzOu63mzKQ7jGWAGEy3/zb/7NzfXdX/3VX2FMF4tjOWjg4CKElBo+f/54c3P37/7dvwMS4Xg8/sUvfgF5/O3t7Xg8BijyP/2n//Rf/st/0VL96le/ury8NMY8efLk0P/onMvzHKpxL168uL29tdZ+/PgRjjaDcuDZ2RljBMzRbr/Zbrdff/01RIpFUXRd9+rVq67a930P1a/9fg/Z//n5+eXlJTg8sGDPnz+/vb2FhYUFL3e7J+cXSZxcXV1GYUgIMc5A3QKAhDAMjbMYY/btt7/G1lhrA0atxc5aJXtgAc4WC8pEEAR91zBMZvNZnqX1YNTDwawwtAuK0UDEgQCtaRrgMMHI/CdPnoCjhnwB6ORA7gHOJowLBwAa7NRsNjs9Pb26ugJvPwzDx48fIdiEAAGmIcZxrLSGowWXyyX8KJBMQIzgnqMoghBbSqmlFoz2bReKIOCChpQSnCZJ17ZaDUWW61C3dRNFQRzHsu8+X97A6Hpo/wG4GYqfcOIH8BHX6zVwj/b7PVSMv3z5AoJlrTXG/OIXvzDGAAMHuljVwwMSAqh5HqDGqqqapqmqCsbJHh0dAVPw7OyMUgp0/vl8DkEWGP33799D0H12dvYP//APMJng06dPWZYB8VYIASD77e0tMGrbtv3y5UsURYClUEo32zVjLIqjYpRrrQfZo9rneZ4XmTE/Hc4CWB4mHEAV/OigXvkwmz5NUxBcrXWe51AaYSJAyHmEMGOCc0wY9pQzhjCeTCYnJ6lz7k//9E9fffWiH2qth4DoIou/fnH2+dMVUt00j/71n/wLgVC/32KjQuKIM3ZoLLEU+5B6hzCjhFKKPQooEVEowiAI+K7cO+Q9cpgg5CzE1N5jazXy9+f4EIIwYQg5ROh+1+Rjl+TF0fEpi1Uj75reLFebLInPz0/TPCeUxXFa1e0wDNahLC+kRVpraYxSiiPDMIxqtxRh4ywhNI1CHEfO6ohTZML18loOXZpPkijaD6ps19J4SrnHFGNaliUyhiAFoBkgfkIIo6TVziIlkmQ+P6rbqu3qYRgmkwlQuTHGlOL1eksJGo1GkOkSdD/pF5qoz87OgDh4OP8BJOcQn7ZtW1XVbrf75hevIOQEvgrY0wN/DgDVLMugCN/3fUAZgCd9308mE4TQYbAzAH1A2e667vb2No5jQlHdlAi7MLhnUsVxCK3jl5efAQf/m7/5GynlV199td/v27bjnOZ57pzZ7/f90AKImhcpZJ91XYdBnGWxECwIgovphZQyCLZfvnyezaaHUObu7g5wpLdv3+52uzRNv1xe5Vmx6m9ubq7yPI/jMIoCIdh2u6aUtm19cXE2m83evn17dXWptZ7NZk+enDMm2raN4/j4+LjrOvj/t99+2w8t5AEAaUKftvd+uVwC8dyY+0OGAXZ/9eoVcKDBqgAaA13f1b4UQhil6rqORAC1CiEEplg8nNmplAqCAM7IZf/4d38/HeXjRMAAo4DxkItRkRtfcUYxQdYYOfTeuSSO8zSr5UaqPgiCYpR5ZKuqct54ZLmg1lrnDaEojASlFGHHBRUBQ9hV9T5N09lsOgzDYrGo65pQ5LyZTEeAwPZ9P54U0+l0UO7Lly9pmsL0WsjQAS2BrB/cO8xyApECij5U/MCpHAogUJkEnizQtrIkAz8xHo8JIVBZyvO8aaq67iaTSRiKtq2DgFNKt9uteRj5DX0xUL+FA0egrelAtAccH3I6pRTsNCEE+lPgI4cyo384NxXI/lrrxWJxdHRkjNntdsAFAvwRVM4/HEB6dnoiHx5t20I7D+BowECoqqrrOvABXdcBzeA+KWMMYwzk99Vq9fr168lkslqtwBvBDxVFAUoL3E2I1AAcd/dn4DJ/f2Kqg4DuwKW5By44P9D5gRcP+g/gjNHGOUuoCzlHhFqPkPeEc0r4fD4/Pz//3e++j6Kg7xrvTV3XobbUoovj6axAAhmkuqenR31dG9VHjJAktNYSZBnxXDBKkSGBoIw5b6UiznFGOcZeK8Gpw2DvCXbUecIQpoRKY+GwdkIoxgRhj5DziAohHMLGmF4ObdtLZZzHytyn3n//938/TcSLi5MgDhBm40mxb3qLsEXEeUIRIhhzhijFzHPj0ND3qu+1o9571TXE65ARSkSeZdahL9e327qP8mk6mmy2X5qms87vy6qIGcYUiFVd19JIdJ3y1gGoRTyJgzCIRN/3nDKEad+3TdN0TfOhbUejyXg8juOUcd62fZqmcObyZDYBuBa2AwgtQE8EEhq4ZCAgnpycaK33+/uDJgDfA2gUomnw6MAIgCL/er0GkaOUHghgUIiCIuEhJyCETCaTbuhhfEWURHmeSql3ux2mBA5mIoQ8f/kSUmFo2DEaZVlWFFlVVV3foB6laeKcjeP46Hjed9IYFRRFEsdSymHobjfb0WhydHR0dXUFQ0qiKIrjFE6Vefr06XazW8yPnj59Wtf1dDpdr26bpnn27BmYS4hdhBDHx8ebzQaORgLeR9M0WZZlWQGL5pzb7/eTyQtYIo8sLHiSJH3fgnZANgyauN/voaEEupmAA22Mef369Xq9BhrCMAzL5bIuK2C4fXj/I5kvkiTp2lYpxQQjD4ezg25SQjHGbOhbEwsxiihBCPsoFGHACWfaWKtk2yvGmNMmDgSntG9r0GfQczgDAZzG0dERWCIwVbAiQG0GHxIEATQdXF5egqXz3p+cnERR9OOPPwK/inO+3m7gO9HDdGxo2Xr69Kl7OLIZpC1N0+l0utvvgZkHEahzDrhZ3nsIE8AaHqgp6v5sXxInUdd11FFjzGIxm8/nEGunaXzg1TrnptPpaDQCdo17OCAbmphgsGKSJJPJBIrpAB2CiYSyJ+wWxhgaw0Cs4abgXiB5BBcNIf/BXIKfyLIMFhxe/PHHH8GsAOwOwD1Up09PTwH1vry8PD4+rqqqqqqnZ+fQkAWMFyAtgIUF+wsNLEDRUUpNiwKOYDdK33MWnZP9gMNQS+W9F4wjjL11GCFOmaf3Z7QOUoHUwu1cX1+vlyuj9GKxEIzvdjurTRiGu0ZbZxjCnhAIij0hjDClTRwX33z1ddd1XdsMfVWMUqNlFhfemdPF5P/yH//d7HiOnBWUBlkaUB4LQbBXSnmKKKWYYuuR9dgi7401g2TORTQmzg5GUk4pI54yjLFHiDCGrEeIeq/Rw4HCCDmEkXPYIhenCUKo62VZ1uttM2jFgpxQ1tSbLAqjNJofnxwfnxrdD2335WYpjQ/iJAgizkKMDMUeYWed44xzymIcMoejNCOEmCgjTjFkKUHKmH1ZM5G8/Pol4tFqW9V1q40PwxghEsQRtYiHHCpGxphe9hEPxtOJ6ofVarPf77NJDu68rtq+7/PReDwe397cSdlbK7TW2rhhGLS+J8BNjxbAA+m6Dg7V4pwvl0uoikF8DYyDxWIRRVFVbkBi7cMRoMCjBY52VVVQzz8csQJVesi8wSpBXRROv4M6IbQmzWYzMCNwpgrGWGtdVdX79+/TPAvDkHMRBMHt7c3Z2WlV1Z8+fXr9+rXRjhC83W735baqSiFEnmeAXE8m4zbokCdCMITddrupqrLpG+hBXS5vD8xChO5PqppOZhgRgFKB+gGteZDlr9drYGeAzQHO4i9/+UtgHG42GyEE58FisYC2eSEEMEfOzs62uzWsEoAHEKRDqxeEsBAOAowOhVPoOwGYC1RpvV6vN7ecMs55/EDrOMRbmGDoRAG0GWydtZZlSRKKIA4jhjxCnhOs+q7XZjadlu3Qtr3VzmgZx0GRJVoNsyg1SmOMnbHOWIIwI5Ri4ozllLGAgfkDqmwSxU1VW22KLF+tVrIfkiRZr9d5ngdcGGPUIJ2xgvHZZEoQvvz0ed9ARzJp2xbCQAi0oX0WKO1AIgQCCTS8QDUV1r3v+6IoqqqCYVWANQMaM5vN9tt927bG6jiJABqW8h64p5Tu91vGGPSUNk0zX0y7zoIJBlQdwBZoGoaaBrgi4OGC2b26ujo9PT07OwPmOJyWAAAO1DAh4VitVpeXl/P5HM4+hfG2kBbcD2BpGmCkGGMA/oPTgmCqAbRQARwMHQMwDvfo6AjMPfTvQUMAVF0OtNYkSV69egXkzrquoVIPgT+2+nAvEILBSYRQnScPbZMgW+KhC/wwVgGGOsAPHbT9EMhzzmkQEsQp9ZhShzHGFGOMMdV6sMK+ePHi/OIUY+T8kCSRscPQ14xzgv0vf/mLumu1MbLrAspYLDBh3llEGSLeemSMHZSWWDtD8CCxVIIxDqOznB263nKOBfOIUYepI9xT5R3CCGOMPRwN7J2z1jvrvMP3HbAiDEWoI8NoEPaD3m02RRo+PVnk2ejq5rYpt5PJRGnbSq0R155575GznDjqrbM65CxM+OBYO+hyqK21Rg0UWTd01gzGmH4wlvJIB4PdX17dUCaiKBHEcebhMG0IxOI4FsRjayilyLq2bTebjdVOJPdsMcowISQIeBynbdsqqcFeWOsJpYwJa23TNFd3tzA5AJQFcL+u625ubiASAtIwxB8Y4+Pj4/V6vd/vEULz+TwIgs1m8/79+/F4DIELaAF01jDG4JUoiqB2hTGez+dg0Xa7HdSKgOcGdN4oCaGzdBgG772UvZSyoKOrqytCSBjEP3z75le/+lWSJN9++1vn3CA7yNoxRoSQMBRhKKzV6/WS8yBNU+9g9IUaZBcEwSSaLJdLYOl4b6HHpWm6V69eHfKM7XabZUWe53Xdzufz2Wy2Xq8B4RRCvHr16s2bN8vlEg5mAZrcZDI50HattcAImkwm6/USTqycTqcHLAusNmOsbdv5+WnbtnD+BOBRB0YTcEMBhMAYTyYTpdTV9S5MgwPjGbQMDIi2GpQRaHVAO0aMMzUMkhPkRs5ZgrHgbBiGrhuipEDWIG+HQZbbDRrl9OIkiML14CBlgBQbcNi+78Hm2ocjt8FjADIAZInvv//eWvvVV1+BbyEP49oBlIBzhLuuu7tbnp2dzWYziHAh/zo6Orqfa0wIgFMgxyBJt7e3m80GTnBOkgT6Obvufu8RQvAEiiF5nJRlOQxe9UOSJJwyPcjdejMej5Mo8DZjjBGEhq6xWk5HY+fuKyQQ5EKhGbBv0Degb4Pbh0LKx48foesXkix4JxCVDhiIEKIoipOTEwiub29v4RDR4+NjjDGwUOAVqJN0XQco2/NnzyDXA2S/bdvVagXQJNSpdrsdzMOBzPfT+x9fvnwJZ0BDtA50I2AcAqsM4gjA8bWW0E1e13Xb1gBtJUnUtjWQcKE1GSEHzC1r709Sh22FwhTATdBgtVqtYPUYY7vdjoqM0gATq600g2WMYEyd7dI0N1orrebz+Wp1K4TwVuuhX2/L6WzW9b3ndF+WURQhSpuun46nyjjkMWYBYVhjrKy2iEZphqT0UgHfzBpjten10FuNkMU4QBh5TBkLiGfEeeMdQofD4J3zzjprnaeCKG0HraRUQy8dooJx5w1UNbbb7fv3ttrcGiV/+ctQGXuzLoloPCJSSkpQFgWRINg7xqOswL2yq01Z933f91b1gqAiCfuuSdO0GE32df/mu3eNctbTYRBKqd70LqZ4141i4r1P0qgpO+9xGIYUE4j+oiAM8mg8Lm5vl2Bw66Cty6osayllmmS+hxb2ANxq3dyPxQcy2AFGO9C0gyCAyir8E4Qvu62ESAXkGT2c1bVYLCAnA24YsJPTNLVSQdQShuGhUNR13WQy+e1vf4sxBsoWIJbACY6iIAi49RjCqVevXpyeX8Bs1CwtIKA5OTk5OlqU5d45p5SUcpjPp0IIj6xHtuuHQXaUUkIoD0RdtUKEYSjSNH336e1ydYsQ+rf/9t+u1+vlckkICYIIZtpAixylHNIIxlg8KeIkfPP2ewjUkjQqRpnSQ16cDMPgvEHYWacRduNJEQRBUw/v37+HcU/OuSRJzs/Py7KkCgPmCcuCMYZjMSAwBbgcBgM8MBQ5pEFSysNImcNsAOdcVVUBF03TEIIBfPPm/iytQ4RuveMMMaOkkthZraWi9j4QYxhtVnfNcH/SR9fWkWDDMGBnm/6ecQxDZGBXILuH8utBOCBhfPXqFVgQoFhAwRAgAkCfoUkSWJlBEMDMWEh/gBsHtQKolYM9LYoCiC5t26YPc0XAH4K53Gw2p6en0BV5ONAd5n/JtoNvAG5T1zWAgZRlGUYCYv9h6KCFByJTaOuAcAZyTHBmwHI9NNOCXQM0TUq52Wz0wwAmYJuC3QQ+O6gB1K+ur68BvwKiISGkaRpovojjGCB1EAuoqYJ9B78IiwxvAIb+fr+H7AH4woBuDcMAsCY8J4R8+vRJKXV8fAwl07quIQyJRQhBOgD60NkPYwPAh4HbBgRfKYUQgT1ljAGAyPlPJ69CfAHOHlBaSpKIc4d8NyiETRrFlAL9lGGE18u11VrpzhhizFBX5Sgch0kcGiO1TfOCs2A0DqvdvlPWSckoDZkgGPdaOYxJEAVh2EvtEA4ZCyhDzmqlnDNcMCQEDkLrMUWcEcEQxcZhpxDyHlkw6uB0CcGU0kGpqmw2m81yuSNBIaKRc+7pxcUvv37Zl1tCXJLlq5urN+/eN12PRWJR00vVti0jdFQkaSiwt4jGReeMx9uq0RYzlsRxlkZiXmQffnxXD24S5ifjM5eUZrndlW1Td3LQfd8mYbrflwyHdV17P/fed30b84ALJo3kVMTTRIiw2pddU0MemWaxlFJqk6apksrIwXvEGAFLLfvBWvvs2TMIBaAbCDYLtAbOfoHZ0aDXWuu62o/HY8BJAHvM8/ybb77ZbDZQIwVwWTxMv3DqfpwL9KxB6KCUAuIZ2FAhBBiyOI731S7Pc865NJpgghCCaCBN09Fo1HY1VK3KsgzDEJjBURQFAT85OdFG3t3dwZSboigwxhjRLEu7rmOMOEeg5+D169dgHIdhuLy8yrJsMplIqZ31gxmyLDs5OeGcr9drxhjG+hCQQRsdTCWZTqe3t7dAAYCgGPSC0TCKIug8995fXJyBmtzcXkHhqigK4CPAEum+g5Yl6FcHuBh2AfiREI0553a7HXSuvHvz9ujoiBHCGJNSHh3NnbXmYYYXWH9YT7AerCiKJGRBEHhrh2GwejBaOuearm8GZR0SnCdJksYh8a4s90E2A/e+2+32+z0AvkKIT58+QVMl1P0AQ4eZLU3TwGTBs7MzsP7WWqgoYoyhmA5+Jsuy2fHZ3/7t30LzPQCFUEQFwjh8LVRQKaV1XYdRdHR0BM4f2DUQGgMIDsgMkO2klEqpm8svQRBAR1zf91W1J4SMx2P48yEuVsfHx5zzm5ubqtXgeKBNAyg0AA0d6NtQ5IHcBQylf+h1OjRVjkYj4HhBOABD3SA7g46toiguLy/hML/T01NIgJxzMN8RThR5HFADuAEuBBpTh2G4u7t7/fo1nFq7Xq+Pjo5CxqGeI4Q4OTkRQoALmUwm0GkFoy2gzNU0TRqmUHQFlhsglRDKHUAhqJqAMBVFAV4ZYD6Y0HBYcBgEBowjCFVK6QlhCHvnPMaYh4Ggwtlhu90u5qdJkmitZrNZPzRDt0fWsSjoe6msGYyeLo5W200UJZSJqmyMVGHACRceobYfPKdpFNdt19YV6YY4jDjnxFNEPCWixw4Fgecc2XsDbp1FxiPq0KMHxphggjzSWit1HwdZa50xUPduGjwajZrt5vr2mni9Wq3nhB6fnFed1A732mnrjZFNS9TQq6GXTmRV12u3KRuESRRFcRBkkfjNP/3aKJmmadnpVrl6cNJTZV0YRpR572WejzZ3W+hE2+3GkyLbLGuDDY1ixhgKMMa0rmvELRQkwVweNsg/OtIaIm7rdBSEQZIc+hvBIsNuAox+aHCDgAZG90DF2z08oDthtVoBh+3QcgkfGaUZsDtgIBLU/OM43u12z549Gx6GL0GQEQRBLzswqcoagB201qvNFsZlf/vtt/P5HNRECAGTUrz3QvA4CXe7vqr2cRxCONL30jtcFEVV1ZTwpumklBcXF2dnZ2/evPnNb37DOffeAnMB6v+Q8l5cPFVKff78+dmzZ8ZIxtjp6SkIMKz/eDy+vb0FW/z27du6ruEE9qqqtptqPp/DsQ1JklxcnN3c3Dx9+hST08OhvovFDBCb7XabxyFMy2GMrdfr2WwG5hh6UCETAuhYSnl6ekqo67ouy7IkiozSldwnSXJ9dQUhIKWUuPtuD1BAgimT1TJhE48QSzNLiGopzZLIGUPrfBI459quD5M4SfO95XxylggKM2xV12ZR+PT8jHP+7t07jL0QrCx3k8mEB+xudQvtwmXbZVm2OD1br9c3q7UQopVqNBppj3Z1c319ned5mGZlWXIR7Jt2e3n98tUrKG8OUmZ5frdcSimfPn2aF8V+vz8+OXHO9cOw3+/jJAFwCtolFosFeEuY6ALYBZBAxuNx27bL5bLXEgf87acPJycn//AP/7CYzZ+/fHl9fT2fz7ebzWZXP38+Q0T0TUsJoyRKYhzHo7s765yJQnZ3+wUAQULIaDaCozMCQRAypyfz9+/fl1U/Go3Kco8Qct4EId/drqyTmPhilLGGTaczKXWeTdvGPHnyxDppjHn69Olyufz6618CvhbH/PPnzzAqqygmx8cR1Gy9JxBElGXpnJvNZkPXVVU1GY2QsdSjaTHa360WxTjLslGU1HXdtL2S8urq6ptvvvHGIurmk+mbN29ev349n0yzODFSzcYTSmlZllbpOMnBl4BKe0QZvx/62Pd920ko0AOuYo1yHmljKeNhGFrnl6s1+IPPl1+890+fPt3tS4yxUno6zXe73SwPtpsrxtgkzaB+vl/v5/O51rqrNnGIcRQ6rbBFnKYBp0iQy+vLo6Oj06PF1dVV4ByVHTMD9jLLQ2MMQoYjFmPCMRuWW0pw4j0NhQtYxTEh3Bh8zyCShBkX3HujXjvnibfOUUw84hQzhKERV3lvPbGE2myETi/S3g03q7LreJbFd7ef//Iv//JkOnLOdW3z9Pnz8XTSa7PZb3gYc0HyItay07ruqkb1zbgY+a5FxlEpu2EwFVdCdAQ5JWXb7a/coJFFOBotaJR1veopDTgTXCPb/Is/fL1bfj6e5FkgqvVdLIRgXEoptVbaYMLCPKMUgUW2BnPGpe7qpk2TLBsVmNGrq5u6rkUYEEKKcQ6ZLgTmMAPg06dPTdP8+Z//edM0Nzc3h4ADVixJkhDrpql1W08mk0lRABtat3UqWBKKIgp2u91ilEspk4Cv63Iv9Wg0KtKMEDIuRth5GcWT8URK+f7TZ875119/nSTJly9fJO4jEaRpKnulpaGUImNV10NBMg9DbO03L19eXV0V43GWZZeXl9M0ef7syc3Nzbt374zW8/n8aH5KEFWDJSE/mh8DqHC0mHZdp7WP4yhMcqPkKC+stW3bKNlvNyuMXBzHi8Woa8M0Tfu+vru7m4wLjGzT6uvrTy+ePzOD01aNiqzd7ebz+Wq1ujg6Um0/zSfPzl98+PyJsdhay7izVhejKC+ew5EyXT++W17NZrNvvvlXf/VXf3V1ddk0FYwJQwhl2ajvVRgm+/32/Pzi9vZuPB4TgqGcEARBEPLbu+uyLKMoGmQHlI31eu3H46Hr0zi+u7sDKN8q2/d9ryQ4VDAdglMGYDFlOAxD4p3RCgqxwOLw3lvnLcIiYPdtUadHMG8EBokd5heeTsYQkgP0s9/vwe38wa9eHurjQgggRUAhBYglh2k48DhwXaHvEUj+UGyB8QAAs4DDOIQkEK6Cxzu0j/KHeYrQ4MA5Pz09VUaDk3z//v2TJ0/+f4T9Z69kW5Ydii27fXh3/DmZeV3dW47V3Y98AEWBD08iREgQ9Av0Z/R79EESJFEfBBCCCDWb3dXl65p0x5/wsb1ZRh9G7H2zmk0wUMjKezJOxN57rTXNmGOOOewPgLz7vn9+fr5er9+9ezccDss8r6pqOp3+8P476GAgXYU82enp6W63Q7sB/v7x40cIrZycXj0+PjqOMxwOo15we3uLciJARixtmuZa6/l83uv18sLiXwH3o0iCHBkCDMD1kFgNh8PD/gWjJwBeIT8oioJ6Ppg5w15fSom/g2vkui7WAqrZnHPMF9XtnGL0cCNfQQyFm0UE18EsolUBBcyFjwLuBCJNFEVgv6Vpipow8CKoNYF4A4YyqMRoT0dbB3oUu1IPLgy1QSgIIr1DqUYIcX5+3hXSAf50FWBcIeyXaNUxbfsCYtBtHiaotdRSrS2hlllyBCizLDOMu0KezhdpTspauMFgu4vLLNvv97pITZVFPle6eXp8WG8PwgtrnXHpSsmZcaom9xw57M2zJCaUS+nOJgERjuu6kjCqtSupVZoQUjUkqy1zepo7+6RYFSW1RplqMBhMp9N484AnPxwOm7oyStNW38MeO6sloDCkR7YV4Ql6kfpExLRpjtpPXhAgNseWePPmDdYXdUvyiUY0znjd1IA7AJEjZEbaRwiBdF0QHKliWms/jHg7BRv7p0MIgfl8//33URRxzsfjcb/f38UHQEAdKIxbQMAOgjZOxGKxgDgwogpU4Lok+PPPP6+qCqwzTNDt9XrL5XK73U4mE2TMqD0ao8BsPj09DYIAWSZGF2RZhrQjiiJGDCXGdV1GLU79/f294/o3NzdJdtyuQgitM631mzdvOOfPz8/goYFW8PHjx7Ozs+fn58fHxy+//BL7GZElyoqu6+JULhZzENLKsgwjH3Axju1sNhmNRuh0MY5O03QyGR2NNuee5xlKaKvLiK0ukFBzzjucXusGjZTWatASOONofEjTdLMR2B/wKliJ4XCojQEWIYTQ9kiZwJmHpoTv+2g8ORwO0ANBRg+BQzygpmmSNAdPFp4HOJTjOMh3oBqBZgGEq3AVoMGgjwDQCvQrQGNHXokK4cePH6Mo+uabb379619fXl7utztsC+xp0Yr7WKUB74BRC7WsPM+BWQNh2O126G8GbStN0/l8/v79+/1+3+tFj4+Ps/nEcZzPP/88y7KiqJqm8dxgs9nmecmZ7PUGq9VquXoUQjw+Pp6fn4NOgwOAr9NaoxUWov6j0SjwGcbsAZd0pQQeNxqNkA4jV/3uu++w1VDaBSgEWwDPii5BWMMkSeAA+v0+hgAAVO1oxbCeONtg7wBAx9OAlSSE4O9dad7zPLfVJkNjgRAiiiIAd6vVCiIHIBhgudHP1eX4wPE6URHsn44IDxgRdhy1ONd1rdEAGbEzO1sP9ghrBwjgT8YYpYQcVe0MJUdhLEqs57ilUXVdU+uUeV7m+XB0UhXl5eXlN19+PghkGW89yTyHa60vLq+8aFAo6/peGIaqKvN440k2GQ2Tw04ZUilbayY9Pwx6viultUQ1jFrBnbxsVvs0rcguqxqtN1Wt6qqqCtqaEshp9QKnUJmqG0eCkcIJ5Z7nE3L0Z9D2ABKdxCkOFBy/dB3wLgCsF0WB8AihjLUWciUAJWBMq6oCFjwJXd8LPNcriyrPCjiMOI6vr69R+DHaJnE6GU/rqmlqpVwFh4qGJvh1xH9BEICBhsUihBwOh0N8gJAhAECkgJAIzLIMQCswVVDIAVSCBQDlDIx56QRiURKAR4/jOMkr9Grh1AAHN4agCRYM/aKdz0UpddzgOELHEdPpeDweJ/EeNJCiKKazBcIR1Lq624FFBvyCmlyv17u/v/c8D+o6j4+PwKlmozFwEjz5l5eXNE3rukIog11aVRU4byiZosSI/0wPsZSyLAoYK9d1lTWdByWMaq0FzgmlVOsGx4m0etaO4ygFYM4gFquqClqU2BCAXPFblhK4U2ttmmcoaXLO07yu6xoIOPwPOvjn8zloebCbyPRxRMHMB8cIa89bZXBMTgEchrgA5UrHcTzPQ2UGuT/U27fbbVeFgLF+8+ZNmqabzQafg9lJj4+P1tq7uzuIgz8+PgrKwOIaDodVVcE2wbKwVgdRax0EARoE0HBf1zUEe8MwaOko3snJXEqp9SbLMkaFUioMQ0o4HPviZDKZTHa73Xw+TdM0CDyUy7fbrZR8MJjARifJoSis1k1Vkel0Oh6P0eag2toyRIattcBVu82NkBOlBTg29G6gVIvlxuZubeiGtIJlXWsoTmnVzgKFiUQCgfo2sLyyLNFOPJvNcIrgyweDQa/Xg04OfC3WultHAEpdTtDxoBEWIGBBwwFwz+12e3NzA9Ysyjm4MGttXhRImNgnvVq45u7V1UKNMVQYayixllBDLCEYgM04cYlpqMuZ0TZPs7os+n7Y84PRwLu8vByGTrKRLiOcGSHEZHFimSgbS4V0Xdeoss57rqCDXqhPJnVj0rLJK2Upc6TnS8fhRFLKqRXcKSrlhlGca7vcrtZrRqwUvLIETCpXSMG5MQaOsw28hLXKEkYp0drAvzJGm6YJAp9znmcFOODQxJau05X74qzC8oHadH9/b63FBAK4ENrqnmNyWZPsUJECpR3MORw3bB7UzzsqGjI21GBgdLAQHz58AK8BYR+AgrIsYYsRPeAsY+lxxPCv+LTuM1F6jeN4Npt9/fXXaZqiI30wGGDj3d7eotQnpfQ8CgLxaCRB1AFBhRCWJElVF1E0A+iPWleapko3CCkYo9ChRBoE4lZRFHlZMcb2h91+dxgMXHAfP3z4sFgspJSbzeb169eooH733Xez2WyxWPzwww/X19eoh11cXNze3g4GPfCA//qv/3q/3728vKCE5vs+xG6NMUEQgDaGlm9VN6hd42JIO96ItJIvBFks+SSVI/RIPcaDs4RoXTJOCca4YKSvPhItEIUB97DW9oYDFBLLsmy0Yu0UYMolFhsEe9Rq4RvR+Qld2S6KPD27YG2LOWxNV5Tfty8ImHSttFBGBo0ERBRAQIB0OvwX4AA+drVaYaK0YHyxWODA7JOkqqrFYuH7fpUXYIxdXJ6gdt/r9QRjpdaL2UxyPhoMQt8HAdxQOhoMUPuen56t16uiKBYns/fvU0h0QqU6SY6Tmj0vqCvFOQ3DEOQZ3DuYhThCWFSkY2jbQ0KzfLnHM0F8reoahu9l+zydTrXW79+/D8Pw5uaGEHJ7ewslyC6mAGEcsCmsG1o9kVfBjuPQwtTC+MIpAhKRUiLw6Q7bp5gGdgWUjZumeX5+7rpYVfuSUl5cXEynU9wpOD/Ih/BR2GwII4DGmFZDf7c75lVw4dgbCGfQrrXbbvDtWHTTiugCamCtKDZpm9E4p5ZRq4i1BLAG44QwUhalFHI6nmQ16UdBUdDhYHA6b9L04bDbcOVrVfv9wOVMaW2b2nIiKKkblZQptcYVlBi1225UnQonCL0wCIJGmaZRTZ1ZYi2zxFrBuKEiDIQbhoWqo5WUMfdcl9mKUUu0gkiG7/uUat/xGaeM8qbRddMoZZqm8TynPdLHEw5Ptt1uh8MhDCUMMVZfWT6ZTLruUOAwX331FdQmELV01DWQjLtVw3k/gkJxvNvtMAMA1dG6rn3fZ0x0jgHZAEr0OK0wasgOQVbRxLJPlAYAE4EQMh6PgaVAJwvS7Wma3t7eLpdLuCJgj8PhEBcJ840gBhCfqBTyXRjuwyHBz+/uHvC9VV1YazFxKQgCS/hg2F/MF4KR9fIlTva6UZ7n+L4bRf3NbhvHtTJ2d0hWm3UYRFG0MIYwJnw/7PUGnPP9Pq6qJo7TyWQ2n8ebzc7zvMlkJoSz38d/evjTYDB4//6960rUQoFVggGxXC6Hoz4hBDqXKGJLLnq93uPjo9Xm9fUNwnnOuTIKj922LSOWEsdxRJ7nriePyKPRQmB4Ek+SQ93ouq4J41I6lFLXE44zbvIEjms8Hvu+v9vv0XyFkwY3yARHIZ4QckgKoDS+73edxB0DEklZZ3aPlTetgYDDdsC+I6NHLjMcDpEKoZ0SRgftkQANOwY35GSB6kB85vd//AMa5G5ubjabDQhMiMShfm6tPTk5WTfLp6cn5IAwK7g8ADgwQHiakKUFnycMw48f3mNvaTVkxE4mU2JJvD8QY33Xs0YZrbbrTVEUYdjrhVFVJHVZ9cJIa+0I6bsep8xq0496SZK8rDdN02DCqmY6TzOsfRcKwQQbY05PTxFNQAkPORO4TQh/6rrGDFWkRCCuAdFDgNCxqRDwwoLDqjqtFjxwIfwWuIlCCFBuIMPdCYmgjIFHBB0bDAG4vr5GMgfaVpqmIEJgHXWrzStaAX3wR3FVyHDDMJxOp13jIvKwrvQfBAHytu4Tul3xaahO2pdlhhpLBKWaUMugE0CJ8V3PMK5Dsdys0jgxiiaH2Pe87TpRSo3Hw4APfK6Jaay1QeBlVcMYN8Zao6RgoSuIZXXRME4Fs5xZwq0xRlPDBPGEsE1lVa0UNUxIJ5Iu81wumK7KzBWBJyW1Ossy13EGg0FdVco0juDEsrqp0RQqJTXGAtGilBJiAUHg+ByhVUGllFyIzkFK6aN7Djml7/uPj4+QsoJVhW4EuDFFUXx+c26NZlL4rsOkqKrKMmoZLZv6/umxqqr+aBgN+lrrWqtaK8fxGGNeGBhjnpYvyGWHk3HX+ne04MYIzqXjjPm4w9DhM3CyAF8AikQ/4GazkVIOev00Thih88WiKso//O73/X5/MpksZvPNZrPf7jjnl+cXVVXVZZXGSTgcYwOj7FSWOXIdKXlZ1sBeOK/Xa4V4ZTSZrlar7XYdYVqZHEMdqCgKIZjv+4P+qKjqfRzHcXxzc8M5v7u7Q9R1e3s7Ho/H4zGcynK5/MUvfoGhmxAPf/36dT/w8zz/2c9+dnf30fO8L7/8ElEXzCDcM7AXnAvf9xmhqFxi5prWSnDOGCOGdFWiNk4n1lqBTUyI6SpmjBPHcQ6HQ1GVlPCoD93aSimO3gTYYt/3gc3htGDHoJG9qMq6rgFo+OEAjiUIgq4vnzGGXYWfI+PAGXtZrrvzSdveJaR+Wmswqwbt8A1rLUQFxuMxBPiRc8FpQ+MCIi0oCZZl+Td/8zeAzzAKy3NcMAU551IIaLWzVnshz/M4ZmgFgkGHucTTb5oGfESgMYiJhBDz+bwsc+QTnuc1qtoftlK4YegnSdY0TVUVqOwNBoNml61WK3ArYbmAWYElCXuEIXlIfk9OJ0hI0XcgGOOco8gDyTNMpHt6emqaBoESbYd6TyYT1NCxb8wnLziGsixdV3Y+FZ4eL6Q+wMpIO4oF+wlPBohex7SFrUGnK/wQHpTjODDu2LKA2kCCxKrhbUB7urQA0C0gWlwAAB8Y7qId4Nfv90fDgfhktJtpWX2own1qzfFSVhNLCaHkONeCEqsts77v53UjuViv12mcKOU93N71h7O6rMqyDP1gHMo62xltHMkZ1YzoplHEEFdwxohWDSfWc6WgftXoqkgU4Y0mWmtXCCZc6XLCpTGm0pqY0hpBTGVVlaexVWU/8FzXbeqSas0piw9J6EpOCVqFOZeD0VBwp6wreG7TSb+lSVEUgst+v0cIUUoFQcA4x6Ydj8eWOdDtQttHWZZPT0+3t7evXr1CVB6GYVEUURShKKWakrGjd6SUcy6rqlku14RQSnkU9TmXUdRPksR1/Y60iul0ENu4uroaDAbfffcdaxuPYWHhsDsxJdb2VaK9A2kogjycx/V67XlebzTOsmw4HE6n06enJ0ATxhj0QCGFhSzH/f19kiSj6YxTx3EcR4hhvz/s9/tRsHx67gUh0cZw0Q+jnOa6qfLUloGXOO52u63L4nQxG/T6nu84giN3AVo7Ho/38eH09JRLx3XdMAygm4YjhgQR/SXffvvt119/jRlGmFIwmUz26xX6aZHOIgUZDPqdZDz8GfB3PB9OGbjdw/6Ac84YqdquXdd1G6O7GinlTGst0FJPKa3qMs+Ssiy5oKCCEkY5k71eaChLdvuqalzXPZ1MMLPCGINuAt/39/v9aDpBvLzdbneHPXLtfr8f9nqopMNS4NgHQfD+/fv1eg0CO3YMcjQ/OM7T6FwQcB7khhh/jMQNMzEABAdBsNlser0eCmXwkygDbjYb1OW01vv9Ps0ztG89PT2h3eb29vYnP/nJZDLZ73aj0QjRAeCwP/zhD7P5CEnJy8vLbrdDtnFycoLCBYYD4AI45ygAoFQlBOv1ek/PD0EQLBaL9Xod+dHhkLiu24v68/lJUVRRFM3mw/1+H/XCosz7gx5cRegc+SFRLySEEGrj5JAXuZAc2WsQBCAX1mUJe/r4+IjCSzfoDoFJnufoOC2KAgYRgfmHDx9AI6GtWgDSEccRMKZIhLGOQEiwhzrqC6UUpVekAigpw3aPx+MuS+gGfYRhiNLFcDiczWYYVmXaZjm4Adw+MmikBTjVWFM0vHjtHJLOD+12OzyuwWDAKEHtFGhvF6PBS3X4449/cRQjjFhOSYtAEousorEk6I+CIJhO53XjrraF45VRvwccgE/7LtGeK4nR2+VL0B/YpqGM+W5gtSnzVAo26EV1kVmtGZOB6zIh60ppVaum4JxyawTjyhhDNCFacOtKxhkxTeP7g+l4HEiiCyWlrDITBAFnJM/zOI5d1x+MhpQzpRQxFs/h6OHSRCkVBhFSZwyjsJrAyvT7fUPl7373O7C8AFPgyGDRcVLQb4EtUeZN1ytOKYUiGzJFz/NmsxkgQbgBVFZx7mazGWpXgJiRnQshOpISamMY34h0CvGBaaWQIAcGZjeCa9/387rGsiZJstlssCefn585550kdQfIhGHYGwzK45xVA5JFWZa/+e2vry5vzs7OeDv2GiL1h8Nhe3vLGIFt2WxXh8NuOp5EUTSdTrfbbVWVaRYfDofxeFyr5vb29mQxoZSCPA3Y9uHhoWkaMLW2221VVR8/fizL8le/+hVYDL7vg7MPdYQoigixUkqkR4c4BScbvkHKgZQiSZLpdHpxds4soZTttlsUHnzfb8xRGdAYwzljjOER19j6BaXS4b7vN1Xd6/Uc7zhAWVlUHYnr+pgG0hVIm/3eWvvmzZskP+qfhGG4jw+QZga70ff9H374AcEmhLyR+2ND4Ogi318sFtocOSQYeoLUBl2dgETPzs6ww+I4nkwmcJLAnlBUqaoKoqOYsDWdTj9+/IhKxXK5hALtcrl88+YN0N6/+qu/gkcRQmDiLSo/TdOEYRjvDycnJ5CjmozGKAmmcQJHRS2pirIqSqM0PKrru6g11b7PKYVMvCeds8XJfh9zQpu6IVwm+4Mx5ml/cFzqeV56iF0hTaN6vR4Lwqqq9pstY+zVq1dxHO83W8dxbi6vHh8fwVHpWj11OzscRLEwDKuyAucSZgtwNvbQ09MTnAGU54CQdO/BEFfGCGgDHYaDPi8QNEFJhClH2A76F5gAXX8gIm6ct9lsVhQFkBalFHIssCpZKwKDIQPwHMDK0YkG6Z6qlQOczWbAW5HhIZMDY2GxWDiOs9/vozCAQceWRq4DCMi2VDlEVcg5UA0g2hhriTHUWEKMJpowWjWKFOVoNBkMD8+r3PE9Y2lRFOBxKqVcaTileZFHgV9VhWDSUlpXpaAs8F1OiaorYxVjnBCq6trUilIqOeWEaVUJyRnR1ijLOadWN9Uh3vQjPwr86WQwHvafHz5eLsbJPllMpq4rmrrkXA6HQyEcY0yjKiFEkeW4Ea2NMQa4cJGXcRyjwuT7fq0aJJH7/b5SBFEU+HZa69PT081ms9/vLy8vEVlDUxriQq7vbfc71GaCIIiiCHXXvCyuX90AbU/zTFuz3m4uLi4OSRxEYZqmbLe9ubkZjIbr9brRqtHKlMVoNMqK/O3bt/1+/7PPPusPB/H+gO0EpkcnKYEUDbooMJoA5Z6el3VdQ+zo8uwclaf+ReT7vsMF8wNV1U/3D6enp3VRwnyhir7f76MoLIq8rpvPPvsM2xt0LyFYF26ejMac8zzNnp6eXEeg/VUbtVovz87O1tvNw8PDaDwFeYwxphojhIDt5kxmabFcruu6DoPeZ2+++PD+lhBy2CfD4TDPStepCCGvXr3KsgzTUAkhd3d3xuiTkxOEFFdXV1rrs7Mz7GrOKacMPB/Hcaix6/UShB/YQMf3EPoopZTRxJGiaSqtXUKOKLvRjDEmJT8cDl4QAqeulHY9z3U9a/V8PsdcCFgWyPr0er3Hl+dOTowxhlje9/19vJnNZsDE0XqKY4zmMcDrWEgEgGVVgSoHjw3gpSiKV69edWcVZgVVe+TvIMkgFQCX6M2bNx8+fACPu1PBjeO4Vs1oNEKmNplMbj98BCislOr3eshJ8bD6/f7l5eVm/Qx+DmrNKAygSCvbFwwZAl4csEO8832fEDOdTiklxuiqqqXkg2GvrpTWtqxyDK3k3LGtdC1AasYYsp+mbc2HYcUJhGPDk2laIRpUJjvHhsohciMEYlgLBNHk2P5+5JZYawFMg4qQpjEwNIRCIIqFYXh1dUVaujdCm47/irAdlw12DVJpQHmwp13ZczgcIiED4IbzjCDdaQf1QWMACRBpFb1hkXUrVILSH0KVjjWB78Va4A2sZaZ3RXvb8gR4OxoaL0aopZRwCnDSUuKHHpXOPs3itLBcEqp3h9h1JRMOl06b8FJCDaeEU0qotcQSwggxyAIsIcwyQih6Velfzo3UjTKUEmKoNZRa13VGo5GXxH7gEqOrqjBKqaZBXqKbtlGQMUuPH8U4wT1SSq01YLPhscRZejxQZakMKvNeVVUn0xlgLs/z0AsNGsx4PEaYcnl56TjOcrkE6Wu9esKdouyE0TxZlkGR6enpCXsPkMvhcDgcDkDG6roGlxHriJQRPwFbEUk2kkjGWFfehB6GEGI0GgH/lK0uCtRawG8BK7qrumEiI8aBxXH88PDAOf/5z3/+8fG+qqoo7LvS6YWRbpQrHe/yKkkSwekhzfMscxwn8F20tTM3WC6Xy9Uz0Wr26tViMWvqCqUFSD8B/fB8Z0AGlNL5dHZ3d4eYqSM7EEI2mw3myCulTk5Orq+vYUPAfwfNGrt3NBr5/pFEhGhVa41Md7Va9fuRsYZSWpYl+HjWah4EVVVZ+mOMghNtKdFaHxlpQgjGjp0jhBirMb/CIhis69ISIuVRDuXs7Ozi4gIjlxAOdAxlpABd/QqRF4Q38zzPsoy3/QiwPhAR1loDOzPGaG3yPMfa4Ihi2GZd17rVS+mMUZqmsLMw3BgmAtuBXA8/R83Bdd3hcJgVOaK/p6cnCE2gtvn27dt+r4fPPBwORZqB25smbrdO4Hgg3sRDBBmjQ5Nh/sDiiKJI62Y6neD8tNi0I4Uqy7qq6iMHNFfQ/4R7MMas12ugb2VZQg0OcW5VVWEYCpeBHwIzijQTV4i6BcYSwXhZa1HRBXICGhmoOKenpx2rrzM3u92OUgvcBpALbad2IZfszDQ2N54ztlRn3BEgw9/AHHSZBAqhpJ3F3gkJYHWwD3mrOoCvDttBqSjMgjrVfRcMBIiV2IdwWrB0/JMB9h3K1N1y+2LUMkIpJZxYSgihzFjCaqs9P6g12+4P+zT1eydM2cNucxa5XhC4vs8ksarS2hBjKTGCEUKsJtQSYy2xxBprKSXUMkLZj99FKaWaWMI5N+pYW9Jtb+dg0Av8Igr8pi6SeF/mWV2HURAyQpumEJK5QhJClIHkjjXtnTLGrFXGGNqCMM5Rv8VqrZVWXcyExwjlfTxkACZw+UDhsPppmo5GI0d6WmtCzcX5VVEUnhuAOmUN9dwgiTPVmKpMjTHT6XSz3sK5YpIBbycfAPYkhGA0Hdqwt9vtbrc7XZzAVYNW57RDHhCKokwFcjO2iucFmHsHVAB8OWst/Apm/2LHKqXw1UIIxz3uZ3yRUg1mkCXJoa4V2I37/b6qqtOrV4SQKIqIVpDKwQXA2hJCrNWHw4FwwbjUWm82m+vr6/l8/vj4CAAQ2JQQAs00VTulB9NIPBnB6aLlSmudpimlBCzq0Wi0P2wh24uq2Gj0FbUkDENqbZIkrpD9fgSIiTDSlYuOcCIhjDPRBZjWWqXruq4ZI9SS6XS63m7Ksg5Cj0mBeS7j8Vha2g7KWsRxHPV6eZ4vl0vhOgiXhBCUs65WNhwO8X1Syvl8ztpeQUIIFgYZENimYRimWQFfLYQADIcJn7/73e9Qf8Bug6H0PG+9XpNWCwIkNpxqFBLDMByNRnEcbzYbQPCUH8t0Ly8vUkp0/SLpA7X8hx9+2Gw2s/HkGDxywQmFjLium1qXjDGrtGlUpbTiXAjBKaWUKWsooVrruimVUmkaU0q1VkhcEINXVUMs8zzPcVykSouTsda6KIrt9gC8glIaRQFjrE0JldbNYNBzHNHrRXnFwOpFPVYwBuiJWnKsV5ujCcN2Bw6IJ9ah4fCOCF1xYcgw4jiez6eU0k7iGDrAXcWyAz0BsKBRqzuTnbuFt4atQeiNo65aNTQ0pqMUBpTWaWfmIv+AVULkDn+Dz6/rWrUNpV3YDtt9LBO1G4B9QlvsXEsHppN2HjflhBBCLWsdGyWMEUpMY5Q2WaUOWZ7VjS8kdxkV0lLFpet5vhSaqtLa5uhfuWCEGWKtbZs8raGUMMYt4n/CLIqxhGFGqTWWMSKYVJqqI2FfcEYdwYva1GXFOXeE9H2/ymJrjGmMIcYSSwjR1lhltbWmVeajn3A0Eb2ytoFDI4QnREoJlstmswHXEABplmW3t7fD4TAIAmRmKGbaVoUUXAPEK47jJEmyXq9fv34NHemXlxfSIp9+4GJ9+/0+a0nJZVkiz8MPEcWjWKpbPjuCcc45wvnz8/Pb29s8z09PT5EioIzEuERQD6FgFN6qqkI2A/13rfXNzc1yufz++++DQW86nYZh+P79+6IoOJOMsYeHB0R4+OReb4APTNP048ePo9FgOp0ya6SUWZZSQlxXRlFgraWMWWsPccrTNOr1GGNpmnseZkxS1/XROPL8/Hxzc1OWFWNiPh9VVVWWdZYV/b4BNSAMQ84j13XX6/VutxOC406R60AMSggxm83g4YA7GaWxLsCHafvq4htDrBRENE1TVWVH5RaCua4rOFO6UUpp3TjU9TzPWAoz3ZTH/qCiKMAbA62QNDUyJmNMXVfYClEURf0x7C/CKzQL2JY233ESuvwOsAZOOzIXFPdwqm0ruwM6BLpRkOajNgIwHVyasiyRCYbt0MXD4ZAXOdIfNCUNprPb21tCyOvXr60xIIzDlqHvHBYEdhml1y6gBkaE4AJ3RAjZblaO47jSyZLUD7zNejWbzawxSZJUZa2U4twV3AohBr1+4EdMaEVpzZg1pirLhjHf971WyxeZTVWWyCGKPN/sN+jMRphvWqOJZcYOQBB9rIW0/B9EOl1DL24BBhE2HecWuQiKHEjLYPTxJ4DsTlwCjhORO/6py2C6iBjbDsYaQD9SClhnIC1dJ0WXBOBqEc0BdGKMdfV8vBnVtjYB+jE66b60M3Cflkb/yZ/MMoTnxDJCYBapIcRynpbVPq3zuq40yWpVGWmkG2dpWTXaEEMoJbY7UVxQSo7/w9dRQrQljAAYYYZwwrglxFDCrTUag2kkowIeB91Dpqk5pyezObNa9vzpdCql3KTpaNhXdaGUssxSzii1xmhttDXH3KgDnQB3GAqITPf7fWstKpyIftAZgIeJtcAiAkSFdhWS0bqun1fL8Xg8mk5+/6c/np+fG0p6w8H90yPnPM5SJILCdeI4LpvaC4MkjcuyDILAUiqlrJqGcm60dtDYaG1Zlo3WhhBlDPYtDj6ijY7viGsGynesXVHaNI0vnLqqrDHWmOFgAMHeNE1LzPcQoqlr1TSu4wS+X5UlNnkHVAphpHAJIWEYwGn5vo9wsNfrhWG43O3ruja6ifyg1+tRSnbb7WazgjphfzDo9wdCrrkjgRENekOUGCeTSV3Xq9XK930oQf793/890HxCyOXlJSpDOKRa66qqcQocxxkM+nVdYzi1tRZ4Q5Zln332WV3XRZY3TWOUYuQ4rA4IJ/nneFxN0wjHkV085bpuVeTGmMbo7XYrpIP6leMFGKGZJLEwdDabQedeCLFar8FMX5ydYm9hDWBKPM8rawUDCm8MKjcqkGg7opTOZjOo0jRNQyiHTYFrgom/u7v74osvwAqvqgoQKuJTxCMI9gHbIcCEwwDZFsYCv5tkRykSKGQKxkG5c133u2+/pZRiEB0uj3MO+4WYAvgPMGXM7sKSILeCcyrqSggxHPbzXES9MI5jQkxdl8YYLhhjjrWkrHJbUM5Fv8+eX54QjUKCGTV6RNxhGCLSQR8zWrqUVehyBp5Y1DX2olEalWRdNzi6OOfgSGFxSavm0cHTOE7o8ARtAO0hUGTEDbJ2DgZiro6shsAZLg0+AKYWy4SNC/vSeZq8HV7aQeH4J3ReILjuPgHv6TRGOr6EaKW9u/oK1hoXo1XzafzSWfMOhAF6hp8QQohVaB0lhFpLLSHWEM0I5aJumqyqy9rkdcPyojGmMSYpi6Kqy7pxiZbaUM4+TQi6lyXMEMOIJYQSKyhllHJrGS7LElvWtaTEWqqJsYQxISjn2lJtGinYq9fXyWZLdT0Y9KzSKDtZfeR6ciEM0ZpYTolhP94U55wJjihEuEdZfFCDkKtVVeWFA3CH8HNQvABei1YFt2rHIiLGwvD0MAzPz89Xq1UQBBCyhuzHcDgEA68sS9T00CCKSjsOmj3yu4/hNiKkPM93u53p9YHCIULH6Z5MJmhEAMbd1YSWy+V4PMXaQT0JiXtRFHBdjLHZbAbrwRgbj8eG2SyJVd14josiHPXYZDx+eXkRnEvh+L6fxgkCsiI7CuEa3Zi2CdmY49YdDofD4VBrYwlL8gw9brqpPM8DGfr+/h5jEgCXG2MANN3f3y8WizAM0zRNkmNqq9SRyQ2bDjYHqNiDweBwOKD47zgCZ1/V9bA/gOdDBtbFJbQtDllKGOXHWhPjBOGntTbNkqaqm6bpD6WUsmqU1poLSixTSvluALDl+fn5r//6r4GHGGOggIOjBXwDnwwtcinldrtFixDiRDwR/BNG8GC7PD0vjxydVhcCxQfggLBEQGbRf4VPgHWQ7bAeSICBa4WEHdvLdd2JN8FeRArz4cOH+Xw+Go2QbTw9PV1cXOz3+9VqBVLN9OK0i3xhRGDugcGhKQA5gW31THzfz7IENhQtmlprJDRKayGkEI5WR8IcWECAMvEwYY/u7+93ux32Oh4X7G+v1z8GR7DFbTcNnpXjOGWjsFeOPb1Ng4vHKAwkOiAFwgrjnTgVUsqmqUjbq63b1j7kyPD9CN9kKzANk0paNB8pC9w2ikJ4aCiuAM6Cz+i6yZCTmZZ62Jl1IFFhGAJ2xNHFNuD8yOlEkP4p/4d8AjF3xu4vMMfWxB9Li4oQS6ylxGI6BjPWKmIIFYxLKnhlVNU0HqGassaSyPO4dA1hWiuqtWWSUI6pGp+8GKWGEmoJJZQbyyyhhDBDGaWUEUspsYYSyS3lTdNoIqXrStkYA2dMZ5PJ44f3eXwY94LMDwBVoXxCBbWUaK3wuKTLedtqK4QQ7ZnHQeNckRZlaprmcDh8uHu6uLjAwuEzYVYw5whf0ev1hBDgwJydnu52h6pqTk7OBoPR09NLmua9HtgpWilTFJXrev3+sCxrTP7svP7RuwhB2nr4druFxC7QZM/zbKOw4btLwtWCBoMpcRDdg9VGBwxpZdowZ7EoisvLS0wzhz6SMQbFtqAf1nVd1yXujhDCGJHSQ33IdTwQzxGDKlUPxmPf941ujKrzPNdaARzvAsemaRgnVVXt9rHWmloBC4vQ8NWrV4fD4be//S0qgicnJ5hn0M7icKt8r9sJBMAbIXMrpXz37h2lFF3fEFHo9/vb7fpIl2AMR1jrBnRBS4+oIx4gY8xS4khHAGFAYIVLx0nD+cfaGMKyLKOESymfn5/Pzs5ev34Nu/D0/AzQFuyFY04XHNui6rqGHjxvJZhRXndd989//jNQbEAi6APCI+j3+2jpRMc/Y2w+n4Mzi8faxX0dcw5Ca4wxbE1kkaitY5viPdbaV69evX//vq5rQO2//XiLSXW9Xg+iyb7vw6bc3Nz84z/+I4oY1lpQZQHawnMggkbDJPo4OqD5/v6+3+9rozjnaZpRSufzIE3TIi8nk9nJyYkjvaI4xrakhSxB9uh6qVHYREiCZrMoijQ1GDQKukvQToLugtCudooVgX0PggDE+a7MQNohHgiaOsxOqfpTZ9lZbVwM6EP4IU4IknrsH6BhCADx5Lve5c6qdjxlLBkOIUYu6LaJqWMiCSHQ4IbyAGJ81JO7ojRikU+hc+zvfxKYm09eXZxOKe2MsbXUWmqI0YwYQwwzjuM40tOWamul63DqkbgYDMdwSNY2hBy/whBLrbXE2qP5Jt3FEIICKfvE6oPvxKUUjDGtrGEGF2yM8f2j03p8fFw+Pkz64SjqTcZ909QIGqigjVZKKUMsnChwElwJbwlaeG6gKsh2onpZlm7Q7yTvETCixwIpL+AI6GtiRdI0PTs76/V6Ly8v0L9LkuTt27cAqZEsIphI03S/3/u+tNZilZH/YaUg+3VycoLSOgJwKWXU6okCQqzrGuQZMCmReiJ1wJygOE47XAhBsWwnvaAMgDsqigL0xy6PAdUqCIJer1cU1Zs3b9brtTWkqqrNZuO67sXFhbVWhD0hRFXmjdWEWFSAqqrCAwTMoK2FcZdSzqcnqPADJFitVghVUfHCFZ6dnYVhmCTJxcVFvKNg5uR5jhy3qqqqKtFUtVgsgtBDmySg+TRNh/3BYDCoXXcwGEgumqYSruu6riHm02qo1powqJZ6nuM5jhcYYpMsq5p60B+en5wjMIyiyFK228eu8KTnHvaxlGy1eh6Px19//ZPdbnt2fuq6bnxICGOe59W1ktKtmtp1xWAw+v3vfx86xJmdUOFMQn9b15vHZ8/zGuGHTsAYI41dnC6S5BBG/sXZSXLYuY6oyvzjh3d1XfueEwZeVVVPj/fD4bDIa2NMr9cbDvtVVaVJzhnhjERRBAmI0Wi0mE9hUJqm0ar2PQf9q+vVS1VVk8lk9fw06vcmw0FRFNvt7mw+M3WlyqIkdjYaql5098MPXKnr87P9enU2nzXGMulYxmttGmObRhnKhOsxaZRShrJDmhVFQQgV0tknaT+MyrocRKOmalzXdx2XW+dwONy9f+ScD6JR5EfMEmo1p8bqmlLmSQGSz2b5AnMmKLk8OwUPGopgweXFfr9P9jvGWCAkpZRUjee6gESrqsrywvM8amxXc9ZaA7hAUI/GHwQv6P1BgtU0zenpKYIg2krodaETgA7IzkynU5TyCSGde4DtBjoE96a1Pj8/V+00K9d1ATgiW+/1BkqpNM0556en5x2DZbXaoMsfNS5CmBCO7/ulbqwQQohQyrqsykY1aYI6hyWGc87QEW0aQjlnktijsAFp+e9wP7AvXSwPUIhSah3XakOMosxIMBqtNZZZ4taVFZnuW3cRDENL0zIPqPL322v/G7fOHWlEIHdVxilxpaetMJpQKhzOrdW1qrVVjBHNUkq4oC4njBJujTW2qa3iPslJ01giBr61zvvHp5dlEoWjze1hfjZ93uWD6QmlXAlnfH2z2ewN8WutTibzKttvVw99h/nMcFVV7pE5GoUBIayM0/iQZGURRX1bGy54mmVpnnlRGPR6V8Hrl8f1y8sLOhittVAN/P7779GsAAJCWZaYhpim6XL5PJ/Pd7uN68p+P9Ja39/v1uulMerq6koI4bqSUrvZrIUQJyfz9+/fIod22pG2kGY6OzujlP7+97+XUn7zzTfg5jLGMm0Oh8NsNvN9HyQ6oDSgq61Wq4uLi6urKzQ0QM4Tw+E8z+Gcep6Hqb+bzerp6Wk0Gv3kJz8piqwsc0rtbDa5fVheXV199tlnu+3/793bj67r4rIZ5ZPxdLVaIXbRWt/d3YVhOI48hMAPT0+O48znczIYIf6rqmq9Wkkpr6+vPSmvTher1SpwWbLNNru1JYxzOZ3M/GBQDo49etvN4fLyUmsjpby8vLy7u/Mdba0fhv7d3V2a1GHYe356mUwm4+FYsLoq2cP9fVVnP/3p15yzp6fnrEi/f/vd1dXVdDGJ423oB9HQRw+8qkytFVVaW2aswxgjhFPWCjl1LxQbVd2YdjQqYTzLS9dtXOUDyAfhFI34lLMgCMqiYlKEYTgculrrx8dHrfXr16/DMHSpSZJESpdxLqWsa0UsK5t6Pl80TXNIDi8vL8Yo8Nm11oYwoC5N02CyKKo6QMnBUkIcivcDeMXEWzTQN02DIB2wAzBcz/PG4/Hp6elyuQQCAGPnO66UMgiCuGVBgd6PhgJjTF6VXWIIdiPqqC8vL9AgPDk5QUwNc8zbmUGkbeug4NtQWreykfCXvu8vFossS9Aci1IwYmHGWFcWTtMUN0UpRYWwS1GxZKwtk3Z5K/uExgfjhWAZwKW1Fg8N4WpXFAVO4nkOfgshALI3PA0AhShK4zLAIMI7O2YLyhjgmYFWwdvp5jjn3RV2tVOlFNwwRlkBv0IFiTuiK3ARA/r/MRIvq6osS91AsqOT3uU/pqItpf2TqPnHV1feJNYe/3dEaY41WGOPJJy2RKSVUofssFwuJ5NwPPKFEKphjFrP8/K0Mpp0mA9jjFjGOS0ryxghVDNG0RtALKfUJkk8GI+kkElS7eIsTUvX9XrRqCy+3ex2dRHvN7vPXr1aTMZ/+P2ffv2bfzwk2Ww2/9k3X/cD13GcIPJtlapGtdvgyP40hEgpfUqEEEVZRv3eycnJdr/b7HbGmN6gD5b6arXa7/cYnyaEePPmDQjpXR8D9vN0Oq2rooO5VSu81aV9kKO4uLjArJ+7u7vz83NsgOIT9X9sOSRJeZ7f398bY8ChWD4+odMYwxcXiwUE5nDc0CQMtrHneavVihCCGXKkZRlimjMQJEwywKHAnjk9PR0MBmhkgQM7OTlZrVbog0Wm0tXkOkQO9C10osLmoIccRbh3795lWXZzc3N5efn0+Ow4DudSSNcYgjjs7OwM5rFqmiAIDjFH4j4ajQRFsaF0XdcaEscxmK5Zlu0PuzRLNptVo4rNZjObTWez2dCEdVm5rYJC0zRVxcD9J4T1ej+efRxVa61QSlF2PNjYjlVV1WUFJItS6riukK4QjvRcR7pG1ZTS7phRelShFI6DwjTkDFHZUEp9/vmrp6cXS4nnelXVUCEH/ZHn+f/5v/zdfD4fDIZRFFpGmRSb7Xa5XM5mM+wD/UnLn7UWLCja6heKVk7WdV3sS6R78EloQO3sHZJB3DASKIBCURSZRsHYua2CnWgH7yINjAZ9FOWBesM0o5JJKRWtUBRrC3qcc7RCjMdjqJ0AayKtRAkC4SRJgHqt12ukjbztpUIbDmlb8+FcO1APP8T3krYhAEvQAesdE7zjusAjAnJB90fH6WatCBppC4kdItR9Mg4P1hcpJ04dYHfV6uDrVoGraicG4IJJq8tojKnrsnNCuDvgM8YY5MVlO5wBC7qJ96YlngsGR2WapvEcp6pLpZRi3FrLuWhttKWfvDrnh2WlnxBj8GdjGmIsBXBCSMtaIUIIAp0QLoxRdVXUlTGqBqVKHpXltdGObo4FYaMJIdyClk4pZ5wxwiiYLYISaY9tJZQQK0VgNKvqmhAxmQw9z97dLz+8f8jz8vl5+Vilpkznk2G63y2Xy6wogzBabdZ/+NOfPn999fnNBeM2ieteGFS6sRSqWIRRQzEOkHqu62d5niSJoT+ebjz2s7Mzx3HQfd5RL+bz+XK5hJYAJBuB0eFMoWjfZT9gIeMhIPLDDpFS/vGPf0TYp7VGD30XxHQjJ7GRIKcBHj1jLI5jQsh4PO4o6tDgQyGXEAKqJaUUsr2cczTNYgNjksF2u4UYOIrAWmsv7EkpARb1ej0AvBjfCMI0mGBO27rY7UZUyMAwAQcMND+EichmUEB2HK9pmqqufT+smzrP8yGhaZr2ej1WFGkWd7oXUsphz1+v10qp8/PzulJJkt3c3Az6Q/g5rRvfd6WmgBl7vd4+qa2tq6qixErh4hoGg2az2eGaO8AccSchRnSxHtxmHkW6UbpRUJ4UQnDpFGWdpvk+ia0hghjEXEKI4XCILoqmVrj/ptFAwbBOhJAkL5Is9zxPOLTWhlFhKd3uDsQyQ5gyZLs/EELSLKuqigm+Wq2AFWA4DuQg3r9/D2kq8OFAlUVTg+d5z8/PcLDYNOBWYyW8dpI1fhHN8boVrhNCNOpoE8GCB0CBpcXbOiEUmHKAklBmwC5By0YQHKlBdVG2xquW7YgZOKFP+iY8znlZli8vL1XVASxhx7vq3AAsL1r+oN+ERXFaFaTOcOP9sKQto7SGKezi986Tg3fYBar43tZh/Pjmjk7evRPxeMdX0VrjgcNxgimE4vN4PEZtVrTdH6CmQRQP3/5pnI5KBippHTBC23kXcCGCQZmrAaO04y9+6sm0/tGmk5YY8N8K0imlVlNizVH7lhBLQJNjTVlSR7iuE0WBKx2tNbXG8xyPezhIdV1rVUnBlLVZlsFTdF/XfjX13IhSTi0nliGaNrY2hA8H0zhL46wMo8GgPy2Lw8vz9vvv3/thb7fbCaJCx3l6eimymHP+xVdfCcf58P727uGhbsrZZNBfTBtC07IUqHsRTik19qh5IIQEQ6asKnUwXIrZbCYcWebVb3/7W+gwo5EN/YqARyDtyRhDcb7f7z8/P8+mY/CytNbg8mL2MTpCTk5ODoeDbvu3B4PBZrOCfe/oWx2kDoI5WAOIsgGjY+DXer1eLpf4OSSA0K2DXgd8KQK+ArRFKcHQBejcNM16vbbW+u0UncViMRwOf/en705OTg7xfjqbCMk9303SeLl6mc/nlhgheV3XrndU8azqEuC+aZlyoNxUVfXZZ5/BC2LOImmbKEF/qOtaazWbzQhhT4/PQJYASCIDRh21aaqHh5c8zx3HPT093W0PRVGFYVhWBRdsOBx6nuO60ljleUf16eVm2VR1XQfj0Sho+0soPUrUgfrRHhRLiKGUCimllEfD0QRBFEWqblR9pHvjN+HhqeCu4zVF1tLLmO/7jcZg+NJQmIyjJAgE6Rljd7f3yujeYEgoN5YKwbOiun94XJydG2N2+7huysGgV6uGCdYfjNYvz0jnlVKynbqAI9S0c0DqVtDRGIMZKCjD4lRLKZfL5dnZGe4ZvCIQS8qyROYo2qZKRY8zJXgrDNJV3lB9RoAMGwHGTtM0GKKNMjQuFYU7GC/EGqi9ANeGv0H4udvtYJTxjYA1sb9RjO3SFNyRbLUHuqQeh6QDzXC13d/xczgnCHh11JTOfNuWm4h0BMmEPk6vFniMQGk64MJ+MleMt1MaYHzxOT8i1NYiLjYtfQU3DtjdmCPD6lOSA6UUMSPq2CBxYtxMfzKi3XwibQghQriMMWoJ7qvLGmlLkfwUS6QtzQvLalsi449mveWsWMrQmWmIVdbkRSWMkNKfTMeDVZzUWjDa6w2q9RZAWZEXgtenJ1POuaobzhxj/2KqnCWGECK4RywjllnLrKGEWEokJcQaZi11HFdwb/my/t1vf7i9fRTcHY0m6X4XDYaTvktVeXpyJh0hpRPHGfccy8XT8/LxZXN1eTaYTpuy4I40xjCwJI01zDDKGGO7w95Y1ev1/Ci0lBjCqqZOkgRjI/GUlsullBJDLQCqwCzCUM5ms6qdDA4MEJVwLBNKJsf8SQiEFLvdDsI7cBgdqw2K7bodzNIVUYCvBkEwnU7RWN/psyJdwJF3XbfTF5FSDodDVCyrqlqv19iiw+Hw+fn58vISQd5qtXJdN0mSpqyasro6vxhEPWrsdDQus3wQ9TzpWKVdIamxnZGxSh8OB7DsTk5OIFHJWtGLjx8/YhwNFECxJyeTie97WZa5wun1ervdIY7jsNc/OzsDdWIyHQWB//z8XFXFZDLabDae56PhK01yY0wc75+enhaLxXDYJ4S4rqTMGqPyvIjjgzLaWoooizGe52WaxnjOIBAjo8LFIFoXXaBUtarcRmlzFAkgRVHUSrte4HmB9Nwo7K2eHryjLKrpyGqMMddz0YlrrR0Oh+PxGDQjLwgJIU2t19tVfEj6/aHvO57vW8KKsszLgnO+ODlL0/QQ77bbHdo+CSEgLb28vCAxRKwKQ4yFxC2hII44Av3HURShGwhmkbaUCZhRkKKQV9JWFcTzvDzLYAWcVvwEdud5tUTaAbgNITZialAAgeHALHawNXBDVHSLokDb8Ww2g+osPAdMZ9cRinQPbp9SiswOeSWq5Oh8a9oXa5VbZKuUYFpGbVesh5mWbSNoF4/j9vHhHRaB29etAANSH4RCtqWOwHTieeLxHg4HSimeLVLjzkNgT1NKEbC0tBnTgc6fcleQXqBG19Hb8UP42qZprDZCCN93pZS6bo4lUMroX1LRj2h46y26PKP71+5+4QI5YZZQZo2lEFwnxpjhcFwbJqQ/n86m0zh/WlmjfMnGkwn2hlYVHDAxiloCMvp/bdNrJBxWUIpomlNGGaNFURhtfS+Mol6Sxxi81e+NyrLi0gGRozjsby4vlFLL5bI3HKUvOaHc7w0+PDykyW466v+Ln31dliWx2lLDKbPUMsO0McSgA14hqdrud8v1lnLm+/6XX3758PAgpby4uNjtdjj7CL9QLNFa9/t9dJOenJxoVSM+Q+Qh29FXSDRNK0+PbaOU6vWOnSiokOFgIkq1ra4RIHt8BaUUYpNCCLRogPeCnziOs16vGWPz+bzLgW5uboDbQANyPB5DHxAW1nGc5+dnsGmttZgUCk+DITz7/f7Vq1fNJ+r/QIzR8R7HMfpXTk5OEIV05wgtEa3Koz2SDsNeXdd5XnLh7Ha73/zmd/d3D59/+QXUAEWyh7J0v9/v9UJr7WJxQlpZlP1hyzl1HAF6exj62+02TrZSSt93Xde1lvT7Q0qM4zieG7iuW+RZmubgQGPttNaEGsaYtcdMWiilCD2GdZhFySljhCIIXa/Xq/XGD6IgqJQ1jHJmjrMldavTpLWW0gGFVmsLdBiu2HEc6bpZVjwvl6vVRjW60WZoSBj2vMAXjqxVs92u90naNBXlxyZy2s5UgmWE94aQP9A3gNGwUGhGAG8JcqxnZ2cd5A3+ODRmAenQlgMOP6/asdSm5UdTyjrgAqVgGE1sYhC/wMDDSiMUJe3kZZwK2DXkKzBSpmVqQ6IadkoplSQHiIIBqgNegX3ftct3oIr8ZBQvbSsNOFfdO0k7CAKXTVtiX2fgYOKRGdiWAIfYuYvErbVNq9LV4UgdytEBREKIsiwhyWCMQe8VsiKcXnw4stf2af+Fg6FtrRWQFIi3gL8ABsI949MkF13tqymrLE+bpvFdeFzU/Y9NVeSTVlJCfpTF6OxCh61zzqkhxFi811pirTKaSCm3m4OiNaU28ASn1qiKM3t1dUVM47quEwnVMGttVVWOkEp33/CXXHVqrGXEakopoYbCwTBSN8oSY6zSWjFGHFcQYtI0yY01mhR5SVQmGDPGPD09KWqj8bSqVTQY9vvR4+Pdr3/98Xwx9YPo+myhjLXWUM44YS2cVfX7vbJ0OKfQL2qaRlBZVdVqeexDllJOp1M8gfPzc631er1GBQiE44eHh9FoVJUFTjS4s6bVyu4aJggh6BxES04UBUAjYWSBUYBU09Ubfd/fbrdJkqCDBJcHlwz0HB1P0NpDuollRZMHhK/RxQMeN2PsN7/5DX7oum6/3+/aZZWmDw8Pz8/P4/EY1wmajZQScggIxne7HRo+j5Hc8zMGJUbtAOQwDBGqwqwjOzwcDovFghKmtd3ud4fDjnM+nU0Gg0Gep9jPMK2vXl1PJpPNZtMPQyjubrd7qNNUVTUc9rfb7Wh0yTgBaTsIPNAfPc8jxhJqtLaUcs6E67rj8dTzPCmPoiOfpp6MMcHa1zFm4dyVjuSiy/dBfRuNJllZlEW1W23RdWkMwRrkee57RCdJEAS93uDh4WG/32NnX1xcFFWjtZXSHfSH0vU4k8YQL3CaWk8nc9/30zyv67osK8YI5xxCOXhk4NUaYzDuFiPuSDsBC1hbkiRa6yRJTk5OhBDoGl2tVq9fv1ZtByPsBaR/QCQnnU53WSK+CIPg+FzIEf6DRQOe0PW5wdzgDWjff3p62m63kCfF5kADLQJMQDeQkdvtdsvlcjAYQEQFBmA0GnWUbbedqqG17mBH1C1wy2VZdjp2qLXW7cg3GN8OWoGh9NqJjp0BxYd3XgfJNT4Q8ZfjyC7SpK2YYl0fhR9k+4J/0q1KIpghiC73+z1OPt6PgYIYZ1EUhZSmKwMgwMcLSQ+AUdQwAMhacUwmHMcJPF8IoVRdFMVhu0uzRCk17A+Qc8CcIfjuarP/tUH/J3E6J9RSTqimhFurDSWaUEPM09PT9x8fDHUUc4xuKNGCW9/ljLHtdp8kyXQSwpwlcTwZjbsk4RNgh1JKoANFDCHEUEIJ0YRaQg3jRnJaqepl+fC0PMTxljItJeWc11Wxb7Kbs9mbm4vJMPovf/93UX/w/Px8dnnx1U++RuDluq4n2T/8/o9ni3mjLdGEMcI4tYRqa3SjpJT9Yd8ask/SMAwns0WSZD+8fTufz8/Ozvb7/eFwwD7EwlFKm6Y5Pz9fr9dAxt++fZtlGbwRWCXGmP1+jxM6GAyAjbC22W00GvX7/TjeY0AohBJBY0c0FkXRbreDuYcAETr7UW2y7RRMxthwOETvK9BOwDKbzQbvcRzn3bt32FcwuA8PD0VRgJ2F1g2lFIRav/rJNw8Pd+v1cj6fBoGndcMY8TynLMs43vu+y9igqoo43jfNwhiFiQ7L5VIpBUY5+rexA9ELir/neX53d9c0zWKxUKp+eHhwpPf69Y2ULhcS1BSl1OnpiVLNsQGbHSuCgHfA8tjtdto0m+3q6voCQRghpsvdCSSk6ooYKxiB7lsQBOB38ZYHZiEq1OLPDGOAwAUEW45SioEPg8Hg8vIS5owxhjC5bGeYEUL6/T68fb/ff3p6gtb5l19+ud/vHx4e0B3zww8/EEJmsxlaqgCqoCQyHA6/+OILrXVRFB8+fKjbacW+769Wq7u7O9TQMfIDwiCr1erk5AQJI9LzqqrOz8+bpnl8fIQJ/tf/+l9PJhPQWtEhuVgssix7enpijKHvtmuvAKfFWguHD0vkYMACY1999RX0RV9eXh4fHyEHf3JykmVZHMfPz8+DwQA0G0jGIzaHUdtut99//z0uEo8X08JgIhljq9UK7CBkgrBiIIOLtj2y1+vB/SBwwKyD5XIJMwqmJsqSKMV0VrgjJCCHRV/ofr9HuaKrZAJwt9Z26sGoA8Mod62/7JPZT/hS9AHiiFJKt9st1gh95IPBgB5lyyqwbrx2KjGSABwMrTWQJcAstuVZHllJxgDyAsfUbSfgwLEBzEEzN/KPT6vfbVXq+Fi6yJ2187PgWuALYfrrWjEmkNfjgY/Hw7u7j2l82G5eqiyZjQaXl5fX19dBEEBgrmkacH6AznXekbXUeMIaSxpLlLXKkkabsqrTLN85Dmdcez6fTPtllXBBfvWrX1xdn6WHw2DQ+5f/8m/+6le/+Ff/w6+++OLzm6vrp6enP/3pT0VeXl2/KqtGesFPfvbLQpF9Xj+/rNOsoEJK4Spl8qpkjA1GQ0vJcrl8eXnhnGO41cPDw0+/+Ya1qrZIxEEieHl50VpfX1+DsYZ641dffXVxcTGfz9FWnef5hw8fDofD6empaZWCkFCiJAhQdLPZhGEIpgf2QFtHMS8vL9CcuLu7AwSKPDhJknfv3r28vAghQJwHmXUymeBE4ILxu8PhcLfbDQaD1Wr14cMHtJtyzs/Ozk5PT7G4t7e3Z2dn4/F4OBwe9vu729s0SQAx96KoF0VZmlZleXlxcX52tt1stFJvXr8ej0ZGa+x5zLzEpsVcum+//fa77777h3/4h+12S9pKspQSF4/0tCs1ffz44fHxMYqixWK+2WyGw74Q4u7+I6V0MpnVdf3DDz88Pj7+8MN3hBjHEUrVFxdnVVU8PNzF8f7k5ARdlnlexof0z3/+Dp2njw/PlPLRcAxtma7W1SFgluimaUQcx71+hMwacagjJKdsOp0ibrKU1Y3W2jrMA6iCzKjXG2itD0kMpw1UHWkXlwI74/37943WxyGlTJwu5nGabTarIIj8wD3Eu34SDXphlidCsPPz8yAI6rpEpDafz4HIAwQYDoeYi6S1jqJoPB6jDA3kBCX1y8tLxNTw8F2hDKgI7EiWZbPZ7PHxEXFKXZSPj49nZ2ebzQYGnWjTEWYAwAFqgLGDm22aBhAYkAFAOqidRmGIdgMkpwixYbygAwezhXLFdDql1ALKbFqFABjTzWaDR4qOUFhbx3EgsUApxbfgV/DEdMtrBLTdYev7/R66qRgngl9HTb/TtOlKuGiXRToCZ4O9AZcA0Wc8dmCsi8UCqR8ya7zTcZy7u7vT01M0GAMeRRWuro/1ZBh6xInIqOI4PhwOuBikBfP5PK0KLJ8xJvB8Y4zWKkmS6+vrODlYax1xVAkHHM/5sf72KfxiP+Ev2r9UC6jLylpLhaDsiMgzKhzHnZ0svnv3sVb05z/95v/+H/7f/+qv/2pziL/79g//9pe/+Oz1tTH5eORzVv35T29vri5woIwxxoBOY40xUE1nVFtCKTWUCkoJZ5ZoSzgNI5dWenM4jCf+1fUZoY7rDZ+enk4Wk1/87Our0+nZtB95zv/t//J/rst0Mhp+9pOfnd28dl3fEJGXark+FLVllPzpz9/dXF8HQVjUjVG167quFNZa5P5VVVVVUavG4WI8HseHY9OA7/ugbSDOwP6Ew4a/B0+cMbbfNePxuKOHI2NGJQZpVldDQtEIu2U+n4/HY6g84oyAsgWE3XVdSLQ6jvPDn7/FB+JPTLXFmDqQCFBFQ+S+Wq0Q1C8WCynl8/MzqoWIJBBfAw8xxgDEeP/+/eXlJVT7HcfBsZrP5wD0gadDBQTRLbpDECV8+eWXQoiXlxfQeOAkAIqibMsYI8RUVdOL+t98843vhdvtHurioNtvD3sFLUJdN03z8vISus5sthiNBtba3W633+8YY6DwKtUEgY+nmmXZfh+XZWksZVRYS8ejyYFAi5Q5xPm07vUp2MgZF529h6VHTKcbhWU2xtRK140ej0Pf9/e7QxfIg6S5O+wdx3Gkm+RoXu9//PgRmQvyNWHMcDjYbva1NpcXV8Nhs15vw9AXldhttuv18ubmhllDtFksZnVde0EA+QWYGJQ9YRnX6zWkyzjng8FguVwi1gbChRgfRdSqqh4eHpBtoLCDYBbGFz4GVtI0CgAxckCttcMFpRTp/MvLC2YLgGOHLBKxAyoq+GQ8U2Q5k8nk/v7e87y6rtEQATQfo8Ft23wBmxJFkbUaQXrdTg7q6of4WDBhO0iat41XiCPgujpr3rTjWmBwuygSl4doAiRRBMJAbxAy43a22y0eKfJx1o7FwlfD24GGhPdDnY0QApEQHO8udoC7BYQKvZem0bD+eA5OO3+OtORI3aotwgcDZINzghtD+fbp6amsCtd1iR8QQoxh7JNOK+x40tKEulD9U9SlK/xiRxlFrKFGEyMtoTRNsjiOKXdmpxdaN74rosB7KJKHhwdOT+s6dh0T+AR1P+161uIDj+Mpfvwuoq2FgKOhlFFKCGXE0rLMG1XVddk0tee5w2G/rEiaxW+++uXl+azniaeHW5fpD2+/++rrb/53//v/Q1w0qbJ/+MOfHp9filKtddoo1jTV83I7nc7zotKqEpxOx31D7G69YowNBiEhRBlbNY3nBYvT8f39PXYpjoz9hHcESiIaFFH1QfaMDY9lhd3EP2GDIT1FeQlcF9d17+/vgb7C9wdBAJEPEMlAWoPcCiaLXlxc3N3dVVW1XC6TJPn6669RvgK/rmkaOAbskOl0ilhnOp12koo4+Pgu7MzHx0c4iYuLMyASm83m5GT+t3/7t4+Pjz/96U8dx9G6SZKDtdFw2CckrKqKUquUgsRQURTT6fTt27fb7RZ0msVi0e/3scmBJoVhmOdpnpeHeN80VRRFlFoEna7rQu8kigIhBKFmPB7vdpuiKHB3h8OhaWpCSH8Q+b7XH0TiOMq45JwjeQ3DkAtPR2q73S5m06qqOCMcEyI5ZAA6OVJN6VErSaC5HGeJEBIEgee4++0OnbuO45R1ptsBmC/PS02OMoGbzW632xFGUSiD+8Kqw4fDtwtGXc8xVqmqtlo5ggnBiLW+54xHgzIvsjTmjAhOheB53nDP6cA1WE+c591uRynFD8t2MALcOCHEaeVNsM+ATcNkAPlFXUhrfXJygoR0OBwul0tPOqenp9BzOIqMCwmKVVVV+/2+bOquvgroEBYTk01g5mBBwNlyuABPAEPa0G7XtCqPeM7YbQAZuhIo+Da87d7sapIwbcCsuxgcNp19IrQLZLxzBh1xpaMT4PmgKxVIOiBOgEhdHayuS0TxsKSgoMBboLoL2w1U0fM8KCd3VE58NWgPdSs9CvQQ6i625UeyT5T0u6VBuRviNmis9XohCiGHwyE5xIyxfj/yPO/uw8dG1YPBIPB8x3GEOIJOkC83rZA6/efnYPxo3OFUqG2HZlCitamqBhmJdLzDbvu//l/9T9tdzKh5dX39D//wDx/f9y8vZ00d31zPP/vss+16GQUho5IxBvmsoxfhXAimjTpyJY+XQYmlhLA8z5U1k8ksz4v1OilLs1ylrutKYZoq94fjZbZzo+DnP/3J48vzfruU4ej7b7/99e+/ZdIbTqZlpTThZW0boQ9J5m92nJnhIOKcV2WxT+LT+YJzrokNgqA6xGVZXvR6g8HA0qN2JrYrthbwNGxmXH9X7kaADLPutiJWyOQQ6yBsGo/HMNzX19dISeE8IHEO4BESpx02iPbpLI4/HYyjlAINEd0YEEECRNPr9S4uLhCUoEKGY47NHMfxfr9H8fN3v/tdHMf//t//+8PhQLRxXbcixCrNLJlPpmWWh57fNM3Z4qSu6yxO9tLp9Xq1sU1ZLbd3p6enw+EQ4zM/fvyIa0AmgU0ONAL7No5jY3Sa5rv9IQii09NTpcx2uz09PQVqtFjMLNHaNKPR4HDYGWOiKPK8ADKWk+mo1+vVdel5TlnWXFCt9XK53O0OaZqenp6+evUqOcR//vMft9t9keXBcTRmXeQV5h9R+mMayhgzlgiErl39WnIqGO+CI/C4LSnTNFXWCCGS3QYIDIJEx3MHg0Hgh0Evenx83Gw2WmsvOAaPWZYFvkNLejKflWW9Xr0UeUUYI9qMRqOzs5OHh4d4vwuCwPaNUZoSCAlIdNsDQFBKPT8/K6UWiwViq05ZsKqq3W6HMw/OH8IHxMgIN2DiAWEbYx4fH7temDzPZXSsA3dF19DzHx4e7u7u5vP5ZDJxA79s5zgD3kVcgBZkoN4wSbCAcb4HHg2bjobV9XrdAbsw37gYKWVRHOmlrO2soa38ZAeOo2ZFKf30gEHARLT6qPQTdjaQYtQeMcQWFcjBYHB2doZaBeLu7rfAZaKUgl+kWok08HOBySJ86JI+sJJgf7tqrfeJphg8EApBGKM6Ho/rWqEADupF08qxNu0E1A7s1u0IbFxeF/7DQX7++edxckDZg3Nu7XFKxqeNP//ElP+z2IvkslKVssdQlLf5DTyfsVVaVv/qf/xf/OYPfyjrap/Hh2USeLJzuuPxuKkKrTVlost/u69FNkwpsZpawohlBG1NhDpeUGXZZLx4/uO3T48rzsOHh+coHP7bf/M/Zkn8H/6f/9d/+E+//fKzwb/7n/7n0bA/m463Sb16Wd7fPV6+euO50WazMQ0T0l9vbgej4Wg0mox6juuXtWqaxvM8P3DBZIvCnlF6uVxNpzMpXSbIbrfL83w8HgOBMe2Yb4BXw+EQgTDq2zhKyHGRriFv3u/3o9FoMplMp1NEAwBG/vZv/5YQ8sUXXwBA//7773u9Hk4oEjVsOXgR+I+PHz+enJzAnYzH47IswSPEjGxAIlDsABIr21a+5XKJkeVBEGBMOXCMs7Oz4XC4WCwIId/96c+fffYZcu5f//rXX3/99Ww2Q8gIqj5wJLxQOEzTFCW05XKptb64uMA3drAztgeIPQhn+/2+dNx+vz8Zz1arzXr78JPhT6qqCgKPUhrHSZIko9EgSRJVNOgFpXREiM3yJMuS7XZ7dXVVlmUU9T3PK4oS9Iq6UoI70+l8sdhRyoUQgjuu6x8RVHbc5IhgoEcnpRSwVjhgaZo2VcEp01oDT0d7mCVss9mw+DCdzKhuUIYCDSgrcniwzX63Wq2Gw7Hv+4xz6DJHURS6fLc7uK7rcKGqkjIyGg4Z43mRDpyB5whVV6wXBr5bFJluFJI713WBujDGoijC6BMUCbsIFzlgt9s6DAExe9etgEIocogkSV5eXk5PT6HWAizl6ekJA14JIVVVRX7Q7/ehQTGZTMqmVm3vexf/KqXQiAGzCMZVHMePj4+mUTgJaMSvW2VKIB4oFnWdTZ2DpW3jDCEEZhEmG1+H5AB1y646bdt+H9aKUjVtUxmsLfCT3W7XgU4dhI1Lwib2fR8K7KhelCXpEHbVTpxo3U8BPsP5+TkePiBL4D9A9nFtQHJF26uFA2NajQ44DLgK/B0+FXRpZNxgTcznc+G7OMA424QQY1Se5/PJtKyK7iFQapE/wWfgMsxfSjD+t7CXLm+gwPe1JoQ8v7wI1xtGvVE0WC6foyCYzyZ//tMfGHExPODm+pLY/Pn5eTad7rc7pRSxjFJzzHqNJtRay4iVxEDOlx1PnhWWEEZlVan9Pnl53q6WWy7q56f1Yu6slk+hK/74u98SQka98NXN5WsuHtdxGPbOzs5+kutoNDPGpklhjBkMe7t9ohrd7/dns6nRdRwfjKqklMJxyiK1FpRThxCy3W79sKfbkXV1XW82myRJYBPRwYfzhUOBqq81BvV2tDoDgIaXxUnEZgMWobVO07iDKIHJ+L5/cXEBq4q1RkIADZmLi4vHx0cYHyHEdDpFFytj7Obmpq5rROU4OEBfkUPg2wkhvV4PnsB13ffv3zuOg0ZZCAB88803jDFgQTiDCHS6XBPTbwBsSinPz89hLrBnFovFaDTa7/fwf6D2g07WAYNFUTiOB+uEVs3z83NjlSUaGGNZllA4HQwGpLH7/T7Pc8cRUc9PM12W5Xa7ptQyJkajUdQLlNKU8qqqmqb585//PJtOR6NRXRWO9A6Hg3Q455RzTtmPUwHw0rqhhAvOOXoEcDgZMQAEDocD+BsV3L7fZGVhjJlMJuCG46gjYNzv909PT1mWnZ1dBEEQpwnuzfO8wBUbtY6LstcfjMdjQlgU9qXn3t7ePT08hr0wDANqNCe0qYqyKAC2dkUY0FSllKiztSx4DdY50h+Evdh5APE7yA8etQtdd7vdfD5HgxzaZ4zWoD/7nscYOxwOknHo0wOUUPYoqilbrZyOhYJ4GUl6XdewUMN+H+F80U7Kxm4DmG6tBfEAcVCe55Ra0crBw7920XfVTkWBOcZeByyOVAZ30UHYqAfIT+bFkHY4BjYi+PWAiVDg1S3b0lp7OByMMU3jIFjG2YM/QHWUtCPx8JwRtYEs1EHq6J6FmigSGgQyYJHudjvfD/EhphXJwefAttbtHCVERp7nGUYBytNWwkzrBhQL0HsDz2eMWauRAHU1iQ7k+bSO9F9jLx32xRjTFuxMahkdjUZMOuPxeDpbbOOkP4hms9nDw32T4AmYMAw3621T5/0o4JzrxhJrGftxgNzxKww7gi5WUMoZpYQaxnhVakcGq+VOa2otf3neEsvritRl2gv6f/UvfuJS8uri1Jpaa12kyehkcnV+YXjw8LJfr7e10kbpujKEU8YYYbyT8eKcU2LKsuSC+r6fZZnve9fX102j6qLUTMM+Nu1ckQ437wwxY6xjdyzm045gjjgGdFVIUgMtieMY1ANr7XDYt9auVqs0TbXWnPPHx0fG2PX1tWn7y2D94Y8hJQa4EvSwJEn++Mc/KqVevXoF8TvsZPgSBPuY9IJGPECgiGCAd4NL/vHjR0TEj4+PkAj9/PPPEWEEQdARZ9HkiN7vJEm464OxrpSaTCYdvQLkxcPhMJ/P0XAbx/FyuZzPxx8/3illPN/f7TaCO77v+mHw9PSEQhoiwn4/klL2+31feOvN8vHxcTwezOZfBkEQRQGl9nA4UKqMMXleNE09HA7zPOdMJkmaJsnl5XmapsNetF7tCDXT6RiWULYq04hOlFJG1wzAJZ7RbDbrZFd/+OEHPGL4z7Ozs36/j9ZtVACg1YUPhf4J/USdg1Kapund3d1muwLNfDadQgNks11ZpR1Hrter0A8WiwVjDPPbm1bWFXg02EswnZg0jUgBFgdeBL53MplMJhPUBrAXQfZA+omAFK5iOBzGcez7/nQ6RQ8CVATiOPY8D0AB7Ava6k5OTnAZaFrDE8DNwlhAfBHtlP1+H01uuFPU6FFSB+MTZhScLTx51c5vAyTdJVNd4RS3D+PbgRK21U0Ekq7aMdaf3imqpnBgOKKIyGC/uq/GtoMxHY/H4Ofmef7y8vL09IT7QlfRbDZ79eoVZiQmSRLHMdwqrDxgkKZpMO7y7u5OtTML8eGI0OEbUHrFJ+PDOedA6rEBoigCZARGM4oWneQOkCjf98fjMRjQtB2tZ/+S4mJaYv6n8Ms/seziE6mGriR4dXVFKX15eVkul6cnJ550giA4Pz375S9/CXUHeHcQAUWrVtb9iRfnnBBKLMOoI0YFZ44QjuCeNWQxP2NUzqYno+GsyKvp9KTfHxBiDrvdv/23/8uf/fybxWJmrd3v99fX11VVccGklKvVarlcciYJYWmaS+E2jd5ut8vNGiEXiofb7VZbi1oc5/Lq6grdA0AnwHXxPA8Y8Xa7/eGHHz58+ICqD1pAR6PReDy+v7/HMelommEYLhaL9XqN1hCwYjpcvmkacBCGwyGIzvC1m80G9Sq8MwxD2GKEzNvtFoQuay2C7izL7u/vHx4eYBO11tAuRwdfXddpmkLZCev7+PiInqOTk5N3795hTLEQ4t27d0EQfPHFF+hQQfyKZBfncblcbjabXq8HKOb9+/dpmoK7iQARoCUqWFLK6XR6enrq+36api8vL3hWnucgEOn1Q1BloDDqOA6hR84C5oGgnQVONEmS+/t7wDhff/31q1evwIp2HOfi4uKrr7766quvbm5uqrIuigrNqF47JAcoP2/1jrrEnVIqbGMGwcB3vNXLWjJJiK1rtV5v61pRLp7vnw9x6kWDjw9PWVYMBoP9PgmCQClDKfM8v1EKaYjnBZ999lmeZ1mWSdc5OZnDHgm3Xzbp5pAYJpRSZVP2eoP1ft3rhxcXFzC7dV37fjAdnTDrJHVKGC3rijCqlB6OR2VdGWM2m02aZ72qBAdxvd0EURhEoeO5RVV+98P3oLH3Bv2qqXe7HZeCSxG4btiLsOppng1GQ1ubbJ8eI2Uidps9SqBVVZVFzZmM09xSLhwviPphb5AmuWpMVVXxIR2Px7PpNMuyJE5UYw6Hw/n5eS8apEkOZtVsNsvzlBCzXi8JIY4j8jyNosj33cPhUNcl59z3XWvt4+O97/uXl+d5nt/e3qJzgXOO/rqzszNUvVFTRYe924rWYsQdEils0ziOb29vwRXD3kJ8AZRctHOIUEgAzRxjaPCxAD3AyS3qoqjKWivLaBiF0nPLpnZ8r1IN4YxJke2KIAgssWmRR4O+6/qU0nfvPuR5aS29v3/0/eDNm8+1tkoZ3w85l+/evfM87/T0dDzmnfjfzc3N8/Pzcrn87LPPOqQ+CAKcn+12+/T0VFWV348458fy6W6PaB2VkiD0kY9TShk7Nrh2u7wj/yAs6IrPLeR9fFFS6qapG+p6gReFjSKNsf5w8sc/f0eF53ni/e2d9Hyl6u3y6fp0WmWr6VgZtS2Lw+nphTHGcftJqY9iTMXRbEkpAydY7vK80oLzyPeIrats7UonDENjrXC9TVxQpz+5GtyltvTuKtss8+3N297f/NWvXJeWvCbc7vPSMlOWe09wR8eb2++S5wemPb8/kJ6z3sTXU3L5ehqErBe6Qrjxthj1+kITn7hSBa5k0fykKuv3f7qtVTOIhtIzVZroquJGY3heU5Sh61FCrCFnJ2erzVprUxR1kuRSetIJD3Hs+0F/MPaDkBKR53mq8n7YJ5oIKnTd1HkhKHW5GPX6wpNVVaEd5HA4BEFwcXHxww8/RFF0fX2NOPr5+VlrfX5+vlwub25uAK10+YHv+/P5HFgHEs2yLD9+/EgImU6nCFzQ61+WJYRf3r59e3l5CZfw8vICtbjvvvvu8vIyGA3cfvS82zDfzXVDCNGcYuQL812HmPF4PGiaTRo/PT0Np+Pp+fl0Ov348WMQeL7v7nYb13XzPB0Oh7/5zXdff/211ur9+7enp4u6Ln/6059+++1bQpjruv/pP/2nX/3qV64r15vnojycn10WRfHh7vb6+toYsl5vp9Op6zY9r397e391dXF+cbrfJePxlBDT70dKKZQcwjBkVMCAKJX3esMwDLfbLbHq48eP//J/+Kv7h9v9fr9YHBmApB1uwzlngnPovdhWh7PKbVEUjB8H3MEEEEKWy+XLcsW57Pf7aCQDacla2/nqyXx2e3uLRgzpOqgcBkHwww8/ACIHWRBYrZTy4eGhyCs0VVJKKWWI5i4Xl/ooE1ytVit0ke33e8dxrq+vsaLgz6lWq4SgMiAE0JUuB4drRaGvo2ki8ET4A04IUAjaisEiToeGTCdsgtqA4ziINTAIERwSFAnDdnaibKVLOh43eOudmh1AaoSWGPCkW/VEZCeI72DaAIzwtj0MP2FtEwfCFtb2ggGaAFIJPWEYMtwCjHtnztbrNZATlFLAqymKojFNV5ZwWv1kREMgruCLqnYMMZhb4JiCTYGestlshuoFIl9c+WazwWomSYIWgS7EQA0ZRGZQmxAPulGAjYEyL+e8aVxCCCinUkomEaccoXNjfgzGO9D8vwZeuhfn3PO4oYxQVpRlXjS1sUyILMseH5/RL3447K6urpqywn7A6gMvQuGBtZJndV2jsoesX0pZVTquCtPrT8Z9yaOmqouisJQcku1Pf/lX/+U3f3h6d/vms59oK/7zP/wmT7M0z9fbzaAfWsoo467LreMxLkI/LIoHo9R8OokLm8RbwoPZdPDll58tTqbDaCgEZ8y6nqjrwhjluMySpqoMIcRxZY/6yjiBHybllnQcCWO0tiCknpycJHGK4s1wOCyKymkFG8bj8X6/f//+/WQycaVTlqXjykprkKB2uw1SnNvb2zdv3lS6BnEFCN5qtdput9j5YF4h/z4cDlVV9Xq9qihZK0AEeqVqJ0SOx2PGWHfEEK3D4ndab6vVKo7jTmnSdd1Xr17d3d09Pz+jiusEPorARVEAYUZ+CSYbAp2OYi+lhO4INLbQ9NDv97GNGWPv378H//3rr78uiuLl5eXh4WE4HALcf/fuHaUMMfh2u724uDCUNE3z8rKCIMHl5WWV1q9fvz49XaA/KOr5TVO9vLygSox2/91uV5bVeDweDsd1bbhguq6Hg8Go3wNyVRQZaviWmDCKSCudxKwhttXepS31pSxL6XAp5cXFBRZ+OBxKz+dCKmUopcPRCCkPLBchBMzN3//pj09PT0II5OYdj7UoCtg7IURRFIfDwfdD7HitLMIozjkhFjT+cBwtl0scRRCYwGABawIPF8gXcNjhcAizCG6TaucOozQBU46sH9vF8x3GmDZNXlDGiXQ4Y8wWulGV0k4QepboosxcT4aRv9nkYeQXhbZEu57POc3yBFCJdLgfuFxQyizjxPVk1AuEEF1nPBBh3AWij16v57SDPfFwUEmeTqe6HbKKrlF029pWA5m1/Wmdoh6cLmhVsh3EDF9tWsF0MBZYK5AClIy1fHO4lo7M47by6FRgphqUeJkQjjGEUj4YjPb7PYrSZVkbY3u9QYdEQ7GormtU21BNAQEZGIvbytMDNoGxwEFSSoEuRVqOP0hKth3Qytp5ih25iFLKHcoFY4xJDkd1ZOiDId69WKtX99+y6UVRCO4wybUxcD+UC8dxzk9Of/e73y2Xz2EY+r77q1/8crtbb3frjx8/woOibwDIPqg7SIwAMqDdcTQaPT6vlaqzQU+rme86jpCcc2201vr+/v79+/eaOY4jyjLPkvjk/PyP333fEPP5q+thP2COyx3HqDrL8vpQvn//8e7uo/RGpyeLQ9o8rw7L59Wrf/d1GLphJFVZMkZ6UVjEueNSa4xq6rzIKKU9t+94gmsqpJVa4ry3SHoF13hxcXH78Q78QszSRDwH9BmFSq11oYo8z6PeXLsuorqOWPX+/ftf/OIXT+9/+PjxY1mWb968GQ6HwB9ms9lgMEC7KWKdbtyNywW2K1AFp1WjQyxiO7IppQgXIIEC+AJnfL/fo8kIFQLwIJMkmc/nnSNBVRNEia48Q1tZOt72IRdFsd1uEQx1lXPUDNI0vbq6wtuEEPBJ8N8gbk4mEwRSom3bHgwGRV2tViucZURg494ESiGPT/dxHE+mw17vx64XxgRjGAJTM8aEYA8PS0CO7nxKCNnv9wiL67rOi8z1nKjXA9baJakC3q+DVnEbaBrGhJFer+eFkXTcNM3hWju2dRAE/abBWcrzHACc1nq92WAxVqvVbDbDPQMCw6ap63owGFBy1CXXWhtjofJzOBwQuMGddCVBQLFVVSF9A83TGAPzgRYh3erTIjQDIB5FUb/fN8YA9b5cnOp2ICzge/x6URwrwL1e7/b2FnyAjjGCegM8E+wyEgLwagHMwYKsV1tIzxtj8JkIcqEYZz/RUaEtVRRyCyjFwIGhJIU3IJqA8yuKYjQaQekXvyhaWfau5AgjixPS+TnaSmXRVuoLcYFqpyXAQyilhoMhb5VtrK0455xLx/GEEMYQIRxKOQoSkJTQWj8/P6OAhggFfQOoIkAuDW4DNQyw2VAJR4qAlUUqDaMPQDbLMsxLsq1OC+6X8+O4D0ItY8wcRelQiDxSXDqQsYtJ7T9HUYdXo0QbqoylyPSF6zmu98UXX+ziw3a7fbp/+MNvfzfsR0mSDHr9i4sLz/MQv0NoAbcMMjJ6oYUQo9EInXd1XbpComwoOZtNpuPx2FLSNM0//uM/9nrh+c3ntx8//uH3v62bMosPqq7vn565EKNhz+HWk4JYnRzil9VaSP8nX32x3mVZtgu98OuvzgV3BsOAM8WYKqvElUQ64aHJOEWqqilThFFCG0K1JcpYi2OCTUvaxhRjjOM6HQkVRg0viAqgyOn7/na9aZMbr67rLsYCQn04HNA7Agc/HA4R4YHKxVrR2qZpAI7PZrOmKI0xsP7wEFDDRn8MbbXhOuoXdFSstVmWPT4+fvXVV5PJBPU8VP4h5BdF0XQ6ff/+/Xg+g9HYbrej0Qh1LNrqdXfeAjYBLAyUVV9eXt68eeP7/tu3bzEa9OTkpBMTREfLeDxuGo1o6erqqpuE5xiNufDL5XK/319fv+Kcp2m63W6jN8eGOwQ6xDIp3TAMGRN1XaRp6ro+qBCMsaenJ8ak4zibzWq5XFZFst0sr64v5vPpZrOC3e4Ke8YYIRxiqYAH061qFYK+xq/Lsiyr0vMCXAEQyeFwiMc3Go06yXI4N1QaIZoIq4GPUvUxtgKJAgxI8Khc5zgDoWmaOE5g1LbZDqrziMGxzGA3opwC9wvnv1qtnp6ebm5uwFNEyQ5LhcuD68ZRh918eHhAMNhtbmC4nXoiVr1jRsJnuK3KKPBcOKcufLat/BAKd57ngW4FzwnbAUdo29b/upXbRU4HtAGI1qcsdcQL8KBYadKqknXYiGl1pVkriQ7b1FHpEYB3bKK6rnFoO3P/KULFqCCWWkO1skY31tZCCM5kVTaU8MCPqqrK0kIKlxKeZ2XgiY8fP0LvFLA4+NHwpnjO+Bas79PTE4jPYBMHQdC0svigYXTOCVLaZeskrLXecfrdsbMJ3Rb6KAX8F+ONSMtDJ5/US/9Zm+57oaHEGKKtEUIIKgnnWuu8SMeD4fplmSSJkEzVTZnni9nsX/z0J2DKGmME45ILdLqDFDEdTxihhJDBYEAtCcNwNJxo0zhCWtUc4v2x/SIKLy4uNBWOF/7w/bf/n//vfxZh78s3rx8en0+vLrRSj+v108tzmaWC0dB1MLRvNIm4IVVxUI26vJ5/9sXnvV7Pd+8YsZbURtdNU1Z1npYHasjUnQjX+sShlDouU0ZTq5jgujS4fuSLyM+qqtLEwk8zwRljWv/Ywbvb7U5PTyeTCdRPIYbe1DUsbK8XQf5hPB6jwoRgq4soKaUgTWLyFxQpbDvJ+u233wVBsFgsUJa8v7/HhS2Xyy+//JIx9vj46LruV199VRTFr3/965OTExSB4zhGJbbb+ZDrIIRAW9wY8/bt2/F8hsgDtDHYJWstMoNO/RTr0uv1IHlCCIEdQ67puu4XX3wRRRH8NJgaiFfm83maps/Pz8PRyPO8LMvyPNfWNE3z8PAA/s/JyRkmXEMzHKMsptNpVRVxHKdZrFQNjQ34KkJNL+ojtvv8i58Sq5+e7uJ4nxx2UtBFNSHEdB0butXjwzRzY4zozoBpR3wBBAiCIC+LLMuSLHX8gIvjZAaUX0EGiuO4rCokUzq33QjKi4sL8UmbT2c4oCUfRf3dbhfHsRSuavX5eDtmQXLRC6Pdbqfqph/16rrWjeqFkVIq3h/6/b4rnaaqXelwyuqyCv2AWpLGSZ5lkgskxY8PD7hIR8gkSQ67PTQ5g4X/dHePIBGMzK4xEnIWz8/PmGHfmU5r7XQ6hYBclmUgkGRZBvgPpKAOHsGOB0cFSAJyf2z6qpWTRfLRvQFWrDPlQoiOa4jNt91u0cMJuhH8CnAD+CF8NbgBiHbhA7C4CL601lD1ggt///49/hWJNjwfqE3wdsgYOg+NVpSmaTabzXK5BJXY87xez+ec25afjjyxG2HcwURQrMSngX/WwaYdpAO8TkqJnmFMIwOAiLyBEUop1bqhlDqOQ6glhFBCu2CcUqr1P5k09N95WWuNxbANKoRg3KmULsviN7/7rRBif9hyRi7PL4bDwaDfOz09hXAF7F1XZ/bawV7dUnqeh7qudJ39due6sh9Gm+36+fEpTVMuxSgaRFFw//T8D3/393mR/tXPfh72B1mWVFpTQppaUa2NFU3ZSMGmw1EQeHmexfGu3/e+PF3cvL7uj6S1RV2Vvu/rumKMUGabppKS61rnZS6FoNRyziw1xiitG2O4EA42RtlOsMJBvnp1g3PRlp15GIaQeENssdvtHh8fJ6PxaDRarl500yDfGo1G69Uqz/PT01MYGsivv7y8UErPz88ha4FFRF0E+lzYvciwO0IdRlE/PT2hdA9cqBtAAXZ1v9+HW7q8vIQi41dffXU4HNbrNb4deD2l9OzsDMvRZQ+QQNCtJij2QFmWz8/P19fXi8VitdoAyp9Op2g4f/36NbJwPJzlcol+DjDHAAft93vSqvIVRRH1e5xzeDVIgK1WK5yFXi/c7/fr9brXD63Vm83G850oirS2g8GoLMss28Bh4BTHcVyW+WQ6Gg8HRp0s5lNK7Wq1Gk9GSveCIGCMt6m/YIwRSwQuFyw62HvdqtmVZZnEWV4Ws5PTqNffbreU0rB9J1w9sn6cT3Tl4ObzPN9ut4fD4fryBjQM1QpCARwYDodReMyvwzB0nKNseiCDjluN4BekVJwix3Gen59RroQKBErhsKFIfHBQMRMW0T06KbB7zs5OGGNNUzFGwtD3fQ8xsetKSHHG8V7rRkqBn4dh4LoScwKrqsjz1PMcxojrSmu1UseBD2maHInVLgaGKNFq7WLtkZHgFmAEbTt/A3356MaEjUAXD6iQeG5INUwrjI54RLeyG6RFxpt2vKRoZ9TBowBbI628OLCCNtqlx0hN68Fg8PSyhX30/UBrfTjEdd0QQqV0CCmKomwaJYTU2lRVLaUjhAAJAewx2At8mm3FbWA44KLAlWxFixTuDlbeWjscDr3jxBWFoojwXQB35JPWISSb6KNjXVc//Qtu+H+3OopXUVecc8oEZ9wSUtd1nGaHOI73h5ubm29+8vXLy3NZFN9/9+efff0Ns2a1Wg8GA8eRjoOB3booiqoqjDGEmLLMOaeMkaLIHEcQYqqipNRyQi0xvTCip6eHw+Hp8fn2/inOC9cLv/jisy+5e3J+cff4VGWZcPqe4yhDrLaOG1hW++Hw+tWbLDnMppMo+sIPBBeWS+rIhjv8JdFe36vL47jaqmqCICpoobUhRBtjDKHCUmOIUqaqGmMFdp3Wum4a5LLATChhnHOAG47j4e/w6IfDAe1LplX+UfY43QINO+D8TSaTp6cnIBswBegCmc1mZVm+vLxAHgC4dlVV6/Xa4Zwxdnd3hy3x+vVrIBiw10qp8/NziCYZY7755pv7+3v0wTZN0+/3P3z4APwQ8Zbv+yitQZ/rF7/4xcPLs+d5eDPqcB0mjhgcfwf7Dug8fh0VWs75bDZDAoFkF0rjABIWi0VVNdDmI5T6vv/4+CSlxEBUpRS8EcIm8NMA3+dF2qjK8xwhRBj0hOCIhpHL9no9ymyjqn6//4c/fl+X1fn5+Xg4UHV1ejJ9fn5E6ACeGz8OXu6mkkpRFAXMDQxK0zRNI6Dn0Ov1orC/2W2RnlBKe71ecTiAooTEZ7PdPj8/Pz8/S89FpWK9XltKfN/H84UFB7YALdbBYISTH/gh8n3eSr8mSeL1PAjJIkiEBYSmM0w5Jh9Bwwu2e7FYoIlrs9kAGrq5uXl4eEBEjPQfAPd+v788PQEFFdNEUZ3AQ0fwi25pJB8I2KE1ylsZmU6mGe8Jw3Cz2Tw/P4OGT3vWWouSIGrCCELRfIhk6Fjl49xaC2BRtQNIYcsAVsIaHttxwxBADR4dDgwWDhilUgoEBiDX7UqzDgKCJ2DthHW3nQ4MmAjBMjToVds+ikVHBt0p4kINQykFWFM3Dh7U3d2d4ziLxQINqFAzxo4y7VQNaPWhhIUoDPkvhs3CSQN1QeS73W7zpkJN0lo76IGMVAohrLHEEsYYJchFTAupM/KJAMB/16wLIVzX50I02mRFGafZy2qzWm+/+OLzOI43mw2xdjabhJ5/fXP5u9/89uzsBCpXaZqadugHaicAi9DigB7Foig4oVEUUUbW67XnuOfn54SQf/zNbxdn58yS8/Mz4fnvP9xXZdaPvMiTV198obV9/8Pb5WpFNCGNltzx/LAX+r4nBdeU1X4gPZ9n+WH5sAqC0bA/3jVbarnRPC2KIAiqUg0GI2utrRtKJKMOo4RYpRXdHbagVNEj5Vwggbu/vx/0h0EQTCYTpDvoUUBvpDFmOOxPp1Ot9GazGQz7ZZa3Q9KXoh0LPB6PofoJeBatZ5vNZrFY3N3dxXH85s0blNARMvq+v3p6vry8xGiz3//+95BEv7i4QOkFRhDtS4hUXNd99+5d2I7XGI/Hs9msY4ihPxExBFRDkiTBcUDvtNYaQRiwvtVqNR6PO2YkZEEvLi7+7u/+DkrjhJAsy3q93nQ6RYg5n8+llHd3d+v1+vLycrvdz2az6XR6iOMgCF5elkEQ9Pv9Iq9w8KHkBaqI53nb3RpdIIyxKAqMMZSS5XJ5cnJSV6rTtsyyDMFrGPquI8bjYZ6ly6dH3xNa65PTBcBh2vafI4TS1jiS0v/T//FvgiC4vDz/7M3rPIm3640fuGmcaK17g35dKWW0oUw6ru+H6/W657r4spOTkzRN15sNcpmT87OXlxf4/6jfu7y8/I//8T/OZrNe2Mf0qe5xO44HV5mlx5acMAyzLEe9MSsSLAOwDuwPMNtg1GBMLy4urLXv3r3TWn/11VdVVd3f36O2BvuI7rXT01NIdMJQjsfjNDkAyEbFEshy12qEuBWJAkSOQLwjhEBXBLA77CMKla7rgleEexlEx2kpIH6gJAiEXQgBtdKTk5NP5x/BvMLYQYESAQ5SeOgiQCX84eEBhE6wFUHSAoCz3W7RrQp+JHI3/KdSCq4RN4uqOGhb+F7kuSj7EOaiERRbH3XmbvRXr9f77rvvlFI3NzdQMYv3K1Q1wdc8Pz+fzWZYcTwonDfOeSdVj+N0d3dX1/WXX37Z6/Xevn3baRojfUG+nKYpuIzHX+dQKeBBEFBjlW601oxQzrkQR7muqmo6n9fF9bTVX+xoMB0uVOQxpZxQyoTc7g8fbu8MYdfXr/DLZVluNqs03vuud3V1cX5+rusGQSLwLvjLzh93MCNvicN5kfm+b5SGSBb6GL7/4S3hrG7sz//Fr5iU230a9QYfbu9/+/vfeWeXzJLl86pIUmLo//bf/W/O5rPNy1Oe7IaDYDj0fJdyoShTRleNqh33lDFGzZFrYC1Brua67tXFNYpMoXecU1gURaUabC3Q5NM0R2CbV6VqdJZlaZ6dnp5GUR/HGWAmISSKgpeXl4uzc8dxtrtNXZSnp6ec891uY7RGLm6MiYa9X//615zzn//856AGQHs2SZLtdosN//Ly8vnnn+NpUG3W6zUE9XAGO8BnNBphwMD5+TmlNI5jhL2IlsCbAnpDCMGY7CAIsJNR4hqNRmlZbDabrh+VMQY+Jeq6uDaU0N+/f39+fr7d7sEzRqSPeAUxEy7jhx9+SNP01atXnue9f/+eMfHVV1/Vdf349BRF0Wazvbi4UEZnaVEUhRv41tqnpxeE4dbayaA/n88ZI5AkweAOz/MOhz0CMi4oMifHEWdnZ0WpjdJJEudZ8vL08OXnnw1Hg7IsAZPO5/Oo1/9//L/+w3qzc12XC8f3fWE/eXUnAW3rPM8DP4o8d7M/1HUdBBEhBErcnHMMd55Op5zzw+Hguu6bN28Qnqy3m2+//RZ5VkeV6wg2TaPBM91u9mjdVK1Yrta6qDJcAOJiLA8MhLUWLjdJEiBuQMmTJLm9vUXNGogNJLQQQwG46Fgitm3FxAZCkogsEq2bMMegluMcYjGQu6DRHxEZyPhwV0EQwBQWaQa3SVp6AG+HtwHIhgIGgiNwGV3XxedgPjqAGjTmqE+mqiJPQls2Uj/e9u6j1n84HMCk7Pf70D5FpgmvADcJlBzHA/EyHg6IHGVZ1qpCcI01xf4uigLMM/DTO6bX09PT5fkcWT/cBrSZcGCQDOKuUQtFnwHSPjSagwJYVRWakxG+qbYbNggC4bo4/GEYSi7quoY6sVXaWG2tJfQoZgl7LcQ/g6HbdgrrP9nthBApXcpYkmRxsjWULBYLwkS3Ax1H+C4vhwNKrSedqsiVUoxTX3r0x8YlU1bFsVpOjLWkUcbYY4uTIzinxFJLqWWMOI4T9qLJZPK0fPnyJ19Pp+P7h6fAE/PZKEvj6/OTwg/WL0vb1Cfz2WwycSXVqpqMh1+8uaSkUSptqlQ1jePSwPModcqCOdwhglsjODOO47hB6AoZBMF6vd4fcqup9QVnQhMyHMyyKgZGl6Zp3TSEMAQxVVWFQWSMWa5Xm83GcTwAGmAQAkXc7XajwRB+WrdD0KIogvwx8PE8zy8uLrCHYcettR8+fMDDR/kUjREYm3M6mx8Oh36/j7h+uVyyVoHj3bt3Usr5fI5IDm3DsBI4+2VZbjYbID/39/fdbDlYHuT9TuCPRiPc4PX1tRDiH//xHx8fH//Nv/k3aZpKKdM0BejR1Z+QzmLnw/3PZrPvvvtuvV53M1gopa7rXlxcvH//cb1edy2HmIwauY7gDqW0qI+0C1QTpZQOs5vNCo2TSinGRF3X4/E4juPRaGyMXq1fCCGj0YAxttvt+oOJplTIdsRKu4el5KCNdbRpzo/kadG9ibYveMKTk5O8LOq6Fo5kjGlzPAOMMTS+IxN3W0lbPOsPHz6cn5+jJ+Xzzz9H0gG5D601lHSGwzHO82a9g63BsBJwSy76Z2DCgSUGIZEoisDhQ3W76/hAFI+GXYAGSZIEQYARXE0rFNWVsCCmgyF5UnJjaNNg2XSaxkEQhKGvj0PoretKx5FKUccRiLiNUUIwzmnTVL7v93qh5zn39/dhGF5dXZVlPh6P6+Koo0LbiV94pEII6P0Oh0MYR2Qt6HpAaN8ZIJhyeCDbUnRRscANOu0Lthi0XFAJEd0jy0Etl7YjSVmr5dsVcLDbkJfALje6GY+PLirPM9d1GKNFkZ+dnQKBCcMAbE7OWZLEMNzWWrRBITSOogidJu3+O5a5oF+KxUL9AOO0kDjDJXfVCNyg4RRxenf9TaO01sQYS/5CBsC2s1XJX46pI22jHZ5h90Psdsdx0izbbrdplg/Go/5gwKggnFlrGSOCSl+KKPCJ0VabIksJ4+CKIBN32rYs2oqFdd+Ca/Zcl3Ou23Y2POcgCN68eROG4fplSaw9XSzS5LBdP99cnL9UpNjuKsEks5eni9BzeqHbiwKqG2uMJbSxtlFNmZd5Hud5bpuJFwZSyrKssiInjAVB4PshBsWdzk8pparRkvKmtr53nBIM39ko5fshAiYck16vp63BwoFPDW4fdvtut0P8yxgDoQXgKiizuPG8LoAW7na7zWYDJB2QOkK6/X6PR4e3wW5yzlFvBF2KEALt3IuLiyiKPn78uNvtLi8v63YgnLUWeTPMDmNsPp8jakSRH0KtSqnNYQ9PUFUVyjYIibp0Fn4LFT7G2C9/+UvM3gP/7XA4ACSEC3Fd9/T0FFEgDinYL+htxi1kWeZZg+yh2e+AjwOIU0rNzxdJEldVNRgMrKUoRN3e3juOd39/H8cHIcTp2cJ13aLIyrLsDyaEon+ICcHQk8E55P9+lCoCt4Xj/zrwsftPbD6Up7O0QAlrtd7keckY67c5MvzVcrmM4zgMQ88alCmm06kf+J7nYaYqbbnYsNo4lsgdIHiC3TCZTFvzR+BgkToNBgNjzGAweP/+vZQSoi63t7fPz8/9fh8kaxTukd0gLkb4iaA7CAJUCyDZ04u8zsiSTyaBJEkCOQVYRtM26cA6Y99A8BM6D57nXV1dAWBZr9fYXrDaeL9plRdBH5StOjEyRwQ4yBLwtNHWD33E7l5gLFAkBP4Im9VxY2CecMC640ramUGACDqEvcsMer0eJorAEQK7b3mEEmF7N0EUwD04Hoh2YbjRzQ9QFckNlIIQm3d80I78A0MAWAabDc67aRqgzKxlkX9axSJtl2lRFEY6HUQuhADvBdxB3U7SwJyjf/L6J6h6F74QQppGgWYehtFgMNDWNqqJgr5SimijbWOs4ZQwyiy3xHLGJSM0SzM4xclk4nqe1YZTxlg34llbaxmhnDJrtTGWECM4J60X6ff7VHBVN0VZe2FQlfnT/X1TVZPrgajZ0HMe772PHz82eUyHkSOJ1eV2u5SCO4J4nucRp8zTNCnSpPa4ZpY6XGppaEnzosqywtLNbrfjVAwGo7ooy7y6ubwyhiRJVqoSOInjOOITjeWqKjv2ASpPOERYTcbYeLw4PT2l9pjUMktg97VuZNsRIoSYD+dJklxdXf3hD39Az/Pj4yOE2k3b+eW3mqDj8VhSBkuyWq1AloM6WBzHEHGC2BZSTFC8sYK4PDjOqlX5B0lMKQX0xrY0ASh67vf7uq7Pz89vbm5Ay4G7QgkHOBXKpJvNBgJTyDwwrg9Jg+u6MHrAn+M4xSdABAboOZciPqRBEChrkFKgPUoI8fz8nKaptWa5XHpeAP4+xgzUde263nA4mEwmlFpCTBAE1iLjp37gtv7V5ZyCkQw7Aw1nvLTWogvSAQLi/DRN8/bt229+9tOmabQ1/dE4TdPDIbm+vgaJAhAt1h4At3AdxthPf/pTz/MOSZy3o75hmNDdix7C/T5+eHg4Pz8XQnb65sCU9/u9dJjjOK7jeK7b7/VAKKSEjIZDSimjtK4qYq3rONaY3XZbVdV4PB4Nh2maGq2N1kSIPMsopWmScMaGw6ED5oxSnDGk9m22wrsYFgnmccK6EEBLNpsNGKydM2xB26ooiuvra2SaQLcRgDN7VGPH80SeiyfQNUmiVQ/hXpfKofsGOAb+E+4KRwVmAnsUqAi6+ND6BKOvW42BTh4ARxf2kRDS1VUAKCGtYYxhkgB4CKPpbH/Y1k1ZN6V0uHQ4sNfnl8c4jk9OToy1lFnf8z7eHoRk3ZUDw+Wcg6J7enqKcSU4qN00spOTEzwEYEpwMGdnZ4+Pj2DL6GNf8XFsAnUE7qtLE/EXzjgF5cUCHzfmOOxU0U90XegnFPXOoHfG1xiz2+0IYYPRsBf1gyBK80xrpeuGM2Y5IYYRY4i1lBNHOkKwurHdBkCOj5XCDqEtLbj7uqZlpHiexzgXwpGuI4Xz9sP7y8vr0/Pw8fHxuz/9eTQa/fKn3+z3e4/3+8Mxb+rt832Z7g5rS1WqdM0IZYw4QriuDP2g1596Tm/YXzDihmHo+b4mtmqasq7LsqwaBTji+++/TfaJ5GIw6JlGCSGkK2EIPM+zhChlkDowxrI811qXdUUp7feHZ2fHCUEAMDebTV3Xo8FxrLPvB58mPbrV2oOnX6/XruteXV15nocuLajgXlxc3NzcoAaI+beTk1Noormum2UZGk3RJDgej4GNoAvJbcfRABXomjbgACDgBfilazFRSl1eXgJjmU6nON0Yw4B5AKDkNk0DzsVqtZLSxQORUt7e3n78+FEp9ebNm+vrayhwIZUELAnCjG2ZGoSQl5dlXdfMaIQ1MB0di0EI4bgEOej9/f1stnAcp98b5ll52CdX1xeOI5IkTtPU9yXnvG4qLh1CjJScOSIIfNeVoh0T3+Wg5sd5pERr/RfYSxukE2BAWuv7+3vK2Tej8XQ6ZUz0er3dywtwjE5yARJrSZ4ZYy4vL1GUwyaIogg7AEgrgBQpXUjO93tD+FXdiiBWVSWkxxhDDLvdbpHvhGF4fX398PCwXC6DIDg5Obm+vk6S5Pn5GVDsYrHY7XboakOpAQAIcGfW9go5jhPH209D786mIyq3bZeQbefv4CeIxzsvtVgsUL28vb29urpClxqwtv1mj/d3jDHYDvCIsAnIJ1W7DkrGyUFED8I40KeuTI/rR+0BNABCCLYUIiY04iPowB01TdPVCbCTsMqdq+jeiWxgOBz2+9F2u63r0lrb7/eHw35VVVo3lFqlas5pnhfWasaItXo6HbviqOKLrAj+A/UAhPC4Tlh80CrSNEXO1P0TuExYr64IcQxD6mNB23VdwTghBAXOpmm4OHpZeDJ6HPP0IyDzaVT+abkIq1+18n6z2UK6Tl0dp9pydnxcXFDBKGOcGEuJIcRQQ9HxJCUPAs/zXCEQiStCADTBoB99jDFKckKZFUwwZrW2ZVkqo422i8VCCKHqxmpDrF7Mp7PZ7Le/+bUQfcdxrNWXJzNPkCTeVNVBCD4ajSxhWluluDaMWIdL6foiEJxzTqymxErJpBd4gVdV1Xg8oNTqRjFJlK7evfvBc5yrq6uOMEcIUa3QNKwzenk+3H6s6xqTLl5eXiCXX1VVnmdKKRQhHx4fvvzscwQTnHudkyaEIOP87W9/G0XR+fn5fr//7LPP0D3erVEHtyKyAffp888/R4C8XC5938dIA5hjiFthFCraAjosrmsKxX7GEUO0hMBlOJ1gos7NzQ0owuDRjUYjhLrWWgD6+ATQIqy1MICwAHEcT6dTxOxdbTyOY8xgAGF6jFaspsFRffNmKqVsjAb5DciP67q9noNz4Xn+YnG638VGExztLMviuJFS+IFb13VR5pzzqqqsNsZoJo6BDqW0LPNeb4Bchx/7E6nW2hLmQAgJebdqp0EiNLu5ubGUCCEoZ9AIDMOebEcDIz8qisLzfdQ9YMfB6+gPB503y5uiC69g04fD8XQ6fX5+huYJuvCR489msyyP0a6G/eF53nw+7/f79/f3eBasFXeG0huiwg8fPoDJBAYLuI9AM4C8dyU4x5WEWsYoofb4P2ItMZZQSpmUgrWcTiF5EA6apqGMKN0Yawi1lFLHla7n9Pv9x8fHNEvWmxVwgEbVaZbYVm2YtL2jqO4CAoLlhfmGUcONA1DGvE3YaCwn7ONxXVpz2dH8YezSNMWA7O4nsJVdCUUfOy0pwBYYRMg8oNgLsA9BdGMa3z9qvwjBKLVNUxWFklL0+1HTVE1TJclht9soVTNGgKUiDkWdALRcNOYhVAHu3IUCkJnESsGO73a7169fI07n7dSRY/wojmIPVVWVGh097Fj6plB/5Z8CLJyz7u/0E8b6p8E7UhmwSIEBKqObprGMO8I9ApJEE8MMsZQSRi0l1ipd08YYBjjLtJMlzHHKzI9q7PQTXR3H5d1lNE1TlLUymhK2ODv9+PEOsuOe5zFG8jyVkkvLbFUJh1+dnaRFLB1fuiIIvPF4zJigRDDqSOkx6lRVY7V1fW2ZVaZulNKEEsENsZRpJvjrN9dFUTSVqvJiv91lWXk4bKkcouaMx9txiIu68r0jjwCda9ba5XJJCEGHMAAEhBRIQLtMSGuN5+A4zvXJNcLe7XYLuYjb29ssy05PTxGros2lSw6QdMI2VVU1mUwQ75+dnaHlG+R0IMCII007P8u2E80gBdhRWdCqCiAbDBmwJwHAIn9FvitafeCyLCHaDOQWHN/JZHJ+fg7R3bdv34Zh+OWXX1pr//znP7979248Hl9cXERRH4RmPASgml7g46ladizdQ9/Y9/23b/9clqXr+FdX1ycnZ5w9YUZdFEXv3v+QZdnZ2elw2Ht5eaKUnp6e3j88EoPc2uECUQsGLTRdntQFpkcInbR4v2oHMiBwi+O4Pxz8/Oc/p5zdPz0XZbVYnMKtQesdOXVV14j8w1bZHAcYR1pKOR776/VaKTWdTjFFXinz/PwMxy6lRNi7Xm9QsHY9sVqtKKUAj+Byn56eIM9i28mcgFBgteHzwUBXSqGFD1kCinWIhY0xh8P/n63/apIlPa5E0U+FjtSqdNUWLdACGBIgOcNRD/N0Hu6PvWb33If7SLOZw5khCALdaLlFyazUIjJ0fOI8rIzoAu4po4G7t6jKjPw+9+XLly/fh62jn1fzrgGoPM+DOBSLssAFoRuOI2698FkEagDlJ+uV03mePz8/n43PXx50YG3GGOYqMSQN3hlpCbIfuDaWZQlCf7vdIl0hM8EhB3m0eSZNi2K32y0Wi6urK3SSae2kiO+Gjwx3BugMV7qJ7IDS+Fd5nm+jLTT4EKTjVaGDgjnsbre73+8XiwV6WWjtgoJAfwX/Cn/q1EvA8UA2mw3IIhxi1MKgmCEEQroiL/hxz/GR3dM0rYrStu12O4Rc/WULtKE7LMtpfvPlL17yMLpegBfH8atX13Gc7qI9JUw4bpZlxLBWq6WN1FJJeZx14owxQ7SR1BybMaip8RnhvTflMKtXkhpjyrxggtsWJZzhydvcsS3n/v4+TRPORafTKooiiqLQ83/95VdMeZUs8jyzXV7OktOTYdgJ+fGesqrUZZWXhbFtSomwbFbJDROCUsI4NYYYZqgxTFCpym6/U80Lovnw/LTbaW1X69nzU1Zlo9EIQIEz5gMSZpkb+MckVB8GDIQvFgtgrPF4iINqjPnyyy/TQ1zLxnRVlgAuQBjz+fzzzz///e9/32q1Xr169c///M+u6242G8BqpH/MJE6n02G3h8XK6/X69vb2q6++wifreV4NJYPtdhuG4Xg8Xi6XuK0AKPBjwI1otVpAFW7tDYdvso+i8/NzTF/Dk11rPZlMoPIYj8dQ1CilJpNJWZb7/aHBT6DX0Hq9vr6ezWZPT08YIsWkBeeccwEMnqZpWZbdbvf+/t4tCkp4FEWW67RaLQhQoPdP4xg5RkoJVX4URcPhOI7j8Xjc6bSyLP3555+jaNfrd8XRs/5oDIWAxjlljOV5XhRVI7FDn5ILSyklLM8lhDBLMM4t1/EC37atQuWMMS1VVZZK63gflUVVtPOiKGzHoZRKpbQxjuuifvF9vyxLqo3lur12p4jTcW9A0JSoCsdxbMtiRi9nz77v7/eHbreriNmu58/P88FgwIiWZZbEmc25ogrbpGazGaW04XawN8eu99I1chHbFlpLy+JCsDxHy5FnWTmfP3/11VdRFNm26PU6eZ77vuv7bpIkVZkSQpyOjwHfLMuIIftdLLgzOB3PZrPVcosQ3G63BWH7dbTdbjudjmf5WpkiLfO8oJSmUdZqtRhlnmWFbutwOOxWe9cJPM8rKxm4zj4+uL5XHqRhdLZceJ4njQ7ard5wgIhguQ5ql8Fg0AQgUPlwm8MzNMYAbjPGDocEBy5JsiiKUfeMxyfr9Xq1WpWlvLi4MIZWlep2+5C6W7XBBaW0GQLCmDWeYVWPdViWRSmXUv/883u0Lo05TtsnSVKWEpuqpNTdbt89bh1S2+0WbwE3DaifEAIrPogB0FGARxugw36/R/kSRdFkMplOpyiW8R3wWAghJq88z7ME1bR0HN7tdoPQM8Z4HVspqbWWWiLI4rYrdZyxaioSpJw0TbBsQcqKc75aLbbb7du3b7Vwduna9sPhcFgVZVEUnNOySGRRoizThErGNENn2HIcGF1R3w89z9RJghRFBemBPg4iMcYEY1IQRY6teKm15oxqJQslR71OJwg0MVkSV6XkhCLZzzebp9nT6empZKQ/nOz22XB0vCLRfQABAABJREFUTikts9y2OKGl4Np1idZRWZaOJbShhBhiCNHG5lxghqgoW67LpLocDNI0Xa9XYDjbHe/2aZ4r+umnn1alNsrcTx8cx+kOxzgkhyQVwg7DNkZ7zs/PTy+vnp6eer3e9pDudhvP8wLXm86WjmtxytKylLIaDAa79WYymSRFqQ1zve6PP9399nf/Yb1e76Psb/72H+7ubgm1lDbC8my3mi2W3W7XctzpbH59foHoKaV8/fo1PCq63e4333wzHo8JId999x2gG7QonByZliovkugwnz5blvWrX/2KKE2Uthj3bAfqDGXI0/1D2Gm3/WA1m1NKR73+sNvzff/jx483NzfO5EQpdT45abVa6/X6z3/8083NDWi38Xh8e3uLGP3u3Tu4Hdzd3QFrw31su90uFgupzKeffprlOYiHKIp83xv2+5zzskiNMdyo7XYVhqFi7PXVxWIhpJRVuf/555+wGO/iclKUUZopZCMpZRIX+11GjL0bZB23Z1kWMcoVdmi3LWqXWa5y3e32RU9QJqqq5pC5hfLiaE6LshcxBSC03+9vNpssW/UHg8lkoqR26iEgVduiAvziijZSPFILOSC3sB1La72uR5MYY1huiy5NVSmMZTZFa8NZY+ktIQTyapBrsF6hlCKFMsaiKMK/BRkNLAZFFGZK0RuZz+cgpieTCcxqoOlGHkZDA17weBSYacyybNDtNUNrh8Oh6XWgIAXTh/ey3++hKWz6E7Q2z4L6E8EULxU/Fx8hvlBqQKCitU6SBHOeKDLw4km9ZLlpBtAXHl5wrATbDsyrlPJ9t3mkVm3SQF+M79PaXQsy+XEYAEMhGTRj0BiyBTEKRTC+iWsdHeEBhVCU1PiC4YNGt5kQgg1hTu3rCy0BJAr9fh81IrIdvgghsGJpiiQ8tKaP+oJ1+QswjpN8bBwZg/OJAkJKeXd3t1gser0ezPMwaZwkiVFYAk6P55kaYww1x+9fVwZHWMT+0uvR1OpJ80JGSSm1hAXADg9g8J6VlKhONDGUUs6OfeCq9vIGXnZteJbp/X4fekfjDVo3gVB7aX0sC0wtgS1rdy3btqHrwKwGzm0rM6DmZL1zDhGTc46rxGtn06qqnp+fL25ejcdjlE21Zt9Gzv7555+TJLm8vAAITdM0DEPPb2mtofCDKrwpNx8fHymlYcuH9MvzvK+//lrXg1rAoVBSxXHcbrehjkWJTOtFS1oqfFjo22FiqKiXm4N4QUyzLGs0GrmBD7sCnEbbtjFpgeuDNP/8/AypDBp7AKlpmk4mk/l8jhVIwCi4br1eD/OuZVmenZ1+/PgR29YQUrrdLpYEYHIV1Tk+F2ilcA0RXlQtBoUGv9PpXF5edjqdb7/9No7j7XbbCUJjjKwKQo7OH9Bf5Hlu27awf/Gnw0djWZZ4+VuMWkIIrY5mvo2SLM3SzXrr+IFS6vxkgpfOam9emBSiwGkE/zU2UYYYz/MOteInyzLPC0A1gM47cjhFAWrVdn7ZgYc/BUQNwxAdUUzK6NprgpCjD0ETSsCyofENthSaClhMNKM6TUDEk0IR1DTW8ZtJkgjK8BxwM8EL4w50Op1OpwO3IDhwbrdbJICmVYL7A4ppuVwixIA3x3ws3ntDkdN6dwmiPFImGlmIHTjoTQpEDkYzp91u41Dyeg0baFNkYqse6QRgR8WDnwU7BPjhUErb7TYkPYwx3F44nYErBx+F+fLdbmf0caEgQlLTYcY9byaMIJTCA+l0OuiH4+KBdcV7UbXJHF6hEKIqjo0s/KdSStayjRcB/Rem5WVM1/WGE2MMFqJCIL9YLDqdzsnJyW6308LBUTkcDrZADpPGGFsIQ7Qx+B/T5Gl8si9VLi9D+V99GWPg524Y5cc0QA0h3BilDOeM1a1yaIeiJEYnDXSw57iNEhSUg9b65et5mcZYbQeEyN58W5y9JrHtSwZ1dlkvAkRBg08W1DYOGErVPM9Ho9F8PtdaA1C3g9BxnPV6idEhENCIyLrW70Kvgpe93+/Pzk4xLgeSBOEegV7nOabVcLOgcyuKAkETTDq6PuDuqryAMh0VrWVZy+XyT3/60/X1Nbp9uF/4TIUQGGJ68+bN73//++12+7d/+7fIl4wd24T4HLvdrtZ6uVwac2zh2rYdhuHT0xOOd57n4/EYlOYRDguBzX9ZlsFy8v7+HmAXczlIRWggQQKP22RqG1f2wiNaCAGm9Oeff8Z0N7b70rCFxAaRd5ZlSlbN3Hvz6Te0OceeI1qPTilNmniPkX20qJJks91uQ20a2qi5e8h++OeIERDngayM49gPPEiR0HDfbre27eJpIkAzxvCAGBVKKddyGwSKF4YuXENZYhgBHfP1et1qBU0nuhn+RDrBMPpiscB7CcMQob8ZnlRKrdfrqqrAcAEMIljgsb68wzjo6MJj31Oj/8MzxAYoUlPMsGxEpfbw8PDmzZvmWQEs4587tUU7rl8TnpC0UD1AdIjjgvEzwFhgf9xhqEogH2pmQMIw9P3jugygDCRjvMeXFDOeoZQyTWIQIMDveb1XBIARP7pJh1mWUW0AeBtIhciChgSE9owxUD2YI8VnhBCJiQ9Vr+lACYj/PQ5VBSGSlq6/KDN1YWdeAvP6F4wQQwglhOH/cI7KUjqOt9tF8/lSCPvq6sbzvLu7u97kpFEcuTYGWTPbtskvZcBffLFaTPkypKKpq+v11vh9vOasPG4mMMYoZbTGVeSEGMKwuUIxxrhtKWnyPCfsuBeiLEujNGI9PhpCjZSSGjwfEE2KUm5qLbL5xXn4OBSCVyVr4zbXdbvd9nQ63WxWrVar02lR2rZtga611tJxLK1lnqdJchgO+5Zl/fzxHjnYcRzLstfrdSdsIQ1jAKfdbmHmoKH4AD/TNMYxOxwOlJ4h8KG3bIwBMn14eLg5O8N9l1Kik0lrS8Htdvv8/IzQD/w+nU7TQ3x9fd1MZop6PxcYWtxlNAMAZTCxCfyRpukXX3wBLNWMNOIxwrV7sVj85re/6/V6j4+Pl5eXCFPoImB+ntUG3ahLKKUd24VkczqdPjw8YAEDIEvTSR4Oh2/fvsVULSIDZnqwjwFw7ePHj9gFjSeJRt3z8/PpaNwAFDylHGvmvGNUFLWJLGhGY4yoavdq0A5FUXiujWo0DMM0zdHe7LS7hIsoiqD/x8hfWRsxk9pDseEN0P5CnCWEoCMBCIyRd8wdICQ5jtNut4lhiPKIbrR2E0bNCH1Lt9vFbR8Oh/BrxiHGrBoId+QJQFdoJXFEdrsdvNcxIAcoBLYEbZDRaIR/AqUd6A6bCzwN/Ksjl1eLlvB+m6CMOWaUBcCGmIfCxD/eJt4Lq+V3WZ7j39bXXiGn4hdNyEbseHl7cV2BiRD9QcQ3JUUDJ1GRoa/y0g4J34fWK6TxArCyC9oGiILBUyFFoTBv4m+apkaqpo+ETwqJ0HEcUrc6m+M4nU4nkwmOGX4oNAY4J0hUst5IhcjY7/Zwb5F1CCGME3RuKf3FqbEJ6y+Jr4ZVB86COo3U1D+Ka+o4uNu0NlOllDqOoyppiCYEg02/CGkcx22yy8uH3NBB7IUJgVJKVkebTEJYVVXyuLbFMpQwxqpSGmM0JaL+PrPFwq/33lVFiXSulHIt+yWrY/6yP4xc0vwab1zViy+azIf6BuUa/JeQHQGQ7XpdDqUU0lsE6M1ms1wuJ5NJrzcEBlJK9Xq9+9u7NE1HoyEhJE3T7XZ7cXERJzkyEBqb4F6klOC4kiSJk0hrjTnP9XodWBZ6ZlprkOm4j817BLRCCE6SZDwaYcgeqBHAH8WxMQbJqWEnCCGdXveQxD/+/FPYbrU67TTPuCWqRL778H4wGDDBGeFhuxXPEqnVr778QtfDhqAcMZxR1E6xxhhsLuSc7/f7jx8/ttrb6+trfExYtJnnOWAlqydsge0wxoUxSSQqy7LAr6IQgcM7hCT4HEejEZQOOFS2bXNOG2zR1GdNjYuPTzRfrB7yBjRGZJRSVlKG7Y7n+qXScRxnaQLvFFRGkF5qrTHrjAiOQSS8Q3wrwDo4BGitwZc11wDP0RKOUiopkkYIiH/V4EqwOjBdQWrBOwFg5JxjzrOpFXQtyHEcB9vWh8Ph4+MjngLC1mg0anRpjd8IMjzScpqmcZbiKXthgErl7vFhMplUWlmu0xsOHMdhnEujw07b87ynp6eqqvr9PnTrQojT01MQO/h4GpSNnN/gblqrhnAJ9/v9ZrNBJgPOlVI2Qk/cPVDeaF3gOyDmVrUbIiFHwROEOmCKUOghgWmtocMBA9sEJnxMhBDXdTFOhWTjOE7DCwkhwlYbnDvQGcphYwwWpaKcjKII7wupC3+EDIHXYNcOCvzFcAA+JrxgXg+/MMa0OXILnLMm1ZlmwIIYQwylAOgYHCJciKAVbrfbx+kTt8T4ZKKNSbL06urqkBXokYCWxWv2PO9Q7I/h/Min/3KLGua6ATG8XmD9VyQMpdQQZgzVmhij1JEx45zzUlZVKauqKpVkRitlpJTGHJ2EUcahOaEUQW9QCG6MwXanJp0QcgzlyCtNudCgdV4PcOGwlaWybRt+DCjCjDGTyWSxWIDwRbrlnKNRD90XTFHG42G32zVKNxQ5yGhYXqO5JRXBFAUyZZIkiICtVguBL8tTGC7CDBWtcqhWwCiCWGCMdbtdgFyonnzf7/V6YaftBj4hROdZVhaVPmrn4iThnDNLGGMcxy6VzMoir0pNDI46LHPBwWIXcVNMA8h7nvfmzZs/f/8j9t5BNxlF0ZdfftkYaeB4gDput9tSykOc7Pd7vNpXr14VRfHw8BDH8Wg0MvXSgtVqBTlGEATA0LC9AzFljOn3+5999hkO4XQ63W63o9FoPB5rrQ+HQwOPLM49zymLvBEoM2GZ2oWiuT7HfQ74QnBHJIWhblmWUqkkSYq8NIwzxmCT3UChVqsFNwOUPA3SRFsPXQt0+ZpDD9q9oSbseiWQ74We52VV1rS2mtkBiI1w3MGuwgWU1wsMm0yFNgBGnNfrNdKPMQZ2DXi+nudhfNHzPPwpEhgYRuDTZlIpz0utdVUBNnLPCzi3pNRB0FJKSak5t8pSPj8/3N/f93q9r7/+utPpIX45jmfbruN4xhj0TMoSLQpalsdVotj4o7VGi1LVnWog1vLF9tsawx7zHHBlg6/RokHtCahbA4QjzYIwAYyDLjF2M+JlgHxotVqzxQKkTZ7n8Iw+Pz/v9XooxXDsTN3apZQC8yIBi3qtB6lN23FI8GvkBlkvaSrLEq8EDz/LYEF+tHRntdgWmlRceNQchuimu9DE9OY/mxD8V1+UUrCcaBgKIZCepToGxCRJot2+0+mMRgMURoQSQgg96n/xo46Myl+VBQAl7MWeKYAky7Ik0VprVGOMMSFsxpjUqsjLsiwrrSiFuXkqaxsT0IOs3jCptXQcR1fymFQofu4RpKOja+oZJ7xy9mJQlteLVmqofpyKwJwEBAhoNgClAcI3BaJl2aAC4jieTqeu6xKtpZRFWWGPbpomWuvxeLxarebzeRAe981CGgCcC2dEy7KCIPB8xxiDXku/32f17HTD+4M3Pzk5MXVTTdZr2dFUAyIxxuD+ohMAMcLp6WlVVTjeQggp5eP06eTkBAJcLFnsdrvYio4asapXDkgpf/rpp8FgsFqtwIHASwCZD7QtHux2u4WolzF2cRkg+dFadwD+FrtxaN1UwxmD/SReanNTEC3h6Is+hFIK9/39+/f9dgfHLM9z7nogW2itJaFcIGK8vAh/MXOEk1EURZakgGmHQ+y4rmVZRX707hiPx2jmqnq2u4kpMDsWtUGl1nq9XktVSSnDoIU+dZZlYdi+ubl5fn7GRhLoSfDNhRC7+GjdB7gECep2u8WKzn6/D8sF1ICdTgd2NrhOoLFA7BBCiqJAiQdQgEmtyWQCQxW8SEByRHY8in6/HwQBJuhABlxcXARBMJvNptPparU6Ozt79eoVFpoAreCVe553dna2XC6hxH96egIJTinFnOSxxVcTFDgo0X4HKgaZBmkJmBdeXUhRot4bhaTdwEZAcnDoWJoK/hr3hzFWFBlOAEoNp17Ch4obM1Cmdp3EsQNValkWtssCtbm1bhUCA6v2Y8G3BWaHKYcxBqd2Pp9DUIQQX5YlPAyklH69h7rX62Hog9aN8YYlaL5YvSvqmDbEket4GcobcEwJM8ZQwoihxBCjCSFEK3N3e1/k5fnZBaV0PltgNWUSp9S2We2wtl6ujDH9fjdJEovzRvcCkgP/r2E2XtIatDbwayS2rHZ21Fqicuecu67PGNPEqFIZY6SBpMcxxhRVeTTPUkdC0vd9EXLLstbr5eFw8J1jn9PUj6UO37+8ElK3Rux61wq+VZMmhRCeR7RWVVUao8OwLWUVRfv9fidl5bqOMSaK9lmWxnHMOfM8d58Ug8HA9/0ffvjh9vZ2Mpm0/MDzvOyQYG9fqxUCjz89PcGbT9du8qenp4jI3377Tb/ff/v2bafT4YKCAur3+2ma9oIAIA+MnDEmSZKHhwfc0+VyCTiIAlFrfXp6iin0psuy2+0QTPBMMOsEPY9lWZhdMvVKAwzodTodnDpQJaBEzs7ONpvNxcXFer1er9fD4fD9+/eDwQAVzGAwwGJrpBYEvel0enX9Cl1clP7o+QOl4R7BsYpz/vDwAA+rLMvKsmx2NgDCAoMGQYCKB/EBcLmptGwuGk7PENNQoM1vHsEEcgJgKe58E3RA6oF6BnkK+1ZcadAC4I6zLMNSBaBOzAeDJDHGjMfj+XwOFqLb7QJOcs6fn5/hjgYdxXq9BphFH5IQMp/PsaQVOfDt27fdbvfp6QnkXTO2K6XsdrtKKUgwYdlMCAGdV1UVGPzVaoUd53hfoKFBzGGjBYbWMFXx5s0bQkiSJKPxOMvzu/t7y7ZH43HYanm+f//w4Pn+YDjsdLuHOC6ryrLtTz79NAhDfENAQnzYq9Wq3++fn58DfyGGtttt2FkMBoPhcIg6C6o+RH9Q5GgboLxAPEVJZFnWfD5HS3Y+n5PasKw5cHh3URTNZjMQ1ijfQL9orVut1uPjY5ZlUAEjrSI9NIo6JBL0x5B4ptPpYrH485//DPazqiqIvXCe0CVGC0gpNZlM0C9CKkJxhuyFo9Iol8AD4MWjn4Ez4HnexcUFMAsgD843coxVT07ltVEzIYRwxm2LcKaIMYxarsMsUWmlKZnOZ7bnKmL8VugGPhU8r45vM4oiNNLBkyLBN52MpjNGax9NACDkoaq2XsBzw8OXtX20ZVmEMGMo5xZhNCvyLM2rqlrvtsYYzwuEbVVKSimJYYweuxFQGYGZRbRCLdsgMFLbVzWkCuJCg13wCgH9UN/gu+EXgNWMsU8//RQtPpAtzdgX/D7Lsuz3+zAxHwwGo9Ho4eFBSglzDtDZME7Z7Xa+7y8Wi+12++HDB2PMb37zm91ut9vt7u7uBoNBv98/HA7ffvstBCFwvxC1Xwp8NVApQhWGQA9WBFkKYbqU1bff/Zkw2u528rL46d3PaZ6dnJ2enJ3GaRLFB2X07//wr+vtxgv8Ssn5cqkJCVqtwWh0cXV1fnnpBcF2vy+lLKrqX//t30opX799m5dlmueW4/zwww9xHKOhCoN4VBic88fHxyiK3r9/j+y+WCwuLy93u939/T3QBjhGnCjEVVgdgBkejUbYOdHtdr/88kuQAY3mCiQV8DsoGhjdjMdjSmkz0VlVFXpyxhirNt5oOAz8BQHc0ZQViPdaqvPzc4DKMAzb7fZivizLcjgcRlubELLf70EUQMCAYg31DlgnoPher1fJ494413XBJrvuEcvgCgHKaa2fnp622+3v/v3vUBgCu4FoA6J/9+5dq9W6urqC0wJsFnq9jlKqLMuTkxPQTyA0lsslIaTX6+G448eBF0Z8wecEvImuOloieMRIBoPBoCgqQsjj49TzvFevXu12u7u7h5OTE60JpWSxWG02m6KooPLn3KKEu46fJrnRND6khyhphR3BrQ/vb0E0+Z5vW64xhjNNCKmKBJ9ig1Nw0CHLQd0H0EcIqaqKcwt/B88fFSg6H5xzAGGIwQGcm8EfxHq41qHz0UAbfJOqno/Ff2L+AD+9qLdboLMN9Q4kLkRptH/RupjP57ixCEloqsPBjlKKggnsJLyTptMpnrNlWcgEyHaNQNPoo0KL1sP30L0wxqB7qcGyaQoX85e766AWzbIM2ByHJ8sySBS8INxsNrgq7bDVDCXKouT1rqgGH1NKbdvV+hc5YRNbq+qXWacjsDeGEJJlx/3stutYllWVMiuzSqtOp1OW8pDEQgjOLNehiLmE/vL69VGbz3mtL3zxo4mut1Ba9ZKyRsWIVw7w20A0/M58M4faFZAFHS9Sq90IIVAx4Ia6risJaSYDOKdnZ2cYxSirHBIDxmiSJFop3/fH4zEXju/78/n848ePsPfJssz3PZw98PVonEKuh0OOtiGY0tPT09FohKfa6XQA2tC6x/sCskHQByvQ7/cJITATBZd9enrakMNuvdISPcnm4eB3VqsVjg2euecdRxERN9vtNvxOAO0RUhDNEGqjQ4IhEvwsfDb4LBDHgyB4enr66aefwjD89NNP8Rpw1DGFQwhBdxDop2GTWq1Wv98/bHfz+bwsMts+3j5FTBiGUitefzWh+8h2/FVzvGG9y9rAATH9EMWbfQSxKmMMxoroGLiui/l1fHeATbR3giAQVpsQImoHVBxKOKGfnZ0FQWu1WuHHgQs2tTmtqvfelWWJgfLZbJbnOdY94503LxviFvDClmWhsYaonSQJVpYIIQaDAZa94vg2SKqRbQDR2PXyWdu2H5/mtJaBE0JQZ4Cp6Ha7uB54CNvtVim1226bDwlQHbJWWpuRogbEYy/L0uIc+Q+HHmhdvVjmiYCOCA4eSWuNuhIf4Wg0opSilsKTxwcKNZVde683vAE6zMjEaAJbtRMeBAO6XgmEhybrtY3dbtdxHNS2pra1KWsbH1yA9+/ft1qtyWSy2x33eiMtkXpiHj1qfKw40wgNUspWq4V0m9YrgZRSRB/7paQ2seDi6KGBQ1yTxU2Q5YQgshNKMUNXHQ5JHKf9/sC2Xa2JUkZKXZYyCFoNnvV9v8jy+/v7TqcFiwVWqxKbIFtVlecFpJYDmxdkEQqO5nWq2iegUtJQQiiRUlLClFLS6KqqHMfTpAI816wqlSyVVEY74gXAqpklxpiR6uX1VOrojVyWGfAdqgQQ0I0gHR+lqKXAeIBo9oAXxiijqWcmoD1Fb1xK2el0wiA0xoDfp5SenJxQbQ6HQ3TYYbgmy1IkM2SUTjcMgmCxWKxWqy+++ALo23FsoA3gBoRpnL2z4RCfOKoxsPz49BHo3717h7uGcORIhxCCsbgwDDGjj2Dnui42Jp6cnIBm6Xa7pZSO4zw9PWGo7aeffgqCYDKZsFoyGMcx9ONA02C9hsMhuk1gYHALXnQ4NApHvEiw5wAxT09PkM//8MMPl5eXQCf4RKSU33zzjVNvGYOXCeccHAMGZXm9c83Unc8mLNftbq1k1TSr/ip043eOe8VwPpoDRDh/fn4eDAaojt04hqytLMvJcBDHMf601+uBXkeDCwiFv9DkVVXl+W4cx8RQ1Oaccyk16lxad5yCIEACxK41FLD0aG9d7XY7xKmLiwtK6XK57Ha7IK2Gw6FlWb1eb7VabTYblIftdvuPf/xj4yzW4F9jDOSooH2VUtAsIkOA3sG1RL7dbDaz2ez29s62bXjLvXv3Dk7f33zzDSh4rCrHNwSYxfFq9qEgf5RleXl5CapE1e6DkFuFnRZYFPwnPphGPdJ8KA3OMrVABTgC3wfGERgt8zwP3rmI3YwRcB3oHKBwUy/k3gA7DRB2XbeorZpkvW8ItTAQSrPJl9Qr+lBsWcfFhLZ8YRyEagNhrqyd7rvdrjEGDkpgD/N6vwQkXxCYIk6x4+zkLw4qhDYNQNWkFoRvpRQVVhP7mqMIGhA4QAgBO1a0jqApxJXLkjRNUyFYlmUW4zXG+eUF/PIa6q8m3Jt6CLb51FBeOMxBtI0PCWMZFceNwLtozxhzbI9SGmcpqK0gCDzHalIFcip/YZjVXHJjSPNicKLwhZRM6om/RhPcfF79QRcfujbyEO+lKlvtII7jdifUWudF6npHz7U8z1vtwA3aqPzwuHq9XpUXYN7OTk5935/PZ1VVtcIQTa9WuwesjUYOwGxR5HjsiCfQqtu2/fDwcHVygh5MM5/MGAP5hg/RqZcHHMWFtlW3+g6j0QigARXA69evgyD4+PFjkiTYcLvdbrkliqq8f3zglrAs6+Pd7Wg0Ors4tyyLVqzVaVuO7bpuGIZZkTueu1lvUF6godXIr6E/wRQIjhNeKjTy3W53Npuh1Y821bF5wDl2LeDIwTu2SSer1QpoFQAL7TdgWRD06/U6j5Ner+c6VprGRVGEoc8ZzbIsL3KttbAdVQ8fNXjiaMX7l2WdMbVRhmVZu/0+iiLbcjjnkKwifAPIYz4KSR5CRpxsJJnD4VBVbpqm6FxBkOS6PpTam80mywrGGHirzXqH09nEGlqr7vCFpjZalwgWaHIifEMDPhqNoJpqXDFBrEPksN1u4eGJ82GMQVmKbgaKUBAXoMV3u53je/1+/+T87Pn5+fn5eXeIKq3cwO/2+7bnEs7yqlzvtrbnCsdudTumlNivCDLH87zHx0dQQ6a2Fmo8C0E6oYo8Pz9vWFqnXthG6y5ow8/2egNKKaItspRSCjtqm1iGBAzivoneqla+I1KgRQzNCYAPnqesDRF5vZAaElLs+8ZWPDwooAx0ibFRL01TbOGCeSlqUpx413WhHb68vMTRwify/PwMWIQKYL1e40dgyNvzPGqO5EYDfpsIS/6fvjQxlBBNDKGEckYJUUaneWYo8cMgTVPHc4NWGLTCNE2lVshPqIdOT0+HwyGlRgghy4oLRureKHKeql3CaS0nN7WathF3y+NqkeMkXSUVo1wrU+SJpsRhDqVc6yrPc84s5gluW3VBwDk/GhfjMnJ2ZF2KouCE2srCd+b8WItQSlutDqtVjPg+Dd2PBgAQt64HwSxDQZnq2qZCCLHf77EIFxcBaRK9euHIZoIGYQEHCcM4y+USa2nxIgG9KaWnp6dxHMEtA9wd9o41pQCaSajw3NrRswmgYLTRVHv79i1wvTFmt9uF3Y5lWZZtW45DOa+UiuIYx+zu4aHX67168+ZwOOyiyLIsyjmhFOQMJhBPT08xpEJrY21oHHDd2u12tDuADX58fByPx1jEBlgAFYNb738Hn3N+fo6JJCQS5NH3799fXFzgVMChDL4Il5eXRVHs93usvTxuiw0CYFbYjdB65BsZAjfLscUvnzIljuMU1dEH5a++RKP5pTVZ2XzhKPR6gdLaC8KyqAAzMTX79u3bRmhojAECQkZl9bQxPjPMgBFDcdRAdLTbbZAJKBsJIWVt4ozlgaz2Z4dHJYIUGLp+v7+o5zKyLFOqaqTfeZ5Pp1NjDHrKSKcIoI0UBxEce5EaiwnYb0KchLIOMLzT6TgVub66ztJcVur87KIoCkrYf/j3/4hO2snkFLBUSe3YrtGEUpYkqdYmPe72c+M4sW07ig6c81arrbVeLJagCCmlh33cTCggOUGOiVq+gWZNHAGXEkVRo0nHv+X1ij5EeRQoYRhCd4EKEfNWlNJB7fWMxEbrCXXP87KygOioUcUi0TYTgA1Lg+sqKMMLRhRA+dWUiqg2wFZRSnu9ntYaolIcA+x5wXVVtXECqUcWKKW2ZSF6NjQxuBdjDLB5XYEeqW2pNasnLXDryrJEGQ6aGKMV+dHK/zjKi+hmCwwQENd146Jsngx5IU7XL4SMDVTHa0P2LWqHQmSgsjyGqkLCpUcopfKycBwnPqRJnrXbbdf1CWHg00PffgmtlFLGECmlNgQohxz38x0nRf8qkYjaaRWZ2663bpl6F/Z+9Uxr1T+0A1gOjpVsKLMwA4yBhom2ytqYEw8Ktxv6DWMMrLDT2usfZfFoNNL1kMR4PBaCr9drjGXatg3veK311dVVcTg0ZahSCjJBFASYe0DNWtS7pIngvu9D/Y0Kj9aqmKenJykltldDMsg5T9PMdd3r62u8qc8++wxyDFbvqkZcwlN1HOfm5gayAjT/KaWtVms6naIF1RSgYGjjOHa9oxcIIj5U1KPRCA6OCFxoOsKyFKkryzJ4VKRp2uv1Tk5OVqsVlrjBeAAvqdVq6fIIsLrdLic0SWJGyWAwUOa4V+Blqwkn9hjTmzCP28jIcRbLdd3tbgc6H2iOUVqW5enpKYoRSmlZluBMMBqAm5PneRiG0PH4vs8oL2vfevQwIb/rdvt4e4CEQRDsk+Oee4D0phOIJYEAcXipGHWDSBZnCOcJsgFoDxC5TD1kxRiDkW9zYRrCEQRUU8mCSOl2u0+ztZQSQ73NyEAURfA5aLg8kHGbzabf7sDFjTEGWST+DnqP4IjxUgHkbWHwlMD8QKwCiISMjbOCDw+BA0jfGNO8HqxuYcd1nRWANphBuC0jTzeNzaqeim56sACVUJtU9baKvLajQVsVulLf95uRsbIsHWHhN5tWc6NBgg0TNl87tRsqzE6RdRzHGQ6HuD9YO2DbNsAdJEkNC9GkNIRv/cK8Wx9Vfce/yehfTJYCWiZJcnV1hW+IuEPquSrEdLy7PM3yPHddG1xcU8w2OL3JK+TFeBF74RagaotgU5s5J2nm+74ipimIlVJFUbTCTpZlcZYS7LmuB7nz0G0ispboQ3DLsojS9aM41rG1SP84WN+8mIb2xclntTMBrY1BWG16hcUXEO1Av0BrK3+oxRreFurhdjsUQni2s9vttD7qZSkltm1zxiCVcRwHUhClKugscJyQ7C3L2u03EMjHcYziEvWEZVnQ0aHli4IP/AmSAaW03+8TwcuyxAvGMQCgXK/Xr1+/1lr/9NNPcN3a7/fPz89huzWdTmFDtlwuMZYIVeLr16/xSSVJopSq+ZZgOByi0YrPqwlo3W4XLFBW245W9dp0rfVgMNBa73a7IAjG4zHYVHBWVVVdXV2hxHl6erq4uEBlAG4H1+Tu7g5ztsYYqAeTJIEvvOu6glPGCM6AVhLsKz5rUgt/cQiVUqJhXXAghBBGW1QQqE2klD/++GO72/viV18eh4mNXiwWKCiwZjBJEiD0sl7IiU8CH+TH2w++73uuj4iGw2pZFiae4T1WFMVkMoHj9k8//YRMjn8Ol204mF9dXeGKorn39PQEcAE2FmkZpNV2u0WG73a7vV4PFAGmKsDP+L6/3+9hHYP5XaRTXAOwDag3T05OoHHEECyC3e9///vf/va3j4+PwJIgtTHIG222rutCqwsBFtAQptdAUiFGQ+kx6A1wfPGjofAF9GgupFX7wJRl2e1aL0kAKEF7vR56A9Vxr5iHN4iPGeoCUN6Y/cM0FogpJA/c5zRNvfC4k1rWrrx4d269dQ/TfQiCQE+wfgbyenx8xGVDzkb9iJ4Hik200Hu9HqwdvvvuO0A57JfB9+/3+1DjNb2+l0yLqaedGw5dSknIMQ4KSzSwpUF/qMm01lDLIVNiwBWFGh4CAgchGjwGe2Gx1MREvM2/6pE2lQT+CI1KPMNjv8poXFfGhCZHbrMR5GDMJM9zqRTyDcBpqbTWmjHLsiwjFUolqSulVFWV4E/a7W6TnJrIjhOS1xZdQNZ4JRCbYfIO0xtCCNRPiAuNlT8kQG696na/37uuDey12WwOh8NoMPQ87+np0RhzenJycXGBZkmSJHd3d1KWb9682e12Hz9+dBzb8zzsEvrwcYN2Jdi8fhgCPqKbCmx0dnaGyDAajWBQOhwOoyjyff/k4vz+/h5alKbfEMfx2dlZVVVAu5PJ5JtvvlksFn//939vKPmXf/kXx3F6vR5qQdCts9ns888/9+vV86q2EsmSHMq9169fz2YzXXst3N/f4/dRx9u2fX5+7vt+dEgwc4QqH7ASsQL+xl9++WVVVfCPQxcBTWnM+iD2/vzzzyhV9/t9q9UajUbgtVzXzdM0DEPOyOGwtxgPw1Armee54x35T1W71DUoh+GYNmQcup3Qadze3rbb7devX6O9q5SaTCaX51dvX38imDXsj8qi8D0vTZLddpPE+1boXV+ftlqOMQWlRVlGcbwKg1bgh5xzEEmr1Wo2mz4/P11fX7qurVQxGvV6vVZVZdrkabb73d/8u3/39Ven41G3FQpKyix1LeHZ1qDbuTg98WzLYnQ1n+3Wq9PxKIn2nFCL8TxJf/7hx+fHpzLL00Nsc3Fxeka1MVJ5ttPyA2ZIEh10Ja/OL6q8WM0XvuP6jluWJWMiSbKHx6lUNC/UdLEOOn0v7LW6o90hr2SpjSqr4v7hLstT27HWmxWh5rvv/zwaD7u9TiXLfbSjjMzmz0/Tx8HJaLFdCc++eHWVyWK+nEstpZZZlg4G/Xa7pcpSUGoxVqRpejgkebHa7qQheSWlIdP5wnK9N59+FrQ7nf7g1dtPoiRllv0wfa60mZydM0sUshqMR4Sz1XZjey4VfL5atrqd3nBQKhm0W8wSu0PkBn6cpevdfhsdFKG25zPLFo5ruZ4itJCK245wXC9sES6kIZbrJXlRllJKbQxNkiyO01arc3Jyxpg4HBJj6Hh8UpZyMBgVRaU12Wx2tw+PzLJX2x23nfVu/79+/6/ffPe95XrDyYnt+Zt9tNlHitBDmj1Mn5ebLULwcrmcTqdaa6wRB9vOOR8Oh0jSTm3JaTvCEFVWeSULyoxl80aESinT2mgN70NhDFOK2JRWadr2PColqSpPiG/+9V8/ubnxLWu3XIaOQ6rK5ZwpRaXkWus8IWXmMuMyY1HVCZxO4JmqIEZSo23BYdAP6zohRBlFTOrQdl3uyoKkidLStu0eYa284tzttPonmdJRnpVEf3x6yKm/K9jTMumfvH7eFR9nW2O317H85ocPk4ubv/3tv8/yarVc21w4wvIsEedJpStC9CHatkOHqJSpwmG649vFYZ9HkWDcczzPbQd+17JbmZJEiKyqCqXCbtcJgjjPs7wwhDIu8qLkwrJtxxjieb5tO1rxu9tH1wmWi816tXt188YSjmVZ4/E4y5KiyC4vTzk3na7f6fqUydBSP/zxf66nH16d9R2mP/z45/nsyXZEu90utcmlirKq0GyTSbsznEfZ03zqht7FzeWvvv5qsVkXSo4moyg+fPfD9/PFcyWL169fPz4+VkXuObbn2B+fnv7888/T1SrK86DX600m2yTZZ9l0tcq1PhRFSQh0zafX1267vd4sHFdMnx8ZJ91eWxs5n8/v7+/RTvO8QAhbSt3vD/+P/+P/5fttTsWvv/pNvzvYbfafvv3sy199pSo9GZ3847//j/e3D1tcj33sWO5qsU4Ox/E3rTXk2qenp3/84x/Lsvztb397e3sLlcTp6Slj7Ntvv4ULiFIKmunD4dDr9Z6ensBGBkFwc3PjOM52uwXkzfP8008/lVJiCgetQTAwKGQhVIeYGwSAcEQhi0qVtmtRixyyWOpqOB5UuipVabu2poow44eeYYYKSjj7hXvhtaWG0VIphXbo09MTaFAg2aenp44fgkvSWm93a/TBBoN+VRVKqbIgns9d1y0KF43KJFEgAXBLG3728fFR1atzQHoCxQNuI6+AVMVAKVAVTArxxAG4mhEJrMS1LAvi1gbs0NpIBDpuyD8aBlnXFomnp6er1SYIgsvLSyml61hwfC7K/PXr14wxtPXPzs4Gg0G3251Op8vlEhpb1HRXV1fv37//8OHD69evF4vFbDbrdDoQGjqOoyqJxkjgehA+ouDA6AE+VOAXbGUEUQC0q7Vut9sQ0jw8POBfoTrBlN16vYYlPwpYUKVaazyuJofD/x3SK5wwtIBQUgDNbTab8XgM4AluB0r/4XC42+0gm8XHZFkW1gfbtbuD53mXl5e9Xg8C9g8fPhwOByia7+7u8jyHagjWZhjnwxwpnB7wIlVtyojCcb1e4QCAYQB/2hAL5kW7El+QRQLuMcbev3+P0SdwCGAhIKxSRzst8VdIHN+2IVuaHwHU7zgOZUzr49g6U7qqqmK/t123qipNjOPYruOXVRrHCSFEqWq/jz0veHh4KLP8/OpSKdXpdPIknc0Wu+2Wc6vTaTNhKZK1wvbmsCaO2ccHTkhela7jI7fJSpZlWRRVpYzWhnHLdV3b9TinlFJQow19Z7GjhcaxB2CMqSmbx8f7VqsFdssY8/j46HmeZfPn52cptWVZtuvlZTV9nsHL+/7dLed80B/Znvv+/fvNdj8cTfrDYbfbLaojZ6K1Xs6eo+0uy7LF4kiFw2/g/v6+HQYoCDCj1O12r6+vLc7yPG+322leYMoMNQR89KSUh8NhPp/f3NycnZ1hAhmAnZKq0+l0Ol3LsrAVut8bokSIoohSzhhrtVpxHGOesd/vGmNQRhdFgW18YRje398Dg4/HY/iaYEMTeCE0JCmlLyVqNzc3KD055yi+ZW0KDSC/XC4xTP769Wts9Vkul2gxYlqTc/7FF19Mp9P1et10lRhjo9EInAFm7pbLJeccC5g4I0IIzSljhLPjvAXMxhG7HObhDMuqEkIwpkRNx9Cm3YS/3e12t9vtbDazHcf1LbS/ttstRDyQ7OjjjI/gnBdFBWED4x3XdTkfWhbPskzrFDmAv5iDwC9wCdGawMEFP8gYQ/YrXiyoRA2BWrLX68HY3nGc1WoF7c1wOMR9Bu2FF0Nqa0DGGLjspvwHHYnE04gfOOfQpeI/W63W2B9hBKkRwOV53u/3r6+v0c/Eh41yKax3aje9i30U4UTicwUBLYTwPA82Juv9Gr1+NG9Bd2DGEt/fGIMdQIjdeFwIXi8bpOhYMsYAJ5s4XuuLMrQrmoYBnid6IaheEeawXwkkII4yBqNxQ1ith8FzkFJi3QeifKfT+eqrr8Cbo9mFmQul1HA4RHaBQRL8NMhxysNDaf8yy4I6SJIEHX/IAJrqEs2Phst++Uf4EMHhFkXx/v37V69e4UiA72pOOCp3Ro8715u2J/6CU28s0bXUBH9KcYyVYoxyzpUhaZXneelpHYQB5SyK9mVZUsY3m+XT01Q46Xa7/fWvfz2bTcMwPB1Pnp+fidIYhLEdj3FeVFLGSVlWw1HQIqXv+1WZ21yUpXQtkWaNQIsbdjTwYBzUOVX6yLHIegNiEAS0HtRi9eoMxjn6yN125/rVzR//+Ee0ebBt+RCnRVFMTs5c107yzHK8Tm+Upukfv/neZaKUupDVSf9itz90un3P82HWJLjNHXs8GhBCptPZ4bD3HVtriTSPTJnnuapK3/d/97vffXj3Hi9yNBqpSkZRtFgseoNh00+C1gWQDl7WcJaez+fj8RhQgDF6f3/PGMeyRkpp4LcwogjkgRkOFHOj0Wi7XW+3W4jWq6oC67jb7T7//HPAOwQfqDlwidDpQc7D5bWP9k2OMeb5+ZnVluu+76/WW4zvNjYbFxcXeb2XBsFnMpkgckopIbU8PT3t9Xq4U2jUAWOdnp6uVqskSeAt6DhOt9OilJZ5WpaVJbjWmmqNq4TeIauXfElV+6c3fVHEXF0L1JBGIIGQUuYmZ5aN6EMIWS6Xp2cTQDbbtowxl5eXlsXxrkBMe56nlAF/p2pbZ1ZvugA+RYjBiCPoTqWOfnKIXLz2OmiEE3hJCM3oXAOeN5tHYD2G4sXUXuS61l8CAwLl4dNqaMTjNGxZBEGw3ez2+/35+Tmh5v3796vVCq4vURRh7n8ymTiOg9IBLV9IjFut1u3tLZT7sDGAQY+qjjN+sDporB4AhyEaQdug3W4Ph8P1et3c0tVqdXJygg+iSRv4vNCnBQGNlIb2QGNbCiqcvljQgYYPr6WK6MzAMQMQG5oQhHUER8iKsaYV/xA90vl8jlgMVtr3/cvLSzSR5vM5RlVBGQ+HQyHE/f19EkW3t7eQB1BKMXc6HA4BoBBAcZrxyj3XRpOzEfboejaKvLCcbfD1Swoe3xN3rxFH8XoaAxhTyQphvMEThGhjFKVcyqqqFKWUc9HoSaQ2lBJqTKWVVqqUMNlgxpg4jjUxcXzQVOd5/jxfasI8x94STalhlA76XWNUHEeEMBjMokW53e76/b5UdB+lfuB3u/00jS3B8kPCHFEUMSUkDG3LdSzXEdwWtm2MqcqqUtJv+U3HrLYiIEVtdUlrJ6+Ge/V8V3BmtLJsBxT2LorW6/WH29tWq3V2cR4EgTS62+17rc779+/DwNWGrTf78aRwHPf0/LiTEgyyyY2RyrKslu85gne73cfnqWU5RVEeDjNMfWdJQin94YcfyrwYjQfQdWjGKeXPz/N2t0frlSkIUugToG0ThuFut9tsNmitlWV5djq8v79PkhSqEoAnuLgYY66uvNlsBiQOb9uiyBoZJe4XJpk3mw0OSa/Xg+AEtgpNfQ9yHPEEEkZId/I8Pzk5wT8fDAaumwHLY0sM+hNPT0+YqkG3Ca3gJjEg1kN4An0dun2QBTf9FcDEpuEvhHBdh3Ne5ZnWmjLaNOSbxs8xph//nxC8tjm1bcex7O12G0XRmzefcCH2h1gIsYsipZQzGhZFkaSHougGQeB5HkASfiQOUJrHaPtyztfrHTDyy3SHCI7YCkyE9Ai2Af/w5SgQhiQhsKvqeTnch2a0B2kA7xO8BO4h4BitjfZ5rd1E37mjpNbEsixDCKU0jmNpjmI4BI7laoG5qiRJsPAMPFdRFOv12nXd0WgEsDMej0EjpGmKGXR8MEjC8eGAnE8s0tQHyMyglaSUEHuUZfn4+AhmCW10WNCg1wddFF4eysOmgYnncCzVJUr1QmvdUBwwBQVAA7jj9U4lXc8MozCHFH2xWCDzRVGEGAEhBKI8YwyPwrIs/EQ8ZKQ3LJWFZBPZiHM+mUxktwNR82QygWZJHv3/jtPboDuaY4m3ibNR1R7WyIXk/+kLVxHJfj6fX11dIeUj96NkNC92R6gX03bHFtOLWVBVGzM0iKcsS2HbnFOtdF5WWh+H6ZM8+/nnd1Ir23UtW2y367ysPv/8V+2wwxgrsjzwXNsWq+WSM6a0Pjk5WW7Wm/XOGFMZYvutKF1NF+sgoJblEKM5ZYYSJizXD1zbagoywS3KmDGGMUPUcYu3a9kW46pzVJg0fi+6NoeRtW0AQic60nd3d+vt5nA4cMs5u7j8/sefg07//Pr13d3DavM4HA5dv5sXRdjqaK3ni9V0Ok2zotvttsKONtL3/fV6PX+eUUpbrVa7FQz63UJWOANSHrWVANFaK1tYnFlxvLy/v7eF1Wq1fvOb32hiECvhieR53nQ63e/3b9++fffuHQwd3759C7FKHMd5Hna73Xa7o5T65ptvoij6/LMvAKQWi0W73dVaQ66KP/2P//E/QHy1Wq2gRgNvyeuBahyYpjhujjHAL6afVO12hXcKIgjc6Xg8hril2+3CgRJhbb/fQ3wJIS9qEcuyUATDWsfzPKD1h4cHhCNAsTRNl8vlq1evoig6RDvHcRyLh6HfCoMsy3SF6lw0OKY5zLgvApW44LS5PFXFBONoEwN9bLfb4WCEnA8kjipeStlqhQjKq9Wq1QqAHynhnFmC21xQEK8IuKh8EYmm0ymENKZ2s4OIyq5XBYJJQAlzOBwgdANdgHiEb+V5HtJ7s0308fERzB2p1xU1VCMuKkSEwGucc8exEfg+fLjNsqw/GkZRNOgPIXrDBwzffbAliDiNeBG0D5BgU0/AUeT09DSJDlhoiygfBMHZ5ATiSFDDqO8ArCA0gqgAQ5swmojjo4YdOz+hx8IKRJwwKGoa22vkP6XUdrttRC94eVgbgqdXVRXkYtAUYt8IJj7wnbEKI8/z/X4PC3ggdGANaEZJbXjdqD5arVZWL+5qJLQAX77vt0dDlPw42ejTOPWyJ1Y7HuMz8n3fdSzXdaEURipFpEB8b+J4E5Fh9o0XTwi5urrCR4+cpGvpqqkp5kpJSikTnFJKKG2GlbQxmhhDCWGUMKqJUVpVSlZaEa0IY0pDYWI4Z1Ct5WWBhocyejwe9Qcjy3bzJNWy2u23k8nEc9ws2di2iKK43W4v1itNTH8wTJ9n6/1+udm32+31Zh/4oWvbqcktwZTBbAurZCk4V0qVRjLBbduxXcty7CxOjDGFIYQQaOPwQI7KdGIMo4ZRKkDGEl6qzXJBKV0sFs+zue063f7w17/5m9V20xts/VbXdgLHbxlhF8o8zlYDz+n3B5yxsixtz98dYhj6dzodog3UlkWejUdDx7byLE3TFFqydrttWQ7sasfjca/XfXp4nM/nWVoQQiouwMht9zuowgDMIVAGDYLrBiYTqQjIr91uC2FhOBPhTGuN+ec0TQeDgeM40+kUpEee54i8iDCNDOTy8nKxWKAUxuJiKMFEbfwLQga+NEmSoMzFwdtsNmgMQHkM3RSOfTMXAqEkwCWgPVIdFlgiXEC1jFoTOAnVJDoKOK4YlaJGoVoF0+C6bpJntN7Jg/zN2JEePI4nVbUDEXCxLCtCCJhlNDc4E8PJCTKqEKLTaTNGtVZ4HZRS2LNF0U7XX2CH2+02Rn4AooG4kU9ekt2kFgI3oy4vm2B4w3meY0SzCf1WvdAOgiRUALPZjHOOiR4I+JCK8U+A+pv7X2nVbrtFUZh6wMeqZ9wbuh+N7JOTE9u2GwM/rTWGzaSUIBx+/vlnxH3I7YGXtdZA1kgtaHiiWMMLw1i/W9sMNbqu5+dnuPhD5o+2AexJaS2qE/Wy1uapOo6DMgUkBv4t2uj4QEFB4no0bVikE5AwTVVEa8EiTJIbyXbjLYz8vdlsUPwiUKK2BacJJn02mzWUZRRFVPeAldAZQ0aBJYBVr7QGbEfz1mjJX2ycIH85hwVQjzeLL0zKAIxfXFxgTgTKhKZnyGvPANLsY6kfvqqtaUg93M/qoZ7jrAMxaZZTWljctixLE4r39fj4mGTp6fm5td/nSeyHIeV8f4irQwznsmGvn5VFqx3utvsoijabFSGk1er4YStOPmoqkrJ0NQ380BChDE0O0bDf14pxRpI08RyXMqo1qWRFlaSUMc4pJUm9exMYHK8TT1URQ2rZclPWlGV5d3eHYnQymZxdnI9Pzkbjk//3/+f/tGz34Wm6ixI/aI1OJkoZyw25xfr9MaVms9m8fvPJZr2EeQMhxGiptR4O+lEUtfygqorlZv34NEvT9OrqCqZAnU4v9P3Xr1//9//+3+MoarVal5eX7XZbcH5/f/v09NTqtBv3QWyL7ff7/X7/+++/H4/HvV4PVrcYyvc8j1FZliUmib744os4jinhsAkhhMC6C1H7zZs3Z2dni8XMtm1IzoE58jy3LOt//a//VVXV5eUlXIzwQYvaiUHVq7pxnnEgG34VfnBwh189PYM5QfoBqPJ9/+rqKkmSzWYDdTX8aizLAsBv4jsq9devX2PPNQYnoQQDdeM6lmVZqiqqqpBVWZaloATkaqNSPeogCFFKcW4JdKgYo7ZtcxZ6nlcWWVmUj4+Po9HIdd3+YLDdR3Ecn13acRy3PEdrhWoa0QepGBNQu10ErjwM22Ho53leVrrpqqHiwAlDuxkr7lD1IIID58p6vZ7rutCYg6BYr9dgQppquhk2gzgEFQMMYfBPmmoadCpgGpwAdrsd7M0IIYfD4dWrV4vFAjn/cDhgJyFgwuFwQOYHDQqgqrX+8ssvCSHA0U3QJ4ScnZ0BCl2dX8B5uRIlNO/v54uiKICLUX8htzd9djBL6ADTuvOOwgIUClI9XgZ6LBDUV/VMv6w3aV1cXKC6xAIQRHNam7Cj5YsHzmtzwefnZyEEXHewLh3uHGDkD4fD+/fvLcuCFxDEFShjMfoBmgh2QMdKUAiIcCB5Rnc3yzJAM/wak4eitmLGM0T4DlstTEgbY5pnAuK4wWi6VoXjLYDQE0KA18LfBFPZnKuGizSaMMoFt4wxSmqtjssmOOeMcmwzNZporatSlmVFBc/yTGvd8luu7zFDt5v9crmM4/jP33/nh+0vvvp6u9tlZVFWxevXr7XjJHnW7nWp4NF81xsOtN5WVXF3d6cpk4pWxqR5cXp5kxTVarM5/fwVtzzKSFYoy3GYZTs2S9NU2JYtjsSUUkpqafLcGOPYdrs25gUDhtBQHhcGS2Bbwo5+T6/f3ODVfvHFF73+gAv7w939//n//f99+dWvO73eert/ni3Kxfqb73/knF9cXHmeaHe7VVWlj9N+v8+oaLfb5yen2+06SRItVRD6qqyyLCvLfL/fv337KQZ2pCyPtgGKTKfTNE1PT8+63Q7nfDqdjkcj23YdxxlNhrDY22w20Kej+wc/UYyzjUYjnIEwDLebFagPAOSiKPq9YavVQpTodHrwzR4MBlWllsslzgBoFiSG/X7f7/f/6Z/+SSl1enqKmAP8AcFMVeHtlMiOsCfyPA+c4eXlJcpZhGzfD4HtUI9i+A5B1RiD+Ur8KakVX/v93rKss7MztG2zLIN9yH6/hyANcTWOY8/z4OHebYe+7xOjpZRlkUPviIYieWE6VFWVMVRgRstxnDiOPdcuisJoLaVcLBZBEBRFNWJsOBzutnu8vX6/e3t72+n0sJAF8ntVf6HBBdvbKIps22VcQ6EBqA4aBCJQFP7Ib3gQZVnGcYpKBMQujsVwOAQXfHNzg1EaTKjjcWBAyXEcuLQDNQP1j8djdKJgyBUEwcnJSafTubu7Q51FDAM04EIgZBPOkiSpSokB38GwDzqM1nt7wUcRQlar1du3b7XW3333XVVVZ2dn8CIHmQuPs/ViiWM0GgwRW5ezOaozyJu8loe+Ofrp8AvFZCOANpbkXlxcoE+IDqRlWf1+f7vdYkIS+LoJbQiXEAwAYoN76Xa7jWIE6Bv9AErp4XBYr9ee56Hewh4SOJjf3Nwg7CL6TyYTNHaQyTzPQykKqKu1hgce0DoANWpG/P124Hueh2ILlalSajqd4s0CH4ATQ5rHJYdME4mB1VOvGEKBAgEAar1eQyOBHAbRDj4R3FV0dPSLZYdpkVuOI7WGqifstNHk15RQwTnhZVlqpYMgoIJvo73jue1uxxaOPPo3MMvmvV6vkNWbN28cx8mz0vEDr9XNq9INwtlypg0p8nIxXxay2u12ruc4li04D7s9Q8Tt4yNjbLVZW45zWK7Xm/1zNbeFOB0NHS9wXLcoUs4t23K4YPkhRmbdbDb9fj+O40FvkKYptLBpksRJAk2R77jb7VYIwS1RlqXFLTwfy3LOL05dx1eErtdrP2iNx+Pf/OY3btjy/NaPP39Mksxy3OVyLaWMovh62L66unp6eqSUvnv3wbUtx3EOh8Pp6eluu13MntM0Hfb7VVVFUUzqZSCEkDwvF4tFr9eZDEeBH/Z6vZ9//vnm5kYIoZSENBtYnnOO48c5h08feJKyLDebDQosbMizbVvJ/Ntvv725eWVZFhYS4fPt9/u///3vg+DoCTocDhFAy7IEZ43omabp999///nnn//6178ejUbffvvtP/3TP/3d3/0dKA6EqdVq9cMPPziOA35/NpvhT8/OzlarFSDOdDptt9t5noetDipa3OIPHz6gLID1rBACFo/w6oLFE5AZoL3WOgiCwWBwf38P0LPdbimlCHdoM6RpWuap41i2JXzfd1shyByAm7bVBSEsOEfBKlhth/SL+oUazjlGjbKsAEATImmkRb7vWxZXquLcVqqCnRguGwIomgaEUCEs5C6w0rRWswJhIQ3oehMbr210Gk0bjghQJ64cnh1k6Qg0UK0CpQL0VbXdLoojnB5oZhAmsLoB0viqyDHg63oeZr2w0rDd6qA4AGGNKVOAO7yA77//HjECVdUXX3xhWRbEKvAagxiUUgqDZmBV7HUE7D06GZgKrebGfQGJutFCmdq4GJoNxFPQf0iNILVEvTa+aZziajVG1Rijbf4mwqLWer1eg4kS9fJoCGlRWkGfg+4iYgdiWVPr4GmjaMX3N7XTL7RPyFLL5VJKORgMdFU2n6yp/TtRMZhaYIpaGMymbYuGWgHjhKNSu9loQggWxERR9Pz83O/3h8MhAroxBrpVsDE4MHiG4GRwini9ZxUiZXP01PXwF+Cwxmv1NHdcKWWJDlCW60oKYYctf8ImhtKyqgijlu0ekkxq9cPP74vtxrZtP2zZro0SAWlyfHK63UWb6OC6bqfDCONSEy/w39/eDYdDzw0M5UqzvKhkKW3Hq7Sq8rKoSm4JZY46rm63m6dZGIaOZQPeKilR4hT18kXUqUVRFLKSRmNLg+MFnU5PKVmWpd9yT05Ouv3h9HmRZVmWpGmaBZ4/Go2Y4J5lHm7vLFtEWdbpdFzb2mw2i9kUTMjZxaUsC0JImecYsJit11mWvX37FpalT0/PnbDV7/ddx8d68fV6fX19fXJy8vDwAKA9m82Q/tGeAV+KVTAwydjv92gXhWH4+LD49NNPpVSEENiRl4WESfVms6GUCyEwta9UDOAI1gWz7rPZDAKEX/3qV2jg/8M//MPFxQUSORz2wd+CwwSCaaQBjZ0npp0fHx+B2Xu9HoAFTgu4dUBPy7KKosAvgAXRiwL8AmwihDQEANwymtB3XHjgOZbFgdsyYtI0bfe6lFLLVuqFWTo++mNM17WphRBCKyOE+Prrr7fb7Xq9tW07yaLtduv4ge/7higQTOhEUUqjaOc4HtjhTqdDCM2yDNE8z/N2pwOyu0Hl6ORAe9RIbsyLYe4mNgG7sXqTE6+3j0KqCDA+GAzwm7L2cUTFBIoNnzS60o2EEYQgnoUQotv1CSHR4QDhGl4tuBql1L/9278NBoN2uw0dN9gDhIbJZIKS5/z8/Pz8/OPHjyCUsfwQTmw2F/iEYISC/hJjrFnZMV/PMSMDuRWlFJP96EKDU2rqGHz2aNJCydBQ8NUL78ZGCYqUCRczvHc8z81mAwa/Oq41YLCuNMacnZ09Pj72+32shQLLCZwCjhsz6LqemUYu5y+WK4rauRd8H7gR9FT6/X683zU9cMAxSinaU40W0653zDbUeUPF8BfbSpEX0cAQQux2Oynl28tLZEekgYb/QesJZJF5MakkhF2WsqpU021ljDmOt1gsoJoNglZVVYwJWK4rkxqlBeOe56lKrnY7XUnX9bOiopSmeea6vt/uxHmZJtkf/vTH80G/37fTsqqklPJoissYY8SkacwIPT8928fZ03wRp4UQIqk0F3aSF2a5CcOQBI4qKzv0jCGVVPRofWNsW9i2sCwr0xQHA+cHcaEojsuXCaOccyp4HkVVVfm+f9gdoCwYDofR4RDFsUk45/zHH388JMmo3+t3urPFynKczz996zp+tp1+/8N3X3/51WQ0DkP/7u7usN+Px0PXdeEKRbnglBGXUUqDVmDF5fN2vl5tcTdd193vD5zPjTHn55dRtAPiLvJSK+M63nK5wKgOvDnzPC+KonZdd8DAQGAO+azneRcXF3/4w79RSlG8JklyOBw+//xzc/TKP2DiH7xEg4eggu31ep988gk6lkDlv/71r8uyhEC53W7P53N4gcBaHaWtMea77747Pz9H9AfTjQHRTrePQwuUAEvRpr4E4QnwB6b0/v4ebAHwEP4UmzLDMHx+foZ7B+JA0yTrdVq+71ZlIaWsSTVJ61VczZE+gjPywsKf1ltjGGOwzuH1oBBKqk6nkx5WfuBFUbSPtggceZ4HQQvZjJDjVBUI9/V6zeuLXdSba9DhRECH8BOEAJh+KbWpZz3AgOODacjlrF7+gO+GUSNYbrXbbXycKEWBVhDIBoNBURSNnSGarvv9Ps0zy1KbzaaSst3uDodDwtnj4yMIEAQ113UxUQniO89z7B2Hinw2m00mk+fn5/fv33/xxRfIWFrrn3/++Xe/+12Z5Si1IO87HA4W4+hGomOpqNrv9yi1UAEggOKjRdhFCgFZgV4rmu8AIM2EBSIXnnPT8UOgJ4SASoaKFhdGvVDHAxoTQqbT6f39Pep3XCEhRLvdfnp6QjGBQqHJH/hwcTqBuJvpHsRc1AGnp6fHClEIxDX8BVrPItB63BeaV4xTmRd+5S+jPNg5jIPjOKE0PD8/R4NH1UMPWCGC+4zRCtQTeJGO4+SVzOslwqiFUfWX9RY6NDxQGRwOB+WIwPNs12GEwpK7lKosy91uf3l9/cmvvqDC/eb7H7757odS6eiQ/O3Xv/FcW2ljtAl8nxKdpYmUcrlcZmnqhq0g8KMkzdNMa91ud33X88P289PDosiGg17ou0oTY6giSgjhWMIYheOBqORaNidUFmUpK8uyXN/Dk6GCB0FgKKGUWoJnWSaV6vZ6P/7w82KxWq63VaUGw+FwONSKHNKMaDl/nt3dPTDOx+OTy4uL0HWlLF3BiyReLWbn5+fb9Xq/3VqWxbmltZZaJ2meJcemved5jB8Nq29vb0ejERf06urqD//y+yzLzs5OPNdF80xrjdpaKQWPX+R7dM7xGcEwCm1z3AjG2Hw+91wOsxcw4OmLNZbn5+dPT88PDw+np6dATrvdLkkOJycnaPYwxk5OTpo5JhwneNJB7ws6G9Ly8/Nz9C2fn5+hxx+Px/ACa/4tmMbVaoXmJ0p/27YbZhygCrIoUAXoBuPvw0Pm/PwcdBbIgH6/j4twdGQySgjR7bQsiydGa62pEHjI9IUz6MvofRQ5/tJ7kZIYRWrFD7CqZVnYPnE4HKo8By4ghHBBjT46vSFpgMDSWjMqjDHEMMzyYLYQORNByqmtegFOG0LGso57eZB8EOuhaWlKe9ZMxzHWNEKRJMCugChAqT4cDnG9Ubnc3t52Oh108Nhxx54+HA5hq3UkH9TRbFop5TjO9c0VEiw2gkI2jobwZrOhlD4/PyO3nZ+fI2w1WpSiKPIsw1vod3voQBKlLy4u8EDiOB4MB3gvCLuNIRpIGHSNkOfxWMBN4z4AaaIOAGWBpwrlO14AnCz7/f5ms3l8fMTyXFwSCHIQ05Gx8Podx2kmZsEXsVq7iZSMV4uUCWINMR0KNmQg5BUwmI2uAKgcogKnHh5uWhSQNrJaBGVemAA3MZ2/cBYFzoKGFRsSgK2aHIbSvjn67C/9R5H2iqokjLqO57iu0jo6RNvtNsuym5sbKWVeFqQ8mmpRzizH1pQyIYqq3G22Mi983z8ZjRljXtBijAluP81mi8XStt0iy4eTk1wpU0hVlTYnls1tRrUyZVnajuU4lpFqt9lsVmupStfxLYtLRaWEBNloQzUcvwjJ0sJzhRt4WXyglELvvN/vaXnsvMHLl1tHLQSFvIeSQlZMGlK3wVutzsPD07t37+7uH//mb/7m7dtPokPy7t2HoNU5n0yI0kqpz774vN/vZ2nRa7WoY/793//ddrvVskoO0WeffeI43rfffmuM6XQ6tu1mWbHd7aB5H44nSinwDJzzaB+VZQkhcr/fnz0/V1V1dXXT6bSwdma5XF5cn4HuaAgHSK1OT08hS+W1zwcQVZGXi8UC6uGyLMMwXIstpfRPf/rT9fU1tGEYP3Rd33XdLEsAHJsBDsYY/P0hMsFG6VevXqF5e3Nz8/T09PHjR/hRY6M9IeTVq1e4Jg23CRJ/td4mSXJxcQHdMFg7UK8AkeCCfv755/1+/4//+I+TyaQZmaaU4p4aYzCmjkvdQDHcSmjnCNHxIdJae7bVXBz+YhdSc7bFXx/xomDUMELBzcOl1XVd3wvSopzNZi2fVlUBMYPrunlW4oJVR7cBlud5muRZWgAdH5II95DXNrCoGoBDUQuzep2jqE3v6HEh2dF1vXmFqC4BoPB8ofHEEYe+h9duDMC5wJXL5bLZYIf4DuYLgO7i4oJxbgydTqeVVpRSSGIbWSv2PKD9CGIEuffi4uL29vb5+fnm5uby8vJf//VfPc+Df+Tl5WUcxxbjh8MB2luoL6LtLooidId0PQONhYoYIMa2AZQCKEWR/EG/rFYrUq9yReRFexBMNK2XIOMNYuk28LKsXXeQdVzXRX2DjNL84vn5GdUlVPmIqsBB6N1DCQp0DGIaARQfU0MWIfvatj0YDKSUqHvQI8ItFfUgaJN+8PqbjxsfFiW6icXIYXh5cAANggBbj1k92pqmKVgy8OmYNYcSBroXtAEgEcF0OF4SZPg4MwABwFk13XF0m3ne7zqdDlVyt9kKQoPToxdN2PIXyw23/Twvu71Bb3I6XSwp499+/1M7DAadduDbZK99m3NKhRDMEKJNXqVFZbSqHGGlSTKfz3MpxqOBcNxOO9SE7g8HmxvLsve7DWWW57t4L4SQssrLKk/WCaTogrKqqvI0Qw8jLXJlNCXHj14qZYzZbDaj0eh3f/9355cX280+juP7+/vtdn97++HxcfrVV78+G4/zquRG71bLOI4Hn3weht1Bvzud2qen53f3945lu/axdqmqStiuH7Ytx0uSlAqxjzPMWFBKoVJfLTcA4Ov1drvdhmEIHQFSeJ7nt7e3eMFJkiyXS+AhxCwEE3zicRxD+nJ+NrJt++zsbLPZPD8/n5+fQ0eA+IDISAj5l3/5l9ev3w6HQ89zoDUEIEOljjk48JDT6RQnsCzL9+/fg+NFMww5o/EQRhCA8NfzPIxcoPN5enraWLughHp4eND1BEYYhk3kacJ0u91++/YtyAnoF9DLgRMJDh6uszGGGmWMytLUsizHCW3b1rTmCv9yMwal9DjogXCM0MwZcSwbLBXnFmWMCcsLfGbZhBBOkE6PtxftRyHg1h0cQZYioIRGoxETtEGXuGZo2QFNlLWpOlA5IQTYEGwAaClCSMM9QVJNaw9VlE5CCPwFPCyw9jgQEF9zzps5o6+++gqTxOi6AEj6vl9JSQjLsqxUEpIbjImirYHS0hiD74MCAiESJ4Mx9vz8/PDw8Nvf/tZ1XfRMbNsmShNCut1uGidFUVxcXGxdDxUD+M3V9uhXg5l+JAy0VVGKQo0DekrUk7F4MUiBiOlQRjZaeOwCBa+F9oNSqt/vA7BUVYUfB+yM9EkpLcvy/Py80+nAGdiyrCiKoFhHJYiX0QQ7Xhtz4/jyF+tPUVs0fddfWuJVCWoe3wqHEnrN5vvj+wCDYMd0g9zRt8Q7xUAg8hkqenB0KB0AF3ASQLboF/OipNZ+2Z6Hm4Zrj0cH+gJoBgpUrKRZLpebqlBKubZlWZbrWE02LctyMpn0R6d22J798dv37z4WSnlBGMWJMXQ8HHXaXaorxxGuw+NDtNvtsjwjVHDBLEtwWmR5slothdvb7Q+twGGCb7fbLGbjQbsmMwtjjGG0zMvdfoNah4ZUcF5qbVmWLY5DD7TedIg0XJQlyNnlehVH2du3bz95+9l6vd7v91UlOx39+WefXV/eWJZl20Kqkmo9HAxCz7M4yZLDYrFwbI9zGvguZHlYsZuXksnU84Nht9fulIdDkuRFv+37vn93dwdIV1WVlg7QA6gtCFX3251SlW3bhigQbrpevYtwhBF/BPTD4YAZkYa7KMvjVhP0840xk8kE2AX07MPDw2g0Af1iWRbm+F69eoUTAgkQpm2hY0GfH+ZFsNeuqiqKoqenJ5wB8qKdA8AOr2DEdFDns9kM+uwwDG9vbyExYIwdDofJZAJhNOccHiTNUDeuM8TveGIA7Ci7d9ujDxVobZCfjuPEWWr+ctXXL3z6Sx7jGCgJJbUmyXG8vCi22220P6BH2vI9pBEAn6LMcODKUiI9+L7vucFqtQKJzMTRsB/IDjeNvJjvwO8DXaL0wF8+tnqqCnCP1p2xBgNKKUEsQqmKRp9t2xj8xcZx5FU4fqDegZcb3CrOz88rrdB+uX946PUGrVYLw83z2WK5XA6HQ22OFAcQRPOaHx8f/+Ef/sGyrNPT06urK6XUt99++8UXX8AOH4fm1atXz49P+HW/29vv95BYoThAuISUEwaKOB/Q6qJlBAWerqX9cEeg9c5rACJEIlAuoO1Go1Gn07HqjY6Q81e1JxfonaLenop4Cj4NbA94vbReRIDO1XK5RA8cURslDr4nMG/jEtPkZvRUsEMc3F0URYfdFgkP/xAHWr1YJYFz2fR4m2PbfGeMC+JHQL+E8QhEede28WRwhoHEgR6s2pcCaQlXRdYrXlFKwwTi+fkZNQpeA0gATDONry9tLmzBPct2HStwPMexbNu1XC86pH/605+4F4D0YIzd3t46tpdkaVFVlDMQKXmez2az8WBICOGcakNlWaJmPzs51aJVFPkhTo2siuQQenav7QEW7LdrnMO4ipByxuNx3+tLKfdR5LpuO2jjlO73e25buvYpAzmriXmez/Coka4YY1Iqx3HCUPX7/bKQk8lktdo8PT3td5s0zbebzc3laLVaXV5eLp5nrU77/IzlReH6wXw+D1od1/WklEmSZWWBRYCz2aLdDmez2d/8zd/gE1ktIinlmzdvLC7ef/h5uVxCsAi8dXZ2Np1OwYnDQ+n+/n46nf7d3/0dkN8RCmjd6XR++9vfKlV6nvf8PGu323A4IC9GTxBGwjC8urq6vr5GIXJ2doZeK5YVl2WJ3wQexTwqEjM22Gw2m+Vy2Wq1wKggsEDdwDnfbDbgAxhjr169cr0AHgDdbvf+/n4ymdzd3YEdBWMM2varr746Pz///vvvD4fD69evjzMrVUVqZw6As9PTU7iq6HobuKiH+7DZiv3lEowGCr8EKwLPHRSn59pB6AlGiTZZHtuOZVmUCbtUVpIktCIBs5eLFA2lTjtI09S2/PPznlJg5PXhkBzbDsn+cDicnU+2252uvRQsIQLfR4DO0jRLUyEEgUsk567jSCnROcuy7OnpCQU1qx0NgyD47rvvXr9+jeks3GStiWU5ZSlbrRYhRZJkjuNQytfrFSwAi6LY7w9hGAph27a9TfNMk+tPP0+S5Gm1Ob28ef/+/Xy9abVahzR5XsyxdsSyRRAEYSughJ2cnMxmM/iffPjw4de//rXruhfnl1VVPT48nZ6eFnlpjBn0h6vViinjMKHyMkuS3XLdDlt5nre7PULIaDSqqopw5vueMsbxPSFEsd70er39ei8CIZXM43y32tnMdoU7vZ+2Wq1+u880c7hjuOmG3U20gYgIqQJdYoROQsjZ2RkkPahaGpULgq8xBultt9shfxBCYLiGmwPdWBiGw+EQXoyIyNjhArSLMIEW63a79WyHEBJ6vq5knuWOsNBbNlIZqSgh29W62+0WadYehVa359noeSjXtWFnBvtfKUtYMkkptVZZliC7e8cNhQo35/n5GUhqPp87QnDGkjTtDwbI2XGSsCzDJUf4VvUqK5C2SimULE0hKJygTBOP83G/T5XcbXYyL/tBn3vtuJCJsXfRLkmV5wUOkS3S+pvTiZRyvV16Hml3fMqpouZuubi4/Gw5/ZBIe/Hh+f/6X//XP/7j37/7+I7pqMWcQW8QMiKTxHOEqqSSZafdt91A5pnSxFDW6nS7o0mp9G6381v9/X77eHu3nC18R9jjUbrP9tvYsy3bCvb70raD8UWPMFNVVVJVmqZRElWs0lqpg/bCQEp9SBOTEcK4ELZt+f2uTwjL07QbDju2GndGSklSyk7gp2l6qFJHCGJKIfR0ems7rusJWenRaPBv//Zvy8Xj6emp5XiE0cVynWSpUmZ7iHdRbLlBr+8H7c4f/vCH5WpDCPnVr35FZWmM+eLLz+eL51F/4Nqh5zlJIolRlVRh6HfbHc/zot3Wdd1ur7NabzfbvVLq7//+77XWeZb87ne/+x//4390Op0yzzarZZ7njJMvPn3jeZ5F9f3TKgzD8ehMCJHEhVaMENNud6MoHo/HWEAG1eN3332b5zk8RdDpmc1mSqnBYNDv9yFknM1mvV6PEILhDN/3w3YrjuPlejWajClnnV43iqLletXtdqP40Gq1Or1u0+QrquPYzWw2e/v2bavVur+//+yzz8AyNb3QzWYD3XoYhsaQJEmNIYAajDEp5Xqz5JyPJ8PNdmHb9mazjOP4/Pw8yw+qyoIgUJVknJ5NxkqpIsttYVFtpNRux+GEEc0Fs8qsdBzXUHXsd+kXxkmcUW0UjJzKooIYNggCL2h5nrd6XjZ6ZPwv7gawFcofYD1CSCOIBqrCzcQIKMoWaOloraeWUlq2i7Rj13tgAQnBgaIm6vV6MGgEb4DAhG8CigDlOdh2pDLQPkVRVFKGYRiG4Waz2e/3iGWNgv7y8hLfYbVaodQYDcc///zzYrG4ubnpdDpXV1fIomhjYqyD1MJHfB+IYdGcABhsiiG8d6DpTqcThqGgDH0F4OUkSYIguLi4gCsArXcEg8VGo9Kr97o1Dxzotek2g7+S9WJJSimsdTBNh5n7pgZquhekXnTFanlrExDxHeAx0FDVTR0KbhQHPUkS/BPXdZ+fnwkhp6enkBtiDgsENwS/AEoNl4XXT/7SKDSKIpTGaJ0hu6PIRVmGd4EX3xQxTd3ZtGfwAaHvhIB+7JAzTmybqjLP8ypL4zjOKmUqTTU9uXz18eH+6enJtuj8eeUI/Ztff60rI5UihDJhUcKl0oYaSnkURcv1Vhu23m7+63/9r6vtSmv96aeft6x2K/CCwLOsX0yXjDHr7aYoCsoEtWxNGBGMc+G6bp6nnNJOp20zomQZRVGWJagnijKjlFiW4Jwac1wDySoV1DtgZaXzPC9Lmec55QxVF+WGECKljqJou91WaeH7vusejToABtGCur293e8PnW6PMUapwXDvcjG1bbvX65WyWsxXq9XK98PheLzfH5IkWa/X690erXKISSxS9nq9s7Ozfr8vKEYcWoDJ7XZb1Evhr66uVqvVn7/97vWnbwAowQcu5hEI0qqqttst4KMhyhGWMebu7m67Tzjn6J00/CdYVoykWJb14cOHJEn6/f79/f1//s//GcQ3pkDQamqOKErPsixPTk4ghQKvOBgM0DvFuBAcUKCPWC6X0ESiSyT40W8dbl+4+Dj83W53NptVVfX5558LIbAudTQaDwaDPM9hK3J1dYUWLkgICK+x/Y5zPp/PB5022nuUEdSUVm1eQqkS9UJpxhih/Hgl2V8uXRRCUKMRidAXKqqSctGM42PFOK2F5DhYVb3BEncMIbsx7cOhwdXl9Qw6olJTOIDczLLMI6yJ6QideG1QfXLOd7tdv99HdEM0bDhWfMBVVa1Wq8lkAt7c9328YPx+azjEy24agL7vw6CqKApoFuF1iUOGUeNer4dwgFzlui4In2YMAZEIaSavFzwi9mGKCvw+KsSsNq3EkcUZQjsXfRL0HsCyCSHQjzqqGz0L/B14diQ81GiYPsVfxtNuMigyBFomIHlMvY4VTxWp3a5t35s+J6ltTzjnmFqCQh95C9US4jh0LM0patpWYIGAodI0pVQ1Ahj0J/GsptMpCJAGLjRiKjwNXBWM+KNQa1rHsvaVhLwPT7s5V/gFq/eK4aXiuJoXXo95nhdpKqUkhCqlW27wzTff/Mu//YEJ7nvC4vrtF59yznvtdp6nmuqwHXLHzuKsVHleVio67HY7z29lWaGk3m634/H417/+WijOiTFaS1lRUzFKKRHGKPSZCKXcFlIzThnj1HEsrqik1LQCXWaaagi/yrJkRmupLEswRqg2mihOqeVYWnN0TZRSZZEqckRXru8hw+GElKXERJ4r7KqqwjDgnJeyYPVmczjTVlW12+18PxTczrK82+1+/tmbPM9XqxXlrNvt2q6jNUFQ2+72Wuun6UOapt3eAGZz7ba33+8PhwMXtN1u28elNEQr5ft+u92GoAs9FULIZrOBpAQQu93q4og2ZCNY+NA/doZGk3MA3jzPgVrSNL29vcWg38PDA+QGILK/+uorrTUkgw2hgZuLMU4M2aRpiggghFhvNr7v39zcfPjwYTqdQgONTeggDPDX0GSSUtrhMRTMZjNcDfR4rq6usNpCKQXvJixrPBwO2NACmho4HUBN1esGAeby2sDKGOO4LuO0zFJKqeN6YNXAU77k0xljQvBfsANtTD+K41ZAy7IkUVQeLbRKqdELRiDAu/I8D08KRGSDvo8UntatliuPtmHHgILXgaCDHiOvhW5opTYtsizLQI43GmFEcyEEJJLwDQfKYPWOhTzPN5sN9JcAkkVRgMueTCbUdefzOR4KdjlhThd9sOZ3cE8uLy+/+dO3l5eXJycn3333Hc6fqdcWNw+0ofghk4J4FpJENBtQu0Du0qhuCSGr1SpwPUop6gZIMky9BKN51+giHEG3pGDDMUlM6pkjNFsQ1kHBNy0+ZD4cwaaH3ES65rnxejnJS51JQ+EBR/Paeqypz/a7o8cADiKvBaboMIPhKYoCW2GrqoKRp3mxSAgtlqZPi/zRPFuMEZRlCQoegK5JXY0uRde+CC+pxuag83o3N6stfJu/kCQHSwhBtDFG2HZou4UyeWlu7++eV5uyUmfjUXzYJYd9EARh0FLKlEpLbaTSRZavt/us1Pu4qmQ0nc1t5+B74bfff/fZ529PToZa63bQkqoqspRoqY2mjBiqzdFFZKs0sV3XME4YNYTZSg26vaLIdkTtN0vP9xjRji2i7ca2eLvdCls+Y6SSBeeUcq5kqWu6+VgTO7bnBb4XOJ7LuaWUKvMSA8t4VpeXl0698EEmFWWGEDvLsun0MQiC8/P+fLHUWnuhVxSVWztuCiFs18lMkSTJbhdpQhzHo5ROJpPlZmuM6fV6kDB69tFdFkyatm0jldba9134pQSBp4mB0+Hbt29Xu02v12+3W7DG/fTtJ5yxxWLh+36321eqAjigxoRheHZ2ttpEOIq4g00rnnP+/Py82WwgZ0TX6vz8/LvvvlNKTSYTeCpABYcrttvtkMziOB4MBjiNuERIG5hnRK/ycDjsdjtIXMIwnM1m79698zyv1x0g+O52OyhkMLkNJR6MN9CL0lrHcRyGLWiv0WFC6rKdo5jY8zzgMKD4zz77bLdacs7bYYsLlh5kg4lt1yFENdy61poSrbU2hv2iZcSXrpfK284RBLnUdX3fdd3ikOCTsGrnDWQVu96GHMex67qNWK0eKmGA2ICooAUaaI+mX1Mp4zvjIeIwIRVjpRP61Dia2A4cBEEULTGmjKeDWOA4DhIMXDQRwqA06vR6DbJGhOKcQ8QG6YLneRDDwsvw8vLSrVdboWcNyS3oXWBP1CVosDze3mJ8AApcGI/g7wB6g9fGA8yyjKjjNNZqtcI1QCBrnElwBNWLpSJIKhj+VvUXni0eEXiGZuQBGhhK6Ww2ayy9GskgoBxOM6vdF5rwirOI/AEz3sbmBYIEqk0zWI+yEa8Em18Q+ne7HV5tu93W+rhDDigbx5pSCm0PyPqGNqGUoiJGcmqa3peXl/AjBNajteZd17JLnHWEe5zwpgWNNwWcYY5Log2jTDgOdx1jKCmqXJXGmJubm/l6o4n55JNPnh7eLxfryXCQZLmU2miqCSOcMWGZSkpdvf9wu9nuKrW/vr72/fD6+lqpYjab9a5crZQ2UuvSaG20kbIqq1IpmeapUlo4tmVzSpkyhFHNmR72ut3AS3Yb1xZGSdsWu/3GsazhqNdut9M0LvPUCjyL8zzPtVKQhCEv4kIRQ5s71eRsaKu63a6UVVmW2kittSEaJKHv++12dzQaKW3KUjqOY9uiUXZnWZaXRZFXx8adbR8Oie24WEyBNiPqg+1u3ul0Li4uALzW63Xo+Zisns1m8eHwySefeJ4nLQtjqP1+/7vvvhsOh4yxKIru7u7glUgpHQ2Gj4+P2AFplMIiaUQPiGJxbX3ff/v2bVmW+/1+MplcXV3d3d1hmzO6L5iPQR3QTCzjeuKFQeKCBIYovFqtOp3OyckJltIg6INr5ZxjIwIh5OTkRNXjO2WJ3FmUZYkllFi+EccxDKlub2/x/PVRCaZBjjV1KlxUccUwTojKAJGzQVo46rbrNAj9SHgYc+QwX/5uU4wjrDiOQwljsgLCgpvBuDdqaBNTmwoAuzWhB/UCflFVxx2SQKBVParbdOTxDgHThBC5VMwSVHClpKZEOLbtudy2DKP7/QHmah2tFDFJnhlGK62k0aWScZYiD3ue1+p2CCFUcMJZWuTCsangURJ7noctE3hwoC+QMMBHo3TAzA5jbLvd9rp92E006AbEEdhzCNVZvbxJ1v4EOHagU1g9o49IjY8EdwPi7mSfMcZ6w0HQbkFlEXbamFkwjJY1X3xIE00JsACIKVzU5tIidzZAGx8wCg4kTjQhwKLg1eKINB96o6UFOW7qHg7Egk5t5AvrdnwryzoaNsDDHfp9sPbYmwrdMdBTlmVS5shVCOsQsYHHJC/0ts27Q6eXkKM69uLiAvpixGj9YrEc3g66rKYWvJp6BpXU7sRHmqLWvYRhaLRkWnFjtKxKWRVlqYn56tdf//DhfrnebPc7Rki33eu0ukmctbhggttaUi4oFVxYSss4zbKi7I/GRa7SNO/3+3/+9nvXIdfXV8IituC28ApBZFkpJZWShGpDlJRSGk2pYURXErtBqjTa9VrB6fgk2iwZoevVgmpTVaWqqiovdFUaWRFqBOeCU86IrrX8nHOjKRcC+MMngeMwy7L8I25jdems8PYNUdxixjBgnZubm/3+EEU727aUMnESAa5hyDnPc8dzA7912b7k3GJCxHGaZjl2eAoh+oMRSAkMdtiuU2T5YrHIssw5d4QQy+XRIa7f7ytlUJzNFnNuidvb26qq3rx5k6aZ0RrhxfOdJpaFYdgOQwwxoL0Ju4terwdQRQjJsuz6+no4HC6XS6AEhJp+fyiE2Gx2qN3zvEzTPIriXq9XljIInLKUWhOlDOcWpTxNcs/zjKbEMCXNerXF/mjPDcajk/V6HR/SMChaYefy4vr1q7fT6RQOTlprGAwA3kGEhsP28PAA36EgCOBNDaYFbgTtdrus8jzP+/2+69roQp2dnRVFgUoCGAvleIPAXpKK7IVKnTF2LHhNPbGJoIASgHOulaHqyM82DgYNhSLqPQaIcY2RHqrgY1lhO+hHIXw0oKnpGZraybquoI1SpixlnpeEMCwCz/PScbx+n3OO6sEOghbnljHH3hc6fg0HAuiNWd6Hh4f1eo1w/8UXX/zLv/0RAQ4nBnWQPipAyW63g91almXYidGwH+DpIC4UQsD1Fz8aY7FpmsZxHPg+Lk+T59DWQ9GD+N7QFChHoO0RtTNJURTgow6HA6vt+cHCg9pCdEMcPFJk9S6b5neA3MmLDgf0XiCC8HCOPTRKUazQuhHfdJh5PeVr1xupGmiPo+a6bp4c9y6ZuhGNb4JZagi8EK+xjLvbDfGCee35hXwJ4SOqSPbCV67hGdH5wOHGGXtZX5IXVjP//98EXGrDJv0FLSOELKTWWlVFmqZpmmtuOX47K6rVet3v96Mo+umnn7/89HUQBJTyqlLC5krqJM40Y0lW7KLk8Wlmuz5nrm2LJI4Oh8Pz0+1nn78Z9LucKmEJ23DOTE5IWRqsEq2kJEQ7juN6DuO8qnLKjOfaliJVFpN2EAae57jbzYJQLQQXQkRJbG24ZXGLcyMrTRXnVDHWEGJKmgaf8XrCUOujThTYtigK27YrWWhlwOaVZW4d15BlRVFRJvb7bZYVpyfnhOh/+qd/glq30+tqRdI8K4rKUOo4XiUVEjl6+09PT69eveqPJkVRLJfrJDnEaRL6ge+FeVValnVycjoc9oUQ06cnmNlpTYyUNzc3qLdarRY8Erbb7YV/gWp4MjmllIPNiKLo+++/x7uA8Qu2gKGp0+v1iqKYTqcXFxfAoGdnZ0mSSSkfHh5c1x2Px/CTgGh1u92ibE2SBE14Qoh60eEH/Qvu4fvvv59MJmdnZxDM7Ha7xWKx2+0gnoZFKJgf/M7T09NsNvtP/+k/2bb93Xff4XvGcZymmVLq+voa7BCCQJxEgLxIRUIICNhQPbRaLcZYUeaIlkAzVVVhD4355UsrpRws8CX1PjDEdNu2OT1aRCmpK1kZyvD7sJzFEWnKZNwZvHnwEiCGkAZOT88Qs0AFIEYU9f6gpuFGakvrqjoG6ObvaK3BXUB1JKVERYOwgg44IcStt2424A7LdGClO5lMNpsNPBnm8zljDIjvxx9/bMou3PbBYADLw3a7vVwuhRA4KwhVoKen0+nJyQmWDTYYH6Db4RzBDiESg6BFPUOPvzkejxGaEVzQOAKo+fTTT53a2321WmHnyxHOJwmlFMMvCF6I8qgl8RZUbdLWlFBwzUTzELpa4AjQ/SBqQCA2BYSUEq1aUHuoJ5DR0dpC4kFLGWQdZi/xz0HgbLfbDx8+oLiBLBKETJJETr2+2dR2DihmG0IMMboB4FntEd+oBc7Ozvx6K03TBsS/bSBMw6QjLzaQ5SWF1VQhssplVcSHwyHJWt1+u9t7WmzDdodbDhX8P/zdf3h9cf78/ECM/ur1K9fxSq9SjBBbGMvJleV7mySTj0+PvhcOB7318vni7Pzm6mqzWg6CI7soVVnJoqyKqqqkUvBTCgQXglFKOGeebQdBwKSO48NmRWRZBP2eY1mMMSZ46AdZlq2JHvY7vuNKVSpNbVs0KU0pJaUWnNm2AzNRQmhZllEU7/d7rUm323VdN8kjxHRjFOe8qgoIUQ7xvtvtSqmjQ7Lf7wlhqKv+23/7b/v9frfbxWkyGk46nc5uF01ns/l82esPoNAAqYW9KHg9QgjPC7rdCsrgoiiGk7HWerPZOY6V1uaprVbr7Pzcsqwff/p+u90WRTGbPuOIlWV5yPNuty2lfPfuHdXm4uJivzs8PT397ne/a8bN0DQ6Pz+/u7v79ttvr6+vB4MBOqhCiMPhsN8fyrKcz+effvppq9X64YcfyrL87LPPYEaNWLxcLiml2F775VdfLRYLtFsvLi5evXrVKMTAx4IYgWru7du3qFD3+/3V1ZXjOPi2WOHQzF2/ffu2qqp3796dnJxE0eHu7g53Z7PZoHpAdD0cDpSaBnHjqjLBwzAk2iilbLAaugLGkvI4JnK8+OS4ueW4ewHXwKl9shqitqnuG1iNkTBY6IFNi+MYU16sNrZGg5tzDilhUbt3oXNtjMEaZTTcsTkIqpI8z5XW0eEglcqLoihLy7azPF8sl4TSJE3TLIsOB6V1r98PwrDVbsOmI8tzxrnn+3lR7KOIMrZar+eLxcPjo+t5lLG8KE7PzoqyxAhSu91OkuR//+///eOPP/b7/dPTUxCCiIZxHI/HY7TdIF06HA6wAG0YKjAzQohXr16NRqN3796laYqBo0ZPSSlFPodgA8UNY+z5+fn29hY7SJXR3BKaGKmVHwZRfKCcLVbLvCwmpyeWY1POhG3lZeEFfrffo5RuNhuo0TG8E4YhnjZiN+Ij53w4HGKLCMSO5QszSyRy3CvEZSQbiLhlLfeEQhTOpSgjEOjhDQkmEf1zx3HAKjLGPnz4gAnsqt7KGATB6empEAKlDLxJwbbjPFi197p8sR3U1J4Tuh4OwjkBPYULgwzHa6+IPM8PhwPWbaOaQSXUtFWKonh8fESqtm07TdPDYd8Mkba6nc9+9fnNm7fzxYIwlhb5LtqPRyeB30rT9Orq5tXVNXzn6yvD0iRfr9dhp31yep7neYqZ3nZrPBqcDAenk9HpyVirarmYRbs9nrzjut1uF48aUzbr9ZoSHfiuVlWaHGyLc04931Vawos1CMLFaplmWbfbzctqHx8sy8rzo3UdqdWfaIoA8eHXGKDHuM1xkVu/EycRCm4c6aurKwwYZ/W2LDzJfbS9v7/H1CgkZJ7nIfCNRiPwzmmafv7557/5zW/gyZwkibDt+8dHTUi73ZZSn5ycSa2EEFoRw2iv16sqlaa5sKxDHMdJkiTJw8ODkubi/Go2m8EnebvdlcfdRiFgMrKF4zj/5b/8l8FggF4XkARj7J//+Z9d1725ufnpp5+OrvGcK6UgGsbF3O/333777fn5+b/7d/8OMhVQplVVnZ6eYhXMZDJZLBa4Yr/61a+wMjeO49vbWwQ9pRRwbRAEb9++RX8RCAwXHwJHxD303larVXMgGxWJqvdKSikxzYRBk06n8/bt26urq6reWw00BkiHH4djP5/PAfIQdcH04u4cnWnJC6tGpbUyRGnJGCOGGmIIJU1TVJhfRG+NOhI4HTAQ19utvwDPG9IWKA/VNHIprgf0DIQQy8I/97H6mVIupbZttygqxgTnlusySunhkJRHaz0LriPoUQD6aa273S4uKqUUogvkz210uLi4QJYaDofIkA3ixhNHzkQzJNoflFLobEDh2+12P//882aL9PPzc1EUNzc3Tu10iASGBIAeKVj7hrDC+QDQOLs4B2t2fn5OCIEH78XFBVqmeNnr9RqkJz4s2A9BTwmBARh89BIA2Zo5CyxNx7FA/sb3nE6nuBJoxyMl1AjryPvjBeOf4yfiwnPOcQo3m02epDhnUJ699B+eTCaQMI9GI8iKPM8ry+N+tWZKW78Qwovap7cB2lEU9Xo9rTUavPCzVkrd3d2NRiOceARZAA6oL2gtggT8F0Lc3t7OZjOYDE8mE+SkNE1b3Z4leBAETc16iOP1bvun799Pzm7G40kcx+/efXh9eXp9fha4QlrCaEkZ7Xa7SVVtt1sp9eXl9Q8/fOh2u1oaI9VoOOx3PcHpoNOW2UEw4lp2qaRSihiG/aVlKUul0zQ3xhRpZjGe27HW2rO46zqCEU5Mnud2PZaxXK+lIdEh8XyLELaLIqKlWzsfsOMEssqyDFc5juM833z8+NHQY99ivV4rpULXAdtKKeWcMmZzzqqqMpp4vvP4ME2y/M2b147j5nn58Hg36Hcppaenp4aS5+fn9x8/fPHFV51O53BIhGX7vk+FhY8P0oP9PiKEvnv3LgxDz3GqqlosVp7nXJ5f7Pf75WZNtUED0xhjWUej/KIo5vP5IUpOJycgo4uitISIoqgs5Xg8di0bvbTdbodxUAxbbDYbVJBa68Fg8OrVK9u2wWujhfP0OONM3NzcrNfr//k//+ebN2+uLq8PUfzD9z+enp62223HdkltNjefLbzA7/f719c3lmXN5/M8L/K8sCybc1EUZZ4X4jj/bFWVPBxinFtUouByoaiGdBBwBBcqr23T+/0+1oJGUXR/f58kCWVH3lKpCp9dURStVms0GlHPQ1jmnEtZoY3n+37QCqXUTdssz3PKhOt6nHMBOMmoaVqrxhhtjjQNMYQyij3ldXtQIGQDkuOrUfsi/+OGIyYeDnGjZGiAPIQ7kC5gCAU3kBCCXhyoiZdjMg0Xj0O83W4hgTg9nQBppvU2JbDeruuiCkMLNI5jUB/QlsAF4vz8HMq/l68HEwqbzQa26YP+EPQ6Qjb0lFhui4+tqiq0yFerFT6JJjY1gh9jDBZuAHSgYQK91O9///urqyvY8IKaRJyCgA/MEhbCoayraq1no+fBx8EYQ3GNt4NPBBfG1INFdm2Bi0PQUOdZlgE2VvWiVEgtaa0sxK1DGYeEMRgMGGPz+Xy5XJ6dncE5B9gE3x9HrTGVBJ8jpURnH2EILwY5Q72wu3sZ00E4NlQ7/kJZ2zry2nAGRQPaWbp2hmlaPsgBcFkaj8eoyRCGHGE5jmUJ7jqW1loaIo3WWvth0Ol1q5o9y/Mi2u9lbrcFYVzERbqPDxWlvu+7ud5sNkrKs5PTJEqIUa3A9Swrjba5x8s0IdoIIQpZKamFxYWwGGMnZ+dJljuOI6iAiVWn1aKUHtZr6hk0XRShvf5gu92vNtug1fZ9lwre7vYZUYdo57iWpkcL5QZa5VlKSO7Ybrvbub293263UhNIU3a7HeZrtNacH3snliWAZKMkvrq6tiyLl9VoNDoc4vl8jiYHSnBhWYdoL4TodDpxmvZ6PaVNq9XaHWI8zE6nczgc0mQ/Go2en5/zvOj1enEcQ7g9Go0YY4wJ2xFJkmB/2Xg8Xq/XZVlVVbXZbIwxtu0C502n08DzlZaO43Q6nf3+kOcp6gmY3wJhwOAIu+uqeoUAogqEUsPhsKoqFCuff/65lPIPf/iD67qvXr1qvAcgaMFKOcoZLNShX+x2uxgAbOYooYsHaYyIBF3ZbrfD/6KlCWyBQK9qb4P7+/ssO465cs4gj8HYtm3bkHWh4gGG3u/3pioty5qMxr1eL4sPpPbLC9utJMkahYtSiprjfTmaZ5mjo+fxIjFyJHXQXAX9ApTXDttNuw/XDJcQCocmhMH6Ct6NTSBG9AER3GiogdBpvdYZjC1GFtHoQNQApQCKAKkSyBH4Fwv6wAtXL5zPAD/X6zWan61Wq9XtIeqBSxX1+AB/sfTZGAOS0bZt3wtWq1UcxwD7GHWBI0R5XIjek1Le3t5ut9uzs7OgtqlRSsGuiHOOl92sPkEzGR/A/f09/Dwx1Iq2/tPTE95v0zUtigIqUqWOG8RB3uE/QYULIchxzyxvFJPg8fFHuvat5ZxjgTX2SACbQ+fXYPOG2gbaBbZCbkYtSWpDZiRvyBIQwRHE1+s1ZGSgPrBUDAEarXhSLxNXtYtO06o1tXCl1WoBwgyHQ/ADEPPAuKOqKjScF4vjlldkKTzwxqDxcDhQSieTSbfbvby89OqlwEEQlKUUnOa5VkpVUmrOHc/vD0Yfnle3D/eHOHMsd9BrW8KpStUZdovNoxv4jNAkjaMsKxTTWmfxwbKs0G23vYDq0hXctZlFVRptOeGUM8E5J5xa3PV8YTnSaEIYIazIS0lLpYyB65mwbMeihiRZ6vohZVa321+t9/cPT69eveoPhpRp1w+0KrBNKc8zTppeqEZYb7oRlNJutzudLUajEcK67/uH7UapihBBiIa7Og4POueWZXU6nTzPP378uF6vr65uAD6aNnuv1xNC7Ha78/PL9WYLhS5Aleu68/nccXmr067Hl/ZVUJ2dnV1eXuZ5aoyhhnpukOf5erdFsxEAwrIs33cZY61WqywlGCQwSwBJZQmVxFA44ocffvjxxx+vrq5evXoFNYHv+9vttt1un52dYaEjvpXv+5SIJEk+fPjQbrd/85vfzGazH374od/vf/LJJyDHkRts2wYHe0hi0GtQcIJXLOtloajO8e7Q6ArDAH3+Xq+HJTygEIHS1us1pklAWgJThmGYJAkhZjQaYbR1Op0iXUl5XKKAIHk4HBx+dKDD7UCsS9O0UtIYGtaSBMdxlCZFURx7pJTSZmj5CI4o04YYY5RWxhDKNeAS3gZYBYTOJhMc8T+lKD2gUWuuaAOxgfvQ/MRLh6ITAQs20IQzabQ0WpXFPj5s9ju/FfqtsNKqVFI4dhCGhDPH9xzHKWRVJDGCl+d5ihhNSdhp27ZdyCrZ72zbdnxv4pz69a56xthkMjkcDu/evWsgDKI8Ar1Tr2VYr9cf3n9stVqgNZGK4Fj59PQEpa3v+9Pp9Pvvv8dnpmsSCYpAJB7UX3g+jYIwTdPNZvN3//4fyrKczmdecJyy2x0iwll/NJzP56WSju/ZnpvkWV6VntGk7uwBOGPwD9jErj0RQfXgc0HOB9eGHw10jBFQPHmcFZDmEJKjX2IdF0seQySrLWLQXGq1WpPJxLWONkNA3zjuYOFRzAHONPAfaqhGK4VTJGsxK2JT0+YF+sYVhWwUyWA4HKp6L0qj3UTbvGHhwNTDSA5T45goxhVV9VJAISyGyWml8qIgluV7Lb8VHg7JahsrQ8bDEWeiKIrdLro4mViCyTIPfc/w/vT7H376+Bh2hq/ffvnTjx85p+PTiSCK6qzfCfsdN8/iolSUUkm1EIIJy/dDyoSpytVqk2UFLgE2zyWHuBBiPOgaQpMsT5Iky6tWu68JqwzZJ2lXaVmU0+e50aXRlR+yLC9924FErSxLRoVt21AKfvjwIU3zs7Oz7f5wdXWFcJ+mqVJV89A00Q0ven19nSSp69mEWkmc9XrdXq83Hp9MH59QIEqtirx6nD7B+6j5sJo+GTQUvX5LSjkYDU/Gk6enp+126/uelHI0mnz8+H4xm79+/RrTG4Sx24f7bqttWVbTSkU5iwbMYjYfDAaj8fDh4aEoCqyZ3R12vV7v9PQUmQYNoaYjiPWkSD9I+fd3T5ZloZH7ww8/uK77ySef4AcB2xFCfN+HaZJlWY+Pj1rri4sLRFscTlWvZwGdAgoU+BUXEH4v4DCxOAyleZ7nABbNznffD3zf3+/3VXWUnNm2XVb57e1tv98HqQAIAgzd8lxU0kWZEyWbuBrHsecFYK2VUnVML5VSdd/c/OJEgVigVb2VQilNKDAsQHfTvCIvXFlwS009KuLVZrBpmjVyQF0PpuOqA1DAUwniQmNMEpeCW74X6K6RUiqpkzglhmplOBO25QhucSYoYVUp86yQqiCEdLtdUN673Y5zji5KWZZopoGY1lrneb5crgHYYVD15s0bpdS7d+8arh/BCFWqqj0l0O+FBw7kOmdnZ1hCjRbo69evsXiF1otD8ZGDFUG6QkhFbxBfVVWdDM4h98b5gAPn5eUlFuwhwrq1t4nneZtF1OhVQQKC5kKzCLG1abhD8qX/coQSGasoCjRhbNuO4xhUD4aB0epBnG06MJvNRimF9gASgO/7vV4vcI+asLI2aUDNBHS2WCzQgeCcoziVMsfIkqiHOUXtvcdr6yFSm6zi+CJXNUOD0BThUO33++l0iuSBaN7pdDAXjhuLKO84Dgw0zAsVP86DbRPBKWMMhWlZlqwopJTjk0lS6kOUxXFKR7TT6WZZ/PPP77+67mhjiFHJIY73e2Y05zw5xBYXYRCMh31uVBwtbUZsi8nSZFJVSpeFlFpRw9IkN5SVUh6ihDOr3e6GnqtkabRK05gRWZal7biD0ShOiiRfb/a7Skll6HZ/cNcbwfQyzyyhh/0eIcT2XJtb+LzyPHdsizNWloWsFBIw8jdkdohNeOOcU8dxSllWVaV0xQXWOudBEG62m8ViNRyMe70+kjFw62A0tC03y7Isy07Pz7fbPZoxwmGIfZZljUaj09PJt99+63r2J598Eu732BC0CIJ+vx/H6Xy5wEku8qrf7y+WsyxOoFtXSlHK0WoaDoeOczSN4EzAZg53Zz6fQ17x+PgYRREIdDRdsG8IwceyrNVqtdvt4jg7OzuDEiZN890u6vf7b9++nc1m7XYX/slxnIZhWJbVZvNEKa+qKo5TrUkYthljjuPZdtbtWlLqoqi0Ju12dzSaKKUYE5vNcrvdgjh9fHxseNH5fI71nIjau90Oa8F//PHHyWTCGLPto73XYDBoVsdUVQGmq+FRcYAZoVLKlu+5rhtHB8655/qMCVPbYRljGONogx3XRTL6y7iHUsoorU292Fcfe2WUHwXXDdP6kh8Hv4mLBDubRr+IXih+HoIUAFdVLzyjlALD4m4jEqGLgokyHMTmN8sXX2HLQ9WJY41hhDAMkRjBXONM4M4j8UBmPhqNgiDAFggUCsaYTqeDKIyGW6/bh6gRe4oRUGzbxmZCHPGbm5ubmxt8T1cIlKL4WXhriGgIQ/jM8F6EEA8PD6PRCP1GVFiAXU0XAQXgcDgUtf8woiEIPtu2W60WGLpGSIovPFKUC41GBfkAFZypJ/JRRcHLArAF1CEiLCpuqGtZbbKPTBxF0cloDLjU0D7N+LWoXZTxiaOLmyQV+r26HhcCYEeyx088HjxCcKZFvR5P1jsYIUMyxqxWK9iiol/K6tXseNd/pb5HyiG1DBc/SMmSM3i1cya4LiuttSbHDmoUx1qpI1W157ZgVBtjdFnIJD1YljWZTCpD//zdN6PBxWjQD4KgTPaeY2VpOi+iwOdVpcuyLCsliamKqopiQxnlljIEGOJY8lalKivhtIqiqKQajCba8L6mhjBDeZpmlPPtZj8a94RtOY4IWqEmNGx1WH3FoFvLq1JKKYQ16XX3+8PDwwOt10iB0lXF0XdbCFHKMssyQxRj7N27d1rrdrvz8DhdLtdlIZMkxVQdJgwczyWGtVotONxG0eH84nI+n2uKZWFH86UkCefzOSTbtm3fXF1XVXV+fga94Hg8dn3v/vauqqrLy8swbUe7DSqw45AnHVJKwaGBVauqajgYyVYhXqzARJQAeAImeHx8hEO6EOLp6QkS3slk0m5JjCYRQs7Pz+/v72ez2dnZGVRnqLwbfiIMw+F4BBIcXC7qBijl4W8K0ENr1ya0bUajEQ5MEARnZ2dxHC8WC3QE4b4HTl/DHrnf9zwvCPxmq0ZZluBtQAJ3Oh2sTMqy7JBnZ2dnRJuiKIa9LvANSiLINIOwBV6XMhEEISFGINBwcVyAhHpWacMFY4wxSlXdMSW1+x1iCo4FkLus14fi9KDD04i+Se2LjXDcxPckSfBrtHoRBPP8yG6Dqmu1WqinQC80GkGMIxtjev025B+73Q7KnKqq0OJHkmS1zBkpp9/vgz4Gi40P7Ouvv+50OqAFxuMxvhUkUFUpQRN5nofMuV6vSb3HA/wdLJIXi8XXX38t81zUO66QgUA1YKCUUprUy8UJIfv9Pux1AGzzPIfELY7ju7s7LJwDbwAc2mDn5rPHAjx8CmBFIUdrOmZ4YqDzmg4k5FO4GCDEG9p6tVpBVGPVlujIxw02B3BrKD8pJVb34Qhut1tKKaw/bm9vsbTM9/3b29tWq3V9fR1FkWUxTHI1Pj+0XsKLsGvqY4bEoOsV25AKIJTzets4xkBABVT1pq2qXlor6s23kJE19SzSPPnFvoJSSrECDN/ZMwJZnFJOKd1sNveC21SfvL5RKtkfdkG7dX15VSjy08eHzSGTpcyLrN1uC0aTqgr9IN4fosNm2Ls88IJzbhFGjSmqMk1zzbjv8+FwaJT2vVBVx/2x6BkaUq7XmyiK4qSwvIAL2zPUUKKUSrL0yrvwnLbn8lbLT5PY8xwkY9h52radV6UxBvMEURTd3t72BqMgCPK8RJBKi7RRGaFSIVS7rospeZwrLI+F/ZGwLFCpaZou5iuwan/85hvX9bXWz8/PmrIgCFwv2Gw28/l8s1mhrNztdpPJ5Pr6+s9//vOf/vSny/Nz3/fb7bDb7d59vCWEgJvW9bgfIqlRGgFRShl4R41gt9s16tiqxU28vr4ejUZAOThy0+l0sVgA/TRBKQgCRmVRFKCP4C6glPrmm286nQ5Uj6enp8aYx8dHpdTFxcXT01O73R6NRvv9HlAMdSqgD9p4EI/xo0lABhkighX2i/75z38+OTkBiwvVHOS/4/HY9wOl1G63y/MMF9/zPC8/olUhQlT2+CMpZVkUjLE4Psznc9+x0dUbDAaE0SzLuG01zijalK1WmxAjIPawaxNEXBgIGT3Py9I8z3PLcV3XNZQTQkx19N8BBIPiEjEOVTO4zvV6HUXRYDCwbFdYx606QdgGqWfZrjYF45bSxhAmLEeleSX/b9r+a0mWLMsSxA5TrmqcOL88WGZGZhaZnq6aqpH5A4gAnwngYQTSLz2DEaAFI101U1UZSSKDXObu193N3LgpVz0ED8tUw+JG5AANYg8hHn7dzU1Vz9ln7bXXXltHnUA9bM8vL+I4Zlq7lOu86PR7s9msqirXYq7nqfoQaILQJYTAzx6BoG56Hff7Pfjrs7MzzjlOyAOu74y5EK7fkZqXZX53Pz85vXj+4tX19bsoCB3b/e6775bLpcX4+cmp77j32xnfMse1Xe/gerhcLne7nbAO9YpOp9Ptdaq67PY6hmivExaqLqqi0lIWmZGKc267Ds6tLMsiP+ifnELE2gnCwPWjMOoF0X6/p4balHf9UOalbzlcE0/Y3nDs+36WZVrVvu8MpyfGGC+SQggirKQojTGW0kKIx/VmPp9Pp9PakGS3HwwGThDO7z4gaoNaMcYgvaWNyS0qVDiBXrx4EbiOLbhWkiiZxXtpdBAMCSG1lNrQMAyjXjfLst12TxmLwgN1M1tvaymZ5zlBKFzvw/u3vW43zlJppCvswaAXx/G33/755OSkqqjjeEqpsqx7vYAxpvWhd0FpaYjmgnHOtKmVUoQqYw4lHwCitrUKmxmICS+sQ3k0+q7NBlBqI43sHTkE4Av3nDTPqFae8Dr9gVXURaUcO3z29NXN/abMisdk8fLpxeR8vH28twNeFYUd+sYL/+3r17u8LmnAbW7Z+0AUXM2FJTw7zeuaeK4TXHx1u7GIqxQNwyhP9u+vbymlZ2dn3Mjl/YcgCIzMLMu6uLiCwUghNc1rU5EqrZkmRZKeX4wtXp5NJsoY17brorSZLSmRJRXUZcZNs3iz2ViWpXyelRVjgjKeZGkp6+FkqKjOy6yQxTbZ+r4vXBbUdpZoR1iB66X7WFbS98PQ63iudoRb5NXk1RnkgEVRCc4otZVmo8k4TdNXn3622Wz+5//8z7vd7uzsjBgzGo1ms9mwd5am+Wa9DANvn2a/+tWvfN///vvv86L6p3/+XzEw9vlLb7PbCy0+3M+G05MoCB6Xq9Fk2u9Gruu+efNmvV77vhv4vu/7cRzbtuj1Th4eHkbjoR94jw8zxFkgOWSoIC1vbm6Gw2G/3//bv/1bAErsSoTad++upZRB6LqWlReGcWPZluMKber+oHN2dvbtt9+GYfjk6UWe52WVVVVelqKui9Xq8f7+/vz8vNuNmuYb3u93er1ouVz+0z/9z5999pllMSnVcDhyHJcQcnNzIzj/t3/9136/KygrlOREBoF78+a7Xq/37OI0dK0k23HOux0/TdMij8PAWTze//rXv3779q0QBwlJVVVEm04YBUFQJVtV5kTX/U53u91ryrxOZxOnQRRyx+HCKWvFGOl1orqudZ1bridwBIEkQSG0JkZL1bLvoplnSii1LCsvshZJtRQ5mlzauhYoYORijEOI+sPHhc8UqhaQYeGsxl/0w6AoijAMoY1zHHu9XoOx0eagCiJHQz3QfnmMTOFLDtkcpN9BECwWiyRJfvGLX3DLQx9QlmUXF2dPnz5FcYYQcn19LYSYTMeu697ffkCl++TkBJ8ToAa1+IuLC9u2b29vW5nHxcUFajLgsuqD1t6i/KA/gRwK9wo9WTB0VuTQnwaKBppLxCPkCvhf8AYoqyLVAAEHfiaOYyRG3W4XOFQ1Y2oBKPB3UbNFWakdYwQCzbIsFJCNrOHZgodbKQk9rGXbRTHfbDZJnimlKGHwUNvtdmg6tWyBNynLEiRgr9fzfZcYAuCG5YR5laBfG4B8sDcA5dLCc9Am+jBuBWZbFD+DDiMkH62cq80dj/+XNr1L5C+86rqyLItqVtc1lZoxISjPlYInH3pbQM2NRqNer5fPHy3btmy7PxjED4tutzufz7P97qTf5Y3jY1mWtaKW6zqOYzMPx15Zyasnz/Ii3e53jmMF3mE0lTHG87yyzAmJhGDv7z64rtvtD70gWG53WZbt9vt+v7/ZbFarhdbyZDrsRhMhRF4VbcdW2w+BhccaUXIURaen58A0KKKYusaWh3B2MBhwfuhaCsPQtqSmpD5YzIO0iaFoXK1WQojhcKjMwXJksVhAyGvbttYEVuCOH4Rh+Pr1a60luAshRC3Lt6/fKKVOTqb9bqdqRqh3u90650opNMprrSEUXiwWm80KqkHk3LqZNqypxmz3Q5JBCEi/fr+P3s7RaHRycoIJGN9+++3t7d2XX34JLh5wfr/ff/HFF2maQuqjlFosFih9TafTbq9XNIa3aIDCXz85OWmBb1VV6NdHNQuHzWLxeHp6miZJURSe5wjKjDFv3ryhlHbC6O7u7vT01PO8Squ6rmFKc35+DlXYYrFA3autymIL40YBiQthG2Nsz7Vtm7i00+vipMG2xdeoqB3YW1mXrQZOVj8M1ZWNMUtVVcpQxhjuIzIF/DzScMCotqiIiWKMsU63B435brcjRxIr+JXTxi4GEg5YnYCJaxaWU6yWYI0t59C/XhRFrZVDDGMsTjIgUNd1bcdzvSDqdOHZluXlerM7kPJMCMvhwl4sFrLp57RtW3COtQ7pC/jlTqejT07wyLuDvmka2YuiQBc+chHdmIogS0VhBIWjqnUTpAd/ZLANnufJsoLQE/sflUxjDASt4A2wM3FINEUtDs4a7AfqB1iIoDLgzdDr9VDxRyxD5wW+aOWeh1kcDW8Gvhv3P03TuK70kaMhGMwkSdabzXy+UEpFva7beHPGcYwfLorCssVgMKDaZFmGfR6GoWXxLE54Y5K83W5NY/GmGrdoIQ7gQHB+rCvAIV01kgP8Ida8jjgTRpoR5HjzNsqbxohGHzmqf/RSUtqexwzLskxrafuW4MKUJgxDzgghRFgMD8K2rKIoyrK2mLAMxd0bjUZQT6G8nCU1NaTXHWjGa2n2SbHZL58/f07yvKjrbhjC1uLs7JM03geh51DLtkWnE3JKjNJZnqGHsCgKZUye564XZFnW63Xu7z9cX18vHmeyfjoZDZoD6WBqjbCOW4qURVOCnrter7NP0slkYllWHMdWXfu+r6SGmrPX6zV+ENK2bUZFVhYNiwVilk2nU2Fb0AhkWSalPj8/ByHguB6cM7IshXbQch3LEkSry/MLSun1zbvTk4llTbfbrW1b/LDfeZLskyQZDfqB54DoN8ZU1YF3fXh46Pe7tm33er2qLjnniCdhGG7jLZwa27YMMG8QFCilEODqxri0pVIhUQOybF38QA8C74N5A7Xred7BRM8Yx3FOTk52ux34DCjKsBk3m43jOLPZDESo4zh5lr148eLu7jZwvel0utmuLMv64rPPf/e73wGxlVWJih3Kb3Vdr9froiguLy+hWTQ/9vZA0cV1XdeldV1Lo5VStuWAcHYcz2lmpgNeW8ISovFsaStUKKn5loetxZvQU8nDyBvdjJZGCiwaaypEk6KZCIHLhtIOix6kJ6Dc4+OjEAJ4EIwVVmS/19Far1YrKWUQ+LVWEKIocyAQiqIqamkRyrklBFNKV1VtDKGUCWEJIfK8WK3WQojlcoXzZrlchWHU7w+ur296/TH2wG63y7JsvVq1xxIEiyBhR6MRyiNoDMOhxRr5PO5AGIYIwVhMiLPI/fHSWpeybsHyYDBgjK0XSywy3J8kz6B0RDuoaOYNgf9taw9tkRPNPjgD4MGE9tfdbofuLUQxMCpSSmKJtkyCU5Y0ysL2WUMZCa+xbhjgQpBsMUsgZJPGqrM3HHieRwmTjS1Mp9PBQnRdF1McoihQhy6hA6armn5O8KFgP5o6B8PKaUMwpRSZWFuGOY7RbSj/2Zjegvf2v/jmX8Lp7a9zzuGCZKixbYfzGnUCSzAhRFkWQpjdbudyXlcqYKyd+ed5nhuFT58+7ffDZL8l2hhjdrv9w2L5/vr2ydVnhFpc2GUlb+/v5/MZyAFuHZwYfNfxPVcrqWtZpMnls+dlWW52cRzHeZpPxsIWYtgf9Dpdx7Lrut4sV3me97tdcLVUcNc59JeVRZWkWRiGlmWVsqaUgmSfjNx+t5OXRV3XXGvOeV1J1Njx6Hkz1Y81Q+dVM3D4/PxZmqZVVUwmkzRN3717Zyj97LMvoFvtdHtBELx582a3241PpkrV19/dCCGKMnO9CSPUtTE8mk5Gw7Is9/vtfrvpdrucsjIvNtsVNT3R+PJrLTGUEWEBRz4QvRdG6NqHZy+Kt+jIc10XeNlq3CmAdoFd3r27BqYEROh0OhC8QWVXFAWKBwgIoPKxDSGcw8GJtQTyII7j2Wx2fn7uOI7v+0mSYulOpxOQ0sPh8ObmPcIjQDCsK/Gdd+/ePXv2DLAGB3Bd19BNAseYIxEK59xiB49CSrmUslLSGGMJGyUx3DdxZF1njBFFUUBZiGhSN/YabRTD16QRmWE+PT4QXm2615LsiM7Itf2gg8CEuIkMkTRTgcCBYrcjeEHf8vg4D8OQWaIoitFoRAi5+XCLG8Fty6YHkKKUqqWmTHBha0OLsjZFVZbler1+9eoVyQqpDOMMCL2s6s12H3UG0DtnWVbXNnqRBoOBZfXSOEF4FULssxyV3iTP4EFWNjbfOGMBgXe7HVpdAPYxt7PNWsqyzOIE6+lkMgVeBnvTluyBGkTTkYSWQtd17+/v0XGK4x1A47g4idveVv/Q74PlhV2BMlerlkWug8MDjwk/3HYGoGyIUuRut8MTEULUtUqShDflx/V6TQjh7DAyEGahZVkmaZwkicU4TjWc7px7UBBtt1shRBRF7bwq3TRAGaOa7xwUVvxI+UoI/2nUboM7GHN61AOBO99Sc3gdf/3Ry3EcXVeGUseyOVd5LQlVjmvX9dpxnEAT37Fdz+aUOo7tu46rg7SsqOBJkhpD7+7ujNLUYlIdNDZFUawWj3ezx6yQnFubOPnm9RvBeFmr3T7xg7AThUVRoP95v90UeRLvtpxT27IcW3z77beT8cnJyYl6eCgqaTsiDP1ON3z56nktyyxL4u0uS9KqqsIgKMvc1FJwqyiKmss0z1BJ0lonSdLtdj/95BPUEuChFoYh04eOPEiD4n1a1weiabVaCW5HvW4bSfGwZrPZarOGZDsIgqKqsiwpiqooCm1UWZbAjNieRsvlYuU4TpakURQ+eXJVZFmRZUHgCUbzWibp3vOdYb9rcdrvdOM4RkmMMdbr9Yo855z/zd/8zVdf/RvECI+LR0qpHkl4lwMRtpWzlmYEFYOKCyqiZVne3d199913f//3f7/f7wHG9/v9d9999/z5c+gdwUliK+EMg2kXqE74KSVJgq7DwWCApv+yLFFfDcNwu9198sknb9++res6iiJZ12/fvo2iSNayKIrz83NjTJ5mX3zxBbb/ZDTCgHPXtrtRZNu2LYRRqsxz27Zdz2uhDNLx3WpvDqIAF6EYDApasXjTUof8BuoMgRthCdYyj4i27fsiEHueJ2wTBIErDg5BuJUttISIkB9Ny8RbgYswxqCOfOwnji8gvYC+2LIsWaswDOLY88KDwskYkpdFWVa+77u+73g+un7ifSKlpI7n+74fRVVVrXdbnF1UWIpQNwhns5njOBh++Pj4eH5+/vj4iFTO933GSNt0UNclBOZQuAt6EJXjPoDOw3lDmu5HbB7OedvpIITA6mSNGFxVdd30we92u8ViUeUFxnLiXCVNBz/WJe5q28AGwALxOHBZWZUw4F8ul7xxDIaDI36dkGZSJWNKKUaJ1cx4qxt3Nkybw6dCRR5PoeVkkVtorblt1bWqqqofhowJxhjhTGttWw6qL6SRBiLtRUzPc1sdZjX4vu+3CMLzPACxFnqzZvpVGIZGH0gSBGQsSNaA8ZY8we8idWjRehujzZFzURvQ/zdiOmNMak0NsVwmmCB1qaXiVK+Wy7Is491eec64G+R53vUtz/PK3boo6+12r4y2bftxuXYcx7Y5Vvh2vdRaK8Nty7U9p8fEH79+3+1GT58+9YLw4eFhMOydnJ4l8R4lHCmlqqu8LqMosBm1GI2lXKxXveEgz3PbFp7jlm5ZpBkzJPRcQcn84W65XDqOzc/OiNFKSuAJJnhL3CHlgsZMNpOAcBZiiRJC0XuVpinnlhCCiYPLgt24SgBCvnnzpmymrzw+PhpjYLqpNcH6X62XEAoTQvb7vWVZQeAPh0NCSJYkg8Eg8BzBeJIkQceNOsFmaTFDCCGe51gWX6/XYEIcx+GcQgKIjtDdZttmgUqp4XA4Go1ELM7OzpBhgKxXzayrVsNeNfMUAcOtZmbFmzdvZNPhOZvNnjx54nkeMsjFYoE1//TZsxaSgoTAKoWPZrfbRSoAwC6lLIoSGBHKNKAl3/e//frPaZqeX5wGQbDbbBlji8VivV5jSB6lFHm5apr1gCDbHj3SGLm0+0scHFZ0Xdd5Vjie2wYW/Othv3Au7KbhWx+9GDv0iNOmn8jzPNtQz/OqtAToa98OsQbLqCUoRDPGFzQ6iBdwMtD5Y3EA0CHTP/DFnKGLsnkwZr54xO8yIVCmoJRXUhUVboTDha00SdJ8t09s2+76oe14213MGKtqVcv8cbFaLJZxnJ5ogg8GGpoxIoSAdrDTCW1hlWWZZonnecNen3Oe57lhB32IbsaDAY61Tmwo+hVFAepZNr210DwduneNwVJr8zhcNZYyQAeiMAiNLMvOzs6w2mgjogLZVx/5mLdFRSwm0Clt7lxVVVmWmhJcr23bgBhFURwYA9dt6TLZzBoGuYRTyhijiGFMwAGKEOa6Lrct/F1oIrvdLuIIBF5KHmzN8VGVUq5r40Ej1kC3QA+zEwEIdEuXt0uTkEZ8yawWmB/H6JaW+Shet+XBNriThoH52ZiuqpIQQqiu65oSbgurMrTJWnSS7rVyCDnBaqyqTiW1lPrd+xvbth3FPc/r9qLIc89Pz4pk/1iUhFHLcQhnSZ5leeX64fjkdDCe3N1cx2lmWdZms1mvlkUWjIZ9y7JC38uzJPIDxohS5Pzyydu3b1F76PV6VVVwStJkn8T7NNkzxmRV73Y72VArrkUNZVIbPDtcaVrklmVBlN3v93bbTRSGxGhjNOdWURSO7dq2Db4ihBqtyHmjEEWphjGx2+1Wq9XJycnkZOq67p/+9CchxMnZBZQ24/FJreR8Pmec9ge9oig+fPhAKen1eq5tI4plWXJ5fqHJIXntd7qCsjjelWVujFFSIjRjhWw2G5gmff311//4j/8NfHI63QhGXegBHjkjvBVCNoyGWlNo13VB26ZpOhwOJ5NJEETz+Rz2pd999935+fmLFy9+97vfqWbGQ5Iko9Fos9kgu53P57iHSAjgNHB6evrZZ59xzmEIjN2BOD6bzefzeWsb1VbCkNaA4PU8D4Oqz87OZo/zNE0xSw+sKXSQ6Omrf+zJURSF10yOqypZ1zUm1Ekps81GNNN4WtM9Y4xtWQyHA2kmy4C6BWZs2XOgUey3qhkQg8MfCUscx8PhkHMOi4PNZrPf76GvhAkZpRR8BeIF2AzIIeCGgwIdMhq0G6DJqlYSj7lWSkpdVbIs60rWjLEoisajKRoT4jjG7QatgRQY8+0opX/4wx8eHh4opX/+85/TNH3//v0///M//+EPf6CUfvbZZy9evECgv7u7+/DhA1hU+OmEYQgyixACb51WSDebzR4fH6MoOjk5gXs9omQbvHDI4bqA0JVSg8EAHUYo6ViWNR6PAfHAz7bWENDC7/d7yLN4M7JVNxMU8SxRtgUwx3fA6gBrV1U1n8/RXnHMQSO1wnNfr9cwS8GWAFcDJzVwpoDwvV4POQoAIIh4kID4PNhU7fvj2uumwxAaG9RIcUshyUcTP66rRQOksabBAYOkHjcHfx21QbzYj1+80by3kf0vIXS8kFe15BXYsDLLgyAY9PrQ/PR6Pc+xtazLsvSDyPOD2eLRtlxNCf51OBwuFo/oELYtt5YyjtMkzaUyhHGpzN2Hh+sPd1xYw/HIcj3kNC2FytjBMhMdoYhxoe9zznabjVLKta3QP+RtQeAzRler1ePjIzTduHDbdj0v4LZF+MHIiHPW7XZOTk6ur6+BDe2m6xuXiVWNLl8ofKCGAB+L8lLUCSyb27aA05Hrun7gIiYEgSelxOCebrertdps1lEUwUcT7r64ydfX1/t4e3t7C6SPtRqFYRAE6AtBbJ3P577vf/bZZ2dnZ+v1GusWTZhv3759eHi4vr5mjMEapUXoWJ/o9XccBxPgEOY457PZDEQl5GqYKM05f/78OdprHx4e4IQzmUyePn0KDyV0+aOZE7cFXp6IaeBa8zzHmw8GA875999/3+12d7vdV199hQkhGMUHG6jFYoEtjzKY23g3AYKsVitUPnhj948nBQiILYDuk/aRwTaKEIJqAWIUsgqBjm3a9A35vk9ch2iTFxnn3GiyT+I0L7rdLhP2ZrNRpcQGC4IAml+MdkPqgbEVaZrCOA1qB+hsOOfb7RafqaXs5/M54DkMtVG+ODk5yfPcdp3LQb8oyqIo4jQ9OTmzbTsvizQriGG+F+J4eFhtqqre7xOlTL8/7HZ7xtCiqIIgWiwWeY6QAXzNpZRE1uD+fvnLXyJ2LJdLYwwYN9nMOzXNPJF+vw+fAMwt7Pf7xpjHx8df//rXaEBFiQkXRQiByYPrum2rFCKX73oYcFXlBYCGMabf78dZalmH9m74WUM0stvt0Ogxn8+Rl+F566ZNFxm3UgpNFmAG8ddbMwOlFEYz68OgcXMQmDI2HA5xHuCQBnHU7XZVVeIcAuFGOKtrJaVUVSWldhwnSRPP89DfgTIAWlu11mmaRn7gui6KDf1+fza7T3b7p0+fItvt9XqgsMDb2IeJ5AfLM9g4Y2EgFCulDmYsjWFAC71bFdBxURQQhDQtS+0PHJM8plHiHo7JSlKiKWOeYxvKpJZFUVeVcl0bfnuR59r24Qj0PUfLXBqSpnmtFaXU87x+v6/KTCvV6fiMjrK8THaxsJyOb+/i9MnJk6+//jpJ9v/V3/717O6DbbsnJyd5EtdV/ub1u8uLEx74nFtZWQy6HaWU49hnZ2fofImiaBfvO05EKV3M95SYThT+5te/zotiPB6DDfj0k5daa9v1pdYP8zmjwvO8f/mXf5lMJldXl1EUbVfrZ08utdZGKcqp6wY4usDMCMdG/EIBpioP8+zfvHlTFNWTJ09GYzGbzXhR+H75+eefLpdrKeUnn76khG82m6LIXrx4dnf3sNvt+v3+l19+GYaREHyz2dw9PGxWq8FgsN5uAH2++v2//fm7b59dPRFCbDabKAo83+92u9CNSClPTk72ux3mwCDJqKpqvYmn06lnOyDTAXgRjqfT6Ww22+12kLTjmWJJj0ajLMtWqxVjonWnsSzr3bt38HwG6IZODDvR87z7+/vxZNIebBcXF9ibnHPM8AOAg5cvHpDjuAAEZ2dnj4+PmK36hz/84WQ8GQwGUlX4qNih8/n84uLi01efIOA4lq2lEoyfnZzO53Oijee4jmUvF0s8kfnDTPZD7K84Thljk+6J4zj3dw+EUQSNg5KFc0g2KCGiyVKP5sJwRrSx7A7nvGbSlbXUpq5rI3Vd10WaO40HN3o7Ie+HqRMgMyFkPB7jiINgCAGinYMBFcft7S36yIFAV6uV7/tJUX7z3bee5w2Hw7qut9st5TyKurvdzg8ibGatSZZlmuSa0Ovra5BiyHEwyQGWOjhmGGPwP4M/TuhaCEbdbnc+fyjyHBaMs9n9dDzp9XraqP1+7wjLcZz9ft+1BK4IbDvAKbgXTBBH82Sn04F0zLZtHLkIIq1pJzUEZcndegMqTWu92+0s92Br1ZLdVWM+5fs+cgJw6wf+uuCQcFWNbzjOc9AjGGbYhrwgCM6nE3Ik/8BZpbWez+eIbli1LfPDmuKkaTrIgyDyPG+5WlWVtG3bkU5bEcHv4pkSajjnnNCDgsUYQkgYhnVRAlFC5Aq9JsAIKPtWL885o0caStJwOLjtpimtf4S+6ZHK5fgHdDPWC99vC63Hv2uMsR1BDTEKZzkhhGolpZREaSllVeQlo7KqlVJ1jY4NSTmzHXe93lba+F6oYCegDkPci6LIy4JZojcYd/rj3bYyRiHEuK4Ly9lut5tnLEv26+3ODzzGeVXJzT42xvR7Aec/qFcxKGO327mO1e9EriWEEOrg2T0StoVEKssypXpAgrblPnv2jDHmCMtIVVY5dj5UHNZYQIbUYHleVdKyLEMJVAB4+q7ruq5v27Y2rKoqpTU62ssyz6vS87z9ft2Jeo7nxnHMOW0xZqfX/ebrP3ueJ4QVp1l/OOTc8n0/7ETTySmy0iTda0o2m91gMNJaD4fDXq+X57njWJ0oopS+f//+6upiOBmUZckF+/Wvfz27u0f7CGLxdDqF+A+kB4acgEoyTfd40wtiH3OhxhjoYRDQkYwuFgveCBy/+uqr8/NztFOQhvPsdA7N6tjRoJpt2+73+2ma4VMh6+12u8PhMIqCQbeH9xyPx4wcpq5j2DSAI2vGKAohwNK0HTztm0+nU04lkmxUL1DpLcvS8dw8zxkTPcdBdQGHNONc4K0pOZhsAAUZcmjLVEo7jiMMMcZoQh3HkXmNmFg3FqktD8sanVwbhpRSWV5BywE7Vog0gGq32y0mc7dmQ0EQDKcn3333HaVUSjmbzeI0Gw6HUsqyruzDID4FtK6UooSHvge9J0CurEpZlbbgtuCdMEDoGfZ7mEiXpqnnWOA6kLK1Zo1hGMLrZ/44K4oi8oODjWfT/YQmUhRGIKU6Pz8viuLt27eAAChUojMF5A+iKigUS1htTdh13SiKoH8/jc6P7xuKpUVRQIyIVdV66jqOU6hDPQosDQoMqHqjjQKyFt2MlNPNqCDwM8ig0crREl+8GUItpazyDI/1sBjEYVZGt9tN0xx8Ouc8S/M25rquW1VVVZeu68qyyvPc911Z15xz17WhX3YcB/Y76CoETkT5wXGaIg87bhFqvOSOZtG1gbgtM3xUHTWNGgy4wRx1Hv00+h9ofUKVVvIg96KE8R84HAJNRU0pFRazBSeEVJXMa0kYfZjNOr1ROA7zPHcFhXipruskz+pKMctRhKZFsVotwzDs9zq///3vO4H/7OkTDHtybJtSrrXWhmht8iQjNBiNRlIry7EPd8RiIfWVqo2sy6q0LV5VleU6tmUprYfjISHk/mFeFAVlJuxEhLC2jyZwPdp4LQghGDHU6HaZKamKokC3Hdz5bdepqgpeCFg5jIk0TeMkDQJPagVxwWAwSIscnieWzZNtigVAqZGqCiOfM2uxXJ+dnSVpHqcJ5VxJlWT5n/78bRQE55dX/9P/9D9mWTYejohL4jT3XRusY13X3W7UiSKskz/96Q/s1SeTycQk+v7+/v7DB0rpYDCwXOv29tayrMlkslgs+v1+v9/HwGFcaauyA25Lkow1c1fQz0GbQQIIR/CWga4U9ODz58/RtIgdoZSCvA1sc8t2Iu7d3t5iah30lFEUTSaTqio2y5XjOJZtOY6TpxkamgBesZeRj4JZxXmDz4b3B1vQ7XY7oQNfP9f1lVKKGMZYr9fLirwsS9t229aEurFdEgdmzfywW7RWRmlCTVVVxFDbdQTjdV0zym3bVsXBglU1g6FRPup2u/goEH6CTYY3r2xGvB+UuZwj0o1GI7R7AXjCOny9XgOfrlarSsmTk5MoiuI49b3Q87w8L3fxvsgrSiljvChK33UFY77v20LM5/Prd+/QE/Th5qY9rm3bzhynzPM4jn3fLctyPp97nuc41mQ8Rhng8vIc5Wwga6yJXq/n+F5b/DwWC8LsXzQ2VVBunJ6eolCMmEsIobZhjAVBEAUhbjX4PuB6eA0iNPNGRglqCF0YqDATQtDugRiNmj7QLmnmuGKq6sXFBcaA7Pf7oihg+qGazl5clNUMv8bKjuO4LEswadgSbcWSMaa0RiGkquvlcu04juU63W4XWjFjDPpsy7KsZdXtdgU9DNFWUi4WC6XqThDCYqxlS9BwAGRh27Zl8aaeSVp8TchhaKI2tOXHW2oFsek4mpOjuqg5erVI5Ti4kyNlJJQndV0zQqgQlm27jAREp/Whas0I5YJ6tmPbTFAilVku11laxHF6dvG01+vNH24D1/d9l1NyeJqeq7md5fn9w9wVdhT2mCF5Eoeu/ebN977n6LoajYeUGssWZSVlXadlKWyn1qbM0vZyyix3HMux7MB367p0XD8tct9xCWFZnsOtqK1q7Ha7sj5IONabZeeTT40xhGrOOaeEcKetVXDOy6KqqgqABqUgbgmtted6EBCjNXS9XsdJGkVRWVepTAM/ok3T0HA4XCwW8/nDcDg+PT2FGqLX6+2T1AvCOM2qquLCLspaVvVqtUqz+PnTZ/ez+f3sUQgRRbVt2/ezuW/z3W7X6XQQ8qAh8X0/iqLvv/++rmul5fX1tcX4y5cv4zgOeJCmKUbNQTODZBGfGVgbsRgEY5YVSA1h4es2A2qiKJrNZnmeX11dYcQoKkm//OUvcaMYY3d3d3Vd27a9Xq/h9CuEAL2JEWnr9RqHSjvx5pe//OVgMHj79jU80caT4WKxiHd7rP/NZsMMgRlRp9Ox+EEXR5TmhDrCopQaYfmOSyk1UnFCQclWVeW6BWOM25ZlWUrqdm2TI/pRa22kPGxgYrRpu/WMMcZYllBKUcIsyzKUKaU0OUzmRVxDOuD7PmDgMafZ7payLLlwUC+FHS4swsHegifB5txsNhggt97H4/E4SZK8iofDYRR2drt4vd08ffLccbwky/OsJIR4no8kRSvjWMIoKasyT5OqyAPPDTz3cfbQ7/ctLoim1Og8TepDb73qdrvQCG63W891bds+OTkpiqLMC8dxgtBnjKmqPvSFM4p1DCjBGw8DnLfPnj07Pz9fLBZolLdte7FY4BdxhhVpRikNw9BzPeCRtkQMDA5+GcHUNK70iDs4SKzGtvBAc/suzBVw9ujGpaeua4w+wHPEQsefwN/C46ib/oM28QS6byPd+cm0RWqO4yhiUHBHjrLf770wgA8B/uhmswHzZjuWZVmCMqQ1JycnaZpKWZXNrHBjzHa7LcsSHXd1oyIlRKPka7RpA3Rb+jP6AN6P8TUewXHVt/2tlnJp30E0xi8f4foWxBy+b0DEE8uyHKMxRtV3XUugv5UTYpRS3LZW63VRV57nodvbGIPmL8MZzk6qWak5Z5br+iEXQRCkcfJXv/3NcDj87ps/16E37HVty+n1BlrLUiotdVWr1XZXa3MyGNV1miWJ67pEu4HnaiONMb1u13Fdu3SDsGPlhSFEa53E2Wg8UEZv15u7Dw+E6ijqiMZykjHGOFE11k5NqObCx2oBDEQ6YjfTLMHG0KZtQmti23avZ63X66Iqp9OpZfHr76+l0b/5zW+QpluW1emEluWgTpNlGbOt/nD83XffOY4znZ7ezx8dYdVKP3/xyuLiu+/fPH32sj/ovn79mlNWFMX48pQ3091Wq1XZTCnq9Xqu7fT7/TjZt9GGMZZXOVQGUAMbY+7u7hAxpZSg+FCQR00II5AwzFMpBfYPojXkppRSmC/h715eXn777bfgHt+8eUMI+fTTT7XW6NtA47QQwvf9zWaz3W6//PLXGMgsZQ1WZ7Va3d7enp+fQ3xJCNFStccnUbrV8vPGlBQgGJ8NkBQ8T13XZVU2qgTtOE7kuYSQ/X7veIdJc/hX3vhTci4ECHhGjWonShNqCD3eA4wx27YJE5BGIPS3qmQcibgphBBsabA/WZYRWtHGwATEAuKUbpwTUMRDQZwx9uTJEyr4erfFH02SZLvfgf6XMk4TKK4cSmlZq7JWYeChWxdNXK9evbIsK03T8/Nz1KPlkZdhFEWaGDD1VVXd3h7MSeDs0et0oUipqspiHPQWjNkAaSHHRv3k5OQEac5sNpvNZs+fP0eBvt/voycLlHeRHsqeWZJiglI0CIC7ZeN5AkERqFjVjF7b7/fIacClwHtANY3yrHE5hgyRkINgkTEGWl9r7Xme53l5vG+xLT5Va8wL8IJKAx4rCuttpGt0JUIIcXJ6SgjLskyagyIFT/Pt27eI113RKYqiLso4jvM8rcoSYATOPyilzudz27ZRzjr6WwogC/H2p5R3i1vb/8UeYE0TAHbmD1ClUTGyoxksx+v5+A0554QSTgnuraolYZQQFvoBPEEZIa7t2LYtKOb/uUrpIIj8Thcmmjgjd+uV9hxs1DwttnnsdUf9weD9n/7013/914ySULnDfu/JkydK16vNihBycXk+7I+qqniczdfbxA/ck6gzGAzSLN7v97YjhGB+4Cb7fVUUmhhCjOe4XFDL4lEUCdv2o1BrTSmDbUYYeKPRyCjp+z5uJiOUMWIM49RQyhxhUWJDec0bgyZQxjgCyrJUpUGiybnV7/cp44yxsq4gsqLM2NwG19zpdAwhSqnNZhaGHdgQxaUStp0VRdjpdHrd12/fDPuDbrc3OT1jhrx+++7i4szzw+nkFAdhENjQDqBVMApDhOM8T3/1i1/2er3dfjsajZbzxzdv3jx79my1XaGEg3R/sVjA2AuxYr1eZ1l2cXEBY+3tdtvp9PDQoW0DcnIcZ71edzqdPM/Bxff7fWiv7+7u3r17FwTBaDSCaTDEyv1+//Xr13VdD4dDYwzEC4hm2+0WYoQ4jn/3u99tNhvGyK9/+SsclrZt2+KQKNi2rWuJO980cFBk3pjEibojVizkQJTJZpqxBg5GiIAWrgXiLaBx2kSbUHNMPlLGqrrEI6/rmhnCGKOMIVLIZjhkkiTo0IEGDvscb/2DJtJo1E5BgyDvwMOo67rtaUTPru/7hDMYbKEnQkk9Ho8nk8mH2/vNbp8mue8HQojlensYL2dxWZdxHG/WS8dxotDXWq9X8dOnT13HKopC1rVtcW0UMcp1nE5/gKMIshzbsrIsi+PY81zUGxGAQs9H7eJxtTTNJFXe2I1hZVRVdX19fXd3h6uDKQJ+mPy4mscanyza6PxQ97Asizc9+mDuSFOWQZYHXXnZTMZYLpeqzFGuIISgsorn6jVjmABg8f6O42y3h9MR8i8UJFs7Q9z/dkFAra8aHwJKaS0lipRthrHZ74A4cMJNp1OkBZ1uhDexLIsQ/ebNG1gg2c2sWnBQ4/EY6QW4INu2tWaNMuGHgI61SgihlLdx/PiWtlH7I/x+nCy2Uf5nyffDajeacU4oMeYwQE4yoo1V1ZXWklJC6SHJFZwKIbJK+mEQ9T0nCJMsfffmLaeqyPKiKKoyz/OcWoe5z6KStudanDFiVF09Pj7WdX15db5YLLbbtVIKDfpS6lrpOE0sx+4PRrJhvSM/4PTgG2yM2azXue+dnp2XeZHlhesF3LJOTk722zUyNkKMY9mc86IsYOJkjNH64EusLY6Dnxi7LEvbdlq9KW/8JDjneVnWWgGO1LWKokgqPRqNlNFAIScnJ9xyUH9q2+vQoYqC03yxdBzn6ulzSk2cZlobQ2lW5HcfHk5OTiolZ4ulMfTJkyeQA+wfbyEsCcNwOBxGYYiocnZ2orV+9+7d/f39559/Lijb7XY3Nzf7dK+UAh+y2+1ub29d1wWXi3GG2CzAYdBWgQcGTY96MvgGAL71ev306VPUeIwxi+USgAM641ba28Yuz/MQMVAInM1mlmW9ePGi04m+/fZbOG8/fXoFIrqs8qqqOGXYko7jeI6DYhs4Tzxr5KymoawR0JGXxEmCa6lrmWUZ2k1QSq3rWohDLbPVa+rGN4lT0jZqG20M0QZbWkldyVrVklKqCTPGeMLFZkMRFqQK6gwI61ChoFDjOI7gB4yMEkfrc3Z/f+84DsSOWZZdXl7O53NCCHXdJEl6vR7EiFVZUy6u398qpebzeZYWl5dXKPFJKU9PT32foq3UmMNnRlKM9kWogFkz7M22bbRfopZojgxGQJGDsnBdF9wLIHB7DgGZYm+Ax8DifvLkiRDi/v6+0+msVivAQ1y1LA/9n+enZ/hDtmUjECPtQrgEzdKWl8EMxnGMj7pYLKDUfnx8VIycnZ2JZowqVidSaSB0WOvsdjsodpFOAbPjPiDTxAHseR6qaqDU+/1+vN2gbwBVjTzeY1JVludR1J1MJrbnlmWZJhkABQg0IYRli6MeZQvgAvUlVCbgq44sCiIlY0yaplo3g+vYj8gTfGGJQ/Gmjcs4MtHFduBnmp/XjRn3TwM9O1I3HmcDBxaCUopZwEZpwgkli8Viu9nEcWwJhrPTpswYg5UTdgaa8dVq9f79+9PpEEslTbZpmo9PL4bDoRa+4o6m9O/+7u8eHx8fHh7qus7yBO0wn3/+OQat/OnP3ziO7TiOsN0kKx7mi5AbBBTP87IkXi1kmiZcUMYJqKpdkuZ5btkuYazb6QWes9ls6rquqrIoiiStiFbdXhdZplY1pYRzTjTDMlNSxnHc7fB2MaNAR+BjLA0nxjq451eUUs7ZYrFhAl7hFVhTJJqPj4+eH3766ad4fPs02263Hz7cX1xc/OIXv3j79u3j49IPQyHEhw93uM+C273uQBFTyvr1t9/1+/3PXr788OHDw8MDGFejNe7wZDIxxnQ6nTTr7XY7i/Hnz59rrcv7Ms/z09NTQHtK6Wg06na7Dw8PyPgREyFQGQwGUdRdLpdCCDCT9/f3aZr2ej3S2JngTW5ubrCRnz59iq6O9+/fw1spyzJoi5GxAlYDgSH1PDk5AbVCCJlMJsvlcr/fR37Q7Xarunh4ePBdbzKZYIOjbx+bzm+GKRpj0BWFeAUOA3t2Hx/MD6qqSpJEETMej4fD4f3soSxLx/HAH+AHEHtFFHUppXVZEEIty+HMUrKS1WFGjOM4vh/WUmdZoalxXVerigseRZHRVMqKc+r7LsK0Pvju1kppQqhSuijK0bCbJIklhG3b6+VKGR2GHc/zue2EncF4ej6fz52gs95nT19+lqZpVexdWxRplsS5NEx4vbSUj6ttJ+ptMu173cUuIft9kqXn56dlXZSlIIRVlRyPp6PRYDqdIie6vb3ebDbn5+e/+vKLOI5vb2+LMk+z/W6fPnv2rN/rpGlqCSGrui6rLEk9MSWUGmqYxV3hGm7qui6zGuAaq3y73VJKWyYaTQpv375dr9eWZV1eXu52u+lgtFwutdRBEJBapWVtcWELCya6UsoUqg8lt/HeGCNVNZ1Opaq4sJRSVV2MxoM8zx9m2yD04ji+u791XbfX70gpPd9xHX/cG3DO19sFOHRK6TIrItePXH+9XpdJ5jDhW47TEYPBoKoL+AwjuONAopS2Rp2e52GU18F12g8IIVVd79bb1gm2MwiMMa7rrrYb0JTjyShN07zIepG/Wy9ubm4uLy97vZ7rWJgWD28ZYyizbGHbi/UGUvqyzOq61ForJQgRQjCtD7mdUUfsNuFaG601JT94oh0jcdJULEgzAx38HopsrBmE0iIV8xPxzAHBcIcwauqqrrXNLdcJ8kru9vHi7n7+4c6zWL/XiQLb95mpc0NpJ6hustngdFAWarHby7TYbwpzEZbC8IE3PrXCTvT+3YezswtGrdVqQ+WiTh9ckXFKP//05d3D7OLyyev31463J4y9uV90+70wJN/dP/QHg0uiWZZ7QZTxNJFyV9cdz0kYeZw/Wpy9ujhLq4JzejboEa07jmPSWHEzDpw0lbk0LHSlFFJK2zCbCqYpp7ZSKo8rrQ1jdl2yosh9L0D+3RYDVVXe3d2h4SPw/arMWV16zKhsH/Wn0+Ho+vq6F3a4od99/c3p6Wl/OCBSDru9Xq9XJPG43/vTn/6UJMlqtTqZDFxLTgfe/NZY/XC1qKbd7iQM7+7ulnV1MepvN/OTk8lX//R/v3hytVndbAdureuiLgwzcRYvN8vxcBh2BmmeVkXZ7/dHk2GSJOvdLupFHz58sG23quL//r//v/z617++uLi6uflgDH3//qYsy7pWr1+/5py7rl+W2+FwyLlVlCUXgtb1erORSk2m0/5gkKZpEIb9wYALUS6Xu/1+Mp0WRbHZblEYCMMQlT9wyEB1vu+vVquvvvoKRPlvf/tbpVSSpYPRQEr59v2758+f3968N1S/+vSTfr+/mM+qqrp88mQ8Gf7uX/4V4bQ/PC0MNbZthWGp9S7NPN+xLGswHu33+ziLdS0PNLUqpWKUcsaEUsZzbNfpZlm2fnwYj8eTYWe93fYHIeOmVpUXBbUyqzQJ/QC0Om83iZRSNU2kvPF0lQdHRqKUsihFmKvqGjxUEARK/TA9rigOPYFwNUnig1EcTk5DidYa+U6eleC/NDGe54PQ3G63rh94nr3PCqMNYwRtXbLWQghKjda6lgcnOSHEarUaDocXFxfD4ZAQnaYplB6gF+DchnMVekoulihLIrSB2z07O/NsB+Wj4/Ka7/v7Yo/ZIq3KXkr57t07gGX0K02n07qub29vsyx7cnYBsIAGK8yNZYwppdB64Ps+IizoJtAOrQ0OUDlYF4CL4XDY8Jv84uJC1rr1FRBNOQTsIXI0YH88yjRNyyoHKR9FERI0/IBoZpjgnl9fXxdF0e/3JTmQj0gX4HmQZVkURS12BjmOku93X//p6urq5cuXWmu0jCP5BYpHkaDtPa6qKvR9IGJwWeZIjd7iaN4Q+YQQULfmxy8kT6xxF2jFLeYnjurtO7eL/KMXYwwukOzI6JE1ThVtG6GUUhCy2+00rQkhjuMaQo2h6N4tiopSJpUpqpokWZ7ncZwQI3a7eP+4iOOYCfd0OnE8X1ieoWw8nszmC8t1oqi72WyWy0Wv1xsNh/cf7oJeJA5dwa5bV5xzSrhlWUbpPM9rynzXC4OAaGNboq6VIspqrKpb5SK4l+Nb0V4XnqNqesXb4xBprtuMuKLN1HiWpngrFP+xUDEsoijS9XotlUKR3HGc09PTi89/8ac/fv3mzRshhNtxqqLWWltCjEYj17WHwz5lB2P3Xq93dnby5tvvnjx58pvf/AYQ1bJ4N4rQv9Pvdne73TfffMMY+6vf/tp13a+++uq//q//LgzD+Xz+z//8z2maTiaTbreLQaCWZQFZI0GEZAVsBhIy9EuD3ozj+PHxEYVThAIUTp89ewa6Evo05CUgQrGG0VrMGvM4AGR0zxZFAa+6wWBwc3NTlwUhBM3PqEJzzmHH7XkOHlmbfUI4EIZ+lR8qZJT9kJ5ioXLBTTP5eXIyNZQaY+I4hh+U7fqO51JDDh2G2EXmyPUFGxsfWmtiWZZhlBBSlQX+TJYWSinoe5Jkjzcxxkh54P4BvqBNhGiEMeZ4rlKmruvhZJxnj6hAamJgBmCMEbZjCccwLoSUSuV5nqa5Umq/33fC4EDl1xK24IJz6AJB4+Z5imDt+77jWJi1JFUtpcScB9u2Ly7cVo+IakkURdPpdPW4qKoKFAf03SjHp3UKjgX4FESKZVmvX79++fIlNONo4Nxut+fn5/v9HlcKoIq4Buaxqip0La9WK8dx4B7HOEEoxA0UQqDS0O/3q8Y3EbAabQh1pUCqgDtCvxKqlHjYkBi28VRpads2zpVWi1lVFQpTWOtwt7dt2/f9Uh2MlO3GuxGGuujYwmrBqYBddHp60C0gA4DvXbfbffr0qRCibiwKwAi1qxOhGWcVIlHru2Aa+flPOZPjLw4ijcZmjv5YyX78Ij8uiv5cTDfkyCYMNY9+v2/b90zwwHdRW+NaV0XObEGZnZd1XVtVLf2w57jBfLUty7yoU0W0bdvLxaqoKCV8vd7Qcs2F3es5w/FJLYkhPMlKz++Ucjb/cN/pRaPRaLfb2rZI4yTW8mU3zMvCdW15MFziOLNd2xHcrorMtR3OudKyqKu6KKlj8caoA3cPz/H4kGsPSOQxeHAAPQjcKE1hPLdsXBvxKwhqeF6Yk9nr9VabNablSSmvb26MMWhYh9C7Lsvr62vbcrMkZUygVCh3u90u55xGURSG/snJhHPe6YSz2WMcp1UlZ7OZ1jKKorsPD9AIVlVdVfV0Oi2KgjFR1+rk5Azt9Z988slsNhsMBvjX9+/fQzk9mUy01qANQV1C9YAuKmMMAF8UReBg7aNZhlJKeMyhff/x8RHP3bKs9Xp9dXU1m81QEofjCMD7y09eYaDNdrv98OHD/d3s9GyKZwF3PEJIXSnUDOpmRiN0NZxz27JbwZtlWZT6Rh42F+MU8g08CCG44x5UyIwxeCdElHUJQdQCVGKECtNU/7ExWqBqmskySipDmGVZzBJKqSpT0Focomtd471wncaYupaiGQyGijB+XmuNViOtDW409lsQBGVd+b6/XC7jOJ5MhnVdx1leVZWUZrOLd/tUGyKlgrAfH6zb7ZZFVhTF6ajX/iHOKdjwIAiSZF+WZZqmmy1xHAddoFJKpWSv1zHG4AlNx5PRaKS1kqpinLie7fkOIyTLM0IIoVophSZsKLhxf6bT6fX1dVVVkIugubnX652ent69vwFxjwwGditQrYzHY4zMRuRFa1lZ5Y+Pj1hw0MVrraG2XK/XSZIgGmJBbLdbYhhOCBQMEAdxDrV0BFC24zh5nhtyqI8DL7T7H38IcT9NU5wxvu8LffChbHc7RClQoPLGKMpxHMjMQ/fpbDYzTdcoIWQ+n0OB04YV01h8ANQg9LQhG5+ENJ7R5EidgpOVNo1I7EiSiHvyUVleN7aOrGn9b2O3PPK1/wiwH9My7XYAWMnL4vzs5HDCZYXv+9QShFmL5dYYLyukZXuVpncf7guZFVXGOLEsS9aai0Rwp6w005bH3VySXSbn63ktSZmmQUTTrNruUj+IbIe7titluUu30+m02+8lSUIpT/MMN0QI4Tq+59rGmLKsK7uq6lrWNSpv7YbFpqONxuw4uTm+0oMlQGNZDqhhjAHoQZEMcR93WLjRfr8nxPDGcQh0P2tGgwKf4na5rvv+zVtYSGVpcXd3d3FxBUDWGwzyNAb2SpLEtsXj42OnG/793/3Dt99++/333zPGPv3006IoBBVaS63IarXJsuTy8nK5XM5nj2EYfvrJZ9c375VS5+fn/X5/OBzudjuo1AHzoQRTjQ9MXddBGD48PGRZFobheDyG27NlWdCbIxqiaN/v9+EGg1uB4Tmymc+O5Y1ZTr7vw4iJUlqW1Xa7m0zG0+l0OByOh6Mg9LbbbRAE3agTxzsEQNt2CSFpmtp2ABwDHY7FeJYlcRw7lh2GIaUGxRvLsjzPbVemUoozKo7kzvFuu9/vveAw3MayLKkNPEgE8I4hH/dS88YzXSlliFFKGXYo3SJ/8TyvRd+ov+HTl2WFP4M4MplMlFLQoYdhWFRlluUwqAICrapqu9u6rgef4sGgyyxbyTSOU20oys2lrH0/rGWZ5YnjOJEf9DrdjZZVVa1WKzy/TqeDHBmditvtGhqPvMhgI66Umk6nyWaL8hGiKg7qx8dHIFms4zzNYDcBwAII6TRujtgVKA3hLDzoATi/ublxLQtVcsBbEBT4MVisQL6JtQhnfbAQiM7YKlBZAaChasoY2+/36/XaaIq9hIiMYwBSdCh2jgO3Ukrmh4F5vFEig1EpGt98lGeRVaxWK+F6qMKTZowOfC3wcEUzm402zXhwM+50OigDjkajV69eUUrhgIYtgbB76GNoaH3WKBFJ01LffgdgBD//U9YFsQn5chvl23/F32qPk49C28/SL6aZnw4gYswP05Q2mw1/+RxsUp7nw7PJYpdQJtKstGyvqkmcSRnvZ8uN4ztSMYtxTUTYCRyvY1su5V6615I68SbL6ussr07PL7K0yAq1WsVh1Mvz8u3b2yh0h/1e6AfPnz5BP5fv+0VZOq5gjNe12u+T9bqKQp80tpeMMduyGGNl4+KAlQwAaI4GPB3HdEQuhCoQgLwx3oGwGCkpWp2h7cO54rpurWqpatMMp3QcL47jTqdzfn4ex6nWOs/Ly8vJ/PYDegnrQpZ58fTp881mM3+YRVEUdjt1XVZVdX39nnMqpez2orquz8/PZ7PZaDQa9Ee///3vJ6MBIQ4hLAi8qqrSNC/L2u8GYCNRbMSDjuP4+vraGHNxcYGVA0UWVMJwmrJsG/sCkhXsRK31b3/7281ms9lsCCGY0ITDIAxDYBTsrLu7O0LI5eUlIjh6mjAybDgcPn36dPb4SCm1bQc0Q7/fF0Lc3d3hOe73CSHaGOM5jjGGELZYLKIo6nRCFPnLogR5Eng+mh0ha2lHF7XbAZ3VrSjg9PRUGQPaAMcAtxzLsoVoBl1So9vWIUopoaTF2lprbUxZlqaujDGuOOyKNgc3xghhtQoh1gwDgs/ixXnUkumdTqferFvEBCIPKBitKMaYbZycn11UHbncbA2jfhi4WZ7vSjDjjuP0os5gMAhCj5G+1jpPtwgulmXVddW+1XQ6Rax3XBtcPwDm6ekpPgBq3+0iHvR6tNGKVkUJ5Ot5nuYEMkHELJwclNJut9u022lsJ/CM/bAznU5xjAkhcFHQmchmuOLp6Wme58vlMk1TqQ4kPhI9JC6c8/1+j/kbLR8HLq+uFJ76cfhmR86CLWi1moGfeEwAI9DGIYVE9gBMjVC42+08fZDutU0luDp8/rbEAjoeZuiA3v1+H6NhcLugCDLG4CYQQtDIB7iAS27pQtkMI21SvRp8fVmW8OY9jtrHkR3sTUtKtki/hfntErUaH9rjsN5i8/ZbxhhCKI5Y3P8sywYdH8jXdd3VuzvK7LIkQRQQ7qz36zQrpOaWEYS5lmsTQjy/ozSrpSGGZzUzVbWP03KZGEOjwUlWSFqqpKiEY6dpKpjV7/QFJ1HU+/TFy3y7kFK6nrePY0ppyvP5Ynl3e+O6rmPbgedit6NDSqqKcwtXgUCgmmlWxyTq8SXrplkBupGjqz58gWZm1ng4Z9u1ELbnebvFo9YaSvA0zzDDU0o5f1ymafr8+XMweGcnp/t9/HB3b1vuxcXFkydP8Hz3Sex7znq9tifojFNRGFZF+Xb+/m/+5m+EsIfDoe8HURT1eoPNZvP+/c2nr15Oxic4TcuypLTruv7FhQ9zRPjnGGPAtIBJhyEHtgAgI8pgYAjAiQPn6kbwVhQFroU2I4cIIev1GlXA8XiMnBXSF8zlAEmFy29beWez+Wq1GmOCMRXYIEVROI5VliUjBHsB4QK/G8exkcr3/cFgsFmt8QQdYdVHoyvbhW2aDyyaF+pnLfjmhHDOlTKt5OBQMLEsy3BqlG6BEmOMHTTCkFKW2F3HptvY1YitdS15M4wDvekoWSDBb1dYWZZaHSYE9ft90Cme5+2ThFLOuRWGnVqr5WpTSTmdTnq9zmq1Go0Gg24vDII8zw9eJVQe3q3xN0ePz2DQaz1pkSvAaqbT6UA0iVCFbY8Q1oY/W1itYZukGgEaCkv8AKUUQB7NUFEUwc5sNBoVcYrwQQhBKEzTFEZmCIXgMfBhCCEgyqWUyFghRIE9P/ZV2/wJY9Iir7DI8MmRJyHDaNexOgy7+mFuXNtj0joAo/rXLi/S8Nrtw4VvgW0j5S+RMeAJAsehe+jl0yc3NzfwmKaU4oa3Y5JAnsBmb7fbtQwjaZqD8DXKErghuChgq6IoBoNBG7J/CrF/+k+6UaOTv0CgH/+uOZRVKKWUcc4MUYZQSgUXRVH0er3pdPrw8PD86gxbsSgKwV1GyWq19MNTP+gQssrrPIgGhcyZEFR4sq4UFUkScyqUMlmpi6o0xi7qkjC22mZpmtm2ZaiVpIWu6tPpNAq9ukwmwwGn9HG+lFqdcitJsryqI2LSNN/u48uoE/iR7zmUM22UMcYQVVWV5Qh99CJNAnR8T1gzDh5Ptk2PUDPHrun1enhYOIDxfWMMFqcxh4eilCqLKk6TMOzgOF+tVlmWff7551lWlGU9HPlJki6XyzTJp9PpYrUs62owGnLKXNfebteu656fn++2ayHE+zev/XCYJOnNze18Pp9MJr3eQEkD8+okyVzXz/O8yKvH+dwYenZmKV0IIcC1tm5F9/f34FJaD2rUrlzX3ccx7ElQ9LIsq6oqpLxeY46NZBrJLnTV7f25vLwEcAHh7jgOFBlKqQ8fPnz99dfffv99t9u9uLgYjUac89AP4GmotWaMcs7DsAPCCkBwMjnMLDxwLIz7vt/tdmVVi6a75ZDUGgWMgkBUl0odKXqBCKNuz2n8TQFiOBUCsQMAHRSP0VzLA54nhDi2y4UtpSacua4bbzIc43V16O22LCvPd6hAAl4hQEPRIWsNHhxCQMoPFiVFUVSlPD097fV63BJxnCD76w8maVbs9onneSorbm5u8qp8+fIlQlU3jMD6rRfL8XCEEIPVBoiBmFs3A19Mo0Eum2H2Hz7cwo0I9EsUBn7gZXkKxKa10loJ4bquU9f1ZrPxuxHi79XV1dOnT7fbLZzQsRpAOqM3gRAynU6rMBdCoBKNH6CUoseMMQZ3lOvr69VqNRgMfN8XFkMRBjgdlEuSJEgIAMPbOKUa53EQykDEqjGrwjmPUFs3Lo/AOIiYLS2IhYJYj1MH25U0lstoqaCUwhafNONj7MavzW8GzIJjwYcE+395eYn+GnwAHJlZlm02m9Fo5FouOzKpwOYBJKQ/WIEfJq4gEWnD03GcMkfzjExT22+ZgZY04E2DWIvLjgM6PX4RQgmh5PAZ0PU3GAz+9V/+F0r/BtTQdrsdjkdJMbu7n4W9c9sN/ahn5bXf6Rc7JWxuuyEhmSVcrWNttFGk0qQoTdSNJLW1Nut9EsdpNwyUpt0oKLRcLBbrRfXqycXTq8vFw32SpRBI5FUptArD0HX9KOoiADFGq0rmorQ5s12LEF3W9fHh3d4ZfuSH094QIIP24MQ9ByAFHAYyQyqG97FdazvbVlU1GPS0Jnmel0XV7/dfvHj1/fff51l5fn6eZUWWFbvd7osvvlju48lorLX+0x//vN5u1DuSZdlgMDg5ORkN+rcfAiaEbXEhxIunz4iSnd5Ua43xRlVV/+IXXxipLi+enJ+fT8eTOI6//vodIRp843a7tR2K2rvruojpqN5jQEIcx62EDGkWrgLpi9XMwt1utwBGlmXhfVAKWq/Xraaj1+t9+PDhw4cP2+32k08+AVmPVBuaK8bYdDp9XKytZjR8kiR5mtm27Th2nue2ZSE/ruu6KrUQIgq7tdpjEUIJQ5TO83y3203HExw8zBystHA4lWUJnkPVVUsz6sarnDW2H0opJgjn3LVdgYpcXRbYflrrqixVLVHDxAVTJhhTGFlNCFkul8+ePSuLPUglGPPzZuR2q/vpdDpBENSV2u/3tm2jL8l1nclkAno9CJzlcmnbtqVtlA3zPD+96H748OfVZh11u3/+9psoik46Z1meWMLp9bqMU84Y1YYQEgTBarXqdDwE0P1+3+mEKF5rrXe7HTzcbce6vr4uy7Lb7c7n891+/+TJE845Nm0YBLBnqVuHE6XquoZ5FmPMdd3ZbPbhwwcIRVzXffr0KYaSoGk4CAIQL3hDK2CtP6Ix5ve//z0OIYhzcB4YY6bTKSxqAZwnk4nrurChR3jFMyPNILoDOWhZdeO+hruNMxWxDP0Oq9UKzqUYv/LixQvUih8fHwHncRBi5HndvEC/uK67z3IpJSxhQdHEcXxxcYHqNAIBvmjjY7fbxXNE6vr999+fnZ3tdjt4rCM/PT09NcY0AOKglKWNcSC+EA3VjrQPMgaUJdqlfMzAHPPmLVBtc8GjWE0obRyAj7Qx+N2qqoRgQggtldGaUqqNAWp7c/Ph+zevf/GLX0A49PrP76bjvuMj7XXTJDeCd3uDpFRlLT2/s4/XnV63qOQuTggTVNO8SJM0F8K2bHfc7e93WZoVjuuX0rhesE9SX9gWZ/0gurw6r8tqu166rtvtdqXRlnCUUqPxNC8qYz5UUj8ul8NB17V93ASMfnbdXnuMtdxpdTRMHD/cKh2xVJBSQ+CEgN7eWwT6qplZtt/ve/3Odrv1Laeu68fHR8sW5xcXyMwCPyqqGjOUfS8s8orCkI6yy8vL7X6XZdk23ruBX5bl2/fv8jy/v78/mYxG/QFj7JNXr+JMbbfbf/iHf0Di+4c//IETGobhaDzAhPder9fphI5t40CyHYqTHlJgxL7z83P0+rXrDTlEWZb9fn+5XMKVaDKZAIi0W6Ct2YZheHNzY4yJouj6+vr9+/foJPrmm28QuHA8gHJQSgHT5Hn+4sWL2WwW79Mw6Oz3e8H4wQIkCm9vbzudzt3d3XQ6VVX92WefoR1pNBqNx+P3798vFotuGBmiMHiSc84YMVIhioIA3O127ehRLg6OW5xzRjniTxsQcBJXpBLtbjnOSXHLVDsrD6wGMUioEa2A4lFvsW23bclFfo01l6YpJRxnAyKUlFIpg+S9rhQ4VqlVVR0O3ofZI2ViNDn5/vtvpZTTs1Pf9+GKOZ1OXct9//5dmRXT8YQSsnh8zDIbWf9sNkvT+PLy0nXd7XZrjMKzdz2n3+/jaNVao5gJXG+MQcjwPE/XkpDD6M66rKxmvA4yr/F4PB6Poe3Bz0D8hxikms4XY0xZFFhbQRAURXF5eQk5IGKf7/vb7RagDyAaRzHEBnUz1gRoQinVloNAROAvtpxaq1YCjsYHaE8mfDY0x+JEAYdTN7OHwJyCWsHi9jxvud3pZpg4mvu32y24FGQJuDMoNCmlvv76a3iNPjw8QEWKUxA5PtIXgO5ut/sR6KZHBDc98m2HhhLrlR7JUchP6JT2f48xO/m5l/lxjbR9W6UUIZoQo2pJtSGMYTxYSzziY+Ce1HXtUxq4HmNssVoSVhLbl0ptk1gZadkWIFUcx2mcEEUsLiwuDFT2zKKcBUHEbcvIWhYppTwMvdNR52zcuTwbM1PlWXJx+SQMO4EfWZa12mxfv367Xq8J5Zbl2JZrCcdQKqVkhAhGXc8x+ocb+NH1Ht+N9gvY7yAuAOceL54W/aHRoaqqXB6IOymroihBCiuliqIU3N7tdkxYnue5jk9pfHd39+qLz96+eff63VthOdv9zvEDyEi28f7t99/Juvzis8/OTk7LPJVVvVw9GuYZY8bj8X6/e//+fZZlNheff/GpMQYNRNPp2HEc0dhdSVlhP8IfMYoitONrrcMwnEwmIAAxSSaKIsY5pfT8/Lwsyzdv3jiOMx6PrUOjbEGb6TfQdGGTWpaFdWuMwTTq9+/fn5+ft4p+kKv7/f7x8XEyPWtPESWNH9rIe5Afd7tdrOEoirDxoyhar9dFcfAxVEoRqj3PM0pLKSk12F1t8o1KodZacQ4ZF7CL5diiUXn9gHgUkUaJj/bMAcI0FhBaa2W00gQxXSkVOKI1ZW2pD8fxQAhQSi3rENYP1I3jYB1g05ZlaQwtikI4NmMcpJihZLvdoYCQZWq93ji+m5cVDC2Vqn3f9X1fUO669tXV1XqxtCzr/v7esb2XL5+B2DHGuK6Hjx2GoZQVhE37vYJ/JKU0CALTlK1x0pZFQQiJoihPDvSxEMIojaRMKbWOd5zz0WjUNmu0gQYbAC6diOyMsY4X8EYJ9/DwcH5+Pp/PkbhgAQGDw7tcKSVlnTfznRlMg5ujgh4554AEZ4xRcrBeArImTS0Fb9tCNlQLeNPUQxq+C8kg+iaKokBbOSQ9AAW4Lt3YhNlHTtPAd1hS+Ou2bU+nUwg9OednZ2cwwUA5F/UlnEnb7RaHQRuAPopEOF1IUzlvEWV7Kz4Kyj+t/gF6H8eyll35aHn/NNwrrZRSzJBW/YgjVgiBhviiOMztK4pCa1mW+Xyx5m4vGpxUSm+2e6XL/qhXlJUxJowCV/A8LTphxMqyKiUluqoLpaiwLSGE0irqde+v3/UD69PPXg077od3325XD4JRy3U0xtVqI2u12+532z0XltEURJxlcWKkMlowyjmVmpCjCVCmef30PMMXMGpG3QU/iefY0lwQO2EVNUo+HoZ+WStK+WDQsyxHSlmWJXPFfD73glBwm1LKubi+vnn64rnWejweO66/3m6UUo7rSqWm0ykhL1Vdoo3IsfgXn30eFeFstZdSZlmKdPnLL3+5baZO53kKM4nFcu5Y9mAwWCwWrmfVdT0cDlGgchxnNpsppaAfhz4YkxfbMI1kOooiRKSyLO/u7lBjA+EJtAFpA6a2oRDNOb+8vOz3+19//TWycICtvBm7uN/vufBms8f1eg3heSeKQE7WdU0JgzhQSj0eDLWWvV5vvdvneV4UB2s/4HTf98scXLcOXA+gU6r6eOUzxtCA2T41oTVr6Bdz6OogmmjR8m5YEwfakdC2gswZ50LYNpMGhdMCLU+w3GNN/0ir8zOG0Ma3TyllW25bfqzr2lAihG1ZFhfCdXw0yOgm6YvjOK3tvKxni0fbtsNuZ7PZCHFADQ8Pd4Pe8NmTJ1RpWcllln364tNuN0I/2Hg89n0Xo/kmk4lSBwRdVkXbguG67nq7qmUJKXoQepTooijquhSCSWkI0ZQapWttGBfUsnmbmbYCbdPMdAaPCetkPG9g5ziOR6MRHjyiFeIjjm60P+CHgUyRDLbiPNWMmm2pieMHxChrjxY8SPyhNhEjhMDysKmLHsQhbYADxdy22Blj8OER8ZHogRwHt4jDu/WWaV1VkXv1er3ZbIZOq7IsMRiEUooaFFSSqrEAO67j0x+T4+D9KKU4jcSRG1oboH8asI5h/nEo/9mI9rNnA+ecUsOIMYxxQhnnlHJOOTQhqHfh83ue57pWXWV1VRgtszyxqWcfJpUz3+/6gZvlaS3LIBhZYXCX3pVl3o+i0pG1ImlRF1kppJS2LLPc6kdB4Pm+u91u33978/VX/9zveP/+3/1NGHS01mV5aJTrdvtpmldVQbkgXAhh2bZglFIijdaVlIw4h4VxREO1d+mjA4xSil5QBPH1ek0bFyYU1UlTAcLDpZRW8RbPBQe/4zhFUc0fF7btBkFQVVKT1BKy2+2hxvj27VvP8wfdXlKUWHhpmu6SeLfbjUeDfr+/kcq1rSJLijwPguDcDbTWStXdbuQ41rNnz74r8zdvvv/tb3/76pMXlmUVRbFcLjthFAQedgaOJcYYlpYQAmYpeEZa6/v7e/R8PHv2jDTdc77vv3jxwhizXq+11uv1GlMf2r2J33UcB2t4MBgsl0v0fqOTvFUWsUYEZYw5OT0F9ysEQzUrSbLdbvfJJ59QQ4wmWZYtl0uiNDadlLLX6xGiQeAMBoNalvv9HgPutZa+4yIIQAwGIuQ4AtCGtyQ/5hhp46H7g08pTmbsLsp4q4A2hHDOLcuhghtj9usCOA7xC1oOKKlhXtx+gjbiAO/g/QmjqMvZnmtb7n6/Xy6XTHAU34qiWKzjbjd6d/3+9HRa5BXw8na7RonStiy4eA96A99xsyy7/eptp9N5+vQppTTPD/ME4jg2RsGISlgcuUJRFCCIsfhatloptdlsBt0ebWpNuIQWOKM/Hj5qIMER1tG8gFuHHhyUNz98+AAi0hiDHlGUJbH+EHz3+z3uoeNavOnvQHSGTquFq6wZ84aX5/rqx801SM2ACNrz4HCTbTtJ97qZD9fpdPD+KD8AZYPlQDPqZDJRlMHYALcClnuMMYwrQmcHbxzKOOeqLED1tMw7SgIXFxdSyvl8XlUVBMuu6242m0E3JD/3Kpsx07Sp5X4U9FvGvMUpbRynP658/qWAjtfxOUGaPlJqNGOMU0YZM+QHN8d+v28JZjdjyaLAKWqSCt7pRL2esrxIamlZXrfb3aXbsmSFKnRd1FUZdbq2wx3BOdPU4VySJEvLPJFa2VoXZX7/sHt5dR6G1u9+96/bx5thFPzil59dXZ5jTaZ5sVyslDLcdnZJXOXFL375RRh6lDNjDGWUUUaIknXN+Y/ynr90H9ofADNgjIGUq63QKKWsxnT3mCJzHGe/3yVJ6gZ+GHSEEMaU2+324uKq0+n0er1aHvI2z/M6nZ4jLM/zHmazpCgHg4HtB0meocV0vnj8/tvVuD948ukn3/5p/tVXX716/szu9CzLStL95dV5kiSb7QpKR2PUeDxO0zjL5MnJxOKCUnpxcbHZrjEczfd9tHFcXV3h8wNxg5huxxKkWQYLSXgQEUJs2/70009h7IVMlBBSFEUr6oWVBb4uyxIjvyGpgFrXGAMZGEgbEIaO441Gw26ns16vq8osFgvGGLpV8XnQGQArwLLMsWW22602cr/f+66XJIlStSMsFGmVVu06JwecTlVjE4IUinLdonjOOeWMMSbaI50fDVwnhMCGLU3TvCy4kL5PLeYARmGr15UCzwhUhTYWQogQhwZW8AaUcFQaEbVrJfFPZVkaTfFXOOe9Xn+/32dZRqmd5gXStzhLkrSwbYEi5HQ6ZoTv1juoTZVSd3d3Qe/QsCObVtWmpShvAzSceyHLayWowJWcMcQgUMyy8bpBiMGzxPkM6gMzpkErQ/3S7/exMqCEqTBHpizx/OCUYlkWukn7/T4odbQwYJgRaZiEuhky57ou6le0oe9p0/phiYOjS/OYD5PnUJRvWW/a1L6waVHxhqSBN0rTNjM7PvDRU4YObKwtnLWoasRxTCnFWEX8FYcfxC0QeBFCMFnxyZMnq9UKSozdbodaAsi6n8ZZnKD4dXKkqmSNMcBxQMcHxlb86Yv+hFr52X/9Mag/9ByRhoepKoUo0LWEJQ5Gqa5jWZZluPE8azIapAWpqfOw2HPPUGY450Hg2cyrqiTLkm7gd0K/3+09rldCWIoarSqjJWfEsnhdszqXq9UqXleRS/67/+6//dWnzxym02Sr67rb7WpClVJxltu7RCvSHfSHg5FtMUplJWutpG1RDud9Qlt4/lEW0sZxPGXatG3DCRWZFswysfjBs6HMs91u0an35OWz2Wy2Xq+6xFDCjTnYKSNdC4Igy0vw7GmaIyNH1t4bjeM0uX2YJUny2Wef1XVdFdnD7Y0sSoczrTXD0DVdL1ePi8ViMBj4vntzczPo9kbjweNiVpfVcrn0fe/s7Gy1XN4/3D179qyqqsvLSxxIWMmO48AfCSICSik6olerFSEE7iOsGT/d7jWMwUFGggVvjAHNiKx0sVggmKBSmKYpwCtsAHzfHw6HYRhe3zyAGWeM2bYLpOt53mKx6nUiQsjF+WW316nyAryN5Tq73W69XmHvb7fbIPQGg0EaJ4wxQngLWThheCs8FENMS62RppBJuWj3L2KB0VS0SgbWONvh1bK0SinKNIIjDsNWdgYtBIq2SORFI44kDefrOh6YCihbdK2NUVrrKq/yrByPx0opypnv+zc3N3VdO27v/uHDkydPgk6UlblSKi+zi7Pz9+/fZ0lCNGWGREFvt9y4rht4ojs6WLEPh8Ner4vDCX4viNS4QNAdEOQh9h3yEn0oREBmjlPXdRyIcFzXrZXWWh94dmPaLLXb7SIHhN+LbubbaaVOT0/xbi2AbXscsHTa49r3faXrxgr50K6NzwaGRDd27aQR4Rj9oyluuMk4RZCCYEXSpnkH4hakGoiDQgiAeohHwSqCX6qqymYcXGG/38eCBvfSSJUC05jJUEo7nY7NKOaZBEGQpumHDx92u93Z2RmEOp1OB37/SFbG43G63xxH2Da+Q0QM0K0bw0V65OJCmip0C1vIz/WIfhTTf3p+0J8UkEzTc0QpNQed38ETggnOaMgOkhKhtabGRIE3Gg3uF0mZ1XEc24RVSl1cnA37kRA62Yrl7C4PfEaMoCQKHEWo0jU1ijESuK7t2lWZ20FQlJmh9RcvX/zmN78ZRc7s7m2SJB1/woTl+3w0mvBdjLg86I+SJPE92/cYJVoRJanhFuWcEvUDN/URVD++G8e3C7cUywBNIZB1tz8MKTdWEXo4kF9Swne72LKcXq9XltVqtWpaw6q6Vo+Pj9vtNo633W6vPx5NxuPFavnw8FApud3v3r999+mrF59//rnN+Ppx/snzZ6fjiW0LEflFkXmec339rtvtSllleXJ3lxdFoeq6LAuoirMs2e+36/USG7MVKbiuu1gsCCG2bXe73dFo9PDwAA0MpJmEkLu7u/F4PBqNoHT0PO/m5gbXW1XVdDpF2yMy106nc3p6Cp8STELGJADMJgNIAgeFRP/s7CyKohbF7rYxVDTT6ZRTchhUQJgx5v7+fjAYMEtAhEYpHQ6Htm1Drl4VZRiGxhy0pIQQqRRcRsCdGKXoEUWppGpRTvvE8QQPg4dMM3+yhX6o5GIb247neUGrZUR0cGwPQZMxBuleG+vbyl5b38MayvO8VtJ1Ldu2HUY360NdVCmJ6lOn07lbJkbTv/7rv/3+7bfb7XYw6DFBtdbnF6ej/uj+w93t7f1kUOZJcXV1RTR98+ZbRFhESVS06rqOogDRyrJFy7es12vbtVrwyzlP9jGkL77j4tQhhODkh52AlAqxBp8QcRB3YLPZ4BYjQQHVvlwur66udrsdxlYhEVFKoSIP5Tj0apDZwmLimCNTzRzqllY7FqJZlo3VgyO25SvAhMAqiDYmQVVVMXXopG/zRxS4VCNoQ/AFkx5F0S7NcAriSh8fH09PT/v9PiyTMEY1z/PNZiMODaJ0MBggxUHfHRIXzA+bTqf7/Z5S2p6XnJiPoupx8tgicdUMV2sD0/HX5CfMTPtf+hMGGV/oRufXfgf3kzJ6GAPDOaMM02EARSGGIyR0XddxiGUJSonR2veDXjcSQihVKo3GXTWbzbJ047mMqrqqqjD0Q9frd7piz6tSV3VMjRacWnYrGao+e/VyENpEJv/r//q/RLbxHTYa9ubz+T5JGWNJkhRFsdvtXr9+Hcexxc141LdE5DqMEWaMrLUWlPCjOSHmx5r947B+fBZiLB+qOwAZrQZDN/OtgiAYDAbdbjeTGRLW0WiUJvnj45JSELMkTdOqkkmSaG0Iwf9WWtdFUdq+ByQxHA65bYGthnPc86sn/7f/8X8AQK7LYrdaOY7z9OnT3/3ud2kan5ycuLa93W45Z73hcDQaaSOruvA87+TkBO7Nm83B4h9xdrVaPXnyBEkkipzdbncymbx//x5CwPfv35+dndm2fXd3d3Jycnl5uVgsbm5uAEZB3aC+ZVkW4jscm4MggPrwk08+cV337u4OCmBYu2y322+//fb84hloK3iNMEIZY+DiN6slstsoirpRmGXZJ598st5tOeeH3hffH3R7nPPZbOa7nuu6xihqCDZgUeaAVoftrCQXVB01Th8/9/bFKBVAoJWsW5RkGskK/rbSuq7rotgoYoIg4ITgV6DCxsVUlXSbiTwoR6DtqtvtFhmvShkGnbLIBtFQG/nu3ZuXL1/anrtdLaUqkjKNszSnevTsYr5YLOL06umrVLI0J0VJzK78/JNXsi6Y0vkujhzvr7/8RVWUO2ZkuReMjwcBQonjWFmWeI7DubNYLIa9wOaQcNA8z3VV+r4/GfTRwk6ldl1htFFlxQ2xLNv3vCxNBee+58HDCPM6GBWDqFvlZZlkRVlsV+soipiwttsteIkgDDvdLkxHe73e7e3t/WLe7XepLWzb5oSaurKcgwbRGOPZjuM4RZqBwka6WhQFXO4YY51Odz5bEMM8z5O11lr7XkgJz/O8rpTWOaIboZpQzTixLC6ECLQnpbQdYdt2UWZcUOwiIAuwe0qpxWLR6/UOElIpQa0i7OI4h7MCThogDn402Ay9oCCOQPqXaZnneVUXvV5vMBh4tlNTEga+1qpIk/n97cPDw7Nnz4a9qJZVmqZc2Mewoo2wyIvxHWQkpKkSf/STH4Xsj77fEjgfAVXe2I6aH5dMiamIVpawjDFVrbnFmO2VaRr2h8INltv46upKa23bLuemLnPqnC7XcVYSY4wh1V/99ou7+frm9rbb7fbCU2Ys17MX1T3l5tUXz/bbtYiDbbpWFfWdKI3jYlt6oW0b22ia76rCcKpZaAX7qlg+xo4z7USEcvOw3Dzu0+7gbPFhx71JWVqD7kloc1fRkFpFWdVa252gUtJl5qf3p93t7f+qZsIBQC4eKBCAbIwZwGESQlDPAKpLFev0T5Mkns82k8noyZMnmBZgjLYchzChuHG8SFrEHXQ/fXJebjaUUj8IpZSB5z/czTq9viUpl2TzuPVOHNvxz66ev77+4EW95XLput5g0BecMSZc23YsoXW9Ws9ePHs+Gvc2m41Fbc6twI3u7h6KXPX6/TRN+4NBVdeL5XK9Xk+nUy7EcrW6u7v7/PPPJ9NpXdev37z58ssv/+N//I+ea//Vb3+9Xq9/92//8uzZs+FweHvzvhMFJ9Mxqp11Vey2688++wygON7IyPNPPv9il8RVWZZF8Ve//W0QBA8PD1j84+nEGHM/eyiKwvFczwu2261t86qSlmU9eXKptTbaaK0HgxHOBtd1wzAKw2i73e3j/dnZmTHKcZzRaLTfbMtl7jgO6E1jTBYnUkqYY3ueR4jmgnHB61KV5WEs6A/WbYQzxim1ZE1kbWzOtZaiLYyQo9SMkcNEV2MM0dCT6bIskiTpRz6QY1GUIDFMI1kBKrdt06LLuq45F5xT1jiKKKmqqtrGe5omlmUJ2xqOR/KRaG0Cz3///r3jTMMwXM4fN5tVt9vtdvz1ZrXfbqhRF+ennTByHSuNE9Q0HMc57Z+iQgjWiR18KQVKqcCnYMGwviFUUkqt12sQfyArcKSDNwd4YU3XBhhq4FaUST3Pmy8XoO1aN3ZCSBzH0+kUpU48p3i7Q5aAd5ZSKn1QAQdB4HnebPEIYIu/ixWAp0sbzyC80Dha1UWrY8GrRVtaa0TnVsNACLFtu6UCwzBEYgS0TppCMa4RhzR3XNwry7IOE3K1Xq/XANpxHKOr1vf96XR6dXV19+a94zhK17rx0zBGpWkKNjMMh7AU3m63hJqfjcukYZDar8kRim/x9XGABv/zs2/1X/rinBtyoOyV0spUmSRZliGR3+y2WMZlSZnSNiP7zbooq/OTk7PzJ3eP66+/fWfq4otPXm53scVM4Aqiy8h3NsvZZj748stfviaPRZHc3X1Yr7eeGw7HXanMdp0WRf7m++Xp3/3t07On+81jL+qMnp0JRv3A4pa7zxVmMgghRqPRqycXSL+OFQ0/pZU+uqU//RoZKv+xJc7xj6nGgR3+a7Zta2LB2SLe75U6eGgHQbDZ7ofDke0HVa1Wm/ju7q6sZHfQz7VuJbYgZo0x3333XafT6ff7lmW9e/cOCb1S6vb2djyeUEp6vY7jOIvFYjgcTCaj9WYJDw8p5dXFk/V6G++3rfiiruubmxsMQhqNRqvVCn5kn3zyyXQ6xdd1Xe/3+7Ozs9nDHVSS4IqxeQFl8BmwDQHRkiSZDCco7GGMOCLJ42Lx5Zdfvnr16uHhYbFawtUOa4ZzfnV1NZ1Ob29vF4sFRNK+72+2q9APer1eliVteLEah3evGdestcbeQUkMc72RMUCxVpa541r4ptaHyWgIFMebgv3woofWFdrMxGif8fHqsSyLUk3Kom4akauqyvMSdC1p7GnwLFu3RajfHMvRWtZ1aYyW5iDaz/PcD4IgCOJ9utnuNput4cILovVqf37xvKqKu9vruizD6UgIcf/hznedbhRZlpWmcZ4SKOR6vR5jzAts6LtJI2KRUnLO9/s9Btq1Q8SBi9vWZ5jvgANpS3DHbAZWD7SYgLSaHJwGCCEYNQsSBlwEZOlWU1FgjEFuCN5cN/YsUDWxo6ZeoHWoaKCca8XaiOm73Q4XAjCFKHNcJqWN9gYJNWglADH8ZKfTaZ8OvOhkM7csCAJUU8Fc7bOcNnpHYFsw79AA4OPB34Zzjp3Q6XSE5WVZhm/iDqOA5rouHhNphec/xJCPww056pT5CGmSHwd08nNE+f9nLy2VMdrQg5cAE5ZFqBDizdsPKFMbRv0oDENbmDJ0reV68zifO44zHJ8NutEnLy4pM9e3d5VtXl6eRIH3xz/8q0VKLkuuS4fIQd95rk/SZF3L3Av8Xs/OSzUaBZyExNR1mWx35OSkez4aGlM4lihVXeblbrcjlD8+zpXRFj3oGbRWLQHFGf+IQP/o1TJR7RessdhjPzGzbJ84tg8qKOAhQy+UsvY8r8YQXW0QAbRSeZ7v9gmWx3w+l1olSfLs7HS32xHKwm7P87woiqQ2dV0/e/YM/rRlyYeDwYfr93BUlbJOkiQIvCdPnnz//bewJLFte7/f39zceF5wdmrQGwHBYprFpGmubsVd6O/DaLr7+/tnz54BUfV6vbLIQLuj6G1ZFtylUE5A95/jOLBNxwLWWmPngrzlnNdSfvjwwRjz8PAQROGTJ08wL/PJkydlQfb7/X6/B5cyHo/zPP/++++3u3Xq+YPBAICmLsuDrECw3W4nxKF85bpuXijGDtqqVm/DOa9lVdd1r9ezbC6EMEoLcbClYoxRLmp1QDbmSMBKGRPtCmifLqWUUYYIqDUmiGmILo53mjny0BDNdALWjOwjzR6uZVGUOUspp8QQi1IadCIcO4qx5XL9/sMHw0VV55W85twa9rqb1Xq5XD5/dmVxkcV7rfXL508ZNa7txLsNULlnOwAyQKkgQBHUgNbhn+n7PhAHoiRoX7hx4jOjVo5QBYE2lkvLm1Of4j72ej1NDJKSJElGkzH0iLhpbavhzc1Nt9uFyrWua9eyGWO73U6wQ0XbbvyasRlwV5Mk2Ww2cAiALAGeSrjJABqouFr2Yf4DPh6oQMdxMKPg8JkbA3F4/9u2PR6PccgRQrDWMZaXNx6/ACnb7bY7HAEylGW52Wzg8eK67m63A/sPwm29XhNC7u7uIstVSjmuhXPLNBOFMBwS5zp4OUO0lJLQn9Gnt9GHHtHlxwuS/P8tph+dH4zSFrAbxpgXBHGaLpfrxWJFa9/jyrW7jOhhp7tezuaPy+5wbBFZ7Nc2qb94fvWrT58TI5PlsEy5JejlpJ9vHwWlr55NOCnLYr/abZON9KPOpy/PJ5PJerW4v3n7eP+t99tfvnwyqgoqVa4M3+/393czzb19EtuWt9nt7u7Yy6sTMKJYZpZlaUPokUH8R68272np9eMo33JQphFHALW0xTDSOHz5XuQ4znQygaQ62e2zLMvKAmqx5Wrjd7q2I7RWWuvFYvGbzz+bzWZlVZ9fPQmCYL9PQj949erV5eXl7e1tGu8JcTzPQ7NCO3tru90+e/4kSU5rpefzBSU8LyrYhCVJUtXSdRzRjOhhjPX7/dvbW4ywCIIAYjx0imC3tlOhO50ONr7v+7PZDBGcNHUF03jk7fd7mAFgyFGv18urcrVaGWO63e7JyYlSarvdcs7RXA3pulIqTSTMwqSUDw8P1BwmcgRBoGqJUyEIgk4YCiEWi4VhJI7js7MTbBPf98sqx9OpqqqqCqpN0zErkTahkqdqKWVFCAF6dl1LSN3yK9jClDNmUYF71D5jxAJOGdg00tj9CNG0EckS90XWGotMCEEpR4LPOQcxK4TA6JPVcqdUnWV727K0kY5jRZ2ObdtxmhnKa6WVMk+ePLufzb/95vWgP/J85/4u8Rx7NBqVRUII6Xc7jLEiT7tRGJycMMZkVavq0MyJKAw2AxKUVmSCZk4cueBbCCFxHOOm4AxoITnYYfSYoDEVSwcgGu9gOTY0qmmaUgxlNWa33xtjzs7ODgzDkQ2eUsqIgyAPgJ1z7lo2OkhxOBd1hfMAEgLXdSGEF0JgPDkeatvAiaIcrlc1voxgt71mrFLr1YMcBYd5q/9BTx3o9TZBwYaxGmdd5FIgkZRSYF1NI/bCMGtouXxuZ1kmLIamjzRNi0K14SPLMlSnjTHa6KqqLPGxBvGnePw44usf94v+/zagE0Isy5LSEEKMVGVVK6O2SbFcrl+/faOZ0IQIIbiwjSFxktZF7jnh06dPr2/vXr+/IYT8y1d/+Nd/++M//uM/fPbJ867HVV3/47//m7vrN+9e//l81KmKXArd8cmgJ3ohi/dlXVbKMRYLJ0O/SPTV5eTDbfbnb746Oek8vzp/XGyj7llSKKkNtbiSmtr0QNkpVarSGN3Klou6EsIi+uev67ik3IZ10kxEUI3NDmlAOvYvflc2A5SllDTP68P8L16kGd5K1TLsh4awKIp6gwFP0n6/z4RIwxQMMrJJlOItyxoMBvP53PO8eLfF5IBnz57F+93j46PtOpOT6fJxbtkcTLGsSs8LLIv3+/00zoQQqADd39wMh0MvcEBUPj4+jsdj+LcAXZVleXV19ezZM0IIKkllWZZFhjzVNJaHtGlDadExth4UEOk+RUIgahsdqpxzxjlEzEKI/X7/xz/+Eb/79u3bi/MXyEc7nQ6Qmeu6URTlRVqqA3ngNhMB4zgen0zgJkabNjHSBOWyLKuq5ISCFDLEANoTqo0x1Bwa10XTGCSlJAfH3B9Z5AsEhRZxt6+WAS9ruPloQ4kxRkkJyZ3rmlYUqJsZS+0qYY0xnrCIZaOTnkpdc8183zeEGUZrKS3L8YNurzeYzZdVJZ89fbVdb4xR3U5UZKmWZRD6Rsm3b19/9ukrZPRQmkvWVAopBdSFFBpSJ1wk4jhcCRHssNZBRECq5fs+uh/RVQyIjQp+FEXD4bCuFG183WAqCYwMsI8PgxwQypNWpo1UDmdPv9+nhhzYGKkOB2/Tx2+M6fV6EPijIbOdytRS22C0KKV5nsECAhEcbwUHDzwFy7JwEhhjQLMopebzOTISrD+tNdqvGl2tDarddd3Vbo8ThTE2Go0Q903jP448FyPPwUvWZb3ZbJSu25YNxg5Pwfd9YxiI+KIoKPuZkubPxuhjYP7TmI4X+8sQ9b/oZYwhmhp28DI0mlHKDaG7XUyFY7mOsBzGuBdExGayzLxOuFivHM+tquo//If/UFbyydVpEm/Wjw/MFMzIQdcv030ncAPHSrfLIHDrYudb5hefPXtycb5L8+V6v57fzULn01fPe93gz38Klo8Pm83qPamnkwnjjm15mrAiTfOygA6n3+8bQqSs2tDMOdelNn/5bGM/bsFtv98SjO3tbbk7/JbTDNvSWruuW0M9xYiRIssyysxw1BfcrrVaLNdZntuZbzF+MpnmZVkUxf39fbfbZVxsNpskTUHD7vd7bMMsSTCWTwR+mqZZlnX7vaurqzjeffjw4fz8FF0RjJg4jvO8hMF1t9uN4zhOk/F0UlXV6elplmWYWndycrJarTqdDmZZ9Hq9fr+PcQXojq6rAkgcwk3UzyzLgr0iQhkhJIqi1rYM663T6SBQoBsGnLgxxnJsbHx0aQju3N7ewmvs9PQ08NxOp7Pf77/55hvPcY0xQeBJKYnnwUSs2+uhBRIcujEGlcu6rA6cBz80wAsLIyE1oU1DHD3g8aqqCON1LRk/uHe1sZ5SKtpNe7xntDlEB6TS4mASJsuyJM0kPd5MSCGEVFUFONYuEQS+LMs4pZ7jMMZc34PIX1hWVlbCsmotiSaBHy2Xq9vbh0Fn1On0v/76myAIPM+Jd5vBoGcLTpgpLWs8HldFGe+2xhjHsquqIly0GBbeC8iAEIDw/KqqgpEmaGWc6u114TRqtToA6S3TAlG2VoQ0VcS2D4hSCom31toPArAx6MeD8wxvZkcYGCHluWPZbd6DkEcIaZqtC7S8gp4mTdcS9gOlFNWVFpLjzBDNGGiwT9CxooEbuQiyFqxmZCFAT5Zlta6T+E5RFGg12G63lneY/4C6LpifLMvaji3Is9BUnaapkAZ/BTDH8zzbFkg5Pc9L07hVU9iWBT6d/hwLfMwM/GyI/yg2/aVw9rNv/r/xAjVMqeCM2ZZlMeFJ5nne3/37v7+ePc7m8/c3t7rK2S9ePb0YM89Z79PXb96ORpO0KBeb3aeffvrq1avXr18vl4uySKsyfatLQdSXv/plURRKGoeQIk182/rk6dO8VnFaL9e7+eNyOZ99+YsvHMueTqcvnl29f/fm337/+3/8+//GprqqVRwnu6y2LIczy9jaj0LL5nWF6WWH4raUUlgO+cuXe0Qr/cyta2O6bMwAwAfyxi0LzJ5RlBDNmKCUKl2DsnAcZ7eN97udImS7XVu2HwRBWdfUkKqqwjAsyirNMtu2ObdUMyU1SRLfdWH1galA5KDcTaMosizuekGSJNPpNM9TY8hut8/zPM3zoihd1724OOt2o91u2+5l9OKVZYlMNI5jDK5BzlqWped5rmNlWQYMhGZDBC5EDAjSCSHn5+eEkDAMAzdA7LJcx3Xd8Xhs23aaZa7rDgaDuq5d30MOrbW+vLz84x++x15G69bNzc3V1RVGVEK7BR4GIpYwDJM87XQ6i8WcNW7SAHbQdzmO41r2AYMTbtt2msaGKEIII5SQw0TJsiz7w1FLsfKjsaOEEtE+7OMswJAf5NLsMLfIrnJZlqVFNTlU2A7zjBAWW4bBcYhonEyqqjJa4yaCvdLEUMFVoeMsN4QTZnW7vdu7+c31h08++XS5WCf77bDf9V07jvNBv5ekW8+xfvXLL+J4H/j+ZDKxbXu32S2Xy3YmCJ4BZOb4QzhgwB4AraOOAYXJcrkE9oG9rdZ6OBxCr50kCUgnWDm+e/duNJxYjdMhOcKPtm2PRqOyLO/u73DamQsAAQAASURBVMuyBH283+/ns9l0OsVxwjnv9fqc8yzL1ssV2rIFZThU0MeRlcV8Ptf6hzlTOCFgtEKa+XnGGKjQ0AcEj0acBG0jHIpLvGmuQwoipcTMXGQJSZLAK440JwoeFm0k7Tg/8D5SStSC8jw/PT2F92m320WnBq7LZhRaAsjekWbWdQ1fJHR5VM1QjhYeHkfej6L5R2Hoo37Rj37m//sXY4wwwxs/ACh3y7KeLRbLxbqqpGNbmjLGBCV8n+z++N1727YfN3s77P7v/g//+/0+uf4w+/QXvxSUvf7m6+XioRe5v/7yi08/++Xdh/enFxfJflMVpbCorLPlJmbCffns+S+++PX/8f/8f/rP/4//PJwMp6OhEA7jdlWSP379+t/9+6dSmywvy1KNp1Mh7HS3tm1hWZY6EN+UUsoI1ZoYrclfkP+Yn7za621LF6Yh1rHH8zxH85FoupGNMZpyQohnO8JiIuZ1XVdFCUjr+/5oPEmKcrPdM0s4jn11dbWezTnneZ4zLvr9fprmZS0hR+l2u+Ph4Pe//11RFP1OdHp6+ubNm7u7W6XqyWTy4sUrIdgf/vCHwWCklHn6/OXqcbGPt2VZrlarq4tLDJCDrTko0L/9279FqWmxWMBzaTgc9nq9LMseHh4IIZ999hnaMgghEPxAGgDAgRIaWvwHgwE8AKajKQwU1d5sNhs0BCml7u/vnzx5MpvN/vSnPw0GA8BESunTp08Bv05PT9++fXt9fU0I4Zx//vnntrDgJWWMKYriMBo+ClBLQPUi3u+0kVprmB/YtmVbdsOPHcCxVLVSilNmWTBxs4IgsGxbE9m2KBpjpJSGEmY7AlI/WZXtg6eUEkPg8qOaYZK06Sgrkh0afNIkx15t6RecG4DnhBBYfGTpvigzyoworSAKv3/7JsjzfVIwbjmOLZVJi+zx8fGLL37x9OnzP3/97el0UhV5t+P/7d/89fW7N1pXrgiM0cvFgk+nVV5UVVUVJXgu4dgq36NjYjgcotSD9EQ3Lj8oWXDO0aHQurWhnIjyr9YaphBIr/r9PnYF3hNJqG3bSXZoHGWMoTOzpbzRCOq67sXFheu6gMmu63q2A1YRRH8URZ7toJ31YJ/rubA17vf7Z2dnqGTato2lKYQAGIG2x7btosjbk5kQUjTTptI0RQFTSvn06VOt9W63w3mAmYr4PJZlYUIKjMZI04iPFQ/dIQauIyiDXoNiTEo5HA6xjIBxbm9vryanvV7PcQ+n1G63i2MChLJcLimlsK6u65oy4rqurBX9uXLocYw+Djo/jd0fETgf4VB65MmOu4Sn3HKpH4U8RghWr+M4RVUVtURXS5JkUbdzP388PRmFQcfxgsflMt6u41oPO8Hp6bllOftdQu2YWN6b97eC0cHp2V//V397dXHiCHp9/5gXcv/u9vnZZCA8qYzSdDqKSmXiXbZeJb/58q/+4//wf/36T9/+u7/7d5td+rvffyNLHQT97S5dbXb7NPPD/mqzHY/HUbdzeXnpeY5DozSLBTec8zwvbS5s26Y/tFL9DKl1fIK2uNg0dVHconbn7na75XIJQgDuhkqp+7v7bhjFyQ5Nj0rV79+/7Xb7eVmcnEyrWrmWfXlx8efvX89ni2cvnodh2O12//zNt0Gna5bL589ffv3Nt/P5fLVa/frXv0YDTlEUuSUWj3PGWNiNhGM7vrdcLnu9Xrfbf5jNKCHn55eaEkbF43w5f3yAyASDQRAii6L44x//eHZ2hpRxvV7DAmS1Wm232+12++LFi8FgEO+36EJyXRdQCR3gz549gxhhtVpBNnN7eyuEIOpgifPu5hrsImD4kydPgL1OTk6Wy6WUMgzDDx8+nJ89h0Xgw8NDFEW//e1vZ7PZbDb71Ze/uL2+eXh4GAx6JycnRqn7+3ul1Ga/rev68vJyNpvB0sD17MVi0SAtvV6vV6tVt9vFOOy6rrVRQRD0u72qKjD5GieN43B0w7aJu7AszrloF8SBddFaa00NaWue6Js2jb4F89s+knvDzLbRpMt2mymlZCm7nb5t29v9Tu+NbTnj8ZSIbRLnwrJKqRgVWV52bW/xuLIs6/xivN1umTFaVmdnJ4JTY2Se54yRIPCY0XBeRAzC0CnEJqgJocxrZS3Av4wxmC2AzYAoEMoWHEhImkBs2c3EZ93YBOJEbdWQYJxszwVnEnU6gMmc8/F4vFmvW5ijlGKGCCGiKOpGHfjnqKrmnIMPyfPcCwMsGpTvIeuGDxyusT4aZNMKeNqCJ04XEIj4YLCqAKIXQgwGgzRNQdNLKT3PG4/H0+l0Pp8bYyA2p61HR69XG4K3RSDGUz6coM3gPUzbODs7w8DfqqooO1gUWJblOBYAge/7nufgDDDGcMHoXyZG2rjzUcT/L30dv0P7YkdGRsdnAG3ano3RMAjgnAuLCtvdbe+sIOJc2LYrbDsvyzpLdpudFXS4G03Orwihr6//5c33r3u93r/7u3/o9zpEK5sT7ghpamr7vuXYtpUXlTJGG64M1YYZTbRSWvHR8OxXv/zt199+86//8kfL4rbrdAf9bVyV794vN3ulieuHkvCqqtI8Wa5X/WhKDtJVw0hjma0Orgbt9X4UzY8vts172rYsMLO68QSHTSCkt1ZrE6QbVlZpIZjnecPhcDgczhdLm4uqVnmRCm16UUerQzMBCOsgCAil33zzzX4f73a7JEnu7++n41Gv15N1PZvNijwbDAbdUa/f72MQGDq3o6hr2/b7dzdFmYVh+PLl8OzsLEn3cRzPZg/Pnz5D78/z58/RDauUmk6n9/f3X3zxxYsXL/b7/cXFxWw2g2YhCn3saNgFAtOs1+vLy0ukrWARut3u1dVVURR5kiulBoNBEASLxWK/308mkzCK/tN/+k+DwWA0GqlEA0cjGF5fXyNWwGWh1+vN53N0n0JhUZb5crn0XRdKMy/0CSHIaAeDATOEcQKa1Bhj2wKPAJ+NMeb7PuNESjmbzQjRqKKBnFHmB+eMllKnlIqP9sPhv+YwMx4xXRsjpVTEUEod28Hkp8CPlFJo+Pb9kDQsDeeH4dSycS4EwDfGGMbCTmQ5jtY66naYcKvdJs1KKGFvbt8HfiQoZcYQqvfbzWQ6siyutVotH+u6jre7JEmqqmCCE3NYQHCM0VpjVB5SBAyxROUdnwFUhtZ6s9ngXueNjz5CcBRFSFlAvSFHgTwLdXDHcSJK2qKKaObTcyFw4ON24Rdx7YQQXUt06+GxFUWB7+Ajge3BpgJ5gtwQGQAYc5BCrW59/vgACxfUc9oKgZRyuVyyZrAqsAaeFDvyULOOTMxRf+/1enbjYkYprc3BVmW/3yMXAcMGYH7Atk0B3LZtmeQtGMRzLwrVlpts+2BA1motCPkBgx+vuuPI/pf+9//91zEqZ0em6rqV8Tb/SinlhMpDWGSC2xZhQojRZMzdsNJ6OJp0+0PH9W2mjaq/v169fnfzuF5rTWZ3s7quO4Y6fpAXVVlkRknBjNGyloWgxHEcT0tKGWcWt1wmLC6Ey7nQZrONn7/8tNMb/u73Xz0+PrqB7Qc9Q7gmnBBmWQ7lTBlaZpmgh6GMguHONwNXDdVaM8ram398P3+akbQ/gDxVNXNfjTnoK5xmyjn+e6hRebbjWkQLQrQxpi5KWVZ5nod+wDm3AF/S2LK47YjZ/YMgdDAYIBQQSl+/ftvp9aGm9X1/NBq5rv04n8uyGI/HQRAsdwvGCGi6x6ws89wYalnVfr93bYt3uRuE3LaquojjvZQSeAWCQtIM99lsNtPpNIqi2Wx2f39/dXU1Go0eHx/3+33gu1AVY8LifD5njI3HY7BMQHWbzQarerVaPbl4gmoTAouUcj6fzx8fsaeA8JAcWJaVJMnbN3dlWY7HY0II8uBut3t7e7vb7VD2e3h4qKrq+dOnsIHKyryqqqriUN/VRam05pwDLyqlXMvG3AwImoXgVV0kSVLmheNYrUd3VVWaMNG4hpBjv5fj/fMDqDGkpWmU1koTSg1mYhS6Bm/bdhuxZki5PBiJHI597KtO1E2SZJ8mXhi4gV8qvd3Hi+X67OIyzbIkS+/v5pbNGWNG6SgMd9s1ZyTw3DSL09RhlASBJ4QIAm+zXe13yXA49P1w+bjI8xzOFdCQgAVuwyLW63a7hZwOwRoXCASNI0E1nTu9Xg85HdgxrHjwwohlQgiHkv1+j6psfzTEwbDebIB2jTHtsd+SkrZl4+GhKOS6LjOkNYELgmDzcI8TaLPZAB1TStfrtRACJ79p5vxCboXsFZUAZEtBECANhFYXg0xRLoZ3c1ukaoF/1UwWhW9GK7Ta7XZBt2dZVlmW6/UaNh2AXbh7YFHPz88BJdbr9aTTt23bcSzsLnD9OH4cxzHmIDfSWhuiCSGU/Axa/wiY/5Ra+enr/yXk/+gN26h3zDHim+wovjPKiCJKmbpWWR1v1ru6ro0qk7XtCV1XmRu49/f3v//979frdS/q/eqXv6wr9U//9E+O4LIuCTGOxY1RSlaOYwdBQNJEG8qY4EwI22HCpYQZypiwQ6VtJ7i8ekotW0qpDI+ijjZUE2bZDiFw7S8iX6DsLAghnFFyJARSP+xgesRl/TSat1ddN0PJsWGR+UHLCKghm/FS+CKKIs/BCFltMR7XdVmWyW4fdKK8SBl3Qj/YJikOy91+wzV7fHyE8Nx2HOhGhBDAoUVR5Hm6Xq85McDOH+7vKGe+H0I4UNd1Vdb7Xay0HAwGgtubzcYYpQkJw7Df75d5gbWHqphoTEqiKIrjGLxHlmWj0QiLFm9bFAV0L6j8XV5ertdrFOeAw8qyHA6HMDhCU0XQiTBlM47jbq+HIhk2HYBUHMdxHIMjvbq6uru7S9M0S+LT09ODFF3pfr//8uVLIcSw3+ec73a7fRozxlzXhii+ygvL5lVVCcYdx6nrMimTA7nKSBiG+/12s11XVdWNOr5/6HJH9FdGtzJ2vJhSlPEfvHbJcYNpU02vqkpqRZkQ4lBarWsJ2IinCOa0LEs0vMRxnKaHER6IpIwJY2iSZJqyopbUEtKQWqv1dlPkknO6Wi06nYGU9fn56atXr5aP3wdB0O2Ey+VjVRZSVijOD/t9SAzDMAzDTpqmZVmVZblcFqPRCIRaFB0ew2KxwDFTNyNS2yPq6uoKXjRtvyvOauj0jTEIhaZRQw76g/1+j9GmjncQuQ+HQ9Zw98iPQKbTo9m+ze2qDRrZ9YGdoPrABgKYQ1woG/szfJKWY9HN3GQcUXVdn5ycYEI5lDa4zFbxatu27/tozfc8D2JEpBE43uEWaVlW//9J2380S5KlWYLYZcpVjduzR/05CQ+WkTy7q6aAXoz0yMgMZtdY4OdhgwWwBCAQYGQ2LY3u6uqqymKRQTycv+ePGCfKVS/B4phqmHtEZGU1ZkxCQtzNjahdvfcj5zvf+fp97A/ovOv9OETmNGPI9y1OloXjjaI/dgtCJEgdWcMjGAXStJ4LsY+RbdvGn/HhlHHGmKy/DysOLez/Wg/6PoJ8GJL/6EMpRSlrAxpCqVL7MSOV4cqQuq7zorhJljZRdZEsJC3zxLIsQQhnhhFjZDGdTs9Pz+q60lLmqayqwmgZRZFl2avlpq5lWUkptdGUEKoJM4aGnaisZBiG4+PJydnp3d3d9c271++07/il0powYbthtB9pv9puQrvjCMIYoYYS814ERt4n9Zv3CwyHy0IODD12jmkwVdhc0pBH25hDMNxZo2vlum4Q+rZjObab5FmcZkHU9f0gSfO4KCzGB4MBqU1d1ycnJ9e3d4RSTPHFWZhOp3maRFFgjKGMZlmGzjUpJWHU931LOIzxbre7mM7SzX427y7eDIf9wWBQlDljbNgfvH79ejqdopi/2WzyPJ9MJph0gf4g8Mcwm0UpdXFxEccxCGmXl5fIQfdE7bLEbldKQfeCGYbOZxB2ERR+9vnnKEoRQhDhLZdLJOKgVGIjvX79+vhoPBgMzs/Pl6v51Zu3QoiLi7MgCMo8xwBL8CCNMQiYhBCUkjRNx8OR7/tpqra7fQMN4xY4lIQQ13UBpcJ2a62ZsGCwD7c6Iuzv+0gP/8E0tRSttTIaSOheSYDsTU/LvmiXBnVIx3EBGhBCyrIUSnhewJm1XK43SXx6cT4Yj0aj0Wa7E7bv+LZhlFKTZdmD8wfDYd+1zjzPqeu6UbMUu92mLkvHstoBr1LKbrdb1xLzq9DiCHsKrgusM4LQfRpICEz5aDRqSd/AzSml8MBRFGEbwYBSupfBQsCCbp2iKBBxV1W1Wq3quu40AwzbWhNWBkglJ/v22k4YgTjvWjYMJXChwXgE+457BsQDPUEoeII9RilFsd4P9jUiy7IwMX2z2aRpGoYhxjqDHgPIKwzD29vbtgmrRd9oA1KpRjXTtm1IdxVSwvegEs6bSdDIFdI0lU3vuOu6Z2dnbfkBwQ6l1PMcVI0YY1rLuhFIYO8zyj8wOuYnEJj/ijid/UCGdx+oHLzx+5MglRHvRfTwxJXUirFer9fvds7PjlbT6zrbZnm5S2PLsga9/qdPHlqWw0wVONao14nXS0KIEMy2LGrsopRY4axWdS2LsthnyZoYQw0l69221sp13U265Zxv4k2SJJqYwpGUcUL3YqJRt+NZ+04LwwlsLjVENG3b5AddWvT92vIH8fsHd6H917a/hDdzFMDzMwyDvVSWJGEUAJm0LCuvyn2BR8myLDfrNRd2GIYOs3F4UVIKwzArSkQ8i8VCy3oyGQ/6/WS7iXfbMAz7YR+QhWW7RpeUMkJYWpRC2LJW09n9ejWLoqDX65RVwTl3HXc4HJZlCbgZZm6xWIxGI4gdPXnyBBNdCCHT6dRz7boZbwvwHTBmEAQtMPvw4UNIvjiOE/kRal2r7QbZzGKx+Oabb4bDIYpSXrDPZowxaZpenH/U7XY3mw0IMMfHx+/evXNd9+nHT7brTZZl9/f3lNLVYuE4DqQlWzDQ933fcZWu4ZBw3mHiHMdRWi8WC4IIkrEyL4pCInzcbreR6ymz7z3E9m59vGh3A4D/feZlSN0oehvdkFgFx8vMXvqH4rTjalBa6XQ6xuyPEBTVI7uL4lngR0lRUiY4t7q93jZNbdvebmMhOCHE850wCna7nWdDrTvxA8+yuKD2LI2NUbvdBsRYo2ldl4RQYNyyLqCffnJy4jgOeE4XFxeIMeEYkH+h0AeLzJpZi7RRNULhF7cf0boxJssyEdmDwaBl1AHRS5Lk+OwUb28jHXwCeL44ErZt23zPR0Q0LaUkSgNhR+CMVcK1wVhj29FGM6fFuHCpSqkkSVCaRi5ZN0PNwUyXUp6dnQHPATuNMYa1AjaFrwNMBLenmiGrQRDk6w3KG/v6DGPIBmC1kyQBORKn1Pd9lZWMMcq+lytgjOD6CSF1XYKB63keZd8HzqYBWw6DiQ/M9B+x2n/kcRiuYtnJgWNoDfoH+QF+oDGGM8654VwsFouaCGE5ti0Io4Qx23U8zxvblFJa53Honiolr95cu7aLaVZYwMB3PdcWnOR5nsaxZFwxwhzHsrRlGCGoa9HxeFyW5Wa7vbq5SpLEdq3z8/PT09PFNFbaJEUdx4kb+JZlRZHruq7WJSFNG5EhlFI0TxujfrgIHzjCQzvOG31K0jaNN7ONdCO0i7i1jfu0lqSZaQeLk6apI6woCIXrtu9VVQW6hFJqtVqhlKc1AU9sP2ZI7zlpsDOO4/ihjzpTWZZJmmpp6lotFovzk1OENWUlgbRsd5uTk0lRFEdHR1VVff3112maHh8fIxJ6+vSp4zj39/cYyCcaXQp0FO77j+p6s9n0+33P87777jsA6HmeP378GMDI8fExMwxMLXBLHjx4IITYbDZoEwXigSQGkZxq+ns4548fP4Z0zGq1OjmdAJHvdiNKaZnnGCRgGGQJPGCedV1bNh+NRlqqzWajtWzJe5SRsiw9z+GN9JYQ+2Ie2xPHfyTi0VqLwzNwaNPhKyzLokqWlayqimrOGCvyDDc+8PexJMwKsAKACnBBYKGEQbTebpRSDx5eRoOe4ayoK8qYUirP05cvXyLuOzs763Q68/lc+wp0pcgPKDWWzZ2dY9tBA5+4ENVarTaci9FotFxMwZiG24SvA15smuEv7QaCEUSXJrYR3E9VVd1uF61ilFLUc+Dq313fnpycIC5QRjuOMxwOQSEaj8dSyjhJlFLoXNjtdqmUoCrC5DnCAspscQFpRkr2xERYsfV6DRMJS4oQGKkDLgD3D9wVIcT5xalu+qQAnoBvkyTJ+fn5YDDY7XbA+5C2W027Pw6klBLuBI1zQPCx22Dfh8MhZnDr5oEdFoZhqxOABgp4SiFNGIZ+4EJqDqV1uBNjTF2XrYvi++ajH4+7D82ueb+I+l/xODTrAH/Y+zp2pHUk+IMiiirgNOCEjUajuJDaUJSRfYsMOy6R1Tpb+n64WiyfPHlSlzLyg0cPLlerzdu3b5GrcUp813Ftq/B9baQIOlpro6kxhmg0JNdKKde1KScTb3x0clRU6EEzu2THuUUo0aQqsswwWha5ReVsNrs46sB8w6YTQjBBTDZqhR8spjmoGXzww1vUBXEuQjeYWtS9kYaC9WQZQqlBQOD7fp5mWZbtkjgMIs/zPD80XAwGqpQqLwrLclB4XK/XjufXabrZbMaTY0QPjx8/ztMky7L1ek21xlcjMfX9ENkk5CoI2dufo6OjTifsdDp3dzez+XQ0GjiODTgC7Rdpmtq2DXTl4uICwhWtJsHFxcX93c14PEYWu1qtwIubz+dnZ2eWZYFYAVbJN9984zjOsDfMsmw4HBZ19e7du6Ojo8ePH7+7ucEpC4JgG++urq7CMARknyTJbDbzPO/bb7/99a9/fXt7C8kQVPsAx3c6nZYEPF3MwjAcj4fI1DfL1Wg8GI/Hu812s9kwRjpBiIPpuLZt21JW2+1WCBEFoec5LWZQ17Um+2mlrV9BMCqkrITA4GJNqXFci1GPaKON8n2XElalJfrHZC2rqur4Dppfp9O7Xm/g+74hdhB6naiHgSOWJTabTa/Xvb+/tyxrY92WpOoMnbyOiyKrDR8MJ9s49Xg3y7KO13G5Y2Qeb+52EaOmdERwf/NGa22xbhiGspae4xdFwSkrslpKWVuy3+8zSmez2XIxHQwGABnSNJ3P59AdBv4A/Ecp5e6n2ZVxHB8NRy9fvoyiyGita+lGIfy55/tlVXW6XeHYzLZKJQ0xlNLRyWSbJWVZBr2OcOwkSRzf6/f7cRyDMwAZxiLPOedRGKILHwrsq9Xq7OzMaFUpyW2rUHVZl+gGIoQURZEXhR14miNpslzXjfwAcZDZCyXTKi+S7c627dDzd7sdZ5bRtN8b4vD0e0PP89I0HQ7GdSU5szpRL8+K9WrbguOEEJh+ODCcWDApCcZsRhGK8pvNhlHBGBtE3TRNV/Nlt9vtR531er1drCwhjvrDLMuS9ZZrEgaBMcZzeF3XaRobY7SWWsu6pui3ank7hBBjqJKEEA6dLPIDsOUD09PG7/wnNHU/CL3bUBShCWmq9y3Q/0Fg3n6pZbt5nnqel+elE4RpmdaKHB13v3v7yrNZURQDvyeq9TBkxz2rG3Tm5ZHrWMHHnzqUmSr/vBeasnp8FP7Z0RdC2JskqbTpj48koevdThNm+TallBotpZR1qfUe2lJGV1JLrQxhUpusKNfbOEmSmvLlMmbcLgpGqH395hWfDLqfeB5hnm10nXBKDGN5XTPh5YrzA+o9HqaphdKDsnD7Z34gEwTZNdSfWi4sAIc2Nqx1ZVlWVZeEs9Vu53a63PONcDv93my22EwXQRQKzl3BJTE21bt0rok+uxgkSaKVPj89K8vy3fWV53nUquti2+v2Ly9Pt9vtfF4yQcutMdoiSiS7LX5IHMeO42yT+H6+cF03iNw4M5qGw3Eg7PF8fjUajZ4/fx76AdGEU97v9aY3t7/61a9ePvt2PBrd399HUeR4nuM4pC6Mob4fuq7PmCCE9fuDN2+uJpMJvuvzz79AYfbdu9vLy0ebzS6L8+FwaNuOMkRwy7btm5sbwB3DUT/N4rLMw9A3RtV1yTnVsn7y6OFiOfv46aPtZuH5TpzugiAoyrKsquFwuNpu/u4Pfzg9PX305Ml8Pg8HR8eTiR14m+UqzzZH4xET1suXL6Mg7Ha7ZZlPF3Ol1Gg00oTvkh1ltucNz06Pr6/fSik4Z5YIlCyqupSy5qzihNuCW4IJRi1KKSWiPUiHAbvRWhtd1zUxFGCr4zjKUCFEUaQokLaFR9roVTWMHEYIgaGs61prIaWsqrpWJI5TSZgfdEF9nU6nSZKcnZ3aghVFVpalbXEE1KBCt9y7FgHXes9Pb5EKvB7ZItmXvGin05nNZhgchcS/3dkYBN5SWaBsl2UZ4xxVAewq2tAB63o/cAchDCrp6DNqFVcQ74ObCAwqDMOjo6PVagX2CCEE+tG4jGo/QIeEYYjaMqJa2FxUOEs/wG9vm7ZBK7y9vSWEDIdDtI/GcYwfiEwFtwPzcYD9WJZQTQ8OyEhw9ZiMipOP64dl5IwjQJONkBN4NYcrD+if7ofTVvRA15s0VDl6UL77AGn50ccPw8kfmv4PXv+nPH8Itvzo6zUlwDRA66rquihVlmWnp6frXeY4Tq/X45xLuQegbIsbVcdxkchaaG1R4jqWw7yyLG3fOwrD2hhFWS1VFIXctmujOSgqqlZSwKZTCrHPmkpKheUJywtCy/GCILhfbVzXlUbnec0oRY9MFEWU1nQvaUkIpQYr0/SOHIJahxH6B4twuJ6I1imlOD54HvWbw9vnuV6Lv+m6JoQhQUS/YbxLbr77zhgKnDdN09HpEaUUSnqO4wwGA86s3TbJsqzT6XQ6PUIImLiO44VhWCuGRr+joyPLsq6urrTWjx8/TpJkuVyiLxScHAgrlrvVzc1Nr9cbjUboIbq9vf3Zp58tFos8z9+9e7fZbB48eOB5zmw2A25+f3+/Xq9/+9vfPnz4cD6fY1eTZqw5hgOv12tMzLh6/bYsy7//+7/3ggAh/HK5DMLQdd00yeNkSygUGvZZTm8wQI47Ho9ns9mzZ88opU+fPl0sFiAREEK63e5g0PM8p9frDAaD9XqtqrI/6Pa6YZok68U8y5MoCI1RlmWFno88Q8qK0j2g+upVtlotPNvxfde2BDAumD6E/7Sh6tq2/X3PUQu0I9KhjCiltDJaa27ZlmVxwowxVFU4zDjbLfqGmRhZlgUBJ4QgJ4LMiLAthzDCLG5XQP8QKWBloyjqhH4cbwPfo9QQo1AzIY1jgA0aDAZJkgCx3e12qHwiVkWnKGJDGBdozKqmZc5utImNMVVdh2EIVrht20pJYO6AxjzPM4TAUEK7nDbS0mBD2s2UcdQ6UDZExZI0ujcoFSLkQYUQGin4hDaqAiQ9nU7xLdCvQCIMl0agqWRbxhjsP9d1VTN5GT8Z3qXb7QLhoU0pFc2lYRjajgAeBZ+Ei8QzyG/0vht+D+acHJ+VzWQ7RNmo31JK1+s1tBZQCQDMEm+3rbcTTWsiNn0bNh6C5j9qWMn7kMjhk/+sTf8AqGkLpIcW7accwMFVHc6EIVrrN1dX08WaMdbt+FwXw8B2zia2bZmyMNpQornFBBHUkJqYSpZaqzxLPM9TlCXJThPq+J42NTWUUEYpFZxToqm2jFGUEmJxTYwyNePUti3CuBDCd+1NVtQ1zau8KGJu7RtJpJTc4Yxpxhgl36/I4doeLp050Dj7oWVnjWpQ3SgIoWz4wYrtbx/dQ1hKKaMJptIDq1FKDYfDs4vzPC+vrq5A5gv6Xc75crm0bZsSfnc7RXuzUqYsa0JIUVTGUK3JarW6vr4Ool5ZlqjkP378OAzD6XT6+vVr3/dfvnwJn3p/fz+ZTMbj8bNnz4rt9PT0+OjoqFZSCHF5eRksfdu24zg+Pj7WWrY7Ocuyfr+/TXMIdYBJAb6vUmo2m2mt23obVrKuawg9zWazi8vLi4sLEHCNMff397gRQeTLZgSQ7/tJkuR5DiqabdsY8heFYZokaZqu1oswDAeDAdH6+u1bCGJvt9tep2vxXl6Wm+XCENXrdIVgVDMuuN3lcUxkVRolqdG8mWEwGo2YIY5j7bYbQojl2IdHo71HhJDv8fT2ZuOfBec4Iczs5dsN5cYYcCHaWAyATlVVxOxLJW1oCVypVloIYTmBZXuV5mWlWrqe4zhaqyzLPIf3ulEY+nEc240mPW8GDMlmIs9utyOEtGYINHBU7VreqNOMyoUoT9tS0Rb6MHl1vV57nhcEQZGlgLCV1ri1SmmwG0FztCzHsiysCaqLbeyPjbLb7cBJByXmk08+2Ww20MhHoymMIKhU+C64T7hA9AGjbw3EW9hu3/fR8nOYUFuW1Y3C7XaLM4OoCmUrtE5UVTUYDEBYxNmDBW+Xq82rgMzgV9SNZvIhYwSRFyAmQgiSJ/gk3HrA+m1PL55vUfjD7/ope/pD8/rBM3/EFv/oGz9wIeSPeoX2vYq0sifcsohLqO+Fg8GgqDV24HJRRdaQc14UJWcVnBVnjHJODC1rpbQKOtFmsynzXDh2TbTtOrZrFUWmlaB0L+jJDNFGGaK1NpQQRoxgRGtVVwVlghri2lan0zEm38RVWZbCCLjz+Xw+7pxiXhhrEHVjUCT7kRzoj2BWh053T2pmDIYDgQtp6IyIQ+M8gQNgjFG+x98ZFUmepWnu2G4QhVCXRe8+c9w8z/OsPBofV1X14sWr8/Pz4+NTQojvh0VRrNdbS9hRFHEmsjQfjCa86YHC4DBsuVZ53xiz2WyEEP1+H3Xay8tHlNL5fNrpdRljHz15+vLVC6jdMrZX8uKce57n+2FaSs/zTk9PjdnryGqtQUtD5AT9DzALEbJUVYVBjP1B7/nz50EQyGZwfFmWw/GoruuiqPK8rCr5yZNzog2ybVQQCSF/+MMf+v3u5GjE+QT0hPl8vtttoyhKdzvfcXzPznbbJEn8wI2CUAjGDClVzQWzuUUNydPMauY6+L5vW3ww6BVp5rr2drNG5VhKSRhHR05LadvXSA/vd3uqkekLbhFJi6ouy5JbjhBC8P1UKkAiqtF+9L2Qc97yK2Bhy7LMy4Qzi4qaMosc2AIoQ1VVJauirl3HFpxzwbjr2og9oTzVggawicgMQKhCr61p9HGklL7vtxQljH8TjUBVm2nCdlNKe73ecDjMyr0kYdTp4PzUWsFpwU+cnJxZzRwiQD1AmdpT1FaZTCMv3ka4CJaxh2BGWTPeqO20nEwmEB2D/a3yAl+UJSkCbUIIvAW2KQwlwnYIeO2LV3lumtnTdaO4TQhZb5Yw2dAeQIIFMM0YA+o9ODDI8VtaAtIg+Cp8Qtsy3sI4KAWDA0CanBrbq713H2AvP2Wl2yLP4W6kB3z/P+WhGyo0ObDp5I/6BkYFJVwRoxUuj3Ob267T6fRKSZMkKYqKMWVZx47rlknpuryuZFHL2tRcOLbtcj8UAcuqKiPMFbbt+IwQzUit60pJh9qEakIoJ5QywyjTmhhiqqrijBLBa6nqqjS05kLYFpTXDLYTklEkwUIIITRjlBrd/ph/ad5DDghUtBGcwDoDVRNNB6lqxsDiXZxzRjlh+2FJiG07nY6S+s2bN2VZB0GAyV/U9oqiStM8jtM9q8H1+/3+crmsK8mZqCu5Wq0YE5xb4/Fku922MteU0ru7u6IowAsEt3i73eLr1ut1t9vVtr6+vh6NRoyJ8/Pz1y9fDQYDz/WDkQ/tLUJImmWTo6N+vz+bzSZn51dXV5CrGwwGSqlXr175vn95eYl4EXajnR+5nC1ms9loNOSCLZfL77777vHjx9vdDlKOOMjdbhebDc23ZVknu5Rzirk3VVWVZf7VV++ePHlydHTEGC2KPI53jLHz83OqK621lirPc9vinU5XKTW/nwahn2WZqqXjWFVVVGXOGbEtL28kVzebTbLdjUYDHMyiUehq93lrXvY2vWV9tf/WEpssSqQ2uMdCCEoUbr9t21p/P5EWW6QddlPXNaw2FbRSUpZVWaksKwgVcANg+Luu0+/3+91uLUstles5tm2JZpAF9jQ+cLVateLmhBAs62w2g/+AnW1fvx9b0XS7WM1cC8uyfMdFPwKoJrShY+JfkyQp6qqtqSKGBU8RdOP2tLRANl4JFuNgMMCkRHw+RmGZhhgOzUi8V0qJaS+g3+Bqbdu2GMctuHrz9uzsbDweO5YN8UjwUrKyOOwvbTlnkHwBd7htqvJ9P81iHFSsTN2om8HTtKyJljdZVwqQEUTp2rIq2nHBOz4Mvds6pGqEhNq/4rf/8TD50NZ8sEf/lHf90GyZH+A8h07lh489FEa4MUZpIqWsNalrdX19neRVHMehZ7ujHhM2pVxYTlWsCOWe7RDhaGpLw7JaS2VWqy1j3LZ94/jU6KJINTGWbVNljCFUK000R4pDtDGaGMUIp5QQwQlRhjJLcGFx7AfZDHxvHTBgRc4p0USp7yfP/YkQ0+HK4J7a+xGX+1u53W4RtpOG2YkUELUorbVWBo2LSimtSBRFQtjGIn3Sj+MUDURVVTHHpxTQyubo6Oji4tK27dVy/fLFq6IohsMxcHal1Hq9zvPSMINvQesyLC9jDFMsbm5u2vy7KIperzdLFi9evnz8+HGe54QwZfR3333353/+551u9DZ9W5YlDLfn+47jbLfb/viIUuq67vX19Wq1ghsDDxibHC4KL6aUCsGVkqPRSBqNMz4cjCzb2W53juNEEa1ruVyuyrLs9XpBEL69urJtm1C62cZa66PR2LbtleDxdrdZrVfLhWVZg8GAM2aMms/uH0zGeVUZKTkxVVmsF2VVVZvNRhuV5znRxhhHSUkIEYJZFl/sUq11GHhQYUHNz7ZtbolWQrGlPwB5Fm262m6RPTLQJNG0EW/Tew0p2nadEFK3ob2sZZZlR0dHcZwSQkCiqKoq7EdGSam0IkppwzgD+R/amINuLwxDx7V4pS1bVLmEcIoxBppkuOhWagopAmR794IqWoPZQghp0BKLN3Nb2ouvmzl++CH9fj/Lsu12a3suYJY4jsFIJTVBdCyl7Pf7KAy0ADQgBcBHOB7tuFhsHfQjtDwTHCRwzGFVERpQSmHit9stnAeSA4tx9IyNx2M0wsGpQNsdydNe2S7PW80ADKVDSyqCdNwgvLg97Ug/daN+DL8CxWBsaNu2V8sZWAEgmeFl+ECkw/g01cg9y2qPw8K7oBeJMYZY70+3yz8EEA5Bp596PfkBlMyaho7Dl/0RY6cJIWQ/motSisbRoijCsKNJUVSyP+ifnU3AfLCoLqrKdgPheIaJOFOL9Xa22myT/ajbZZz3I78TuFRRSmm3063i1OypOJoYTQnaO6QQzBitFeGMMtsiFLJ15W63K4r9iALs2CiKzs7OEIQxRo3RlFJiGpvecF4O1/CDxTxcInjc1pSz7yWyHZwgfBoOES6jfbExRqMdmnFbuLPZIktz1/f2JF1Kh8Phu+kqiqLT09N9X4LrK6ksy+p0etvttTEmirrILzm3PI9dPDwDbfH29pZS8+TJI631fD6XsiqKbLcD6tIVQhijbVvUdd3pdJTWRVnO5/Nutw+mGYAUabQQgnMrTXNKqet56CVUSm23W6jdjkYj3/dns9lgMMDvwsFcLpe+70d+MBgMOOdaEyHEp598RilFfnx0dFSW5TberVfbqqqztCjLMtnln376qZQyz2dSyu7p6Wa7urubPn36lBCyWi/BDB4O+0jEV8tFXdeGkrIsszRnlnAcJ+hEhjJL2NwSQti8Obw4aGmadjuhZVlez6mqUtY1Y8z1PdNUTWDTWhsu2tv/QZxuCNubQr5HY+qqquvaCty6rsEPMc2g8bquidkPIYrjFPEy6nJ1XUuljTECKB7Zzz1J03Q0GvZ6varIY1N3wsAR1jKepkkCfgiC016vB8zXaQYooxS+WCzQPgBzhrgVoxtQ5QBrpbXjLSX89ubG932gY7vdrtPv4Xos2wYtspQ1iq64/a9evWmrSWCAYB+AWgtDHwQBDF+app999hnoLgBYUNQlhBwdHUHhFsaOMVYUBWD9VqMZPxCh2eeff17XdZIkdVG28xvX63VvODDGgC7pNmJvgNFh9HEsEWuvViupqhYbgZFt4dTDAUltQgNgEWg+aYY6obmj5QVbjf57EASqFvguoPawCKyZnPWnx+kfGF/aPP5Zm/7Hn28/9qc+R9ZaE0M5t4RjWQ6vKSFSa8I415RQSgeDwenpucNUUZReFHisZyjLM7lOkpvZ+upuPl1ud2lpObas6iJLhr3o06cPB53Qt7lWdBx6Ukqt99QjsIaZYYyxoq6UrCkTwmaGkqqu86JsnaXv+9yyVVV3u92zszOmU0oNpZT84Ie3a0V+DHI5NOiw0Yi12xfg7mPPo0KDEJ42LbX7+N1QTQznwrIs23LvZlNAK5vNxnE88Juvr6/Hp5e4+9vNLonfMcbCMPz5z38ZBJExZjAYJUkynU5Ry/nkk0/yKp3NZnBgd3d3GFoE8pjneVDmGgwGUGvQWnc6vSAIvv32uzD00yzjjAlhrzZr5L6vX7+WUgq6Hz7jOB7G5i0Wi0ePHvX7/b/+679GZHN3d4ezjO9CefP4+Hg5mzuOs1qthGMDLfnmm28Io5vNZr3e7nY7xvnx8fFwOCyK4g9/+DqJC/b8ZVEU/UG3H3W1Jvd3s1rJ6XT+6NHlYDB4e/VmPp8TpZ88eTQcDqt0naZ6vd7uktgLwsvLR5Zj393dgXAR+J4jrEpiMI6llPE8b71ep2la12Xo+cvlklHCGLOULaWkHFK4dctSJ4QIaELi9rCGZGLbdl7IoigYrR3PBe/FUE0pBXHHdd2iKMqyavcQ6oGLxcKYfWiJkDaTlRBc2B5lts7KsiqyQqZp2u/3LcZ38WbQj4zSWtY3N9f9Xo8zNp/P+/0+xLPSNF0sFhgfBUlFz/MgItzr9aA7OBwOtdbA3WDZsSNd14WKG8LGXq+HHpwwDHe7HToaqroGLDMYDBAyA8fodDrQ/wQAbYzBKDswu8MwxOeDukMIgU13XXe73bYliydPnrTy/JBpRgy73W5Bs0GhsqWr+74vuUD2bYxpeUGg5RhjMASjbmYhxXHcloXxAtr0r2L6tu/7trOX9GHNdF3ZjEpBXwagGMgPEEI+/vjj6+trx3Eg36yUAt9fNANLOefr9RrOtS1pyEbDANgf4nrSKMDQhu2qtf6pkXOmaeL/4Mm2KM0OpC3I+7FJ+4IWMyQ/cBI/auMIIbZwtHbKouaca8LCMJyup/ezeZ6Xb99enZ2dBUGU5sXR8cAPHcJolhrCzC4t/pd//x+1cL95+bY/nNh+OF8uB92eF4j76eLqzZvIc548vPzko2r4i6da6yQvelFoWzxLEtezCaPApuq6LsqMq31TGCUARvbNnLe3t+PBENt40nOUUgBLtdZFWVBGuOUeRmP0gKrfJkmHT5KmbtG+WDdt4diNCBewFffNzPW+1UBJraSEhZe1LooiirqdqDudz8bjyd3dHYIwnIvb29vlcum67u9+97s4jufz+Ww2e/jwoeN4OInPnj0bDofIvB3HATb95ZdfDofD3/zmN67rvn379unTp+g+RbSEy3v06FFDJqavXr3pdqNHjx6NRiNKTZakxNDp/SwI/Y8//ljX8vb21nL3KTJ8xmeffQZFk6Ojo7u7u4uLi5ZhcXJy8uzZs3QXY9Du3Wx6dnaG3unj0xPOLbAPvn32vNvt73YJUIT+4LTX38/Cth0vzTKpzdH4eDQajSeT7XojazUej0ejkdYkz0tB6Waze/HqZRB1mO3OVuvT0/OiNpwTwZ1Cmun8zuKiG3azPJXKKEWOjo6krNM0LdIsiiLOaJqmtrsnfGPbtyp7FFq7pqmAy1biizboDHmPzNAeNt1oS7WHDUixMQYAb+s0FNGEc1VVVV0WZV2WdRznCOGBuhBCqqogges6DiHYKxFaNFvD5/s+CNcg1alGZlZrjbHObUwHcAOWC4oFpMEQgaJg7MN2u8UuL+V+Up1SCk1lq+2mTRG63a7WpCV1rFYrTMgbDodo0Ee8gxY1vAx9Rv1+f7vdzudzoEA3Nzfj8RgJBOaCjkYjNOVDbgz71fM82/fb+gRuGNH7pj5wMJI8a3+UlBKTHjGHCIaeN4Mg9kdR74W3lFIoPMDloCEIEXdLSN9sNsPBGD2xILlTSrvdbr/fB9qDj20L43Wj5YJSHmngaXYw4LitWzZ25F/WHdpaH/MD2nVrwX9ouP+Uj90bd8oo5cYoZYhRqla0KIosyxzHM5o6tse5tVqtxpF71A9lVRgWvHr1erHevLm6j7ojSqyyrIpqG3qhZVmhG4aum279Os/evr27enuri80vf/7F0eSkKvM4iQVntm2v17HjOIwwIYQymjbLhdTn3bvXb65nSaK1NqgNRrZ8+uApM9ssywSjlmX5nOeFTtPUCcUHS/SjjxaQwW06RGlQ5Mddw8nC6cY+cbw9kczoPXWdNb0aUsqqrHGWO50OSjKQ5bi/vx+OBp7nXV9fTyYTy9rXtAC6AtNzHKeu64uL82fPnimlGKOffvpJGIZFkVdVmefZ/f2d73taqzAMCenO5/O69jZxaYwZjEfMkCAI5vMlUvmyLF3XfvToUbfbXa1Wd3d3ruuOJkebzSYIAjSQYywGdixGCODsA5aB8EuRJo7joXVmu91uNztKqdbkwYMHu20iuH15ednp9Ha7ne/7n3zyWamt9XJZFAWlhvEqy3PL8U9OHzBOtps4zYrx5LgTBkqpNC+4bQlZhp3o8tHjoqqzQpbzZVGZrJRR5M0360G3Z3ud3XYjlfFc23Lt0OZaa6MpJF1xxjG+mDFmOXtthhZStyxrP5aU/ECZc883MN9XUA8jHTz0QQ8b4se6riklLY5MCDGMMcLLukiTnFAhNYnj2BjS7/cGg4Hn2pTIoqyVrBgjdVG2sy7xpUIISMuuVivAcG01jzZz7vFi/DZ8tdYaaAw62gkhICrZzfAm1J1ajrzv+1meY4uDRYNP4JxDkREZA/qVkBbohiaP6Hs8HjPGYOZg6VqgH5VMzJEAJQbQx3w+B/aCEBvQB+MCH54kCX6dkfvqNLxtkmekESDTTTM3gKbW0pmGsl2WJQbUHpo/rBiyCsuyWk4OkDvX2XNpoMKBanMYhkhWwFxEkQN1DsF0S/uRzTh20ujLfwC/MMZ+VJ/kjzzaANMc1DxbF04bruRPQTE/fLTWvL08wijVmF5HCSFS6qKoKmJs18nLYrlaTfqh6/pKGUrody/effnVd7brGS3KsnaE5VpWEEa9Qd+1nV6/myXxVZ4yZQLflVK+fP3m/PzcDyNDiDSEE2oI03ovn0IYZVQoraWUhnHG2Hg8/uabl0VRuG6HWwyVnqrvMMaMNEopaigTFsJ5Qr6fiXx4Ng9/r3mPdERbj4uMvE2DCCH7CpsQuhHpPAznEQ2Y/Ygc1u/3i6KKd4lq5vSi6r5aLWC4e73eHmdnRGs9Hg8555vNznXtJNkNBj0h2Hw+t1yG8A7BHHQ10E+02WyOj4+TJAGbDqzcq5t3g8Hg5OSkKLPBeEQp7XR6291u0O+XZUk56/f7lNKbm5sszTsd5Xp7YsJyucSnYRsvFoubm5vFYvHJJ58gJAUJghlT1+VyuSSMaq1XyzXY6KAPRFHEhCWEQCPVt998N9sW0GQPQn80GHa7ked4kpA3L171oo7nO7YQ2zhJ09TzvLHtBh1PSu0GvfvFkjsqr+VXz99UUn7xxReLbeZHwygarOMkraVwPc/yXYsC87RtmyhdVaWSNYRD2MF0ufbWSylFSy7+IMOloJGZfSs3Y0xQaoyR9XvUmXa78EYyghDa5t2UUqmlIdQYUysVBoGh+2E9ALM458RoyxKEENeylaohyABnTiltKXctdAAZ8daAthANacaz6YZkglYg3Cr81fO8bb6GrUS6p7UG+lGUJfAKFFdB4FmtVnEcV41wflVV5+fnIGbh23u9HqiplmUFQYBUAEKJIM/gVxwdHR0dHSGrMI2YhuM48ASsmYQnpdT1XvtQVjWUEYnaKwQhoOaco8gMORff98fjcb/fb3+OapTfUQ7x/L39bSkN+PlYQ9LQllQzwQ4OD7EMRCpQcAfNEe4K03KNMev1etiP2IEYd7u97Eb1TDdsucaM/qSp/SOG+NBUtWBCG1WYH+No/+jnH1pz/EGBYMIINYwxJphNOFNa10r2eoOqkqvV+tPHF71eb72ZM1VN18n13WI0HtuuY1m80/V7w8F4PHYcC659tbIWt9eB5zx59NhxnOn1Vzf381rp89OTMOrmWVKUlesFStWEUsGZsSWRUhHK4Ag1xT21rO4uKfMkRR07yzLXMrZlMWKklNIQIZwocimtDlfpAzt+aM0Pl7F1iqThoaOyQhvWr2nmyLdQFd6itZFSakX6nYgQVhb7Qpdp2CNIoz/++KN3797tdpsHDx7c3t4aYx48eEAp5Zx2OmGep6PRUZqm6/Uyybe9Xg/FGKXUYrE4PT3t9Xpo/kCcgcwb4rqMMVg0WWvXcy4vLx3Hef78OWNst93meT4YDPwwwImwbdsQjdIXsnaM/QJ9Dn4CoR7MPYbJ1XXd73eZZUdRVFcSMY2stRDCdf3Far3bJlVV2baTZfnv//GrIAj6/f7t3Wy5Wv/217/pjSaUO53uIM3Tu9mUEX1+fn758DGnbJekb1/fEc78oJMUFXf8stJvbqeGsO79cr0r3E0sDaV2QJVMS8UdSYq8qiqtasaIxRCz6izL0HMEOGRf8OM1DrL4YDeQBorhFPaaQjGIc86ZIISoMsMmYIwJodq9csDo2BOKG/RGVGW5DxAs26H7xk4h+Gaz4UyHgWcHAefc8xytLWa52CXYWECWt9tt20cDighMBiJx5HR1MxEU/hxi67wZt9jCBehcwLhkSmnY7WCIBFqZWDMWPQxDoDdHR0etLgqsHrAOcM9RV0C//unpKRwPCvGO47TjuNB5BJ+BeAfGFAQeeNfGxOwpw3APnHPWTHTC/uuPhi2ODCwFbdNg0OOSEDcBuwfQ1lpAGGWcEFwMyh4YXhoEQSfq5Hm+Xq+FEGANI4Sv6xqY+yFzlO7lATS8FE41P5glbQ7A6z89lP7AFn9gqn74mfSfayz64acdvoVSSgnTRhsgjYrUteKWbYwZDAbdwE2zAiHqi5evuTtSnG/jnePZx5Ph0WjYH0RhGHBqNCUdj3lHPfn5E0q56/rT2VzY7nobE0KOj48D10/TtFLaERYBhZJoqoRhNVGKMm5ZVrbKzIFuqOd5/X5/MBgYIw9/I4VQwA+qE4cm+Ef/gPygJf6aBjqjDXSJe62UwvOe4xNAaoQRRqXcN5TudjtKuW3bAQnKsnYcB0PbtZa+747Hw3fvrrIMKp5hnuc3N9dBEMGwuq7b73cti1dVoakJguCrr76qqgrcWYTM6IWGnCpYZ8hobdcpimK1Wo3HY1nr0agrKDs+Pl6tVmEY9no9QliapkmWhn5gjLm7v+t0OqiBKaXQcY0WvyiKIEuwWCyQmnQ6HUdwfPhivUmSxHXdOE6jKHr96i3nVhh2+r1hvEvfvt2Puqw0fXJy8eDBg6++/vLl8+9qbT6Ld2enJ77vqjwrqzrLU01uKeedMMyy7GY6CzsdrzNiVrBcxy/eXD979abXH9ZffyelnK02YeCeH09C3y7izDCbpFvGmFa1UnXkB4NBzxI8z/NaSVgSPBCTAVwR7VO6USVVShmiKdvDMkZrQ8yeHEu/V+z9IN3bE1ebBp+2gF4bk2WF7XiwU5RwQgi4IvFmC4sjiFZVrpRdFnml91YVqVxZlmEYgu4tmskVQRC0CAbiU9x7bGhcSZZlKAC21DqEw6HnwzjiBvf7faXUbDYLowiogq8VGosBFKJujuMNIB4NTbZtr9drtMsTArquqOt6uVwKIY6OjlrovNfrWZZ1d3fX7/cBTKNUSwiZzWYwgrLpCDVa7z1TUe7vUNPe2fJV0GSESi8sqTHm/v4eo9mBbCL5gAvEh5j3dfjoXnJkb/qxdMhyoOsCjwKABbVoqNMgbVqv1/gr9k/L9QSCZBpK/gfW9p+No3/4+KE/OLTph3b5j5v1H1rzxh/wRuLIGKW0EQgRLOos5qunH30yHnTubl7HD04m/f5f3t29WC+E6w7Hg6ePzifjji3MsBe6jrBtsV6vdbX23eBXP/9Y2P7V9e03z6b5bjMajZShWV5aFjeMMy5KWdNm8JOmRGstlabaUEoxTBHJaK1YJwiRAXsdn6iiqipbcNv1NLWL0uRZZnn0R3/7j5p1coCJqUaEFa8HVkkarXnT9Dy3tVat37uPSZI4jkcJs217tdpga7mu++z1y9PT07LKn378pMirNI2fPn1yc3OzWKxc1yVEZ1nGBZOqtmzR63e90Ot2u4yTqBNoI21HSFVR5nJKLZvXWSkstos3ZVlmWTabzT7/5NM4jtfbzcXFRVVV69U2jPzHjx///ve/Hw4d5Mr7n6bkYrWEoIjTaLISQpIkAQqKOAb2ZL1e72v4RmPIhlmtpZTDQS9JMvJ9ay6zbX58fDKfL+bz5Ww2G44mg6OjT372s7MHF38zHL99/fLFq6vhcFyUO0ro+Pgk3myvrt68e/fu8vLy5OQk7A2k1MvtThG2jrPru2mSK+arfLlO09QRPHSdJM3G/T4lWhs28ZjrulrxLNuzkFFT3Oy+7ydAxIxIt65r0aZa9KATCU/CWCilNAFavc+psSewIVgzgFw1QlGwTd/b9LrO8jzq9Cil8/ncEo5p+s593+/1ekyrusrrujZa73a7rNKIwdt2Hph4AGGA/3gzZRUVSGAObRgCVBeNphDdpZRi5BssFLgcoNAYQtDOCh4kbjZa9gkhnU4HfUl5ngMIAnqICg9YH0IIZIuMsTzPN5sNDCVaQ0Gzqev66OgIAzqwSoCJKKXgdeGuKKVUvZ9ADfFl0oJghOD55WZtGvAd12Oa2UxFUXQ6HdaoBcCzlk2/GaBS3mjXgDsEkgyuB19RNtOXIMarGn18zByAi0VaAF5NXeftfceV7EOB96ES8kcN+h95tCapRXXIAXnj8PP/FPjlh0G6YZQZaoxSxHBjaHMECCFRFEmj19u9XuB2u91ut189m//uN78+vTj9+S8+jwKxnl5HAfccRkw97NpxXsg60bZQmlIu+4PO3btrYTtCiMV6JQQDEF5XilIj5V6PSJtmuhDlwhYNC0Uww7DfEHUxY0RTrv9R/3T4S8mPmXVywE9vQ3J8flsFwdbCbrFtu5B7QE9JbSghBHMzmE1tzrlW32u/wLU7jsU57Xa7WuvtdrtczREBuK7d6YRak+l0atv2drtGgOG67m63A6UEfIG3b9/+xV/8BVi/UPAHp+7q6gpRC+c8CALMpojjWKpqt96Aubter4s8Pz09HY8nnU4IsXUcUqCRUH0BFb1upowNh0No7Rlj6mZAEoLXKIps21VGf/HFFxCSWSxXhBDGxHA4HI/Hf/d6dXe/eP7y1UePn/zrP/vzLMtevfjuxas3v/ji81oWnFHH94ZHk8B1BsNRXhZKk7v5orqdDSenuywravPo6SeTk9Oqrr/++uvB0dGw251Ob7bb7aDfS7PCGti9Xi8K/U6nQ5SO41jWVVsRRS7VqkjhXu+Bb9aMnW7KjO9RXDShWmsK8qPYuwHYdBgI1tTK8TWmaYGzLEsXRZvgbzYb23KNMbiRNhee55XZDshXEATr9cqY/YRiMFhxedh27Vfrptu+lXJtU4c24cDM6Pv7e/yKsiz7/T7nXFV1W6hM03S93nLOT09P76dTxK2O7wFMII2GIiJiiClDGn82mxVFMZlMoFcOpoRt24Bxrq6uMFAUZwNc8vl8vtlsBoMBhsABnUeoC03dfehkKkKIZVmu7YDyWJOSNCmzbduj0QgOoDyYqgoYhzGGOB0v1k2nlWlkxPF6PHl/f4/GVFC7WtWBMHTbyR6z2YxSCv83Ho8xcODp06ew77rZD7jjdTPuFi4H1/BBMkfID9nVf9Kj/SjTPA5N1Z+O6vwwpG2va7+LLMu2Xcdx3DD8/Pxyt9tdze7+m9984TjOl3/7+/V63R8OJyeTsszzPO34vqxTVZOkqLbb9fn5uef1bqbz67cvd4UsK+37rmVZ6/U6T5PRoD8e9DnjmjImuMUFIQXWihO0O1HO+XQ6BZUrDMO81KqWxpi98FNkPN/jlJS1LKVi3IuiyJTbH12l9td9sDi4++TAfAM3YwdDjlpyFKXUCVzcWbx9n6ZTYRmtNan1HoFE/ISoIo7jyWTyzTffpGk+Go2Exc7Ozm5ubjjnrmsRQhzHwfTdMAyrqnr27BlwD4CHL168+N3vfofKJHpKCSFPnjy5vb0dDocvXrwKQx+8uJOTk8FgYDvi26++fvjwIaU0jre77RbwYBB4xpiTk+N2Qt7JyQmycyg4YgzkYrGAhUFxNYt3URTd3Ny8efOWMUYMnUxO1stdWS7jOI2irmXZy+Xyr/7qr05OTv7dv/t3vY/Ul//wj9dXN8Ph8LNPPl4tF7PZ/TbePXvx/OHFeafXBwB7PB6dnJzEcdwfdIKon5ZFd3B8v9plRfnxF4+++Pkv0yKfLVc/++KLs+PJ//z/+n8ulgvHcdblWs2zk5OTj548Ggx6sqzSNJZ11el0kA0jJmu7k3DoWCFNWcmy0pVSShPChLAdy9nL7NmO5bmOIKQqclmkVEkn9EstFSO1Ibss5Y7LHffFm+v7xWo4OdmmZdgbeVH/xetbwv1aW9vcSgv+9Tevk7g4GQ8en40/fXg09mVP5GNfbu9eZuspUZlj891u53k+xjsBrLi9vUWc0nZFws0CW6eUoqwRBAHEWyCehS753W53e3vb0uzwYpQ9YYAwrgjOVmsNkr5t29PpdLfb/exnP8ORuLu7u7q6Akl2vV4D0MDr37x5g5EoEPPknOOaEX2sVqs0Tcssv3r9Zrta67J2uSUMTZeb3WzJKtV1/K7jd3yvH4WCGFnkRRITowLf3W3XZZX7gcsFlUQG3SDoBpppIvbIEu6fEAL7EnE0QhLMUQRIghkXkKqANksURVrr+Xx+cnKC2ee8UVXEKYKnUU3LFerP3W4XdMwHDx5orTHxC3Yf2YZpSmSw7/Jg7m3rZVnzQPRAG9I6aYLHQ8N0+OJDoK99+wcl+u8fjJo9VE0oIVQb/McMYQi+bIvaQtu8FrTixHFs2+GUSS1zrbM8Xyq58X1W5OvZ/bvdbkeJLZUznxerNT05/UXPD8u0+u1v/iIt+PVMfv02/7/8P/7u//7vX/7hmizKye02+LsvV//fv3zxzR/uysR+ePypOxpdrVai1/vHF99tq9pYVpLnZW2yvHQcL3ADVakqLmwjQm7binnd4SzeaZeNHw4qvttUd9zLKxqHPdvzHKNpnpdG6SjwfY9rlR46uTY4A3Gwah76gJOOe91Gdrhr2C0HTs7gJuZ5rqqyLnJmdCcMukHAjarztM4TWhUuVS7TyWLqmCpfz1xSX4x7rKKsotvpxhTUNu7serG5j0Ons7xfv/jmZZbkYeBNjgaPHp52O25ZbvMk9R23yovNcnN2fEYMuzi//PKfvt5uksnx2XIZL5fxaHS63mZhZ+h4ndVi1esM8rS4fXfzh6/+iXG9Wtz3BxHjKk3WvW4UBN5oNOpGnW406IT9ly9fHh8fP3nyxPO8ly9f9no95Nyj0YgcCMS+fPkSFC/BLGJMFEWdwB+NBoybv/+nv3n24st/+vYf1tny9OHp/Wb26u7do88+EWH4f/6//V9FcvfFZdcup//q40k+ex6o5b/5+YN69Yrnd0O/Oh3wvid/88WD3/7qCSdxv0NtMz+OZF/HD2x5bsrHojpR64+i+rMj/ckZvXv1nyKxjnj+60dPfvvgk3Ed9k/Ok7L+9//pP98vlsKzusOOYbKqE85kEDqOK8oyz7KCEsGolWS1Ulp8cGb2h4ox2fS+66YroSzLulZZnbeN7GiWQct4GIbbbdzpdBaLxXyx6PZ7Uqv1bCq1Zdu2YDRLdpyROI6j0PdCb9DvE2JU3ZIl9rneu/s5VMDAnxONiCMuACYA9ERA4fh2bFxcFVBv7F28GJzCFikGKYUQAl+HmmrU6cAAhWF4c3MTx/GDBw+UUl999Y3ruv1+fzQaRVHU6XQwwRb9qyi3ovCIbBFIUV3Xs9msruuL0zPoEEAhy3EcWVasESxM05QIEscxRplAmhHIphACuD9+IJYC1hkHMs9z8OVhptEG9UE8SwhJkj2jBvgSCqqoALdWAPcaC5jnObJpfBE+EDoNMNwt2raHv+j3HYlttmEOdAEPo/XD6Lj91x8NqH8YYP6JjyaEb//+/a7+3mbtAXRtjNlut4IRzulkMpktF160rwOnuXZCO/RCu2ONRiPf97TWi8WCEZPGW2ZMnqe//9svZ7O70aBnWdwoXVZ5mVd3d3eL2X1dqcD1GPtoPBzM+z1bsCyTabwLLG4LKgQ3SkkpK8zUrWrP81zXJ4xqTYwmta6zrGjNMTFUSqk4ZUY3KVetCZdSWj9orcJdwN5uTXl7X75fhPcfpGE64BCB+8SbsXZSSjC4kBQyuie5IVkHRoFxBYcKqWG4xypBAl6tVlEvGo0HQRAsl8s4jsMokFLDQ+NzxuOxZVlFUV5eXiZZen11g5mcUbcDWO/hw4f9ft9x7Nvbd0rXy+VyendjjJlMjpbLpdYGxLlXL15WlTw+Pp4cD9AJiHyUEIL4pt/vM8biOMYQQWQJrutWZZ2kuzCKvvjiC8LZ/f09Y+zTTz/1o442ZDqdXl1d1VJPjk77/eF/+Zu/fvXqxb/5N/+GEv38+fMHZ2fn5+e+6+ziTVnm2+0WuC6l9Ntnz7GSVTa3heM7kTHmyePHpVTffv2NHbqPP/vItUWv1+t0Or/4xc9d6oVWMBj2Hj48olq9eb0fBTrodxjReZ6qUlvaWM6e6AwyGyfUEuT7ihk5AOkYZZTwFse0bZsqhhSMM+bZDnZGGIZam7qu+/1+GIZpmg9Gw++evZjNFp9//rnWervd5cxlhChi0jQ9P5vsVivdzH4kxDiOE3U7nPO6llVVaWOgrglGHWv0x1mjyg+7BqeCP4B8CgsFZ0AphW47aqRYUxCuMdeNNU0TnHNNCCwaXFRVVcPhcG+OLy7u7+//4i/+AgyZ3W4HzrhSqt/vI0LHtoa4Fb5aNWIJrfIiXua7HjAWvAC+KkkSy7M8z0PxIMsyiD63wD3y4qqqkLtQSv0goA2JGBWeloiG34WExjTthbYjWsy95ahh6UjTuNQWJDjnWhsAZXWD7MN2t9zEFmokB7g2P8B5W1Pyx80u+Qmo3fwYCvy/ymNvyCnRxDRyKcaybENUWRaMsfV67UU9QogQrN/v5rWu67oTRVrrxWKeF6nr2bu76c+/+OzJ5flk1Mni1XY5vb+9ERb7t//tf2txvk2T2f07W3BOWb/XHQ76ndA/ORoejwayG0zGw0EnMkpRJZXRnFCN9EVwyhnlyDyYbbtVmqdJXuSVMZQQoGdEKSMgD8CoMUZppbUm7wdkh+vG2IdNufR9caf2LtBGzgHP8GZYLsgFeHHVzK4ihOBJ1nBhUZBHFDKZjDebnRCi2xt4XuC6LjGUcnZ0dOS6DmNsMV9hR1mWpaRO07TT6YRhuNslm83G8bxut9vpkOVyKbUCvopscjAYuK47iiJkyavVIgj7vV4n3q45519++eX/7r/5i+Fw9Jd/+ZdR1P3lL38ZBNHz589rmSH+AG4uGjFhHP/1ej2ZTECBR//56fFxHMdS1nme254bRZEmBlIZslaz+czzvGK1nc7uPvvss//D//A/fvUPv99t10+ePHn76lWaxYNe9+L8+O7++uXLhWXZnPPBYCi1Wq1WQRTtkrTr2ZblQP7k0aPLqNP523/8/c27d9RmsqoDzy2K7OlHj1UmhRLV+VFdlJho+ubNG1lllnjI6d5kKWWE7bbiDUopSjmlTLQYenuDGWOMGEK/n4TCOQf1SkodhD6iubIuLcuqa6mUGY1GRVUK21LSoEnMsmzQS7WWUktVSymrs5NTqpRt0abZx3CfO47DGK+quqwqY+hkMgErHNMdEWJ3Oh1E6EEQAFvEJ2w2G8SnTjPDE/YOvxkZALasbvpLgdBZzcSftuMGagEwi91uF1XE9XrteQGuAVzy9osQmyBFQCcbTlErOD4ej1tNzm63Sw3h+6m7e2YLCpsIfHA9gJLgHtB8gTK31cziqKqKEg4wSgiBwiymiQJfQv7B36cV48KQQMBbII8xB9q8uhFrtC0XfqJVEeJ7DU6Ni0cRpQWy0WLWVtdbS9FWrekPAskPnmwNTfuMeZ+q8S813OTH4nSlFGHUEGIYNZSQpjPO4pYQ3iYvttstFifPMqJ0obLNrow67Pzk+Gg0eP1stlzOqywNHPbRw4vVcrpaLo4Gg27Hv71+dX5+Ph72u4Gf+86w2/3885/Ztn1xcWlxs57dF8k22bqeYxFZEyOVLKssF4IJSoRgQLqEsAln2hhqmO/4aSaLrFC1ciyLUUEpp1QTYtrDeGiOf3QRsPkP7wt7vzvpEM7C/7ENDsN2pZSWNUBbaFohgEDFRSnFuYCAYsslE0IYo/K8JpQTkmqtKWGu43S7XWO0EHZRZHEcB4GH1LmF7Iqi2m63ypjj4+MgCL/99ttOrwsmxW63u59NoVfRcZw3b95orTabzWDY63Q64AXg+OR5ATnY1WqVJBnnfLWOwzDsdDqofEJYsCUXYBQBzr4xpizL5XKptbZdFLOZ4zjbePfu3btHj56UtTw5OfHcoCzqupZFUQwGg88//2y7Wve7oe85nBJLMIuz46PJ3c1tt9vt9Xq7JE52ZdDtdTt9zbYPL0Z1KZU0cby1uTsaDj969Nh27PnsPup1RqNREscXR2e1qWxiHU/6t+tbJNaz6a6pWIQoCehmkItqJACE4Iyx93DJ9kEp/V4mgFJL2JRDUpUZoykVVVWVRUFpWNe11sR1vNl8cXp6fn9/Lw0Zjo/uZ7PNZqMJ45zbghdGea4LoxkEPtXK97y6rrTWWZYbY8qq4txq41OYRQS8ummToU0tnkNqvKqQD6IcingczEIUAxBpwsy1VG6wJGGbsixLixygBzIvY8x+RAulX375JefcdX3wc1rhWdggqJ20LV680VtHhoGqOqZh4K9ZkmI9Ebm38a8XesaYPM8h4oxNDEuNZLM10PAfjNat3guONE4FRkpCvhFBNHzYYrliDc8M7gFR+Z7M0CQNhxEcMgw4SHRsoe56GOLBE5RlSWzG98Oj9w9c80+ZGzz0+/1vh8bof6MgXSlFDCWUEspgCxmlhJDdLhkM+oSz7XZ7fn6eljJJkjIvOuNBmsrVYn53f3M6HgxH3ZOTyXdff90Z9o3Mp7fXxqhOFDy5vBREP3xwzo12LD7oRCfHo08+ftLrDYQQdze3pi6YrtPtivpevFt3fdvmjHBWV3WlMbKKGEYVMUQaTUy8y7Viqla5KY2hruO5tucIi5DaGKm1ZnTvBTUxmmoQUQ5/qTkoHdOmQk6acO1wtT+w7+0rD12s6+yHjsGmI0/FdsrznBCNwV673Q50MtRglVJ1XWZZVlVSCBHyCKWs3nBweXmpdF2WuZSy2+1qk2GqDHQ7hG0jJgvD0PM8rQgOcq3keDwGtLter5V6ACvc5vGPHz8uiiKOE875dru9fns1HI5/8YtfSJXDZ8DJ1XV9cnIyGo2+++47hHo4OEop0Nju7+8rWZ+enoahX8oairCXDx74vptvtlVRvnjxYrve/uo3vzNavnn9+vJkHPpumWeMkW4nVKp++/r1J59+XFaFUqqq1Wyxqmp1fvmQMtHtWcQIQvTd7a2ROk2S07OLX/z8s5v5NC7z8+OTx0+eTKdTYRHhcJcJqpw+6QpOCTGWZQ0GA0JYVUnOWRB1pdS27TZBObUtbju2ZfHvZ9e199UYoxsYjjbDjxpIl+ZFag5mQRDCpNTKaEIYZ9bdbG5ZVhRFX3/7rCiKfr+vZe2HISOaOvZisZjPp1F42Q1D1gzAI4QUZUkIM4xqSlarFZTmwQVEtyQE8mH7TCPqD1vcNs7A/aDPHnYTjUvtloV9V03nFWB008zwhOUF2o6gGyD40dERlAjhRdrYp41z90yARnUhz3PouiyXyyRJTifHnHPMVQE8yszeVxFC4GCsRtfUHBCH2r8inLcsC7beaR4ItymlQRCcn58nSdLCaIdnEs0aLaETO7uVuTeN/ur3yIned9u3qD3aR2WjD+w201xh+pX60CL/VDzYvuaHNkUfcBM/CNL/pZadNtVR/P+HbzbGUHJg8ijFTd9sVlGvW0sSen5/0J2cTAi1vvzDN1//4cvz8ehf/fJnHZsvpu+4ZW6vXj99+tEvfvlFvN3Z7OGTh6dVVfmeI8tss16ulvNvvv6nJ0+eHg1HssocTk/HwyAIRoP+uN8JfY8Ro8qS2VaT+hBFKGWSc4tSOp8uiqwoi5owLagI/ch1fctyiKyVNIopwgilxBCiyXu5Dn2fqYk7DvOq9upprEVZDz1uuxPgtlsjAKTFdngDJBqka6QZekWa6S7YCThfPctzXTeOYy7szWZnWbQois1mY9s2RD7qut7u1pjySinHHIXhcNjvDxhjRVVprSnVSZIkWbpZ7yaTCXQiQVRbTqec8zAMLYuDEaCbnpiLi3NK2dXVVZJkOFNATdGSyjk/OjqybRvZM34vVAdGoxG6Goui0LVUuQYzstZqMOh13Y7r+tPp9O5uqgwp8vTdu3fD4Zicm08++WQ9uw2CgDuWJYKb67edTiQEd4T18ccfP3/xspaaC7sbhp4fLVcbTcn1zWI8HJZlFfmBlFLWxZOHD9OyuHs52643lhBhEFCtbZsLaiyufc+L43gxn9d1ORwOheBSVvCvWmvZKrURQggRnKu2j/TwNmutCTHkYB4KZ5wc5M6qke7S+/nivCiKIAjmq+V6ve4PhkmWx3FMCadMlFnmBy4hutfrZHlaVxUzRClVSYnuSkAumhJGmFL7Makg58FKomsAJjuOYwDf2LIYtAqjD2CutYnwvfintrJvGlgZqYpt247ghJCqqqRSlFKUd/AbHz16RAiZz+fHx8fYVa0zKw9m1AK8Vo20C6oxkF4SQnSCEGALo1Tupe4tY8xegseyKl1Zja46tHZhMQkheAE2JdYcf8ahzfMc5SOtNRSraSOAgxfgDE8mE9rwnEyjyn14x5EusEZhVcnvy5tWo2EJhSPWaAC0zt51XaNK5E+tL2nz/Z96tKbnMIwg/1sG6bhrBqaQtvxFYoxxfW8bJ5vttqqqL7/88vzi0XDYH6/j9XLlWPbJ8aTf7Q2H3U43VEXHc23PF6vF3XeqOD0eFEXBGev3BmVZMkKmd3fPvvnm7uZ6t1kxQyxGjVFVnkzG49FodHw0DhxHVqWsyjSNoyiilBNqCKfEUKVMUVdGk3SXGEWoptoQSziu69pij4BRLdsFNMSQvXrHj/9eftAl0C44b1p8223QGnRzINZoGtEFvB5gixB7xU1CCHg1QgitCXYmEJi6rplwOadVVQlDjTGe54D7e3l5ORyOCKez2eLdu6vf/PZXQRClaYxzjZqqaQq5UsrxeCy1MpqORiNjTJwmEGJKk8TzvMViYdtiuZr3+10tJQSi5/N5GEYPHz5cLFZXb94mSZJlGcBSBFWUUhjr+/v7k5MTcEYhOYBRX2EY5knq7GfXaEVMp9PZJfHV1dX5+YN+v2/bzunp+Waz+7u//ZuiKL74+c/SLNZG9rsdz/HeXb11bD6ZTNbrpR9EnuMmWaaZFaepup8pKrIsE3F8ef4oirq+69iWCALPsvjRaPjti+9ePX9xcnba7/ZkXds2J8ZoU/i+R7RyXZcx0u12lZKGWKj6VlXFuPV93lxWlSiU0e/lYu0BM8a0w1bIAeMH3ZhaaylrLHFZljWUMIW4unq33cVpmk9ni7KShHGtCSPaSEWMGQ2GnSDca5Q3agFFUaxWm8VigfbiMIrQ0oLiDDBl2CMEjBACRaEc1hkkPPBDUNNrJW3bMrfWGvPh8ENaBLmt7+92O4D4u90O+GZRFI8ePQJWA/QGbgOgIVYGsTZjLMsy9OPAfG+3W1AbITKDKR+4Klye08x1a53NbrfLssx1XQj2o5bAGMPrkdAgGMG+xIgi+DylVJqmo9EIqkkw03UzpRBik8CFWmAHAbtphqzGcYwygD7QXEUS4zbTpVUz0nq1WoG0AO8rDybytHakrbb91MMcFOh+9Pn/6gf9iUdbNzo0W1prKfVmt5VSj0ZHmHTsua6WtcWZY/Fhv3d2dsKInt3fGKOePn0sq8yo8uXzb95dvRn2u4NeR1ZVFPi73fb161c3N+/2qhVEJelus111g3A06Pe7ncBzZVXXZWFbVq/bPSyhCyGk0WmWbXZboo0thG1ZnHNLCAdKxVLZHNcvWMPvbCuWP7qGH3hKxAfgHSDmRabbrkn7DA54y0BttwRQ3bZVGBVFFJZADHMcZ7vdSoUAK65l6fvu2dnZ8fExhgph2+BMZWmR57nr+icnJ67rpmm62+2MMWgMXK1WGKkI1gCaiQghvu+fnZ0Nh0OQboGMAyiHLimoJghlJpMJGGjtQoFNB9QUUh/40vV6fXt7i7t/dnYOK4Geu2fPni3niwcPHtR17XtOUeRHo8FHjx5GnSCNd//L//z/qapqOOyj2fCjJ498x87iHaWmLLLBYJBl2cuXr//qP//17//+S01orUhW1o4XOV5QVZXjWFzQzWbl+/7lxYOiqHbrGAiwMUqqUpOSURJ1wl6vwxjZJdlisUyTnBhGDKOEcy645QjBKDVKS1lXhBABjmAbKhJC8jx3rL3RVEqh7iw15hPyWirbsrTWlmUnWaGU6va6cZxNp/P5YnFyciIsZ7XauH7IGEuyQlaVUnUU+rZtF1kK0fPLy4u729tHjx69fPVqs9lEvX6cJFKZ4ZC12tzw3pBj7Ha7oC26rovGgd1uB6GfqhngNBwOoeRFmlZ4lDERCICNV5alZzu3t7cYMRHH8fHZKeJrbQzn/Pz8fL3dAgpPksRxnCdPJsB/YAWA3sznc8h7DgYDIQR2VVVVwJ0ZY3/3d383Ho+Hw2G6i8/OzrbbrVGaMdbtdos0WywWqKDe3NxopqWU6F0WQmRZluc5GohgHzEArxUd48wCLIg6FfgGSqnpdApvRAhxHAefA3EbY4wQApMHXNddLBZYFtPIDMBZwkuFQQcjxEA4E0KAxNnO2IP0WKtm41jfj2ZlDUdTN03I5H0IhVKKFnPWNJ22MUSLZbVw2SGe8KNeof3M9w0Z/rV93fcXILXiQhBjyrJklrAdR0opLOv6+vr66u3/8N/92+Pj46/+8E9hdxRvd9T2h5ORlPLt6+ddnz86P9JlenZ+cvPuhVLyt7/9TbfbEYLf3Nz4fmDb9mKxHA5HaZrd308tyxqPR8fHk7IsOOePHj0KPT8vMkYpMfswmTHGueDC0pSRpjvasoiwOGOk14nuZvPu0TgIAsfirutarOJKEokRK0ZRpqVRUnpUfJD30AONM9PwEfFn+PU23G69IDDrNi/EJgeuwrjBPKAkyTabDUpiVVWCb+a6LppCkLwGQbDZ7aIoWq/XtuudPbh4+/YqCKLRaPTu3TvLsq6v3x0djS3LwTyZ7W7dH4wQNDiOV9f1bLG4uLgAkWGxWkJFDhPmkiRhjGFL27bV6XSExZIkGfQ6hJBnz56FftDr9YFP9jpdxgRcSOveCCHIj8fjMWa7o6xljPnoo48QEqVJOpkcG6OTPEOFYLPZqFqmadzt9reb+PXLV7/61a8++uijd+9ur66ubEGqqkjj5NOPnyhVx7ud1vLs7OJ+vtjF6XA4vL5bSCnfXl+Njk8fXD7q9Af386WhrKhKLqhlcWNMJwqGw/Fwufmbv/l73/FPToaMmc163Yl814mePXsmKEuS5Pb29uLBGWM0yTNNiXBsTQkYRI6wmCEW4xJ6L4KSlrvKmp6FPEtVM5OQUaUbYiyl+yisKZgYpVSt1Gw2W63Wne4gr+pamSDq9Hq9+WwxHg2SJAlcp6rLqiocx/I70W67rev65vbWtt2Lh5dKGcqEcOz5akkaL7Jer4FjoD55d3eHvN40XZEIGxFciEZ3EEgC9jcIs1VVWZYFCmOapu9mc2MM2DJgqoKM6DpOS8LFGIo4jheLBSIjOE8A4ghYMH2pReSRNqI1SWs9GAzgNhAyu65LzT42xGGglIJdzuy9fI05GCUBbwr7CEUtdEUTQqB2ADcGsAXBFDpjyQFigywnL1LWcBw12rWXyyRJRqMRfm+LtKCci4ZpLGO/34cqKZAlZBismZwg9/qaXhuht5+DbfNTcfQPrfNhXNnW8cx/FZ7+wXfRA6OP9TdkH7dieeMsHY6OXjz/7tmzZw8fPojj9M2bVyeTyXQdV3lWVYUlmOfYjBsqTBR5/9P/9D8mSWIMjeN4s9lcXDyQUu62yeTkzPf9slbe8+ee53V6fSasbZwcHR1xbmlNBLeMVoRwYVk4h4TxWitllDSEC2HbtibVydHw7u5G4pz3u1Hga61ns/vL4wEhmlJKCSUoWhimCZW1JI035U3L+Ae+8E9Zw8N3HWI1huwP1AfsVYyLsSynjQwIIUqpKAqMMUkanzCy2Wwsy3r16pXS2rYdICSWZV9eji3L6nT2UhkQz1gsFkmSWI6DD8f9wigFpVRW5LiG+Xw+Go1wHoUQjO33W7fbZYTCD+V5mXLheYGUMs8rGBDayNNLKW9ubjBH6cGDB8i8wzAE7FnQ3Ox7sFVVVZ7ndLvd4+Pj7XabZYk20hKOrEtG6cnxke96NdHrzebd9VtCzeMHZ8NhvypLS7DAdQjlwvW3aZWVcvrq7YsXr3Zx/m9+/WvLcYyuNSVSKSnrvEiLheHM2m2z7SZ5e3334OLM96nNj4wu67oUgg0Gg/FumOf5crns9Xqu5/m2Q4yB6eP75FgqVXPLE0opzdkh0Rivowdquod5HCFEykorzR1XCFGWeVGUZVkmWWoosSwr2aZlLbtCEMZX283JuMMYOT4+di17XhRE8pOj8WI+B8W72+1HUXe252z01quNZ9u4YQBb8KVA9GA4wC0RjbJVW9yjTXVONa2JtJnm1wBkpK7r8Xjsuu5gMEBYGmcpBOEAkQshDKMw1u34TaSocHVYH+yMw7gSmymO48vLy1evXuEFSZIIyqqq8n0/9APEzooLIEuQAnYDFyJfUG1s23laeUVcueM4mE63We9gfA8hjpbsiN/exrB5nhdlhiZbUCSVUmgsFuJ7+bZ2Meu61qrGYCP0poKuIIRoBRrxS/G97RvbVJ0eYOvkAEsxDTn60L4c7it9IMnb/ivi/T/Zhn//aCPW1qa3a0Wbgj/u2l/+57/9+Ref/+a3v4vXy2Fv6HziGPI8rzRRerNdU0IeP7wcDvurxdxi8uLBqZGq3+/HWf7VV1+9ubr++c9/6bp+1OnIOK6lPj27+Hf/x/+TH3rQ/HMC72Q0rmolpXYcC1OCXKnzvOTWXlChqGpDubAtyhkh5vl338zu351cPLQcK4k3ss5GA9ft9Sn5/vopY4QJQyk3lMr35hkdrt6PLshPrRgW5HBT7YsidI+YIyao91NQrMO7DBAGkEXN2GazGY1GQgjPd/ZsRdc9OztPkoRZAiEUxhJorV3fw4cXRWXbth8EaFG+v7/PyyJzCswGEELA+PqcF0VR15UxinESx1uiZafT2WzWVVVrvR/OR7RxHG3btlR5az0IIUjKGWPgQ9u2DZGZTqcznU45591OT0pZlDkhpK5rx7GyLJvN76u6qOuaGm1bvCxyo8mg1w88XwTRdrPK8/zu7k7VefCzn2036+n0/unHn1SrLaPk8uLc8SPLi+br3bffflttk1988fHD05Hte1mRMq4oY17gz9Zzpang/rt3d1fXd56txiNfMFUWRRh4TPC7exeSf93eACkLIcyx9qOSCdWWsGzL0oyJH95mbHrYCNZMOzIGLnrPY8UZ3t9jkkNw8ejoqNaGMMo5F7azWm0Yt7SsPcd1XDvLEiEEpfsRl0EQJGmK4LeqJOGsqirKmUZ3JSFgeuBOZFmGIozWGuEndhhOBQLGts0dgXNbXYRjAEJNCEG0C4UABBd4V7bd7j2W0UDnKaVhGAL0AHTTEkjwjYj92+oKgg7O+Ww2A2qptQ46ESxg4Pnoe8rKrLXICHAA32MALlRuUODd7XaEkCAIBoMBOOy66cVvqYSwyO1VgZmDg4SJTq/fvESZAeA+Im6nEZpvUy68vSgKwW2k4VrrzWYD2gx+bJIkmLOK4V5wb3A85AB++WA7fRBut3/4wOgcAgiIoA9T5v+KBz6HHVDgm8/eU7akUkVRXN28OxoP//d//mez23da6+Pj4yDq/dXv/2G7WTlh13JcSo0lqOtyqpWqy80uYdzSxjAu3lxdK81cP/j1r347HB0necZs1RlYRVU+e/kKqhX98STebrTWnW7ImCjLnAtLm5wbahofZowixMJZ63TcLN3Eu0V3eDQa9Qb97unxscWV1pIaRYwxxDTqB5xS2lbU25+pm86ADxb8R5e9fbT4zCHxkTFWyxozcn3fZo08HGcCSkGykXTFONAgCNZZkmXZL3/5y/vpbDgcxrurs7OTbm/w1VdfK6X8KJRSLhaLNE2MMY7joT5pjIFWEtYEOh9McEq4bvo5QJ24f/s2z3PbtobDvu2IL7/8xzJPLy8vB4N+WZacizAMHcdT9X7Y2fhojC4QqLRPp1Nw1bXWu91uOp2iV2O32202mzzPg4/Duq5lrVzP6Xa7nudMp9MXL150Oh3OqWV5Qog8Ty3LEoJtt1lWyqPx6Omnn/3j7//66u27jy4vhRBVURJjODHEmEGvF/ZGjhv941ffTu/ns9UmyQtJTCWrVZES2tGMEkJ7/dGDiyfT+VIZuVzvjkYeoVzYVrYrMasAtMvheEQpXW22rusyQpWzV8eiBjr4rNBaiIOeozbwRO2xDdK1Ms0/EcfiSEwMzHwzg1hKORofLzdbLlzH823Hu7q+OTu7cBzDOL25uo7j7YOLMzB4UH0WwjaMojZYSTVfLijlabqFxQRUjS2IARqAPjA1FMhJHMeA2k0jA80bQWA0QUDkBJCCMQb1YsDNrfgc2tjiJMEgDm5b+JxWLsMYA7VC1GNhHaIoQmfQdDq1LKttUfvyyy+vr68vLy/xsd0wQhPE3d0dxndIs2dwA8XGdAu0F1nN1Lp2QimumRByGCIBL0KvPwqwfjPxDj+/asRFjTF5kbbADsidMMct+NAuHSEE3oVSisrqbDbzPO/4+Bj7hjSaLTCN8IVFVvBGgKV9nh3MmP7AZH9ga/7/gVb+RQ8GtIKxlscIittHH3283SXoH8l2cZIkYdQ7Pzt7fX138fBBUda7zTrLRx89elpnu+ndTXd0guDm4sHDJC2lZq/eXK93+eXl5Xg8Jpztbja73XYb74TFvE5ntY7n8wU1xA8jTpnSpKhlpbRwKCVE2JbDuDHGUEao8TxnMOgGoSMsKpiyLeq4wrIppxTnj5nvO2DBX2Pvc/xbp/jBz/8pV9o+vsem3r9TyFk557btEkKaZnKB2o/jGKxkG384juO6dq/Xmc5mSZJIKTnfhyNKqTwro04Qx7Hn+VCqQJiJWC0IAtt167q2LLuua8/3iNlr9xNCwIZ88K//dZIkSRKHYRhG/tnZmarLy8tLQgw1e0DYGFppA5JFLbM2t95sNugwh1OHgthgMOCcp2kKxDVNc8exwjD0A48x4ro2so3QA6FZVmUuy8K1bC3r7XqdOeFwPAq6veF49Hw5u7p5d3FyMplM4u3WdV3hBpqyOE4FZ44tPMcan5wWUt3O5mW87nWcwXhAiKiV7Soadgavr2acs12cf/rJJRemqDJHWFRwBFIvX7++v78fHY1BnSCEOJbd8kqVUrqWRNiw6e9hLLDpZs9TBA1OaYJuJe25LmD09qiUVb3dxoYSRUxVK2Zqrc1ms9lu47MLSpkJPT/Pc9O4Ckuw0Wi0WC79wJFSLpbroNN1bFelWRRFcZ2jmI6B2Qhdh8PhcrlEVZA2NXqUO2CvacO7AJ6gtQZVA204YHPDVaS7uNvtguGU5/lqu4FMVVlVQBg0JW2zFSy7u//Je9VZzjmwcmwUjDn3PK8lAg2Hw6OjIzxDG9WkPM3AGgJ/CLorbZ6L/QoaCUyt4zjAZCilIOGGYRiG4W6b4PciU4HLIYTgwhBT40mgK5eXl6rRB8aJBe4EGXdE+rSZTE0I2aznCJoAEIELL6VET9ZkMlH7XkFjjLEsK2vmF/KmzwiPH7Udxpi2s/N7eOS9aaXvNbz8C2z2jxopQnSD+Rx4I0KMUUolSbJYLHqDwfFwmJcFqerQ8xhju/U6juNBt+taNqG0rOjV61ezd68Ek90wVJbXibq2405OO4WkL1+8qrR5/vL1P339rN/vO44lbIsQvVjOhG1/pk26TtMs4ZQMx6N+r2Oo0IZbtpuX+2KM5TiMMaVqpYkQoiy2YWCHvpUXcbkoa1kcDaKzYY/QilBDqN5zkQ01hBLClK7IgSlvf+YH1KMPnOsPH+r9mdStfcexYk2TCuA7zjkKKkEggHUAGMHeCILg5uaGUnp9/fZofLpYrDabza9//evb2/usKIaDPf1hOp2uVms/dAF2X1/fKKXOul2QdKuq0sTstgnm0gyHw6Iobm5uVL+vtU6S5O3bt6PxYDgc+q7NOVdKtnwtjOXBfceAC2MM6h8YMCKlxBlEso7+bbDCyrIMAg9WJU3jMPQppd0wwkmM422el0bTqirSlFdVefzoE03oLk6Pjk/fXV09f/4ycJzhoGc0JUblaUaETpNEqb1c3XK1CQP7/KTnu6PA0UzwutKVVKtNZglPWG6ep++u7z766NQYzkjZd/cz5Z8+ffrm6urN1dtOt/+b3/xGN5zU7++O0VpLQuwP+0hN8wBVjjVzQU1zvsqytN39LBvsm6Io5svF0eQElbf1Nq5qmcznru+tVpue5dlcDAa9ydEoT+K6LgV3STNEQhFTliUvik6351e1IQQFQ3ANMbKOEIJIFiiSaRRLEMPiDwBbOOfgZuDa7IOZ1PAEeAtjDHzVxWIRZylK28PRCFK6cZbCHzScWYqavjGmNYvtnm59BqUUgPjp6Sm6JPAWLKNlWU6vt16vtdaC7qVUQM+vTY2lsJqBolrroijQXIdtB2RfNnpJqtGqhC8B8QbEFXhsRP2EECmlNvtpfxAtwvW3Nai2QoDDAMONtBpTs1uXiUpvK+2E3AgLSw+wl/YntM+0Bto0o9Hat3xg0Ftr3n7UD5GcP/Gx/xzyHu/FGEOhHW20VBo1cOOaP//tb2WZllIRQiwu0jS9vX6X5RXfbJglbGGt14t3b18IJn/22cfbioRhx3X809PzWunvXr4Ko/7R0fmTpx8tFoub+zvXdVzfiYssTdOirFbljjGmiclLNeQWE5YixvO86Wwzn8+rqhqMRp1Op5K1VIYQ8vDhxXy5zEpZlsXJaHR2Mgk81xDFGGOGMcLQBUv2K/b9ItMDzRZ60DL6z1pzPAC44fGBTQeyh9uxb+4j+yGiQRAgtMIkFillbTTnfLFYGcLSNHUvXM/zkjRzXe/29ras6yRJLHtfbq3rmvMAGKbvr0Hbnc1maZpZluUHQVnUoLRZjr1YLLIsA2mt3++fnh5HnYAQLavizZs3jmNTQ3zfUkoZo21hQX7j8vgUJEvSUAmklBhQg2aU9XoNoWxg7pwJZLRFmZdl7jgWGBbGmLqu0zQVwg7DoCzrJN46lp2XNWNsl8THg14URatpDCU+Y0wSZ2lRd0bHqqqSON+ullrVRV05nnt6cW7RdH3/5tXbN1laae1ZzjiIehfnj759/m1R5qt1PBoe2bZgilmWlVfJeHR8dnZ2ez9dLBb385nneRbjjPp635K9z6G11uKHdxcHrM3C2tNFKTWG5nnKrb0ODjwzdFcePnoyW6w/evpZXr5VmhZF9fDhw9Vq4whrt9vZ9uDs9PQqTYQQRVE8f/788uHDuq47/d5wKKmwoihK0/zu/n7U8QkhwDoIIb1eD9wPcDDYAXkW3h6/pE3/gR7UdT0cDoFgQGIXnD/0MqhmyKEQ4uLi4vz8/Pr6mjKGOkyapowx9LxprQlhUkoIqkAeIE3TJEk6nc7d3V2SJO3FMMbG4zGlFHzbuq5937cYT9N0uVxOxkeQlegPR6jHArMqZNHpdAghGNaBTAoLa5r2LvxMpdRisQj8KMsyEH7gWR3HgV9BDy0kE3AOGWMwYkhZeDPyYrVa9Xq9NjbHh+92u+Vy+dmnPxsMBre3t+v1GtNWtdaQXsAFc84BIqG9sBXJ+SBU1D9BUT/cVIfwy2F4SH4aQ/gXPYwx79n0JmLRWteyzvM8jmOHd7ZJzGQ5GY/vrq+yJFWa2LZtSXN6eky42GyWp8ef/OaXn64Wd+vlnFL64tWrsqwpd8qyfP3m6s/+7OxXv/l1UVRnDy4t11FGHx2NHd/7L//lP//7//AfP738KApCqSphcWNUme0YI2HgM0N2u12SZV4QdHpdxhg1Eiv54PK81vTF6+uizJbL+bgfnU8uVLGDTaeGwKaTH9hu1QxRIYSgF/qDNf8jZr3F1g5vhNZ6rxTWIJ/NF+1nWgkh0PoAIllVVTXXxhDf92fzJWMMtdDFci2l3Gw2lPPFYtHv9w1RqIVSSsGwnEwmvV5Par1arbQ2SZJ8cXrSiXpIAsq68jzv4cOHkW1vNpuqKsuyTO52UlaB5yByj4IQahxlWRtjULrDNcRx/PTpU2z4zWaz2Wwmkwkokre3t67rPn78+Pb2ljFmNCuKartda6M6nfDk5CQKPMuy0jQhhAghxsPRYDB49+42TdMgCNZ5eXFxUSSxG+xFp4UQ0+k08oO6Vo7jRH7wbPv22fPX19fXjAvH9Yuy3sY7jxdlXdG9ModTVjJPd3Gc3NzcPLgYKqVs202TpW9bfhAsN+uyLLvd7tnZ2Xa3+/bbb3/961+3x402LACtlDJK1HVtc6eNklpUGlMBYTK01rvdlnPe6fSE6BaZIlRIQ5brOC3133/5pjd4sFpXlw8+nt7N6jwbRb4ull2nOn08EtycDCabzeafvv7Stm1j23fz+fjiIqnr1Wp14Vidfmez2SwXd5TIwGPdbnexWED/ZDweo6xHGh8L3CNJkuVyCXYdhsyhFjoYDFDKU0pBNgDRK/YftntWFlmWUcF9z3V8L8/zN2/etG1KVVURqajSdV6YWhpjPM+r82zY7VBKd6ulMQbUqOn0vuN7StlpmjKtHM7CTgSmf1XkNqOu58q6SqpKCHE0HjJOBsMeYyzshSEJp9NpvI07nY4tbZQ0oigihBRFsVwut9stfBKiA9BawEnnnPuBW5SZUvVw1I+iKEmSm9trbDhPeJAP7PU7UlVcUEadXtceDUVd1/EuZYyVRT0cjBeLRfvJcBvDwdhzAyklZIwgNUwI6Xa72+0W6BMYCEibkIk7LqeMGkYJpdoYYgxRmmpKGX2PKg7rTCmhwuz/sB9fvre5hKLf3VDWWitCKef77nZywLfDWW3skyGkVQOgFmfGGKOJMUYbYxilVFBKC62EEIZwRbQypK4q3+1+/NHPut2gY+nuaLRcLpO6rKgu6iLqu6Pjfj/iQvCPzp4C6OuF/Xv3vjLdfuj89bO/vr/7fxOixqPuxeWo17fubtehO1S9/nh09tUfvjNFyMqjgEVbd/Bqtrw4PXmx03/4m2+olKrOj4+G/SikLOoeT/zeyDCPsspljmM5ju+qehX6ftd1VVXWm9XyWoTcjAYDpTlRlBLNKbW0cZgmVBGMPGwkuhAEoM+zdWaHaZD5sXnTrBmOiKQWfQxIDfe0S0KqqlJSMcYoYRiOipKV69qua2uthWBSShzPTi+Yzm+rSroBK2XRGbizzW13FElNaiKVMMeT8yTLK8qp4UIIWcvNamOUSdP09Oi42+2maWrKmlJ6f3OjxnsEeTubJVQKIXzPq4psNrufzWa/+93vwqBDqHZdN82zbrcTdYPf//736/X6z/7sz7J4V5WllNV0evfw4eNXr155nnd5eUkpTdN4dnd7dn6y22xXs5tB4Hq+W2supQw8oZSxXGe9Sipp0uUWxOuT84du1JslqTs4CcZ8u43vprO76f3Z8Xj17r5zfF4RupX04uxsl6SDyciy3T88f5MqcjNfaGZFnf6JXXw0sINivdu8S+PV2dlZ7/h4sTGblH/76vpv//4PbuAzL1hut5ssefDwwn33T1VsdUOrMln37MxMt7N10THetzerP/vVL0NP1JoaLu5Xm8lkklNWUS1Uo+mlDzhMjDGj9/2EbRvLnv1KhZIFF5as6ijqzNfX/X4/7PSqqlaNNCBauTCBIUu30EJD2LtarRDzLhaL1WqFrK1VdAMjCrRxaAOQRlKONfyzVkSQUgpeFKUUxEcM34FCViuoQt+n1rZo4Ha7xRWiED8ajVjTm4qOWQT+sKqIRhFEtyrn8Hkt8922bfQKtXA8a9RakiSBhqIxBhNeWt+JHqXW5UAAEo0VgMuhPYDyJmD3VtoF1BQkIlLKXq+H6BsdJdBUENxmjGHKJZwE4qnRaLRcLkGvxDWDNKYbMRykC+CBAXhpw0DZyF4aYzw//Bfh4IdwSmtlyEG0/gEMiHVoDTpjH3Y+f/DY12Y12X9mE8gEnlvXdZbmmhJUJsqyvru763T8xWKxXm+Xy+VisWCMDYfDx48f391NgTVxwfIiS5MM5fR1wjjnk/HYmHq6mDmuZQvr6s3b0XhCicnS5MXmu5uba0otx+LEc4gidVHe38+0qoUxR+NBt9vvdnppss3i3ey23ixXZ6fHw17XsYWUSlaaEDJfTEPPj+V+bu1eGVFRQ5XR0phGrZoao0mb2bQroN+f8X24th8AZe2ToplSAmvADuieh5hMC8LgLdgk7T3ac72CIC9K2rCzRoNR5pWrzfb8/JQw+9WrV7PFIgq7lBDbttF4ga7Uuq7X6/Xx8fF8Pkeiadt2q7yIbbldzyaTyaeffvr27dsHDx48ffp0uVyWZSkshuFHq9XKtu2zs7OTkxPf9+PlcjAYCMdeLpebzW40Gp2enr5+/Xq1Wk0mk+DyYRj5C3fe73eT7e7F85du2J9MJr4vrt7d5Pd5t98jhC2Wa2bZuyTLX78dDrOo2w39gDEWdpi7yzklwvIqXnBh18rMFivLsjw32O6S65vnhdR30+V4PGH27vzs4tcfPeiEjmH7mRO2bWdFsduVu5Q/efIoyavvXj2/uX4bBad5mq2Xq6EkxBKEWEpRxkWn2/PcRZYWm83m7u7OuzjFItvCgnEWgovD2Ec34y+01oJzgMJ1XROz19vSWhOqKQfkVGrC16stbBxjyOsrIUQarzudjue4nPN+vz+fzwGBoYQIs3J6emrbdr/fh1FGcBFFUbZL23KNOWiDQrxgGgoKDC7Cc6jgt+/Ck7BQ7WWrgwnUH2x0pJCr1QrJIHqXq/dHM9ODUT7Ao+E5gPIjLWCMxXHcaWZrtKICu90OLgoKmavVCk6CUhrHcb/fBwCC4FcIASK54zgtRE4phY8BggR/CZge1ALkUm3BBOsAWuRmvcOH4GLac9vr9eAMEJq1Yo0YlwEjzjnHz3ccB3JIotHFRNbM3++2/1Ns+qHJPrTdHySSLZ4L//TDb/njNp2S77Wj8UY4Xc/zKiWBGiGBK4pqtbpCJ1en04EdV0p1u5Hvu8Y0KD81tmNRRt7dr7I0FowWlVJ1OT49OhoO7mbTIo8t4UWhu1ol/X6QZ7XviXi3ThcVp8J3PWJsoiRR5Pbd3ctvvul1w1GvOxz0HMfL4qwuSmqI0rXfPxqNB2paT0bjzWYVhX43jDphVNc1MYpobbQmRLcyZNhssLntEimlUPn44I60WPkHQTqsJ2kCJiDd5H1y5OHdEU2fNv4qGxERAB1HR0fGkOFwKOV8uVxybi3Xm+VyOeiPmGWDGoA8wBI8cn3P81A9QvRwdHSEsTPYYJ1Op01YcY/Qwg3ngcrnZDKRqsKYGhSEEAaBb/bg0UOrLOu65tzq9/vT6fT6+ppS0+0+AU6yWq2CIFDEbJN4lVTz5SoIItt1uXDzomZMDEbHWZFrakup46ysdTJdbPBpSVYxQxaLV5vFzBEkz+uuNG7Q54yHvUH66mqXFkHUkcx2K/Xpz77o+5SYsq5qIWzbE5TyqlbC5iENRsdn0+XmxZvndV3KqsyyLE15lwjGbGpsTQUX3mAw6vRX8/vpbpvc3t4+vjhFiOa6LiN872ht24bqbnuQpJQ1JZZwwaCo65oS5lgu3kyZ9v1wsVrnRVHWWinlMJam6eXlQxQeUSkeDYaWZVV1IbgDC0saXhRjrCzLs7MzSimeBzMaLJGWZyKbQUtgVQJ2gPUByRp0QEQxUPJqTWGe56hTH9p0SmmLKUNvQDaSh5PJ5Pr6GrsWIS1a4U0zhg109YYpZeI4BvsbewvMFpwTUK/gOVpRZqXUZrPxPE8340NhnVvyJXwDLgb8dAzQaA20aDQXr6+v28Jma6nbbweVBUsBW4wpS4hx2virzQ/wXXgLsoc2DYefwD2t6xo9gbgq/N7mktQPre0fMevmfTzdHDBefvQFbXjODqafa61RDf7RB6WUmA8BesQBruNb1IFqzXYbc86zrCjLmnPR7faPj4+hCbHbbUBxgwiU51lC+JZlKVUSJalRZZ5maRKF/snxURS6RveTLHeEdXw0ZIyNR8PZdGl0tVrd13lp27bM66LMqNGR40VBqKvyaDgeDQeu4Ovl4u16zRlzXZtzvvr2u5OjyWw2izdr13EC3x2O+r7vr1dLQjQnlBJNqSGM8YMZVYcwS4tN6R+bxN2u4SEIgy3UPo+HbmS8PngL7gXOBSGkZYjppl8Em//o6Kiq5HqzgwacLSytdZYkoLH1B908K/M8tylBvAIwp5VCqpvB0GAoIbIJgkAwdXp6Cgnc1Wr1+vXrk5OToig63RCb37YthGVFUcxms+OzU9/3MQXz+PiYMTadTh89uoTyR1FXu22ipKlk7frBydm5Hx6he3w4OiKGXd/ebHepF7LNNq2VjtOMEKa0fvfuNi3ys7OzRaE5I/PpfbJZHY/7nsU7kaw1T4tqunpje2G2TjTRb9/dnJxdSEJWq5XvccEItyxC6l0SU+Z3u+OQdnbx9ub2LTX1cNgXgmVpXEc2C6OacMlcIlythSHCdTzP8+siS3apY9m2sIimluU0h6fpOTqMlfAMLOw+CqCkPR5GS8/zyvJea40hsMqQNC9d15Wy9jxPsP1RlKrilKm6dm078Ly6LDmlnTDsRpGUMksSVdcVdKPqGidPMIZSpG546AidgMzwA1U55KRtOInIixACjiDu6AcbsUUJWaN/sG/BIsQY0+/3daOQ1RoXhC3orQC9xHEcmDzLsp49e5bn+dOnT1ED0Fqfnp62nqDt0mxTH6QaqPriNbRRRwH2BUuKrDOOY9QP4DZghZMk+fbbb8/Pz9GBBQgI19wGTTgeqAOnaXo8OcWVtJEvjCN4O7SRbBRCIGeCOBcWGdiLUgqsXt7oiMEB4EgHofPDwJn+tE5LC+Cwgzbg1rIcVlYbI07ZgUjs4Xt/9LH/J0PbD8QfkCTlee74HiFkvV5Pp3OtdRhEx5MTTKPHZfi+zzlmpdZaS0ptxgnThAtq2fzs9LgoOpv1Qqvq4aPz46NRnia9ThD6nmGU0boutn7QDQN+fjYs8+P0dhcGHuecE1vVFWe014mYVtv1Rte1Y3FVV1HUGfR7ti2qomSu0FoWRfb2zarbjd6+ellkyclkMuj3GeOCMkI10YY0baXIpdo4ul3DQ5jl0KwfWu32NW0kjlNmDh6sYSW0iCKCidZ8t+cRcZXv+2ma4eR2u92iqMIw9IJwMtGW7RbzpWXz0PfRC5Jl2Wp6X9f1Z599huvxff/169cYeIuUETYd8mFCiNe3t8fHx71eL03TLEugEfYf/sN/+OWvfn50dBTH8YsXz9fr9c9+9rN+v79araIour6+LooC03q11mHoP3jw4Pr6Gu1y3UHftu2qrtM8odyybH8wPI6z9M3buzhN4jTPirJ8NxseTWbzzc3d1HLcIIzWSXU3Xax25U7RbqeTxrlgXq0tXennb280E5eXl19//c3J2YXlhs9fv6kUObm43OV5z+Fh6BNNyyyvpS7LittO6NiuE13dvlmtFlHHv7w8Pz7yj8fDUa8jLCtJq5pwSdl0vbm+ud/uMkaFLKsGk2wick2MJsoQUdc11az1rm0cl8S71oa2d90YU9UyzYuiqIpSpWkahL1dnFuWtVqtlJKWxbMslXW9222VdHu9DiEcmoiLxcL3ffD2WilapAKwy5RS13WFSFuaNoJ0uGu8BkExzBmueb1eA2TQTfcTIG/sSJhRbNOWtAfMBGACeHvT6RTM6xpcK8tCyI9vxL1HpIDaIG+6GHASWjwHsbA56ICH2W3REqQgUJQGHD8ajeCfgMZApQ8OAD+/LXWASgVfi+dNU9NGtydtpjbjx6LrNU1T9NG15ht5A0iQ+FKczLqut9utfF9E27Is6GiSRgmgTcbbvIQ13UbkfUD8Rx+t+fipCN28j4z90De0pbyf+gpKqTGEft9vsefva625oGVZ3t/fv337drdLwjA8Gp90Or1ut2fM/saVZZkkiVJ1GIbCYsJiVVVmWcZY4Hn2ZBhK092sF0kafv7Zp55vF1Xuez2tdZKlaZzm6cZiVFAVhdbJSff1Kul1/CgMoiCsqkJWBWdGy8K1raPR4GRyFHiO49hh4AnG67q2Qmc2m41Hg6IoQs//z3/1n559821dlseTiRDM5sIQhalhyhhttCWEeZ8s9MF6/tCst6/kB91hiC1IExPIA3m1tuSmmtkD2HjYpaJpWsRfdS13u5hzrtV+rF2e55yLbq9X1pIxUpZlVRdvXi37w4HrOjZhaD5CBT4IAkjIAT5CAJHneTvMSCn1N3/zN3/xF3+htfZ9fzKZxHEchiHKQlEUjUYjSim8wmQyQdUEGqvffPNNr9c7Go7m99Myy4u6chzH84Iw7Nze3WFA2zYtkyTZbZPlZn17d7+NkyDqHk3OFHEqYxErUNSKS1MTx++O/ShaLXfS2MwKPc+VhCijdsmWXs2oHXRHJ9+8eMstYbg1PB4+f/X68dOPoigKu0GyqdKscB0RdnxqebblLrerxWahdGXbwuJ02B+cTI45qQvjpEVZEJ3skucv3z5/fVWWpc1MnWWCHVV5oT3PYlxVNbFdSqlWRCilpNHosMfdajMv0ghCabVXXjWGUmHPZjNl9Hq3raSqtpssraJeF0P8osBbr9e9buAinqUUuBgI14PBoB1gBOsMEkV7llC3RL6PDdEaNWymtqKI2Bx7FPwNhOeQw9Vao+UHOGlLCYA5AxCP2LPFQ8qyhJnDHGqEHti7QMbhRcBHREz36NEjVFMxRoNSCvAElwfYxxiz72m+vwe3Eg8YeiwyKmC42taCm4MJkPgzgvHJZALFZ/x2MMzww3nTciWlxNqGYbhebVEWbleANNFoq0yAZAWUG9SKTQMZAW8BaNYGaKzpBjBNCf0Qz/3jNv2DELu1Oz+0Sj+MJds9+Ufi9L3PeA9PJ8aY3W7X7XZdx11u1lA4CMOw1+t5XiClLorC931KTZoly+VyvV6ORgNDFDHGGE2INhA1Z4wzwgw9Pz1OMy/0vTBy3ZJxZpJ4lyVJUVauQ12XeJ6tpFF9/5OnD2RZpenWeNS1KLPss5Pjpw9Pj8ejQb/neU6W7LbrTV7EURD2+uFys7YYPRqObEdEUcQZub6+isJwvV76jqv9fdNgm1KjStnaZSza4fKaRmOONr1XpsG+RaMJoZvSaLv46kA0iTY1JxRa2mfaVvP2/0IIqiUndE9+LUrHcdIk1cQYSrUmnPO6yC3LyvLkMrx0PFdoUte1lHWWpZ1Ox7LEaDRsaqed1WqVZWmWpbZtOY6ttR4Oh3d3d9Pp1HGcMAzm83lZlr/85S+TdAcTMZlMfN9fr9cgTUadTllVnPNnz57FcRy4HnBU5ARCiDhJPD/QhHh+FASBZoPVNstrQ5hTGzFfJbniw2NrFRdxVhPuS0PXi+02ySzbLbVww76hota1JCJNkm7gUiuUzP3DszcPHz24W66yvOz0e2llpvO5FvYJ7YfRpSYkL6XjOG7YI9SShC6WyzdXr2fL+/Gwv9ttymwgq2q5WtjOYJPWpVZ3y/jFq6v7+7ngjOnaY7IThlVZGiUBOfhhhGar77GX1mjWdU20wv2GLSiLqiwKKSWlfDAeXK9vbcuFusJ8sdGKHJ2cSCmLIs/zvCyy08+eDvqdIkuEYL4ftuYbdxrdifir67qw6QgGq6rqdYLdbpfnebfb7XQ6WmvEs+DGAIWARcMeOjk5qesabWCYVtqm26oZ9wzridyw3ZeWZaHtyPf94+Pj1WoFljc+DV8KHrpspkg3gJ0dBAEQakop2i7yPIfMFjAf0gx4RCMSafo1WoY4VhsiB4QQyLmwRkARNVscM2QDZTPOCXG9akYHwEcGQQAhi71eaJpCkGC73Z6enOtGAKBNMhhjqDvhyrXW+O15nsMVQXUAToUxBnICyD9Sfj+ZQWtNyfdT6A7DwJ/CXj54ZWuDdMPxP9yQSBRam66aeT0tzvvTNr2xeoQwRo0xaFtHrhMEwccff0wIww80TTPUZrOazu6VUuBaaCPzPLdtYTvCEDj10iZhrcpeJyKm2m3XrjPyPE+WlapLWRVlkTu25TpgcGnHpaPLo6urqxcvtlznhBCpaiFGvmNPp2/jeNoJw8DzOl3PaFnX+WK5s1x/0h0nuzhJkpSQzz//rCoLx7Fubm4iP+j1O77vg+TAORdir3VgWn5ns54/tOwHTm7ffyiagcttDkeaoL4FVVqgsq1mmb0gIsOmbb8OZ2rS7+52O9/3b+6mSZL0hyPHcRi34jhhQni+Y9v2IAzjeDsc9cuyXE2XURTN53MceSiFgIsNBt1qtULrRosC/at/9a8AxlqWdXNzc3Fx0e/3Xc8ej8fv3r2bTu8BTq7X65ubm/FwPJlMZF2XZfnf/9v/riizL7/8stfrGWOGnTEV1t39nAkRp7kQKinKt3fTqqo2m810Nl9vY2p5RUX+4atnn3/xi6xcFlVtOZ7tRz0nlMqsdzvuhoVU0jDC3KzcuQ4lxEpKRTT5j//l9z/72c+yIn/16hVh4mc//+LVm7enfHNycmzZPuFOKXlZktpIJsvJ+bn627+nlI7Ho/F4HIah70Q5j6frtKpVRfhytVsuN3Vdc2bnWRJGfj8KjZLUEFtYQIwNJYwJoZTyvD3Zgx9odSIEQEgrm4Fntu1qYizLWm02WV7keen7kSYMWg1EaRA/tJJEaa01I5RoQw1ZzOae48qqLrK8KArPcX3XW84XhwOUBeMWF0VRQDx9t9vNZjNo7a/Xa/hV3H5CCAA19HeZpg++bfA1xqB9H50yiFsxN6vf7z979izLMvTiw3PAau/1Xji3LAv8S9DXIFLIGMN4a4j+gMKIJYLCItwS3A/ei12IS6LNLGkKTYLVCv4AGwg9q71eD47HGIOVBC0XB0w1jdfIgk2DjMNdjcdjJBkIsUEnxeIgGAeRHyu22WwYY/1+P03TxWLR0mbG4zE06yFlgwxgs9kgjuv3+wh4QWfinM/n807XJw3XojXKLT7T2hTSTMhTjXJka3HoAT2uNd/tM1JWLeYjm1FN6AxsM7b30PY9ttjoC3KGqh63RJqmRtN3795VVfXgwYNeb/BXf/VXjDrn56fAA5uEKev1OpQZThhCBDjvsswJIYwTQQSRVS/qaCOLIqslY4w4li09J4oCx3Gk0YRo17Usi92uZ5wWlxcjXddKKdsOy2wZbypVl8PBZa/r5nm23cYIFFzPXa9TakwQ+IHvKaWqsvzii88JIf/09//w1es3lw8vPvvsM7jtNE3H4zFRss1EW5sOFJE21M/W4rcvayFy/NVuhtJhu2Ll4UGllKhCQZiIEILTiiEVDcliD9eUZWkEy/O8qqTnOJ1Oxxg6m822m/jk7LSsZbbbdbqhMebnP//5u3dXqPA7jpMkydHR0YMHD+I4vrm5GQwGm/8fa//ZJUmSXQmCT6gSMzXmJDxoRrIiAAoFzPbu2Tm7H3Z7f/qcmTmNJotuFLpQWZmVmcGcGlcubD9cUwmNiMwCqrf1Qx4PT3MzNVGRR+67777dbr1e//a3v63r+vz8HMyr6XT69OnTZ8+emZOMoP3yyy+ttf/0T/+UpIpz/vr166urR865+/t7CP+laXp7e/f55y///u//HjFNqhPB+POXL4Jn/8d/+IeqbbNitjq7cMTevrm+vjtUVUOcbfaN9XyxOt/tj9aHP3z7p6rpeut467J8KhNhmoZLOZ0v9put0jkTejY/q9paK8YCYyTOzp+8vX1wzi1Wl0rr9cM20dnN3eZ3v/9DMc3Xt5uz5WpfPry7u//lX/3N9n672W1ni4Ir+ezZs6KY7vflH7/5/tub8vMvv5pfPLq5/R0YPpL8dDn58sXVcj6bTyacfN2USikpddd1IslldOMfOXY+kNMRYMpwOqLHY1XW7UnDC/6eg36ntNbETvgaMe9M30t2fn6Jx9O2LaTXYNo2mw0AFjYUMEEvyTLeD+PZYB9paFxG9h03HJ7r2dkZYn84Hu89+IgxnI+BGCK7+/v7xWLx5MkTYCloR4b9QmqCvY6m/9lsBtsamYXgs4NXYwddaVQ1cbd4WVQgQNsxAByEOYBiAK+joxr3GcuDWParq6uzszO8AFiQHDr4zTCkCd8X3ne5XOLOI76EniwoJWA9zcmsaAAvqFJcXl5WVbXb7SaTCeaESSl//PHHL774gojevHnz5MmTw+GAXuqyLDGZBNRAsBTGAeBH9vonQ8W/6EJRmoZUJmIIsVF2HNoTER+N5Xx/W4wh66qrFo5/t9tJqZfLZQiuruvVamGMW28eOOeQB5FSOnfSa+McbffWe8+C55ykFEISkSDyJBkROXdq4ELo4JzrTdv3fZGrPFkkSaKFiGUJ07fGmKap/vmff6zrerlcPnv2TMhQN4csnWglBCfvgxCMcy4ZDyFcXFy8u35zc3NTFMXz58+LokBxRYsTT2n8FPjPs/g/CuTHGZUfLqyqH/o54B6iuUeuhsidD2L6WLHpdFo3ren6oBkRcSKh9byYaZVeXFz8+OOPIQTm3XJ1djgcgjMhKK0l5/TkydXxeLy+fqu1fvr0sbXWGErT7Hjcf/XVF13XHQ67xWKxWMyOe3c8HtM0ffXqldby6urq3bt38dQ8f/5ca3Vzc0NEGAsstSrv7+u6Dt5eb3fTSSYlt7bfrjfExHyxmHpWzBb5dFE1DVMym6121TV5mixX3pFI0tVl/vjp03c3d0G0rmqcp84YGQJxqdMcD10pkee5UUJKmWiplNhu19bUxhiV6KLIIR+/3++XS3+73hHXx9oFqn/1V3+dLR7dbA5vrm8655ers2I2L5uWGXOxmM2Ks2ktprP5jz++vrm+nmb5ly9ffv7ZU1ftllOtRWjrw7LIM422EiOkZCzI+KT9h2IA4UNIXTKMm3DWE+dcJ0ma5oF6oRTnElktAnMtRZ6keZrZvssSDcSZD8ORsYegTwuOSiwwws9zLhGQYnci16NBmJsPjT/RWCMMR5UcWQV2LQqD0FTpT9OQTyXQx48fr1ar/X5fliWgBthBRNP47ri9mAxix/NBwhc+Joy4KxGyj/4jZqzee4T/CAYRSketAnByxcAr58OFvhjcG+x+/HYRbwHZAFUBQCs4XWMaaFO3gLaiS4h6Yev1GmRHa+12u8W7XV9fTyYT0AzQF3Z1dQUSPZqq4bNxJ1rrECwbXT9pvsOHtLm/6IoRJXJtIFook0TDHUbFQIIUCj/VYKOeLREhJfLewzFj4B8FJiVPs8Q607b1bDZ79OjieDxyzkMATBQYCcaIc0nku6Y9gfQsMMaJyDtUsF3fW8YE/A7nXHFBRBOtD4fDfr3b73aHw6EoimfPns3nxQ8/3IYQhMCkG2e7NkghGaU6FUKQD8wHRiQZ54K8D2fny+l0Wtf1dru9uLhYrVbG2bZteZAfrTwbzR391JrHas37FfvwAY0LG9ZaMXTDoZqCc4odq4Yp5FVVITPO8/zm/sH7MEszoaQQojOuLMtDeUT3yVdPHt/fPfTW7Hab6TT/7LPPvvvm1Xq9fvTokff+zZs3L1++fPTo0Xfffae1Pj8/v7+/f/r0KeZQYyYBuAyIEb2XNzc3YAF8/YvfAEXc73e73e7ly5cgUAiuq6bue2P65s3bV+ers+VyfmI8t/10Ou09tW0fRHNze39z9/DmJmy2B+LM9C6EoH1I86knfnn1+FDWTG3LY90bE4t55CxjYQADFSdSSkrBus6kaZ5PRAih76w1nguazWZMNtd32yRdNFbevb7P5w8qy3//hx8PzfH6ftN2ZrWYMS49iZvr9Q/ffh/mi7Is//THb7NEf/WLr3/x9ZefPb3a3by+Oi/q/bptKmIuSRSRt95laeYZO/GRx+cQP8Vej5MP9N5aa61XaqLTngutk6o3juhEhOj73nmDTqUkUVrLREmtZd+0gtj5cgV0Ag3utoMElUqkaq1jPiguEqlcbxCWItaGlWGMocMlNnNiMyEvhsmLPEXUEsGNibE5yoYwRvP5HOpr6/UaJxwWPMpZREsBzjh2kh+Ey6uq6vselJJTONb3MNnjXiEYncj+Rhqb57m1FtgFqLIPDw84OShjytF8yBAChIfsoA4PNF8IgSJPJFbi9IKxi1wY5HrcGOcnKnpkyBCRlBKT87quWy6X0JTHm2w2GyL64osvdrvdw8PDYrEAYxVfPHrieJMfRsPvdbg+Al7C6PqLbHokXQwhM3eDwM6n7z/+w1MdNbJxUO33Xkp5dXXVtm0ILM9zraEsaJwzWZZgGj007uBcQwjOWedICCG4ssNHMx6IyDOCOAEj7h3rWhN84ygoJdI0FYki3xdZOp/kF8sFNOnyRAfrduvNo0ePri4ujUHhmnMuZ7Op64mRd8E77zjnxHgIDBUpDNLUWvfDVACsjxg4prHeEHmZP2nWP1rhMCBjYuCYh6HCAdAygjZ+6DFGSSzCNZHCELfxSeXfO9N2yCwf1nfnF4/K/eFw3FtrLy4uNpvNd999lyTT9Xq9Xq8ReaC1EhK4q9Xq9va2qqr9fi+EgHz/i2dP0jT953/+56+//jrP0z/84Q+//vWvYVUQl6D2M5vNbm5u+r6v2mY6QRtq4Jwb05Hzs8lUSllWTZ4kbdXdPWzksfn2+x/evrt5V+b4ym1zpMC1VC74H169vnj06FRDZt5b671nggshmvrQdzUj23XcW2utcU5yFvJ8Op1OlRJNVZdlybiF5Jnkx8N2t9lXiZrsjpv//T/8t0kx3deHbblL8snV8+ePHj/3JI7H2jddoma7uvqX//7P1+9effbyi7/51dd5lmzu3pGpi2zlKwrGUXCMAhfEOQ+coRR6MuvjC08Inplz7iwMuvWeGtv2nT1RUU7sglMvGSBjkJyGmNFl6eyExhB1o7HFcfAFCBVEBJPdu1NyoIc5D4wxtPbBZMeUMHbK4eOwO1Hlw7ZumgboBwQdF4sFbHEIAQMo4jDPSHHB7hRDnwVmJHWnJjQxZhYihAGAQyMeNA35rBkmUMPyRpIiOk7xQSBvRd4CH2maZ1mGkRSLxQIjelH2RGQkh1l9+KAQAsATUGLcMI2oqqrl4iyeUhxO4DOI7vEy2AtE6+i1QUW6KAokUtvtFrO+AGrxUXdSDBLH5iMMWH/859jc/0WXGATxacDZo4cbvyzexsnCRirkcAPOWuxA4GZaa2OcUorIMcYfHu66rpsWuTHm5vYdFlzrk3hD39sQgtYsyxKVyZjUOgqCB8YkMcZY2ltHRIEJ73pjPGM2hFBu7oGMrWbLaTrprfXeV8f2xbPPsyyTUjHmEj1B/yoFInJEjAXPgmeBQ1GXBVJCRlcKh33aMJ+oAmCd+Uhw4t+y8mwQLqURcdkNevpwh5FlgA9CtAG2LpxuXdfL2bw1PRJQ653g6vz8/EpevXn3NkkU9EHv7+/PVst37946555+/tIPnRk4nuhu67oOVCW8Lef8zZs31lpjLoqiwFwLfDN4o//2T//45MmTq6urqpqCoHw8Hp8+fXoom8X5eV3XVVU9ffqUUwB1bXVxvj/UaZp1jonWtKYvq+ZY1SbkgvG2c44kF7wzDqnGdr/HOjvnGHnBSUguBHV950zvOOvbBkGe5CKQm8/nLFBbd8aYRCkpJTkq92WyVDIttoduXmT57OLdu+tdu5+fzUPdqEx0NtS9kcdGdt7XjonMdfs3r37UUqSJUjwkItzu1stcNsed5oElIrjOmE4IIbV0wXNvpVJKcPbRgaQP+4ZHx4bQ/RUGfC1NUyFknufv3r31tk+UZIwF711/gmIwoBl2FngiokWMNo7YH5ZDCJHpk4gubFNMCREFoEoDl6OHaUHx2MdaIiLlMDD24BJAFsR2RyspmpvwngBe4Lqww/gwzi2q0EQE3Dl3OBwA+OA+sae7roMmYuTPMMYAZUyn04eHByjYee+h+oKi6PjIRdsEPxcGjgEYk6DQAp3no7kT3kene5qdZIb2dzZ0b/fD9FTc5/X1NeIyTGVCQ29d1zDcNzc3T548CSG8fv365cuXSAJgU5AEANgJIQDeoJ9il4+vfzVO//RP4hWLq9HzAcX66G9PicIp2RrfVSAiCDGWZXk4HJB+ARnrTc24r5ujtXZanFlrAOUZY/BVQkBD/kmgjCQFHwIx7wMjBqoBY6zvexeE1jpNtbXWUyDy1prnT140TeN6KvvGOZdkaT6dFJnbl0elEs65Fz4woiDaxhljUsmklIpHncvT/WutWSB4MrhzRoKzIMV7TPwjP/pRkDFe+Y/P++CGESuE0fH3H7aPImiLxYwYxgGQaZpG6zRY56RzzlEIXFEsM1AI3rsvnr/s+xa/efnyJXm5WM6wpcuyfFjfIW774ce79ab44osvlFLTY16WZW/aFy9eIFP57W9/e3t7a0z3/PlzqPRcXl4+e/Ysy7KqKrXWGH2zWCx2h4Yxdnd3H7z74uUvFdGbt6/broHCjPc+y/N5EHebPXEhlBYuPRyb4/FYFBMi9rBZa605sWO5hyURkgsSzAdGgQcvuJUicOaC74M3FOCRQ11WeZ5P0kwL2bW1s84Fy3xoOlrMzzf3u95U08lsOn/UmKZq+tnqYre///H1G0ns8WK1SqbdoVWBdV2VSvbyyy+vHj9JtThfzvpjqqk/7jdFphItQ/DGdpyTEKJzjgWPUPz0eN6jct7TQGeWUjJ2qmF67xhjnoJ3PgTGOVNKoZHpeDwqwRgPGgQrxpTgaZo+rA/I4PDsYYAOhwMoHzGgQwiQJAkXAi8eUnvGhvohG0TjALngnLOhVV0IAUwfNUw0HYAuiepljDIgBxHfGRh0GGhzYehOwschx4ylRbw/zKL3HhYWX80NHT2R34L7wVdGM6q1FhzBqqrgRZBDRPJGPDxIOJDTgFuJyBrsRgic4Ushp4F/QoUAwBQKmG5o4IZEMNIFIcR2u0WKsN1uUVTAbYRBMS22OAkhiqIAgyiSo2NCw/j7VH1sXj8y6PG/f+nlRhLtNAAC/qd4e2zUHAebHkIgdrJu2B6cc3jopmmybMIYE4KF4PI87TqD9oKLi4nW77UWYiWcArfG931DRBSGwixjZB1jrLfOu0CBcaa4YOzEj6Sm6vreSqk558b5vrGurzvTOxu0UpN86n2o2wZlFe99MBYkKMXejyjw3oWgwHoCzBg8IwpCCKJTPPFRnveTPjJu+/FhpyHbG59QNhT//cB0xJrHVqM4SyA+8SGwqK21Qis5TDz3xjbOnZ2dPTw83N7dId+dTLJEy6o+5snCe59lGQhX4EQgMw4DxRk9K2BY3N7eHg4HrfXd3d18Xnz11VdolFuu5ghB1usHwJ6LxWK9XgshAmdpmjIKxhgpJTowjsdjkuR125JKXfB39/dlXVnnPGcyTWTbJmnOGGNtk2UZ5yQkE0IofjIajmxwwTsSUgruOXOMPAUnmJCcucDLssyTNJkmjKiuQt+0SimdJMe6LwoRhO46733bG89lcqyPhRaXj668W02m09vbh4Pf5Dz56rMv93evFvPZk0eXv/r115zzujwWk7TaHJTy3oagGGeBsWCDt8EHTiyQFEJw9nEGHUO/EILWOtFprAFKic5Da4xxgXVdR3QagJJqUM4TmAbvvQ82Ui9gXGBxwHupqgriKrEimiRJZ108nBEcjH8bC49xj0Z9H9hKIoqQkR30WOIQuDRNt9stqqZxwgY+Zb1enwCvkRxj13WPHz++ublpmubx48dpmr57926z2czncwT1gEEQHeNW8QMbpGZw2EADx+zs+/t7bFB4tdijNC5shBCqqprP5+j3QSYxn8+VUj/++CPstXMOQyDhG+bzOXSiQT+An/PeW+Mi3hJzCJxV3IAQYrFYrFYrP5TEm6YpiuL6+to599d//deIwmIhASROrBseHH0SFY6NyNiU/w+Y9Rh7RnQ7Zv0xRxm/+WDfx4APhRCSgWiU5Fme53CH8HDW2qIoiI739/cXF4/Ozs7QS4zYM4QguHpfmOkN51xwxTknzhmRd2RDmE5nVVUxxnt7ypCE4Nb64AMPUnAlpaTAhdJpmmbOtV0viNdVhwxAipSRcs61zZ1UIlKhggueneiqWZatzs+UUvF0pGlq2y4WGCKnM4Inn67nOKcZG3oz6OLFF+DdkEBHWjrAKKSbIB3AxeJlzjmtlTHGdn3vrFIqydKiKGSiD+VxuVwKKQ+Hg/EOUCoLhIwW4ZdSarVaJUny5s2bzz777PLyMs9z7EMYh+++++7p1eO+77///nt4OBSEgMhjUIFz1lq7Wq3Ozs6++eabJ88+L4rJ2XzWtc16vdaMXT1+pLWu264oisPtvbHdsayur2/3+33X9XfHh8vLyyTPWtMHeyLp7/dbrVQILkAT2mOPBSLigbPgyXnHjfdenBIsgtDY/f29d475kKY5edc1bU3N8VgJodJJulnvjsfq4sl5zoPS3AdfVs1ESuMct+G4f+COXz6fr7fbuqlm08l2u/3xu2+eXJ05b4WQzhlrCBG69857y6Um56UIPknSPE0k485a1xsWiDPJpThhx0xylUqpey9s61ywUsqu65u+UzLZ7w8vnr/cbDZSqumkUEIjynCm5YLatmZs8ujRI8wfyPN8MpkYY+bzOTgAbOAmq9NoqOO+PD569Mg5U5aHyWSSJFnf92matW3bNBWUmon8bDbtuq5pKmxEBOa4YQxlhsVBsMk5L4oCUwLyJDXGTNJsNV9gmg/zIU20mLDzs3OcZBAN67rmge6ub1Kti3xi2u6uulFcPL16jJ19It40bQiBnJdSLmfzsFjc3Nzs9/uLi4vZbAboE7ZPSrnf7zFdBfxI+IMIMSGhQY1oOp3CQAPQRBpxd3c3m82QB2CMCzQG0O2JHtosy0AAAGKzvDgHvqRyPWWFULp1hpE8u7rcbfcyTZ9//rnWujOOiGmtZaJt18/n8379ULXN0hjXtmfnq6xrm6ZR3nHJKPgQPBeS2AngpqGigDUZh9Lwx3KQchU/0yv0kw4ghMD8h2BOIBYYI8Y8gzYhZ8NAzkBEpCQFYtCJCUSeODEeiLcmZJN52pi77/909tu/e2hbYXvWcjXJutYo4jLo0LPm0NR53VQNQlHmqW1aKWVWFEKItm2nKu1ML6WXWrpgAmdM+b6uZbAkurY1VAVJUjDBAtchdIXmnJemY7ZP0sS6pm2qyWRCvichOHEZ0OQpgpfe8zQ9l1J6PPHkhEC2bVtV1ZMnT/q+h5Z9UFZwbvqWD6oV0cO5oXc/WueYgdFIanEMsDDGorpGjPojpMlGYmGxpIE4KSL4sWbOs4wRVcYopUSS95ZsoPbYZMmkb+yyWHlPfd+HlqaqqLfN+Rmdnc232/Vm89D37f39vVLJV199ZYx5eHjYbQ+MxKwoKBzyPL9+d3/Yb7/++mspni0Ws77vq/LQNpU1HbQVv3j50rq+qcs2SzZr/+L505yE6I1KdS/Ics+16lmQnCuu3nz/RurppDjjfOXMH6U+z1KeO+O910ICa9U8bZpmOp21bZuluelbMMc4533bhBAKNe/b7vLyzDnnuoozXh4OxWRaN3XrnPdWCJEqnaapzrQQIqPksN8kSZLO2epKky7r5nY2m0litg3C6t3eFcVFa+0x8L2pny1f/q+//b8d9vc/fP/Hw+bOdYcf/vj6yaMLoVcyTR1XLcuDXjCW9x1TjgfhJCI1M+i9xKwMiSpOYNu2jJne9CGE/f6AV6VpmqUTxk7SgNHD+9HlHGnNY+wZBV0RxvKBRRsxB1hh9GQizOSD0G6EU+HhsWUjrocYHK2hiBcYY/i4LMvimOmmadZ392gKZxjLYgzQ8+VyicBcKYUmIyHEarUCutd1HdQNQbnhwxwfN3STiqFVte7aoigw+fr+/h73BpsLIiOCiMvLSwTv8CKAcWCs8X0hHBrHlm42m8PhcH19/eTJk4H0ySPnARDZuEYKA9r3/fF4TJIE+cfhcHAuaK2n0+nhcLi/v0eQzhh7eNikafr06dO31+9ms9n9/f133333xRdfZFn26tWraTFBoATAh0JAkxqWmobUe2xEovn4SRDgf+yK7z+2/h/9wBgbBmR8cMXcEbNH8F9MJY6FPiAbKEVEuhE4spFHq4O03pEPfd/3tgucEaeu6xwKhzYEG4iIS86IXAjl4TAkf6SUCpyM6c0wsGJ8/yfT2VkaoVtuGHcFI8sHWRWKHbn+A9CcDRxfnNyPkr8wTDf89PL+A12B+G5jjGV8bE+Ni/C7g1RACAFbOpag4hF+9+4daC3OfdA7BkQUGTYkG/F7NFU19WmAYpIks9nss8+eL4rs8ePH+/2esYAWQqXU3d3tr371q7u7uxBClmX7/X6z2WCqjDKyrMtDeSDFFovFbFbYrv/uu+80Sx4/fkw8vVkf//j920NVtoEd645oigX3Q6Eu+FMxzw5SlHzc7cwocDbOkzjnxFls3eCcpJRS60QnSqmqc3meQ2skNu5GZhfMxXSKgLVBjr7Z7eaT4scfv318PssTptisaStrrbGOOPXDlXQ9BR68kbAOn9p0PvSyW++MPcEgaZr2/QbYMTb6ZDLL8oQPo7hjdjw+gXhsROSG/gX004tBMJaGIh6mSEfkDphyzM7oQ3oJgEVEMWVZMsYwQAubCUU/fIT3frfbQYkQRh+7ijEGDRbssEg270ey7Pv9Xg6S5WFomwaXK5qJCIgDf4+8XQgDTCaTxWKx3+8XiwXU1aWUGEaB94w2HXgO1gHoKgaHgjmDNiicIjdo+eIdcA/Iew6HA0hdKGmidAGyTQgB8AsSo8ViAXbBZDK5vLzsuu77778nfuoDuLi4iMN5N5vN06vHWPa6xjD4k0TwQAH/ONP/CM1jLO6sv+wauwr60KzTJwb9oxsgQix/UgrAY10sFk3TFJOJc65rWpwHmKHlcol1xqpic2J5cUxOZadAgRjzgRMTqE9wuV6vpdTBeWecDY6ICRacC1VXgSzkvXXOyQ9DZs64d34Iq7n3HqA2G4ThcM7BT8UJgtHE751zgr+PmcYrjHXzQ+dEvD5KhmiEWY0DrLjU41/G37iRSEO06YOl40IIBBN9b0FK5oKhOFTXdV233vuYsmPsLeeENkY82UgloLCfTqePHj3abDbr9Xqz2WT6/HA4SCnTVO92O5TKzaCfqpSC6O5mswkhrFYr2xgpZZJmTBATvu/Nzc3173/3z3/967/VWnc945y3fTebzYQhR+JYv1ehiCsJ4xszEoAKrn9PGDXeAbgHyOFsCOzEow2BrPVElogbH9D9Hq0/oGOlFCQFgeLG/hIp5Q8/vm6a5m/+6pdSaql1plPTHgs9t85L5xi9L49LyaXiggkZY+owqp/QEBRwzjkFzikExgOFExORl8em6zrO5HQ6IyLGgxBCaaHUMMR6YFsTEfAHrAXCXsYYaIKwuRG77Pv+/OIc4TDYkChO4r9sIITEgD2EoNSprx1bHxsdpRUxCA9tNhsQpBaLBXoW0FSCjQVcqG3b+XwORVboeSVJgugYDTjAoOMmxschmcBTObEVGd3f3xtjQAREuFEUBVB4yIdyzqNNj9VpHGO4HICbAP37vofuTZZljx8/xlIgLYiUf7R3FkUhhOi6LooNRKeFOChaQwT4GK8K/5TnJ33Kr37x9cPDw3w+//Wvf308Ho/7A4SLcXv41mJItEMIsAbRyPqBs0yjVvWYh/2lBj3apk//fOwe/kw2MITtJ4ngvu9ny8V2u52kA7V/qNILIUDcZIOKA5KzaAFPJWuH0ivjnAumtJBCKR+584H1znhjvGNKeR7eN3mi1TlLTrpXHuAGcRfccPpOnxI5iDEqhHcBhgYMEy+w1kr1vhUc98kHHk7Ms0/neFjPT1cpLmCsAMUVBn0Wv4ShQJoIHvA4OTjdj5AIeqy1WZYUxWnW7mI59y68fv26ruuzswsEHLvdTmkFLZDdbtc0J0MRgus6wxgj5mezGXrF0XkeQsBRyvMUU4UnkwkRXV9fIxeHUCtBqTzPZ7pI8oQnsm6rrjNpqvNsgqT8Tz+82h/as6sXk7yQ6njcb0DOjt+UhvMSgxg2lI6JyCmF6AcxbqzhBc5a02utvTlF30Iy613bo33SSqWNdcQs4yLLJzB9PhCFYIwtq5pxwTnnQs4mU+Zs2xmt0//1//H/3Ny/E9Td317/u7/72zdvX7lA3FHwFPOkROlAJMc2JT57PCd8mPXOBxYCa/ouqirCRsA9IlF1zkZIxHvPgmd0su+RBA1YAAkF4llsVqwXOnSSJAEAHfNE0EVooNDCfCPmGtqgFPqA0UwEOxg1WCJgjaQmT1LMe8O7ATrHkeu6DhIriOhBcQVnlohAygTVL01TcBmjVY2p+u3DPYJr/OFisQAq8vTpU+fcZrPpuu7i4iJJkvV6Da1KJGJaawSDcEXYJShIwkVBsCXO8fJDERs9x8DQlstlURRYDawkyJdYzOVyOZ2eSqb39/fWOPC9vPfv3r3z3j9+/BjZWNd1x+P+eDwqIYEd3dzcIOdYLuc6y9jQoO+9/SAVHSApP6L5RyiG//zs6Z+7oqmKxj1arp97fRhPKB39PiL+VVkCMfPeT7MsciXDSFcWBvSjbjKttSut9548hUC9t9ab0DKo65zCIaLeWuvbCRdJosiObuxkLALCJvzendRGJYvMgsEvukFPGKcDASxAUeSC9CGuQh9mMJ/+L/qphCYMPUf0YcyOy41UUWnQiqGB+8gHsmN8RnVXY8XSNMUZr+vhnqWGycbYnLIsr6+vP/v6cyKq6xr0FSEUzEueT621ZVnu9pu7uyK2vD1+/BilDpRtQRxwzrZt+/Lly+vr63fXb548eYIwP8uys9lZ3dXb7Xa736hErlbPz5arLMmrXd211jNWzBeLVcff3TVNa5lkLI17Na7YOGiIP5ziyDSN7DsadjssWOectZ5zLlQCGMD0/TRP4HFxfPBigAFyoC/HxvvpdDpj1DV13RofRNuZtto/bHbbY+kC8468IE8Bc4ys6TjnXIwai6NNRxCBsNSe1LQZ0s/j8Vi3ASDDdDr1jhhjdV31fRc5J4wxY0ywxjvDmJbpyU9EwK4fZsthryAyRXCUZVlZ10QUIRo36LrE3SMG5RNAJfGoxL55WHM+9O6D7QBSYN/3zIfYJYQoTAgxmUxgyiFGFkI4HA5IkcTAa+QD8wdjIiICiBUD6yZN0/1+j056xPto1fHez2YzUH2893GOmh06SGPNAE7CWoveOXyc1hq68IhEPrV0qJcis0GhFSmIEGK324Wh3pUkiVIJnmPbthQY0mQpJQ5JVVW7w/6LL754+/bt27dvX7x4Mcnyu7s7a60gFhGnMSV/bGfHxmscOf7/c7HRNbZB4RPUJSYKIWLuRIEC0UkwIJKLxnQdDK0nojjNHK+MJNEY7uBZmKpr+k4IJrUi7z1x4rB33BgTApNStqxrupYLlU0nvvLGGCEiD8r1fRdCYGinIj5IFUnOpPc+sBChVTYaKjl0A7Asy9AVwU5dQu9xzrjsbCicRrsfT9+nUMzYVLGhJBY/Vw4jVvygjQFgCutDRLEePvy5x1taG5Deaa1Xq1Vd17N5gVOvlGrbWgi2Wi2ccw8PDzc3NxBGXS6XjIHn9r5VeLtbW3MaI4ODyTm3tl8sFp999tn9/T268zjni8WiaStMOIFTORwOJE7Zz263897meV4fah7kYnW+PM/zfCr0jgs1mc7K3lJPQgiSMtrxuPfiMp46P0JA6obfIDJzwQshrAs+sECccSmkFFJLKYkJ58m5U/M5Yr74iCHRigtvCBwmS8N2d3x9ffP69Y+LQgvfry6u3ry7PVvOZJJG784QHJhOCy3Dh4kGHzUZnf4giEDcWn+CF71FoFUURVN3SGlDCN5bpUSSJEIw56zt++Ad51YPcxtgncNAjYhbhw3QoRyGpwghIIqCwwYgAsKbCK9Qf0BIWxQz7z0MaBjJeUe+rR80yk9RGJ0CTDWIhxARonWUdHCfyMQZY6iasoF5Aqt6OBzAaQkhAMUGltL3PVg3jLGTxJLWsR2jqipIGyKQL4oC/oMGDQ2YfjS8IDUBLhQRktVqtV6vaZgtJwZ99jRNEcfFJYINstbe3d0BO0LmoXWKDTSdTikw4DaAiY7H4w8//DCdFY8ePQohoDm7a1rnnAwChT4UMPrh0XRdp7UcW3a40gjcjS17GPEO/+1X5Od95DlitPiJbfJ0MuiMGA8UwGuMtsxau1wuQXk2xlSbDZ4XDFCUJDLGoDoNXAsFD855Z40xJjDFvcftcSm0O2mrcS5VolnTlFXlPE2KKdC/rgvQv3JDb93xcCAiwSX045RKwImPhxyePq4tohwU89FgcUK0w/uvH42OH+p7cXHi/4rr8FHYPg5Fw5CvRAxNDaMKUdaCAaVRiANEQms91Rr8K+ectT6EgJ5P0MyVloJLcLQQSB2bUjA5zTMWlhCLVkopmXzzzTdEpLhYFDPGWDGfcPK2bx8eHoaqNQ8h3NzcvH79moiSJPnxxx8vLy+//PJLKMBwzu/v71OfTOfTYl4EHqquvnvYkH9oqlbxxDpVzOT+5nqz3T1sti5Q2xuihHPOh4qFH4qfcd3C0LmtxalFfLznZSe11o1qsESnZnjvbO+898QZQlgxzIbE+uPIj6sUMWrMQkoyeXg4NOXWXi6fPFo+e3qxebh1gRPjXJweipRccMYYCSEkAq5xAoXnjfjltLGIE3GElpnBWHFkCp21vbUGnHylRJpqwciiqOpcCNoN6kvxjnE2YEwRe8IvnUbEKckYi4PrsL3QDgq7GSuu2HOoLUQGiDEGkSlj7OzsLOLySGTSNPXG4s9B4saH4t7AkEHctFqtLi4uttstMgDoiQN4wSkFcxyQCx4DXOvl4yt8F8QjbhhDAejm8vIySRIQTmBnY4etGVTdESTChQBVz7IMkmQRloE/84NuJZgtsacGGUxVVdAlBimoqqqu6xg7CeNYazfrLRFhLsz333+/Xq8R6fz44495nr948WK3212/fTedTiFHjPS8LEspBPgGkTQZt804DBwn5jF0+EtR9Qguf2S73YeavfEHzk+NlwjTEacHOpH8YKoglXMaQsJpXJOMKWDf9zixkJeAYUrT1LdkvWOMueCtdY4Cc9x0HefcexJcSKkYiabpeueLejnLU2QDKDX5QTLz9uZGKSX4qSHWDd2bfmiqijYdd47sUw1tnNi0MeGIqXBcGTdIH0dwdQyrfrTIHyVV8UMR30QUBQ80prM06O7hhMKo2YGAAFSkaTpg3CjFG2NmZ7Pz83Ma2BPH43E+n19dXTVNE8JJ3SjLodN7aqDdbrc4R4fD4Rdff4lklHN5e3v7u9/9rmmaf//v/995nv/ud78riuLsfPn73/9+s9lcXl5ut9v/5Vd/3/b9fncgya6unhD5vm2361197KuqCaxqvfTE67brGQ900tFjJMRI6pLHwY1ORGvJldRaN13vnLG2D8EREaeTjgUXpGTCpcASGWOImBBCJ2kwhgtBQhof+r6r2874kBcz51xX1yx4yTiTKgSygW4ftrNp/ubmfjnLvvnuhyRRSar6pudg16hgXGSmes5CCEHiaWH3IPvu+15y8b7+Hk4BEVpsDocO9ICHhwfv6MWLF7/73e+EZM65s7Oz4/G4325++YuvbvaHREvOOXRdYoAgB3XAMMBJ4OEhKYuq3+DJgXIOoGpMTAwhABCfTCaQQOKco2kYdbD1en15eYkPxW0DDO26rqsbUIVAkC+KAn+CQAP7GLScu7u7ZJgCAez78ePH+Oj7+3vvPfbo999/nyTJ1dXV+fk5Ov7hn7MsOx6P+HaoXnrvIcuO43p/fw/DERkv8FgQ1fLeIxyr6xrVHqXU/f394XC4urpCrA1rLqUEbz3Lsrdv38aRAoCh8lnhnFsulziQy+XZbrcD1KO1PhwONzc30CnL8/zp06er87MQwv39/f39/fX19f/1//Lv7u7uiqLom1YI0bYtkZ9OJiEEEP9x5zRK22PMDtsUY082yLb8RZd3no04kf8GKMaE4SiiLYRzLqQ+HA5wS7e3t08eP97tdm3bvnjx4t39LUIqNtAxEYoSUZqmoP+DEsM5Px6PddtWVX12tlqcrTbbh8Nhp9NEay21rqrGWuuaJs/zqm2URSFHSimrqsmyRCnV9CeoB7O/j4eyyIuiKDAvbTqdypQTEUIHwGKISyDodnFxgcI7CKlVVQnxgQbfOM+OiXwMt/knGrxxVd3Qr4tLDLpgSEPZMIcWSwRYD9El2tAQSVhrD/VxuZoHzyCpVBSFlBqN099++83f/u3fWWv/+O03jx49wnaaTqeYPAOpVNzq7e1tWR2uHj25urra7/fOmaah2Wz27/7dv3O2x0gvpabQ13z69Ont7W1RFGiD+uGHHxDiPHv2DKyE8uH+9u3t8mI1X82/+fYPh93xt3/z264x/+2//ssjPS2WZ//y+humdNf0QmlnyTkn2Qm+01p7waIeBmcnO5am6STPQgi2b6vjMU1TFlzTd01TVdWRGCVJboxpqjai7YyxwHh53AM7QhiOZBEhV3xZdBsg/jGRSBVI6POrp29v77MsefnimetKIVPipx57yYmT97YnyuQYQfvImYfTTjkVndhAIW+axlo/KfLTa8gJkUjJiXmUoZFYUXCcC849zDTiawQgAK/HbjD+oAY5LZhynLcwiHZF94BWePyM+QxwSHAt6DDC2mE7Ihez1jZlhSiYD8x34DZA3OKC0hAx4X6Wy+VqtVoul3hBNhTWIuJxd3cHLvl2u40RFg2AO74sHAYNbDl4EVDT4AbcIIQE3JANdV3gHmg8wSxs9BbBIyIhgO9EBQI2GsNcWmvA/IGFfXh4ACMIVQSc3jzPrfVlWTrnXr16xTn/1a9+9fbt65cvX/7Lv/wL4KC2qheLxXK5NKZjRNGjWNtH2xqN79gE/6VG/KPro/cJI47NRy/DL6WUPjAi8mMBL+eQpzvntOB93yd5xjn/8ccfJ4sZGwQh/EBjjXG6EALpHQ5h3/desD6464e7smvSVC+WZ1yQMaYpG6WUEOpYVoF4qrTUmJGiaIQgee+tDXDYZ2dnFNjvf/f7/X7/7NkL0zuttVDMj+rM8VtHfm3MFIFJenfiOMdXxgUZG/ePfvPpFcP5+CYfOc5PIQhYK5wFbFqU04nI2C6QS9OciMryYIw7OzvjnJfloetMWZZZls3ncx+cVoKzVHLRNW1bN1rrLEmUkOyCura+v7uDisZysVBKdl3zj//4j1999dXV1VXTVNbay8vL6XR6PB4whyvP8yRV8DdoF/+H//Sf/vbvfiu0+P0f/2W6Lz7//EvBuOt9WTXFbD6ZFk3XN23PhRKSiHERnPfe0SgdHKj0zrngT5KCiEe991pxwUPX1usH03adtV5rzQQPziJw9uxUj+ScM/JFUeBputEgXxzhmA2EYbq9c04Xi9uHzWo5e1gf/vpXX/7zP/3wxcuXxKRjUiVprnWWZQJWyzqYuPeM8mjTo28/RUCMiBGq30Q0nc5w+GHfrQNJUZwctTOTNNntdqv5zHS+qTsXfCTY47TAesbqE8w3SIEAyv3QqxaNYxiI1ezEiT4JxbVtm+dTND0dDgeEVHGmMxJtdCuAr+29F3T6W7w5cBK8Er/hA3UMmQoydMYYNMe3221ZlmDdImZBqfNwOPR9jx4lNcyWi/h7WZYR6ERBErE5DVwxmI9ITe37Hu+PYAfgCVKN+XyOianIdhH1g0cPjwiBKiiOzudzbfp+GNFHRLvdqfYbQlAKMrMuFo2rqrq9vyOily9f4n5+f3eHVEBKCa9J5IvpNBkU8/+MIf6fcsUgI/7Gj7ofaGTN2TBvk50YaQR+uvc+ePvw8HB9fX12djaZFYwxLOZ+u0Pah4cVBi25MKhNxOgVCEMIYV+VnrOqquuuffTo0SrPjTHW+LZtJ5OCS7VZ752nLJskSeLNiXMVrSEbtP2K6bQsy67t//jHP2ZZ9vnnX1pzyhLGbGga5lghhgWrlQ1zBZJhYMinV4zNo0FHnP6vPrKxA4gYKY1MfHROABtRbULxX2st7GnUl/c+yxOsDP4kSRIoZyGVRCrsyaFXjjHVtmnf99vttu/7xWJpjAnBZVm2Wq2QdzZN8+zZs/Pz87ZtX79+XVXV5eXlYrHoujZJkuPx+OrVq4vLM7Rht2273+8hsNG6jgZuGyNRl/Xt7a0PybFqXt+8ffPu+ti5pg+eiwShlXcxB2XkYaP6vnfhhGiJoV+62u+C6ZVWSpBIEjnTUqqu74mInUx2cA5ztzznnEtljLEuMM6kSqQiH5pALI7sOuWLLhDzgcKx6SfF8u5u/fz5o+9+eDMplj++vc7yJJgm1TLVijiUmliaaqWU4VyOLfh7mz40LIQQmOAh+MhzyLIMuEfXdYGc9x5VsixL2rYBOG6MAf5+OBwCO20vMfBVgKvC8NEQwuCXjLG267BYNLBlAR1GTUcsNPY07hCyJ7B9iHy32+1isQASjfBZDRPyUqWdcwiccZhBGRzzCKNx/2gHY4vDBKdpCvYIogMgng8PD9P5DJ4p9pcC28FXBg8SBh3LooZJT6cOrxG4jwLpKCI+zW5nAykQPlK857ScOm/hh2Duc5UDxcKEDfhUBB0AAaDGLoah2Cge/uM//uPjx4+6rnvy5IkadPUGNMzood81hEDEx3YhXtF2sA9Bkr/U3I9jfxohLWNbPzbr3nt2qs2edM1DCMaam5sbxiCYrlGTYIyBIIEsGIGSG+aYxwzMjKb8TCaTb97enq+WKaO+bQKR8Q4PNznFbsJ7HzwJxrVMgJ/g3iJeL6VASIEc8cWLF+iPQ/DRueYjdwWc8OHh4ezsLLLRUEPjnCfyvfbR+IeBsfbxc/m59fcfSsREMIc+dKhsSN+xSvFLxTYoGkD2U8hJDvEQdiMqpdNpbsyp09u4Hn8LwBPiGVLK2WyODNV7T8RRoJpOpwhlrLXz+Ry40Ha7bYZhxev1mvHQNM1yuUS56+ri8Waz2deHy8dX+WTiKPi+n05nk6JpG7fbHW7u7jtjpUolI5EkDCGOcxEe4OxEAoyLcAqDoOflOsGD4oFTUFoUs2mSJIeybttOEOOY3hkc+cAYccZQGENNBYy4gWPiY7AyBip3h0qp5OLq6bvrd8+fPWrKbjJb/vjqzWyi5rM8S05THATjWgolhSMuP01jcYlBIJ8L4QML4YSN1mXTdxbmAychz/PDYaeU2u12zx4/Kfc7AAvFZN73lnhAcG0HgfXoLXAY+NAZ4YaOdvZhc3mEO51zSZLA2GGyxGw263uD5w3bbQfdJWMM2PSRXonzOc1yeAgkifi/iNrYCHrCmcHbxl8KIVarFXJeGHdsa631bDZjjB0OhzAigcBA4FujKxUpmx2a+2FDaVBiGLtVBIlwHuit3W63t7e3SBEiKR5fAf4sz/PD4XB5eQk9AJyism2Az+hBGhP5DWMs6FOP4mQyEUIhHk/z7HA4vH79ermcG2OePXvmhsZ0EHWq6ugHAcjJZNK29fjAx8sN3Gr6nxq2f3R9FKQTwDrBiMgHIsYZZyF4YwzEnqSUQOHQfKCExKFiQ58R3C0eTTxs448zwbfeG/LEBZeCC8WVTYTwQgfn+94yHwRxZ6y3TiRJ09R93xvTE3nOuWAMBmK73Z6fn+fZ5MXTF3VdX1/fnp9d0gC5YGvhQ5umWa/XTdNAao0NqTp2dbTpH12fgjD/6lOIiNnY+2LvfbqriQhhGbgDeFnf90LwSBxAbTBJFaJmcA3MMNVrMskuL8+JM6REMDjGdkmSPH/+3BgjpcJBOBz21vrZbHZ+fn59fU1EMdhHp8vTp09B9oUOKza8lPLs7CxYpqRcLBadN4xzG7zTzlO4vLz65o8/vHl3c3u/7XryaWKsI5XIk3bQaCAUIxpmBEVmpzFGKKmUujpfNV3btaYpDyTEJE9Vnk2ypKmOLjDvQ7CWEQlOjAvOmTEmtpWZQQEtcpThiaNDFUIY6zrjOTdN53wQXKZMKM8ll5oJScRPoZ63bVt3DYV8If0w4XP8OJHF4wOElM6/FyXY7XaAy5M0wVwYIAZ1U5F34epRVVV6saChRYhLFkuvMG2wnqj8hIFvbgcJC0EiFvHZML0llvIR4Mhhdl2WZU2zYxCfGfQCIdyBN0T0Gk973/eVD7DgsSMJfcw0TLzkIxaHECLi3Vj0LMvgokABTJIEkzdACSciUNNgEdiQ8KZpirInUgQk8rDC4M+4gYJJQ4iE4irgeIC5+KumaSBmCdoi7hncHtwYgpcw8Brv7u7YwP4MIWity6HjppueaFVpmiIUwhk2xkA2AHxNVLG8OUkhpmmapSkMSmxP/TPX2KCEnyJd/KuGhj60UNG+fBqkn7YNJhD5wDhjo7oIOwlV9mma8uBBEh27Rj3MLSGifph7haTNe7/f77fbbevMm3dvu7YuJtNFP89MiqMTgjdtZ4x1xiqVkPe2661SxjVDoumklIkSMdQtiuLhft2Gk6z/fD7vus4PfPMYqaExOM/z1WoFVI0PU6FjcPeTMTX9JQadf8JHGv9JDDXcMG4FOXG0QXzQ/lS5ttbmecYYQ7AFVHZAbnN0isBZ5nlO5GvvuqZVQgrGsyTVOl0tl7e3t33XUmCcWKqTnnryzvankmxZlg8P92B2pmmqlHz37l3btuv1OsuT58+fo1ZUlmVVVS4k2SxPpNjut4eqVEoXeSF1st1u724fyrIpnQxBtDbUNiwyzaAR936G33vLI/gJCmZDcTFRgQWVKFlMcyb4YjbTqfbeem+d9Z1xHhL7CgrkIaaJgHxhfmE6/NAeP3ais9nCB/bd96+ePj6/ub/PNX3/w+unl4u66UwPUOf983XOsRBkDArYAIDQSPCITsSmAKtR17VSRcQflFIgQiilnLez2QxZWNM0vpideB2ZjjytGMSFgfQSce1o1GzfRTiChixbDlrMNPRY4zVw76jMsIFCjmOJWCBCBLCP3vthbJ6MoRDwbsYY7HX0AXgHMOVj3QxWAEnGqVus62BtsywrisIe9naQKIo+KYQAKiEcw/jb4W39oNYbfVj0B7DvoIvBD+H8RDgbL4O2jHMOun1RBBgucDaboXYPaAWbBjzOIeQ/dUIJJVFlhR/aPKzzPO/6tm9agKRpqqeD2G/btlJ+jL3wUZn932hQ/sz1EXo+tj6fmnUaTDAR2eDiZkOzQt91RVEw75xzWqvVauWtq/oW2x5CgzRqkxbDmHJkQrvdbrvd7qTcPqy1UrPZ7FiWpu0ynaRKt3VDznsfCCyAJCXG+6ZlGrlgANeNhswdyDjgrKIoPvvss8VicTgcnDU0ssVEhMYC9B7jIcZdrZSi8LP4eLzozwrjjK+x78QP2O1s1HwQC8goqsW5uDgdyHvQFfXwsMbh3e7WaZJba6fTKRHHYd9sNt5754yUMgQDfjDCCPRVlmWJVmfkstba43Hf9gbR23w+v7i4SNP09vb24eEeWBksCcQGcJ+HQ3lzV6VFViwXnemstUh9t5vjsWpUootCt2UnswljshzadBmJ0Sk+Ca/DErKhEV9KwRjr28Z7Py2m0+mMSyml7o0zfV9M8rrtrLXeBSaJB8KMclgVOxIu/ajmIQftE6y/VOl687BYLW8f1n//m1/993/+z7/68rPNbh/6cjnLVvOMOGMsCCESpYNyLkYlHz17NhLeCoyM9ShQ1HV98fhztL2wYRY7HkYxmz5//nxWTG3XbzcbIcTNei2EEIqDPBCGmiENLDcsOihQ+IGIMKEifkmsICJrWHZYQISTx+OxKOawxQhsQeXebrcQ3gMUg6AYgUNXNzGdVINiAw2q62o0xRinOk49FQN7h3NeFEXTNFEULJ5/QKKRXY7AGTc80MMZSFdq0HfcbrexhSxWLIEVgHFBoywY6QgWYRzzwnCj3Hp/f//o0aOyLB89ekREl5eX3vuiKG5vb7335+eXeBOlFGcCQR8NSZ8YyOB93z99+hiZBL7Lbr2Zz+cRN4DH0lo7Z8aGlQ9tGmPj8qnJ+Ldf4aeINPE9x9Z8vBQhBO4DDZE7igd9111eXpKz+/2+lWI+nze9icFRGGgzsKGr1QpPEJwoGmrIjdZN352fnV1cXPRVfbfZzqfFar7o6kbrBKdUC5nnubOhquo8l1pr7zlkV/kgangciupu6qSUIbA3b94QUVYk4ycb4y/keYfDAck7jk+e5+TsR2sbhsrqOIT6Vxfffcj3j+scH250lrF4iMcNgBud/UVRHPoaVFoAsDhWx+Px/OwSjSObzRphflmWi8WCc0LyUdctyCre+7quLy4umqbZ7w5xzsFJb4edEnqkpwAALi8vwYNwznV9wxi7vr4GRyAJ+bE6lF11e3tLii8WCyL67tvvd7vy/v5eqGkg3rRtNnEySfu+12qgoseAiZ1iAuec9adxfVJKxO9Ky6ZpuqYVQhBxF1hn+kNZX1w+EsfKWu+7jjNOLATrrTFB6Gi7gadHFAEPSw7Cmfj97c19URSmb66urqx3v/rVX2WauKvf3azr+knwjA00U2st44ExJj1nQkqplWfkQyDBhZKMcck5IKpUJ4K5LEln2YSM864XFLq6mmQqS+daZ4fOaknOuov5sq0bCuHZs2edNYvVsu/bJEm22y3ovQir2cD3gM4U7Ff8Ytb647ECse94PCqllsullNoYIyXEvE748uFwkDIAXgcMKgYhofl8DuTUDdPsQLQqiuJitey6jnMqihljrCwPRP7i4qxtW+dMVR31SbbwZKOJaL/f931LRG0b53sZKTniJmPQM2LatuacZJICrY7piBrGTEPaBWdDDeoFsON6GM4Af+CGTjMwFJfLJbLIy8vLqmyyVM9ny81m01vjPFV1O5lMssL0Ppyfnx/L8vXN7bNnz2pjj8djlqZN09zdPVxeXi0Wi1evXkGi67PPPiOi62tPRIfjXgjx4rOnd3d3RTbjFBIlKXhnzSRLnbNpqh9dngshOCdBLNbETN9xJceGIOZ8Y+NCIwhF/AxF3f8cH2PAFj+K+t1o/lEEDDnnhkIQ8ljXk7zorZsU8/vNjw+bTTaZeB+Oh/Lq8qJrWuesM7YoCt7PvbfO9sH1wdlgTBK8TpVtjvXBbQ6H86un27o9Nu3ZF7/+7uFovLauF2rJ5ay1rSPlGbt9uLdd/5vf/OaPf/zWSa5mk9//839/9ORJcb6oq90Pr96+eP68mM4SJaVg+82agpeBH9a7YjabTmfGO+eCynXf20miemu8c46Y1IoJ5ZgsO8uT3AQ+mWSJt33fS0ZZokRwPE0QFTn/gVRD4MwzchQA5kAdgXGOuaz0iXcMAf98b9Gcc8ba6XRa13XVNsL0SIiz6URnaVmWSZ6hCGy7VmdpOsmttfO8SIV2ran6Y8Jldaz6qnm0Ov/TN3+A0Z8VhUukMWaaqmq/2R7rFy9eKJW8ffvd+fn5ixcv1+vtfn/Msuz87GI6KYZ2PAFuogptWx7btp3Nin/53e+m89njx4+lFkmq7u7v9+X+8ePHOk9krt/cvXv8+LFaZZfn03Nr6rIKgXQyaZwoZ8tvvvvv++zZ/bELxORZ3nvHqv1FLn1vfNcE4uKUxDsiIiZ8YFLK4Cm4nnuWSyUlN13vuJ4sJm1vGyeyfHo8HB82VZZlMpunlIrGhc4zLoPz3jotE58CFraMib63nFiiBHNeMU5EveuV1tPp1DhbtZUQ4jIz3m+5CnXfvt01k0muiHNL19v+bucM5TxZtiE52pAnKpBNBJdj/kCEI0IIwQcxaCKjSonQeJJP0jRlPCCcITqB49fX1/e3d2HgoRtjOHlEx1mWAaOw1mLYKwxc9P9ypN/v2QkwQb0RNhF2Xw5zsyI2gma2mCOjYnOaZbVcslGrNw34vh32tBsNO0UojZg9Ymd+6IEyg6QBqog4NsB/AKnDeQBgUe59ixYfJgkopTDeM566+EUQ/MJ/tG2LAISI1us1wrFYSWaM7XY7KXRVVZG+igcEQTGQatquq6oK870mk0l5PGJQL+hAkDZFzSrSZsD9eHh4QOyAVhGl5WazEcRwqhmR1jpJ1LgZXQgxjv3wBccMik9z+f+BUP0nrxgchMHoh9NPARuyaRoX6Hg8YvxNnufFZJplWdu2XdsKFo7H4+Fw6EPCOQlOgnmCUopSjMnW9FmWzZlIkmRft6Z3x+NxfyjLkNR184dvvm2q46PlQklZHmsK9vLi4r/8l/9SzBdXV1d392twM+zQRE1EdV13jLQ69W1RCCiVa937E7DBhRA3Nzf5dMKIV20ntZoU81iSgdvLsqxnXFBIEk0++J9Zz3F69G+54uv9wI6Hq0CAgq+DhDIMWrhsmHbtB/kNlJeARhJRnufQmei67tmzZ2j7QsoLVYzj8Xg1mYGbCz5YWZYoYvuhRxrB7Ha7L8sySZLV+dm7d++22+3Fxfnnn38eOEuSJMn0zc3NsSx/+PFPv//977/66itQHvu+N30vGL84W82mxXq9wc28ffcW+5+xwLl0zrVNIxkl0zwwy7AeRETEGbq0WNu2iZZKcs4VzrVzwfYm9DVxxrnUs4VWYppnfd/31gvOs1RDBcEOOukh8lu8x9gTH4iFE6pORH3fg/jHxCnf1Wnemd45Y0MIxtR1IwUlwaEVpm1bFk6qFVKIJEuNpRM/PdIKYbOssZzY2J7GpKBpKyHZZDItikIpEUKo67o3Lewp0BUhhO16IUWapvf39+BgIEgXg0x5lCWJjoQNgPh4UOcg7VbjzfloJkDcRgCgYVj1IJ/vR8QgWE/EyE1Tw/rDgGKJAQXG1+PC2+Jbg1GOG4PHAjqPk1CWpRAC3UDGOYx49oMUMlJRO4x/UyMVmnHdAjAOVgBmF68kItRFIRB2eXGFTZ+maWCEmvNms5lmM/QB4NPB24FXQAVmv98Dap/NZiC5A0GGY3DO3d/fP3/+vCxLHJ6u6+7u7maT6WKxKMueDf1Tgt6Xj4QQsTvjIyM+tt1/Bir5Sy0OjeDB+M/oLInIk7fWKaW6tk6yvOt7WP+2bZ8/fTaZTJqqJOaV0taavu87b4QQWgktmWAAFihw8o7SPJ3qROlUqZZEU5XN4XBYdyJLdd+bh/vNLM+cYK5rZnmWpfn17V02mfXGlXX17LPPdvsjY0InCTZeXdbemkmeOueIvMc0Fc6l1FxJKTUbMM8QQpJoR6xum+PNzfF4PD8/l1JWZSkES/UMrgt7xg+Uc/bhFc/I+PpJF/sRzDJ+Ac5p3LF+NKMDFdEIPEboAHQDQI4hhGQYho6R7kA1YxpKRMlkhqmhOLlSytVqBW5C1/aTyQRd62VZhxBms9lsVqDID8fQO2uMqdsKTkgppdP0VBiTUmvdSrq/vUmEmM9mh/3u7fXD+th9+/bh0HKlplOVHcsGJDQlh2+BBXi/EjHhFoITATRmAfSQqZJVVUvORLCmqykEJei4P3hjkiwtpvluJ5umYUwQF4Gd1DKiFq53zgzwCyA+LJ1OE7gfGWQgLqVmgvXGGFPNJ1kxL+ZK2L7UUnFikpPt+rZtlOJEdCKMu2GkYTSaWqoIZVhriQngXIIaxkKep3meeu/7tm7aqmmas+VSSikky7Iskcrwjg2AO0pMfd9HJVuE/DTyXfFnmaRukARClO2GhrqYTERGkR2Jx8MbRYMInSxsPuzviJnG0mgsltIQrUc2G/4ENhHZxpi/DBeIShHCFsTIzjnmfJ7naDJCn0KEqhGDgxwJLzKZTNBVhI9D0RUnBKY5SZKiKA6HQ1R0wRdBJ1tvjRgGAQPegdTXcrmESklZlov5HE+QMQbFEqCf8NNQRsNzxz1LofDRTVsrpcCxSZKkHYoHknE2aqLxwY8BkLGdpQ+t+Udm5c9Y7Y/M0KcGfWyb/EhxMIQgpOy6LskzWI3t7kBEEA8pigKbZDqdZlr1bZckCbXvp7hJKRj5HnOIGBERZ5KIZZN86sLx5r5uu7qXy+XyfDFPFO+MC46mWZHladP1l1ePj2W93h2lTp89f74r/4VLrSVDBNo1dXBWSsmShHPquy4SBDBsgAsRglutVsSZUiqbFv3d7R+/+94Y9+TpU631tu+rqpqevMIp4nMjvHucbcc0dLxuEZn5aIXjI8MLYqQVdzsfCPs4ROgCwc5BVBEPI/4vEDZwwNDjBu2t+XyOJBJnB4JLKPCg4KR1ivgac9Vx7qSU6DlC+v7ixYvz8/OmqauqElqBRZ3n+cX5+eWjc3xBJApZlmWJevz4sWmaV69+qOu6KCZdELPZ9O36dnm1EpRstgdjzGq50IIf9ttESCSiUas5pqTee2ctecMpJCpbLpdnyxWVdywYRoJ5U+1roZJEMkb+eNicJZdKSSU5oNjAmB82reAnNTRPjPypjggOmw8hSZIkTV3ruq7rjfCc6zQhSbZx1phUJ48vLo4PNxTMbDoRLDhjvTPBur7vmc7eNwGNIyxrreTv+4CFEFycLJriNJBPm36QZJtMcvS8GmPIeZLEOReCo76P1moa6RPFrRMLLzQMvQOXRkYJwGFAIoTIQdUQgz4cEW23WyklmjwRHe92O2NMlmUx+QhD7a7rummW0mDfkQcQUUwFcP4554fDAfWfKLGE7mfkK0gSEYZgQrkaZhuRkKDGRyYPlgVWGN8rUmhA7sSXwjdF0xYq0qAwI2zBoVosFsdDBTa6MQbNe/ihswb0fCElG/oesYG22y0R4Sl47/f7/Xq9Pj8/R+wPwgyy7N1ud7Y6n0wm7969e1jfX1xccM7v7u6I/CTPAf2H4OAL6UQc/GmrPbbmbATd/g9jL58G5jG1wjqfKpCSyrJkQnEurbXb7dY5P5vN0FLf9S1WUnFGwWmtSYXetM4YRAaMfNe1TdMU87kN1HvLTS9FqqSt2763br54VHc2MJVmWV+X8+Xs7GzZHA9tZ7J8enNz54mH1ry9uVU6DYzHW9VaK8GzLPNSSMmxIZI0nUwmgTPOYdNZriad6Zum0cTSNJ1MJlXVAEbLsozoVO+VjIQQTFEYcLkYwYQRp/6jNf/ziz8292PjHjWLQghARKMwJMICJOJghWNqI9LNiMxMJpPD4TCmaRERqHTHpo/Bu7W26wwmgM9ms6qsu657+/btZDKZzRZd193e3gZnwF/c73eeUSLlZDKZVPn+cHjx4kWa6ldvXu92u8vLy0mW7Tabb797+9vf/PVut/tP//EfHj16/Itf/bXle/5uoyVv27oPRgh+4tUYw4n5Ye3g1MOwLF3XeWcYeSWIixPv49GjR7f7V7kkoQRRIOu1YkzqdpqXu02e5yEMMSgT5ImILHiKsezkoUj0Xu2OD52PuLTI277rjVNcpjqzglFw1fFw3G6fnc9SKcg7Z80ky2dFIRQ3AiDAMNFovANgOoEGek/EBDbWsS5DcEmiEiWDs0RBSsFJ6kQGcuE0PdwliYK9wGQfAn9+pP2N1gM2YuxhM8G8gmMnhIC9Y4xdXV2hnxgYtx7EciGbpUeC9DHuYKMZGmHQWKcsRewshgmiEfMR7+dvvd/ZgOAxd8IYk+f5crmM/C18ESAzsNe7Y4nNygeZHvRn3d3dAa2mYcpHxO5jqkQDoT5aeZyTeADMMHwjDAIgcJPGGJnoSI/DCUEb3t3tLZjmIALFUSGR0Y+zhyB9s9kkOp1Op7vd7ng8Pn36lHNe13WaavQ6em+Zf9+ZYq1lUsR8Py57+Cke+v+YNf80Tv8oooxPCvHBsS2NcdS2SiX73bHruiRJLy4ulFLOWGOMhNaRPfVG60T7IGlIUgNqSRSkUoF4CL5ube/cZnu4u19bzy8W569f/eD9O3O2lMxfXpwR55vd/ny1vL69r5vu8tHVdz/8eH2/+eWv/6o3NlEepk0IIaQQQjAvtFY0CEXg4TLmhJTeUwiUJEl53OzL6uLR5a9//eu3b68PhwMRTafTqjo2TTMvZpxR13WSn3hKEUW0w1BGVJg+XcmfTKpoNJQq5j1xT8Y8PsbpyCOBFCF6iH+ltUZfN3oAIziD4YjYZmBwGWP2+/10cXZ/f393d7darabT6W53AC8gJlXr9do5t1yeYaG05G/fvjXGhOCX52eYWwJrcH9/n2WJlqqYnGZYcs6fPHmCHPdXv/rV+fm5FKyqSp3IyWTybrPpvJzOVoz4cb8L3haTad/WQ5w+hqcgdu8FF4ni5B0CoGk+0WTzRaG1ti50meYyaTunha/ruquOjgnGSCnlAvPkKXBneyJydPKI3nsWAnL6EEJveouGJnOCfOf6rN891PUxMEpypaSvy8MPm7uzPPnq888lBc1FsEOYFbwQ4sT7hvmOgQ/MDR80ZaxtrDPwz3evb7XW0zxL05Sx0HVd8KfunlRpy6z3tm1donSidM87S/ZwOKD10Q6DN5G78VGvUwzh7SB2gb0SlRFReIlQBg0OH5QmIBiMMTCrEAvHNq3xtBo/DGaCeQVZG14BvaDjmiSkXeJRAdeKc448gHN+PB4jdoGwnY7lCdfTGvkvbilqF9PQ3oJrs9nQoG4aAzpQdNQw4BjOBn5FcIWwwg1SYkKI+XwutErT9OHhoTcG9hozSE81maGjAccJsA++/nQ63e/36AYEGgDmXJan0+k0SzMikpLjS0kpyZ3eDc8u8k/4qGklIiGf2vSfw1j+UrM+tk1ja9W2fZqmxoW6rt9d3/bGSHkqwwBtS6QAb4Qz1jQ1S1WM0HtrMHyXMW6M41pKpQ/H9na9/f71u7fXd1LpY9Wk2UTJpOkc2e5P37/aPkyC7bRKyrrpO7M9HIvZ4ljVxnkX+kV60hRKlIzAZpadWsmwOau2YUxkeS6EMsZOs0II0VW1tZaIH4/Hd9fXL1++TJKkqo51Xc+Lmff+cDykOjEDJZdGXH7+SQNR+IQS+hGK9dHL8E8cPWCPIBlLKUFIw2EJIeAgq6E/HHNmIiEPpwDBEJJXZKt4QyAwL168QB0oTdO2PTGV8T7z+RxidvBSeZ4rwQ6Hw+FwmM9ns9lsv9875zini7PzN2/esOA/+/xl27bb7dZ0fVEUaZZev7tl5J4+fbrf7//0/avr283dunROMvJAB9hpWw7RCRF4QkRYKkbk0zTtuyA4KSWcCU3TbDabROm/vlgWxdwYU1b1dJIF4vftVpKbpMo707ueHKZkeDeQ0+N5xIqRPykC4ajC8hhjOtNxzjtjtU6nnBH3nFzwLhjTVccnL5/87V/92rWHVCvBibztmlYo7qU72fQYz0ZIxNj3uiJd1zXtSfYzzzHszfd925tWcFYUkyzLvLFJojgn51zfdi6xEFERUnTDeE83qEMAhuPDOHY/UmQF1gH8wXsPYklVVSC3ApyJxVI8fs75uDkNwBw+Hd3DaHyFTqkSnA1T6wDnRYwCtXjE47D4x+MRGQDMK6yt9x56YUSEwixiCqCHCEDw5mYYuEFECO3ZMNwgFp8jjoR/AqUJIaDoGoVZYHCdcxRO7GDUnaKkQdU2bdteX1/7EJ4/f47X393dnZ+fI8pD+DOfz3FQ8d2bpkECBDse6Q1a6yTVh8OhKSvOed+389ksz/M01XxEDZJS9l0bjcjYzn4ExYyN719q0z+9YiCJf/qBqoGtu5ivtof9fn989eqVGvigZ2dn5MN0MtWC19VRSKmVbJpaKMc5Y4p7F/q+M31rjAlEZdNmUmud9LZebw5v391u94fZfPnu9uEXv/jq0dmyOe6u3/z4w7d/XM2nf/NXv3zYbibFrKzv//jtt/+vf///sZ52u72QYLI2xhgtT6qf2G8nCRHGvAdF6jTV3dQN4nel1PF4fP32+ve//0PTtl3XTScTIUTXt0IIcqFtW8H4oa4BAEaMUYwas//SJaURIRW/gTnGuQghTCaTvu8x5Tn2WLBBJBaE8dVqBX4RaAi4sbIskdFCVRuZKKKi3/zmN9PpFCLpCLwQnTDGZ7PZbDaLA2em06mUXHWd1JrJ0yQjzrlSgogWi0Wa6upYbjYb51yqk7Zu2r5vmubRxaqtylff/zA/O//1ry/e/R//uarLolikpPdlFQKbTiacWNtU/EObzhi846mDSXDSMiEiQAVpmq5msigmm92WXD+Z5FzIKtPzSco7H5jzxgXyg2kiJk+djJxGQcngQWHQIQbSmR4VL9ttZsvZfDk1tj2Wa9d3qeLZsljNiyeXZ9/9y7WWLJGKMeaCVyLpjJEwkWJoqLGDPgnSOkRni8XCb/en5v5pwjnf7u6LybSYTHFg8iTNl3lZlqisKnHyw+C6PX78GPYoGUZ7oKejLMs46xl8R4hCoM/+4eEBgAOs+dXVFVw3oO1YToyuD5F4P0zASJJksVgcj8dITofetGEEfogYhNphyLz36/UaXx+/SdP04uICSQAbBkLCGqIu9PDwEBvMEJgfDofzi3PwW2KKACY+0tKIOQLPgVEuyxJt3zge6OaPoQ1I+kTEOV8ulxROsv1CCD9AEeCuHI/HxWLhvIekkRACA/MQehdFgWwGRwttWWdnZ9vtFswK5GRlWT59+lQIkU+y//pf/+tqvvj888/L8hCGgp5kpwATrlEH/ZF1iJt1bM3ZgHr/nE2JFKBxGM4YE/I9/z16DjZMWMdCqWHgX1VVQsHrhM1mM5vNb+5uu667vLxUSmkpjenqshGMeKq891rLzhkeSAimtXQUrO2lUmk2MYHSLH/YHm7u7jzx1fmlIWU9pRk5F5RKGuKHfZlOpsuz8/V6+8tffHV7e/v48WMh9T//8+9fvPycS4FwFVVxhBGMfKpk3/fYu13fOxfyPE/TXGmNbdY0TVmWRAR26W9/+9v/7z/+4/F4XC2XseAkKFxeXh73B3ANx8jhGEIcryce37hyNjboNKp8xIIn1hwfEfWlQwioOVVVFQJu/pTLcs4vLy8fHh4Oh8NisQCjPAzS2cmgugrHppS6uLiQ6eSbb75ZrVbYnPBnfd//4he/KI/V7e3tL3/5S2PM//a//e9FUfzqV7969eoHpLBSCeiU3N3dXZ6tzs/Pn149Ppb76nicF4UxpmuadD4/Ozvb7za3t7eXZ6vf/O1fu8AeDu3jq8s27P90vc7nl0VRlGVtjOGBEplY12LveueJiA1QAjsJb2nGKMvz4BTcjA+0P2wTLS/PzzpjheCPL86VSpq31yZwIZl0rHWec64z5V0g8iiHBKh3Oa/EaSLg4XAwzqRZFn0GnkLXNWW1TVN5db4q95Y6++uXX/71r764fvP9o4tl3zVZlgghgqfeWc+k7Pte8fdygKd6qffph2OZoFcuhLDsNG2OneQLJA8E2IazEPiJx80YU1Jaa6u2GaeEkd99PB5xLONGAexguxPdNTJAsKW+//77s7Ozi4sLcOx2u91sNru4uEBtE7c9m81iDSCCMEgMIxNRsvcbnQ9FWnw0TBUfterSSCc6DDUo/Almwp2dnSEtgPMzxqAYIIZuxtgUiqOCWwJyjQkv0PVHe6pzDrMaoP8OBwDOBiYunZ+ft80pjtNai0EYTwjx3Q/ff/311xcXF69ev97v9+fn57Dym80GY2XQgjiZTDBkA58L8B2+bbFYzOfz4On+/v729vbLr744OzsTxA6HA2MnLMU5N0z6fG8L/qdc0Qf8Gy84KjFMMkHalGWZTLPb2/u3N9fLxWoyLeq2aZv+6urqcDhM81wrwTkP3vV9zylYa6fLad/UxhhnPQ9QZ5RCK25CCEworZOJPW6c59lkxoUKGd+sd9u7u1Txi4vLSSYlub4u27b94osvkBgdq/K77759/PRp2/RuNudcACEUjPquybTinOx7gbBh3EQIQngZDBMnXckkSTQTRTH/u7/7O3BMrbWC4SmQ94yIMJgQ5ZzxE0F0Mi6Sxa3CPix4fOp6P1pnFluQhggGvwSQiOPABmURNQwsRWCL3WWthQBLhATgIVATQo6LvBbupK7rw+HQNt3t7S3aRJ89e2aM+cMf/kDkQwh1XUt16hfJk5QxhtQBgVFVVbvNNkmSydXj9X5flmWWKi6IcRlcmBWTzz//7N329+R9XVdCem+8SBXnTDDuAxaf0WlSOdYwSCmtECGEtu1s37HgGAvee4wHQdZleid1woQqFnNifH1s+82h79vOscCTwDlxxoEZM/KnIj8T4oR1SylJEIxGDNfOzuZCsrp2fX+8ebP2tvry2eWvv/786nw105ycMX3bdY3xjgmudNL3QcZa+Uena0DSoUZCEe6YzaZEVNd131vrjJYihOC8tYOWgBAieM+FivFjjCX9iJIIKA3UOjeIIMaNguA9wrUwymKgwYITKQchUzsM0ALCA5UfGESg2AABYXnzST60G7C43dmgNxQhfjdc8ArYjv0wYA8fIYZR6/g9qN9uUJYXg4wXLjB85SA7c3LyQ3uOHYbYIfbRWo+H1eG5+EHMEoF2mqZMnCYUg72D5AAVKnwjhPxsoGbyQdUH5i+e8zA0KCildts9NA9CCPP5vNwfNptNmurlYgFLgdBlZOJ/loM4NjHhZ2ZZfPR6XP8WfAYIEvYGHi6OdOCnmvasmNeHPWcyzyXMR8gypZQSzLueUyBPXJBzxnhnXc+JBU5CCBKCMaES2RlHXGidVo0pq4brVOq02ezatuXeXazOXz57TKa5fv0DRrnCoOCI1nXd1s3ybNV1HZFijJXHozO6PO7PFnOlTgNbhZRE3IZTnZzzU3lTa03OM8Hrtu+67uzs7O3bt6fxdQL79nRIp2k6xtMHP3EKID5az/AJJYZGsctHv4nrjOPQD3rRMceNWdc49gehC1vaDmNLsTNjXoXfd113PB5lOplOp5hsh9IUTPbDwwMFhnBtsVgsFouHh4fb29svv/xcQV6QPGNsPi2YD0qdRuJkqU514ozFQZtOp6235+fn3NvqWHZdo7I8mcyXq0VRTLSWJtAJlpDKWdObngssbtyQyHIoFp+FEFJwySV0ruqm0Vr7ELxzXW9DUxPXjonlatG53WZ/PCHYwyIPXjYOIApIArA+kkkH2dQ4vsp0Ks3Oz4umctvtPpf0aDVdFGkiPQXfm7brRIvKaiDuAwV6D1/wUcUyDMImwKNDYEmaAy/LZiljzNreGCMZoe0ohGBM770TQpI/PU6lEu89E6dUfew8Ihorh/GP0aRypSMlNsIaWZYtl0tsAlRZIVkexQtBgQcYh7AFzWld1xVFEc1xRDP5IHISwxn0SkR4Gq8EySTim8gNYYhns9n19bVzDuEtSq9aaxZOThGsFcYYkCU4JBrp1eBb4AbMIECKJBpnEhkuKBPQNgK1Px4h+Aa87ePHj2PBFsJ1cKhnqxURAY8KIex2u6Zp0MSLr09E8HmYRbfb7rXWRVGs12vMnq7r+ng8XpyfY0GI8RgSeu9J/CvzRcNPwes/97KP/m8Igein7XssNMWEHXe13W7Pzs73x3K73f7pTz8sV6uLiwvTvzdwUvLAFQ/eO8PDibSqtRaM411DCMZarmXVdJak9WF/KB82+2TitPGbzWaapzpJUp2tFktvks1doqU6WyyDNc+fPP7uhx/Ju0mW/OlP3/39fOZk8P40QSlREkAE56d2B8Y5EffWWOsHXQWOgqHygThr+83hcJgWBaosk8lESy4Y58ETBSklH0QmYtgEt80HgmNcf2wwxBnxicT/jv+JK/rgaBxwiseJtRsGx0f7jiQ1elwUuiKnSwgB4FQMbHqc9LIsIR8Sg5jD4TDJp5BHds6hOxVBMUpQ1hnvfar1fD5nLMyK4uHhYbddL5fLIp+w1Zn3/rDdSTV//OiJt81ue2+M0Tkztj/uSiUY5yQ401p7x4HXOeOIBR+CcwEzOyNVN2b2SiV5mnDybVs3TeMpYyLxjIgR5/5wOJT1mnHFdWZMJ4SY5Bm31FiyzjkXmBDee0YhoIg4bGZA00yyumn6vhdKBh4YY3W1T9OQTwsynE2zZ1fzF08vXV/WB+OVJO8YmyilhJI2eN8bxbQcZ2dh4KrjqMR1xyM/hRKCBJdaa/I+SRIptHOOE3MuSCnVQGP33nMuOefHqoKhBL6MomgYGhPCiFSL92eDPDEgi2hD0f6ulKqqCn2bgMVDCFCkilpLgDLA6yAiiHC1bYuud/SvYqvB7HLO8VZsENEeV/xOA1qlRIYFBFxrjdGgYJhA7BDIezYtaJihYUctUTSElgjAARMhZomRZggh9s3O53M0GcVoFFTOi/M53tZ7b72LoFmSZn3fZ1mGyTtQtnvy5Alq+ijqxq4QwJe4Qz5M/UbChCEyx+PxzZs3z58/f/H0WZIk67XlQynbBx8tRRhVeD66xgblU8v+czb63xKhR9uBVQWpCVld13VN0y6XK8bYer1Fm9vLly+VUm1XhxC6rvMiyCEI8t52nZ1MMji8vm2cgyRGUrV9WdatY7v9sayasm46z0VrM50kStfl8fXrH88XkxePLz57/mI+zc+WRZ5lQogiz7TWaXri43Lex8xaKQUiLJFnCG8HgqC1LhAp5QMPCHUTJdM888S32z36zrqum05zKWVwnjHmgxdC0KjzOR5VNvAoIsswkiDop/im8W/Dh8SYmNVFLJEPjSZiGEAWMzyYfjH0ovtRGwqyRrQI4P1RXcjzfHus6cOhTvjh4eFBPlJCiIeHh81mw7mEZMVmt02Uds754I7Ho09B/WKLxeLu7u6420vGE6mSJKnL6u3rN/kZCU6Jovl8PplkLvht03RdM5lMdCK94+Sd7R0TBOtEzMYtHVeSc8AP1nvvEGIz3vf9fr9vzIxrrxmXSmuh7O5wPFZcSKZs2/aMkZSSOeecdY6gQ8AYC+EErnBi3n9QzIhPk52gKh+82W3v6mp9scp/81dff/Xsst1vnO1IBMaCVFxqyaUmIT1nEjMx8OztMEZn/LCRzxJxLhSeXNvWipvgjBBMCOG8cdZymYTTHD/rHAMkooWGqwGMw0abzw/MXD9wYONWQNwhpQScwoeJGUCfEcb6oUdZCIFyZVTDgAhB3/ePHj2KRQZAH/Alx/KoBhl3GoZRaK3RRsEH+maMRIAdJcOoOdxM27abzWYymcxmM8hVTqdTpJBsVDaI72+GWTnRW6BuBkV/fFk5DIFSSu33e4wStkODFUL+eJMoSblwYkcBhsKhOkHtQhhjmqbpuw7zfHe7nfceNHO0mwohwLThnAPLQlZ0PB5Xq1UgzzmHbszZ2RlFRgR9ELmEn9He4j9VDh1b+Z+7xmY9hPc04U/fig9tB3wgV/R9D/bbzc1N13VPnjyBrwVDmbxnzA0f4QZz49hpwHdVHUvO5bSYayX7Y9X23d368O5+3zQtE8oTo8C01vP5vMjSar9+9/Ztrth8mjySZ11bSynevX1TzGcTxo9l+cUXX3Dyxpg01U3TaKWcc/PZlAYts2EPKyllCAx5q2ChaVvOhA8WTtpaj0GGh8OhKCaSkzM2kcIHr4SMrYkfBdp26J22I30kXD+51H7gnv3k82IDKMqGIipcFJaOD5f3HqGJGgSrsRNAskI4BSOD7Yq9CjAzAjV48+fPnz97+rzruoeHB8bY06dP8bbWGyLSQkDdDZrSghNmN6IJo6nq2WyGbr4sy7abh4OpF/OJVGy/K60Njx49ml+l79bV24eybUPXt5YsJ0qUPgEiAc1GTEhgTWxgWgdPzrk0STVmqN2tt2chJEmSp0xLbpztrZnmOeOSMQh027Z1bWuD0GmiTN+fTPaJJskYI3w1VDJpUPlmnHHOuWl93/Smkty9ePro88+eznLly43iJLgPIfTG1F1bm458LrmWJOQ4PI9BJT8Jy3gYFO/JWAsDVx5ay5hzIDKbtu29dWqacM5tb3rfCSFDCIqL+HiijkHcKDDK7ENm+om+zRjAE/BeEVBzztGkjluCUDtiXjFqKYoZIvANZBuonhERfm4G3Rg+oOQxcHCDlgUNvCJkA2IYSgLzR0RN08Cgp2mK8XJo+cvz3I04HqDixlOBTAKCAWiUoGHQB3o0vPcYH845f/PmDeReIxQOAKdr32tYBvZ+9B0Nyv3IKvxAuREDKQjZDMrrwHDwG8BZbBg+CYXuly9fCslRYl2tVtNpHuKU4fCBNsifsdFhBKfEuO/PvD4alD//MlyICWLNGdruIYRE67dv3+73xyRJnj179h/+4R+yLPvFL34hpeREnDnBQvDGeUcBJWslhxkFXddpPWARXBLR7f3Dn35821hSKsfkXNfa4HxRTCTZ+ni4efvOn8852eViRs5zzpWQx7La7zZ93282Dy8frZCHZcW0qUqlVNvUnJ9oD4xzrVOhlRCOIRTwtuu6YjprjT0ej2l+kspK0/R4OMTQmClJ4WOoJIbhMaAWI0EhGjjR8emMF3n8cwwYaVBf8KMW0HiygHfFYBx7L8aFEd7EOUL9BiU3PowiYYxxlTZNM5/PiSjPc+eCUqoois1mgwEMx+MRvUsw0OeXZ3VdC8azPHXOgVJhjF2v19MsP1vMq2PZNA1gw8N+HzAHpj0+PDwoza1zUudpnizmV9PplK0r709gLPtwBdjwfWHTYUaUUiywGEdLKY13JBUXKjBmXDDGKaUuLy+b1h7aDvVI61yggGDfCxFCYJ5O70+M02lgnDHGeGwJHRgRJ8655KQECS7Pz+dffv5CirDb3Fnbas4Yk4xxYqfytQ0kGOOB5PvvECd3JAkn1taNG+jkfW+r+pTh8lMvyamI6pwjaPMTVbw2xnAutNaZxjBGW3dNxIgBX+AIgRnJh9Z5O2gG9L3BKY2ROP4Whj4MWA3qSMjgaIj3gZzEJBEbDjY65oNEhHdgwxQxvDkN4gRxNeCNUIv3wxBI0MxpaKaw1qIZWgiBsmcYnFn8XFgfQD34AXxb9BOBjmKMmU6nxhjwW0IIt7e3V1dX0+n0+vq6qqqLiwsp5X6/50xGqxeGvME5JxMN3CYQoZoErpgfEM+rqyuUjpFVrNdrdFeKkQCT9/5stdrtdl3Xrdfrtm1X8wWKE8vF4rRHwgcm4F81vv/GK/xr4MxHFwwlYwzAF8oheZ7v9/uqbGBE5vP5er3e7/da66o+KiGEZCH4vu9t33IKUsrJZCml9Kgz+5AkWTLM+5ZCHY/H29tbmc6ni8kprMzUzc0NJ5tKrtmJpFEftpkS12/efPbyuTGmrI6z2Wy92UF7azqdmr6fzWZNVWqt26qUUkJcUyqldYrpCqd0ue9QmPGMd9UpmHXeF0XRoUaqlDNWCIFEygz1obGx9kN7S7S2MXyJ9j163D+z8vE12M+wcfglEsd4tGkYQ4rCDz4daCFOECJx7z2yapT68c4o8HRdN51OQzjNS4C4tFLq6dOnk8kEMdxiscB0hFQnaZZorQUB2CBUzqbTvK0bjB6jEB4eHrpt/+L548Vs/nD3jhNfnK36INabTeKSh4f77XbrvZZSZ0lG3nNiveuBpwf2wZo45xKtJpOJM621dr9vDoed6frzrHAuGGP6rrF9f39/7wZaRwjB2dMcDEUsjLwsY5hmygTjsOkSTG7TJ2kqpfQUPPNCiLOzlZDB9GExn+VZst9uu8PD5Sx3vZGchNJ5nqd5phItpWRSkCFpTbA8TPJ5oiecCyl115o8S6bTfL/f933Peco5BTK96ZSBDIDWWjsbmqbhQQgpus54713wXII07b1gQXLT2+Vy+fr16/v7+4uLC2h2g7cEO4KGIDgS7B7IvIASjq0DWnfXdaAn4mWxzxgtyHiTU5fTwFhPkuTs7Awt9SEEoPBFMQfwgg0Ho4BByUolxhgixrnous5an6Z5liVNs/HeZ9nEOdd1Bn7XOS+ltNYrxYpi3rZtWdZwJyGEtm3BYIFMB5AQrTUIM2C2+aE9Fbj2drtFsN+27eXl5S9/+UtM4IsUGhyqST5BT0Caplyeql77/T6d5MaYw+HgvK/rerlcFkVxfX09yXME7GAOYJgRxqShMaSua/hF4D/r9brv+9evX6NtCkop4n2H3WmbRxgtDNTdGNx5/x5wH1sZP8whGaME0WrEpG0c3ROR414pJbj03rcGhXQppbTBM8E765reSClny1XXmv2xvK3KxnVXL55pLf/jf/6Hp88eP3v6eLe5X87mgnHGmHe9cEkIggUiy8tuv5qsDlVJUvBs0tigeHJ9uw9cr7twu+98MpWzRRWYZGSCaw5d7zSx1Mo81cm1EW2nL88v7nZlrpe2Vd77ak+OZsvV5f2uzKZ9emwmeepIzJerP/3pT08uLjKtFZFxjgnONROKByWM9S1Z27d5MS2bmojnaUbWpUI5clwlfTapD0fNZ0qppu+kEoa8QFLBOAVCiy+dilLm9HxCEMQYMXLeeROFQGikakcfYmXjZwf2AY0GSOFR4jmygdCFzQn1t1N7zvB6pJgw4naYe4eT0nUdY92iSOvjhhFv+pq8b9re9G65nB8OJQXKp5O2M1Inl1eP3l6/e/bs2WwWGGOHY5mmqZaq6RrnbaJTz8V6X27KcnFxcWxbUmp+cbE92mN10IqWl8u727dubb748pem3VBd/vbp89tv3yWLxa7pO+p5mpRtnaI0KghzD51tG9sSEQXXthaVTCk1CT1ZTUnKxrD/+t9//OKLLyRP1+umpPOqbf7bn8qnz1/YhHXcN+4YhAzkuq5jgivvGZFkXCudZ0mmE845ed80ze1+PZvNpAh5Jquqms2Kw+GwbkWq/PPLeWIacbjPUrpcpJv9g9DJnlIWAvPUO66tnBueGxGEOElowhHHg+e9F+IkdpjnufeEcpxS6ljWAGql0IjcI5AyBKQ8BsJ4KzQoQg8AVgyWDi3pUHxFT5DWWqVptHfYGcArgJxE6Ssg1JA0aZrm7u4uhACECwE17hYwfcwciShPUmSOCMeiHkUYVYTCMHwV+A/KrUC30QV3fX0d+bbYrPi/eZ5zJQFYwW/RMJMFTTEgqiPMhBU7Pz9fr9eYdgQ9UsT7+O+AfXncJ+x7hFY8hah2AD9hrc0nEyklUsXValWV5Zs3b9q2xST4CynrAAEAAElEQVT1xWKxXC4RxqI+vFqt4ETxz0SneO5JquEmEXQMJa8P4nI2IILjsH1srMfXvz0GH18RWIuPBntj2F3vMyGonpFWy+WSBZrPi9l0+vr1ayBmQojgvLU2uNNDcc55a3WuqmPZ970UajKZOEdlWT48PASuy/2Rc75cLpPpbL0/7Pd77/1UzhkLQgrOufO2aVoZusR3i1QkSbJYzL0Pb25ub2/uLVPWh2vRz6ZFlmrjoXY38d4/PDxkWRpC4IysccbWJlBgxITChEIKrO9PODiSWhpqTvLEbR2qCAOcEpc9/vO92x2ycMaY8S4+qTDQWv7Mowkhsu7evzJi60iyxwkuQhZk2NiZCMaTYWqNGA2EgemB5LqSOpvkJ90L293d3+92hzTJskkOWAyqfEjWu66rqvp4PGZJmqbpfD4n54GXwo4BtMTj6029Xm8SRZ5OFbKrq6td6RFjcSkZM9Y50OnTn2mLiyBqxA9Am767eyWl8j5YCvvjYbc9OBemsznaaAeBk5RLQZxLLghVcXaSnwqnAdGWD6JVIYS6rpkUqGX22yMPru/7z75+WRSpZl3Xtcvlsmq7aGDj0/feM2Df3nvvHDKjuA+6QQuUMcb5qYwOKAbEEkYClOqmaeq6wdOVUkqpEFQiukzSHJwEWDQsB4wmUN3pdIpCB2Ln3nmYD9j0iKETUVVV6L3EO6OCBOuGrQMKhBxmltMQXMhhJjURpWmKCBpAeaSmwHzHzBR4SNM0QHj4wAzDjSFxjs2fMdvK87w1pwgFN/bRqcDu50PhFx8NP8EGYjJeuVgsnHNo8gTEBAQcARG+rPUu8oXB5KWBgXB3d2etPT8/r8oSTdXwFtjTt7e3iO5h4hGtwyO2TQdwU0ie57kWkoiyLKurCjadncDGWDY4GfTx3or5Pn1YvhtH5T+H3rAPKRlCnNYtDIA+EQ8hAGO19kTwr+v65ubm9evX5y8/mxcz7JwTv7OqseYgAZD3XAruORHZYJWUSPK8I9P3zrO7u/uybKbzZCj1S06BnFeCyywLnZOcpOSMkTFd29WhZ9ppc7SaLQ/HrK7aw2FnXd8HUzeGqDo+KZfzedM0mZLTYq4FldXhFMNKETCh1HmhpJIymJPe0enTNfeOuq6LvcR8pOE3Xt7xAo5XdfywaJRIxdfjPQEVfnr1Q02PhiJTPEoRk4k0B845mr3ZgML3w0zK2WyGN0REFY2vDx7jk7q232w2J/qcTJbLpbU+TbLprCDiqChE0cfYpx0RV+O6siyn0yliLCjGaK1X5yvnC86s7SvMudyXZVW5Q812+6N1gfreex+s8+x9/f/TSw4K8ogn8Js8z497Zq3bHUohVN32rbGcib63d3d3Zd2GEBKt01T7wEJoOKfenxgvJhAFZ3wwxtje5HkGiRGVqqqp8ywLIRBjeZ4vZ9lymT19+jShMuFs+7D1zGudMOLWOVisCKwJIhltzUf5MsJndhLpf1/gghn13lM4sS/Am46xs9ZJLNzF5A5cPSh5ERHoFiEEDJmz1oLYVJZlU1ZovkejfxjQdkxHinwsvCGkBUIIy+UyDJRwDt0MY2LqoIdZpviaYphhFEYTIeCQaEDeY6whhACuBx8Qv2z0eSAOh2HgnAwyboJYBcWLw0BVRCkSa3t3d3d2dnZ1dYVYzA9Uaynl4XCAijSMPrKcWbGAHe+6zlsTH2dZlqjZwutAiAaCusBP8FCgSmaHmWSInna73TAckoMi0rYtVNsQaAgxjXE6Z++JnjQKEMZZfDTZH72Mfkby5aNffvRiZI8jhIeP8OKAHQI5777vOZ0+umua4JzkAtbEOecpIF4FWnGq7wXiJGbFfL3Z7bZbY8NmvUuzqbehbfvgvUoSxrgUIsvyPJseNjsKnJH3ruv7zvZNwpUn8dnL51dncxHs4bjRifpsdVEZ9+r1G+sJLaCSgk3lYjoROlnMV1JxDxbbiDwuWAA5BOyK01emkzhoPE1hxDIQ7CfiyrHL9CPFKMYYF/yj5WUD5v6TtmyMv+PgI8SJvBo3kOLjE2eDYkxEQcMIkcObxBhTJ8PADReqpjbmxKI5X55b6ymwATYQiAV3ux3ecz6fo/KXDqOJIUhHQygNgP7h4WFWTKSUTeun2XR1fukDD1Wz3u42+0NgzHTvBzkIIX5uZvd4r0YQgjGWz5aH3f7Vu9s0TZ1naZaHEA7l0Wx2SZ5NstxxYoI3Xc9Z0Eo4I7AEzjkWiNPJmPbWLhZzIkrSrOlarfV+vy+r6nGxnM1mi8WkaRqp7CSXQoj7+/tnn70MjPkhAo5mXKCGJ4Rwo7PHhhybDz1gcC1Ya2v7E2rRWTRVInKE2j18F40EPGE05SBJGC/w7RhjDw8PNzc3jx8/xkNyxGDf4c/jBq2qCqN/YCJPtaOBeYlnCS45jCziGjvot/BBmS9YB1QE+hKA9vCGMBnYsuDUo+fTjxhB3p9Stul0iqgZU4dsFEDPUjOMWkeeGIamKjgGAB1uUFWEawGzLfLHaVDaubi4wA9t20KBWqsU96yU6u1pgp1zTmsFT2aMUUqtVivv/fF4xEhrNFtDGMB7v1qtoCWCd46Ji1Kq7+oxyuFOQmNRpO4Dw0FEHyMso63/0StpBAjQKJwMn6A08UK1IIQQ/Am1HxJHjqYqIh7L7+hPmS+XcEuCBYxKuLy8POx3pzFbjAd24nRxYlLK3nW4GW+dMcZ7RsSFUO/eXh92+yRJlucXJvCyar311XGfp6q33nkbHAvOMEZKiyxLPLm6Lp1prO2n0zydprL3T59dbTZ92/R12yrBgkOnC82mE2t764xzjivJpRDEAhE2PL54MohzMC4wMoL91CH9yQWnUVwZRhdjLEkTvCC64U9d7PiKha7oUXBS4Hs+vR+YGGxmNmqEjq8Zvw9oS8i/KbDz83OlEmtt1xpkvdY44ywQec75drs1xpydnWmtl8sFY6ypTmPLThNdpASui3y0KApfmqqqYKnqtvfrjXWMq5n1wViX5lPbBeGZDYGc//kw/cQNjV8EKUjbttb61ri6K+cBOunkgy+Plfd+MivSPKvbpqzbpqmFUsVkwkgYY0zfMx+IKDCh1AkF4Zw3fecb8p6cc1VdV1V1JHl76+fpxe1tv/zs0rluNps1fcMYxkYiwBIxXTPGSK01Hzn2+P9iRND3vXOBOIMNhboQzGJkj3B+EmljA8SGJ+qcE5JHURfgLaiIhhDkoAOOJQMdrSgKvBg5FMJwbI6xQQfHHP9FOwaaSOUw/hgfYUeSJqekT54Y7giWgRTDboahEw/QDSAmGvrfABxhVFDbtohqMQEOL5DDOFOYIa013jO6BDFw23E+J5MJ0knv/WazKctSD8MCEUGfnZ0tFouqqqKYCXqdAKSwkY5CmqYqSZxzbdsyzqfT6fn5eV3Xt7e3WZpCdkNKeXV1dXt7C+rLu3fvLi8vY9PTWDMEy47QXvH3TYPYGvFwRlMyjrI/itDHr/zo+jOmfPwnp7MUTtmA916I99gOBHsihDqbzSTj5HySKqVFdSzTNC0m0/J46LteKcWlInaiz2LpfPDBus39Q123SZIqmbWG7Q9127beU5ZkeZqWjVGCExdN06RZwil0LngiFThzUmultHz16oeyyKap1qnunX316vumt7PlKs0mnhETPDDBhOJCdcb01jsfvCfPuBBcaMVDsM754KQQ3nspBKDI4/EIkBPlKKyJEIJIcYgE+J8QbGGjphD6xHzHJziOzX/uMUU3PH7i8ewPu+IDnjsOPs5OJMZAY0MMirI0yMEiheWcIySPbLFYouNSEHFk7YjDzs7OEIYfj8ftevP06VMsBeKwoijyLEPTaZIk5+n822+/YVxcXlwZ19/eP+wP7dnlZ5tDuTlUgZSxXZCSXCAirQT1fy5fEaMpuLiBqjwKoZNU5bOl7fq6PSnuRWJecL5va9t3SaJSLa3LGevIM+t6Iia44EEIgQUR3vuyroRS3lGSZJxLycR2uz2ucrbKiqJojk0i5fnZpfeexPtHycBfYLw3RgohIjFznBzRQAFGDYRzEF0d/H/XdaY/cc+ttdaeEG0cwvHQWBhNxPL4GVB49PMRkNlsNn3fT8Qpzey6E6kLG2s+nzPGIoMKuxbhfPQTfGhjA5CNgMIMF9IFiOjC5mJT2mG2XBj4s4wxOBiUQU7pcAg02DvgMDAN6JgA/5Ix1jsbI0oaDVSCfYerAD4OrwMkBAB9HMYNv4UHUdc18gkY2e1mj4QAWRQED/BK1FSlOinGocYLnh+qr3g9Ea3X67OzM0xQstaicAfOX5bm+HRism3bVOnJZGJtT6c8/b1S+fgM01CCDgPw+qmNiKaHjRDz8S/HxiX+82Q16CQvEUJgTCCMDSFwfmolPR6Pu+3BGCOqGg/64nwFGgamppyMC2ec8SAFBe960/e9zDgR3d7e120/mc5ZniZJuj8+CKE4N97bqmz2xzJ4PysKyVmqOAXOJQtMWSmc6aA7XUzzzz9/sZxNqup4v9463+0P+6Zv82lmrbfGV9TkaTqdzU1f121rrWHklRJCqGheOQ2mVhAK3bvdjgKfz+exKIXEF1ml9z4MWhQfxWR+uMZGnA0tQmLUQPRz1nz8iN1IUSMeZ7xhtPi4AdCdYyAVpfHcMIDJDbMk2dC+hL1dV83heDTGpWmaZ9O+7w+Hg3dBJbrrTm0TTdMgSD8cDs6ZU4BPRESISGLFqCxL5KB1Xa7vbxdnS84586KYnwXZc5Uejs3hWIt03jsvJA/BEQuKK0/mJxdBjEYD4rZhKzrriyRnSgQheu8b49JsopMsLh3nPM9TKbkP7njYOZafYEASQjABd+SDD9YGr3XSlt2kKDrTI61XnVNagKsGdLdtGs8wHokxxjiTg0FnnHPyTnLOaTQONIJfoJHyU73bgjbnbEizWQSI09EgQTTNZ1nGuUD7OwjCxnpoh0opIb0C5iksDvjd6MDEaOPY9x8GiU74PWiYxA8FBwbwQtu2s9kMlW78EuEnwGI/tOHg9iBggp0EexojjvEjhD/Anzw8PIQQ0Eu53W6RFYKBg+whOj9rbTadwJkDA+2HUUc4TnAeUYMMAAJ2IQw97kQptdvt5DCFDg0UZVnudjs0hULuZn88DYVxzl1cPQLkIqR89erVdrtFnMI5xwxf9L7e3d19/fXXNMjOIOsqigIADnQZ9/u9tZZYcM6t5ovVahXeT8V9bwjG4SEfcSf8UM8cG4vxi/+i62SLA4vAFBspiOFzUD/Ybrd1XbMkRcOad599/vnndVmt2/X5xRlTp78V/FQyqa3tOiO8UkpXVbXdV3Vjp1NS2cQYuz82ZdP3zjHRtm0brJVEwXvBvRJBcCWk6p3oaut83zS23B7+7q+/LorJbveQpOqXv/zFaru5e9jsysp7vz0cgzVaKpVkzrmy2rd1lSg54Zny3nbe2C6EIJRIpEbzMLLbvu9pWHvnnA8B/zfaVkZibNPjdcKsht/H7Y0/ZyP66UdP6idtWRg1fMAiR+cd8RZ8BMjEiOVpiGnGPmDsrTnns9kMNTnYnAhELFdnDw8b03dqqEgR0WQyef78udb67u5OCDadTlOdLBaLuqng5w6HA5HPswy2/nA4TKcr1B5fvXlb1fWzl18Us+nDvtXZVCaTbDLfNY4L6fvOG284Fz+/DrGMHL2mMUaoxASqDzUFafq2Ny5wHhjz1hrrufRpmmaTFDM0Hh4e9PTcW+e9F4xzLoUSqADtt0cmhU6S4EkIsd3vGGM6Ter98YsXj4EErNfry1VWH/qyKaeLBZOBER8fPZgd2XWdHHhFYei3NsYowWPNOkmSum2MMZO8gPPXWkvx3mMjpB1AYQc+E+xR2xmULpE3ob//7u4uz/OoebLb7YAdM8Y661Dx4JyjM9MPg4qAtJyYlEPEDX4erHNkegEqgVtDkRCBw3q93m+28/kcHwGinnMOgSpeDOAFIQaCdHzf/X4PGL0sSzYIsMDoYMXati3L0gaPGi829GRgFuIr0GD+sLbAi0ArxNxn3MZisTg7O2PDFHn4BjYAUAg/IS6KAqDWOs1zIcT19TXjvCxLuEB0FWE+b57nkBa4vb1FbvuHP/yhKIqLiwtI704mk9vb27PVOYKCyTTv+z5VOkkSYzp50u1y40CbMaYEHwePkT0V45rxMWDDSOjxaYnn/CMMIV7en6qbqJQQncyKlJKxUy6/WCxev3r7/PnzdDb/p3/6J9TM1/cPq9UKL0az4n6/r+tytVoxxnDsGecPDw9lXV9cPlosL/7jf/5vMpm8fvNOppMQ6IvPv0on0+9f/Witl1Katp2szurjOp1KT8G0DePEA09z/evf/C9t33/7/beL2XR1cX579xCc87ZfLBaXl5e27169er1aLP/06tX5YiFkulil3prl+fnhsGMsENFiMb+5udHFzFpbuzpJMnAftUrRQ5Cmad2UwOWstdaZyWTC3AdUlmis4Q/CMHLIDaoskCuJGGN8lD/nbiM+4we+Chua9cJQYxs/4nHii5QdSRVuDBAfNBRPg3BditEZWmuplZTaObffHVVZSilns4QJ3nUGksKTyQRzwbbbbZKop0+ftnVTVZWQHBEMbD26MbIsu7m5qY59cF5rneiss+F+e7h9eFu2zPhMp5M3t7fEZHAO25WF95WksdsjohhSgHwhhvGZpbN12ykhfWDERGfczfXdcl5kRXF3d/f5F59Np9Nvvv2DEOLq6ZN3795td0cpZZ4lWZJyzr1z0Hd88eJFXddVVTIpDodjkqTO+77vp3mutd5sNj/8YP7vf/c15y7P83SSp5Np76l3nDHmrOecoxShUiU/TtxO/pPiFyAixk7eyzmn9Oln05t+JJCL2JwxFsKJCBgfJBva/cEhQTyI37CB8xRhE89s5AK6QdnKOYdn+dGFcHvMacE9AB7p+x6S0xjkBhKkHHgCKKREjjymVCODgwMAro0bOIHLg6hAfOR8kMQLw8TqiPhzzkGyBHP8IwwK5wpvjhnQEBvoum632223WwxZh1AGCptsaMKCR5nNZmFQ6TTG3NzcOOeqqprN50+ePIFNF0IwIlDplVJgcIP0wjm/uLh4/PixUurVq1dlWV5eXiZJslqtYnbZ970gFu8WR5sRi56JMRaCjzm4G80/iuW+Ty/2IcxCn/AX6V8LHvECa20IDhlhkiRfffWV1jqfLZ5cPWaMcWLAxLbbbd1U8/kcopXOue+++04IgYe1eX0ntD4/v0zy6WZ3qJsu9EEkaZZPZZJUTb3ZHxBkaa2fPH2cJSHPUilV53wg773njLTWDw8PfpqlKuR5Hsgb2z15evU3f/ubb368Oe4PzttJXvz4+g02SVdVL549kXngQmqt67rsTSsEn0wyJEzGWTQbW2u1IiI6HA5imJPQ973WklgwxigmP12uMJSg8PsYCLdtm00nceU/je4/vcavYYMutBsJ+X50uWFqGB9dbKj9+EGuA3ZcSgktOSml4MY4K8RJ0xvfd5JPrXdNc19VFSIwHFJk6m/fvhWMLxYL68xsMmUnVDagzVBr/ejRI0nq7Y13zhFnxXyh8uJm260361213x0760goIYUizrgjH94DidF2hZE+VTzsbCj2cqmns1wLGbwVQi2XS07kg1dKqSSpm663pm174lyeYIaMMRaIWx+YMwRKD8B6JUWvjGk9BSVEIOp7r5Occ+57OhwOd3d3tMzyJJ0tZw/bnWMCltla23c2Oun3aiSn70Co5jHB3reZwYtGfx6/EviOUa8cYfLQwHRiONlh4AOCC9AP0IXEhjmwAy+N4anQ0L02zhzx/rHk4gdBOz4S8h7n5nC8wKZRAwTMJ9lJUQuxeWSkYEAz4OZ+kHsWQmBkF+IOGlJaBwH7IfCMt6qUksl74bD4BflQDhoo/KdqKk4ahHBRpUiSZLlcYgfDIeHeaKDnS+FglJMksf7kIfq+n0wmWCIhZZqmTdMAE1stl9GhQpoRS4ecF/eGgSdAMBOdwh9rrnCfqH9opYiIDbWXaIJjvSsMrGFUhz6y2vH1Y+vz6Q/xlaOXfWBQGGNEp7YXpRQR3+12EDN49vSFEOLNzd2LFy+m02nXNYwxUHoWi0UI4VhXaNu7u7sTQjx+/NgYU7Xt2XQ2X0wDTx62b7JiuivbfFqcXVz6wL7543dN3z158qTv+8NhN5tO5pr1nQ1c9k3PAgXnLdkQ2G5/XExTVIaMMUKIxWJ29ejibt8eDofV8uxidf4f/s//0xhzeXmV53nd9tNc73Y7LgJjbJKmwZnZbGY6yxjrvYmRNWC6+/v7+Xwewv+Ptf/qkSzL0kSxtdXRps1ViIxUldVV1V0zPXPnUryRr8QF7gsB/lyC4IBgE9O3e7q6VFZmhnTtpo/cig+fnR3HPSJrugkaEgkPdxPH9tl7iW9961tea/CvI8lk13VSPhJJf2KC+UBhFPlKzkf0CRTmB2K5Tx4op/l+oALrRbjCP4efG4zJ8M1DCS3g+Lwvb8RxbKwGcMyZcE0Nqx2pZFcetDZt2wolZ7MZnBmcHDhOGI5RjIqTk5O6qcr9AVtxPB6T97vdDnnwerXebDaeEYtVMRnzOK8b/cObd51LjY+YiLhQxIQURGSdMVyqoRkJ3+tJZYLC6G0mkiRRXBz2HfduMh4za7brTdV0lvxmvyfyxpH3brcvjfUiVmSdtVYTgcvIOScuDlXpj6MgtCIfJ4lzrjW6Y91+Xyas65Sv67pJWVu1dVd7LrwQTDLOZShX4MDK4EifnqsBb536hgJrrX/cetBzlTisoXOO6DMVQuqxHlQXwe7QWqNmiP2BZn0RxdTzXod+EjAFCpsoUJi+sZ6FMQIDoRV8L9gysPRgwa3zIZYkoul0ineGVxh+X9EPc/H9lFT8jK8W+MKul4LBTgUrRvQtfwAlAhiHJwcfgB2MtPru7u7Dhw8XFxcXFxez2SzLMqBVUJjDlNQkSXR3XFKg4azv3Nvsd0KI0WhUVhXUWqIoGo1GZVmCSgRkH+C475undrtdURTz+VxKuV6v1+t1luZHDM0elXOor5Yfj25/UPGbrhcixtGFl1KfDK2nAajyWWseDMFnjf7jfx6JtqLvP9Jar1ars9OL6+vr1Wr761//erqYb7dr9L7BKf74449N09RRZEwXZ6lzrmxqIlosl/moIB4Z41rrZovlrr7xgl/f3RpHV7c3xtnZYi4Ul1Jq047n86qpy8YyjBQnqsumaRpm2iRJpBT7/d4zlucpOf/TTz+oaMyYMM5P51MZRVXT3d4/nJ3MddNKuagOhyyNIiVnk2K1vm/bWvJYSunsEb9GwIRT0HWdsR1s2XCt/OewFzOYR4qDEFhYnxruv5ISYQ0Rr8AIYG+HYCXcXCTcrGe7+0FxLpT0wWVA9hmYC5zzoig4E9Y7Y5xSSgq03RpGjHMOlWy0m263281ms1wuiyLDxx0Oh/uHuzxJQ3tUlqaMMVSYi6jIk9QwL9NMRrH2JJNUpUV98DJKhcysR7J19ED4aqEMELZrWM9h8uG9b7VumsYw3jSNZNR1nbem6dqmaaTkXWuYoChOtLNV0xIRd846y5xnRIJx18MGZVkrJYx31lrplFKKSSEqlMHaRSFYESsVxXG8W2/31f7k/Jl1DnQdzmW4Tu/9UVWZf1R0wyBjEuyxdgeSa2MiIV0/ixK3h3MOSAgkEGRd4jjnqUmSFEE3ThdCQrA1wBsVQmDXHltDuQhWL+5nG0EHMVwkPghWEkBHoBK6XpQRQX1RFMDZEZ/SQHAxtLeNx+Ou68qyhB0HIIjqPHAb+siiE9RPB0b8Qo8bpkE/D1vcD8R7fc/dDLscpc7RaITgnXMO3jrwn6qqMJq96zoULQHOfHh/hUov3hwmFcrUuI8I/621UGvZrNcgAq1WK8bYYrFA8gF5GSll1w9OklIul0sMuqvrGoL1YjQGvF6V5dGeDxjP1Mtt4tNDvvVzBuL/Xw98yn6/7zrDGHv+/DmYf3/4wx/+7rd/75y7ev+BmAPpbbPZ/PTTT6vVCl5QSr5YLKy1AKlni7lnYrev19vqfrUike7rhphdbfYqTorxqK7rq6urosheffXFxbNnwnacmNGanJ+MJk3Udk2trS+imIi1nSGvlVLEWdNU+7Ian51qY3744Qdrvzy7eM7J/en7v7x7p14+u5jNp0mSKCWIDKzGYdfGseN9fYv6MKJtWxQGOt0odST1anNEt13fo0A92S7Ag8F/q34qQGuOzC56HHX6nwFhgoEOfBV8ynD/U39AhuG/H9C9nHPIC2nAs0SZLU4inDjBSWtd1621VsnYk4ehL+tqtVpdX1+jLxTq1ihxEZEx5urq6u7+9re/+Vsc891u1zYN1ETqup4X89Fo1FjdkL+/vLnbN9tdk2aj2hohMk/CddZYI6QVnCIpQoF3eLp53w0z9J3HddO2PpSMMe+MY7wsS3KeMdaajsvEGuudL+KEEQOqTMS9d+SdB0HXe6MdEUJGFTEy1qo4Uipm3sVx6prSWsrzSZpGnPMkSfxoRIILIdrOWtsF5+odM9pJKeQwLPLeE+oDREJEoXtNSskE77rO9cMrOOdcSHxDrXXX6YCAi/498dc4Of48LDJg5gPud8+WOY4GBUiCZ4INEnym6btyQzIYTDNif/xT9jrgIT3s+rFbcRyTPDbgwYWA5G6tTXvfjvxO9uOT8FZBk+hIYGpb36NswZjCi9TdsR8KuzxcVUgOfC8LjOc759brdRzH0+n022+/he4KwF8MO339+rXW+tWrV/P5HNOgcMFEBL5QVVVKqYuLCxDPETWHOiq4RihJAcIKpE/0KKFTDPnKfD6vqipMkwmTBYHS9AbiUYIfXNSQToo87Iml8I9h2c/+QI/DeXxceIQ4Hf/UWtd1AxsxmUw4k998883Z2VlZljc3N6NxDi2g7XZ7+3AHRGu32+V5OpvNGGOr1aooCkyoaXR3qMqyrjeHTWe8I5Jp3DSdZ4JLqZ3O8/zs7ExFsnnY6qatqsqSyLJMRdF2s5ZSLk+n1tqyroo8Nsbcrx6yYjyZzRGKOu/3uzLNs+16c397HQvRNfVyPvny1fM44l1ryrJMopgx3zQd6kx4CMGRwi4Wi6ZpPFnMxnMDteq/8vADxneI6J+kSk/W/8kDCGQ4g77H0J4k92xARqJBDARfgggGDGbdD9vBn4TkCJ5IfJx66ixVbRPH2mjb6o4xBipnlmUnJyebzQbK21EUSS4gcXp/f5+m6Wg08t6afk5enudv37wRkRJJpLJiu7/7wx9/3NS03juZzozzxlnjvHfOGyMigVcNXR3r8SuwMBBrioG+d6yEtYY5ioSEVRGMx2kuuCJBxjnrfNNqz4i45FKBFA7XRuSNMdp7ob1SyhG6gCTwWEveOeeMk2n0/PnzZcEYY1rbtu3iLOGcO6eNM70HPeL7wnPpnHOPe7sZYwAxUZM5Nv70WwRsgWgwumhYQxN97z4Negp0P10MFoQd25Q4IJGA0iDT7Ed4cdd3IcNY4DJCpYL6PjRIDIbAhA1mqJt+BhBqRKDBxkmy2WzwNXE9QRsIMT6YjiioKqUghAKjhg0XFNVdP+vZ9ON0OeeeEfJc2F98BfxV9VNVhxYKjFqs5MnJCWB9rCqcn3Muz3M0Ge33ezihh4cHIjo9P4vjeLPZCCFyfhwaWRQF6J6r1QoIFTz5YrEA2ye0DnDON5vNfr9fLBZhVsbbt++eP38exzGISYqLqqq0buMj5+R45WHHh7mmwbGxQTMLe0x5pJ+PBz9r/Yk+dvYNLBEL5kZrixRkPB477/7+7//+/mGDshtjxc3NzWq1mk6nyD/evXs3Go3m82mSJEJJjHJe79ecy+1+Z5ydzmcPu6tiPN3tq67VSJZHozzPEibZ+/fvGafnaVrXdVvVmoQxxhi0L8VRlDR1Xe625AulRNd1kTFE1DQNY2K5PPVEurNN00wnc8H94VD98c9/LvL4/HQmpazrMs8iznnTGCEESGpCCJDxvfdlWUK2s21RAJRPwnk+gM6HCHg42kffLMWTdfaPq9NPHsjIAyLxJDf9rCemgS8JVnK73Ybyadg5UkpPrixL5xzG04OJILiitum6rjxUxNlkMkuSBFxnrTV0VREJjfICjR3I+8GoZkRg12RZ1u0bJqVKkunp6apsvP/RGOeIecdarZ1jUkrHpHfaOSe4tIPWnPAdA7JEg0l+x8QliiQ/qt84sKLFxxZ3FSfSe+uc54xLZT1JEBDIM+c89fNjPXnfuT4tM9psD3vcuzSKvAeeRiEztuSy0UiKiEmhVMT7xky4SWmtZQOM5UheZ4ShDX2Fs/WMmqbpWtN2Neo2jBwQFSllFB1HWAghOA8DXEQcx4eyhtsMky3TNAV/zvddPEDVgQujIM76qk6IaoHShMoqjKBzDlgBsLkQHaDrLNAZfc9AiqIoixO4paIoEMJjy6KPHJ30OCRwBrBuSE2QE2RZBtBc90NEvfdd/0jyLIiu4JJsz8QH/KIGo5qAAD579qwsy+vra6XUdDrtum61WgV25qtXr6y14IQlSTIeTYno7du3WuuL589QeUb4gOscTyYg78PuY67KbDZ79uzZfr9/8+YNMHqooaEOEfWi9kTBlDDnrB+ApL2ZDjvkaNazJIbbxmqEPD1A8D9nvj8N0j8193/F1oS8AVajKIr37y6n02lT1ev1+nA4LJYzaOONx+PxbIJgczwen52dWe+490mSrFar3W6nnb+7e4jS8fL0/GZ1KEaz1e5wqMrZbDFfLp5fnEexfP3jD5fXl5Ni1DBmjem6rrFUVVWnbVVVuoju7+9jpverB91VZ2cn8/lSxXF1KPl4ikGvxhgl5Gg0OZnPNusHnqc3N7eXl5dFFi1no33bKknatN6DD36ccBKQjdvb22fPnimlynLfNE0UFaofkMt6NIMGuHZYpVCWPMYKXD2xxb4vIH12nYdVfRqEU75/DG8W6+tPup+IIPohqEEbA1lm10/ICYmgNR9TeRzPohi3k25fHtA41vSIynK5jOP44eHOWhurqOs6Fcnvvvvu3bt3h8PBWn0UwCKK4/hv//ZvV+vNqtzhUzqjCaM3hXCtIyYjlRCTTdU5B5NydGNDXMv0Xe6+nwJIvd9yuo1VxJjo6sZZG3qs8AXTPJNK1V3rnPOMuq5TMoZhIcalOGY8kvFON3AXQgjrnbFWCKGiaFkU6/urq6urJnXpi+lo9FzQkkkuhIgiQTIKISbsnmVGcsHIW+eNdS2RF4KpSAhGeZauVqv9fn+svEfKuYSoUWoK6ljXdURca13Xnfe8rps4SpVUutN13aZpmiY5jvr9/T3a3AELRlF0fX2N8w84AnE07rpxPoCzSMoQp2NZgZBMp9PLy0tQqsuy3G63EDM5PT0FbRznIc/zEB2vVitMP6naJskz732UJlGalGXZWZMkiSWvkljFMULjLI4UV66lI37HSDuLFoF9VSZJIiLlGBljjO6Y4JP5DJ4MhHp084MPvt/vjTHT6RT+wDmHq0UojSamw+EAPAo4r7X29evXURSdnp4uFovD4XB9fZ0kyYsXLywn59z0ZHE4HG4f7kej0VfffoM9BF3Zsiwnk8l4NHr+7NlPP/20V7H3XtQtrVbOuedffEFE64eHNE3rpiGiyWSU56kQjIgJwZazQnE7znMppdZta22kRFCL9P44EoEYo74PEL52aBrYR+7jU+vsBwSY4f+DWfePGTKuQ/pFnkKx3TPGbKcl40Wa4MhtVw/TcVbu17/7/b9aa//jf/i7xWL+41/+/PLiZJYnq5sPaZZNEsmVzNOYy6gzumk1MSHNSVuW+rCfFLPrd7e2tZfbt6M0YfPRr37zndb2X//ld0T8ZL784uJbq008X+ZJZdfVyclCOZ+nUVMU29W2iNPGMSumtVcdFYVKjdacfLMzXWXvb99P8mTVHP6X/+X/8uPrt6v9ZnF6Oh4V94ap9V6OMjnK7h+uzpezsom8k5y7stpo20VR1Jk4HyeO6FB2sYqUGJPRzDGlWGsaS8L3DUEhAILdHN4CWPkoimyfzg79pf+o/fCx4hqeFlAX37NBeK+ehI+DkYJNcX2xjQ30eYQQ4I8TEYKhQP0izU2DCTlWcB5FqjX2YX2/XC6LOBXEmqpcrx+81i+fP4vjeL9e6/JQbzfL8eSokOG91vrdm7d1Xd/f32OmFXmuZKw7+48//d/Hs2VLktrq3c191bJD4/LJ+Ha1lyKWkoxpyNpY2ESyyJPzriqrk5MTbY1zLpsU1zc31X4/mc+sJ+ucY7Z11jNyzDnlpPGMaSFcEnHvmRCMSxbF6lA5xlhV11TXOCDkiXGZsjhS0nJtvfPeee6dN60zpIRK4063XdcopSSjuild5RLuZtPlrmovL9/+zd/+n//04c00j2IhSHMyzGrf7Pa6bhwjo3jDnPReMvZRwyP4ec4ZBlGiMtM0DXWtlHI8HnetIyLQG9I0jaI4gHQIThE0wSIDyY37kZsBy4uiCJkUfLhzDgoBSinBjqic7qdAILCN+qlGtp9uE1wiqCNDT4DdHKiWqheHgX9CFRENbwgc0DELwjIcCSBptDgFXkcIQvFdAqtnGLasVive+9th/blpGsTvSJEQeiP52O/38DdnZ2d4h7Ztl8tlODBCiNFoNB6PT05O3l5e4XoCkwEYJfDELMvatl2v16enp/P5XGt9u96Gtx2Px3EcQ6AGYTVqdKiUmn6CICG/6ytCARwb2ujHSN2juI/9PDj7xJTTX8VkQhQ/tPtD6y/6Sa37/R5TmeDvbS/LhzsQyh6j0Yirow5z07XauKZp1uu9jKNIJYfD4eHhgRhXQt4/PMwWS6dNXTe6bZVSaRJ7768fVpMsKetKSsnIeW+325Jxf3KyqJvK6k4wy/NIMB5Hkhxr2zbPR0a7ttG3dfXVq+dpUrx48fKf//Vfl55bQ0pEd9e359PiV99+8eZwOFQ6yWaMmPdeqZjLo3qSteScgwxh27axwqbyURQJdpR/CvaX/VWdRfr53qKhEfCPoTD3WFsxHHkxmE/ge2lS6tOC8M4BekX8jqOBc5TFmerlho6fwrRSqizLKN4HYkXbdiHGD9VapNHY9jihX3/99Xq9Pj8/R95flqX1LIoSazj4O0mSNJ6MMYoLKHSSJ++9885a0oylcQJzJDAIIYmrukZBDioMRxyDHQEo4Rnrm2y898SObbfQr7XWWnekdfieI2dMh1/3zf2ciKqmBJ4G4on33nnrvY941HXd6XKi2EwpJUkfDodOcTmW1jLPRHCcyH6YIIk3DYmVc9455xmHlcHiaq2ZOEKl4CEFg8g5b5oWYan3HgW3ySTpOgOrDcgbMA5C8rDcMMToj0cpxhjTmqMgMu4xKpnou8FmBd8c5EIox8JWht0GLAJQeOhuhW/APGhcA36DNwQJHVeIfVPXNQqnQOsYY4G6AwPNH48zDdtX9CzGsN0D2g7+ie+rQ8BA3r59iytBVfPm5ma9Xo/HY2h/+yNltUXwjqIxmJewuYGHjsY59GLs9/vtdovvnud5URS79Qakz7Isq0OZpsdKRhxFUnLXz0FNoziRR5aO6VWufN9MNIzvwmoHvqMfAClDs/4EP3kSHoYfhlDM8Pn8MW96+Fl8wEaAGAhj7JuX3+J2A06VkhMRHHmSJFGaeUa+M1JExrZd17VG3683+8Ph/OVzIURbt1yJ6biYjkc//fiDc/7sdE6erx9uvKVYstu7y7qu0yQZj4uTk5ObmytGRnBWjIqmrfJYzqejKJJCcCFZ19RN08Rxen5+cXN95Z368fX7X/7ylxfnrw77hjH2580Ptq0jYpM0n07OlPCmkZ4sEUmlBHE0J5dlYzQbj6bG+Kqq1ChxzrVtx8VHFa0Aqn4ahj9a/89pD8IqsceMbHrc4hsM+tAHwK36HkQ98ikGRdTwWgDceFUoOBljkkkCgwiwVEqZphnMDhFFUTSdTkej0f1qzRjrui4EczjFrhc0R2RTFAWa0lFSbpomz8Z5Pmq2TVnWddUILiPBW0tKRXSkAHLPOQMHxbum6fC1BJe609o2RDxJMuv7TeeP5tyR9+QBWQWbfrTuzg24dv7xuhlrbWcgcAaEh3vvJT8SlghSIpykEkIIvzFNVUo+hdBNxKylVnJ0CTDix6wILk1bIyOkSMOOKX90yKBkHDWpOY/iGKBBkY+dO/qcUA3HgeGc7/dHbo3W7W63KYoxtErQ2ZVlGRb67OwMmifUD1dFRkZEGHstel1yGFOU9fhAo3E6ncIShXomPgLHG+SNtm3BqAGbBc/HwAfez21B4A9AP8Q4Wmt4i49gn7WQK8AvIS7G+37LEKc45/CEYYSOnQ1HBX8TSI0o6WC2C07vw8ODcw6Jjujp8DgnZVne3d1FWQ61GZwfEBlRPdvtdowxjDG6vb3d7XZxHF+cnpX7gzFmsVhIKdfrtel0nmdSSt4HdFVVtVWdZVlSjAT/SL0PXwHViCcOzA/Izk+s85Mfhpb607j+sybm47v1AzCHD99rDwT+z/n5OZzleDr1ZE2nnbOj0YhzYp6SJNkfDrLvkmeMcc7Ksnz9+o11k7ppyqbuWi2EWCwWSZ5VdbsvDzdXH4qi+OLZs6Zpru5viViRZp1u2voQx1HXVov5REXck3m4u4/UKJKUZankbL/b6GafJpE2mkV8Op12TVSX1WZX/vGPf/n6m7/59ttf/v73v1dSXl9eLabFenX453/64//xf/5PWV7c7e/iWDHOrauJjmKom83GO+GMNcYZ0zGZM8aMsVKp4ETDygzvy2cfw9TnyS0YemI8xOMp1XzAgGCDVlWclFADCN4lHLQh/Yb6Upnsda1xyrTWJHiOeM57731d10II7WwoEqCPFAU27z0CPsYY+mOw5+/v7589e/b69WvG2NnFQvBE66rtvNa264y1gvFICO7ZUY6fBGNeEHec87ZukyTptLZNc7d6MMbISMk4cl2H6jxjRyo7I3LeHyv2TDDOqK9FI35CUtKvFRETnHMZKesds2Z4BLy3SMJMp63TnHMVSSllnufU1j7ybVefzHLBvNF6PpvZtpFCWHN8C8bQTXS8ffKYSfSJG0osxI+0nqMNlYL1g4dMbHomOIUa4JGy4hzjwZ0BfGAgAoIcHUVRWZZlWS4WCwAdRAQcILTPgMAOUUZsCEA3oie8wwiimwbRK+JcwOhhwx1dURThZ8iUI3ZDTAc/gUg2z3Pf0yWRE0BffzKZgAKIkQtB7SB8x7A7gwke8uURj6DlBx1AcC1wlhiVgAIDynppmoKd4pwDQQU1TCQHSAk75yG87o6zewz8LkQOQElE5AINNSHler0ejUbQTPfWQf5FcJRZIs7JaROQll7k8ci2xGkc1jw/tdRPfvPEUjwJGB9vZf/Zt/q5GPOJYQo0VlS2seZlazlXVmt2nDTrdNdArPWYwxkHud3b27vf//73L778+/Pnz+nm5sPVZWv0f/6bXyd59i//8i/VfpcnKhJ8fXcthPji2Zlz7vbqenYyE9xJSdeXb09OZ+PxOImVYNaZZpTn4yIR5E3bNbVLFZ+Os+z0vNxt//j2HRexNm3b2Zubuywtkjiry/3p/ESQ32/qhEf/+I9/nM8m89k4yRVjtqo6IWlSjPyCVVW73xz1IeC/o0h66pRSVh+1tNgAAWB/Bf5iHxcw/BCiGfZJvZo/HlEdXjisE/Zm5bhVgl8JuawQAhk8ohkEcDi2+P1Rb04dCZeIz5qmOxwOh7ry3tdVA/Zz3TbWO22NtoYJLiOVKymlTHVW13WaZ1ESV1VlnN0d9lJK62b7sm1qE6lRGuWm2zZNJ7PMW0eMeSJPjnnPURwin2aZEAJ+4pi7R+poi7wn5zwRc96xY+Ji/dGrycFwO9cTjgMY5b3nzIleT9Q5Z4z23jv/UZbdWtvpxntvjSbvLOeC8ZfzWZLww/YqiiZa63q/fXExr4xWMjLGGEfGO+vhOUiASu97hOjJyYSdOg5EbnXQRWN9AcQcp0CgPsNB4eCce3cUdA0hLfKjAN0AUEPbEWwW8jLOOSJQ189gG2K7vufxQMgFtgyvGpoJrKaUEh0lsm94w8qOx2PEnvBYRARZ4HA/8NfRaATvInutRJhX1pf+YPpDxZkGw33cYIZLiETwDvArIeEA5jOZTObzORJY3w9CwiOkKchjcLqyLA9YEK4Ec7rBcJ/NZlVVAdMHdHZ1cwMG5G63u7m6nk6n4/H43bu3SkoIssdSyaIIa9W1dVh/1c8R5gMy8qfG+on5eBKhD63Gp0+mgUv41KAPk9YnLwlLzXtVbhyhrjuWBIQEje9YKhSY0+0sYzyKYukpjmMporwY5+OJu7ltjYWAVFuXsRJnJwur23K/N0osz8/n01nXdcy0Ko2K4ixJ0q4tN6vbLJG6LVXER3l+djKLlNBdnSZRV1dVfcjSiHlNzJXVPskK4tIz8frt+7/7za++/vLL3/33f3718uXv/+W/75n/xTfffP/D2+VyKYSQkZKS2tZK5zjn4/Hk4szZ7lprzbnEnXKMHOPGOUbH/d8n/Y+4hp9dus+ufHiEe4TFD7c+vBCfIgbakOHjXF8BCrbeP8b3h8wogLe60dbapmka3YElwZho2rZpmiwrJvMZMElnPbZ6niY4O0H5C0Ee4rDJZLLb7V68eLHb7WazmbV2v2uE8tqyNE+SOGPErdYCiShkJ7wlZom8Y5ZZGk8m6ECczGcnJydlXVlrV3e3kJf4uB2dd9455zC4PGQkfjANSveDcHFaA3ophJBSHKex+qNSAir/sYqUUkWRH8+11S4ZZ1lWl4yR44ySKGaeoijijAvGXU+LMs4yxtBvBFv2uePqPcK9KIq8o6ZrGWNxHHMmw9ZRx65375xrmoYxjh7Lpq0EP47dacp2PB6D0cEYm06naB8IYDf2DUASxth2sx2WLoPNwhQbIsL8UhRRQwyL1Tb9cFHoKcJVwOXiaZhAzRiDYhfeHJsMM7HAuZzNZjCX9/f3ge2X57nt2YemVyIU/QQlPB8uJ+Sqru+0AkC/2+3gKnCF6KwLbURB9iAgPAHb2e12kDBrmqaYWiQNbdsWRYHZT6HOHGrIMGHIBoioKsvysAPXHkE6lg6KZjgVwKBoED7bQW902CFDI8sGU7mHBj087VPL4j6RVv/U1g/fwT3ukQn/D8YCKz/gYHhjvFKKcW9M53ttInIueA1s3ZPl2XfffUdx0hm3r8qj7N/Dg3NmMZvv9/ssiqyU89n0/GShtebefPXqxeqwQ6PD9nSuO8O81207KrI0U0kaldtd11Tz2cjbdv3wQM7d139u2jIbpcZqFSvn/M3d9f8U//bXv/rOVPskVuen8/JQ11Ub52MRZ3/+8c3JdjNfjOKISLur21uyznR2Pp87Y4i7rCistc5b7A1JH5nUw/V/UocIDz+4m5/5a0jV+9CEDeocIRXAIWKDIlaIap9IdNhekQnxaQjPqcdhRKTatj3UFYaUFUVB7NjZl40KJOjWWia4Z6TtcUwNojpcGApOiPeB6QPGRMZfty6JMlFT2xiMTRZCMCIlJHgs+OLWe+7Je1s2rXPOGCtlpJTS9ihobI13RMenc0bEBLhfXBJjnpjzjHPO2fE4HLkuRJES3ntr0MuJGLcf802WSCglYhUx7q3VnRdxfBRqreqDMW6zvktjN59OOFEcq+ni/P7+fpylhgKqA8Kldt5wJrzn8tNQKORW6N0fj8dRFKlOHQ1ZonSju9b0mTtvmkbrYyyM9pyu67ggIWXb1RhkPB6Pd7sdihjgwCBixdU754Ceo/Tqei0t1/fxB54G7/uYjDG4i2og8Yo6CaqIeDIKvKCce++VUh8+fEC5HLYVBVsUGIOtRKTfdR0a6DHbCJz00EEaUhksIMw9Crl+gD9+zOCkhPyA7dV2AMVAUxfS8FCBR+0ISCKCMpTCiSiO47OzM0BV+/0+OFckTxhHB5gFVdm2bUdFQd43TcM5AXfabbaLxcI5p7jQWjdNFUVRitEch8N8fuSNsJ7E9iQeHxrrofEdZnifBuafBvVPbHT4Ik9NzGAZQ32CDapwoa4Dz6T3FRGpSHDOm/LgvY2Ustb6Iz4gOm2rpgSrYbk8/f3bu1/MpipKQkmfyEVCXl9+WM4XJ7OZUop5G0nOnYyVXC4mTav3+21XV2XTWqcZ94vFYpSl0/GkOZRJEn355ZdtefiRqMjzH2/eaeulcttyf/7spbW23h3ariKjnp1NX//0wy++ffX6p3f/j//6//zul78qm3a/ulmtp9/4Fy+fn2pj7y4vy/1ecvG/+8//h/v7NWMsSRLOmSd7DO4c+zS/+fSfw0V98gT2GKgJNp0G3aHD54fY/InbcD2j0Q1oMCFaFwLNaxr5HzLjtm1dP3kVB1nFkTHmcDhko8IYs9lsdrvd/nAQQj5//nw0Gv30/fcIYhCBgVgBJgVaiOM4fvfuXTgveZaPR7N9Ze+3h/V667RTQjLOuVDcE7fWe+aJyJEnT/ZIu8BFdkY3TZPn+Xw+R5IN0WfuGfHjmgcLcNzb/SCG4xZlH+Wh2JHicbRsqIQzxpSQcaKIqK61abuOkUkSbzVZ563VrO6awzdfvHR2FyuxmM7+9C//mz+/KPKJc5iHcbxjxhnpyLF+DDRWn/WiuLCbwL/AFQFiLvpGr7xIx5NC9d2So1EOG9o09Xa7xWRk5xwo5Nvt9nA4IBa+u7sL3TpEFAgh6EdHVydmIiMqh53FzQPKttvt0CwDfA3MGXj42WwWAvD5fH53d8cYA9APxAP5Afj1SIjwvW5vb1FHFUK8fPlSSolJnlprNAHd3NxAsBcsncPhoHslXoT5KMejmwlfEHLwzjkwZ6bTKZArhBUIn58/fw4GDhjoULRgjKH+g2IvzonqG27X67X3HmLFAdG6vb2VUs5mMyShQcmAMdZ13av+cbo8iVU0Go2MMYKOjRXWmKauga2BQYyIFZXnEIVhSyD7Af8So7cDnBqy72ARwr4K1bNgMh5Z7QFVzvQP6tuYh90u7rH2evAZvGdn13UtJZcSc3aawJkLIaTo56jFcWqMa5pmPJ13xrVGL5fLq+tbY0yRZpvN5puvvn5+cf7s2bPdZlUUxWQy0qZt2qppmuubyzSLvfejUX59fU1EjPm2bf/rf/2vs9ns+fOX2O2TyfSHH37Y7++EtPcPN3ken5wtxtPxF1+9ePf+B+eq3fqaubqttsR0FPM//vD9f//97z2PiKu6MbtDNRqNR6NJ13XT6bwsS6xu0w8B1sYwcQSseT9fEB3CIFwNw7VhAB4eIcqmQSd5uAvUtzWGfCigLkhnA/boByU0nLWiKKJ+QhlyUGNMnuc4s6xv9sZGRVvf4mR5cnYqhDgcDlXboO9ks93e3d+jeRsMgtF0UkzGFy+eW/Lr3dZzZsnPT5b7qvzxzet8PGqNnsxncZZe3d5Y8o5Yqztt3Hq9ns+ncaLatk2UVIJLzpqmiuPYGo/yHleRI2+cJc7uHu6xw3e7HQw6EYmeIsg8CcaVkJ11TCqujhpQRMS4JKLNZlOVe9TSiKg+7CPByZqqqa21OGKc87outdZxHBvTkXVffvWKMbbfbqbjSRLF0/Hk26++PD1ZSsHzJBaM3rz56eXLl9Za06FV81g1lFIopeI0OraH4fEkIwPvJZzDI3rkjmN/bT+6CU67qirOj149ihSqVfj/2dlZGP+KgNR7DwIMIBQMuBiPx4heAUQE2CEUS0MPOuv1IIfRQfglUrxATYElsj257f7+HpKHMOX4Ey77+vp6tVpdXFzc39/XdQ1r9fz5c5BSnHMYgXZycmKtfXh4GI/HYJejsWi9XsPl4GmAvIOxg1EDhgOGONbNOTeZTB4eHqDxUhQFgmvqkUcUJxeLRZ7nkGm8vLx88eIFDgxc0fn5+Zdffon9hwXEDUU4T0wecfxI4SgqpUzn4AXTODkosdvtMDQjy7Jj6WYwCT6YDNH3mlMv2oVfBgNBAxkQ95h6Mdxan4aQvh/GEv4ZNh5zH4OgsEX/CnrQv8NR7f3JftbGeu9Z3yhvrWeCv7/88HC/vr6+PlueCCGIuNVmfLIk5xnzeX6sbBtrPdHusFdKzaaL2XJT1y14XLvd4e///u9Xq9Xr12+yJP7qyxfFeMy5vLm5ySQrm/bLL1/Uhta77Ww266r927fvFxn/zW++1vXF7e3dbDHNZ4sf3l5uq+7i2asvXj47HO5u71ZW15Lb7777rivbuq6VUHGaJUnkOVl3TExjFn+6qk8gkfBLoqc10s8CX8Pl/TT8D4hHyMZYP5wL8VPAkbGBAX6KvoUQNOWqqqDvL9RRKla3R+LZZD4bz6be++ubOwy00VpHUVy3DZfiZH5yf39/f3+Pi7m+vobF+O1vf/vhw4fNZvPw8IBPr6pqu92enc2bppnOxsume9hVTVPHSu73W8+V9gg7TBRFjoiYMPpYDwDEyhhjQhjnTK/l99EFUh+asGPuaIlZ57gxcFdFUXStkFKSNUJwFCYRKFtvWt0IzhmieOaMMWkUW905YyVnURRHUpIzTdXe3ujz05mZivk8i6IokSPXNYmMyAtjHfWMBu+9c8ZanohIhlvy5O7yvpmYiASXxPD9ndYtXoKbqiLBNGvbFkh6wL98z0e0rgtwCtwywmTZC6FgB7hexZAGRsT3zEWAPMFY+B6ukvIjuB8CCt+L7IAXj1gVRhADUGCb4n5+Bbp4x+MxKpaiFxTd7XZQRgRwH1pa2rZFRLxarYQQeEOUd05OThB3O+dWq9XDwwOuAWR51sP6rm/28z31G+APQhj0moKcHji/MNBVVTXGrlYrSF5Mp1PQihAsI7LGEoUyLCN72O2FEMw7LL5gTHvftq1uu1hF8POKi0RFcRQfau0fI+nBQISL9/2cSdwy2/eAiE90GZ8ALP4xyje0NU+2X3ASGK9Oj3P/EDl+5gFpIpy7wfsLIYzBdQrGRNeZrjPe+125t9b+za9/9e7N26+++soZG0XR119/27b1odpJKWUU3a82ZV05ZzrnhVIii0nwOE6NZZ5425myaj68v5rNFpw8I6c7f3e3PjlZ/Pbv/tPlw4fXl1dfPH/x9nr1sN2++OKlJHt12L5988P/6X//9xGf6q6JRwvNk+/f34xm06ubhy+/+Xq+OEsSt7u/1O3h+d/97d5tjNZFVozywjPX6NZ5xzm5wWqEBRxG6J8uOBvwa4eGe2jHwzH8OYM+tOYhP2OMoXff9kovAGZDOTRoIqEab4wB2IjXHskRnMdRHEXRertBglsURau7KIppsynL8qeffvriiy+yLLu/v4c4PshpcRzvdjucXFAhyrLM83y9Xak4ffH8xf16V1Y778zyZHlzv2WcfGuVkk3TpGnadjUq5Ixx65zujHHEhFJMeM+s9XSsRYPG7hkdmYvEuafjVAH/URUDZchjY5QQQkkhONNdK9LEGKe1JikZY5IL771pG+99U9U7Lry1sVJSciWk1ca6jgsib9M0dtZESrStT5LEWWasdsfbbYk5T9aYjsWZfBIcWXR7s2NR2/WINhPIf60+jkJmUMWUUqpIGHP0yYwxxgLxsRWCt22LcZfX19dd17148WI2mx0OB1hb0WvkBoq+58euReT70DCBwB7rm9G7wdigYIJ5r7EVsALE8mCzIi3FtutjNAvoH08Ac5H1cuTQMNlut1LK29vb5XKJDbper51zFxcXRIS2CJgzpVSe52HAKZiIZVki6wz8eiIKKgghiimKYjqdNk0D6CmKIhRsMfeuLMvVaoWdURRFyo5vgoyViCA9iMwAEAR8J9yG4BFOOG5W1veyFlmOrMKTxYA6xlhZlnEa02OEJITtARmkXpvpYxrXe18xoI1/1l58Nr5+8nGP7PtjIzJ8yafvg6czBuqwZ0Se0PTRl3xJCCldcJYiurm7zNP0dHnCOa+qZrtelbvs7/7211VV7faHJElG49n2sG21Ic73dfd8sajr+ur6fr3ZERf5aOxI2E4/rNfT8UR37bQYXzx7+XB/W1f64WFjrMnTwjreat92drevYiayLGPO3958mKSZZI4zvzvsV+vtyfNXr1598/rNu2p//+LZQjIzyoskSRqlvIWwlGvbttWtjJmUkgR5/YgvNMxp6JMAnPoa6afrNjToomedD+/gZ98NfwrILeuJ6rxXc+t64Wv8EkeD9bBnlmVNd5yHJRARa13Xrff+9v5uPl+2bautAasCyOfv/vVfZ/O5EIILwYVgjCVput/vcVuVlGkURXFc1zUxxoVgzN/d3Wjv26569uz8YbOXnE3GIxmlq13pudjt93Ecd61J84yYIGtC7IhoHXATsuewFMMfjrudHeeXOeeM98dIyxqttbMmdFxS3/kB0QRnj5gH8pumOnjvre6aqkawdbaczKYjTl4wOhx2PJH7/ZbycZ6N2w6dQp6IHKTRvTHGoA3vY6GPMI/LMSmO2dMRmYG4jPXAo1FKMn2bLxfUtbrfST60eBGRUpHqByj7fjoiCCfhXsKgHPEQY2EEg1FzPQcoUBt1r+Pqeho1YA1Uw/HkwGnBaND9fo96I+sxbrwPLgmG23v/9u1blBmttePxGKgxxkrgo3k/r3U8HhdF0TTNZrMBroKQGZ+OsgQwREi8fvHFFyF6IiJrLeYWQYMsrD/UvqAmiO/V9QNi0CZq6Oh1wGlxzqVpOp/Pb25u0BkE0iTwq9FolMR5H7Zb5r3sx3RkSXokBXnrpfLeg4STFmlYWDZ4DH0/GzC3bN9iimVkvcKa6IVfntj04XkIX5x6QZLPOADvPn2fJ/b9E7Nujyy1AfYCeSIpJRPCWW/tMXjHTfzT93++Xz0kUaSEvLq6yrJsMh53xjJtFufnLIqYjI03dV1vd4eqqsq6qapKCKWiTMhIyqis2yz1XWe18cSjTvvtZn11dWPcfnnxxfuHne4oTiav31xPMhWJdD6f3F3eRucnSRxXjTbGeSarVnfavn1/NZ8kzpPzpJRarVam62KVeOdgKTjnUgoS3Fot6PNaaQHLCpH10f4+rpE+MdbscQsofeIAwi0Y+mB6nDy5vljqeyokQhPs28PhsN1u8VZlWdZtd/yU/rVVVZV1dTgcfvndr/78l+9h+h8eHtBH8qtf/QqjBCFLhz67MDYEQViQtMvzvFDq+x/+8pc3P7366rv/9J9/u9qVv//Tj0k+lYoryU3/BV1fjw8YQAgQCXNc+zDFey/ouGqMMc+EsZZ5K6VUUjDGnD6OcSZ/DEw5Qy2UpbGqIYyTqDiOddvp7sjaipSESyDnq6oi5zmxybgo8jhWknPDyDHvtWl122nRivx4K8IBxT+dcx+F3n2vnB5irqFbDhCH6mdyBugWT2ZcRzKGZ4ZR4z3PDKPCEKgCgoh6fVogFR99A+eMcRiXYMSD1RgqnITKe7hOP+gXD9q8sLZEhM8lImDZuh+KaPtZRUVRpGl6eXkJg9h1HfjpcRyfnp6i/omfIa4Siq54Q9TKARcixscwTIQYwF7cUSHnSBzEjs+y7ObmBg2uy+UytDsB7UGxNM9z3PjNZhPnBbRr4PmJCP4DuL/pNQ/gR+M4dvYYEzVVUxkDWFMJgbwnURGEiUyvnanNcQZTWN6wAexAyCkAMm5AEg82emgjPjXon7PCfpjLf+oAnvxy+BGfvln/yp5/7D0Rs9YqFTEh3PEwMu+Oqpxpmu42m4uLiyTNsiRZrVavX789Pz/fbStL+/npmSHGVOQN0675/ocflYqdcypK6qZZrTZCqDzPjW4f1luvu67q5vPbqu6cZXk++fDu7ouvJ+S1UlGSjl6/fl1v989GKlaJM34yGneOuoObz04m0+Wh9X/68w9C2K+//cXZPHu4fdO2erXapEpGMtZacyEiqUhxJp02ndZdrNTQtv6VRR7+afj/J89nA4WAT18SfomgjQ2KW77H2WFP2rYNHsL1hFSALUhwvfe3t7dZMTLOsb6UKoTwjAslYV4A6hLRdru13o/H46+//rrrut1ud3d3h9buj1gCYwiAULxF8+C22j17dhYlW6mYM+bly4sfXr9bre8LS22rHVdxHDPGlYqMsc45wQmVZwuAurczRzzKP9rhg3CEKca4kOQd55yzI/tAKTUZjzjnzFsQEHR97AyXUnprGGP4mMYa5rwlJxg5Y7uuOzldnJ+cduWlsd0oj5USaZTY7ti6ZYzxzjE2wNzIggcj3YBLgIODLxAIbbhoz4j6Znrfz56Ooohz5v1x5GAcpew4etVF0XGGTt20oHOAkYLPgu8d2oJg37PRGDc4hK6hMR12E6hcMDqYvQlmDk4+Vh+/oX4KHcwcmkJl3x4Jd+qcq+sauy1JEtC6vfeBIQMzLfp2/6IoAIa4nlfu+yHUWFxEyngrkLeQNppefgAfCvAEthWZDXChOI7B+NztdgBtiqLAVWmt264DsA5HiNLNer0Gi9R7j1IV9Va4a7UxJlFHiRh4uyjPjx25KmL8SD6D3613ddgPfDCETAwme/R3+VEASP2oQt8XPPlj6uETG/HkEfL98GQ8JHtUvQ+//zmz5QewAxtgEbh3zntjLZFEvrLdbrfbForz49G4a9r9fh9F0WF/uL6+bo3el4fZySkaF41zrbaHQ5VmnIgWyymx0jrqdCuk+uLVlz/85ftyt2fkvv7qq9l0sV2vO701mpW7NlKp3Temozgq2t2DL8TD/WaqZopHxjjGrCPZdJar7OWzFx/e//S7f/l9+p9/eXZ2ZtvdOEuEd2mccM5wdhwnbTrr7ZAU9MSP0mOmEPukEfTJY2jf2eN5eJ99iei7h0JcZXr561DUCaEhIqTtdotJAIFdvt/vk2IUogdcJOIeKeXb9+/G47GUcrPZpHl+5GI4571P0/Tq6grJNPLOly9fYgxAFEVpmu73+9Vqtd1us1n29dffZqNRq9nl1dvnz559/eUX//Df/qVra+d41zZRdlRvbRtNQnBG3jHnvbPkiRNxjJuQHyc3MCKP0GEY0+AUe2djKdIk1Vqjfa/IsyiKuqbC10yLxNuPYZOU8rhs1gjmyRJTAu1zWZzMZjPtN2kaLxYLKZkS/lBWnHPwLIxxxBUN4i1inog+nrpwv1kvlaX78bLUMzFVL3oF+iCuDCZsv9+Dvh1a9gFIZVl2enq6XC5VP3gQDUF4c9g7BJ6490DfoLU2zAnwJ1xeSBqCj4FwVZBLBPsQTfMgKcKibbfHhqYgAxn0gK6urtbr9Ww2894D727bFsOd4bFAS7q5uUGzD7YdSIpAZkC7xDrgwsC6gQk+PT1FvRTZJQR4syzb7Xbz+fzk5AR6ijDW3ntwudDxj3wiTdPT01PeTyK9vb29vb0NUkdhEbDFw20KxhoXLIRQQoJ0HyoNeM+yLNcPq2AgXD90JshjYQ1xpMPPR2huMEHN91KOn7UFn/7G9zXM8Fbh9+4xeWZ4YZ9apUdPo0edUOH9XU84g03f7fYnJydgQEFZuq7r8/Pz0XTWGiuE6lpT123ddNp6z3iUpKPxFOcwyXDrx5zzttVCiNls/pvf/Obk5Oz27uHt+w/3q1WSZFrbq6s7Z/lms7+7W8fpiDHBmbi7ud+tt+vVtiwrY+zd3cPV1V0c5bBEd3d3r7746rvvvmuaRjA+nU7RXMZ75BDwbpoXT7xdWGQ3oCqGx5P1/OztoM9lV0/+RESBZoqYifWN5dR3IIeTiz9heMt6vUbGiS2NL+J7ShUCF/SIOOfevXs3n89Rijs7O4ui6O7u7uLiAty5r7/++u///u+fPXuGN//pp59AeoatQJdJnue//vXfrNcPb968Ho3zNE0Xi9liMUd8qSKhTev7OT+OHUEI3zcVBp8EqBauKKDK1ANcfFA8ADwA1jJexXrQAq/Nso8qUqwXavfeQ3w7LFdd7quqqqrq7GR5Ml8sFjMiQscMHMyw62rogL338thK0zQ0G+FudV1XHfZZmoQDz4g78ih77nYbkC6UUkQcTO3RaMSZhGpK03Qwpph9sTvsGWOMPGOec6qqQ10LKeV0Or25uWmaDnOvnaNIZZp0WZaYqoyLgYLjZrNZLBYwUtPptK5ryMluNpug8IVPR5OR9x5n1XsPg4tn4g6Bd3h6enp6egrbGscxKreQKWeMgQWPG4NwGDAI5/z29hZD41D+Xa1WSqnxeLxerxljo9EIdwikmizLzs/PD4cDOI6hPADLjszjH//xH8fj8Xw+L4ri4eGBMfb9998DIrTWrtdrVBeIKEmStm0x8B7hDBqgf/e73+33+5OTE3QV4e4CchklSVVV11cfwNkyXaeUKqu9OOrXs1jGXHBnnPfeCd9UNVhJgX8J5wdX4XudSN5rIIc4JZiMEOjR52JzPsB5hxsx9JSFV2G5QpbGOWecM8joDViKT2LPxDrLuGHMeO7IEyPihjvNvZaSd22jmMhH+d22vi91JfJyU3vvSY0NkWO+M/7H6533srVKOBqfPt83pigyzvn+sN1ut6ma7Kvy/PmLD5f3m+3q9PQ0zhKhpOEk8/T7Dx+m0/mHsvOHbrPZzGdLdjKvY14d1rPl6C8/vPO6SIqkZH52enZF4rWhX3z77f371eHQvVicVte3tzHLJ8Xf/PrrSterbcuYs9SUnXeF1568c8J7xXjCU+mZrL0VHBiTp48L7p0jYoxzxgV/DLYYY7CQjHE6EjaOw3LBrfrXf/3X8/PzX/3qV4fDwTmfp0chUiICYaFtWyG4M9pbQ96Ts8SIk4+kICmYQB+pQ7XVe4xb02VZT6fzruu0tufnzzabTdM0v/713652+zhOnHO3t/dRFB0Oh/PzcxBzv/ny1Z//8PvZbPY3v/h2v7qvdrv2sLu6/hAniguqqqqqD6uHzX/5L/9lPB7/0z/90/PnL+7v7xnjVVV2nXWOffXVt1mrT1Tyw/Xd97t/XJy//OFf/jXlPOZMG828KIqic1YmceO8iCPDiUCy4CQYI3LadkQUJWqYGjrviTznnHEWOd82jUwjydl0FAnOOOnn81S06+n5VJC7ffsjP3/GtbPa6EO7WDbObWWcqojdPWyaVidJ5oma1nmnE0mH9d2XL8+v3r2+f73/uy8n45wz13jNmenK/eHZ2Re20/e3m/l8vq8b66zrame19ELZWNrIeyullN4cmebee8a4UkowCooohP3Sn1jeFwmttZzLoEbi+uHOvteSBZ7lGWIig+pfFEVKScZYVVW+1zM5+isllVKNaVCWpH7KuJTy5OQE1Q+UEebz3tMq9fDwAF8H/A6B8LEpo5dpRGea7OfM4W0ZY23bAlSBW8rzHBmA73VX0OsfDFxApWwvI4egj/fNrryfMir7mQBYK7y/H0wyJCJrLa7q9PQUOSnOJGjvy+XS9wwWSMVaa7Msa60L64OKk+sHaofoyfatqmEdENiCGsw5R30ctzukzyF6DbGD66U5fF/sosdZfIBBQpAYsrpPQ7zPBn30CfH8uOMeT8b4N77hkzdng+tx1mGnMcb2+/3d3fr6+vrHH39sZf7q1avlcrnb7R4eVt54LLuUMhsVkVRd1202uzQ90sCrqnLamK5BUUdr7b3zbfvTjz+MJ9M4jlESz9JCELO6Zd5prcuyI3HEr4xu8ygRIrJ9jyWSsyiKtNFxLKxp3r59vSzoF1+cn5+fL6bZfr87rgELX8uDzNN/0UdLSp9oMITb9ITTEl718PDw9u3b169ff/XVVz/88AOSwtlstts8UF81PfbUsB4Cci5wKEKuhvcV/ehdbDNsS+ju4cRFUdS27WazidMMfaHQDcU2DhEu0mhYAOjTrVar58+fo2Ogqqrlctk0DWbsbDYbpC/T6VSp+Pb29u7urpVdmo0mk4nx0hiTpHk6Lr744ovvX7/3PUrBGXf//g2GB+dcCO6974yRhlIljDVlWcpIeesk42dnZ6PRyGiHvBy4rrVWep9lGbGWMSYYr8v9qMiKLGKmGY1G/vxUcU9Ey+WyqWocxq7rGFEk+HQ6BRqOxQkQnHPOE5NCCDvQnwI3gEuBC+2PFmME7JvJwcBJpY6zjJMk6dq96fUzYYghhaPiKIoiZz3iR/yJfVTFcjBJSZJwJo0xURbhjgbTqXotFHyHzWaDAjoIf0ht8IagMaA8gidjF+LsIRfTWgN4wabE9qJ+IKoddDnB5uIABLuGix+C7LLXjMSytP2UJRhQPB9QPjJTWNUAvoMyT72JR+9o3/5jgJ3BUiBZQ5pSlmVRFJzzqqqEEABSWK99CtWELMts372JawBzxnuvzccxJtSbaexRHD/2mOgyzOuH8EhA24dxOg1IEZ8+nsTvwUY8AV6ot+ZD/sz/b6eOMcaIcSGMMUIoLlRZHXUBjTGH5oCNsdvtrLVKKOccxoZ47zujd9utlDyOFaAbRscNQ861Vb1aPUwmk8lk0nVdkWdG6/fvLrf7gzqNGaPD4VBknnPedV3bN/1y4nmex7G0puScO0dQ5TxuM8fGo9HFxeKrr77KI2fqpmkaKZVk3DFyPCxEwFL4cBk/u0rDNQ8bjx474N1uB7bxL3/5S8jAnZ2dbbfbSEa2HxuAOAyxgkwVGuS9I8+IMyG4ZOS4EG4wpxd7GNESmL7IjDGZYLPZJMUIO38+nwObDcXVk5MT6EQFgb/JZFLWFWDJk5MTIhJcYtIpWAPz+RyTAhljGEWpNzeHw2FXHrjKxkLGcWKYlCo2jjzzmH7siAnGHBH7ubr7zz8wRJQY011rFHOCdW293qyAdnrvp+Op90wq3hqtVExk4zg1znPOF4tFWrdlWQvG01gVeSKsXnddWZZFnieRiKJoMpnotkOgLCPlnONKjkajh9XGGMOFIv5RYg9b/VGNlPrjzemjVoMQgrPjvDshuPeZEALmSfaig+FAsgHsbq0V/dQhzgTKvvBRaEBI07RtNUrbcRy3jW6aRsQCYDpif6wLZJHxKbe3twDEb29vZ7MZbBmuFlshkCOBPIa4MgTOfCAKCnGuQMKzfVspgn3OOfQfhjYFL8FXQ9cDIn3fE3JCXZeIuq5DdVT0+jnY7jDrcRxDbAgVfPDZ0buENwF+ApwRXKAoy3nvg4EbgrM1nU4x68d7v91ui6JA4D8Ido6tW64ngDLGELQFk42zEZaRf66v5wl4ctzZ7il+/XOPT615+Dks8vA5T64hfPRfN/GMMfK9mSMGAkzXdUksGWfe+yzLnj17drfe2YdD13V3dzebzYY5n+Yp0s0syziX3tskTUfjfLZYGtO1nWGGkjRaLpcnJ4s8T7bbreQ0GeVCjBMVdV2722/IMcFJqajrTNNWWTEVQuxWWxmlSmWKR+AlaSuwi1ar1Xa7Nz7uWkMFF8zPpuNvv/6m2V7/6c33+4guLi4YY5wzwrhh7496jN77gU7OZwP2oW+mvt0/oO3hhXBs33777Xw+/81vfnN7e+uc2+12Z8uj+DPvGW44kqYXp8P78L6HrrPHsCZ0gzPGpJS95uLH9A6RHA7parVCqx2ie9TSkCIbY6B/h3YKFEXRhY6gDc+MoogxjkAe7YRo+9iUq+1+75yTnNddu7m9PbQErSTLJbGjy/fk+m3y73t470mEAdCeC+q6brNZPTu/KIqsrmvtTFlWXEgppVA8y2JtfbvbG2MWRaGipOuMt04K6bTputJa3TX1aJqlcZQkkbeurmvOWJEkaZp2ddN1pmk1/CUjhrhNHGNuIUjIrutcX+xiYfYgefIfZ7N5Cgn4UWoH74ibjaA4GE3GjsQm7JKqqdu2jdTRV+/3+647ytnEcWzMUZAWhnuz2XjhLy4u8GTfd/mvVit0eML6IxqFE9tutyhxAPEIfaGw0Sib4CNYr3iJol8oysEKJ0mC+eWoVAQ9d3Bped8xjB4lxhgKmBD5ChlQ4BcGD4GpHd777777DpvADgbshhQBraqguCiliqJA9IG6E+9JvlLKan8QQiQqctrUbeecE1nOGBPETNvZTkspBTHJOFnntCEZY9HAXT0qV7Aj/Qs2nXpL7QaSAMEF4lKHoTf/hPtMnwv9/i2Pz7qNj6flZ9783/7+OLGMMWvscffzjwX/OI5VVG82m8Nu17VGCIldLXoF7ThWSZI6Sw8PD3Cy3LKmcYfD4dmz8ziO/vz9H3e7nff27OysruvqsOPeR3HU1mUkR9NR8f7D27NTMRrn768euHRgjq5Wq1xNyDk45sPhUJYlU9wxigW/v7/9/nv7xxfLk0JJISLJm6rO8xFjHukyc45xT871zY2P2T6PqYef/j7gMDSw+IvFAo3TUGaeTCY3NzeoQGInI13GOcJW570AAEIWJKxlU6KiHpJRWO0Q8eC16/Ua5pgGfeOmF7pCR97t7S14CjizMP2n52cIVj58+JDneZ6Nlsvl5eXldDrd7faY+4iybdd1b9684e1hNBp98/UvNmW73uy3ja2t6IwldsSggh3n/t8UlDx5OOcYJy6ZikQSSSk5MW+d4YJG49zYbrtd7w/1xcXz2WKurUmSSJdVXbfa8FnXEUnnXNe2m3IfcUoiWs7n01k+n+RKUJ4l3ntrjO20kZKIM8Za3e12O5XExpFjzPvjf4wxyQR5ksYY9olMD5EX/FH2jVsrhO+6Bpi172nssMiuJ3oPLYJSKnLWe6+kkr0SJrD1EC/gJVVVbTabw+Ewno8DvANzBp8c8Gj032utQ7DsewIf8q+AfohecUIphYlC2FvwW7DmUGDA0wDGDZWJkDaCWoNCM9g+gPNwkaFkH+SCsbmFEEA/wt6V/TxV12vUEFGQDehjDaa1Bn0FtwMsGnAJ0jRdb3bj8ThI4wYoHC+BY8BNQZhvo+PEO+dsKAAw7uGZwjkPNH/W98WJgYzwp+HzE0sxNBZ/3eAOLfXwyT8H9TwxPf8ua07s48dJKaXIpFCMizjm27rabrebzUYQ89YyIfI8d86D3BAl2Wa3E0plRWGdvr+/OxwOUvIsy744Pa2q6t2bt+Ts8mQxm0zJ2a5p725uiUhwOR7lztHN1WXXLF6+TPM8l5JPilGWxLyXtdps1rmykyJ2lrquM560s8LaOE4Pu40gw5x79+an0bcviiI7mY2htExERz6y4L0c40fs5claPXGWYd3cQDlg+ELIeW6327Ozs67rxuPxP/zDP5yfnwslsrio67o1Ok3TQ12BeoHZtjI+AizeO/IOwnBqIBUVVD1ErwvEGOu6DiHLZDJJkzSKosVigZo/EmWt9cPDg++HDYALhEE6CLyICIcargXj2pWKjDGgroHx9fDwcD6JR+NxMpL15V2ScZVnV+vDdn/HuXC876hg/lhi/vc/GCfvLWMqVlEcKyl5HPFYRYw7xh2Ru7u/sY5bb9I8cWXNmTDGWOfImP2+jOJUCalZl6Yx9yZRvChiyShN41iyIkuTJBuPx5E42qg4SYQQjlGWZZ64sU4IwYl579E35ZyXT3LeY+GFPaZe0kcOLNAD0cve8iCBb4JEZ1954BwWZzQaMeKoVaZpyvmxRgqmCiwjqDJJkqDBB/AZYyz07+B+gxUDpdksy1BjDDE4YwxRPOhQsPIBAYeaLhwDtHO7roPKHRp8cJNgtUMLA3YVnAFMM+sJOTCLIGKGdn9UOKnn4MMd5nkOZhL+imtG4JNlGYJ9ZCHgaYHJCzuLSB/Zg+kHMBIRvmloWfbeQxUZ5h6csGMkMmCkiKMUqg9x+vB4I8Wmx8Y61MHCQQ1vG+zFk+hv+Ncnj/C0oTOggSn/KzZ96An+jSHVMU4nJqSMVNy1RmsdRRnnDeh04/Gcc865JM8Z89YzZoz3Lk3TPB/Fcbzfd8a6KIkBBUgVn5wVTddu97vpbHJ+fn56utztdqBLZ5lMopiI3+hOd4013bfffN10xwYcQcwbm47ziLW7fTkdJcSZcV4pRZ4Z46JU1fv9cjz68tXLOJZ5kj5s7rIsA5D9kXlMxDgfhmLD5R3+MIzZqee9PHHDIcpB1ot9zhjLsuzdu3cvXrxYLCbGuLY9WOtvb+//8pe/SCkvLi7m8/lkMhFCWYs5xkR0FAKCabb9DDLfy2gHRBfpfogkQOhCj4WUcrfb4YhBuQUhFOSMyvrYPAgSwWG/v7+/55zv9/vz84v7+3u0j+x2u5cvXxLR6SRuWt1anY/G8TjZlLZ8f7fdl1Gacy8tzJ3z7tiQ+e827FJK0xpyVkoRKRFJlqfJfDoq8ox7Jzlr2zqK88PhEKVZ3baWdF23QijOxG63yzMPyyaZTJWQrOPMVuVe8kUSKWfbcn+IVFJkyX67s9aO8sJFxjtnrHfOuY99pMx7763zREellOHdZf1MzsDEDNYZ9U/oeYpemQuFfmAOwRVTDyl471GThHWeTCYnJycQIHSDfmL428lkAugNxPaiKGCGMAkI9EzTz1yGDcUlWWsfHh5Wq5Xvh3zCewc+YoAO8DNC5gD347vgq2ERYPSx/wKxB7TuoijwiVEUAbZGood9DI4qUBr8AGeGbAaRsu9n3kspgQ+GzY28AbscdrzrOnQbhRQEHQCMseBFkLUsFguYdeD78L4h/aJ+liOeAOA+lEPhKlA5HMbCw11Bj4PoYTRAnwu9/4ePYaLwJB4fGnc3oFr/e49ceIR0ELVQ7CvoM6NeB1aulJKxo9J3WVfXt3fvLz9UVVPkoyROq6b+p3/6p7o6Wp99XykBHdY71zaNsd1olC+Xy8Vinuf58+fPm7p8uL/d7zZVVTZNE8dqNpshe4P7F0p6Ro3uGON5mtTNXpva6k5Kvt/vBYnZeMb8RxzsuG7cE3/E638Sn9Hj/AaPkBk/sgV9T0YURe/fv8cT/uN//I/b7fb+/h7pNRLiqqru7+/B+t1utwFFHPoGxCumn0SGQB67FD8rpTCTC4E2+loAm4DuAsJuHMf7/f5wOEwmk1/+8pfPnj3DKXvx4gWmCn/48IFzvtvt3rx5A3nUP/3pT5eXl+v1Wil1dna2WCyyLN/tdlqb05PzPB+9v/zw5u17GSkmFImPdo85y5wNgnH/9ofse5EE85Izznway9l0vFxM0iTKsiROomKUtV3Ttm2rm/V6u9sevGeW/G63Qz4hOd3d3Tln8jTLklhKkWcJY3a7XX94964uS+Y5jr/3njHRaVuWZVU3CECJiBPjRAw1X9ywUKRGiznr2wpQ2CQiONvD4QCZEWhI7fd7KHeHpAmwACwOVFNgX1DtNMZcX1/f3Nx0/YxmQPPwq76P2UMGQAPmXF3XaZoul0s4/OVyafoZeJvNxjkHSXE0PZVlCRl78E+Cj4njeDKZZFmGrQAkh4hQb0H+gSe7flY1YwyNyCilAsujfhQ9Y2y1Wh0OB8hp4XjzvrcFLW14z9vb29CoBd+gtX779u3V1VXed3VWVbVYLFDeAaZPRM+fP3/+/DmyASllkeWcWBLFSkjJRawi02lvneSiOpQPd/frh5W37mSxnE9nbd0gMnL9g/eznKivV8OUw+PafpCT79sCASKFFx4HpzkHGigyBtaXYaiH2oOIsewnmpvHwo1Da+L7PtXgDEJ9IoQRwxSeD7pChtEoDYJTzh8FK3Bpbdui9+36+jpN04uLC7j20Wh0e3uLbYCgeLlcjiezu9uHttEvX305ns5Wm+1mtyfP4iyvO32omuvb+6ZpuVB3DytomORFcXp6miTJer2eTqdpFE9Ho0TJb7/9NkkScPVevnwBE3Z1dSWlBHLd1N1kMkvi7FBXgrvlfJYl8cX5aVPXv/zuu81mg4TMWe89G94s0wtshFAsGHTR93bir1gEIG9PHqxPqZHY4f1xar777rvNbvv67Zuma9M8Y4L/y7/+7vzZRZKlXAoMHmq61jjLBHfkm67lnMM04whjxkAIULCFAJvEcVzX9f39PawVuk+AtCDDfnh4QKgOGdS7u7vT01MAREqp/X7/7Nmzb7/9NssyyJpKKeGeT05OXrx4cXt7a4y5vLx0jBxRo7u2001nPONcKOupbrqm61ivQeKs9s5gKYbrE6puIcAVfY9V27ambQSni/NT7wzzznVNIoUSvt7viiy6v7uaT8Z1XXZdV1WHKIoilUgp67ruOpMmuTHm9vZ2s9nkSRIpsdttuKC//fXfrB/uT5ZzTq6uWk7MWptlWRKnq826rCsVR9Y7pZT3rKk73HzqSStSKcWcBQA83BPAgo/sC2+0NW3bdp05Pz/HcYLWK9axrmspjqXIpulgdiF4IpUyxpA/iiwiBodN5L2kJ0qFjMR0OnV0FNiiXukFF7rf76fTKe/FYWBSA5oBlh4uHlsKJBP03w8B+rquEWhH/fjpYd3VDfTCELZgpUIxIPAdgX1H/cA57z2sIWiO+D/uehRFGPMErAbfC24SwgaiH+2IxdFaT6dT7PVAiGzbFvrpeTbChwaCfzhFMNaIj4DCT6dTzsWTSCp8QRqo/iLk1/3UxPBX34tcBnky6uHpYJefGIgnofpfD669/wyDxQ8KLWIgI0M97dr28+k/B/d/PktgjHWdRsKEcQTIpX768S/nF8/Pz89vru/yvOi6riiK/aE6HA7T+SxJkp9+fLPerV+8eFGM8w8fPkyiuGk7qeKTs/M4zde73e5QZVn+1Xy2flgdynI6mU9fTRkTTdNMp9Mffvhhtjj94vlzlRzev78DkHgyzW4uJ865rjMfrq6bphFSpnmcstTLqmtqZ3RR5HkqmW7JHVFQChwEbzgj7j2RRwxBj8mgwSqFlXni9p7cF4Rri8UCPXTr9RpqExDMwANBOjLC+XyOLBZjgFCpYozleb7bbF2vmUFEyFMRPw0zvHBPESUApQz0AfwAiQutNVjtgGtYDx+hqRAt4piYoVT3q1/96vLyMsR26/X6118/v33YdMYBcO60sZ6UiirDGOOMHKwhZ94xz8h9mhS6XkY47ED8/phPq+j+fnN3da2Y486O80wKrzhPI5UnyWxU3N292W2ryTzK0/Fmu/eWrCfBj32nR1MgmIyiyWTS7PQoSzerh645rO5vI8Wfn5yhJyuKEjFmTdNo0+33+zhKRKQSxkEItNZa7bxyzjvJOSfvhrfcOeeIOccQwXnvOROMo4hHSZJsNpvQA4lb4gdVR9gFRF7j8bjVndbaO8LziaiqmrquwTylHhdO05SRyLKsbEvqxRfh2IkooMaIEDnnYVQpcq5wAdi+6G5ANxpAlVCCd30fTUgGkySZTCbwDSFm4b2MUQj2YbjxEsQyuDwoqCBcIiLwx5FWB1gfRSc4Ifgh3NH9fn96euoGg3oRHdueETys1sIPOeviOEYFAqco2HfqQ+bASVBKORd257DM6HtovmOMhfGnwYmKXlbX9zJ1gRUazmS44OFZxYM/FiH51GoPDY3/pNAaEgjgXX5Qeg1PGF7Jv/GBGxdFUaFUbRkQrf2+XMy709Plw8PD2dlZq+1oNCqrJkmSw6Fs266YjLNRISO525dtZ6Lpsqxb502aJveb7W6zUko8f/784uzknXrX1k2WZScnZ23bXl1d398/JFFtHGs6TtYy7rumddqvXLNcLqWKZ8vF/d2ahHh4WMfZ4ld/+8ub2/3d1ZaRm01GEbNa14wxZyzninFOsNqeM2a5B+nho310j6WP6XMZTPjZDThO1M8MCbJxCLGbplnMT5RS1qA9lRX5eDqZf/nqawCh5FmejdI0RVu1s0fdHtHHiIFWIPqxCtS7HFwwlPIQv2O4IyIYkHQDowZkpNVqlWQpKqWImZqmQ2R5eXnZNO0XX3yB5gxjXJBT77quNiTK8mZVXt3cPqy36VjwuGDC856LyxjDkIqhosJw8/Ce3+x6caQjzNB2iRSToljMclNt8iQeZ9Fkmp8tT9a77XQy/sXXX13fb99eXnfGtVozihnxKFLWY3y85Zwkl8Sc4rzjbLmYSdaNktkoU7GS09G4ruumbPI8hR891FXTNEzIlBTCTSLy9iMlXRpjuHduoNrjnLOeyB+7MYlISCmOvYUMvKu6rvM8F8J2/Zg03RnVy9uH5vJwM4gfCyZxHGt9ZPg1TUP0MUj0joVPZD3bDIKI2+329PQ0GFbvfcj90RyPB/aQ78vlwTrAmQdWuOxb4ALygPg96meb+V47rOsFIAHXYPkQ4kGGn/Xs7yEs8PDwkCTJ2dkZYwzV3aZpMH4FiESSJJjeApfm+4Z71Y/VDkGx7zENvEoptX3YOm2cc5JxpVSiIiJyKsIWr/YH730Sx3jbtmn9oIFgmFfCA1EfE4U/8cfd+b4vaYbA3A0ewcKGrT9EAIge4bn0iZX3j2H6oRkaWvnhG/Kecxl++SQtIPv5dqdg9aSMPIu22xqCbqPRqO3quI2n0+nLly/vHtZV1cRxLJTa3d3FWfrq2Svr3Lv3b+u2nS9Pm1bXTccFMS6brl1vdnmRdtpcXt864ozLu/sVEZ9OZmmW7bbbJEkOu21nJWNJmqZdq3WnTaubcj3+D79eLBb/2z/+9+12O5nPsmLZNI1SLIr5aJTHKrL1lnlK4th7Jhn3TB53v7OCecaY4ILxaPgdQ5g5xLKGd2doyofeFCIcd3d31tqzszPI297f3//q2QuA2giMQD7BlkaJ6/7+PpAR0NCHUhn2MPgIAazwfUNyuFRU/mHT4XEB5IJDgVMJn2Gtvbq6ykfFl19+6fukgZFAewdjrGmaN2/evHjxAoaFiF6+fNl1bZZleZQ5nux3t03dyUhxqZzzngninMgzIkaMMyIGNYlHK4YHwh3ba8SGLco9zcaT2XhycTK7v6pOZtMs4s1hP/v666vL96mSfDrRlv305r23NpLKWsEFZ0x46xkTnHvGPDl/2O0vLy9dt9/vJ9++ujhf5Nzrti5DpBVFkohao2FVrHfGea+ddp48E0JJLiRXXljpnCPv/EBCD2fkSYMArJsxTkoOvAUpf6CXGO1CcS/4fGNMWVdFUXAuIJiODQGcGkuPqJOIBFehi50C/6wH1kFTcc6hfxKQIkBnoCsAXo0xKHadnJzADBERbj8fEPBxJdhGMN8BpTW9Mg7MVlEUth/Zyo5yGRydzX4wLAKPKIqgwyV6IRSAJ9TLbOHJgIngTt69ezedTqMo2u/34AihgXiz2eCkUQ/uwzsi7vD9SOVwYdTPY8O64asBkxFH7rAc5h/y2Id9xFsC/O37einrARYsS7AR7HE5PZhU/zMoytDm+kHi/+RVQzM9jOM+a6DpMVfvsx/96UMM9GQCWtUZr7W+vLxEk/qzZ89+fP3GGLPZ7cazaRyl9w8Ph8OhbJosS0ej0buf3uR5Ps5HSVEwb42z5OyH65vZeJTnuYzj/dX1brc/O2uUir/86pvdw5/rusvHJ+NswWV6/7COVBIJE0t7fX39D//wD/erh8lkUnVV03RJZ7q2nk0mJ4uZ82a/3xeRjOO47Qzn3BI5S9Zp8oa4U5IzwTn76IPpsUccLvuTmxUWLSwdMnKUfxDBRFE0n88x8NMxsuS9NTKOGt21Rlvy+XhU3t7+8Q9/5px/++23y+VSt63p5SjCPQoRz/AKQ7IFprLWGrwDAJuHw2F4rgMSGEXRhw8fptMpYwwd4+WhRiEXR+P+/v7Zs2fIYvG0n378qZguThbT+0N7v3qoOx3FqWfCekdMcM7JQ4DWgfr6ZCMNbbrv1T3Dt3DOFXGqJN+vVytmmPOL8Zhs85c/vP7261eCMSL//u3b1b5ZTGezk/O6afeVdY46czxiSilOzjs7n80Y91mW7LdryS+M0Xkq2tpzJmEhvff7qgQGMJ5O6rpm7Nhbw46FqyMrTzLGGH20SsekiXzgijDGqFfT7TrD+VGqm4jCuFvg17wfT6GUQusjEi7nHPWoAueciAkheqrpkfMkhMjSYxt9qKfBGKENZ7vdojCLYkiowgErAHyGGgBee3NzwzkHixaWWvbT8sqyRINyANYBoQTTGQBB2E00goI3Cd0uFNbCRfoe9pVSVlU1Go2m06n3vixLEHjyPD89PQXMjXVbr9eYXYv0M47jh4cHROjISCaTCe46qDJAnAJrM+QrOAOAoeBUWN9iitC+3u3Y42okEXnv+uz4KIXqBu3EoZqKTRwAq+AUQ+wcAnn6BAYJR/ezxoUem/UnxhfvDAcTHKcdDCUI8f6TFOGvWHbfU1GNMY5LbAnOedOUo9GoLDdMyLIsX331zeX1zRGstwTm3Hg2ze2obpvNbldMFmkWR3GkrROMjaczTt7orjU2ITYeTWaLk5ubmx9//FHJ+Ouvv97tdte3m3FLxYTFyWQ2n3Dyd9dvXr04Pz2dd103Hk13h81ueytjOV/ysty/PD8fj8e2a3XbUQQ5AUbEvD+OBSbvHDmLqTx9mRoP0cu52L4jepgb8cdDX4eL1geDEcI1jInHoUCUprXebrfYogjJR6MReFbYgaBaGfLhMqiXgQU9Iewc6ktKUsrWHsXWYf0Dqw2GPooi5NBlWTLGXrx44RnBAQB13Kx30Mmw1kZRjBE0RVHs9+Xz58/fvn17eXl9ztVk3h321f39qm4alaWds9oJKTlj5CFexzGMzrGfsek0qFg82ttEaRR39e7+7iaTbrNeTYpICUbGRpx1zidRFCvDVYI6Z2dN13W2BerCoygSzFtj5/N5zE2ReNPsynIvSebRdFRkRmslIlLH3rSmqYrxiHOepqn1LPRvCmIMDW3cSc459zS8UOcckTe6C3GlEFIwiFJJaw3SARh0WLTdbleWNXrovWeyb3gB2w8mAfNnrbXWegSYSIRBTaWQGEoWECvqp/kVRYHueRhEXADv5QdQaUTDJ/iLo9HoL3/5C4wy3of3VAr4cFhJuB/YLIDIRxQI6gpS+l5JGP4A1XacFlTYhzc+mEKU6btemROpDEIPkN5sL9mI5kMx6JyCUwE4Azg+oEwQgan3NS4yiGAgJcJSyMEgJ1h85Fu+57EczTH3SE04/zihxvdDi6iPrYbEkmE1Mmx0Phh38MRwD+PoJ3H6p2adHmM+T/7EBgjPMN4cmvW/Ys3Dm/BeN5UnKXZC8I5w4Vrr9XrdNE0cJ9ra3eHgGX3x1ZcXFxeX1x/W202SJCenF1Z3rWmbw14wms9GWZY453786c3F+SmdnHZGM8Y8E/DcaRxHSnRd9+7du/GsnczmkrObm5tImP/b//V/FZz+4R/+6ebmJs/zYrZ8//492SaKpOTcOSfVcU4hI2GtdYwzxoUQ5D3v5wM792ie1BCn+nSVqAevhp44PA0lEyCcYHMtFgvOpfemqprNZrNardpWt63uOuMcta3O89Hf/M2vEU9UVeM98/RRUQ4nxfeyE65vdPC9qICUsjEtNIgAzKJwjRZ0kPrBSQMac3Fx8fLlS+CooYbUdR2mTjZNu1gsApkdH/fs2bMoyTwjzrlA/S9Lyaq2bn3Yrs5J8sSJExn/8THcP/wxGSYYTEEsS+OI5brZKiGv339IX54vZnPdNkoI69x8OnU8ah2/ud+cnF5EEQYma6IjpzlWwiu2Xj8UsfDaRdRuNpsimW23GyV5wj8qnTjnGBPW2rIsuYwCmuoHNDDnnAxHCK85kpTJR0r5XiBCcOkIY+d402jfCwozxpAfwT4Cxe6640QeLO7ZxTlmeIJSiiY0KFYjBMCIWNjHrutMd+yGl73UA+c8SZLZbIZKXShaAtMoyxIEMoyjDaK48/mciEL9NnzBEH3j4o0xu90OPT5A9uWguR8XoHvVxiBYBiAlYDKhph+yBBji0WgEkxoU6XivH2uMyfP84uKiLMv379+D03JycoLcSikFwY0QF4BA7b2P+BFwPBwOwN/Riap6jZ2A+6N1YLZc9pWD47XJfpiWMQYbFZ9IPXoje1UyRFiibxUO+zhAIuGXQ1s8PA9D2/HZ3w8PCX4Yvjn1gEnIMILNCmseLNTx8tzPSquzo0KAk33bOoAplOYQn/7lL3+5ub2Lkmz94X0xnuajQkq5Wq3ubh8YYxcXF1XZtW1rrbbWGu+qurVW1+WBMSZktCsPP/30U1t3p6enVojdbvfql6ezxRmPJv/tn/5wd3en4uT89AT6+5eXl3V1+OKLL65u9//1//Uvu9oXxbLpjpkrEU+ShDPWtm0SZ9ZaOoJnjDwdO0wGPWLhMfS+9NjbDX9+YtYRuIxGo9Fo9PDwcHd3571H287hcHj//v3t7S1GfZVl+fDwgDALCSWyTGvtcrlsDlveF8+HCXeI2/hweL0QWmtE2XAnyL+RBwNDt9ZOJpMkSS4vL6MoitMEQ2Nub2+ttUpFdV1fX19/9dVX6/UG1/P+/fvZbHF7e7tYLHym1vvqcDg0HRAFbTBO4jitTljv2XD3Ho38o3744d4Ov8TXhFnruk4QOz05qfb3VV12bX17c7M8O2025eXl+01lvvvNf3BMJUkia0/Eo860rYYni6JIcGmaAxGr6/rkfAoxotXtZdeWUV4wxrBjj45KMmNMUzVpmkr5UVwkJLIyyzLTHlUMQzFX9iVNBKpK+iiJGWPe69lsBj9cVZX3x5HNy+UyTXKMZ0uSDG8CA4qx3Lozh8NhtVpxzs/OLiDtguYgpMDW2vJQe+9HsxEYI7B6zjkokYKCFsjRIZQ+Pz9HZoe+MiLCpDcQjcGNhUm11o7H44eHB9fPkMNOwmCKu7u7+XyOLWuthYlnjM1mM3xZIUTTNODVgi0L0vrhcDg7O4N/2m63oXCK/AAeCDhPVVXQ01iv1xcXF1EUXV1dwcfGcTydTsfj8enpKZovMKsFzgmKN1LKr7/+Wnc2TdNZn70iS02L3Dk3Ho83m83DajUej7MsE5GaxLM4kW3bRnGkta6qqhjNJpMJYJ80TYWI6Kj9gNIZY0x4z5wjzoVSR3i960zfWwHTEAbaUe8CQ6BNRFypmB7nrZ8qtTyJ7geOITw1oJZExDjHIEOPwwVUEw2Vw/exwpHgjEny5Bw5Y7jzzFOkZFfXjIssyZmMDoe7ttXj8bS1KfPOtVVbHurtXX1/++Xp8n61yyM+LTLt7Q9/+kMWiW9fvcwTuXq47PasPBziPGaCRCxKX92sSxXHxWKSnJ/eXN03arTf70emcJ2LJ9ONi//Tf/qf/t//8N86r4i51z+9fXh4WB+a8XL55v6wWj/YH282u30xStKIl7vLOKpHiW2rjRXjhEdd1zjnDHUkOYs848Z7ZjrtOsut917I8dOuIjxM3y8aoDPf9wF476MoQks25/zy8nI2mxHRhw8ffvvb326326ZpoOafZVmz2m8u7xInRiLRplaSFTKRnndls1jMnbPloRSR2u/3k8nEex/FqdZam05FIkpUa3TnOu54Pi3+9Kc/GeufPXshuDJMqUgZz/I8hdwIETHmo0hW1WG3M/P5fLmcO+fevHlT1+VisTg5WVTVwXZucjG5u7zjQnadcaxr69Zae3d3V9dV09R1W4+nhVB+Oi92u/XzaZHk2T//6Z2YXtQUHygaxRPrdCSJe810p8gxwT0ThjGSiRCRMYa8ZseJb+S9d97EKjKmC8kT8zZSKk3TWbrTWscTxz3bN/fzsynPCyGlSYq/XK+a1shsejKKVw+bare3nWW1Jq2V6TJurffUHQxvhZKSmcloPC8mi3Eiya/vbp+dnu03DzKXVljrzPJszm7t5dWHxWy+3+1UHLm6FoVkzpbVgRTLZlnbaSXUUUaA9clRCLNQjAYu5nt5HdGLNvgjNCY+eglzgCkPOrewaGmeaa11ZzCGarfbweAyxgCxrddrIkrTNE1yZH+I94GEUA+/EBH+Knp9FcaY7EePup6tDO0tmGNkkYfDQfQEcPS7Nk2DmBcZQ8AQ8SrR98iwvnYEnBrBNT49tMPgawLowCeG6Ry73Q76uuDIh6YqzN/Ac7BQ8/kczg8OAHORFotF0JkhIiiRIlk7HA5onp5OpwA6AfezXn8GmQruC+Mj20uiBzQJT+izuUc0VvYYQnkS/X36CLScJ2bF9Ux/9jOoyKc2/a/81X+iKPDverB+7g95b7Q2vkJjMJeRac20yA138yKta2AIqKhT0zSk5GQyydOYKymj6Oz03LGGc1Jx1NhWG+Oc1W3HOWeOmqolbSd5kXihOKt0a9u6rcy7Nz+lSs2nE8CSxnTkTw777f3D3f3N9Wazqw+669zZ8iLPxlX9jve0OVJQw/eMMSGlPRpoQtCgiCuSmln/GCV4sp7hFoT7EpI/7OeQ8uJUhqIl1iFm6WQyQZORIz8ej5M8K8syy9KmqZGqJir6SB6HGSGL+y/oiN46Z5fLpdGOiJw3qLR1XcfIwbxgnw8DYfwSzS5ZloFZcHe9OhoBIZBzLxaLOMUsN9M0TdO10+kY8d94PP7hh++z6UJGKk6SOE1gOqzTggfN4f4/T0QUCcGJ7MdddjSJWmtrMery+GutSQjhKI7TLImU853p2q4zLvej0Wi6WPqHzZ/+8rvReD4e5ferzfLkjDHGqDvUVeSJC9nqruu6pu6Yd0UaCc7Ry5Jw0zTNdrutDoc8yq213rqmqbI4gX7DyclJ07XeEQ2GTMD+SDAOjTF8MOyKBrUsmEWjj+Kx3jPOPw59DuUOrbU1Xa/QcqzOEXjlnCmlYOhRkCQiYGdKqbKs0RU2Go0iFXddV1d1YCLiAlA1DRYNsIlzDvXStm03m40xBrccKBAsJigiSACBliDBZP280/C2aHBAkhjeB8A9mkRkr7USvjKqNIjK/QDqRTqJdqHlconCET43z3MiCmYX4jNQsUByCmAnUO+RakHsF0XXruuUjIEIITNAf4BSCgLrEC8F1IiZR8gwfC9tKno5hEFc/BF49YOxc0Mjzno8/dMH3ooNqqYBsfUDuGb4Vn/FjvvHMPqnFuqz/3zywEENho4xRp6klMxHjpjRx9ICV1JFCTvUbV1Vu+3FbDRKxqfffrNab9vuMk3T1rSM+SzLIiUOh5JZMx0XeUbOamKs6xpvHWOMGcY1k45Xm8NhtXGtZdYZs+dWp3LU1Yc//u6/p2nhTVtXTZIk292maQ5Vve/K8mQ5z9PCdu6wb9M0vb66yfKjlBuuXCrFOQlMPbZGG2OtF4wzrjw7TtH+7GoMfxlOE+v5CMFoImYXQozH4+12++HDByKCiQcM6zy7u7ubTqdZlkVpcn13m5XpL37xC5RPjemklHGsFGfcO0Fe97fAGOM988feF7fZrYrxyFpXHmqlYhXJruvIeS55CN1C67XtpXqHgDARoe3jyEzrK655kcVJAoR2tVppa4xx2+3eezudTquqsbysKlOxrbM+UGiIiJwncpyc80RkvePEmLXGP6rZkPcenZzDwMIzImLOeeIqStIsS7quKct6X26Mo+Vy+dOPb9I8b1v97dmFY/Ltuz98+23hmdgdyqZrrbVcCiViz5kgkpJ3Xad1y1gax5Hyrm3a6sDquqayjKLIaP3u3Zuvvng1nU7XD6tQa/RNg1ogSnRKxtbanlrQn8AerzzOKqJjtddba4wx1vo4PhYVAdgP/CpDuErEUHsMtI3FYrHd7N6+fTudThGTgteIo4WZD4wxDPOMsqPGd/AcKPiGybNdP/oHFgq2DIEnblggPz2xL/gTApMQAoteaAXhPN4WtRpc/3a75b1sQOiOA8oPmw44KGzKYFbw6f3iHGd3YGQovmzbD3w5xhcNADKJqgBQI0RMrG8Wret6VEzQaI66KJD0oih6bdgYbkAIMZ1OjTEfLt/hO8KP4mrh0sLZZoMMbFir9API9X9o00OqFNzeZ+P0AM3TJ6h6+FAa2Pe/Ytn/6uOjDi1xBh0Mz6V33npDjIhLRsI5iiRvmypRLI7U6Xzy9ZcvF4uZ8d6Q2Ded9pwxXtatacqmiTyjcTaxXdtZI5hMBJcqJieUUO2uHctiFKeNLmOlIia4onHEkkRcbh6c7lIZtVa3lc4ioRt7vpwp7lzX3l198E4KniYTFUcRH2gwcM4Zw2wsxoVgHpk0xo556yw5zyLxZAHDWn0aqoc1NH33KbYBBghba/f7/WKxQJ8t53w8Hlelvls9GO/yNJFSVlUpBC+KIopBg7bkmTVdU5ecWWcLKQR5awzz1tijz3HMseuby+fiJWPMmY4r5Y0ma/I0qdqDGFDplVIomUb9+NzFYgFTjooUdriU0qJAqlvqxzQiGmu6Ns9z8MqkjM4vnq2r7u7hdnO1PRxaKSIehAwDgE7kGXnvGRFa+Y50A9BgOGeEoTdo+GKMEwIpFUV1Y4S0ntqubavW1mXj/FZF6c393XJ5ynjkPHXa1HVz97C13m02lZSSSUHGcSnyPCfyrqs550VRTCaTNE2Vo1Ei5+OiPKhN3U2n09pXEEEZT0YYkykjZa21XWd6MZKmaUSmvPVyeLM/Qurk0XOE5ZNSekbDSiNOeMivoygSXKHQNxpNQDMCbI04nfVdBtg6iCiR+oGdjSDaGDOKP0pi4cLQHIzAEwEskHoEpGDFIC0I9EfYXJCu0AQBujf0tvCeYChDSjfLsuvra9+z+vClgJujtyLEsIFNGNqC0IjM+15zxthoNOKcr1arn376CYfkF7/4xcPDA0pAuE7GGERXoiiCzEXAkSDzcnZ25vu+fDR34ItnqQW8g4AF3bC875K3vbQLJCcR74Sk5Jh1GcP7GXuBFMQHVOKhKQ//54/r/uEB9zk0uO7n52MMMZwnVoZ9jsfCBrzmf9ej9+L9ZwneGWuN1tYZTS5iRNR0bV3Wk9GyJv/l8y+KWMSCDrvtuBg9Oz+5W61JyrLzTdfqrmOMcxEZxyaTUWda1nRxqz0XcZI6Q9773Xr97fNXi/OL/WYdC+Z111V77+r5eCL8oirbF89f7hd13bVffvnF23c/fv/Dn3Vdzk+WoyIjHxkjYVLHwiAZVUI666wzRE5yIT4qknPBuGKSW88M0c/wQekTE0+9E3WDvmX8abPZ7Ha7xWIBohq2CnjJ6025OFmOx+OqqrTV4+lESvnuw9svv/ySvHXOad3WNa+qg1TMecv5scDunGecsK28t96api6llEoKwahtKmNMkee7fYcoTPQDUiWK/M4JxpI0PV0uMVcgkpJzftg3zlmlFCfPDIFPobXe7XYIYkJTC5YrTaJdt/PEHx7WnY5830DHPdFjeV3GmGPkrRNSCsY5+xiV92hVqNVzpY7di3XneOuquta65VyJODOONZ07O39RVU2n3R/+9ENeTE7Onred6TptOS9GI875fr/nxmRZYo3e7Tbj/KiEc9jtfLc/mRZRFO0dwbJ571++fOmNXa/Xi8Xi+vpaRkpKaYkRfRyNLYRggh1Vc4c1LMYY9ZyH49JIKUhIKanXQ2B9+cX35IQ4igFS814pH/aICQ79+5OTE4z1aVsdzjBebnopIvDQWT/ZDpYLcSj2oul7c10vCRksFIAd1vfywOxCERecdCLCBSAOwtPw0U3TQB0MPgN3DiE5eveD7KLrh9ajOxk2HR+Er2P6KRZYCvgJYC+4SHA68f4QgwbeDdfivQd3HkAN9ihAcyEEghRAh9572Ojtdos8BikYEQGBWa1WWuvxpEAqAH+D74JEig+GjobbYfsOpic29+ceWCV6HGWHFw7fKnxKeP6nv3/yV/8znMi//uCeLBs22hBjzB/RQum5ZVwSF51xVd28+HLx03bNGVndMoqY04KcFF53tbFCt7puWmtcliZRkgoZeeaPqatnznpnmOms1lqQirnM4mRvOsGF800cM2+Ma8tJFjGtx6lKBO9M/NWLM91sI/714mRxenG2vl+VB220TWI1n8+0vcKeZ56MMc5qxjxxb2pnORG4DFxw4oJIMG6Ye7Kww9Ub5jrhuFE/qRG/QVOFtfb8/PxYZuB8NputVqt//ud/tqSaphFKqViNZ1MmRVdXdV07byIpokhaa4XkSRoXaZZGqqw7dkRluZBcKcGYd86dnJxwzjjnWRx7T7qpvWe2a0NKHQQ8GGNoagU1LoSSOGvr1b5pmslk4unYPBHHsTam67rtduucQ42waVoplZRqWzaMR/P58s1dxb2wtbakhZDeavJekCNyjDNinHHOOJPxcbgHFtA667ztl5QTHcm+zpKzZMglk8l4PDqUu7aqo1hyEbW63VeNiJKqNflocnV9t6/saDzblzulYsG9jBIiR5yTICmld7pfAaWEOBy2zf4h5m6cJdvtdnb+vCxL3XUvXrw4bHer9cNiNh+Px/vykMQpCp8hnvPeM2KSDfw8br/3Hwdi8X50rOlV+rQ2olf7svY4wgqWFMcbYbXou42Y54iaIfASJk4B92CMwF4CCmGtvVvfhUQeppkxBg8Mu4+0FN8htCQcj0EPEaAmCbOle1VI38u84PoR58LGVVX18uVLvBWkZnjPxwI+jiskOsYF+DiA4EDGgfJjKwBZiqLo5cuX0+kUb4seIrgfkNxBu0TxB2mj79s7jTEPDw9BQt31soj4xKEYDvIGKE+h5kxEEB7AUvOePekGTeHBoIewPTgk6sP2EMcF0/BZA/rELj8xLn/FEH/qOYYvD38dlm3/+hse/9obtf5H7GrhveFSKeLSGe29sc45co6SOD7sNteX/vnp1OpoVJyQbwVznLzpqqbRxnhnfdM0OyG89zcP92VTM5KWvHUkrGVcxpFkKmrbdrvdrtcPbJJZU02KNJ3mXh+YjGLBHm4vrfGz2aIt94r09Ye3eRZ/8+p/tp199/7+j396fXV19eH9zZffZgAVyRz7A6FGYqz1jLP+rjEigTZIeoqJhWUM3jrkOsGIY1mGlAS4+fV6HdBFFPkny/OyrjrT5aN8uVyOx4XWejouiEgoKZ1jnNI0nY0nWZYQUdcZIZ5sG++tnU0mVVUpJaSUTdNJJQSXWreo+rCed4CNijgJZgcnjojQfO697brG+zFsOhElSWKdm8/nbds657kQdd2gL8l7H8WZZSQTXbfGM0nEnXNCMOc98xaz647YsSDPOB/wF51z3luGIYjOc4khbsdaLq7QjqZxPmmMrfVDq421ndEtE+2+vFFRkuXjOG20cXXTddalRSKdqdvGe8uliJSwznjv8yJbLiaz6XQ6LXTkDuwYdYFWB3u12+2UEBicC2xgVIzJfewpCQsuh1shPKhXbjoudHcErJX6WLpkjHl/FJxijDlLMDpV1eh+6E/btlESx3EcqePU6fF4PJnMbm5uEIoyJuCN8zxXMoYHpn4wpnMOgAy0Z9frNWPs7OwMLTzOOWisX11d4U1QPIyiCD5A9FKLUsrpdIpLPTs7w54GCzDqJ8YBAIGxC5pW3nsQ6gHz4VWAdDBSC4kCPp2I8NqAhISCwWQywWrA261WKwCFRJTnOZTt0O2CJlWkLFCTRznU96p1XWtCaOwG7VHA+sFVgC6S9z6KIut0uNmBnIAylBtopuMNg02X8iMoh5f/HPZiet2YJw/3Ce/F9yWNYGrp57OBJ4AM/YzR/9zDe2+JSU8OYQt+23YmjiTj0lhf2bau66ZrO+OqqvLWWd0VWbrdPJjzhbZ2lMWzaVpbJ+oukkIzV1Z113VOG2NrxliWjlismCGVJWMVRVJtN6vWaO1kOs7mZ7Ny5+I8Go9z33nnKFXp9fUdIzF79YVi7uJk8UfJJHdxJJh3TVu1bTubP/v667wYX2MLMeaElFIw761nTsrIS06MOUfOWPLEOZdcdmQ+zX5C0hN+eOKe4bPhzsF7ub+/B5Q8Ho/fvXsHdcPf/va3d5t9kjxTSr17946Y+/brb6IoKsu9McZaaZx1xjHGuJLG066sjPXEJDHnjPHEEex2XZclyTHC9cbqLoniJEnqukFOH7rWESSh/g+cgIgQwmutcQzruo4iaelI7s7znBhLkmS73THGZKSOY6yTXHB1cfHy/e2qqm8fHtZytORcMH4cwot9SuRhwz3njHPXNcwLR46IvHPMe+pDW8mFULI/3cwYp7W+vH0YzeaddvtD7Z3mnATzXEBUyq82O+tdnKZRlBRMRiph0lSH0lobx4pzKsu9141k3rRtUx50LqN+JFynDRfq4e7+xYsXkVSvX//47Oz85HT59vUb4BZJkgh3NNSgAB05MFVVccasc/gVcvxOd+RZWZZQG6+rhjGW57lzJCUHxAHVEbykLEtGYrlcxnG835dI5QAfG2eJiLNjl/92u33//j2656+vr9EWNZ/P1+t1nrEkSd5evn327BnKicGB491OT09ha7D5ZN+tivaipmmqqkLMiygVjhQ1WNhopdTbt29fvXqFYWDwWKvV6sWLFxg7C05I8NLOOfSvQnSUMQb4G72vo9EIQcRoNIIW7nw+d30j+2q1qut6uVzOZjO4AaUUIujT01O4B1B6Qd0Zj8f4anhbtGLBmAI3B3jivX///j0RPX/+3PXdpPAKsP7WWozhPjrz8bFvAFUmrM92uw1C+aiaAuQJNJ7h4Q8GemgmgrF2P9Ph8uSZ4a2eGJcADgwN0BML/eQTwxs+eT5+KaX0xDiTjBh33hlrjLHWOOcYl1wK45021FlnrOuMRsKEFy7PT6tyO18ssvHi8v7++uF7b43g3Hg6Oz2J4/j26tpG8dnped3qu/WKiDli1tq6rBIpVKau76/SmN2uH5Qwry9vfj3+5ThNu0bPl6eMidVqnafxeFT89Pqqrg7L6URxluVJuduPx+Orq6vxaI6id9u2QptcgvFF2mjJmXdEx/mTA3IaZ8OonAYdMcP18T1G6o/92xJfHBs1y7Jf/OIXaFlAzvfq1Svv/Wq1urm/RzSQFyk2PwIpa+16vS6KIh/l7z9cEuPE+MP9alfp2XgyHhdRIo3pOm2V5BDtQFQUmkuEEFIKZ6zCVGTnyHnJRZak97d33vv5fG6N3ayOkVyR5avVqtWdisT9/b3nDHEMyAUAV0ej0Xg6EVwZ7Ywxq9XqULvTZy8/XN1FcZoVo2pVSSXSWFW6dVZ78oyRtbbTVsRJmicpl5vNhsXkvZ/MplEUvX37Nur73lkP/B6hhSTutP3z9z+R18SEJ1u3VaREa4zxvm3bSCWRShjnUZrImNIkX5X3xnS6a5J4ZLXJ42h+vtzcXTb1fvVw99WLU9sc0jhZzsZ1XRd5MdXm6urqixcvX7x4sVtvrDNEtNvtxtNJ0zSei6HoU9M0nvuPfaRhl8CWYZotobfTGPrYi3zUlzDGEB1114goTXKkToh8wdwoyzJKYuecVJKIEHRzzhH1Z1lW1+1oNHLOjcfjrjVd12GcIJQUQ5Q9Ho/DdkQpEr8PhCcaTMPCX3kvy46rCvMoQBEB6IHJ4tjWwTR8hNKsdc5dXFw451ClBFwDZZuu6y4vLxeLxXK5/MMf/pBl2WQyAcYCZmFRFCcnJ8vlkoiA9LHHMyIAoYB8GZB3NNFBxiskzgj/8XUa3j179gxlUuhgYGcP8RnOOQg8iG5g0FU/zxfpF1wXfg4Gkff8tie2YBgG/twP9JiM+AQH/zTufhI/0v/o8SRg/7mnOeeI8SOZ4WjjOM4/EXWt2e0Om8qUVeOZiJJsvzvgPbum8kmWjQoleV1tmNdKOua1cyxLsjRNBbE4jpM8rzttrBlPJ1rr7WFNRNPJeDLOhaLJYmpNVYzT8rCN82JTV/PZZDpZZlnhPZdSSSkjydM0TSI1m0826zU5H0VReftwdvbC6I8zxYTzjDHb99Pjq3ki7xl577zTVhN5Fz/SRv/Up372JroBiwmBHmYbrFarYfO29/7Z+VmWZVrb7XZLziMF3G733vvxdF7XtXHNsxdf3tzc/P73v6+q6sXLL5lSKkm9t6brkkipSNVNKRhZ7yXnnElLHZLOpmlqbYcOHvQVIQSaSHU/Gmm322VZppQCQcWYlnMJO2Otx3RTIrq/v7++uYui6Pz8nIiv1+uytVfXd+vtrtHaV03TtamKQSpz2pPXxMk7b+loW6huEiW9NU3XJnUkuYDORxTH/tgswhkTUknvvdGOMYnSo/cuihTjqRSeMRZFR5VvJqR1zHZtow3nfPVwy7yNo2iURcyJJJYnsyITJ221jxWvq4NvS2+6umkYeU+EFF8I0TQVfCE5D/5P12rtjq05uAaRCGvtUcOL+rDUHQeVOilk3+vfofKA53T9XBXnHOcy1FshlRXKqgHF5n1DqRACNL4kSTHqRSl1OFScc1jAstwaY8bzMaw2fANCdWik+L6PJtD7wOgAhxLZB/W1ghAVAkzEFSJJcb20wHA3BxuH59teJOvm5iZNMSlYQtdXa43JRKgKYKGhTD8E6IkIGFFVVSgV+J7HggvDIlhrIQCNTighBPhMoQUjxF/Hoq52MPrUz+GjvmIMP4cgAolqOL2o0JpeEB9eE85A9QKc9MkAYtcreQ1/+cTIhjj9CZYSSKJPjPjwHdigjvfkCf5z0Py/5U/HsIQBPCV/JDBIxr1zpJ1tWr3ZlVXTCRVFJIzzcZIJRY3uvE+lErqrV9t9Gslnp8u6o9W28bZrqoO3zlvXta5tSu99EsVJkntn6rrudHl9s7q/o8V8XFd7bYqmKr948Twrxl6o0Wz58LCq2y4vxlxJ4hKSJkVR3N/fOydQWTk7O7u5XYVNK5yHdp73TAjhe5tOxNmRAG6tMbzXQH6ygMFqP7Hsn+ZhABbAssW+ZYwhRpFSGqeViquqEgL67VAXcUIIqRJlEeRS2/m6sVVtiClP3HNutW21SbJUJcl+v2eRIOLEpRBOc2Gcdc5rbYw5zrpjvaQJcl8cqCiKJpMJ2GJElGXZ/fs3wewY02kNnKD2ns7Ozqqq+csPP2ittT4W20bT56tdyUU0nix4nBdOFvnIOm3a2lrtrOacec6IvHHW6iblPI7jpm0vTs8mk8mhrvI0Q6ZSt23XaiZ4HMdCHmXgpPDaWas1I8uUEoJ58taa8/NXWuskScuqOeybputc1bVtzVyTRvFolIyzqK4O3DpBNlE8G+XemvXDPXdaMqcEV5I3iVFxFPVD6HhPOw7hl7YuUN1g9DjGbYDSMwzSYaZhkcPc+hBBhA0Rkj4UPxGzd53BcLs0TWezWas72HQgEmjVMb1OOuccrf+oQx4Oh6RIbC/3A056mJYXapt4N9krweKtgt2B/QLSPSz6AY4IA4C894Cwi6LAHCI+0PmyvQAFqJb4JRw14nREyr3awVkcxzc3N2H1Ycebprm8vOy67te//nWYdx7SC/iP46QL51D8RLuH9x7ZT6hOww+3bStFZIwB+g9AjIjCHBlYc9h3/EZF0vedRCG/8YMZJqEWSo+RExp4lKHZfRJZf9a2fhqVPzHWw8+iwWzroenBP/mAL88Gj0/t1PEH6yCc6pjzkDNkjKOXhHMIDmt7VO52lmvrHePWWGu8UipR0tjO2S5LovOzxaExZXVTNdqaHXkeqSiJsyiKrDZc0Gw8mk+y66sPq7sbFQkZx6MizbP4sN3Uddd0tqxNG8Wk0p/eXh62h+++/iZOCmL84eFhNJlKKRk7ymHjjlRVHac21Dbp6JKFEMJ4168eJJi4d8aTc4Puv+Dt/M/3/Q7v0RAHA54exzEicbSzee9v79Zts9JaR5GK47itaiZVURTW+c1mlxdjbbr/zz/+97bVk/m555tdVWvrSUhjuro8xEmSpqn2XnHprfHEmeCea++IBBNSKkcYwYhteQzeu05KadpOKZVGsWS8bdv6UPokAZkvz/NW27ZtrfVoN5nN5owxsOaeP38JfZibm7sv82cfru4OVeMpqZpGa9O2bdNWzBky2nkthOBCRUpZJh2jWEkiJzh9+803o/H4d7/7HWO+KIq2bYF6wURyz4g4EXfeMs+IOe+tsd4ZLbh3zrR1GcexlKKpy/3hwEh0uqnrepyqKJKZJMVtaxpH3puaWZ0nqm3K/XZTZEmaRo4R49I6MnWN5iyllOJCa03OI0dnj5vecZxlLB/xXrz34eDAwMG8wpji4CFkpmPKpmw/bgojh9I0TRIW2BRxHIPYPrQIITc3xgDbBfyCMmagYWDIHBIfEEVAGA8MFgAXeHPEmzQgR4du/sBzB+Ml6sdPI9AG9BFezvt+GdMLiC8WC1RTMckF7iHuh06wfn4jnCfIhRADgNUA1EN9t22ArXFseK9OrPuJw3BUmLrnegV2rNUxfOMqrGQ0GA8GyJL1TQaIwRljQn5sF8LyBjAnJCXBQ2NbDE/+k1h7aIiHxnf4++Grwg/sMXQ+dCRDc/9pUDm06cP9Q5/zE0TkyXrP/f+Xtf/+liRJzgNRM1chU11doqvFzGAGguRyuXx7yPcO39v9z/ecPVwuQRCEmAHQaN1dVVemDOnK3g+WETfurerBgMs4g0J23szICA/3z0189hkgJwHYqkVEYE6UgkhorY2AyqTehbqzruk99hcnSZonWZ6EIM4VHrrgkbJU54nSWqZJCYBE2HshJTjrQugP0VK0tt5RaGInovCur19cvuyrxsyy3bbbbtrkk/Or17ENsKvbzkeSyvqwP9QnJyfOhuVqdbc5mCzNsmyz3Xddp8wwTybNGYQQY6+PozVAAhRQjI6eLK5xGD/6yKbPGod0yJgt57Q889OstZvNpm3bav+AKLXWqdRSHC1EJbX3obeWGrs/VDe3m6azJycnJJLtvqpU13orgZzv1W6vlNJJCigiYmS1AO6NbUwiVYw1GzQAwOtitB3ZR+cQIt+RlHI+n7OannC274SU2hiDQo3VeS9fvj45OdntDkKo169f39zdv3t/3bQ9Gu3CsAytS4xEhYKUECCV0mkahQyAsemVUhJFCM5Ze/TX/VHTWEpJCD4QwZGAaG2XpmZorRFZsmZe5ofDLk3PtcS2bbxrT07PhYT9rjIiSnIYUZHJDOZperlaeJt2bWUEQvRlkZ2enkoEpZRA8MHHGNu2nc0KINhs10WWn52dvbt+X+Rloh7r4RklpJcKnh7j2maD/RhC0ToeadQmhMeGCWpQdgWA6tAM+JiO3OrtdjtbzMcKHTUocOHQoVUpw7wL731ZlDFGR463a+ccR9BwUAIYnzcAcBaUiSsM/Tg0UuHQB/O1p30Oee4WRREGGbOLiwt2NjmAOAIQB7vZ7Xh4eGDyEE8sNva5acDd3d1qtZrNZv/wD/9wcnLCzeBZoVRr3TSNUuqzzz7b7Xbr9Xrccvh+GXaZ2yOG9P2YKuCDK62Y88NWvBCCY1Y8GnxCDg3xhMahP9S460Q6SuzKQaCGyaD8eRhprRMx9Gem9xSXn0EqTbQE4KkJ/2wz+HCOPdsePvrJD998Zpg/M+qJaOQyEhdcIhFQBNJK9Z0DEb33XW8BTJKkfbRCGkiy2Hd974hQCCFQosqKWQrbejkrV4u5IzmfnXgf13cPu/udgOhDpw2EBnyoF5n+9ed/cjjsDrvq9qefhIP9Zn9yct5Vtm37r6Jbnb2UJtdZ2fRhu6uArA8EKO/WD6+LeddaKfRssdJan56dOX/NM5YEV+FMMPpRKI2ISAqBSjh41Nv5Q5ynOOEj0RA9izFyQR8OxGW2l6uqwkjn56s0K+q2QYKyLAnEZldJk80Wq7v7zb7qXr75/Ifvf/z2h3enp6dpgtH7Q9WkiZZSbbY7AHjx4jK4PkSQEaMQIGQkQpRaKz2X3CSPjQn2idnM8kN7Db5yNshevnxxtCMROLkdQvSu77o+TdOrqyupzP39/Xff/YCIn3322V//+T/u95WUCrQ2KhE6ClRS5EBWSk3BerZzvQeFATE4t1wunXM/fPe9SROlVEq0q2rnHBxDYhgnMBqCI9ICSQjUWshEzGfF2dmJ83Y+y5PUpEZ4rfMsoRDr+pBqUoLyVC6KLCSyzNKT1Sz05qf9WkAM4VgQK4CY1CCQpJSHqhYCIMTtdiuHWcE5W5yo1QOT1p49dYabOMkTslnaO+aG585xUpdr39UYx2FPv23brrOjwz7Wyo89qHgCMX4BACMUl4Ny9EZpVVXVqELFQWchBM85juYzjoxTk8P3nE/n2EU/dC43Q48Ixk12cjk2Yq39xS9+QUdhCmIEHEcnDIoo/KNnZ2dpmm63W57xNzc3Z2dno3/AGwmfx3vPSu58VWHoLMqb05h+GEd7jPsjInsDq9WKN6TNZsMegFJqv9/HGMuydIOoJgP0aMuP+Wcacgm8lSot3NAkb8wlMKaPD33qrY8sxum/H5rkI/qLSS7090AJPo0PTGHlGRJNUXv6gWeGp3xaXzp+CweWGn+NgPh/AUQAMkIfxwFTZftQtUWZJ3nabPuqqauqIlpIAeCiTLDMszefvOodfP/jTVsfEGRTVcoZbbSWIdFwdlaenL65uli9en05n5dff/3tN1//sNk1EsTuYecsdL3rQv1Xv/27RGmUugthvT+EvtZpSij73m0P+81m0znFbJOZSB7WZpwSYqgOOe67Ajmqbn2QJFjDawyI41PJJphsdfjUl6KhhIc/LAbhCm4wxMDKblyM0USZ56lS0lrFfd363tZ1ayJWze765iGATLK87fx23yiTK51SCG3fIc7SzPz007vb29v5fC4oOu+klBJlICJPVjhELJJH+O4nbZJ4RcdJ92AOzqSztO9757w0GpDb8kQU6tWrV1wNCyiJ8MWLF5vN5q//+q+//vp91VgLKoYuSogknOu0Qi0iiCPXg/mYEjBKqZRMtDLG/Pjjj8roy8sXDCxEFIe+zcMSAB9JSkkQQvQoUGuTJqos87zIdpv2cNj1fe9d74M9bLcP2+3hcFieYpYkq1l+uij7rlFCiOh710L0QoDtj4WQUkoEbLpeoZ3NZk1VO+e0OFbh7Ha7+XxeHWpP3dWLVxwlO9I3pXyO6SNKjuh2DA4ED8dGtAkP+jh7+PNsGMYYD4eKkZprODkQzAg7m82cc0TIqrBKqf2+ms1mrLvLNCkjjzETbonH0WHei1jwhN0xBmh+zADQNM12ux3tU2vt3d0dxwTZ4A0hLBYL/l3WPGPh9WPBfZ7zQuIhm7KzObXIK6eftLdu23a1WjHKv3z5EhEfHh5OTk5msxkzBdlsv7m5yfOcddLFoIw4RVKe0M65pmnu7u7W63WSJOfn54jI40ZDYIGpkFolTELnLAXTHNu2fYZrnDVtmqac5dPsCg2t6aZOz/RRTi3oj74Yp/Vo3cNTC/HZBjCdVPA0p/oMaz56jCniDzF9+qNPLpUmwZ8B03047tzFfDabVSJq2XhrrbGhnCdS6Lra1F1rjDEaAtW3t7cqW15enj9s67/52y+92y6XJwBAgbIkDS74rl7k5Z/++o9mc9P19ay8vDg71dL845ffGZH98P01iIQCkJBff/PdYjY/X50AIUXsvZ/NZrNZXpQl54rqDm9vb1+//iWgGDX2pk8nhMCiUTwgwfkQEYUSeOxUNt0j+SvjXvvRHXr6FHilj0g6+nl8DUVWtFUdsTU6FUrVdV03PRE93G/+6m9+50gslqt3v/vy9mGd5+VuX+nEY6S2rREhxPT773/0oXv9+tXZ6Sq6GHUkBCL0/lhMHm3P0V1+oH4oAmeJ7GP9fdvCkDrm9JuUwhhjeyahqcVydjgcuBFm21kA4CqW9+9uDlWFwhhjugBCCIronNPK8NkAeW+LiIhKaqWVp7Zti6LkAfTeHw4HlOpxbh9LvSBGCiGkRgJE7z0qQJFoJSQgUXDObbfbLCuUUnmOKEgCFEXRNrdpolOj8iyB4KK31jJhRGqlbN8zYA5OQAihv7q6cr0lCkWaaaOUkE3TvHz96uF+XXc9R5J5UTMXgzVjpe174sCCUVJKOHaUJn7YnHMjov1+T8EbpTkXHCOEIadaFEXbdwAgtWr3u9p2Ok+LMt/cPzjn8qxgaXIASNO86zreW7LsCLXff/998EREjW0QkYVZGF65AenYuJm1eff7PUs8N7bvum5XV3XfSe/kdptlGQrxm9/8huuSfG8rv/fWcm8nNkO4PxwRzWYzXjPMOmfM5WHiuDNHRa6vr3mi87b08HDskMAcR2PMdrulIU7CauxMeuEUKy8etqZHoi47lWyMcEyGNRpZnYa3QK6wYKnrJEnW63WWFpeXlxxDZ3UEFgZglOeNcERbY4xSoixz7/3hsOPtmXuQGmOEQCE4y01wVPiDYyedCa2Fp/JYKzRG54+5B894Om4FhAhER+XSAWEBEEPkEwIiAIEQgMiIi5OeYRGOKhz8n1Mlr9FjICJCpBiPKm9KKUSIMXgfWE4EhfIgkJCIMJKIvu/aLCtC38lAKtLNjz/db2t0IXfbsImu3vxPf/ZnTdP0YLz327o/PT2tGtsdNm9eXfxv/79//9/++h/+/h+/X28PVy8XrTx88fknXY11e7e5K8HNTpbz9dt3KsLry8vf/u3f3W/vdv3Dv/jX/3OaF19+9b4odFttZovidvtuV73NjezbNp29mS1Ob+/WFy8/+T//03+Zn5QijfvDQ3LoViZf5mV92FuKUss0Md7b3BgiikQRIRhJhJGoAzKDN/lsz3vm/YzHCPXDG0QUiEAIPDlZNk3TtnXTHPUz8jydnRX3d2shTDpfdj21rW28aFz8q69++sebpvU065OD13dBQe3LefbTV9uzs5Pl8s3Xt/uHu+/T5Pz8dPXnv70psofPXr/49M0ZAPbQWgi50avFbPtQi6EApTrsbNudnp6mELTSdX1QiQrBmUQuVLndbtuuksvzvFC2a/e7rZb4yeWpRFFVh67rpEo8qrZ1NmJHcnNoKmH8/CX3A4gA0RNFyHRBHmSSEjkfhJChNGK5SOeL1BgFtVlvtiaBVy/Pvvvh3Q8/fDebL5um01olSvoYe2cpgDJSKkTvN1FpgUars9N57Got9GevXt28/aEUsu/76m5t0mK+Ot9Wbe/ruukO5qyrk6IvV7GYzTMMXfSgdbGp75QWrVc/PeyL5elKqWq7XuSq89lX33yzWiyWy0VT1QFIS2FkIrRSiRHe9941bds7KxMTgBSTK5V6jLSEcGQUkXgkOI4hV0SMAyFPCOF99PGYommaxgWfZVme66qq9nXFiuEcCx532jG7zaBT1zV7VQDApsFyueTm5SzYz+1+Xr9+fXZ2Nu7hIzulaZq6P7bQYwpgnqRcAxW85+LaqLQdFHfv7u7Ory7HPX/MiIqB3jMaR5yx5H85sMWQjYOkIkuDjV4qWxBv377lCiMeT945uAnGWNI10orGYmgYuDqMnqMJj0O3aADghCo/kbquOa7C7zD082DyrXGClM09pY5kIRhqrEaYfnbwEh8NqOcG888cOAnLTu3B0WAcIeZDy33yK+Pr5+GCKSRNr4o9GAAQA3sHHpsfHUMux7PhY6oZhtIKTqkJoZqmic7meX5xcaGU77ou+h4A2ME3WZbIjOMAWZa9TDMp3azIsyxpq+CDVVrMioI39aKYWdcdqp3W8tWrF5fnZyDk/+t/+Tdvf/p+7ZvVcokh/fvf/re+2S9mxS8+/9Q5t9vtkmKepmma6cVi9vb9u9A0vM0LLnkUIKWMURyTdcxPR0BEKQSAYIHvZ0P0hz++8WBCFEvajb61tZbALpfLEPCbb77ZH/rVydV+3/z5X/5N69HaDmUagnNd71wgjFVV9/cPh7q6avsiT/M8j95VdS3A2w4XRXp6Okv1LEvTRIFSIsaopCQKx9RiUXZSaSP7/ihO55zDyNbxsWZKAFrXU/RZlmlBzOcDgEDQtt2htW0fVT5z0N/c3f707p33CYAgYp1wiUJyG86+7yFaxKi1Roxt22Z5slwuvWdzR0UQR0IpUURAEBRxyNc8+sRaawg+xrjf71MIiEXXdcYYJaRSRpuAOlFaC9EzOaKLHf960zT5LOm7brfdtF1fVVWaUZ7ni+UsxlhVlYaoEklEp6enD3d3m83DF599LpW4fvsuz3P39m2e52leMNwVRbFYLr33JjUqhIBajaTsEDAcBQTk1Jsbw3Zs4ePTpDkbtt1u2/d9Wc6XyyXIY+/QFxeXIYTgj7HasQYVEcfEJkcVEpPxzXBnL55VrHGIiFxIyfHrxWLBS7qqqs47NqUZo/lb3vtugEXbdn3fc9MWhuMxsjQugDHQxNDvh+Z+TOLm/nwM3Mx+efXq1eFw4LIgLsbjM6zXa75IVjhgQB8j3exI+qEpMA8g5xLGVDD7xVwTAYO2EQCMDH3Wbhz3gxH0x5YaHJgSQ89YQDXmSOGxCuFIPB9pQiMih/CYQ5sO0TNzbwIiR0QYZ/k0GjN+cfLikfEyRaIB+p/HeUa3YHoN+LS3Aw0BYiFEDAEACWi0RPncSimOtCMeG3MTUVEWyzR9uL8BFO9vbi8vFk3bG41KmsO+Pr24FDr/i//2t//Xf/wLG/Tl2XKzqwX6PDWzPBMnK9scIEYtRZGnWp0gyK+++36/WX/+q9+cnF2CVF9++ZU0s66pFcam3v2rP/31+Sq1TYVIp6erMk+t67TP+6Z2pCiE9f2D0ce5J6WUCKx9GI/MdHZhBPAgIyJKoOecxf8OQB8f3MiIZZKC9/79+5v3728ARNd752G7u98feqnifrPxzsVI+y0dOouEWiXkBWpzqHu52Up9Big7W7X1nkL/2ZsXMUZvHRFpgV2Iu8P+wdnzkwtrnet7r0SIHihQiN66Y4OhGCFERJRCamWMTgLF6KxALPIUgfqmdr1FqapD3QfYHOogktNFGqRqe+88wDFmArzBs80mBFpHwXtjZJIkIVrnevYVOuoDYWctgQIUKFinWQFAAIpAREgYBSEjvELhiaTEtm2LMkvT9HA4aJR5nodAIbadta091HXjgkclwR470W82m0It2qq6vr62zs+WixAC9yjOtCTXKYgAxNaz5THqexwaX+z3+4vzy3TorCuGjpVEdAw1yCEpOjWv5NCIUgjB+1MYNNL4Rd9b6+w4G8RE9QkAWEeFL0Ir5CICzhw2TcNIxIU/TCcH6gHg7u7u9PRUCDFiPQzYR0Prd5q0GOU2pCPlsW+OSsRiiEe7o6o7MA1me9jzZYxs9/GqpuFLP6g2FkXBAgk8OLvdzlp7eXnJthuPMgBIKWezGSIyAV8ptd1uxz65nJxkW5tTAnHQd2QTe2T9j4Fv3vz42uKkjzNLJrBtzu/zRrher48GglJqUE1omkbIdGQUTDF6alYzauCEZfiBHf3x/CcARHpSczQsoUeHA55vCaNRP+L4MfIzzr3pV8ZhmaIVDcXlOGmfLYbyKDimRuOxd/pgvIYQcBATjjFKqcqy9L0TOsnL/H67e/Ppq+XJhUB7e/Pu62+/+8evv9scmn/86vvO4b/41/82Ted/8Zf/7fR0tVqUsyLN1fzeNuvbm3mqs0Raa2ezhUaY5dlqli9medvb+Sw7XV10bfPup+++/Yff/ukvXv/pr389K1MIfrPfKZ1EH2L0h8NhW7W/7v7YGJVn+bE6GhGAQgiOovdecUBs2ESnDtCHT+f3wPrPPUc5COjz9jyy2rRR19fXWplPP/1E6mR/aNPSLs9X/+k//yWoZrNrN/u6cZSWSy3Tpu3nq7PDfu8D7A41UoiOyxrx+++/d81Og9XoL06XeZZICi1Go2T02Hpnu5bbwmgtvbfz+Zx5CgGBqfGeIkgRgzPyuGxj8IgSpYqBTi4vAyi1bw6db118f/3+6+9+fH+3VvNPiDAECp6IPBFRZP9VSDRCEMCxI6gUuq7b3b6q2w5BopQhAkiFKJUGTxCJYuCZKnyMAgSiiMFBjGmW+mDzPM3zvN49lGlSFLO6bVprN9sqgGxdJCIhj/I1RKGqqjpXXdNw7jDP8/uHjbU2TdM80aEH9LbvKpNnDw8P8/k8Tc1mszGJfvHiBQDIRjdN0zt/fvmiLMu2bdXhcHJyFrgnBk7ajY8vQghqUqLGK8f7mAzl+EwICTHwvtHUDVvrjDt1XTOm37x7H2PMs4InjbW2713TNJxnZ+C21t7c3Eih2UJfr9eIeHZ2xiVkTEwUg6Bu27abzaaua05snpycjEa3GAp5lFIxBB6s5fmcxQC2220IoVzMw9Nj9APGeAjb1HxhIz6ywc4XMOqljMOlh3bPnHdlSf7Xr1+vVqumafb7vXOOW5vCoKA7xlJo4G7yxehB1pwRKg5q15yevb17cM4RQqDY9p0Qond2d9gTgjI6zTOdGP6rUNKkCTPx40TdEIdmTM8wffzTdP2PKCkm/JYnmD4YyOM8iRPx3mcfxklPu6lJPqSqaIwkTP2DZ6caUSw+LXOdohtBAOS4hKAhVxpjBAohBIJAEIgwxnj3sNZKrM7O+3ZfNe3f/vbvb25+vL3+CWKo2ybP5p+9+RRVooAE+T/+o19+/tnF6epEgP/h229c35SmnJW5BNIC97vN9bufguu0wEWRlnmRJebi7Gpz/6Bjs93gLDUY7GHbAgWJUB12bV3NF6er5ZxQpyb55NWrRbwdFTxYkIM3v+NsebxHiiEgAsLHMfqfe8TJMRoTQgitV/PZSgjwMRDF84tFWnXf/fTus89e6tu18/ebQ41BKkLbufX9VprzCMoRbKtGRL8ok8VspsHniVjkWkrp+q4+7AWEw35b7w8vTi6FMaIolNEQg7c9xICREqU7QF6hbBcCQNd1KEVellrrrm2i81LKCNiHHqJAqdJi0YF7e7v+9ofr+30TZSKf3iMARDoKXiqlYnTW2lmaL+Y5Yny433RtsC4QBRCKhASUkVBogz5ACISAKCNGrr1HKYQHRFKCW2UgAFAEH6OPwbtorbXOyUSZNIkoI4gQgjFmlqoEPU/aNE2Xq9V6t93v99y1WETju0YPXf3YHDw9XR12+0O1r0WdcJftmztXN3xCMaksUVNrCIcoM6fs1KDuJIUnPFaszMtitI9GW15KWZbldr9rmiZJsqIoTJZKKZncbYwp8nJMuo7TZSz5AQApZZZmJycnh/bAD48P9js2m03TNMvlcrValWVJRGOZKCJylSmDvkjTruv2+z0CcGwkUZqN7qnnwQGQ0RghImZ5M0+GpxHD7na7HbVWvPdJknCrphBCWZZxUEYcq414MDm+f4yKSqmU2u12HMPd7XZKKRYF4xvh58H+xAj0HE/kx+EGAdI0Tbkf3vgI+ZET0Wq18kMLWTdoqM5mM2PkePswaR/6c3Y6QJjiKUwM549iwSNx8GOlQ9PzDC/GbMGURfO8TAkmgP6hB8AzZIwHwpSQIwgIj04nAMCxKTUcg/4hDNIRrnfb3TotymD73sX1Zl/V2+3Du2ibzz59ZZT4xXK5XJwIlTatPdSdFHDy8lJSKBJ1e3P37ddfHTb3X3zy8vXLF/VhX2QpNW1iVG70+7c/WWuXq9Nyvqg39xer+SL7/OsvXdfsZ28uurZ5eNjN5gvXtbyNvX79+uw8oIBEq3kyV0NHSe57oKQQ4qhwiMBZZSKKDPZystVOHayfs8d/7n2e8+MC4cVORCFwmSs0Te2DLcU8UGftXopY5Pr0dNbYuDsEo1PrUUZR1R0AJVJSDN6HEEkpo6VQChCRYoRIWZIUeXK6mLve9l0jhNBa5lkavXO9JSLnLdvsIJn7QSFQ37u2bZNUIRQKgHxwzimTIMoIars9VF0QSdF4uHnY7ls3W5zNpLp5qIaOVxxfJQRm+vYqMVLKEeKt7Xa7vZKFNCZEIEIB6CJZH4xSUoKPAQBJIIIk5Hi7zKQIjqIPiNR1Xde0WZYJhJvrO0/R+Si0StM8oOh847pjzCDP85nBNEFJhUAwxrA2OONP27Z9XRVGLebFer87PT21XVfX9YsXL+wP/ddff316enp6cS6EgBDrurbc2yfPvfepGerg+YBBwSqEoOQxwuu9VzIoo7XWHI8adzwhBK/MGKPRxwakMUKSJEU+895vNhtmHI4mv9aaxXfUUfakZaBcLpdZWmitRS+Yi3J7e0tEL168yLLs4eFhtGQ5+sxGOocdGCuPfG3nj3KMQ/88bg3BgrfGmLprOeCuhnZ0Yei7xIY2Czqyvc81QTFGNhMOh4PWmmMsLJ613++ttScnJ4jIEMzavMaYk5MTDsfzI+Rq0v1+z8Lo3B5sJNGLQYmMB4oZ9LxjERHnEhjglsslAPBF5nnOtVcjrXM0lkd7mQNEnAEbH9wYuBeTthg00JxGp2dEit+DBdz8ZQxwjTb7Uxx/8mL49xG7n8UTnn7sycZAkxzAY23tEPcbzvC0mok1mmIQQgAhQTDG5Hm+7+umac7PT3sheud3dZM5PDm9OF/N/vf/7T/88P23ZZbf39/Xh8PrN59Lob/9/ofrn75fr9/9uFzd3d7st+vloiiyNDjLTbI+//zz/8+//3fz+fy//MVfffWw/uTNp2miL5cnbz55UVf7f/jtX/3XP//PLy5Plsvl2dlZ03ZZli2X86qqIMSiKNb3D03blaelGrohSimlkEqgG4SueFOcDhH8U5vuH36Mz338rRCCFHlTdyYRRVGEqAB9YsSb15e//fuv52WqzSVASmHjIhUmuzo936vYdY0mkSRpFBRCcDGUmfnis9cGfWGE1tr2XhEhsBD8kYWhlUJEY0xqEjt09UrShBtkuuADxQhE1rqmEdmxuN1a7wgI8PTy5U+/+7LZ9ZbUj9f326rLymXXcisbQEQhAUgAcFNrEkIaY5JEA3oEOOzrrm+cC4igdEL8YwjB20jeQIZCIIQIQaAkOKY3hBBGSEKNEPNsIaNzzp1dnh622/V+Z5IUBEqpA5EL0VrbWcvyJH2fzEyqlCqWyzxL264/Ozsryjl3lk+VAN9T9DwT0jQNzh0OhzIvjDHM1T4GWk0y2nxjuOK4J4+YPhpu03UCA9Zo/aRaAZEFawIRrR+2UqvZbNY03c3NTVrkp6enFxcXzaGioWnGNK81qHrVI0ukqqq7u7vTy9OHh4f7+3vOvjJH8PLyUgw997bbLaclGch655jmEUKo69q2HcN3lqZ82np/GCE7DiqjcZC7CyFwPeqYwGRWydjv9LPPPuMiaR6lUcWF+x/t93tOOvOp+CQs38xpUk7Mdl13fn6uteaeRFJKHrSqqpjCyOli3hjYfRlJyhywGqOcVd2O4ZTZbAYA7OtwIEsMTenEIPQIdGTIyEF4gAaF5Kk1N7GOnyzvEVvDU82A8eDMx6jBMJKFQhi7wzzhvYihXhefHI/AMgWsZzhFk4NTFNPID89kowZlbA680GjXHueeECJJkrLM09bZxjof5/PFbLFMHm6Npvly8bC5/4v/+ldX52d5Ob8QyjkXnf0v//U//81v/265XKYa3laV69s//uNf//IXn58sFzESu4nr9SYvyxcvXvy7f5ciys3u8OXvfpf+yZ/epfpktfhX//LPfvvbv7m9va2q6uLi4nA4zFZni8Xqq29/2O3b5dnldnfQOmE2qh/cSuaahhDEY7qLxk4OAD9rj/9zj9FWG5PSx+iEV0kilaYQbNd3SmOA0PX1rMzS8oQg73p8+/ahqg95oRdlYSGw5TjP5ygB0SZJcnq6apomiAAeJXlJAJSmWkmptMKmaeqmEVIKoZIkKWYloNhut6hklhXOORDIo5GYLLp90zRCCJ2kLsTu0NoIMskDyh/f360PHZrZw65GlSZ5eei2QggODSBKio80hKLM09TM5oWUWFX7zWbtXC+ltD6iREQRwROwOyuONohAjHg0GmiYwDFoLTWqs5N539SIWBSzzcNaSGVMGkXofWu962103gNAmqZN0+wU5DIu0jKfFXmWhvXmzZs3WV7y8lkuZgrC/uGurmtjDLebPxzcN998c3Z++pvf/Obm5gYRBYokSZnqXde1MubkpIgxKIYha60xczs0XSuKoijyUX9cHdvdIlGo9jvOdjrnYgSdHJVSyrJs+65pmhhBCME4uFgsEqXzPNfKsJVtrUWUs9mMc30hBLaO67quDg2fua7r1WrFdq61lqnZbGbe3t4KId6+fXt+ft513Xw+r7ebqqrm8zmbz5RmmuWnh85KMcuYFcM1mdxukYMkJycn3J5CCMG+Hgvw8n+yHhBDp7X24eGBCTYcHweAi4uL09PTPM9jjNyLVUrZtu3NzQ035RBCHA4H3kUQcb1exxg5ZMZi60TEepZjwRT3pePcMocIOFHMK63rOtSm9w6kiBT3daW1TvKs73uUojo0+axcnZ2yNhk5e3t7uyiOYgZ6aAyGg5jaaPlOsVuIR0rlyILgtMcIrDDZA3hLlkP7ERoigFO0nkLzWMD1GEtH5K5mo79IkxjdlCw/scRhdJ54XvEUDSEgMm0rgtCAFGMAAiUEt3/hG3Gu50n+/m5tkhow5kXyR3/06//y5//x22++zjSs1+v/8O//18ViIZQG63/7u9++f//+3/6bf315eflHv/rCOYcUJAIR9V1z9/Awny+01iZNu85SxM8//Qylym7vtdbffPPVV1/+w7/79//rb37zm+vrd5v1FoVsu/7V6zc39w+9c2maq7S8vrlbnpz9+OPb/cu0rus0SZgELJAyo4lISMl7pxBKGi2ECjF6HwTG6a444P4T7bPxucMQK/vwOY7Hs0cWY0Qg5yIKSlMDGATC2cnK6CRiWrWwmmcvLk8g7gOEPBEJiJPlXAD5YG1bzXKFSN57XeRloq/fff+uqj775LVRwlv74uKymKnZYtlad317d3X5IkmS7WZnsvTlJ6/v7h5ubm6KWblYLBBkkc+stZ07LOZz5/1+d+icb23Iy1W+PPvtl98KnaHC+81ue2jLRdp56gMooaaeKJAAIBTgnAtGe+9DwBBIa3OcliaVUscYyQXnvFLKB7q/v5/NZtF7H7xUwhiV65R3QC0xUQopuN6u5vNXL6+EwNvb22I23x32nfXCpEVZQutk30cEpdQfffGLh+ufvvrqq/mf/ipVtNtuinKWJMl2u724uOj7vmkkAFxeXv7047cejqHdsiwpxKqqJOCbN286Z+uqqaqKg7dcT9P3faLlkyo0GOmJIbCyoBla55g0ISKmmY9CJV3XWu9YAmVch4wRbC0mSaLF42pnI5TVD7fbLYsNqKGTPZfnFEVxdnbGP8H+BXNjOALO4H51dcWSMkxKW61W3AErxlgWBSI2TcM1RADAFHhEnM1m3OCKvYRRMSbLstPT091ux0+dRQuOCsNSeu+//fbb+Xy+WCy22+3NzQ0zYThty3DJLgLfu1Lq9evXZVny5bG9H2PkmqnPPvsMABjcm6YZ+T9+6OM+SggwuMPQ5IWNpizLbKSxF8zYwgInOqXsFvD2zI+AXSIayEL8dEZ/C38+3AFP/fEpBIwvhJDTL34MROjpr4jhT48BdKIn4DLdA8JEAG562lE2h/k8nAEKIegECSLRVL2deGojSMDQNC1wIzSRnpyc+OhcL+q6TiQgSpOkiBRJ/J//8f9+eXWZZ8lqtcqy4pNPXr18ebVand7f3ydJolB00Skh82I2X6yYNqq1jtTvD/vNbm90ikoul8u/+cv/9stf/lJIfai6X/3Rn1zfvv/t7/7+2x/f/eKXv6xb13QdCHS9Gycqs8KVlEgkpMChGmsaYIkxcjIZJ51Gnrk848OdPrJnfs8fcvApj2cmQUjc9m1Wlp1D6+PJvPj09QWCurndbR9+ovmFtz0FaxQsZsXF6RwRvvvuO/2LN9W2dzYEEj+8vc6StMyL9w+HrHKrzkUQ+XxJSrXee0Qj5I9v3yVJsjxZIWLfOSnj8VlnhXWu7x1JnRcz0NFGdFV7u97erneHLkahpUr6AL2LJsm97YZbISEkACAxa9m2LUbyUsoQHEUkAu+DD60QLsYYPCEKY0yK0iVJCEEqLEzGZS3HwKQQZC1JAIIYXNPQ/f19nppAIKUEocCRZd1250GKPE3SxPhBRrFpmkwfZcC3221v/du3b5eruW2qWWZc49I07fxRDusotqpk3/fX19dCq67tfXzcro7QLfFop4+RFpzEVRjUiqIAOpLWjTHCaA7dSu6GMXQbCI91SUf6BOOyIAghgHjssCElsbYiETHkcQy6LOZ8n2z0caCcsZvLJvlHQwjz+ZydfS76H9vFjeR3KaVJU4468eeZ5AeDPiJb4gwNHPdgbcjxxsWgu9v3/X6/n8/neZ7f3t4CAAsAsIR6jJGdgFEvl5GXQ+Rs8vMmwTVKHDji/cB7z1EX3jnGnYbReTS4xiXNMr9u6Co7BqNwIKvwDY5qPDwsgvwIecx1GVmS0zU/4nJ8Wov/xMb5OKZP8eSRTj6yM8fphMfYy3N+ZIwR8MleMkWfOOFxjidBRCaHiIGW60fZPBpiRBgRuD3AyLunEMJut2H/SZd6sVjc3Ox6gGp/yLQwJhUQbd90nU+MWG/2XZcmJlNaCKHu7u7u7++N1kVRENHhcACg1WrFZW77/X6xWJxfXb745I1zxyqH/X6vkjyfLcvlyaHtahdu14f77UFU/erihZQqksyKmaf29FTXbc8Cczy3lWAYPY5SeOwKwM8oAKIQEpE+HJzpSP5zQfzZMeluCUREgQgRIkklMEaNeHa6XC7OVsvT3/3dV998s229TQSQQC1hnicnq1m03XW1q+qmq/aZNkTq/nZT5u5K5o1rtKz2reV2YAGwbRtENFG0vcuKWZbmYxaNIDjf+xBCBAKUygiTetuu93sS7t37u9v11mOS5AuVZo7QB9JJ6vbTYjfOnnMv5dDb1vn+mI8BAhJAhGIU2MFjDQCSQAoUBCiJSNE774UAbaQxRnrkiY6RbN/f39/P8kIK3fYOhYoIkdAN/DqTJrbvHx4ewLmiKHgZzsrFbDZb71grZT+bF0GA1rpt67IsoWsZ0zgFmKQmWFdVldDKWY9STdcps4RYG0CNsD4+PDYVGdNjoENdIWJZzpFiXdest1WWc5MmbBvCow31yIcRQti2I6LEIBuMo8w6M8q5Gp5lEdnY39U7rnTf7/ccB6+qiqVg4tBviAPTRLTb7crlgtOAXH1z2O44FNM2DQA454o0W61WUkq2i3WajCVFoyguG/VTpNNDk8+mac7Pz1lBLM/z2WzGNzJWIbGxzyjvnJvP5xz0R0TuUcJReJZ4ZJkhFqtJ0/T8/Hz0J+KgeD6yZWjoCsvrnHeX1h+bo6qhQJfL/yKRVIoAQoxCSkCUSmVK9dUOnmZN49MqnikEwKR6CCbCxVPrGwaLb0RkOYj0T2FFDen3cc5NrUh4tNC5+zuNrgBMNphn/053FJ4/fuiGelwzxoCraSg7PK5hDuJPtC7KsiQKBEFKCRQQvPcWAJbLpcJlddgIhCJLjMblrFydnhklpZR903of/uRP/ozB+lA1TdPUzTXbUKwKx513lFLcV7ZpmnS+/N1X38xOz4nCer2+3x2y+cnNzU3dB6VwW9VCyK71WTGj5thwfCweiTFSDFE+tg9ExMGnec4Img4dfADoz2z2P/wYeUlACCAoRoIYCRGQYlQokkQpXSLSdjPb79Ou8kaRlEZgCL5v6ypL1MXpGQDoJI8AzllUqY266jBNE5Dd7eZAKs1mK4DQ9l4p1Vt3fnEFRHXXImKitVTYtq5pGrDeJGq2XIFKrKfexof1nrS7edj4gCLRBEIpwwWfcaLLP5l7kViaAh7D60pILlYJwVMMSCglaq2lwOAjhZilCRGxwnckr5QwOpOIsyITQtiuVVLECH3fKaVUYnaHvdQJAUptpJQQIrOrvXObrp5nerFasPHH0VfvvfN2v98n9/rF+enhcKi2W4q5ybO+7yFGIY4Nn0HGPM9dDFESDqA9XaRPgk1TG36/33NK7XA4xECEIKW01iIduzewZRqG8hwpNYijBaG1FqDUIAMAAEpqGLpk8dxiJh8MvfEY40IIWcyYJcKEEDU0AGIFGEYKrpmcVp1MrTkYhMLzPJ/P52WW815CREVR1F0Lg6Qnm0VsubNPzdEMGCrOAUBrvVqtONp+dXXFngSHerjw5+7u7u7ujiM/LL0yMu6Lonjx4gXTFjebzWw2Y8Svqmqz2RRFcX5+zu0s2FTn3CZf2/g4eAdCRCalonUwaPaOdMaqqnhkRjU7HlUhhBno9rwJ0VBO8swen+L7CKATY1w8i8+OH+MK4fGL8qlk5jMch4n5Pz0eQzAf5EWf/e64IXEy5tlnQggSHmcCV40ylZgJTkLEJEmS2bwsS4vYtrXEIFHZrqn2h0ihKHKCeZaYh/s7o0RZlr111tq6aqt6nyTJl998z2r+i8Xi5ZvLsWhuvV5znyAe+apzUWidlcarf/zmR/GXf3Vxefnq9QuRZte3t1282+zrGOOPb6+7zgohXly92u8rIcRyucyyDIgzo4Hzo+OOSGOl1tPxhMmuOWZHnh3D8H74l99/PPZLIhJEkkgAEQhhlEGI0VsbtzH2RYGX53krymq39a6JGJre7sAml2fn5+fayCIr724fqr4r5mfB092hu8iWaeq320P3/k4meZkXPlCCUfpwNls83N+2TV2WuZGq63pvXZakASUqqU3uQSijVOJ2h6bqq0PVmLTEJOt9CBG00SFQ39XJ014rMUYk4OkhJlhBCMZIIVRz2A9By8wYAyAQPSBpgSHESEFAlAKVFEjB22Z5fhlC8K5TKKTR5N0x00PC++C8F0SgNP8KAMzyvNq23iMOhYdd13W9LctyvdkBwO3t7eXpivuTsG3Uti2FUPDmYa1CsVwuO2f7zkbA0QLAIQWlrLVOKwaO6dE29dXVlVLq/v6eIpxdnEspN5udUUfZNo4eNN0xwo4ggRAAlEIhBEgx/bERg/g1B1V4V2Abn90Ca62LjmmLbMwy2C0WC4ZvjlGMCrRlWUaA8TxCCO7Swoq1nJJ16kge55gMtwYd07xjaT4n083QGjROVG5Yx3G1Ws3n881ms91uX716xRfJRvpqteKk6Hq9vrm5+fzzz2ez2fX19Xq9Pj099d7f3NzEGLmLNG8tHLBq23ZUM6/rmhnoRMS3P+43rHPJNPn56dnhcBiyEel8Puec7Wq14n2IoZx3PiGEzpM4VC0x4PJfRwx9ZruN8fGRAoFPeY0j9E/ROU5qmsSgEPuhVcifFUfiJtFTQ/LDDWP6i48bwADfvFHB0CaC9z8lEJEQBE3ODMCCf77vLTMCkiTp+rjZ7BRIKfCwr2zfWWuLNLO2O1ktjNY+BgLV9DbYvm67pu2TNHU+7A9V3/eAKgrl3GYU3jk9PT25uCKivmlvbt7v9ofVauVAnVy9fHu72VTt7PR8c2j+8ZvvZ/OVDRAjoNJNe5jP5yiP0vZ5nhtjnLV8/WM8UEzG/MjieDqwMLjX9DGX6OcA+588CAL/PwABQCICEQWg6EEpBTJa7yhSmtD5eaHURVDZu9Dudg2RFwACogRSWmiVaJN2PuybTqeL3vmq6pLCSxmqNmz2G5UWLy4QKHSIAGIt9oe64g7Ibdt2bW2MOT1dta3bHw6b3b61YbY6K2bzquu/+e6dC2RMQii6rvEBURofbNM2aTJ6J0/mPCICHOVXY+Aq4yCFVlpoIdM0TRMtUPZ9760loqYPCJEoKMm7ZvAueBfLPAOArqnZuZdSEiEKkeSZdd52fXBtiCIQ+RDEUKzbtu1uJ3JZlqlUUnjvl6cnh6pJ03SzfWiaZpaZ84tzrcADGWMgRjb4JMhEm7IsoW0QBIv9Ti0qIcSR2DdOnfHggAAAZFnGkhJjoJZBUAjRdTawFiPHByITIoVSSmjFfq4e2l1OWNKCXwghmqZjoreUkqVRAh77V/AqZbYfB08Y95MkaZpmNpsds2fqWGLDiMbh7N1ux9U9dV2v5ovT01MuRKqqSqdHrWC+5aqqRuuYK3RhcB2OEkKDIs0o3sLbDNv+u91Oa/3ixQtWV18ul99//z2rq19dXbEz0bbt9fX12dkZW+gxxsvLS8Zi59z5+TkRbbfbh4cH3pA4Ls9Xwijsh95+IQTQBgexAY5iseM2ZqE5zkPH8nfJi5xTCCPajhD8zMqbzoHRgZsyTz58wad9Brgf/uf4gvs8CCEAniD4eNpnYPRsbxinLzsuMca6rhGRFTHH/YxlruBYQhqJxEgSRaTNZiOEQKS2bV+dXVxcXJwslkTEIvXWWgBxfXN32G8Pu02RpUJC9H1bVyEE0/jd/uBscLSuewsgOmu5ptoGRCLvrTHmfr33wV69et3tdvlsebfePby/sf/pzwOFn97f/max3FdNlmWXL145F64uX+ZZVtd1kh2jcHTkHQmK7CEJKcRgZPCYy0gUI8lJ+vrnfKPxYX3Ufv8nMJ3zEyQAQJAgRKIoAVwInO0WAlIlQQqChEJiJJ4sytRAXVdtX0kBkXxd1zaJ+7rZ7eu28ze3G0KNoHZ13/cPNpD1cVvVeVH0XRNt7/25lChQqUQjygGjfN/3SmcBKtf1tw+7qNJ0dhIC7eta6owidr6PYeDXRpIoQvCTMXicY0IIiiHGow8nEAWqEEJmEillkmitNSvlBW5LED0KkAoFEVCQgEmimU2fJEl9qHwMbPnEGAWitS4eGxCC9T5QRBRc0YJEBDQWcvMSW6/XTEdGxB9//PGz1y+89xRj551SSrBonVRZnqYmYTT4cKvmR69Gf40jAOyYQww6TRiwlsslEK63G+dclhVs3o4li0wcbNsWQbrgQwhS6hFKwiAwEMMRVpIk4YfENG1OhM7n8yzL+s7BgGIcCOu67u7uji3ckWJYFEWMcTabMT7mZXl9fS2lZD44l/YwkjJML2dz5kpyHVCSZ/f39zx8bJVzqJoDL6xIziA4tuNI05R5hzc3N2maLhaLw+HAJpUc6u6YMfrrX/96Npt9++23t7e3L1++nM/n/NfZbNb3PYfX2S8ZSXtCCCbm39/f41BSxOkEZjGyKcoZ3RDC999/f3Z2xug/rmSOUPHU56qoo5KyUmly3LZhYs8+Q9vpnBgZOKOnwod46sOOXxwl+Mdf4b0kTupUpz/H6r6MTfAYpflZTAlD2cQUzWGItzRNw4lrAOBSteF8+MyMVYPUkTGybbfGmFwgqy7/+te/TtM0ywoOntze3s7nZdfWP/34vTFaYgAKwfbs62w3e++DC3673TedNcZ4H7nPovfx4eHOOffi8rKz/WG3320PJ6fn9w+38+Vqtpg3TfPqzatiNldS/PTu/cXFxcXZuZKGcwNcA3FUKIpRCZRSUpSjTz1g/fAcQ+Co+rMlPe6yHw7mOOx/+HHcDCACCAAAEghI3GUJAHjHxRjJd3213d0fdibPkllxdkv+UG36HromDRR14tabg+2DC7TePOTF/Oz0yrpQ77dlWUplnA9Nb/ebXVsdjNGfvHoBRkmKAkEgZFlmbXd3ffPiky/SJAMh492mafukBG3Sopy7KH0Mto8gpdGmsyEEl6Z56PthHsZxruGxk6ePMUqhjTFKHJvAMdQ+Tm8B0qgkSWJMJBBBsLYP0WttVqvV6mSpteYSwrarEZFrVhFxt9slaSqlRC2F0uQdq1g75xZFlilIEsFUkaZpnA+eIhOsZ/NifXvNr2OM3ExNIlbVPjVJOSsAYLfbRQTvAgg5fdD8+thLng29MZgAMQBFBr40TYGQMUVrrZKscxVF8r3nWaiUIoqRIgMcAMToXReEEAqxreuiKFAQKJllmVDSWisISNCu2nXOnl2egcAu9IuzRWqT3aEGRKBYLhdENPMuyzJH8Xb9oLU2iSEhslnZ2N4D+RhyHy5OTolICsm0vxACCx4drewQXN8tT0+I6O7ubuG9BNzudldXV6lJGmOOZIMQnPcEIIxu9ztPUSbGdW2RZibPokBrHSip0sQDVV1b911Zlr13y7KwIZTLxc3NzT98/dVisXjzxechhIAgpXDeO+fK2UxJiYjWWggRQnRdj5GKPOdM7CeffHJ1dcVpDBoE3MdudmzgszRYKkXo2oCAwTd9RxBMoubLWVEUtu+bpgEK5KwWQibmSH0Zokx933J2mt+ZLm/G2RgJlPZHvw04IMDt4t1QQ3TEjoFCF/CYZSIcSnwAXPDqqLf+DFkwNTwLH9UEI/mjIz8AEzyJvTwGUSbzFpxznExhAT+iEKOP0bchI/IQIoDVQiQARBAj+ChkusCQd4e2D6JpOiK5TI2w69vv//qXn7769PRMpa6udvknq6uXL3dN7+FXPpD33vaN7+vQt8HZnx4q5xwRPGzW//jl1+/W26IsZrMF9s3bb98lWTov5w8PPz6s74jwm++/3HhtEBNFRkJZCtrfLZIEpHK96738m3/4bvOwIZkYQYfdVs9ni7mI4RBCsDGiLJJEu+ilki5EEii0koCCIgQriQSSVJqNp1EEnwuRnuVLGIERcTQPx+2WPyA/1jcKANSjuizr5HDFE6Rac+6u0BoD1nWtDngqli9Pb6Vyu9ouV4nDi5t1G7tCJlmCpZyfa2+7/UaGKNLQx1vf9z6IYCnPZ96Ut5Xf1iE4iQ/1izacLRdNdSDfnK8WfbPvm3axnLftnTHy0DgtKU2Szf1m+1AJb8gJApmQUITkIAORgYbOWTrm8EIIgCgeG4BEKQ0qDESt80qBlFIkOrEieuetixF6F6TSQuqqa5xzVxdnZaqbqgq2OV3MTheLRBnr7n/48ccQIUpsOxcT5Qk3bUf5vEOJiIQSIgiVGaVCQHtYt8Gcvzg/P5l7bw8Hp5TqHVy8eHV9u35/e99U+7NFISAxMg+uzYtUKky1qSoSkrIsaQ5V01RJniktu77v+kpIMEYSxBh9BKU41d5lGVO/2USN3i3mZyxyIoSIgfI8ZxOACzs5MkND3Nk5xwDEPR+4dp+zut46XoHeR6UUxtD3fQxEArMsa9v+7u4uydKTk5MQwtdff9327uzsTErJYRYOE7NjMrLCuU0E200xRv6tGGPTNGPfuCzL2OThdqBlWc7n87ZtL07PmKwSQuiHPZy3Hw56RDyGawEgy7Llcskf4CDSmAMsy5KvKoSwXC5vbm64PKqqKt5j2ZEv0owDU+dnZ3d3d1VVsd8wbofX19feeyklm95VVd3f3+92u1/84hdxaEjELfe4WJRFxAAgSdMQws3NjdZaGwMAvD0o+dh8biQvDabxMbGBT/Vepst4xILpsh8zk9MP4yNXegDsidUdwqNuzPT9n3MYJyD+DNM/bnKOD+j8/JznAAy+BVBEIq5jEgBHKzMGDlLBoCPvHTnn3r17VxZf8HzmiJ+19t27d1XvSWohj7llk+cyS5BiE7WUcjafA+AXX3yxftg2ve16t6+rSBhCdF3vnC2LwnvftjWqubWuq2oRvRGYpmmSFTIpsixLjU60YQmNVKG11qQJh87C0IczDvqd3IUSAAay+CPj5dnTiXHMWDxB5+lTezba/x0Huz5sMXCsEhGTJPn888+73oe7LXakRB9c3zWV9OQ8EJExqixnwfXed95LIdTJYsYdvuqqWixmCCLGWNftb//2d//yT3+TG+kDAeDq9DzRhigQButCjGBDvL+/b6xMkuTqav7dj9eP14YRhjk8zgLxlMg/pYvgpGmXVIqhCYS0vnbOQfBMCVFKSCmFBE/UezfUiKC1tm661oUQhc5yQuk655xjZTqAEAGUEBSClDIvi1mRzxerxXJukJAiAMSu54p6KeXZ2dmnLy9WyxNC4LXPVOmyLBFiVVV927LyNuLROR43Zr4R5ZwLwQzxO8m4EPEIiwx83gWUx4fHwZnHWiRjWMrKTyTCGUSYO4hDO2nGdBDYtm3w8eT8TGttrWcWAQ264bPZgmtED4dD13XcCPT+/j7Lsr7v7+/v+Sc4qt40zdlyxWpfHDtieXEOl3PZFK9SIloul4ybzHhhB2X01vMs4wuwwTNNkIjm83maplz+w5hOk3wgxzd++OEHJheuVitmi3MVEgfftZDGmKlay8li6YbuqdyzaSRUcbCFzwAAHP9hIg1TLUMITIdPkkTpY4yLH7n3nmcof4tTanJo8CYGqqgYyuinRtx0YYdB72V8f3rLI0A8s/Km5+Gvh8d6hSfH9Aw/hy/PgGYKYePBt8YjRgODezQ2maeDiEA05HqP8a7pdSqlgm1ms9lisRCCCCBNU7YDQKcEAlCGEBBglMo6OzuJMSZJKqT85NXrV69eeRc3+4NJMpCibrrtdgcCj3pH+10dkr6uqt1DV+29aylEb7uu9zHKEEI5K8pZoZRCjONN4cAEHa8ZEZV64mWPCzh8oMEAA5n9GQR/dNhHRIN/5jHKVxARl4+wjVJmOVGbGm1MYoPaHmwQBqR01jVdK6XUChhsYgRCoZWSQgTv67rWUsXoXe+iD/vdt/OyWM3yer+9u71dlkVZpKfL1d32GlGqpJzNT7a1q5q2s26zryICAUQgQgI69q4gIERCweEjAgAUBEB41A4/xgBZEI1AAKINXguttQZxLG2TLKQmcRxw723bQq2kc32qCwQZI3gXhZJpktmI3m9jjICIKIkCETnEGH2MMpGKEAFQSi0FSUEQSXtqnXXB76tDqiThiwjkvS/zXFEFAAxZtm+bpiEfZrPZrjpMU1fjkyWiY+yFd9o4dAIDgYNDd9zth/UgIiEbnmMmk3OGvGOPzAoGF+99lhyVTI65OwTnHFBgkGIprro9MjdevnwJQnGHI1ZbHDmLbJ4zOZ1JhFyhk6bpfr9vmoZvm30LROQIw2w2y/N8v99z3Lxt20RphkhWdpRGj5lAKWVd1847hu8QAu8QLKjCNNKx4SwPDm9sTEtns0UPWsR8JRwOAoDD4cCt73xvb29vGYz6vp8v5mNrXS5GLctytVodDgcceGmCJScHtWF2Vg5VhYiXl5dJktRNI4RgIra3jqURxCBB8yGewoT/N84JPuJEF2X8wDNMn1rWI9j+nD34DI7HPz2DmNFievYZHBYfPMV63qJYj4EfB8+xSBIIBR2DNjFG74MPFAGHTpLHTq1JNjs9PU2gWC6XWusQWiRinJJdl+R5QAnIJ/fkHQYHMSTlomn6ate7GIRQs/m8zAtWaACUfe/ms8LodLaYA2BVVdnywnZtV+1sW/uubdt2V7eHLqwPPejMBUy0kRJTY3zfjnmgx7THsCWP5hg9zU+EpzIMNERdRrN0OvLwsa30w8c3PX7OjI+DfCkMfBs2tmrryPpU6XS2kGa2r/pdG6xHnZq2bQ+7PUFQSqwWszTRTVM1VZ0lqT494+pobjtVFrkS+suvvteSikSfLMr9oV0UeQR9cflJ73xVu7v1/fX9lkSeFGWsbAQKQBEgTNqhfHiDozM6bp8jUvN4ur5HxAhBCYOChIAk0Ubprm+c6zG4vm87Z6VAay2gauoOQKZJEWMfhTImdb33LmhpjrvH8aFFrqCOKHobNocqMbIwsswTY4xOYFO3hLJu+71tPm1e2bAQQIlT00GGY4js2NoeQMhHpY3HOaAYdBBxJFfAQEdj7y/LsqBj3TZElCRJ1zv+AIMym42Mrbw3uKH5zpGp3fV8EmPSxWIRKAKAd4GZdv1w8CRLkuSHn97x5GAqd9M0DMGbzSZNUy4r5SqPxWJxcXHR7A9M8mMrm5naacrNxR2z41nVnSM2qT4yRvhJK6X4lrlVhXPO+WNvPBx0xhksOPTB0gJ8+2/fvr2+vv7lL3+ZJMnhcDgcDi9fvhRCHA4H3jBGnyZNU2ettXa32/VN23Udc+edc1XbsJnvveccHUP/yLYcl7eUciw1stbWTRPoWFJhrV2tVoIjKpGUUiwmwBTXMR87Nda4PmCkPH1oA45rfoog4zvjHOJA7bhUxjOM+jAAT4x6JR6xfoovYSCb41NrfayTfHY2nEhI8po8krroyODGo8T1412g4MyYrapqv99f5PPz83PhDkRU13Wpoxm2vaNAGI5xDhQoJCok4W0PkbQSWkiKiBApBiB/2G2CpwCkpIZoD5u1lFIqCbbR4JPcmFJrdUZETR9qC5DOvvr+7Q9vb9q27SHOL065u8uzx4FjgtQfn+BwW4OzNUk1T5/Xsz11esJng/zfZ6rrQbKUyVe86wghlA9aaCJhksw5a6QU0XVtmyk1Kwq21YgoTYpyVgBq7Ld5kmKKuwBda23vIYLzpFJzfbsm7968vvrk9VlZ5F1T/+P37y3i5cWLdEag1q2LUoNJUh8oIBDEyC2uHu800rHlH3z0XzZDeYH4o1K5kVyAqYVSyiuvlUhSbbto+84D06IIJZBARNxuDygloXAudN5FcfABvI8qUYCSJcrpkYGKebFwtjnUvaRNlyqA5UIbUHp3qJMsTZKkj55j1xj6tu/YfSciay3FaIxhkeE0TYkwDATCyXocBJtG+hQDgRLHPuJjiSAPkxCCC4K46wXvAdzem031UWwLBu4jB4txqMwMzgIAh8sZebfbLQg8OztLkuT9+/cMnSEEDiLv93vWWRRDsT5bZ2zVtm0r4rG7KcvOxKEiiekxPIFYN5Fredi9YP+AT8iEnFGEgZ0MtoX5MzhY/eMQcZDq8vIyxsg8S6Y2MrZWVcUBpTRNBXE2T+ZZttlsYoyny9VyuQwh3N/fO+c8HdUFeE8aXVrGOA5qMR0CEdm9vbm5ads2zTKl1OFwiDFa52azmRoiLXw9/KTZi4+DfiENQbYPLbjxET8z5cYvTpf0dA7RU8d/PM9HseDnjMRnGwY87hxP3hwPfl7jlODPHAlsQ6EgOytaayGhd94P85zDU2PA+kiCKtJUEJDnVdSFR0yX4hiZRQIldXReCBRaWetd32IkgZQo1bjWSJUXSfC03+9J4Gw266steBdD7xC1EkJqQqnRLJaz735ALVFLRFRFUQgKo+AzjIWjE1+Kt8ypnR5jRCWfjcwUr6dYP47ziOPwsQ37wyf2M+9DGMTd5KCNAQBpmmtt294G53zfKggao4hud/+QlvPVYqGU2u12+7rROpHCLBfLLM3atvfeK1RFMQshoFQPD4fEJDpNbh+q3n11eX5qlK6bw9ffffv//g//38XyVJgcZbo5VL3HfVsDqghIGAmGyDJ3AhikIp7Z6eOmOB0iIcRiMSMilWitTZJo5/oYvbUtCvDeQvQAkTlyQoALATyBjxFj23aHxvaOFCcmIxLy82I39/gQdVo457q+30fnnVBKoRABMFBsOxsIQAoXPApRZqWkiNaOTyoOGnkhhKwsWC1xupfz3SlrrZViNM9545ICm67lZdm2bQzHO/feh+jZDq3rmpGd4RgA9CCFwQbykSozKBJwaL7tu77vBUo5SJTkee7jsfY9hPDmzRtEZBJhCKFpGq68Xy6XrE7FdgEAVFW13W5zkxwOByI6PT09OTlh2YCmabj/EVu+HIs/HA6M1NZafsHoxiVbTJjRWtvgm6bhjksckadBhZzTCeyg9H1/dXVVluVut+NgulJqu91yfRCrwTDi9H1f1/V8NmN84VYVu93u7u7OWnt6cc6wQkT8Ra46Yf1odnpoyEXzqLJNaoyJCN72jFDr9dpoba2lcEzM8mlxUDke8xw4+B+jnQ4DcCNipCewO6L2z2E60+mmyP4MXJ4ZjEgRf2Y7+fBbz96ZgpQfFPCP5v+wdQ2TG4iAiAR7EogGRdd0bdvHSOwDcWpukQI/U6UUBUuDqyGEIBTcYjiEAOCJggCaZUVdHUKERCJ51zkbk2DShAgVEEAQRBECQoAA4N35yUnwLvQYbR+CoxhQGhTy5v27+7sbhGiMiYNrOPaS5UcGk6A5PmXxjyPzLMYyjtW4i4/jPMZknhnm/1wLnY/R+cNJekYIEZ1NhEqVbvqAwadK5kbtETty9WEbY0xNYpOkrlogkabpy3la5DkRpiaTQoOUFBEEbraHRBmlzX6/++n6ux/f3V6cnbJZdreuv/nh7qfr2+2u3h4anZV5UR7aLrKFThAxyuNWxIEpRvnjv0Q00KVCCIG7vgoBUqosS8LAaDTGGKONkjHY3kWEGLynEJWWSaKVEtY72/XLZO69J0KtEiVD8BElSVR98DC6sESA/L9gfeg9aRABkUD2Luyqurc+Em7u76u6Xs5zH2NVVXkyT1OdyYz52cYY76ht22BdWZYhhBiPT2HqbRPR0eQc6T4sFCWABAKXrtR1HQNlRS6EsNYDiDzPV6sVInJHCLbN+QFzDJ0tXxaosl3P+CKGjncxRqmUkNI5p7W+vLxcbzcMcMyuGU1jjs/UdX17eztKP/JcN8bM5/Plcnn3/pp55Ry+4OuZzWZcwsO283K5ZFM3y7Jgj9XzI4qxC8+BDoZvltIFgPv7+9PT09FGZgOfr2QUdeEN4OHhgZflzc0Nc2yyLEuSZJYXu91ut9vd3t5+8sknQoiHhwdOEnBxrDSahnp95rSwn7FYLHDg24ylA9ba9XrNMzvE6AeHY73ZxBizNI0xankUouHR5rbaoz8+oh57UVNT5Tgg8XkV4vQ/x/OMb46aWVN8wae8mmmAXsSP4Ag9CaA/wXTxNFYzvh4rAzj/zGMSYyRQFAFCJIrE/0cQCbU23ldt25JMGDrbtq2btnh5wskS57qmPkhBQgjrfRDaAxEIRBR4lCxHgBBcCMEYs5jNu6Sn3S46ayEKoYACxBidlYhFYiKCknBY30sghCBikEScxDMCd03rbAekbNdWVXXYLQVGVh9iF/m4aYljwZf4Gd7Ls310fGdqlsLTQjD8mJ3+B0L5eLALS0NJGr+jtbZVYzKdJ0mIznDpIXjX1RdnF9//dNN13dnFiyNDoXNSau99YjJlUh+obbsIAqVSOjlr3Xa79cEtTi+L2bLrm30bRN9/8vL0UNtvf3jf2JDkM7fv9putI9ImjdzbCgEAIksQ02NN3NTsGGfj1IXlTim77Z33XgnIU6MlagXWRvB9JIrBI0VUiRJARG1bV4fD4qQMIQilszT1BL0/bgmIQBFAPLVyQLZ9CASpMWmWJEYoY0Kkvu+rqrl9uM9M8uLly5OTEx9cVe2jM1mhvPdRxzRNe4h1XZMPWZY1fRcjjPX/TzC9LEsBxKXtbK5KKSl4M7QkTtPUD21WtNZCHvOHIQRGJWZPM94xPpZlWdf1brdjhgZbuEIofvxt21a+nq+WwMVRRC9fvlytVnVdz+dzqZOffvqJW3cqpV6/fs1kEkZkpppUVfX+/fvPP/+cw/evXr1CxLquYZBd5Eqorut472GSEPPYYoxMu2QgAACt9fX19dn5+WKxaJqG7yvLMqYMpml6OBxYyGU2m3EOYIytLxYLpdR6vT4/P2cF3YuLi/V6vV6v0zS9vLzkwqXFYmEGTovvLffhWywWXddF4idaceSKC1Y5YcDjfHt7i4icg2Um0lH0JwQefHZuqqrqu05rzbKRcfKYeccdAztq0m1jiunHZMvH7Gga9HnGY4QPMaljnMbT1bGP1Qj9w18/oEWOn3+2xwx+ZZz+6HT7YUOBA240tD3iznVCSqJBODpSJFSAWuuyLIMw19fXJycnp+cvqrrRwi4WC2vtbnuXSRAYhRBnFxe7pkc6YoKSoDCAt8HZw+GQpkYpw3RYKSWRJx8CBJMYAOi7Rmtd5GkI4VAf0HujVZEYqYRzfXCEKHUiEGJ0NiBkeTIv86atX5yfpSZJEsnbMFvr2kieDxxSkFJqcZRtCsMx3QXHZzFNcY8Pa/qZ8U2YbPbw4Z76VAZ53LZ5Xo1PNg7ST6nW0XmjtbYhT/TV2Wq+WL5+8+l3P15fnS+bPn7z5d+nWfnykzeB4sX5lRLV3d2dJ3A+dNZbH5I0N7mOiElWWtdtqyYzppidKolE9OO7+/e327QoTJLbSFlRetFioM4duW2D5FGIzi+Xy+iPTr8QghcLe+Qsss3Lk8O8rOO0mBXb7bauayWx67pqt1Va5mmWaJUkyeX56X6/10qcnp7e3d3lWZZIbYwSSaJNUkbcN23X23xWolT363XvLC83pQSHeSlEF8j6sN/v9679V//iTw77rUmT/mFzenq6WsxOz1blLG+rTV9152enddufnZ25ro/xyOOYzeZEdDgc8rwcs6E4SOEiopJSSiD/NCjzjOfAViIiEmFd16MNiIjsKo5oPt0VGXG8cPyTHCIgoiRJMBGD7PWRLMy/FULYVxtEZOk7pdRisfDeb7dbtsvY9jfGMEXEWjsrSwYsImKX5P379/f394vFggVymQnOwZb7+/t58ZiG8t4jHHuHjuYGE1fY5OeIPMPobDYbW1XwDTrnuDEeR0uurq6YCcOBKf7deVFyapcGi4AFJmHQTI901PFhT4I1oXgouD8q70/sQDCIHAPuMUYEjE9qgAGg67o9ARCJD+TAphjKX3m24KfQ+czEm4Q1Pm7TfWgYfvRjP3d8+PnhSn728+PFjDsBHHs4sBdOjP0AhMDqQ32MMUJkS5w3qjI77ut6PjccMwEAjkMSRuIpDQIJhCAhhHhUbA4h+BgAAAUAoWJiA3nneqa+JVqFGAUgQFQoUCqASBIRqczSWZnXlhQKKWWqNUCsmwPRYtzPnq3E423Go2k8JN9+Nt79/3D8h/d/34c/3B6ASEpV6kRpg1IFQH9obd+eLHJrbV1vLs5XvY03738sZosHvE0Wuum7rreMdL31VLebQz1bnumuq+va9W3rQu86piSmOgsATe+rvu5s3/Y2AAqtZJTHUn6W3hOyB++9RzqSHRCPcle8/XAFH+PV+EDruj5ZpPNyJiTkSZprjcF52xtB56tlJC+QFkV+fn5+cXGBkd6+fTubZ5vNrq+sOU0WsyzE2Hadd1aYhIiQOE0bkUBgoBhRijTNZ7mcp0qEPs/zutr3ziot1tvtb/7oi19+8Xm9ubu6uvjk6uzm3Q+tpb7vm6qSUhh95JorpWazmTFp1/c4gW6eLWpqmj0zxEarXgrFSO295yJ7OajCjgJGZVmyFgqbFUwUYZ4f006c813XMZFeimOh9jFxOiSduWYyz/OiKA6Hw36/v7+/PxwOHM3ga+DoEmeTuPB15O2wzAtr47HYKSIy92MopOyXszkNsQ4A8BQ5jtl2Xdsem6Ny0AkA+BYYHBlexzHhTYLbJMUY7+7u+Hq4swEHXnAQc2DLkUk4Zkjzcu40K/JxJDnBG4ei/CRJxrvmycp513HNxxjGEEqSJGNKkDF4jE488zTH65+68B9lv0yPMX0PT/39Z9g6/fzo409NP/nzGP2Hv0+TWM0zfCEigEekQ0QhkECMJi27O/WuttYSIKKo63pVpmWWoetiiIjYtq0P4AkjYYyRIhAGDD6GILVERIoxRmISFx9CHoEDEcn7YJ3W2kgVDCCnQySXtglSihC9d13XVZW1ttdKZlkikGzbxDgTgyh8HMo+piY259zGcBb9DI/l557jszH86Fb69P2PB3meofn416pqtfY6yZRS5SyNAlViSktF07Vtm2VX99v69m6dJhnG0FU7N1v11tVtHwgioSfqms4dWpnk1joXoo1EIUopE6GklN67GGNwIcTYOW+ZPy6EVomzIXgKMSgUSilvA0QkCAARkaQUUvLgACLleQoAxigpUWsZoyIK3tvDzqaZkSC0FKfnp8tZ3jX1cl4aray1gigiKCm0kkWeZVla7Tf7ww5Q5DYXSnZ91fVNiKBQQvQ8UMF5ElEIASS61mpBbes1uUTEu7u7m5ubpmmsd6vFTClxqPZagUCqDhsKfrFYaK1rpu0OejLOuSRJEEWcSA3ioHerYozAUUd6fDz8hMLQzB7VUfCvbXv+K4do4iAnMIY7GOlGOiMARH+MFVjrQwjc59x7H4MXQkip2QJlq4fToWHQUJRS7na7tm2/+OILVqNmw3lMACilaHjNmQAAKMuSWxExw50pK+/fv+fdiE1gxj4AcH03MkyYbK4Sw8JYHHths5rxMQziX3zv3N1iNpt57+/v78eQDjPlOb6fKM3XJgbxLA92zDo651BJImLCKe+abI/HQcmSd5QRc0eP2znXe9f1HRHhELdRShltFIrgPe8QaujuDYMnNCL7M5+djmku+eEC/tA3f7a2p8jOR5yoH48TDhF/j/U+GObPYvdP/jS+eLZVTMEFjzxGhAnc2753ziFKQMyyzN1v27YVUtUQd7vdi7Olzo3tG/aEvHOBRCAMTC0AFCLy8wMfpZQCpRTcRIE30CiGbC27TTgoU6ZZ5p31wQkfOaHAl7Rer3/66aeHbdPUdZamWiJGUkLGoUZkfNzAToM8zhkEHK1LAHDxCQf0o/vuh4P87PUUlH/u88/O/+yYPjUbvO87lIJAZKkyaeJBurfXaYJvLl+t/+KvXXv44ovPNuvDoWkPbdtbHygSChBSgEAJFP31zQ2fDQGQjW0llTG7QwUAKIXQKpFKaEWEMRz9TiEEkgIAwZ1xpeE84uhlikF79TG3x1qGA3uqa6oiOQnRhr4vErPITtwsOz892a7XmVZt22522++buj5UAFBm+d36ermazeZLqbO6a0LweZqg1vuqpadJC96Di6LA6LxrmsbLVGy326apuq47PT09PT8pi0xLKkyqRAyunxUpcK5Wa6KolOLoCAA454g8x444qjxOPGWtVQghBK0eFzMO8UoYI6ED6WI2X46m32gGxhi32y3njjjGwklLY4wHN8bgpJQoWQIsqMQAgDw2/3Y83Ex85B7NSZKwWNXd3R3zNFhilyc9V052Xffi4mKkXTLRGwCqqmqaZoxKM1yWZTnISXZjwVTnBp3x5NjcI0HwQwOKvu9fv36ttR7ZCG7oQ8R1Rpynbdv2cDiwwjuTC/k6eZ7xjfuBwdK1x1pTROy56cnQmpmTdRw0Z4bPyNhjYgbfEe+vfiKPrCbavBSikYqT+n3fj71Mx7UnBxl6mBi8ozE48gfH6YhPYzLT9T+10D80859Z00dElh/nOMb4JI4/vsm21YcnfHYl07tDQIwEgAPgUjyGYQR5qquKrYe8dIlUh8Ph7HTJY+KFIE5KA8QAMQIcBbNQChRIhOBIsH3U9TZGr5SSSgoSII/5CTEUiPG0LBfLGGNw3gYnhUCBnD0josPhcP/woHQCMSCBDzZJzXT1xRinejnHEX5qksNTRP79yPtzR5z0jvjwIcLTHeKZhT79KyLOFqtAMcboYyAKSMj/RtfMMr1Z30hwUsR6t5mV5WZ9e3vXg0AhFCEQuIACpVCgO2eFEIqhA6KPgbrAaTkXPAYSSmijUarO2jiUB2spXYDIrZAiKlRhsG15dTDxjKvQmZjHC2cMhy6zvMyLvq3bpqn228xoCta1zSxNtdZr5+6drfaH6P1ycSIIklR9+slVOV9d3z807U6gUFrUXcOLSQLAMTKqlTK8vo5JePTZYu77SgphtDy/ON1sHn75xaevXlzdvfvOa1yerNa3763zXJTDUReGPillW/U0tJ+brgjvvXLOcS8LADm15sYoLQ2MTj6Yn86BAp67jN2sc6IG9TsYugDbruck/jgL+bLSPGdqoJQSHcspqKZpfvzxR9a85fwnF9y/f//+xYsXnOvYbrfcb4h/mntKMBeFRWCYnrjb7a6urhBxs9lwRns2m9V1zVEXptgrpUCKEeinputIuX14eGB6O3+Go+RSyrIsiUhKyb1PvffcXJTDPjzKZVliJK5mEoNijG27OKgkjim+cc4x+4VHHgBGyspoYtPQ9Jl/nWckbwnAVdohkgx6qETwgwwvDSxGMeG0TmcDX0+IRE+d92do/gzTP/rvR7/+Uch4dozjP8Xxj55kvCOYbC0AgIJZ5UDEJOXjkaapjdD07Xq95mwHAGitH+72/HOc7Dlmg6SEMNVLeXQAWFqna/qqqWOMRZZrnQghiIKPkYi0kCOLDAAiYQAkRALB8h4SCIjOzs5OTk7W+1qrBACkwhCOBVkwoZaKgVrKTxwAWLeDhgzHR+3rP8Tu/gNfw8ciOc8ex/SpSaUEESEYiJ6i9S5a773PUnV5ufo//o//6+Tsigi/+/7rf/U//S8Ywq6qTZrqREGMgeXBBAKgjBIRQQiJBCApeOcjRT/LVrHrbLBkrY+M3Uc1UIgRSAiMRAICYESIiPLRRuEZPjJ640Dw5aAo22FGaaMEGN1W3fbhPuS5Atp4//r1yzRN60otitxIpbVREg9t//LV+YuX5yj1+3svEZJZVrX+cLebL89Ur0IgEIKlaiUgRaqrKjEyBJcU5uLiYvsQlSTnDMRwerKC4Nu6KrKkr9bff7um6DBdjJQ/HMophntRzJSXQ2sg/pgKIUh4NJ3YJfHOjXPoOF5Dn6dpuSkfbEXGGFnslAPcjLBjATdjunPOeoeIs7KIxxZIggvSePMJIbTtXZqmZVlWVcXMma7rmAjI1vF+v+ewMhFprTd3x/5EAMCJUwZWhmylFNMZhRBlWTLyjkldKaVKjlnE9WaT53me59Ic5dQXi0VZliz2yzYXExLkIB+/3+/Z1ubdi1W5iYjpj/yjtu92u91sNhOIbONrrZ1zTHQRQpSL+RjSGaPqYlAqHq3pMY4fBqIbsPBAYrz32hxF1ZVSEEkCqiGVytGzp4/y6ISOwIFDqC2EEPGRjwhPYjJP6o8/aqF/1KD+7z6Gs30k1IOTWND0ApB5h0Djd/h6mQhojNH6GNriKOToD1lr931XaKGVtNailASSjpX5T/YMKTQiGh2V7Dz5Y+bLsx0jEGNE8BQxECImSdL0lgIJoaSQAokiAghCmM/nL1++3FZtXbXB9VmWBfFk2EdMH7yNRzvgyQY5fGX8In4sSv5zw/ts7/zwfQlPLPFxNKZewvQD1rNiNkopjRRCISGiFFcXp/vaLuZFnmpxttzv97av80xXfVRGK6VciEAIAgNhCD4CUYwYAkjksxEEisdaMyk1QLTW+hiklDpJJGJ0EQEEKmlACwWxi5F8sICRY8XeCykxROeckwqFBJMokyjne0RMMyMVur631mYmwcxH54GC1qpvm8N+m8gTKaDIciEUARcSx8WySFMdSKSpmc2ztFgkReydR520vQUbEQUgCMAYwTmPWidKK22Konh5dSGjhViG6HSS/OqPfmm76v7+9lefvqigv/3p9vWLyzoeQ9xCIMCxoNQ5l+QZ27Jm6LTMj+OxBm+cTCNqMCn7CCtEQMdVxKrlYpB2GQ1GDh2wBcRRAm7iU2T5OBWcc03Xcvr0YbupqipJQpqmPhwzk13XvXz5crPZ7Ha7MeAAAIzR3vuyLJkhLoTgXOjFxQXXQCEiU1MAoK7rsacHk2GrquLf/eHtu9VqNZrS0mi+Cya3JEniYuCwONvjq9WK2xIxd40jYkVRrNfrh4cHJhSfnJycnZ29e/eO0TZJEm54ZK2NzjdNc3p6avueA0FGqhgj60eWZYnqicbpqGcgB+UcnIjziaGjnvcemL2kpFJKKlXXdZ5leZ4jAfkwhpKVemwSjJP1z/fCBz02qA3CJPAxTB/j8uP78MygmyDCFAL+QHD/8IvDmx+PvfwcphMEgY8F9DDkSPu+F/po1LABEYceW8fy476bJaUxuu/7GIJOU4qAgWMpqBVIEiSwp5iYJJX5PEZ2NLlXQ5HliMgdP5xzAJAobYzZtBaBUiWMVkjkY2RBAwJgXtZ+VwXnizTzEsVTH0UIIQHH5AdO+hzgkJ75ZxPLf+Z4Np7j61Ef/8Pn9eGTxce65RCABEEEYtWU+Xy+2b374z/59Zdffgdo/uzP/uzrr77N8iQRpHVCiIRH1qr3obM9Sy0FH2IEQ0KiCCF450JfGWNMmiBi7BsKHhGNUkopZwMiKikSZYzS0ZEE2XkPAFrrJEl4XTM0cWCThiDESBuLXYsERVEYKWxXGam01l1T37x7n5mEvTcOYed5nij54/c/OOeUyff77X7fdJ6EzsuydIRKKe/cMFxH8ZUuOAW+O+xTGbqua9oq0YiI87Lom1ogeOfev39/WpgvPv+MgnWVQ8S2bYVApcosyzASYykHc+SkJvzofDjnuOkc0VGCKkkSicecoRBiPp8jiO1+1zSNlNq6htOGXV8pZUI8tt82OlVKVVXVdfbTT1/Udb3bHfJcKaO99yBQSSW1SrKUW48aqc5WJ0mSee99b5vdod7u67o+v3pRJOl2uw1o89Wq2R+6qi6S1Dbt2XIlhPiTP/q11pqbNSNikWa79eb+YT2bzVarFaeq3rx5c3d///bduzzPUcnW2Xw+01la1/XpyytE3La1UqosSxsCZ1Y9xX1dnaYJV64yLYTdhe12q5Q6PT3lZXZ+CHzIQwABAABJREFUfv7VV18ppS4vLxHxhx9+4M2GRVpubm64sRz3Bec8KgDwPlTXte8t/zRvGPu6GvUvYQiVJEkSKbLCJyvtZFkGUs1mM9wlu92OCIUQQDI62O+q5XKp0QhSvj9mVjksFmNAEUcgAMTIbOKhxZ2kODW4UCuWkaMP2DIx+tGuny7+cUrhJOz+DOunm4H8Ge4dZ0QECgSgoxlBzA3E4SQAgICs0UQEGAkocrMdHEqTWkKKgBAF+OPpEIi8p2Db2PUkhKoO/Sw/7TsQkl4tL5a6uFidRZd737bWa5MJkKGNpTJSaCGEDz565ykQEgDtq50xpshKAUwkV0YKKRJ4DJEhADiU5FBJIWKQFIG8AOJEqnNd3bg0TazvA9IXv/pVCwGVbIByoY9beIjoCaVUiFrqx01rYOLzIQFGYXl4dGrwuXD9IxiPoPz4LwBwpJ+PcY+PQxgWJ/TKZ7vvdA8AACQHGBEIYyTwCKRF1AY22/s3V4urs3yZwNt3N22z/pefnwKh3C+VkX//5ZegxPxksWuqaEIUsQMLKgohJKEAJaM0ZKKMsQBrbbAt26fee4iEBFoqoEAU6ubQa10UxcFtFSkV07atUi270HZ9LQR477XKUp2k86Sp6sP+fnVSvHhxKlWsq9rKvJxlIGHfVdV+T1qv0sybnADWbZAiaW213R2yJJUo8iyJ+lXbmd39zjrhg/rtf/3bX/3Rb9bbKp8tBFCams4HawMimjRVRp+FOjV06xtbe9vW5NqyLE5mWZGFXLSL+fzHH24fdi6enjkbLi4u5kXlnCuyPHi/vrtnK/lkudpXB/Kh69q+aaMPvFKCcySEStPUSBEH7seYfztZLUfdWiDM87wsSyFUhAAAVVVxvoJrZIwx64ctO5sh0Ha75Q4yrDUzEKsVL926rpu6TZJku93WdctoyDOVNxIiYqpiURQsU7dYLFiBa7VarddrBqyu687Pz7XWrLHunDscDmmRM4nw4uKCy/QDHP3Ww+Gw2WyWyyXHlDmXO4IOB3P4p1lttWma+Xy+WCyYOaOHDqIcU2LcZ5HIsiyZ28NZYqbVH2sC/bHTEwxCDSwMySbDSEXn0J42hqMBRJQNTemYYcmDE0Kodg3nFdgn4H2Cw4J8X2Gis4pjJdGwUOPAZWTTL0yUWsfoSnyqOkST0O0I9ON6DhP12ifQMYD7M9/c/4zZPpqf068/IsXkgKfpwWc/KoYeGXjMkR5BxxijRSIUpmnKQVuttTbJ+arMipQgutgTWI0SEYBi7zsiIkUIEjACRJTMpDnSmbmSjgYpx3F4R9OJiPq+N2lCQCylOx5CiO+//35vg9Z6NiuSREMkrWSZF+MIjybkOD4fHbf/h8eHIzn6Pfi0MG36QD/0z6YnHLK4xxd8Zq4sSVC/eCHTrGybUNdtXTW/Pn+zWC2VpC+/+Xr3cB8E6Cy1vldKREBBEUkABTgSVAlA4AcHDFN9HLQwiNalaYqCEi2dswpFYrRDIaVw3lIgLTFL83k5y/M0MZgYsfOt95aIH83MKMkznAsDizxlgS2ttVSoRRIkJXkGUpkk2Wyr7b7WOkE8amGhEFqpJCGlkyQviKi6vo/BnZycpAoeNmvnXFmWF5cXIrr1w93d3V2Zl6/ffCqlXD9s27YNbn8UjUi0kQIAgg9VVU2nHEwca07RK4FAg4T3+Amuyw8hVFVFEfKyYNPVaMPBX55nHL3hTzLLAlHudruTk5OTk5P7+3uOLMcYhVDMHum6ru96lr0OwfPFjQ3XBRxFsmhQWeHwNw9rURRj9yUOWHNjoJELr7zn3VsNXHIXjzbpOOfGhGpd1+yAhxBmsxmLOrFkDWumx0HBkbmVHApn94Vj7kwhZ7eOW6dqreu6Zl+kqqroPTPK+aqMMUYdJebHiAovG35yTO8JIXCsiVML/LHtdtu2re8jC/ix/8gjX9c1ZwvE0wLocZHGgS0+5rpHW29cwHw2XsZhIs/J4zZ+/lmKVUz0RqZrbJqOn6758DOYPsYEaRA+Hb77uGKn1uKzrWJEGe7PiZGlsx+P4L1OM60VIcYYfYyAKJRcnMxVKlzoetcr9E4EQSBACgkgCSQJeSwdASQUCIRCAkHwIYTopJQmOVoYkQIBCSGVOvZDj8FrXQbPPaCO7VHZIPbeBhujDxKFQPLeiiiQwsgm+Lnt7X/UMUVzepptHt/HQQf/uTH+8/E0OtYHHHXM2aHi97uui+ARaTGbZykJoWzvFHSZii/PF9V+ebfZ1n0H1olIBnWAABQgBoCIEOHohZjp4IzBSQ6p0ZCHCINOJyJqrYjIuh4xppkRSAAoURCQkCpJpVay79roQoz+8ur8qCuFpFKDiM5bADLGWNdpKwKwb0rO+zzLKlujkk3bJmnOjnXXdb2zAYRzQSoBQ48aQeCJiqLc73dG5bwGzy8v06xAJdd3D0JJsCi1aprmsK+FEIgyTxMistb64JxAKaUAJKKsyEMg7PDZqhRCqBhjRBbRRxhIdUpg0zRy0GkJg8iUlFoGAQBsmzOPm0F21C5n4OBuGADghnaozFOEYScJIWRZppRRSrFQLV/ZiIYPDw9MCxkThmxKcwEYv7DWuq7nGcmGACp5zGd2HQewWtsTEZ92tVoxiZ6L+8cgMhdGMVuIwXo+nwMAh++5QUcIgXVjNpsN6z4ynvLU4XnQ9/3Jycl2u7XWsm4qU244C8fTDiJxwna0cBkWh2jJkQ/HRv04AojIW6MuDJsJve2ExDzPQpwrpaQUKADF0YkWEvm1H/QmYYKMNKnjf2bUy6Gmd2q8w9NeGfDULvjoUn+GF/8kQo2oMSYwhy3n+Ctj6pjfl5PO10/OGaJkTRRChhcEJIHb7SEjZcl0tu+9CxRd8L5tfUx71/Y+RnQOHKcijDQyMVIAYoyCYvQEPoDDCOg1S+LwzoFIEGIMMToPx04MMZLnW+IaUSCJIRBFGCQDhRBnZ2eHn26327X3MbjzBBViAHJdR3IiwTSO6j8X2X/u89OzTWF9nHvjxPgwzgaTzfvnzh9CAIzjLhjxeNdZmodAoQ9EkCRJlhmljDFm+3Z793YfW/vydG60eH/30DlaZEWIIEi66ClGAoooJCIgxMjDjPyCg08hkBDKGLbzFB4L1A0AtE2ltQou2K7NC5NpDd7HQF3fxQhaKo0SybkmeOGExNXlPE+Sh4eHXbNTUkqB0UckUEpxkBYpevIKjfdeSNlb70N9f7/2Ad/f3oYI5H2aZBGQ644jRy+dQ2y8j7lWSZIQgvUuSfPT88uuPXSt3e52f/LHv+6btq7rd+/fV1Xz6tUnhMBWbNe0XW8VgtbaKM2wwF2GRkd8fDSKn9V0DUspAaEscg5NFEXhXWi6FgCyLGu6mgGdzTo/KHYVgzhy2/ZM/6yqigMXzCV3LlRVdZwiEbgcZtxaR+kYdnm6rmNtAC7H3+/3bduenZ1dX1+vVivuaHF5eVnXdZ7n3C1otVotFou6a/lXGECttZ4eGzMmScISwTjII3CraDGwYtjK5nJ/PgknDxiXedS4wJWZM8NWJwFgPp9775fLJddJ8UiybAA7brPZDBG7rhUD8YavhD85JjP5qgIQd3qq24bPwynceblg54kDXBwTY68FJrg8msxEj6/H1chDwT8XH7vUSzmUVo3W4nT/H0FhesJpoGC6zuOkV8N0zsmf0Xv5qFM/BbXpLYyf/BBZyAeBXDgFBIAEKAVK0TurgvcgvfcRCKXog++6dlOJRV2m2UJKQADrPYYopMToApDAiISRQgQHGBCJeGfVerx3dhB5GjAyMtuM3bjxsiOCoMcR5HGO3hMRkqdASqllWYZQT4driqT/Aw98aqRPn8LUSH/2rP+Qg37mg8NODYiCuZ1ZksqFeGndzd29pF4DFlpeLJeH2jnCprMxRiS2qgMAEUSCGILhqTVS75gWMjLrYKBjHEc4ktLCSEy0nBV5nungO6l1f6gkoBFSK8y0kkoorbTB9eZ+NptpBc42aIyUhiL54Ku22++2WkumWpg07b3rnJXaeO8jYe8dEeV5YdJSKv2w2RJ6IXUARHREIYbgvdsc9lfn51qBbTBJUiHU3Xa/XJVSZz5Q57wQarFYZVkxn8/ZX+fVWpS5FhhjtF3ftu1sMQ/hsf8BDAxsAFBSSolAQ7UxP9QYAhuSzH4ZrTyttQ5aDGWQbOfypnEUlhpU1BkXuJaSwcJaP1bQKK2EENbaEFoOVXP70PV6HQDZ/OcCAWY6sh8wn8+32y0/P9bn2u/38/n8cDhwJSob1KydC0Nakvm8/OABgDOW/Hk1NL5gsjlOuitwhpOIdrtdCGGxWIShunVEefYnRtUtdiN4H9rtdiwzyV45d7oYqxs4anTUeZ/PRkxnMX5jTFEU6902TsQs2XW11mppeCqPkDGq6PAsH7ntMLSsG9cqTZpgsN4ODH4VDPVf47+8146QPVKkRlD40Ir80HP/EBc+XnE0nFMMx3j9QjyeSkz4lFM2LUxQDyOhBAEIgCOznL+otY5REgIJFEqikr7rmq6tmrawSZlKlOhjiCFIihC8iCilEIIiAiAKIVGQkJI9OZqUcfAkH/m4fIXcFqYPMcaIxwiEIEEAAgg5THdyshJCZqnp671BoxUoVGx8wZCdHsbh94zcR46fs6PHoDM+jaR/aInz50f74A/83eN1IkUEmOgSNm0vpZZSaaGBRIieQEiFGBqDrkxV29Yi0PnyJLj9j+/uVJphBCKJBCAgIhESIMQARAiIkS+SBBCEEJu6Q0TbH6Os3gclTQyh0CZPUm0IoFjOZ2WeketnxexsuYAAFCMiCRmkCoAhend784N+8wYwoqDEqDTRXdchFxgAsIvM2a+7u7u6bVQ5t9aqJAmRtElRaqmV0UMBIPpAQNETCKLAnkWSJM52aZEneZZmBQjx07vr9rDv+sZIdXV5vpwvm6YLIZRluV8/AICWSshEKC2EiCqwVYd4pO4wquCgaMsSfY+ZtHEmcVSXYZoGfdS6rlEe+XZaa2OO4QIcBFWMMYiSE5vL5ZKIdrst5xLFICmllEI4KgQgEoMsA5xzDvqea/p5O+Sly4EdTpbiEIU4HA6sB8DLlYPvdXfUnOn6nqHfecd6A1xVxHsVG8gAwNsgL3uO148rk//EV/Xq1SseitPT09PTUzbK1KA1KoRgZyXGeHd3Z4wpy3IU5OJ9jsktvJK56IlrkTjHMF4DDwtLrnN4CsSRDHMsC4hHA5A7aXAcn6uH2VSRz2VeHu3i6aKdGoNjwOej6MmrXX2gBcZ/jRO7e7r4P0SB3x89iIPk6RS/EFGI5xb6M9B5/g4JyX46+/8xwtAzk4hACE/ROkdCmjTJAUDIxrr9oYnRZAatDdF5gYFFl2QUiEgYUZAQESUooEiRvPPe97ZPkkRKLbSKMXqKAIIECq0QMSK4GLjuQNBgnVIkBEAhpVZK5Xmep9nJYrm2raQoKY70E5okXf8pIP3nHfgxIz3+jJ7P6D7+gZdBgpidhCABcGTiFEUhhFLSCKEpYozIogZtt68OG2nKYPu2ciGmXd3Z3gsJHgSRJoEgiDDAYBI8e/Q8JxkxmPE1XjmbhjFGCiQlZqnJtIYsfXl1Th7pqLhXCYBEa0Dse1vkidGia71RMs9TRIrRc1S5zdq0yEMIgKDTxMXQd04J3bZtWc4PTesCNVUdSVgTjwYuIEWe2yRAS4TVcoWIAPHi4tK7SAjlfPl3f/uXeaq6rr06O22bXqujrbZYLNjLb5qm61ufpSwklSRJ07WMpnIi6MYrSMUYIzwuGF5RhMgpuKOIlRRJloYQ2rYVCvlyGTuUUqwZEEO/2+3Oz8+FUOv1erValWX5/v17Rn8GMkRkA9BZxyBVlsd0H6c6T05OPB2vj6MWzCThqAvbyAxtxhiuwr+7u2OAAwAu9s2yrCgKqRTDdNN3HEhhZOToPxEx65wriRh/uVqKGySt1+sffvgBAM7Ozvb7fVEUYZBeYcomJxu4tR5Manm4PGo+n7dtW5ZlkWa8f9RVVdd13/eLclaWJSdal8ulp0cuCl8kp4t5F1RKuXBs3r1YLJIkaevGexujPxx2HK/33i8WM+dYzwS1lkRspyPAoz1LA5Vl/M9xSYwL49nahsGKp49VbMLExocPsFVNhFjHfwGAfgYa+KHghDSCT/0AnMRbPkT58T8pCiGERHhsLRMjRqyqqlz1UR6nKxptjFHaKA3e4b6yMUYqTLDkXUQIGFGIY0I3kAcIKAIJmA3GEdsQZVnCTIQQmVMghzJdRHQ2tE2vs4ziMdFLiACCQAAIELK1fdM0RZYv5zMNFlyXpTp0/dQ9wqdaDv+jDvwgzPUM0MdhH32+378lj8fjdXJIHYD/FUI752zvASSQIEIhpBDi8vLy/fVNW1V13dzebj0c2qBPTs73TR8ACCQJBIwgBYCM0aunpQ+jVTEaJWpoE8ZWTr2vlcZgSAgvgQTERKvT5eLLv/tSoHLW9l1TlMlqOU8y1fX1mVNpmrbVwSjUUgRng3NFUfS9Y4/ZWiukzvJysTwhosqhjz1q01d1iNQ2XZJmGJRQRkWQUkUB2jkhVKKlkCClUEKuLi8//fTTf/yH3xqF83lW1e2bN78yAvNyfqirLE8+eflqff/QVIej1lOIQj5WJ8DgppN4NAr5ONrmDNw8TG6QJWHdcyLSWnP2j/mFZtCUWS6XdV2v12u2xx8eHs7PzzebzeFwuLq6att2vV6fnJwkSZLnOctv9X3PTESu8mDJMbYBuUXk+fn5bDb7u7/7uzzPz87ORuwOIVxeXn711VecqOy67v7+nhtWXFxc8NNlE5tJJtfX1865zWajlDo5Oem6rq5r/i0O2XOwxXu/Wq247BMAWMqRbeSqqkY7+s2bNxcXFzwg19fX+/0+y7Jvv/32d7/73chD5wLXJElOTk5YrPHy8vJwONzf3wMAIzhrufD65H2RR5sfD3sGWZbxILASOm/XHMW6urriSldjzGq14p55aZoul0v2A1h/hoMq47MfHflxGYwpOBh8silKxgl3bbr5T19Ps2dTDuIUF56deTTAw0TYHSbxFr5Oelo9SwMB9EMr8kOIoYHew+bCyM7i98/OzhaLRYyRtSUWiwXbBCHqH3+861s47Pvr63VenuTZ8v7h4IMAyBCzvoe6cofaHmp32Hdt31dNs68qF4LU+lDXP759++76WmrtY6yapm7bzlrrfe+c9T4C7g7Vw3q/b9qqbu83++2+tj6+fXf9w/c/aW2YICBRnJ+eVLvtbDbjrRoRuTybKcXjmI+PJoRHVc4PjynqPdv54KmFO47es6TOKHc6Dn4cdK9+zwYjlBRKohQEECIEiiCk1IZCjJ68c9E7hCgFBOeaqgLEf/Nv/u3q9EQa/eL1K84MBSJCYZIMlfYkvFCdg8r6qI6OO9MZgFOyAGwycqEiX7MQom1bxrHO2WI2S9PksN8jUpGnwfbe9tG2EmiWZ/MiFwK8s8H56rCrq72S+Ktf/nK5mPV9P58fW+v84he/CjF2vcuyzAcySUYgOu/ffPGFUDqSkEonWdq2fTGfsZph0zTO9lmWZVkiBGRG19UeMH765vW3X32NBJvN5qeffuLFyIm6Vy9eLmfzn3748bDfUvRENJ/POWfGMYb9fs+zIsY4VrYz7+O4un/O4x67NAghgDDQwH47isMA27ZlWTLocAKwLEtEKYRgRuDIZuH4Y9u2TdMURaGkPjs7q+v6cDg455bL5eeff77ZbN69e7c9VHIQd2eyCg719+v1+t27d0TEW0vf93d3d7/47HOeiEd2TTjqW75//56IVqsV3y3zypnMw6WeDEb8LQ59DqR7wTi7Wq2urq7m8zm3c+Kb4t4d2+2WaaoM6FytCwAcqOEWSPwiOj9dIUqpRJuR1ZCm6aGpGYa895GITQyWh3RD0yh+crxja6mYd8/Xs1gspmtyRGo/kWr76Nr7qF32zHzDP8DdnuZCYWKY8+8+O8NofcMEbj782Ie/+9GPffR2+HomyUjkzqRKqehDHMSIkiQhSd77m+vaKHFzu6l2t0Wug4upNmcnV0VaKplqnczK2Pveh57ACQGxszoRySDvN1J1b+/XAMDlhdRZnp8AEHaHrm4o2tyYGGNnXVYuFiI7dN2+aYxJL89P8jxvD/cEZlbm8LHt6kOzejqGHx2Q8f2PfpE+CLOMKD/9AA01ZaM5zKMnBoG/f/ogASQoIqIUAiiO8gYgJEjCqqqbbnd9fdN13eLkBERW2TvXN0maB4i27yNAYnKZGHQdoVC6RwTAGOIgX4UghFBaoKBIHoXRRgqhOSKamrntmxijkkoIsF0PGmNwEH1eLrTWMXqlpZGqD13TNHmaAYUizfLEJEmyavp9dWiq+tUnnwpOCgZqWlt1tmkaKXTddjd3923bN71N01RoEzxt1jvmNXLIO3gnjjqAcn5+pgTuN9vrm3dvPnmhJfzt3/y1iP63v/3tm5cvTpZzIeGw37ZNlWgJ0SPi4XCoDxUgkXdSyuhDVVUmTRAl76+MElJ5pYL3Xk1tLpzwHHjHO+bfTBq92+/3McJ8edR3bttWKcNF84vFomstm5nWeufcbDZjMfT5fM4hDqIjo4OInHPcvof9I051np2dPTw80P7w6tUrLthhf7Ysy9vbW/YMlsslM0bYhB9NlRFHtEDeadIs47Y+I9uSdzP2GEIIo/YNZ2j5BYdrlFLck4hZJWzj83dpCKCfn59zRRKvZLYUOHTDwm9MStlvtmwY6sVCDBr0/3/m/qxZkuxIDwRVz2a7r3e/N5bMBDIBkKxiVbHYw2aLjMj0j52HeZjHlhaZmYemyPQ0e8iuQrEKSACZGZkRceNuvtpuZ5sHdbew8HsjMoECKWMCCXj6NTc3P3aOHtVPP/2URB+dc1QShfvqfz/gpZCv0XMle+FJ76wxnTEd55imcZYlene03guAne723nqyPic2XM/DJw4/wWI+aQv6ZQ+D6iT/IQp8YHQ+ZsSHx6MTnvjIgekZfsrumBd+V3CKSAh10zRmtao71E1b5LkMx53D5WqNVXN1cVIU1XZToo9++P7adN2LZ+3p/JzzOo7SbJQoFaNGLsIwVCbsaL+kwEKGNnIOEY+Pj621i8VCKbVer6kCmXOe1402TtduU9ZFURRlzYM83dZ5UedFI6U9Ozmq63r1sMgki4OwryfwA7wLPtQuHv77CZvuP0TJYPDo+yBp+ASHH3TufYHx8LHCh+zVx4elQlWEPZi+ixsYZXf4rscIB0CGyPDy8tnD/TJUSvJGCRhl4fHRqDX4sC5RKMGd3uUYvdGOC09bjPdUEG37+7FWG9MBgNZ8z/AD760Iwrary7oNpREM66b0hueb9fF8Rv2sV6tF0xrnOhDeOVdscyHE0dGR977MC621c/705DxNR2XVaOOc89uiqqqmMzpJEg9ivSmJS4JMUFBFpSrkEBO3wmnDAUXAdF1xCIxuvDVxELZNuV1v/of//r8ri/Uvvvr5y6tL05TrYhsFIonigHEPpiiKrm2jOAQKi5HVde3ASxnAPulN4SzNk/eFHgczgHjZi8XCOXdxfklwMwD0DU+XyyXleZqmef78eZG/oxr6qqq7rutxFarHMcYwJkgpxTnXNt1isQjDcDqdO+dWq5VzbjKZUL83Kh/1+xYcR0dHRCY5PT2dTCZUhImIxPWhoiTct9MzzhLEkWbZdrulEh6yxWRkCfrgeylHMprUqa4HZ+I4Ho1GvV5YWZb0vVVVUVM6+s8oijjn5JsTMMU5X6/XVIXk972QHh4enHO/+Oor+mp0npK3ANC2bZylsA8hca/daK0lWj3s2Tt0/0EQ6LYhmZF+Pbu9WCPNHjaQBHny4cJT/jI8ZWcfG4UDqwEDLuPwix5fvH8TH5ErPm2ePmbQH/uh9I4Bzz1Q805HxUfgwTulFHKeJNE4Gym+4IiScWetrtu20XGUnJ2djbKQoTNNa4wRQmi9EwZxXm/LtQcTRYGUO/UIt2cakPwDLtdSys64IJIqjLPxlAnFGFMZBPmmzLe6bZiMRNRqh9qz1oAMwrZty7q9vb8rNuvzownsYSv7qDq3/9V+35fuwLM+OPpdFgYGvb+U/0i6ov+Wfgvp8aueXPGx+bB/f3dNh0TfxP6Zg0dEYB4ojQrgGIOLo9M4jNpWJ29vOgvbsoykDpQqqzZIotiyvGw7XbdaewecBcB2hBfGwO/66pEuo2GMZqMzpmMMEAWA08YBE03XeKfjQAmuGPPr9TqNUt12u0VqXFmWPGBCiHy97RD58QkASimn4zEATqfz9Tq3HpQKPIqqaau6bY0xDq2K2q4DYIILbb0EplTYNB1jOyKG5OgYdLqRhsdJeDyeCSEkx5OjmTX6/v6Wc5xMRr/8+eejJGrqcv1w21VVEofM6bpqeSzbtg2Umk6nAoFzDs5TQaJSIQEAfSy1gzHpQQ4hS5pSxBLp92TOOXVLunu47a0VVQzBnhpoBoK69J89+tMnvsg8SSmvrq4eHh42m82uVgiRONez4xNjzPX1NTHTqU8FVedrrW9vbwmSpv6cfR9UANhV/ZgdU7jtuh15JlCU2aCDOq/iniAMpGQmBGOMJHMpu0Kjo5R6eHioqmo8HtMNlGVJ5rX3uGnDIPyOEB7azwjn6rn2PdOGM9b3KhqPxxb8e29o4AdRBNPfIZ3Qtq1gbOewe087FoUgBEQS8Eq/CADsQF4ZHlltHBxPmv6fclCueIie96He8Prvbc0nsZ2nbP37W+1n1958PEFmB2oIzQAseO+tc0B6f4DgQQkZRZFgvGta6xiz/vz0KAhlHIdSiPuHd8yZ+XRWF8V3r75pK8MYj+PIga3qrQUTJ2EQT6kCmR5oGIaUxii/fUXzkCLU5bZYrVZN04g4rvJt21SBVFmWppNJa1jVmcbY0Wyeb7aMy65rAxXtCbWsD3SGfvTHjo9hIHzfo2P4ZId+Nwyqivxee3Zo3Icb/08/nPcIwB7tRta95556cN4Dgkfwm+UCAS5P5mko13lxc79yuijb/F99dakdv12s26ryHoUQ1gFjQLW7nHNExnif0ndCijh5L/nnvEHGpeKNcSoIdds5B0yqJEsjgZvF4nZ7GwbBeDSdTCad7bbl2lojlDo7Pnl4eCiKIkmyk6NjQLEt6ru7u8UqH40n2WgmtGnaFZeh8F1R1l1ryaBpa1vdkTcchqHMsnyzds6RcAilTOIw+uu//Jer9eL29vZ4NlutFouHu3GW/fD99z9/+axuyi7f6K6NQpUoJTgiMu09YeBKKac7rTU1ye2f4DAtT8/ro346dVw9PT0lw0GVL0IoUja31lJDCPIrKTtBkDrlKokVQGxFcmybZteHCBEn46mUMs/zpukYY8T4JveTimuJkxSG4WazKYrCe09RAoFHZOipBwVxD2hbEkLIcNfPk8pA+oQeoTS98rvfk9sQkQqCwjAklg7lJwkMPT8/J/+X/DWi2z88PJAWDewBR/oKyhhTvVUvmTCbzYhBnybJbiPEXU8istd0n7ucnve0L1prUezEA7Q1VORF99w0LWX/cJ8MpClF8G4Pd8IgZH7S1T34z8dz4OBTB97x8IQDF69PVBxEAI+vMDwOTj7w7h+/PjAZ7++ToWcMvfMMvQMH3nuPQAqjGmztjJWMN3VjHUvjOE6COFKjNFTS3VxXbZ3Pppm1Nr/fdq31nhqq6NbUAEYqjkFJHgx9L+dFXlSr9XY8Hq83edd133z7CvaublmWQTbSbetMF0gxqdsoSVvrt7XJizodT5q6DaKQGZdF4zChjgIhPfedTNDgBw53tQMf/PHxnmj01BY4vGZ/mhtQWt2eWjp8EG5AlqeJ+uTjQERH3+WZ9Z5TrYDziJ4DenTgET14bxEBdWuM4c7OsmiUyuNZcnk+XufVaHr0brFZLypo10kwCsK4bk3T1gYtY4jIGUPGuPc9tOg5Z0JwIh8AeCmFc7ZuOp4oY71AT4FsoiLG2Gg0EjsWsm11q7VlAhiK2XSqtW7Kpq70al1Y56uq8iDatms6HQMyLijtyzjqrq5NF0WR895ozRnT1lpr4yiihYA9c4kh0SLvb6+bpmnKMkvmZb4ZpfGvfvGLOBRVVTKn0yxOZhMB1huN3gmGIlCj0Ugwbq111rZtKxiP47hqalpyvUfVlwqKoVfVW0BEJEomUctXy3WrO6KgxGkkhCC0yDnXNE2WZZvNhoiT2+02jtM0TSk7KqUMgh0nz9qavEhjjEkMleRwvkte9+TxXmmA7CbxQwi1SJKEcBVqUkpZuLau98auSdN0NN01Du8FYfxeP4TwFrI1ZEZh7w6TxOMwJYt7ATwKF2hwZrPZZrNZLpeUd6VVR8aUtg1Clm5vb9u2HY/HTdMIZNTig76o6zqHu/QaEWw8e1+RTyuB6P9oOfUY0da4fUWY3ndVJZ477oukKK3KGOuVyPold2DyPmYWe0e7P21oRIYr/8DmHrjnwyk0vP7Q6H/MFjz5/sHNPPmp4W60W98MERkC5/tzJpNJa7CoXKjUyclJrbEzcHxymq/eHR9P40QdzdP5/N92dXF6dOytNxqshrbt6qap6ryoNlWdd11TaaOtM87bvZD9Ji+UUk2nqXj4+vr6+PgYAI6OjqwHEURJkqD3bVfnTVMZ55joLHfIkInWWMYEQ8GlF3yXXHk8VvihdNrwh39sPA9qsoZPduiDDx/uY5d/eM7Hns7jJ7K7OHJE9/ixIlIKe+dqjMKwqgoOHrn3DEZJfHQUV213c7+exP54ouoiQq48Y7b12mgjP9jn2P4gkh6Zix4vIu/HWmetFXHQdubm5k5eHKdpOp/MOYqiKG7v74oqDxKVRbFDaJpmlGXbvNTaLu4firqeH59PpsfWs6LqFosF46qqmrrpnHPGORnHYRJ3dWOtj6NACFHXDWPMkcYURf9dS+t0u93++u/fUrLw/t6UZf7Fzz778qufHU0n33/7hzjgoRIMvWlb13XgrOfolVRKUXqfwHrKw7e6w11e4f1UoVVMNv2DMJnWJHV5BgDyneM0CYKgKCqttdq3x7y9vWnb9vPPPyeFXq31YrFwDoj0QuXsSonNZrPdbrfbnIotq6q6d/dHR0dxHGud7zOr3Y7vaHZaHz2LnABuay3ViI5Go+PjY0I8FotFKJX3nnxtAriLori/v6d+NJzzIFC7zqjOISJB6mbfbpTKLImpcnx8rJR68+ZNnueTycRaSzQjsrkkAmOtzbLs6urK7BsDksFljGVZRoVFb968EUJMJpPValXlBSE5xPApyzJSQZqmfU0pSQLR9uAB/L6Jtme40zTudsLrAFCWJeW4KSvb7yUEAdGeBABDEObTaMp79/bD3GaP2P7oGrYDae8nrTl8aNPhk/qCj7/xR+/hsV3zAGwnv8thL7/ugNedLoqiaZowCBwAMJjP558/n02mo3dvXxnbPX9x1ZY5WOctRJGSLPQete2M6axr67asm/K+CNu2pZIx6hZAvkvVNNa54/m8qKrT8/P1eg2M5WXpm246HYdK6s7meY6cR+lExEE6yqi2wO3wpR3WBx9uUcNxePym32Prj4/epn9iL4QPJwAdfKCOyfbFdMMtHB8V8X762BmdXbIbEQEGZqgqcwA/iiPgdlNsm7bwnBljt6ubKJm9vDpVMlrnpihMBTaSQjML4Ly3zlHrVyEl55w7Z7R21E5aSh6GSkquNagwRu6YEEkSe50/LJenR+PT8/OiKKbjGROcYvfxfBSGYdXWVQdEHDw7m52c2YfFenp8AiiPOrtcf7velkEUb7dFVbdMCOdcvNen6rpOyCmAy/Nc644jjtIEOC+KoqnKOI45sqaqj0eR874s87u7G2T+5Oh4uVxaXc9ms1Ci101b5mB0EqpICgB4u90iojNWKhGmSdu2Rb2DMRhjpOfeLz0aVSGltF1LBa90aq8cMhqNyrJcrVYILBUZ/XWTr8lkr9frk5OT169ff/vttxcXF0QjOTs7a9udw7JareI4Ho1SEmBB3KUlnXOEbJA7/Pz586ZpqKhHa312dqWUev36ddeaumrn83lZ1Pm27LrOaJemKUOhu7bIK8bY0fwkCGVnjfEuzlLj3WKxIAt4dnq6XC4ZogAEY7Mods59f/d9nRcnJyfee7Qu2TfQEIw1uttsNtPpdLwXGV6sluPx+N27d865q6srzvk//MM/RCr44uVnggvTtE3bcs4FsrppGGNRFAXI7tbLcZIGXHRVHavAh8ZZG0dRXVVt22ZZJoRodOcQOmuiKMqXS3LrwjBcrddFUczn86ZpTB9JCUGwD7kh3u5atnZdF4ah5Dwgh10btM62nTeWAWQqJN/f+A/oTH2IjaScbh3ZYO6BM+5xVxVMGuXoqMk6AHj1oS3uTYBig/cpIQngAcQH/S2RFjEM9oChNYFH2dRBlAD9bQ/NUL/r9OaJrsyE8947A9T4EYQA750F5AqYa7va6Hq1XKowKlZr14wcMx3f/PxqHoXK1S3vLHjLOUrspPBcScakA2FN5HACwM4a03XddrslXqz3/v7+/vr6Og7io6Oj0Si7PPo5ADw/fda2bSqnedn6diMhzITN6+16W7ZZEY1mVeuaKE4C1VW1rTbRKDg+OWqKjdWOC2jaWkiutZYy0NpLGex/vkP0gLSNkWbBB8PYj8anbT1jjNDOfkhpR8E96aV3F3CPs7uPt8obHoHD/TQYeP10Vw48km4uIPIdPMNjQF93DhCUyJR0AC5REH4e3y1XMhFXf3m6rc0//e4PVb0xuhbilHNJzH2tdRymk8mEA+Z5brTu6kbr1nnklebcTZgsWZXFWTy71F1TG8PV2deviq+//cf5LLs0+PVv/0usZBSr2Ww2TpOiKFbLh4ftOopTYdPxbPby5Ojd7d0/ff2P2rqW29LVm7yOszSKRVHWnrPSNraDIEsM+Hf3D0rIUARdi8ez+dH8+JtvvnFGjsfnVVXNZkdHRzOmF1WRG+ebqvhXX32ZOl1e383Ojl/87LPNduXBJvNJ3bZF29zVTVmWJ/MT3XVMWO393XLlnYtGKQ+Vsrxt264zSskwEs4Zo1ueRM450bYt2Pdt6mCvm0i+XlVV1lrB94wcB8QeMfv2RtPpFBGVUtT/iHMeRYKePQEUYRhS71CtLU2dIAgQGKX1EGsirY9GoyzLSJCAJLSIdkLvEArRV4h578lLdc6RtDqVCxFeT+lTMrIA0HcQJd+Z5MjtvhcdqQtwzqM04ZyTK002lBQF3hsvpbIsE8ioHP/s9HSxWGitjXeUYAAAwotoJdDQkUNN94nUbNoYWksU8cRxTGK/RPMn39w5d3d3Rw1O3U7bE6mUNI2joQV0xtC3e7svIBiU+fidUuCh64eD9ii9rYdH0MrQth4E5v2wfMx2/PQDB1WjTx4Hdw6ftCy43wT2H9z99CLPO22EENPptLMIjBdl1XWdDQZEWMElQ+8MY0CSisj5nlxBo8HOz06qqhplCdsrvVycn3715c8ohUCBP/0iUgs5OYturt9URSk5vzw7Pz5xVedXRZ2O5ovN1uo2vLrQRq3X681mc3Y03azuOOdSBuSzO+f8x2Sx/nlHvx1+2kwPffbh9PgYVjbYjD+YVz0ecvh16AFg15hqcHDOZ+PJ3Sq/ubnxPHx2eQVe/O6bbzeNCYNgPEoRONmcsiy9sZvNhiEKZGEYCs6dM7bTxhimdlpPZNC81d5p7zrESZ4XWTY+mk/rcvP9D2/iKHj+/Pnl1fO7u4d1vi2at+OiHk9nddO1bSvCGLTVWmsLgfFSyThGRNxoXdsKHDrnpJShVJILBpxaodEP2W63nKO1+u7uLhFFXZXOuX/zb/7NF88vytWCMfBgf/jhh6oulBLxOAPGlFI8UFLKb7/99vzsTCmx3W4U52enp0Iw6rFMI0m/C/cFtEoFwhjD4X2ZuB10VCAOIqW8iD5I8DedRn/tGSllUZNrnyQZtQugoSSIg3PedYYA3yzLwGPTNPRZMqyk29U0DTJf1UWSRl3H6Z04jgG884Z0q5u26nTLBXLOjNH39/dN08xms94EE1jknKNmeKT6S3aWOuRRvjHLMhUEdBtKqXW+JY45AJAeL9EZX7x4QQVE6/W6KIpIBRSv9H3HA7VrYERfND85piQ12/eEo8ioT8n2c93vSeh1XdM2qbWOooioNVSCq5Ry4PuNR0rJev2GfT8KcuSd2fWjIRX090YZAD5uFg/8ZfyQtXJwAnzoFT4JETy5yIcrucf5hst++M6PeoKfPmF3V+8Tg5Q/AsYYZ1JKmaRpWDRtZxkTje6axiolSHBCKKnCELwFcAIZItr9yCFSGzxW5QU9oCRJODLrfBJGs/FkPB6vVisqZejjUUTUTBzPp21T6abdbouiasPOc9U2FruuEwyTJDHQLfOHh4eHcRLSA91l0Y3bRTkfQCX97rv7vcPf/qOPAz60tj/x5IPXn7Dpj/cJeiKPr7PzFegdGPaQBY9ARJdRliFXed3lVZcm0a+++hKum7brqrxARHDApQQAKvChpREIKRgzRGJuG20qbTrFhXPGOyMYMs49yE7bomq2eXX3cP/s8uJv/vpf39/f/v7b72eTsQUmgrgoqvz63aaorUdAYYwDzziXHr1SSgSKMeEBYiHattXGCGSccWutt8DRlWX55s2bLI2ZFL62WTZlHMqyiBMrOfOCn50cR1Gwvu8uTk6m06ypcs5RCIboHVgg2WxEqhJnpFy7s+A7Jy8IAueAPAm+V8mNIi5g75izPXdda233RTTkIFvj6rZBRCkD55DYkfSoCBSmGndiEzImCGwhbLePtcmFoTwnAqPZX9dN/7yp8JKX5WKxODk5ofod2gaIJk/mpm3bvh2Ec26z2TDGNpsN2UfKtZIaQRzHuO8OTkRGrXWaprStkR8E++p2+kUkG0A2lFQNQhVwzmlvyPO8E02aptPplPBx2u16zKooim1ZTKfT2WxG8rxswHEkb50ihj5bS5vfaDQqiqIoS+/9LsFQd5T8ZIITiYiKXasi7znszjklxK60Qe92X743mvvVxYZReb+c6NvhkT81rP/82DocLuyfaNb75T20CwfW+UljfQApfOLM9+db596zudE5Zw3GcQK1Ng66ziyX66KuW2Os2V2W+FSCM2oYRW0+ve+LlpinhmzeW9NxBogMwYEHzsB7AG/vbt9RCIgQKsmllLTenDbjURrOZ3met60u604JkabSNyaNY2t1WZbcGBUGbdtuNptxFgJ8QFbzfrgpPuau/FTr3A/dhzvEj4wnDB79T/miHQL2COs70AJ7PyWo6SDh7UAvERC885zzcRam2UStC90tNTdhLJPA2qZputo5sJ6MOKmVUP6wM94xYMCZVKGyvumMbYwGZAwER4Mkr882ZalXbZYECmGVV//x//i16brPP39JTSXbVuubm+Vy7asWuTAemrJWYZSNxx4xCmMLnhRgJBfagwAUnKMD02nGvFDBarWqm3Iyzry38SgeT7K2beI4moz9KDkOlJCK5dv1eJzNZhMEG8exEIwrzhhru9ZYa70rm/r8/NIa45xhyPyukyqSzmAYhgA7egVNmLqugyAWzjk/aBU/XH5kIoQQTd0SazsIAu4YqZdQ+01yTr33SZpst9vb21vv74gMc3JyopSK47AXk7F7oUcEFkURJTaJ1UucXwAgdzjLMjKyRHA0xtDPIPEZIrQgotaaekA/PDwsFguSiKEypc1mQ9sSEVcIbyGsgMqUrLWd1lQxRO3fqqoCgDDe6URS+nSxWADAaDQiIiO5aZRoJcpmXmystdPplGg/i/Vq6ETDHqw0g94UbM8x70noxNUhCQSC0amfn5QSGNIAUnhFGzBtQlRAsEuEME7rR/CdwMvOP2KHdrO3+P5DyfIDjw8HXBfYYy/DOAMGe8BPPBhj6D+4DjyyLAe2/o8yWAAA9j2Bh2y6pbYKAMbZpmnqrl2uV2XVZuNpGEdZxrIspQe6+5neW2sc1c5wxpjgjDkA66xzVnAWhSn5CoyxMFAEUZZFEYZhoKQxpmsbKThDaHXHZWS0bp0NpHrx7OrsAhfr4tXb+2mcrrd5Webr9XoSEQ6JROvaCXACMCT1rk/xW9yfKtyIPw176U/uX/+UJ/J4UvXz5+BLPXIA50jna/dpBh68N0mSNp0ttmUWhbMvf/72+vaf/umfoAOBLlLKWFc1bVXkCIwx1uiS3CPFBUZMKRUKrsJAbztjDFgDAMZZMNZ5A9a2moWKj+cny+XD/XL96s01IgbZ+EpEi/XD/f39er1VSiWTIyEEk42u2lgFoRDGekTUXad16z12jfbacOSC6tsAJBdRFDVldXx8LAORb4ssSz1zxnZXVxdjWR7Npj//4rMqX1fb7SSNyio3ugkEd84oHnr0xmgHFDRjWZZpktR1+/bdW3Tu7PSU4Ic+/9HvoM65TmuttbDWGu+8c1R8Q/pc3hoCstle8YvvVRiJVUMWtre55Pft2ywwgjgAgDAHsvsUIJAB4gyzLCNxLsrV5HlujBmNRkXdXFxcUKkOBbmIOJ1OYZ/lF/vGb2TUSH6ASPFEVCeXHAAo9Uo1IM45EgAg0ggpj/s9Ll9VVZjEVB94qs7YXrV8s9k0VU2yWVRd4o0l21rkOXnotBSJ5KO1/ur0pPdNyI7TQqVrRlG0k0GXkmY2Cebc3d3R1cjWd12XTXb4u/WuD0qIskkiBIQvMQAa4VAFu204wKGX5x55RvSCP9JjOVirj5fucNfHRw2MPnE89scfG+6fcikcHB8753HogIiegXHeGGeMlSIQUskQjk5O5/PjUJVZlo1GI4beWQN7mUykUtT3SDoAgHOurUqWJDSxAWAn7VnkivMkDBhjRVF4o0mjIhDciMi0DaMeLCJApoA/vFust2W33W6JLHt6MtHFgzEGGO5ruKy1Fhgytqsd22+lH/xSgF31/ZPj/IlhBPjUPnEwnsOZ82TYNDz6+rj+I2zfOWT47e9tuhRAnjkh63tcnXnWNZ1zPgwChtIZnQTB58+fjy+T3//+96/fXted40qFYQjerfPCObAOEBEUMCNoDe4Vx4zzTjIOBKYBQ4HGOe3Z3XK93VZXV8/DMFwsH/7p629/eHtX13VnLCJGjgV5qZRqtUERMC6dh7quKOMF1nHGFBeKCwDmnDOd9hYss1prC34Ux01T1XUVx4Ez3WgUX16dNbe/7ZrC2ZYjhJFgHLZlMZuOtW6FVFEcImOeIXLGhQjbkCH1F8oZY+D9drv13sZxTGTuvgvYbtBImXL4gPua8v6R9GRPte/STYADURIp/UjlM1QERCrJVApEtJayrLbbLcnZ9GXuiNgXZJKDTHZ2Op2KoJxOp03TGNMZ49I0cc4IwQGAPgIAQSCttYyhtZ5ICKPRqHfAiTdCP5t2qaqqKHQIguDt27c9z08bQ5W1tLqoONM5RyCSUooCAvoKKgH3o53ZpYCAcz4ZjwkM6VkEhP+Q0aTvojYXBPGTF0aHMYaUganoyXlPraurqnrz7pr6jspA9TnenlxPz4XtWxr1RQfwoWfEGCM/fZjJ7M39cHX1a/UxSXm4Vocmdei/f+I43FHeg/xP4OnwlGH66e4k7I3I4JqMIYLf0fKKskQZAgDjMogi5HK5XMZxOB2NOefgHTGqvfdSSeec2znCQACI954zAG85Y4ESXdd1bQ0AWRpvNpsid31AVpW5s5ox1nZOcORcmK6titKBKvO8rer1umCMUaQfhmGmZsJ3dkB28t6DP8yRIuKOLvLIEcYfSzUPT3vyGT15HLrV++PT1+/PebwNP/mgHQDb4Ups13oUeV3VSoWz8agsm5t3d4yJX/z8Z1tI6mLzcH/XtiU6wZHUmxkXgnlvvTPWl1VTAa0I3Taelo8XApGBF4xRMwC73ebG+c8///LFi2e/+c1vZJi9/OLk+vZGxKNxkhAr+t39EgC6rkvTtNHGdrooKrKT3qO1Pk0jBGaMI3CVvFtigVfM1XUpJddt2So4O72ypvG2C4L0/u6dQIikKIotYywIJIHpOyPQ1d5778B5M52cvH3zBgCurq6c1ne3t0VRTKdTKqGnad5H/4EQUkqhlEJn/UBdj/BxNaYe0NYYw9muyVzTNB4d9Xsry1LrjlBv4nWFYZjneZ6XiEiEQko/7hHkiDxlay14/fDwQLooZBCpICiKom1ZkJFtmoZzniTJzc1N27b9z6AyKLK/1trnz58TM71t2++++24ymXz++efr9RoRHx4eyKVdrVb7EidOqVTiFNZNE4YhmcKqqo6OjoIg4EIQ34aylE1VU+UCZU05ILXlOz09JaFz+nV617Zmdrd4oNQxyQnQDzH7dtV8LzlJ4A951iSQG4bhu5ubxWJB8D0pkWVZhnzXm9Q5RzdJID5laFmw0/Ehm9szVXv+GeNPGOJPr8kn3x9iL8MV/rHrfPo4WOSf8DT/2K/YgbK7qc4AmEf0Hjjndds+rNZchMvN1jpWVc1qvdlevw1DNU6zJA7BO7a3REQe1856771z4Hf4pBIcnWWeKyls11ZlofZaHBTXqixFRK217VomJWfcOUc6rgCoJJeS0/M6OTlq2/bdu3cK9ZcvzidJFgYxCVqQ02A0dTFlH3so/w2Ogz0Dnsp5HpxP7sVwM2D7qrrHBt0C7ARbduIw3gNDAGt1GIaIvCwK7/D4aKY7W21XpWuORulf/Oqrd/fLV29vl4v7aDTPsqzTVhtntW61dt5wZIIj55JLh+TccOac09aABQ8sSeLZ/NhaW3Xdpqy1xzCMbh4WxuFms3lYbpIkYYi7wUfeNpph27Zt07VxHCvOiUuThc4zsKYjQUShQu9927aIvmka8G42HeXFuq62nLnXP3x3EernV+dVUXCEKA5WDzkDd3t/F6pASu7Ra63X+dajIzuAPlRKRVEgpUTOj4+PvbdE4hBCUEvSfmzJQxXee85YVVVpsquqJwt1e3tLfre1VnfG7x4DAiKZyCRJNpucAJn5fC64evXqlbU2jtM3b96kafqLX/zi5ubGmG40GpGLShZnPp+/+u57Qgw+//xniEgNPDnnv/nNb6ZHc+fcfD7/7rvv5vO5tXa9Xk+nUwK+gyAYjUY9miylJE3g77//nmpZiRl5fX1NJO6Tk5MwDE9OThCRQocsy96+fUstmYSUxLo5Pz+34L/55ptf/vKXfK83QE40R3ZyckJZ0/V6fX9zS8T8OIrm8zkAMA93d3f39/dxHF9eXo5Gozdv3tze3lZVdXZ2Ro4Y8ReHOvUUFpAmDO093vssy/72b/82CILlctnoznu/2WyA7VIiiLhYLEzXEkfIe09DQWFBLw8AuwZS2KPqMIigh8sSPuwj7Pal4Y99saEJHl4NB33lD07+mN333h2cAHtUbehpDq7pevkaN6hZ7XMMB9+4K8UCcNZ7BO9RG9u2ptWgtY2iaL2twyipGtO03bYoF4vFF1981kNhCKi1IVdrRxCw3jiLsAuPIsk559aYpq6dc6Msk1JaYwTnSsreK2KIxphaa4x4URTjNBuladN1XMpQBVVVcC5t14VhCF7MZrOqqs6PTqfTaVutYK8YQTsTtVHeDxfuEoq717DDiH7y8WS5kB+kf4YP0T/qidHPq4/FZ0RVoKdA77hBffLjF8AH3vq+ZasHCIKgbTrnTChDoZQ1XqHFMGhKG0qYj9P7xXI2GbWLDWNsvV4DU9rtyqclk1IIUoGsbNnToBGRc0mcvRcvXpD1uL25Wzys5vN52+iqbKpOh/FICGFsZ7QVQkRhRH3tV6tVGscAsFnnbpSg9865h4eHZ8+eA4Be5kIGiKi1FUIEgRQM1qu7ssxn45SjyzcPSRz/4ssvBLpAcdtpq3UQSNN2o9EU0FmrN5ttksRxHDdNRSopjLGyadbrZRSqs+PjKIqqqmjblgggTdMVRTHUiwUA0S+dfoOlQH48Gg8Ysn6PKSIO+qsRBEx6gUbvsJQkSU5PT8W+VTEpcBH1e7Va9RTsi4sL6pvRdd3DwwN5wdS1gKCSPmLo41NydQlZplvtuq4sa7Fvnr1cLi8uLtq2vby8pOFAREJI0jRdr9dErKRKfSpbHY/HOxksJY+OjpIk6Yym1hO7hS3Ver2mQeoJ+zRcVGblzU7zizp1HJ+dTiYTaq4Ng0Z0nPPlcknjQ6gOAIxGI+/f15H2tM62bTuzCw6AIeku7BRvjCYAh9x/JQQJArN+ofv3ZAPvvWCHtULwyMTDhyH2ky7YI9N8KNg7NAdPrvZPH0Pr/OHFdxZkuA24p4RndzdGzepoPnsPwCx4crPrtmlazZWMoqRo1iRX/7Of/ez8/DyOY6Nb2lqUUogSnRdCOATvd8Zrn9nmsE8OUxLe78WF+nXVx5He+xZZHCglufPGGYPcadN2TTuajT1jFIACAGk7D3zh98Py38ZJZx9qMvdPYWi7fzTIgwGePiRW4cc5M/sdycGHf+dCKLXDfpuqtNYrIcMgPArSqi6arkuTYLHZat35phIibLV1HoiVDYDOOXBofQfI9//zpMIBiOD53d0d0RA4lwA7FQHOuVI8CBTnHDpoTUvornM7a1Y1TVvXjDEE3upWW58I2XUtmUHGhTGk4y0f7u6uLk9Pj4+7Oi826/OT6ZefPY+isFjfmqZGRM6Yscg5F0kshIjjuKxy50CGIXeKMTaajEejiTEsiqK7u+725ropyxfPn8dxTGQK2qt6qKMfdtE/rd5Q0oveJGmtvQPGqEQFgzDoi06pzoKUFop8R4BhjM1mM0LY/V7MVgjRtrsaIhLnIi0wujNS4yIzJAVjDBiD6XRc19VqVcdxLCUXggUBcfj0XszEWasRudY6SZIoilarVRAENzc31CyG9BGp5XSvU0j3k6aplJJxTtoL1tq6rsmY5mWB+w6Wxpjj+RFpco1Go7Ztm9nMe39ycnJ9fU1tr9VebJ1Sx2SIKf4iEIZKjcnN77cosun07X17Ju899d8gD6Lruvl8XrcN7SLUIgoBKMKix0RiOFJKqw81lYYrED/ktwwX2MFiw0Hyc/inj/llPXh9sCt8bA0/aaF6y9V73P01GUMYCDD0O/owQ3Dg8tNXO2/Bo8fdxOYCdWe6rmMqBsaMdWVdyyA6en5ElFnn3G5DGPwut8cZGDJkiMid0z22QPfQdR0VTiMiBcK9k8EYQ+sDJSRDozvnnKKGnQBEN6iq6uz0qGkaGcwAoLNmf/8Mhg75T+MR/nOOPj47eP/AjvcvPrbTUKxP49M/JvaJwjTnCXs5qKxqmpZiAqcN6db5MOQCy7bSbbVZ3TdN2bb1dDpunaiNI4efc4boOWPovXMGrPcM6X8cuXOOsd28Ii61lNJ727Xdlp6m901TU2iotfbWOsZoXwmSNI5SQOekyrIsjuPlcqGUkg6aprEAcZo4YHleUpUJVU06rxk473Qo2SgOwdumztumiqIokKrqtJRSqbCqmoeHpdYtCh6nKQC2bVds87ZttWVhEIzHY2s6RKyqKgh2Glk9ltsbN8a5c+59j2n8UDyo97K99wzfS0D0fERSW9wFO1KulhvaQIqiIPogkdaN2Wn7UroSEanmqCzLrusYE5QkJEaH996hI5sVx/FisXh4ePjyyy/J2tIUOagj7TpHfPM0Tc/Ozuhp3d/fh2H4/PlzznmfhrXWUjaSanzSNAXcgeNZltmmpmrYqq4o08U5Pz4+JuSkj+uPj48J5fj+1SsCPT3jvdAKAGzLglK+ZOK997SX0v7n9kWGtOfled4nZvm+NzTZdGpeOpvNSNaVhMZOT0/rsqBtYHcp5yhZHaqA1gDCLjre4RUDcwmP2A6PHfbHy/Xxn4YnPOmkf8q1/LDCCD40E8M/7WGW9+30+r/ScH3kCxwA31+BLssBjHHApEAu6qapmtZab5zPi0prttf3Z5xxgaC7xjkDpISHgMgZZwy5I+pLqwEYeO+steC9s86CdwjIANAainZNn9gw3iqlAIhvSjQEFoSKwtNWd2VZeumrqpql06Zp2G7vPCTyf8ym/7G2/mPn8w+1eQ9O/mM3lf7m/T6R/tE9wLsdxEbn0yAjNFWtlAqk4lK6wBI0UdflYrlJ0/T4ZFZb3756o7LUWA7GciXRoveeeWDgERBReGYYY0gZJgSqMPDeIzjGmLPagPPOeaMtAlcqlKKRkgF4axkAl5xzjh6M3sn8WWu1aSdyyhhrmhYAwjCq2iYIwtFo1Bm33uTWOQAYj8fF+iFUcH481TWAMa6thOBnpyddp5MkEVyVZS1lEIZhvi2aTisVBqHiXDrnAhVJKcuyKsqKIU4mk/EobatquVxKycnQuYH0prW2x+gEY4zzD0R4KYFDbib50VJKvgupkHqTUqiSJAkRq8l8EF+bAJk+pUbFNdZaziUFO0mSdK0mriSpIJG9pozoOl8TykwxKdEE+V7hhO+lwwGA/P3V6p6cXPL97+/vj4+PCU93zlH3UYLIpZTEa6T9o21bMhX0W8IwJBIhbUjb7VYIMZvNrt+8JZSmqqogCJIwMsbkeX5+fk7ZWqMNGX3vd80uNpsNpQSIW7ler51z0+l0PB7ThkSRmvd+X6XFCG3ne+VIYhM553bSjFoj4mg0ury8fPXtN2wvsC6lJCm2ruu8VP1ywg9UUp8woI8d8OEifPL8x37x0Oj4j0MxP7rsP2Yv9t/ywZsH5ubxl5IBfN9gHhHAI3Iq2gqCYLlZFUXBhIij1CGS47KLu6Vg3jnLEb2zznsPnGwC885rY6z10Z4epvf9TilwHg5Lv5QAAKwWSIGwYTwAdM65QCrH2GazSbK0aZpIBJvN5vOrU61NgMNf6vGPLCn6sx99VuZgA/7YXfU1R7CPmR7HVR9c3++KSJkHN3jWMgwkF8gZ4xiLODSB1cYYIyUen8yOzs6z2eq33729XtxpH6bTU+0ZeNDaeue9d4IBAnAQnnkA6ozinLXOO7AOwXlnqsorziSiCAMOyAEY4nQ8IsjXuV05iN53hiAjKbjiTAJy5xEAHDpjTBTzIIr6/uDW2m1dccTj2ez5xWm+QsXMKI6TKGRm6ZllHpwxttOIvGt1XbfHx6dhGHZdUxaNNl0YqjQZ6c46IH7KTgTUOQewy3rCvkGC3+fGyGiI3gSwvVYq3/cpd/tOLkII3EkmcWABEV0IXliv13mep2lKO0EQBLTP+H12hTzKruvCkJEv4PZS6WmaEn+Uxo7EUhy69Xrdtu174gciGXSqDCI4ngTHaZ4R5w8Ru65bLBZffvnlxcUFkQeIGk8/hIqGiGxurX337p0HINOMe/Xdtm2zcOT9rpPIarUioIYgfsaYUwFB5LPpFADatrWddvsaVxpZ2jAImemHl7KyfF+wSmlr4j+RTTfGJGk6Go1o65pOp/SCMqJUqkqhBt3/LgKQkuwL4emMMQ7vrbP3Hvl7DmL//oEb9XjR4iOs5rEd75ffcJ/AAXTz5BoeCnsMQ4ePBfX91frnOHT9Dr7rIIDY++kIuzbfQillvOu0CaIsm4wRmff5jkHI0SAwv5v2bP+k6OPGmE531nrBuUeGiA7QASKQiQdjDAykX/vhCtAJya023nv0rqnqasfiFd57Kq1gzJH4T9doZI97zn3Kpv+5/PQ+GBq+OQyb4MMn9Ynr/DjeMjgEIIEvJPmye4HQq3R5ZxUXUjBE7rzxYL///jsRpl7E55dnt5uq7iwiOuONscZYNG6HtaD3CN4xy73zjnmgfnf9bZm24UoGQQgIbd3UVcuRsSiFXX2ZA2+J4coZCKFg3/WbfjsZIuuNRwDOrHdN2wJDoVSnteR8miRRGDCE85Pjo3E0SZP16h7MFgBMZ6wHa5Bz13njPWVWnTGO/EIKHPN1Ho2zNEnKMm/bNgrD+WzWtvV6vT47O9s1XdhzmukwxokDf4de830Hcb/PkzhHtTaMvGmyU2VZPjw8kHA5kS6EEN5DXddCCBKeRdxRnt2+BKDPsAdBIIQnAJrI78YYqQTjKJVqu0ZKGUXRNt80TSOkcN46j1IJKjVCBoT/KKWIUnJ/f2+tfXh4oICA7gcRqasGNS2az+fYq9DtBcd7wnie51yK/oTtdjufzmiwiPNON0lKvMQ054B9Vp0xFnM2nU57kRny5b33pGFAo9S7xrRfUuuPuq7DKKKgBBG5khRSSCkJm0PEd+/eJVHIBh1+cV9cSgqLAHvmQB9EP1Us+tis9//Zr0kcEI0/ETsPLwKDZf+J85+0+I93l+H99Giv27dl6Mewv9ve7pAddM6BR09FRN43TaM9B8aJ4tLqDpGNxuO2eqCF4anQTHdGd5yj4sI5Z51nTHCGvfetu64fjX6Z9DW9w0GjQyoGxMdwHjjUdZ3nOYV9tG5ns9n6/hrimFYHil101f8Q+k0/0UT+yYcbsFPgk1HUp2dCf36fI/30nXOPbm/NHQIio22/32Oscxo1ojBaN1292ay3Za2iUe0lF5hkKdOMcGfnGHiG6DkQNcd7AMMsA8bZ+/68HD0DEYrA6FYyFigBzjrOQhHGcVwYUEp5BKLJeQNMcFL87jpLdYUPD8s4TWhTt+CBMY9QFMV2uwWCK+r62cW59KZpSm/sxbOzo3GMtq22m9lYhmHcatO2OhllURQbB0qFzoLuLCKfzUZVFeb5RjeaSpkQkQoqR0kSheFm40j1j/CGvj3L3rTue9cdPE6yFG5/WNMZR33sWFkXPWmG1lWappeXlzfv7uidrjNEtZnP5957rVvct28mu0kuOTWKy/OybdvJZEIyLF3XLbeLtm3n8zmRQIj5T5nGqqqklCRiTvYxTdMC27quKRqg4qO7uzvO+WazefbsWZZlAHB3d0c2fblcjkaj7XYrpZxMJkJKa21RFFLKHrInj2k+n8/n8+VySRHDXlzf5uuNtXY2mwVKET9dIPP7jCgiZpPxxcUFAHjvKX3RNA11CHF74QsKCOiapLgAAFVVBWFIP4R2EXLkoziiPtcEJSnB/Z75R8+VbjtUAfQ4y2B12Ud8FRhY3uGjp+d+MBmG5gkeGdzhGj7w0z+xjPsPPr5C//ogqsA9jN6HRL1h9R/CPt69lwD0juiMnrbtjkqgZUij3TTNdHbUN9WKooAz7LzTXeOct7CrBuRccik45wFnjIlWO/AIgD3lQGtttONMEiLP9tptznnnnJBojDHdjhhD+zQiLpdL4t1GUfSmKI4ncV3X6A0o1kcY8BP89D/X4R7lwNmAC/vkiyeP/uf3/9nDEU+ejwictHQQGBUQISCA1p1SSkQBWIng0HnrdNd1rW4+++zF9PTqf/vP//Tw8FCWeTw6XZfWOfAeBWOMcQGegwdLRD4HRDLfeV2coxcIaRo3NXD0QRAIhqM0nk6np6enbxcrogkul+vb+7u6rqVQMgyklGVZx3HMGNtscgCgTmdVsaCfXNZVnudKhUKI2rkgCKBzCDgap9PxxHYFR/Ps2bPt6i3hOVVVCRm1bdt0jqGYzWbr9ZqwX0+1h4GazWa1beu69t5SD6LFYuGcOTs727XqbFuKJslwsbYNw0QEYeidkUoZa1ujIwyqpvEI2pptkUspx/EYgQnvGGPeY13X0+mUMUY/gITFCX1u2/bo6KhtNd3ZvoVFSmWslCekH+Osp54b3nsyu69fv7bWHh0dlUUzm82mkyNrHsIwPJqfgOeIuHhYCx5UZX1rH66vr//Fv/gXt7e3nCnv7XicEVlwOh1XVfWzn33eti3965yRUpKG+93dDWOwXS3btmVR9OzZs/V6HUQBghuNRnXbONMlUTCbjMms3767DoJgOp+/e/eOMTadTn/961+btvubv/mb5XLJGRuPx6enp5vlitgs5L8v11vGIM/zsiz7xklkRwIVdm3HGGOMj0dTRPzmm2+qqnj+/PnJydFicd821f1dE0URxS51XWdJEgZBXdfjKOKcbwGYh66qhRABFxyQASoh9b6bHQA4MnBknQdYx8G2feDnwt6MCiEOzu+X5ZNrsjfH/Tl+kL3pL/veRjN03oP3sAdGEJEAB0S01KGIdJzog4wb73oVF++9NxYAOOeU3EfGANF676z13gcoBOMObOe1Zw6Y4sCYE9pz41jT4HZbOucChZJXadLeviqt9Tt9C+OcAyqEDlSAKFujrUGjUUrBkXvvZawIVLRO17bqgAMAKA/eMoHInPMWALxzXds0XWOyZ8yDVkwwbK0Vo2St8xqaP3z/u/FxxgPQph5P0jgM/v7v/u7y9Hj+sxfOOULSGafx3HlW78fTI0NGqWAnDrGv4fN90orCMIzbv6YEz/vnjkiqEp01u/gDvB20t91Vuj76XgY7egXbs9QJa+1POHjRsT3pzr4HeyXniivTGmN3UhzIuFJplgVnR/Hl2Rf/1//b/316fmW6wLmw1SyI4iSIV5t1UVeh4Jb5umsRTBQpJy4EQ2Nq6dpYoXQNtNuImVNMNWyPxtkoc7/86qvtdvPv/t3fOOeuXzMVBu/e3V7+xVf/0//8fRvq12/f/OziV+utfb3ZXESztfFpFh8dH79+c11V1Z3aHs9PRBrZbT2bJdA6vb6/TBJz8/rF1fFf/fd/czJPyuJOBB3jdrG8DeNTHqWu6qJsVLVVnMXMtkL4bXFrXDeapPcPbzjnl1dni8WiqIsu35BPHEYBY2DB7+rbBQ+jJIpT4NxZlsaZ1laxABFEXdcMdylH8ivJASy7lvKTWusiL5GTHDnzg1afPW9JCEGPze/bR5HTGsfxjs3iXFmW1towDIUQddVQqWQcp5RfIhrA/f392dkZMfzIGi4Wi6IoyCcihN0YMx6P6R2qQqKmM+PxmDTKxV7oqvfpsiybTCZN09zf31MagbRz27ZNRhm5w3lZJElyfHzsvNf7PnAAUNd1kiSUmz05ObGdJnCcId7e3sZxHAfh0dHReDy+v79//fr10ckZfQqpmNDanf+eZRSm0JBSyi6O48k0ZYyRSBlpJ9D9UBUr4e80hjQC1lrSGqPEQC8pwwa1Qv0yo3DzY7Z46N72Lx4H2p/2yz59/BSH/RPnIyL0AiCDtBvsq6V6V73/LCFXJAbAmAAhAZEbL6Us67aP8Izf6aaNx1kYKm3api4QnEBGquldVzkHjFFmDI3RTVdprRV/3zAdETkyREQPZVH2TGFE5IyFQcAZM8YywSTniKC19sgkF1EQjkajbDoPgpD2481mkwYB+Wj//GH8xMEG3NPhVDnYg+nwg46+/bDDwII/nkWUW+4fTf/IPvYT+mqPYRxwMAj7uMd5752FN2/e5GVp75ekTcIYcwDrzdIYJ6UUSigGwBl4zZHppmSKRQwFonftKI2OL6aJ9C8vj11XjZJACX55edE09fX1dVVVSZgFUnGOVbG9ujifH52mo99vyvLk+CSvWt02kjMIeVHkbVcrpdAzp02ZF9JzAAiVkDYYZVEaiiSOmPdat24n8IAcBZXHB0GwXq8J3SW3nbJ9fKe2CAAQx3GSJHUgPRVDKAHgWqMBwBhjnAXPevyjbVtjnOCSeS601gy9N7Yv5yVjjeAJCyYuXRxQpYzpzUcYhkoFvU2/ubmhWp663nXgNTs1FSQEk94nZiHt4YTol2VJM4B2/iiKJpMJYY6ISKRJilgZY8S0obalBGuMx2OqpKLkIXFXOOc//PDD0dERoRZlWRKldDqddnVDgrfUMYPm4mazEUpS7vHbb76x1k6n06OjI0pdWms3mw0AZFk2HY2pTOn46OjVq1cAUNf1N998Q9VDWuvNdsU573TjwQKiNnpX3DTJnDPIQAWiaUxVFlxgFAckMU/2nZ4ugTNv374ls04Fk8TlH4/HVF1GmxkNcl+y1M97GLAvPtZRYQiRP2nThzDIn2bWH1//jz289+8d9qdIk8OD7Rmc3nugIjnG3N5GSCmbZkO7o1IKrCZXgOmageUcEBgDlBy7tmmLdjRKdyGKkJxzj0x1ojXCde3OT7cWdpAFlZkEfetw55wHR5uHtoaBoFCkA8eQK6USHiDiOM0666i8brFYTJ6f00qBwY57MPhDQ/knj+pjW+z3KZM+u9sHW7SBDZ1rOogK8nhi+MEMhAH15WNxHjklBxvJwa/rL+KcC+Po9Ztrzvl6uzH7uhvrvNZayIBz7qzujJEcGfDO6kyCYD6LhG2Mb8rRafbzL56nwivuVKrQaW06qj7x3jMpkHnrdKCEMd3Lz56fnV8iZ7/5/bdxEozH2cN6G0RZEMaLVQ7OhYlKTBzJyLQmy7Ki1eitd53gcDQfJ7HodFVsfdsUQlmGtq66OBwzxghJnkwmVVURDYQcNQAgR43aLZDFo9Ejm46ak1EChmRFiXlBn6WoiDS8fM86p9EUQqgoJKoJuZZpmgZB4FzTx+Y0mqQyiPsGRkop73cdjqhqX8qdv2yMI6lFti+0o5xk0zR0/mQycc7leU5KAISSk7DXcrkk8Jpc+CiKFosFzRJ6n/xuqpV3zlEhLzVOWiwWq9WKQOp+pCgl4L3fbrdxHGdZ1hlNg7XZbEhDmH5+FCUUuJCqF+HavXANBSh3d3cA8OzZs/F4/PUffk951ziOKUtMt4T7btS06wAA7a7L5YP3/vnz51mWEcibJAk1SaGsMlUV0XUIwqObocVGj4OE1YbueX98zBofGMqDFwfW/E8w6x+78sfQ4X4l09G7kwdM7f5f9mGNTG8XGBPGdM45T63prdXaaU02fYc/cs4VR6Ods2CbGtAoyT33zHvOwHa29R2Cs1Z32mLLgTPOpQfgiMaZvuidBpgU6imS62vB0CMXyBhj2nqLzmoqVRdCRCpAh45U3jpD06la3oahYk8V/nzMdvcgyafH/8lPfQCz7N8fDm9/Qv/oe4+Bno57xJPZzTf3gZ8+DAWevJM+mGb7Qtb+g/1FepIFAMRxnFfVdDot79dCCOk8orfWTSaTMEqMMevVom46UEwwdM6loQFnAnQWms7W8yz47PI0QMt8N52kRb69fv2D9/b47BiAibZVyL334/HIIwYq6to6S6MXzy8W62I6TlabNXirpED0URxEURjkTczC2pdpGBm2cUbHAYwz9fLZSSC8FKB148E646z34AUpG9K6JskmEvYgL43tKUM02svlMkQPpHjBUQjWwwxSKWt8X/LCGEPcPSzhnGP43szRd2itAyUptAnDkNoSkTXs92cCN/y+fCZJEiL6kOUld4nuvqcG53lO5nU6me25lkBpzyAIyN224Nfr9Wq1orCiLEvyvk9PTwmXJ8zh3bt3FBasVivaTojpSNFrFEWXl5dKqTzPiVdOtMLNZpNG8cPDA22SjLHW6DRN4zj+4Xdfj0aj2Wx2dXWFiOTda62lNFTNtN1uV6vVt99+CwBXV1cIQNGT4uL09PTy8pIonvP5nO3VSAgqoXEjdlBfeUQeGTUPoeSw3PfppnavNCy0CfG98hfN7KG6AIHvVOnK9pQm3EfWzn0UVv20l/fPd9IPvuVHncoe3+9NBu7qSB9lQR9xJYcGyO1roYlA4nelDEoIs/OsLTDGVBBQEZzMYuL/tm3jrVaCc46jNJGKMetRe+utd854S20Gurpxe9UkLoRknHPuGN9sNt5Yom/ZXQtgzjkX3KE1rmudYBKZUkpwDsaS/9H/ZBWFaZqKQPzJQ/0Tj35C/MTHuvcMfO+5f/pR9kZ/eNrjadBfZ5it6d/BQb7nYPuxDhhjo8mULbZSMgUOELXusnQUxYExvK4CpzVyZByttcpVTndSmkDY0UhdHI3Oj0bcd5tVPUlj5rsfbLcti5OTE22NsTYKiMMWV1XF0HVtGUfy7GQOiOPprGqbu1VRlhvGfRyHUnFhlQCFOrd1zb1jaJ5fnX71xdX5+VSAs7rUnd0BP96kUVI1hiAXcjKomZpSikovqVqCMUYUu+Vy6UxHfhsXTAjVpzGEEE1dNU0zquu+apdKSUXXdUpywTkFj4TONE0TBooxRh50vi3qskjTNE1HsC85Q/yAw0fVMXVdr1Yru1dFD4KgaWoi9qXpSEppjKnrOgqbIXTodorVGASBisKHh4eyLE9PTznnd3d3i8Xi8vKS4HVSrSOgnyAUakYax/HNzQ1tbuTgT6dTvm8R2StnkfJM0zTb7TbLsvF43CwXZVkuFgsSY0HE6XS63W7pJ0ynU8bEdrv13hPaQ8AL8WRmsxnNMlJx6bpus9mcXV60bbtarai8kyoFqKCpDw7cTllCBUEwn08XiwUBUMT/4QNtHNKqpJ9ZluXr169HoxEJG1DQSjvr0AT3S8L7xz7f4XJ97I8/+SZ8XBvgYyv8Y0v6p1iSA/xn+G9/AhsQLocuoXbaWgvIGDJggA6FYEyG2zJH4EEQQl4BsCAISXOVoTCd7joDgAyFMRacEQyrsma7Wg2JyD2i9+gRUCPZYhr23q0R+05hw1ntvVdCeOusd0hYl3W2022rp6OJbg1tAMvtMlaKS0Er9hN++oFnTX//o57LxybE0NoevPmkP37Ainl/hWG91d52c84f348f5EUOvvpg7vWvOefOwmQ63VYaEcNI8VAZEdadXS8WFIEhglScITjnjbMp90LiZCxSFaURP5kmzFbemySS3nVWd2WZv379fRhHQRBESdwU6zAMvbdat1K6yXjEuNyUdRBdas89YP7r/3L3sGQqQsGcM9N0OlJZh9titZHMgtfPL44vzqZOFyBAd7U1nVIBAHjrlVJceqUUSWp3XRdFEeEZRH6jlhJEvCHtW+8tISJAU469LyHyA81tOjjnQHWkuAfUaJr2XiHRNuip0DvUkIH0ac2+2RvFEZTA1FpXVUMmjGR4td5ZYaVUnyck0iHZTSpcoi8djUad3cl+mb2Q9Ha7JZNH5pjeJNNG7EYS2aAvJbCFvpGY3YyxzWZTluUOs/Ywm83o3uI4ZusVY4zaLRFUjZx774n2LqXU2hITkaQoz5+fkitdluXO91+uaGpSTqNqqrZt27Z2zjAGzhn6X5qOOUfvLQBq3VZVFUXB0dGMnk3btlTySilQYwxtbKTsCABBEHRdt16vSVWY0hKwR3WpxceQefKJ1fuja/vP5aT3Fzx48YnvPTgAgH3Yp6m34G6gDg0DOvOuYw4j2MN2WjsvmISm7vye3aGNRkRjdNd1QrvVsuAsSOIwiQJvjTYWGW62q13wyiVjDIVkjCFjgRCMoffeWeuMp1VAtWzk6zAmKLMKgNa6IBCMObAKAdrO6LquqqppnPd+vV5TFudms5o/OwfwnB+6sQeP4LHf+ic/jiffH5pvGtveH3rMZXryCmxQbzW02h+74WHqe/hMH0dj9J+Kq7Ozs4ff/r5pKhmrJIstU+u81F1T5YxJ4bRxznnvwBnnXMT0bDI9P50fTcfTUTwbxaYtwNmj2dQ5nWbJ1dVlXlVFsa0bNRpNnHNN0zjn4kB1XbfdrjttgYs4HZete/7i8tW7d7f3KwBXN5XyLpbzQKhYRnWxODkdNVV7NB8x0HW5hlDprvLWOiGNcW3bIYq6qwgppcwZ6YdTzF3X9WazoY5p1F+ecw5C0GJ3zrZty9zOuLt9DbNSqmt38IuU0qITURR5Z3TTEpibxqFSiqUpeEeGjGhJ43TsnFsu12ka95lW75FEsuq69g7JoySHhfxxEq0lRRulQvIrt9vtw/2CnHeCILz3ZKwZY6uHFQHHhGufnp7CvrPEaDSisvu6rqmQh4AXCggoJUWYKU0jqj6lZEAPYI2SlLiYTdMsFou2bU9PTxljb99dE+iRpSmpCNzf3y8Wi7bVcRw/f/58uVwul0u6T1rJJESMe/Y9ScoUdYGISikqESRyBal0Ee4PAEVRrFarJEmOjo5ob/DebzabMAxp0BhjV1dXpMm+g8+kPD097YueyM2nHZHS6MM16QcE4U/4a4/98Y+Zkn/+8WmDDgNCRU9o2d/JR/F3+HAH8ju9eOGRIG6vta7rxnkhnKQyDc4FKe0ZY9q2q6rmNJiWldHXD1kaH8+nURCEQZYlMWOSJkxTd9p5xjohAyHEtlkJIRCY3xe1Mca8x7Ks93dOskqKwkTGmGTSe28Npb6apum6Fpq6K4rq5Ox0Mpn8ADAapVJyFQhoD7XY/rzHJ2z6cLfopwHhvzBwq9mHBKSDyXNgiGH/TD/OTx/ihDvb9Hgb66/MkRNPepuvY1QqHYO3tmum48R6NM46b7w1znuOIKXsyvvgaDwfxc8ujk7nUw7GtrWU8j/8L/8vzvmXX/3y+bNn66IA5EVZyzA6mU43m40HNz2evX71/Td/+Hadb6+efXZ0BtvanF99dno8/yZ+rZFXRe4BfVkK8Aw4R3Z2cpKv9Ww68qZQAYsjyTBw2oVhWNcteIYg6WdSWeJkMtlsNlSwSVWHxM6I4/jNmzc7CHGfddBGO2eY3YWD2u7aE+Fev5Zq8lGg2G63SnLTdWkSEEp7f39vdZulid9LjyoZaGuMMaPRiHMkg2KtzfMSAMIwnE6ns+nR3d0dQcNkekg/IIpiSo3e3y+IvxiGIQmjV1X18uXnpKIVRdHDwwPxOqqqevHiBenuUlu74+Nj5xwZSmKhHB8fr9drMqZUd0NtjLquIxFzokg2TXN9fd113cuXLxHx+++/90fHVF6EiKvVKkziPM+XyyXV4tO3416hl/KTo9Ho/v5+uVwO2Sl0jrX2iy++oJ9A7Bq6B5Ipfnh4oMw153y1Wp2fnxtj1uv15eXl8+fP67qmAldaOZPJpE8SUEM7u++DQaAQZVE2m40adMemTfHxgumXlrU/EmsfHGaneXmYRO15Cwd+ot33EIcBlnqwLIfnH/h6ww8+PgERP+BlP/L6e/YO7tPF6FCpoDMtNWwJHBSF1rb13isVFttqMpl0C3N9fT2dTvI8l9Y4vRGSWd0h+K9+/sVnL66KfFHXNWMYx4mKxt6DCgMEnud5GCfkmFvnJOMopAcwVjMmVutNnufO7rynMAzDMGx1M8qy6SgDlCdn07rRUfjm1bvXm6IZjSYUpP7VX/2V8HUcBc5ZauBAWwUMHNie23Dw4Cz4g5H50YOuie+ZUd7v02N9NSzs1foIKCCvYicu7T3NfxwUN8DeeUT3QaJ7ODeenD+7qul9Mo/+1HPwYL9Vw35vqOqiLOu//Td/vcqLxbaaTdLf/uF7b1sueFU1je4ooQQIYRjEcTyH2rZtoMQojQMlNovlZrX8y7/4VRon2yL/+ne/+dd//W+vzi+++f4HpZTi7H7xcHp6+u7du3fv3nnvVSAvR5frzXJdVC9/9tVqtVJhOJpM/vDqjZBh1XbM27pqOQchxHfffffy2Wy73V6eTarS1nVVliXzyFAgclLMTidnv/vd78h6dF03mUx++OGHi4sLIcTx8fHV1RUAbDYbcgg451KpHcDCMQgCJt/bdKJgkGFUSjVN0bat4oEIgkBwRPcBaQkAqCMoTSbBpXG2qqqqak5PjyldS/672/dEzvM8jmNSuyX2CO0Q260lqYAkSXqghlxsIni8fv26LMvLy8u2bX/44Yfnn70sy/Lu7o6SgZxzSmZSQWnf3pqWzWg0appmOp3iXuqW4oCbmxvCNI6Ojn7xi18sl8u3b98GQfCrX/1q9bCg+UdQj2dIOmIe4ejoKI7j2/v7u7s7klAHgK+++mq1WtHdzudzdH6nNCAlAfFOG8rB0tayztfGGMq7sr32C03Qh4cHgrAIgOrlGshtpNugXYRznmVZn6fdrV5ru66bzWZs37IO9sgyfrzG5MAIDlfgJ5b9TzcQw/P/2E/9sdf/2JvDF8YYQGessTug2zrnWtO2rd4pF2GXpmmURuNJOplMLsPMaK2berNdBYqPsyPAYLFaGGO0bvm6REQm+Hg6z7JMKOo7u6ue67qO+h+FEWvbNk5GHnjXdd6hsX6zLZerbZzFVbN8d3O3XW/jJBMqXqw2zrPLZ581Wq9Wy81mM8vkbDKJ4xCc4fwJ/XH+xzTy/tMOO+hMNBxtKluhbYbyZ+/HebAZ9ya458XR8YlpSR8h2OHxNuAGdcJ0kLWJw2i5XE6T9N/9d3/7H/7X/+13v/kvIMI0Up6hURgGsRCyrmvvXRQGYaACFkkpozjVnV2tNtPxNI2jh/tllmVxmqyWm9/97nez+dEoHQVxstlsAPi72/uH5ToKZJak51eXCCzJRlE6lVHy5nZRlnWSZEEY57U2gAostwZM01alMTavgsVqCb46mU3iLA3DaLPc1HUtRCBFgIir1XI8HvdNkgGAcHOlFHH5ZrOZ956SgsfHx9VqQUPadk1dV64BMk0CpFO70TN7iTEaQDF8hP2wesb6k3APk0VRJIQiv7inrPQs3YeHBwIx4jihZ3B2dhaGYV3vZKrIAyXflsh5AEAqhpTGpIMq/pfLpd93iSWiT98BlbjAb9++Jdqf24vNUi0Sdcvz3hOe3rbtmzdvAIA0aowxZ2dnNFEI3290t9M0l+Lu7i4MQxkEWZaRInaWZcvlUmtNaLvWutzmAHB8fLzdbGg0id1I2HrTNLe37wBASn50NEvTmPY/wou0bpUS43FG0KSUvK7rKErI7qxWK0QkBKZtW2oORXtqT/3sum48HsNAPAf3MoEfX62H/u+Pgiof2waGq/Fgzhyc/F8Jtxl+xcG87V8wLhiilB4dOoSQc2N0Z6lvSVcUxXZbiEBxxvO8aLo2yGxTVdPp+Iuf/xK9Xhe1Q5jNT5SSxGct6mqb52V7q5artuuO5jIIIrXvyMg5qcToo+Oztm3tzd3t/ffr1ZbKLOI0cwJCqeIwysZHUZx2GoK3S49t23bAdvIPyyUbh+D8SAnGzPvasaGZ+/Qe/M8/ek6LH6Sj6QYoZdXfBrkUfTz3sYDs4NEMw68D0O/J4+BZ92eOR2lVjRaLu2w8/cWXX67+9/9UNFWtLXBVFGWcZExyBBtF4dnpcZIk/nb53Q/Xp6dnl+cXzOttXhf56uHm+uXL51rr67c3r29u5uvNz778RTaegPdcKGvti88+Z+DRe/SubfXxycW7+8Xy9vbv/u6ftq0P0pkIY9cWYRBzL5liuoPWOu68NrDZlk2dd23z/PJCqpCJ2rRmv05xu90SSkHIHr1fFMV8Pqc4iSweBXlRFN2/KYleYZ313jvvCcJTYaCkgr2r5/f9WBBRGGPAI+Xfe4iQo6eTKNSq69p6lyRJHKfb7Rr2dUneI5UXCSHybUnQCrkw5M9QBhn2aoXEZBdCGN0eHx8zxt69e0d9ociWTadTcq4pgcA5z/P86OiIVHwJP6L7vL29BQBKTD08PGw2G/L6Ce+ezWZFUQRB8Pr1awptPvvsM8rNTrIRqfMQxbtsaiI70u5irT0bj8Mw3G63NMuJgUNEzM1mQ4qSPdrDGAuE7BWGEZEIMN57+rHkpFNYQIwgAKA/ESBOCBWxP2ezGfH0OeeE3RN3VewP2t5gQBbu8c0DbKR/cQDLDGPeT6+lgxcHEGd/tf/2Bn34jY//KqVkDIAjc8x4xzm3VmyKIoqirlut1+umc5MkbnSz2a48+ikE2+22MyYIpNHt3c3bQImri/PZfALglVJCSeCsadvWGmPMu5sNzfk4jufzoyRJqqpZr7b/6T//+osvfn5xcTGeHD08POTboq7rm9uH51/9rOu6cpUvl8swiLkIq86qIF4stzIKHWLbtl0jEbzVnQVA/0GdwY+O5593tN2eCU7fTssN9nlOii/JLAzZh/2BiF3b9VtRPzPxEVjfv+iBxOG8Hc6rflejC27Xq8uLk5ubmx9erV+++Lyuf/W///2vwzDR3tel96Y1Deq2SsIgDlQahWsMto159fb+Zz+vLs+OXVvYzaa1Poozqbvzy6uz86swiQMpGeB8Pr++Xz3c3T+/unDG6K6Jg7AoijAdT6ZzHhrksqg2PrTOc208ShYFzAqwBiyCRdY6zOuuKJuu66IwPp7P0mxsQt11XWtapoFW+nq9pl+6WCzm8zkBGKQ8SB4zVZO+e/eO/F3OeRCqNE0dAiUCp/NZHIn+oeAev3K91m4/gntCjA+CgEyVc84aZ72r65pgeBpcRLR2h8oRtLJeryeTCaVMpZT39/fT6dSYjjDf7TYnO4iIlBhMkuS7774/OjqKouj3v/89tT9dLBbj8dgYQ6wbekHseMJwlFJxHFNekcycc04IQW+SR9w0zevXrwn8OTk5SdP0/v5eCHF6ekrRAPGIKWlJidzb+7uzs7PpdFpUVdu2pHX+ww8/GOMoMUuyX6PRqKqq+/t7zhjJRgpkFAHRJnRyckJMeXqT7UWNe9kyQmMoJ6GUKoqKBpMQWEIwGWOkzAUAlJmgx0a1r7jHjv2eUfqYEOYH/JDhmz/REHzaVe8PNtBH7KfQn9fK/FH3A7tWVk4gp7SSYBIAi6IoarfZ5ODZeJyFYaydHo1G6SgNVYgcH+5uf3j97XyanZ0ecfTffP/N62smhEhHCed8WxYMxWgyDoIgjYKmaaqqqpoGluvNtiqKYrXagGfffvf9t9/9kOeltXY2PZpOp2k23VS62Obb9eb+9i4Moyge5UVjPI/itGqbrmt8YOP4+Ph4LiSr6zyWH1CYYKBc9mcf1eHB9nUubl8+SvN5iI3AQOL48f30O1CPk8BTRv+nOOnwIYGdziSbtXh3PRpnz67O/vGffre8v0kieXFyND0+bbSPg3frsmy7Doxpm3KzXjjbrSszOb58e7f5f/4v/59//2//+mcvLrPJcZ7ntw+r6Sh5/uzFdDpttHlYLrq6YVJoi//0u28eHpaB4Fkan54cLzdb5HcyTFiQqTCsmodundet8UwByspUwqE2TYdOOCiaTnDPvDk9PjGWt9plSeyMISzB+eTk5IQswOnpqTHm9evXxP4gE9czIPq4/Gw63oEiSgjBtLOwT3U4957ixRgjMQAGXIRhyBl4Y3vXnTEGwLTW1BIoCIIkTq13eZ4vFqv5fEo2Wmtt7c5PtNYqpe7u7oIgcA4IHiGPsqoq6iFHuwXVyBhjFotFX/ZJ36u1Xi6X2WRMUUkQBEQ8r6rq5ubm8vKyrmvv/WQyIStM7z9//pwc+e12WxQFlS/VdU2V/VEU0e63XC53Tq511lrqrsc5D+KIcPkTo+m0zhjKZpRl2TRN2+rb21tjzPn5+WQyoUZltJe0bZvneaQCtqeXWmvjIO6zW0TgITYOsVxoy+3VEYgrSbEV5SGothYRqYcUbatU/EWBCMVrwwRaHwcMTXa/ZsRAa+nAsj95HMS8B0vxE+c8XsB/luMT9/PYQOCOlWsFcO/AGCMCAICqqt68XaxWmyiK4jTNq7LrzGw+mR3N1m+uAZyFDrkTAbfeaNMB9477os3rZeG9L+sqiKMgVUEseZBkURwkab4tH9abtiUnwQou6+XaGOe9j6O0MfbNzW1RlDaOEX0ShJP5cRJnzrGqW27LMkxHHjCOY8kpkjPeYBRIb9/nGHvI5ROP7M++g/qBoDEbEBNp/bpBq4B+RvUPBQdMtv5S5On383P4sOCTePrwrvpHf3pydH/zbjI/Oj05+v/+3d9H6eTy9CSvG+98FMqqBoswHsWMC93WkEQGAybUMl9KVVzfr5xzwmvrmTaOqwgAV6tNXdfa6DTOnLHvbu6Xq+1kPBuP07brvv/h9fWbt2+Sm/Orz2XcbvI6LyrbQmuFkBEw2YJurfXeMqUcc1VnAyWyMJLhqG7NcpV7Y6VgndbOGSl3CijDKkj6yUmSrFartm2JPUjdGognQpbZWtO2tfFOCDGfzz3uNnuyRbBHzzjn5Kd/QG8gP72qKmIQ7oS9vCN73RvxpmkYExQjVFUVqAgRt9vtdDoHAGPMZDJJkqQsc3qExLcjjJ6wju12m6YpbRtZlt3d3U2n0/l8DgBUMUSe7Hq9JuWvHii/vb0lC/jw8DAajSjhQLoZRBHhnL98+ZKaSveCWZzz6+trgYyqPWnCxVlKW+LFxcVvf/vb7XZ7en4+Ho+990SA+fLLL2kqw4BzGUVRGAS9IBRNbkp1hlKGUQAAdV1Xddnptq7rt2/ffvnllzStrTaMsbZryqqQUpZFE0UR8QpoE6Lx6ZETOxDDg4GjNAQoD2Lb4XqjNfKkuf/08THXuF/kwwv2ftx/vePgfj72Ezjn3tud5+J2gX/btkQSjdLYWlsURZzFRI31aKSUpxen03EaSHH99oft+mE6G4/ikfMtMB8GQZAFYRiGifDMFkURBrH3aIypqqYsa+89eIzHmRAqDGKlFCKjGrGyrDdV7a0TjDtjRulYcLneVtpCvVkzxuazWSC1Uspq3XHIJlFXv68X6Z/Uf20nHT7sTwT7JC2Ntht00umrlN37orb3SBHu07nDPw0n6k900uFDLLGHGRFxko26ruvqKlTSGx0q8bOfvfwP/+t/rFqTxJn3YwcYp1lR1U3TCMa5SqqyUNFofnqxKbs6f/38/DgJ0+fPrgLF18uHrmuEEOM0I1v0j//0u8Vy/flLHI2ni9ub25vb9TbvLPyby6u7VWGNVypsQTmPFqCpG5mg05oLUEGEVnfaOB/HybiqOy/AdtqaLo2VkEwFcZyE1AeVJAURkTKi5PNR2SZZ1B5OqfJit8DBeW+B7zZaD55aZySjEdtXMtKgCa21Y9Dj6bDDvzh4HI1GlOnuWt3qTkqZZWMaAnJOgkBQ+bvWepRNiDdK7yyXy9lsRrlNIrPTrkK5R6qFLctyMpmt12shxHQ6vb6+fv78OZFDnHO0U1G/5slkAgCTyYRaGv3mN78Jw3A0GpVlSYCGUurs7Iy4+iTM8vDwQJeiSig6BxGrvFgsFnyvyxEmMeUAKJ7oZcuIrElR9rNnzxCRvPXJZLJTELWWqpzGaUa9s4uicM7V2lHDa3pCBGHVdX17e3tyckKYCZlvEihOkzFR1wGAlOKJDEqgfB91wl7G68B8k9ff55yHC2n44vHrn2iCf/S0/9qm/BNf97STTs0wvPeDTsdUL8aXld9Lyz179mx+NP77f/j7l+fHR7MpY5DE4eX5yb/6y1/c315b3dZNIUMuBIvSxHtft81y9bDZbH75879qjdZat8YCZ1zKpmnbtrtfvJpOp0dHJ5212+12s84ZY2matshsp8F7bzwyzqUKw1ABXxdlY6quG03H8dnZ2enpUVve11UleQx7QzZ02P/s/vjBQWFrj333IEwvATK8k/6vj236sC/247nx+Id8DE8f7g123/EREa+v37x48dndYum8PT09PTm7+NUvfvn9D9d3y/Xp5VWnfWNsEMXffffdYrEoyu13rx+kYAEXb9/dvfrD17/8/MXf/Ou/aPMVcLZarZaLxXQ6nc+n1vr1en1/f990Js/Lu/vF86vLbDyNgvDnP5NJNmra9tUP33/33Xe54SJRwKUUgbbG+k5bEzCOnIFlddd0xgmprEWVRJI7ZzvnXBAEnCMgdl13fHwMAFT3fnJy4vcN46IoItCV4Je2bd++fXt5NNulEgULQwWcNU2zWq0ms6nurNZ6rHfS/BQkOecE55wzIC4KQcxxHLd1OR6NKZFISVQq6qFAgFiDBKO/fv06SZLxeHxzc9M0zdXVFcUCZ2dnpKKudbtnN+ZN07x58+bLL79kjD08PLx8+fLrr7/+8ssvt9vt3d3d5eXlmzdvpkdzaufqnCNbSfEI7RZURnRxcXF3d6eUOj8/f/bs2TfffAMAtAcQOtGzyKWUJycn//k//+emaYj+yc/OxrNpD1uzXW8mL7lI42Rr7O3b67Ztz87Ojo+Ps1/80lrbVaX3fjbK3rx5s6xKEpMhtqWUsqgLz3zbtpP5ZDQavX37Nk3GbdtWZRvHsTWgZPTXf/W3Xde1jc6OJrvcNDdG+8l4TFIElOamhDixmsReK44YpZQsJeTqYJ2QzerFQ4brBwAYA09y5d5772DfN8ft6zsOYBzqVNsfj52sIU46XLcHa9V/TBNqz1/eSScCHtzz7lOA6AG8B9ibDDrhQ4cdBzkD+lODKoiD2tQMXKBAt1VnbKm7b98tfJCVhsVKpuORbvKIhf+nf/HZZ3PnXFuWpW+9XZac83ngWRjZWAXnl4wxra333llYB+sFLCAveRikUXSSZnp+tFyt7u8Xa7s5OjuK0kRw2zYbjjobq6Io3lzfOhlu8jKMMqbCrtHTeMQn4+1q9bC5P5mPGNZZNDo/O2m1XayaF88vbWPpdyJj9Ms9DeePdcY4cIqfGJ+dHy173NwMNBGFULuv8UClsDunAZDoleA8gOeAgAgenHUMkbEPtgHvPePsYM70yO9BPHcAuB/MqN6m0xTtd5FRdrxcbLMoc5m7Vdf3P3zz/94uxlI2otu8+ybOxr/84qttVd8GcDJLl4vrk+Bl05a6qcqmzeKkauq///X/8ex4xvTxr//Tr6319+N2XitMsmhy+YazLPoVuOqHH9b/4lfdX/zFS+9q63QUTf/+v3x3fbsEmYUqLAyWrkXmZCrjLTJUThubl3Eox+NZiOzt92//x//L/3A8Hf0//uf/6Wg2Op6OP//sxWazqotqdpo40E3TtF1huma7cnEcZjFqyTh32+0WkHkPxvnj05Mzoeom19aUbZOKMB7NuqYtdadkAlaEKrC6DERgTdOZVgYMlbNmp+G1A8vIhyewoiwZKdx67zkTTmvnnDGOc6SqeoKVAYDUYvsGyuRcAwCVC0kpiPnUtu1msymKgoRTnj17dn9/T0Tyq6srxlie59vtVoYBZRTdvus01ehTLSgpsSRJkmUZ8UZ++9vfEtO8z3nS16VpenFxURTFu3fv5vM5JXx65iXh1LQr9qAQ2/dEDYKAfHbSMAjD8Pr6+uHhoSiKzz77zDn3hz/8Icuyo6Mj2mZI/pgxtlqtSDhsvV4jIpWE1XUNe8/L7OXO0zSdz+dZltEeSQUIZNCJzUnlS31nQkSkDEefJj349xNL/cDaHiweNyjb+bTVwI+j6j/9eGyR/7yH954aDJFMnZQyApVl2XTqbhblJu+UEsy7+/ut4l0SiOjqVCk1Ho8ReRzHROUSXBZFoRS1CdzVEB2fzM+2Z/sdiVvw1towiiaTSdPpqqqCKGGMNU3btK0xJhBcMn6fl6M0bjpdbdqmtUIqoYK2bceTUdM0o9Gzi4sLrbXwjiBEDv8sKvpw68V9TebQyA5ryvqYvfeLYQDl7Z/OR2vW+t3aDY7+u3o4vg8ihzbdDzTcn7w+3edwttDdcs60tlprz/D4+Hgym+ZV+e133xRNOxrPOedRHKzyIlQCmeeAPAxQeNY5Y01jzLqof3h3n683v/vdH7qy/uyzzy3K33/3fWX9i69+GahwNE6fPbsMgpZ83Kaum6axWjntrTZOG8MMY0IKxgUAkJi+B3DW+Lbrqso7wRDMDz/8EPDnf/EX//Lr3/wDWv3u+ofTs+MsSeu69tbRoia+dZ9dq+vWWhvFIffY5EVZllJZwF2WeNcuzQP50BRXee+DIOiMYfvGc9Y6Ya0V/L2kH+wJj4GSfT5EcAkMjTHOAT3BvcZLRPhv13Us2Ln5nDcAQN3mJpPJ/f0t27PdhRCTyWQ6nUqh6rrmnH/55ZcEUFDt5cuXL6nPDYmWUS6YzO7z58+pAMd7T9QXAFgsFm/evPniiy9wAORNp1MqUiUjvtlsrq6uKH6h26D8LbkPVADF9g2ygyCYTCbee8rr9k4x5zxN0yRJTk5OqKaUti5r7Q6ojSKaxOPxmHpQ0Zygthj9OinLsuef0n/Sxwk/Cfa90ChGoTSsc44Sv34vZg1P2fTh2hi+7n+Cf0QqP1hRuBNEfHKJHaa2+jefPvspruEufv+I5tSf8dgjApb+X0oVx7FzK2NM29Zd14WJiqN0MplEkrWtViok/E2pkPwSJXsNuJ1CfRBI8i0YV24v/Wg9jry3dmIdNE2jwggA6lbT9lzXdVFWs9VahdHvvn11c79p6lw35cnJyXa9WjyU2/UiVP9yPBoV27UcBbPJpGsb8afmnPEAg6JmEYMU6/79D2p9DwzxY68Z7NNaBX39kf/wIFvc51EPcp6fnjzDd/oYYnh47x2CQ9BeI/PjSSakdLd3dV1xFONxNp9OkyhUko/SVGsNzt/ctsCZZ1I77hFrEIvKrvL1+WTqMbheVa9++N33724xDP7P0eTFF58VxUZIZq3d5Fvwl1GY6s4hKGM8AOPIBaJH5zk4dN6Z1kghBGeCScsRkHMVBaHw3377bcCdbioAeFjcffnzz9C72WxSdbnVjlI+klERuKehIkA75VxwyauaHk2nG7JdDBARxaDYcLiVkh3TWksRvC8Mo4Medk9B3a0Ojx5AKRUE3FptrV2tVpvNJo5T6jxHUHIURePx2HukjkUk0yglJyNFmAxVyRttqUApDGMACILgxYsXq9UqiiILnppIMMYIdG6aZjKZbLfbPoirqoqE1AkpIteYwBZr7Xg8pkXlnCOFM8bY27dvyQ0nKN85Rx59PxzEPqR8NM0qOoGih7Ztj4+PtdbESSIVsNVq5fepG+pUR+T0vlMXjRJZf6LSwwAWJzUYosnLfTOEngJMg0D7Oe1DAPBkrUe/Wp50eZ500mGwE9DRr71PmJGDv33auz8wE48d/J8YHPyxh2AM0TEGDJn33tjOAAfnN6uVlFEchHVdJyE/P796+fKiqzfWFlpb54AxC8Cc9dZahoYG3HtjrbZWe29pzQQo0HvJOUhqVec6Y6z1cTQWMmCMaUuuj6fY9LLt4jQLw/Byk6+2jWfBJIsDxZ3pRlmWjRIKc2fjUMqgqSvgf7Qphw+tNgzR7UePrH/O+//sqW5PPBdE9O7pm+n9+iHIxgZa3AfnD6Gh4b8fm3Mf898dWOO05JIJRA6Mw2Qy+uzzFx7Y8enZ7OQYnB3F0SZUp8fHum2/11owocE1FpQQRqUdc6bDjVNNrVddcbNpnIiNZ//429/9+us/RLV1pm6a9c1t3BkYZ6OyMNqwqtQMZZIkwmFhDdoOGRinnePoHBOMofRokQupVJLISKRN02zXiywJwTaz2eSbP/w+jIL56dQZ673nTIk9NsUYQ4QgCMJQA4C1lmTgrNW9dUqSZDqdgvPr9fru7o7MaVVVfUtSGkwppeh3bL9PkPbCDrBvv1BXjQMfhiEVPR5YE/I63755R/Y0CCIS9qKS0ePjOdW7k8B6HMdFURAjhTz3uq6//vrrNE03m83R0dFmu9lsNrPZjJQRqT10GIYkVk7++Gq1ouJ7Aijo6xCRdFcAoOs6on/O53Py9wFACEGSjSQhQGHLrsIbQAiR57kxhhR0yc2PoiiKos1mk+c5ZReCIKDBpdHsSejkE9FPo8rYOI57VV4yB7QSiKjeJ0JJMoFwFUpUUBsQwnzo9mi/oZwH2Rq3rw05MMpPLoM/y/Fpr+pjH3m8hfzIvvHPPry3DIEzzgV2moHzgJYxxjlGIqilNdqUZVkU26oY11X++Ys5Da93gMCkZES4Is6o955xRETGEQCRSeYdIHgGjO1SAhwB0HurDTjOJXrPAYAjQ2QogoBPJiP7s5dMxu8e1q/evPO6actinKWfvbg6PT5pq5JzHge7FudMHkrl/JTjwEmHQRH40IDuh+h9w1gc0AeHV4Mfe74HeZ0hwREGj7tPU/dffXAz7JE0EB0H+aF+nsskzqvcMx/FgXbaeRfH4cvnzzyyIIwno3S53o6z+ObGqVC0ZRHFp8ih9Ux7r60XBjoptQ/qZW3KOglDy5PZ2ai17bZobu/vXs5mgeKO4WpTfPPddRyoxWIleHR9vWpqJ0XkvLddbW3n0ANY5NIxdMjQW2dt07V1xyIFkvPbh7sXl2dgm8vTz+7ubrVul/d3R6dHnDPvGYLD94kuj4iTyYQxUdVN3TZkh8uqCsMwCkKtdSCVc850mnZNimP8XsqYREeo1l3wgTPfn9FLCFGY2XWdcRTJYl2XZEwJCiCiIRnrxWLx8PAwGk2CIDg/P9+TXjQ5nkpJymFS06KmaV6+fDmbzReLxR/+8AeqsE/T9NvvX5EjTEg6ceQBgETD8zwnDTOCI6iMnsStetEDAsqLoiDlAPKLP//8c2PMmzdvKGLo8730K3YSrFo756jAh6wtGVDi81ARKckFr1Yr0t+hTtmc8/F43DTN7e0tVY1TTEDovBCCKkJ3cb1SWmtqzrder6fTaZqmvdWmG6YnRGFNH7oSQASPnJ1+P34cQR+sisdrGz4ERgEA8Wna3MF1/jTTPPzMfyXL7pzzHjljkjMpuUfBRZAkcZqm28pRbtx7t3xY3KZKcBMEzxFxp2mHnHzW3bAzYMiYRwBHfrr3nnO01jptze58RATBQXcOAZzfq5RY8M6hc3EgnKlD4T2zikMosO5aJZi3MJ2MOPoiL47GSRCEtqtIaPtgqH90SB876TBw1XvzvY/WP5gzZDrZh0Whj4Oqxwf5KAfWn6xH/3H6FprVBB76fXL+4Cc8/t4hfdMPDhVK6w06ECpJWUIgqpAsTUYOkDkjGCShHMVxqzvbVYobA4hggTMDUFqwjDsRgnVeYgesNg3vOmvt9Gg+n89vXn83VgkLo3XZ/ce/+61tuqrq0jDbFm3nkMuwc1ZrbUBL4MjAIIAHsI4jMsY9AjAEzm7v7kLum7b68vOXcYBWj53V3ur7+0UcBVJKcJaBk4ID7PxxCuWdcx5sGMZJkhhrucBQBW3blnlRbLfOWGoOQcjEAcfBWusdvq8j7Rc2ATR9OnEng25Nb/UI4KZ2DVRPDwC//OUvv//++34awZ7NOh5npBFcFMXNzc1kMnn16lWRl//+3/97RCT44pe//CXlP6+vr9leGYa6bhKISXK1NDuJv0k/hsp2KHihH3l1dUVFOsvlMk3T29vbsiwpq5DnObEPqUCJVHIQUQiRpmnXdZSY3W631DaIQpu3b9+en5+zgXrwdru9vb0lhcwkSfrJR5k0aiJKb5LnhYj0wCgZMB6P4zimsiwSUKaW2YTIExpDtbg9JEqDAACUNR1acxj4RMNF3q+ToR80XN7Dh96f7D5er4gfwdM/YXeGF/cDLZGPnf/nOt6bLOeBA9UYUzjKODAOcaDSNI3iwLa2LOoglIhUVw3W6n779EDepbPWUT88AFCB8tZbbRx4RNcvKiUAEYk+DIShkbgqs6at0Jvl/c1mXURSaN0qyZrarJYP6yxUbPdE6JM40Of59PD2x2OzDo8oSe59i6KPaRofkkR3Rv+TX+325No+JhjOxt4QDwPKft4+vsmD+x9+Edu3vmrbhgkmA0KiNWMgJReIQjJr/OLhLklHbVkcTbL75Wo+Ga3ftR5cIHway9qjcboxXHCeV20IbJJm4yQ+mo+3+SqOgzgOb+9kYTvFhfe8WVRN2Vjtlww4UwaAo9POGueBcxQSwQLjxhqPHjhDAI/MA3pgx6cnp7NRlS8m89lmcXN1dvZw/+76+kEDPzk6DoKAKF2cCc6Z1s451zQdEdhCHnISGUW0+64+WmsY9IztU9A0dAS/dF0XBjEVGb5/tGTNtdbWaL8vPU8SZb1rmqbrTBzHhFEEQTCfH6dpSg9ssVgQcKFUSJU+BBr05Hma6GEYnp+fBy/CfbXkjCh6v/3tb3fFIHFM9pQoLntOAj48PFCN5dHRUZZlhE6Qh04G+vb2djabzedz4qiQ9sDd3R0BIDc3N99+++3nn39OLhhxcnoPnTYGsuyLxWK9XhMJoW1bascxnU4JQqFsNQnuUG6TPkttPSgfTdnUPM/v7++rqppOpwBwe3tLEpp0HQJ2KA6gzAHVXtEt9bSffg3Y/dGHsUN3DH6sD9GBez5cOexDLuMnl/DTlv3/rw6OjCTOqO8w88Cd5Yi67eJ4HDe2aRoWq5PTo6Pp7O2bzU7/OQiRecaY1rtlY4zx4AAox7jTPOnzGUK+X1HOObvzPQ0HLhhHROMdB+a9r8q1kNEojbZ5ESqZpMmmKMtiO0qzcpt3XTuejhBcWzdSeGO6UAV/wq/+mPXvTWrPPOmdu8cB+tCU9/9y9vSD7v3x4XwYhgUHx5AYM5x+BzqOwzuHD90CmqjrfMukSNLIWUMk4CxJkjRyWnvnb67ffvZFtHhYHh+drdGdzKaLVdl6HyCTwJm2m6qt204ymYWRKYq2KrNx/PzirK4j5zpk/ujqfL1cG+ejeMwd44FrSl0UVRwm3jkN2HhjkDMugCtrOxVEumuM7pzTxmvdGe8ab5svXlxGSRpH8vrmXaz47f3dxdWz+8WDtS4Iwiwde2e81VGgkEFd19TgzHuvlLLgq7rtum6bl+NJRgY9DMPpeMyRUVFOrwFFqEC/5wFQR/NBXnT4pMmXRMSmaZjgaZo6B84ZwjestW/fvhX73oxUjXl3d3dyckYiNUKI8XjsvR2NRovFouu6zz//nPBizgRpYxXFrsHbbDbbbrdv3749vTg/Oztr23a5XFI7C2vt/f29tXY+n5+fnwPAX/3VX3399ddki0lVERF//vOfE6yRpmlZlvP5/LvvvlNKPXv2LAzD7777bj6fk1tNmpbT6ZQI7JzzV69ejUajh4eHt2/fJklCgl8EvlPlFIk+TqdT6pFd1zXB/SRuTtLnpJBOcUae5xQWkHX+5ptvSM2G6BDkOVKuglIFlIadz+ekUUO2mwrBKFTaBWUDBph/XyCGf5SFpQ/2a+nAaTpwlA68cnhkzT/21U+ehoj4Yzzr/k4OfteT7qR/VMXKGKBzjGPXNLQBN10nBHvx8tnDWpflTdd1hfDlNncnE+KH7TZRb9brtdYtKTy3bYsMOGeISD0D6Flw6rdV1wTE0fNCAASw1jprESAIAhnKruvatgukYJxVVZnE0Zt3i+XN/e/+8Op4dtR13V/+5b/67g9fL2/h3/3bv7q7uxVoP3/5ok+wDx1Y/6jkxz+VmejJxIhIEuf90PX+AXFhe0ehn0j2Iz0rOBekQ0cxbi8Q3ReUHtzn0EUAAIp4yN8c/qg+lB969B970P31dxdEVtc1R5aNErCuqgoGPojC1XobBZKBn05G+XZ1dXF28/Z6GnoeJVtj29UKOz2OYgusqZpYhhiLiDtuqs3921/94gtk9h//8R/ypurARVEqw6ypdFGXRqNlalt3k9nYM7/d1AYwVKHzUDeWQwXoOGcc0DvrPToHnbZV1Xzz3erydH51cXb37nWZb64uzp3nZVFrbbtOe2fRuXW9lZIfHc/zPL+5uUnTdDqZbMvCV03btm1Xt61K48QYo4TcbDbOWKpBJVPO9/q6RNKjJyJ6T34YhSGikpLqXGC//ZKuBbVLD4LAOWetp2eMiLqzWZa1bXtzc0OmkMxWVRXkC/fypN77rtWMse12m+clUR6J5Dcajai+1Fo7mUxIJ4BKkIjrTUQUknjM85wUdKkJKhniN2/enJyc/PznP7+4uOi6jpKWlHU8OjpKkoTmEzHEqaiVVr73PssyUnQhmXJqIrXZbAgIIuJNWZaUlaWYiOxvFEW9mhipzSyXSwCgolDimBNtZrVaLZdLgq2IdE/7KEUnNNREDyWdL8aY3bcpYHvBjSfN38f89KHT1Ps7P8Uf//QJf/ZjiPl8aNMPEVt68bFwgfxSzoFzjswxxsCC9z7P86ZxURTN59NQwmazub9XWZKmaSoks04jYhiGUnK57/VKo06JUtjhMLuibdpstTHImDbGOxfHkbXMe48I1NhRa+2MZRys00JINJZyOVEUGdOdnJwgQJIkTlevX30/GUXPzk900yJ/Otd9AIvR4LA9WxE+BDp6wwoDmAX2C3n4p34XP7DFvTXouYnOkYrfrqPk42Efvnj8L1W69B4k5bR28dAnrXl/Edw5oQwp0+E9AEP0DJAKk+azSaDUfD5vOtOlNgzDIJS2eudd462HZuOq1ogqCJMolKzbxlIcZ9HRJJuPo7ZYrDeLYnU7PX3OFlvnsG6bqjJN5wAYciEU72xnnWOShTz0yIwBziLBhPeeM+BgPUrmABkC4zwIsiD97e9+X+SbMl9/8fnLH65vmQoVuCKv5vN5FMab1RLBpmnc1G0YhpSru729rbs2COMwDI3bedVKqUAqqzWXjJDYXkt8+DTJYoj+uQ7nhKdOLgNdTeRMSgnA8nwThiFBxkT+7zV6kiSp67qqGu89ZTiXyyVNBcIcyA5aa8lM08WpUL4syziOv/rqK+0s5Q+zLAvDkFotHx0dEV97NpsRmn95eUlbDonivnv3jvIGX3/99Ww2Ozk56Ut1bm9v27a9uro6OzsjlYLlcjkej4mHThVM5AjTTH379u1ms6Hm2mRYYV+mtN1uV6sVlSPR4JBZ7/ktVPQ0Go2IXWOtvb6+ds6dn5+TbiVRZageetf2MI7pX/o62iG89yQHwfaUpN6vcU+VCA3dnE8cH/OAnjztp5z5ZzwOXPKfYtOfvE+OaAG8dww9Ajpn2tbXZfXt7//Q+GC5qbIsO55lVjCt9enxJIoD733TVEqpIJCMBQR0DW6BAVhEzhgSQm8BHTLPEPbcU78nF8AO3Oyo8Ilx4FJoAyoMoK21NYzxOI5X662nboUqMK5bPixOZ5+dn5wW5YbhE+2Y4SOe7OM54PcFR71j3p/APtRhP7hIHwgOnwJjrG2b3hUjPgJlpIY+xIFBhw89Cbdvxj18rI9pOcP7wUFu72CPYcAAvLfOoWcA3jnKD5TbPEoTIUTb1k2rgXGtNXoPug5ilY5H6TQbb/NVWTtvJGfSYyww4WYUQsi6t9+/evXq27zcrlsDwCfpPBCyqwznGEqpArEt87ppPDoUIBjrrPOOCaZ2c9R7ZAjIEQ0A8w4eFpvo4rhqze+/fZ1EqtHu+zc3p8fHkUKqu0zjyDknOA+CqOsabRzFfFVdAkKSRMY4kgFv66bfXwXj/bbN9jQWOvqRF0NT7pxzri9F2fnmBMYJTrsr0n/6nc7tTuzFOQceKBdKSUISldVaC8Goah8AKQNAYSzlGNtWF0WBiE3TzGaz8Xi8KXKymIi43W4XiwUinpycvHr1iijbm81mPB4fHR1tNhsAIPSDWDfb7Za+mvCcLMvm83nXdTc3N7CnxJCzT8lV0kzvQ0tyJYi/SMoBlJAk/S9CmciI07Sm6xCnhbZN4syMRiO6Pll2xtjFxQXtebSvAADtcOS4UQaYc05EzH7z6xcDuY39wsMPtZY+bdB/NKR9dBwayp/8wZ90/JSrfGhZ3r+DH3ZMffI+OUdnHWVHnXO2aauiyfPixYtnrYvsqzd5nk9HUZpOGGDXdVR2bgxwjkEgpeTW7gWKHXgA5EAZVETPmLcOGWNcCkRkUnlwnqFA3naaC8YA++exI48p1lWdUKFxpbYeOI+i6O5+tVwuESZZFAjOkyQ+PppJyU2nlZB+kGk8cJzxw9wJ/XVoGfuho+C4z8Hg+0zm01nPnhnRew/9n4ZwLftIw+ihS37wvt+n5fhAwoW+ZQj4+AG+9OQvGhh7BOs8eAeO+R3cFsexEtLaHaCEAFLKq+fPnk0uZBiwJM61/v723TevX6+WG2/bo+nYVI0uF2IeZnH8gBaZPT2Z+QCbuvNN7hXGggUJ5xysq22z4BKYYMZ5Y5GBYJ4DoAUPzjvYhz8etXWdYYuHNUM/nZ++ff1dko1ev3toNKpkLHXNAIu8klwEQagko9VttGOcxtxLqZCE9btOa63bHcpntZZc0BMhq0VWos+XaK1RctHnT3c+yR5Yj+OItG3JansExpgxjrxI4mUrFcJeb6Qqm6ZphBDT6ZysZ7fvgEETwu/bKvaV8caYPL+hbSDLMufc69evHQIFF3S7NLfquv7ss8/oFxZFwRg7OTmhAIQCls8//1xrHcfxF198QYlZQq6DIDg+PqYogRKePaMc92TBftNbrVaUrNiNoLU0anQmMdMp9Uo6kVJKqmnCfcxBNMqu69brdRzHp6enz58/p3HozT0VLpEAQ13XhC/1q8XtGxgdrIre/zrwzuDHnHT80P89WIQ/+qk/lyn/0WPo4g0MEJLeyeM7/5hl708gl2ln0Zgfj8erwhP4lqZpGAQUyalgB0QKwT28N2rvbYpDRGTIPHhAsIAeEZjggjPBqWMEcOacQwfIOfj9b0FknFvgnWsUYNVpJgRwpYIIBW+aZqfTac356bPJZLJerazpvI8ORoOOIasVBoST4a3ih+mQ4SPuX3P+Qe+Ufqb1EeHQmPp99xy6YM+/cgM+4sGnHk+Y3qzTDCewhawBdTL42DQY/rr+cUuU4LxDg84DIkPPkCHyQAUdoVuSScmM8w78xcXF5HLUWVM7E5gWJWZZ2jQN90437fLdbVtXs0n8/Nm5DCEdx6PJyE2O/vD77968vm23D5yFWZQg+rxYpmE3PR5LpRbL7XpbCUyAge6cVwh0hx4YMA/Me2ecD7h4d/NwfnoSJpN1Xmvj0ngUZVOxdbPptCzzrr3//OUVR9xuN2kaJ0nSdruSUeCcCmKIwM0AsywLVcAAGCDVQhLD2w46lvTeOqVN36dJ+346MChp6W09AAuCXVufpmkoxULcOyXDvq2z9578067rSG+9bdu6bv2eDUkYSE+VR0R6Z71ed9aMx2Pi+cVxPJlMVqvV69evv/jiC8bYZrPp75Cuf35+/sMPP9CvCsOQeOLT6fTh4YEE0LMsIxniPM9J+JDQ87quKV9EcJDWmmr6J5OJ1nq73QIApZt7HUrSj6TSWbLURGLptyuq/yTL7pyrqgoAKDFLZKEoimj0+jwzPQaSNaYCV4pR+hKBPst04KH3B/tQ0+PgeLzGfsxMP7EHPN5I/uTj01d5bJ56Px0/pNw8uVfhnneBu8aMYDkPw3A04l9/e/fmzQqYev782XyaOFt1uh2nV1EUDL4dtOm89yTSCwAAzHuKrYF4fcZaRPAePXoHzFnrwAPjyDw5tB49Ou7cTui00rrRRhrbGRcnWWsBhQxUZJ221jbagDHT6TQOwuV2NR2NK/cEPxUGRT04QEqHznvvk9G/et8P6+BPn3o0HyLvOGCb7EJ43Ml/98XMj5/dwRPpH2iPhfa3NAT9+6P3Woa/cfgViilPdV9ISVfgyID5qqqaTjtALgJkzBid53kQR+tNYREcBynF6cnJyemR/f/x9l/NkqxLdhjo/onQESl2blnyiHvOvbe7cacbIDk00GB84Mwr/wB+49g88GFsOMJopDXABroJWKt7VMmtU4eOT86DZ2ZlVZ3TfRvgMKxsW1bunZkRkRHrc1++fLlWTg1em5tIqr57/vSyGGdln8dt7TiLsXt+kozFk8262W5azobpyTh4+qyslmdXMxTy9RvPjFEavfWttci4cR4BGUMG4DyCZ95Bb13X9O+v737z61+9/umH6clIOfuwKC+Fy/O8beu6rsAzxpGa7b231hnOeZZlPAiatm3blnFmjGGIxphaaXBOD4rYiMO3Q7BDTiQUXAr6ro41RnROCXEIUDgTMgyCINDaco6faJIo9M6zgqCZfOwIrQgrqVn0AGTDMAy9IjU3RdCc86Zp6Hg2VUmffjBwJ7rj7du35+fnfd8XRdF13f39PTX+fPvtt8YYqknSyh9FEfkR4350HPEqiDgej6lb6vHxcT6fkzB8s9kQ+JKfO5V/vffEcdNjSlmowBWGYV3XtG90CJSUUM2T+g+JfmmaZhgGGtmRZRntFe0njVelFdF7T4x8kiSkRSXqhkgq3Jc+Dq5Gx5HR53fR5zfqJzfeL6H/L73w/5hQnVYm/GXhzS/tzyfPHx8dXadSyjQNvv3221X9tw6CoiikZEyEzFtjzGGJdI40i7t3E0IA0GKJ+4vdeIfWW8aY854xDsAs7IZYMOSInipkyBn6HawPgNaj8+CR5eNRv6rarrPeRWHSdV0qRZ6kAReki0/jpGtb+BgTPzmuA5TDUTB+DMS4L8PAkeLw8FrvP3VD/GR1/NlAm25kRKRg62DLdfS2H6HHJ5gO+4TpwOEcLuPjP/OfEWvHh7aHeIce0DMAQHDgvQcPFhgTUcQ9Mu894yKKea8NIgIPo1B4Acob4621uq621Xr9/OJiMsqC2eTkZKK0Ns4GUdgbre7fJvFo9nS2SdL37pZz9uJqcnY53dRpVqTaetQDKLdembb1yHHrPHrw4NEBgAfPnLfW+qHvwihp23pQ1jHZK+e8vX1cpBm0bUshaV3X41FGd33TVEVRJEnivGdS9sPgnJNSdF0XBWHTNG3dpHGs+mE+n19eXhJsfnKd0KoptNbeIXlyHdg351wYBIfY0+gdWdN1QxQFuJ8iSCVW0mn0nRqGgTFG0Tpx32EY3t3dkbiw64bRaETYxBhL03S73dI4PoqjabcmYhLHcV3X9FsiPcbjMZ0IwrimacqypFXnhx9+IC0jjRMiZuann36ikXiUGTRNQ9TH6ekpDaL74YcfHh8f/+iP/uj58+fUkgoAk8nk7OwsDMP7+3sKtw/BBc22JpQ3xpDS/HDPHKJsmsJKVzB1sdIVTP4E5AlDrD2dB/KHIuKeysIAQP7vn4djcDSI7rgqQr/l/9h80T8Qyn/p5f//3g73+Scf/Qlk/6NL1wFSvHfGGG2cY5wxSeTbptxuNpuzWfHt18+SMKPv7vChjAlEj8j8bj4UVY+8c87Z/QxYyf0+RMIjPZK1lu/UKcgY89wjvRyAcwlMIBNJmLjFllb6i7NzMzRpmp6MYudcU9VD1zVthSiOj+UAfAf50/FhHlb64zPA9tsBKA9lNO9p3z+K3PFI33K8+f2CRkB8IC0/x/Tjlxxj+ueL9OEyPrDAn2hq/RHzBkfZyWGzetc0gPvuAQAPAA68CKQydluVIorjJLPWqkFLiB0KpfuyrSyaKBJxEEASv3//1g6KwFEPw2g6mV5cGPB+865p+qauTdckEtMsKVIuYXh5dW6Y7no1m2TVtu/rUnWeB3LtnLfae285MvTWWvAWPcggmEwmG++///EnwfDd9c2XX74MhFyv71bLdTHKySNkVKSj0Wi7XVPDitJDtd2iEM65JEmyIp/PlwS2WmuR5146xhgNQTukUAdWnb4ygRA466wFhJCzgKG01mttwXlnvbWKPEYYF8YYKuOQ/joMQ6NNXdd5nvd9z5lED3maeY+Pj49xHJ9MpnVdb9bVark9PT2NQlZXTVEUgQzJhIsx1rZtXZdxHJLqIwjCNMqpCoqIm83m5ORkPB5HUUSX73Q6FUK0bTudThljFD4QAUKG47R8rddrGs1xfX19mOwxnU7p4Nfr9fn5OQAsFouLi4vpdFpVFfU3NU2zXC5pYaMGqHFeeO+LNCNipCxLF8fjvGiaRvcDRjEHTKMYEZuyyrIMuNjF+0Iq3wtkXd3QoCXJ+Ha1TtM0TLOmadB5ybg3NkxCg6pv2iaoOOfovNMmCkOBTEpu0FilUYiAC++9NRYRBTIUu7Ee1ljrHAuCY9T78NN/rHHc3yC/FA7DB/34x2vAL6wI5hee/6U1xtmPdBeHB+4zPcY/8F/YM4mH/7q9QEKHlQeDQjqPgxNa207rNflndWXOIY/Fr5/MRLtlrQ3ymIVPd4JrZA6RWucFMmPRewTHwHuGCGwv24BWMMFi5tyg+sZ7HwYCmWHgPAAyZgCQIXLGg5ADPG0Vl7HS7jItHsoh5HkUTR1TW+WzZBRNxxB4kfJ3Dz9y3b6MR3Uv6VTvwt7d14RK7dzcOKC3e66PcQPOe/AeEBnhsFLGOZemKYVnfqdY31nyofMAwBAFF56h9+i9B0TnuUPwDiyxSQCcS865CwLw1pi+B8O95dZh3zMEjkxbY60FZEwGjAnjwVkvpHXOeasRkdMnemedztPAmAGciwTz3htVAUAe8t40QghkqC2pJAO6coyluNeR0hIAyEyMSe6pbdI6IZgMhDe271vOQHgXScYzjqgDrDLu2naJZu6tGCVJLJUazGlyKkT0ri1fvHgmRGCtref31rlpFAkDznk1vbR2GQj/9PyJVwaMjULBGbLeKAdCJJAny8Qqs2nNECfjpLManAXnPFgAgx4F81Iw7zrE5GRWbTbeu6dPnp5MTqMoCrXUcfbrf/5f/cW/+V/+w/c/KoDffPNV0CshRN+01uhEBM65oW25c4FKYhl6C01ZzcYnaZw2uvrN17+Og3hVrxywpqyaqozCMIuCpu+Y14BOBEGA4IjXhv2qbq311iAiGRhZa63bNapQjkEbwT0xv9Rhb63te5VlGQBst1tEJJ90MixcLBbGGHI4IWVlnucUpR7sIzqlqSdzOp1GUdQ0zc3NDcXyFOCkaZplGfWvaq1/9atf1XX9+PhIra2IGEXRbDarqqooiqurK0Qk6zvnHIXJUsrz8/Ozs7P1ek1qmdlstlqtEHG73ZZlSVRJURRZlt3e3j558oRGFBEdT4kIJQrkIkA1fbefzUTLDxXBiI73+wHZXddtNptDDHVgb2iFS5JkX2eeEKF/XF6mb+dQgThgmd27qh1HNEfxzs9j7v9e239CIP85QH/+4LD5j5n04wT/Z18oBLe7aRtk74xonLXeWZBSplkxKrIoitxgOIIHcr+z4HYFQ2OM9+gBKS7mjAEC+F28zDwwJhkwcOCM9xYQGUfBUQBYRKTO/mM/YU+7Dc7u3HfLQXUA4K1tWwUwDSNJ91Eg4fBVfshXjnQsu3XrqPfSOSeE+FAcEztRBKWAxyftcLoY+8CSf3KSOYBlngF6Wqid9eCBceZdIHkoc7AGjNZq8N7HYUSxvrFW2R6Qo5AM+T7R94jAwDPwHsADY0wwRlpvzvbmOcCQCY40c8O6w8XsvUf2oXaK6B3u+lkPAb4xyjm+92+Aqm7btpWSB0HAEJpGIyKTQZrkdV3XTReGIZfscbHknEdRwmXY9YPWGpAxhsOgHECSJKuuPDk9kzzoq8ajPrkcR1Ks1nPg4AflnJMyPDmZPHnSB1FrQd6vF845JriUATAEa4zTWuuAM2MMIHDOBTC/nwVIxidv3rypquru7u5iNlkux33bFHnMwJv9bOGiGBMd1C7Wo9EoyzIhZdu2ZVmyAglgD2Q6zSalxZuiW4HwYW7sISMzWgshyNHJWgvo6fXOw4GlkVIc2HoqOdIMRhoDvdls0jT96utnFF9TSROoy05KmstHY6Y3mw3pso0xg7EEkZzzNE3LsqQJSmS+SJ9L1zfB99u3bw8CmLZt379/T+085JyFiH3fJ0lycnJCNmHkVEP9QWma1nVNrgNktIv70gJhNFHedKu0bUvjL3DvkEl7dTC2h31NlRwZt9stITUVEkhbRl1LuGtvkd57Ws8YY0TT03pGq+PP6sbckc73GM4+AfTDz1+C3OO///y1//Df/yHP/9L2+Z7Dx7jzh+/P8YF/WMOAe2+dAw5MypAhdLp33l9fXy9WyyTNgyCw9BWHknPunQFvPRCTzgAAvQXG+qGXXHgRUEzjzS4tECjBg3POO+adR8YQBEPpyfvMU270YScZB8+8t9ZY1XVNVW27rvFgnTN91wJAkiSC8yzOIh4b84uYLoWkix8AiK9zO5HrR+iMR1zQgVo5JrsPEjeHsMNbQPCeM/AA6MECAgLF1+A8mEEZwxlGUngGneq1GgTjVkjkjHPuPFrnEbkUQRCFulXOg/OAAM55wRAYZ8iM9ZShIYL3YBx4DwzAOw60wHiGgOCZB+bB49ERAcBB/uR3lpPee07nmXPOojhyTmvtQQRBRHe99xCFSTdYi9xZJ5DLOByqVmtHbS6MyygIOee4X4qU9hbFpm7yCOO00Kwvq67lHoBFUaSsU9YxxtI4yfN8tenqqiZC2B8xWrQ6KqUqZwLOmPfAsG+7uq4FMpc7pdT3339vhsHsJ4YSPgScIaIaeiY4826o2rquqfnRDIpzroahD1viewl54jiOoohs2WA/rEoYYzj7IO9n+4FHuNddHDgyv/P9ckQ0IyJjgnNObUfDoMqypHB7Z+LOGACsVitjzOPj44E7u7+/R8SiKAhhDyOTiEbv+55icBokfcBTCrRJIU5dSzSNiE4KtTU1TbPdbqMoevLkCfnuEltCH0dWiwfhPJ0UksBzzieTyXg8JvU6IpJIkUTuZIRNpWC6wrTWVO0MwzDYb1EUISItRcYY6hcwuzkhu6+BXgUAxPW3bXtYgQj9D3H9h+tjT9zTInysXvr4ov+UN98/+EXM/U8Isf/wN/klLGb/WOXzswcf8Oj4wXEUcvz+zjhnnEFEwRhyDCVrjDF2W1dt0yvrjPXKGoEgwwADdqghcc6ReckR6FRbxjkyBt47dNaDY4xxzrzjAARAjDPBGAMvnGUHFHJHwhVA5JJbb4z11mrrBq0HYzTNx9FDJxhGQei9D8MwDdHaj8jx4xzF79vuwfnjc3uooh9qA/ixqYvfewDsvhfOaCqe39/vAI4EmwyR8By823NZyD1TqnfehxCBt84aBrtKKTB0HphkwoFD5sBrbZ3nHhig9+gA0QAyQEA3WOuNp+YcYukpUNfWeHSMMWAcAbgQ++v8g7cBtXchIoAjxQCiAPDOOTpUAMjHEypKeRCcCxkwa+2gXN3ayWRqrR20ZjKUMRuGoTd+XTZREoNxXVd5D3Sr1nU9efmkLEvlIAtia7Ful9xbGSAq45Bxxj0i4yA5Ijhn1LgYNX3XD4M1xjv0CBSStq1WSnmGSRgiIvW0S8Z7iWDder1OQjGZTJxzQgTemqpqijTx3htn7eD6vl8ul+W2evFNTqawSRilSZIkCTBcr9dpGkdJnJghjmNlNBFTnHPgXFhraXrAMcturc2SxBhj3c6RHRknroPjrludMqBDlYZUelmWFYWkyW2z2cwYs1wuR6PRarW6vb19+vQpxfJUluy6jhyUyGyWYuQDapOzysF43e/ltLQA0OVrjKGmU631xcXF1dUVqQZfv359enpKWLler8uypMiFOBnnHI2opmGnzjmaHE2sPX3WQXnSNy0RLGdnZ4hIzjPee6rBkkjmgDLkmwh7T/lD7xLn/ObmhgoDB4ymyi0JNw9tvpPJhLT5P4uYhxv7OFTHj8unx3Dws6i6w9Y/wCHg//jtZ0P1f+AvP4/0ETkCB/DOegTmHQ7GVm0znkxH01qGgQXPpRDgQXAZSkRABKp3ckDPmfeesV166733xhr+oW9j6AEROdvpvBERPXoDjO37NokNp31DxBDNoJTxwJyUggsEdAgukPwAvt57zlggQzU0THyk8MP9MR48Sq3Sh9YNRLTWHPo5SHF7CBGOT85xtM6ORtYJZN6Dsw4QkUbpgEcEh+C8RwBvFXOWMxAcOUoXRgBAImAivKlWrK1Tymjd5XnyIbig1Qg9B7ROW0bUOAcEzwERuRCqdggCgSE4z7xH5pF5dN7veBVEAG8Rd5UFY3Yk7Z4+Is8FF6BAJq1RZaOiiEVRqvu+LEsRFsrzblB13cpOU19IOtgkKequq+u6bdtDTx8AmE0VBYnD8G6+AmUm+Ygzt1o8bLZbEUkZpYjIEbM0PJ1NwzB+N++9t84b5xkyjsgRGCIGQWTUILiXUkriZIwZhh4xMVZHgez7Lo7j1WpVtw0Y1bW195Z51/cDIg7GIBdhEq83ZRSGm83GJmkcRUmSMAZd13EpDipGbY21zlpnvQs4F4eF3e83CkvHRe7coaC1+46cc2SDTtMkDguAECKO0r2ZbbherwGAFCDDUJJksGkaavenhiMCWWoipXomUSUvXryYz+eIeHFxQdM+SSNI1yXJ2E9PT6knqO/7i4uLvu/fvn375s2byWTSdR01+5DYnBYJ4kCo7MkYo+F2v//97xHxyZMn1O5EmBiG4XQ6pccku0yiiBpTKQu5v7+nlIfvXeZJqg/7Xn9akylapx0+hqcd/7W/tYggojXp4C3MOSff4P198ZF64XNE+1n4O3ryH29HOgb3/12Cd/jlON1/FnHDzynqDg+8//kQ3n8skDicJc5CL4jw9s6B9abvVF21HlkYJ8q4su0ucOoZ09awIKOsiL4mhA+NG8B382P9ng+xzltnvI9oHw6gefiODo8/XlCd8c4zCCMZRpIxD8567xAhEFzw/REBjYDgnxwgHjUH0X1q9ntLH0TP8/0kALt3NTh03h0utr3YBLxH73dFZs9oV52zDoHTyGjmmd1HD23bgHNChJJzKv/sNHLeO48OmZCSC8kCBsp4YIAf7EasMc4bsF6DV9rSCAbNLWPAPHLOASVyB0wCY95bIs28985ZRAQSfHt/yNUAHeMSmUcERM48Y4xb463Vg7aMSUD0aDwGjgXKmrIxqPt3d/OqLmmvuq6TUl6csbIdFosFNZZrbR8fH6lFUc8fASCRcYCcW58nYRJLq9tAYpSEQhkDvOmQIxRJJJB9/35lht45xwQTQlgE57wx+3GVDry1AMx7a5VusbU2ZJyNx+P5Y88Y00OvlBpniZQ8DAOtNXDGOA+5GE3ElPN12aZZBgAcvNbaoEqjOAgCyv97rcx+BqfS2mgbxUwYYwLJ4Sj0w3034+HStNaiB79vZqPYuWkaqsUbY6itJo5j8vmK9jhI0S6RG1QARETqoUdEMreidyPWJc9zMmgksbb3nkbNWWtJDENaTuqnJyhcr9dk8EIfQfJwKldSSeHy8vL8/PxgnHswRLy7uwuC4MWLF0VR/Pjjj7RKEQVErUNk4Xv6xclms5nP5xTsk9sM5QfErhxm0RE/Q1QSDckj24CD6obSi8NKI4SgyP0gdacEBQCIamdHpl3HyAU/h8KH+P0z7Pt5v71jQMcj1v6XMP0XMfqfGOz/0t//LHDDL/Pvn++532v+EDkD5tE5dM6DA2+cr5qOy9AzNmjDw8hr2yp1JgK/mzUDAGQUs1sbKJt2ziF6yTgAaK2MMXEYAXjnDIkGEZExwl8P4Mk2cb9yMURQzgLDIJBeSikb55yxCj0Y1QvJOOfMgxACHVr7M4fj9w/YUa8gHplXu73KEI9qp3TVEe8HAFTGh31kcFgMmAcQAOBg10bkOUrGqekdSQwhOedBgJzvK0ngEbXxDtAjB2TKeKe19U4ZZ4xZbLY7ut9YbYZdm4sHzpH0RYLvmq7JojXiITLggHaX5DBE7zwIjuAAkLB+39mLTsahB3TeO0fOXcxxD0Ya68F55IHgUa/cfLNcLJbr9bpzQJ5RgnEqKWdZ1qn7m5v3QPofIejmraqq6zp5UrR1N0qK2Xii2l611XSUnc6KLJFlVyltBwucp0xm4KxWXRgJ67jVFjggeubReu8cOKvBOQdeKcUEl8w7Z9UwbJar2enJZDKxRi0e73ZtK1fnVgVEawdBJAKplEJrgAnORRTFRuuua7ZlCd6auPfeU8Tc9722xsKBquXgmVBKBfKjyJE2atL5wOE6z/dWPohINrMUFFDmQiXHzWZjjKO2IMLoX/3qV999951zjs7a+fk5/Xaz2RCEEUFR17Ux5vLycrVaEfTTtI2iKMbj8Wq1Wi6Xs9ns9PS073sqwNL+kP/X7e2tMebZs2cAoLUmEp/WmNFoRGVYojioDnl5eflnf/Zn2+324eHBOTedTjnn1BCLiBS502JDyVpVVd77y8tLsqkhFwH6YwA49ExT9kBcDdm20AEeQvKyLEk3GcdxnudE39MKRxeW3g+/Jq/HA41+QDH+C77Vh9jtkxD+n8qv/FMx/T9h+zxI//zNP0f2T57/pThdKc0QuOCIiMA541wEXIZJBtFoymWozZAUo660XdM5xpXedckBAmfgaR46MqUG5z0gkm2P99aCd9ZwsZdXewTPOOMkKmDMO0cDkB1QiM0AEbU1HngQheAkcqbNYIwCEHroGSAHBADJhWfCWsMZ/wTT3f6/BMqHkhqV5g7FAGstUS4HO1x6QC0jfO/IekSveufccQpHi8XhG2E0mg+gGI8R0Rjb973zKAIpRWgcCCEcMG1c2/WbsqzrVhntrF9u1mToTbe8HgatB+fc6clMKeW8EbgDmSgK4jg+m51bZHLfIYDIgAFaD4AeLQBlFUhzpmDXAGW01s4BF1JKZh3T1ra9cpaJIORMrNfbH1+9ubm5a9tWZjmtdtumHrr+7OysVeaH12+9dxdnZ33f//Tj6ygKfv3Nt6dnF9fX1zzLnz/7clpM+rrb2sU4L06nGWe2HZqqWq+3G+tgNL0cT0PBODp7Mh1zgbZ02jgDBpAjMsGYspahYGgBCDClQPTOrDer07NZlmXg7ePtdZily+Xy6dVlXZZaD2RwEoRC26FqOoAuG03CMGxbLkQQSSEFi6JAD73WGh0zVu+CPxFwbpng3ntBNbqBsYPKgnIr2HVV7IUWjBNwD10fxzF1AwkhqqqiAFwKT5qb29v70Wg0nU7v7u6cc03TBEGQ5/n9/X1ZliTbMsY8efLk3/7bf3t2dkbMDNmIM8aUMZxzmk1KSwipGI0x6/X67u6OvLGKoiAx4jAMb9++PTk5OTs7owBZCPHmzZuzszOyxBqNRvf398MwkJEvAT0Z9pJ0nTqMiqKYTqc3Nzfz+ZxgtO97mn2R5/nV1dV0OqXBRnVdz2YzMlwMgoCm91Ff1XQ6tdZmWea9pzCfigEAQK2nZCM8m83opK3XawrVD4YBdOuS6zrFNZ8E0e6o2/sY435WD37MbByD9TFd8LMY+rMIeyAWPnn++OfxevOHbB+nFHsDpr1/DmPsUCv7ZP+PD+rATnjvjTVZmnAErRRjQmlbltV6s22dSEa5MnY+Xz4sN6B7q51jAlmQpEkQCDUMRM0h+rIqEbEYZUopY91Q19baMAytAybBauu8FUIwDh6sQ8c5d+AcOs88oGe7/XLOewQ5aKUHXfXD3d3Ddl166zw4rfXTy9Oq2vpprpQCrcOQaa2CZET2nHQGYN+LR73Q1KR28OdijHnjaZQKReUHYfG7d+8uLi7Oz8+32y3pdKm0I0RAdvBSSrCOYohh6OIoklIi58ZZ5xzuKS8JfL3eKKOzrIiipO37um6N9cB403UPD/Pvvv8hGxWkdptMJl2vSA1cjDJrnTJWBnEQSCZktd7EcSijuOu6PIxlmD7Ml/P5muQJgiEihpHMkjgIo7atBYMwlIMZNput4FgUBSKCZ0r1WVYAsuvr27JqmAit9WfnT26X864b5otN23Q//PTKWstQOOWKIvvy2fP1amUyc/H0WVNuT2ZnL14+uzy/uLm5OT0/n47HlB//s9npRnWM8ZOT0/fV2zBOZrOTf/ZH365Xt5v143Q2+t14/Or1223V52lSVkMYsEmUN10tBGOcDcZ62LV8R1FUbzdFFuVxtFnNm1Jdnp1NJhO9bcbjcVmWbVOfnJw83N38X/67//bm5iZOovu7h9PTkyCOem2qum3a/ssvv3x4XGZp0XW9s0YmcZIGWZo8PLTGG+5kEIbDMHiGURT1akDgiPihies4VD+I8xD3AYLbsYRN08DeIwWAJUlCCpauHcjjkHiPAwHiPFBjPQDQzAfqEaUWoaIoVqsV53w8HjPG6roum/b8/JycmqkiSvT9s2fPSJl+mBBN0sa6rq+urgBAKTWbzbquWywWWZZdX18DQJIk2+2W4Jv67xGxKIrtdvu3f/u3cRz/9re/nc1m5MZOaha6Vej+qev68uyccg4aqsIYoxbZ09NTckInV2ESujRNQ4B+SF8okkJECuopoqcgq67rw9/TaXd7I0ZigY6R8WOK9mdC3T8QQ//R7XPI/vzJj2LJ/6RP/nyHDzT054f5D7zD5ymLlMJ7a+zuYtbO1l273m6czKthpb3flM16U3HQum/fvH+YjV5WTU3FoTCUJ8VESiGDhDOw1mqjiiyl9G7QfdW2lPYSQUeeEJxzaqUmky/6R6VSIiyRBR5417ZqMNPpNMlhvSkZYt/3XdN6sGGYAlohvLdW7Q3K+X7oBACQumz3PHx4MooiHkhS4sJehUUcI+0eqcWoSENiFQ47n1tg3Djvd7X92ANaB8iQ80DID7OIO+2cCBmT1WC387v5cgVMjMaT+erx/bub2/u7tm0nBoQQg/HGs25QcZp56zbrknbYOdDasFyGcZJlaZqmTEgRBNaDMW673dZt3w1DkWVtW1dVNTuZfPHFiyzN+771HjmXQsg4jKQM27bt224YhrrpgyBiXEZJjsitYz++ent796CM75XNi/HF0xdhGCKXtw/3cVIM2lxePeWcc47B7FQ723fq9u5Ba31yMtNa3d3eTqfTp0+fbt6+bpr6Vt9uNxsJrGma9XrtHFhrszwtiuxX33w1KMjyk+WiHIb3y4dFW1dWDxaFc8AFIuBgbcBFICW16AdCeuY5gzCUUZ5X2/Lq21819Wa9Xn/55Zc//fQTevf++l0Yhg7ZcrnmQsxmp1lRIOfT6Yzy+CdPnzK0y/mDs2Y6HdP0CGN9nCUktFeDMcYgcnEcgsGelSPJhzEGPBCrYAbl94Yn5FVircW9cIfQsG1bxhg1uHvvdwjYtHRJ5XlOCvTVamWtpfj0/Pyc2oVI/mGtddXOepd8xufzOef86urq5OSErNJJFU7dpJzzr7/+mqZON01DmpY0TUmrHkURReuIOB6Pabpe27ZZltHzlI4c/LmMMVmWUTGA/Hvp5BC9Qwk3KVuMMVdXV0TmkIaHfkU8OJ1GCpyp4MwYo2HTdIxhGFIs5vdWyIeuJX+QrH0Gap9H1v4PULn8Utz9h4TSh5Ls5x/6n0PF/GxO8ElK8Y9+BH7me0OvkpJ7553TglE5WvV933WD99GyKkWYaOOX29oO7Xb18NNPr//6r/7tZDSazWanpyfn5+cyGIyuN5tVnuejPA3CpB2Mqlpj1KgozsO0a7fAGXDGpJBsN4BUhAHJlnbHcjT3NQkTh84z2XarqmwFD4o4Wq+3QgiOjDJUyXijFHdecE51LLZv+/Z7B8RdDxTnYN3hbw4K9MMDa3cjDU5OTiiwICnX4YwNR76kzjnjHec8jFK6izutQRvqIEVkyLnSrFF92wxV2757f/P6/TVycX52UXf9fLHwIF7+6jfWWq3UYrUt665vtycnJyKQQRSO8sJaTQV/zmUURSIIBZcfeCSErMi11qvNmojHvm2MUcaYi4uzpq6yLJMM1+vKT7AoxpyZslwFQQDAuAim6Wi+3Ly/vt9Wze3D/P5xhUyKMJJR5rmwTPj9XbndVGSJulpVz55enZ9fvnv96vLqnHO+XC6s1ufn57PZ9P37t5wB976vKw6YJAlYd3d3J7il4kpZljKMkkgiuDxLAsHKzVrpDgDAWUoXAcBp64QPZOScUspKKalcEIfh0KNzxhlLxlPT6fT+7r33XisTBMG2LDebLZfCIwZRYhyQSQmgU0p5pxhjHl3TNE1TMYGMCVp6jfUAbKdPP+grDlpGui4pWkQGFNv6fXWFIIxqfUQVEXGWpUVd12maRlFCgTnFMlXdjMdjegciOsqyPD09JSqcnqyq6ubmhjwRZ7PZcrl8eHigVEtrTYQ7fegwDI+Pj2EYPn36lCKmH3/8sWmaq6srot1p3N3t7S3JZsIwJHB3zhHDWBQFQT+J3L/77rvRaPTixQsKdmg9OzwgAxnC3wNqUFfq/f09RUAE3zSklGYnUYJMhdCD6JMmoh2YEyFEnudFURykxMdBN+758QO6fUIfw2eE8i9hOulGPqdH/oHQ/mcXkk9IksNe/QOY+/PPf/YHe55ip+s41pM45/7hDOQ4FqGfHMEACcADYF6ZwXmUYcySTK1qx11v/GJZOt11tWrrbYx5FPvVtl2XzbubxzSJhBCcM46PFxcXVbWdP963bXtycvLNN19LKYWM+mHo+pLsfciqtx8M+bQcVzK99wigDDMWBAu8E00zKDdkecBQBFykUTwejfIkNUZtNhsb8SLLAIAgm+gX3H/1bH+W/H6wDB2v8Y7yBiqWUjhPHON+gIHYTyWzxhhvtXWOcy5lCLtlm1nnjPXKOO8ZcuY89oM21iLiuvZ3Dw+bTamNXWyaVTV0Q71u3fnFRZCOEZGH2fs3r3au3QE6B9RfHUXRbHpC7SBpkgRBYG1EkaKzHrxH9FEUeeYn0cQ511a1MjqIIw9we3dHWHY2O+GcLx4fh0EnYa610crHSYQgjfHI/basX799v1qXjVKD1kmWchEo6zZ1Db5VRgvYnZ+u6+qyUqrvukkahUEobt5fZ0l8dXXVNbXqOz0o9K4pV8wza5zkvEhiwdnQdY3tRkVIRELq/aCapltwFm/WSyEhcAINOO2c2XGAVOQIhNDaDkaHSQQOiHjYrNZfvnxx/3D7xfNnd+Px3d3dixdfPD7cvXjxbLlcbrfbum3apr9/XEyn06snz+YPi7rchKG0WseRkJz0eN2gVTAMAHoYBmt3iT4T0jknDjc87cqh6kKsOjI4tMzscB9piJ323tO0RgK1qqpIVYLID5hOxZAgCGitpu7NKIpoWB05L1LoTcFFlmUijKj+GccxGac8ffp0GIa6rgk6KbylFluCdZqAQaE9Y0xrfXd3R77kNBZVSrler7Ms22w2pKMHAFonDnVarTVxR+T6Qoc8n89nkynnvCiKPM8PJr0UqhdFQS9HRDpYCovsfiwkrWrEtFBXFHFTFMLTtFKyhIQjjvi4LnrA9M+B+x+G8n8AZP+QEBg+Sws+gc7/nDgdfiFU/8ODdPiFkgAiWbB6xpAxoEYPY0ySpRjFOw5kMMtNFUmWjqZpmr95/50M0iBMwjAEJpebZrNaGqO++uqr7U+vl/O59z6Kg6pTj/MtY5DFkpRXQqLS4P0OYfeXumDIaLQa7VJXKwdMhGGSjaM4KxebIDCzyUwNHcXUxhgpAD0YY/qhlVlGSnP60sV+hTsEB+h29QbCaBQ/M8+IruGDHwYx6d57rXUghSBXYI6InHnQxinXe0DGRBDGXIa9GlabhsS7r2636/W6G3SUpJ5F0ejUD8qL4Kf3D0KIUHJgm03Vn55MGGdtp7949izP87u7m9VimSXpZDI5PT2lKchxnArc1fmttVYZ7/18uXj69OlkMkHE/vFhsD7PsiLNlFLeoVJGSkQQfaffX9/VZYURYzywttbGMRksllvjXJxmCtoizKYn5wYQpbQOkHMuWbtdCiGeXF1orQHc6WxWbdYVuuV8ITnLZtMiS5tyrYaOMxdHQf1+lUZZ3ymw0AbB1fmZj7nRLAx5GMog5FmamW3T1ivrurZt0iw1zmqjnXPowDmH7MjSwwKjdlwAZ1TXNd7TiBKRpmkcx7fX7373uz8Bb58/f0rsq5ChcYv7+8e66dpuUL2+vnk3m4wvzmeIOF8tQslfvnw+DF0QRG2v6GIQQniGzjngTHxyQRywm06983ZfeOGUygnGDxcxAJB2UGvd6WHvGWDMkccbKREJUqnPNUmSKIrm8znpFKmicnJyQl7vJEQh5r2qqslkUhTFTz/9hIhU0iTZIi34q9XqxYsXz549u7+/v729LYrCe79cLtM0JawHgCzLlFLr9frk5GQYhjdv3pCA3RhDb9U0zXw+Jw0iJSJUaCUlIiLmeU458sHxnJ4kBSedsUMBgLTwtGzSDUZEFgkWiSVnjFFR1B35LMK+pehwD9N2uJ+PQfBzTPxlcP90GfgHiJrPcfP48SfB/i57+KVP/cfi9H905/dP/iMays/WNue9JTfrQXVVVfVahWF8v94a74skSx1KwbXu6kYxp2enl9qzH15f66G/vLwcjfM4n6RR+LhY13Vprf7qiy/jJFwulzcPj+Px+LvvfiLFbdPDMKyo6E09yWEYkob1+BscRRnnArwIw2Q6mS3XTd8PJycnVblpa79dibqus5O8KDJ0ahj6ZMQPrQ/H1Mpx7E+X1i4XDCS1ztGrKOxw+9lYlPAdRrV0XWfAI2eMcWRMyjAIAkDbDMPl1dOyacu6bbrNpiwX81XV1M7B379+dMBkGA2984AKAwwCz9i2XUeBsy6UoT2/vJpNJ11TPTw8tHVzNjs5mUzrsgKAi4sL8Pbx8bFt2ziQTEra877v+641xjhnFotHrYcoiiazE90PSZJMJ5P5/QM433ZD7HE8njHG1uvt4/1DPssRhQwiY2zftd2gojDhAdMeLQguRT8oo/TgTCgkCi4FU0NXluV6teCcX57OFvVmu970bTM+Ow0kr8qNN/ry7HQyKn78/oeLkxMpwwrroTdNuWUXp1meA8Rdt62rikvOGBtUJ6WMWPj8+fN62ZXbSg/KOQDk3jqGEAQBejDKMMYkk4jIheAc+r6ntsdvv/lT0o+Mx+OqqmazWV234/EYmTDG5ONJnGRd1y03W9ur87PLF88uOefWO8aYUj2iF0IwBsg8MOTAOOcMufeeMS4cFef3lyDfj6Omy1QbRcwDdTBTUwxxC1EUOQfkiOKci+OUQpVh6KiL0ntPYSnsM+sDIJJBFZE2lAdQMXO1WoVJerglyHKLpjxT7HyIqUl4MwzDf/gP/4GseuM4nk6nANA0DXmqrNdr0j4ul0u3nytNldK6rufzuZTy6uqK0Hw3Jkprsvalm9M5p/vhIFqnFlYCfSq6ki0lrUy0Jh3k51TgpR2jk+n3uo4DW0pwwI7ai3aU116lQLelO5pBegxhfyA0H171h2zs5/pL/zOj8p/dPgH0w04efxb+shbTHY18OryV9955Y6xiIBijY7GIKMNwu31EZHGaAcoolJvFQ7VdO6uvvrqki0R13Ww2c96sVgsyRvbeMsCybrZV/fh4v1pvk/nq7u1Nnufj8YZyU7qSaRgLJV60bLv9BLgnZxcyigelq2YYBmuN25YbWtR5kYZhyJHtaipceMep+kK1KIqP6H7URu9Uic4fM3hubz100CwSuFMaSqkASRvp8uu1klI6UNa6JIU0ihmgabq27W9u799d35VV0w2qarphGIBhazAMQ+2wazrrkQlpPei+f/bFV0PXNlX5sFg9vbxoup4xMTk5vb7+iXPMsowaA/u2Iy7YGBPJnSJDCkGzMMMwTGcZtZLs2vSyDKzr2gGRp2le13W5rU/GoXfeGj8qJtZZNZgwEsCgaTZ9rxxg13Xa+k612rNB6WQ04iJw4Ie2DRkLQ1lu123bcvDL1VxywcB//eUXi/nDzc37P/7Nb7OL8+12O3+4jwJRjDLw4mQ0jmRye3vPGEMPyLwQbLNdxWlsjNHGR1HkHT+dZmm/BPTGKi5iZNK6XSLijNdaxaFIooCDiySPQ261cdxRp0tZljc3N//lv/izsizzLCnLknrIwySOs7wYjTql3717V6+r3/3uT85PJ4/zuySWaRK+f/vT+/fvKcx3HhDRwi4KJ+MawvRduwo/2kheggporARxERQsUPQaRRHxOPTHNEOOAgpaEshGUWlDyhDGGIkRKd7/4osvqOZJHfbURtR13Z/8n/707du3y+Uyy7Krq6ubm5v1en1xcfHw8EAaR6KzSWNOw+S22+10Ok2SZLVaZVk2m80eHh6Wy+WrV6+yLHt4eLi7u3v+/LkQ4uTkJIqiqqqqqqLgBfdsOF1tTdMQxU8IG0VRud4c+E2y6CKZ/Hq93mw2ROZQbYCWOsJxOg9lWQ7DQBE9xfh939MCRuL3NE3pHsa9ivTQ+0feMuzICeATBPwEGf9JGPpP4sH9UVH0DyRG/vDt8wM5/iD44GH16eY/rqnCflG01mo9cEDGWBjKXWMLk3EcOyO8Q21twpM4zTj6OAydtVGYCB5srR2MMcMAwPJi9Oz5c+/c+/dvb+4eQimjKDHG/s3f/N23X/3ae9/22nvVD8Z6BgCDdo+LNYXqiEjxAd0mP/3+xyTLy7oZtM9G47bt1+u1cyaQoigK6njQum/bNotFGEWbriP+l26TYRiIPHT7PjVv7KGXTUrZtK3dW3RQ60Oe55PJhDzp6Hm6W8mXgtlB8KDtu6Zp6cI22jZN87e///O7h8fldhuEaZRkDnyvVDcMUXyJnA2DbnsVxUmU5Mbart/MFyvwVgoJzgkpb+4evNVxGHz98iUixnF8eXk5DMNqvYjjeDabbZYr2h+qQlEmHUVRbavZbOqc267L9XaTpxnzUFZVkWWj0ch7nD88bmADAIyxZ8+ePW4fjXF1XVdNd3t37xkPk9R76LqubNpQex6GRVEEYdxr1WvVtvXlxZdSyslk1FZ1WzeXlxd9G3Vd9+TJk1DwtmuGrhcMOIZ934cBcC4vzp++eP6lYBKZN8YY2xWjrGm3u85B5YzFm+tH78s03Vl5Syk9BP1AKy7S18eTMI4jq/og4HEc9G1ze3s7nU7fvn0bCn5zcyP/6/+q79vFYhFFUdt1ZVnm41EUpzniSZwkSTLU/fn5eShxMpmcn00f7m/u7++V6ulkhkIGQWB7TW6Q1loDTnjQQKO4wTpvvHcH3mAYhr4fyDfDWh/H8cV50TZbevFisWBMkDb2QIZst1sSjdBl13VdGMUE3AAQBMEh1yAHLgCo65ouwbdv356enjZlBdalUbxeLBHxm6++TpLk8fExDkLdD+O86Lou4IJ0MmVZDkOXRiFYEwey4wysuby83K4uQsF/882vfvzu919++eXZydQY8+N3v+/7ntzoizQZRsVisXh8vM+y4v7+PivyQauHx0Xdtf9lXpycX1xf3xpjnjy5HIaOkHcyGZHmsuuaMJRZlgC4PE+bpkqSqO/7MJRK9cPQAbg4jvM8FYIFgeAcrSUjjkRrPQxdEARC8L5vyVeAAvMwDBEDolMPwgeCMMZ2qMfgk9l1n9iRfwqBWoQ7ksTt2xGZR0RvycLX7N+fCWSIaID6YICUeR/gm3kP8KHTEhlwAADOD2pCAlnaGfDe+SM/gw9U0gcOh/b5IN3Zm0ZxzhgV3tXBvYQuSHdkM0cw5/bTdQ9ZZtzbsZw2ygwd9yJdNu94ks/fvEdsA29k250xmLEhnsnffvPP18tlo10YsrNnV3WTvX375vRk9OTZV23bPj4+emRxGAxt4C0fvHTWP336221XXl1dJVm2Xq8HziYnUxlE2rooycqq3nSd9WiYaG1bt0apIZPgVZmMTrHITDrWsa7ttUP3xWzCgnjxOH8yTQWaIht774wzeZx478FY65wdVCAkY2y73hDKW2v7oTfWSCm5lB5RijiQaJ3WmqS63nu/2S4BoG3roiiK8WizLu/uF2maJUmuXbyumzg7e/ri7OZ+/n/7//zFj2+uUcg4LepGnJx9s91utQ6kTM+uLv/6r/8j6hUAQ8bjMER0bb313scBd87pQY9HY8GS+5t3RZaen551bSMwmU7HXdc0vI4C5rmLA7t+fJUkUSgAEZEBYwJV15kBhuGUDwXKsm3K1d2f/snvNtvy8XHhlVNoevRJLLMsafshz4rJZAJREEGyrZr5etFrF5yceAzqwdQImIfOiHKwRSgXy60eemttIkMdn622zpn66vI0H8X1ZtlWTSAkgBuN8pOT6Xq7WZarMAzRaRdJkU6bqnp7d/fD29fPnz8Hb8G69cMahH/58tvbu+uri/PBVCFHrzcvX770VdqttkVYMEw3lc7Sk1Yp46z1OpuOWSjXveo6zRqXDdEof9bzvmWjv3+3crb/L/7b/64C9+Kr5z/99PepC91mmI5PdF8xqxnyzXr78snTrb+FZiGzZByCqubC9V9+eSWlnE4zKQQyYYc+C1LpMebSDxpjKQ433uEOoe0YaxgT1trtdqsGczItDn/J2G5+KVUmCeuJPaB7LM9zD7sSH92Ho9GIxnYsFguK0EkSflCs39/fe+8psK2qarFYUN/mV1999fj4yBibTCZUzyQpC00ZTdP07OyMxPxN09BqMZlMvPfT6ZTkjHEcF0VhnZnP55yJJElms5ky5u7ubj6fM8HJEnI0nZCGsmmap0+f2qE5uAU0TUPgUtc16QoO7SFEmu/ar6SkkIoKuTQBlQoP5sjVmu87jHaYizvPbqLgfz46/advApkH77zzO6S24BH3c5APeQDze4qcWzgiQPwH39jDW/qjn2Dtp3pH2iixO041dlTSZ6vO58XYw77x/YDjY6YFjgzLPuznUR3IO2eMsUpZx6y1tE7EcRwEvquby9nJaDR6cnGeZRk41z88VJsyjfh0MmLPrrhkRRqNsvjm+u14PMmT83FWlFW9XK43662zAKLvmgq59N7HaRqG4dC3Vd1uNps4zcNA1k0LyCbjIgzDxWLx7Nllp61BWQ896D4I4vF4nAkXRWFdl6HjWZaFwjfluutaGXBt6r7vybEZ0fd9S+QbY0C9lJyjEDTst++6Lo5GdM14j9ZaKTkljm3bamuM86gs5zzLsjCMvPeMi/F43LTqr/7qr7778fXt41JKGaXZcr0ZjaeMsb7v0UNZlpUQSZIokFJKIQProelbrawIwiRJlOovLi4igfd3t0kU/vM//V0YyL/4i3/boBeCyYCBc32vtOq0aoe+T9PYOWAMnfdW68FYZY1xPk5516s4zZ69eCmDsOmHJC++uLj69//+L3tlgiDyCGEYcsGGYeiGvhq2ba/AsygKPI96taszIwuCILK2o/YRwbjWuq7rCMM4jhkExpi+663WiAljbLlcZmk8nU7yNHsAWK1WQsrz8/MsyjgiybKttVkad50DgM1mu11v6qaUnF1cXISRrOt6vV4vy/bJs6vbu/VglAxlN9SMh3RBaqOMHZwzAA4Ys9Y2Xe2MK/IRoq/rdpxH65U5nWQvnn8xv7u21ndd5xz4CASX3lvtrAPPAa21xqo4kePxWDsdhAIRrXdgjNYaQR+a9RhjH5Vijm+PAy8BAJxLj0CNavbj+TKHvyeBgd9Pl/Z7n0Jt7EH9vVqtoigiK1pqt7HWHgYezWazLMu8R1oniPpI05Qmxq3X68fHR/KBYfuhE5zzs7OzL7/8smmad+/eVVUl9v6OtA/GmMViUZYlOWohIhkscCam0ykiVm3DWEWWNQAQhYmFHUFJUkutFL0bjcKgmhhdRnVd13VNHxoEASlbKCfCvY31Yf07CBU+9Ogi7lK2/bJK5Cnl1H4vcP6HqHP8eTz96E+YB+8ZkquJR0/9MH5vSM0YoSLuIZIygwPOfu4D8xGk/4yGnf7YfDwL7UAxk3cKfNYwdTje42rwMaYfIv1DtfB4MfB7ZysppSOrq/2vmBBBELx587dPnz7njJFlfyCE1fpkMqnLuWqH7eLWdGul+ySLbR9xzv+v/+2/tNYvl+t1Ul3MJtvp+ObmbrPZJOMJXQDAeBQIMGpQSnX1elulWYFcKKW4DEOOsWTjLNZDZ4xv1HC3rGRUZfmkrysnIRcOsY+A932PgUeOcRJyzq3eNRCRpQQdEd1Th4uHlnwqfmpVErkXhuEwdMYYZfSgVZzEru2HYeg7BcDiOPTIm7a13mjjlpvt3cMjqbz6Vt3d3U1n57PpibYmy7KLs/PNZrN4fPQeudi59QLDUEjOZBiGaRJPi9QZvVxsnemTfFyV2xZhWuRo9NA1k/FpGErngTHZtnUYJ2EYk9wRHFqwYRRzIZ0DlCjjGBG3q6pTD4yHiOzHV69lGDMm/P5gEbEbumEYeCQQLefomdBUfPIQRVHTKqpO0zOIaK1v6yYuojAKQsGNHsygOGNSShbwq8vLuq5///vfU5fWgf9E7wmXANx2vYlCSSEm/eri8oyMacvtUEzGdrFUpn/28tliXQ+1DoK4LtswEN5qLsC4wVqN4KQMOUfrddvbhEshgr5rGBMXF5d9Vz48zLM0QOTe+7ZtvQVwKLjU2lK0iugBXNd1jLs8z5Ik4QKt8R6Ztc5Z8MJb2GfhnIljDp0dbZTb2p2/xE6lzlBQ+XEf1hvYe1AMPXXihVmWE79MwCeEpJtzu90uFgviECmkpSkQpBQkPUzbtnGcEmlDrinUBq2Uurm5IQ5xsVhQtZNzfn9/zxhQN8GrV6+6rjs7O5tMJtPp9OHhgcJ5AvfxeLzZbJbL5csvXmRZFsiQomzPME1TKWWcJoyxGtrlZh0EwWg0AmBN0zBjaFAfeRWQ8Uue55RtkCU6HSBBPFEotMhTynIoSNByKPZGS6RXI9f1A59+OPlmP1H6GCgBgLD48Nwnv90/8+Fvdtaa3u/aG/evYIzj3on7mJu2B4PT3YpyiKMPn/URqPuPVTSHx3ZvSHnA7l06wj58Fvts2qT/2IOQ7eXeh1QGj8Tsn5PpzjmQyJCh4LBvqrCe8k7FGBuNRqPR6GI2KZIkEqLI019/eWWen2mttttt1+vZJEtC3G7Xb1b32ri6bqUMnj198dtvXrg/+2Nr7avbG7ovumGoqrqsGpSYTMfPnz5dbzdd1+dJLqW0znLOxxez73/8LkhyEAmCs06Dt8g8IDRtNT1JwlA+Lh9NW85OxuNxQQUb0hdQYYZMSWkgzO4LspZkBVLK8Xi8WXcAyBhjKLSRzui+G5RSQgRmN0yVZu8JAKaUYZI9PDy8u72r28EBMiHiGIM4UVqv12ttjdaaCv5MiEQIL6OqbgbVkUMRrangDANZNzWY4fL0JI3Cm7evOIMnF+eqqp1VoRSB5IwJLiJrdVFk2jptnSTrMeOlDMIoM8ZUTYUBj6LIi6jT7vnzJ2mS+zdv4mSg5MO4fQTqkYsoHRWwKVebTd02/WC0YzLORlleV3cyCJMo3tWWlVZI/bGuKSsTSgbGgwX0fd9HoZjNZg8PerNZO+eiNDw5OZE8uL29b5Ps7OxMSqn18PDwEIQiDuRkfCIkE4ydnp4uV/Pr6/eMscvLyzQfnTFs2iFIpFDegOYBA7Daq1AIZp3zDhGRe+DgwHnv07ToB+ucT+IceTgM2gxDs12dnU6DIDBKew/OuV73xrj1ellcnnpvtTZt2zIOURp777VyMgys9VQDZXuVFH074vjGOL4tzd7CcSeMYUh4VLUl9YUSUOC+l13KgJCLSqZsP5c2TlK6BKMoyvOcsJjK9IRr1AGU57mU8v7+XilDkRQBurWWbBERkTh0yhUOwys45/P5vO/7J0+eEI1DQTdRsePxmFZvmi5N4/SiKOJMkMxcO0uKLtLXO7vrjJVSRhEEQeDsQGqWzWZDGQPVmohasdbSTsK+ZXS1Wl1cXFCX04F5CIKAmkGIiiHI29U0jCHyiu/NuX4+JP+nbUdZlNH07X7yLTNAGnl14Lt3ILunNT7A9sdyFP9xHO8+0+F8kljgUcOn957OAx0vHOUrn8fsn1+Zx7sBRwsDHLExSikuqRDhlTFt33UWy7Im3wgN7WLx+MfffB0JFgnedc1ZHmbZSRDKpmnatmZSKNWrxqVBPBqPGRNd1xurN4/X1vggCH71xVMAYEwoa6qqKqsGkYdxzLm4vXtYrJYAzHjXNr1SCk3vrJICZBKkrVQOPGjOMQ5lFEGep+NJwjjePtzW1erJkyeAbjS7iNPEWjsMgzEmD3LrXb3dAICUMojCXRJpdBRFSZoARoyxtu+VGqzVjDEZxlzK5XorpYyTDJEZ45S2Sg2r9XZZrtRghAjCGG2n0bgoisIou3+YV/U2TfIoCF+9ehWG4fPnz09OTr5//f7AnnlrlLLGGIbQbPqLs9M8OeHeCI55NDJq6OoyDsQweKV761gYShmEnHPngKojXArwTGudpnnCo05ZC2HZGBEGs/Nn7969e3v9eHUlzp88f/36J++BMZRcut0UBymlbLXV2jR1N19tu2EQYTqRMWcsSxKPnORqbds1VYOIs9ksjxPVteBZXuRRMHZ2QG/CMLy7uzk5mZ6dnT48PHRdx5kEgO164wcdx7HVyihNla1I7uR8m6Zdr9ce7KasXj5/QfW86fnl3/3P/8Z5zyRrqzZNx702zinvkTHkAQcAh856wxAYFyJItlUbB9g583d/+73qVn/06y+zOBfIRCR716DkYRiqQQOAMaauS7YzIvbAmJRBEEQAYL1z1nkPKPiBnHDOeeOEtdayXZ/RMSl54AHc3oTEe2+tI8imQNI5YPsWmyiM6OV933vvxd4ijqATAKj5kzgKmgFNPaI0E4468ql1kwbdkf0AQd50OiUfR5qLRMcQRdHFxUVRZNS2I4SgUPru7u76+jrLMqJTSCnlnEvT9OXLl6enp977oVfUi7FYr4glJ13ayfT02dmpc2673RrjxuOxdYpmatPg7CdPntCU1IO2gSj1A4VCj6liTE+Sw6XdD9Oh39IXdoAttvcDOIS9/khtcohnERF+CfF/qY8UdlX4DyYke1QmP+vP3mdX6vT7Wab7v/Ef3vLov7sJnJ9JLSnPODAkhw9ye1eyT8iTw8uPFwD8MOliFz18gv6fozzxSkIwLwRqcA5IEhCGoe4Hx6Asy9VqEQv2/OoSAuH0pt72YSiDOJJF0raNRP/syQUAjkYjj7zrBqNd3/dKaSHEqlwTxyhFEEkRTTJHPuecvXxyfjJO67o1zsEp1HWz2Wx+989+y3hYaZivy21dDcPgnY2mOU/SruvEaXZ6evpw86asy6zeEC1JIRFjjFpDhmGYz+dUfNoNo3CO+uyMMRwz8LtvGbjwiN5qbd22rOM4kVEieFBW23I7X5fb5XLVDU2aj4SQ3mEQR3E+qppuPp9fXV1tqipNsqIoDlN2+74n1QMll03TDH2XREExKoIiHudRwLAtG+PdeJRyGW3W6zAZhzL2xhjrABzjwLnsehUEobGey9h7b5VzwK2Hquu8DYKQLbattfbmflkUhfZ3HLy13oMLBARBAOi6tvVtLaV83PTamGHQqu+VsiLw1ph6W6ZxNGjjjTVe9U3bN20QBHmSJYFo6w2AkFIkSeg1a5tScDTGhFJSlqyUstpgGEopoyBsqpKyzPF4HAchAKvrerVe1HUdCDGZTPJsNDmZBmEIjJdVdXN3y1iqDBuGIcs5c4Zzbp0GjjRuyFrrEDnjguGgiNKBNEITYSRlnhYCFaKLolAPSiCTDB3DOM7YfiirECJKM9pb74EJ5pUzxhm3Ew7sS6Ga0UyMT+6Kfc4LBJ3W7ozqGWNBIKzZOXxZSw17VJ/xSim64Pp+F0fTJ23LNb0/haiHwJwm1RVFQX9JaF4Uxf39I/VQkJyROJ8gCAgZ6THd3uTOeHd3Q6sIicefPHlCstwsyyhXoHEW0+k0DMPJZFLXNRm4k0rsONnnnJMOrGmavu9JTGEBiA0/ZBiEI1mWkQKSYnBSrDvnVquVEIL6Wmnxo15Z4kMPnC/lNLRqMvZhzhTsJx3DL9Ea+DEK/2LTz26R4MgIeb3zQMs7OUB4xL16lWaDWe+ts/wzJp0e/EKJ9FOLAjiKtQ8HdYzCdFHhEfFyuPx+hkihI9lfY/5I93144VEC4QEAOXDOmQfgnFm6PncRRiSDMBAX56dNW8dFlqRhMEqwqpy3vR60M6SpDcMwHxV1XVNRS2sbx2kRZkOvnXNPx2PitRljYZTQxdYOqu97kQen00zpXROGMaYdFMvy+Wr7+nZ+e7+sO+W8R8aSJG6aukap9VgGwWg0SrNoNpshovHOaBWGYZjEPJBcCKsUDyRw1mulrAmCAAUXYeCc69QgfBBFAQrhwPTd0PZd2zZd17d9B6vtclsLHmw2ZVnVxjildDae9n0/X6yVsXGa56OAlIVBEEjGF8tHugucg+vrW845coZ2d+EheMkxjaOTyUgy6NsaOYSC9W1relaMRnI6NVaRNsF75pzTykZxWlWVZ9yjlEHEGO975xlXFsqqK6t6Mpk411prLYizyyeBFE1TSQnD0BnnA4YIzDnX9h30XVnpJEmSLE87JUNXjMYikF3XIzfWo/HaOej7jq6uvu8XD4u2bRmcINi+DkKJQ98ksfzi+Yt+6Mqy9NYScBGIp0FASylHLIrCWmOtHYZOKwsA4+k0CqM8z4x2UgB49t33P8ogGXqrlKXsn8sgEMKBA0/A6RGFB+aBWQd13yMXveqlkF+cXQpUSqlBdyfjRHJhldbkEWN9nGZBEHAJAI5LGULImOjaoarrKIqCIOqUPpSWnPfAgAkOnIkDiLP9dC7awO0cpugDAgyDIJAi7LvqwLdY+8FIiAaERlGklHF7xwOSnBO8AgA1EHVdR9Mtrq+vSQVPhAZVUEkrMgwDKcGLopjP54vFgjFGXupm7/QPAKT+ruv65OTk+fPnQRCUZamUevnyJU1AlVLSF5bnOTX0L1eLL774wjtYLBZCiGIynk7DMAxXmzXNfSaByuXlpfcopeyMoUN7/vy59/7x8bHv+7OzM7HzrURqz2N7IfAwDG3b9n1P9vFkP0BRj9vb5/q9BTbnXO+H8BHNdUC0z7nmPSx+jOkE8R8h+0dix30CgABgrbWOfnjvPZMCBWdc8F3h0VrvGHwEkceAC7+wfbL20H/peI+foe24Rnr47eEd2NFYNfhsoDatEAeSHT4O0mmzzoLT1nqLRtudWBg88x66vmsr/auXz4waiuzMqKGv+wjNaDQSSlVVhZyHcTwMw/Xtg1JqOjuJkyKw1oEftLXogzjs25pLwdHpQZmhV1I6BK1tMSq6duCcp6NkGIayrMMguLp48tj184VRbWN0LzkDIQXj46LYPJRCxIyxruuQs6eXz8/OZnd3d2B813VqMFmWMRTeoeDBqJjEcUwOowxFlmVZWpA+DSHZc4Pl42JeVZXS2jlXNnXb9kKGUZgq66QIT07O8jz/D3/zV1rrOMufXp1Z75bLVa9MnGRD3waBLO9KZwERHeCg1bdfflt2er1cdF3HkYVR4CWLAsG8ffv61ShNrr54Hgm+WbPT6fTs9GS9Xr99/+bi4mwYBkQwzhlj8lFR1u1mXQ1acRFy6XulLesR9ONihaLYNh0izCbTqmlfvbmOYvHlyxdaD13fa61kGEZBGCcJIAK6qFejydRaa41T1o3GUwCm1Ga5XERRwqUw2nHGsjRxztVl1bZ1IORoXHDvAF2WF3kWn5/Nsji6ua0ZY0+ePDHG1G1rlB7lBTPac062H0EQPD6u6EpO07TveyFE07VPnz/bbDZMiG1Vvnl9fXX5/Prm0VkTBWHfDmkRMeCCC+OVd54h94wjSg/cWewG/eLZlRpqp6ogiIaqqsrmydlIchQohmHYm9pCPhpTvHgQHDvnemWVMmGIPJC8lwa0994jINu76jMvqI+RkJ064JMkGboE/c7XhXMupQCGXdfVpqVAhqQsXdeUZZkkiXOOaOL1el1VDYE4QSqVd6hVDwDOzs7ovuWck9CFSA9ETJJkMpnc3t6TFPL09PT09PT+/v76+no8HpN5wNu3b2ez2bNnzx4eHl69enVycnJ1dUViwSAIsiy7v7+fTCbUKp1lGbG3SZIsFguKnaMour+/d9Y/ffq0bdu7u7vpdHYYE5rneaeGOI7H4/Hr128Rke+Na6hIRQnp9fX1yckJY4yWsTAMl8ul1noymbx48YLsumguB/FCbj9NG/czpEhUA7sh6MgYo2owfQTbT3nFjzcAAP6hLx9gT4ID45wPwwDAgkB476kkGMexU0Zr672VUoZxFHivBq2dTdO8bVvjPPOoBt00DZNiPB4L8n7zni4v7z0dI+2PMUYbTakGpUEBo8qKJ/IRiPbd1w+OWSN6TFaxn3MvYj/T/FCZP/TauH3b5C7a+GydOF4bwiTebKsgHQVx/P3bV/P5/Ozpl1G0dYiaMafVYvHIp0UcR13fnIxHZmirrgeAMCkAYDAeeBRnETO66W3TN7iXDiBjyjlEz8AHgYzDwJG/B2dJFHZ1HUqJAnRXW61jyTjzXbW5f1x2bTM7GV9enL39y7++ePI8S5IgEIyBtZYMf7puSLNMaTueTpjM2rZdLpc3P/zIGDs7OyuKQgShDKMoMVwGm82mrJsoirbbrVLq/ev52dmZMebd9dssy7Ii98pMT8+ibLRcrlebbd1twzAGFlZt65BXzWCMUa4WMqQa2DAMbdsnaT47Pf/q5Rff//hKKXX19FkQBP/bX/1HmWYcoeu6eDpxup9Nx9YMRvWnk/FkPEJwbdN+9fLl1dXV7c377Xb7zTdf3z3OKWsPoyQrRsaBtW48ORmNRveP86ZpjYNuW//+++/atnWQR1H05Zcv39/eEIxWdXv38Hh+fvbsxcu3r18tVqsXz569/eH7NI1ns1mutTHm9evXDHmcpc7q6WRmjHFGBVFSjMZpmr9+884Yc3Hx7O+//y6J4qsnl7PpxBnVtWVd16M07eqKo3POEYlKqiHvfV03idixDqenp33fUmPger2O45TzDQJfLTf/7//X/3d6Mr64uGia9vLi2XK5AstiEfWDC0ToBuO1C4Kwr5vxdNQp7YGFQbbeNkUx1u2mahvVVk8vp2VdpUI8vbqqNg88C5MofHJ11batB6jrlgjq29u35+fn1DzftH0UB3k+KuvaOBAiCCNhHdC8OcaYUgMGQjjnLFiSZ9BtTIIQwXZxE5Habkez8NEoI+Ny5xyFn13XxXEcxQlhHGMCEUkfEgTBF198Qbwz1UUZY1EUrdfrH3/8cTabwd4q2nufJMnt7e12u728vMzznOZ8Utc18Rinp6dnZ2fee5oMS/f/crkknxYydqePaJrm/v7+/Pycon46KIr0u77VWqtBj0aj8XisnVXKvH79mlQ3FCHS2Nm6rkejEWl1iGEnXB6G4ebmZjQaES9EFpWUr5G3DFVQDyuKOzLfgL1c7xCJH6MS/FyT5ycB8iE+pdcxmiAJzFpLxROqcxD2tW2r2lpKKQJpnNWddTTIUbC2G7RxvVZVMzhaSxxutnUEGvd+y+NR7L3XWndtT9+U4JKzXYJCK5PDD3wdkVFub6D/CfLu4mtjPwH0A+gfKjeH7/Hwq084dNqZ4/chxEdEaxWTwlq7WS+3261xu9i/LMvpaBQVuUAvkOVFKrzquxo5o8wGgXmE3URQzzxjjvq5ED0yBwgAHrz4SHnpEAG9A+fDiGxePDLkwaG9wD05PysK9e5h21ZlV1eBEEEQDB3lcAKAnV1c3N68/cu//KunT59OZtMiCRfLG6XM7PRcKaW07QdtjKmbrmmaOI6jOHXOKa3bbhBCPHnyzIEPovDq6ikTPMkyJup+0HXba+/TrJicnJ3OzoyHh/v5qzfXi80mjuOA8bJujNk6B6PRaDI5Kasmz5LRaKSdvb97rOtairCYjIM4ZoBZmuihG+V5HIVShH1dnZ2fdlXVOs3Q3z7c397e9n1/eXmZjoszZKvVCpHHcdr2Q123HuCHH37KR+O2bYGxrutEsJvK5EAq1b99+xbBSymNUYLBHFd1XTtnnVFScgdwcfnk9vbW2OX5xYs4jp89e/b+/fu3b96tF8vNcjGZnU5GRd1212/eiDDsB53neZJEV+dnUnrGYL1ZorOB5ILhtlw/3NVXTy4F4xzZ4/2D9S7Pc2C8aZqr6YQxBs43UZ1lCS0zURT1ff/8+cvNZnN6erpcLkUQ/cW//6tnz5795ldf/vjD67t+4YzngOBACJRR2DZtwHCzXAVhDCirroxkagYdF8nt/W1XrZ5eTqfTcQQ6CIRgfLteM2+oIT+OYym38+VqPp+LQFrvejUMw27wp2dksQvGfrDRpWgdGCIZhAIAATcF5sQDIN/FgJTiEaYTjU6OV4gYBAEpx5MkETyg40/TsG3b9XpNshNyO7m7u6Ol2zmXZdl2uyWnraZpaBIQLQBEtXvvyTCrqqo8zy8vL+/v74nfoHFIVD4lay3SexF+kdsGpRFXV1fUqU/SFLrh4ziOk8h7X5U1oVWapldXEwB4+/4dUb3UBEuDkNI0JbYHACgwp5LR2dkZARApF4MgaNu2ruv7+3sSVnrvx+MxhQAEUsShe5L6HkWd9N9DmOk/rm18AuiIuG8c9QD8sEIggDEmjmmot6a0wFnohzaKE0S0xg5GCxGIQGplq7aZTE4YMjCu6WsEHkVRb+zQtGyo6SLejVDgnDEmo9jvu6K0MW5nLYkoZCiYPRpOdFjDDpJN+KhIg8abT6D8E2rlmG/5nNU5PD4E9Z+kO4zzmLHeYVe2vVKccy4EIuv7HkajvEhj7rMskZwxz4w2DBgRUw4ZAKNZz9S8gbAb7+Y8ULHrqMTwcZ8UguDskFJwvtMhWGs5x7qs6nJzOps9f/bMGbtdb3iRXU6m9erOIxrtwjDlnNdtL6vuYf7jer0ejUZpmllb9v1AOjat9WazIeKbqkRt204mExlIYibrplVK5UpxGYggXG1uZRBFSWo9zNflMOj5aruu6mI8kVJ6ZF03MMZIUmyM6dr64cEzLomibLpehnGe5wyQcuh5tU7jkzgM8jR+rEs9KGPMKB9NJhMp2MPDw7au46pqbPvw8FAUYwT887/4CynCX/3qWxmEVdM+zlebqpxOp1EUnp+fc2QP88e2w0aZ25vrLEvyPNemy+JoGLo0i6vtNo7jIBTv3t+dn5+G0XY8mVZN8+OrV6GUi8XCWjudjJumQW9CyWuvy+1ShlExnkZRMPStkCwI0BrVD4NTnRGcJXEcBUk4Bee11XEcP336tGrqsizBY5zEZ2dnAKC13mxWURR0TXsQwiVJcnp6uqnK86sn2+32m2+CZ8+e/fnf35fb9dA0oUiiNGEoOOfGaYFBGOeL9bzIEw/BelOP0qSu27Iri0nxzTfPLp+d379/har+9ddP/uiPftPVm74uF4vF1rlsVADyLMuECJaLd4hIbTFBEPAgCIJAyoALSf3/QgRcCNy3EyGnNgBkh5iRWHUhBO41EhS1AUMppeCSyOKiKPq+l5JlWbZer2lVOKAnhVHkQ0QOKgS4jLGyLMkD64svvqCFhM4XeS4nSXJ2dtY0DeX1xpgsy0ajEXHNzjn6dK11kiTk+BgEgjhWAnpigQ5Ve1LTE/9Dgb/zdjqd0kpDRUv6FcWYbdtu64rGcZDtQZymNEuarL7ISuzp06fk5XIw0yAbr81mQw0LiJjn+Xw+p1VwB7LU32g/TFb0+5kYB3Q+PM8/nkV3gLYjjCMwdwCM+HRKCwjvvEPvHSJuqq0Qgda6bhtnQUahc9D1vYwSZ2GwDnkIZAkAgBJDdMMw1M2aVqyDUyvRU8gE4wDoGOeIiM6RDfMnukziao5R+4CDhyeP4R6OrJ79vnr8yQr3SVzvPm47OpxM4A4YAwfkvOaca9t+GAYE3nU94jjPs9G4aLs6QJuEQW97+GTzCMg4Z1RR9mBhzxcBADDu9qOMEBntEHg4lLUBwFp92CUzKKP6tm5CIU8mU21Z27Z9r6gteTQaPzzMnYdf/+ZPbm7f12337mZxcnLS9ubu73+gutEhqzMWwzjP8xwRRVU1nd6U7azIojA2zgKAQ6ialkvz9OQkL8ZRlFjPtmW9rebGOOdBBnGYZFEUIKLqB8YhiWIA2GxWWZZty7qqGm1sEARxmgETjPHVeh0G0kdBICSCF0IIjlmWTSZjncQA8LhcZGmRjU6qVq3LNpfBV998u91Wr1+/6Qf9/vr+h5/eXF0+6bquKIoXL14kSXJ/f9d13YuXz37z22+7zhOZmWWJc+7x8ZFGodV17RH7frDWfbf6qRs0AI+SAvo+CAJlBs6RAUO0Jyejy/OzxWIxSuM6j7XzoeRq6B+ahnMeyJAxlsURRJKBZ8wzBlEUSi4YgyCICB/iKCFKoIgE2XFv93PNOLI4jgHYfL6cnV1o66MossaHUfL773549cO7btsVWTQeTdNkLEXYdd1yvRi6ZmgaP7Sq5lwkHIzqK6c1cOdA12350091vbx7eTnxztzdXo/SeLFYvH39qhvUaHJSjMcyDIMAxuPRXlbAZBQS8WCNf5g/GmMQOSCXQeC9B3A7TD9OjQnNaUO/q3MiYhgGXArGGHjmhRiNRsQx1XVLrTdaa4SdHJu4CHLlb9tWyIAxlqYpzep8fHykm/bs7KyqKlobqBWTevonk5NXr141TXN+fk7xL0WFT548Wa/X3nsaakF7SymF3/U6ZRTpU3xHRP9kMgEAmgdN6hQaf9rUrdnPlqNmqC+++lJKuV5tX719AwDPnz/PshwAHh8faXLTw8MDrTFCCBJFEEAfgnFyczzgEZVAiWg+/KRTStht90YluJ/ljUfSPfg4kj3811PvKO7pAu+BKAPOu753lvruWNORtRNvuj5NOePSAWv6DgYVhpEM4h9+eq2NC4IoyTOGYtAt5yJN0yQvtNuqrkdEybjxUG/Luq5JG0pKJCEZLbrOG6U6OHL3pnyLePAP+3zcc/QZ6+L2np10cuAoZdknBJ92qx4oGgrPDyuE977XylgwIKMkzrJMKT2fz8ktDpwPhfTWoAerFQTonMH9osgA/F7e4zwwQA/odyJBjwedPTIP4JxHBnvVPwCA1jShdDeHiPacc5HI+MWz529vVm9fv3pYVc9f/irLirbavnv3/osnp4yJQSnOZdt2WTpab9dJnKVJ/jd/8zfff/89defRdMY/+ZPfzufzclu/fvVWSnl6ejo7OUuS5P79fRhH3EIQx5PZbLPd3j7cR3GaZUU36Kqut1U3aOMsKqOHXscszIoiz/O+rbtmd3NRlxwDHIZhULoYx9PJbDB6td6ooRecDcMwO50iYiCYMWY6nSJ4EUjVD8tVWTdDlMTLTdl1XaGDv/v9j2en5yen51FS/Nm/+D8LIf/yL/+3519cNk3T1c2kGH3z9de//vU3APD4eB9F2WR8kmfhaDRq2zaQnDFWJdH948N4NN1ut3kxHpS5vrlP01yb61998/wMZtfX15PJiDNwxp6ezjhzUkASZ86dPjwu27YcjFWDmZ2dSyGMUVLyIhuFknd1VW836/l8Npu9fP7UGPPdDz9Za7/99W9IMD2fzy8vL4MgGBUF2alKGcow0Frnef74+HhxcfHm3Vvn3J//+Z/f399/+7s/E8+jJMmjsAh5FEVJXddv3mtw28flYxT4rlrIKJvk00F1p9PR1vi2rtq6HafhWZE8fXoFYFerxeN1XW7WnPPLy8tiPJVhOGhbluXzZ9NdzsoY51wNpu+Utubu7qHve4JsqmgSrCMiyc+PYpT9xvbPHvQwh0CSOmWVUkoZpVSe51EUDb0mgqzrBqUUKf8Wi0UUJ5xzUtcSzUox+7t370aj0Ww2e/PmzXq9pt4touPpUw5xPY3jW6/XDw8P4/F4NBrtBACMKaXISlgIQWkp+ZiTHoYxRokkY2w0GhGfHsUh51wNu4YC7WyWFZeXlxSbB0FAK2FRFJzL5XLJvKfMNwzDoigOonsAIHw/nDcpZZ7n6/Wa9p8GTB/0LQcEP+jTiY44fuD2A4UJ4+CjqPwDliEigEXkQIAD4L0zxrdtq5UNwxCRt21rrQuCYDo7q+u6rkttTBBGxtn1pqzabrOtBqOjOB2Nxg58ua0RMRsV99BnWXY40rKqjTFcyIfHeRRVlIdRcyOdKPov28+JJxUQ6USPyZMPikb3AdOPVyy3l5PCUZvS4TF8RnccztuxQMh7751HZAAYyN30QbKTU0rRDKxq/dAXURBeJLGotpso5AAOPAME8ICA4BmiE0B+Cg69R/CInuwVgNEMCgsOOGeIzNPnwi4wcgDOkqsOcM6kEFVdLR7nRutQSNUPQRSPRuN38/vxaPr9dz++eHp+fnG1WMwvr66Wq411+PC4vLl94CK8evK8qqrFcmMs/PXf/L1zLo7jOMmDILAO72/u67qORMjKynvv0CVpGqWZkGHbD1yGg9a9Ntq6QWmjgcmgmORRwq2H7bbSQ8fAUzW+q5vV9kbKUAihtDHGaGfp0ppMJmkcOqPHeTH0DSIao2USPz7cUzd4MRrXXbu8e9xs69PT03wSXDx9vt1UZdU8ffo8z4vlYv306dPlYp2kSSTHo9HIgxu6XqneWf3jd389PTlN03TomB5UILBX2nv/x7/9IxlEr1+/nUxOJifn5PXUDXa5XFprm6aKp+M8y/SgooCv14u+7cJJeHY209b0ygpl+r7vusa7HhHzNFZKGeX0MOR5/vTJ1WazIksAitgYYlmWq9XqLE8pUej7/ubmph/0ZNIlWdo0zdPnz621f/M3f1PWzQ8//HB9ff2v/tW/+pN/8SdGWaNQD45hWBRj70eTkXhymX3/Wg7K3M3nDrFIxUo3ceBL8EEs8snscpKdJMI5U9Xbi7NT1SaB4ABQFOMwSngUGgdBEGmtgDMppdwPYR60IkfFA7jRfL5eK+NdACC83/WLH24tAjsUfMe6ENtO8jeH1gwk086yzFoPACQL0WyXNRPHTaGK3c/3GY1GVVUBADlqkQQlz3MShxBBQQZYAIyaP6kIdlhLVqsVOZ7TUGYy/9Jac87I4PRgY+ucI4MXmjfddd14PD5A/PXN+/F4LEWQ5/kwDMvNmkgbcroQQpyfn5P4RynT9/1pkZKAh35LjvBZlhljyNvrAMFt2242G6qRAgCVzmmmEpkl8CP3kk/kep8A3HHs+cmvDmDn9vJDa7xzbhhU3yutLBH1iLvyfdO3j4+PZVWFYSTDoCqbm/uH1Xp7cnZqrNfGd7224LtusNay1Vr0y7Ozs/Pzc3JLVkpFUZRlWVlX3dBTPiGEyPOcHMMTvsvP8INjxIeaMB61Ux2A+Pgo4EgKeZC1HKJydjTS75i6oc3tuy0OO4CIgBjFse1d2/fWWhkGgkVSykAIijlgr7EhwS73QPVPJOgG9ADcM05ZgrfOOcaAefAMAL3x6Ly3jvqbcF9ftYwx54HcLg+Lk7VWMv/w8LBYLM7OLnIr7+cbrPuXL54Qc9h19t2796M8bdr+p59ea62rqkfEq6unaZrOZmeMiem0VcrEcdr3vfcoRIDIrfWcy9Fo0lX1dru9uLiQYViWdVrkX3zxhfVgHCjtoghkkES9brohipLp5ERjV643m+2agZ+NR5QHLBYL730YxlkWCRkglwBA4xgZQiCYUUNZlhxc0zRSwHq9JpkWILOAddOVVROn+de//o0IuoeHhzCOgiD6/sefoiiZTWaAfDQacfSbzYYLOJudCMHmi/V6vT6ZjuJQZmnUtXXXdZxjuVltyvrXv/71ZlsFQdAr8/Llc+/ZZrsd53nfl5Pp6He/+51RfbnZGKv6vh2Pi2EYGPg4DvM0STIRRBG8Z32vqqoNQ5lEgVLKDr136vL82be/+uaH7/6eeh6/+eprC76q6rKqON8NVCjL0nv/+vXrIIyVUmEZzedzEQRShv+P/+f/OJvN6rr+5//8n//X//JfZiO8fn/X1Y3gcRiKgKsoitLoLM8xSvx8scqLsB183WuOajG/9pMRgCvLVQj95fR5msVtW6ccvnjxDJzdbjbUnJyOR3GaB0HAA0+JVBCEQ6+NaYdBe+8ZCqUtCSKEEEzugNqC/2AUcIh36J5kQKM0mHNOa6OtAQAEztmucHp6emqtp3GdbdtKERKlSD1Bu147KYMwoqCbroPT09Ou6+q6/vWvf22MeXh4yPP89PSUnA43m40QwcnJCU3DILaE3i2O49VqRXsYx/FkMplMJl3XBYEg5dx8PqeaJ2NsGIb7+/vpdHp+fk5hPok0OOfPnj2jwUZUAo3jmDFBJYi2bZu6s+AZleZFUBRFWa5evnxJmpzNZjMajWgxGI1GZOPOGJtMJhSWEmlIbDKN8thsNjQ8l0iqAy7v1ETOHVsCfEJKHAP68eP9y51Sahi0VtZaW1U151Lv5KthUYxoDfu7v/19EASj0ThK4tVy8/b6/aDMbDbre82EUEZ32kgZxklCtnB5Npo/Lt++ec85p46wjS+1viFPzdEop8KDd365WBtjIqb2BF1I3g9UhzjInA7gTvsvhfRH2zFAU8gPe1+Kz9eDY1g/ADrsC867y9XaWAhru/W6qioFAFJKxnaSJKrEkKrKCBdFEcLAPfPokHQD3sFuTrBl3lnn0TsEQEDuwTNvkDvnPbLjxl0HzCNa+8F0E6kgpHVRxCfTaZamnjF0SF9f1w7gWdcNf/pf/O5/+Z/+R2eGMJT/8T/+xz/90z9N0xHVkNq2vb29JaJjvV4Tq3ls0Q4A4/H4/vqmruvf/emfZln2F//+33VqmJ2eLxePaT5eLBZ1r2en5xcXF5uyXi23b9+/C1PW971zjnOmjG4aR+3ZYRgCF4b6F4yzZRmEEWOsyBP0Xgjx/u376ShHb0dFslpvGMJ4Ms2yjMlAG9crV38q7eMAAQAASURBVDXt27fvJ6e8LGvnoMjHJycn2211d3cXRZHqhycXl4wxb83Dw8MwdEYPF2dnm+2iqo2QbLupuJQnk2ldt9bjd9999zhfR1FS1v2zZy+V1vf3j3GcTifper1O46hr6vEof3r1dbneIMDzZ0+6Xmmt2rYNs+zs7Mw4WC6X3ntrNenQZJ70XdO27bt374hFBIC2bbWzQojRaGStH4YhDMM4CM/Pz6+vr9OsIDMGUl7c3T045+bz+b/+1/96Mplst9swlPOH6+2mPT+9kkmi+trbQQZsVCRx9iKKxBdff1F35sfX75M4e/vuZrFZXcxmtndluen7s9Hzy1TA5aQwxnhnwjAMwhiQB3GMyLuulCGjLFNrs15t7+/vt1XtvbfG397fee9PT0+vri7M3vDVey+01jISFBQfOh6FEEc3IwohPILWWqkhiWJr0DnGWbhazonsI0ykCcvr9Xo6HZMkPM/TKEq8913bnJ3OVquVGvpRkRd5Niry6+vrh/s7NfRffvklQ9hu1l9+8XK13vR9KyVnDMpyg4inp6dpGtd1/fz5U2vtYvGote77drVaRFFE3utd15FQnXO+2WwIVpxzeZ6fnZ2RDQuFzJzzNE29A0qvuq77+utvmN+zIm5jrR0X4/V6Pd/cn56eTi4uqHNqsVggIqXzxDYQXlPZ9urqigwG8ihgkudRGPHx+vHeOxtK5qxyFrxDY5HiWQPOonXojNJJEjHujR0YYBQFgjNKqZRSymjnnN07O4ZhKKPpoG0QCuRuuX1cbRptXG/8fNmOJqenl1eL27s3P77nwVYIIXgQ8tyKaGi5rrrBhHL2K6fdVplkmg3abpbrvu+TJBCcaa0BQh9Ok/OXsdWcMREE63ojwD99ebFZzKvBd48bjl5yJjjVAOz7AZ88edIPrVDc2GS79VmCaRxEUSI4onfGauacDHjAmfdeYOyB7Hyt8cb5XYEBA97qXoLlQWAReRAB53Wv0pBbMotEhmznI0lFQwBg/IOoBhCBsQsRNFWX8hi9W5TDu4eBR+G2YwEPy2pYzleTLLAW8vy0bkshCs8bAPAOnfPOMuIaGWOt1ojIhEDkDo0D78GCg8CwAAIPzhptvXaouGCCcyaZlHFVNdqYohiR6DuKol4L4yLE+McfrnmUAQuzNAVjx3mWxRFj8OKLZ0LCYrFgCR+4trbXta67qm/bvmuzKA7DMMJJyFkLrlot+jj67R//0Y+vXrW65T1/8vW3y836bls9yYpnv/rtq9ev129u8/GIB9nZ1bOxttbax8f75WZNgZGAMAQWRUkUSvC2rWrG4WQ2zvOcyrbeWWAo5BAGjEkxFj0iRkUcwqWUYRynN3cPQqTaOZnNygHfvr+fz+dpFj978ZRztnn1flIUF08uZRA8Pi5a08VJdnI6HXpV9/Wq3N7PF23Tx2kym50tWt42Vkr2sK2898DszWppfWJl8Bd//fvpdPpmPnfODfz3ANCBnNdDzaVg2Xo76FovN4/bdXs+HWeRzJNQNw0D/9tvXmyb9vrtd8b5USG8ZYgRB4wCxoAjS7Ik2ZRbwTBPY86gaaq+7RjHgAsAaIPx4+O76XQ6f7j+8svn333/6ts/+uMff3oDMth07q/+/vXo9GWaT/7ib2/++//+X9Sr9f/wP/zfX//0YxJL9i3ORumkSNWwsa2uttvxaPLFdJQX0//pf/5zvlqeoFBcAcCMmce6SqRUvbpf1d989eVD3y9ur1XTSLCnMZ/kccgqBtvLM/ZYjZz3g/fV0D+U+r7j60H0VjvnSx4VcepHpxBOnItQD8KGzjlxCBuPc1jvvRDySAyD1HkhuDfa8P18O2rRpJ9N05RlSdQ2yV2InwEA6iE6TKczxhRFsdlsFosFTZU7PT0lYUnbtldXV7e3t6S3p9ojhRVkO0lt9yRYBACqfdE6RF5aJGIJguDs7Ix0mVRQLYoCj6SZjDFSdBDCkukoNcvs0osgILI4DHezH8mFJs9zelsKw8fjMd0JVJudTqdxKAFgGAZljWcYyhARzd4YnQSknHPhvePOeBem0jmntQb0QkpEPihFRd0wDLkU1nmlNBNBkhV5nltI29VqW266rl+vt53SnnHnfJGPF8vl/Xy1XG+M9WfjiRShA89ZKEVonGu6oesVF5FDdA6aumNShGEA4BH8MAxmUEKIyWTCOR/61nvHBcZxHAme54Vg0Dd1U24Ha4osCaPYWNXVnYhyZU3fqTAMh14PfVtvSyF5EoWnJ5PpZCS9UF079NpKFsrAWqu1Vrr33jLJhCQ+yjEGjnMppeBCO83QC2Sh4Me80+GC/JxhP/BRVVtpjFiazc7Pvo6mi9o2yltru7rMxgmFPMYYogSDINBDCQCInJGMxTPwHpzP08w5a4yxbvA0OBiREj6+S24l8+i99d5pp+tlnWWZMZZ8DZUytAzXTbut6qpuezVk6TiOkyRJGHObcttMU2MMYyIMZJZleZcLIVaLVRzHRZZLKW0Q4C5R1tR1QnIjilpyhIeHh6tnv6LRu69fv62qSikTRZF3WJbltqrLsmy7TiltrSU2FQBkICIZeGeaprVWPz27ePn8+XK5pBsnSlIRSO/RAwgRVPU6DOIwDMNARHGSZfm5diIMAJAY54fHe2PtaJwXRZFlSTlsrHVN20Lba2d//Zs/8h7/4t/9exS87YbBWCnCi6tJEETO++VqNR1PAcABegAGoIxrmqaqWwDolCLbmM1mAwBd1wHjbqPA2yQQJ0WaxSljvmpqo4RgGCVxFEXNoOq6NkqzIODIwjQd54UxxnvLGDubnOZ5Nn+4O5lMH+5u2qYajfLz83OlB6eNlNI6KKtKBlGcZn3TPnvxsqqaIE5eXD3927/7TkjZK/NsduKs/zf/619cX1+/+pu/XS3nk8l4Ol189fUXg3XdYLbrVdd1nstiPNs2XTGZvb9fGaVlnGA9xHF8cXHRlFsKB9+/e7OeP4AZzqfFk8vLURw43TVtLzgmXIZRMmilh65TQ9cOzpg8jc/Ss9VmqdsWrTHDoM0AAMDQeY+Ae7rcmKMInR3ukH2yDxStS8E1qgP0E0FJYb8QoizLvZc/EhUbBEHfq+vr6115J46bpqEaJi0Al5eXB4FjURQAQAE1tdhlWbZarVarFZVPqVWV+jlJ/kjNR+T4SHhNja+k27fW0sdlWUZ/QCkMCe8Iu8V+ljSV9UiLSho+a3wcx11XOueIOSGexO5nipJmkVYaIcTOAyAMqFpAav0gDBHRH4TYgHjo1kfkwO3e2ysIYkQc9KC19iDSbMw594yLAMcncRwnyppNXb97d73Zbp1zTAaDdoP2bV9vyzpKitv7ufUAyNN8FMik6dq2bfv1Q1YUiHxb1oNyQWwYl8OguQwDv0NYixhwNjqZzE5O3t+8B++VUpKxLI0Zeh3I5TLI0ySKU++9VUMYJ1GWqr6v6j4I47Ksb29vJeNJEg1dH0dBEoWjPFN9W9dllsZJHIVJANZ1vZIcu6Fv29aDDUMZ+UDIndCeoecMGBIrbZiQgiPzDrwjZS0DKt3v3GrgA1vlwXtyKQuCQBlom6bzru8dgNdat21jjcrz876vsjDO84xz9AB1XQpmd5E+Msa49+AdAnitlffegyX+B9lu1JSTHNETqe699eAQERlSmquNM8Yi7ohKZZxDX9Zd3fXOo0cOjHlAY0xRjMljzlrrLBNCRGHSd2oymdDlHUqZp1kchNYY59xitXTOnUynvVbv3r2L03RyMq2q6uFhTldj15Vt04tAdl13/7gQQgzaNE3Tdj2V0ZiHvumruh4VuRxLYlE57CYPB0FwcXbedd2mLJ3zURjVbXN/d5dLFk5kIATL8yhKGIJ1Wte66TutTdM13nvOGJW4Tk9PXbm4u7vLRmw0Gq3K5mG+iMLYeOiqrtdKinA0mRajkTG2qqpe66ppnXPG7dTPgHxQpmpbGUVKKcYlF9j2A+ccGG/bttKV6bsiCZNAxlL0baP7JuT45PJ8GAalLZMii5Oma7umZowFPHLOGaPQg5N+GIZAcLqFJ5OJ4Ki1AoDLy0unzXq9zkbjbdV6zrNitKnayyfP/u7vf+8888h6bf6b/+ZfaetPzy7//rvf/6//7t+VZZmEaVw47fzN46o1OJZxlMt12YBkGkSr/e3d48tvfnty9eWrn17/+Op1ERpkYjrJrRq6rmurMkQznYyySJ6fTIo8HZpyuar6tknicIDAot127bauNnVT17UxejKaXT19gtZEjEVCjEc5otd6sFYD804bceBnCdMPdTzcezEiIjXXcc45k1bvip/UbOm9P8y3pUuHXI0I5amqTn3wZH9IGnbSupGFAPE29PLlcvnu/fX5+Tn9ikgVKtPRDXDoOKefYRjSbA1qxCBxOpWnCM2PKWzihdIs0Vo766k3dRgGxlqyeVFK0ZAQqgpkGYvjeL15IM0iEVPUs0p9ZdR5S/aeBPeMMevAWE//mPXWevKvZYztPMztLq4kOKI1icqt2+12vd4CZ3lWAEpAro03xg3WVG39uJi/f3fTK9d1QxCFSSasxa6327KfL8tEY9vpNC/iNBcyaNpuvtp0XdeutiCjJMk8D0AYQN4rU9WtUps4jsE670zABZMcIQ4DZo0G6ziAkFRf8cqa1Wa9Wq1m00mWj5wznDHnmXZoPBvFWVWVgByYaAdVV7XWIa3K1IeV5+l0MppMJmEgOTL0QgRB5JyxCneSRM45N4MCdGCd99qZwSN3nCHAzgbpg8Tz0HKF+wcH0Sf5VjKJsuxM27d3j+vFYrGqu9V68eLpZV6kt2/ex9IIwRgH5/ygVRCzPbXvEYEx8AjeYd/3jIMQ5AmMzu/injSiPgNljLbOOHRCCIFiNpsZZ6FTjPEgSjiX5AfJwrgdlHIQprlnfFPW1tpQsMvz8ySJ2r6rqgp8hBziODZKf/3V87Ish67vzSA4F0Iabbq2H3olZGC8N8Za4xjjiGw8nizWPWdSCEEqmyCKjTHbqmmaLoqiUTEOg957z6Xoe1XXW82tkDzLkmJcpEmgh34Y+jdv3iRpBNoAQByGWpuha1TTMet73fRhsFzOhQgEMhEkURAqbVfzhWdorRVCpGl8ejJLolApVdX9oNxgHHBpEd9d3+XFeHZx2dTdoA0yLoOwboemaZTRnAfLTU2nX0o5WM8577XWxsn/H13/tSRZkqYJYsr1cDtGnQWPZMWmuocuZnoB7C0gAsHb4EHwEBDBG+xgRBaN3ZFFd+92d3V1JavM4M6MHq5cFRfq4VUzgrWLSE8PDzNzO0d//fX7P0KpVBNhnFKqrUcEp3keszBDCNqD/bEV/eDlBK1MCM6yrCqyIBQN/vLy8vmrl9vt9vr2hnMagiMIr9frhNOuaxFCz548/fDx3dlqnazXu9193/dplsSFjDA7u7h03kPKCEuyIq/mi64f/+F3/3Rq2oBgkVenNkYRN4yx+eoiqarDbnt/7I+9mC0AweSuGf/z//g/bc4uzjaXt/fb+0b4gN99+FSUiyd58uHd+3EcGWOLejmrimD0+vKMEwAAaJpuHEeP0+psGfGP77//2HVdH1thIyFGLMCMkPPlnJ9tqjI/P98wgpUetdMAA+cceSx5jyyFRxJCrJIPzJPPwUiRFRMvAyEkwhd5nh8Ohwj4xoYl0mvA52TYSH/c7/fDMEQLi2j/orWOhThN08Ph8O233zKeFEURJ6LGGAjhfD6v69p7H3eR2FzHrSK+eiRgDMPgvY/e6+M4PgI+ccMwxozjOAxDmiUQQs5ZlDtFbGexWITP9HDvfdyE4owhvkSsuXFa4r3nnPd9H58h7hbxiFMUxTgNAEHKGUAwQGC9Q58jSB6HgeDPuH0xUsNaq5QZJjVpy2jiIAuAEJp5p29394fDyfngnFMqbM6vYNdqrU+dGPpRaOU8gDSBiAVAjANAmiAsQEgrT2haLdZ5tUzT1GGOpYEQmyABgvP5fFaUeZHmnFFMpBi9dxiAl8+fSimDi662DoQAYbDGH0/7EIKd1wljASJrXD/KZhD93b23jrB0XldCiNOxbfvBKDlUxdl6xdOkHcam6dK77Wa9ns/nBedZWuR5bq3RWoJgEEKcEKtlCAEEB0IAzkIEUIiqooeIJggRCD7Kf/xnodYDMvNnsEzfDUm5SgteJRzeNgADCEOSsCxLOcMQBqVU27YMhzxP8jyjQEYWEoAOAogQCcEHADnFEAYIYLAmgAcjU++9IwbAABFAGFoQgg/GKOtdRjAEmPMkhlFijAjGzvpRmWYQLuA0nxlA+rFHBCc8s8FPUnQdiKfANOWz2WyScrvdCiGcsVprLWTMrFGTODs7cyAcDgdMyPnVJaX05uZGCJGXF8MwdF0nhFJGZ5nmnJdZCeFUVRXGpOv7SNqjmHDKZos8z9OiKrOyIBBoQZWYxqlPGDk2DSFkuVwbY64/3SAYXr96lWCDMT2eTsOkgAM81cEB71xVVUKIQ9977zeb1fn5eQjuzU8/397eJ2m+O3XShmp+luTzbhgRxvNV2fbjOI6HdtBaj0LFzolSFgDy3gvjZDcAAKQ22jpMmXIAAQQQMWbEhAKInA+E8xlPobNKSat0mfCqqjJGAsDPXrwGIHz48A6Ew+Z8jYJXwxAcMUlirKIEJUnSHA+6yPjZuRBiu92WRVbX9TSMtzd3eZGtVqvbu7vLy0spddd1PE20tV9++eWbt+9//OlnZ/V/+u//4/rsou0HzvlyPqOUYp7OknScpLN60s5DGgg+9oKk5fX2eHcYiqreNSNl6SDMk2dnE3STVPuuuVgvXjx9VqXkp+//+dM7TQmKY0sPCEnSzur+pjk07e3dToyTczZLEk5JximHEGnzYn1GKKIUZwRB6BGCEEMHTJRNw8cu+3Eo+pnuYiL6DADS1mCMHQsRAInV7dFZMPbUEYuILW2MxI33awS7Iyj22btR930fW++4RB8h6dVqFbkrsTuOHrmxlEe0J03TEEIMjQshXFxcRGuBRyGf+xwEgz5rEaObTbRkiU9S5AUAILoUSKkffxHvweNoAQIcjaTjrpAkSdSRRqrPn8tK4+YRjyw2eEopYxQS/CfyBnowYHloCZ1Hnz1zq6oahqHpB+8C5ck6myHMEKaEZf0gPnzaffh0O40iy4q8LNKKNJNqBimFFko2TaetZUkKIFI6COUdNMhAQijjBCIcPAyQdYNsRyml9t4TTEMIjHKl1AiRdypkSUKplhPwTlFUzMpgjQXBOaekZIwlCXfOcZaOk7TuVJblrC4hRJO2vVBGNTAAjGGS5sb6JMuyJFFi1FL04xRrsDMaY3w4tIyxX339i7xI8zyFmCBEjDXIOY8RpdRbh0BAIFAMMUIUQe+D8Q+0cRhno/Ej9D6eciCEUdQZ/4sgBIRhSo2wQoG2b0IIScLm89nu/naR4/Pzs3WdE4qGqddaLBYLiP8LCzDnHu4BQohzPqYxQAQehTnd1FOKKaWYYWqxMk5r45Q8Ho+Up3leaOW7biCUZVlhjLnp7bEdHMQYE6mcBRBTDiDWWnvOOefn5+eLeQkAoIxB0P7d3/9zURTL5ZJSPo7Ce7es6vXqzDlXloWxnnBGKW/a9v27j4yxAGfHYzOOY4zrbJs+qmchwVIqAJSSMrZNZVkul/OQ4yRJUs6s1VJL4FySsJQWVquLsw1BdBiGth8YJcSFdr+/+vpFVIrEJFKtnNa6bbphHLK8PFutRym01tvtdhiG9+/fZlmlHBj7iWez2WK13W6P7VDXCwiJsaAZhJQKYUwZN8b1g5jNU4wxQsFqrU3U02HCEkg4oQZhEgAEENkAlHU2ADOqsswZTx2ANPhyXp2vlrMiefvHH+7uD0XO87w0Rv30xz+mafrf/tW//3C9r+t6t9sJMcHgIYTeurZtUQAhxJVOoj1JbNr6rgmXZxjDvumTPBu65tmzF0XOf/ubX2PK/ubv/pfFLG+O27zKzy+vIISjMYwxfH8PIXz/4eOz589fnD8/u3i6O7Sg7e7vd4Pyw+T+5b/+t8bB7/74U7qYnZ1fflKyaZqhb4nj0FmMwDSNlDKPqLC234/HXuxOXdP1yzoHAFGeUJ5URbaqqs18PuPJqiqkmsaxH4FJy4In1AKtvK6S9L+u6eFzP/7Yv4cQvHfRvjx4uFosI8gQvQ8jvzUiKhEYeSxe8CEYATVNMwyD1rqu6xBClNH3fR8Z3/FFp2nCGH/11VdZXoDPeRGxJkaJKfgztrL3Ph4R4rx0mqbwWVAeW/u48Tzi5nF/ghBGlCZyzONLxH8SZ17x/PHAByIk+CCESDMa572x7j9uWkVRRHgnsmtms9nDtsQwDgF8tuhCGGOIQggeBPg5x/nP535KGeMDCNAjQkiKSdIL3XRHqXYfP92+ff9RCJMXhYXpZIS1th3acRwBhAghZUCAxAYSfNCjgojytPABamMgcsYBAILWth2meGkIYZwHxgjnHARKKUYAOGsAhgnHdTm/uji/2e+BswQCAGKBQwil1lqAkTTWQ5RD5AEx2igHIE3W840QQimptfUezJfri7PVNPa7u1tr7PF4QggVacYw7Ucxbvezsq6qoq6rLOUAOggwCMG5QAixPoLmAGPMCCYY2hAQhp/L90NSh3fOBxeDaT67vD9Mh4KHSZZbAA6n02GEp9PJxmULghDjbnf/229ePXt6sVxWzqhh6LVVLADv/3SQcs5FVO1BWvmZ5RtCsDYA4I1RIZAQHEB/Bk5iapwwk/ABOReUNggzJU3TNDcnaB1EhI1SDkIzzjnnp67hOPWAZ1lGIAMhnJpDkqbjKOIdHmf4kYsVqb3ff/894rSsZwih9x8+RORwNptBCMuyLMtSKdMPQ+xpovraG5tE2kySxIDGEEIXBABeax2M9lYzjAlmnFOj5KyqMIDN8eiULNJCGn1/PN7e3VxcXDCM8irHlLehjx7UUurNWbFYLA7N6fb+brf7NoTgXMjKuusGa8Ok3fvru7vbbTtMJCmQcSZAQhNgHMSUpynm3kEktIvSdxsQgOChEAUQIGRphjD2ACDK4qVBCBntp1E5RinENoR+soMwaZr/63/3VzhYZ9W6qoQY3r/9WYixzFIAoNZq6FoAQJElwdm2FUqLIs+zLGGUQhiSNMmyzFo7jmNZ5MC5IkvEhBgK3pv2sC0Sll1tVsv1ejHLsqwukmmSm1nKGLtuhizhFCMLwO9+97vnz5+9eP58sVi0XbdarZ4/f3m/Pb75+d3Nzc3XX/9CKdV59/L5y+PuTrajkWrbHbRSi3ktReoh0oBqHbQSo7cuqYtkgbBIE5ZizINjjM3KfFXPFkVmxwFDn2FIEYTBAWABCgBCEr0B/hxGf6w4sR2OpDrnQtQcRdHNowl4LKyRVlxV1cMR73PKTyR4hACttdGaPMuyiJDEtjeEEO3U1+t1rIBFURRl1XVdbMMjLTfP8+idElv+eDfXdb1YLGIDHveDKH2MzXissI/Wr+Sz13m8v2N/3bZt5BI8uicaY0J4sPcjhAQPQwhlWfZ9Hzeth+gASquqipYAZVk+OskAAJIkEVZb6yD0IQSCMIIYIASsc9aH8CebcwijthwcmzbJ8rRMpbK90G3bfrrbXd8fhlH1ozTasSS1gR0a4dzgnMMJFjYSk2BAlPEkz/OAoBS6nLGqnp9Op9OpZQnnLC3LMtJAlVKIEsYYBpAQwggeh54gkqa8SHlCIXCWUZRwYrR0VmNKfLBynMQwimFshz5KmdI0pYwZ67t+lMpQllCeKuOcklIZa5QP9nBqtne39axEiQ/OB+8RIYQmaVZWs0Xb9T48mHGmCWGcYRIIBtC7ELT3IMA/c0fwIWYch/8NCv/jHvw4z5+MDg4JpTEt8qJyxB+afhzHi4szI3qtdXAGIVTWsxB8nuembwAACGL4WTYVpziRDhv/jKt9GHshxOJs6YK3yj24WmNEKeeEFNXseDh5Dwhm80VRVbVS5vpmO0mAGWcJPx27cdTzRQoQ3O3uE1iXPEi5oNCPQ3t9fT2fz43zr159MQyDlBoAhDHBhA2jOJ5aqcx2d4hS57u77Xq9fv58HUJQLsmLCgDQtq3SOh5wo74PIVQUeUz6dc71fd/3vUqDUpBgmGCcpylnBIMgxgnB8POPP3Ceblbr1WJ5OBwQ5L/99a/zHK/X6+1uPwxTfzjtdnuEeT9Mr169mtU1ohQAqJQaR5EXxdn6TDloAZq0/f13P2DCnj17tt5cfPh0PZ/Pi6LIqrkwXkqJiONpkkMitPExDAhAgLCHyPmgTQyzhd5G2THyARrro9djFCozjL1Wh91x6kclzc8//7ycFUYMeYK/+fqLf/Nv/s3HD+9ub27mm6uuOQoxvn756quvvrq5uen6ZlnPIQyn4zF4f36+IYQc9wfnXF3X0AunhqzK6zIBAXHOm/54tjl/8+ZN0GOV5BS7i0Vxq3qkR0bCskrX67UYThDC/7y98Vph6BJKyiJ7/+7t82cvrs7Pxn748PanX3/z9dlykSKU5/nY9UWaPn169f7H7+7v78s8+/oX3wzCOeNBAAa4w3DankbtwzfPK5rkGAEzDnISTmsaHEPgdNguN8vlYkES1lsVYRJEkfeeWGs5fYgPtZ9jGSLSDT4b4SIUUpACABhNQHjoMSNHOwLKNzc38/m8qqromRULX1xpUupIIY+mV3d3d0+ePIlZQt77aHqFELq5uYmLM0mzR6rZZrOJEtiI5EQUXmsdU5uLopim6d27d4vF4rG+13Udd44o80mSJBJsIITRq6EoimEYxmE6Pz+PzpYAoNvb28VioZSazeaPNuuRFX44HC4uLiilfd9HTClyLmPeXvwE4k2WZVnTNGlVRGxda62VjqQCGaQW8rFGTNMkpolzPpvNGMJS2wCd9Xh7OHz7w5vb7ckDcrvdU5Iu15sQoDCBECweCJdJO+yjjXAIIc/zaZqsC9q6EEL0UyurOo4EnHPOqBBC3PCEEM67lDNKcMJIyinBAAGfUM5zniYMePvq1cvr6+sH2No6iFFV1vNpogmfJimEuL29xZg+6tHevPlAKfbeAurnixklYJqmuq77rimzNJpmGK2NNAiFPM+tVhjj27utMppReHG+9lJXZQoCRJAYZ4wJBCIdXAgQoT+5pfs/S5qOt6X/Lx0cH3ZKmgjl6/nytpGU0n63b5qm6zoSNEf2xx9/LDh8+uTcuRhF5CFmAADnvTUaIUQoqeZ1Vj5M3QOCoxTb7VYpkyQJTwvOUg8BQkhrOY4jR4SnCQBITBIgfDq2zvnl4kwps90ft4f9H9+eDqdeB+gctFYPwwCBJYRAGDDG9/f3KUUYQUp51w1XT55m1dxau93vns/rOGv54Ycfdrvd2dkZctjrYL378uuvhBBt2zLGhPEPrkfApRl3zjkf5nUVu6jZbFZVRfQH3xG0295tu3ZWVRlng3daDHWR13nJC7aazQ+Hg7N2vpi9f/cxEhOuLs+VHv76r/+674fnL77gPE2T3Dh/fn7pPLDWwYAAxGmWI0xowj2EUvtB6EnorKw3m02S5O3QA0T6UXSDMNY65zhPMKFKWiGEtC7LsqIoEUJxMBAbyngaDp+pFo/95SgmAABFxAfoIMY0MQG1owjGSwvOzq9uP739/oefLjbz87PLb7/759UZOFtvgvOH4+79BzqvZlVxqbU0xl5cXPzud7+DEC6Xc4CgHKVzDliNMATeVFlyd3enRrJaLJzo6zLJc56mFEH8i1dPX1ys2rbt+2G9OLdj88vXz13wdx8vgZOibwl0X7589rv/9X/5i1//6puvXs+r8m/+5u/e/PH7pmkmmgUl//Ivflsm2BlLKV2tVsv1pijn+357t29OItw3op004vlmsT42b06HQ0HJnJMsZxdn68N+q7p9wokRYx8sL3PIGSVY+WjqYMifOwU+DvHiIDTi4/FIFftuA0xVlKfTKUr5H9NEI2v7kTwTPufjxQ49tsmLxSIyAqOdQlVV8cwYS0M0A4juu9FfJU3TqqoiOBiThuL+ET2/IIRnZ2cIocvLy1g3o6dK5C/GsXLEi6JiKJ4MkiS5vb2NiE20bXlMuvj5559Xq1WaprGd4Zw7G6y1/b6NKrLw2SsxOgnXdR2nCI9xo865PM9DAFYb4ANBGFBqrY1AU5wkJwRb76XR2juKIKTETI7lM6Xth/c3f/jh5w83W6E8xFw7NFutqsXZbrcbx7EuK0xYAGh3OCJCi2pGCGmaZhQykvTjnDb2cQAARnGWJUWeUvonG4NhGJwzRZ5zikzKyjwhyDMUck4RDCh4Z5U2rjkem6YhhACEFtXy/GxNGD0eGgLRbFbu90eMYfB2VtfTNEGgMaaMsYRF/EpJIYA38/msb1pv3dXV1ays29Np6CdrPGdkFGoYBwghT3CSMGeNsSpLeJanCczFOGltGMLAI2+9B+YRqkIoMmG8c45QGv6MbvvY2mvjAWGcJN2n5vr2/tSM3vvNZpMzODbbi7Onz58/V0pBRmazuh/HDEHGWJ4kAPqu605tl6bpYlFrrTFkxpj73f7m9i5Li9X6rKoqoQUhJNKgIKLOw3GQhFHjvFb24uKy6YZj0+0O7X5/qKrZ+Ybc3W47qVYXz8r5YpICAl9WOWNMyqn3KplXi8Uyy/J+GEKASpmLqycA4evr22EYnjx7lhXVIsA0L9frNWPMKKW1nibZDaMYd+dPXyNMMIExVth7761zzigVvLdSUgiDlFPGEyNFQklJsoyzRT3PEq7FpKdxAB1F1c3tNYaIMfbp/QcY/Pn55uLiIk3zf/jH7xnjy1VmjOkGoa1Ls4pwhgEeJlnV6esvvpqvN99+++3+sEuSBPCF9dAFZD0UytoghFTaWKVdxE9s8DYAGwAAwHiX5SWEcBhFXEoBIEJoAMg5/YgDP/LcCCEePDCJEcAAoGC00KHp1fl6/u33P4AvX7589WV32vWjzPOcs3R3f1vm6fOnV3d3d0PblVnKOccISWuzLPv666+ttbe3t3GC8vPbN8/PCgD90LXee05JlmWMImv91dnaOeechsiWGa/yKk9Qm6DzVy/v7+/btk2ztMq4nQbozbwuCQApJQSCRV2ul4s//uEPx7tPd3fbvUdP/tu/ch7+8Yfv0Mtnv/jVr4fmYrfb/e3f/64ZVa+BhIlyAGAGAlPGLdJsOauuNitqpgoBzikv0gQBzjBnBBOECcQYRqCFYYYgIvbz479C0uGfGSpBCB6/juB1pLVEpvkjUPP4z93nh7WWRtGNtbF8r1arKM0vy/JxjBnZ6NHe9u5+GzHEuDNH8T1CKHJjYhZdbEjHcYzfjM37bDZ76EydI4Tc3t5678/OzqIQ/BHt6bru0WjXe59lWQjQGDMMAyEEABSNaJIkidr3+XxujIlFOcuyiMzE0pkkiXMuDn6j7pwxltB01GMAgaWMQGK8c86GAKtqFkJo+wEhlBXlfLlyznXDKAxxGOyP4w8/v3/3cesAYmmpPdhcLRHCgxDGe56kLEnFOAghEOfA+f3hNI7jgxVBmlOGIzE/vjEIIcYwTXmSsNNx770P3jLGnNUIQYICAiHllDOCvAHeWuMxCJii4Nh2u2tPx7ZrZ7P5crnEEOx2W8b4+fl51zGpVahn+/2eMdafjvf395CvlVIhODk5MWGe4ITThKbTNPGEQg+39/fzelnPFpTw7XbXnMbNZkMwCwh5D4ZReGcghAHiAFXCOKQcOCCN44ikWTGJPoSAIEIYo2iiYowL3jgPAIDoT76M1jnnbEAQQEwYHycphKKUA0jWi8X+/uNmudFan07t61cvvLeHw6EsSz0MHjgbJAAgQJwVFSFIaquUaZrd6dRO01RUi81mYxz4w3c/1ov6cDj88acfnHO/+MUvzi8upl5Y20OIj017v2uWy3VZltv9AWFsXZi6bl4X3BRay77vAoSBImeloXlvrGcoY1hVlbNBSivEKaBhNq+nUfTjJJVGhBAAAoSfbm48AISQoetDCCgABDFG5NOnD7E9YowopQjiy3md5cm7d+8oJZxiBKyWCgFLGV6t64ovQwjemtO+s1pyjHiRZUmy79qiKJb1fKu3ZT1TSm23291u57xxHiAE/YO5fGiHUR27oqq1cff7k9DfGWuNd5imUjsIrfMAIuI8GCeJlZFSSmPjbYkQJA5AgEBAhBCSsl3bRUwVehdd+2Pf9jirCCF4Z0IIAGOAIcEw+MjmQIQwE6D2oBfG3OzScv7Dz+99sF8+v+pO29//0x9++atvrj+9a06Hr7/+2tlF3/eUkOB9tBSMjen9/X3b9knCrq6udrvdrJ5HG4mxH6KkBiGUpnSapjzNUp5oradhAABQQs7WayeH1SzH0BZllXG82941x31R1QiGWVkWeZpQgiAeh5YQNq9LihOGQSfFNIx3d1sQ3GG3vb/b0jQzkGiYaOikQRDgCKNNajqfz5+cnSEzzQggOOSzkkEXvEYoBGAjvBms9zZ4G5KM/YnL+NjyRDzhv4Is4Wd3i+12GxOCuq7rug4hFOVCQojIOo/7bRxoRDIJxjg2s1LKiBgIIbz3MdnO/1lkRJT/xPoupRyGIW4G0WIl9u+PT9v3vVJqPp/HnMBHyCj23Y9CqmiOGP82QkOEEAhgJAMURTGOomma1WoVU9KLopjP59M0HY/HqqoiTBQ/lhgTEZ8q7oJxWhsx+vgJEISD884HT50HAfoQ0X+eJkopIzRwLs1znmfjOLbjIMHysD398NPbNx/vJhPK+Rxg2rfjerm8u9tqH5I8owgLKZq+KdKsHydjjNYGY7RYr5b1XGlxOp0uLy8hDAih4LyxynuvlQjeTl1jjNHTEA3cGWNjsMBba/TFelHknGAEoffWamcnBO7u7qy1VVGeb9br9bob+qZpDEsaRtu27fv+5cuXWk3r9fr29pYzLJyzWgPgLHLWBIKTtEwTTjGwi3pOKRWj9NYOwzAOQ992w9inaVoUWdd1CEFjVJ6nACJtXNsdKSFVVQEAjXKYk3K+1l75B/cAgFBM70PBQ+0sxhgjBBGKMi5rjdSqmi2Mx8oCKRUhNGV82jfTNHWn7nLxFCHftX3fjcPY7Xa7spwZCygn2riua5yznHPnTdd1USsvpD6e2mG42e1Pq9UKYf4//Y9/c3V1dX72FECYZuXh0LRtk2T5MAxa27fvPvzlX/6r1Wojhcqy4tOnTwmB6/m8FXLbDNDZNEuThEELEAoRfvHeN6dOSj2MwgEQAGi6dpqmYlaxhHfDEBMIkiyz3ishjLMEPfh6pmmaUM4YCyG6HBOMUAyAyROOMCQUEoIhCBA4gnGecWcthFAYqyaRUrJaLFLOh6GLWWDA+7yazefz6+ubj9cfxlEsl0vnOsKS1Wo9CfPx082pHUxA/aTTPA8QOw8hZkXORzG1+z3HPkCMCPQASm2jEisaY0CEIABx1BRxs+j9GWdyHsK4lKy1Uoyfj2U+eGude3DG1gpR7H0A0Qs5EIxoCMAEjwOUwwStHyf7D7//9mqz2JxfgYCePLm8ubkRYlws6ixLsizpuq6qihDgbrebpqnrus85lOlmc94Mp6yqIYXCdcE6YRyldD6fp1luvZfTFPxDeMAk5TAMJMlXq1WwRkmhhNztd9fX17NJMsaSLGWMBQAOx1109BODePLkKkHAMvyLr79azmtjFEuLF18tjt2ALNLSTtJoBylOAPDGCD0M/eEkh3GekbrOzNgARjEGMbzFhoCj06nzwAEYEACA5HnO6UMM0J9PnB6t9ZxzzgUPAoTQhwdGdtTHx4r2yJmJhO4I5jjnorhfSv2IWsSqF73OI3+Icx5ZKBHHCCHEi9p1HQAgGkLFEh8R6qZpIo4/m82qqop+Ro/be5TpRzunp0+fxtSkeLPG5j2SykMIhOBYneN4c5qm9XrtPse/jeMYqfSLxeJwOMTF8zgui2PVEMLjO4d/luZqhAzGIkZBCNYYFzxHKHoc8jSdJVxK2U3DICfrvYOg6eTH6+3bj3dNLwPmo7TKmnaY0PZgfZiVBYFgaJrmtDNazmd50CBJU2N1mqR1XWOGnXDj2K+XCwhB8E4bqYV88PSBfj2bxbl0MBojRIBzSo7TQHAgeFlXJYHeWyXGwSgjpiHaJJRlGYdaCKEyL2az2fF49NbMZ1WRpc+vLqdpKhKOV8vrI0AAlEWaJMQ5kXJMKVVKUIIPh/1qsfzq9Stn/Js3H6Zpujw//3BttLa73WEYurLK5aywwTsAF7NKKtt247HpOU/zPOce79vJ2gef+jjdiegqodEUEFrnvbHxigOIAESIJNjD7jR1gxRST0q2bQuCu7i4SJLsL3/z9bPL9X5/6LqmKMrjqVXjpK3DGE5C3d3dNe0RQhD9yKy1AECIqHXh1HSYJHmeL5Znq/VFCEEbCQIRk2i6MTVeKRUAWq022+3+9mZ76tp4/lsuzr/74eeP97tsvnp6dWa8QyDM1+uS4yDHjOE8LwkmlIMUYmeDC944izFFiJx2h7vt3oNwcXFBCVHGYogW81WaJH3TCqEQIuWy7k5N2/WMseVyWea5tabvO0KhtdYZTXHsQFzw1lp7vz+UWT6vq+fnG0axUWoaumkY15vlOI532+0Fxs45bfU0TcWsNC7Ml+vVasOT/HC67gYBEM7TElNqPeB5sb66Utp++vTp1PaIMO8BhDiWAufso3VHPNA/wrvOmOAcSJIHQMmYoW1aMTnnKPlcTLyFkBAIPATQO++9c4ASGEJw1ltvIQqIEAAQAFA5n2UlMGQQ2orp6myTFSVPi1lenA5H4AMCkBGKIYroQtM0j4y4xWIRB0WMMY/waFEIMLACQxhA8AgHkgKME8YwgEqJOM9LCp4Uswgdt22f+oAIFkrf3G2zaq6sl1p3/YgIFdKuz85Xq83fvvnbUU9xBhZC4JTM5gsyqvvtnueV91pao7UGmDOCkQ9GqjorjJgO93f1s/M85U1vnAcOwyyhxjvkASEEEo4xpRgyTK21JEkSRmgkqzwiIcYYTkks9JELhiMrxsPVahUjQON9r5Qax7Esy/gBPXRUEEZoIssyKXVkPUaWmPd+Pp+XZRnJQxH8jUyYCAcHbeLSfSR1RcZkzDsmn33SZ7NZbPmjD0yapo9AUGQlRjZOLG2MsehVoLUOIEQuTfxm0zTGuGjSxhiDEJ9OJ4zxfD7HiEYblqicjrT3uIUkSRJB+TiKiKbtEEKtNTaAYpLwhBHqvY+qUa11VGB5ECBG3gGplZRyUvLnd83+eBilgzR1AXWjdJDwLN8fTtWs8CGc2pMRU1nmcgjH0y6QsihzpQilVGvZ9wp4WxXl8binBAMAvNXeewQDgMB7T4DHwQVnQXCQUUZTjKHT8PXrV6vlnADfd63VCjqNYCAExQ2yruskYdE8DwAwjX2asMW8fHb1ZLfbzavqx29/X5ZlzsmiLsdxSNM0z6ixsK7SeV1oOQ59K61uT6c7liQsTSipy4rzpK5rQoj32Hu72WwII5NQd/e7X/7yG4TJqMb7+/skyV48f+nh8OH6rs7d400V1QlZljHGQAjee6VVNHWISTQeoFPTIpp/+nRzPLXTqJthSpJsuVhz6Cgm1jjvQZIk40i3271Q0ll/PB4pI5vNygLYTQIhUC3mP775GUJUlrNZNb96/ipNcxBg13VPrl52bf/h4ztj1NMXz6qqKvLaGFNWi/1+/+rVqz9898Pp1CwWq59//vny8lJPw3JeBgQ9TdKUewQIhqu64sh1agoPyR40IwllYJLKGIUInpQcp0k7y9NkEmK33z99+lQpJa2N4PKkpPc+y/L9fhvvcITgNI3A+zTji7oSHE/TxCjiCcUaWGsACBD6Oi9DCNAHgrAS8nTYEwSvnlwQiBaLxXv/fhiG/fGACBulIJy9fPEiyzKEyafr+5v7bYAIInxsms35E86o8+DmdtsOvZASE44oEdIQQhCEEMAQYAh/spDy3kekzHsPgAfAh+CkfMgyjD271tqa4JxLOPUAUQQZYxhBa3mk2xHkMUQyzoKdwQEBjIALUkyLJ5ejEW0/PT0/0z7sTs3Z2Zmx7cXleZolw9gbbQEAwfnmeDq1zdOnTymld3d30T/HWjubzdKzCx2CkQrwEkCktBikHnfN/v6ORvqcD4SgsigiPZRCCwBYbc6Wm7O3n+7efLq/vtt985u//HD9o/Fk3/STtnf7PWIJz4rF+uzpeS2lNFoiTJMsR4RO2t3smtKAUdpBKBcQIZBA55xF3nAMgza725tn68oaRRhkCSYMW2CN09YjBgKBEAYEPcCeYIyJ1jqS6mIRjNKe8NkJ/fMFCDGe1Nk/uZ3Eyhub66iojFUvdsTxeWKRFUI8Qs9t28ZVHfMVI6oTh7HGGEppxF6iDXr0uImq0RiC+khCjyaLcRQe8fHIS4nuK03TbLfb+Xwef5F4GogskWjQEbWgxphpmhBCdV1zztv2obcihCwWizTJT6dTUfD4ZqIRTZ7nVVXFXzy+1Xj+iL9I0zQXsxWGEAEYzzGMMUSwFBPnbJhGZTQiBGIkjd41x67rPt5CpZQJEGAWPEQEM5oSzoTaa2v7vpfTlKV0tagbaA+HnbB4TVYY46LIEIDH0z5YhyHwwUFAGCEQQ0Yo44Qi7JyDznKMKGGRZlpXRZ6nuio362XK2dg3SikcHMbYOyOlPDs7c87leYoQGvreGGOMOu0PlNLzi7Oh74a+44zO6xIAkCY0g9kw9FoqBK0zIyzTNOUEBUrQcr6Q43R/dws9YjRRytzd3JGU1XU9n8/6sVutFtM0CQlCgN04WeObph2Fth7f7w9NNwkltfiTFXv0MPEA5hDFGYkLIGo6PYBa636cjJKQqt//4dvjcSSEew9m1TzLspt3PwVV/OhVd9pmKb+7u3334b2Usp4tD4cDISiEsNksIoSVZblzfr1eFkXVtf1+31xdPtlszhlLvv3d91mWLhdnmGGMsJSKEBbjiZ0L3TCVZZkkKWNJXddGO2H6L169+orn922vPHAIcUqW82p7/cF5g1kCIezHAQSMaerdn3gKGKGiKKp6djge+75fLpfW2nEYtFSt0mKaYCTyc5rnecYTrfU49uPUI+wzzuaLGUYAgEAxNkFZpymlKacsnXlvrTZ3t7fBGp6wuipTxn/88cfnr17WdX1qOppwEND6bL1cri6uLr0LbdtHiQki1Hkkhb6+ubl69jzJsm6SzoO8mjnnTqeTsQ/yDvBZ3YIQRghQSsPnYMI49opte6TD5Ql/6Jys1to4qx1BwFmHMUYwYp4IeK0dDABBRAggFmgXHIDIQx9gPV9+98OPr19c1Qm+vb8vs6t/8ctfv//46cWGl1k+9cOkJOdcGxVC0FrnaRYNmuq6bts2+pGcnZ3tPd1ut0opAH17ak77gzYSAeiNvd/eng7HMs+/+OKLy/Pzafq03W5fXa1n88XZ+fkgJM/y86un7z5d//67H0el1xcXh7Y/tuPu1B2OHUT364snqxodjzZUZTlfpGnatL1UZr5aTcrZAAEmFOIAgBLCe8+R99qUeWKlNlo2zbHMKEs4Qk5Jo4z2AXvvgwchwOAA8AFDRIZhCKmPxTFO2CKhOwLi4CFoNEQk07lw2O2rqqrrOmIahJBYahljMR8uFrIIeQshkiR7VJNGSf3jvh3pkhFJj3iLlLIoq77vo+thHIFqrdu2LcsyssLjPDMmiEaOY2zY41/Fm6nv+2iTHRORAACRa7her6USwzBY01ZVFX/ZKHhJ07Rt24gI9X1/PB4p4XVdD+MxFu44KoggUhzeJkkSHfTBZ+r0NE0YIuONHkdlTICgmtfxY9xuty54QDAGoe/G+912GIYQgrWJ88BYL7UNGDOWQYyF1DA67hJczAoCnFICIXB5ccGXz7Is+/Du3TB0CMDj8TivyrpeTOPAGGEEBYcxgSnjCEHn3EU9c84hjL33DoQHo4VgT/tdqCtK6flmnSXcqPHTx/fb7fZf/Nuv9/u9914rFaVVFJVynJr2tKi/ubu7y7Kka46vX778u7/7O0KILwqjNcEUAGytHaf+uA9tc0AAJpRkWXFxcWGVa5veW5dlWTv18bDVdO3x2EzTMF/Uz1++nKbp9vZ2krIqa55k292BUr5YLMaxjd0DACBCXvFMGbMJ4z0Qz0BCiOPxmPJ6Ev3PP73RKKlXT+LFur/fVVUt5XB19dVyXv31//s/HY/Hej4fhwnhdH1+luepce7QtHVdMU4nJS+fPplVc2Ocsi1P09livj8d/7//89/+5svfGKtcANADrS12UGmxP+73+/0XX3xxc3Pz9dffGGP++Z+/PTs7e//uYyDo9voTL+pysZkl6c12N6jhbDm3WmU8Wa1WKePX17fTqKp6RVlCIAgQFEURAGj3vT06AMDFk6u//90/ruYLzpjVhkDEOWeYJEmijBVCaCHzPL26uiryHMIQrHPexIRXq03bnZRSZZbjPD+djpeX5yhHp+O+XsxfPH/Wdc0ffv+7+BnO5/N+mJI8u9/uV6vVy5cvtNLeBcrZfLXenfpTO2Z59erLL7a7U9N2VOhIYTgej857xpiQU9yWIITggX0aAIhAkAkhYAzjRQEAOGPn87nT6k8qdKvjJbbWeqMfj8IwuHgQZxgQyglECAUU4OM0RShzdnFJCPlw/fHZ+aKazQGCmNBo5bTf76Oi5VEfU5bldrerqurly5cfP36Mh2yt9WHU22MT+bHvP91cf/zEGM2zLE/4F1/9sigKOQ6Hw+EP3/8xzXhelh+vb7aH49uPn6QyPC9evv7y25/e/vf/8T/9n/7P/xcA0D/90z8JpdOsMC78w+9+/+zqyVV5dnVxjlg6abs/dU07AYizvKQZokITJbVxUkol5QMxBLLzzZmRHUKobdsirUPwUk0QxeBzFFtxQghBHmNqjIH/9//b/zXlyemwL/L0v/s//tWTi4t3b3++u/mEQIglMs9zhIjUyjlHMLPaRA1OBLtjhx59dCOQMk1T7FsjNwYTOE0TpRQENE1TzLQcRxE+Ky2d8zGsmRDCOd/t90VRRP+AWI6jL1h8zriFROvHGJ0uIdqs1gih/X6vtZ4VJYRw6HtK6WJWSylnZTVN09uf39R1vVqtJtANw5AkifcgxlUDHyID/c2bN96D1XwRAdzI/7tr2pi8Ma9rhJAx2ls9DaP39uriwlo9DWM1K1OeWKsJIdCRaZow45Twdhj6SQTMACQBE2VB10+7phknKZRu235/PDR+E32DtdYIgHgTCyHiCCFiDjEUOFr7OiVub2/zIlXGHA4HyklZZEVRWK26Y5Mx+urZ07oo1TAhGBb1HDLtjDVWO6MxDIwiTjFBMMuyxbK21m53u3EUyprgIeVssV7E3Nd5NQMAdH0THfumaRJihA+7bxvnJQCA39+CpmlAcFVVMgK8M7NZcXlx1p4Ozlg1CQDA+eZsvV6P/fTx48cnmxxhHOOBKE/TvIAASWPbbmA8a4dxvzsaZylP87yczWb94ed4ihJCZFlmtZVSfvPNN83hKKWOqR2cJoSQ7XZ7e3t7vt702vztP/zztp8sZpN2aZFbJV8/u/Rq+u2vfjErq/dv3x5ObQA4SbKknGklMQh5ShkCyKsy46u6POx33lstlXGWMcbTRCvb9/3ZenZ/vxuGoR+GYRLLxXq5WUuleZZr46z1HgTjvDEGAIQwFkObJMmLFy9ms9nt/X3kcUWnjfPz87ZtP1x/yrIsai+UUuXZ82EYxnGEASRJwjCxxmghnbGvX79GEN5d30AI18sVhHAYhtnZchBT1zWc8zRPuq6jDH/11Vfbu9tFXd/f3m7vb6sshz7IaayqKs+SEML9/b1V+ptvvrl6crndbj+8e//s2ZMotpqV5f39bdRdX15eQhYwzfZH8cOb20NrSDozAZ36DqDggEHQEQSdMXIS0ENGqMPrEIILFgAQoPcwIIQAClrrIstTTo12UojgPEU4SgjxQ/whiS43CCHGCU/Z8bhPi3S+qKQWykgAwjj2a/rCGDMZ5YL3DyYnznur5TQrsirnOBjk9Lwsv3r18uXzZ9c//5OaxK9+/YvmeBDT8Be/+RfayNPpCCFM8wJz+vPb90lRQowgIu8/ffTFehzM2ebZzafjH/75j8AHnsDVMsty/+rlGQTmh+++T2i6rM+lCOv55tAfttu7PGP77S305l/+xa+Wq3nKGSHkf/jr/083yHq+OjWTdiBNy1Pb/3f/u6fbu3ulFMFcKic0tCQ3MDUoawfV9JNWAlnNkZ2lNM/YeU5ndYGgKzL6/NlFliEYTFllSgkpNaN8Xp+5gP7j/+t/MMZXZZ3kiPj/jUdR5H/u94I/h4pF8O7zGSrEFjsCyhH4jn33Izkky4s4cQ3eR731MAxdNzxmAzmnopNX7LmiPiIiP3HyGbfQ2CzH54zMQggh57zrhkgnxxijAIZhYJQyxoo0Wy6X7anZ7/e73W4YBs75/f29JpIQgjHVWnCazGeLtm1vbu6KouhOHSEELVcY4+39LoSwWCy8M8FbBGnkyK/mc+99nCqzJIMKJhkglBnrtHYAEiXkbLbMivxwPO1PjdKeJEEb2U3KIySVOx3b+8NhmIRW1gUPCYyO3sYY/FnJFadGzjmtJQDA2uRx/rxYzHb7+7ZtPQDPXzx9/fp11zXv3r0r03SzWXlt7u/vp65fzeaM0a7rbvfv6rqeVSWlFHgbERhCkDHGGg8QRoi4ABEks1V9eflkf9qfn19GkkzXNSAgJc12vyuyPE1zQogSY9u2QkgplbW2a3DfNYTg9bJeLufBaxD81A9lWfZtF4ALzt/e3jan03w+/+rrL2R7zzkPAY7jKJQZJjEO06Fpv/7mly6AqJ1JkiRNM0JxpC3F9BIAAEI4Lvs4Qt/v9+M4bjab3bTd7/cY4yjF4jl6+vQpbYdBOd/2wHlntVF6VuQQeDH2ScISyvanE0Jo9+HIOeUYKQHrMi1Tfjzu//jjH7569VJrqYwKIXSDkPudEEIZU+Q8L4r5YiWU7NohK4u8KPEoqnqxOxy7oYGY5HmZF1hrrbX95a9/E+FB45y2NibqAQAgxodTo7XO8qIoCgBR5AAem9PYD7ENIoQklBFKYwN0OByM1tbZeTWz3g1d3/d971XXdeM4YkowhuM4EoK6dvjqy9f9OBpjz84uVvPF6bh3zhVFtV7Vb9++LYqi3OTH43EY+6IoFotFPIMqIa67zjnz+vXrB0UIB0J6oRshlJQaeuIR9x54bz10AQSAnI+tNIAhwAc3DuAfa3oIAYRAMQnBaR2sNt5bCFCcdeVFao333gNgIQrxiE8YfiwImDAnBmstY7QoKtUpDwLGGCPiEfTAhwAB8IwxbY02qODUWdM0zc3dXVEU1vlRymPTNU3bNaf3n67TlLMkt9ZOUo1tPwnlMCWUD6LfH5qgyM317vb6NA42cjrMIJ0dluv0f/6bv5NTmybsfJMeTic1eQR5Mw6LxeqL18/911999+0//v3v/un5k6t/++/+9eFwYDQBQO62h1HooppXVZXm5d3tdhyn4L3DgJBsUZSdhvtte3e6Ux75gClBlJMqz8+Ws1VdDrfvhBAQWEZSa6212KjJWJkkiff+0bX08WyEECLxW48ivccH/BxGGhXzhFEAgLY2zj8fR6mRxv6Z6B2iyPORi4IQsk4zxh5phQCA0+kUeYqR+xlZgBGgz/N8nKZ4XWP1iYNprXXks8eaHkH8iBTNZpBTnHKap1ykXAlJCCnSrOu6648fYuJzWWTzumKMdV2XJ6W1Vk1GjCpJIEaEAAxsONzvV8s1xlhMkjF2ttlE3uTl2XnXdYyxu7u7qR/KLNdaKaXTNG3bPrarAfJ+6qVUBaCzcvHT2w/Kmmo2BzgZZAMtKmd1t2uth8IYYZwP2DoICE8ZGyYXt7S4H8bPgVLadQ2lmLECY0wxkVK2p0ZOwooqjg2ibcs49qfTySg5el8knBBkbVBKTdOgJBLjdP7kklNijOmnMeF0udqslytO8cePH9t+gBBSnp6fV5MUWpmbu/umaxaLBQhoHMdpkgCT4H3bjHGUQgkhhCzXZ6sNbJrm5uOnlFfV5eVqvdislgD6cWgZRvW8ur+9Ad4mjFtr5SRaJTCAnNBnT540TTNNMk1T68EoJKX06dOnHz9+pDyZRiGlhNoqZRhjJjerKpkmkecJ51wJGf3UpJTdqbm7u8EYB2+llPv9fr1epxn//vvv07KScvLWGmsg8BjhPE2G7lin67456WkEAEnR9+2RIvTkyZkzVkyDkpMipkpnRZkCMLu+/YAgLMtysVwxxkaprLWM86kVeZ5BgttRDFKyrEiLMp8tpNRplmOeZnme56Wy5nhotO0mYTwEd/vTMAxCiK7rldac89VqNSlrjEOYA0i1sdIGANDx0ETlAaPUexDDJ63SZ+vNNE1inOLndrjb3t7eGqXm/rxtW+ccZtha64PjgN9udx8+fMpSzgk+22w4S6Sy2gZt/PX1tTHm6y++xBj/7ne/my/qxWLx8f2HJGGPnIi4uPI8Z4Qq5LqunUbpA4AQG+MsUN57670HDkEfEAAOQIhBgI/eF/DPlL0AABiAscZ7iwAIzhOEOSMIIW+dMUrrhwAGSjjEwAPnHIAQYsoJYc55o51WlhKepIzYzINgg9fWGGuMszY4AHzCmDUKAJSkGSBYDq22zrhQVItj23X9xLPyopzl5VwbabU7OzvX1tvmtNiwSShpwN2ua3ul5PHm9p7RoSrXm/MzDNHxdNeNzea8YixJOT7fnDkHP7y98RqNk3n68lma8HfvrzHyRTkXQny4vnnz//h//tVf/dXFk6fL9QWAhPEC07Qfp+39Pq8qjMkwDFK6BMO6rMzotTqWZckDdR5Yo7QeT3qAdrJqWDDGOceIQgjbttUaJQxmlEfIF6PIL3qwHYwVkvxJofdfPmLzG5k6/rMxrHMOQxQpfY/JFbGheHzqxysaERVjVVmWhBAIQtR2AgCyLEN/ZhMGPvtzPT5DrOnxpePPxP0jQqve+/iT1lrgrRBaSxGnsgB4I0Wj5KyqDocDwmC9WlFKh2EYx15N4/r84ng8BgAzXmCEh3aaJp1lBefparGMmw0jPCmSuDkxQgSEacI5ZcYYRighbLncWGuPTWdcIICeev3x4zaqmbLk4FxQWt8ePqV5ef7ktdDm+z++abq+acdBKkxYQCggbrTVzsLPzsZZllFKrdbW6hBcRJwQgAgDjLE2wAdrLNjv91KMs1mZZVnfNtcf3gfgnz99NisLq3VCcJVnwHnZj5zR58+fDfaUJWlwhqCAINTK3O+2WqrZrDwem/v7+xBAUc4CgiCgzALOMmtCZwetNUuSoigwREJM0zQppaPJVJqmi3q+XHBjHLHFdru9/vBeTf3F2TpldOjb5nAPQMjTjFDqrZ2VRZ4VztoP799WORJCaB2T4VhRFBgRRNnHTzfLNJ/P5wCTruvadkyShHN6/ek4TVNZzLwNx2MDYWCMHba7OPHWSo3jwBi7vLyYzWb7/a4os7yqNKK93ppu1GICMCQUOQDl0NqcTmM3dGMAMKM0GDkNByklw2gxL1KK2+6IoUsYNQTmeT5f1EmeWGu1VcM0+aHvjuL8/DxJklHaYdIe9ShpGOWnrqcsSdPUBXy72+/3x7ZttdY0ySCEp1Nvra3rVVbMu3FgjB3a1lgbWbZxPGiD996fBmWtdQ56EOAglXQhBG9dc3rjvScYLwHBxAhpMUmyfCaUMw4mSYEIVHqgjCZprpSQ2s3nBUHw9m6/3x0pIRThppucOsZQ+NhJQAi9dbHfur+/7/v+6uqKMRJCOO4PZVlKDPfH46npnQsIc6e8sNoGDz7HAYQQcIAIEoQQBBjCACEIEAHgA8T+wX70wXHkgS0NHISEIBgoHrsuhEAIixZ5MTA9hIAZDT6ISUEFnAMIUGu9NSBh1HvvrLHeG2OsdyCqKAklwANEbAAwQI+odWAYp2JVaAvf3dwRhBEI9/sWEzibza63baQelrO66bVHWCmY5otJqYBw0w8+pHXJIthblNQ4//LV67PNMsuyT+8/pVk3BfPu0/Xd4fjk6eXQtevV/OpiXc8NguSm+/QPv/sDIgRBcvnk+S+/+CLJqo/XN5TwWSla1FiPIDY8SQMkLmgHgHXeAe8ARAQSSBmAjBOM4dOnT+p5xRka+2Pb7LpOnq3r5XKeJImz8YwSR54OIUoI8V4/sMvj4/FrjLEYh9gIY4ytfRD6O+cC8A8cYUIeCeze+2EYIm0muqDE1ulwOKzWi5g6ZLR7ZMikaR5HW3F+Ep8QQhg7lAjgPG42EVmO8M7jTvA4tPTBaq2dfog3ytNEjFPbtmnCE8bONxsI4e3t7dj3nPPVernfHkIIs7KOkI6Uk5YKQ3R5eXk4HLquq+sqTdO7u7txHK+urtpT054aZyz0wWmz2x0YTzFNrUPDqIWUk4HDKI69cp4hkOjB3dzdFkX1+ssvAcLf/fRhf+xcANvT1A+TtoBxgCjWzhmPAwRpnj6yOSGE4XP2QpHlzpl+HJ1zGU8gBLOiqKrKGiHldNjtB06TJJnXM0LIZrXs21PXtMDbjidaiKnr18tVVVVd1znnQHD90GupmubICLbWEvIMYzKrl865SCvmabo5O3vz/iff9f6zS/Dx0MTLWtd1luVKqd1ud3f3fl8eLy8vzy+ehpN2qhhpoDBYIxNKEkZwSEBwEHijFfC2KIvNZh1CyDiPDfVsRpt+wIjO5rUQ6uP19Xq1KMrC+sBGBADwzlgDnbGcp86FhKWEohhHnnHWti3nfLlaNMcTY+QB9MPw/vZuXm8wgbMyT0+cERBdyTjGq3mJnD5bzdZV9v333ydpuVkXp1Pj7WTVYAFg2KKUA+8whgihY3vCjHTTeOo74wLExAUwTuPH230+W2Sz5WJ95gmdJvnhemuMmaSmPEmSBEAkpRTKUErLevn7b3+OdC9CyOUl8BDsdjutdZbnEEKtgxCKML9cZowxOY5CKUJIkmWEEASgBQBDRCjet3tGKXIO9b1HyAMAKQ0Yj+NoHfAQBw+18Q5i6qB18PzqGSFo6Pru2GIA5/VsOS9pWpyv0nEc379/Tykty7Lvho/XnxaLhRDqeDxO0zSfz5fLpTHm48f3QohQVvvTuD92k4TGe6GgcjZASBiBCMcq7QEkBCGAoIMAgNit/8mvDgAAQJIkjCDgnVbKaSOdtYRgAOtZEe3hAETGOAscJghTHgvLMI0IIc4p5tg5JyfldIMQCghFwAAHD3BsSQGl3PtwajqnJPQWQujBjbNLhxOM8TANNzc309gvFouvvvqK0USo/nBq5ws7SYUpP7YSQPzT+48QIsZTzrmyar/fOq8SjvreZzmtqoqykBWzi6cvbq7v9d1BjYJsjxTBqyfPnz+7ev8WUJ6dXTyp6+r29vbduw9CvgmQIMiUtovFwgcjlQOQllUBAe36sWkFgNBoo0MAGKWc5mU6S9C8YFWRLFfzuq5mVT50idFj141dNwBwHSkhSZLlGYz3v/fOBwtiHun/30c0FP5MfQnG2shpicak0WQxAiORdR47jthWRyBsNpsBABijcb4XPHychUIII988tt7RdDdCN9Go4NFqJv5APBJG0Bl8dhaLxT2nKYFIBkAxyZI0z3OKifdeCRmPDvf393c3NxcXF5vNhhBy9+2bCOXvdjspp7quy7KMVMVh6JyLKLaOL9G0R2+tM7Y9tYRyAMjx0JUzKO2esuzUyV4IcxjbfjDGFVXlULo7HCCtOhX+9h++Q5imRSEs+vGPP5f1nObzhLAAkZLGBI8Yp4xFE8K428WyFf0tpnH03gPnUAgQAoQBgB4EJ8WYZ4m1dhLjfFFfnp+dTqf722tO2Xo5RwBKMTmN62WdFWnXNfWybtu2b1qMwNn52dlmRRCWUophZCyp6oxSThkXQg2j2O0bDzBAOMsSzpkSous65mGS5eMonHMIgaqqo6jEA6xtmLrTel4/udgIMR4P9/diKousrisxKCklArielUWWeKvzPN989VqpMWoF6rqOx0Gt7Wq1ghArbbvmJORUpEnKKMAkSZlop9393tuQppxSSjbIWjsMQ1HmyABCUFnlQojj/m4+n1MK37z5aXl2mVZ1cLbI07LMlZazlFcplf1xs6gzRpv9lid5mpdi7Jerekx52xyHvs2T1dWTJwShtj09ffYyL0tr/aHdSWXSNNfOtv108ewVL+puUm0nlEU20IBRyov1ZTlJrZTS1ikHhkmMw1FZk2UL770DDCMmLEQIuUA7MSUlp5TmaQXYpLW2gMJAuskgmlLGKGMQQmttsE4HjwBcrM5CCGKcRmWptBDCQRrdjYjyAKi2gFKSFDNCCE/SNCvbvj3tD9bo5byui5JApLSbhC5pmM3m4zgKbSI/0hiDMbm5+VAU1Xy+jFEHIQRrfQiBY+4BNjYI5WxA3hOMKKIkQAcgBB6FiLwghgB2wTlrQCTJIQgA8CGes533HkOCQADAR8EzRQgTuJyXNgBng9bWWm2MwZRTBEIAECPngve2LEsIwziOznunJko4S5OEceeDtkZqrbXMsgRC7Lxz1gMPOOUAM+UC4nlawWEYhAWI5zlJF5uLcn4+m83ff/zQTqde7BGhiPimM0L2Ururq0uGGaOpElJZRVBACCijb262dV1bj4INxrp+nM7OzwHi1upRjG8+3OZldfH0FfBOTsM0DQDxrJilST70chhPdV0/f/7cuqZrJyGNs3AUw6EZpcN5XqKMTCZGyQMAvXF2kgYGdThQIcbgVymny+WSc2DUtN8fY++7Xp8t5pAxijF2zhhjKIfEWuswebRnefyirsrIGoQQAoDcZ26pDy7C2Y+uKXGAE/08I8ExmtCuVqvFYiHkGBtq58Kjsj+63cZxaAjgEVGJQuHIVY994iNfPnbrD/MlCMFnLydGUXCWIMgYMUYdDhMIIU1YXdfH4xGi4LwBGCQJM0Y1zXE2KwlBchr7tvHAEbIghHvvY/Z5WeVK66Y7VVWVZPzm5gY4Tylvu261qeZ55QNaX1zu9o00ANAUW7xrDx9uDwGgQgJjj2fri59++mkYpmo2I4TJ+8Y4y4p6UI4GCkNQUkqtXIAYB+0cxg/HUut0CJQxRghy1kopCESUYUJIliTGKKVkH3zftdGusmkaDIFRauxboyWr52UxTxgfe+TytMhSp81+vzveHqZhhBCeb1YOhMPp2Ldd17Rffvn1JPR2e9N2fZrmlCXOBQixx8Y5R8mUpqn3Vigdg9OSlB8OB4Lwcjmv50tCCPBh6Ke/+O2vpZRiGhj2dfkCBiflJOSYZ0kOGCecUgpCsFqFhFNMAOcfPnzoum6+WkMIj4eGp9nz58+tDwgpmaaUUs5T42yMjiRleTqdKKVVVaecWmu1ltH2xHsr5LiEJUXQOk0oyvJktSBlkadlUQwCYsTTZBz7Ok+CHgjwcmwZzOd1QVkWAKyLvDmdEEIxHfRsvUnTdLvdvvlwm6VFM2oAoLY4zcuyqiDEPJtztpDGXt9+Op1OnKcQY0JYVhZ/87/+ozUeUVKWVZKmSV55yJBSDlIbLE1LSHA7Ks45z2eJg6N0btRpngVAJyX1oaOU9oOq57kPQKqHKDFvnXMOeC+wRgA65znnAeEAAEuzsp5P0lnvlJYB4KysAfDGgYynAYyIJFVW1PMVhcBqI4wPg4Sif/369bxedl0HMEmTlEg1CYEJnc/nzrn73eF0OtVlFTwkhEoLAiCA8AAMgBQRCiECCLngQUAhWB88QjhAHAKKQQAghMfD9CPe4rQxwWMEMIBplmYJYwQDAKyRzgXnQwAAo4AQcN5ICUMInKcJ4957BKCz3tvACMYJQghCFFDwAUZpk3fOQYiVFAD6lHHCOAgeEc7SAvFc9eKnd5/2+11RFOfn53m91oH8w3c/bu/3XTco7ep6EYADgAMIfvHNb5bL5adP1/v9FoRQZPz5i6eb1fwP3/3jNIpxVM61ZVFhxk99d3X19I8/fEiSJM3S7378eX84/Id//99cnK0DwJ/udtLAYrZO03Rou7dv3yVJgjH51//2l5SnhCQ+BKHsKJQBDCZgmiblIQAAAaCCJc57QgFETXM8nZySY11lRo+U8DLLOKcRPaeUI4SsDwE4AAKEgRD6X1fzx0eSJDHkIa6xAAFCCCPqIYoW6rHgAgCiZDSmKsd+U3/OEfXeV7PidDpprSHA3vskSSCEp1P75xh67N9t9KSvqvjN+MzowcrDxgY/AjvW2rh5aK2X80vvXNxUhBCH04kxdnFxobWOiv8XL14AAJQ1TgSWcJLgrutIILNFwTmnDHd9DyGsFzOlpceAZbxpGnGQCCHlNLIkzdKuv4e0YzzXPoCk/4fffwcJD5hhntjAPEqTLE+Kmey7H958Iqw4f3pmXDgcDkpbTEkIgLDcAqgnLZShlBVZEUVVAEFMMAHAOi2lhN4ppYa+44Ra6I3SGEMEAkaAM5KmPKHzIksIwQkjyLux7ygET549l2IySholxdhzyiAKHnkf7JdffskYyxIenNve3X/ab/M0u7x8cnNzUxYzznkIw/5wQohgxvM8j41/37fG2llVzWbzYehOp9Oz8pmS+iTGmP0UtaZZloxtY4wR06C0hDAwihEMFKMvXr2klE7DeHt7q7VdzFdJkmglPt1+SovcBn97e40xXS6XlCXRPRxjXJW5MUYqc9zvmqbBGF+cXUXDnIvNmdJiu92OYz+vZ45ASimBCGOcF+lyuayq8u5uzPKUYuitkaI3NuR5mjJc5KwbFQb2uL3TQ54QTBhR2i8WNZywUpowWs+WGKfH4zAKP59frTYb45x3AFFGMFNGN23f96oZPoQQ2rbFmJRp2U/T4f72ZrvPykVcF90om36Kh1qEEC/mISCSJM65U9ulWaiqiifeGDMphVkoy1I5AADIq6qol+3pNhpvRNc5yjmJfhvGEs4SxhLKlHPROPOyrjMMBzH1pxZOOmAihBiGLi9Sq03CKCL85u5ejeLibP365au6rn3/vhvGNE2TLG/a7nQ65Gl2cXHx7OWr/f32p59+ohRnWXZ2dh5b+O2h7YWyDngAAcQQYOu8MZJyBAEIAHgHImjuIfLeRU8ehNBDtw6g9x4FQLIMAguCo5jkCc1TDkEwxvRdAwAglCdpllBGiBonJdVkjU+ShDHijPHWWqW9NoRlBEHrnJQTxAgRRjHFeZ6FDADQSx2CSxi3wY9dP0kRMPnr//y3i8UiKReXacE5N97/4Y9v2radVfMQQLU8a9veAda2XZYWzpPtdpemWXA2TXhVZAiELCVSDDCA/X7//t0Hzvm/+Xf/zdXTZ//0+z8INV09ffLx40fKGUtSYcJPbz99/8NPSkmMQHdqfLBZkgohJm2yonIB/vzzm2PTQITzLAuQCA12zdDu9zgtozgLQuetNsE5BzBMiqIQYhRiFONpHNrFvHz5/Ek9f0opttZynsYOOHJno+UJmaYpYTxKriPzv6qqm0+eEPL27dvr6+vf/va3GNNJivPz8+bUMULzPBdCxOifKDWKTMHPZPYHs+NHl6uyLMdxHPrpEcwpyzKSzzjn1k5RQPTAR8Q4GpGP47harSJKAz6H0mVZ9qghur6+fvLkSQghemwtFoumaS4vL7338Y63zt3d3wMAirKMMtGmbSlnXddJqX/xi19ore+PO631arXSxmjv9jc3DgQcYUpri6IIgO6aISkW3ejs0AJEGnE9W50P0py6sd+3QnuP2O7Yv7veGWOytHRCHLoJIWQ9DIhAQFnKCWajFIRlQA/Geuq9UopyPo1NVVWIQOAAhMFaq5UMIVSzAkOgtQbB5VmScR4jzT58fAOAH7o2YbQqsmmasjRZLuYI1GLsnXNKieDt8d02y7JIlIw7rhhHxtjl5aVRuu97KSWChLFkuVyuEFku18q6d+/e3d7eFkUREbqo8bu8PK/Lh/xYjHHbtq9evYpysLZtqpTd39+lafqrX3xzv73d3d0+f/FUa/Xmzc9XF5fjOAkhFovVfDFTQh6GQRp9sbpIkuTu7m69npdleX1z9+zZMyk1Y8w5kyRssVgEb70zi8UiIWly9WS5XAbgzs/PMYZVmbdt472dlfnZ2doYk2b8+dOnXdcZpb21dV2nZa7EpKxFdSHHji1yBF2RJ94ZRlCalxYgxjFENPDUuQAh9B6fGtGP2jgCSdqNQUg7TVJIKaUWQkqtnXMOR307Nta//XitraOUIppYH1hW0hDGcdRaYsIYoRDCYZTee+dhnufL1ZmQcn9o4s18dvFkv98fm5u6rhHBQhrnnA2AJmmOH0gHSltrrbcOY2xdwB5MSiulHICMslEqJQOE6OLyifNGCEE5q9ly6NqyLMehy7OiLGYXm0spxlPT7Q8nIG+stf+Hv/oPjLGPn64x4WlWugAITY/dyNMcY1zVy4BY0/ft6bB19Nj0xoUky21gkzAuBMpYCAZ9Nii11gulYYgMRc0YizS5OBlCAWCMGcXBB+BCyhlCYbu7B96tl3OGQFVVSpsyz0chqyIbxzFP+fxiUZaz0+k0DS5PE+m916guSkLgOI776+sXr77ohtF6mySZ82AUU1VVEAbnHAAhKyvv/XZ/AA51/VSWJUxyIcZpEjZ4Xs4cxOMkjJ8wSfpxTLOCsmRsGhzM7//xd4yir798/ezpZXM83F5/8M7sbm+eXz3pmn7Ck5bq+voaQE8ISsrZ2uipHyLafOrGaeyllGPfwRDOztYB04BdmhWDkHf77e1NdzjuXr14OZ/Pm6aLQbIJzy0MCHhrPSaAUuqNAh7PquJw2FWzklLqjB2GoSrT7Xb3zTdfQxQQesA2MIHRJzGuUFKWJWPMGR1FerHq13V9f3//7t27+Ebn82U39NvtdhzEZrWORomxMY9LPZo9xToeu+yIz2CMp2mK087IXIy9eZy8R/JMxO6zLIsM9H4YHj1eHik38Rm890oppVTcS2IQXdxaKKVt2x6Ox7brzs7Ozi8uEELGWkIIQNA5FyBgCU/zjCZ8c3H+8frTzx/edF23WG0Cgp/ubq9vbhFCAaI8z6s655Dqvu+EqdKl1XYw0yi01M744IFwEO0PzSDVpG0ACEBqvLcOAMSP3YP1I2MEIuhtcD4E45ruCBEpCo4QUkrLSbjgGWNZlkk5PYwcgjfWYIyThCUJY4Q6q4dhShlL5xVG4HTcKyHTjBOKGEH1rDrbrLUUVorjcc8Zmc/n3s2cc1JOaZpkWXZzuBPjxDmHwXnrGEFJkmCIolGP1pYyTim2VmOAlvU8EBujpY3WMZ05WAcgbLumns84Xacpj6eihPH1cqGHpsqLYexurz8iBLI8oZQuFnOCcNd13oevvvoKQvzD93+01v76179eYpfn5bt37+LGwBj/l3/52+ubu48fP1RVvVqtkoRbJZ9cnH/9xWtCyMcP9wiDABwA5O7uBsGQ5/lms767+TQMgzG0LEst1WG3D8GvVis1qL47lvP69Yun+1PDKEo5lmJ89uQSO0sJ4pxijCFiygShFeezcRzbYZqEEkKOQjmPECGHU+s98A+8ggdCrbU2JCQOtDnnmKUEWW2sbAfOOQ0IQggRZjyJU1sAwDwtPw+iIo7yAB4S/mDXDBAE6MFJwjlXlXVcqMZY4D0AACECKY46O0wIAhBAjLABEClto3zXRzsqa4EFmECeZlEHDiHMyyIhDAQXs8NSNK1Wq093O8bY89dfyUlsd3fzzaaaLYZxurnbLpfLBcCnpu/HqVqsD50i1EIqjX1gQ3gfoAcQPfAUwIMHAAAAAohYlDQi4D3w3gfrHAAhACWnWVVgTJQYPYFZSjlJ0oSmpEAICa3V1FnrGM+rImNJVuRZNGVMGMkY9RI5DFOKWUqqMqUELerKW21cCN723WCtdYTFDBWEAEIEIoRwgIh5QJQJHlhlgwkgBBg8SDNOfcCEQoittc5OIUCKyenUXZ6v04zKsR1bNq8S2fO3P1//5W9+FTzKk3R/bL79/T/PFrPZrKQU5XmqVKGU6sbBhlBVVVrOWFZgwoWYhPGjGilBPC+GYfh0d4/0sa5rxuj29q7th7OzdTbpnz9teUF5woHRYhxRAjez6uJsvlmuphAOx31V5FlCXr16ZY2y1rZtG63FQXgwEMQYUkoZJyEEEmtxLOUR1z6dToQQh/Hl5eWLFy+im3DUiMaxZ6zmUfGfZVm8ZWP6T7yTIvUwaltjLUYIpSmP6Iq1FiGy2Wwiw937ACGM1i4IoSRN44IJ4cE8K7b20VQg9v5xTBq1puPQx6MAgO7y8omUEhFqnJfjhCljeda2bdM0eZ7neT6bzd5ff6gXc0Do7nR72B+z2TwE2A6SF/M0TQHGaZLXywUACB+P4zi+vT1JKcdBCG2si54K0AJoHZAGGA9dAM5r50JAkBLigsUIQ0wx5QAAF0zwD0k0ADljOEIoSTjnfJomJcRiWW23dxjjNEnGsXdGJ4wiAPq2W6+XVVVyis43m/PzTd/3t9fX49Sfb1ZpmozDMA1jMFop0UrV9Y1zbpoGhOBsNitnZZonmCBGqFKqSLM8y8euh8FzypxzKPhp6BBhRVFN07TdbgNAIYTzJ5thGDinztmUJ2VZOucIgVnCF4s5hGFWVff39wqBoW9ns5kc2qqqfLDe+9lshjAYxwEBEGkJMS9JaxV722mSBsjj8RiPXLe3t5zzxWJhtAzeinEYU3487g+H0+XlJWXk5vY6SfI8z40xs7K6395SyoSYOEV1XWMMrdVaKQB8WZZxqJgm7NR0u/vbtz+97YX8D//7f//Fiye720+MEMYxDF47G6zFLNHedKPi5XxUbnvoTm03Ca2th4hhytpeI0wJicJrRGgg1BhjFNJWKW8D45iyFBPv/KSN9FIb6+O9CiGKIyjvPYYmkrkhDBBCgiHCJL5V7y0hKIUMIyitDQFqrft2iosrbvOREhbRjPh9jHEAwQWvlBZKJiQzxgAIMYEhBOs0oWldV85YZ/XxdIAgWExnVQGcJ4TgQPdNP0jDOa+rvigKwvP9oVXae0TTssY0Leerqqr0h7f9NJkAHIQuQA+CC95DgDDABIYAQnAheA+cDyCEiBvERPXwyDb+DKojhFBVVQT402H01ud5zhkNwV2uluM0SYEIhASE4CwIVssB5Kn3iGPIeDrLU2g1spJC7/TIsmJWpiAYECxDxPkArEEBIhgwxAECjDEhGCCIPLYiaOW0GQH0zjkXAgAeAqiteWBjs5RzFlyIlKeL9Wo1r/OUEGIZtla2GQ2vX1ydL+vt7jQryq5pv/3D7y+uLmaL2TgMlNYpp1VVOOescwEgH/AgJOEZgyhgLMbOA8hSHrAYpXq5Wb5+9WJWlLe3txiE1XKeFu7D3R4E752zRjmjtHcD1H2GhirzzrTtiVGIAHv29LWzKk95WeYAgODhQzrvQ27EQ0rdw+0V55BRPfjhwwdGUJ4mX3/9dVEU33777du371eb9Xq9ZkUSj1SPwqLYTUew5RFDfByMRG9UIUQIgSTskdiOkLu4uIgE3oi4RfwdQrhar6dpilh8tFeMjl2PdjSMsdj1RCO3YRgwxnmeG2fXZ5uYwXTq2nEcCSHY2qZt267jSTJpNdzfdcIMt/u27YQFOpBOeghwMT/r+9HjpBvGDzc35OMBQtx1Xd8PwjAppZiU8Q5jignxEDoP8rLCiFFjgbXGWBsMhgxiFHO048EilvJHniJndFZlUiKtNUIeQYcRgBhEHhGlGACQpmlV5HIaOKN5llIMZUIYI2Lsj/vt4bCr61maJmVReKOnYXBqMsaIsQfByXHsgCOMzeqScxqNiJ9ePj2dTrOqmhW5k1rJySjZ9z2jpJ6VRTkry3KY5DBMEGFCSMqJlrAs6yiiKzJ+PB4J4pTivjtqrY2WFIMsoY4iDH2U7JdlHinPkb/UDT3GOCsKrfXh2BDCnjx77pwbJylM+/Hjx5cvX0b1Y1VVNzefkiSpqso515wOfTcaY+Q07u7vttvt+cUTADwEQGmCEJRS9O2pb09Pnjzx3iqhJzHOZrPFYmW1ub+/93JYrxbz9aYfx9vd/rjffxr7j29/ujxbrOpZnmYIU0BBkmYpg8KiQ9sdu/HUjU0/GQsAYQRTCJlDPEAcAvTaYQwwRAHgAHxWVIRp5xzExLjgnAeIsCSLSopYxBCC3j3YlEI7PthgRPUjRvBB3+eVmKxWnHNEifMWAKC8CwhEJL0oitibR3j90SY66kriWoMQSjtZawMEKUoJhsYGAPysrIxVRovDrtPpZAFcr2oMIU+oVoB6qJ0Zju2p6c/Ozjin290xlmCeFDQtaFqQJFcW7E996+AkhXHOeeYBiHcyJsBYH4ILwDnvo9MDAAEAYJyGHkMIg4cAPNDsCMIJz2ZFDoINZpYkaFEVCFhj1LwoUPCMrkmSDpNu+t7oqe0GBEGRl1lKU8YzjmDOkUug1aNqxv4UIOY8p9BjijFhCKFj22GCIEAOREY8iu8HQuycDTYABBBBDLNIwvHeWiedRRyjLOVOO2sVcGC9mjMEg5UQWSNGr2WR8i+ev+payQCYzeecEABDlrKMQc5Y3x3KcpYlpMPQOq+d9Ta03cQ5hwjxJCXOSqOgVIHSRV3/xb+4vLi4sEprKQAA1qiEZ8+fPLk/dT74lLC8ItBOU9dsnSww2iyrq6urWVX0zen+/r6eFdbiaAMOAIjHPv85VM5azTgnZVkqIY2S8LMMaRzHziiwmM/n859++undu3f7/QEgeHFxIYQgeRF73kiQjMW9KIqmaWIJjlX+ceStlIo+5giSNE2jqy3GNMpHnXNJkkbwJLb2MTMoSuTjn/G2Lssy/i9CaBzHGBka9xJKKSa07/vr27vo+5iXxTBOu9MpEcJDmFWVR2i3P4zj+OKb31xfX98d+tNpcA4ClAntsGOQEkATaf3d/iBVjxDRymoXAiPKUwW9hxhCjALxzlvnp2PrvXfggfMPPjv6x9ODlkopFT8ijDEmgSBfZMmiroYBnU7KGgGDSRiNZ6A8zzFFnPP5rKqK/OCMkqJpmkjphc6OEEAQXr54DjHo+mYcOorJbFYmjFstOwK11rOqrBdz50ySJEJNhCJESJFWYpyCdVoqa4w3VoOghJycqevF+dkqz4tCKH8GOEsBAE13clla5Nw75ZzWBgdvCeZXl2fN8ZgwDIM9v7gAPhBCjFVFUYzjOJuVfd83zfHy6vzy8lIIQQg5Ho9KmiTJEGE+BMrTvJxJRWJaLCH4l7/8ZV3X2+02SZI8f8p52rZt13UZT7z3w9BXRZZnPE7su66BEGot1+s15zxJ2P3tUSm12ZzXdW2NMcYtl+vDdV/mSV0Vv/nVL2Y3t3/4/rvmsH/18um8ytfLRZZlk7TWhUPbN6O63x57jYZR9FpJ7wMiGBMLoXIOcx5C0NYbKTECCX04LwqlCSEpS0IIUkopp1iCEUJ/rrkDAGAIwWfpnHPWWwM8gg8c3MAoNHpyVtEyoRQBjwAAYrRpGg9GJBIQpJSP1niRCeM+J01iShljepgQihiIp5RK6a1RAHoEQJElcDFfLGqjdACubftpGD0I/+pf/cvdbvfhw4f1ZmO9v/1wE9WFu/vboihokt3c78af3n769IFzfhpHY7wPCIYQu3APvPcAwuCDe1gBwSMMAoQuOOg9hAEABAKCED/gqAhHiQlFoZqV63mRJtSo0RoUjEEhnC0WvChO/aCUqrLUSDUOzSzPcp7CYJwGGcekTLSQnOHj8ZjnJaewzGbWQx8wLWlzOiGHPbQuABA8hBCg4JzLaOkctsEigghFADlj4u6VElxbbSD0zgitFAwoy7IU4zQh1kpo5XJRXl48nWUF5/nbN5+Qm+VFVqQJ46gZT5Mc8iqfJmOdVNpINVkHmc4JTTHnyjkjDeYJoElwdlSaEJTN6rLKlvOqOZ4iYa857srFxXJRj8oU9RIhpETvJA0JSHFw1u52u/V6nWUZBmG7vQveyZFeXJ7F+XOM9gsgIPRAOfHeP+iGlFIYgchQfP78eXs6cEZPp9PHjx/Pz89/85vfQoxWq9Xp2MYy/ei/GHX/0RLg0WIXfY4EQggpaR5y3egUmeZx52jbNu4HEWl59JDhSfKoNoodSrwtvPfjOEbRXXRwXK/XlFLtvDFmENIGIIRKspzyxHpwe787nI4XFxfz5WIYhtv7rZRysVjsDuOxkd1oD41gPCd8tru7/vHNzgeU8KLpxrv7zhgHMQshQIhB4Z1DDjCAAIIIAuiC8yA8jh8wxpgQCCFjhNKHaBHvvfMmAIcJTChJOOMVN1of9vfGmIQTnqe73a5vDvXFk6zIKaXGqhC8tXoY3TB0EAQpp6Qq6nnNCZnGEQC/Wi0/fPqopcqzhOeFEhI6m6dJdnZmjEYIFVUutZotZkJlyqrbu+sXlymGUGsb5YJJylOeJARvt9ssYZxirYWYRkwJ9G4QkweeUOiMQSBaabjVer6Y1RhDGMo0SaSUWUr3+z3n3BtbluXxeMSYOjf2fW/0OvpxEsaGSSKEIMHTNE2TzLK8KIp+HJ4+f3Z7fXN5eblY1J8+3cT7wTk3K/KMsyrPYur3NE1nZ2cAespwWeVKC++dEuOirooiG/uhKIooUe7b4VGStlkvOSUf3r3rleZ58fUXr/E3X/z6m69329syz7wHk+q6SQxqujsOt3d7x1JrvbJGB+cDAEY5pYwF8/kCABCkMgZABGnCEkacc4fDNs9zVjKMEDQ6WoRHpMV9tqGG0V0DIUIIAsGB4IyzxhBCsoTFAqqsEUIQDBNKAogHf4wh8NYpKYX3SsiHJeBdXFDhczwQAMADQBHCGHOKMcZCq+AtRARAr5QRYopu+PW8YowEa9Q0eWeN1Swvu0k6iLOq7gZhrMI8HcapKHLC83p5BjG/3x201tKGdmw1jqAtAgh6F9EWb60lNDbmUZtGAkQQwBAAxhAAFAKMHiQPm5DzCDqrJ4rcsi4ghEqMbbO31lDMJ6Xn1Qxa67SxRi1msyThwzhRAgjywXtvFWGUMAIMrDgfmlAVeZ7yJM2bdhzG3jpIoj8jRNi7AACEAUAYceAQQgQpLLQeOKWkNoIznBdpIHAaR+88JahI0/V6RZzT00ixfvHi/Le/fr2Y5d46gjgFZBydcagdJ0yC8/J0uqXUAZ9MY6eNTxn1iAIAjHEeBExZM4y+6xijGOEAgjC6F1KMbVl86U26pcAaOXQ9ZvmoAWfk4mwNAvr0vrdG50maQC/HyXmZpny9Wjx//jymPMa0uFgMH+ZwD3eci4pFIoRAADrnGGWRFf7s2bOPwVmtIvNks9lcXFxZ7x7sFQGIwxZK6WazSZJkGIZpmhhjaZrG7Aj7OVo6vmSciMZ2O0I3j/a2sV7HNxf3maZpIg3Ge384HCCEVVXF/ecxezqS2T/XgiCEQgiVVaWUqvJMGdcdTpNUGFNMmBT61PbDJJ1zQpk/fPcHhBAhuYdD06rru+bntzdNKzjPGbeTtEJTgjOAiLcBQdIpCSFEiBIIfRwHAR8gyYokrmGCHhwOIPDemUkpa63zFkb5sw8YQ0wQRrATg5z6EEJdV4xzgoMzOp7Qp2nywUb9rRQOIXR+tikSXuZZXRUAhL5rdrvdfrtLMl4U2dlmgwG8u70WfeBn6zzPEILW6nEchZrmq3lZ5tN+ur6+XqSrhKeMEuBdQjBGgWIIMjYri8gV01oD4IF3xkqjZF7lSVJaa/Mi9d5CH+bzOWX44/sPzrngLSNo6BqrJQwuyzKjQ9y/CSGr1Ypzfn17O03TbDZTSnGeauOE0sa6pm1vbu8p1wihrMizLDsej2/e/FTXi4uLi9P+YJWOp5xpmoxRy+W8LPP96YgxVkp47512EML9ft91nbcuz8sQwn57iP2Ec24cx7NfP4fAO2+8NYSgV69eeWfevPk54fRwOIyj6AalArEwgYjQND2cTgAT54H2znmHAPCA2OCaviWEeGO11YEgH7R23mkDAtLKTkhShgEAmBIEohOGCcHF+WBcAvFM6a2EEFIMEECEk4QTxrAHARoLvCEIYAymaZJiyPOcUUQpthY5FzCGMT0sp2mWZaOYrNXe2yjhRiFYp50wGSKMESknrW2SUAyh89ZZbbxFwFdpPo2DM9YbU89KxgjOZt9+/wOEcLVa3V7fOGfOz8+393vK07Qorp49owjv9/t1vUiz4scff4QEAoSCh85b76IhgAfQP9q5xKRYD0DwwYOAUPyZAOCDpbZzzvngrEsoDMgJIcahD060baOVWC8voHecMWNt155Ox/35xVVdFWVZWqUhcLOqRN5ZqaQcjZpQzhgnVZEoJSWARkujxCRtniYeEec9dNDGZRqA914r5b23wQQEkAsAWudtCKEfThh5q1Wwdr1cVWnhjPVOqVEyEtabxRcvnq7m5TQ2chjLYkFAqPKsmC1HpXsxnD9ZrjZ50zfgGNq219IwngXEJ6UnrXxAlBOAsA9QKEUJpBR5B/pxOByk9zZN+flmNXbjqemnsW96TbO6a1r8+TENnQG2yvizZ0+ifLrM0qdPnzanY3s8vHv3brPZhPAwvIxTq1hJAAAk0k4450nCI04S1X2LelYURVVV2+32eDzyNBmGYbXcDF0fTWgj3h0Rhliy49p+TFuOl5NSWhRFxF7ijxFCnAuPBgDO+ceaHt9iHK5GY0KEUIR6xnGMaMxisXiM1ozETEopTxLG2A8//JCVRZZl1ruvvvqq63tr7afbGwDAxcXFzd3t3//jPwxuUVXVbD6nh/7t25+N++Fue9icXTkHpAJCOOcwIdx5rIyBMNAyJeizntZqa0yESgkBD3Z0AUIIfbDAIO/9NMk4VMAYQh+c9wF4EPxh3GZJMp/PxnFsjqex70IIFxdn+2GIjUxepGVRAG8RDPPzs75pgtFiHOQ05FkaaROjka++eEkpXcznwRo1zjAEkYTadV2SMMLoMAz7/T7JHobMfd8/vXoyqytndHBGq0mJEQaf57nSwg8WIpQljKX/P7L+rFeWLDsPBPe8bXbz+Qx3jriRkZHJLCqZFCmqBKlQ6AJaEPqh+qF+YT/0UwPVILq7qiVVgZIoEWIw57gRd75n9Nlmsz3Xw/bjeZllDwEPv37OMTfbtva3vvWtbwWU8DAMs3E2Go3ato14IITYH7YIg6aqR6OR1rKta06TzWYNACiKQ5ZlnOaU0mEY2rYdjydxHO9vC4xxmo6ur2/7Qb6YzoMgWt2v9/uiqqqf/uz5ZrP54osvGGNN0yyXy7IsIYQ//elPy7L029tmswnDMInjqizH43Hf995RgEf04uKsLGvnHIZos9kJIUZpNhqN+l4YY8bjaV3Xg9zzdHR+fr4vq5vrT35Y7lcvv9httoeiaZqmN3hw/ebQr3aHzirCKHDEAuMgRpQQTCkPqqoKXIiB83PZIQbWaqWE33V8rz+hyIPVhxY5zBjjlKqHyY7OOWuO1j1eZ4Yc8AYYCCHPMULn5DD0fX90y7AWAkDwcbbiiczxk7w8LePXfycGIQRn3DmitRZaJkmMCSSOIAS6uuOMBBM+9B2EcBCdcwlyQAzKaLff76aT+dff/PjDhw+bzQ4gHKfJ9aerpu6ePH3UDr2FMEnSp0+f/W71EQPooHsQoAGEMETQWgkAAOg4WR4AZCx40MBY5yBEDoI/GDr1fR/QyJdb3INHGEZgPMoHKcbjcdV1Rqq2quV0CEg8HmXr9RpCOJ+OCXD317d9W3dNG7AMQ8go3W73lEgHMKfUaAcJsQBaB621ymingQVOax3D1FrrgEPOIYAQIZQiB4gQvZBDW9URo2eL+Xg0+vDu46e37x+N53/1F3/xzTdPMazlUGMEQs5E3/3Hv/kveX7x83/6V6M0C2L+1fzFxePF7373qzBBr9+82x4K20uHeNNbi3iYjJqupZxFSdQ01SAEYRGixCG0Wd+vN/dREC4WCyn0+6sbaTShuOva8v37NE0fnc1dTK9e7xDQl188IwQghAhB2+12nGcBZwElq/XdkydPnDOe93MI+iqjh8jkpGPpOhNF0Wg0evP6+77vD86maXpzc7Pb7TgPH+WjJ0+elEXtkfjJtOtB3gD8Oz7U+uDu20dP3UkQYAucAwhTjBgihDnntAXCqK4bBqk8qF/Olm1T7YvOOk0DLmR3v73JZbLf7xeLeZKkr374DcUkH01ub66TJDnUzXQ276RUTsb5Yr3dP0nPRnl+vaq3u76oaq2g0Ob793cI42z6TxaPv3737t2v/uu7oe1QdL7pEM2WrQQYYyk663QU0iCwGMOBKtH1QCJjjPGz0zDmGAPmUbmUViqlDEKcc06pMUZLQXAAMFBKKWPCMBxFkZSyLA8BS5ZnF2HEtd1pBREmAIDdviVEx5zjgCoj2lJ5nc/dakcZ7rthlCQa4LvNpjocpBRKKXHYB6PR/ft31tqLy3PowHq9NsbkWZJlWdd1EWFEmIiTvhSxwosEUVM1m8IT9wghr1udz+dhGIKHQRNJEDnnyqbZt2W9ug+CQFIyDENZVFdv3w9CXF4+nkwmcTw67EsHgq7rEAocCGbz3AC33xVVJ9KcXK0OnUBdOwxy1/TgLBkddmUShgzCx4vpGhjrAgfCrrVRyK3jk+nl0yc/2m7XbSu6Tnrf8EcXTyGERhvOQjUoimgcxHVR53muhI5C7jWyBBsJZNPujQ2n49xP+jaCZ/mEMaaE+elXX9+t76QVT798cl/vfvv+DaTh/Os//a/fvn71w910+hSSSV3fBTDgnFPktJR6MIxhzliACDTaOIcAxBgr47TWQmtCQBwx7/GZZ6O6riklzrkoir3zoo/dlHOMcRiGh1JTFk7Ozrzodr1eUxpSSLuuIzyBCO3LzgIaxfkgLIR4eHCjGwZJKfW5SFnWCCFnAIZES6NlRylNg4Sm1KnBORdnIyplVQ8QQh6M6toow1RvV5tmOlmEnMqhF1JCBExdTTh79uL5lDM8dE8D0joUnC3ffXqDkLpdvYF4+OLZF7/99teb23UUhATmlFGrtZKtQ4pxjiESQlkLGIswRFLKoVcIGYIQgbDX8AjfISToSCghCJyDEOkkTqGRN5+uZpNsnOWFAkbtLCQH0dk4r8IxPH/eBhnEjgcwxX1sOrHuaDrNR7ysI07DMdSLxex8mn784VdsnCMa3K3uL5/8qGhMr6zUUGNiIZC6B9AADpwajNMAOUwwIsBabawE0Dkl4ixZPr74+ouXb7//Yf3h43I+548uXj5Jnj6KOFFlPUym82FoMbfru7uBiXX3QZMvkxTporj+4f2zZ8+TH33zcXvY37w7+8lXv3/1IUjHcYDefbxfjB9hE7ZtayEYkaTudgHTs+mk66vbN5/Kn6xf/tnPb29v85D/D//iL//9f/gvRVFpgy3Ek9FUdAfRNc+eXlrRCtFhNbx4diF2q1Ecu77iGGKgpqM0CpkXsBpgAYCYIMIoIhghRKIostoghKw1HllgjH1c/uGHH7zabLE4QwSnaRpHaSfaozTJ54DenQSAuq49xPaw4qS3HURHj6M+jVZWGW0tgADFWfowrhAEATu5rm83K0pJEDIASBhSBxKtZSeG58+fW2t3u4OSJs5Tbd3+ULx99/Grn//lfr/fbvaEUSHUtqg2xe8JYR8/XQVRxoJQatv3g1TG8+O4sGVZSqF9AQdhjCGyEABjeBiEABpjfPEWIUQDLox0FjgLIIIIYgSPPjNSSgQxZxhCCBxU8ihxcVBRSoOAaSm7pumaBmNIEOacb3drdEABZUmSKCWVUpyzrh8QIgZAa4Bz2jjrnDNKP3v+RPadcXaz2VTFgRG0XJ4nSVQftnVdh1Hgpz5N8vGPf/wjpdT7t2+jKLJWK6XatvUDvh8/uXTOekFRGIY++wnDMM9zhFBZlh5g+j6DOI7zPJ/P8qZpiqLoqhJj7GdaWecYC6IoavrOO/2Ox2Mv2RZCBEEwn88BglEUdmLIsuzi4iJJkvlimoSRNSqL4yjkGCJK6ZsPH8Iw3Gw2VVVdXl6Wh/0PN9dCiCxJfH5mlPakll8PiMCTt49n6j1J5S2oRqOR36gCdjR92xU7WBST+Rw4tNlsHERJNq7K+u2nDxagpurq7pMFKAzDvm8tYPizwQD+OEl7/dQXo/QwdF7pG4ahRyo+dp+KPb6HzvdqdV3nB/BqrYuiSEdZ13Xfffcdfpi42/e9fzR8ln2SKvrzP0kMPP79Q0L9MA0OPcw096oqjj2OwwAAiI5Y2jmXZZkUvW/SDpivbHV1XY+CiCGCEZzNJl1bpmny9TdfHbp6sDrK0lbIuq5fv37NOCectV0/OrsUQjhjvLmrtdYZ64fheJex4zN0ROuAYn+/sLXWGKW1JggQDH0yt9c64gRC2LQ9hJBSrpwhPNQGFGV1KOuqatIonMxn82nOVdMfNj56NEIAiLu+zSL0/MlTGtBvfvonEliHmSNRkGbNUANpjNEOQ4wxQ8w65YBxzhFCIAbOma7rHDBRFKRp/Pibn5S77dA2P3z/XV81WkmK3M9//vN/+edfYkqt05yR7Xq13W0eP36MIVrOF8aY/+3f/bswiP/v/+P/eLZcru43Ssppnv6b/+v/8Pe//N2XL57sK6WNe/n86aEu8vEUOalEyxMeT7OyWL/b3aRJfDEeaamUUqPRCDi4K2pEaC8EiybAQUw5x0gNnVByFEVPn1wase+E9LMkGSNZlt3d3QGMTooX5/6QD/nVcvTw8pmjp619tedwOERRtFgsiqK4v7/X1kRRFIZh17SnVXXqCfKL8sgvE3JqIYMQ+oFwJ97cKO2cg5gYJY22zjmECCfEEqC1VUpBpwkiwGgheoRhHIeO066DTTeEYeggzsYTAPH9+tAJ3fbKkuhm8363qyxA1tpd1a9Xe8ICTBlwqGnV4VD2g2CMQUyVEs3hjX+QHADIOR/WgTXd0AeWUUodsA5aiAFlJGAcAXwqf3nd/enaPexVR82iv4xGa+2c91gEwFptKOZxEkLogHbAGYM0hgg64OW8k8kEQqyMUVYBdNxNMcaHfWm1hM4arXxRIc9zxliCre84GI1GbV3trcnzvGmrui7jOLTWGi1boxg/qowWk+xEghFC2rb1/NVqtfLTtLMs01p7U/ssy1arVZZl5+fnVVNXVXUc1weh71KDnxmrSSmbphmlIaXYQlMeiqpq2r4fjXIhqB9v4oyu6woDYLQWSmsjCYLAGiWG/XbDKfFmXhTjt2/ferdh5xwj1Ht5Qgg/XX/0M8Q9lQSB1UIDAE7k3jAMxmpJqH8nSqOuG4IoAIgaSOI4SvLR6lC/+3j/+PmL3e5+e1hF6RmmpG56HtCHwSz+/lr/nCghOefHYeJo0PpYv/HSprZtD4dDHMf+qgIAfIKbZZkP023b+t/DGPNz2P1oLSHEZDLpug5jXBQFfCjigc8OQogQwlrrl4EvSAIA/EBdH/RP5+xDNiTU70zHh1wJo2HbtloJYHRZHPIsCRgd+raua6JFNl/Mp+mzp5f3t8CoIYqiV+9/iKJoMl/Y3b6u29dvP46TUT8ogonfnDzD6fURzhyHU0IInXWn8/cPCCaEYowxltpp7ZwxFmCAEIRAW6CMZUGURKyrykPRzGaTTlqM4eFuu21l2/ZGaWDNKEsmWcqG0W6omTeDAspCBBCNR2mcjnfl/sXLr6quL5o2GQCigXOVF2tAjADDEAJrrXUGIGisBdoCjChllJJslIyzFFjgjI04K7bb8+WUY8QJ/vqrJwDK4rDzavrb60+//PtvkzAKGPvy+ZdSyv/46T98/92rp08eXZyda63n83lZV2mULrL4iycv/uuvvt/+7p0BPMa8WH1cLpd1VRfr1XI+en4xjYKzi/Ol232/Xa9ev/r+7PJivji3OBhN5u5qi1ighRbSRFnAw8i0B6XtMHSjJO0HOR6PlTGi64M4EkIszs+8rMB4cICgs5/F9LqufZGHMupvm5dPyaGfz+ez2Wy1Wt3fr6uq2u12GNGHSefHIUensO6nSHsk4mGsX3+MER+njhuGBcBhjBFB0EGgtHbWUAIDwpSzVmrGMYJGa6W0dMpA6GjAGQvqugGQ9oPiLG4GUdTdeHae5stvf/f20/UGIdI0VS+U1qZSYJylZ4+e1k232+5q4SANYRgDiI0bjFYMU4yhlFIZQz00M9pLEbSRhBAWUIwxdEAZiSgFAJ2EDdYev7KvBVkLMEYYUwCQvySMuL7vtbQ8oEkcaq0xgMAYY+1iNicU7ff7uq3DMGQU930PQGiOlXlorVNSAwcxQV3TQWcoRoySMPZDRMFmvR2HNghYFAVJFEKglVJNW1mlLy7O5vM5cC4MKELI1zzwg3myMaZpGr/XUkqllEmSeOzpRaI+TCOEnDO+3D3IoyopDENCadcNURQlowzBoxjR+iEnzlinrQZKiyQM0nRhnPvw4d3z58+n06kUWgghgwFDNMjeGHN5vlytVtPZTIn+9fffxXH6l3/5lz5keE5wGAbGWDrKvPptNBphjJumaZqGMZImSZZlo9Go6xo5EOccJghbxAg9ulMkpO66MIkBYEGYdVK123pfDhYGQqGyHtbbMtOBVBQg7BlJrxAE4NhV4Jzzs5astUPXeqbRr14/LT0Mw7qufbDz2ZLW2r9pHvxEm6ZBCCVJ4jv4POR3zvk+jFOOCx/c6E7yXz8Hxv8eH7h93qAf5oj5bcA/dAghbS38TDp80sZIKQmGAMK+77HTKEsopaMkgabN0mC5HGNiOceEoI+f3q9Wq+c/+tFqtdodKh7FcZY1nWoHHYe0bxqPY3yRQCkFHTh1wzpjT6p5v8UiAwyAwDoIHCPE+RUIEYKOhqnRQiqrDOyksVrNINs3vRn6+8OqHCyN4zRJCIAcAGQkheBivhwGobWFEFXdkI1nF4/PW6mFtphHASLlarsvqzAmAGFEMKbHIoQDBjqAIcAYDkoaY9JkNJnmcRxTBCFw7394Fwb4fDFBenj++HySJ+M8TSI0tAeGIcYojrg18tXvX50vz37+859fffwh4PSv/vKf7XZf3t5cOau/+dGPCHIMmsP6+vnldHF2iSFKOP/h3TVm0aerAxJFjGQ0Yi+fzL/+0fOLs/lsMn73K/nu3bsfvv+OEJKOJhogGsYWMciiiBGHWSd0WZSuK3ke9X1/fjYpy3K3LxmjwJlhkGGc+BHQx1K8OhphnlJbopTC0CN5egLzCKEf//jHu91Oa/3y5cvnz7+4vb/zuIxTRh/G8ZwKICf4hh7mR59URNPxxNdgtbZKSOgAhA4jQDCExllnnXXIGoYAZQQaIo22RhOCx3kitRKDMoMLo2R5dnko27t1EceWsiiMpzxM2qL6h1dvlFJpOrov+r4bojRzLNM4ul4XRd0MQrJkxHiojRuGwVgchuSomzQOQucgFFqIrk/T2DmHIEQIOgSU1VZLrbURx6T+VMX1z6FHdv75PL3pnOOcaIOBAQxj4JzTWhhjDeKcA2ihA9BZDAFBEGNECBqkxhhTyhgPjDFCqK4bnDPjPIfWUoKAU8A5qS1CR13wYjGPwgBAO5nkdV2Lrk+zpO/7QfSiH/q+DYJAKdS3UmtdIDudTp1zQvaEkCgOMcZKC4QRoUiIvrmvvCcMZVxp4Yxer9eEED/pGCEyDMNut4vjtO97bKhPsZum0VrHcVwUh8NhH6fpaJTO5nMp9b6oDoe9N920WgEABimjgCmllNYBIRQTDFHIg8Nu35jS+3RPJjNfffFJvVCqqKrtdgus9tPA8zxjjBGMtdZNU/V972kfj46hdb5iz5hmAWmHFkAQZsH1x9XteieMhSi7u6+aHtAgrZrBWBXG427oaEiNMcbZE6MInHEOSSkJwj7eQggJQs5qo2RRFOPx+GFy2JGFqKrKN7ue9AInSqfrOoRQmqZ+A/C9Gk3T+H6i07I5PZCnw0dn8zDCxj9xvkzlGyA9YCf8ONPROgihPfFUlCAIoVPCGeAfWCNl13XPz6J8xOOI3t18IIjk4+S712/Ozs5G4/Hrq+tD0+eQLs8ere/WTLim63vYBEFAKPUyeUopQfgE2pw5srWUUnBM/KExyhqFMGWUek8SYwxAiHKuanW/PZRlbZTkAe2lK8oBc7ivVG/dLGXAaWc0MNoOggH34sXTd++vdu3QDvrmbvPN8imiwaDk5dNnZds1Q785FIeqagUEKAyCCGFrjNZaKq0QhpQGRjhCSMCjLMviaEQAEn2vZaeEjhlhCD1/epmPgjhEX798VBx2HJskSZq6k129nE4mWaYHcTZbGKGM0Y8fX1Z18Td/878jYHiAi2KHtaJApSFtDqsXl9PFZPzF88d///e/DZ8urq4+Lhaz//af/6vLyzmFLuSYmParF8+NFIeqhhCWZX29KfdlOxgQAJzkY8SCqtpvdocUqTRN4zCykFiHr+9Xjy8vAsastdPpVKuj4kVrjbTGhPrV65cwCYLAauMeZtF5SiGOY9/Xp5QKgiCKkiRLi6IYekkZphTTU3ZjDQAAQaSNJoQAaNVD+74DRimNITDGeHcwACzGkBFCKRV9Cx1wVmqtBTSUAIowQw4zKoSA0FAaAgSNdpjxKEqFcv2g4mTMgkRpVwvx6f7q/fv3vY4wiepBtxIayBwJEKe7qvH5FmMRjRKpVNl0zrkoirCVx7IBJV6GaIyRRkpJecA459ZqIYTREmPMQtb3x2B+RHDO+RIQxsjrEPTDpA7/r7JrCCGEYQCtlspZHQY8DgOEULHfWadDxmeT3EMwFLJGQ2udlBIiBADyxvSc8836Po2iUZYQBEXfGGMIjsbj8SJ3y+W8bduyPMRxpKXoh45xnKYxsK63mlAUJ2HIuCBIa71Z32dZRj+biuebb32nrjGm6zqtNedcKVVVVRRwf6FYwL1cwWtVR6Px4XBo+s4aAD+zsw9CtrrfGGd5GFV1sV5tHcKTyaQoDlEU+mhY1zUCqdRKKMkoHufZbrtW2l5cXBhjrj9dJVn66tUrSilhLAgCBzFAgxDSGKfEkGVZmsa+iUEMQ1UVw9D5L+KA5QMjhCAHrNUQOkARocRabAzSEBe13Oz7MEn2paq61jgUxeOiqrWziMBuaEfhCELwh5vrjghU9AONQ84DY4yW8pS+KOO8x/3hcPAUv7+GvnOCEOIdkEajkRcj5ePct4AqdfQr95rLz4P4Kbh7Hv+0nDxAPq4rKU88JzwaCjFKqRi6Y/S34PNfiBDSYrBGh5zlozRkrKlLa1Q+GjPqIFJNfZjNFpgETVNN89F2fwAQjybTplVmvT0cyoSnThghBGMMoD+4bRNMfEYOAIAI+fIbpdRqba2lBEFljbMIQwwRPLZcma4TIE0Ji5yDxhlIuNbw+n4jlUsZJ8mYK6M0MKLzU/igkZNRdrZc7g/1oTscysNqd3jUDh/u7mezaTqe/fDrb+9Xq+3+YBys6paH2FgCIXpYnBIDQAlwEIRRFMdpwMKm6fqmtUIhaBhmGMCA4D/58Y841UpWIXMNFloNSkIpulLLxWz68ssXu/vNb7795RdfvMQMy0G1dcMZpZQ2TRWGXBRNlibGCIoCYIZyf/jpV8/b8vA3/+E/LSfJP/vFT//0xy/6rpKiRZzrQQUYvHzxou66dLxotLpbrct2oGFctL0ATVG2EYWLs/NZBOMour69OXR9HIWEhpRFu8OmaarpJOecCiH8UHJKKYIQYww1Pq4NSql24AQ2T+T47e2tx0eHw6EoqjhNgiAQg/I+5p5Mf/B4BCccASH0JSAv3hqGQRntkZeHLeihDUFL5VuWgLFOGyMVJM4DUfTgposw5WFiAaw7eXu3lhrls2XbyfdXV7vt4eZ+td3u0cUXCJOyqhAhiHIhNca0q7s0TQPCCCEGOGm0xzicc6yd32AwBBZgB4yvcUEILABKCWu1cwYRiAnCFDFDTyLLE7Hud4JTRcunokc9MrAIOgSgNZpSnGdpkiQ8oIfDgSDgHCIEU0oQhBoCCBzWTmrl2WoHEMbYx3SlVNd1WRpn+SgJOMUgCkOEgNb7/X43DENVVW1dJEkSx6GUsu8ab2dPIABGS+mkPPqj+YDih5Z4MKuU8jfX/yHflOu/45NHl/62SqXatjXGTafTH3/zzX5fGGOEVhpYX271XQ+z2QwAEIRx2w9d10GCl4szY0FRlEEUEYTDMKiKgochplRKia3RWg+DnC8WEMIgCNbb3XQ6D4KIMF8qh8rosq4YY5PZNGIz79TmhykGnI5GI2/3xijxpJ9zBjkQhnGSJIJXUsGAxV2H77flvhYWRVVjV5sWMgQQBMY5RDEBDgAHzWn1GmOsUdYAhBACEOOjAzjFkIb8xGIjfRzX6cmQqqp8ON7tdn4iox/2Qin1ZLen6byT3Wkb+JwWOwKgh+Nzqsf/rN/+4YM1niepTsXVE/npHgYLeRqHUQYpJQzHYcAYYxQvFouLs8VkrBDUbV1AZJVoB2kJIVVVHdpNbx2jkYPm4/WNlQCNAkg5cUYIIYfB/eNSmX8NrPM9gxhj5bccYzF0EGKMvMuXcxYiSADUXTtEURSnY2eUtVpLVTQVCfLeYgOgw0hoY4UyARraVnG9uHhipZiMx4WA7etrwoJdWWc0Jrz9L3//D+vt5ur+tu2GyfzCQtN2gzXEAgCds9YA54wyAmjGMoiRMabtO9GIvu2wBSHDxspkOp3k4yyJQ64oZXW7DUMYJonWZjYZVVWLAbxcnP2n1//l//+//NvfLH/75VcvLy6W+Sz/0VdfjyYpxo4QIjE31sVRFiTZ/erggCqrfZYERbH6l//yX37z9Usp2rrah5xgaJRVQgyL+ZI1HFBCHFTGGesQ5n1vOt04o55fLMbjeYSEMmq73QvEe6kW08m+qm9ubuezMaX0LJoWReFXl4tjQgghDEqlLQAAkBMdxo5P1DGHXc5nXhSRJIm1oOs6jz7E0J1gxYkW9NyiJ8291aKXPHZdR4MQQgggtNpobZUSzhjn3Hg8TqIYIdQSYqQ61f3X210QBIwFmDAWxBbR9WZ/c3vDwuxQtQY37z/evPr+LcSsFY4n+a6qOOdV2cRxDBwoyzLLcoKAJ4uBM8CCOAj4iCul6rqZZ7HVSg7SQqi0gBDGcZimCaXUVxqttYwRjIkypu17CjPyMKXPP4o+BBwOhyM8scfC2tEtMg+01l3XOefSOJkvpn4KqxZiNptRSquy7LsmjmNKsRB9mo4T5zDGkJBhGIqiqMpDWey/fvnVbrcVfWeTMEmTOOCUIKN0HITDMCAMCAL7/Z4QEsfh7c3VZDKJ43AyynxxT2mBCUQILeZz55yv2vkORm+B6QlQ9ACjPMM+Ho+3263nB5IsjePYWuDJ2aqq0jSN47htev+Dxpi6roFtojgdjydNd4cRffz4bDKdv/vwYbE89zEriZO6bjAPwxgrpbqiOBT7NMt//OOf/MOvfsnDKE3Ttu+TLKOUOwiaptnv99ba8/Pz+XJ58/4Hj4ujKAojDh3w3pxRFHohSprGwzAMbef3RUlN1fTjfFzU/fuPd1e3B0jS29WmHdw0H3eiGZoBYoQpdsDwgB5XMoAWWO2hKEQOHWuVom8ZY1mWeWqla9pmEMMw+GiepqmU0ldHfRkTQujDfdd1nPOLiwuhZJZlQogoirxeQGs9m808S34i8TzH4sO6D9meYPEJlnMuz3OP8fGDdN3b3sVRACF0fhDWQ4+Ps1p0LcEIMyJFf1/sCYZPHl08ffb0bDqU+2qzvaOAbXuhLTo/P98PyrRyty/a+/3y/Amm4TjP5CClUMkkqarKKHWCGvrhaQUAQPQHQvKI1axFhFACIQTAOessQghivMzzu7u7oqpCzp3VnPMoThxEmiTtYNt+gAhEDFPCkAN1XXdMx2FUFEUUZZMJ0haM5/Ne6Ww82Vfl3/7t3zz98rmQWigdRVEYB9fXa28ISPwQNECNNc5YGvBhkG3bQ0soxJRSChDBwEl4Nl+Mkvjm+tN4RL7+0eXN9fvFMgcWNE3z+GLctoOz5uuvvxJCVYemaurtejMejy7juKgo5SEAdrXb9mXbdcPLr/K7q9vN9vDn//Sv/td/+79/++0/fPHFF+fnZ0ILRsDl48u+a25vr7WWL5bTKAq2Ral1T2nMGDNa13VNgoyGEQCAUL5ab+66w1ePF4+ePUvmjz68fQNgibbKKnf56LFo664bmrJS1niKzwNWP6DCOUf8W1LK2mqPek7wzRjjnRedg9oaj/a7tk7TlFLs2UMIIcYUAAuAFaInhCAEPOOJEOKcIkSEEEdDqCRRgnZdRwmpmk5JM5lMul5AiPNsXFWV1YCH0aCMw0CJfne9xiygLEVBcqiHspef7t8XTWcxr9sBIRrEIR2klioKOXAGITQb5wjTKBinaVoUhVbSOYgxF52oqmo6nSrRUwzTOIQQHkffOts0DcJAa0kp9RbMwzAQQrJROk4uyrL0rVhHfbcx/gOz2cwYUxSF7xbxMzpwFHif4WfPnmillFK73S5J4l/84hcAgLdv367X95PJxGvaIITePDPPc0xoU5YMY5YkZVlutvfTcX539QlaFdLL+8M24JRzNo3wpijLskyS5Pz8HACrpHzy5AkhSA0iW57FSbjZbMpDgRB6/PixR9NxHOZ55gNH3/efPn2YTCbDMPg4HoZ8GAaMIaVsfX8XhmGaph4pF0WZpimAsG1b79XjXHdytKeUZqNUCLnZHZJ0pB3Qxt3crnphwhiWZZumadl1ZdNvtq+DgPV9nwdBnIwwxu8+XeeTuXfy4px9vHrl9wxrrdTaOXcoS+NcQGnf98Yqa+2hAJz6dmXKGBv6vqoKpYS1tikrAECapkVZ8zDfFuXNql7vO2FgXVbtYLLJXEiDMGMIeRdJT8eLofN14ziOAQBD1wNgfcET2GN611T1drPy6kn0YFmxWCxOcoC6rv2PnxC3n+wohIAYeXauaRpfOyWEnEiVP2LMwcOUXf/6pHvxHz5JGE8/TgjRWhPKwcNId48/nLVxGAJnh65J4pBR/Bd//mfTcS7FMJ1Ob66u+7Z/+mgZ8fjqdnt3f7+pexilYZxaauqmoyzoBgEMIJT70Qgsjj1lpLX2LXgeKCRRLISI4/hwOHi5C7AWgWOp2fpCBcQQ47IsPWTElHIaAed6oQAiBkBIaQAxhA4Ba5Tre1kdygOSQojlcrmt+t2hhBghQsbTyf1qtd7cjybjzWYjtVouz6I0sYY+CIEsAABbZ6xGGEZBCCAGDgGHMMYEESf1MHS9GpKQUIrLsry9+f7F88XyLONhUFUNcTiO0vV2b4z1SOjrr37kHOBB1A19Ppl8/8PbMImy0ez9x3dtpwxOOmt+//Zmuzt88cXLslfbotrXzZ/++T9dXFy8+/jh8eUyn05e/epX79+/223X5mc/fv3m3bMXX01n46LTIUWibwh2xuq6rgPKdoeC2yEAsOqG/Gx5u9q12gYWQAPms/nd7eZiObm7u6MIfnj/7tHTJ8vlWS/Ffr8nlPvNnmCMvXqaEnTKrXxUsg/jRr0LqNYao4e79ZlXkV9hJ2WLx7OnemmcjMYTKqU8BgKgAcTW4dl80TRNryyk4TAMn27v27bN87xWRis7GIkg5cnEAVK1anfoPt1umk40nRyk6YUUymCCrTDQGGgtdBY4ACEA1kAIIEBdXRBoEYZ1XRvZMcYw0EZ25e4Qx3EcRxDCYRikVoSgkDEAAAbOOQeRUwj5b4Egfv/+bRRFURRoraUc7MMRBEyIvus6KQdKsTHKWjsajbqufkhTXFXXEABjDELp/WYt+6GqqtE4H41z3wFPCEHQZGmYpWHddG1TIIRGoxGjOSVov14lcZBEbHV/PZ9NL88Xu83622+/WywWX375JefcGAPc0e+pKQsIYVmW2+0WQXd5edn3/e3trW8GppRut9uyLD3kPEkjfKT2YsG2bTebjU/q27b1UYkQsl6vGedS6uvra6EVcMjzNp6zul/fOgiSOMOW7IuiFZLxmFK2K1pK6ZsPn25ubtIofvzkkhAKlBOOjLKpc6aqKoxxlI5JEAohxtMZpRRTSiAYc+4FVJRSYJVz1m+ohBCCsLWm65QQgmB4io+ME6XUodi1XAvZljW8Xx1W66YX3MKAR7EB0DpjjEMYIUyQ1b4izWnkl6vv5vW+yEqpkFMhvFkuCmJKKHrgrwB4sCf0h1cNVVX1RxXOI7uNToIid1o8fhc5RepTpdQDrNNvBg+CdOdcXdfk4TjRgAAAiMiDIst6kh0AoJXt+34ySvQAI84ni0lVHDb3ty9evBiEuL65a4vmfPFkPhuFYecstg4RQAA0DlrjLLDaKgOUgwDQCJ2SckopxhhDdNL8TMcTnxD7whpCyBlnnIXWOgg1gNYzW84RxiwAzhi/aVlrIfDiMQedc84AABFGiAWc0yCKIIZRNmq74VBVhNE4SXJkJvNJ+e47pYRnqNJRkmaJGkTbt1rrIAghRM4aCB3HEFgl5UD58Y4YY6Q2yDjGCI8S2VWb7QrPk7bv0jRzACfZ1DqVsmgYBquEg1BpAywM4yDgMeXM7KyDYL68xIzerQ8/vL3eHQ5RMi/qilK63e4ljAfHBUD5bHn++BkO45dff2ON+uv/9d/+8tu/T5JI9PJv//N/fvz46fL8cSQkBnA+GZ0vpsJWhbTaAggshA4gojSqWrXaV50j3WAwEla1RkuVhhfn80ePHn1899YvISklwYyxQByn01uitUbkD0ycX7jev+XzheUXMcHMWQkflC1+eXl1tu/Udw++cejBpu7m5ibLMmtB3bUAAEpYPBpnWb477NteDaaXUkvvegKohhwQjBA4HMpDsRukKZt+u6tboQEkrdD9oKS2yjprnbViMBpj5JwDx6qsdcA54JxDw6CiKMIEVnowBtKABBQip+KQAav6tqaUhpwkEdPOeoQOEPI1JgIhgABYYKShFDNGEIJ9L3wrYBBwCOF+v/eU62iU+kFOUhpKMSLR8SJA4DMYTAilbLVaaa2lkkkYAQC0NVIr4yxSAjHCKQIRzZMIM5okUVfbqi6igH/x/KlVqjxs8pQ7NQArf/GLXzDGuq67v73DGC+XyzDious5D7WWSZI4a70hD+f8+fPn+/3e40RfTgiCYDqdzufz+/v7ExPq8ZcfEjtKM2PMdrudzmdCCOdgWZZhFCVJNh6PozTBiA7D4CV6i8Viu98dynpQzWKZXjx5bh2q274o63JXQICvr+/atg+j/MPVqmva0Wg0ieND2Ukpi/LgMzljtVGy73sIHaEoDMM0jsMw9OJxIJVfflEURVFEH+TSCAMEIKWUMQIAkMPgI8V0HN/e7m/vru5WB6kDxoNOo7bpeBIZay3UGCLGGIbU22fC4zQSZ7WCEPo6kBy6wRljDKcM4WNN2P/+MMn9c/F53dJa6yn+E9A5vaia2p//KcPzsfvEvcCHVg/4IB47PXef/zb0cPxR9PfRyjx0dAdBAJxRCAANAQABpwRDIYRVgmIIrLYgCMJUCwggMRZDzAGiQ68ZN9YCZ6EFADhrrXXAIocAgMYY6JynWAkh8MGcKwiCOI59uBBCOEIopRYCAIB2FkLk9QTOOeMc8x0qAABntTbWaYIgIUSqASIGnHUAAQAJYZRBGsQ0gMqCN+/e3253lWGr9V2LQrDbxBQmcWDqAREwneQ84Ov9Yb9tlbQ0DCCAQmsIXUSQw1gqu98XEEJGKMMYamuNNNYaA5dn0zDkZ5cXxnZnj55XjThUdV2XeRjLQURRlCaJM1o7g4BTViBAEaMO4SydbA6Hv//V71798FZKmS5o0zSMse223Dfv1mWzvt8MUm2LKsqyXVH8/ve/ffvm7c39DoDds2dP1qttOm73xUFbG6b52Wz85aOl0kCtCq20U84ZAimxhjTCgKpVkBlIMAsIAsbqthdFUcAs9o1+DJOqqrJ8Qint1bEDjhhjLPIThf4gZPRw4LR6PGiCEFLCIdCndeZj+olr/hy/n8qtQhsDYJzG8WiklDocytWuKFvZ9UMQBBrSwRhHojRNnXOdlGVvCKH7Rn64XldNXzYSQDKbn+/KWjtgIXDUEYidc9odfajBUcdzXPzH5wQDB4xzmBC/FpHWkFIc4kBKJaTUUjMSBWEAMVJKOQcNdn5jgwBYC4wxSpnpbCKlHIYeQBfFoYcqEMIwCkZ55l9TRtAAIQIQAUrCpmmGrj3pYYzW682m67ooijiH7dCrvYmiiIdx01Tn01HXFvfXnQHAmD7l+TgLIg67evfyxdP5LH//5nWWhgHDq/urPBsZ47pu6JqeUj6bTWazWVNVNzc3X3/9tTFmOp7VTfnhw4emaZbzxXy6QAje39/5PqM8H0kpi+KQpunFxbmvl3i0TghO0wRCoITyqjXPGkt5/BZnZ2dCiPV6zWiQZVmSJLvd7ocfflAWj/JpEMVVM7z9cNdJhUmgnUOYYowni4sZQtCBzWYjpckQw3F+6MQwDJCEAIFdWWktszQGhEJgtTFN0/R9V1YHTwPOR5FfV8PQIwQdZQAAhEGWZbvNVimVpnMAQFUU1trZbKazfHXfKwmMxgASgAiEDiBorQbYEIQRcggDRghBmCAsB0MYBtBp57zoKApYBR0hJGA8zeIwDJVSGEDqvUwJ88+FhzIeLHvkforCp6Ds46y3kv4jPO71Leih7/r0yHyeAZ8gPwDAczu+7upv3DGPeYj4p8wYIYyBcxg2TbOcjZOQb+6uz8+Wz54+rorDZLa4ePRcTaRQ4Opm1Q8Gk8A41HdKWWctcNAhCCklmADooHXaMxqnuq411j4Ydrdt64v5f9h7KAEQAQgdghAgCDGE2CGojQLQUYwAAAZYoB0miFCERY8wsAgdIaazwsBaqp89elm2w7aoHCZD3w9q4FnadtXlKIkVt7oDGM2mY0L5vqit0wwzY4yz/gJapRyhIAzitvFXFTjkILQQGQQswmA2H4dJyHiY5bOyEfvtqiwPXd+cT6dpHOXjNE5Gou+Yc156ULclDgKHcN2L3716/7d/95tBu+l0ti5FW/dJgg3mRT104rY47I1R/+Fv//PX+5fb7frXv/rlKImfvniptPjy62/++//p/9ZWZVUWv/vdb6MovnjyfBLTLx/PhdRuX1e90koYEiLMtLO9wfvyEHLGOxlgFzIaJxEiFAAwn88BdGVZ1mUVxqnfOxnlEEICH2TXPsZ7M36Z514c4o6mLhig44qhjBhjvO8ggggiSBAmFAcBN8YYg06Q3zmHHJxMZ9baoqwQYVrbzb5qui7JAGOBI6FwEAQxArjVUAi53x+aQRLM7nbtppJ9Z5pWOwwDaZteGws0QBBhRAgimDqjrdHd8PBsWOccgAggBDHBzg29RBggRDyy9o9fU+3TdJTGmVJKKCEFzrJsPMr3+z2ByFprHLIAYAgdAEqrtq39RI40jRFCfd93XY8QWi7n0+m0bVtvt+LLWX6CFKXU8HCQklJqrATGdlp7WEcpRZgYZx0EXibBiBHQRCEdjUZSasJoGgcRI/TFY87Afnu/ub9ZzMZ8kccBDji8ubrJsjTPc69UORzKujw4B+/v1wi4rmlvb2/run50eZmm6WazmczGnmZNksQLE30wcs6d7I59u6O1tixLDLExZjKZIIInk8lqtRmNRghjX7csm1pJ07atd8d0zjkDEQvaXr5+/+n9h0+MR5PFEmIOoeYBDMOoKIrNap1l2eL8rBu69aE2SmujgoCFnGpHNDAGEmW6kHNGgNJCDoOxinMaBMzn9dYeYxmnLAiZTwqNOZqLgoexAEqJtz9clcXAaBJwU+37Xm95nI1ned1WlGKEjTVaC4MdIwgzSrU0hCBrj2wJQd5rjlBKET6KxAlEjFGtlTcc9QH98/jrSfbPuZdTzd/v+ifK5SSROgldwP/p+D+/fwr3PkfxMR18xsz4//VnxShmGGGCjUABpVHAlstlGocUI4JA02ltoLRoKHohamORtjgM0r3oFMQOQAecgwZhjB0EznkvUvMgo7TWWn285r6Q4JM/xpgcBmMMwhQAYCGCCEGEESQOQQCQlBJjSAlBEClolM8IjCZuIBA5iB1E2lljdN3borKDgb/74a3U5vLJ0/5uNRqlZJSu9iWyiDM0yhLK6WKSIxYUh6ZrtdJ46A1AKI1SYPQgGgBBkgQTlvZ9K8UwDIJCyzDgFIcUHw6brsWDaIahe//xo1BKCJGNUmRbQtNOAFe0wKoopBQDCKC1jlJyqLoPN5tfffd6UwzTxeVo8qza3wuNEszPzmZCDkPXBuEghv7jx6v1ep3EIQRIO/Anf/pPvnj2HGPosORR+nQ8fnR5zgmFmMrbVUrcn/zoKX5/9/5mo7SSEkMIMUDGwNniAli9PWxsV41iFKCz4kCR4Y/OF5SRYRhOxRhngYNASukfGGuM8R688MEdVz/IzI+CKgBPr099/yeEcgIpHnd4Rt7ng4O2bdtWTQcQpoR3wyC1FdLuqoNUO6HNZDo3Dtzc3PWDlFJah7U2TTdoR0jIkaFF2RRvPiajHEBsINLGACewxdpprTVFDGLsEALAAusccgARgFCveiklJhABBBFxAGnjlLZGS616SgDFOORxEMWUUDH0Q98DiK0FSltrLQDQKmOkNk4ihBgjAFghhJSD773s+3YYQikHrY8fQAg6Z5quh5iko/xwOAgl/SxQAAGA8FBWo9FoOh0bpbXSnAXzxbLbvA4YnOZJlIRFUThtkQsxdZcXi/dv30CjF/NRGoezyWgxzd6/f58kCWPcOTAMou97NQxBEDx7+gI4c3t7W9ctQmQ2nWZZxlgQhrHvR/d0je9H94jPtz6Ox2PfNXPa0Ydu8AzpoSystRjj+XzOOP/48ers7CyfTsqi7vu+LEvG2Gg0qradkEZoy4Pk/OJxkIxYEJdVM0h9dfMxDEOMSdUKZWsHiN9F/Ig7BFyeJWHAoLNV3dZVmWfJKIt99wqjOEmSPM/7an8CoT6D9AxD27ZZdmzOdM7leTYMQ1mWh73b7aq6GrQCEGLnrJQDlAhAjTCByBgpjbXAOYsJMODUgm+t1VL2fetDJwS2a2VRFEkYpWniMUHTNI9efOVrISea8aG+ErjPjj+gdXckVTyw9Q8OfKiInmL3KY5/rm48AXb44M0AAPAuj6c/ZD4bxOH/BASUIjaZTEEWt+UBGPHNj15uVne3t7d/+rOflkKst5+qfTOKUmNgUTa9sg5CoyGgRzRmrUXQAAecsShg/nThg4TffiaT91/cw4Jiv2+aBmC/XQEHHPZoHULnrJ9shwnEEDoLDXDaCCgMtgOD3GKgHbAQAYQNBIMDrz9eIVF8+fxRko/pvggCVveNVJ0YXBiGkyyhAUXOGjVYo+TQQRQZYyhhEQ+MUV1fOW0BQEoaawFFhFBEkYFmkFJYpZ1lg0AQA2vBdrtV2vb9MOncrbwV0kllJpPkfDl2ENRdgxACBG+L/ftPm29//ebj9S5KFoTnncLZaCKlidPxsxfP5dCuV7cEgbLYASutUTdXmzzP/+zP/uwnX/94PB5ba+X2g3WAEMJRgKyi2L58fPHfjJfvV+Ug7P5Qb2shlHSAAACwcUnGRCuKsoqwU8ocqhqonoKFnGqMIGMMU8YYQ4h41MgCRk6L6VR48SGeYnrqSfM43ad+GB+Xo/+v/zzG2JdVTzxj0zS+McHR0Wg8jZK864VxDvTidr3afveGB7FFtBdy1qhBqg+frjHGzoFBGDEoFobjfIpJMOYgiETVdsYCRAh0zmilpXZIOmC01pgHCGCIsHPOQgucRRA5QPpB8YCFYdD3vUU4CEIqpIVoMRsbY2TfU0rTyWiUjZuu36+Lvu8RJMYBrSxCGBEMAQYOEQp8y1/fdwAA314MIRTbvu3qYRjCiCdJIoTouk7IfrdvvcLH2807CDAlWqooirTWmFFC2DBIpVWMICKYEkApU7K/udqWZb1cLqOAaq3l0FICKCVPHz8PGIFAM0wZAUXRamX9sx0ynkZxksRJkpwtl0IoY9QozaSUZVHu9/uLi4ui2vo+gL7vu65L09Tfa9/KmOc5pfTu7q4syyiKkiSBEKZpqpTinAsh/AhyHgTPnz8viuLj9RVwaDKZIISqqirLsrNRGKez6ZwFafX9249Xt4RyyiIWhsoA0XRni+XZxaP9fn+73oaMC+MGbT2VYSAyEFtIoDXT2SKOWBwyBLTC2GhZlmXft6Zvj5RIFDHGHDD+i2CMQ86cc97ViyJ8lJDarCy61f1WaBwEGeKwV7rvW4C1MQZYz+QighC0TkjFAuITF2uttloIiDHmlAFoPd9ICPY8u9/D0ENnhlcNnDSIxzrhcQrzHxhIytnnIf7zw/1jZfoJkvs3P6fU4YOFgIdQvujqT/tUuDop6I/SdauDIFA9Q8hNJpPD5t73p1Tboqy6uukJDJwGTdO1ShuEAQAIEoyA1hZa4xB2zlpnnMHOG6I/5CWnvYcQ4qzzrSRJknjBvgbKWGMdhA5bYDBAAJ04Jau1hQQB4CB0EFjrNHUKA0UhUhA4SglCMUNJym7Xm5eP5mePHg9KQgijOFyv9sv5jIqWERBnMUCwKncaYGOU0dI57AzSQPd9D4DlnAchTdP00CmMKCUYIwNtb41FyGAEz84W1trHjx+3jSA8Wa/32vXtAE0jb1b7pu++fvnkiy8fWzMUdTEej8uq+HS1ub6vru/uhWbnZ2e9ANt9n06QsSAIwsvLy6Gr6+rQVlALyQiNo2C7Xr149vS//1f/nZRys9lM8rHDDAGAELF6MFJo2XeD6gYxzpZJSBiFGDrrkIXIOggAefP2vR5aoIYf/+zrSUyRbigyz148pwQeN/gwgg/iFOeOdkDE0wVeRXDajT9P+pxznqiyBiQJ8//qDQdONZ8TTvcf9wuOEDKZ54yxj1fXv/v9q15IHiTeh1a03WR+ZiAu66asW6l0HMZd1ykDeikRC5pWFNXGaEiDUEhtHOAIAQQhxA4ZQjDEhFBqDIQOIoAdMBZAAJFxkACkrZskWZrG2lgIcRDGSmtrbRZR55xQUiurhRyGAVjHGENNCxFEzqcdhPPQMocxroat9yCDEI5Go0ePHimlPn369NVXXxVF0batv4ht2wohwjAMw8hnxEEUnZ2dQec4p0VRAOuCIAhCVnftfreL49gXJ20/zOfzp0+fIkS0MYvFYhiGX/7ylwTD508fl4cDJjBNoptPHylBl+fnhAx+uE9VF2XdeNQGIXz//v1+v3fOKSHjOJ7P513XNXXnu8b8yU8mkyAIvOQZY9x13X6/95uNZ0Wdc/e390+fPsUYX15eDsMQhvH9/X1ZVU+fPr+9vf306RNwyBjjTVdms9nru/bm5u765p4wbh2EACtlLNLbm/vReNI0zdXN7Xg8pjwwxhEehIT1YgDCTsYjB9F6szGyz0fxdJIz6ihjEQ9Rmho9+KzIG3slSTIajcIwNFrWdd00zTfffOMnilBKrYNqEBDC8Xj896/vD4ey74WFAcLaQhxGnIZsvbtHWENkAQCcsiiKrDJKaN9O4eMyRNBDTk7Z9c0nrxGC1vpW2/F4vFgs3l3fd13neWR/6z2p7Rsy0MPE9lNQ9h6Nn/sj+fdP9arPY/ofBXrwWWkKPwzm/ZxJ9zDZP2uUUp9zEAwxRp8+fZpNxk8uztOI+YSso/j1969er/ZN0wOAmqYbeiWVgwBLqQElCCGAIbIGAkcxRIAYAITneSD0gQMAAOwxpiOEhqEvimK/34/HY6v1cSSOcdYaBx0BwEEEHXTOaS0BAMAi4BB2FkEHMSYQAGcQcAhYiBwmJAiCNAqyjP/uza9/8uUjRMib96/3daut6brmq5/+FN98ZBTHYSitrrqW0HA6HnW9Xa1qSrGxoGkaSvEoT+aLSZ5nhpi+b7r60DalkW3I3Gw+Xkzz87NFXZTL5fm1WT1KJwCyMEgHpTefXrfNcHvz0Znh0eVMinKzviEc7/fFersxhkBEwjhJs0l1fwAA3N/fl+XhyePLNE0pBowQa+0gOoLgft88e/LkX//rfz0e5b/+9a+zLLPWMhoUVblf3fSHdR6xR+dnIScAOS1aI4RVyodWhKlFBCM6neK6whzGX3zxkrn+5l0BwZDnOUNOq8FB4LvbfHnGAwtS1YcwWkozAIi01QaYOI2qeo8IxhgBAI2zCGJCiVJKasHR4OxgraWAY+us1gAQgjEkwWZfDNoAzFsRSMt4kkLGXu2616+/+/DpCgDEAo4UJHw6efb06uZ20wJME6ld5/Tgwv2q1loH4YgksUJICu1o4JARRgIMAkoxts45By1CCAEELbQWdn0dpikQA0cuzzLVd3WxJ4x+MWKi2oRg+GaWV03dr24uJ5P5fK7l5u7mbpznZ2cXddUqJRIWsSg0TaWtZUkEMNpX5aHcQ4wAAGc0YwNkAbuc5QCAm99+P0iR59mw2qyvPpydL4QQ92+/T5I4Rrrf3z999HIQIor4/PkzoeT17d36tmSMjNJEaMWsm+fho2yJnA3ZAABgzx8ncXh79e7ly5d12XQ7u92uf/HNFyHjH969HzNsm/rd1dV8Pn/29PEwDNmTSdv3TddShPLpmIcBjngPzHcf3/GY3d/cbkv7J9/8xAC5268YJstHX04miVLKOQRhACE3hlrnBgG0NtrUg9AIERYEvmHk/PFlK3opdH1zc/noyc3VvTAaYv4ff/emH1zLp/tDKTv0zfNnIgi+vdter1Wv46Z3ouidQyAeA2ulMePlUmuNOQswUs5SSmkc1qLHPAjH48Nh1xnHHa6VcxaCXk2Ni9N4Os1FXXLiEKS6Ll6enzWIA2vq+pAkUUSDbmgyqvMRM8W9g9g6kk/POwHW1TaMR0mU6WnIUc7I3eFwAGAIgxBC2TcthzDEIQBAWWUNNRZbCDVCcKhZwCnn0rh+EGUjOymCIMBBaBGA2FkzIGQuL2ajJLi/ez/GtipuAkSeXJ5r49b70moQxInUygGEKQuDUCklhg5hHAQBhFhK6UE9hBBj6nG0R7WEHAeW+m1Va0PIH3yTTpjdPfgEnGqtp3x6kEIZHcZBFITGGKOVNbBXsus6C0A39F988UVSi/vO3dxVi+X8/d4QkkIGlVI9UBoaQiCLQ9H3WDtoIHXOWqesQQhhQiMv/bbaGssZCwLmnBuGjjHWtbUQAgCbZiFlEAXMGMNACIwECHghkO9eJoTkUXIsgWiMWBhEiRCiGwaenldtFwRgPk4Ou+1QarRcfFiVDgS/ebsdQHx29vTpDL//9O9+dH4+h7Yw5HLxCFH3/votRi6Oo+2hCxjN07GUdLtvoijphvru7m46S4RsHAHKVF2/M6Yf50lX7p5ePFqMs8Nu9dOvv04iet1u/vTP/3we6/1+Px5P35Cnnz59mp1/9f11cfc///0//xd/FS4uvv24ldKxyfzql7+c52CeEarfddXVYnrWJ/h9vdm8/8998TSfTl68mN1evQoYbQ77f/anf/qv/uLnL7iuf/fv/i+Pk2Lz/e7m5pdldnF2Ps+T7PycQqS0wzwoBjGezWaPG/XrX0vZPH96dne3W93t/uSnP6vWN7HrZqNMt5u3b1797Mcv/8nPvt6s1hS7NIkoJsharHWEnYPWdSXkE+LVykqpkEeEEC2lEtKXuD24wAYC5BDwM5Rd3R6sBQRhA4BUph0EgMYh3jXFvqwADtI8TVjUCl1UTVlXn9abvhdag67t6KDTlCgz7PfNp0+3PAiDIIKYam0tgIxyRrky5pTfnRJbj3dO8nn3IA7zLCiwmiAIITBWhRF3Nhm6ej6/XN/flWWptcaU5HnuHf5uVuskS/PxtCqbsqzH46nW+tWr3+eTqVIK4gFzxjCxjDsIpFZxHMZxDDGSUmqtOOfpKMnzfBAdIcRP2vM9tPN8oZR6+/bty5cvp9NJFAcff/9R9B2wJktGfdcBqzAijFJnXUDgJB+FIbeuH/p+t9sppRCAj84vIIRN0wjUp1mMISKETPOxc261WimlJtPz8Xg8W8yrpv54dXVzdxtE0Xw+T+JwvV5nWZYm0WazSZPo66+/5oTe3u/DMMzT2Djb931VdowRznmWhs4FAFjGiDGmbztjdBJFfd9bAzoxLM8upLGjcW4snJ9fvPtwpa1DLCR0rZX58OEDAKgoy6JjvhnNo9STENt7B/nb5//Jv/bKd4xxWZbOaIJxnIwItPf362IHdD+POcYhZQgwziGhTVEHASMI4wfLEc55wJkYZBCEQoG27ZQlcRyzMBJCdV3nYbWv8Xh6xBjje2g9fLbW+r5qrXXIqHNOaOUAxIyjh1wzDEMlh9VqhRFYTseU0r7vm7Ybxdl8Ph+EKstSSI0xo5i0bWssAL5NkVL7cAAAfCPuqeZ0IsFPmP2Exx807/8Ip3/OuZ+EDCe+5USG+AqWUuoo+jbaDzzxPXHAmu12K4Tww8JOBVv44DXmu6h89nBqCv1Djv5QM/B8vf9fIQShhBCi1HGcehBwzrmnxbxNnmeo/PlXVeUvjl8DJ32tlCJNU59rUkoxZZQz0rE4TQAAt7e3o1GiFQrDcL/ffvhg+GAJYxYqSmmYRhogrfXZ/Ozdu99qFRDIOKeYRErbuqq07iAaKSGFEBgCijDnnMBjVcaPi3r27FmWZX/3d3+XZdnTp093tfn++xZhzSj1ifhsfvnu/Q8Eylr3SZIwi+fzeXNoxuMxpTid5kM71c4ObZNcnv/o5Zfv37x/88Pbv/zLv/qrX/x5HJF6EAaTbd1vi7aqxXg6zbIMaoAxDoMQ9FJbixC6u7u7u7klhERRVFUV5/x8edY2DYbo+fPnTon1avWTn/ykrQ/X19flZp0lAXDT8TgPw9BY5x83v8hJFCbWai9Z8+V7pRRFGEKIIASeS7HOIo0AZoQCwBEAhDAAsAbOAIwgtZgOWjnEMQ2EdvumvFltbu5W682uk5YQYh3UBpneaTNoY4dBLpaPMMYOYqW0kEIKo5TR1nqi46TxOmnFTsTOqcTkUQwjSGuZjNKQUClabTUnkKWxEgMmkLIgzWLGGGWBMWq7raW2YNBCmzCKtXXGmL4fMCVnZ2e7w0EobZUmGOZhQjm3wA37hjLCECcURnESxzEmxDpdVockSYQWvrvSqz+32+3FcpFG4e3Njfr48c2bN8+//JKzJOAsZHi7XpX7IaJwNs5HSUgxGrrWQQkAmE6nGCJvnRZw2jRN0fWz6RgC6JyLorhuyt1uhzE+v6B1Uw5CWOCiKEIEB3E0Ho9QabdbEMfho0cXfdPWVXV3d2O1ttownPNkwjlPONJaI4IZo0UhIIJCW4zgOM85w1rr8/NzBZgx5vbmfj5fvn3/8fzi8bYsN5udlJrwYDqZW0vWu/12ux+EEkL0Jva5P/jHCjzPEpzqNOBBH5LFSRRFRgkv7u6lwNBRZB5fLO3QsCAY5wkniBMQcAohXM6mmMD6oJQSSmGEUBiGURAyaniQyEPTtD1iMWFB0w0fPnxarYqqqnxk8W2WPlR97mHrvA+4N4LHTBpttIYIYcoQpsZZZYyTklAEMUXQWAe2u4MYOjFITo8TOZQQxgFGCCYUawMgMPYIOCCwJ5TtGUj0YNviHtpBT7vd6ZN+2VurwWfHaanbB0Nd+2AhcNoGTmFdKQWcwRgDa3gY+D9tjLm7u2uaBkJYliVCf6gfnM7qtEO4h5kbp2iOMHTOgYe5dKcTDsMQIn8aRyWFMVZK5bdDL7LwbSv+e50cTD9/hDHGlAZnZ2fOub5tnXPamKpsqrpazHLGWNe1AIBBiizLyvKglF6M52k6Wu9uukHyOKrb9nAoIUzHo7woJGUcWE2Qwwx3ZRnQNJ0k1X6HIAwoQxgCAJqmSWOulPrw4YNR4mc/+1mSJL/61a+yLB+Ppy9ePDL2F3f3m33RNOvNb3712/1h+8P3303Hseyr88VsEseLxcIKGz2KnHbPXzxBqvuH3/z6//X//H/Mz89/+rOfEwwfPXqSjqbLx0+dbCGQ/VC/e/UK2246uchG4ygbDWUttSKatn2PGB+NRl3R9H3POYWd2tyvludPnpxfVFUNiRwl6WbdQKgppbVSm9X6sL1L42fDMPhRNscFho+Kc4IQApY455QyWpkThYcerjvAWCllpE9VEeGRtcABbKyzkDrkFMBAAWEI4swRtj60v/7++/cfrut+MMZE0bTrFCEkjDNj3G5fOgujJKkbCSF0EBntpDHaEoAwQeCPDviZFt6v7FOJxr8fR1xKGXKSJdHqZt/UxcXZYjGb39/dxkEwnU6DOBqGwRu9dl13+eS5lDKMskk+jpKsq1tM6BdffBGGPOoDCAVAUFtDGA1C7pyTie77uu0rxpgxgXNGalEURRAEeZ71UoRheGzLxlQrk01jJQctO+jQyy9fPH36uKqq7Xb9+MllfUBaSOQswcAZ3fZDVRWIgvF4/PTxE6VUQFkYckZxdSiiKPDErrVWGxkEwePHjznnnNP7Tb077LMsm0+niBLjLMZgs7rjFANnAsouXsxfvXp19fHTYjb76vljAABGlkETRkwp2DTNvugWiwXA6HA4GNUzkk3Ho31RlOVhvPzicDjcr7ZXd6vXb969+LK+vl29v7o2FsRJHo9GmPFBqLrtlFIQIICO5bLTTTlBUa/lP8FJ/0gbY3brjdJiNpsh4Naru2EYaMiqsqHIWOu7uPF0Mo5D2jYVDSMMHbEm4DhNQiWg1na7P+SjiTa2V1oahKBtRXN7t/nlr37T0dnJadJz0J6yOKUO6KEF3y8qixywCEBoAAAOnpo9HYCchZzSgJHxLHdGd13Hw9ij1CiKRpNJUXdl3TqtoyhCmAqpjx2SEBy3eQwBOIKPkwbRl1vNQz76OW8OP9PDfB74IIQn+3IfVf0uxTm3wPms+qGlFpxCvLU2TdM0TVdN7cNrXdeWjtxniprTXfPB9/PC7Om582nWKYcAAGCMJ5NJVRe+F3oySXysbNvWzxyHEHrwfurRTZLE074YYz/txH+dNIziOO663lkAIeqHzmq/wQAHQBBFWhttlLV2MpkQQh5dPiaUKW2dg3UrnAVJnJZFFQQMo4ET4JziHCPMqrrmaBRySgnilAYcA+sIRF3XGZNfXjwOA9bWldZWSj0aja+urv76r//6yZdfvvjy5d29ads6CIL37z7tdvtsFDuLIaCTyfRHz56P4jTAjCCqpcoDupyMvnh8sSsL1fdXH98ri40FmAU/vL/ar++TEK9v31x//O5f/PNfPPmTP3lztUIEI0oQIghj4zSwlDAqZK+UcsYA56ADwFgEIKfs6fMvdus1BPbZs2fFYXd2tmDQxgFeLpdS9GVZsoCPspwxpoz1uQ5RSjNGEUI+g0bjjFLat9Y3AUMAAUQaQqOkswAh1Cu/DCBG1CCsEaqbfijL3b7WiDhE1/vy3dVqU7U8iMI0BopbB5TGRGOttTGUEEJ52leVA9BC65xzFmFytBOQosH/2HPulIHCz8zqThs+IxAB5IzsOwuBmU/Hi/kkDsNRGhNCMIFWSyF6CHGaxGkSW4TDONDGXt3ein6ghCAHlFJ1XSslOMWYUamUBUb1rVLq8eXl3d2d1IoHxAORJE1Ho2y73THGOjGcrBEWi0WSJGfjSVlWlOLb29s8zfu2vDxfXCwnb9784IyY5EmeRlaKqq84JXmWAgycsVVV9U2LEEDwPAxDhBBGqGmaeL6A0G1WqyRJFufnRmlp5Hg8yicjzrlQcrvbdF0HEJzNJlabIAgow2VZ9n2/XC5/+tOfBqoZhkHKTuqB8kAbo2Qvhu5w2GXjnFI6tE3btmGcYkzLsl5X716/fv3p6qYsayHVoBFlAcL88dMnQlkLIASUYISRHJzxOPTzu+Me1HX4M9/BEy0DIaSYet5DKWW1klJaLary0KXh+WzcdsP9ShKrrTXn89mubEhdLWaz6SSPQ04JLMTQ9m1d14MwUToBhDEeHirx7sPN3XpXNB2eHWeXn/70CdiegMLntUqHMGYYuuPAFqcshBBBkuWJ1rKpO0KyfDzljPhZItRYQnmUpgjTuhNaa4chxQAiRzAEFFsLEUKU/CHXRJ81FrkHjxf8METiBLr9x8jDFOZTsdSf6kmzeIq5PhEZpAAPemKMsXHGbwX+Y37aFHyQOfZ9D2Dst4TPgbn/2c8pI/igoTydiRcj2qMWE3hqRSnFGOM8dO7oHBlFiVdPOOf8/BCf/f9Ren36CsbYw6FomgY5gAkBGLOABzwRSoG6ztL47u4uCOlhX8ZJ2PddVbcWGMKi84vHm8M+zbLHz5a//e2bTx8/dK0OGU/ieDJJtOmHbssQ0mpwxlAMCUHOOa9ho4wtl8vzs8V2u/3h1XdSyn/zb/7N27dvb29vd8XquXs+ymOp50pjMRiCgzyZSlkRHFqD0lEu2i7NM+QABGGKQUjIl8+f/TROegc/3a/267Idhqvb9fdvPlZlsZhlVXEXsGh0+eK2liyKBq3Lts1YGAVRlCYOkKapP3z4UFVF0zQhC+dPL7SCm/U6i1Pn3PX1dRIxY7Tfzvu+/fL5EwwthMCP6FHWGAecc741jEijGWAIEWuAVkor65yDDlBKrT7KWpyxVhvjLDRI0QAjgkkASQCREY3d1sX+UL/7dNsJYwASBjTCsnhEWCCNtYOlLHHONfXgIEiSDFMulRlPZsoaJbXUSimlrbHGAt8G+tnCPa2AU9bs1733tcAYW10FjImhb6shH8VfvXgRBXy7vk+SqG3rtrVRlMQhx5R7g5R1LZvmoIQgCENnlJABp5NRzjmzRmtjgFUQmIDSIAoBAHHCZ/M8iuMgCG5v74UQSRqN8+nt7W3T/GFEn98U0zRt69Io8eh8QTDI8/zDhw+3om+qommqoW9D7KAbBTxAIAwYZYwRRu/v74uioBQHnAdBEPEgjsOqLJ1zdqq9raP3QdvtdlHqqSTmnDODJsjFScAYe/HixW9+85s4DKIo/PDufZalX774EmPc7AqEECYQOChEbxzkYcCj6Or2DgdBkuWIhdIYDnGYZE0v3v5w9ebdFYQQseDJo2eD1F//5Kf/YrHUFqy3u9Vm33aDMwIghpE15piMf/6snrbkz+HniSIAAGSjpG1hURRaiizL0ji6uf4Qx+nF5eMs4X1THorK79xamrZYjZKEc9r3/aFrm7YOw3A6P9sdioiwJMmkRfur7ev3n3qheZzt+948jGr0sAUhxDnv+/6zGswxOGqtCYl8f6TW2iplgPOY1z5YSZdl+e7jpyyOtFLGKKUMpVQIUVa79XanHWIMe8W6l6P4hBLBo/RLa+d5OQ+ET92nfgGDz+jyP6Jl3IMS3D14CXie+vNLffpt1h49+XygRBgRjD6/Nb5fxBjjHuYlfR5kfablF7P7x5o3b64CHkabeUmipxmVUp4i925OShnOQ1+fs9b6NgIv2wcAtG3rW5OMHzdoDGMsSZJBNJvNpm3bNDqaoGFGHQQQo6ptrdNCtvNpLoSgDN9cXZfrcjqfvPji2dnFk7IZlLJhGFtrGaOUcoxNEKAkYnVVx5yHAbMEB4woRijCVok4S6y1Qqg0H+8P5Zs3b37569+st7vnz5/nk+mzF19Ucm80OD9fJun8h9efwjChmL97e50kJA5RWTRFUcmuOZ/PCCYBY0T5bgdY1u22qt+8/RSk05dfffPr3/2gtU2S5GZT1FX9k6+f5mdPympzscivPn76/tX31LknZxcXFxf5OFuXNYQOE6SljLPRk0cXVSmqsjtfnt1dfy+GLkvYdr3+6Y+/PKxuZN+gL57d390maZxlmRc+DcMglHIODsNACCQeAhDGgUNd1/W9QIgAB30occ4ZbZVSPstDcQogEhZ2VVeU7f1qf3O33uyb9a6sW2EgpkEICCeUK2sOZT0Ppl6lwjEihBDOtLJSyrpr/WYBAPBNqoRgCwG2GiHgrVScA9BC8Jlo92iLhAHyTU7GOmuA087qOGKPzs+zLBn6FkKHELDGWIyDgGFMByWrSgglDUwGoZU0k1HCKG5twRhbLOZtU1mrlRSUYs5okkR+ZDtjKEmidJQKIQ7Fpizqtm8gfAeg67qOBhx6SyNlP3z4NJlMXiyncuhXd7e3Nzd1sTVS8oiQJMxitttYTlzEyTiNIXIYQABAEHKEAEbg6ZMnUso8zYxRYRCEQYAx9PN0JpMJ58wYjRCs65IxBjFyzhGClmfzKIoIIeVh11RFQJk1eZZl4/F4Op3e3t7SMOKcY8qVUk3XyUE6hAnlk/nFoFFMgng82u0Om2Louu7t+6v3V3uA2GgyZX0/X15WdYMw0xb97X/+u6pt66bT1jmIIUQAQnBsRvnDfKvTvnsKECco6pfZfr/P89xaa7XBGF9ePn7y5NEkH23Xt4QFFiAAsTLmfr1ZLpdPnj666QoEsRpU37dC9sbYJOWEh4RraWFxKOtW36y2Zds7zAgiXdudSB74WXHSuzCeIKSPvFprpa11EGBgHTDgSJVACNu2tVZzFmojb67vqixOo1hrmTNW1LUpCiH1IDWACBvjHPQku2cqtBIAAKeV0RpAduLxPSIGD12vn2cPp2vo857PAc1nSBmd7MB8gPafPFYvATTGYAQ554xg0R+vgx8F5W1/OOe9c57AObE67qFD1W8P7kGF6W+fdwI47dNaS/+vfo8MeHwy6AcABEHgBzV4Vp2Q45jDU2X1VGs9pR2eaj/1NvMgCIJwvV5FAdHG9H2fxLkYVBzH0Dkp5X29U8BG2ejy6bPZ/Oz67n6zPrRtn42SgEZt2wYMUgLF0BEECXA0CsKADQ101gAA0jRt6rKqW2PB1e3dt//wm0NRCal/eP12uVj85Cc/4WP76foauqgo1Xazt4b2Sg29WS5maUyiMD8UTcSh0CoIAovcx9W+EhYgtj7s7vfFrmoejS9oGMVpJoXJx5P16kooXTTN7Xo9ydOb1frDx6urmxsnVLndU0rnizMA7GwxX5etj2wIwJAzEwICkbFqsZhFjJ6fz7MsK9a3j588atu6bdskjRljiBLPoACAhBAAI+LdDKxxjAUY467r+15EnFkLBqG7pjuiemsh8k4OVGtbVs3t/ebq+v72frfdlVU70DCRDkPCIA0AIYhypDUkNMvTpmkQQPP5lHBWFEUnagBdGFLjrYIggBCCh6AgW/t5ED9lgv5hMA/GpH7NCSFS4owSjLHLy8vlclkU+6o8zMa5lLLn3Mt4q7YpikIbhzFe1c14PCZErrbbgKAsiQAAHz58aOqyaSrO+Xw+T5OUMTZ0bVEUT6LHfd8OsvcjMZM0Go/HdV3HcbbfFQghYywhBCFY13WWZZ+uPjDGjFSMANl3y8X8/HwZR0FR7OejOEuT+Xxqtey6hnIeRVGcZeM8xwhdnp1//PixrksphDFmNpsEjB8Oh6IokihECPV9zxjbbnbT6TSNAqWU1lJLIZCTENZl8eLZ0yCIpJSeOa2qWmsNVM+lC0NIWUCTACfQOuggvq/vPl59nBb9k+cvesB7Jfe1eHu92x2aL7/8cjwe392vaRBNWLzeFr/8zStEWBhlQZQra6VSWluhldEOOn26HX/ElfnXp9DjSd7RaOQhahiGfd/XTdO2LUDYQmQcaNq+r/vb++3t9SfjYBDFSZIxFkg58DCJ0kwI0Q6qWN2RIN6tdh+v10UzVI0ANMCEt93gwbJHpqd+fWOMd3tGD25ZHvACAAapINQI/4EQcM45owghbdsz4sdOseV8QQi5vbtenJ+/fv2668VoPEEs3Gx3qvEO8mOvFG6bahgGfKS5McLUGOO7QH2Q9WvyOAXlH7cjIYSkHOBnTbMnIO8FyJ8HxNOOhf7RhFLMOQ85a6rS7zFJksxms+122zQN47QX3sjoCLEx9ozog6ffP3b9NcYQgDxCIsQT/dh/EW92hjFmNKDEaWW9hQYJjl/Eq1lOzeveVsiXak+pg5QySwKKqOUAM+6cG88mk1G+2qw2u0MWcY1QmuVDU+Wj2GiZpiPBrQNouz84x548+6pqtZCGseD29sPZYgmsGmVRPopXN84Z09ZNPrVWSSUkwpBTlucTrbUF+G/+w9+GAd+VDWNRkk0cMMvLR0VZEygNcHVVfrraIxRjEu735fNnL8MIs8BSFl7d3M4n6eGwH+eZUsrKbFObwQzX93uLcJQvHGbvr26UAb0USZLMpt+EzF1dff/X//P/e5zHAQVD17M4jhKkhej6XhrddZ3WsusaBCBFuO97Mdimal9t92GiMAL7w/a//Wc/f/vDKyv7y8tvfv/rf5iNc7/epJQ8CIMoGrTphj4b58d5pH7M/Xy+1HLY7w7h+RkPIlR354+exnF6e3u7PeyddkVV3N8NRVnf3t7vi1ppULb9MDieTNJR3gstrYOEEEYBAJDg6XQ6iJpQAICRqgXEWCcckJRRiB2w1mntgIMIwWNmdyRYvNAKPgw+9uv71HDhGTq/VrTWcRqPRmnf969evQLOcEaqqjoRhQATiIyQWhs3GsWImMO+jEKOENruDpzifDEttpsoCqyTSRhNx6PRaAQQKcvSWvv+/ftHjx5JrYQQeZ4rpe7v7znnp9BJCOWcA+A45+v1+jwhDCPGyKPLiyxLOCPIGi2GgJDnP/l6v13LocnSFAJNKVVKcEL//Od/VhTFzc1VcditV3fPnz8fjdKqKAtr0yx59vyplNJI5cFRkiTGqM1mA4BNs8RZUx72xhitbRSG0IG6qYdehmGUpiPGWNUKwvn6cADInF8+qqvm1Q+v215sDqU27t3923//d78TUiHKsixLpo8/fPxlWfdPnn15+exlGIb/7t//b9e39+koJ9ZKLbRzEBGtbXcULxLrrHmYLe5Rqg/lJzDoAwd4MJbwfLGPVoyxqmpev36bxZE14PWbt1oIit14uuScl1X76s27F9O061Wej4uqrMqGcNaI4W5XxRkaTRfzc/7h73/9/tM9DWPKYDMIElK/eE7R83OGwUcuSqlXT2utRdczxhDE3owQQgctVMgBYJ2xPKFCiDwfzZeL/X6fj6dZlo3ySVVfrddrwoIkSQAmlAXGmLIsu66Lo+Dli+eLxaJt6ru7u03RtW3r28T8X2zbNo5jj769D4dPI05r/nO26sR62wfZ4in1OckQ4cOcJgCOVgfDMIRhWBTF9fU1Y0z0XRiG1tq2aygdnTh9Pz31hJdP1+pEnQEARDf4eba+4OlheJ7nvnXcWuv1i7vdzpsEhGHo3/F10bZti6I4Pz93D0Yj/sz9XiKEqKrGc1NKqdFoFIZx03dZnnddY4FzEBVF8cXTxwGn280qy7K3H644C0kQ/fX/53/587/4y8dPX242m6p5labpert6/OjiUO4vH539Nz//J3fXN21Xb9er8lA453bbA6N0v1yOxvO2LrtBfPrVbzALwyggPMxHWd0MGOM4Mm031I1MR2Ml6NC7cT61EOb5JEkIQAJhvq/agKH9h6vD4cCSr1abclfsAAJBxAGlq32lNQAWYIedsXkyenI5uzyLnW7v768J467th15GcfyTP/nZxfnZZrPK8vS7d+9uV7dhnABgd7vdZDRP0xQ6aKCsy+ri7Ow3v/o1J+7lixdleYiiaDzJ+74nhPAwAg/mbucXFwAAEgUhxtgHqbbtQ0b7Xvz299/9xV/8RZiO9kXz8WblLBwU2O2Ltm1/c1U6iPpOOMiDNAJ8hNvBYaYslNZpZY3VUiuEUBiGSRJVdzdBECijq3ofqAAimMQcE9L0nTXGOuOcc5Ai5wGJ4Zx61KC1Z0X9VBc8DF5R4ACwJ/EcxjiJkyAIMT6WxYzWQy89wRfHMTTw9m61P5RK6Wyc8yjig0IhXN/fWjW8eP6cYffp0yfstJJDGIZRFAkh3r55r6yJ4zTL8reffkCIxGmSZTkAQAyqrCshVF3XUZiMx2NrXd/3VdkQRpfL5bN5enV1tT/sAka7NpuMsnyUBZzTiI5HMbQ5ADZN0ySJPFHe1GVZ7KuqCoLg5cuX1trxeEQxqUFNGfGjNowxjLNBDXd3N9OzhRAD53w6yYOAKyWcM1rKvm3blqRpNh7lOrZSWa0sRs6wdIBoN7jtZv36tths99c3d4hSQkMeJzTNEWz7oVCdBQzhOEjzcdvLXpnI2N/8/vv1dk95IJVpRQsAIJRTFmDqLMK+A9NPGQYPSpJTTPdB5BSS4INcD1hnrfEk5IMoBWtnWRAOUgWURRGPkuDi4gIj0Lb10xc/ur75NGg7XyzWRfPpw9tBqH1ZvRwvBwN7DRwNUBBaRKUF1mH94GH7OWXxR6U5DwXscfoEOaahwGHfs+4csNbXPLWUAWNBEPgtqm3buumWy6UF8P3HK+TAoydPCCHrzU5KGYYhgq5pmjdv3hSHPSFE9O1sNvcXx/tcYoz9PKyTf4v9zDoJQmiMhZ/VHk4AHHx2oAdzDoSQ7L0nByUI++AIHwT43slHa73dbp1zfqievz5e9AYeStyeNvm8Lfz0FynD2ni6XHmf/TAM8zx3zh0OB+dcUVRSSsYCCLHfsP3p+QqQJ508r+JF9BDCOI59rVIpVR521lqKMSQYIjQIoY3U2oxGIwQdAhZgBB/k5ASiIIrqupXrbRLnq3Wx2ze7w75pu8k4hwRKpbZlYX9jLi8ueBTFcVIDcnd3BwBIkoRSLqTRRX30VIDUOlB3upOFH/UeRZFq+l5ZiyhBAXBUCDUIJQt1cbF0mBhgmkENXQWRMUq37dAPTdPqwWIIoZLHjgQE0GQ8aQ7l1acPq096dZ1cno0m4zALueXRXm+dc34czWg0KutqtVrN5/Moiu62RTsc4mgS8JSRCENct2o6HiVpxJA7m02SODzsNwBYb52EKOFSIE61NcZaY5zWmlilCUSUUj94fDKfTabz77777te/+e7pi+fCgLIRYZQMBl/dbw+HcldaiOkwCOtwjELMoghHAOK67TGiUcZ5yKwxfd9Cq5Fzxg5hlKQkEEIRRhFCbd8PsnNG+aQPYgQc8gVcYC14sIo87er+Y/6x9LD9hE0YYxA6qS0aJMUIQ2csMNoYoSilaTYhhJRN1w3KQXAomu2uZOki4jyJYmep0XJflkoM87MFZ8QYBSHs+15ohTEFAAih5vPztu3qpvOMFec8jlNGj3Ue84CMlFII4zDkFgLfiLScz6bTyXiUTPIRxZAzEoVcisCPHEMI+RmbVrsf//jHzrnb29uiKNI0Ho/ytm2FHO7u95TS6XSKMWyaCmP8xVcvp4v59dWVr1MNw6DlQBBwEMRh5KwDBgRpAAFpWgEAoix6+35TFMXr16/LqlkuzxFhMBgBTBTEorPaCaURCnJiTDPA+m7PIdkWZVm36Xjy6ofXdSfm83kvZT9IhJB22CIBIbbWOoA85joByRNn6h/XU5z6/MVx/tkD2+6jHIS4FzLkbHE2R8AV5T6MkjxJN9u9cvj91brXMJkuy05ty95B3Cv04WZNaFX3uhoUINxCgjDBHD1UYtxpL/Gx71Qg9VHPPByUhs4ZZywiCCMMgQXAOGetVGEQaK0hY23dfBoGQoiU8u7ubrZYeubBj5fTWm82G29ggDEm8GiXmCVRGocCBL6K6IPpKeaizxqgThveaeX/EdV+qlV8fjH9533VkRBCEPYn03Wd6DslhM8GrLVVVXnBeBAG3WBPNQbzmf/X6XAPh38fE3Kiy70FP8HM+w8754Ig6rrOWjsej/1oMGuP5sx931dV5bn409yMU+3Xbx7DMEAHrLUYU0o4AKgXg1dMHMo6CshyNj4/uzw7O8PObNb3u93BQUA5C6IEYvb9D+8Oh4JylmTjoioogw4DytndehWGCacBRpSNPN1vgijiPGyF1NqGYWikMYgGjFmt+r7XtkUIZsqNY2YslkprKZRUQloAECL4UBbacQCG7e5QHfYAHkdEdGywDjkWQWQVtM5YDCDCNAiCeMFl15ihKnbF+TSGDiRR4qKUPnk2SZLH8xknsG1bxmgUBYaZ2XxyaIbtoZCyGI+q6STmQXAopRB2dVulUfDNy+eTcba9v1VKSYlPmi4IMMaUEAIJJoSQuq6jMMQQYYYRxEGcTuaL5Pbud9+/NpCGadYpsLnf7Q6Hu21V150GCQFYO6qN5Q4RzBCAxjmEiF+pAcEGOdV7mzs7zrM4CgAACAOCmVBSCSGGAWNyNIK0EEA//8QCAIQR6NiMQE+3//QMuAermdMS7/qeEmIM5YRiBDAECDNMKCGk66XUnVAuH89ZGLZdt93u4SB2VT1fTBlynz6+Y8S9fPE8zyLOSFEUbdsb7SjlSTqCEB0OB0RxUw+I4CiKnHMQYkYDawZC6DAMFio/cQ0h1A+DP+EoTc4vzh5dnBs9iH7YqaEqD4vFTPSdVKLtuiAIsmwEMdLWyEFut9vD4XB9fQ2ApfSyKIqPHz9aZ7quy/M8DLnf3qIoyrJMWecbspumkX0fxUGWpB3q4pgoZQCEspcAuaNvtQPCkGZwtYCdguVggwAZFBgHnYGDVEJqCBGmHGLaD7Lvu4uUUQcGrbV1QmrCmXJOKkUD7iw0zg6DtMcbgU6R6HMgiR46WdDD2PFTgdRau5hM67b1Ko6Ax4QQSrEDSEodB6EyTom+aYfN7iCl7JX55e9+6BXY1+JXv3+72uwRyyDBspXvr9cWQGnAIK2FxEEEHMaEUPIHKh88VGK87O8U5eFnAipHsNbOWYOcRQgCZ51V0BpndBwGXdchYMvDrhfq8vIyDMOmadB+DxCZz+dKm77vhTy6WvZdAwCI43iUpdPxyMf9/bryX9Y9+OKqB08P8GBt+Pme56HuCSnDB03h5813f7RpHVl1iKSUw2C8GP9hA2Naa1+6cM4FQUCN+zwPOF2Kvu8/30LAyUfMeRGLV+4wSilCUCnVNI2UerGIPQOTJFnfi6PiASGMsW9b9UmJ33VOHjUAAK/DEUIkcSqU9LsRxMgCp7WyzsVpYo1o+2G73QYUzvJ8mk/1s2cqYO/ffdptax5AwlIeZO3QVm3dD+UoDSjHs7Pl/e190bRqqCCkE2uVMhY4Y5y2wEqjrAsJ6/raYR4mmQMWth10ph86pWuQpFojA7i0YFBGW8AIwpTebdftwBA2Vd110iKEGCHAUQsAwAghAoAG1kIIvIXter1d5tMkSWkW3H58fXO37bsmG4XE0ZCF8+ksz/NqtzZKPnryiMfxf/r//v8oYz/68dez8363HwYprm9voMMvnoyVHJwGxpi7u5uhKaq6ANbMJmPfc3Dc5h/uGsaY+JoLApAgLISo9kXbdAgzxuPv33xgUSKVub7fSK15mAR5cNhJRAjjNKQsycYA0qZvvFGREn3flm2FQo4xchxDhmyejoZB1nVtgOMsHKQwSqdRoqzT2hpnMKDOQufniyME4B8WNH4YpwsA8NkfAMdujlO9KOIxpZgRCpFz1jqICKOc8zAMi6LaH0qhNQ8ioBxANE5yTnmrteg7QNF4lC4X08Vy1jf199+/RQhhTPtOdINI6y6MUyF1TLmzSAwaAokQGmXhYrEkhHz77bfOORYGHqefcN/d/cE/2EqpzXqFnUmioK7Ks8W8Hzr80LDuIPAE05PLR0PXi65/fHlujKmKAli7nM/Wu+3Lly/zPPMJrPfk+vbbb7UDbduO84xgCJ3Ls9E0H1tltdZpmDhEtQFeFNq0Q3W73RYOkPDs0dP97tC2/a7cIEjCOGmbjjDGWaSsGwZptEMIpXEWj1yK0CD1/XoLKAbSbQ97a0E+HgOAjLNGO+SchQAA7wprTvW9E4o8kQPgodRmH5SFGGNwHN7GvWGkMabvBUSkl+r123cYgrPFDECyO9Scszcf7x49etQK/er998bZMI6F0lUjNIBSA20cwBQjKDVQSgPkJxu70y7yuQDmRNm5h9ZWSqkC0Fnj/d+Ag+7/IOu/emTLsjRBbK2tjj6m3FxcFTdERmZlVnZVz3T3kD0AnwgCA/CB/J0E+RMIAgSGUzM9Xd0lMjMy1I24wqXJI7fmwzI74ZltDxd+3U0c22fvJb71rW95E73jGJVgkkfJI+cIiWSMpZlyNhz73nsvVIqMA8dhGHyAoiiklMfDznufJwoA9vu9YJhlGYWx1IYe/lIM4K9s639rZ5/b+ok/PkU29MOgR0SUknPOQggIIKXM02To2mEY6jLv+365XP7xj3+kpciyYuKzkfGNZ97LVHGFc2WbgmpaKKVOwpOIaN1pFjGNMLTWkwyAEELKk2eijyM3QCtPYT7dAqqylmVZZfnhcGj7TlvjMfoYfbAhOCWFs1prvdltwWsBcH2xKrL0Y7tbr9fGMB/kMFgmEkDpPKRZ4SA0XX/94mW9WLaHsT3qLC354ZAkiVBJN2jje5XlIaILLKJEnoBIOGMJcAxe2zBa8+79Q10vymIhpERmx9H4EAbTA9pWO8bAA5dpIWXGkDsXIOoYvHcGQmAcJOMYo7OWAz80rVFyWecuyqfdYJwFkfyP/91vgncSgmCiLEvJmbX2j9/8ETHWs3KwHIVxzh0PneB5KrJhCFKwr77+Mlj98eP7Q6peXK1e3Fw6bbTTpMFgnHXOGR+MMUYK6pNg5uyWx9Ec2y5ELOv5n777IWybtKw98nw2v7i89j4EuTfGNV3vAmrjrLFd1wHQqKAoOGZSLOqiKpLgre77vh2o/pNlRZbkIWDwmCU5d96NwYFhUQByiJ4B40IiM+GkLBGIkEvFN+es90QGB87PY8sRF4sV55wz8NZZqyH6CDwCb9phGDUwqZLE2LBrNjFGIZMqF9dfvO3bY/Dmy9/+Jktl2+xUIr7+za/zNONC7ffH3aEr8jovq6HXXdsWxWx/OBwOjZRyNnPBs6TIOJcUibRtK6VMEtWP/bE5QN8URSGThCgHikFVZEWuSMC+LMskSQCQc+4CIJebzSbNVD0rsyzb7XZd16VpUlXl9frSh3B7e0sT6KWUTXPY7Tb1Yj2bzbIspSNA1zCOYwhQ5DIrZ86xQfvDsbu7ffj55w/f7E6wg/UQkQueMsaCi1Kq4ME6A5EpLlCc1EgGrYUQzf3dp7vbbhhPlTSZdF0nVHLypgj83BjJpXgOBUyG6TlrDRHTNK2qKsuyvu3GcXTGIHKCWY21xhjvHOc4aKMENy40zc7q8c1nr1unTeSHtt0eepUmjW2atk3ywljvQwzIGLCIAtADizFiCH6KMdkzJSw4z3ibYAcyVUAFHQgcBQfqY8VESmO1NRohYvB1VSVp6mPc7p5UmqdZFkLY7Q+9NkopxuWZJB6IHTiOI4Mwr6v5fP5xO/DzWAz6dKrQEo9lCsCniihNSZ6ueco5+DO5mOcFA0pnp5pBCN45x4BPNYOmad68ekl/HceRl/X0tvQqeh8hBD+r9T4nwCBwiqUQ0Xt7MtbOV1UlZYKInMsYNYkxMMbonlOJLp6VBqahTvGs2EpXTiXiEIKPoR0HY0wACNF5byF461yRpDHG4/HYNM3VaimlfHp6Kqrq5kbt9+an9w9cKK54NVuM5sCEM9EKJV+8+ezbP/00mp5LsNYXVe0CNP2jMSHwYENMBiOSLIxmdBG8DT4oJZlKGDJrvPfc2OistS5wIQSLENEH50KIwUdAJrPIEm1BayMTHaP3QQNExZVSHAI32qcyPxy7Ucg8zxeXr4IfxjjcPg2IuJovbNeEEDiTzumHh4d/+qd/evPrXweZPX547LouQIgAaZbV5VzwXYy+yHJR5rvHOy5O1QgNEQUqpVDw6ehRLizovB2PR/LheVl4F0fjRu1UUrSjMQ6KagVCdNoKmcyXq8fHTduPMTDncdDWWl+WpRlsXRZ5KjPFl7O8zNXxsN13B+1VXdd1PVcq5UIyJhEGBCmQIxgWAnLJQACL5MZHt5/O4RTokZOnvTgVgs4iHjFG7yAG54OP3kdrh74f7+7uuEzyokqyBERMkXMuVZoq9KlUsiohWAhx+7QZxuZqvaqqyjl3OBw2u6O1IS9gHMzj4+Nxf8zzfLW6CCHkecYY+/Of/zyOo5DMe9/rnvYljQpCxC+++iI6myiRZ6osEjf2zoyMsdvb291ud319neW5TOgw8KIoQtt56/q+xwgvX7788ssvGcP7+/skSX768FPbttRI/fT0wDl/8+ZNvVhLKTHGcWisHvqmH9rOW0fjLxhqj/x4HD5+vPvpp/e3t3dOXjVNF2NUSgEjgoE/HLYXq/UwDONohFAkGaFHOwxj4xprLXI+jiMpRFSz2ruorQHGY4w+RiJxhxCsd9nZpk+Yhn/W8hOfcfXoaVPdjMqGAEARaQQWAiwWK8VZ27Z9e5RStk3nAnv/6WEcRyZTG3HU2kcegDdti4IzLhkLDAMKzpkIIUD0z70LnvXE2XluOOkcERQeQkDGJONc8CyTkkO0XAks8my32ykhq6o6tk2wRlXV02Z3OBy+/vxXaZpqY0dtXAQhBDIeQuj7PkuTPFGCM8ZYkWWEyBGYPtnQCdb/b1cmnlpG4/QbeFYp/asKweQDUiWJD0begjiFY+8kZ+Q56E9v374dhsE605/JBc8xKEo04VmhO55l8jiwEDzF1DFGpVIAaJu+LEshAnETqdKgZOKcC+CpuZQ+ffJMU+bBzjR80hIQgBT92Bgo52BMhhgXq8X+6XE0emgOtusyKV/fXJd5Np/PN9vm558/AZRZWtTz1e642+z2Qvo6S5yP7ai/evFWvXtAmdqI/ThIkQTEgIxLESOOWmsfIIALYF00RntnS0RAyQVWaYpMHtux77RksqoqJbnzg+48BB+jD4A8eM6id8wGWbMOBUdUAIHTeCkPwTDnXDcMTsTbp/2syrUbrYm73d3/8//x//o//cf/Yyb5UUQRPWNBKJEkyffff3v55otqVs/XL9s2/OkP78bOHdvm3/3us745dl0rIM7rMnjz88/vDvvN1dU6xpikMCHVE3NJSM7zNKUDJoRI01Rbs93uPeLF5VrfPz4+bZlKj/1gbLy6uUZQm82m74e8qJIkMS5Y6xljeZ6XZS4g6KHZxxFDMfRtdzzUy9cXiwuuZNt0ox6CB6VShnzwBiOLgUPkjEmEKEWaqKwZHsm4T/EUhfl0xfwsH0FBlpRyszmAD8giJw579FSPWq2vENEH0Nr4iFImQqWc8zLPfvr5x7osFrPy3bt3xrTLWf3w8ECFu64dHp/2IaBKiiznVB8pikpbo/WgVBJj6LqhaQ6IWFZ5XdcAsNvtlJL1fHZzc3M5qz69//nDhw+zKr9eL8maFGWtlTwej3Txw/FonGvb3nr3xeV127YUwu82281umyQndezL1QXJtY/jmCSSqHhDr9VcVWV5sZpBcPunp+awp6y5ObTbTWsjPm3bH378cHv3MI66V2OM8URxG7RnLEmyWVm1x6OUssqLGKPuh957xliqBEjVDcPFfM65cM4FiIv5arPb5jLnXLoQrDExolCSNIP+Kqj0Z+k+El+k70vJRN/3jLFcqJNdO+d2UqVpqjjn+90mUSIrC+jiMk0TyTe7faaqp91OSsmV7Ls+IHApD4cGOBMyEUK5AAGQMxbhlwb6KUKfro1CAX4WG5l6djjnTAYleZ5nikFUPEvUrK6CM2VdL5fLb7//oWkaleXD0CkudrsdABD7lxpKQ7RCiCzLFvNacTb0HUaPiFQXYcXFVIekHdv3vTGG0PbJsE4WnHLQiVD4nMs4BensWe8SAfSIMZEqTVMvmHNOG40xzOfz4Ayx9b/66qunp6djc9g/tHQlUyJF73ZWqjlZefJGUkoO3DlXFMVyuSSbTLlpCIFahfK8ZIwZYxLF+r5PUkY2nRKIaWOQ/1ZKUeXWe08SVJsIy+UySZPEJNY7YAw54xybptFa10Uipeido5kS986HnDvnrA8q4dEE45wPIU1yj12aZ7t9e3d39/rVFy7EJC9yVRz27zgbgfMQQp5lNkIIwJjQ1vkIETkA8y54H533ECFGtC4YGwCYSvMsy6wbDsdjBIMMAAJE7hEROJdJJlDgVkkhJKf7FKL1FqwLF8u1s8iY2u33LvgQbFHkINq2bZMkkQhWdxGD4sAyoZTafryfX7/iKk2SpG2HYRgYTxeLxePjI4dozcCju1zNgsV27Gaz2W6345xzoYBzdQL2wqmUHQC2hx0Xoaj45vBzVqPMQjccPWQqKxfLLwPvPtzdNy2IJNk3pohDEkMt4IuXV2ma/jwciiSOh/u8mhW85DJtXRgNHvrUhgtWcJHwY9sBwxNhWSghmAtu1A1wn+YxMgtgMTLkIYBTSY6IxMsKIQQbWeQJR2utYpxFhu5U3SpQJJG1aOtlnahsHHXXDohJXs6klONgtNYhkuZqMGbw46iU+rR9ZIzp0e9h5FIIKHqLhco/PRzrutaB2+jTLA04Nl3vQm983xnMipnh6r5ryno+f/O5fXyMPoCAGBzDAEZ70yUpW7H1j//0v0opP7ucM8bcOL548UII8eOP3ydJ8au/+fuub7q+l1IdDp33frlc/nz3iTGWpumm2VtrnbWRQVEXdVGO4wjRL2ZVur4gy54KyaOclSXneDgejNUs4bwuN9vdo4lptdKM//D+8Ztv7x+3xrpVYKxIF6f77YJAhhiD84gBonFuCCwii8g95z4EZ3zsoQip2HRNqrI0z8HDbtdA4BAw+BC9Zy4wDjIyhOij5zzXWlNBZRq44Zwji0A/T9At2RcSCyeCBOeC8+id8Q7yPAfk/WADyEGbQ6+R5YwLLxMbggrIk9yOox096UJ774O1igy3c8457n08a5uw85x7wThjzGqzrGdUu3POzbLCyWQYhqAykWbBjGPXfvGrz5dVdvvzD6zbvV0vYsTdp1vpomLp3YdHEzArLgdA770dbXQBI2OsSIWQjOuxL1h5ebm8u33PMFzM5/vD9vpieT/oi3X99LiN0Xof9vtWqZTMddsehTild33fBw95VhrbEzB9nq41eO8p2Iez7sJUl0ZEjzIrlZRydXW53W73h+5itQBg3ujN9rBczF+8eMFlOo7G+9h3el7PqLeT/AGRyomgkiSJ4OLs7WJw3oYYgs1ksn/arGbzDx8+3NzcjG3z+sXlp0+fpJRpJiAOITgOIThTl2L0bBjHoqpniyVp1SZJkpeVUkpr3Y96ygCYkCpFh/Lp0KXaKZWVmWi7oxlGxsBYxzDpBuRCYLV+38Hdn94nSfJ3v/835XLuf9qaOIoM9s276+vrw+Egmfrw4z0ipoz/w//8n8nrcGF8smScO2cDYNu2eZpcL0qu94kSCnqz2wgABRGbY8ZRStmMVggRg/PeIjgQMkRnoo+RS84F49GNbmiQt0VVVFXF3M2nT5/SNF0sllmSdF03tofFbOb0EbBVSXrzIt/v9xEB+Wx9db1MxT/+68dfffnWGjGvi5EjH4WNN/+3/+v/fb9r/vDtty07PO4eC+mMf3zz+QveZ08PD2/fvGqPh33nP71//+uvvtwe9eX6ikFgTM7KWYxRcRb1kLEaAMQUyAA7qQIppUSiynTW6rDdbZ92DYXwhOoq4OSEuRQ+BpUmhUiKojDGbfY7UhHwPk5QeF5klAT0fW99RBy9j9oa66hopriSAFTWAwDQWiulIJ4UgTljWZZwxsZx5ICICOf4ouu6YRhoGFvf9+OoQ4g4kag8hBCQUYZ7UmO31mKA9WrFGNtsHhHx8vKSMfa0fRRC2P2+bZuuH31EF3YUtswW80Fb7Q8BhfehbXuqwd59umXgnB4Kya7Xi/liniRJ0zS/+93v+r5P0yTLMmpl3O+3x+ORaDNSyuvra6XUZrMZhiHLklnxqmkaInvNZjMlpVIqSSRJ4NG6pSopioJEfT/+/DEvUqWyLMukEoDoANO8vH3ctTq2hu22B+0cE0IKBSja9ojsl/wdEYXgnGOSpQAhRh+DDwF9iCGwGCNjoKSSUikhOZdccs+DtbZr2olAIiRF6MF7b50jn0QMB3buXKfiG9HgwrPm0um/E8BKvzmNyHGO4AJCKijWmyLTeNYeIJ/B/lJVZsITwrnHkvyKYCdB2lM7e5oKIbqmHccREbUZNofDvMrSVNzefrR9IaUsErVer5u2f9huj8ejjpyk0RGjtS7GyCJExhhpZzHOGZdSyjQZx3G3260vVm/evJk39cPDPY6n/szp+7KzuArF2lRs9N7HgCRbOAGMcKZ40WvJ2tJS0HwrKeXDrjnJjlpbVVUieF0VnMHj3e1UvUdE790wDOM4VpfrYRhCCBMhfSppTr21/jxc3nufZadU7PHxkQYcJklCSdgEAU12Q0pZJSVh65O4LnmjcK61TvuQ8JmhN865cfyFGUU+OkkS7xkikgpIODM+f/rpJ1qTLMuo5J5l2USfDyHQx9G301oLUbMp74mkrT1Ebz8d9/OqShPpvWeISZJYPTw8PIg8T2bJfF5m1vsYzdiHeGqk0kM/9q2zWglBxeFgnXchy7LZbJbnOQAkSVJV1WKxcM6N5zlcVVU1XWuMqaqqG9okkd98+623w7//938nhOy6rp7PDofDx7t7Pdr5erUA9+n+42DarutqlPP5fBxHpRRhvJvN5ldffT6bzYIzeO6kgzPdiHMuZKIYZ6S4wgSPDIFxznlEpkfTDX2IsarrKJiPoR/H4HRRFKTO7L0PAAEhMgwIzfHorE+yNCL24wAM6/lsHAetbdv31DrMpQoheEcBAgPOOOfWBefsCR9MEoodxnF02kTBYuSeTNKZmkY746RQAV4Ptu/HGCFNcqkSY4wZXYwRGQohmBSIMXobAtrgba8XPkrGIggpVV7MfLDWgTbG+2EcewD0AYfRIsayLEEkzfYQkc8XF5HjoHUYRmRQ1/WrF5eJYP3+UUSfKXl5sX5xfVlXads21FZnjBmGIUZPw8Oa9tB2hu5xlmV93x4Oh5dXl0mSCCHIaouzKWQR0jQVkmmtxTlradu27/umaby3xhsfnEfQxtIRbUa33fX7pnU+AhMIIgA3MHI8HT8MgAgokJ1lQ4L3EWwEDiABHCKEaKTMUqVihOh8YEg5HVUvKOkh4ewQvLXWBzZtJjo5dPyoKZweZDUmK4DPphXjM47H9Hx6N2ozoaB1sm78LNgyPSbw56/efHIbFAHkeX5sW8YYTQ2krrQsy6QUgKHIUoZut9vNi2Qxr73VzhkhWZZlSnXeRxQyMMkY032LyDkgY5yzs9ANeCnlx48fU8Wur69//euvhRA//vjjDz98/+JXv30OcdC3pnxFCBHjCUYXQiBwRBTi1IdBFp9eAmeOI7m9abmstavVqus6o0drrTe6bduhb5vjngbvOWuenp6UUlmihBCr1SqIU/2DdFqGYUDEk1qhlPDsQSs5DkZKWZUz73yWFjGgkqmzgTOJwCAyAGDIOOdKpkqpzhiy44hILbJN01AqMAEy5LZJ0osx65zX2lFqdfbNVFyNFGSEUw8thBDv7u7yPPfnoSLkFIn7T2Szvu8Rsa5r7/1ut+PRejgVMwTnkrMQgg9uNpslUkaAECxAdM4FYFlWiCwVQjBAjqi1GbUFYAGYZy6S/2OngP20PrpXiSirPMbQdR3x64cxDSFkWdL3/fG4V2lSFFmM0Xu72x+rqnq8e9Tj8atffW5G/fj4uFpdfvfju34w2tkffvghgNfWoOAfPnz429ef53n+8f1PRa66I3Zd1+x3f/vbXxdFYfWpnZ7O0XRCRZKlMQbkDDAEYD5Ebb1xPq9TFN5HCAiM8wDQDUPTtVLrACwvi3YcQggBsB+Hvu+lSJz3TPCiKJRS4zhSZ8qxaay11voAcDr7QnERsrKkPmNj/bSHAJgQkXMMIURnAQIijyEM45jnOZzkhMTEAQghaK2NcTF6ziUXyNgJCnx2inyMZ9Uk8B7F9thXVbVYXwkhDt3Q972LrOuHNE1VViMDmST0JkVVRR9cZNb5dtQRmTHGhYgxYAy7zZMZWjc0r28ul6sFY3B39+mPf3ikwuZ6vY4xtu1xGAbGWNd1i+VstVr1ff/9998eDof1ev3ixQvagtRA1LYtApRlWdclsSN8kACAEWKMTdM8PT29eflGKRFj9OAjRsY5CgUyN7Hdtvv9oTl0g/UCmPQRfQCZAIBHJDcuERGBB2DO0rJgjNRADyR3LNkmFVwJMQ7aWM/RU7xDQR876xqSTSbcfDpdZEzP8dEvfHCy0eSrqOeI6Mn4TLFkghQmrirF3VObAh2hCUr2zzSwwnm8A60kPGuP9N47Y40xeZ7TlRNMNOUNHOPFcpHlyXGzj9Ygi33fNofdMHSLxWq5WjkU7eAG4zttQ3DBOsYgcn6iBccQIs04lWWVF2nCGP7X//pfHx8+cYF/93d/36Ns25a+uDgLh7GzGlcIJ+EXpRRnFMNafDZRenJ+4cx+ieexX8RH5J1mCJzzvu/N0GutMVWz2YxA7XHo+94shoHC/CRJHpqGLCDFxUQqizGScZ8WGc8KkXocAsSsyIdmLKqSCa7SpGkaYBgRApw5lzEYZwPEw7EjdV9ynwDQti2c9WqmNGvyuOxZvRfZicIfI/FfyTIw0p+gvVSWVZqm1roYQWtjrRuG0TkvpQTAGOHs5UmmhnPOptcKIQQXITgGwVk9GLOczV599QXn/OHufrt9kkny9vPP+348tu2psTGC9yFE1wxdkeWrxRKit3o0xmCMkAQafU4z5Wk1SP5h0Prm5iaE8PH202KxuLq60lo3TYOATCX1bO6LbHdot9unoR0ur950/eNogpCJazuZyrKss0oKwaqqKvO03W/WF8unh9urqys7tHToJv60/0t2rIiIPkYXAhcYEWzw1jvrQlFVqvE+7pu2t9BFzqy3LvhECQfBBa8Hw5hIksT2vY+BQ1RpgogBInKWFfk4jpvdE0QXI3ChOEMAMNYzBii4916PdtCG6kucy0Dz7I9bmhdMYF+WprT58iQlKIPwWQCw1pzyO84ylSNy74PuO+8jAPMhRAAfAjiqUJ1CyyyvQmQhMi4ybczj4yOliiGIsj6NKAMAxhkgNzZkWZZWlT12u8PReq9UQnzbGEzfh6AHyTFLFYS4fXrYbZ84Z5QUUys25ZhJkiSptNY+Pj4OQ4eIr1+/TtP09vZ2NatpH/R9p7XO0rSu66qqWASKcbbbrWCcKlScc2u11oNzRjvrgg8IHtAG7nw8NN3T9tj2IXIRGXfAIyAqEmnSgklAzlEYa631nAkMGCMCMATGUTDGEXkq9oJxjAEhIoQYT7k51TPZaRBPUErJRKk0ydKCjPj0BLp3NLraP+s1p9tHFmSCSqbn0zPJ2HHOCa8byZeTaT5r+02QC3smSzK9FQXyz43F9OkEwTdNQx9B2svdYbOaz2Kw3ttUifv7Ozv0F/NZkiTIOceYZRnKAL1ux3HQJNiLnHP2F2OdonOOcbHbbZJULufzovyy65oP7z8tXr8hQIl8lZQyxtOAC8ZYjHj+4XQsrT15I7L1EzwSzgoBBHRMbmmwDmmandGc8yJPOedVVfzwww/ElKecoOu6x6cNAAxB0CpRXYFGePd9T7cPz8OYppQiTVOarHA4HFarFcELFKZMRiScSasAIISkW0ZrTkE0AFBp+vmNIxhEcHV6HwwxTjw3S3vglHWFX7pb5/M5faNxHEmCZoLyaBPSOhPXSCmVlyVtpOiDcy44H6OH4AA5ggeACExKWc9nKk2EEFVRAzDvIgCzzocAToTgAX1MlKiyHDGOjBlggCG4qOPgnEkSaZzlHPM89d666LI8yYvUOp0kUggGELy33lsO4uHxKc9UmqU//vxeD2NRVP1oOu1+/OGnaja7uFhlZfK4vUdUV1dXVg8hVS9evLi5XuuuublaAempOP88ZsIzD015L4yzzlnjfMJ5RBaRhQg+wsfb+0NjfUSZJAgxcOQgREhyjC6Ewei+G5MkSbKMS5mXpVKCGiUxAAEAAElEQVQn8kw39jb4NE2Nd03fJafEGTmIgBBC4BAlYogIDAmmVyoNAHYcjTGA0TtLuGeSJIgQY1CcG6ONMdY6jCf4L0ZgjHdjr5RKuGAAxjttLEORpmq0JkJEJEXJKIXkDGLk4wh5no0uNg8brXUIwFQaAWQiRFICRhtG7z266L0B7PN8CJEXVT1oHUcKP33THDIpkjJbr18s58X1YobB6eDSNFkulyRHdzzuGWNJkqxWq/Xl6vHxcbVaVVW1220eHh5oXABhKYQmzedzIUSiFOGD0Z2EMvDMl5BSUuAjBEuSIkMwzg7WRS4KmY/bYwQeAAFZZNyFYLyPyBhioHZz5JGhg+iCt86xRABDiAIAMbKIzIWIEHn0Q2yFUAhcMO58jBE4R8bEFGvHGBEt55wLoFJ7COGk9HCGPtq2nWzQFPcR6DEZpulsT+zGybhba4luSO5kQuHxzPPDM0g6fSL98qTZcCbA0JlnjPV9LxgDAFrwVCWUG8VoIAalxPXlGoPd3N+6sXv1d7+7ublp2/7p9rHpRkyyGKN1RushyWYIQO2CJ1uEyAE4Q+dM13VclE3Xts0hy7LFarnb7chcPoNQ8Bndk1OkzDkXXDDGhrGhpZjao+iFU72BYvYp0Z5f1OM4eqMH7bIsk4Lt9/vg7XK55Jx7zzGGphusHuiLOwSKOfq+p/SLKCgEEE+mEyduJT8x5GhkErnkCSeZHOp041Ce3D9JX0xvxc7k9MkN0ndJkoiIgHGqOpDurxCCMXEGYTDGiIAQ2eFwIN88jiOdDmqhUkrRJknTlMCfGCPl67R/YnA+MI6MMVBCpalKlLDW/ulPf0rT9Orqaj5bOm9+/PFHpRQgxxCtMRAZ44xzDII5bRp/TFJZZrmoaoQQY7y/v7XWAsM0TefzeZqmKkspARqGwXl/cXERQri9vR2MVkqtL6+3m8du7BehuH+4L/MiSePHu4f9ru0HY92+H0epmBBiUc+SJGn3TXC2yNPdZqPN4Jy7vlpLyQFPDQRCCB8jY8zHYK0PIQhSH/cQI+PAeIhofDDO37772YbEBCHTRHARMBhvo3fe+8FoBdiZERj6GCJCVpRU9rHeaa3HcfCe2goEME4nUp5LMQwFMkHYAlW6vLfGOGuMD6Eu8nBWzosudm031f2pHI/4F2Eaj9S6MgquqEZ6NiKRn4aqIrJIMKX33ngvQ3Ta9/0IAFVVK3UqWA3aaq2di1ImPljtPGPs9v5RKVVVdZKkAMgYSi6wLu3Q3d9+HPbJovz6+uqSBetNF5xOpSryNEvkcl4TwOe9lYz//re/a9vW6pEDLupZlmXW6cNuU5cVcduLIhdCBO+11m17TIQsimI2m5VlifHE7NZaD22TZVla5ACwa9pBm6yq53UO2ANyYJwrHkE4F4yPXCTRccYkVxwRiRMXGUrFEQEhIgsAjMUI4GKACA6id6NhKuZFBUz0/WCtReRCqlNM5DDYUzEzRjEOLSllU1A2xVaEKdGeo/s+sQknBJCM8tQyPsmnsPM4aQIZJrQHn8mh+PNgzMn6PLcU00sYYwxO15MQ6yaEGKOB0wvLPENwWSKZRKf91dU6FddlWYYAwziO42i9A2OOHTVLn1DeEEKMngeGQgjkXKBztm8b693bt2+Xy8U//uM/fvz40Xuv5nOqK3KaAek9Y2LKJyhJJSOFcOKGxvOA9cl1wXkY71QoJjDdOdcPj7Ri4ziWRZbn+TiO81lVFEV3PJBpOxwO1lrGZZrn0Z18EZ2paQa0PC8OOwvRkHF3LlAsOJsthFAhhLbtjXExIiFwZxPNGEMAGI05Ho9CCJpdVxRFmqbDMDy35pNjphs9NZ2GEMiIU6wdTvXSXyT4qaTEzr4ZEbMsmxZkymCm/RBCMON4WnaEGKOHIJgQSh0Oh4uLiyRJtNYB0RjzMDw+Pj5abajiMmgdY0yLnDNprfXWBUSIXnIMKgrGpUwR8eJydTwe01QtFrPLy0uVpUwy59x+vz80RyllUWab3W7f7Dnnaaour6+Rs747iLQQKkuKwgFrBzsa++L1G+/98bht2vb3f//r9eVif9ikzgTPhSgOu+16uRqHLoZlkdakcxj/QqXupDZBxTePjCGnRhKwxo/GcZGOYxx6PdjeMUDOojihRaPWKkmElCg4MBExcCmN1nScmODGGNtbKoUXed227aDHEDFEBIDgndfhuTIchXhSijLJJbMh8CRJsjTt+97YERGzrObTrC+avHSOxZY3i64bxnGMHhB5xGCcdsEHiBEBGYbgIYD1LsZorSnKFVm2NMuFEEKKCMi4TNL02Ozbts3zPCtK5wwgT9N00N2gRx8DRrDWzqpitb6cvXkZnQGvZ7n64s1Lpdjj7SY4c3W1/tWvvqY7yhir61rrgQpZfd/3fRtCaJrm/YefhBCXl5fr9TqRiva9tfZ4PDprGWOcI5W5szyx1rbHhvjdWusySwnM0dYYY7Qx8zS7vLz+x3/58+HQDIN2MQUJpOujlDg2IcsSKSQAODtaazlGIVj0BhnjzCMig3OPYsBSpeM4KsGrMkcmrHWjtsBw1L0UCfGImOBSnngOWlMbbRLPwxYIIqf62PPTRaaEiviU7DPGSOePiG5kmOjY879sUmfn7gR25tVQvE/vOW0GQrqe2/QYI5x0yQ2cZzvEs+gKAEgB3mpnTN/snB1//5vfVEX2cP8QH558BCZFqdJ2tF3XGTNWs4WxPoQQqKTPGEAQSgEIa/Vvf/tbxgE4+/Ofv318fFxdXM7n83/94buyLGk1KPlQCuO52MtYIDNkjIEYybA+R1qm+gGxdCg8F89kyPb7Q5ZlaZoaPVBAyjDWdU31zxhjkmZ6HCjyNcbIpCDEkgJb8gfT+k/5wfRzkuWjMce2lVJu93vOeVmWXAhz9p3xrJ1LlkUxTlkFHVgivx0OB35+PLfsjLFx7BkD+tIAgbGTLMwzYIuGxJKrCxerBTl+RM05z/MyhJBlfhxHKZPJSpAYkXNBpQpC5Owk3++cwxg450Klfd8DgPMRwB+oeSpJyrxAxGEYrbV1XV9fXSPifr/v22Oe5RPBtG87pWSapipVtJ2cc4PRozXb7dZae2wbgraAMedclmVlWTLGPt09AAYTojbWA2oTjs0+S4pjMzCe5Hn+2WefPTx+5Mjubz/d3X+sQ3z98oVYLQHD27dv/uWf/+u7d++80bN5Rf7YWsuEoMrUKXgChtVs1vbN0OtPt/d/8zd/t758cXf3/y7KK2vR+8CETKSw4PqhbYdukZdFVXOpSqFCCPvjIZFKa31/f88AOOdS8rosCE0bxz4Ct95N1AU6jWM/RB/yIpWCIXJZ5qTM6axOEp5lyePj45hlQojgfFEU1oyJTDebjZRSW1uWZSqyDx8+FEVhjFmtFoyJzdNutzsgskRlFP6cwz0fIg2P50JkwZ3cyfF41FovFvMsy47H4263q2flxcUFjYijOuR2u5VcCMaPx2M9KxezimGsy+zNy5vHuw9DY83gHu8/HZ6Ax1iWOQNs27Ysy+vr66enpxi9EOLTp0+M/TL3pyizL7/8ks6SlFIJScc1y1KKY2ezWVFkZhj3+/3TxkgpJT9NPivLkjEQieq6run6up7PhDQuHA/t7af7p6enq6urZgy3j0cUBUAQks+Kq35onbZ5kUgmXdDIQpGopt1774VUaZYocSpCSimX6VKPdt8cP/z4U2A8zYuizJyPUkrrfYhRJkkiJWL01o3jKKVqmuZwOFCqO22sqfIxmdFTnug9IaHkCQCAMnSi8ZF+xURpJ/AqnBVjJiCC0KqpVD4ZCIrrn8P0MUYfPH21RJ1SDcrZ6VL1sL2+vOqaQ10Vi+qa/tr3vbYmz8ssK3rt+/4QY0ySJHoffUiTpDX66uoqSeXD7R2A4ByTRG53T4i42WzGcVxfXxdpttls1+s15zwKJAtblqX3seu69XptjNHaUicaIsZwAo7IcE/ObPJYhHtMjpO+e5rILFVK8sViYYw5HnbUFr5cLmkzO+e4kJL6UiKMfU+gM43Q6rqObj3Z9CnpoY8risJbRzeFVoCdW3CzLDvX5/6itdUYTdA5VSyGYbDWzmYzui8TtgNntYM8z+kiqeExhEAKOeRppuxhSk2enp4uLi4mig7ViilIBwDKPKaQQmvtnYlw2jyE9JIS5DAMrCgk5yEY7WOIGGPUWkOaVFU1S1Petm3bvvvhRylFjFEJkSXJenUBDB8eHpq+78ch7Pf1LCuKiiu52R9+/viJStNJmkJkgqu2HwFGzmWSkKprdmy6GP3LFzdZLlWWPNzd7XbH5VxGho/b3StiZ3A+dI3z3e//5jf68SnGuN9ubq7W4zDM6qpvjk+bhyJPqyKPyLquW6xWo9FU1KWvKTabDWOiKOTt7f379x+d83p0SRo4S5NEeeeGYQg85nlezWt/HiXjnIMAAOBjGMcxTVPBQAjBkU3JXV2WwNNToNEPbXek/bS6WJwSWOeF4FlRpFJiCMaYu9u7q6ur4G3fuaqeX15eJEmy3x+fNg8QmVIqAOx2O8bYbDZbLi5GbCFEa03wPpGKJnoSwgMABkaHGGkkGrIYo7FGj0OWZWWRe2d3260psjRN88WMc3TOMYiCIcMYYmAY16v509NTkcmXVxcCmR47b4YPP33fHLaKQ8KUHnoH3ltTFdlqOYcQrTZj3zWHvTPae98c92kiactKyY0BM2qrTYzRsDFfX37//fdCiN/97rfr9bo5Hq21ABlJ3426n81m84uZlJIGLW23u3o+Y4wh5wGiHcd927eDr6tqtbAmou4HhKAERutZsN5yCRLAo4uJFGlZRNAQ9LJKvBtD1CmHxSzJ84p4YAISFLzM8hCidp58s/MxyQox5eaIDBmin2wuRUBkC57TKuAZc4O2BEXl7Cx1QgaCMUYw6ISNhBAmJGeyF+48/XWK4uGZRth08mm/kUuINIUdYLlc6nP/Tpqm06zdFzdXHFB7izEzxuhhTNXFqzeffffdd20/+lZ3g276MYSgVJokCeMohJjXdVVkxhiAQHWB2bze7/dd05Vl+fr16yRJjscjlwnw2HWdNZ5o3YyxYdBJkpAxpaF3eJbWIwyEnZu8p3/DuQhJzmzyZOwZDYlhZBiN95TPZVnW9cMwDN5ouhFUwnnaN/HMiXRnmRpEJP8ano3Zmz56WvApIHXO1XXNzvOVnnsC/qzB9fkNis+0EMI04DvGcRxiDJwjY+C9de4U+NPQkhACzexL05O0bJaKqROYPpFWaTabOeeoQZeSm6n4HJ/J9yMiIEA4l9AZQy4RgEsFAAGYj1Fbz7gPISRJUhUFSSgTOzMEr7U1xqDgeVpwzo1rgtHM2anI70M4gVrsNJ3NWuuCJ9XJr778OoJVSmx3j4PW1WxufRiNlUIJAUopwVieJm9e31jTBW9evbjhnAdn9rtN33AOuF6vV8v5fr+NcZbm2XMeoCfXFX2QXFhrEAVH9vi4uft0nyRZVc60k763YLz3EaKHREjGAzDBJWfCBkfOPDivtY7eopQM0EcHITAGaZoqlWRFSdkKYCBPojgvswwAhBBD31oz6lEmSZJnSaKE6aQQvChyzsX6YlnkFaF13nspEiEEMLbdbhljN9cvqdgFEazV3ltkEZFU/8D74Xw2SJ/ohMNyAO8dBMOFShUzAIIFBq49bhExRk8b3WqmlCoyBd5gsGWm5mVuzRh04NGbvn/7+kW0+rh9bGx/tVqoTBEsvt0+UZBFrfBCMoqY3r9/79yJegEAeZ5RyvLtt9/2fZ/n+WnStBBJkjw9Pa2XKymldRrPXVREIajnMynloenGccwAkUnB1dgP4zgKjl0/xmCXdQlCmX3r9ZCrmWPo/cCiFxE4c9YNVrcy46tZdrVeXl6sZvMKQ3x6enp8HEzrlFSrpC6KYrC+N/bYD8YYmWQ+Bh88BB9CEIxR3ExHa4olp6gZnuncTtA25/x4PPKz3OYJrGMnHHkyMdM5REQKAvh5ciZVPigP+Ku4kixI/EvYPYRANn0KD+mDzKgpsQjWOeeN1sfjcewEQ0jTtCxLbYN1bhzNYJ3zILiSSnEmOIbofZ6nQojt9sl5KyRnHPu+p2ltnAlA3G0P+/1eSkm0PIp5ieMLAEVRnGvjyYQm0fdWiXyOOLGzOAzViqevOTEgpWAQvbOaDO70HBLxp/QcERnnwIWHEwl9gkpoYZ8nBM/j7hACMI6MAaKnboZIUKWKyCICMEA8WXbvTzT8cxUdp2B8uqfPawNwHmfIz7OzjTEhOMTT2BBrrTEuRjfdfe+9NWiNR0RrTt5IcJUkSaKy4AeGIU0UWXyEqGQ6GvvcnZx2AkQuFXKByGkoyi97I3jjLPcMOEuFyIo8zRRjDFkcx7Ht3TiOg9GCK5koIYQ+ts6HEOgrM3biEQTgAgFCAB+Csd57z9BJ4YwxgAEgDMPQtYOQDJFLyThwZ23wHiCOQz80TZ6zGOHyYiml7Npj2x7TNMmUdFZvNhvnTJZlaZ5NXAM6BCEEMY7j1dXVt9/+2Vv35b/794nK3r//uKgXqcqM9c4FBF5keeTRBdM0DfOn6o33HgAZTa5xLstSwTjnnAEgRsmJ0KK4EG3bPt7dxxgwhLquow967Pu+v1pfrldLusd6GPrjbhzH2bzyVoMPeZ5Ixo/N3mjHOV8ul+Ng2rZNsmw+n+dZ+fr167u7u75pEdE5jyEKZBCCHTWFjJRPSJUwxpCBtdY5o7iQKYve9McOAK5WcyHEbrfz3kvFszRlKdVjbZawqioe7n5aL+cCwek2WAN+ZH6s6xyDTiXrGGCEPM8TyWP0Sqnr62siVJCkhnOO4qPXr18ScdVaQ+EqEdIBYDabEaU3hJDneZ7nWg9d15GxCyE4cxrgK6VkSjrnwqEJgN5FlbL5bHbstNMGfIjWrmbl4uLm0I1D26AI3I/BDsFpLpz31sUBwiCZUYFflPPffP7q5aubYM3D/X3G/cv1TF2+HvR46Hrfa3Pm+EvJXbDen8FxwEBYNhMTqYM9eyBpEz4rdtH7KKWOx+OEGvuzxjrBr4TJ2FNF4YQPTpHgZCCm18bz/LbJNrGzsu4vpzfSvFsMIaxWqzMl6UjoXFEUergrq1zJOfhQFNl8NmOM3d3dD70OgC4ARM4YAnJrnIlWqdxarVQNEIaxZ4zleco5f//+/e9//3sA9uH9x4eHh2HQ42jqurbelmWZpQVjJ6UUIRQFofQd8SygeDbXEJ894FwzmLiAz9lHtENijEQCic8qZtTpM7EeCfIahiFJaQwATo6WfiYOQngmNBZP/cDyeTI0EdIISjoB3s9Wm67t+fvAM3Hj6dZMqYZUnHMuJGMopqedvyaGcKJFBX+a4JGqE9uSMjw4K/nsdjsavEUJB/m8JEm6YXz+ufGsnEM1iQDRx+C9d+EUMSjBXaSmXw6caa21GegADnqMAT1E6xwg7/Xou6j4qZYbMcLpq0Uf46yenVgD6DmXMaJzoe/H7777jnG4vr4g+/D4uPE2vLp5ZUfntUGMdVXcvu8/ffzpV1+8fPv2JVhwVjvniiy/vlwLwW4/fXh8vL+5uTkzAxkxqULEE/YCPkTnnTZJnq3mF3k5U1wFD/v9QTsumKjyBCR3aDsTQ/A+BOcCgEMALkQikxC8UkowDiE475XgKkmUkBhBD6MIzAxD17V5mjGMaSL7trPaF1mK0Y69wwhSCWd18I4zzNMsxpjIyBgzRnvrtBnLoo4+DmPXtq1K07qu62pO9YrH+4c0TZMkTZOEoQBgIUSGLnguuZCCRD8459xLITmzw0j8GYgGACBaKUSecSGSEIIQqBKRpXwc0Zhh89QrFn795Wdd0xz3u3mZh4QpBlUm724/fvH27a++fMsA6zIfxx5RLRaL7WZPp9Q5tz9su66bz+d5nmZZRgdYKUkHg0pbiOznn382xrx8+WI+n7szh2/ftADABeZ5XuYF53wYhq7rouFFUdTzWRWxOXb7/X6xSpQQRZYemn63fSiqpc6bzf1jd9xlReU7o80gZMiyLJEQIJZFuVqVeSrzTMpobLPfb3cPHz4JIV7c3Lx8/bfvfn6/+ebPm4f7ozaOsYBSCBERgSMy5ICkoCIYY4ATwEJHkZ1py1SEnM55OBNXCGOZQnvahdbak/LEuXI+BeAU9xHaTg96YZIkzyEC/Euu5OQJhBAUanRdN6sqxhixlVOVEDuQIzODTSSXSTKfLxez+f39/cP9FjljXEoMzjtvfWQ+RHTOLWYXfQyJVMF7jFAUWZJIznldl+Hc6JskWVEoxgYpEutMlmVSSKpy03VS3xP+N+VQ2jnPA9sp3ZnC2+dJDACAdzGE6D2LEbiYLCnR+6ayJL3KWsuFc+e5RWceDrNnNd3nlUzaw0r9ssLPLeP0kumOszMzZ7r4v4Jl/uodaMNMEgUoTi3iU0saY5zGMxntbDip9ZJa9RkJOYF+FBBQ4kXJCsmZiPMsved527Swp8sLGCLGEAEgAhOpQkBLIx1ccM5E740ZlVLjqCMiExI48wijtv04rOuSMQ7Iovfe+RhjQGrTzax11vsYoxCSMW6tHbVhzqWpQkTGTtoVEFyMMcuyZV2tV7PFrF4uZkUaF7P6Yl7f//xgrR37LsvTEByCKMvyzctXs+ViNpvJRBF/cYLIpJRCSnl3dxcj1EV1PB7XFy/fvn37r394Z31M80VZzh3DVvfjOEIMSikXvfceI3AuUyU554Ihppkzo9baWxNUIhiPCMbacRxlZoUQVZlXVfX08Bicdc4UWVKW+Tj0fd8XaZIli8hZIjgKDhCqqhRCbTYbjTifz+UgI7IkSfpxCB7o3JJeyvawV+cRLEmSMRTeR63NtF+NBSFEUeRFUUhZxBj3d5+aps/S9Gp1pbU2RrOUv7i6oNDSWp0qnue598XT08Nms7lZ1/MiBduzKru5uuQYg7NK8q+/+GK5nDOM1FhIxkgbwxA5Y0ryWV1aM3rrVotlXVYPDw9lWVZlEWM+DMM4DFLK+WxmnX/z5o1SKs+zruv0OI7j2HXN0Haz2Wx1sTjJ3htDMSwKlFJW1Ywxdv/wdHt7V81Wdb341VdfBfjx/v4xOnPcPg7tocySIpOj7vMEq7pcLau6VHnJL1b19cUCwfftEUIMXY/GKWA8cm5h+7Q57nd66E76L84b8A45CzEgQ0SPAMHzGDHGgCj5aUixP/PK6fDQaXwOevhnzSzxPBiTAnkA2G63cBYvnLLycB5qMcG+U/w4Wf/noCo7d6VPkeBEtBjHcbPZwLkkK7kg3fmv3y7v7+8t57PZDIA1Tfe42foAq8UiIPaDHXQHHBKZAkPnAmOAiNbpYegBQppIkpGhzoOm6YTknPO27a2P8zyzw2it7buRJgLnee5caJpmSuOm6Ju0AYw1E+Qyoducc+oahfNQacp1EHEcO9r/YhopBRjOI/pO5hu5lDLLZXL+xMnOTvaOng/PEPzn/mOC+EMIfd93XTe5cFrkyaxPqVV8Rnl6DqDD+YEnMitOKcL0Fax1bdtKmUgpIf7iMxhjJFZDsD4+61w7J5Qn1RAK4cdxlFwwxoCdcrvpoyPJ5iIgZxxhcpNCpcEZ53x0NjCUnAnJCllIKV0MMSAwHgCZFIgcufRhap+OlMgGBAAYBt0PWo+Wc84VZ5yzAD5YpVSe5xHCYb8PIbx48WLoRmddVRWfv/kMnB77tsqz68tasvjdn79RmCvBsyzjAM3x2DHgEOfzeZkXSZIAwxjddI8YY0mSCAhRcpElaQhBD0OSJJery7qatW1gTHjvjfHjMBijI/dC8iRJrDbGeUoGg3UhekQsioIjc4xJKVOllBIYIQjf9X1d11LKIks3GBkAgyC52G6eBLLlrH716lVV5p8+fTrst4wxCMGMo5eekjtri6ZpArD1+uq5Vx/6/v7pMcuyy4sL51wMgCFyQZFLCNZFb2NkABxZZBEweggYvFeSCY6JEstFhVjTFgle13U9q3OSCKPVUZJVZZFze9g9CWTri0VwI2BczGbe6sW8Hoahb1rnDAVEzrmHh4dZOeMc+76n4vN2uxWCHQ67V69eTRGN9/5wOACEPM+Xq0tS9fr06ePDw0OWpmVZIsb7T7d1XZPglHceEefz+eXl5d1u1w9aa71cXqRpisBZBKvHm8u1D+Bd8ChMwOvr6/nyoh+HYfs4n9dFkXHuy1yuL+ZVmTAIwUE2q6MP3gZMQSyY1rbb9z/ff9O0PYRYVQVq54dxtDbEEKKLbEqlwYVoaU6CkPG/eZCN8GdxEv5MIdkYQ+aYnRuR2LO+0Odmegobp3B1Qtvx2Sy3v7Lpz+0UHePgPCKWZUlO5TnJMsuyy8tLukhEHLpeKcVQzOdzrlQwJ3w5UVlZlhEZwRda67aFrmup3Np3DTCMMUJkQigAdmiaw77JsoKuvO97o0+8DiGEc2YCQGP009WG8/jGybSRV6NFoHWjBWTnkjKlLxN4dcIu4i9Qg3PO+ch5JM0vRDwej9O6wTNgPZz1FSZrTu+cJqU/PyijoNrkSbMhAp6BOIgMIoRnrWH0Pn/1/nhWlOQnqQlLORs78+IJdfHex2i894TJINLo79i2LXXAxhj/2z4puk7GGN1lIhFSQ4AL/vkzAf+CNAUAjHHGGGnahRAiRBciYhTACD8EgIiUzjDOOXIpQ4wRqWx82sCcg/fOucO+GY32PjKGPgJEQORKcbTBWzcMA4nrFeG0G8dxZAwenh7Bdan0kqPuu+Nh8+pmVhTF2He73U6PfZYlkiE1RaPgTHDvA/8r/XSt9Wefffbjjz82hyMBNDHGz169/uOf3/dt19vGxgiSKaVQhIiRA6dGvTRJvPfWuhg855wB995bayGEgXNvT/91LhAPxNcVYyxJZNehD+76+hq8U0p5Zx4fu91mO59VX3/99dNuv9/vGcBsNqOGgr7vi2r28HD38fYuTXKhVF3XZVHjbvvy5UtjnsbRjYO21pcl51wS0rJYLOgwMMaE4MaYw+HQtu1FISTH6K3Vw3q9vr68eHh4+POfv/FXVzc3N0VRbHdPD09PdPizRM6LtDnury7W86r80x//1Wpd/e1vg7efPn2SDKuqUmpG7RXW2sPhwAHpsK1Wq8vLy6qqPvvsNbVgHI77EAJ9r6urK8Ygz3Nk8v37933fO2e11qT38uLFi+VsniQJF1TtOUk49cRyb1ut9eXl9cuXr9pmMMb89P7jbL5ygc3mNZepdpBk+epi/f27H1999eb6+oqLuHm84yykCbO6u/30ocqLeT3jyNu269tegFJc9cOQCEk9eb1zRBRDzrM0M9ZPNh18CDEE6gnyv3QPTQYCEYmL7c4CilOZixwzBZ5T73gI4e3bt0SpJvjCnUVR+DORGX9uROLn1pvnaM/kAJ6jB8YYZyx5CKs1wejDMOx22zzPSW+HVAY/vv+w3+7Wl9fOOe+DcdEY13aD9T5PcqVS46weLUTrnNMarLV1vSjLsuua4MN+vy/ySspEa2Otnc/neV72/Wi9NcYwJvI8F0IMw+BcIOGEyfyRMTLGWWuLMpno51TwpCUllzDlN1QZM8YQpsfOdPIQAnBBFZ2zZf+LCiFFuLRuVAshOIsWnJ2rlxTxKaXKoibZOKrukv/4K5+Kz3TTJjlG+usE5hCXcUqh2Llk4rx+DuwwhuceNUZhb4TTDXXOO+eoe2sqBpx73yJtNvJJRDGilIK2X4wY8ZdYgTEGeIoVzlF2cCFyzkGfZKY4j9F7akA13BAixIWSCUfEiBzZaftRNeJkWIUgUzCOYzhfeTy3yEkpWfDGmNwnaZq23fH9+/fBxYvFxfF43G63nz5+LDOWr4rgbZqnFxefF8kCEe9vP71798Osrr/6/G2SyL7vj8djQFBpQg3e4tk4T+FTdbt7igKLqjDjcNw/XV4t9nr/OGwGx1Q5L8ramtGNfehHMw75rArmiD5c1is7jIfj/sX1tbU2UfLbn9599vnnXIr3t5+yIgfOAo8o858eH794+5lH5hE7ber5cv/0qLh4cXVZ5ml7PERjf/X6VVWUcbTWDBAdY6wuk6enx81+l6gs+O7p8WlW57NZLRN1PDS7w54xdjzcYmTB8+XyUqi0bdsIngvhIDqIm+0mTdRyXvdd27VHgZgKoVI76J4JNZ+rosDN5mPTbG+uZmkKN1ez6P3+aSwUdl0/NsOrV6++/pvfHY/HZn/4h//0r1VV/dv/4X9sj81msxkGk+WJFaxg0gNYBo0dtr1ZXmI1qx8fH5M6BY1JnXZ66He99z76MI6jseHly7yuFsfj8dPHx7v79y9evCiLVGusq2LSpATOmr6juujheCQRwTRNZ/PKeZPn+b/+878oldxcvXh4eCjTbL95WC7n16usmGXvP75nuG0OH//ub1+89M2s7v/Lv/xxJfPXb379tGuPbZD8RVJdQj7rnb/zH95tmmHY5mVRlrP/9KdPNzc32eVSPz0NQ1CiqNOUMXF/f58mSSISiEw7bYMVQiZJ0g8H4qWQRQaALMvyPD8cDqTkNUWXZVleXFx88803JwtrT6MkEFFrfXt768+97+wZtZExRlpv7KzoS6k3naLJ6E9gAkKwxpoJoSYVyeBDdFxxZDjaMWColnWe51FA3x2qqnr/88fb249XVzeC8yxNt5sdgNXarhcX3vvjsTkOIwBbZNnOgxTSec9V0Wu4f+x8LMZxDKHQRpjdEGMsi7qua/LB4ISShOb5zWaX53lVVSScQMFmjKdxcVLxoixJ6SnGKKWkLhXyjoQkkGU3xmy3W6rKxCT1iI4AhwDeRwyO+WCMK4rEO5eqpK5rY0zfdqvVKvH2i1cvN7vth9vberZIpOrHgdopy7Ls+1YKlqaJt5aD1m0Lzg+99tYqyZVKAdE5Z4y9uLjw3llrvXMhOJIniugTUbZDDxC4UExwkWSMsa7rjHEMouKQJVzyGL3h1jPPephxlfGTRAQIIQCD1pqFk89jPNJM4hAMomWWB+NEjB6iGzUipkICouQnEQPab7QVOeej2cWIMSAAxkjtdQwCOmdi9IRUAQTOkHFAjMFWMTKA6EEiKi4RGIsMgjc8SSNJY3HuTT92xjnXqToAMpUgYw6QhQiMyySdkgZjnBCChnDpwXim9TDEhDlrlapX87w57ND7Vy/W93fvvvr1q83T3c3nr5wb//WH9//hf/h3XRybprn8/GUfXZFm26EXmr+8vqlnZZqqGMOhPcA+hNjlpRdq4Hwt8DzTmaoEFBEkQq7X631ntYtdezTGsOBSwVVR+BhnsxmHX2SsEXEYhtlsRqFxURRVVQ16TGQ2m826MZ5lA04pW13XCWerxZwLlmXZcj7bPDy+e/dOaz2r6lAoABCcM8byPOdKMsa8i5eXl8AYY2BG7YPjyCDC2A9lUaSSQfDeagbBBXDBc4bW6HmVZ4mKTrPgXt9czedzjH7QTyTFcH9/T4cny7JZVb99+9Z7f//0RHkNhVQPDw/HQzufz29ubn7zm9/EGKMPjLGLi4vN9vFytTw2h7Y9Xlwst0+b3W779a+/ysSJrb/ZbGKMh8OhykuKehDZzc1NVc3atn3/08/OuaIobm5u1us1aX6RhSIT9vDw8ObNmyzLfvzxx8fHx1evXi0Wi2EYfvrpJ2ttkVfWWmsdRha8Vypdpxdt32xuP6zWyzzNVuultqO3DlX6w88f337+VTv628ft1c0bz7t3f/r+v3zzg0pLG8LTbns4HmWarIWUWazrmmhzp+lu52RLnCdVUmo/NTRSeBjPmiR4Jp8QzmCt7bqOgkFKL8hYT/DliTlq7Yn6KQTtKH+eb0WMIKIwTTEae6b8RWHaFOtxBhM+Q6EcuRwKx6ZKHUHbVVVliS7Ken1lkbPVal2VtXVOpQkiZ1zmZUEBl3OWoYAznwfOiD+eB4167znnxMCj1cuyrK5rfzh1ZhKX0VpLLTZkeuBMSJ9SkOcYBb1wqiRPVWV/HgDtvTdd90t8/QxXJWqNc44B0vaj3OX6+prWoa7rLMuMc9QHQMqC+/1+uZiFEA6HQ5ao+Xx+OHac87LKkyRBLsPU/xVsVRZj395uHyDE9XolpTwejz6aRHIupQux7bpuHLIsiwBFUUVvGEYmGcMYEWOwAZF0es8Q/Cn6VkopySmloAmrE8QPnEGMECOjLXTW9Iy/iBk4ojqdYgJgU6kegMUIiMR4DgARkQNGxjgiUKWEpqdP8btzHhEBghAiBNo/J0T+2WXHCc2bkKup3vO8fkD3NEvz2Ww2DoMeRpJPeHl1NXRH8t9Syv1+ryRKKbfb7X7zMJvNsBZZmt/d3fVtt5jN0zTnnDsbuOJSpllWALBhsEIMZW5FdN6BsaOG6L01MQSGkTFgEJUSASEg4xCDjzHYEGM36hN12lrjXZZlEZHO1fWLF0VRXL68KWb1n/78DYvAOU9TUVVVWZbRB6sH2tnRJ1rrvjPH7UYJnqnk4uJiv98/bTeL/PLy8nK9vmrbdr/fN/tDjFFbn2UZlyJy6WPM02xez4SSAFColOxgN45M8WE0xphUCCV5mqZFmlozDm4AO4BNEEKWZavVqjkcaQIL59xq45z79ttvQwgMQCm12+0eHh689966u/HuarwiCYhxGG9vb40xVZG9fvEyTVXbNYfdlrMwjgPjJz7AMAzX19fH47EsKoi4mM3m83nTNOQPnp6emqapqkpK+fDwkOUzGu7RNA01ENNWyPOcJuoZYy4vL1er1TAM7969601Pqq1SSkIvlFJlmYcQYsyNGTFCdN4aI6XIkjQpMr/tO89UXnvdbFuz7fWf3n34cHufFLVQqXHWuMiis/e7zXEImO33B+cc8SzPjZ2arIYxJng4Y5dO6yDOc2LZM7IzYQIUUfZ9H8/06uPxuF6v/TTf+QwFTCgKeVOAX2pWlMtPv5+wXXvWDpsODP1Atdmpa3fCBM59m7886PzPX9Y2+MgwyQqZJAFBJMlitU7TdLc7AGeRoUrTGOM4mnboJ6M5Abj0QYTXHw4HAKCbS9+9mtWEmBGrlY49CSTws0I6PzMa/ZmWzs+ExXAWHaSmh2mdxXkkrzW/YBfsXKvkyIq6mBR4aK1ocMTffP7m48ePwzASIE6em597avI8v7i4qMuCQYAQGQclUQjGebR6DKGXUpZ5nmbqw4cPrj9wzq4WtQ/W6dZ0HoNLy9w4yxlwwa3nARhyCN4jly6gCyGa4DgGD+ARMHqaBEd0SWc9yb9g7LqRFlbwE/5+Mt5chhAiWWRS1haCMZYK5WOwzyauUIQUfR9PBVuIISIGxgQNwUUkoXaJLCJGBIAIFO5PZj1E9wsEf/Kj03BExhgP/pf6zbTZnr8DPGMuAUDCa2pnDd4PXT8MQ5mnp1AmJNba1Xxx2O+KIsnz/OH+6bM3b/M0e9zs94fh3U93ieTrixtn8cefPjEGZVXMF4vFMkGWICjGsxCcQIjRBx8suhCDYzFQsGP1gJgxBISosjQ4sKNn4OmsUidelqZFmgnGnXOD1hcXF9oa0uEk19o0TcAUEakld8wya+398b497pd1rcdeD32WyJc3Ly6WC8bYMAyJVM3h2Pd903TbzYYxtlpd5Hl++3Bfl1WWZS6cpgowxqz3ecKVUtaMwYwMOQuOBVemefDW9ce0UG/evLBD3TWHBG1RFI/9kQS1qfrknNtutyGEruvmdf3y5cskSfq+n9ezLMuqqqI4kcQ0ABgH9FY/PXUfP743ehSCOWc2Tw9vPnv54ubq04f3VaYQESIabSF2WZZpranduTkeEU9CTrPZLE3Tp6en9+/fX11d5Xm+XC7pzB+PxykYzPO8rmtrLQnIFEXBM5kqRTYuuMA5z5M0UwkiFkU2n1Xajk3XtLtDkikeoJFpsbj63/73//Llr/82KZf/+Z//7FBtWp3UFyjTKCSTkTnrnDv0xndjIjWVN40xgitqBmFMaK0BkHY5RII7vTEmy9VkOp/HLBM2UlXVFMnS7id7Ok3VISByimsmK0nf0Z858nBuSvLnKTz8mUKAPzdGMlbws0zYZAsQsW3bySYShZleuz80XT/udrtxHANgolLG2Gy+UCp9eNp0ux0AlnWVZcV2u22aBs+Vg+lD6bMIFJpstPe+67r9fs/lSaCqaRp2rmJRpvi8Gjm9GxnrqfbwPGacrHk8j5UQQnAfEJEDQ6BAFUKMATwijxE5CvJGMUatjXNOa31sm3EcRVRBW+djIhXjfBiGi4tl8CfG7ayqtRm6Y7NYrMibmlE7F5TCPIFUYMp9lad5niGAMWOwjguUUqrq4tPtfdM3QiaLOpdpZlzcHfY+RuOCc95x5IHHgDSFTLAIAAIBGZozOUqKU0+ZFKc065f8QGIEjIAhxAgRIQaIADEQzQYx0HgfzrmUnHM7YgQeog8RKEaHCAgASM9DMugApwKwEr9IQCOLMdL2PtU2zlUE//zuTCZ7arZiZ20Mdx6kPEU8JIe13+0YYCKks8Zau909vbi6GtoQvLm6Xn/37caMY1Us97uNM1isFuPgX74oNo87FsEa+O77nz57/UqPGpmtagBQMQgfhOCZEEIIjhyAQaTUgzPgCCyC5AKFGNth0FaWOUfGhEiUgsC0tiEAA1RCam13/QFCtNaPxr5//+H7H39SadJ1Q5qm42hGa4J1u90uON8c9oLh2A966K6vLr0z5Wr14vpSCfmwedL9sLxYOe9//PFHCk4/++y1UqkxpmmOGGJVZJeXly5A13WUhKYgnx7u0zQ9NG3bNEopDCGVWGYyS4oY/Iuri1fXaz0UmyfmrUavxVlB0Hvf931wnvoGx74HACrQpSpZvn3LOe+6br/fcc6dMVKoi4uL5XIZAjw93Pdto5R6+eIyTVXTHJfLeZ6niovLy8uJk3B3d/fixYvN4yMALOar7WZzc3Pz5s2bx8fHd+/eVVVV1zXjviiKJElOBT3nJlJBURRSShLVu76+rqrqeDzuukOI8Xg8BhelkFki8zyHEOazedu2Njge4XJ1YZxumsPP9w/ddWBMHHX86XbTm8c/vftQza8gLfJiPoymGUZtbUTgXAiVJhzR2bMhOVltRDx3bLPpIbjyZyEtdpZRpT1NQQet8KQrQtTs+XxO7z0dDzoPSil3lkef4BQyjuS8J8Q8nttkziW1XwYx01+JLjV5Fzz33VCsyjknMYOJoL0zjVJpP+oQorHOui5G5FKxUe/2R+ecUkmSpSpJkjTVxnR9789SglO6DQDH45GGllHwezgcCIC6vb29ubmpqmoCl/q+3263z7Gj519wgonwNAjpBLkQk4rKLfSb023yIQJY8L8EhjHGGHe7HeWF9N0FMsUF+PDx40cS24kA3nshheDSelcUheD82DVW992BGzsqzgCCGVqWpkpJkQkGjAF63Rybx999+ebrX32l9fCf/9N/cn37b//u799+/mYYhs0QnD4O3daPGsEyHqLHGCzHk+tCIYExmgsPiKkEztlEJDfGMIynrRJPTBXvfbAmOgfekTZfgEgcQhYgOgf8FEQCADAMEGPw3gREFIEDRArMIWI8OUjkXCLGc9H2pFgaIwvsJNDPBXJ+atEECCTLMx2NKbOkptbz006BeTjLVEw7JJwFL/u2tdYyxHk9S7NkjCFVgjFWlTmGcex8URRZlumhoVdZh0laMd5sd5vtrkmkWi7FfLb6/oeffHCLxSIvK2OCsQxQcpFyzkWMMUQPwcUQo3fWGj30Xd8OY5+WGec8VbEsS/CmM31wQYrsxCXygfSnDrsdgbBp01jSuVeSNrf3PkmU9qFt277trB4Ws7qu6/RiGWPM8lxw7PXIOb++vkZEDPH9w2nm8mKxWMzm1trmMDZNU9d1kWdFliNnHE9HlwIibR3Bo3HiQnkXo5xVhRJ8+/TYtY23Wg/9fvtkyjqe5eLGfkDExWIxn883IdDuN+NJVHq32z0+Po59c3l5LaVMU2atPez2BA1LwdfrVV3XRZGVefLDD98dj8f15eri4pIC8BBgHA0AS1TmvR/HkXCnpmn6vmcMOEfOcbVaSSmbptntdoiYZdl8Pl+tVvf394R+EFg0m81o0wzDgMj7vk9VluVplmZ5luh+MGM/9m1wzgdXLRbaMjforbajhd3u6e//+//DP/3hT/+f/+8/zNcvRzxqh24w3aBH7YBzwQUw5mLwHjIUEBGBusGJb84I3VYqcC5PzAEOgMj8aX4N/CUBkWKrvu/PLsFZa/M8n81m1BM/nVU8U+4mPHoywfEsPDCdpedxN32cP/eySymJWOKsnrAL+iu5SQKR2Fln5kT2R6wLTDJRVDXnvKyqtu33+/1oXF3PA4LKMgDYN8dB277vpxQBAAgB4+duIBpmRNkJ2WhycpOMYoyx6zqaQTGRUiiEn8JzdlYCgGd6NZNdIFM+MTfOHu7EB6eXiGlGa0Q8U/qGtnMYOOfex81um+d5mmajNUIy4My7GJyXqRqGwWlTrxZKon7spFLXV5c8Bs6RUvlUyqrMOYNg9N989ermZt4c4OVFNWr++rL+4sWac/7j4860K+aHp/1h3+7G/ogy5YDgRwYIAhklJcgAgXEBYCbvDgAMpzFF0flAtwn8ieqTpqkNECNEYBRzB8QICAGQnfMbRtzzEHyIMRac03szxMhOBp24QAB4MsIRIyAAQwRjR8aYiCKCoJWk8JpzHqOMZ9oVP3dy9b6fovX4TKOYOsAnE+/O82Gs95IrIURRFGYchqGbFavZrKYSS/SSiFhOj1ZbhuIPf/hTWdaSyzwv/vZ3/8Y707anOVxpmqokSZOcy4QJiSgRZQhBcIiMAUcGLHCMMQSrh6Fr2+NBZJVgKNJ0VpXe6bHd04AbIjm1xwYZE0oKpebL5fF4bLpusVouAIqiQM6enp4QkTMZ1WniAd2VLEnndfnxw/tZWXRd/3B/++Lq+t/8m99naXp3dyc5X8xm2tr9ft+27Ww2++yzz377299SoNcPnTGGZBTHQQOAzMoALC/rrIjH49FpHXzc7Pb606f5rO4vLxIOY98lAiVnaV5u29Z7P6tqgobKsnTOvfvhB2vt5eVlmRdOOc550zSEev/2N7+azWZ9Pzrndpvt5mlb1zXEMJ/P6ZgVWQqZur6+vrpef/bZZ7vdQYju8fHJGDebLbTWNzc3iDgMw2I+7/v+u+++SxL59Ve/Yoz9+OOPxg7L5ZLYjaQlSfEj9XbTGI22bT98+EB1wrbtibe+mM/ytEAXMAQz6uB88C5R0nXGmTFYOy+rcPXC50UA/uLFq3/8lz85D1yq+4cnlAkGtC6iEDST0xijtQvOcDFRpwn9UFPaCwAhOGv9ROj23j+Xt+bnXnCSUqLkg2wQQXaEydD5nJCKEAIR3SZrOBkyPPfNP89zw7nFacJhxHlEspQSoudnPZnpCXRJ4cz+JotMQ4p9aJlKvPc2BO2DA7QRgrGJd4ExpqT3fhyNCf2gT6weivHZeQQ2neTFYtH3/W63o6YSKjhprS+vryZQmypgNAaoaRryClORmZaOSuXqPK17WiWSICVC+pnnTjMlpD/3AQh2wtnxrIFKgjaTNo4xpkh5luWjNc6GrEg9RGdtVRd5nnOOeSoXs5pjNF1X1eVqsby6qLyxx8Oua49FKl9eL68vVokSDLzrtin6v//dFxBilkk3HLKqup4l4fV6Wap9O3y8fbjfHgYbjcPR9ByFkCliMA6cdYAMkQUIU1rG8LSLpGDEXwghkEGfcKdee0REhoxxjqfBJKfkj/5HLPKAEKikf5qYGlmkGZYh+BhpF03FGEBknI6e09MdCSFQF/IUhhMEP/0mnKduTcjYlIP+Vd1lcswqSeV5nB4V06WUdVHudpuri4Xk5d3d3azIYlXF6IWQi4sZY6Ct+fN3f76+XF8sV0nKr9bzsiyLMlutVmVdF0WGGJ0z3djN60JkWcYwunyEELMsS5LTNEgpJUdmjHYu2KVNOK+qKk/Vn366oxIQsYWEEEzwrMhd8FQRwpPu2qlQ9rA5xhgZT+lG0M72wTrvR2uSRM3EfDD6n/71XxQX3vte90yIWV5SCr9YLCiMJf7W4XCgJaPWDwBghWeMkbz94GA0LsbYHo5XlxceIKAo57MA7LB9TJSsqtmvX756fHxERHISq9WqzPOffvwxhECd7pzz2Wym+0Ey/vmbz9JMaq3v7u6C87vdrm26N2/efPbm9TAM7979IBXvq/xw2C2Xyxcvr3e7HQI32kmRqFqVZfn09LRarRmD/X5PzGilVFkWWuvdbnd3dxfBxRhpiAzx8amxheB1rfW3336LiK9evbLW/uEPf/Ac18uVSLPZbMZ8PHZtdL5pj69evAzeRe+sHqmPjIYIHwC/+Ozt3d1d8P7f/nd/vzmOfX+3WFdMJi6M3jinNYuRx5AryVLptXHOOUfYt5gCSRqdHmN0rvfeETYeo5dSTS3mtNcpKg/nZhlCKgjCPh6PwzAQNgXnQhbFs1OhjPZ6OGudE1QywZcTFpFl2S8Ya4yETiBi8JaGF5M+33S0yFxSnfA57gksdT4eDk3f93WthVBCJlmWjca0feeCF1wlaZplGePcWquEmuLl6V8AmM/n5Ktoc9IF06RjGq+c5zn5s3juCpbnyavTmaeLJPlGgu/ozSmDMcZQoYU4nZSCSMVjjDSxNkAIITDEeBqDZwWeZk1QxUJyUVWZlHJ72PfdqNIkIDAOJDNX5dn93e1++zD2nXdWsMrqYWh8jNHZIZjeMxdNhy6TMkkTmSUZxjCOTEo5m1WMia7bz6syLvPLRcF4cvf6+sef797fPT1sj+E4Rs64iBExOKeDBSYRIuVk3hkEQaXwRIk0Tbuuk1IqfjKLp8K40THys4VHzjmeS5p934fz6Kl4KhoD5xjtL/T8c5AOlMJNBp09e4RoJrwnRh/jaRTiVPwgfZXzcPBTiHAG8CWeZ5P5Z/1xp3emjDPEweiuPaaCQyRB46wos48f969frFHlt+/frWZf1GXV9z1GGHSvEr5czf75nwyg82EUMr55ebPdbhmXgGYYG8aDsT0XMcskAAjvvXGmbdtEqrZtjTGfPn2KMS4WCxvCYrHY7Q6bzWZZl8MwJJJfLNePj4/NoQWGJDglk9T6AIwXVY1ckObc9u4RI5P8VEAb+yFJkiyRjIG37nA4zMpSj70zIc9TpRLvvY4xSRLh1TAMWjd1XS+XSzLoxOclmLJtWwKgaZyCmN8YY5z3YzuMLnYmJpJfvvoMYuj10Bv//u6pbw6L2bzIswCw2WzW63WWZT///PNiNqvL8vHx8euvv87TjI7ZvKqJrktg8TD0q9V6vz/e399/9auvBeN3d3eHw+H3f/u7169fO2+ObZfnedd1f/jXP0Xwy9nVer3++PHj3d3db//mby/X13efPnDOm+YQvM/z/Pr68lSBFGK9Xr/9/DVB/IfD4fb2drVaEfy63+93u50x5ubmBgAOh4Nz7osvvnAMVvNFVZa3Hz/9/OO75WIxu6rmsTZmJHE4wusDxA8fPrx8+TIVqjnu22PvjP304ZOJfH2xfNpuy9mCAUoBGIzTVjAUnGNA90wTY8IoKeKmn6nJhYJQ2sfPbevzhz/3tccYqUp82gzjOMEs9J5ksOIZlA9nmZdpVvUUrhKjkWw0CT5PxBgaljarS/q4w+HAGMvzvCgKcRoEerokUnohQGk0/X5/zPP89evPGGOHw0Fr49xJeyBN8jzP9/s9Iby73Y4GCcVz2YCIiVLKp6cnkiIhv5UkSVmWQgjjLDU/kzmmQJvqChS8kzPTWpOy21SNCCFQJkF+6Hg8rlar1WrVtu3hcKA/cc4hRGqqIvcAMSJjNMgbQ6Rsr8hyxtjYn4IwJGVaG3a7XTWfrVYrzrni7OHx/ocfvrN6yFI5r6v1aiGEGPoGgvv2j39IJP5P/5f/c7QmU0yJ+PHdd7/99ddd3+mhE0VhB845B6cTlgXdKJHdvLy5Ws15jO1xf9iYm1X1tG+74yDTKhGJM9HYAVhsho6KLmT4EELf95vNJsuyMku994fDQXB2cXGBiPv9nnmoi/K0nimTjDvnXDiFHQDQDj21JhHaRvxR7z3jgAwheGRBCsbOonKcc6310Gvaz0KepIDJ405GOcsyYnCRWDTR26y1Sp12I13S5D+eSzhMsCHnfL8/VFWxWq6TJMnShKO/v7vLE/Hi6rpt20yy5XJprd08PlA5wQRjbA9R/Yf/8PccvdXjwXf3Dx/6oZXJxf1DN5/PpYKiVLe3GoJFTARjLK8qsD54R0zk2Wz29u1b/e7u4dAH18pELZcLzmLXdWbss/mLUyNZDJQ1D1oDY8fjkVJC8oekO7jf751zeZ6XRQ4ANBQRQhQcu65LUllkaSJ5jJEhL4qiruv/5f/3D4vFoqpnKkmcD8h4luUhxD/+8Y+IIIQgkwcALEJZlqaYcZqbY3wE5ELaEJteQwwQwo8f7paLWd+Om/3xN1//Ksuy4+NHKjTFX5gSjAFaa1++fFkX5Waz+eGHH7z3dITK2ct/+qd/8j78/m//Td/3u91htb5czOph1No6CNE5NyJoo8exDyEE+8QYm80W+/3x+++/l1IKoTabx9VqhYiUWxRFURVljHE+nz89PRZFkef51dUVZdz39/fffPONUipNU5oASVgzbZEPt3cfu49ZmkYfLtbLVT3HGNr26KwlDGc2r+4fHzabTYA4agvg3779/Ge8/fTh5+/+/MPq5uXi4qqsIkTHgJPSRfQ2egweOSCg4lwiEivuxMAlk01blnST4DwQmXjWU3I6xdTUZTNV8yjzY4zRfPopLMIzZ2BCVOK5Ouqfcc+nOAjO9Ef+TH+VXiulnM1mMZwYgfTRNK+DXCOFq9Ob930/DIOUqq4zsr9N0wzDqJSqK5oNmxFtiTAT2s/zekEVXTq09KD/ktUO5yFqdP3LixVRJ2mz0bvRGAd3nhkyPX8cxym4mxaT7Ds7695M1YLza5mKwnsUQvBTVO60DgKJ4yfZCZ2IQjJkcrFYHLvWWpvmmXDSaXM4HGZl9c033zhrordX64tZXUke8zRTiSilCs75Lz83Q5tJMV9WV6uFFLDIZJbKrnUxeCXl4bATQhljAMJ6dVGWddscbx836M3lvN7tDlk5UyrZHcfWeGfHRHDGuHfm+U0U/IS/SSk5nHqy0oSKX4oxVhQFmDAO3akzwGjtLec84VzVFUXHuZSOM0SIzsYYA2MMo0pOUjCWR+9/YYsGryEIBjFRjDElhAhAmy4SzEhxPcHfFATEiCTtQvPZyRPws2LoVBGd9saUX9LPl5eX7bF5OjxBmCdKRh+6sds+PYqLxfXlzXJW//yTJa6EYBzAF0X66eM7iNeLea0EMsjmM7Xfbdbrm9msstanuUokQLQhDD5ogFJo56WUESGEaD0dIMGlEioR3I0BMcZj2zndhwDL9cUQTiUCFkMA0NaORnMpiqpkjDVd97TdCsYSqZxzfd+vL9ZpmiolQwiaAWPAAKVg3ruiyPM08cF6bQLCqHU4HC7WNzHGzfYopSyquqpm2+32x3c/G2uVlEJIzoX3YRwH55wN3owwaNt1nTaWc56VFSXvuh/LIh+GYbG8kFJ+/PlnzxIb2XI+r8uS0F6Klwly0VpLxoUQbdvudjslpC3NcX/4r3/4Fymlt+5hs33z5s31y1dGu6rIEHG/37bNfhjNoMcQvJCqTNKUp//8z/8ym82SRA2D7rphvVrQAG53nrTCGOu6zlE9s6rI89OOIZsVYyyKwjn39PTkva/r+vLykpjX+t1PwXnJeFVV4KT3PnCcL2olZJ7nm+0+y/Oyrqx3eVkLKblURuvmeExV8vrlCy+T3W7Xu5CkJefIOIs+hhCjdx5CZAyUwmd0WlJkJmtorU0SSfrM1LBDaAY+00eEM9XkOTpBBgieySXCmfjFnumDT7g8O0tBISLdpikunhAeMqzuPGWYSq9KKZLrmKIwiuU551NGTIOVpzmZh+NxHMzQb87oBzobKDCnyJcsdVXNiqIYR0O65FNBbNI5iOcWJLpmsiCEgE/fdCqosvP4TbrUE1nQGGMMAUeTaSDDTXkMvT89n9ZWCBGC8946GsmmlBAMgDEAoht56yYoDAA4x9uHe+89aeHleU4fxxg8PT3UVZ6ny7rMBYOxHx7uPg1D/+Z6rgT78vO3LLqL5Xy9nAkMdmivLy+Px6Pkgkb+3t7en45eZDKrRx2O7ZCo4ne/+/LLr8P65odvvv/Jejw0g+4bYGlSVBJYP+okOWkIMzwxF0II3ui2bbuui+Hkw5qmobQmy8qxbQTns7r2ELXW0TtjzS87SvBU8HN8zfvdTggh81ylgjGmuERUQrAsy6wlDC2O42gH0+sGAMrlHP7iETg/tUl77631zg3T+oezLoL3v/CO4jO59ilInzD33WZfVcW8LgHC7mkz9MfFvFhfri6Wyxhj13UYYkoyiDEyYEWurNVZqi6Ws/3uETFcrGZlzmkPd10nlJICMLoQPEQHEEQIYRj0oekU42leZFneDeO7H38yljMp42iNCzGOwfm8qIqqOj50wYMUIkKIEANERB6R52XtjDHGhQAhgsfIUBRZSaDw4bAPIUiOQjCOzAdfFIVSksSLUXDGsO/7+/v7rFhKIVDIcRzf/fxpu9mHECKwy8trGikwjiNjVqlECBkjXK7mo7ZHyfpRc5lkWaaNPRwOPM9P8rZcpFlRzecuRhGA4k3CVdI0Xa8uqKL1dP9Aa1oUxe/+5rc0Uuvh4aGaLXa73fbxSSWFVOnt3cP9/f1nr18BwKj76AIX6F0Y9RD70Cv9YpEdD23f91QVDMFniUTEpmkSqfKCEdd76HouWFEU6/WK4IhJ/ZkQ5OPxSJujLMuqqmKMm82maZqr9eU4jlmqZmVlzdgdD1zAfDbb7/c5y0cztH1nvDPB3yzmxjuRlqO2n24ft7sDIEcmQMTlbHY4dshOWGJEDwAQGUY4d1HHeCbh4nnMG6mVURxaz8qrq8vD4fDuxw8kGfo8eCRTSHt6CsMnyzKBM1M4E89KT/zctTRZdnYmStLLCSiftAeoDEgZLuc8yzJrxumy8TxBrSiKtm3JvpMmwfSqrh/jqU0/pGlOi09doHQ8ScWbYMlxHPUwkvjB5MkohpDnwR3P8VN25sNM8Tg/CRAJShCnYz/lMdQHR+6KzIQQglAFCu0pMaJInzHGGdBMDGd1iE4pJZABYgguOO+9C8EzBuLZZPaL1WUI4e7hnnbpMAx3d58ghvLqQnIAiN7bLE9SKbu2+fj+PWPw8vrqcnmhhJSc6a73zpGqZZbl/WCcx+2+XfBkNOZ//s/f0FerqurLr74uFzcRFeOqni327QMdPZ4mAEBkRGt+oQBRwRy8894rpfQ40IlQSmH0DGKqxLzMo9WImEnuYkh4CgCDHsdxBG8F52mSEnBHi1myBTvNG/Jm7IwZyela3SmliqJIksza/Kjavu9DiCgZMhFjRDiNOfTeImLf91rbyW1zJgVnCF4qPvXN0a0U5wGz02+e515ZmkuZeOfGoc1T+erVizwR+/3+t19/dfvpQxtsImWRZx/fOyHEixcv08qnmaqLwlsTrI3gYkjKPLVWRy8gOIySM2AQOUa6yyJJc4wAjDMulVJCJqOxm/0uyirEpB8N46Ks54lEOw53D48xZlPYdUrqEKfAM02Si+WKAw5dH0JIk2T0p8lBIQRO5QWIcBJkCInkgMgZ45xZboEz4MpS9oys64fD/igkT9N0f2hms5kxbhzHolit12sz6t1uNx63MUaFniciK7OirK0PtEzO6uDsD999e5pc0/eqqqhySPO9EqlMbZbLJWG1JPeaqoTaZA6Hw2az+exvfvvx010xWyKX//C//e8hQFEUf/7u+6IotB68M4xRs5nP81SoxFr7H//jf3TO/fM//7NGnecZRBajOwEvGIRgSZIkSlLv+OGwC2cFVKp9EVxAnoYqB13X3d7eSinn8/lqtd7tdk6PXGCWluDdMPZt37R904/D9+/eXVy2l9cv8lnVjsMfv/mTTC7ffvFV5PLY686E2VUlVWICOOAQAaiNmicInEFgQFQW6v2JIU5yuHyi8XnvI3jauOGZwtSUeE4W+a/ST3jG93puzugHss50GCa4hgobeBYpJOAixpimaV3XZC7JNNOfhmHIUjWh+W3bUqcPVSwIWCcbEUJomma/37ftWNd1Wdb0/jTMhKLvyfez84gJKieQzugwDASsE8ZSVRU/tw5NN1Sc5W7cubvdn+dOwFmJbArwyeJPsAyc9aGoRi2lpD/FM4/ihBxK5BylJFkrH501MXrvj0dH0m9pmhZpTks0jmORLtI07ceBJgCTHzLGvHr5IssyBr5IJcYQnEmUXCxmYYDDbns4HNaL2eFwUBiUwMv19WG/jRGSNOOyR5mkZR2Zunt8eHfXUs2g7hkvDvV6n5fFGGS9uIT7g40o04KrZLBGm2CDn+XJlHxkWZZK4Rzz3i8Wi6HvAKAsy1SdWs+yLDP9iLNaa23HgUsx3Ytu6AmiFEp577vOxeB5DC5Y572zEKMP0TMMeZEWRWaMyXM1q0ul0qEfrRYQJQAz1H0aY4xRj552I+eWhIlO/BGRUB7pnPPhFKnQiZgIM3AWCp2CdNrnaZo45zD4NE05B+fcGJ13w/F49N7mWZolyjvfdd1qvri+vh7NZjVf9G0/NMeLizpRbOwb7az3HgIaY5RKOXAGnEcumACiP0nBs7TwzvSDbvrBOYdMeGBZkYve2BCHUXvPEs6RSwGn0+uCjwwDO/0sE3WaRRaCs45aJGRZbndNkiR5noEPo+6t1ZFxpUTXNpyjSnLwse06HxwDTNO0ni+22+2gR6VkVqgBumHoxkEzjmlqQ4xSpUVRKaW22+3H20/JvUvTNCvKrKgydBKckkLNq4fbD4R4OmvyulzUddce+w6qhSLoUw9jY49kI8xwnmQPSGZlv9/TWPGP/8s/XF5eXl6sD4em6frV8iIvyrZtjQvARF4kSUpNDaGs8vl8rgwWRdW2xzzPr67XBAuoRCiVWj1SvFYURfCuaZrHx0cpOZH8DocDYRqz2ez169dFUdAUbAoPjTH0p+OhSaUCKQRJ8XlrzCglL2e1tbasy8Fo4yzjPArGhHzcNkf97fvbO5lWs1kaeXLohk67NKsccIg8AkohGZcseAwxWM8nVSzHIpx2JyEYIQQi8FLk0jQNFVFoi8czG5fM7l/h6XRup1nGUwgz/QBnkcV4bhPl56mSE6MmntvZqRGXrooeVEts25bACip/EY2PAnN+7i8l2Jq2QfSha1ozan6WJ+zbIcbIGNClFkWRJalllm4czZ8KZx0xiq+J1TMlH9ORxmejU8MzCiY84zj787Cesys9cTGJBaC1phSB3Ex81khFH3Q4NFJKKQWnDhnGnHMh+uBJ2JIXaZrnmXOu69q+7/Kyvr29HY1GRMpFyrJcr1dFng3dwepxObtGcJ9+vgUISshFWTij7agzlThDlUnJGMvzUhsTQcgkFyq/uvnMhtDrnz/tXF3P8jx9bMbNP3+3aezlzbWznkuxOfbaInAFIjHGOkCpMqVOvHIhRCqFPI/WK4ucIXjvGQS6s3RPH28/LZdLkSgveD2fUcOHMzpaywAYInrHQlAMnfNuHNrmEEIAiFJyqXiSyLJIqyrN8yUAgwhGd23TtM3RGMsY0yKNZ15phFPns5QJIpJsAE1cYmc2jjaaQDA6CMMwUIfw84aDCX4hZHXoutmsXF+s9Hjsmr2o0svVxXb7hN45KfZDL9iJrrrb7bpuN68XHDEGkCzhEJxxknHAwCJjkXGQHAWLPAaGkQGAGK1BTGzw3vpBE/4XvI+oBGMCgCGGdhjDYby+WMzni+aog/faexc8SM6ECHBq1g8hmFE/DI9+NBBinmXDMFCNPkkUhjjqXuuBAQrByqqg84nBa621GSkV2u+OWVrU1XzU/W6z7QadZcViNkuk4JxrMyZCVnUNwLyPSqU3c5FlWVnVMklH4/aPt8Y6JqTp2yRJjNFXq+WLF9fjODIIQ9d87HshhBm1EIIK4lLK6HxZlsMw6GHsuo5G0lBcEKMIHra7Q1GUNy+y9+/fv3///rPPPttsn5bz2c2rl+v1KgR32G2HoWuaxhj8+PFj3/eIkTN5PD4Fa+eLeqoKUrRl9EgE/C++eEuBEu0GAgqWy+Xd3d0kwTGfz0lg4N27d4lIr64uORfj0DlnyKipLD0cDlc312+++PKPf/rm9v5u0ParX/367//9f397j//rf/7HP3//U+9iInLrbWBJPpuFiC5A8DFy5FzwGAOw4F2MnjFO9Q9EdN5Qycc59/8n67+aJEuyNEFMuV5+jbs5DZoRWayrq7q6q2umZ3d2HxbAQASQwQN+3fwDiOAFuyMCDJUe0j2FKZZVlZUsIoM4Mzd27VLligd1985e2ENKhnuEubnZvUfP+c5HkiQKLWRYAEgphBgIjuGDkP1/B548lrn//z+Gv/bdyx3+44XnYx0Me4XQyX43B+P9+/ehCw40waIoQsrwzfVl+CmPTHD8YK0VTsdQdsMTJklS5Eld18MgA4krLCoDxBHHcbh74YPaO9i2hLIeauIjZhIGBfOdoIZQvgPaYx6sgx+/+/i7P7bzAX8Pxr8BGAy+FAGs9w9xIuE3Cq/NPQhryYNJTjgeEIAR4+Ah7e8RtgrDRED5HpOa+763Vlf7nZadFgPDYFKkaZpSjJw3WsrpdB5F0WQycSbxWgDnqqqO45gQJq2Pk0IakOQ54enzl+KdPKnrg7TaR1xK8fZqs+9tHEd129Rd7xkHAGmPAGGcU8aYGqrHI9xpFRg7Q9+JIg+kpr6VQghrbRAVDl1DZhMIEeZ0Ph7tqmq9uiWEWK0Bgt4iBFicJkWeSim7rlvO58Yq5wzGEGEIoXdaiM4XaTIM3TBIra1RhlPICMeICmm899b6RyCFMRZFSejwnHNK3UdXQ4isvZd8fxdzC6f1d1H1786pWV42h8Nut0tiOpuOLk6X3or9ejUq02EYpOid0eO8DH2Scz6ifGjFqMwo403VOCsxBDBGWVxQSp2DBBLgsbcAOogBBcATY5z0UgiBPAhcCwhhO/R5Mm6aZneoZvOjybisdxtl9L6SCHBjjHXOOIsRQw/HUUjUDW0CIYRTRjDu+z6IerquwwAGBNkZa4wqy7Jr6qZpGCOMMcpIOOt6iQYpdtVeCRnF7On8KWPEW+u9ratD09Zllud5DoCjlJ6enrrqPaCIQIe8FX27ub0btONRzAhKInZ3ez2fjhFwm7vbmDPgnEeecx7ziDEWrBORB8656XS6Xq8P+ypgqWVZOue0UvF4fnNzwxg/HOq7u7v5/Ojlq6fb9V2Rlw7Am+vV3d2tlIM2KsuS6XTaNJX3fjQatW293W6dc7PZLHglc0qUMk1z0FoncTSdTp89eyZEHxqx6XR6cnJSluV+v//iiy8ghAF4CaXkcZQLt+Wh2tV1NRoVk8lkGDprNaV4u932QlX1Ic3z0SzqxHBzd6fhaZJmJ2cXq+rQaY+TJMJ0X3dxljtlrbfQQoshRshbq+0/UAbvsQKnnXPGeCllkkShvIbdY9dJay0E/7DYDA/wsAtFCN1TjL7TwNKHB/rHAUaP2I57EKOGwhdFUdM0wQ0iBP6F3ie0sWGoapomQDSB39J1XVhO+ofgTfDAlgkHQCjxoVaGnv2BkyOF6Blj0+m0aZokyazVYTEQ/MhCDQ1IyKPw556l8JABEhD/RzjouyfZ41kVbvXHAh1yC8K5Hs6wQJUJGNHjCI++Y24e+nSt9Ww+CS+jbVst7tmlCMDA0zBG90YRTZIkmc0nURT9+jd/5JxjSvzDxr5pmuvry/lsWuZpZ/Vms6HQnZ2epHF0df0RWbOYzSOOoyhCgHhNkPdGy7ZtCeUIY86j7e3GITJfTv/sx4Wc83/9r//15dW7i/PTcjTbrFcfrldZlikjoyQbJ2UrZD8IhCmLYoxxRovwHgaUL0xXwLtAHHQPUmHGWFEU4/GYCFFk+X6/l1aIUhz2+7auLy4u3MP7zCI+mUyyLGvbdr1ed+0BQ5QkaV4kSRJRhglBhJA8z/f7vdHaGQspAQ4KoaQW4/mJMUZrEy6hxwxeQoj30NzbI4dzlGKMeUTatv0upB4ujKZpwHcej9fAYbefzWZJwpXs7u7uyudP4iS5lZJz3tceQMApU0rt9/vpaPL69Wvk1cePHw+HZjLOh6GHwCQR3W32z58/xxhLYQFAwALnAPQIIQwAIOMIEkw7RjCinTTrfY0IjSg5mhRVI+qYmKFZGzVICxRtB7HIiI9y4FxMcbgtY04owB4i6LwQIhih0IgKp+qmItEYQuIxdgAY74gDhFLOE22g0sBZZD0EGCZxQjBpD8NsPhmGTnXS6Y4mJEsYY3QYhuvru8lkYrxqZSedQghdb27btn367BxkhcozAJC2jM6o6gdl7GQ23m42J+fP03wshZ6MpsYoq40jfNOINIrjcvTs1XLo2y/ffdjtdrP5kTZu32sWl09+8GetlJ/9/o8QZ+LNJeexUsg5xMvT1uDP366UELNptF1dTcosz6KjaYkju767KQjlSXl2ftLV9a7aCzV8/wevyyJr29rCoes64JyzwDoEUExpDmF66Ctrwevv/SiLk9vb2/XuvXOuKCeEkNGovLm+3u12R0dzAIBS6uLiYlWv/sO//fez4ujnf/5XVpr6dp/E2AOtRLc8W7z9+OH4eLnrwPUevnm3/+bNJS46bZQaLDC85JgjYGRDVTMjfNtUygHCU+echsxTNliQkGXd1waxchRB6LVrMXFRjLMYethSDkvEfS/2HzfAwQKUnXMeIIgwBMg7YKxSShmjOOdpGlNKpRqUkt57CIH3Xqv7pWsgHdkHS4BQFkNtDZtwzvmjZfHjGTAMQyAOj8fjR1IjegjNAAB89fWb+XxelOMHbAQCCIxQhJAo5oFAUm/34dBq2p5Smub3nvX3ZE1g6/YglUQCeu8HKbQ1eZ5DjOr68PTiyX6/11pTzrw1bVcHWUMc813dxUlUjrKmaay1mGNjZDtsOOc0QlobACzjsXOu73uC2TBIAADGdOg1RhwCqpW/3awnkxlLUiNN16vtdvvi2XMhhDWmriuK4dHRLEujrmu6volitFltA6v9aFSMRiNr7d3tal/t5pO8yMqjo/kf/vCHyaSYz+fOGGvtq+OobjtlQZROMIub3jmYlNOnxXjqvW6GjkI9SF/X9bTMfvKj77fbb5w7fP/TH+32H9r94Xi5oAh76FhEvbfaKuBF362OjpcEbGlCf1bul//89P/x//zV7bsPfHkBjceYDcazZFIPEgDltYbKLCZpwslmvdr6+5Bo6L1QznqdJclsmksprdIQgn4wEGIKWLNrE5oOffPu2wNjJEuS/d0lcer52TyhdrlcMIpHZX51denVtrt8Rwnxu6sX01gIMRvPplPada2VLmWFczYxVFkzeKeMbup+kCZOs8X8+Ha90doW41GapNc3ba8V4HAY9hARjKmmSBvPEKZxzCnVWh/6HYAIMSyMFsYiiDHGyBHvqVIAIpgkWZpAqQatJYQgm0NgRT8c5pMxQbG1JorKXsq6Gc6eP//mzRfWmqbdP/nhk7NXz9ZwF/emU82gIKZg6IZDtcuTdDafbA8my6Ion2prEUGN7DTSvW6pmZCwwBm6HmEKISyyvCiKoDExxhilHYEIYu8BJSRmPNyH3lutHcYYYUDR/bjdNDWEcLlcBkagc24xX9bDg54KOEIIJzjijBCyXt8RBLM0xhjLvtcajUaj+Xzedsp7SClPEuicC25H1pqAohLMLLZB6OEcyLJis96meZGmeVUfbm9vD02bxGkxKsuyXK1WUspS5mqwfddNp+NPXrys+nZ1d8Moc9be3d0RhIPjyu3NnYOIRSkh5Msvv6y6rus6Qhh+MHZACBPKKGXWWooxAOD73/9hzFGe8lEWWT3EEe/bxlO52+2Q9+fn59NpmaZ52zaHwyFsV8aj6XK5bNv+48erd+/eFcXo+esnd3d3u91ua9ZCiDSLEUIYoizLvvzyS2dt6DjG4/FkMlmv19fb65/+9KcRSvu+z+MMFvnQH5KYJWm+3uxYFO8OB2GTQ60GKUaTWW0c8gBCaKEzDiADtXHGgV5IyqI4igDhgzDWWwAAgt5bSbEnyFv9AOwQZI1FiBBMoIfWOmM9sAZDgjHmNJhg3DfmoQcHIA4fupRyEMODR2Og2Aeq1eAfHqHfpPQfzDTog69sgCwehwDw4Apiv5MB9N2eFwAwnU7DcPOoDAodNHxgkQdaepZlaZqGralSKrT24XRxD/k4AS4P6p7wOjnnVVWFTvkxXzRwTIUQ8/ncOdd3Q/isjTYJT6zVIffcGIMQoc55DyC438LFcZwkWQDNEUKMMRJj7/0wDBFlQogyL4ZhQBA2zQE4Awlpm0NT7+XQQAjjmE/HI845jxgAoO9a51yaJYySMs84Z9fX18aY5nCIGNts7pqmSQlkjMUsRjSWxjt3bypQVVWRx2kaJzRKI+6t2+821cb+5EdPCCFd1+VZcn5+7p0L/EJCyOFw6MQwXyyPjpc8SpqmI5zl5eiTrPjFL37xxZv3h8GK/RZHRZ4X/dC1dc0IHY/HDGVKDpum1sZ49MDs9sAEdxfnLGfGmL6trbXA+9lsmmdZVVX90C0WCykH51ye58vlIs/S/X57d3N9qHZZlhwtZk+fPi2yRAjRtrUQ/c9+9sPgWT0MQ11XEBHGIkzY4XDQ0kSMYsIYj/tBQcpiTvM0u729vb1qSRQDb0dFRljUKamlwhGJOGUII0gwucfiMIQA3kfreee9s9ZZD0wcMWutt1YrEazLk5hTSrVprTFlmRtjOtEQ6Ch0P/j0e3FE//iHz+q6Ksr0h9//AY/pZnWXZnFZzq21h+ag5aCElKKHzlOGh6FfLBZlmYcZNEj2KMXee2KthQAYYzBAnOIA50kh+raTUgHoCCGIEAcdRgghaJSED/xi51wECUAg9FxBG/k4MQUaWeTvt0neBYEich5474uiiDkr8tQYs1cKQBzwvveXb51zAVVVUjfdENgXRVEAjD2CEFNtvZDaekgp1cbs94deyL4TytgkDskDdr3dSSk5Y857pWQ/DKmI+75v6xpYN16Mizy7vuzbtm0af3NzU5blIBVjjGB8dbvuhczLMcQEOQQhdsEkAnh8r6mBjEXT+Ux2DaXUelDXLSVokOLq8k6bk4vT0/Fk7r3++PGjkl1RZP1DLuvV1VXfC875aL5I0/T9+/dCCAJRYLlkWdLWzaGp3r9/N51OR2WJMQbAGWM+fvy4Wd1NzqbL+cJKv7ne9XWXRJwwaqErR5Pbd29G84VqD5jH0qqq7rUlwZcUI+ARsh5qa42HnrJ908VJxmmsjB2GDmDCKEdOi2FHCEIeiME4rVKe0AhJ0VljAaIQQOuVNtY5RWkQJt3bs/xj8PB+O2QeRKEIIQCgcx5B+NieB3I0eGA6Pj7PI4sm1Fn4kMLsv0NyD996XDM+wjhJkgT/CfUQ4BkuzkfrR/sdDRR8yJ3438EjgXIT0PNHgnzYl+63u+PjYxbx3W7XdV2e52HNcDgcjo6mbds2zV2aphAAMcg0TT3yACDvPPDYO2Cdhx5BCLfb7atXn1ZVNQzDxcXFmzdvPn64+su//MtdW0k5GGNpkmrdl+Vkt11HUeSMohhh70TXAa8JQTxinFIAHHSaIe697fsmiqLRZGSMgdAj4G6vL6MoekzUEEJMZ+PxdBZn43Ywq01ljHHGOmDSOIkYVRBYLa2hFNOEM+DN0Haz2eTq9oaio+V0vr67o5QmPOq6IS3KZhAfrq4Z5/PFsun6tu8saDCh5ShfHs3jQWpvD63s9psoz6ZF4pxDzngEheiFEGnENbgPq/LeQx8MWJwDYfcmvXcEYcZJnEZCMAghYyRJxkPX3N3dHg67k+OjLEsWR7NRUUo57Hbbvm/VZDSZTE5OlsBbY32cZBnGBMPRaOQBopRq64wDcewdog6Rths2VTMIZeXw/MkZw2DftABBhxBARGgtmpbHsZFCOUAxy8sijeKu643SiAQlMIYQIoB8MLPzhmDmrLJWW+UxhpQRRmNGPGfRXg7e+6ZtOMbe2/Xq5uWL52enR9++/WI6GU8mxQ9/8L2rq8uPH98X2XlVVWGd0Pf90PVGyzTmAIBH6nMotlJKrWXAiIgxhlHCOcfkXqsth76qdpBEFhBCSBxzRLkbFLDGaJk+kNikHLy1Dxks3hhTFIVzbrW+o5iUZUkpretaeRo6fu+M997AECaCk4gjBI31WmtpjJTydrXeV3V1aCjDAACltPeeMg4h01qXo4mUsh8EAMB5ABEGCEptprPZoWq62zvKozTJPIKD1EZ2xhiMKed8GAYlB8pw3/d//Pz3cZZGjGupGlf7kFIFwGKxePLk2b46bPeVkiaJY4hJEkUeYi0VAABgBG04xjxFmDAqpPz666+bej/OkzShojtkcRTF/NPvvaqq6rPPPsvyZLGYYIIgwN7D9XodRZHThjH28uWrs7Oz/bZ6+/bt+49v0zRNeIQQgshLNVS7/TD0p6enz54+lVK+efO1tXY2nmRx4qfTLI0//8Mfi2yc8rTaVggUi6NpVW+3lyuhoYNRlKDrzXC92h3aXhpUpBQAj7DDHjvgDUAWIwyZdxbSyAGolHLWJpzHEYVOK9gnPOHUKaWwdxGLGSHaKWe9sxBCgpBnLGj6kXbGqHvANwxt1jqllFIiiiIAHIQw4sljWogxhjD0SILED1a6j0i6/w61HDx4JD1+8ZEV4x9U/vA+Su0e6XYPpr6PoPwjHTAsvcMpYox5jFvquo4xlmVZIBcFQDwsgeCDh+p354koiRG5l9eGFzMMsuu6OI7loIyyCFClnHPOe6yUw5gCjwFwgbwOAPHeA4BOT88vLy+fPXs2m0y/+eYbitFf/MVP2rYOtJwiywAAEecYgWHooLeL2ZQgYI301uTFeD4dU4qFEN1hPwxDyjFjMbQ6TdNilNd1E9oUZ3USl2mWUUovLi4mk4ntmyzLojTtZGWM9sAC6J02SUQJ9tZIbyXB+WJSXpweYegxrCPOT05OkigO0xWEEBKsB5/zWBp7eXVtvTMAQExCcE2UJmdnJ71Q4vqaI8Og5hj2h/VscawMqA4bwhkhmFLsIPDOa+OAd5hAwjhBEBMYjOFoxAgCUg5NcyAEIOJHZSHq7fFkuVxMN5vNbrve77fQ6zjmAFrGMfSAIFDXlXMGAn9zcwOtGo/HR0dHeZFSfB82PfTSAWg9BBApBxnBxirsjXb+9vK9Uyql2BNkrJdWQ6MigjkhECDngDGmPVS6FwCAOI6MEiFuA0AIEUEQYoy8B0YMwBnojYcAIAS8t8YrqRHB4/EIQwQiPipzjpH2NuL422++htYy5LOIi7YdmpohOC1GsuoQAhhjRhnB0NsYY3w4HKbTSUhtdd4A/w+aDwghsdaiCDDGMGEAAGNVWOhbaz0KfHJnrLZGAUyg84jehzwFokvwIEYIJWmc53mgZwAEoyT21h0OB+VpuBWD2Y67f8BgKRnkG2GJ2kvZdZ2HCBNurdHGcc5n8wUmsGmabhDDMARbXWUsgCiKM4QAjzLCVIpwlKRKme166ywYjUajUSQHYbRshUDQJ1lCMWpEv7lbP3v61BqtgT85OhGyH4ZhVE6UNWVZfri80hYWk4mQ1WFfsYhbqzDGABMAgi+PxxwnnGspd9WBYdh0bRJPjk/OtOrn08nmdo0xzrKM0vuhUgo5iO7eTKYsT05OJpPJ1dXV5m7NGPve974XesDdfoMQQgByzosif/3q1bt370IO9fZuHR1HJycnX3311fXl5Xq1Zaf0eLYkkGCMHYQWki/efjg6P1/tWuH5b/7w5cebhiZTjKlWBwegA8gD6ACxAHpMEMFWiF4aqVolB6sVMsR2qt/vx2XJiGYIQ+K8ddB6q51RHuHIO+wRwgQThhECVof9IX5Y6ruQJPZYjp27pyFiRDy4l02GvjuU2lBGv4ufPDbRj5X94YK511s+9uaP/bX9jjXjI1zz3Z8Smu66rh8nA/gQxhQWpI+Az+PBEKCbYFv2+NpC/vVsNguOLmGJzRgL6cDPnz+/uVkRQpIkG4bBe5AluVIqkIsQwghiCL2zwBobhgxnrBi63d63Xc0Y8Vbut6vRYqElyPN8v92lcdJ1TcQI9iaPecQpcMxolWXRpEgJwT1yy/LYe398fMwYu7y5hhDHccwQvHr/LUHF+ckJwChLk6o6nJycpEn0/utd1/aD8lV1UEJiCDjBwJq+bxmKOUZFnh/Pp5NRmUTMaHFxdmqUPj892W73l5eX4/HYOrCv6vF40nS9VDbLy3cfP3z9b/4DZvQXv/jF0auz9Wa72dwBJ55eHL94/qQ6tL1U//1XvwPy0DX90ItJdIQ5HaRo+86TREoFgOeUxQnHlBhjtdEeeoIRI0gpb6y0ziAMCEOT+QQBN4iOMjgelwA6CL02qu/bssg4pwS53X7b1FopVVW7k+UiK3Ln3Hq9xhAFylYYqYGDFiIIICdwmmdZxLyHu4NwznXD0A5COuuAdQiRhBtr8nJKKauqenW7Dq6r4/HYgABTBzW2QxgjBACE0gpCCCMcY4hJSMuzQqrhoH760z83QoqIRBhr0Z2eLI6Pprvby9cvnh7q/STLRV3nnPOy3K9WJ0cndV1ZYzDGaRJhiETfrtd3y+XRPWfJaco5pfftkVKKPGCRLiAwwef64uy07pQ00LthGAYDlFY6yvIk5gFPRQhFnN7fpQhxzhGCWirn3GQyIQRprbuuU0YTHt9r9oC7b9i99w5DCCdRNJ0vOL0X2iqlLISERR5iZaXxnmMMMPYQOYB22z2lNE5zhJAyjlJajosoZk21d9ZjyjiPre09QCyiZVmORqO722vvTJlljGJGEEEwjvh+s02jKOIRxjhOuDayaRoxqOvV7eJo2TQN5TEnxFntrWckMYgCELoJG+hqQgjNpbc2idP5tKy2t4TR2dHi9uryZnX39eef//SnP33+yXOlVNcd+r4Xfeecm07n5+fnCWdSyo8fP263WwTgkydPLFBBk5XneZkXaZoeDhUh5N27d3VdTafT77/+VDx5ut6svvr6C6WVM/Z73/uUk6hpmjTNrPH7po3z8uX3fqwh/P0X31iSrXcdjvNiPNtVnbPKWOchAZhZ7I3H3hNM2OxkYbUiwCJvkFEJI8hr5pXRe6EAtCllKUDQKekNw4BaA7wFGjhMIKIQQqi9E0YWRfqgKbsnflGKo4iF3vlRawMhhABzRkIRxw9pbYE//siI99/JEX1swx9bePwg1HyESsJ/H1koj0i9e3AbD1zVx+k+vKpAPA/s9UeLiMB+CXyVruvCoBlAnrCkDWj74bBHCEURo5Q757quwxifnp57D9u2zZKc55GWBkKYJmnnu7aXEDqMQ4Qx9NYqrYzSLC/+2f/wT2+vLqvt5hc//1nbtl998acnF6cKIkYxo1AMDUMeQTgpci3ldnM7m4xiio1oNt1O9fuEM+dcpdo8z7uYthDsVzdCqSiKpVYnx/PZbM6j6Pb2DgEn+/5wqDDGZTnGGPdDpwbhgUUYW++cN85K7wijMEs5J1iLbmgABNbqZLPZYIyr7a5puouLpwjhqm6VcRCxcjThWqHrVSdkX1W/+/0fqm293W455+OyODk5GY1GVVUPQp7OJ1+8fd9+WcUUQmD6vtNaQkLAQwdgjDEmhI1abxWE3nlvDIDIpWmcF/EwdF1/KLO0aQ5t21qjCEFZnECGKUaEIAj9MPR9X+/326PFbDwpizIbF+PJZNJ1zd36FjifZUnE2D2LHwCICYAYA5RGOKaRg+DVi1eHpn7z7r2WA4t5BlAntfVQKutl3w8CGD0uc+cAxthIkaZZEHMZ7R6BwdBqEIIxhpjA0OdYp41WWZYwSrerWy0Gz6kRg7dFtdlcnB0fTSdX1+h0OUMIFMVJXVe///3vQ3ZeURROq6ZpKEZpHB8fH0+n0ziOgtg7JExBCLXWcYLIo3gh3FRqENaoKIq0QRB7SqlDwHuPEYw4xZjavldKIURiFhvvuq51DhKC9UNMcFbkCIGgoImiCBIax3HE6f2pYjyEEBNqtKrqNsgjd7td14tA4crGo2HolDKMxwjT3f5wbxoFEWGUx0kAjyjCECMhddMPShtorLMtQHA0GgVMvx9agnBc5FkSYe8oRowSY9Ri8lKpIJ6H15ctxjiNk8123x4axjhwPk9S7xyFcL6YEkIGp4QQSmroQRjElVLe2KHropNF27ZS677v7+7uuq7b7Tc///nP4zh++/btfr+dTCbL5cJleVXtRuUEQnh3t9Fan5+fTiajjx8+fPnVnwjDjLEkikMNq+vDer3Os0xxulwujVRXV1d5ka7X67u7u08//TQvoiTOmqZv2tpDyGjkEFYeLU+f/t2vfnN91wg3IJ4nUWEAaoXMGXLOWeAARogw6LCHxEJ4t94YrRgw2Cko+5TBUZ4UHMfjZF81jLtynA7C7Q5Ca0URd8YCgAF0RlsAFPbeOA2Qh/+YfosQCAU8ACwQQozvYyjCF4M0PxRZ9GD2Emo3ejAD+C4JLNABH2Fu+JDp/N0f+ijXDIID9504JPDgC5amaSAvhvYcPrgzPiI/jz+FPMRnBygmnB9hixtF0W63Kcsyz3NrfYigKorRbDK9ubkp81EQVRFMAQBSKAgQQoE5HlLTnHMO+hCW7n71y/8WcVaW+fXVe+Rdmccf3785e/56Np+3bZslsXc2zZI8jSvRQmCBUR5jAh0EGlqMAaYEnJ+cEcIgNFLKUR4BmGKMHcgGqZOIQAwxckoMk3HeNQeM8dnyTCqtTIMxohQDA6SVzkroEYI2zKDWiMO+iwkYFfl6taKUDu1AOJsu5spYSgmPkurQIYLbXkmteJz++M9/ut/vd7vdb373u6IofvHzv5yPR11b3129s9YuT05fvXg6mY5ms8nH2/27m3Xf95Awyrg2iFIKPYEQWqsNtBRBRDHw1nsHkUcIYOIJgcA7Jfvb9lAUxXRWGqW9dxEjAPi2rYceOFtSDJMkmk3L4+Mj733ft4gQFkVKCUppxGiWZVqKrmuhB5gSihHCGCBojRdOWqXubi61tXboGXZZkWLCDl3vPOoGvW/aoRMY00lRMsaVNJ0YCE4s9pg48JDm4ZyzzlIWIYy0B0objD2PGGEcMXp6tKiqXdfWRquM5XFE6qqi3kzKbLtZHU0nHCOtJdQ6pbyM0zdv3kwmk/lsop3VWhPEiqJI0yTLEsZYGH/DrWGtDSof8jjnUkoR8EL0dV239QHRmEKcxtwjpj0kxMScQQgNIVorhCClBBrjjTXWudSFexI9iP0gxHGcEkLW2wojQMlD8mQUpWmaZVnftU3TfNM0nGKEUBQnMUK47xEhQhnnQJEVGOPdfhMI42mWQgilNlJKYzRhrKrb3W7HEEzTFCHU9p2UOkzWfd9rCYssZZQ01VbL4eRoniVZ1+n9+na73X766fefPH1aVVWWFRb49fqXFxfnytqI8SyNxdAj7yZFsTtUCHtntLOGUJYkiffQGg8AoARmWSb6ZjabzcaF9/rp06enZ8fMueD996iIcRbFcWqtPVSNEiLPc2vt1dXVoaqePn3qvQ0t5H6/7/vOWkswfvbsSdu2ouuHYWjaAwAgS9Lz07P16u7Fy6d/+tOfKGHzxYl2DkcsjvMP13fb97f/+e9/l43n+1YKDbq2gkQSRqOIWQ+dB5gQQKlzyHmEEEqSRAvAAELaGmkiSs+Xs5PFNM3Ux6trAKJifLTZi6a57jtJOEl4AjF2wCszeGAcAJjRiMBAQoAQIoQDDBrEU4FIHuxrAnChtfb+vhf+LtgSSmewNsMPcRaP2Hp4hK+H3WmggX/3LHls9IJBRejcg7lCKOLGmCzLHm+50JWHHxGg8NCth0s3+Mlst1trbZqms9nMe7/dbodhCPpVAMB2uzXGEUKyLIMerFarYRhOTs7UIOq6TpLUWtu0bRRFnEbBAznwIwBCCEOCMGekbzSGeFpmaZYI0WNogCu96Uf5oj1sZ6O8rQ+jPCEQ6KF7/eo5oxhDhwqep9GoyDkj1uofvXq62+3evf84tG0xmkRJ2g3DIKUe2tYoZZwcOm39kydPvn7zjQcUQmisDu8ShsggCyHAGB3qfZ7SaZZOpqOUIdlWQR55fXv7wx/+UAjFeWyN+81v/4AQ4VEyXx59/fmXd+v18dlpWZaL5dFkMgniiavLD1dXHxOGj5fzPIl3ux2ldLu5vThZPnn+4rMv3u7+4389DIpwrrQ1ygVEDXhrtUEO0phyyowVjHCMnNGDkkIMnbWSMTYtx2mc9H233W4IAvHRnGLSWxVHKQJOKc1ZEsfxaFRYrZ2R7jtpiEmSjIq8rq0YOiFFghNKIh5RhIhQWklj9NANZjwen53MpqrkUdZ2fdfWSvuI4MUoH2V5P4i2PXQOxEk2GxWt8QZggBgEIb0aWGOcV3GSQuiVkcZYADCmUaC0UYQP9f5oMXdaJQzHBHktnj09H+dZs9/94q/+cnVz9eWXVx/evo3jGHvPOJFqqKqKYTIel5PROObscDikaRzFDAZjHxcB6CG6Z4WRsCpFCHVdEwBHJYaIcRbHq22NgKecem2HQWPvnjx99u6bN5OoFEJs1isIYZolGGPRt/7BDOFRNhK6sACXt20bbu+AhNZ1vV6vg7lucFZSxgDgCIv6vg8uH+v1mlIaRXGw7mqaLo7vbRa0Nuv1OkzW0t//rCLLfY6UGJIotlqKviPQ7/p6Nir//Ec/OWw33779ajabnJ4cvXj+9NmzZze3twj6r7/+8vb2lkaxtXZcFMYYMXRK62dPL5xTp0ezo6env//9H29v7hglFCNjnPXB/Ry1Xc0pMkp4ny6PjqDXTTtQygKpaDKZXFxcTKfj25ub7XZLyFGSREELd3d3t9/vI05Ho8I5t91uIITPnj395uuvR2V5dDRP09RItV6vD/U+iWJKaZ7nEPo//OEzRuDF6VmcZnGabfaN8x7zqGraX3/2J4/im7uDw7F12FiFoM3SrO1XEFFGmEXQWgsRZohACK1Roq8h8rOcF6OjxSh5ejqblOUvfvH8b//z3797dx1he7ocH6q267YIOiUG5bz1BiDPOEYQQugA8Erp0PCGz/FwODyK6EK7cF8+HrxzA+EksKTiOM6yLPCjpJRVVVVV9WiZCe6FHvcq5aC0DDFAZVkGGwDz4JodWuYgsAyAuxAihP+Fl1HXNXhgOoarNOzPAycyaF7wg/mJ9z74GoZwSOdckCkhhOq2OVmeHg6HYTgsFgsAQF1XRTEqiqLaboKitdrtIYQx523TYO4IIZwRqyVjVAzDZDxar67369U//+d/89vf/Pfr63f/l//zv1hv7v64uV7ORtKRD2+/ef3Jq9VqRXwyKbKuOfyP/8NfJ4wNfVtkUVPvk4hPxnld7RFCd7c3QojJOD85PgIQtoPA3nGMjxazP37+RZwmJ8fH08n82/fvFpOx9Z5iOB1P6kPTtXVajimAg5SMEUaSuq4ZMF3Hi6icHy05hkIIa/1+fzg+Odtud//9V7/7+PFKW++cPzt/EsdxVo6890mWhaDHruv+8i//Mo7Y11/86fPf/+Z4sXhydnp8fHx0dDyfz69uN7oTn3zyyfowXP6b/9i2LcIsiXOEkNYSARfFHCMQR+xoPtVGiL4Tss2zlFI8tI3zphk6f6gChXRxNIsoQwhwRp6WFwA6TnBepF3TlmXet8319fV0Oj009TAMwBnn3PX1dbXbTsbl8fGR0+bNmzdNc1gslgjjJMnS46P9fr88eVZV1eX17Y++/4MoTj/7w+fH8+ntagMQXG+qXilEaEQBIYxHGDghNdZGS6kxxgijXgzOubIcIYqF6DHlvZIIERpnvVIA6FkSQQ/yPD8/Xvyn//BvVdf83/9v/9cyjbUYXr548v7bNx/evXPWFlnuvc8mE1TkbdtabRZHs/l0dn11udusT06WocXpuoYxFuIlrLUhk4BYa0KQ4zBIay1njHPugd3vtqJXxkFEJMM8zxJn9PXlh+36LmgcYh4hgrM045w74G9vbz32AFAP/wFUcgDEcfyY3XWPjWoVOinvfdcPznXBXTqEnhhPHn05wl2E8L2ZUWi4Aj0u7Mqcc16Kx0M4TWNOCcWwkcMg+rPjBcg5AQ5aU+SxX85HRZ5SWlWHD+/erNbbOE4I9lmeaOsPhz2Arshiox1PYgAsJQgCyxCYFNnQNsMwCG3iOEHQD53CBMq+53mc56Vz7vLyQxqzcTn6zS//7oc//OHTp0+llLvd7vLyUivBGH/y5Eld111zgNBTiifTEQKwaZph6J1zURQpKcuyTNNYa/3+7bfWWmNVnmaj0Ugp0fftaDT68Y9/7JSOeOy977pGqgF4gKTgaY5pgiiByjjAMIZxjB0Azsi2E5QDzKkHwAJrnULYE0y0GsZZNM6inAIOdcpRwlDC4e3V+/k4G+WfApxdrQ4EmiJlNEqURxbiQcledEoJCrBH1hhNMIHQB8dXAEAweAifbyjiQgRBQ0DA0ePjsYCGehq25fQh5iJ8NwA1YfYKIEyACgNJnDxkvCGEQhsejvl/mDsRsg/mKo/+M8MwhGTRAOIppQItLMuyEDAUqvzJyUkwbwgur49j6GQya/sOETyfz8P8EVYIFONay6auIISEAgyAdwpDC73mlFol2vYwHZUUewo9J/AnP/6hGurT5SyN2duvPxdD9/T8SClV31bI+zTC0zx+e3fd7rGU8le//LsQKRdxcny04BTutxtntNLCDnAymcQ8atp2GAYPkFSy2tcvPnn54vkTFkWURdXu7lDtwntS17U1nhAyGo1aIQCmSRpV+5ogADEcpLy923gtzk+W58+fnJ8ek6/dbl8fmm8IYVGS0Sgd6lZb8Kcvv14ul1mWaa3LslzM5pyR9XqdxPzTTz91Wv37/8//+8s/fXj+7MPZ2Rll/Pzi+cXLTy8uXhx6M0idJEmSc6k1NJYzEvMEQ0AoMlIaJZpDtbq9Wh4vnl9cMEbE0LVt3XVSS+UZC2k5acwpxRQTbaTo+yJLRqPCO7PZ3DljJpMxQmi9XuejI4IhhIRzygmOOfPONE1DIDo9PTYeEIIQJn3fUhefnJy0feucKfPUGOkdO13Oul4kUYwJHZf5Zlfvq7rTIo5ZmlBjDLHIOez84LSD+B4b7IUwnYYIlaOcxJwxwuKor4TWMuHR5NnLiOHf/urXdXX4ix99b1QUs3F+8/HD4XCQQ/8Ybei0ifLSKVmWJYYgWJU9Ki3CeuYekyT4gaBl7+UYGGOKcW+sM5oQxAiGzmutk4glhAfPnQRiC4CxFgHACOGcK2ycc8YohBBA/+Bf4R8Iy+5BIeK+Y//vvXcQOefmZfm4yHqknSGEEKTkwU7aGKO0QBZ57wm5Tzo2xgDgwxhujDldLsMEjQDw1sqhqwdxt7r+2U//PEv5Ydtap52V4UZC0O42u/V63fVl3XRa5x6iLEsGpaNozuNoOp0KIRaLxWFflaM8TdNv3n9AwJRZ3Hdt37WMoDTJXaYJIRC4IosIBm1z6NvKT8rZdPxP/slfa23fvXsXzHKLojhaHBdFsdlsm6ZGwCVJhDHOeOat3e93Wqnj4+OyLK+vr7uuMUYdzeZxHBOKjIqVUlHErNWb1R0GcDaZXH281lorYQz0lPPBmneXl5fXe+MQgMwBZLRHlHIKrTdGCwcoAhQjihDBDnjnENDIG9XukiyiAJRpdrqYXiymaYS1FATS+SSXBm+rQQ418AIA0TTKIsaSnBEvoLPOIoQRwgBZhhlCKOTtBSrLo9uJ996Yf/QRY4z9Q15oYBaGjWUgBQXVftM0oeMO+Dh9iJsJzxw0+l3XBTsUSmnQEIW6H9KC7qVSjOEHy1PGWNd13yXexHEcklWUUm3bWmtDpxL+fpZlu90OIRSsaB/XpOERwECKyX6/hx4kSWKUiLIsiXhrNAYgioPexJXFdBCGUthrlcdkPit3WwGdWM5H+811PzRH89mrFxdWq9XKHOrdl3/64vzpJ30/tPs74r2VLbDxD1+92O12GIJv377ZG/U//tO/ns5G/+U//W2SRufn5052IXpptVrtdjvKojiOo5j1fV9kCSIMY7xTYlKk2hrv4N3tapAiK0YRI5tqH8VZWZb3hpSYQIyUtcJ4C5C04NAJhJm0zmmBCXAeZcUkG80ZY7c3q5vVnbm6fPXJi67rlOgIQa9ePLdKO21OT0//l//Tv3j79u3l5eUfv3pLaPzlu7vnq3r6zVWn3Pv3H6213qrtZvvk6CyKQhiQR9Abr7UcWm/zNI4IttooozGE46KMKTscDuOyGI/HWZJYq60FMY8IhkapNE33+31TVzHnwvuqqo6PllEU7ZqBEk4gsNA5D4xRQvaHfRVF0XQ69VL2YiDY3m13QoiLJ0+k9V3XQYj3X34eR2mel9a6SZE6ACEYRYxGDB3ahkcxJE503ShbUkqHIq67XitroYsjmudJVVWUkTSOmq4+7Ld1g5xzRZEddocW16pv33/77uc/+8m/+F/+59X15WeffRtTFEf3vN4gsCCERmkyZhgA19bNarWiGBOMZ7PJbDYLFTzsqwIuiRAITQxhmHhj7YMbHHQ+QAdZEiPKMY0tJMp662HCY57EsukopR56b7WQWinV43s3Eh+MRoEL9IWwBwu3tHnwDkUPQZR11z/SfiFEkGCIEESI43uQiBGEAHIOeOeBt8CGRB4D/b2JNgBAI9A1LSHEW4ch4JRQnOIiTyOcRFz1vTUqz2Ij+uvVVV3tj48WHMHl0fTZi5fdILt+2B+6vBw5D2ZHi7bt+75Xsru5/rDfbPe7eDabtc2ecz4eZVqqW7l2aoBJnGeJM4oxBrzb7zZWD0kUJZypodfO3tzc9E2bZcVoNErTVAhxOBxOTpeMzYosds7c3d06byLGlFL2YTcYON0EoiRJkjTSUkkkpRwQQtPRWA33AWZKKSX0YARNoul8vtrXX/32sz99fU3YVGnmLDTGYmAoRthbY2WUThDBEAWWoYdWOzM456CsF6fl+XIyK+MnJ/Pj+RRYeTioj+/eYcYgjHppMTSLeV5OZ4ikv/ztHxIUYcYMYMYgFlEIIRQAY4gxIhQheG9B55xxDiilQphAuAycBRBA76Dz9/SnR9DPPQiOgo/mI3QT9pyP0PnjgjRMA/DBpzdcx13XPf6T0HcHADCMemF6cN+JUgrQDUJoPp+HYwA+OE2GuI8QgRugnrOzsyiKQn5snGRFUVBCm7qy1o7LESZwXzXe2ySOyjzx3lOCuk5igo6Wsw/vL721wMkiT6ajZHPbW2xOzo7bZv/6+TnFGHn16tXTaRF99ZX+Jz//qffUuVESoXE58aqvqlqLHljtEXr18rmUw7tv32w32Xg8JhR9+PBhnMf9IBhjx8fHeVlU+9oYQzimBEGEpJScJknMjubz7Xa72Wy8MSHVywLNKcUEQejTLMOEIOgDWYJEMWLx/tBvdwctd84BB1BTd500xXjKOZdSA7T5/vd+IFW/3dx9/aX64Q9e//DT12fnJ5/94Yu7za4oir/+xT/99Ac//vtf/vLzP33dC2Ud+dVnX/TqD+Vk4QG2xjtgIkYx8sA5bZXVhhBEISCcp0k0KrIoYlrJuq05I/P5vEizPM0YcND7YRiMUQRhbx3B98zUu9Vqv9++ePosikBzOIRuAEHIGCMQNHXfioFRzDAJhk6MMYRpnBeUcofIZrPZ7vcO4bquF4uFlFJpwci4k8N0NhJaA2cjlhd50g29A9ABUOaRpCPv/X6n1GAwth4ZY4xozLRIhVaiO6iutWpgniHgqHP7baWUQE7PJvM8zW6urg+7LcZws9ksjxYA4+2HXdu2URTzKNXGxTGv67ptWyVEzDnLsjiOKcPuO/ZtCONQ34PeiAS40Dnz6EvnnIvjGGLX9VKZgUcZhkApKYBnnDBOjTFSqEEKHxwDPPPwHvpUxtjAZLj3/qfQaQKB/U6QrnvwVHrciaGH7wIAtBSP6AplGKHAdERaKwghQZgwGojt3nulmKhryhmNo4hxgiEkbFwU83H+t//x3z1/evby6fnxfOqsVF0yzeNXn7x4/+ab5cni4vy468XdptodKucUxKTvu65rrq+vKcZC9M7a/bahGDw9PxVCeIA4ZZyRtpNeK++9NaYRnTOaETAZF7NJkcTcGvXu7dsoil+/fj2ZzDabzWazo5hQSt++eYcwKNJUyPbu7jYv0ouzs9G4qKvD4bBHCJRleXZ8MgyD82a9XjtjMYZaa6dNlGZHR0dKSyFEzBPGmCcAYIQwEELc3K2qqmZJ7CHyHiOPnLVOW0wswwDSzBltrMHQEewpsM4qp/ujUfyTH7z45Pm57mpv5aFaRYyNJ8U3122a5aPZJB/HDu46ueOMTuazqjslUa60A8gNg4cQOee8dfLBppExBgEO+Z9aWylloK475+y9ftMCABjHoaQGCD4QwAMQF1LLAyYYAJBH5P3RuVAIEXCSvu9Dxul3cfYsy4JINbAkQwUPVf5xsLMPyXYhGqlt27qug9QoXHhB6A8ACGC6EKLruvBsRVEc6n4+nwshBqGmkzFnZL/fIgTE0DOKEHAQOAAI8MoaL0XDiS2KQiUQABBRt5gWs2n55Oz4yy92P3j9CWeob1uKwDhPnp4fvX79+qsvv5nPj25vbwFwzy9Ot2lS5HESESVkHMeMT6+vr7quvri4aNpD27ZpTK21xvqiKOazrBhNwksdj8fGuN1u572FzmJogVNG9ZwlZZy2UippJpORcKCua0AoiyNvrBS9Gczu0BZ5CzxCEB7NF/t91R5aqR2JktF0xmhU1/WrT79/fDQF3l1/eLNZ37578w2FDgFLEZ6MS+fxN2/fO0hefPpnND/61a8/66Q2zinXG48dQMMwUMonozHyGjrv1GCNoYhRSjnBaRZbrbJxyUejiuC+b3UvOMoyntbVpmt7xmmR5YTgYRggcJwSCPHR4jhsaCDy8+lsNpt+/PgxywpKMbCOMYYQTGJepFmoiW3Tx1lalGNlzPI4yseTu7vNt1fvu647Pj0dTUqKGaW471ujQ7DqXjsbpwlnSGqVJcny6CQZne6q/TvTIk094kOvt7tKyKacFbJtncUFo8vpAkJ4s7rdra4uyqNBmDiNfvYXPyoSenl5WaRR27aIYKW1FKITA0AYUy60Wm13wgulVBxFR/OZt07JoW1bAN1kMsEYIxT83e4veP9gzEmsdRBCHt3bQANnCEYRQ1XdSDUQxnmUKGO7rlVCEois885bBAFAmGKCCAEIKqMfBYAP3GHgH3KKOcGIsscWDGMcDNYJ5Y+1HgAPAIgTKoTX2hH66CDqEIKccwj9Y79mnTbGCCmm43EccymlM6ratlKKvq4QMJ9+8vL7n75cTEdNtW72W4IcBv7y47uhb5To3n37TT8oj4kQA8SIUH633RBCEAZnZ0voAY9otduVZZkUyeWhklInWXFytKiatu+ElHo6mW82d8abxXxyspxTApSSVpu/+Zu/2e12nLAQcwwAmM1maZr+8Y+/pwwzjLM8Wyx+OF9MFvMppfTtN29CYcriRGvd9Y1SSg7i9PTUOdM37e3t7e3qJpgFUkrTlBHCAISN6tebzWa3EUKkea4MtNYDgAhGAFroFHSWEV8r74xz1lDoEgopsZwAiPCzs/mTo0lOwUZ33ioNCYIm8uTVq1dKmyhJoqyU1n28uf348esPNx+fvvi07vV6W1sjQhqjdwADKI15lOoA8A+aHUKIMU5r7Sz4LkkxTmhYnJqHSM9QdulDsHIY5kJhClKgx/49/JOA4YSWJKRBPpLZEUJhNnpMz3gkz7RtG3a5oVg/AjvhEg3HRjDGUErtdjut9Wg0Cq7lXdcFl8QkSaRySplgoDidTjfrVdM0ZyfHVivordISQUAJzPJIKVXtbiEEo1GsBnB9fV3t0Wyaf/LiCWc4ich+t3r29IKhpNnfEYRSTtc3V072HNm+3u/3h5OTsyenx0mSWOuEVqvVajQuXr58GW4EKeXFkycEY4yhEGKz36VpOp/Pg9tS8KpUSnjvlRwOlaUEzWeTb97sCSFD12sAyjj2xrm25ZTu9gdGKaHcSnG3OwihZuNJniWfvv7R3braVM0gpdGg7fTr16//7M9/Mh2P3n7zleian/3sZ2po/+t/+vf/+T/+x3fffPX9H/2sGI1Zmm6rTnt8dvKcFcv3q/aP/+XvZ4sjHJFeOkwA5zEAQHT98emcENL3UHQtgQA5q6SCXpdlaZUetDFKQ4+ssl3dGGOimA7DIKXEEEUR89bFCS/ye3PHNIonk8moLIOGebk8bgYxtJ02MmJ8NpslMSeEYADboR+URIrXbburaoQpIUwYGxDKpmutNhjCruv2+33MI4RQfdiyiBfJWDuyrwTwiqI45yaexglc3mZkfbcTVTWKQHm8RBjCUcKT2DnXD13XdU7UZZZxyoKf9nQ8A06kSTKfT+9WH19/8sI513Zdluej0dg6UFW1UfLj7ccoikbnZVmWXdMaLdM0HY1Kzmm40cLtAx48MIwxRCmFMXkUgADognCD8aTMC2U9wFhrDZwlCFlnvPUIoYRHJiQHOm+dhoBYa+/xegRDKx6G3DAIE0IIBP47hGJrLYDYAx1QdfjgtJknEYFIEw0AACFUzDmMUCDueO+dM9Bbq5w1xmmDMQxGFoQQ4B0EzighRVcWyX636apNV29TTk6O5xEhTXMAWZTEfL1etZ04uXhSZEmc51lR0N2BRhyDaZxwBGBb113fiL6NmnyzvvNBNIMoJzgelwiRoiiKLBr6llPkjLYQAW+dN5zzw+Ege5EkGcY4TZMgMkrTlDIcCsd8PgXAvn37Vil1fnqmlMIAeu/fvn1LKMqyrCiK8bgMzl9CiPXm7hE9iFguhIDs3nCcMUYoRQgzFnW9D4H3CCNtB28kBMB5AjGkEGGgoZMUgiLmKedHk4JB29UbI/rJtIgiNgxD1zXLUTJsdtvtNjU25vjk9Mhg0PQGONnWu2pfGeUx4cAj7S1CpChYFEVN095vsLUDAAgRjLCtMQZBEhjfQYgb1iqPcMfjVjPsOUMVfqDDQvfgCxaG6/D7BkAm/E9Q/YSqbYypqmqxWIRvhS+GVe0wDEVRMMaChUso3KGrGI1GAVB+hG7CxJnnebDayLIsPOdut7u5uSmnixAuk6bxMAxd11FKGSOIYy2G4EwplRmNyzJPmqbB3om+0VJ4L6RoIwqcVc2h/6u/+Em1u2urrdVSCTFfTMsshdB37eHLL/7YNd2kzIs0kkq8+/ZmX9Wj0WhUlpQSIYRzhsdRORoFgGg+n5ejSV44CKHSdrc/bDd3xpi+78uyzOJkPh13XRclSZElVzd9eAZE2DAMOIqWyyUg9Ha1xhjzOGaUiq7fVHXXDXmS/umr6Pp2dWiauu23mwNjKw+xh3i/30eMIZ90bXs8H//Lf/kv37/9+t27t9vdum672dFJnBZOwX3T7RopPcZRFhcTc6gHpUY8ns0i5P0gOoYRRhB556z2CABEEPTQ+SLN+q49HA5aDHEcx4QBB70FIQszNExSRknEEYoBAId9VVW7Iku6bsjSdBiGw2E/nU6JNq2RSqkkirz3gSIS6Kqj8VQodWg6D5A0tqqrfpDZaMyiBFMihAAQUYpHowJhQBAcj4rJbHp6dmatzbLIOEsI2Vy9ZYwxAEcRbpFGph+l+eunJ/tDnVDI46ju2q7qgB5OxqNPXr1o9zhPs3GZvX//fnXzfjkfHx/N/uzP/pwgxxiVWhnnAMSQIMpjjHGe5wghY/V+v1dCjsr89PQ0TvgwdMMwBIfzMi7DLipMw6TrujwvAACBVuwfQr8KzCaTCSRss6vudgfrfJSkCedXH66CSTzFSGstlfbAI4SM0ohQRO4zZ90D29c/BPEZY4QW4eahlGZZFpwgAxrDOc/zPMuyzeUHfR9c6cMQHUAYf2/OBxB6rBHAGHN6fKK1Bs4zTimlQvTAqaFvXr/8ZFKkaUK9OXWqg85q2TurJ5PJfD49NLXWikAE4b03E4IEQkgo2mw2nNKb2ystBmOMP1TW+OTeBb4BiC6OjieTSV3XR4tZ09DLD+93G3l6cpRmsdPq17/+ddM0R7PFaDQKRcFbt9/vX716RQiyWgRr7K6v13e3CIHjo2XTNFrINE211ucXT/M067putVrVdU0Rvri4SLNEax1F0X67y8fT9tAwRLMiGy8WIMqS5Ivr2105njftfcI9QgAZoI123tEoogRRaIHpsLYUuyKJpyUjyCcRiXjECciK1FprncHkPurBKy2EMB5kefSjyfdoOvrVb//Q963SgrE0jlKhnNbGajs/OaaUOufDxYMgCWkJobkmhFDCgyCo74e+73mEQj7R4zblkakSuCshaDQ03Y9C/9CSB3QlXKsPSwgVvp4kiXOu7/v1eh3CQsNONXTioQqEhWegSBFCgpdvKMrBpT3wHcuyLMuyqqqyLOfzudY6GHxGUXRyctIJ64EvigIhsFrdGK3LspBSUgIA9Jxz04umbYssLSdjQtDpfL7bbxzHR4tPyzxrmwMnmOMYYcA5B8AZo503zaFijL16+TJi7O/+7u+c8U8vztO8uLvbpWma57mQ2hizXq/Pzs60lt++f1cURRzHddfvDjXAJE9SKYftdmuMyfM80HuSJJnNJkVRvH//PvD3X7169fHymmqjADq0dc750dGRtG40GWutldYxZUmSYIgI8ADhy6sbCNF4Ok8yHSeFMe7bd+9//etf/+ynf/76xdMySw6Hg+rrxbR49uzJp588//tff143TdN/Wyu/b3U2Pe6U++yPXyxOzsfTI6m9lLt26JGz09Ho9Phkd/Mtxritm2EY8jzP0jhP0iRJhr4zxnBCIfPOWCHEZDyeTiZVuyOEJFEcAICwBemb+mgxXywWWRLtdpvNBoTEWiXkycWZM0prHUeREKLabwkhs9lMa0sIqTcbZdzxyZnQZnW3GQax3+7G4zFhUVGgJIqXs/nQdm3TEIKiiGEIhr41LoTkEQjhJI+ruuk7kcTJpy+fzacTCMnJ6cJZ0zZVd+g5Ic8vTqMoIoyenJzsc3xzc4UQ2u+rmEfj8fjDhw8E+8koe/78mXPu6up6s6tGo0kUp4yxZ8+edV0HvGvbliA8Go3ihFdVhTFs27aqqizLZnSWZVmgehNCiKepg3xQIE1yQiin7OT46GQxj+J03xwMwB54HjMap9aB95fXKOaD9w446GAvDYKUEKq1BpAhSLzxSg3WWoQBIwhAYMh9zLy1lmGUz2YB8ZRSIqSN9daGaD7c9/12uyUwQTQmwBs9ONk6rbBx2nbeao88pZRQqiEYEOZRFMfx+u7SOTf07c3l/snF+WJc3lxtny5n25srqEaLT17cVXunbRJHb99/oBiNj87j8sjjlfN117YU+GF3B/M4MtY5pxqVKGn6dh5FBymrru9RFEUMY2ysKEpejEeEGY8O7XDTCSgHMZvnWXZ82FfXX91EUcSz2fxkwWOO49TU9a7enp+d/PXLn1klnZUE8bY5/PGP7ybj8snFsXNO9U132FFKk3j0ycunQoi7rn0kEbVD34mBc56XIwfgeD6HvpsfZYeuVbKTYpBDNx7lk7ncVLc4K6OUdbq31iNOPcyNVbMYeCu8GbAVBMuE0zxBeUxEXW3vVpNRbp2WneBxPMonyth122VZRpTmiAKMUw20cbdXl2NGyKx8fjS/urppu+sxjzDq43EM6Ojk5GQ2U59//nlVrcuy0Abvqzp0Q4QQB8AgJUKIcjaKuDJGWY9InPEUOG+sYoxgHCJtG22NAYakxAKvrHXEHrGkqqosTYU3CAEKbNu2RZYdDgdpDGPsaFIG9SbAoJyNjbVC9BBChqBWg3CaUppyAiFljGYR1VpDqxilgKJ6v0nKRBs8DNJaN5tNOOfGOCm11hYhp1QLgSuLzBgmhBj6A6MJ9GC3uY4YPp4Vsqv7bkfiiBlU5NmkKJGfQesXs1lZlkbp5z/IN5v09ur6k08++fDhQ0bo8Swaj8fGmFvdFlm8U8MwmKrRr169urxdMRqfPn1pjOm0Wl9+yLJs12zH4/Ht5nIymRVleXXzQUp5fHxEo/ju7i52dESz1dsrt1gIOeR5PpqPEAJCya4eEp4gyHbbOomz69UtJiym3XRkb1e7vjMJjUDXrN68UxY9nV3sDvV6va29StPUIyy1ITD+9su3k8nk4vnZyWJWd/tDW3WDIhH609u/t6T69NX3RrOJUeBWYEHKoiie/fg4LfL/1//6v/3t3/7t2cWTm83uw4fLYjSZUl29/wJKPWaYIooAiyFNcNykxWG/jWL27Okptmq/uUNoeHr2Qip7t9ofVFvGqQG4qqu4yP78e9+rD1cf3r3vnTw+WVKCbq4utUKvXr6odhsjG93TiHNgVHeQGadKDXd3d4yxNI6994SQ8XgqhLi+WR0f46Ic58W8arvf/eFrgPB2f8AYR3DMXO4lFoM97FcE+TyLBrFrGkURYdhZRqBFSJkiGy+Xyzfb25Oz47quD4dDmuav5kf7ant5+c2rl88xbJRSo9EIQhgiKpXa9JubBGgg3aKkACCjdnEcD0O/A+YP/9v/+uzZs+li8u7dO+sia83vf//N0ej5+dmp1trCAXq3vVoj5SNOOaYUkIxnk9Es4fnQ2qbScoYQhORxUDUPOeXfnVsp4dDCTnkhhHL3cHaoOKF18k4RQu1DMPHj456XCCEh0aONRhzHk7Lo+147v91usyzLslhr3fXi7u4u4KRxnkPvnVXAOowxJ5xTwimSanDOCK2MtfmonMzmjDGlraoOGMOiKCjBRVEElrFSoupaCGw1n9Z1rYbB5HlZ5s+ePYPYbTYb59xisaCMhZ3w6nZ9cnKitXZOGQ+iNCvGE8y40AZARinmnKd5luQpxvh2tdput2VZeu8QIg6Cruu7rg907DKKAgv4sN8hBM7Pz8ejYrW6wcAfLSaXH96v726///1PT46PdrudEAPMvHMubA5CbxVw5K7rQi8ZRpngNsUYc9aYQbZDz5J4GERzaOu67ZqekawbpAWQR5EGrhs6hECSJsDp/W5zNCuLLD9smlE5ffH8oj9sRsu5sbppmrxIoyiSSimj4zhGmDPGhkFqq4kHXdcLabXWs9kk4olQyjnX1o1NXRrzo8XRv/vsMzkMo9Eo5jxiTEsJKE2iSGvtrdX3nis2LD9ZdG+JRQihBHvrvPcAuuAZYK213ljgAfIII4oQAHTopXcQQUIJdy5Ier2zoCzGgT1pjffOamWdc84CDZw2NooiHkX8gVoDhmG/30fOB6QeQsgBhJjEWe6cDvFeWhsIodZBGEWMMWEW/M5u32KMpeiNMfPJeDIuvNVlNk/YiZX9Yj7jGOVpBrTd73ZKiTRdHj9/JvRHb+xyuQz0ysloHNiTYVT1Hj558uzrr7+M4/jy8rKu6+l0ASGMokgIsdls9vt9kiTL5XK9XmstGcUIpXVd931/MhrNJ+POd3EcFaOCMhLFoyRJCEH7/d44e35+utvtwvvfdc1iOtvsd0Fqm+d5kvNeuaozDuo4HaVJZIwJULU3Wg29c45H+Hx5gjEkhPE4HnF6fHoap1Hf9//m3/ybb99+WN/ul8uz48VyVIwZ6jGmNMvevHlzfX0NEHQApGm6WC4BQM57wqhzzlof9Ada3+c1npycLGfjhFMju+moSBgmjJajgnMu37zb7fcnF0+/98MfOUC++uqLo0X2+vUn7969W61W89kkz/OQVnpxcaGVoBiNRqM8TaSU+93mcDgcHy8BAKIfglsJo7Qoitl8jhA+HJrVaiWMHYaB8khrXdfNs7OLYLZeFgX0sRgGDMxsNsMIDm2ntazrOmIxhtQYtdvtOKVGKWdMGsdZEnlvvbERZf/tv/6XxWLx/defMk5CCARnzCillHn58hMhekLIer1erzfHx8d3d5s0Tav94TCuJ9OxUmYY5Gg0sta/efsNJbAsy+lkkiZsaNvqsKt228ViYb1zzu12O0Rw2BJxFltryaNW2zwkXocFlLs366AMI4yx7KVynjDKObcmKLwdhNA9hpZBgjB4BOwfF1dNU3POrdFKirIsIYRB8pdG3ButBs/iZDxigSFrjdJSQOgJhknMMWIYWgQd8o7QlFKste6l4IRjiNSg94fKdg1jrMizOI4pxUWRgbPj9lCVRY6A3+12dV0zjAPS1DTN8eni5uYmnJ9KKWN9lhUIocvrq1ExTrOCUCmlHOq265V1SDt5fv786HjZdO1XX31zd3dHOcvzXCkNACiyPI5T2Q9ZWkxHC8ZYLfT19XVdV6fHy+l0HJQvaZqKru17QQg5v7iYz+dt1ymlzs/PUx7hDbLWCjkYY5SWYbGxWCwC9GSsQQghDBGGAPrDthZaDVrEHrJYGO0JpAQSAEnMY4e4h8QZHWHmUfDW7hl2TnXC+ojCNKZRxCJczsYptNo6TQjCGAINwory48evT8/OnANxnGJMtNaM0mdPztfbA49oFMWffvLy7Oxs6OXl5eVXX/5pMXraHzZdtdbWhAh47w2AtpgUbdsrpZKYE0adBc45BJFUCgAAvQ/mXtZa4C1w3jhtrXXAe+TvPb0wgBBKLRzw2hptjVIKKmisMc4SBK13xhqoFcYYIIgxwZQ4ZwN9JfQZj9oi8B21RIDpQwJfr5QD0ANorB2GwXsYRP+cc4yxlErJgRAUlrR5nlNE6sMhz9KIkd1mn03Ko8Wk2pj6sPVa6aJMoliJttN6Ms6PlzM5iKHrp9Np17RG6WSW1HVtjVNiCMK/KIo4j6MoCV6/u92uLMaYUoL9eDStqipP0q5ulstlOAlGo1QrwRhlFGdp3O7qQfYIgWHoxuOxMUopcXl9NQzdJ598ci8ysjZAasf0SOnBuZXSAwIQOm+1QcRGjNzeXDsPGIIkpgAArYA0WquBTkfDMAhptYK91M4jAMFu3//lX/2zLz7/8t27dzfX1eVkled5kZVFURST8VdfffXh43uEkFQDloQQ0g0CiZ5gyuNIDiEdFEMIpRRC9FrHSikCfcRYlDDsXd93dX2I43hxvCBRrLW6vb1N8zIvS4rB27dvnXPLo/kwDBih0+MlJrAsS0Yn3ppA7s6yjJKA2ilCCKGIUASVxxgmSZTlpXO+aTcAgCiKnds7B6Io9h4opeaLWRwR5zSjlHNGkCMYnRwvtZBKKG889MgZMAxdVe18ngSiFMbYWi1E75ybzSbr9YpQZKyiHhdFHtTO1prl8rjvBwjRV19903XdZDJZ3a6dRRDif/bP/qe6roDHP/nzn9V1pZX75OWnv/3//q7rGwBNmuCymKdZDKDpKG27ejKdYnzvGBquz/sdqXMOYMQoDTsopRTBjMeR1A4ApIy2kECEHPDe+zhODQAOAgcRxBhTDpDlSUwwc84B6KAxxlvoHCYIE+i9H41GIXeGEDKdjAEAwLuyyEMrqpXkjPIoho54gy0EwGtgrbPeEUwRpBgThBG0lFJKsbbGOdA1bd8LjLFxLk8TjJD31hnb9Y2UeRzzoUNaCoxA1zXO2XI6WiwW++1mGLrVahVIDoSQYCVICInj9OPVlQMkcx5C1CtT140YFOHJ06MpYfTq6koo6b3ncUIpFUIhRJwFnDnvxfp2o6XK85wg3CrZtrU3lhAiB1HttsOooBjM5/Ourc/Pz9M0Xt/dtm07m00gRB8/fqzrGj1EdzLGgg0ZIaSu64D2hmBSIURd12bQDkAIiNPOGjguJxdnTwZJL2/r+WziUXy72QNjp+XIe7fZb7ytjpdHVvYM+1ff/yQl7ury3cuLZdvUoyJBHgshIMGUUgh9VVWLxSxL07ZtIfQYQSX6odddN2jjAUCU0aPF9BjStu+gtzc3Nz5LV6v14XBgEY/j2CgplPQeRByL9iC14nSSRJnWuq7bYZCAcu+91VopBQJNFSFCnDHGAeuD9AR5YwxwEAAQR4kxRhlnrDcOeO8wpg6gphuMsQBAbb31DkJIKcGUW6ONFUqLQaiA/2CMhdRJmgds3TpgjLEOSGW895hg4MNSB0AMgxF1kGsE7sQDy9YjRDCB83IcE8QxcFrGDEccOyWkaI0S2HuC88k4yxMqB8EpaA4bBKFTtt4drNVGyK5pEABKiLbt+r6fHx1dXt8URaGUOjo+4XEipUaU9FJACI/PTjGjSRS/e/fuk1cvCAJaDiRNnp2ftW1bbdbhRdZ1FSwkASibrvPeW6sZY1VVjUaj1WpVluVisViv13meLxfLoVeHWiptCMJZEgnpmv0WIYIhdtg55xFCnCHnHEbu/bsPhNHnL14+efZSae0ANMas1h1jrCiW87nXUkjtxN3u6vIWOG+Rd8Bbayllzrm6rjsxWAf6vp+Mp1EUeUsMApxSiIHUYrFYDH374erj0XRydjSJIg6tMpAVRdG2rRAiz9PxfIEwG5QehmZoms32blyOxuPlqMgBcGVeIODW69XTJ09oxD9efqh2+vj4KOKcUqqtStJoPCrG43IYBqtNGMK0NqE6AcLevP0gdRslaZJkoq5jHkUR6VuJEaUIWaONM6vrmzSJGGZKK6UUApgyBBGtlUAIAW8P1aHve6XUbDYpz05+/lc/OxwqoxTL83I6RRhorSmZrddSKXV9fb2+2xGKpFR5XlJKvPcnx2dt01sDkiTb7w8AgDjOL56c5FncD916fYug4wRTikfjYr/fQQg55zSKg92FMW4YBgjHxCrtOArqOACAUib4bwDktNP9IKW3ECJCmAGWMt63nVLKGIcgsTaQ0f1DE4QRcoQQCD2lNNT0hCfee+gt5BR6OwwDhn4xm2y325hTCKG3erc+9H3PGCvLkiKotddKWGU9JTiOoiSilHPKur7peqGV8tZaZVmezWbTUc4AcEIIJSWwpmkPFOOmORgll0fzLEsh8B5CAByLuOiHz//4+xcvPgkSREr5er1erbdZpueL49VqdberymIcxzGNCgMFxlhq1Q39bluNJuPj49Ox1Nbam7t1VffAekI4I7TvJPQAeGwdPJrNnz95qo1SSvVtE6KQm8MO4+loNFJGXX/9puuas9NjjPEf/vhHIwQhpCgKD8AwDMbaKI4Zxh8vL5VSAIAMYw+A0rrtuqqqjvNjwplxutdSS52ORvPJ9OPVAdrKGQugRtYyiCOEjfcMAAIUgzqbpBfH8xdPT6r11fZ23Tbx6vbq+GiaZSkhJKwqIYSMkdcvn/Z9v1qtjHYEYYpJ54fd+q6Xanl0Oi5ynqRiUM7qi/PjyTj/4ze7jIHiaJxlmfFgv98jD1iUWKNiBjmNKAFGdlJqZxRBDj/k0nkbVGT/QDUJDuMAQQCRc14ba5wepZPQgATr84CchF4srEAfWedhG6+teVzAgvvQwfvnD11LwFXBo7N0xhFChLAkIXGcWuPbptFaSykxTiNOI44xRlprY5UWg42HPGZSCuDBs/PjIo/7rok5ITyezyYvnj2fjkdd0w5t553run2ZMgzRbrPN85zTaL+t5vN511RiUMAjY5wQwhjXdG3T9VJK7/AgVNu2zlop9Xa7Hhdl0zRD18c82u223pjz83MxtNfX1xenZzwhvWySiENACcOgd4Tgs7OTsMYHAJZleXp6miTJ+/fv27YleBlxPptMml46wFIDN1Vzt9lrB7V1bds64LMspQwXWZymMUno7Xr9X/7uv/3qd38wFpydXnz6gx9enL+u63o6Q31rb/trpVQaR1kcGSl3zf78/MkgRN21URwra+zg4iTe7Q8OOsYpQsgajBFxxgjZR3kKoZdS1nXVZCyJKKOEQM9ixmxkq52U/ZLTcjx9//Hj12/eIN3//Od/1bbt3e3NX/3Vz5Iovr65nJSTq8sPXddEjGOMHTR93weqxd32tmkOnLJ7FbqyWlupzHy+6DoJMYfQD8NgHYSYYcTTKO7qxhmaZ1kUk7paK9ktj2ZJzOMoxgAqIZ3XGAMIAbR+Pp1gjPf7/dC10DvOMEZQDL3WOuKUc46grw/bIHEIsUSr1erVq1cBxF4ul2+//eZv/uZv7u7uvvrqGyl1WZa//+yPSqlPP/30q6++KvM4TSPnJYCmbavGGkKIM1opsa92wMPJHGNchKs9bLBIGE4xxsC6R38M9xBDI7Rph8FT5gCwzmtnAQBGO+8Mpfiega4d8DpQFDy4t15ijGECnXO311eBrsApMUoOXTt07WG/oxgpa7TSga0Yc8Y5Jwh2bcUpLbKIM0oRhsBpLbX0KPdt22pli6JgERdCaa1VP7SoT5IEeJvncZ6mFGOIfJrGPqaB9qStAg/JCt3QBs6M0rqua+/h/tD0QloHHSLCeIQ5YkxZv23aMOru1h+WRycQI2Pcx49Xm+3+6PgkzwrnAAAgYjHFZDFnGOM0ziCENALaqGEYOCVpGhMMsyyNGF6tVpNx+eHDu+367pNPXlDODodmOp1z4sOHHccxxpOgs3//4dthGMKCoeubQXSMsTiOj0+OMp8RQjQwotZNfbCQDF03NFXM+WG7NpYQwgjDemghsvMynZVZtdtkk+V0FG9WH7A1Ty9OtBqSlIWYm+lsHqf5/lA5b2ez2Zdffum9V4Pwxl51HULk2ZMLxqLrm9V4PIUYUugs9ghYCr2VQx4hr6xS0gjrIaZAayt1p8vJdFrOAUZdL6q6EUJELOZFqmFstbHWwuB+bg2lhDNOEbbAegg8BIH9Dp0HDnaDwBhbDyIeQQh10zjvh34AwfwaYQAhQB5BBBB2AEJEGI+D3fnDNYmsA2137+d17+YPoQfOOtAJCTChCHMex3GslW2bRilVFFnMI+u0Nw5hwCmMWJSkUUqh977pao0cWJQU8TTCk3zx4d27PIun4wwC1TVbKQTGWCopYGIGqboBJGkSRbtDhQBs29Z5OBpNrPVFOV6tVgih9x+vOOdGg/F4PJ3OtdZt13bdwDCZz+d1XR8t5hih9lDt46ivD9i7UZlvb24tcJAgAtEgOoi8B3ZUToP89e7ubjI5tdb+6U9/Ct4sQycYjUYj7EAjlaOMI0QopW0vAYJilAAAsixBCBmjCSGDVUWRO48AxM7aD5e3VaOyrDg5OTkchqru60ObpHwym5ZFKuVwQZ9MJpN3H943fRfFPCGZAz6KUwBhnqdxGlnttNbAAe0MQmC32yymM87Gqu+aphllCUnYICWlGGIwm00cQG1Xf7y6rJo2SyOk/GG/9d5nWeKt88CWWR7H/NWrl9vtttrvgo9bOL+LsqxVba091JUQAngYR1GSREmGw9ZKKOWtj6IEIhwo/4yiOGJpHFtrjHRFloM0CkC0c44QVBQZAJnVbr/fb7bbZ8uF1tp5m2bJeDICwEkpd7uNlPLZsyeM0c1mLdUQyLjW2jiZjydl1zejcRHHceik1+s7xmjAWqtqV9e1c+7u7q6u6zLPMXGUIYohgNZYwXjCKEuSBCDY9yL4aAVmcDCwI4Q+2LM4FyTX1tquHTqpHaJd1+3qgfBEQyylsgBCgJ1zACBKASEkGM8650LWAYAOAI8xdN54A41RYeEznU5Db1UUhTVKyWE0GgFvtRIQuDxLsjgO76nTgsZkPMqLNIPIy0H0baesGIaBIhylUZYkhDFvneiHrmn7Xh4dHUkpy3w2nU76rgm0PyWHpqmHYcjTOI5j4x0kOM/z4+Wi70VVVVGU9FKEfREkdHW3SbK8yEsH0a6qD3UrtaUOjcoJAGC9Xg9KOw+d8wAgKe3x8tQ51zd9KySj1Gm/qtfee4CGqqq890+fXhCCmrpBCKYxN8Zst1shxOxoMZ1OpZQQo2cvnq8u3z3Cu2maRlF0OByqqgoGwo8WN865oihGo5GpzCAaSEkcc9W1fVspqTmFs3G62jRyaBCMCIwQBJTCKGIn8wTaNiagqe4Ou83p0WQ6nVdbE4/HCN+rf7WWAYmzzohhiON4uTiy3n377XuM6Pn5OUbgxfOnwyDfvf8IIYqjlBI4m5beme9/71lVVbuqVkZTwhyAVd3u6qYXkkdEW98ZBZ2KGUbYW9k7jL1zEHgMoPfOOGO0g8AxxoCD1loLrAceAUAwhBAFEuHjsscYE9y48EOMRughHvmyhNKAXMEHV97wO4aGPRyT4YoF90ZyGnlgrbdWAACc8d57RnAaJ4wgKbXFnlGMEEYIxpwjYPq24cQzRpv9hgE1n42yNOpGScqRd8poZbQAwFJCICBd3bWHllLeNX0UJcv5MkkyzmIW8TQv+773HiLKkiShSTKZTA5VG0XRuCwJIdv1Ko0zpcVyPttt10qpLE5679rmwBg7XR5h4KuqiqIo0PCr5jAeTbqu62W/3W6Xy2UcxxDCDx8+XF1dvXz5cjQaRZRJpaDUnFDgvfaAMzTKUqMlZZwSqLW0Rg5KCCEQBicnJ8kQb7eHYRCIxv2gxN1GW/y73/+7JCJRTI5Ojhezcj4vGUNK0ywdBcBwNpsQQhDFZVlY72fzCaPUGKWk1lpDD7y3hEKGeVHm4zwRQwyMMt4oBay1i+Plbr3Rzo7y3APUdE0a06PjY+bs55//4dnTpy+ev15vVtGBLBaLzXo1m80eVykE/oOTRJAE+4ckLEopRth6wBhjPDb7rlc6iiJC2SAthNBoHYQym7ttA82rT55laXR59e7rr96kSTQZFWVZxiwBFMQJn0zGQ9t0XSf7PovjQKDsmgOEcD6fpzG31mLox0VJKQmb7X1T/cVP/uxf/at/9Ytf/OLkePFv/+2//clPfvL73//uxYsXs9lM9PVmu5+MCmPMenUzGRVRTCjFmHgIAMKOczoaFXmaWeshIodDE4jC4CGOAwBAwtUQ2tjwa1vv+r6/2+55WnS9qOuaJgASLoyh0ACAhNIIOkKZBwgg5yFyADoAAfDeOQC9tgYo75xTWiyXy2C8cHt727V1SOjous5pXWZZmWVN0wghBm+DLGk+LeM4phhaI7z3EPqizDAut9ttMKo9HPZaawgxpyRiGWQ4y1NnNITQe7vf75tq77w5PT5hhJSjvEgzbfTHr79GCM1ms6Ojo1//+reDEMvliT80WWHyclQdmmJUcpYMSu+rWls/Wyx5nBhjfL+mnLX9sFgcR0lS1f3R4rhuu/cfLwkih8MBA3h6chxFkfeeIFzV9enpcRzHcRyLoQtfv7q6evny+WZ7N5/PkzRuB1FmaRxPLz9ed1U9mUxClX/zzbfWWs45RtRZDTxilHIW3/NwOyHFasKzpq+zIh1PSsRRL3UJ0dnZbHdQEELgq7ZrPDGjWckjorXQQj87X2II1NBMRtlkVErRe2Cbus7ypOu6um2DflJbt91unz17JgYVRREiuGm6ILr75ptvbq5Xk8nEenC8PJ1MJhCjNM2yJLq9uimL0WJy1kvZdkMvlDXUGVpmkQek7oc8IaNyGcdx3Xa3t7eDcN57DJHH2BurlXLOKYyj6RgYbYw21noEIUYYY4KRZ+SxpochMs/zoigCICOEeDSEkVIOw8Cj6LGOCyGCNVBo2/GDOXtoL0KnFsWccy6EEv2gpcIYM4LzdNzWVZGnacLTuEhSLkRfH/ZN1Tsx9H3/4uWzk+PFfr9G3sQRdUY8e3LBI2a1gADESYgQAdbqUFbmy6Ptdjvx/vz8CcS4H+R2v1ut1kLJy+vryWRSHZpnz56XxYSg+OPHj1dXVxHjUor5dLzbVpzQJMm6tk/jKMuyoW8nk0mRZnd3t0rr2Xye5bkQQkg5Ho8DcGSBf/PmzZMnT9brm+12O5lMttutUur5k6f9MIRWpiRsf6ivbu72VY0pwd4QYCEBxbiYz58tl8vlcvnu49u+k19+9XazazjNjO2qesi0PD4+gshT7BDUVbuzvj1ezo6W081dc3NzxaL44uKiqg9Cq2CgRjkTshf9IISw2iGEGCYQwiTm++1GD1GWcgzh3d0dcIZR9P49m80mLGbb7bYbes5IWc6LPAFyePb0YrlcOK20GCKWNnX15s2bt2/fnJ2eTqdTIXpgXRRFWusPHz7wlOZ5XmQ5xtQY07ddVR3apkeQFOUE416IXoieWCeUTuKMUrxa3bRd7I2xTu73e0omnPPXr19Tggghzqiq2QMLsyxbHh+/v94EE4sQmnZ1/XG3243H5XrtEAJxHKVpEkXRdrvdbreUUuftb3/3y//D//F/Wq/Xh3r9i3/yF7/85S9PTk7ihLZdNRpnScoIwePxONRkKbdRzKQiBCJKiPXq8ejK0sS5FBGGHpLCwnRCAAAR47fdTRzHXdd1Sae1ZnFECDHWKaUYjzwihPFJOd7uD94YSpi1tmk6jDGlPHBdlFIIgSxLPHCEIGt129Xj8Xi1WqVpGmy1J5NJsMdLOA/qD0YxRiBNorIsnVEfPnwoixRBh6CzhHjvIUBJHAcbh6qq1CA4Z1maBDki5zzJ865u6rrGGN5cX6ZpnCTJ+cXp9eVVVe2N0hdPzk6Xx0mahlXkf//Vb+I4TtL8/eXHk+Mz64EyJkmyqm6sR/uqFkJp66U28znx3hujKY8unj6nlN2tt89evF5vd7/77WeEkKOj47IY31x9vLr0P/vLv5gj/Jvf/Gq5KBBEzaHebu6cM1rrKOLHR/PwiQIAtDJJGgNMOjEMSmpneRLfbTdCiHbohRCTyaSqqjzPy1H5oCFCXdfFWRrH8VAdCAV1s1NAltMJjam4q7OUDUKRaToZF/uqbtqDGnbPn37yzZsvtEzZKE8iPj1dVPuNtfrubksJqrsWURRzHidJkiRSyjjm5+dP+mpHCNntqv2hwhjHUbparbSQz1885SwuigJCbKz68vMvR6MRBHiUZX27b2vLo6RMeMJIkUVnp0f9oCnj33z7rt6tyzKfH83ZBuohbVYNwbjMCwAAp6lzrqub0WiU5JmUsqoPrRYYsSSOtbVd1wEYhbcugObGmOvr65AQXVUVISTP8wCe5nk+nU6btvUP7u1hBg/Ej9B8BUcBpVSSJIEvSJDv285au1gsdpvt8dGSU2y0TDgSfXvYHhrsGYUYQ4QhJfDJ+fGTJ08wRgAaYLLl8dwaYa120PeNOJqOjDGMEcToZrMxxmgLf/zTn/S9MM5rbT//4gvrQTkaGQfarv9wdWmM8eBQjMq66bRx0+kcU8a8u7m5nU5GHy6v8zRNsuL4aH51+YHHCXDWOZckmdCmE5LF0XQxL8uRvLuL42SQYjQZ77cVpSg7Wux2O4xpWZYnJydKyLZtP15eHg5NlmUA+Nvry6YbgDOqb1++fq2NKccjwtl2vxu69m69urm9rur1fH70+tMXH//df95tq+nstGpqQt18Pt/tt3W1PzmeeADargKwFKL1zikpoyhiBC2P5ttd9fH6ajqfxXFMCd/tdt5ZHGM1CK3lqCzrascYSzjuW6NENyrzIikO9f729vrt26/C+S36ruu68XicxJQ4czSfeqvv1rfQA9Ej6P3z58/6rqvr2nvbdd3r16/rffXu3TuM8WIyrw9tzBNr/fv37xGAaZo5VzPG1ut1nBS07UOz0tyttZEGgPF4Xo5yYK110hiz3VUYgXYYKELBZaVu+/Pzs916s6v22kiIvFGq60BRFC9fvtztNsGXIo6jwA0ZhsE6nRfp119//eTlp9ba8STLcv7+/funT5/+/K9/yjlv2zbPi2AVt91uKYNlWa5WG2u625ur58+fA+ucNZ0QjLEsTa22fd9HUQIwCTyix/hfoqVCHHrvjTVCiED2BAAARKy1hEXTUaEhrtreSE05d8ACgAAwzgEAoDXeWQuAZYxhDBljUgkppTEqoJlxmnkIvffB6alra2ttlKahTiHIRqORt1oOXbgtgdNd11iry3JMKRVC7A+i6Zq+7711HgGpBuBtFEUEOquGojimlBotgfeTySThTGtd7euqqiaTKSPEO7hab4dBOgeqQ3OoKghhO1RDLwldP336vBvE9c06UKS1UpzzaTFijCFEVuu75bhAiHz99Tcnp+ce4d/+9rN+EITcJ82Py9EPf/xnahjev/8WeZckkXPOeaO0sNbGcZTGEYRQKTWfTxEGSZLkecoYU1J0XYcxJYSuVnfhzMvzfDqdxXGcJOlqtQIAKqWm0+l8PimKMrAIsgh7j7xyHlrrFACQMpBmTJkY47QsJh8+fPj/MfVfS7Yk25oe5to9dEyZM9VSpXZt1fvwdJ8m0QBBMxgv+C68oJFPQ5qRD8EL0EgjjACIBnG6j9q6dlUtmXLKmKHDNS981UbXVZlVVmbMmBHuw8f4/+/H18Vu/zjLaZkxgqG1Ok1nj4/3wLvHx/t5mUvp4jihlEdJVhQFIWiapvOpHvu/aDlGUUQwi0SCMQ5kt/XlZehsDP0QJM9tfQ4f7WF/3Gw2m9nSQwgxBRAfTtWn+/vN5VU/9RGFVxdzgNz58ISsfXG5rEcLAHBq6Lru5vr69YtXXdcppRhjmmGKPUauHwY1GCr4oowRKQPXQkoJvM+SOIhli6KIBf88J8EoicIHISc1/bWXxSjlLLaWBzFf13UI+qIoBKfTNE2jRQiVRRH6ThElBAEje+godE723TQ0ELosTjjDHug45oty9mZzcXOzIQj3QwPMdDw8d13DKVku503TOKvHcRxHGc6UURTlZdYNI0AoL8um66dpct4f6/rHt2+jNMOYMp6IOBpHeXf3EGfppByEsO9HJqLq3FxdXjRNU9WNEKLthiiKoihRxraDlOOgtN9c3jTt0A+SUzZbpNba87Gq6/rm6loIocap67q+7+vqHM46ddvEaewhCLyEOE6HaZrNZtMomeByGh8e76u6XqyWSqmP93dpQTjnWTa7vFgMk6OMZgmVqnt47DnFScoAtHrqIbAYQ4T9LC+2UdR3nZRyvlwksSAQ3H/6+O233yo5ts156ruyLJMi7/tey6HM0jRNOafT0HvnoLdaa2es9BY4RxCIOCUoiTgRgnktgYcoYPQ/G2V8kMNSiqfJB9lY13U8jhbrFbAu7Pf7/T7P88vLS6ut9/7FixfTpM716fjhozSgnM+Lchmn6TRJVR/O9WmSPcaQcYJQxAREhJ6qI8VEOwcAUOO0P5y0sXqc+Gdhe6OUCvFeIeYl+MDLsuz7vuu60LRYr9f1eQ8hPFe7cRyFEEPfLBeLpmmWi3K325HF4vWr26vL9ThMfddGnMXzhBKCEBqHkVGaZVlRFGmatq77DMxAFiLsnKGUxolAIWyJECIoU8oopYZxNMZBiDDG02QQIrPZbDRgV7XeSS4ENAHRhZxzwAcQu/feA++Msd5bbZQQLI5jTMIS/zmdnXJBvZfKKDlyzkNOcFg1nFGh85MkCXBj1w7eewAcQsgDMEkJpFRSJkkSYW61JASlmRCUaK0/vHsfRZGzoO7rsiy9B+fz+XQ6zctZFEURF5/51xAjwrS2x3P9uN1prd+8/rLvx9Pp1A0jQkDLyQEo5RikOFb7UfXnw95PdL5cVVW9vrjOs7Kq+pubFy9fvu66br/fdl3TtJUzKo5olmUxZO1pd319fbm+OJ0Ox+NRG7VarS4vL/u+DYf9KOLGmNPp1LaN9z7nlGDy6uWb0D2vquqH799SSsPC6gkcB/n8tAtD7bbto5mAEBpvzCC1d8b5dtDWMwzBYf+kplHJ7pvXXw3dHnpZZlF17r33TdN8+HS/Wsyurm6iiL9/+8OvfvHL8/l0OlWBShhQKsA6kSQ8irMsC8SrYRie9/vPZzpCwpksGLsuLi6cc/kXSdu2bVd7B0c5nZvWOJ/Gom2qp+2uG8YoSqI44lGMMdbaToBA59u2fd+fqv3jPBOLxeLi4uV3332HPEwEJjhvGDy3zViPAMFsFmOMHfTQW0ZpWLinaZqGjiCIKVVKaeCAM8351DQNoiQoZIK72P2UkeScg8ABb70zwFvgrVbaWhucpcaY0TtntRwGTzECniEvsiQv4lmRGj1KOW4u1m/evFLb3eH5CQCv9BQL1pylM4bGUdgzhmGgmFFKMWLOOa1cnLP98/N8Pl9ebJR9PHedUupwrIr5IhLJMI1MRNfX113bf7j71I9qHGSapuMo27a21m42G+dAVTer1UoZMEgLoJm088Bjlqwu086D56enkA+VZRkCcJoGqzS6Ic6Bpum6rhOCEYomqSCEypqE4KGfOKWvXr5yzt89PjgLosjWbTspGWRCTdNGUbRcrHjk97vdDz+8VRqslpflfBnH4vl5d3l5GUXcWWX1eJys9/Z0PO53W9kCrbWIIg+cszqNs9Vyjirw4e27oigiRmEsGMVZHBVJDCFsqj0wGjNysV5SBJu6qqsz4+RqczFNA6MEQUAwTIs8ZL9B+z+nnQQzDUYgLGKh/5Dn+fv37+fzkjEipUySlHNutXHWW6P3u5219uWrN8djdXV1uVhdKAfbbjjXhzjNkzSS1BljlNFeW6UhQqCYz9brZXVuHIT9oABwCOHd6ZynWVV3EI6c82K2sFbneR4kyE1fj0oOz8+Y0bZtx3HknDfdsFwu795+t16vrdUIgcvLi6ZpOafv37/95ptvDodDGOMHmsUkx81mcz6fvINaeSl1EsciTihlSmpCiAMQeOCcgwA65wJuF0JIgmk1iiIA5F8VL0HV66Cx3mnrjPPOAQesMS7AlD10EAeS/ec13Vo7jGM/9QD4OIuTPDW1mbTUxlsPtXFtPzrnpDbDMDl3hBBShJyHYcgrGA1KNS1HxpjU6nQ6eYAAAB59Zu5BDAjDjEcUA0I9wp5CYBsbEi/v7u7yJOecChHnuWNM7HdHhFCaJIHOEVal434HAX795uo3v/lNXbencz2Oo3NACBHO48BDhLwHriwSgq+D1HexWLRtbz2O49Q58PD4+Pz8bI2KY7FczossmpU5Zaht21kqhBDD0AEANptNnEThgGKtCErnum6NCfxYSgihhHrvKYunaVLKSuWU9tc310HoMgzDNE11cxZCJGmZZmSYWh4xTLjW0jivrQumXa3l7nl72B2TJJmGYRq6484v56XUyEPw+LzNy9mkDI2ic90AxB4en4+HA6U4S2OE0Go+D15HnmTPz88/vn0fZuYIwLAVhRAi51ycCOdcf2i3uydr7dNodscDQuTi4gJhapSU2nDO44TD9cI4oIxWyjDsvTe7p7tIZJzzVzevv3hx2bVt27bn3f0ijS5Xs3GUHgImhLbL/eH0vN8Nw9DUVVBoxREXQghOEUIQsKFvIYQYMUoQZyQMxCBweRJjjL131mjoLPLeKtlPo1KKc84w6uqzc64sS8ZY0zRyGsdx9MYSAJZlnkQxAs5bk89zCAzjOI6oKCLGUZ4mnHjA6Hb32Pc9pfiXv/y50iUARVmWWuvZbAEhIpgppSZpKeWYsGYaDk3TSjk510vZTaNShidxFCUAoGGS/SDXqwtIKEKkLGecU4TQcr3ebrdlWR5OFSNUab89VL3UbFJSWec8iznAGGB8fHw2BjlHqnM7DqosiyQuUOy6fgTeHo9HrfXN9Vfz+TwYv29ub6WUDvRSg/un++pQPT09Ww9Xq1XbdsYBxAgAsO97wsT19fXT4zuCRZZAY0HTnJVSF5fXZfFGa23thIBjEX9xc5smIo5jOfZn1CVJwiIxjOOkVds0ThsKEI3FcjETlDVNo5WCwDnrpmmSfV+mKccEWZ8kCYGgQSjiOEvSJBIUI++t0T5NRVHkAHqGhfdea20MDNtP0BEwJtI0RggMQ+e9DYc/pRQYiZLOWR3WKAhhlhYQwjiOkzSTpwpj5IE9nY7npjmfzy8+G7ynLMtW8xmhvO0GbZ+ZSBACn1HkhB2PR8riQ9XkSRzisabJW+sx9pRS4WK64P3QSqk4FwHjHHb92WwhRDyOcprU+dyE/I3FYvX8vAMeAg8/vP+olAlEAQTpOChKRRyn3toiXyDg+r49n6rVagUBRAgTgp2H1ulpmoahm81mBEKIEPg8QUI4FDUiijBlnIN66M7ns4EUEYIJk9oSj5wDIfwAQgwh9B547wghURQBSJWSgRbUtu04YYFzEcWYaOuc9TBJEu+9lhPw1iCEum4aoTEmFp+5g87oJMti709VPUxjkiRpnhFC2rZWViHjkphjCPq+7oCjCE/9KDZ8OZ+3da217vseYzx0PSM0tOwBQCJKFrM5Y8xY9Ytf/XKapqIottu9UgpDcHNzczqdpkmlSUQxUUZrbQHweSxiRpJi9uOPPy6W6+rUtm03my+ft/u7uzuMMePoi+L1ar3wdnrcfoLeEYpdJ9u2HoYBIZTlaRzHxqi6VhhDIYR1+nQ6aWvTLI7ixHtPINFaD8MYzG8QovO5xphMk2yatm3bIOEghAIA27Yb2iorM4ih1hpqq5xX0nsIIMTr9UYrG0XRYbsXLJKjJAhvrm/atoWILFfrx4eHf/rn3yPgv/nqq66ps7y8vblaLeZajtbacRiapoE82W63dV0ncbxYiCTLkiSJIt62bfhaPQRVdby/vw9CndfXLxfrlffQGGOdWy6Xu+Ph4/t3v/jVL9erRZplp9Pp7dv3teyzLFvNM4VF3/dDYznn5WbeJvz+092nDz+keaalhAg7bIF33o4YKAK1INRbCxESnGMAxq4LNUeeJE3TjEohhIxSGOM0TWd5brybpknKCUJYFnmgdFVVpeTEKIHAO2ucc4yS5WJe5Flfn6E1FqOYs+vrS4qhkpMahywV49A2p/1E0ZdvXrx6cSPV+PDp/ev1VXUC0Dtn3Th0fdsFC2tVVc4CCPEw9Q8PT9Mkb25uVsuLRra9nB5328P5nKZp0w/GmBcvXm02VwTTy7Z93h+UdV07GO1Wy4t+qL33GBMRJ8a53e4QNGpV3cRxLJK005IQwpQ/nw/H47EdJUKQYpwmcyGY4JEQMedUSgm9C0UfQkjKEQBHCCrms3fv3gGMBOePj4+73UEIkadZ0zRxkhoHmr4nhM3K1AHw8dP94emQpCnnnBBszRg2CWUNhLBvWiFEkadpnEREGOQpSr5+s9HW9OMQUeK8aboOWEMwLIocWjMZ7Z2JOJsVhdZ6ux2LJLu9vNRaP28fnZKXlxfzsjB6rE9VlifFLMcQDGPHMMbAWmOjONNaAwc55UIICPH5fO7bNo7j4Aw/nU6bzSYwTQkhALOnpyfoQZrFQrDb6y8BAN//+MNqtfLeSjVp76XsPdCYUMbxpMa2b6y11+XVm6++ZIw9PT19+P5TWZYEfs7zsQ6duwHz7li3Q9dDRDjn2jiopPVOG+shuLy+CqDQkEb5/PzMuBjGEWG02x6naYqiSCu3XFw2TfPFF1/c3T1cXFwX+cyaPYIKQdZ1/dsfP11slhSjSCRD22NMgTXGOGs9QsRa44EH3nsPnHMe/FSnuyAQMya02MMRJjhNKeHA990wOWIxJoQxZSbnnPefAdqB4xxKdWtlFPEkTdu2kVIqNUgpGU+VdZxQgrCREyaUsxgAMCAUC16fT1przlNrbdMN3vskSZS2GcaUs1RbjyDjgkUiNOuHoYPIRTHnDMnBy6mD0H7Op2diMV8+Pz+3bQsA6Lv2+vq6LOeU0r7vm6ZLkgwRuj+ckxjvj1XTDUqpzXqtlILOM0wcNtBZq6XT2ipljKms6rou7sf37z7+7Oe/IFx27YhwG4z7Ucwpxdbq7777g7GyzCPB6eF4znEaRVGR50Lw4OUL4d1hC/UI1nX1+cmwdpomVixXq4vQHtHaVlV9PFZKmfl8HmIl4jjt+/54rKTUu91uPi8B4MaYYXTaSaXtKC3wNInnkcicHYy0XvufffPL58cP9x8fsqtX1nmeZN//+D6KBWXxi9trysXL1wvBaJlnGPiuac6n4zAMchwczyCEq9VFiP8eRlk3TdDDRYJBCF+/fk0pv7q6SpJkNpsJHEkph6H/CUEevUxf3tzc7Pf7rm36vvXexxHVWucxn99cdg4GseZx/7goF8tZCexKSe2c3Cxn89VSREnbd4KTNKZa68eaN00zjb2zOhRloVqPBLNGBCxFKMq0moC3k5JJkpR5GsQtahow9EWWRJxaaxFwScTHcayrIyMoyzJvDQIeQGC1RM4O/aDk6Iw+qSGOaMyJUePYNdZMHANBYNOeMYHL1RxjeDqdzuczpkQp1dSddl5OmrEoSYssJ0kyP9f9fjgkSZKTWSTivCxHbaqqVsaNUo5jbYwb+klJ07b9/f0jpTyKcZIkbdve3t4eDgcxj7bbbTGbn8/nOM2kdsdjhRBSDuz3++12m6Wz4/EIkb++vo6jRErLmJvPs946BEG5mFeHY9M0dW0xxpzRSY1VfRIsyi4uAAgncqqUjqN0UnqUMs/LKMn21fn+/q7vxxjzuhoQllzQvJjNZ/h4PB6rw83NjSY04mLs1GlbPaAtgjAS8SxGIokJIVmeM4jNJDGCERdNfQ5AVui8RQjm+cVqVeY5lBJ4jyG8vbomGHZtQwiaFRmBIEujJIqtHvU0aW8pAYKxkMkZWoVB1aq17LqmLMsoirTWwzDc3NwEXL5zblIQY5KnWZomxiqEiNZyu91mWQYxms0K7QFhFFMCCZ7NCuBMnEaEsDzNuqE3TTtMkrL4/mEbpu6xiIbJWI+bbvKQAuS0NdAgY41XYJJaytF7T1ktItYNvQN+HMdz0y4WMwGBHq0cO87i1eKSMbZerptqmHrz4vqNtfZ4rLzFscj7ZqxOXZh5tFrtdofd8yMCMEtijOh8liGEnHbGKugwgDhU1SEX8zPXIvRPAoZLax0SGq0PBSD0DmprgAMQI6+tc8D9lJwUNgAIoZSjMdgY7JxDGDFGrDOc83GASlsIXMjEMNZZD4O8TEQJJYgxRjCEECZJGB52dV1DRCzw1vlTfe7GIc2SNI0JRQgCiEGWpct5Ng5J37fffv3LAEUDAPR9XxRFWZZaKowIRiSOEoxIP3Rh9ns8Hu8+nbz3q9UqCELvPn58/+GdViYwso3WwFtrgIOeYMgofn7aBfdX3w/dMOwORy7ii4tV1zdRVCDkpJbzWfbrX/8MAvP73//2m9ffNE0zDH2apsvl8nSumubcNI1SE0KIRSJ4XhBCRjuj3TQqweP7+/u7u7uQOXV1eRMwqnVdQwjzrNTKDsOAEY2jNM+WURxLORrXW0sgpoIjhMXhULfnXojYaRNF2BtAaTT007A/hus/nKorcfXi1evLi/V+91y3vYvENAxWKegshDhPUrFY1hZKKScp26dna63zFrrPKPNytiAUBbUcYyyoeiY9BUs0AKBt24eHB+0s51GWZZRSraTWOokja5mcxuNhrykWjL+83hSJQABCYASBeZzvj0eCAQJWyd7oUTBU5KnW2vE5I/R4PKpJQg6EEARhOU6Bh1UUhfe+qqowChvH0QIXx3FRFMMwnM/nYJsIp89AXQcABE2klNJaez4dCCFCCG+NHIdzdRSMzsu8bao0TgSP5dRR7LUceSKWi3I8T2mczBZlcGauVitMyTSq2TLSyp7PbZaXZbFMkpTz6Md37xCjIk1WWY4QkpOmnKVZ1g2924P7u8dICODRZnO1Xm8IIavVRT8cA4gm+Ec4jzxARVl2/Ygw1QYMygJgST9NxkdZSUhEWeysVtKMo4wiTimPRDL1nZxGweMkmRhjxqg0iY0x/TjMlwvowTRNxqhhGM7nZhynr778pqm7pu/XlzHGtKrqc9UWRYEmdHV1dXF1cTzvAIZCMGPMF1++VkqlcVZk5el0xoCkUaFG5Zx7ePi4WCwIZwhjZfQ0TZSSSckASQ5KpOp0eHYWekspXaT5brcTgl1dXg1j93h3B6CjGF5dXkBgvdXjOPZdA70tsijiaTN8Lish8EGEHhqD1uogZhVC7Pf7YGto2/bh6UQI8Ql0zkOA+75HCLx588Za+/z8DDH2hIgoWa+XT7tt27bL2TKIW87n5tP93TQqIeI4jqfP+H7uABiHIY7jcZJxkn/zajMMw9PTU9M0SRKnaZokSVEUh8MOnqG1tvc9QigsL0L4aJbPZxfOOSnl9nRq6pHRtKknBGMA0Lu3d977oii6dqA0ltB9/HjXNfUwDH3bXKzWnFCIAGPMO+gs8N4jCAEKtbX/XKenacop/Sks5nPx+LkbpX3A6VkDpmlykCJCjbOf7ymEGBFKKGXB8eGs1X3fT9M0mxdpKozVUkpKo+DCigVHlE19p7WOOD1W5zSOIsGUlBjjq8tNSCF48+bN8/NuGEcRR5jQ8XSUWsU+PpyOCFqCPMV+VmZFUQqOtZan03m73TLGbm9fhtuhlHq8f6iqqm3bxWJxfX2dZ4WzTisJAcrz/Pr6uqqqv/zlL//yL/8SqK2Msf1uC7yz1mqt9DQhhOZFsVmt/HNzfX17rtumaa6ub6dJUSYIQXCAdV1HggghlJ7evfsxjmiSxB8/fvTeE4KHYXj//v3D0+MwdPP5fJqGvu8dBEkShUU23JYgzz8cDlrr169fh7C0w+GQpun9/X1VVbe3t1EUlWW5Wq0QQk/P+6SNe9mem4oQEqepiGPBsh+On86n/le/fDEN3bna/+M//PNyVdxev7ofppDL89U33zbn03a73263l6vVvjqyzUUWs1iIPI6Gvj0fD1LK0aJpmLTWQrDNZpNlmXVm7HqEwMuXLz+HbPW9EGIYpqenp4in6/U68v7+/n4YhnIxF0IMw3A47H79619TSh8eHowxnItpmqZp2D6f+74nhHrrEABKGgDAV199881XX2htz6fjuWkBQsWsLDaF9750F0WREYKOxyNjLE0TpVRVnYwxy+WSUhziXhljUcS1lrOihN619RkhdHmxppRWVbXdbp1zRVHEcTwMQxKJxWLBOQ+dhDRNV4ul0jJNUyXHy4v1V1+8enr85NSoVCcYXS6XsyJ3RqpxiiIehGFhVJuXhfe+rus4y5Mk6wd5Op3v7555lF5f3w7DtNqsrbXWuVNVfXj3UQixXm+mSYVQDsaEUXK/35dliTHNskyqehiGLMt+/PHH+Xx5qupxHNu2rbuecMHjJEsLgCCA2AMUxendu7uyLJK49N42dRdk+7vdDgFf17UQTAixWi0AAIyS5+fn593259/8DAH44d3H3W53PFVJlP6rf/Wb9+8+zmYzniRKGo/72WyWpNl8uXr3u3eMRUmSVVUVR5zH7N2Ht5jALMtCLWiVETTZbK5O+2q73a4WyyAMPx6PV9fX15tLkURP2+eQFeOc4YylaRqJyBjTNa2wcFZkQojnx8eqOs5mZRTz/faZUQiBz1OBgGeYOA+A82G0E3RQQa3ERSSECK8G9NY5N5/PP3z4ENSuQcqJEN7v930v1uuVlFLKMU3Tjx8/EkYvLi6eDoe3b39AhAKEvv7666qqjDfGuFBOpYmbJlVVZ865kgYThjAdxibLy7Fusyyr6rqu69P5HDR+cZZiQizw89WyqqqiyL33s1kxm83u7++llPvd8eXLl2Uxf3x8rE7tn/74/VdfffX27YeiKF69fNN3o/eQMwMAuri4pvRUNQ9t00k5AgDiOKWU933b4SFJPtODuRCh8lZKDWPvnIP/9f/l/xRF4rs//zmO41lebDaX7999/MOfvr972lpApcGD9r2C0gDtkQOIxSjgOmORpGkagguM1lKO6/U6FryqqrquAp8WAACjFFiHMCQIW2vlNBipsHcRZ5QQYK2zNmI0jmPv3DB0+eo2MD/DX0EIIQ+cV7Msg8CsF/ntzZoAdz5sEXSr1erf//MPAIA4jtM0NUa1TWOM4pxHnH38+H4+n//m17/inFfnY9/34ziuMgEAqtt+uzsWs5UBICvKu/tHIcSX33zNGNlvHyHyZZk5q5vmvDsR5xwVnIu4Hfrn7V4pFWqo5ly/fvmyOVd5nFxu1r//l996677+1VfeewiAc24c+77vjZq894vZbJKDlBJ5xzln/HO88jzN5vN5MD1ijANibbPZPDw87Pd7IURI/5nNZpzz+/v7zbzElLx790FrTXmEMVlfXEII/+Gf/4ky5pyLUnF9fZUkUd21fd97GyEPjscjJqiuTtdXm+WsvL255hRSgrSWSk5GTnVTGaXTNI0TDAAoy3ma5k3d13WrlQ3DJa21iNh6vczyWMqx6xopJQGQYNYN/aluqnP7xVffaOOiJI6i+Le//W0URV9//dVxf+j6hhH6z//8z/OL29/85jd/+P2fkiTZXF22bf+825XlTBv38PToPUyL3Gg3KZnn+Ww2X+Z91/Z3j9uyWKxXN12n6nY4n3rtICVCKtNPYziG7w779+/fX3/xpXMOAxjOQ865EHbBGAu05/D+n04nY0ySJOPp4+vXr1fz2bk63V5f/fLnP/tv/z//zc3l1fX11TRNXddXTR1HqQP+8XkXRdHXP//Z+/fvi2K22WyOx+MwDBCg0+kEIa7rmnM+DpIQcjgcrq6uLi4uRM7/5V/+BVP+7S9+bh34ePfQjxPA6HQ6xXFc1xV0NomFc25e5tfX1+rslFLK2PP5PF8uD6ejtbbv+7/927/5/i/feSu//OK11dPD3adf/fLnv//97y1iXdcSQhgnacxevLgti+x43BulMYaLcgEhZJSmSR5OV//0+3+8udq8ePGirZvH+7uqqgih33777Z+++7Hthl5qylIqEkC4BwhgrE82TVNtpHM6LRKtp35oWcSUmpbL5W63i5Os6wat7Zs3b/7w+z8ahLIsq06HruuuN5siT4ehk9MQCxpHvKlOaRbPy3KxWCzm5ffff59F5PLyclLy3bsPddtnRX55eblarZRSP/zluzxNl/MZ9IZRGgs+mxcx5cfjsarqOE3O53MURR5iIUSSZMM4aq2ZEFEUWWtPp9PxeMySDiDiLKIsiUTetvp5d56kS7Kibtqnp+3ty5v5ank+V8UsL8qs3++LojidTiGx5Pn5OeSO/fDDDwRhrXX4T+v1Ooqi+Xy+zmTXdYQJRGg3TJRxIqKm6+t+TMuZNs5jNgYbwXL97t2717dza/2nuyci4nK2ed4ePn56PBxO83JGMBzbBnu9mufYW62GPE0e6uh8OhDsGHa/+tkbBtXluljNC+A1dJ4Q4iGN4uy/+//++/2+urq+ef36FUEBsEgp+ik0EmMMkQ/OaUS5J155a7yFiCHCuumMIIyECGoTKWWwAl5cXHBCp2kKDS9CCEaIEHLu2kCOhh5Yo4B1nJGI8c16NQ59VzdhJO2dCcbWP/7+t0mSzMpFnufDMPR9LxhZ5HPoXZFn2qo///kvWcRXy1LL4be//e1sdt11XaBvh+sPJitOyWq1iuN4u91675M0Co6nsauX6420IM503TZpVk5Sew9PdfPp0z2lWOkxjlnTtOM49EN7OHhrLY+jLLfGfwadU0pDbk7gKXLOrbUXFxd5nocAEGf16XQKBz0tp6ZpOKVxIsqyZBg5b+BPWX2y7QIHPPAXQ3aPUuru7u6vfkgIYThX9n3/vj1fXV1dXl4iSJq+q+smiBFDLc8jRgjmlPV935xP4zgKhrtxHPru8vLievPN1dVmGvrjcX867JJYJJFIs0QI4UEOPZjNZrN5PAwDxjTMS4QQQgBrPKXUOg0AUGo6n5X3NsgrExZ3XWetx4jc3NzMZrOn593Hj58w5TxKpNYfP34Kk2rKxDc/+zlm2f3d4ziOm6tLrW2I+gQA7HY7Ttmk9N2Hj1Twb77+drlcNk3jvR+GIfRJTqfT49MuSedff/319lAN/TjKKbQKp2nqxwFCGDE+DEM39IEoHVTJl5eb3/72t6vVajabGa33pxMA4Obm5vb2dpX9cuoHreV8PgcAfPz48Ve/+lUURXcfP3kEh2H48PGOMbZcb4xxu8PR//B2vV5zzn94+zYsiEGZKkSstdbOpmkeJJXGuyTP6u7kAFLjeH/3aJx/etoqo+M0q88NY6woZhh4zqngNI5jY0xV1d3QL5dr85Ovveu6NE2DHo4Rvtvt2vqEIXh4eOi6brLg8vLy+vLCWn2uT6fD0VnNKRv7jmLBBYUeOecmOXgH0zT9xbff9n1/Pp+zJP3Nb/6maZrn52ejnZRSSq2k8cgQ7521k5STVtyIqlbjNHigjZciohbY43GLEKIUe28JRVFM1Xk6HHYQuWkcI8Hm83nMOaHIOUMJuri5mqYRApfnOaPYGGONIoR89dVXx+3909PTuWml1ovFggkupT6fG87pfL5czss8TQiCCHotJyWN026YpNQq8jFCCCDirFVKcfE5LcsoPXgfZuZRFE3yMU6zpu6Ph1pwz6M8iqKur4e2y7PUaOWdHpoTdNIr0h6l18oouVrM4zje7XZJFCdRvN/uXtzc7vf7U3VAGDBOEAZFmXFBCcbzZS6E8ACmmfUIWwANID/7xf/icbf/f/6//t/G+9tXr+tPTz/+8GGz2fz3/93/uFispLLKNP/8L98/PO44i6MoaZq+a+r6uF+U6Xo+iyJutOy6QSmMMZLTMJn+7tMHYAdOXmcxFZx+hgGgzy2X/3kZD1MmzjmBiDGGMeKCUkoxgJgQgqkGHuFwvzzGGDiIEWWUhXgBo3V4tynCwzD0Q6e1xhAB57WyAACrDQIQegc88MYi6GMe5WkCgVfjNI09w4QzQin11uEYfPXFm77vnZXQE06xJihMYgknxhhKcJpl0AdzlysWq8mhgJqEEDZNcz6fo4hfXl6eDvugMdput5TSxXKWpmnf98vN9Ww221d1kuYQq5tXr8/NIO1hc3mLCBzk6JzHynVDUx0Pkxzi+MZay1jEOecYee+lMoHaigDcbp8iLtLVGoUuFudqMl039H07DSH+GCgHrbVN0yAM0jROs5hSCiHAECGEvFRB2RJMTyEcmRDyzTffhD7YNE0BqlkUxXK5vP/wtm3bcZTWQ6UUYzxNIqXt3/3tv0YI1F3TdZ2cBqknZzRBcF6kPk+KNPLe7p4em/PRWxNxCoAzBgHIOaecEamQ955yEq7BewUhlpPyHiJEnPs8lQLAaS2VtpRiITghRHYKU7a5KD7c3ddtf/7LD5M02vmxPl1dXY1TdajaWVlqLYUFX3z5zd3T7sOnj1rbtu3H8eAAsNZJKdcXy6bu4ji+utpY642auuYcCxGJ+Be/+NXVbStHN00mz3MP0P3Dp7odpdSEss3lUilVVVVWxGmaWsQ4Z8vlIigglVL1+dR13Vdfvgm1VdM0SRIlSZKnsbeSouTYt5zzX/ziF1pO3/3pD7/6xS/fvXs3TZOctPVuUqYbFE8G7dw4yao6Z1k+jlPfD4TQaZqGYUrTPBStDw8Ps5mszy3n/OHhwVrbyXEYpknKQd5p6/eHo3Z2sXAeIut8mWTGaq2kECJMyK00IZ1mu92emzpoEMOMGngXz0vglHeAp/GpqouicE0bceq9JRiuFgsAHQIeIfC//a/+q93uGTiIEBIihs4/PT09Pz7OL2Zd12lpDDdByFSfW+sx8MhDRAjjXIgk9ZAaPyHjaMTGsbdAayP3p12ScufMua7KMt8fnp1zCPssKygB797+ueu6+fImT5Isy95WRzl16fWl83aaxv3u2Wl1uVknSUwwtNbef/yAEMqz9HA6Uko3V1ez2eJ5t394ePDex3HMCEbA7bfPeZoUeaq1hBAa4/pRWg8x5TxywYE5DJPztXMuOI0BAITQYFM4DfbQnbbPh7bqLy7QkqZKm77v8xxTCMo0QthjYKwdvfKI0/V6fXd3F9xD2pibm5vVatU1p/Vy7oyyWgbJr9a6SLNDdZrH6zyfAYSHaaSceIT1KAmCf/zD97tT1TR9VsyQp03Ta62Xs9U0mGd11AZYj06HRo0ujSNnkcc4jvL4kqeCDYOsjyethjxNgVUUwbqvIwq90cBqSjBwnmFigUEIBUen9979FOH7uQykFHtjGSMUkyiKOA+kPGIRgvBzjpoxxvoxAEwgANaYMGsSQmRxFJzQGMEiyxECgTwFpacEEQyxd8A6CBwCniBICW7rqmtrZxTljDECgfPQIQSFYFpObdtOciSYUowYpxCBYRg6o4o82VwssHfN+ciI2Gw2//i77yCEWZZxzrXmQbcTOATGqLqu+75fLpdh3SeEIMa6UfWTnpS1Hm2P57Ybj+e2XKyBd6OywDkWYRal+QxEWnaN9T9BtK0xWmulpXUaAkcZO+4bOiNa69Ph6Jxr255G7NOnu65v1+v1rCiGsUNoLMvyYr2GyHtjEUJFkTOKg9zz1atX2+12v98TQkKpeD6f379//+bNmziOwygvTHfbtk3TtJ9GazwhRHDBGKOUTdN0Pp+vrzZNUx92z1rLxXJWZEWZRs7ZMpt3XafH1lq3WhVllkPovQvTQo8RCOKQw+HgnMEYKtkBgOI45jyCECKEAYDGKmg8ZTEh1DkDXMDVIiml0vZ0OiHKDsdqdXElkhQzro1zAHHO+1EPw3A8d08PDwC45fIBYgoQiRLxvNsZY7/++msh2jRNjTHf/vybNE2Px+N2u2VUIOBPh/3T/eOLF68mZZyFUZRdXl6e6/7TxweIOcYwTng5K4MPGxFcFNmhGkJdP1pNCAIARBHnnDJCrB57MwFnV4tiVpRSysPhEMPpcDgYrfIs9dYopaRWzsMkzavzPRPx5uq6H0aPKaXRIs4IhsMwQQgxpgh5QhxCKihoQ4yqlDKKeSggdvtn43E5n6UZ0sY6gJxHkzJ5MQtnO0SomdSpapQyCIGuaRdxmef5saoOh0NeFre3Lyln4zh2TSMifjweN+slZrTrOuDs119/vZyGNE3lNBjv1hfLOBbOKM5pdTx46/I8t1q35zBDNqvF0lqQJbkQDADQd6PRADMeR2k5W9LYKO0A4ZgI5wEhjHKn9DSoIYr5PMmlHKOYlmVxCy77vvXOWWu32+f94YlglqTsX/+bf3c8ymEYOq+tUZxgiqGyFnv3q59/u9s+FVmmjaSQlVk6jSPG8PblK0zZ4XBwDtR1W1VVaJFtt9v1ctF6UJ9PalZgiKQavQXauHCwQ5iKCEVRpI2zwxCa+2FMBQDQWhmjAQAfHvZ5XmTFWsR2Gu2P7z4Swl6+vN09b7dPDQR2vZolkUDGUjddFMWPP/4FY3y5WUGAdrvdcbdlFK+WyzjiNzdXeZ5vNpvdbve4fR7kdHd35xWYNbrt+tPpJJIYYdp0g7amH6e279eLqyhOH++fp26yDvz7//5/ur1a7/dV2w1ZPuckWczzJMr2x5OhIE9FUc4odM15f9w+UQIJohcXG2elHqLNavbyZu1NPysy4AxjVGsAIXIAOeeUMlprBzyEkDhvvDMh0iVMSqMoijnL89x4MlmMseeESuatBs6YOIvNT6s5gQhAh7wzxmglP7vbyxmALkDIEELOSGC0dhpCCKwDwFujtRzTOILWaEk458A7NUprLcKAs/hyvVgty/O5absOYowxtFa3bbuYFdrY7394m2fJy5trStCnx+dwXNBax3G8WMzSJNntnj98+PBv/82/3u2e67rOsiwAZ0JX5HBuIcA8yUY7SG3e/um7vFik5WJ7PGdFbj3R2lANIkIBFkbbtm9Dk0RrbbwzxgDnIQKH4/H26rosyzDavbu7y9MsiqIs4kmWp2l6cXERJ5HoRVFkaSzKPJeq91ZTSgiGKBxenAoGhwCGvb+/D40jhNButwu+g9DOCutFkiQRZ0keFUWhlDmfz4Gf470/HPZaS45RKtIyTQDwwzRIKe1ooih6ebPx3geSFSHYWTtNwzRNbd+3be2979s6MFWMcUkSBTCDkhoh4j10zgXnlPfWGIwwRIgEMzRDCWZRmhWj8nGaAcwpi3hMj6fzqT7tT03f92PfOec453/+/v3V9ebFixeU0v1+HxMSkjnLshyGQU2y1noaBqu1cg4jzyhSE/3w/tPxfF7ML5ZLNElDiPjyqy8wZVLqYZRtVwW8BvK4rg3Gwnk1yS7MJxgmjNEo4ghCBAEAFnhzPu7r0yFs/8/bJzmNTdN8+vC+KIoXr1+N47harbT1PDljypTxBijkEGOU8WjqampclmXt4fD4+DibzSAi3/3lTxcXFzc3V//6zZvT6RR6kmmWHQ4HgHkkUkRoNwwA4QwSYWyaZN3QPz8/N00n5djUVc25VdJ7X95kHsH7+/vZYn55ecmFiHHSNB8ur29Wi/ndp/eccyHicz9cXm3m8zmFZZanwzDUdWWVHK2KY7FczGMuPn369FCfKSaz2XxWltvttjofIWXBs+Ocm5WLy+uZh1QqjRnniBmgulHJZlQOauOcc4zCqqmUjaNUEIa11Q7YLI2LMh26XqmpadhyPr+6umrbdnMxG5rd/e4piqLri2WSxIwQXua311dJLNKIZ0m03T45awWn3hktx9/97nfeQQAgIYxyxqhQ0nTtMUmSOM2SSGgjIcaTkqdDVVXVcrWZlNJan06VtbYsvdbGWhd48UopjFBIfJymaRgGxnNMYuOgNl5pPU4KesMg3qyX5+qgZD8NLQaj7Otm6pxsL9ev8jzPssxam2bJuaqrqlqvN1Ecr9JciGPTd3/54e3xeMSEdf348eG4r8agao2zFCNa1Wel1NXN9dTp1k3TtFVGF0VhjW6rcy1SIx0jcSxypZ12iLE4YhJA3zYjMHZeJPNyUaaJVZMx6tXtxlsjsL1YFrMsMhJZbTwizlrgPcIoWPpDczI0XYi3zjlHIOqMBN46bxghwcIuDTbaE4QZA5FHEDtjPYEEQIdQ8LBarew49OPQx1xQhmPBIPJWW28dQZgQovUIAIAAQOedd95Zq0c1gav1gmM0jMQZC73FBBJMEALXm5UHoK5rZyWjME4TAEDdtkWRXVxeGjWdTsdhmLK0KGc5gPT29jbkJAQgSXBIY4yPx6Nzbr1e52mCEHrePo7juFwuq8EY4xiPAGJZWeBTF2clYfzdu3c4ijFGBhKpgfFT17R93zPKEQLammmaghXNOWetTgS31grGYyGmaQoapnGU7txerC+LMtNSDUNHCZnlRSzI8bDFGDIC5TTs9yNCACMQCbZ9egonzTBTtdYEIeM0TRB6zlmWJQA4zmkQgC4WC6XUsTo9P+8oJgHGtJzNjFRxLPI4wsQD4Nuu0dPIKcXAXSxmV1eb/U//pGlKBU3TNJSxzhvG2Gy5iKKoXMz1yOM4jeNYTmqaJkIYIcR7G0RsgQH9kw9bAACO+46JKC8XkwYPz4fD8aydL+aLqqqlNsEHa6399tufvby9/d3vfhfHLM0Ko3RZzJVSHz593G931trZrLz7+BEAcHl5cbGY7/f7eugZY6vVhlLKxNF7OI3Keh8nlDHR9qP3znml1IAQiuPIAT9NQzt0zrkyy8Jj0A/t0PV9J6OIG+0ppYwiaH3fdwrCOI7v3r0vyzJJIueciNjl5eUf//hHRsXqYr262DRd/+Hu4746z+ZLRCkEOELu+Xm32WwQQn0/am3X6+XLly8hhJxHwQ8Rej6UYet0nmfWITnIuu6NdYgwiFE3jM/Pu8fHZ7lYEARFlKVxVFUVE8QCr7Uep/7nv/hVXha73U5rfTgcAukzyXJIcF4U3tvFYnE4VZtZLMfBWUmAtWpyEFAMuvoMkmQxL9M0Hfpp6HstFcWoXK7+8JcfOf+MogSeGONPVXOs6mGSFuJJ2mYYJ2k8xAhTgLHHcNRKnqWIeRIzCL1SysM4ErEcJ4RQkSVZliSR6Nvm8f7u8Hy6WM7yPOece2uSiJXFwhh1/2k7n5dJLIo8rQ7H6rg3xnRd9+arb5+env7y49u+72fz5Ww2f/n6dZqmVpuQz6cniRGglGVZRgiJkkwZ19Td0/OuaZo8z7WRRumyLE+n07k6hTkKYyzMnwDijEZD12+3e+RBGmfYu77vu6bCCBDsurYWvHz58qXRo4j47Rff9n2vpCaEfvnV11Lqx6enLC9HqeMcQyqOT7tT043aNsMECGsH043tOBoHudZIOi2VG0f97u2H5XJJvEcefPXqDcDo8fHxN7/+V03V8UQYCLMktw52o8YACcYYY0PfBLNQInieL7Qa99snPfUMo81ynkZ46FsM9Niqi8WLvu0QwRGhCCFjrTLaehck+SQUjBD58LoaowAAHthpGA2kzkLnvXXae08p44J6CwDCAGGIvNYWWAucAQBwkWIItJxqqYwxVhsIobcuz1KMMUHQOTcNwzQN0AME3DQOxmpnNHCOCRZx4b1XSp2Pu/P5fKjO1rv5cj0rM22sNHK9XmICIeIXF5vD4fDp7tF5dHP7wusJADCOY13XSk2csSRJ0jR9fn5arRZ5nieRCMqzMEqdUAIhbEZTlDMDYFoUk/Fq6utOSn8ihCQRFXEMHIQ0ymZCnvtRyrYfgpIHYwi9dw68evWqbRr401T56uoGY1y9f3/qOkq5MabrGzWNeZYSirxFz8/PWRzFCYfAaT0Cb6MoiiKxWCweHh6maVosFq9fv2aMdV13d3cXmuyz2Ww+nx8Oh78OCT2CGMC+7wEAL169jLj4/vvv67qOYg6BwQRSjChDgtFys57P51oa7+3puK/Pp1mZR4J5CE6nA86SJOIeWOdclmVCCIyxEMJrHcaSTd12XRfHMSGsbdskSQKaLVxYEGIKETuknnenu8eD83BQirD4cDi001ZECeMUExEntuuaph2quiMsms3KcZRVVcWx2G63kxwiLur67K25vr5khJ7PZ6WnzXrZNM0f//jH5ebi9vZlHKfWeMYYxNh7v9/v96cjBNh6BzBKRMI4dd5ba8axllISBKzTURRRjJbLeSTEd9/9SSlFMSyKosiyNFkEA8b19WWY9tdNRSgihGitlbai7ZWxk9TdMBnr22Ew1idJdnN9ea7ePtw/bS7Xs9ksGCP+9m//9h/+4R+Ox31VHbuuY5yEWU5ZlsuLS6WMNNYDKLUVFFHGx0ECxLJiVpZz7+315eZis/704SNjBIxdmibX11dCsNPp0DRNkFrvds9aTpgg71SRJkmSQAjHcYzWeXOurNOcU86jKOYQwq6trZJa665pjTFJkmVpvt/vd7vnopgJEVFKjTlV57Y699t95Txo2gFSZj3GiMSRwIwHRMapO5TlHEJvAYSIFXl8cXnx5tXtYb8tihLYzCj17sf395/ubq+vX7182Vf6xYsX1oRSupm84cvZ08OnWVEKTseuRcAh6LWUFxcX87Ls+1E7nyZ5lpfL5YpHgmCWpmlRZsf9AQGQJBnwNkuL1WKZJMmx7qIoiTOFMfZdb62dRjVN09u3b0OXkhIcFoSAYp6czC+vV0UJlDkcDsjZ1Xq9Ws7b85kzwgXePj8YK6u27/suyxP0tCOEvHjxylq7r87jIKt26tTpfK6fDudRTvv9ETARkejcSou4dC7E17Ak0cYA77IsS5KIEPLyxU2apl3XLBYLYzWw02ZzcRIpQuR4qggEjLN+mJrzeRgGWpaCEkaRHPt9dwKrIhIEQvtw94EguFoUEyB67BaztO+aiIt923DOMSQeIau0lKMxxgf0DUIIQwihd0Zbq602znvnXN1UkEQGcintNBllIBGUUgyAt4A4b6x13hgPLKeEMYKhgwAYrY123nuKKAQQWLeYzSPOQzbeyTurFcWQUlLXNXDWGEMxZIzFiZimaWx6Ajyj+OZqnWQFj8Rk7CgHjBGEoK7rEJvHRAycU8b2g5RdFcRe0zRFEQ/2iqqq0jQtisI5dzwekySZz+eBC4F5cXl5qY1Pstm7958cIH3XGwc31zdt1w1Tjwhmk5mmwWqZpongsZJG6xFjmCRJUWSEYu99kWVGqyzLoYOn0ylNMGcRo0IkeTv03TjEnJVlmWZJHEdJRNM0FRwTQpyVzlilJzWOPSGCyyiKLi8vkyTZ7XbH4zF4Am5ubvq+D/2NMOYN8uqmaS4vL6M0iaJ2Pp+rSU7TVKRZWZbAWa0m4CDF1BnTTIPW2kkdx3G8WFAEAXBB6CmEaJpGCBH8REELaIwZhsEZB7xRXof6OlDplZqMUdbqINcBAAz9Z3XTYrkhPK7qdhinw/MhSlLKxfXNi/v7RwcQxni+XAAA/vKXH56fd6vVAiFU1/XxeARgdjgcZvPiV7/6lXOWERJxRhk2Sux25/04QAivLi9YUp7Pjbb25uY2TdOPd59OVa21TpK4bfu6aZQ15zNljGHCwshkGIaxH8ZxJIRA74QQaRL93d/9675tz+dKjpM2khEkIg4hXM9nWmuC4fOz894/Pj4mSbI/nCalh0lOxsZpki0WkzTDpK5vb7/56os0i9+9e7ff75MkybIsfEcAuIDEWV8s7+/v27bt+z6OYwhx39fjJI1xUmpElPPweDw6CCjl3vu27d0FEDyCEFrrKXCLxSyK+NN29+nj3cXlpiiy5XLpvX/74w9lnnljkzjOIjFfzN68er2IHMEeIZRmCUIgijjGuDofAwAjy7LT6dy27TAM2+dd27a/+pv/vO/7YRrHySjjtDXdOMZxWi5XEHMAkfUAQQIJlsqM44gH+urVK+/M3d3dh/1dJKiedB5nRbH4cDwDZ756882XL7+QUgJv99vDv/u3//p0On3aPn755ZcE+b/8+bsiT5JYjH3LCKAEbTabeVk2TRPHcXU63T8fMMabzeVyvUrSvOs6rW0cp/W5fXrcxolIODdad+Oktdba9qNCkCzmq+AuFEJ0ddP37fF4jISYz7MoihCA4eyOENqUi3r7UFU1IeTrVy8YFf007Xa7YRgwRpvNOp2tpBwnq1Aye/Wzn19df/Xhw4dDM3z69OnPf/kuSwtl7P50TOKs7d91w9D3Y5wmcZTWdR9F0Wq9qKpKRCyO466pEQbrxVIItlouquoYcSal11P9y1/+8psvbw+HwywtkqzY7k79OHWT2h8m72SeijQhzjqCvdWAE3ZzvVrM8iwhHz980NOYRpgCgTEssvy0303DAKyDAGGM3U/JOUrp4LKG/83/7f+QpunDw8PpcCyL4sWLFwSzP/35h7//x98iGmOR7U/99tSks5WIs+fdISIRhN4YrY2E0GMMtZJ93wohCEIYhfABAiFGAEKI2+EohFjM5oyRYRgw9JRSo1Xft33biYi9vLktimwchr7vEUICIS6EA77ph3GaPMIOAqnt8VghgjEiFDPOI0KIVXqaVJGA1Wq13+9Pp9N8XgLvIfRv3rx59eK2qo5N05R59vT0pI08Ho/W2g4kcZpFSeo8rpv+3AwGIMbEJPVPE3OECYDAEYIIIcwYa61zJhZMCCHliCCYz+da61e3L3a7fdv2Ukrg0W53yLIsKYpx6I0xSRKlMYPAWzMBpxbzYjHLBGNtczqdDs4oQjBCaBxMGJcFC9zFxUWSJCEqM1Btg+k5+GAppU0/zOdzSun2eT8Nw2azydOsPlVKqaFvjVFZKmbzEgN/rk+n02mR51mWhaRvZY0xhlIq4uh8PgepnEjicGSjlMZxHBEWNGFhLCylrOs6aApDr382m63Xa+fcMAwY40OH7+/v227gUSLixCF0rtvtdn9uurBVcEEjxhFCchr6vr+9XhdFAaFvzrUxpiyyLMsQ8JzToeunoXPOOWeUlEopa3VSbAAAxruw91gHDqfjfr9fXqwBAJSJOEtD6nd1Pvd9T8WMMZZl2dPTw9j3GEOj9O3NVRwLo1TEOec8OAaiiFNMgkPqxe3tP/3TP4VG6qdPnwjlTPA4LdpxatpRe1A37SBVWcxviihNUynlfr/vug4AkBfparUKQYnj2COEPn36dHNzE45cTzuVl8XxeHIAeYBGJRmP7h8fQhQOwoBicnl5ITgdhh5CGPuubXuA0d/85m/vHu4RIlmePz8/G6232yeCsNXy9asXv/nVL+U0eu+5PsVxDIDnnFZVpZ2+2Ky2222wlSdx9tkO7j+H/rz88m//9Jfv/vSnP3kALy8vPUTHqp6U/vpnP5smNUlFGKWUt31fVZXW+u5pVxRFXVcYQjWNXFAMwOtXL37zr3717ofvm7q6vd7c3l5rqZ6eH6qqkm13dXW13+8ppVmW9G07mxXL5fL5+XG5mDnnEILhaJvEcdc1h84XRUGZaJqmH6ckSfpRvn37Nhbsiy++kONwPOzWy0UaR0PXeO+HSQkh5vN5SK5HGEDngyLWWq2k9N4H6rr3vuuaMok+fvxoHfjyy69mi9X+cDoca48QJkQ7X85mm6tLafTj46O2Zj4vP71/attWa00Y1dq0beshTrKUEt6Pw+l07scxz8v1eg0QbJomYyhiPDzngjEAQHM+Hfe7LE8EY3V1/Oabr7792ddSjlbrqqooK+tz++Hjg0hzxKJT1fz9f/zHYlZyzq1TV5crAsxylghO8lT88P2fI5EKytarBYUeQTvPc4ycM4oQgggZpVpuLuum/7//1/+PSep/+5/9r67XV8QYDYBnlDBOAfBKKYeBc84YBQFxUDJO8jw31gYdtAHKWuOsBsAxQYWgNOXzMg55SUYFdqODEDDCCKbacKN0sLQB5xDF3nsAwOl0SuOEEPLw8PD0BAIXmHMum8Z7LyIRpYm2pu3H47nq+tYYFYuMM6GUqarKOUARRgg1zRhQ7KEbEEWRtbqqqrBMLBaLrqnD6CA0MaZxAggrY5X2/SCNhUTEjAqpDCEsdKKs1dB7jCGlPGKcMwYhgNB7K6fRQoI4xdDbYewQgpvNWk52mlTT9BCiNE26rgXIz2ZFLNh+t22bKuL4dLJNdYLAYgQ4hYwxZ+ww9hBySmlZluHAeDwe9/t9WE+D2vR0OoXkhyzLIISYUYSAUgoi7yGcRgk8bIehbZupHwB0CCGIO+Cs87CcL73z2sFJO4C990hr3w2NPVUhJoIwBjxCkEQxRwhZ489dEzSLwzA0TWOdiaJoNi/fvn17fX292WwiEYcukJQ6jum///v/kOe5Nu7t3feI0K+/+TZN8/un5/l8DqBjjF0sF9dXV2kad3VzOO6hN2FkShkOkEXB6GKxeLj7pPQURAuf6eeMYYzjfOW9PVSn5+ctACAviqDD9d4vFqskTS2AAABKhFS6rpv7Dx+zLNt4QCmnJYfeHve7U1UrpYosCZmcXdd5752xzpn1eg0hfHp+FkIIwS4uVtM0OA/fv/8I6UkZYxxyEJ2r2nmAy9n9p3cBF3V7fZGmX3DOw/lmGPr1ei1l8v333/+X//l/8fHjx6HtyjzP57PjoYIQCM4gJpNWbVczQmeLOeOkrZvR2zyLphHtn7f90HJbU8pEHB33T9dXm8Vica7b//gfPiAACUUUwVk+4wTX5yoWfLffZXiYplFrzRhRehJCIA9C4CqCpK7r9Xpzd/cQidhav9ls/sM//dMwDMbDvu/7D3cQE4hxlhVpXny6/5O1dj6fd21TVdX5fN5ut1///G8QBlkklstlU53b5jwMg7fwf/hv/0dKkFHD749/uv/0sFotvHVjP63npTOqyJLFYkEpXc7L1WqltfxXv/5137e73Y4xFnAO5/N5HMd08WKa1DBKqQ2lnIlYW885b/vheKyc0cMwHfZHWxaMYISgteM0TU3ThAUnDP+UUu/evVuv1+v1OvB/jqdzWZYvXn4x7j8ty2wa1fmwa9sWIFKUmUhykaRJPnMIHU7nY3Vqers/nf7j774fmnoYBuec4DFCyDibpjmLgEiEHWSSFVcvXiZxKqVs2xYCxIgHUE9SD4NGCGRJvFxmL2+XUcTvPr6/b/cf3uoiw4fd9u7u7quvvoJghIikKTJgGtp+GLqXL9ZJVtRN9Xx3v5yJfmooLn/+b35jjXzz5gVCaRILwcjYdcBIbSzmJMmKoGNW2kspp2nEGFKGg+6ZhIQBCCEC3jmjtaKUplmcRNwjLp1FiMaJqJqpHyWlDEPorCMERZzFiWAMYZo3rAAAL/hJREFUEYoJgs/PzwAA6CBw3ltvNDRSQQiXF8vQDoYQAme6Tmstx6G/vb2lFGup6rEyxjgIwqEeExKQv1bZtu9OTT0pGUXcWqvUNAwDdFiIOOax90BKWRRFOOcSQqSUjNLFYrFarZzRdV21bfv8+JBlGUQ+z/NxHAcMIIBj37X9ZC1mcUYR1kYmUQwQhBBaq6fRaKMphsA6C+Hzdtt37WxWvHl1s1ouuubctnUaJ33baePyvBh61Q59Nwy+Hy3xh8POOUMQnBUphH42m5V53LVnDAGjlGDojVaTRAgkcRrFeXA8hxFo27ahZA720aBPp5QGr7PWerlatm3rvc3znGAmjR6rMfxfLIoQgtI60I9JkmRpwTmHRnvvtfF+0oQQQrnz0HqFEYiSKLwPfT86B7y34zhyTALLPvB8COVlWc7n5WxWRFGitQ6AxnGUx+NRSrm82GhtMbTL9YV1YBxHwv1sNouiKE/iKIq8M8f98+HZIOgxhFEsklhwztM0wRgbpay1XdeEMjyKIkEZxjjQ8wkh3UCUngSPF/OV0pPWWmoVhGtt2zZtL7Xx3mNMjfWCp5fXSwDApI2WhjFCCc+LRZGnWk0AEQ+hUto5EEUx5XTodGAGnM/nYKAPVgCt9TfffHX/+HR+PjMh5ouLPM8dQIvF4jgdCQZZGmVpZIy0GFDCIPCL+SzP0t++ezsN46cPH7VS51N1c3XdaZjE4ssvXk9Sn5s2FgwhcLW5eN5t82yZrFcAukSIceoxAmWeYSm//vrry8tLRBgloDrstdYXi/Lx8XFerBkjt1fXkeDO6LFX//JP//C3v3j14sWL+bw0xnz4+O58PrOIBQN9lmUeorYblDZxQoA33//w9g9/eRJCSO0GZc00QIziOI4B+OHHt9//8ANGqK4r78yrV6/+7d/9pj5Vf/jL+0FKgiiFIIujIk26prFKE4yR9wgSLfv37z48PTze3FzdXL/IBOz7PiTr7nbPEMI8z8eh2z4/W2sBcEHjtN/vGWN5nnMRB52lMc7osR+nYRi6rmeMVVXFCCWYAQAY40LwoWuW81Jr7Yxq+rbve0o553xS6uuf/dw55wBKkmK+3HgInHPSAuPcZrMRUeIRhohCIpSD3aTun57982FfNU+7PSKsnM2VJVWngHKYiDxJQqUfxHtS63G3C29ZGBMihJI44rwsIxkCFCMWx4lgBCNotez+/Id/pBTPigghMy+SLLn+8OF7OdSYWIypd6N3iFGeJez6enP/+FiWKacv57NMjvD58e7ubl7kcd/Wk9UQzk+nU3M6UgKzSMyylF2sKeWEcoil1lYpRSmFGDmjvPeEMuyd0Vp+prh4K4RYzErOOeGxase+a61nSkljbJFkyBhIEGM4SSPOkLVKyckCXxbCWWCtd8Zb660B3ofDuzbGYYxC/IczSsqRcz6Mo+8dISgvZlpL4D3AZL5aynPbdG1fHT0Eyph+HIyziNg4Fm3bq0liTGJRlkXpreu6Xqk2KNBfvXo1DF11OgU+bXOu6rqazWabzYYxdjjutttt13VJutDaDtZYJSGOGEEIAiUVIM5DHEgEyAMY0j0mqZxJkqQoc4rRMAy1kkZNjOBpmryHzoG6ru/vn6Wx3nuAUNc3aZECa85NNcl+VmSMs2EY2qYnyCWxSOOYUk4JyZO0LHMD4DiOwVeyWCzW63XwkQZlfcAeOedCtHye59vtU2gOpmkOIez7fhgmKeXLF6+TNNKTPBx20oCcxx6LY92qbiCEBC5uznmcJDF0RunT6WANsNZobQEAyI8YYwwwY8I5b60Nnzr0YMLE6Xg8Pj/vpJTr1UVATzRNN1+++HR/r7XO8nLSanc8BJ7XopxdrGaXFysz9dvnx3HqsiQuiqKczyCEdV0/3H201hbZ508RPBCUYYwxZhRC7LxX1rVtdzodESVXV1fW2k/3d9Doq6ubJM+en3bd0DERQ0iGXvEovrm55MW667r9Yde1k7aaU8eFSNJiHEjfSTlI4C0hNM8KLhgA6HA6EkLO53OLQN/3Hz68T6IIIVTOF4LjPBUQc4oco9R6p4b26nI5TRMl3uixqqokSYpiZvSIBH//9keC8P/y3/7dw8PjYj7HCD0+PHiaMcbKcvbuw/u6OiDK1DQ0Z3d1eZEkSd801fnYnHZSSorh1dXVdTnPywJBW1f7oph9un9s27aum1mZ9019GPqpqa8vL3729TdFmX371ZcvXlxxzodhgtBvNhvrvZTydDz9/Je/OB4rRsVffvihLObH03mz2dw/bNNyMU3TqCfC4zSOpJTtOE7b581m86tf/SqOeHXaDV0TUajG5nx87s+7OE4Jhoft/elwfPnydRLz6nBkjNTnylq7Xi83Fz8PgneIPEKfDdIYw3AqOp1O49gHphvGOEriqj6fm4ZzTjkvCfEeSqnPdbM7HoxxcRxHUXJxcXE87h3wPBLGqLbrqqp6+/bH/+zf/CYRPE1TRHBgogkRK2M+fryDGCnteqk5j4Kc0Vg7jwsNUN+OUhuEKSKsHeXx1Ejr2m481l0/TMrah8cthBgjslivCSFZlkRRJKX01kzTpIZ+uZpvVjPogdY6isjFxWo2m2GMp+5JSxVsEBiBvmlO1XHo2qvNMkuTYei6tq6rPaX0xc3lYl70vRWC+FlqHfaIsVG/ev3y4eGh77vLi83+8PTq5qpvqrquX728/f677zoz8UicDqe+ruZ5Bp2nlJZSZVmqtbXWc4wBABB4ThljxHtPEIDWWm8doYhibK31JsjVJ8Iz51zftMoTAwiG0FqNnMPII+idlUoBb6V1Wnu3Xi/lqPp+0E57ixBEHgDnQFiwEGJKGe+lcw4AGNJAOGeMJxAjO3mlpn4Y2m5QQ3+oTsMw5GVWlmWURLvDvqqq6+trQookdnrSSqm2OTMqBOMAyCDzCpQY7/04jlVVyXEoyzxN09Vy8f79+9Csv7y8vDucORezIoMQ94PUcuKIRIKdq8ZDgBCiBAHgoXdGqcGorhs2m3VGqTHmfO7U2Dmjo5hrqfJihjFt27au6yjJy/mCYFZ1j7PZIkljNU5GSc5pKLdfvHjRnE9GTtCBLMsJQRjCaTKn9hiqTqUn500URV3X7Xa7AH6J49gDJtUk1ZimaV6k/TgSgqIoKorCxI5zYawHABHClDbdqLQnEPpzO5mqaduWARTHcQSohdOgDNpX0zQNfTuOPUQ+4iLLEsHoBMDncKUwYxyVMYwL5kOWmDPDMCRJtlzOnQNZmhPCjHEY4989bdM8BwDtDvumaZIkSSjdbp8268U0dkNLsiT58vWN02ocuqFrvv/TY5D6SSmTPEvSSAghIlad6nEc+16PgwyZ1wAAD0HTyLpuEMVCiOAozvPy4uKCiVhOBhNOReQssqZV0rbNVOkKAWAsoCK2Wp2bnmKolY0F69oGAZ/GQnjeDqO1HgLkHOjHYZqmYewoxnVVlV99QQjZPT+sVxdfvvliGOX+eFLGRZx5D17fbr777rv98/3V1dU3X7y+vLxsmu7u/bsvXrz60+9+v1gstg+P2IH6cPryi68+fPggoavPx2Hoq9OBEjSb59ZqrbVRY6On5lwBAJbz0jnrrI4ETSIsCEIQeqMEx7Mi8VZTDDHGtTOz/IIgUOTpzdXGGv3m9Sspu2malFLTNERpUpY553y9udDafv/DDxcXl9fX13Fa/vEPf8aUR0l2OVve3T0MVR3HMU9SaZ1UrTbGWhMnYrd9ePuXPxd5Oq1ykLFvvnxl7DQrF977w+H0oXreUVAUM4ItJeTv/s3fJEny+Pjw8HDHBZ3NCsaoly6cKYWIX7x40ff9x48fMaZ9P1rbtG0bx7GDYLG6mM/nQoim6bbbbXWuu66ru55zPpsvZ7PZMPR9P87yLI7Taegp5XmWSXm7e37M8zyJOGHMIG21GdwwSn19e0Mw1c4rbZMkKWZzrXVVVaMdlVJSWm2dlE3bDedz0/bjNEnGo7Qo8zSr6qZr++Vy+fLlS2OaYL7xTgM9UeQIx5zzm+VsNisE48MwjFMPp7Z+7owxhFrOOad06trT6TgOQ8zZ1Wbz5ZvX1elolHz94mXbNPv97vb29urq6sP7u8W8uEqycXTPh/MwmTzPV6uVetBt2z58elgU+Xq9ub2+YZidjg3IhHawn6S0QDloR4nx+OCe37x51XWdsXr+0wleUJIkMec8pJEBLijCCXReSjkMgzE+GEygB5hAZFHCIwuwcQ4ThDEEwOlp8hRwgQQRELgP73/wHmJIoigRcWQ0qOu2adr55oWIYgBAKDwRAnEcA+DWlxsAQN935/NZRGy+XBlj/uV3vy+4gBjlRcGjSBmtrQmxKfP5fJrUCEcJMMU04jEAyCpNOc2yrO/77XaLEHjz+nWSRHd3d2kcLRazUOFut9ur602WZWmadtIkeYEJj6Lm7uG5aVrv4Wwm0lgEcRuC0DrjtVJKeW+tR+M4Wq0gsElEhRBydNMwVlXFeQSRcR6FCYGU0mK/uliJSDBGOEnGwRutMGOz2SxJEoqhnkbobNf1wFrnHILQEp3nechAORwOQaPGGLu8vAwRH33fCyGur6+dc7vdziPf9/0wDG3bK22dhRhT64Gz/nQ6KetmsyKO4m6SWmscJdAAA0gzqPF4dkYhBIDzVsvb2xsEfZpEZZkj4Nq2dc5aa4d+GqdRazlNA8IQY5imcVmWi8UiSRLvoVLGWd80Xd/3ctJMRIvVmlA6yKnr+ziOyzLPi2Q1K72Vx8O2P8NZlkaCIq+AnXbbp3Aev766nC8WEEKtDcY4wK/7cRjl1I/TZyIxIQCg9XptgW/bNtiIIITPz7vN1VWWFdqA7b4aB4UQsQ5Up4cW0TRNlZwopcDBthspQdZ4KbUzNktiTKN+HLquS5KEcy44BQDNFvPS5cv5/O7je8H4MHZGSzkOA0FV3TZVFSeZIKzv++N+/PabL1+8eCGl+u7P33/68G4+X3715s0ff//bJOIYwDLLkyTdbrd/+O3vzufzy29/1lSnuq60lJMyh8NulFOa5o23ImIRp2maXKyXADhG6c3NzdMP/xFBK5X58P5j13VlOYPeOaOf7u/SNH1xcwWBS6No+/z09ofvp2lazJPlcpnPyufn5/P53A09Y+zq6up5uyWEaevevPnyL9//yAQ/Ny0lbHeqz10/TNIAiBg3DmTFrCiz7X5r1FCddnmefvvNF8Dqdz/88fLy8u/+5tvT6fT8vCsT/O3XL6MkBQBRkkAI3737YRi7OBbXN+tyljtnxnGUvQzBh1VVjeNY19Xz8/PV1dWopIjiGEAIodM6CJenaXrabff7vbYmipLlYk0YDTHiTdNoNWVxEnwnzoHLzfXr16/V6Uk7CwFo66obJspEnGYY49VyPUjVV3Xddu0oD+fmeDo/PDxo6INIlxLStu1xv5NSMsbevHxDMJZStk3LnZ2t5mka6/ZcLhNrLYAOOj9hz5FRk0TAfnm7sU4zDOdxej6rp4fHrm8xxr36DHBW0+CczbKsLIoyy969fcswTqJos748HHbAutcvXnnvV4sFJxTYz3ElnLDmXHvjGBPb7bYsFvtdtVnOOEv+/KcfgccO4cn4blLe+mGU0Jokiut2bNt+GPooFlEUIQys1QhFgtOgVQF/bdeOXa9UVxbzosy+/vKru+eDdS3n3BuCGXGQmXEiEESCAeDGSTlvGEs5I9pM1hkMsRBssZiVxcIqTxDSkwxRCYSQCQARuaIoFssZArCqjtrIcZws8Gleri4uxnHsxxEhkuepSGJt1Tj2Hvq0yIOJMeguMAJJHMdRrCfdDGPbn4LfhxDCGMmyjDGS5znFKDBRQ5LRbF445x4fH6+uN+Mgu77z1iRCyMk6q4dhIIign3L4jHXeOowAIfxiefHi5opTcjrumvNByoEgmGXZ59yfoRNRWhQFIvy8P1Du3mxeQgi1nJrm3HcdgcA7g5z98O7dLEvTOEHAGS0pwkIIwXi2WoRBQhCfBEjFcrmEEJ7PZyllaJaFHNvdbvfyzUsuqNFumgbrEGex9f5cNd04QQi5iCFi1iHEIs44xvj8fOQcIAidR1GSl2WRRBw4O/YtwkQru98f1Tj0Q2uUBgC8fPlCmxBKiTFGITc8wNzbtu37EULMmei6qaoqOelo/vLu/j4wyrMsa5ozAHZR5M4ZAqGzph8H1dfzPFnOZ8sXl3E2b5om5GwFuaSxFiFCOAtjYe/hME1uGCmlnPNULPI8tcAfjwfnHKVMGX0+nyAmQsQQYue8MS4STESCc9NNyjnQdiNnGnkvpeY0oZRNk2IYeQ+HYRy7HhNICNPaausQQhjDsKkQQqrzESH0y29/fqrPfdcg4K82q4vLa8b44/PTZskAAPcPH7SyXBAA2W73WNf9rFxcX1//8P17AND5XAseK6V++ctfvvr2y6+/+bKqqm6Y7h+fPt49FGUuovjq6spaczwe+665kz2C/urqalYkq1/+/MOHD89PDwC4WZF9/c3Xf/jDH6rT4auvvri62AjOkfer5Zwg/LOvv5zNZsfT1jgXZK/z+ZJH7NOnT+e6fv36i3K+sNYfT+f7+8eLi0sPUdM0b98/E0KIiKTW/Ri8clFZZF1TnU6noWsvFiWjiAu+KK/fvHwlUlJV8nR8TNP89ma5XK77TjIR9X1vdL+Yr1998YYQ9P792+NpzzlfZesgiGqa5u7uTmsttR6l3h/2FxcXZVnO5nNrbdd1URR5799/+j1AMOZpVhaMCgd82/aHwymOBXDcWtt3w/ncdE2DgF8sFnPhu/O5bdtJGcp5mqZFlhsA9/u91L6bpsOp+vDxbnc8BekBW11JLdtOW9M7a0SxuCmLxWz+8PGDd0Z2A/D+1e2Lr7/8SjBWVdXH3SeEgWBcCJ4JRizv9aTk+Hz3buha70wiOILejbXvO+29Atwqba31zsxms8uLTSRY1w0xj7MsQRCcTmfk0eXm1jmglF7M5m03qGFELEEeYEy///7Hp6dt342ylxcvXqipy7Ol0XDo1eXFiyHP4ywXceq10kYzRFYXG+RM0w+c0LKYBTguYyxITrz3hDHGOddKGamklN77KOabzabvzdPhPE2Tc9BYZRVGDFtrlTNxIsIUyznnrB1H2XbNV1+86bpBSqWU0lIiGOLGs9Z4xighGADgnA/yuGmaJiUF4zc3BcZoGIYPHz5RitfrdSli6702EmN8cbmJItEO/fF4DC6yPE+HTvZ9P3YjBBg4ECbdoWU8DN3d3d3FxerLL7+U43B39xEhNMopjuP7+/vFYpGmqWD8w7v3d/fPlMdZsVosWNfLaejbfsCIEkIQBs5oiHwWZ3mSkDTt+37b1F17zhJeLBZyHPq+D8b9vu/TpFhdXgFIhknGaf79999tNhsEYNu2GIHLyytGcXOq0jQVQlBKOcWxWKSx8Nb1fd80TVhKsiz7Kzw9eFaDv3Q+nw/DsN1uMcZv3rzZn3beAwiw91AIURazYZL73QkA8PrNl2maPj7vzk1XzgsIyfF4nM3mZZYnSUIIYhSHll91rpKIRxEDwPVd46wt8hlnJFRPWhsuaBQlXBCtZdM0XdcFKY5znnMOABrHsWsH59y5bX58/85ae319zRlTeuq6zmu1WpaEYc6IccSq4VwrNXSUYeWiOI7jJFJSM8HzvDTW1nUrjS6KYsHW2tqu69u2dcAzzhFCwzBJI42xoece9rzf/e53ZbGcLy4W81USGzkpjFmWFuOkggQeQOyANdZbD6S23lpgTaUmJUcIwWa1ppR2XZeXOaJk7DutptPhkEQ8jvjPv/nZfr+tT0dCWF4WgscUQ6XkNAz/8e//aTabpWkaRUkcp9CDFgCC4NPjY3NuvEPv3767ubmtq2ZzcVEWxd///d8vFoum6xElZZnHaRol6Xa7tdYYYxjFZbFezMtxHK2Wnz590tWHp6dnDOGXX7wWgp1Ph/PplKfJ9eby9vb244f3MRdCiPp8IhBprftxDPLkqqqc9zNSIIyzrHje7+4+3b/58qsQ+PW8Ozw/b3/44a2y2Xy5SJ07VieAIBMcIHg6VxhjkSWvXlyuZmnEoCAwj8U49g64i9X8dLE8n+u2PmV5KiK+WJQvXlxdXa2bpqmrfT/12sjZrIwTkZL03bt3gQ69Wq3Kstwfj8fj8c3rL51zXd/HSRLiywPC6Orqqu07Y5zxru97JqLZbJZlWdd1I+jC171er6G3hFHnXJbEVishBOVRkmV5OTfWb4/nYRh//+fvP97dQ0wAxBBCQnmS5k/N4Kz11lCM4ziOBZ2M+3j3iQCwmi/mr9/kcZQnqeBMTZI4q9UIvbdyhDZJYzHL41nKgbOnw5ZhRDDAEK8Xyy9fXldV9fh4j22W5zmArm1bihH0EEKMAczzfOh6zikndH11LeX4w/dvb29vnXNCxBmPMUsen6uuaz++/6gMmM+Xi8WKIFxm6ddff9PUJ87j5+PD4uaFEAITNk2yr+sIIwQJQl5rWaTJbDYL5XgURUkaYQyllPB/+r/+HxljUo7TNO2PhyRJ/t3/+r8ovvy6fvvht//yx3////sP79/d9YO0FjoLnQMo+sx1DPhv5xznNI7jQBsQQgTXQ2iYBqxEeBWDBSAAthBCbdsGy8AwDEHnyzlnjFkjGWNxHHNBEUJaSyllgLJiRBEi1jqtvLUeIUQwLTJirQ3W+a7r6rrO8/zly5d//vMfA+NXCAEhdN4EDVyRLj9+uiOMizh/3O2GUVuIjqczpeEcYAnGghJKMfDWGYsIDLy3ABWhjERRJITQWobBphAi2MbCXnU8f8qyLHBTh2Hw3hdZHpI6ijRzzu33+2EYkigOdYr0Y6D7/zXaRmsd0DRhreech5TFcJduVl8Gs085y8uyhNCfz+eqqr33INwSTIAnUuqu68ZhYmk3n8/DtEopFWTm0zRdXV2FWG1KqVIqQManacqzMkBKMcYhYzYcLQOjKuz6IQyraZq+79+9HYPb63J9QRlu29o5m6WxiIj3zqhJqYkQlGUZFxQAQAQLO9ZnOXwUnc/nsAosl8s8z6214VkKkrW2cxCi8Bd/glqQsIUDj8IQJcxsMKaU0gF5a7211jsIIQQAhV8YUj7iRDBGAPAAOowxxpC7uiiKNE3DXNoYE8wsT09PIZcxPEXBT08p9Z7u9/u+H+M4zrIMQmyMAR7Vde09QAhxFoXkgHGU4ziOtheUpWlqrT2fz85YjLFRerlcckrzNAsxHcfdfhxHSqnIvPc+SZIoigLVOXxBy+XydPp8JA1d6SRJjsfj6VhXVWWMSdOUUBz+Zb1e7nY7AMBisVivl8658/n8+Pj4+PiooxeHw8E6LRgH3nGCZ2UeCzYO7azItRwFo1+8fmWUfnp+wBBdXq2CXrOu62EYgjY8TdPZbPb4+BjCRpIkCej/YRge9weM8c9//vMsy7777jtnzPX1pXPuanN5rqu+7xljsYis1XVdd11H8nlgMYUJSmD/hQcvkJrCVx9y3ufzefO0RwRTwqVWTdc7ALth2u4Pu/0JEQYRUdYN4zRMo1YhIiMGzmPoBSezLF4t5+vlLEtiQhGllGCmram7vmn7YZyMMbof/qqmDUVYQIOdTqcgNAiIp/B8juMIpGaMfY6RMApCiAH0wBqjMERRLAImwcgpRHH5+Yxg5pw7HquPHz/tnvYBZrBYLKyWCPssSxbLUkQkyPyAFNbavmuCSfD6+vryYiMitlwui6LghLx9+/Yf//Efh2G4WK/LsqRpDP+H//P/Po7jfupC8Aqm9Ne//vX16zeAcN2Nz8+HDx8e7+6eqlOjtQUQ//nHPwRBT/gOjDFB9CYiHtbunwJLrdZSKRXHaXg3PgMhQ63uPYQwTdOQVBDmgeGdcVYSQijFQWPrnAnvZBynACBr/DjKruvHQYYsktU8Ctj0UK1YawlFoV0QFkQI/TRNfd+HdcQqdG7qLJ9BTH/8cNf1Q1wUzsPT6RxW1TSOIk6dM9MwjtNQFEUIbA0rL4SQMRK+b+ccgC60CBBCxmil1CgrxhghJKSxQAhD3r0xJhFRUOBN00QxCQclwD6nAP71GfqpInZhqQq/KmSwCSEuZrfjOA5DF+68tXqaJillHKeEMIIZxtQ5b7QzxllrpdulaRr4XAgF4CIPtyIsVRjjcOvC3SvyGflJThpuYPiBcA3BlhWGuqEv5OxCSjlOvTGGIhQnIsuSJBZVdUIIBMRbnIiiKKJIQAif9jutdXAMhNSxaZqen5/HcQwNbvdTLOLnoTcUoYdurVVKOQt+OpZxAEDwao2jDLcaY2wYD44tZz1CIYELeO/DNsAYwQR5bxEC4a1mro3jIOcD4U5CCAkJIB0QLjKI5cOtcB7tdrvz+UwwS5KE0vD9848f7+I4xog2TXM6VRDCi4uLzWZTt1VY/cdxfHx8lNMkhIAeWGudNpTSLEkDwQ1DKIQ4NU95ni8WC2NM2Fc2m00Ipw0j6BC4EW7d+XyeRh04hZxzD1xY0xeLRZ6n5/PZWguhDwtlKDK2U3TY7Sc5EEICdXk+K9NIcEbyNJmGDiN4dbFRajrs95Ti9WoRFOXB1xMo/4Fj3DRNiP8ND0zIMBisN0qv1+skSfb7LQCgzHNjVJZlAAAMEYCfO+nAeUppY1xQVf81PCC8ZX8914Z1KewcSZIkCNd127TtOEqAUTmbQ0xP55B2CZ0HxgFtnVJKTloZDbxOk2hRlsvFbJ4nkWCMQAQ+ixQhhNq6UclJam2sc85L9VfPXfiBULnmeR4yDsNnD0ucMQZbYK0Nah9nrZQjhDCE34aEZ0pw+GHvPcZwKyUloTiAfT/IQYVhUprFzjnoDaWYcYwQsE4bo2I8D0uZB5ZTxrIMUAqMAlkGqmr3cP/dH//0/fffW2uLoiCEzDdrYryGDJnROOjiLJqUfHx+cNhfrK+N84TBcpYw8YIQRrDw3v9v/nf/udafn6G/Ir+ttW3bQuhDJmRYMgAASimESLhH4YOFGxFuUzCVKKXCSx6kTgiYsAdACCCE8CfiO2cRhNA5r6SbJhUmdRDCiNsQaxKULVEUKSWrqgqHgCRJEELj2A/DELYNDOk0qSwvPSZf3T8NUhXzBWWiaVoIISFYMC4YgdBbbYxVbduG5nJY4ILGhgv6U8XqwvIEPreiXJpH/j/ZtxBCCEAIoVKf9/BwB6y1IYuLZzwsHOH3wJ/+CTSosMSEhSmU1UMzhopbawUAoAyHFrzRjlJKKYOAGuOcAwhijPGkTuER1FpjjAPeKFxe+HPhykP1DSEsiiIU8saYoJoPO3fYWsKP/acfeZKMc67UdD6fIQSL2UwIJuVYFpn31hijjULehW3AWAWJ+Kv+PViZw6EtSZL/9DLC7wcATFqHs5333hofoJUIESlluH5r/WcuI0IYYxIFF651zkGIMcYIEgjhJMM7HDLQHEIg1A1lwsOGHSqVv97tv34X4a8TQgDGACGrPidwcR79dCcBxtgajxAK/GEpZeAVR3HcDzWllMWx17qua+A859xqAwAY+15rHYso3ISwl/Rj670P1uKA8M3zHBMipymg4jDGVVX9dTuEEIXLgxBqra01UfT/L+vKciQ5kqstHh4RmVnVVd0k1JQGJPQ9gHQfHUCn0Q30qTvoEPqQIGAOMCAFDnvIXiq3iPDFTB/Pw7soJRqFrqqsjAhzs2fPFjef5XTy223d7uM4yjh6WmFly7KM7374/OlTKVlVveYY9HQ6jYNu6/0wTevtXi0/PT7knG+Xl3Ec5/FAw0DMlHMthZlFlZitlC4xqDSUloYJCBDHEEIQAkEpDRNiJK/12tzDcDwWEzS/zvPMIdSU4J7HeaZhIFUqxRtXG2gcqSy0LJgZKWEYHp4oaL5chud3VIxqJVGSQO455S2lwzyLMCkTE3mlvFFJVDKdTgQbdCNSEiFWcic3QA+ZUa1kRu4Nj1QJallr+yH+6n4nZjocyY2uVxKn0wMtC3kld/JKOVspEpSm6Q/sTKox0nQg0YZ2qrRciZmoUMleVrOC/YN5URFJKd3Oy8vLC/32a601rdvPP//P+XxeliWnbZjGtw8PDw8PZpbNQqEqgavXQjZP43Y///TLT9ftnkpOuf7226e/fPitFj+dnoIO67r+zR++a0MdtRIPxKbBROn7H76LMTpVpBEwFS+ldJhPr03F9xeYUd9x3r2ikO10vjKzCIGmpZRUB9WBSZmFWUkGUqV0pnGkmsu6hhjpdKJtu378iOr28XiUGMnMa+UQaJrIhS4XiiNNM23ZOfA4WalwyLVWYQrCJELs5E5W2hrjnwgpkQhtG3ELQPZVd2ImFxzIx0SsSszkTtXo8ZFSIieKkYho28iMQqDghLO98TnQIXc6HilnMmvqVQoRUQiUy/7mSu4kRCFQCLQsxEqsVJzMyZk4kCpxJpGmoNDLWuu66jiSO3UHQwTw4nmmnGtKWOUQAvR4vd+xgv/HB1SX08MDiWz3d051OhyolOtFSl3ZSdSmEAStrdVCjWE8dkzPOYP14Oroggc0QyVCCBpMlVWZiETJnYmcyWzdoAlhEA3SPU0tq5oxmzExkbgLGxM7G3MlIrPiXtmdSJy2z5/veGGrV4wR/KM/LL6FrhKRSzIzVcV8+ZRSThW3mlKptU7TfDgcmPkvv/x6uVxOj4f7/Q4yG2M8zodlPb98+fL8/LxsS005l/ttDTUX8Nz5cMKm/GmawAq/fPmCwL+UcjgcYozYhoai7rKVcRzDIB1YsfkekwAQiwAlp2kissuHH+/3ewghTNGsbon8vH6pdbldpzmWlGutl8tnREXTNHn6AuPtlgvugifCVmcMuwbfXOyTmaEA8/T0RLUuyxJjdGuOU1WVvUdjw/ERcy86KYYygFLAV3UmoarnL3+dpgn7ri/3hehHHcK25mH8ycyMWoKXWHGfw3gspeRtKXmjWlR4CIJSREqpZHPhYRyHMLIGd7f11jUQ4Sn8+rIs/1/5mVl5aD5p7CyWpziez2diCyEMKkj9QWIfbpdaK5GEENi5lFKyMTMqiCxWa855M6+YvMJ1whyO2+3m1cZxjDEw849//jOzPz09vXl4jGNwplyLu0edQhWqQiasEsIYSWVdlvP15b/+9N+Pj4/kXCx9OZ9/+/SrGW3b9p9/+o9dp0ekX5Cnvt/vSJ6ADs/zzMzbtj09ffM6lun5dJBrLCHsp1lRLeC/7k7cjqNg1vYJrMxKJLBnkeC6Qs8gskbo9mgAxoa2ISCUpXy/34l1PBzDMIqGbL6ua6mO5nRVDUy11pJTrfXx8RGri2wS4vpqLYlGRO4Va4xHIzrQ/hJ69VzmOKPuuCfNmTnG+HL7BC3pFoLLQZUhsb10md19DBiuYMxM7O5eSqrVwaZzKjj9m0ndyZ3HMfT76d5xXVdkYPqj4Vp9U3FXX0i1n8TU6DbmrJu5u4VqSE6VdlZGCEHJoeghhDFGTLZpPUUlpNQm9aMwwMzX6xVQhV/hKrhipnuPJ9zdqr+yKN09cYtt3V1MuB3lQURCLvioEAK2TBC5eXGvkOGytbXrGTxMq3/37l0H9Ndpw8ND6I9fq7m7qsY4IZYXDoASXDGEoIOgRSqEEIdWefr48eNxPkC8g2hPXBBRHA7odIKS4Ma2bcPAyBYx7EuZcy4kMLpaK4sDDbdtm6YxpRRjDEFwnCROZ61u27ZhjlutGViZU3L3cRwgZBGxUhuzLkOHtq6cZoYArvnRWtFmOo7jp/PtcDis6x35im1Zl/X2/PxMROvtnnOCHKC3Zqbj1PrZdmSA3G63G67YtRSC1VDRm1isns9npBMRHkkzQPCiFiWvFkRkEFahwMLk7ERsnj3nnDBkf5wH7K+u9f7yK26jo0rjOsy90oNvoQYiA3LuCMTnccI4YivFrAqOkNP2ZnfXh0OtlV2IqFbrWC8izCQiotSjSfd6Pb/gt2GMqjqGQUTc6x//8R+2ZR2ixhi3+1JrLdVEpLjxv//rPz89PV0uL8MwxHH49Pmzu8cYP3z4MEyjaqjFsXYplfv9Xs06rYOlgYBAvqoa2lUd3lu4Rfrd00JkeMjXmNt4X0k7xLuTddCc5yMRuZEZmZEbu5O7x9lTSu4E6ofWSZwUChzsK9T8/7qGEHSIqoMzmXMxEpGCjaDkRHAXLfpGsrLnWBpP8bLDCkjznmYRuZ7tdeqAvWUSDtO8bRsyTjEEKHGM8fP5E/Bo332ngMg+WK4nAfCBW7rtJsRxHFQVJYd2HmYqOJhQZcB20IfDsXu4ToWgmv1ju2flfYjua63FfaJBDRDc00dm9ubbQ8/7w68E1eawc3EjiKLkNiItxgcUxMIuBDO73W7Pz88wWgizP2+mK/6zQ2ujcjFGct5/xb1Oo7BBgXcEEDMRDYOCw7K4ezUr5tXMZHh4jR05Zzw14sjuTrpTEU270NowfaiWGcUYMYQkbcUdR7lOl9sZi25maUOtaNi2DaEhhF9rFW/cyGiAq3N3jJY8nU6QeQM11V6Uq7VqnBF88N65kHPbrW5mp4fjPM/LsqzritLLN+/eLMvSsRjVgJzzuqaOiUAfrMJheE570PYa6UIIvZaGp4Atv1xv2FUPGFnu15TS27dvc968tmE+ZKUXZpaSgOMgNH2hO72wvUMBaj8fB8Q9cPxwftu6Mjso3evCj4jI/IZRZDdnt1qrV/Nqx+OxVrNKqsMwRpGQi5VSgq+/1zfvaTF0fHS3iiQb64id3tfrVUQeHo7KjN0P23KHXYQQuMvtFN3dDec91JyzBI0xppTcYXocBiB+LqVM8xtQw906KgKlb7/99uNfP5gZxkC5V4FhCvG//cs/ocVimiJSeMfjLEHfv39/u92u1yuRgJKnlJb79vzuLTRmX2OiPQHaajVxZma0Hqsq89Dx+vXXEALYKDLvkJeIiBEzE3c0bywYWu7OO/kiiKYOqfsYYA1KGe5eSqNRHXZDCOv5yzzPJFprdTRFOCMx2guhQq3yCVPswSZzM3twop3+fo3TiUio1YS/ApM5ro4EeocJTLC8rdf+5g4cRATh8J7bhb7iMXPO+7grc8cZHRUdAp2kEzi8McqznVbjw6EinYB0dgbJvy6Edr/Lr160F8PNzPSOhYtxYqe9NUWnOKZUiAjMwoyaTzVa1xU23LUI5VY02MDz9aD+cAJec79ztyZe9xbA7RGGENG6riKiMriTmVltsp3nmdiYidsJjrVaMTPhBxDbtqxI+Ki21UQ+cP9KRGt66fPFQFy2NSO88HYM5ACbT6mklJwNuW93X+8LlBNS5f1AxK7AIhJkxogx3ANyU5igCaIN6gcNCSFctg1/DiGYt7Pa37x5OJ/blkgMcUJ3Cm+3+7ZSS3tajHEYY07VyM1MdfC99hPCYGYP0xNyJj0agKr417qf4mZwD9l4HEfiFmKmZS0lzfOMUECVVdUbP7UQAqb3dCPt5ga/1R0GrkVEheuyLKqCTEAQqTVfr9cpjqItMsZO3VorVZM3z1TNzMhcVcdhGMdx0OFyuVglHLcrIuRIXtXHxwBS1Y2l+6fXxNT3aFWGSVkAHSKCAvi2bYfDIaXVa+32oiyqKqPgWSDMtMcoIuIOfmAYPAXokzDXWr1UItIgrSI/hFrrhw8fmOjt2ydYCtDv4elN+PmXjyG8gFbcbpdt27755hsWf//d949v5rfv3nePdDy9+du/mw/zCcPKQc/dPaXG5i6XixmhkRwlrNPpxBReWd3XxhgEoTAhVORh4eMwNTQn9CMbNbYOEQuqFTBgMyuaO4PYNVthWsysMiBERcIuxsiWVRUpvGmayHnNSURQj2r5u1JLKbD5eTo0d638KgTLe4dG7dYOJiXh2GJJalBYSqm5JQeVpVNR3POy3tCvhk+mPdfRM4zdI+I2Ut7zUYKfk3tr3A4hhBDdKaeKbIyIeC3dK3QxQiY9COiXEJEwCHg3GJDtgxJ/79sao3d3OZi7U22JCBQkyfhwOGxbrrmoBiLCVP0YwlZW5BbQ5ACEghWBkF6v11JKj7REixm95u/M+vWWavPW1OoRPh5mvAcpJSISDqrqhORMZXZRhjt0d6XZvyZzWiUf0NmpwO/8GVuHHt4Dmk4pOuS9ds+wjs6LmflyuYAnAcv4FWF341IK3Aagn4hw6gKaX0GZQdLnea7cuVGjqCIyToOZbdsWY5jnGQFrrXVd1zfD+1Sy6sDMa04qAwnf78t8OKRUZAhMuuUE6DCzyC0djzuHbneS3hNlbX+fqo4zfjWo4G05Z3ZTVUQn0xyR99vbFhsZ7x/Y670dPSFYCKrqgKHTzL7eFxY/TjOz11LcjZ3CIIFxROeat+THmWhvPXACZReX73/4e3cmYyLs9nBEdTEW3HPXqx4+hna8l7y2F9b5K8dVcneE5mYm1PgB4ozAEmM0yU0+w8DMqbQO4xAC5o51K2ulLA7EptxSUqoagwLBTo8PQm2oTinleJpPh6MM4X8BwPMigxoHaNQAAAAASUVORK5CYII=\n", + "text/plain": [ + "" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "rs = nn_captions.sample(1)\n", + "print(rs['caption'].iloc[0])\n", + "display(Image.open(osp.join(wiki_art_img_dir, rs['art_style'].iloc[0], rs['painting'].iloc[0] + '.jpg'))) " + ] + }, + { + "cell_type": "code", + "execution_count": 23, + "metadata": {}, + "outputs": [], + "source": [ + "if save_results:\n", + " sampling_configuration = 'Nearest-Neighbor'\n", + " atn_values = None\n", + " pickle_data(save_file, [[sampling_configuration, nn_captions, atn_values]])" + ] + } + ], + "metadata": { + "kernelspec": { + "display_name": "artemis_dev", + "language": "python", + "name": "artemis_dev" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.6.13" + } + }, + "nbformat": 4, + "nbformat_minor": 2 +} diff --git a/imageprocessing/artemis/artemis/scripts/__init__.py b/imageprocessing/artemis/artemis/scripts/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..18fc359f582e4ac403654d09ede5e85fd196423c --- /dev/null +++ b/imageprocessing/artemis/artemis/scripts/__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/scripts/bash_scripts/sample_speakers.sh b/imageprocessing/artemis/artemis/scripts/bash_scripts/sample_speakers.sh new file mode 100755 index 0000000000000000000000000000000000000000..1a4cb4c78b083567c03f3bc7411732237749d362 --- /dev/null +++ b/imageprocessing/artemis/artemis/scripts/bash_scripts/sample_speakers.sh @@ -0,0 +1,87 @@ +## +## Bash script to test Artemis-based speakers trained under different configurations. +## +## you can use this to sample several speaker models you might have trained. obviously you need to addapt to YOUR paths + +sampling_script=/home/optas/Git_Repos/artemis/artemis/scripts/sample_speaker.py +wiki_img_dir=/home/optas/DATA/Images/Wiki-Art/rescaled_max_size_to_600px_same_aspect_ratio + +#sampling hyper-params: +sampling_config_file=/home/optas/Git_Repos/artemis/artemis/data/speaker_sampling_configs/\ +mini_hyper_param_ablation.json.txt + +# other micro hyper-params +gpu_id=2 +n_workers=4 + +## +## Sampling Speaker trained without emo-grounding in the corresponding test split +## +do_sampling=true + + +if $do_sampling +then + for datestamp in 03-16-2021-22-21-45 03-17-2021-02-36-26 + do + + speaker=/home/optas/DATA/OUT/artemis/neural_nets/speakers/default_training/$datestamp/checkpoints/best_model.pt + speaker_config=/home/optas/DATA/OUT/artemis/neural_nets/speakers/default_training/$datestamp/config.json.txt + out_file_prefix=/home/optas/DATA/OUT/artemis/neural_nets/speakers/default_training/$datestamp/samples_from_best_model + + for split in test + do + echo 'Sampling split:' $split + echo $out_file_prefix"_""${split}_split.pkl" + + python $sampling_script\ + -speaker-checkpoint $speaker\ + -out-file $out_file_prefix"_""${split}_split.pkl"\ + -speaker-saved-args $speaker_config\ + -img-dir $wiki_img_dir\ + --sampling-config-file $sampling_config_file\ + --split $split\ + --gpu $gpu_id\ + --compute-nll False\ + --n-workers $n_workers + done + done +fi + + +### +### Sampling Speaker with-emo-grounding test split +### + +do_sampling=true +img2emo_chekpoint=/home/optas/DATA/OUT/artemis/neural_nets/img_to_emotion/best_model.pt + + +if $do_sampling +then + for datestamp in 03-18-2021-00-55-47 03-17-2021-20-32-19 + do + + speaker=/home/optas/DATA/OUT/artemis/neural_nets/speakers/emo_grounding/$datestamp/checkpoints/best_model.pt + speaker_config=/home/optas/DATA/OUT/artemis/neural_nets/speakers/emo_grounding/$datestamp/config.json.txt + out_file_prefix=/home/optas/DATA/OUT/artemis/neural_nets/speakers/emo_grounding/$datestamp/samples_from_best_model + + for split in test + do + echo 'Sampling split:' $split + echo $out_file_prefix"_""${split}_split.pkl" + + python $sampling_script\ + -speaker-checkpoint $speaker\ + -out-file $out_file_prefix"_""${split}_split.pkl"\ + -speaker-saved-args $speaker_config\ + -img-dir $wiki_img_dir\ + --sampling-config-file $sampling_config_file\ + --split $split\ + --gpu $gpu_id\ + --compute-nll False\ + --n-workers $n_workers\ + --img2emo-checkpoint $img2emo_chekpoint + done + done +fi diff --git a/imageprocessing/artemis/artemis/scripts/bash_scripts/train_speakers.sh b/imageprocessing/artemis/artemis/scripts/bash_scripts/train_speakers.sh new file mode 100755 index 0000000000000000000000000000000000000000..67c04ef4d7e6feb2275c4eeb11ff004994efb4e2 --- /dev/null +++ b/imageprocessing/artemis/artemis/scripts/bash_scripts/train_speakers.sh @@ -0,0 +1,57 @@ +## +## Bash script to train multiple Artemis-based speakers with different configurations. +## +## you can use this to sample several speaker models you might have trained. obviously you need to addapt to YOUR paths + + +train_script=/home/optas/Git_Repos/artemis/artemis/scripts/train_speaker.py +artemis_prepocessed_data_dir=/home/optas/DATA/OUT/artemis/preprocessed_data/for_neural_nets +wiki_img_dir=/home/optas/DATA/Images/Wiki-Art/rescaled_max_size_to_600px_same_aspect_ratio + +#optional hyper-params +n_workers=10 +gpu_id=0 + + +## +## Without emo-grounding +## +top_log_dir=/home/optas/DATA/OUT/artemis/neural_nets/speakers/default_training + +### Train ArtEmis without emo-grounding and default hyper-parameters. +python $train_script -log-dir $top_log_dir\ + -data-dir $artemis_prepocessed_data_dir\ + -img-dir $wiki_img_dir\ + --num-workers $n_workers --gpu $gpu_id\ + --save-each-epoch False + +#### Train ArtEmis without grounding and default hyper-parameters + atn-spatial-img-size=none + more dropout rate. +python $train_script -log-dir $top_log_dir\ + -data-dir $artemis_prepocessed_data_dir\ + -img-dir $wiki_img_dir\ + --num-workers $n_workers --gpu $gpu_id\ + --dropout-rate 0.2\ + --save-each-epoch False + + +## +## With emo-grounding +## +top_log_dir=/home/optas/DATA/OUT/artemis/neural_nets/speakers/emo_grounding + +## Train ArtEmis *with* emotion-grounding and default hyper-parameters. +python $train_script -log-dir $top_log_dir\ + -data-dir $artemis_prepocessed_data_dir\ + -img-dir $wiki_img_dir\ + --num-workers $n_workers --gpu $gpu_id\ + --save-each-epoch False\ + --use-emo-grounding True + +## Train ArtEmis *with* emotion-grounding and more droupout +python $train_script -log-dir $top_log_dir\ + -data-dir $artemis_prepocessed_data_dir\ + -img-dir $wiki_img_dir\ + --num-workers $n_workers --gpu $gpu_id\ + --save-each-epoch False\ + --use-emo-grounding True\ + --dropout-rate 0.2 diff --git a/imageprocessing/artemis/artemis/scripts/evaluate_sampled_captions.py b/imageprocessing/artemis/artemis/scripts/evaluate_sampled_captions.py new file mode 100644 index 0000000000000000000000000000000000000000..b498bad66de41c4e574a2e9233b19f0e752ac15a --- /dev/null +++ b/imageprocessing/artemis/artemis/scripts/evaluate_sampled_captions.py @@ -0,0 +1,99 @@ +#!/usr/bin/env python +# coding: utf-8 + + +import torch +import argparse +import pandas as pd +import pprint + +from tqdm.notebook import tqdm + +from speakers_listeners.utils.vocabulary import Vocabulary +from speakers_listeners.utils.in_out import str2bool + +from ela.in_out.basics import unpickle_data, pickle_data +from ela.in_out.models import torch_load_model +from ela.evaluation.sentence_sim import Sentence2SentenceEvaluator +from ela.evaluation.single_caption_per_image import apply_all_basic_evaluations +from ela.evaluation.single_caption_per_image import apply_all_fancy_evaluations + + +parser = argparse.ArgumentParser(description='evaluation of synthetic captions') +parser.add_argument('-references-pkl-file', type=str, required=True) +parser.add_argument('-captions-pkl-file', type=str, required=True) +parser.add_argument('-text2emo-path', type=str, required=True, help='path to neural-net') +parser.add_argument('-vocab-path', type=str, required=True, help='vobab file path') +parser.add_argument('-save-file', type=str) +parser.add_argument('--gpu-id', type=str, default='0') +parser.add_argument('--mask-file', type=str, help='constrain the captions/ground-truth') +parser.add_argument('--train-bert-embeddings', type=str) +parser.add_argument('--lcs-sample-size', type=int, nargs=2, default=[5000, 500]) +parser.add_argument('--split', type=str, default='test') +parser.add_argument('--debug', type=str2bool, default=False) + +args = parser.parse_args() +args_string = pprint.pformat(vars(args)) +print(args_string) + +device = torch.device("cuda:" + args.gpu_id) +vocab = Vocabulary.load(args.vocab_path) + +caption_data = next(unpickle_data(args.captions_pkl_file)) +gt_data = next(unpickle_data(args.references_pkl_file)) +gt_data = gt_data[args.split] + +if args.mask_file: + mask = next(unpickle_data(args.mask_file)) + print('Using a mask to keep {} of data'.format(mask.mean().round(4))) +else: + mask = pd.Series([True]*len(gt_data)) + +if args.debug: + print('***Debugging***') + gt_data = gt_data.iloc[0:100] + args.lcs_sample_size = [10, 2] + +#Prepare BERT-NLI evaluator by embedding the references +semantic_dist_eval = Sentence2SentenceEvaluator(references=gt_data.references_pre_vocab[mask]) + +#Prepare Emotion-Alignment evaluation +txt2em_clf = torch_load_model(args.text2emo_path, map_location=device) + +# Load BERT embeddings and/for unique train-utterances +unique_train_utters, train_bert_emb = unpickle_data(args.train_bert_embeddings) + + +results = [] + +for config_i, captions_i in tqdm(caption_data): + if args.debug: + captions_i = captions_i.iloc[0:100] + + merged = pd.merge(gt_data, captions_i) # this ensures proper order of captions to gt (via accessing merged.captions) + merged = merged[mask].reset_index(drop=True) + + ## TODO IF results do not make sense check effect of merged new index HERE + if sum(mask) == len(mask): # no issue with index + assert all(merged.references_pre_vocab == gt_data.references_pre_vocab[mask]) + + hypothesis = merged.caption + references = merged.references + ref_emotions = merged.emotion + if len(results) == 0: + print('|Masked Captions| Size:', len(hypothesis)) + + basic_eval_res=\ + apply_all_basic_evaluations(hypothesis, references, ref_emotions, semantic_dist_eval, vocab, txt2em_clf, device) + + fancy_eval_res=\ + apply_all_fancy_evaluations(hypothesis, semantic_dist_eval, unique_train_utters, train_bert_emb, args.lcs_sample_size) + + eval_res = basic_eval_res + fancy_eval_res + results.append([config_i, pd.DataFrame(eval_res)]) + + if args.debug: + if len(results) == 2: + break + +pickle_data(args.save_file, results) \ No newline at end of file diff --git a/imageprocessing/artemis/artemis/scripts/preprocess_artemis_data.py b/imageprocessing/artemis/artemis/scripts/preprocess_artemis_data.py new file mode 100644 index 0000000000000000000000000000000000000000..e5db435a0cc1ed5500c7ac0aa5704ad4e26f9739 --- /dev/null +++ b/imageprocessing/artemis/artemis/scripts/preprocess_artemis_data.py @@ -0,0 +1,261 @@ +#!/usr/bin/env python +# coding: utf-8 + +""" +Combine, clean, pre-process ArtEmis annotations. + +The MIT License (MIT) +Originally created by Panos Achlioptas at 6/17/20, for Python 3.x +Copyright (c) 2021 Panos Achlioptas (pachlioptas@gmail.com) & Stanford Geometric Computing Lab +""" + +import nltk +import argparse +import pprint +import pathlib +import json +import numpy as np +import pandas as pd +import os.path as osp + +from artemis.utils.basic import make_train_test_val_splits +from artemis.analysis.paintings_meta_data import masterpieces_for_test +from artemis.utils.vocabulary import build_vocab +from artemis.language.basics import tokenize_and_spell +from artemis.in_out.arguments import str2bool +from artemis.in_out.basics import pickle_data, create_dir +from artemis.emotions import emotion_to_int + + +up_dir = osp.split(pathlib.Path(__file__).parent.absolute())[0] + +# +# two files necessary for spell-checking! +# +freq_file = osp.join(up_dir, 'data/symspell_frequency_dictionary_en_82_765.txt') +glove_file = osp.join(up_dir, 'data/glove.6B.100d.vocabulary.txt') + + +def parse_arguments(notebook_options=None): + parser = argparse.ArgumentParser(description='Preprocess ArtEmis dataset') + + # Required arguments + parser.add_argument('-save-out-dir', type=str, required=True, help='where to save the processed data') + parser.add_argument('-raw-artemis-data-csv', type=str, required=True, help='dataset (csv file) provided upon YOUR request!') + + # + # Optional arguments + # + # The default values will be used if not provided, and they correspond to how we processed ArtEmis for + # training/testing neural-speakers. + + parser.add_argument('--random-seed', type=int, default=2021, help='used to make a train/test/val split') + + parser.add_argument('--too-long-utter-prc', type=int, default=100, help='drop utterances that are longer than this ' + 'percentile. this percentile is evaluated ' + 'in train-split, 100 means no dropping.') + + parser.add_argument('--too-short-len', type=int, default=0, help='drop utterances that have less tokens than this ' + 'number.') + + parser.add_argument('--split-loads', type=float, default=[0.85, 0.05, 0.1], nargs=3, help='train-val-test split ' + 'percentages.') + + parser.add_argument('--min-word-freq', type=int, default=0, help='words that appear less than this in the train-split ' + 'will be replaced by .') + + parser.add_argument('--automatic-spell-check', type=str2bool, default=True, help='apply token-spell-checking ' + 'automatically via SymSpell. Remark: ' + 'manually-curated spell-checking (see: ' + 'artemis.language.spelling.py) will ' + 'be applied even if you set this ' + 'to False.') + + parser.add_argument('--too-high-repetition', type=int, default=-1, help='For 701 artworks we collected at least 41' + 'annotations. We did this to test how this hyper-param (coverage)' + 'affects standard metrics like BLEU. These are an exemption to most artworks' + 'that are covered by 5 or sometimes a few more annotators.' + 'Artworks with this (too-high-repetition) annotations will be put ' + 'in a special split called "rest" and not in the typical [train, test, val]. If this ' + 'seems too wasteful and you want to include them (randomly) in the typical splits, set this param to -1.') + + parser.add_argument('--group-gt-anno', type=str2bool, default=True, help='group (and save) the annotations _per_ artwork.') + + parser.add_argument('--preprocess-for-deep-nets', type=str2bool, default=False, help='if you wish to preprocess ArtEmis in the way we did for training ' + 'all our deep-nets, please set this to True. It will apply some non ' + 'trivial filtering on the dataset.') + + parser.add_argument('--n-train-examples', type=int, help='(optional), keep at most these many utterances. can be ' + 'handy for fast debugging etc.') + + if notebook_options is not None: # Pass options directly (useful inside say jupyter) + args = parser.parse_args(notebook_options) + else: + args = parser.parse_args() # Read from command line. + + # overwrite some defaults to align the result with what we used for the deep-nets on our CVPR21 paper (same as arXiv v2). + if args.preprocess_for_deep_nets: + args.too_long_utter_prc = 95 + args.too_short_len = 5 + args.min_word_freq = 5 + args.too_high_repetition = 41 # for the CVPR21 results on the deep-nets we ignore high-coverage artworks + + args_string = pprint.pformat(vars(args)) + print(args_string) + return args + + +def group_gt_annotations(preprocessed_dataframe, vocab): + """ Group the annotations according to the underlying artwork/stimulus. + :param preprocessed_dataframe: dataframe carrying ArtEmis annotations, spell-checked, with splits etc. + :param vocab: the corresponding Vocabulary object + :return: dictionary, carrying for each split (tran/test/val) a dataframe that has for each artwork all its collected + annotations grouped. + """ + df = preprocessed_dataframe + results = dict() + for split, g in df.groupby('split'): # group-by split + g.reset_index(inplace=True, drop=True) + g = g.groupby(['art_style', 'painting']) # group-by stimulus + + # group utterances / emotions + # a) before "vocabularization" (i.e., raw) + refs_pre_vocab_grouped = g['utterance_spelled'].apply(list).reset_index(name='references_pre_vocab') + # b) post "vocabularization" (e.g., contain ) + tokens_grouped = g['tokens_encoded'].apply(list).reset_index(name='tokens_encoded') + emotion_grouped = g['emotion_label'].apply(list).reset_index(name='emotion') + + assert all(tokens_grouped['painting'] == emotion_grouped['painting']) + assert all(tokens_grouped['painting'] == refs_pre_vocab_grouped['painting']) + + # decode these tokens back to strings and name them "references" + tokens_grouped['tokens_encoded'] =\ + tokens_grouped['tokens_encoded'].apply(lambda x: [vocab.decode_print(sent) for sent in x]) + tokens_grouped = tokens_grouped.rename(columns={'tokens_encoded': 'references'}) + + # join results in a new single dataframe + temp = pd.merge(emotion_grouped, refs_pre_vocab_grouped) + result = pd.merge(temp, tokens_grouped) + result.reset_index(drop=True, inplace=True) + results[split] = result + return results + + +def preprocess(args, verbose=True, test_masterpieces=False): + """ Split data, drop too short/long, spell-check, make a vocabulary etc. + """ + + #1. load the provided raw ArtEmis csv + df = pd.read_csv(args.raw_artemis_data_csv) + if verbose: + print('{} annotations were loaded'.format(len(df))) + + #2. handle artwork with high repetition coverage (see explanation in args) + if args.too_high_repetition != -1: + normal_rep_mask = df.repetition < args.too_high_repetition + # keep them separately temporarily + high_coverage_df = df[~normal_rep_mask] + high_coverage_df.reset_index(drop=True, inplace=True) + high_coverage_df = high_coverage_df.assign(split=len(high_coverage_df)*['rest']) + # do the train/test/val split (next step) based on the remaining annotations + df = df[normal_rep_mask] + df.reset_index(drop=True, inplace=True) + + #3. split the data in train/val/test (the splits are based on the unique combinations of (art_work, painting). + df = make_train_test_val_splits(df, args.split_loads, args.random_seed) + + # 3b. put back those with high_repetition + if args.too_high_repetition != -1: + df = pd.concat([df, high_coverage_df], 0) + df.reset_index(inplace=True, drop=True) + + #3c. place some masterpieces in the test-set, these can be nice examples to showcasing. + if test_masterpieces: + df.loc[df.painting.isin(masterpieces_for_test), 'split'] = 'test' + + if args.n_train_examples is not None: + print('sub-selecting from original dataset') + df = df.iloc[:args.n_train_examples].reset_index(drop=True) + + #4. apply-spell checking + missed_tokens = tokenize_and_spell(df, glove_file, freq_file, nltk.word_tokenize, spell_check=args.automatic_spell_check) + + #5. drop too long/short + too_short_mask = df.tokens_len < args.too_short_len + print('{} annotations will be dropped as they contain less than {} tokens'.format(sum(too_short_mask), args.too_short_len)) + too_long_len = np.percentile(df[df.split == 'train']['tokens_len'], args.too_long_utter_prc) + too_long_mask = df.tokens_len > too_long_len + print('Too-long token length at {}-percentile is {}. {} annotations will be dropped'.format(args.too_long_utter_prc, + too_long_len, sum(too_long_mask))) + df = df[~too_short_mask & ~too_long_mask] + df.reset_index(drop=True, inplace=True) + + #6. make a word-vocabulary based on training data + train_tokens = df[df.split =='train']['tokens'] + vocab = build_vocab(train_tokens, args.min_word_freq) + if verbose: + print('Using a vocabulary with {} tokens'.format(len(vocab))) + + #7. encode tokens as ints + max_len = int(too_long_len) + df['tokens_encoded'] = df.tokens.apply(lambda x: vocab.encode(x, max_len)) + + #8. encode feelings as ints + df['emotion_label'] = df.emotion.apply(emotion_to_int) + return df, vocab, missed_tokens + + +if __name__ == '__main__': + + #################################################################################################################### + + ## IMPORTANT. To replicate our CVPR21-paper (== arXiv [v2] upcoming manuscript): + + # You should run this script _twice_ which will create two differently pre-processed versions of ArtEmis. + # Once, by doing _minimal_ preprocessing so that you can use the output to analyze "fairly" the ArtEmis + # to other datasets and keep it in its purest form. For this run it with the default (non-required) parameters. + + # And secondly, if you want to do exactly the pre-processing we did for all the deep-nets we trained + # (image-classifiers, neural-speakers etc.). Re-run it similarly to above, but this time add the optional argument: + # --preprocess-for-deep-nets True. + + # + # If you want to understand the details, please see the help messages of the argparse, or open an issue at the repo. + # + + ## Two words regarding the OUTPUT of this script: + # - artemis_preprocessed.csv a file containing the pre-processed ArtEmis. + # - vocabulary.pkl stores an object of utils.vocabulary.py (e.g., see Step-3/4 for how this is used) + # - config.json.txt a json storing the arg-parse arguments you used + # - artemis_gt_references_grouped.pkl pre-processed ArtEmis with each artwork directly pointing to all + # its annotation. Useful for evaluation metrics, e.g., BLEU. + + # Panos, March 22, 2022 + #################################################################################################################### + + args = parse_arguments() + create_dir(args.save_out_dir) + + try: + nltk.data.find('tokenizers/punkt') + except LookupError: + nltk.download('punkt') + + # Clean, Tokenize, Make tran/test splits etc. + df, vocab, missed_tokens = preprocess(args) + df.to_csv(osp.join(args.save_out_dir, 'artemis_preprocessed.csv'), index=False) + vocab.save(osp.join(args.save_out_dir, 'vocabulary.pkl')) + with open(osp.join(args.save_out_dir, 'config.json.txt'), 'w') as f_out: + json.dump(vars(args), f_out, indent=4) + + print('n-utterances kept:', len(df)) + print('vocab size:', len(vocab)) + if args.automatic_spell_check: + print('tokens not in Glove/Manual vocabulary:', len(missed_tokens)) + + # Save separately the grouped utterances of each stimulus (can be used for evaluation, e.g., for novelty-metrics). + if args.group_gt_anno: + groups = group_gt_annotations(df, vocab) + pickle_data(osp.join(args.save_out_dir, 'artemis_gt_references_grouped.pkl'), groups) + + print(f'Done. Check saved results in provided save-out-dir: {args.save_out_dir}') \ No newline at end of file diff --git a/imageprocessing/artemis/artemis/scripts/sample_speaker.py b/imageprocessing/artemis/artemis/scripts/sample_speaker.py new file mode 100644 index 0000000000000000000000000000000000000000..27f6a3c35dc5808621b73924482c4e96accaf6ed --- /dev/null +++ b/imageprocessing/artemis/artemis/scripts/sample_speaker.py @@ -0,0 +1,91 @@ +#!/usr/bin/env python +# coding: utf-8 + +""" +Load a trained speaker and images/data to create (sample) captions for them. + +The MIT License (MIT) +Originally created at 10/3/20, for Python 3.x +Copyright (c) 2021 Panos Achlioptas (ai.stanford.edu/~optas) & Stanford Geometric Computing Lab +""" + + +import torch +import json +import numpy as np + +from artemis.in_out.basics import pickle_data +from artemis.in_out.arguments import parse_test_speaker_arguments +from artemis.in_out.neural_net_oriented import torch_load_model, load_saved_speaker, seed_torch_code +from artemis.neural_models.attentive_decoder import negative_log_likelihood +from artemis.captioning.sample_captions import versatile_caption_sampler, captions_as_dataframe +from artemis.in_out.datasets import sub_index_affective_dataloader +from artemis.in_out.datasets import default_grounding_dataset_from_affective_loader +from artemis.in_out.datasets import custom_grounding_dataset_similar_to_affective_loader + + +if __name__ == '__main__': + args = parse_test_speaker_arguments() + + # Load pretrained speaker & its corresponding train-val-test data. If you do not provide a + # custom set of images to annotate. Then based on the -split you designated it will annotate this data. + speaker, epoch, data_loaders = load_saved_speaker(args.speaker_saved_args, args.speaker_checkpoint, + with_data=True, verbose=True) + device = torch.device("cuda:" + args.gpu) + speaker = speaker.to(device) + eos = speaker.decoder.vocab.eos + working_data_loader = data_loaders[args.split] + + if args.max_utterance_len is None: + # use the maximum length in the underlying split. + def utterance_len(tokens, eos=eos): + return np.where(np.asarray(tokens) == eos)[0][0] -1 # -1 to remove sos + args.max_utterance_len = working_data_loader.dataset.tokens.apply(utterance_len).max() + + use_custom_dataset = False + if args.custom_data_csv is not None: + use_custom_dataset = True + + if args.compute_nll and not use_custom_dataset: + print('Computing Negative Log Likelihood of ground-truth annotations:') + nll = negative_log_likelihood(speaker, working_data_loader, device) + print('{} NLL: {}'.format(args.split, nll)) + + img2emo_clf = None + if args.img2emo_checkpoint: + img2emo_clf = torch_load_model(args.img2emo_checkpoint, map_location=device) + + if use_custom_dataset: + annotate_loader = custom_grounding_dataset_similar_to_affective_loader(args.custom_data_csv, + working_data_loader, args.n_workers) + else: + # removes duplicate images and optionally uses img2emo_clf to create a grounding emotion. + annotate_loader = default_grounding_dataset_from_affective_loader(working_data_loader, img2emo_clf, + device, args.n_workers) + + if args.subsample_data != -1: + sids = np.random.choice(len(annotate_loader.dataset.image_files), args.subsample_data) + annotate_loader = sub_index_affective_dataloader(annotate_loader, sids) + + with open(args.sampling_config_file) as fin: + sampling_configs = json.load(fin) + + print('Loaded {} sampling configurations to try.'.format(len(sampling_configs))) + optional_params = ['max_utterance_len', 'drop_unk', 'drop_bigrams'] # if you did not specify them in the sampling-config + # those from the argparse will be used + final_results = [] + for config in sampling_configs: + for param in optional_params: + if param not in config: + config[param] = args.__getattribute__(param) + print('Sampling with configuration: ', config) + + if args.random_seed != -1: + seed_torch_code(args.random_seed) + + captions_predicted, attn_weights = versatile_caption_sampler(speaker, annotate_loader, device, **config) + df = captions_as_dataframe(annotate_loader.dataset, captions_predicted, wiki_art_data=not use_custom_dataset) + final_results.append([config, df, attn_weights]) + print('Done.') + + pickle_data(args.out_file, final_results) diff --git a/imageprocessing/artemis/artemis/scripts/train_speaker.py b/imageprocessing/artemis/artemis/scripts/train_speaker.py new file mode 100644 index 0000000000000000000000000000000000000000..482897ca3ea6d018556d0a4e801b3ae0e8fcff3e --- /dev/null +++ b/imageprocessing/artemis/artemis/scripts/train_speaker.py @@ -0,0 +1,133 @@ +#!/usr/bin/env python +# coding: utf-8 + +""" +Training a neural-speaker. + +The MIT License (MIT) +Originally created at 6/16/20, for Python 3.x +Copyright (c) 2021 Panos Achlioptas (ai.stanford.edu/~optas) & Stanford Geometric Computing Lab +""" + +import torch +import time +import numpy as np +import os.path as osp +from torch import nn +from termcolor import colored +from torch.utils.tensorboard import SummaryWriter + +from artemis.utils.vocabulary import Vocabulary +from artemis.neural_models.word_embeddings import init_token_bias +from artemis.neural_models.attentive_decoder import single_epoch_train, negative_log_likelihood +from artemis.in_out.neural_net_oriented import save_state_dicts, load_state_dicts +from artemis.in_out.basics import create_dir, create_logger +from artemis.in_out.arguments import parse_train_speaker_arguments +from artemis.in_out.neural_net_oriented import df_to_pytorch_dataset, read_preprocessed_data_df, seed_torch_code +from artemis.neural_models.show_attend_tell import describe_model + + + +if __name__ == '__main__': + args = parse_train_speaker_arguments(save_args=True) + + if args.random_seed != -1: + seed_torch_code(args.random_seed) + + ## Load/Prepare data + vocab = Vocabulary.load(osp.join(args.data_dir, 'vocabulary.pkl')) + print('Using a vocabulary of size', len(vocab)) + df = read_preprocessed_data_df(args, verbose=True) + + if args.debug: + print(colored('**DEBUGGING** sub-sampling dataset.', 'red')) + df = df.sample(2500, replace=False) + df.reset_index(drop=True, inplace=True) + + data_loaders, _ = df_to_pytorch_dataset(df, args) + print('Will use {} annotations for training.'.format(len(data_loaders['train'].dataset))) + + ## Prepare model + torch.backends.cudnn.benchmark = True + device = torch.device("cuda:" + str(args.gpu)) + model = describe_model(vocab=vocab, args=args) + token_bias = init_token_bias(data_loaders['train'].dataset.tokens, vocab) + model.decoder.next_word.bias = token_bias + + if args.resume_path: + print('FT in the most aggressive way. Just let the speaker continue training...') + loaded_epoch = load_state_dicts(args.resume_path, map_location='cpu', model=model) + print('Loaded a pre-trained model at epoch {}.'.format(loaded_epoch)) + + model.to(device) + + ## Prepare Loss/Optimization + criterion = nn.CrossEntropyLoss().to(device) + optimizer = torch.optim.Adam([ + {'params': filter(lambda p: p.requires_grad, model.encoder.parameters()), 'lr': args.encoder_lr}, + {'params': filter(lambda p: p.requires_grad, model.decoder.parameters()), 'lr': args.decoder_lr}]) + + lr_scheduler = torch.optim.lr_scheduler.ReduceLROnPlateau(optimizer, + factor=0.5, + patience=args.lr_patience, + verbose=True, + min_lr=5e-7) + + # Misc. + best_epoch = -1 + best_val_nll = np.Inf + print_freq = 10 + start_training_epoch = 1 + no_improvement = 0 + tb_writer = SummaryWriter(create_dir(osp.join(args.log_dir, 'tb_log'))) + model_dir = create_dir(osp.join(args.log_dir, 'checkpoints')) + logger = create_logger(args.log_dir) + train_args = dict() + train_args['use_emotion'] = args.use_emo_grounding + train_args['alpha_c'] = args.atn_cover_img_alpha + + ## Train. + logger.info('Starting the training of the speaker.') + for epoch in range(start_training_epoch, args.max_train_epochs + 1): + start_time = time.time() + epoch_loss = single_epoch_train(data_loaders['train'], model, criterion, optimizer, epoch, device, + print_freq=print_freq, tb_writer=tb_writer, **train_args) + + logger.info('Epoch loss {:.3f} time {:.1f}'.format(epoch_loss, (time.time() - start_time) / 60)) + + val_nll = negative_log_likelihood(model, data_loaders['val'], device) + logger.info('Validation loss {:.3f}'.format(val_nll)) + lr_scheduler.step(val_nll) + + if val_nll < best_val_nll: + logger.info('Validation loss, *improved* @epoch {}'.format(epoch)) + best_val_nll = val_nll + best_epoch = epoch + out_name = osp.join(model_dir, 'best_model.pt') + save_state_dicts(out_name, epoch, model=model, optimizer=optimizer, lr_scheduler=lr_scheduler) + no_improvement = 0 + else: + logger.info('Validation loss did NOT improve @epoch {}'.format(epoch)) + no_improvement += 1 + + if args.save_each_epoch: + out_name = osp.join(model_dir, 'model_epoch_' + str(epoch) + '.pt') + save_state_dicts(out_name, epoch, model=model, optimizer=optimizer, lr_scheduler=lr_scheduler) + + tb_writer.add_scalar('training-entropy-per-epoch', epoch_loss, epoch) + tb_writer.add_scalar('test-nnl-per-epoch', val_nll, epoch) + tb_writer.add_scalar('encoder-learning-rate-per-epoch', optimizer.param_groups[0]['lr'], epoch) + tb_writer.add_scalar('decoder-learning-rate-per-epoch', optimizer.param_groups[1]['lr'], epoch) + + if no_improvement == args.train_patience: + logger.warning('Stopping the training @epoch-{} due to lack of progress in ' + 'validation-reduction (patience hit {} ' + 'epochs'.format(epoch, args.train_patience)) + break + + with open(osp.join(model_dir, 'final_result.txt'), 'w') as f_out: + msg = ('Best Validation NLL: {:.4f} (achieved @epoch {})'.format(best_val_nll, best_epoch)) + f_out.write(msg) + + logger.info('Finished training properly.') + tb_writer.close() \ No newline at end of file diff --git a/imageprocessing/artemis/artemis/utils/__init__.py b/imageprocessing/artemis/artemis/utils/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..18fc359f582e4ac403654d09ede5e85fd196423c --- /dev/null +++ b/imageprocessing/artemis/artemis/utils/__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/utils/basic.py b/imageprocessing/artemis/artemis/utils/basic.py new file mode 100644 index 0000000000000000000000000000000000000000..2c2c49e2f1a1f21a5bf9bb77288bba797491f13a --- /dev/null +++ b/imageprocessing/artemis/artemis/utils/basic.py @@ -0,0 +1,85 @@ +""" +Various simple (basic) functions in the "utilities". + +The MIT License (MIT) +Originally created at 8/31/20, for Python 3.x +Copyright (c) 2021 Panos Achlioptas (pachlioptas@gmail.com) & Stanford Geometric Computing Lab +""" + +import torch +import multiprocessing as mp +import dask.dataframe as dd +from torch import nn +from sklearn.model_selection import train_test_split + + +def iterate_in_chunks(l, n): + """Yield successive 'n'-sized chunks from iterable 'l'. + Note: last chunk will be smaller than l if n doesn't divide l perfectly. + """ + for i in range(0, len(l), n): + yield l[i:i + n] + + +def df_parallel_column_apply(df, func, column_name): + n_partitions = mp.cpu_count() * 4 + d_data = dd.from_pandas(df, npartitions=n_partitions) + + res =\ + d_data.map_partitions(lambda df: df.apply((lambda row: func(row[column_name])), axis=1))\ + .compute(scheduler='processes') + + return res + + +def cross_entropy(pred, soft_targets): + """ pred: unscaled logits + soft_targets: target-distributions (i.e., sum to 1) + """ + logsoftmax = nn.LogSoftmax(dim=1) + return torch.mean(torch.sum(-soft_targets * logsoftmax(pred), 1)) + + +def make_train_test_val_splits(datataset_df, loads, random_seed, unique_id_column=None): + """ Split the data into train/val/test. + :param datataset_df: pandas Dataframe containing the dataset (e.g., ArtEmis) + :param loads: list with the three floats summing to one for train/val/test + :param random_seed: int + :return: changes the datataset_df in-place to include a column ("split") indicating the split of each row + """ + if sum(loads) != 1: + raise ValueError() + + train_size, val_size, test_size = loads + print("Using a {},{},{} for train/val/test purposes".format(train_size, val_size, test_size)) + + df = datataset_df + ## unique id + if unique_id_column is None: + unique_id = df.art_style + df.painting # default for ArtEmis + else: + unique_id = df[unique_id_column] + + unique_ids = unique_id.unique() + unique_ids.sort() + + train, rest = train_test_split(unique_ids, test_size=val_size+test_size, random_state=random_seed) + train = set(train) + + if val_size != 0: + val, test = train_test_split(rest, test_size=round(test_size*len(unique_ids)), random_state=random_seed) + else: + test = rest + test = set(test) + assert len(test.intersection(train)) == 0 + + def mark_example(x): + if x in train: + return 'train' + elif x in test: + return 'test' + else: + return 'val' + + df = df.assign(split=unique_id.apply(mark_example)) + return df \ No newline at end of file diff --git a/imageprocessing/artemis/artemis/utils/other_datasets/__init__.py b/imageprocessing/artemis/artemis/utils/other_datasets/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..18fc359f582e4ac403654d09ede5e85fd196423c --- /dev/null +++ b/imageprocessing/artemis/artemis/utils/other_datasets/__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/utils/other_datasets/conceptual_captions.py b/imageprocessing/artemis/artemis/utils/other_datasets/conceptual_captions.py new file mode 100644 index 0000000000000000000000000000000000000000..00449be46c1b4e676617f7af3787f2c2f2124d28 --- /dev/null +++ b/imageprocessing/artemis/artemis/utils/other_datasets/conceptual_captions.py @@ -0,0 +1,28 @@ +""" +Minimal operations for loading conceptual_captions dataset. + +The MIT License (MIT) +Originally created in early 2020, for Python 3.x +Copyright (c) 2021 Panos Achlioptas (ai.stanford.edu/~optas) & Stanford Geometric Computing Lab +""" + +import pandas as pd + + +def load_conceptual_captions(train_tsv, val_tsv, only_language=True): + if only_language: + use_cols = [0] + else: + use_cols = [0, 1] + + df1 = pd.read_csv(train_tsv, sep='\t', header=None, usecols=use_cols) + df2 = pd.read_csv(val_tsv, sep='\t', header=None, usecols=use_cols) + df = pd.concat([df1, df2]) + df.reset_index(drop=True, inplace=True) + + df = df.rename(columns={0:'utterance'}) + + if not only_language: + df = df.rename(columns={1:'image_id'}) + + return df \ No newline at end of file diff --git a/imageprocessing/artemis/artemis/utils/other_datasets/flickr30K_entities.py b/imageprocessing/artemis/artemis/utils/other_datasets/flickr30K_entities.py new file mode 100644 index 0000000000000000000000000000000000000000..032ac8ae76e5e9ead7736bb88a2642ea63b2c698 --- /dev/null +++ b/imageprocessing/artemis/artemis/utils/other_datasets/flickr30K_entities.py @@ -0,0 +1,149 @@ +""" +Minimal operations for loading flickr30K_entities dataset. + +Verbatim copy for get_sentence_data() & get_annotations() from: +https://github.com/BryanPlummer/flickr30k_entities/blob/master/flickr30k_entities_utils.py + +The MIT License (MIT) +Originally created in mid 2020, for Python 3.x +Copyright (c) 2021 Panos Achlioptas (ai.stanford.edu/~optas) & Stanford Geometric Computing Lab +""" + +import pandas as pd +import os.path as osp +import xml.etree.ElementTree as ET + +from ...in_out.basics import files_in_subdirs + +def get_sentence_data(fn): + """ + Parses a sentence file from the Flickr30K Entities dataset + input: + fn - full file path to the sentence file to parse + + output: + a list of dictionaries for each sentence with the following fields: + sentence - the original sentence + phrases - a list of dictionaries for each phrase with the + following fields: + phrase - the text of the annotated phrase + first_word_index - the position of the first word of + the phrase in the sentence + phrase_id - an identifier for this phrase + phrase_type - a list of the coarse categories this + phrase belongs to + """ + with open(fn, 'r') as f: + sentences = f.read().split('\n') + + annotations = [] + for sentence in sentences: + if not sentence: + continue + + first_word = [] + phrases = [] + phrase_id = [] + phrase_type = [] + words = [] + current_phrase = [] + add_to_phrase = False + for token in sentence.split(): + if add_to_phrase: + if token[-1] == ']': + add_to_phrase = False + token = token[:-1] + current_phrase.append(token) + phrases.append(' '.join(current_phrase)) + current_phrase = [] + else: + current_phrase.append(token) + + words.append(token) + else: + if token[0] == '[': + add_to_phrase = True + first_word.append(len(words)) + parts = token.split('/') + phrase_id.append(parts[1][3:]) + phrase_type.append(parts[2:]) + else: + words.append(token) + + sentence_data = {'sentence' : ' '.join(words), 'phrases' : []} + for index, phrase, p_id, p_type in zip(first_word, phrases, phrase_id, phrase_type): + sentence_data['phrases'].append({'first_word_index' : index, + 'phrase' : phrase, + 'phrase_id' : p_id, + 'phrase_type' : p_type}) + + annotations.append(sentence_data) + + return annotations + + +def get_annotations(fn): + """ + Parses the xml files in the Flickr30K Entities dataset + input: + fn - full file path to the annotations file to parse + output: + dictionary with the following fields: + scene - list of identifiers which were annotated as + pertaining to the whole scene + nobox - list of identifiers which were annotated as + not being visible in the image + boxes - a dictionary where the fields are identifiers + and the values are its list of boxes in the + [xmin ymin xmax ymax] format + """ + tree = ET.parse(fn) + root = tree.getroot() + size_container = root.findall('size')[0] + anno_info = {'boxes' : {}, 'scene' : [], 'nobox' : []} + for size_element in size_container: + anno_info[size_element.tag] = int(size_element.text) + + for object_container in root.findall('object'): + for names in object_container.findall('name'): + box_id = names.text + box_container = object_container.findall('bndbox') + if len(box_container) > 0: + if box_id not in anno_info['boxes']: + anno_info['boxes'][box_id] = [] + xmin = int(box_container[0].findall('xmin')[0].text) - 1 + ymin = int(box_container[0].findall('ymin')[0].text) - 1 + xmax = int(box_container[0].findall('xmax')[0].text) - 1 + ymax = int(box_container[0].findall('ymax')[0].text) - 1 + anno_info['boxes'][box_id].append([xmin, ymin, xmax, ymax]) + else: + nobndbox = int(object_container.findall('nobndbox')[0].text) + if nobndbox > 0: + anno_info['nobox'].append(box_id) + + scene = int(object_container.findall('scene')[0].text) + if scene > 0: + anno_info['scene'].append(box_id) + + return anno_info + + +def load_all_linguistic_annotations(top_flickr_sentence_dir): + """ Read & load the utterances of flickr30K entities: + 31783 images x 5 utters per = 158.915 utterances + :param top_flickr_sentence_dir: file-dir with data + :return: pandas dataframe + """ + all_annos = [f for f in files_in_subdirs(top_flickr_sentence_dir, '.txt$')] + print('annos for {} images'.format(len(all_annos))) + image_ids = [] + sentences = [] + for anno_file in all_annos: + image_id = osp.basename(anno_file)[:-len('.txt')] + annos_of_img = [x['sentence'] for x in get_sentence_data(anno_file)] + image_id = [image_id] * len(annos_of_img) + image_ids.extend(image_id) + sentences.extend(annos_of_img) + df = pd.concat([pd.Series(image_ids), pd.Series(sentences)], axis=1) + df.columns = ['image_id', 'utterance'] + return df diff --git a/imageprocessing/artemis/artemis/utils/other_datasets/google_refexp.py b/imageprocessing/artemis/artemis/utils/other_datasets/google_refexp.py new file mode 100644 index 0000000000000000000000000000000000000000..52106ff13bf3fc445759ab3da6b8de7380fb7fb6 --- /dev/null +++ b/imageprocessing/artemis/artemis/utils/other_datasets/google_refexp.py @@ -0,0 +1,37 @@ +""" +Minimal operations for loading google_refexp dataset. + +The MIT License (MIT) +Originally created in mid 2020, for Python 3.x +Copyright (c) 2021 Panos Achlioptas (ai.stanford.edu/~optas) & Stanford Geometric Computing Lab +""" + +import json +import pandas as pd + + +def load_google_refexp_captions(train_file, val_file): + def _load_google_refexp_json(json_file): + with open(json_file) as fin: + data = json.load(fin) + + ref_id_to_utterance=\ + {anno['refexp_id']: anno['raw'] for anno in data['refexps']} + + utterances = [] + images = [] + for val in data['annotations']: + for x in val['refexp_ids']: + utter = ref_id_to_utterance[x] + images.append(val['image_id']) + utterances.append(utter) + + df = pd.concat([pd.Series(images), pd.Series(utterances)], axis=1) + return df + + df1 = _load_google_refexp_json(train_file) + df2 = _load_google_refexp_json(val_file) + df = pd.concat([df1, df2]) + df.reset_index(drop=True, inplace=True) + df = df.rename(columns={0:'image_id', 1:'utterance'}) + return df \ No newline at end of file diff --git a/imageprocessing/artemis/artemis/utils/stats.py b/imageprocessing/artemis/artemis/utils/stats.py new file mode 100644 index 0000000000000000000000000000000000000000..c8e731be2abc56388997e4a14a8d63f0fc115a5e --- /dev/null +++ b/imageprocessing/artemis/artemis/utils/stats.py @@ -0,0 +1,27 @@ +""" + Function that keep track of statistics e.g., loss evolution of a neural net. + +The MIT License (MIT) +Copyright (c) 2021 Panos Achlioptas (pachlioptas@gmail.com) & Stanford Geometric Computing Lab +""" + +class AverageMeter(object): + """Computes and stores the average and current value""" + def __init__(self): + self.val = 0 + self.avg = 0 + self.sum = 0 + self.count = 0 + self.reset() + + def reset(self): + self.val = 0 + self.avg = 0 + self.sum = 0 + self.count = 0 + + def update(self, val, n=1): + self.val = val + self.sum += val * n + self.count += n + self.avg = self.sum / self.count diff --git a/imageprocessing/artemis/artemis/utils/visualization.py b/imageprocessing/artemis/artemis/utils/visualization.py new file mode 100644 index 0000000000000000000000000000000000000000..b50016c3ecf2b6f37097f4d2c087c105e57ca22e --- /dev/null +++ b/imageprocessing/artemis/artemis/utils/visualization.py @@ -0,0 +1,146 @@ +""" +Visualization utilities for playing with ArtEmis. + +The MIT License (MIT) +Originally created early 2020, for Python 3.x +Copyright (c) 2021 Panos Achlioptas (pachlioptas@gmail.com) & Stanford Geometric Computing Lab +""" + +import numpy as np +import pandas as pd +import warnings +import skimage.transform +import matplotlib.pylab as plt +import matplotlib.cm as cm +import os.path as osp +from matplotlib import pyplot +from sklearn.metrics import confusion_matrix +from PIL import Image + +try: + import plotly.figure_factory as ff +except: + print('Plotly installation not found; some visualization features will not work.') + + +def plot_confusion_matrix(ground_truth, predictions, labels, normalize=True, round_decimal=2): + """ + :param ground_truth: 1dim-iterable + :param predictions: 1dim-iterable + :param labels: list of strings describing the classes + :param normalize: show raw confusion statistics or normalized to sum to 1 + :param round_decimal: + :return: + """ + cm = confusion_matrix(ground_truth, predictions) + if normalize: + cm = cm / cm.sum(axis=1)[:, np.newaxis] + + cm_text = pd.DataFrame.from_records(cm).round(round_decimal) + + figure = ff.create_annotated_heatmap(z=cm, x=labels, y=labels, + annotation_text=cm_text, + showscale=True) + return figure + + +def visualize_random_caption(df, top_img_dir, specific_id=None, imsize=(512, 512)): + """ + + :param df: pandas dataframe storing ArtEmis annotations + :param top_img_dir: where you stored WikiArt + :param specific_id: basically the row of the df (when provided randomness goes away). + :param imsize: + :return: + """ + if specific_id is None: + painting, art_style = df.sample(1)[['painting', 'art_style']].iloc[0] + else: + painting, art_style = df.iloc[specific_id][['painting', 'art_style']] + + print(art_style, painting) + Image.open(osp.join(top_img_dir, art_style, painting + '.jpg')).resize(imsize) + s = df[(df.painting == painting) & (df.art_style == art_style)] + + for e, u in zip(s['grounding_emotion'], s['caption']): + print('{}:\t{}'.format(e.upper(), u)) + + +def show_image_in_df_loc(df, loc, top_in_dir=None, img_column='Input.image_url', processed=False): + if top_in_dir is None: + top_in_dir = '/home/optas/DATA/Images/Wiki-Art/rescaled_max_size_to_600px_same_aspect_ratio' + + if processed: + a = df.loc[loc]['art_style'] + n = df.loc[loc]['painting'] + f = osp.join(top_in_dir, a, n + '.jpg') + else: + a, n = df.loc[loc][img_column].split('/')[-2:] + f = osp.join(top_in_dir, a, n) + return Image.open(f) + + +def plot_overlayed_two_histograms(x1, x2, min_val, max_val, n_bins, labels, alpha=0.8): + """ Plot the values of x1, x2 as two overlayed histograms. + :param x1: + :param x2: + :param min_val: + :param max_val: + :param n_bins: + :param labels: + :param alpha: + :return: + """ + bins = np.linspace(min_val, max_val, n_bins) + fig = pyplot.figure() + pyplot.hist(x1, bins, alpha=alpha, label=labels[0]) + pyplot.hist(x2, bins, alpha=alpha, label=labels[1]) + pyplot.legend(loc='upper right') + return fig + + +def visualize_attention_map_per_token(image, tokens, attention_map, pixel_upscale, smooth_attention=True, + sigma=None, **kwargs): + """ + :param image: PIL image + :param tokens: list of strings (each being a token) + :param attention_map: (np.array) for each token an attention map over the image + :param pixel_upscale: re-scale the KxK input attention_map by this amount (in pixels) + :param smooth_attention: (opt, boolean) to smooth the displayed attention values + :param sigma: (opt, float) control ammount of smoothing + :param kwargs: common parameters for matplotlib {'figsize', 'fontsize'} + :return: nothing + """ + figsize = kwargs.pop('figsize', 20) + fontsize = kwargs.pop('fontsize', 14) + + plt.figure(figsize=(figsize, figsize)) + n_tokens, h, w = attention_map.shape + if n_tokens != len(tokens): + raise ValueError('Each token is expected to have an attention map.') + + if h != w: + warnings.warn('code has not been tested') + + new_im_size = [pixel_upscale*h, pixel_upscale*w] + image = image.resize(new_im_size, Image.LANCZOS) + + for t in range(n_tokens): + plt.subplot(np.ceil(n_tokens / 5.), 5, t + 1) + plt.text(0, 1, '%s' % (tokens[t]), color='black', backgroundcolor='white', fontsize=fontsize) + plt.imshow(image) + current_alpha = attention_map[t][:] + + if smooth_attention: + alpha = skimage.transform.pyramid_expand(current_alpha, upscale=pixel_upscale, sigma=sigma, multichannel=False) + else: + alpha = skimage.transform.resize(current_alpha, new_im_size) + + if t == 0: + plt.imshow(alpha, alpha=0) + else: + plt.imshow(alpha, alpha=0.8) + + plt.set_cmap(cm.Greys_r) + plt.axis('off') + plt.show() \ No newline at end of file diff --git a/imageprocessing/artemis/artemis/utils/vocabulary.py b/imageprocessing/artemis/artemis/utils/vocabulary.py new file mode 100644 index 0000000000000000000000000000000000000000..bc4c6b8683715d1e262bc570ed7595d2bbad9c80 --- /dev/null +++ b/imageprocessing/artemis/artemis/utils/vocabulary.py @@ -0,0 +1,122 @@ +""" +Keep track of a certain word vocabulary associated with a linguistic dataset. + +The MIT License (MIT) +Originally created by Panos Achlioptas mid 2019, for Python 3.x +Copyright (c) 2021 Panos Achlioptas (pachlioptas@gmail.com) & Stanford Geometric Computing Lab +""" + +import pickle +from collections import Counter + +PAD = '' +SOS = '' +EOS = '' +UNK = '' +SPECIAL_SYMBOLS = [PAD, SOS, EOS, UNK] + +class Vocabulary(object): + """Simple vocabulary wrapper.""" + def __init__(self, special_symbols=None): + self.word2idx = {} + self.idx2word = {} + self.idx = 0 + self.intialize_special_symbols() + + def intialize_special_symbols(self): + # Register special-symbols + self.special_symbols = SPECIAL_SYMBOLS + + # Map special-symbols to ints + for s in self.special_symbols: + self.add_word(s) + + # Add special symbols as attributes for quick access + for s in self.special_symbols: + name = s.replace('<', '') + name = name.replace('>', '') + setattr(self, name, self(s)) + + def n_special(self): + return len(self.special_symbols) + + def add_word(self, word): + if word not in self.word2idx: + self.word2idx[word] = self.idx + self.idx2word[self.idx] = word + self.idx += 1 + + def __call__(self, word): + if word not in self.word2idx: + return self.word2idx[UNK] + return self.word2idx[word] + + def __len__(self): + return len(self.word2idx) + + def encode(self, text, max_len=None, add_begin_end=True): + """ + :param text: (list) of tokens ['a', 'nice', 'sunset'] + :param max_len: + :param add_begin_end: + :return: (list) of encoded tokens. + """ + encoded = [self(token) for token in text] + if max_len is not None: + encoded = encoded[:max_len] # crop if too big + + if add_begin_end: + encoded = [self(SOS)] + encoded + [self(EOS)] + + if max_len is not None: # pad if too small (works because [] * [negative] does nothing) + encoded += [self(PAD)] * (max_len - len(text)) + return encoded + + def decode(self, tokens): + return [self.idx2word[token] for token in tokens] + + def decode_print(self, tokens): + exclude = set([self.word2idx[s] for s in [SOS, EOS, PAD]]) + words = [self.idx2word[token] for token in tokens if token not in exclude] + return ' '.join(words) + + def __iter__(self): + return iter(self.word2idx) + + def save(self, file_name): + """ Save as a .pkl the current Vocabulary instance. + :param file_name: where to save + :return: None + """ + with open(file_name, mode="wb") as f: + pickle.dump(self, f, protocol=2) # protocol 2 => works both on py2.7 and py3.x + + @staticmethod + def load(file_name): + """ Load a previously saved Vocabulary instance. + :param file_name: where it was saved + :return: Vocabulary instance. + """ + with open(file_name, 'rb') as f: + vocab = pickle.load(f) + return vocab + + +def build_vocab(token_list, min_word_freq): + """Build a simple vocabulary wrapper.""" + + counter = Counter() + for tokens in token_list: + counter.update(tokens) + + # If the word frequency is less than 'threshold', then the word is discarded. + words = [word for word, cnt in counter.items() if cnt >= min_word_freq] + + # Create a vocab wrapper and add some special tokens. + vocab = Vocabulary() + + # Add the words to the vocabulary. + for i, word in enumerate(words): + vocab.add_word(word) + + return vocab \ No newline at end of file diff --git a/imageprocessing/artemis/setup.py b/imageprocessing/artemis/setup.py new file mode 100644 index 0000000000000000000000000000000000000000..a95885809f9a78583d19c447d54fe94ca95f8eb0 --- /dev/null +++ b/imageprocessing/artemis/setup.py @@ -0,0 +1,39 @@ +from setuptools import setup + +setup(name='artemis', + version='0.1', + description='ArtEmis: Affective Language for Visual Art', + url='http://github.com/optas/artemis', + author='Panos Achlioptas', + author_email='panos@cs.stanford.edu', + license='MIT', + packages=['artemis'], + install_requires=['torch', + 'torchvision', + 'tensorboard', + 'nltk', + 'scikit-learn', + 'pandas', + 'matplotlib', + 'plotly', + 'Pillow', + 'dask[dataframe]', + 'jupyter', + 'tqdm', + 'seaborn', + 'termcolor', + 'scikit-image', + 'symspellpy==6.5.2'], + python_requires='>=3') + + + +# Replicating the exact research environment: +# +# If you want to be 100% aligned with my experiments/ please build a NEW virtual environment from scratch and +# then use the specific versions for the packages shown below. Specifically: +# 1. conda create -n artemis python=3.6.9 cudatoolkit=10.0 +# 2. conda activate artemis +# 3. cd artemis (cloned repo) and, +# 4. pip install -e . But this time adapt the contents of setup.py: ```install_requires''' with: +# 'torch==1.3.1', 'torchvision==0.4.2', 'scikit-learn==0.21.3', 'nltk==3.4.5', 'pandas==0.25.3 \ No newline at end of file